From 5d8d10aa7884691e75ec595a9a7c68699805a647 Mon Sep 17 00:00:00 2001 From: reidjohnson Date: Sat, 14 Sep 2024 11:51:07 +0000 Subject: [PATCH] deploy: 3c9c784e8c9cfaa0d4103934d8a539290e614d6d --- .../plot_qrf_huggingface_inference.rst.txt | 375 +++++++++++++----- .../plot_qrf_interpolation_methods.rst.txt | 8 +- _sources/gallery/plot_qrf_multitarget.rst.txt | 26 +- _static/_image_hashes.json | 2 +- .../plot_qrf_huggingface_inference-thumb.png | Bin 53269 -> 28197 bytes _static/plot_qrf_huggingface_inference.png | Bin 351888 -> 106717 bytes gallery/plot_qrf_huggingface_inference.html | 196 ++++++--- gallery/plot_qrf_interpolation_methods.html | 6 +- gallery/plot_qrf_multitarget.html | 15 +- searchindex.js | 2 +- 10 files changed, 439 insertions(+), 191 deletions(-) diff --git a/_sources/gallery/plot_qrf_huggingface_inference.rst.txt b/_sources/gallery/plot_qrf_huggingface_inference.rst.txt index f7ecf50..8654f1a 100644 --- a/_sources/gallery/plot_qrf_huggingface_inference.rst.txt +++ b/_sources/gallery/plot_qrf_huggingface_inference.rst.txt @@ -11,12 +11,13 @@ Using a Trained QRF Model via Hugging Face Hub ============================================== This example demonstrates how to download a trained quantile regression forest -(QRF) model from Hugging Face Hub and use it to estimate new quantiles. In -this scenario, a QRF has been trained with default parameters on a train-test -split of the California housing dataset and uploaded to Hugging Face Hub. The -model is downloaded and used to perform inference across several quantiles for -each dataset sample. The results are visualized by the latitude and longitude -of each sample. The model used is available on Hugging Face Hub +(QRF) model from Hugging Face Hub and use it to estimate quantiles. In this +scenario, a QRF has been trained with default parameters on the California +Housing dataset using k-fold cross-validation and uploaded to Hugging Face +Hub. The model is downloaded and used to perform inference across multiple +quantiles for each sample in the dataset. The predictions are aggregated by +county based on the latitude and longitude of each sample and visualized. +The trained model is available on Hugging Face Hub `here `_. @@ -26,18 +27,19 @@ of each sample. The model used is available on Hugging Face Hub import os - import pickle import shutil import tempfile import altair as alt + import geopandas as gpd + import joblib import numpy as np import pandas as pd from sklearn import datasets + from sklearn.base import BaseEstimator, RegressorMixin, clone + from sklearn.model_selection import KFold from skops import hub_utils - - import quantile_forest - from quantile_forest import RandomForestQuantileRegressor + from vega_datasets import data alt.data_transformers.disable_max_rows() @@ -46,8 +48,53 @@ of each sample. The model used is available on Hugging Face Hub load_existing = True random_state = np.random.RandomState(0) - quantiles = np.linspace(0, 1, num=5, endpoint=True).round(2).tolist() - sample_frac = 1 + quantiles = np.linspace(0, 1, num=21, endpoint=True).round(2).tolist() + + + class CrossValidationPipeline(BaseEstimator, RegressorMixin): + """Cross-validation pipeline for scikit-learn compatible models.""" + + def __init__(self, base_model, n_splits=5, random_state=None): + self.base_model = base_model + self.n_splits = n_splits + self.random_state = random_state + self.fold_models = {} + self.fold_indices = {} + + def fit(self, X, y): + """Fit the model using k-fold cross-validation.""" + kf = KFold(n_splits=self.n_splits, shuffle=True, random_state=self.random_state) + for fold_idx, (train_idx, test_idx) in enumerate(kf.split(X)): + X_train, y_train = X.iloc[train_idx], y[train_idx] + model = clone(self.base_model) + model.fit(X_train, y_train) + self.fold_models[fold_idx] = model + self.fold_indices[fold_idx] = test_idx + return self + + def predict(self, X, quantiles=None): + """Predict using the appropriate k-fold model.""" + if quantiles is None: + quantiles = 0.5 + if not isinstance(quantiles, list): + quantiles = [quantiles] + y_pred = np.empty((X.shape[0], len(quantiles)) if len(quantiles) > 1 else (X.shape[0])) + for fold_idx, test_idx in self.fold_indices.items(): + fold_model = self.fold_models[fold_idx] + y_pred[test_idx] = fold_model.predict(X.iloc[test_idx], quantiles=quantiles) + return y_pred + + def save(self, filename): + with open(filename, "wb") as f: + joblib.dump(self.__getstate__(), f) + + @classmethod + def load(cls, filename): + with open(filename, "rb") as f: + state = joblib.load(f) + obj = cls(base_model=None) + obj.__setstate__(state) + return obj def fit_and_upload_model(token, repo_id, local_dir="./local_repo", random_state=None): @@ -60,21 +107,27 @@ of each sample. The model used is available on Hugging Face Hub median_absolute_error, r2_score, ) - from sklearn.model_selection import train_test_split + from sklearn.pipeline import Pipeline from skops import card + import quantile_forest + from quantile_forest import RandomForestQuantileRegressor + # Load the California Housing dataset. X, y = datasets.fetch_california_housing(as_frame=True, return_X_y=True) - X_train, X_test, y_train, y_test = train_test_split(X, y, random_state=random_state) + # Define the model pipeline. + qrf = RandomForestQuantileRegressor(random_state=random_state) + pipeline = Pipeline( + [("cv_model", CrossValidationPipeline(qrf, n_splits=5, random_state=random_state))] + ) - # Fit the model. - qrf = RandomForestQuantileRegressor(random_state=random_state).fit(X_train, y_train) + # Fit the model pipeline. + pipeline.fit(X, y) - # Save the model to a file. + # Save the pipeline (with all models) to a file. model_filename = "model.pkl" - with open(model_filename, mode="bw") as f: - pickle.dump(qrf, file=f) + pipeline.named_steps["cv_model"].save(model_filename) # Prepare model repository. if os.path.exists(local_dir): @@ -87,7 +140,7 @@ of each sample. The model used is available on Hugging Face Hub requirements=[f"quantile-forest={quantile_forest.__version__}"], dst=local_dir, task="tabular-regression", - data=X_train, + data=X, ) # Create a model card. @@ -104,19 +157,18 @@ of each sample. The model used is available on Hugging Face Hub "prediction-intervals", ] model_description = ( - "This is a RandomForestQuantileRegressor trained on the California housing dataset." + "This is a RandomForestQuantileRegressor trained on the California Housing dataset." ) limitations = "This model is not ready to be used in production." training_procedure = ( - "The model was trained using default parameters on a standard train-test split." + "The model was trained using default parameters on a 5-fold cross-validation pipeline." ) get_started_code = """
Click to expand ```python - import pickle - with open(qrf_pkl_filename, 'rb') as file: - qrf = pickle.load(file) + from examples.plot_qrf_huggingface_inference import CrossValidationPipeline + pipeline = CrossValidationPipeline.load(qrf_pkl_filename) ```
""" @@ -130,11 +182,11 @@ of each sample. The model used is available on Hugging Face Hub ) # Add performance metrics to the model card. - y_pred = qrf.predict(X_test) - mape = mean_absolute_percentage_error(y_test, y_pred) - mdae = median_absolute_error(y_test, y_pred) - mse = mean_squared_error(y_test, y_pred) - r2 = r2_score(y_test, y_pred) + y_pred = pipeline.predict(X) + mape = mean_absolute_percentage_error(y, y_pred) + mdae = median_absolute_error(y, y_pred) + mse = mean_squared_error(y, y_pred) + r2 = r2_score(y, y_pred) model_card.add_metrics( **{ "Mean Absolute Percentage Error": mape, @@ -172,23 +224,21 @@ of each sample. The model used is available on Hugging Face Hub local_dir = "./local_repo" with tempfile.TemporaryDirectory() as local_dir: hub_utils.download(repo_id=repo_id, dst=local_dir) - with open(f"{local_dir}/{model_filename}", "rb") as file: - qrf = pickle.load(file) + pipeline = CrossValidationPipeline.load(f"{local_dir}/{model_filename}") # Fetch the California Housing dataset and estimate quantiles. X, y = datasets.fetch_california_housing(as_frame=True, return_X_y=True) - y_pred = qrf.predict(X, quantiles=quantiles) * 100_000 # predict in dollars + y_pred = pipeline.predict(X, quantiles=quantiles) * 100_000 # predict in dollars df = ( pd.DataFrame(y_pred, columns=quantiles) .reset_index() - .sample(frac=sample_frac, random_state=random_state) - .melt(id_vars=["index"], var_name="quantile", value_name="value") + .rename(columns={q: f"q_{q:.3g}" for q in quantiles}) .merge(X[["Latitude", "Longitude", "Population"]].reset_index(), on="index", how="right") ) - def plot_quantiles_by_latlon(df, quantiles, color_scheme="cividis"): + def plot_quantiles_by_latlon(df, quantiles, color_scheme="lightgreyred"): """Plot quantile predictions on California Housing dataset by lat/lon.""" # Slider for varying the displayed quantile estimates. slider = alt.binding_range( @@ -200,35 +250,69 @@ of each sample. The model used is available on Hugging Face Hub quantile_val = alt.param(name="quantile", value=0.5, bind=slider) + # Load the US counties data and filter to California counties. + ca_counties = ( + gpd.read_file(data.us_10m.url, layer="counties") + .set_crs("EPSG:4326") + .assign(**{"county_fips": lambda x: x["id"].astype(int)}) + .drop(columns=["id"]) + .query("(county_fips >= 6000) & (county_fips < 7000)") + ) + + x_min = df[[f"q_{q:.3g}" for q in quantiles]].min().min() + x_max = df[[f"q_{q:.3g}" for q in quantiles]].max().max() + + df = ( + gpd.GeoDataFrame( + df, geometry=gpd.points_from_xy(df["Longitude"], df["Latitude"]), crs="4326" + ) + .sjoin(ca_counties, how="right") + .drop(columns=["index_left0"]) + .assign( + **{f"w_q_{q:.3g}": lambda x, q=q: x[f"q_{q:.3g}"] * x["Population"] for q in quantiles} + ) + ) + + grouped = ( + df.groupby("county_fips") + .agg({**{f"w_q_{q:.3g}": "sum" for q in quantiles}, **{"Population": "sum"}}) + .reset_index() + .assign( + **{f"q_{q:.3g}": lambda x, q=q: x[f"w_q_{q:.3g}"] / x["Population"] for q in quantiles} + ) + ) + + df = ( + df[["county_fips", "Latitude", "Longitude", "geometry"]] + .drop_duplicates(subset=["county_fips"]) + .merge( + grouped[["county_fips", "Population"] + [f"q_{q:.3g}" for q in quantiles]], + on="county_fips", + how="left", + ) + ) + chart = ( alt.Chart(df) .add_params(quantile_val) - .transform_filter("datum.quantile == quantile") - .mark_circle() + .transform_calculate(quantile_col="'q_' + quantile") + .transform_calculate(value=f"datum[datum.quantile_col]") + .mark_geoshape(stroke="black", strokeWidth=0.5) .encode( - x=alt.X( - "Longitude:Q", - axis=alt.Axis(tickMinStep=1, format=".1f"), - scale=alt.Scale(zero=False), - title="Longitude", - ), - y=alt.Y( - "Latitude:Q", - axis=alt.Axis(tickMinStep=1, format=".1f"), - scale=alt.Scale(zero=False), - title="Latitude", + color=alt.Color( + "value:Q", + scale=alt.Scale(domain=[x_min, x_max], scheme=color_scheme), + title="Prediction", ), - color=alt.Color("value:Q", scale=alt.Scale(scheme=color_scheme), title="Prediction"), - size=alt.Size("Population:Q"), tooltip=[ - alt.Tooltip("index:N", title="Row ID"), - alt.Tooltip("Latitude:Q", format=".2f", title="Latitude"), - alt.Tooltip("Longitude:Q", format=".2f", title="Longitude"), + alt.Tooltip("county_fips:N", title="County FIPS"), + alt.Tooltip("Population:N", format=",.0f", title="Population"), alt.Tooltip("value:Q", format="$,.0f", title="Predicted Value"), ], ) + .project(type="mercator") .properties( - title="Quantile Predictions on the California Housing Dataset", + title="Quantile Predictions on the California Housing Dataset by County", height=650, width=650, ) @@ -244,18 +328,19 @@ of each sample. The model used is available on Hugging Face Hub import os - import pickle import shutil import tempfile import altair as alt + import geopandas as gpd + import joblib import numpy as np import pandas as pd from sklearn import datasets + from sklearn.base import BaseEstimator, RegressorMixin, clone + from sklearn.model_selection import KFold from skops import hub_utils - - import quantile_forest - from quantile_forest import RandomForestQuantileRegressor + from vega_datasets import data alt.data_transformers.disable_max_rows() @@ -264,8 +349,53 @@ of each sample. The model used is available on Hugging Face Hub load_existing = True random_state = np.random.RandomState(0) - quantiles = np.linspace(0, 1, num=5, endpoint=True).round(2).tolist() - sample_frac = 1 + quantiles = np.linspace(0, 1, num=21, endpoint=True).round(2).tolist() + + + class CrossValidationPipeline(BaseEstimator, RegressorMixin): + """Cross-validation pipeline for scikit-learn compatible models.""" + + def __init__(self, base_model, n_splits=5, random_state=None): + self.base_model = base_model + self.n_splits = n_splits + self.random_state = random_state + self.fold_models = {} + self.fold_indices = {} + + def fit(self, X, y): + """Fit the model using k-fold cross-validation.""" + kf = KFold(n_splits=self.n_splits, shuffle=True, random_state=self.random_state) + for fold_idx, (train_idx, test_idx) in enumerate(kf.split(X)): + X_train, y_train = X.iloc[train_idx], y[train_idx] + model = clone(self.base_model) + model.fit(X_train, y_train) + self.fold_models[fold_idx] = model + self.fold_indices[fold_idx] = test_idx + return self + + def predict(self, X, quantiles=None): + """Predict using the appropriate k-fold model.""" + if quantiles is None: + quantiles = 0.5 + if not isinstance(quantiles, list): + quantiles = [quantiles] + y_pred = np.empty((X.shape[0], len(quantiles)) if len(quantiles) > 1 else (X.shape[0])) + for fold_idx, test_idx in self.fold_indices.items(): + fold_model = self.fold_models[fold_idx] + y_pred[test_idx] = fold_model.predict(X.iloc[test_idx], quantiles=quantiles) + return y_pred + + def save(self, filename): + with open(filename, "wb") as f: + joblib.dump(self.__getstate__(), f) + + @classmethod + def load(cls, filename): + with open(filename, "rb") as f: + state = joblib.load(f) + obj = cls(base_model=None) + obj.__setstate__(state) + return obj def fit_and_upload_model(token, repo_id, local_dir="./local_repo", random_state=None): @@ -278,21 +408,27 @@ of each sample. The model used is available on Hugging Face Hub median_absolute_error, r2_score, ) - from sklearn.model_selection import train_test_split + from sklearn.pipeline import Pipeline from skops import card + import quantile_forest + from quantile_forest import RandomForestQuantileRegressor + # Load the California Housing dataset. X, y = datasets.fetch_california_housing(as_frame=True, return_X_y=True) - X_train, X_test, y_train, y_test = train_test_split(X, y, random_state=random_state) + # Define the model pipeline. + qrf = RandomForestQuantileRegressor(random_state=random_state) + pipeline = Pipeline( + [("cv_model", CrossValidationPipeline(qrf, n_splits=5, random_state=random_state))] + ) - # Fit the model. - qrf = RandomForestQuantileRegressor(random_state=random_state).fit(X_train, y_train) + # Fit the model pipeline. + pipeline.fit(X, y) - # Save the model to a file. + # Save the pipeline (with all models) to a file. model_filename = "model.pkl" - with open(model_filename, mode="bw") as f: - pickle.dump(qrf, file=f) + pipeline.named_steps["cv_model"].save(model_filename) # Prepare model repository. if os.path.exists(local_dir): @@ -305,7 +441,7 @@ of each sample. The model used is available on Hugging Face Hub requirements=[f"quantile-forest={quantile_forest.__version__}"], dst=local_dir, task="tabular-regression", - data=X_train, + data=X, ) # Create a model card. @@ -322,19 +458,18 @@ of each sample. The model used is available on Hugging Face Hub "prediction-intervals", ] model_description = ( - "This is a RandomForestQuantileRegressor trained on the California housing dataset." + "This is a RandomForestQuantileRegressor trained on the California Housing dataset." ) limitations = "This model is not ready to be used in production." training_procedure = ( - "The model was trained using default parameters on a standard train-test split." + "The model was trained using default parameters on a 5-fold cross-validation pipeline." ) get_started_code = """
Click to expand ```python - import pickle - with open(qrf_pkl_filename, 'rb') as file: - qrf = pickle.load(file) + from examples.plot_qrf_huggingface_inference import CrossValidationPipeline + pipeline = CrossValidationPipeline.load(qrf_pkl_filename) ```
""" @@ -348,11 +483,11 @@ of each sample. The model used is available on Hugging Face Hub ) # Add performance metrics to the model card. - y_pred = qrf.predict(X_test) - mape = mean_absolute_percentage_error(y_test, y_pred) - mdae = median_absolute_error(y_test, y_pred) - mse = mean_squared_error(y_test, y_pred) - r2 = r2_score(y_test, y_pred) + y_pred = pipeline.predict(X) + mape = mean_absolute_percentage_error(y, y_pred) + mdae = median_absolute_error(y, y_pred) + mse = mean_squared_error(y, y_pred) + r2 = r2_score(y, y_pred) model_card.add_metrics( **{ "Mean Absolute Percentage Error": mape, @@ -390,23 +525,21 @@ of each sample. The model used is available on Hugging Face Hub local_dir = "./local_repo" with tempfile.TemporaryDirectory() as local_dir: hub_utils.download(repo_id=repo_id, dst=local_dir) - with open(f"{local_dir}/{model_filename}", "rb") as file: - qrf = pickle.load(file) + pipeline = CrossValidationPipeline.load(f"{local_dir}/{model_filename}") # Fetch the California Housing dataset and estimate quantiles. X, y = datasets.fetch_california_housing(as_frame=True, return_X_y=True) - y_pred = qrf.predict(X, quantiles=quantiles) * 100_000 # predict in dollars + y_pred = pipeline.predict(X, quantiles=quantiles) * 100_000 # predict in dollars df = ( pd.DataFrame(y_pred, columns=quantiles) .reset_index() - .sample(frac=sample_frac, random_state=random_state) - .melt(id_vars=["index"], var_name="quantile", value_name="value") + .rename(columns={q: f"q_{q:.3g}" for q in quantiles}) .merge(X[["Latitude", "Longitude", "Population"]].reset_index(), on="index", how="right") ) - def plot_quantiles_by_latlon(df, quantiles, color_scheme="cividis"): + def plot_quantiles_by_latlon(df, quantiles, color_scheme="lightgreyred"): """Plot quantile predictions on California Housing dataset by lat/lon.""" # Slider for varying the displayed quantile estimates. slider = alt.binding_range( @@ -418,35 +551,69 @@ of each sample. The model used is available on Hugging Face Hub quantile_val = alt.param(name="quantile", value=0.5, bind=slider) + # Load the US counties data and filter to California counties. + ca_counties = ( + gpd.read_file(data.us_10m.url, layer="counties") + .set_crs("EPSG:4326") + .assign(**{"county_fips": lambda x: x["id"].astype(int)}) + .drop(columns=["id"]) + .query("(county_fips >= 6000) & (county_fips < 7000)") + ) + + x_min = df[[f"q_{q:.3g}" for q in quantiles]].min().min() + x_max = df[[f"q_{q:.3g}" for q in quantiles]].max().max() + + df = ( + gpd.GeoDataFrame( + df, geometry=gpd.points_from_xy(df["Longitude"], df["Latitude"]), crs="4326" + ) + .sjoin(ca_counties, how="right") + .drop(columns=["index_left0"]) + .assign( + **{f"w_q_{q:.3g}": lambda x, q=q: x[f"q_{q:.3g}"] * x["Population"] for q in quantiles} + ) + ) + + grouped = ( + df.groupby("county_fips") + .agg({**{f"w_q_{q:.3g}": "sum" for q in quantiles}, **{"Population": "sum"}}) + .reset_index() + .assign( + **{f"q_{q:.3g}": lambda x, q=q: x[f"w_q_{q:.3g}"] / x["Population"] for q in quantiles} + ) + ) + + df = ( + df[["county_fips", "Latitude", "Longitude", "geometry"]] + .drop_duplicates(subset=["county_fips"]) + .merge( + grouped[["county_fips", "Population"] + [f"q_{q:.3g}" for q in quantiles]], + on="county_fips", + how="left", + ) + ) + chart = ( alt.Chart(df) .add_params(quantile_val) - .transform_filter("datum.quantile == quantile") - .mark_circle() + .transform_calculate(quantile_col="'q_' + quantile") + .transform_calculate(value=f"datum[datum.quantile_col]") + .mark_geoshape(stroke="black", strokeWidth=0.5) .encode( - x=alt.X( - "Longitude:Q", - axis=alt.Axis(tickMinStep=1, format=".1f"), - scale=alt.Scale(zero=False), - title="Longitude", - ), - y=alt.Y( - "Latitude:Q", - axis=alt.Axis(tickMinStep=1, format=".1f"), - scale=alt.Scale(zero=False), - title="Latitude", + color=alt.Color( + "value:Q", + scale=alt.Scale(domain=[x_min, x_max], scheme=color_scheme), + title="Prediction", ), - color=alt.Color("value:Q", scale=alt.Scale(scheme=color_scheme), title="Prediction"), - size=alt.Size("Population:Q"), tooltip=[ - alt.Tooltip("index:N", title="Row ID"), - alt.Tooltip("Latitude:Q", format=".2f", title="Latitude"), - alt.Tooltip("Longitude:Q", format=".2f", title="Longitude"), + alt.Tooltip("county_fips:N", title="County FIPS"), + alt.Tooltip("Population:N", format=",.0f", title="Population"), alt.Tooltip("value:Q", format="$,.0f", title="Predicted Value"), ], ) + .project(type="mercator") .properties( - title="Quantile Predictions on the California Housing Dataset", + title="Quantile Predictions on the California Housing Dataset by County", height=650, width=650, ) diff --git a/_sources/gallery/plot_qrf_interpolation_methods.rst.txt b/_sources/gallery/plot_qrf_interpolation_methods.rst.txt index 45c1ffb..aeb7766 100644 --- a/_sources/gallery/plot_qrf_interpolation_methods.rst.txt +++ b/_sources/gallery/plot_qrf_interpolation_methods.rst.txt @@ -66,8 +66,8 @@ handled when a quantile does not exactly match a data point. "method": ["Actual"] * len(y), "X": [f"Sample {idx + 1} ({x})" for idx, x in enumerate(X.tolist())], "y_pred": y.tolist(), - "y_pred_low": y.tolist(), - "y_pred_upp": y.tolist(), + "y_pred_low": [None] * len(y), + "y_pred_upp": [None] * len(y), "quantile_low": [None] * len(y), "quantile_upp": [None] * len(y), } @@ -225,8 +225,8 @@ handled when a quantile does not exactly match a data point. "method": ["Actual"] * len(y), "X": [f"Sample {idx + 1} ({x})" for idx, x in enumerate(X.tolist())], "y_pred": y.tolist(), - "y_pred_low": y.tolist(), - "y_pred_upp": y.tolist(), + "y_pred_low": [None] * len(y), + "y_pred_upp": [None] * len(y), "quantile_low": [None] * len(y), "quantile_upp": [None] * len(y), } diff --git a/_sources/gallery/plot_qrf_multitarget.rst.txt b/_sources/gallery/plot_qrf_multitarget.rst.txt index 6c750bf..0fc4471 100644 --- a/_sources/gallery/plot_qrf_multitarget.rst.txt +++ b/_sources/gallery/plot_qrf_multitarget.rst.txt @@ -36,7 +36,7 @@ for each target: the median line and the area defined by the interval points. quantiles = np.linspace(0, 1, num=41, endpoint=True).round(3).tolist() # Define functions that generate targets; each function maps to one target. - funcs = [ + target_funcs = [ { "signal": lambda x: np.log1p(x + 1), "noise": lambda x: np.log1p(x) * random_state.uniform(size=len(x)), @@ -49,18 +49,19 @@ for each target: the median line and the area defined by the interval points. }, ] - legend = {k: v for f in funcs for k, v in f["legend"].items()} - def make_funcs_Xy(funcs, n_samples, bounds): - """Make a dataset from specified function(s) with signal and noise.""" + """Make a dataset from specified function(s).""" x = np.linspace(*bounds, n_samples) y = np.empty((len(x), len(funcs))) for i, func in enumerate(funcs): - y[:, i] = func["signal"](x) + func["noise"](x) + y[:, i] = func(x) return np.atleast_2d(x).T, y + funcs = [lambda x, f=f: f["signal"](x) + f["noise"](x) for f in target_funcs] + legend = {k: v for f in target_funcs for k, v in f["legend"].items()} + # Create a dataset with multiple target variables. X, y = make_funcs_Xy(funcs, n_samples, bounds) @@ -76,7 +77,6 @@ for each target: the median line and the area defined by the interval points. { "x": np.tile(X.squeeze(), len(funcs)), "y": y.reshape(-1, order="F"), - "y_true": np.concatenate([f["signal"](X.squeeze()) for f in funcs]), "y_pred": np.concatenate([y_pred[:, i, len(quantiles) // 2] for i in range(len(funcs))]), "target": np.concatenate([[str(i)] * len(X) for i in range(len(funcs))]), **{f"q_{q_i:.3g}": y_i.ravel() for q_i, y_i in zip(quantiles, y_pred.T)}, @@ -108,7 +108,6 @@ for each target: the median line and the area defined by the interval points. alt.Tooltip("target:N", title="Target"), alt.Tooltip("x:Q", format=",.3f", title="X"), alt.Tooltip("y:Q", format=",.3f", title="Y"), - alt.Tooltip("y_true:Q", format=",.3f", title="Y"), alt.Tooltip("y_pred:Q", format=",.3f", title="Predicted Y"), alt.Tooltip("y_pred_low:Q", format=",.3f", title="Predicted Lower Y"), alt.Tooltip("y_pred_upp:Q", format=",.3f", title="Predicted Upper Y"), @@ -186,7 +185,7 @@ for each target: the median line and the area defined by the interval points. quantiles = np.linspace(0, 1, num=41, endpoint=True).round(3).tolist() # Define functions that generate targets; each function maps to one target. - funcs = [ + target_funcs = [ { "signal": lambda x: np.log1p(x + 1), "noise": lambda x: np.log1p(x) * random_state.uniform(size=len(x)), @@ -199,18 +198,19 @@ for each target: the median line and the area defined by the interval points. }, ] - legend = {k: v for f in funcs for k, v in f["legend"].items()} - def make_funcs_Xy(funcs, n_samples, bounds): - """Make a dataset from specified function(s) with signal and noise.""" + """Make a dataset from specified function(s).""" x = np.linspace(*bounds, n_samples) y = np.empty((len(x), len(funcs))) for i, func in enumerate(funcs): - y[:, i] = func["signal"](x) + func["noise"](x) + y[:, i] = func(x) return np.atleast_2d(x).T, y + funcs = [lambda x, f=f: f["signal"](x) + f["noise"](x) for f in target_funcs] + legend = {k: v for f in target_funcs for k, v in f["legend"].items()} + # Create a dataset with multiple target variables. X, y = make_funcs_Xy(funcs, n_samples, bounds) @@ -226,7 +226,6 @@ for each target: the median line and the area defined by the interval points. { "x": np.tile(X.squeeze(), len(funcs)), "y": y.reshape(-1, order="F"), - "y_true": np.concatenate([f["signal"](X.squeeze()) for f in funcs]), "y_pred": np.concatenate([y_pred[:, i, len(quantiles) // 2] for i in range(len(funcs))]), "target": np.concatenate([[str(i)] * len(X) for i in range(len(funcs))]), **{f"q_{q_i:.3g}": y_i.ravel() for q_i, y_i in zip(quantiles, y_pred.T)}, @@ -258,7 +257,6 @@ for each target: the median line and the area defined by the interval points. alt.Tooltip("target:N", title="Target"), alt.Tooltip("x:Q", format=",.3f", title="X"), alt.Tooltip("y:Q", format=",.3f", title="Y"), - alt.Tooltip("y_true:Q", format=",.3f", title="Y"), alt.Tooltip("y_pred:Q", format=",.3f", title="Predicted Y"), alt.Tooltip("y_pred_low:Q", format=",.3f", title="Predicted Lower Y"), alt.Tooltip("y_pred_upp:Q", format=",.3f", title="Predicted Upper Y"), diff --git a/_static/_image_hashes.json b/_static/_image_hashes.json index 940cd4b..c115335 100644 --- a/_static/_image_hashes.json +++ b/_static/_image_hashes.json @@ -1 +1 @@ -{"plot_qrf_interpolation_methods.png": "2f3d43fde381d714a2952769c00dd6e7", "plot_qrf_custom_functions.png": "2f257ba3ed3ea39ace3775dfaac212a1", "plot_qrf_extrapolation.png": "54e94b1539025c3d9c702131f6c5615c", "plot_qrf_multitarget.png": "0601977950010fdc870894be0dc4b5b2", "plot_qrf_predictions.png": "98dc4349f8db21311b7ba0e3a73723d1", "plot_qrf_conformalized_intervals.png": "b1b1ce4e8ee95f3bc13b3454a1ef43ad", "plot_qrf_prediction_intervals.png": "5c5daed975c01484ea8888a01ff887d2", "plot_qrf_vs_rf_predictions.png": "4253fe19a649541d50bf5d5bbd407206", "plot_qrf_treeshap_explanations.png": "5a87665596448c2371b828fde9b07e8e", "plot_qrf_proximity_counts.png": "ad7468e53cdd8d6ae0aecd3ac9760700", "plot_qrf_quantile_ranks.png": "5fc3187fb02476f94edf43aa918e0cd9", "plot_qrf_huggingface_inference.png": "c87554d2fada2c6debe8c18c118efff8"} \ No newline at end of file +{"plot_qrf_interpolation_methods.png": "e9ef9605621f0fe49946d59df4f50cb8", "plot_qrf_custom_functions.png": "2f257ba3ed3ea39ace3775dfaac212a1", "plot_qrf_extrapolation.png": "54e94b1539025c3d9c702131f6c5615c", "plot_qrf_multitarget.png": "1aa7118314c961afee806294cd4fd23a", "plot_qrf_predictions.png": "98dc4349f8db21311b7ba0e3a73723d1", "plot_qrf_conformalized_intervals.png": "b1b1ce4e8ee95f3bc13b3454a1ef43ad", "plot_qrf_prediction_intervals.png": "5c5daed975c01484ea8888a01ff887d2", "plot_qrf_vs_rf_predictions.png": "4253fe19a649541d50bf5d5bbd407206", "plot_qrf_treeshap_explanations.png": "5a87665596448c2371b828fde9b07e8e", "plot_qrf_proximity_counts.png": "ad7468e53cdd8d6ae0aecd3ac9760700", "plot_qrf_quantile_ranks.png": "5fc3187fb02476f94edf43aa918e0cd9", "plot_qrf_huggingface_inference.png": "512abbd5ec0f690e4361c4b0800db202"} \ No newline at end of file diff --git a/_static/plot_qrf_huggingface_inference-thumb.png b/_static/plot_qrf_huggingface_inference-thumb.png index 744c70c70b48d456e9ee967f0e9af061f29ed9c2..732e482b2ff0be9ef52e7434bca21a20ecf281e9 100644 GIT binary patch literal 28197 zcmX6^bv)hs|7SDP48!D@?(UkdqmP*G>FH*An7O8Vn1iFHyK8D{rkOZQch~Rj`}^ZQ z?wwtqc)#DT*XvoID0NkNYz$HiBqStkMFkm6BqU@K@Xu2;RPdAi9J1d?NRGRTGH
    hp_gWo~=KgB3|I<8NI0`>fjjg#wQxo*FVD46?e|M*F0r|zfiZ|!f1 zRtKi0@0XXqJJazf3lcjZ2v5{BH#0MHL1XN1MZ(04*(Ba;ApU^ozbUf3vefF=a=l&R ze}9s*d@3@@tC2V&Od2KgbMpiX7nes&4C3b};@p1ciMVJq{PJ)~_3&oE@~gm-cWC`` zAQ=;#)F(*)&0#mL&*5KWM@Pro+tCM6O(jBEGk15w=EYwf9Y`kE6DgcnPoYp`=6>Wc z4+@CiDZ`9+b1X?j=lVKretv#~A-nj^?5Ma4Yd7cRhCutkzkiH5Hw&BIYq0{H5Q2{q z_iGXxUE!F&r>2e;4+2w`ugjM6%FFkorVEBgG6asiMNiMppkH!S3$M=W+ee)5{x}~I z2OSanZz-E}?VRZZwolpLkIPfNz=_=2-(T8S>(6<(%HiSV?U^dky&BYQ)AUiT)cagp z%O@->%-^~Z*DhyoZ%><`_|CxKYTv6}`8D3(5rO3eS4hxRO3(m!rHa;b(wv9e&H8}W zAy!t_*9G4zD_!R2^+dC@I5>0skI}*1gE|lHmJW^%?ibrFY;B`pF#6RaK|Ve{|A(99 z!h(YErY2$W%fCBR3&wZv}^rMp%*aUw%=Zr2(75B!$b29sF)Z|0Xb zhyz!Mf6O}k@4vfoCDyBR?pVRAKF6gTo1TuG+*;pXY`(p&co0ruH(Fhblh~MFzUMbG zGIICuI9l>M$YsO`I(#0~F*b(xzkh@EdPPBjD3rKkG64&B*(cEUR!t4}VK?WF=YId- z{>$S7+@1v8kEZ41Y-V{atyJ7^S6oh++(Gx3+tnZt?1Y4b+mYp4Y@5++#NEYmVOd#h zTbua(x${HvmoGRl7_0~mUtMT)o7wYxe0BU-xvSRY8!^{L@}S%PAQdewf`=`MJBE9!EERu02&RJj@0dIYA9-h*Je-+qRyJg3c;PsHirdOI#u!wB4}lmK(mE_E_>>!xq2(_XZ>U3AjkZq7xA@F>-_d75ClU z9V-XNNdZT|*38mQVZ2tm>^nWZZ@Ia_ZkxX}3=D?K4C+ZpNd7+VEiL4zr6r*!Ow4U!fXZ(?I({ZGf`Z{r@0 zBrd@YLfY=nDo*mL?mmtBZ}9jZc0LD%z$qZme|ag0^uJ#wZaaJ?ezi`}c9L~4HZjrF z9f=zyLj#IkSVW|_q-3qEe#smZhQw8ZgqefGYa`r|MK+w96zpqYiGy8-8~Uh&xf@>Y?^qq zgZ2k;Wo6~0>2+`tsS^ec_nd<=rj7k#dwXTuj$)lTMMa1Ese*=AS83uE!d6zyz#SR_ zZumieD=%liziWTE_}BDhe$U#~6(0%ovfdbC&_6c%V#!KNOAkSLAdk(@4}l(5U0wZH zb#LMoIK{+9>f7%e!C#8?_4f}TTr(wtC>h^{Ik#QWgOh_mSlvIC$LHAC6?b8<9K5`| zA6B}a8T)S0-46v_aopwyoyJ|}Je&j_KOV!YE1$Sif zL6^7>!Rn0e>jwvuzlw=dM}zK99*@L;#1(_LC}rFARE6u!xg+R0;D!9f)ug4LdNyZ) zDw~^|`?s}a_Wu2+^mI}?dwZWNL`tLQ9;uj^7%v~683}3%hslOl(1q94+;kggg)EPI z55_}bdHENU>jIOmJx{m0YmfAd3|l9s4X}-?2Fuq(7yFC(#l=zJ5H>Y8``n#PUxDt> zY2e%{Yhpsh#>Q4tTRZ;yw~U(`4+{%R(&kY&)%}0_`%dMCjZ)xvQBY7IY3u6d?+Am3 z{q;)~bmGe{;Z2eQ#&CdW;wXF9h19BzOtX)xctZgEPm(#DHgc5ha5sb-0n?d>k2c z8QF67$Drlze7@!3{^qguoCpLZfCKs8=w@+o@yhOOb!kNf0T!z5`}g0Pn=>{xtc`>2 zJT!|5>zx+i4%n^691k1Iw`A5fHa;gK0-*O5=H?=2jP!MNJ$d@{sk^)TH%5$rfPfhX zez0glUi;*r5v+h74JPcHg708iAMXXm*JEALGcY`^9`a>l&W+H-7B6_+_ECZMD@faA zFUPS>(78>^{q@e{1K(cdJO~9#egw;vo}T{R-aa3U6>zq}l6HYRPnR2sWD8s|$%*1> z&`$DRbxYhzw}2e&GE1cEmRG%=q>C(Ii&N^rk@d}`O;z^lS&oUBX zfa7!A+7Go%f@uNr{n=CS@pobhC1P4@r<5=g*%%hc|brFh%~1 z-jxrg_4E4r`qbn&2}6i6UTmZ3c+IaW^yrb@Nt+sN?TPqIbP;CY|Ir`}*Jch+#4ntT zD&GMG4ju|8@@e5DI^i7wI3r-(gBy%{w64CE^_f0$Z7; z0;54uElg0M4;@0l{bS`Gu>?7eycHXNMywud#Pp7=M&jU67~XeHCNMtlKQ%TA1zvas zrGSG6mNrTz1XKW_EOopBc;AnCvQ^{q<|L>QW`8ek6zLPts1LnGL3g|j3_>^;!I|H@ zd2>4rmXGBi=J-xmSGTyV>{-#R(Z@lzc+EUp(g?F}wxpoO9~;`r_Ed@g)sTsJ&Bfu# zpc^%(6-KxeV#L;kJF0&T>C(SVIv~?sI2LA`g!}PMorp80)vf4Bbyby=cus|X2s$<1 zNA*OA2J$3tJS>Wd4rZp#_z&$FN`aa#t>%*gwRcJq%Cvdj9$T{?d8zK&E^FO$R@+y( zyiXIKJ;_BQlwE95rHc8o`nAe#W`;{vj56<xY-bSN~wg=vj|HD_5wSn6x7T zSXn)X9w%)qXerk>H&>t?e1yZnk$e*Th?3fGhuV9#++FwP_~3B(7;o%+z4O`!!S{}i zz1Gz$7dJ1Y@M7h_oGEcA!-bmO8goEmV_z1`qszXK$>-X(x3{%r7dE)~^@e)hdvM

    Ka3heb3sH5o~a-sL5iGENGn_g8zjHTqq!gGO_)H5L z51X%_AB!zguKFj?*mZPt8a}K%S-#u%@&U-T!DS6~XJ-c-NO01?W8BVF+>x5xt`Y}J zzf7g&&xo*1Zx%j^#!*O3%gWDfE3fjH<7i%d7cY<;BKeosVMa?##q>Kc!xK|6=l7Gc?nZptFoJ3fty~SaX$HL zavKx$HXuOk?CgwJKp;VZ762?zk1MW?scC7{cxYqG%WCW?`HhWfM@KGQD<9}4nz)X= z-cxot@K=|7`hpi?$ll)_jJ&;LXKU|R+0)y#ipCU!DXFZC2?}#4g@XVm@^L|>&;a7Q z1nhx{5F_c9qkVZ)%z+1`&W1DL_|cRVTpu&42)RVS|p^iA70TDt9>KJc*H$CJfSe#{{e2$W22(bDaHL2 zY-|{oum9Bl+uK7t0>s+dT2b%AZ?2cp^E7UhG86$OjI*Lk)jO6BlX2Je# zAM}PQfBcwvk~YNkfG~NRlPXz6C-fiwcg4G#1I_7$;eUT$1Nf~#DC^@Q%hd*Fp+FBykSO^IHfvX7kA8t5z%<;3*p40kk&&m! zO52jwseQ~)klFU^?$nOhhf(M7Gfby`P+MOf{F8UBQ_ejc9$GbUd~oiMeG{rNYX zNOsOnQ@$&y;JstzFubJI_Cme~urh+=VbZTNU ze)ZP|ltV7OHyIT_m={}=l7npo;_l_?dT{?V1X%(nvfK6iogVqibfgR|N-P0fT=zE{`6g7lWY5PtB$cb=kX z@4SLwypZG#Ya$|IPDs?E(^_YDusM~k?BPTb%gy!-49>hW&X}Mz>0Vb48dw=)Qh4uL z(Y!uq;cFG_L=38&Qu(i%6SL#STe~`S+=SE(4<9}v6vAK;5jOC09cWVRnTPep1~?by zmi{5I2;c3vA6$vyy~UCi_Q66(UudHf2P`XR>;7Dw;g zXs0VDwfC(ZL7KzfRGMO3iSCQ7H>Sd(mJcjkeM!3)7L#E!?gp>Jx+Yx1!h2<}ef`FH zUrzE4Y@Q^&!vH!2{*y3fymU#28dI!b>&evAY(##}U7{(c0!_Rm6bkz0Bg@p&(=+|> z0k3`@!kpB#<^ENH_Wk?!f8BC!$Un#sskHs}x8qRNX96< z`NbEt0uEJStL;IV&SWLj`wnc0I}NTE&XsO}T#UuQNtCh53J7 zUz0}II$=cWs!lm3Gt{@#%DliBibso2dMPI-H}E|Mu^UNIh7X2VZ;`X3#P9w}@3&*x zW4w$Pp-iziFQU5;Ln*0Q={*S7cm-N-02tFUGP?IX*IXOD!GiG8h>(f zvZlUXLip6IBEZAyS>%Wg`pW|%#c?kSb8b;#B^%rEI4WrkLe$8}V(ds;Tiarlhj~%Y zp6|jW-|4j>Ce9oiZ8VA*^kgou3gWQWlrdbwTm!TBZPH#eEYV%7$5ng;1FMq%MMr20 zU}C{!s%IN~x1Q*77_k}~%wa1qv1mzvy8n&mbo*{&?3uNdPZaa$(i|rmwE``E>co0d ziix?o>(?7xDpy!V1-Em7>uu6Y*GAFUfY|kuE62DkfW)l0(NOlEI$=_WNnUsZHA67# z*P9n4k=-tMKI%k7vSu2N8PDWIeF7cGng4k<3sB|JGRLJ{lfyemBHjw8^-z^B&7Ui1 z=o#x%6T;=v=^e|;WWcEQxNzEPpg;4db@y=Bw&rv8(qxI2;w1t#iA=h)&7!&-DtB14 z*JI`!U;6!ROsEW;)OC^wofERII2y_n_by3ue{1p&XuzGXwW{4@gQ60{q^SW|_Ram6 z$M{)Im77ltBJU@H6Pa~(_Ahyl|D~*%op1X7Isf*~PW>5Tmss{i5xi=zK^HS7AzGVi znFe{)^qP-+o8DN1P}G=X*3d~!1DA;|_-m@Ak|U+cqzsfWQ=2M z_`R;}3(U5`s2rj*(D!q!_hfUxvie^{@S>Ca^clk!Vl~<^?U$gTy+27F?EV-2BeR^S z5Vsg^V8B`U)>Ngt6stCf6c92~)BjZXWBT`Kh+-y}m+SZThNQsh%WfzKBMxBi3i!4u zbA7gyJ~PsonD$_)4oOfo~w{~{utivPtaQNJKB^>Q7drCoh9Z_VrDxef3XuIC+ zh5E9HT&EFiZ248fq=Hvd$zyt%^eVj(#d9ynp2=|uq2UhZVyLi^_Ws=bAp-Xz#2_dt zDSMMJG%+>)#Tc&as}qLTv+9Cn#DI551qrrbQtRki)y|!bPq(Ok_6Cqy32 z_a1Btdm*MQ<9E&CfUKfNHdGhE3+c)oi`V1O9F)E|0fQD5W+!d;g@K)1a%^=B#hMPk zbJJsTezEq3zz{7Y7^%eG{zf%4Co?lIzwAtbV1m`BQZN8bWvUH<=y8e%TGv{)w4taU zk?nr&y@C=P-tv7S%_h)6RzuJ5U6)z?+R4?I(#AxqPQ6T>@87rBCIJCq^M8truRci+S0@0uij$$%%G7E05cYc9}0$?_{1rQsZ>N5Z= z2cSdZZcEM9!C`&TYq_AVE*Zd{;}W2%bx`YZHkA|Tzw0@e7vc?IR8SNoH}?p@Mxe1_ zJkr0~)f&M72dh?+0yfQnyL`DjaKZPykF=694$wLDaH-Pra!msRWm^3I=aJ0);va(b zjo&fXU1-OB*Iyzafhh(UQH;OejT&C+?u&k{pUF@ATG@v)gFTueOv=(HO*w_#Wn&oN zCFfr57gA$D1rVj&v^TjS1!7OoZQKJ_Q@PvTTL07Xs1kB%qqZ@t$Z^o7s8xM06-!-Q5ljafrF3+}{U+qSPS#l_PhI{e!yO^zdy!k#IwL5S5Y$;8*loHK^V3CELVvFyey z+z|%!>^-X-Yxe7e0V1-p6nYegTR0;|Iz$?(oyjhs9RD&C=Q;M7M`{E(6{xgNg7cUe zqX*Yd2?6}^sI5)z(92Z#ZYK@r_wEW2diw;hI(0{WcWHSIPl=~n`b;TL!Q-%JiWra! z7}zPa05UMS)v(M^=4^)hi8X(tFmXoEl2Z7->0EhiX}24WiF^jDlHC$5&5OH&-x0 zPwVZadzYR8RFTs1vPyD&>MX@I_r@_yVaoapZDCp95ga3w6((s-7=da85YBI5yW(SC zppSIq8`n2)`LL)E0DklHABn`xp>&h52>Rt+#{NZ(B1T?Kq^1(&>rfdbE9)0>S!rg5 zg%IS!XHRH#Q(T&jQvDcT%&;Kd+VNELD0G{;`#*`BmUc8^>omnH?0%c8ZffQdwUKNM zZ&}LAheE;a&?-`@g8uN1*tm8nF}Vnnx7^Q_437XVBqHy@*-&Cp9No1(jHRqR1QZuh zN?hdjoNZI2?=@JIG5NC4n3UM~+^5U|Lh8ZjD50z)sxR=V|9*JGps9q>^u@gT2%LRr zo`9y3yOBKFTV<^`u*3}2>(Jew90f93P`fTOnxXhIXN$qX(o|QIm7@WsT~84XlV&BF zG+Ls#>V}%0xj9m!EDFDDYAdr!4jDz$o=(i+VC&;QzklPE7Qd;gaxGG{(NqG5tNk>l zU4cH!+A*NDs&~fQoHXvvU(bGAyY}CD;IJ7&T#UL0RoHSq(JQ zC+;=1E?2A1ZUd=8yWi;Oih`HYh#rAawv+ed;;u6yLYXj#*^TJ+rhl%wuB(f*C^C)n z0v#;aSa9y^$Jipc5-Vl@&YAd;VL_s{Ppe^@d$0=qP^>|{iy%c!ZJl;cQH$)PM^;}1 zDxkKn$SI2j%h*_PD4@~~EW1;cu{LJ}^90Ddf)Yq?RV8d0A{EOoqZ-kk;fmSFS4p{lvD_7!bU5Hs4gdOe4CGPZz%+UtP`0+Vf{`)?812jq2@q?6f{GlukT894;c}Lw z8&yyZ(ArahE3j(MLrcplsPyeoq0mgFzhx>5X{@{hx{THYONzzo;-#LMx`OtVG^XHH9neg_Pltr3?o`VZ8PU2Yo1XG48 zo0{G+!FaJklVSAqg@qT38*Xo4wyW-f|918eQ@X~0$Z+zBRTob8cbVHn7qCld)Hg61 zKCBaf9v|1g*2xP2+&fJr0*IEj>E9=9!JndJp5%I%*Wq(Qpc%Lgp7IfJns&QDjdM5j9amhfJoXXVa6z%MvG~+r%TDKmYlCQqbs^dBu`z9a&-ViFYWyeQh$baAI{Zi7(@Pha24*E#~+ zWM=O?x+68>EpryEqqmsyn7T>-ZI@JW^nBN zdF3WYQgjQX5$j`6h56S_UuW8HSPccOapO4){Az?Xc#?;6*UYKn7j zo`>Rv_=}J3iFg6lM3ptHu)r>0b8~~lUsj*0vHJ~1Km7ZYchAu=a?Vg`+QZ$5z5?K9FgDQQ{` zNiV{6PuX;kVX5^wE|@fN;U!iBaVIm$=F%lYu?VbisbFnk2z!n^8(;ApHq3TndT}JQ z6CkbUQ&R@I&=gq}w8~93Xl00~frGzQ5}qFUYXjN%zbHCd2jP;OKYI@EDXKM<7MzG{ zJ!)%eYj*8p@)$9IX^w@B>$X3f){35kcY1by2xvPLnw`q5Ptv+3pbf3T&-L-Hl8lCsyO%{Dsm6G2*@plNXP#)S6!O*4UNU|ruYhaII&%?7P8|Q3V`%Hwm3ELZ-xZyI?L>U z#To%bMmVbG_egvz5pS=)`~6va>7F$^D^zaO zc&pM6QW0_e(#mc;q0-%%B7PCGjY7cY1Awf;VFgQiVn$sJA{YjlRj zPu6w>J~7~DZtVngIcqv0OqJ064k?(THCy5kk(Gi-b;q5VKa)SatXCoLKsEJ$&am#8H>W*nHmYkXiAa5d(BlkbfX0-PWkDRF|=R zZ_p@lxF4?bj_7l5u)1hm-3$#yM`aw;G?Se;8ul^<_2Qozo|O8S2f)YUdY>)12WnYT z(4U2>j0^*?m96*@3e8m?yIS91Bc%QyOkvpQ?J_T#8oQ%t!#&Kw`WkN?(}xg>=xTHW z!$xM_d?F-|asA|(9IR0NWl}_h?}F+kJ4<&sAXMaNKyCvP^<$0!c&GqD4h;iQLQIbiv1?e4D6)!O%3P))i$d7U$Ak&Iff7k;cAyd&UL z*-#TUV!bwp7y^gmRI@58uV}O-&i~|0*XOLjK2vN`E%)2OwhWOJC#PT-ii0Pacurhf zcD7Q5sjSa$JY}?Cm~DYE2X1`CTl%Ec{Z>D~(qXm+b(Ld-#E>$qkm?^Z#Ce9yhwIP2 z4Q^U^cq9P|1ss4!;~QjghKGkad3d^kZT)BzG`J!#mT#6WfKO=Q;85y%X;EvMx3e>& zWIHJ0;XAJ|K9KgBynJIK91|FUyd#4QK`u89^}(lbIL$ZSbLjs(J)<{xhX;0IK!28n z3VLm*SSeeP$Q5K{y~D@WQu;bT$YNhoT3$La_xscI8q+VIXqkq<6QUJ$G_7DA|RIWtg3h&>On?7T^V^woBKAYL4W}+iVNch+E z7Mhg8TtOV!t>Lh-ceL9;35DuK%b-PeWo)n}_5ZT2dX=1lSz1Gz)@Msa#3%lk$EwzMCZuzguuRw|}KdY`(3pwV}V3IGk9DsAjX64&Sp`C^}p+8pld7~&hXQA-8>Ll;3Dg%(q>iRQZ zGSN}SJ@4iPa1elDrT0Q6jIWva$(MJyh78DLH9)a~Me!Eo`~)v9f=58K;wAYr=+abH zj(p$S+R~F?@U^LhVF>#AA;mZfa* z=CRR=O+F0sgo7&zPA|vxYn`6_ql?_To)fOL3>gjB;CWA1=s13$SxWpat}it^J@0_Y zLj@tRKGTB&x*bpJV)Oo6!?p)=%Yqrt-(BW8Xmxd_I5aOd^a41~uw#c~T5hYh6A&8 zC`CyJpg1#`?8gOiN`7zA-qOVPY+i`Db%1wR_3$ZH2lPxI9+M6jXP8YYF-<#9%P|a%^FC9fnQxqhJFq*?-hLUYpxXKUot@pez*O;9<%_VDk)yl?*H8fE!W}t zFT5pE?S=?F+FZk6S&}T3G2&HiNHS8tHCMaIKSbK5|DK-W5)qLXH<|fu(q~;AKVS*iIiP?r z8|%~@lW+eGO{nV*b*<7|`BQdta;Xr+%^MxPOe)K43|~DROoqXtWog4YII-mV8Mv&N zsMSK4V(zSf=A&z?THD~xNpZ`{N+>(a{nZbTXt)ydvl+>-%4dSZoAc8shgAA9wvmM( z!H$VzZfp+^HOFF864bI02v%GymzapMpZ(4TY{6im&>>BflB;T-7hsC&YBww_oENd> zM5EIs3d-p}U+G=W z@s5};el`1Ba?H(tiPtWnZd(P^4c#z2@6cSfXL1@B9Jo@HC;g`M2`dQ~K~hG7HJb`w z^B86FHLN!_8$GYM!zpeB5w5{2<6N{=_#sQT7!Ej!acU|bwr;PKB88zEsV0W&oqzF+ z3L+LAA+g?~`)toNH3(OaP~xYc_ye>^vDnzWzo($SKY{I#mw3x+9G3#?i=bdDJ^t2E zD-+F9(Iy9hjIf*V0V8*9<{7G~k8M<^pI0$%q~~7U!atQ(w*$)B6;6En;abJZ*}Eg z9O_ciDqq-1kFR;*|HQeV{ECw^s-tx>h zW9vDb^X-&Yf226(CF19dM%vSL-DTvA`D~Dvl{q%IwTJhbxzV7Yeyc6Za^UZuTQ#iY zP_k9m2hvrNl36-FQw*fwxRHFkmT!TbAwqwbVs2_qMcm}knS@Rim7z@MYT_Csd zZ62`ZS!nW0Nhvp+b#YXU3G}KAb(U4EHNa0e89bJYIe4u4inyCbRsd{3wqx~(BxDtf?i=^< z6ks6}zZyd!Rv~7g@D8mnT3a8IN*#XOIrk)x8S(oIh9B z1she8-H18fVHdN0$s(ZRMA~FGv^4jBQvF|HiFVQDrLE?ENBdM^8&C;;M*z)8oWrPD zXSgK^AEavZ47;{Id@BO>@gykw-@D|XFh$ChHK6IF+l@XqILJXr_45O(6Wp^Z=}EP< zN^yoz4dC>lQR^ARx!kJ+RrU`dYv3T_KF3YYj7fHEmVC-j{JL%WQO`2oV4BCU?fke+ z{)e94ZY06VdI0$%r}sm@M3({sORMoY!1|>X@&m8vr^}70b4Ceb`WqkqQnSULf#E01 zBCSC}LYdoImSxKMV~t-H3e}nZ1AbB-)`-3M+T>>f2O&tTPcl-1%>qJ^&(@&TDMg)p zbHOfoAg7>=mc>(#T0R4jl$US0ljxHNj{eL`L=IVnSF(MHBw*r1+Hz0Nx!uG4z}U++ zVN6^M$G}t`>d|^dSRm-fXh=azf~Jj9ve0hjAvRcWvRUVjo{>euO+xXVq| z(`jCayV2%-H!{!+lQ;PH4y@RnVc^be`wy#)dFb%b=0$3JHT&uaNl?t%-i-3QCwv`}&c z7KR#71#}D!4z~R)C&$?UGHb9Xn)I^wB)D7O#Kt#iW1uSHNnF^CsrMWFBi}4 z7kTwtdIg^u&a`sa3lyFwtb zzr(soHhx**beev&tS+_>24;=>7(@gZ%?>mqz2nfDUZhieLil4Pw(=R&iomsr~Y9AMilb2h{&wynrSaR#H z$VCW{S!Wzb2P{E^4DI>tXVJ^VBW&qPR#u!0f}K#G%$uAgEAzkN$R;nP92UPEyMW9g zY0L|KqqT)JaV(3SvSc_j;Ifr## z5P)da=w7o|O#hU}lR&B!^-q@EvX&mtn5eZWWRRjX5jAi|5Xii3V+I1LQ%Z?uKcN~e zNmlAQk8{iU?`cWsOBl?CtKfTeYpY;3u^x!X+1eF6?9Nh{NMOd?xvqBoo_D!lr2`G& zvQw-D=cYVQS(Yj$r}m5_MtKMfbte{XDYOMA0f6&n9Ohsz=rxHZ?+?Vi75G!SLGn|{ zO}@W65kF-J{Yg4m%(GY}+h{9Jyl;)g@iN>4u9hH-=D}Bc>2K`5_!^`gMbpg1hzivi zwOK)$G-?RJT!(oEb==9}hA489m^%1ZRkbEc3X)hlnkB2b39%ctIUol0$e9b}Op$(N zil|w*VG4*}|ED4hesw{^5^M5%ZDV}yxJyWI$DbDz=wSQz%T*VgrY#uCBtPZxoq8{u zIuZ-f%f`E`TwL+TaWDm(`HEh`;p)&NZ<@}_b;3sf;Pell=!1|VCxaKQS$>u15b|d9 z-FD$$P~se3mvHDFn-AV+xe_X)y=6}7+w*jO7so{RwmnDBJ&BAes0U%sVNsn0uMh5J zTJ5Z#lWe)%kOoxtt^u;5N#^DC&N)V zo)OV`JUEz4hZ=k4F+9q#Pol{#=SAq=-NCAlGa8Neq`rx8-rovEjshP zGd52AwZ0u4FjD`^R0>9ZZ|g{>y(}Y~A)WHyz)R+l?7F;#Z+1>*mA{`NaH~wX*U^+L{&e&E_`5E(-geLq4FtU70ZirdaRk0=Xj_o7(53MeiFx zbhhp6Z5x z>gc}8$fVC!(ICJ{dM7Ok0=gry*udBkZ*z$$KlgkR_(1=H2~%Duv$d}6*BD5OVJkWz zI8X0_-=apyBX!merNm&D)RF#%!2w`faTNwoaxt;hAUhooC!AS=EJD%9k?o$DYL1=z z8_SA&Tt@S>gtd>4Poy6haM@aWizf|>r@ScWGSe=NnJOdxKP}lIJF_K4QsQRViEb8@ zIB`G|14dw~rlyImw3_ZT%yD2%feAfQ3OIheQxT)OviuoV-tJg&{SZMysTUYK>Q+)3-GCuVZsQelp`#mG+!Fj2@tfr4t-AKN9?N>jtv^Wtx_xE-Y zorx|Tj*oNc^bL&Uc0vyKqsJCXI&N)pXLq((OvA=|Pp1os9qonvd4Geu@SBAzr9eUgGS|33Pm7 zK|AxEJ{*1yg&rkbNSK=0f-w18HC*zUOnph`(`+2o)-2w5#M<^L_vN0 zMFwp7S9!S@MR(V#i)w2}*t;eY0vvw@ET*C}VHYd;S2yo7Wo@wQ=J=(s%Ps?;Xtbbd zIIu^~BS3aSi*a2bYkeNVkC!J1;Z9PToSu|srDRAL`2eeb9`>!V(RT7KWo=XdwR2hYC*OluiKkgKX7xICzXLmuAV$U(@Y&ZFX$A67SFOILs z?`%rLL}P3=wQqpxyCUrFjHWLfjD=2Fm^DP5q`Nm%!{M)Ryyjdf$fv}dK$kp{FpOw) zdk{YeID9e0Qqub$TW^`1T}Gb#WFl*Yd@)Y=<8e?OC8VfUpM94ki#STqM|%qqRN*CM zxt8_(!5)T3`&H5WNRSNz@pIC#N~brX*kgou72;9?%cYpNb8au0i4dzwSfIPm%gJC( zgEc!1e9eYaNRSDQ^GJLujiEgvmo+*v^36YB{Xy$S5vMy)JEfY{mDgYVu<3Nm;Uabh+A?~ z9gdDUI({+l&XM5G0HLn29|17$xZ_QoJW=DOn+q$oL441fd!TD|LaTYW82;{bYGx1R zsfa+QFDZDf!y6$lSk4gfFD*pb>QZ;G5mj~Sf4brEs;+BmaX%3!qb)=+#0gplp|2W` zc)or?I_c_3iT&$2^WW+KLBnfphkbcS3PzKvgVn1zBMaX^WGyB9E#CZ`B{?WxRa2)7 zuacXAh*-egu&NrD?*lt_Ftc_(jxI~*7S#i>pio;!TXP|N>Vy&CR(J`?YOS7mD-`f7TprpO`XKlgbRtD#j9lT*36b$~63lu&$OEM2`Q4i5*#@my$4Gd3o6CrC7#3sZIb>XZ%Kn z>IwaJ371rYf2Updh##W${&4ry0j|`sCdY`u51Dr(Q&DtTcd%FH0XE2~rl~#=OMFpet{(3f|UHf~BQPRq4RL}BOr446i<-mAd1j%daYq`1kbq2MV?#pM| zct9-bF+twZW0l`7tCVov^iF4b8o2TE^e>&l6MJ!jk>e6T=dBZ7*WZoSV&gQ>&@$*} zc{qLO@V=VX8%bxJK%)MU@hngIgfUvmPgh`8v!>8+=(NVXr$6Q;9~4BI#kAaec~x%3 zsX(R$EA9&oBZfYG2JkkMm$LVt#>|0Vqe&~ZyiJFFhr^?Po%2V4+^4mhpDPV$Ndq-V= zaoQIrd7Y-}Y?svdMl;WjIim7H5&225j82{s$X8WHDT0Y=>5y6e#gp9gM(Y`DA=!)p zAU&a~uHVC0xRDWxvAW$XMIyF4Pact_1f{fxXo=!@M{Y^JaGLhRkp%}!DNGd^WtNf!a zNm5te9%GE=5e+{dhX7V+T^&D0(_5M}kYe+#QMe)j>0IEOk2&yzp!IvZB91?jOc+h& z2}*@g{RE}`=7L!`zJ9(R&FPN-pCif0v^0I63Klz4RbJ!!xlk$_01;;9pQWgst?u55 zb{209G@C>m7~0&EJrF-5G`^R(cUI~C8|w8ylmh97*;=0XU|c;JDk+(PCc&Tc7N$#qb5Nky15nCIR|D> z zv)>*(NW7a90oK53LQYG}5G)TaYf+vmDg1?ULZTl%}S1k(|Kjek0a~(qrGPz5ThApCDNf+wY?N ztiiojuxh$%HT*?tu3!DtdfbDWw#u)ENr}I!B{|5ZK0awX5&^_1FlwdQ4p<_smTe2A zSAnO3lH25aSY>eO zD5I;ri14dat`q%hdr?EDA{rqv!^Soct#q3PDMlLM1TT1_-@BY?UHJrcZMiQ_D)p89 z_;&waDAJ>OYvLskjprB5%@iH-PN~j7-=IV$^W4G|4j;VjdNQE>we4$zXrL$)9RPgB z6)A|Hg9Hf#=SnWoA!L#NE!0KCto~tKg6iD-FV<1k*G#K zRZDUn6{1EQmc!v-^nLwh`EP4`p{{UPCo!CkG{(i*^yBQ+vv&sXE?0>Iza&jfiB;IH zxe%u$E6{#DJ#%1VPufHV%nrnz%xryLK{d{&hFcbPrY$BL&c-8q%qwlglY6%|z!`Ah z{t_LG;-CIqNchuUzQo$Ept}eB7&-K5K7gVH5Xqt#9L{Z^DZ=32dGvW9;Jb!&;Ge1K zZfeOVI((;L9Vf{VCpUF+i3gu8mm9XpyjFL|xOo~#l#-nDE})eH;LkKbUi_MZ_j-Z4 zv_V7!JZb;)GJzVIA}ROCwRI3rA%19e`6QR zD8-a5DD^RZ^aZBpir()QhS~&VB;M)SAE5*gvxCoR4^{dr1+!W>pFHIh z67M?=x(U*nEb6l18M;}5`Qs_+OgeEx(* z<~$@-bm6Q5Q|1X!e$uism|_gd zSIbxgx_Ke4S5Mk6F9O5=oYxhKs#E;V3#_6@{DJ&f7 z{gvl8>PuQm2Y7TI^AE?lR2e7=?#7=e@Ojqr+j)$Sc)-l*>^a4P!zN~@6glx2vGwMS zdH>%PsXRirv+q(1aDqSP!hhYGyX+^>5VkCpDdR@3R>`m$*BH_|405s)1v7&$lksEw z8(fc8H`YE4207gCGbOTiG!AHB*^Z5mH)iUzhkq-7!P($vXc4}(-Z?#8{Zm1) z;%SJg+SUThS4{_FgF@c&9W z%Ydkww~Z?yjg)i<($XwQqlDnnCEeZKB`qM`4N?zFxggyjAl)S;-QDRs{NFEpS~lj) znYrh>uj_Y4=JQaI#orl-4@3mj2a8VuqZKD`7+2_{L{9W!FmR-K5R?ZxR{P%gBL^GX+^8pyy20xPtB=GfCsd&I|2n zsie*o>?VrhiJQq95KjUpU`ExU<5`Wdw(8;}dj(AsW$U*K|IQCvtHN02dD%1DY2P@{ z&fSMja}a0708LAQA?`aWy?VThj^8WLxv<(;Z)(n)n3_8ov?h!Y11d1Sii)JUBh#O1 z%BU)W@X_V@rcy)e2pn*rRZ&-O>f5TKP=I9jMJ zA`~iac0f?s$750odEY^+&KTRb_g^dN$7Fo(y)`V41LibUCzWi>M6vE_=k3rB3Nw%B zXjomjd99Q&GXp^#9||l%DhgPRax3f1XA;O=bs5rR@n97_vj-*t$~R&{z=%DsjnYgJ zqkGEPrxPmp&R&tx#uiyCQ%{dCfd6ccJ;AQ|_b+JRmAdUc3%*(T3hCBx_6M|SZrt!Z zCL{OiAlXkfy?y-)5dK92N6$16Gy^N4nH@HM1G^*ByI5w0K%274-lDndrRB%3;U$(p zzy5xxtOKr&FlqOJn_=Dj)z4_BfuTj0@%gvFa(U(j{}iM>BTAi8{V`uip;^(B!*n`@ z=*Irv%)d{*N3V9RySlARCf=iVEOa8w{U*;cWEZK!Q0Xr|q$i;E;An&DIsT=4$%_)5 z?1wNl1&p~O2|N0BMoH52np#@)gfY}|Xky?X;LxN4?lPnK?!@1x$-r%Q3L-1nhitGQ zg%}T8*Kfe3q@s;qR9I3HKjRepRaqg!gmsuC7cJFM2ydwV6^sbWI^@va;<_=D~xJqbgDhxI83yn1! zB|OdBAEm@^pL7ka=GA*xWv9M89#8Hz^)Mj-$HTJ9{QkWVWfKc_|Dw}NJ0B+yrxmw$ z#t(R(Ti@zyGXs7cWehhbe~41L|G|j|wvGw#tL%l-nzQKvg9YU*XlY~~K5J}56ik0~H%empS*bRV(;@~HJ1of^gy_i_P)U|ZlV zoUdhzO;JU~*`T+UPfL%F;b=|AZ^xAMjvYs#D58Oqj7=Ge6c4Int3TevT5|b&w?)wo zaTb{-0znmfsi6U}c-67qR%q=XgK-F4vR2}hI`cqc&uWBFh6HpIwe`0^V--|vKU2^- zUXJT4v)FS04fgoXM}w^^ULf*|{27-d9UNHkMh<^*G`zf$+igqWLuG~s zO*oSrI&#+a0upanki+sTm<*3}cZ3C^N+$rGw7&ncl$~vxFKy~b!W=FG*F^-zB-xQc zhn>z4VaZ%owT-0*6bNKe1s|KrYgLPX_v~-SGxbUxfl=0R{1{|lv9`21DkxW7HEr+fheMCx3^52v8o`3t&o?t}-f2tk-43 ziS09UJW%xdQQ3=NB{sz(8x4RVx{Hfpr+kDcF?1Y)4u}0}lnZx>OP9AsYVZnf5guJx zf%&4;QL}2L4M%Pvq5cML^Y_1@jLrMbBqSt-g$-~KXn z5gECjgtX{p&1cWTV6pP%z*rzwEx5gHVQy-g6xt{NE3G3W^7t9z#laz+r^rbEGmRcr zq@=b15(B@s&Q^ZRza6XS-QpF-Kmc-=E0e_QwUbU zEF@8@LtCQX95n ztQ}UBfcx7^X}>)f(I7k-+rI-h)73N<=!02Bl?oebXcyRi?KWCyeMBp{P`g)K zvb8T}1e}q8zBEmUT48mIZEtvV1kNBE3*LVfMa89iqmo5BO02=Jv*ewRR-OT_4&EvJ z+lrI-*Oq3weq;Gfvn@XV%RxA5k#be56TMFJC0?{}ZT=5Fp|YqwLKc?6v$Z3C6z*3H ze@ne~Z9#x#0^%hg2>ik8=phtuIExY??Z%5zIh)J&ffsHyFPKj17x~mW7WZ;u`%I#Jun4um z93}*oAp$1HMx7>smHv4u>O>>qaW;7_6(}$ce4@w0#KxkE_^sNLK#P|t?4A7hC<4x4 zgE!UY?=(p_evej@R>Qt4;$y?>n|*ACKdV3iEy%8^XE9^uQ}IM^6?Wv120}G*o&%Pc z+SNL67#mbu4i2)bqSLs8`iykfs;?k{E{?xm;h)pMu!+D^78*2`m@89Y%txUXqa6n6 z^uUh_Rw)W=#G_MLo1B5ZEV7(fY1(L8RzgWIb>rhaiOVm_;|(Dd{4G$TC%k-}||9gf;ZCh8bBWPtAHx-av~X zF>u3bWu&KOrqct_-gjx7ZB#WWOkDh1v_kB#nUd-&;8=GpA#zY~Cko9Y3Y#IL2jTp% zbOxhz`l*iBuC5ngV5t7A?Gu8YQjroFCWpt7O7fe5-j)I)yn(>EPzO1zkm8FKUvzL2 zI|*0-x!cJrG`jXPId*T+viO*S^5dhX$N|>k--S7D)w_ozv941`UP||-&cUD_4op(A z-7(iJkj)2Gc=RGe{(sCXxjAttR~&c4%FCk;HhZ49aF$ftW3N&NujUbQFJSfGa2eOo z@7?}|1iW)V3k62<&$Tbz4;MiL2v1WNAX}ancfq&lRRH&g?8V2OQx6nDkTnZ;=^wMv z#O%tgDNMVt*q`m3CS$S}wJwc}D%~_Qk8u@dCrxg*34$><-!zN_bxG2s`S8YZ%7N5J zpF}(;oxvCFBRUl#Ca1~j0}4dLKZj?*VEZwDsq^e9pKKJrlcp(D(GpX>_|mTKE=|9# z>wA&F@5yZ(aIJb<5{X_|N1hY-h)~)4pUC)l?a@20*N>E z^++Nk!`lxXr6jWVbNin3IwR>cWElJ-P&8Pm&sC!lpIW5m`A(8C(z3=>O8=x{@52Hf8$UL%emg%4{2ftld=@Wquh_gw;Gu`JW+*-{dQYd;fiZr1y5v4t9{X0}Fr=MWG9x!HoI{Izg9mwDx?s_3r3 zxc5mjGAxv$N_o5G9KcObDz;hW<8^nLhh649_5*2?#PVo6H@`ARmD%?-gQDla)RTj@ zy*I~4d7r=367)D$+`KL9t>;_nkN@l50%;_0)Vuq=nZ4wFU0{%or=LXB{o8qK6AS(J z5JQ)>wihqecXa&E$Imk_e}<0!kEIX={B>>aF$#7IV6=QT;ji(cyHS+S?UCSfwk%RK z#ow9gGD6hLWAP z)vHIAP<&>E_-zIiyDr}jIRAqzU-bI$&>jJLGF>%Qne3A9>o4ldw=7iu&KXSbIEC~S zIB#s%ur3XkQK`3WtPLIhQUl_r7L$6Bki3cemAWc&(@Fwc!25tza5CXo!-`JQfWqn8mn8()cM^r(B$wrURvh7KNd+ZqL$$FQlb3( z*{)tU6H`;@MDi1Df3kw5*nYmk-8d(B%c{l*cASES22XK%M^9o>Ax@P-t|@5_J|Qs$ z_nA;TPou7rIUfo#M3D^1{qQ|^&wqfSF+MS-^fMRQ_Lj($5MAI#jIwFyvlr!t-~dB( z)09>}dpG^sN$%1RLa?HSu5KZ`FlpppX9`Q4=L?nq{@0*2ynM6y4lMJ9!;WNvzin}X zdRv#T%L^cia;FwDv>&EadwLiw_qKCei(ZJQzmj9>n<&beb;xFpU^Kh66L#MibB`hW z7*jHX-S&}&N?WF6rjkiXt&j_z%eV5r!)yX@PR$)l`09rtgG0T3{aP{T)Bu=*0eCRP z^fP+CK%Vhj-{TtsWesBI(V5cn?6)D7M5`FLwxl^UIW^!w{R!b2SJd~1`H*JB#t40i zP_~K9h8Ci}xF^2F#@=Vu?-zH|OA&n?{KY0ZgUbImh;(*sI8hv~iAZT6IDdga>Ns4s z=vNehVUxMV;VQBtzkE_J^m~@eV84b=gLB~(HsNd@4IRj9I`P~2pW>$Idt%kmaW#P* zmg2Q=OUuvm^Ej5&G6`c8(gr3BnK3oTD*Tzto}Jk|879zQtcN6NQ~67Cr3oFebsy+)IGKb1FdYz0veOBC zsgZzYY{E9Ok)mG++uaGedD>?;ad5;&r>8$!+l!tcZtt3d!kB;(-1f;o=R!1LR zO0`=;e)StGHDe39SNO{cQHp|ZVF9kI1e;ECupka_1d&TC6(n|l{Z_HZP%CyLnajeZ zCXeE7?_)Hi=Y^i!PEI3+s^@j!>O>DHQ?e5aDWhO*;lO!K83QK>H+V}oniUGUKk%5w z+*m6T^6uMmak#qe1zbd`t9W_Z;;SrA=#%I0blM!3?d4txX1Ix!KFyop+>+Mll{mu} zp`pZ-6vno`50e6Z3R|#9X{Iq7-h0Y-IZM~UH8nMBdgI|;PN$UAjTL7J?ta0H>khNF zBlmNx!MTczKM11;=are!b3E6u&Q(;OmocJ)Mx2?M8UOsUyH#d0D0$jPU8fT)hjm+^ zd;}ukmlK0ALj@K>4E4&m!Tm~-+C;pJqA^8vDHU;Hz%fqUuo2>oXyr^YND2$9v#Y`j zCkMX*6AS_;4-Zeh@AK1;&emF#cq6-SMV5T3N$!64Y-u)^E;q*VJGFLiX%i)S1|GEE zY3OMQfDc2JA8R_fd5sqyE7t>`%l3`@iA#;-E4&CAT0m>Z)LnMW>XV5^CpnkBePC+xR#4Mcz(mz|7j_WtN}?>|?9q->4b= zt~HTAmeJml?Qw&HB38lQanP?x8okMw*e8w=M!ITQQr}1@A*EEb1m_8SP4=Nj;dv~` ztBB?nUIaS%>W_H&@_KcDnv~8c8J(s9ShArxe2lI@|c%k{>J|Qk>?%(Y_tDx=^^8oV=zt z9OoP;x|FRCk=y75fTYbxeX+A^jTi&-o@5fH&7e?QkTXR3J3{z#U zDK3d4L{VS_How2mCnlb1mp5QPFsA+c@_25<|GB;#Makp@{xQ&{5{9@S0-Y^kh``;F zyLX!`2AE+xF5l;DKzNJ0&A}-vs+cFiy)qcluPF2dfN2OF7Lqe1w`V?6m7IehTIL%t zMg)TP%>)TZeOuUC6|^I=N@)9KAUzL+ub3t-~=GBSWd<@X*!DC+n~9N^K~ zDXs7UVd^-IzD4?>jTPi2kck!yh2F;Yk;$H@ahE z-M!-iP6b0)7n3v7IGVZ}D}Qk)D^oUmLZR#b>0GJmYd>wT9U`e)a}!M@Op)`2b8uV& zYKx$#)NZ?KqPrOcyO=N#2$dh<6<7#+76yx`n^L2AJ)Vr^j2}53vQKG&vT|=m&e;2*lxtcGFZP&_b^kNn0 zY7-H2RUl23k#|6JT_^DX~W)bST35`T2OTfe&5wz1!sN~ti~jruB#aR#PL3*R@6LIGf~^j=QXd$dK*xwIbQz9d21<#icC#6MwF|R zWZIGWOh`>_yXZy&PuKD7*}h0b)Rp_}!T;Mq9bCV3^l`?Q5cG!{I&{NJ)Mm5fH@CJ% zRm+J#vJH6#DrIh=geSbCN~ch{`yk(j5EvT5jTamd8&2UvP@PKfc`jfW`7e(9?TX)}c!-KJZ$!CEoR2 z`zpBoA`(-?$8>Oa!3&=~-f6sO-hF@!dBt&m0|Hv6JbEAP)zQ-C_>}cXp~4_Y?>>WM zgjN-=oZl7Oj0yR1%HapU-gX5Z=ntrHLjt><&iu&kYGY{l$R1rQsiBk6YJG|`BiKw4 zG_*B4es3uZGNc-&Plg0a%&6;2GwdrV6Q-4%j3HVtJH~@@5$OkqXjqq9RV~I-^94pA zgDL;@Sh#ZbfcKluVS`PLCE6gG0S{gWhYR0_tZl%e!$AJZB83x{Sb0J)bBqy^`1i~! zjokmyDiQ2s&zo;IwI^#`;iL-j0~_+ezkkQ?RBUk-aL*y?C*T-~OW$>agYx_VZEGV` zAZzIcyBJl*K>isB)Xps5Vv7E|dKBST{WgA$I{^W5ZPzF#R(|THefsZs{q-Lq(zt=K z%YZe+e_W;_i7MOG&Y|CobMYA!iLEKBq_1yHuRp*DeA&*Ut19a*Kap2e!-q(nFP@M)(n({ik?T|Mq>Q%f=U{1L0Bu zIAXD~#c6us0Qq**j`UH9AhegB&wmBsdE3ACXzxD&+-t%dl4tRx#OtulII>&ngHs1W zEVK~J_+FMM?7zBc)hGG{Frv*Ue`YwvY3xoN+rLl{+^ z!b@faxqKIa5~n{6j~yc*HwttD^B%lZqOa4JZmq{J{Sfu7U-q3JijOEmo9$)-!W88u ze5k#?3t@m(%MC)n?k?24bK>j8jBkene^&Ej1G~ZOVrtV@%%qHHDSR{^wN^x#s0l2@ z#YC_mu)N*m48~b^;;*9DsrT7XjXd7bZRqCCXGR}dd?*;-v0ZK!Lj~30&;uZ#UB&~X#hv-BCL30;Z zVPW_cGK~+8M(zgs0UUJUGkub*pV9NXG^;51e zbY;LekQd6>+O@U^;&k-g&H>rm2$%l2yZ`i|h02)1^}U0~&rA|L7UlPO1=Do0`?^u1 zhRUyD%^BMK?ryUu#(Ws>hCqM!CckDb=>VW+j<-b;o!Y{K6 ztcqV?bCx^1MWs!5s`in*;C5izx-8Ea9Fm=w9{c1g{-(p=BD*PnO$I#fmaHn za&7-*fy|Fhi|4!3+vjDy`1k!Yep$P_ zyR6vj!9Z_s?;F{ckR%m4CU_f@4MY)OM;67A$?;G zWz(gE;IUKMvKm2EB^a{$Z>54Sj526&`Hviu!ZvBOPm z3<;ldas^(@!{D1z1d~t4yp*WC1yFSk*#v`j1$T3lqK23WX=w8F_vVWbb|cXZk(6Gr zT@wI}?)tEtPw^m99YID=|SgUn6Cjcg5S;d(1BOYsc`JGnp zr(a;m#b|K182s-LGodF~E$PxH1NwJQWFEjHtN+nHzKW0zob%c;j06Icb{8@-GWX{w z%X9?C_TGU2wkQ;5;^g$5ui@DTkR4H{*gP2V3H1@_UG%;Jb-j976H|B`<2&@_j$Wrf z86g`f}osH0i(McIgMcK(E`#nvxN~Y`;1Z*>= z1>7V$@>_5z#b<WW&qOZ5Fgblj^9Ch*>(@itCq{1vAMhvy1|5gBhVDG+@sLjL4 z+?#lSB6`ZI5DFYV&wKv9_DXb^*O1*}U0Z!;pC^PeivbZhEv9S*UDf$=e-3}mTtF5$k-$N-DRO4X zc&d=m0og!i}HSEJC%ia!>1b}*f*<~MQMMYO~|t?1Luk zHVGdeD}65%F_aY$*hAk9t-j}XU!jRh`?L_zSDw=n2D5T;bwAo67HhAWS(bn?j|tW} z^6zKFp9bSV-tmrV=&NV;VHFkV#4#XO37^cylwZO-4~InU=_)dOWV_$u zh;i`p45@<;1CQ-_xyqF3!4d$U<<3(?wdauV@kP#=@4h~Mowc|)^3&CGCuzpQ#%l90 zYVTSnS}yCfpW&g0b^L=JLxJVzA_KdAKEGy}CHdYtvGdx-ihX~y5P5(0)kPzIPuA@4 z8Id#1T|sZ$3g+qQd~ik0MLrv=a98?m+I|n8j3(^w`QGQN�xWt?O?gJ$ga(Mumh0 zWaFO$ah~di`Ld(E3q|&&Fzxmg)o+i)ETHkpj<6qZlG&4g0tEn)^`27ml%dz%E%w8S zJVG+EG29+(CjmCPw@w{n|1sNVE#VEn%EKg|Gipx7rguVK zhHaQkFGBeOfpJ>^M5)4@?hhOqGC|W$f){Hd@jQ!PW)Zh??Y|!^#F4sSnE@!W z=BwctY~gSFZVf*K7q`P^7v*2aO4&#Py$LW|YJ0p$JE_G)*p1(GNi~M%KMjSjg_OPpV_~qeWX;T8H_LkX$9$>Q==}Dle*ucD#m=^g zn@KEi8u3r|!pbWd>S8cgifO)d4b3g`xHW-CM7S*s@DcoPX8D?rym^&$1E;q0xnIfS ze|vVb5b#++Gu;J zW2aI&hpE0YyiL}zbEAKk)Rom%sx~yg2mA)}%^&mFfL(dIGo-*Fi!Z5!y-?Du?>k3J ztU#_~1jV1=;FK}?PWHkp?>%n{gF54Df+S}DFVno>I|7ts-TY8mWD1F=2UXo-=*$|w zLEM~>iuaqCf6WbrLE#l-fb(NWObpr~;7_ot^;(vphfBpzwA3x;8Lko|Ef_|&AM2-7z@TN%PRPm)%WolXz(>La& z{K~g*B@o<23s&BThT&MGV>NY!FK+y@tOFAOXr;3QL>X9W;G0rdBM{W(u-O~1L5l6V)DHLzbcX5Dae30RB0ie_(c&5?>_Hy$*CW62Nt}7yv6vH z15xt_9UE>d4gje~(OnsB6geD}t!i)r&WtSb$nwRJCi1LS5 NPm=Ny6=DW~{|ACUTetuK literal 53269 zcmW(+1z40_6Gc8sM7mp~yQI4tNdf8Z?iQp=xA@tbf*qng zZj4*!iAKJDit76jJw_@$f-!c$I669d^V)mJuY?vkUdD8E12I@sfOP6>7a1X;Sjukw z13L~yJkl2t!lqaGIbOblyBMDF_f|>sHm#ovO1N6N7pm6 zv*H>WIDLJ6;7y~Wqu(eaEOPx)WGKZvJh+twudyX1CF|?!zon*z^%!m*FV{VuhY3p* zsa{;oDw}X+)@U)dpZC7es?@Blt@XTFw(#1HpmF5O22UtZV~LB43X!F!rxOeL zrd=N`a`5oT$jZLfsZ2TZJM*z!X^b%$id9il6E`=f&ZkXCP7a}zl}Y$2SCrq@Mikc9 z(-Vxi-0sBz?$6ZRoB|27pKc(vQ z;Ppc!9;-bTLQsMn&+XR>m7j;E3#3OzM|;idw%pqePfpAZXNs<_u0TYURaQ!(!?m`y zmX?=Opd+zza&qp8f_Ss!Bz*K2mMVz%6o_3p**h|L;p64yeVjLV!tw6N86Q{3$jk&= zDe!pS_rstoXNW8y%WN#g>G{!%5%*0)L&Nb}Tk1V@AG#RuwCHKhv|Dt=b<5<_@8^V}9cb1k7x_?{sg&YYS zm!B3>q&lBJmz9=o_J+LCZFc-pARWif$|~~d6CQ}Sl+$W zR8&MYHF06U|6Hj##@%`G_J=0J=SJI}U1t?NJw*Xh=@c_|4vvd^-}~yt-lbajj$g|Y! z^#0`J1Z*jY%6wW?0|R9vqj#w+2Gle(VfpzKFmiHoJYJWS{2r$}*NX-vZEcy)&;C+U zQb=&HU;B(ABO||=rT6xVnQ9j|HKmg9yMNcLXgR8C!zUofD=7)<@VU*WMOIW)Ec5Ev z&+*Y}_hbWmvUK7O&RTGAa2BsiD2K)5M}7U+zOBvkt-h<R*Q- zuP~)s5^0oY=I29JP6i0W&i*Vgb)@zklmsOTJ@Zh&nyBhZFq{)^5JyQ(|Ib-{EXY zi}y7>xC(e5dfQqorL4M!hSR~XcR@Ym_xJbx#%%2D>^wd1k20joI1Rw2|OVC~w~y zaT5N^N^jr3RaaO4wYC;BZMpM!4?Vc{{&RHX^>ETOGCp4T{d*v|C6H<5C^1EgRJUCD zKt3ocD~sUX@J-CfAbftDddY$e#kpK;OO}_HgS4;>P8mp;;9T1`WmuZ{1Gc^e8-* zTKhFVXJ==74-a#;*XHo!jOJ`nw=TwmAcBz(JAr6&$<==Pyz<>bJ%mEb;N6-5PGt*eV9 zlU@ZI13p~7X|T%_)YPtbR(_dC;J78rg^(j*`IE&+VMsbf69^N=aE|?kW@iJ2)2rmO(;xKb>#!$VyZ1wGOPHR zYmGPAEZvbOE2Z}XK1%-VA*iBO4Z_P$WHE((>#k^MBDC0I1=9*XFBa^@x5i31lJAI7 zm7A47lD|9k=!%jm*y=$f>$l|0S1tQx$r+wMJjT)$O^)r~#mql~q@l zbamxMMk0HAd$Z!B&@oUdyf*~3{k~)4K~O9Y-M)z^xJN`(^c58q6-a>qI-rLA*R+zI z@)AfXn~0p29hUhsqyFHU4^9;Sy`A_Lt#t!(jQ1mj+^O%3l|iMZa;v2?G1qACg}R`c z?8CH7TGoeB_1QORrVq1B=Y=qGB~OJcGJIwQ)0R5B>hw6Zj3pYHDoOQY#r!3a`RH*& z7Ou*(Y;4MIFVgQ1sj`(GYP3))HTf$8Ge^?MFMh0!@`j8EW_RebkdTmoS_xe{^G^lI zj*yUWcxp=dM2Au~zoOzzjMP7%frv(0SXlT~(C5amX~n5+O@aag1lG$r+KXdBz@aPS zA#3v2zAc%jm$l{}x2Vl*g!M~|QbN!J1V-xrg2^NAxQtrev&zB~ zAZLhyTr}!o1JVqbj)czuF@MKR4o($SZMXWrMQCEVkf zv?fict(z%qe#Cp9p^gsIz~l7g)>t%7O8N|GB0JdDfFodredbzk5}auafcoxdQaiuu zRPMz~lZsYq{wq-Vv=Rj>?fNXBkco&)@dA9QM0}?a%f|D7{_`K`t@C1QtL)hN<99D# z(Z2|Sb4mLcNRk(S#k1O%q!eY1xeMk???-7G6?F_ascWnTh#RX&Uji8-dz<{PsPB2* zh5THdU6(KZ5teYoc8O5MHn7Az0yt=WGh<{sg|`(JKjG**@m7-j00a73YzNvIHe zFe>M0>HFXRgLyGAF`gaz*pdLdpLX2pD`oSAOzq2`fOIdGV%BK40#;sm?rDWg36?&2 zIQRKkaOns2^KRGrAW>vpb0=ooJSXJDR5yWcd}7m~(^c4gYzHlqoRZW$fHkXiVc|pn z(F4)lVs6(&dEASj16kMjhVP+2vh%T36U$iQZBs2zSnp~yT>wiYh0EyWaN3^d2MlKt z+>~*K^eZ3HKp$=vJCfkJI80wGs%D?LeZ?eCyrLpAfW`nw37obp1cm+h z*jASrFYhB##r){-u*{#fLLusi6*-cIv@6C6hTSN#4FyRR)X$pp#hqA^@$XU*bA?5; zFRq@s@@Wk}C_aTQl+L$zz7YGwabMgTcp(Mr%RgmNSTkJSj|x8{hpkDd$&(FDHK`ix z5<@?0YlaU(4jK*!8F6|!W@8LX`U zLnRcrvjN{*+ECe#e&QZY%>mG8+Jrg4s7H&{Ly!v)@FT;+IVb=clno#SJcxWw*Chf2j`mJ4tsf+QlT1?=;Ej{_TiWWoJCA@$pC34I_1M ze)w=CDL#{-I#Pnj+G9)is#6!h##SxntIsrMnEepUhWVm7%~Yk&n&@z-*;d7r!Y-qb zaLN(&)Lj+56zo_G&_SJZ&hu~qlZt29LFB*Yg@ZH; zsA*iho%6=9$QR>LU#l2VaLi^5%!3V;*2L6&_oct)V7tNo(&d=v*xXj_z+;`k)AwCH zAr8Wm)=Ny5!W(#A0_;8Wah-7Ui>mLmun7V+fnH6@clC1Xiv|JNgM(84ka-?0GH7WY zcW8tGc73IAsPD@GCn{6%gB&S5s2eRuco^!CozckH-9dCz#+Z|#!GHvtP^eHUp;@7U z|CaCH`En<*lBix}-+p@;w-J!-M^iO!sW6?!`EJ*c8ls%?aGgoR>t1E1n{Eb`zhCTn z^AtUXjx)6* zX*GvhImR`#8$PEn_5o=u!kq-!?vLkqQzJvhGgzo$(>CglhqEgqqpZrm!%VXhraupc z7AuWQk>E(0!0Yo6OQq~ubtom8B$%bQEl!CSs3o8BJIshePXRR}Y7=jkJstt|3sU@rQgJQ9+vv|PCF#%BgP8J%5IZKXCP*@PMAd9pSCR);6ohYV&sx;3_l z{4_4`l~)5h?NfR*UCV59vI}3bbW2bmWyK&e{`~?{n#YNy2Lmr|o=noqpCOOp&D3kZY7l)Ur>MY9!toO=nR=LW^$`(+9%vA}PoRBq^u|$IDC~}?G z-#j;Ly?~Dz^zlPy+9M=Kd+%k>^v72irOM@9W@`~*LPblqrb*;$6d*kUQQ8V2h3S9y zrhKY`y@W+7F-J&u5lx!#J^wswaFoBtkEOyN;JBM;|6^=TFNZD}|47U~Z|3!Q*?{GH zQ}b2Hdihb69K%uOiFsCUhwle?oEEUE+PeqkfV3oazUW?w6wI{`_Q7Q`zL?UqLRji_4f9v3!d@6s(bjw zd&T!Qs>BcpQ4C|-i6GPL@3+`P!+xTjgY=5k79-I=I;x12NIy#()7ou`;!Ce$L*9r; zS4Wi=vUZg_jyeP8;P|y+e460%__m<5>Ig&hZ^&3}AZ44=Xb5Arq4%tWG0kiCw#Li5`3!QaV3c_#Z z*jP^=n&#K=)aEM?)=?dHb73u7H^`YDjp{H;t))GO8wX*gJNIZ}qkpB_e@B{XX?bio z(vFGJdZG5xBE49!Xr*fZ_i)lG$b`zk<71Y9>%PLDtPw%QrelTQ%1y`oEhV$b*|ynA znq1izQ>F@M16fMDh()yIvc334_CbkBj)f#ATKuh@5qmZ5?Y`q1YRGBD#nd`FI%&cI z{&HU+&MhEzK;s!28v3tT8rPtshRyC#DE8NAX&cBDsEmC^B)Ur_>ylE`7Ftxk&yQE%EYxCD(r*m$WR#*LF78;AWF;=*(B;N`cOHl8UBO4?y?Gjdb^9Sy9pN>vnuQ~Ei#7!^|I>< ze13{e09gI2f(>L5684_{CDZ*4Kqr^4OA_ zG%O?o5W?bC+Tc6|e!!xBS{IsVFBcn)bpEM5M5>}dt<|+EMT;#*nOmLKi8dm#UX#|Z ztj{wX%%7r2IO|^S%Mr}}{1|S3tjPYm`OFgSuKElL3yL2> zJ%(vFdol?UjJTO9`h^LwZ?x0h71U@$;6-KlSyU)7TXwzT4gc^eQqZx^XsZR07be?S zQ=d#xvVcNuRl+3ep#Z22yLJ3RZfblo2<<%grup)F`6gaX-t&%$In52n6G{ul z(Xq5NsFlGjFjWwgypg3~mX*k7bJck(_@6yUJU_j5V}|wR_mfpVX@q~50VtU_J;jMH zL-;w&;Bs|R?fB(zQ5BMldeO|eE3g)A%BzB1T+cI6KY3ezd}9BiSrQ}L^mN;orSz=V zt5CUWTKt@SzLRVg;;GwPx>##9@2gJ#);%~fZli;^L8p**>Wf*z4_NAgoOauXB+^#l zyKB)5od?x`4Ia`6^;AB!JPwD!kYd!%hp4sT+MqsrbE6Zjx)xew{Hxz|P4V+oEstAj zpUap>6dOoTB%5b`b8k&ElBV8)QhG>sQ}`s6Gr+jcgehHEliU3Gd8y}->lgRV)@Nb= zL})61_*V+XTmy+>ZE-Ur1Z@Jf&vube_K|u5p2fL=+P_4Rr81ncngvqm|2m3O$+ShrgnbwUyIr5>2vDbR0$n80IfYBZvTT;d`PU?i4Qd{C#?|f%ss)j>gdw=s{ z44aqZ?xpiDl2A38UdHr8fl7qTRp^ESBlAV?>FjEU(JS+U*wr6I%y<9w>32Rs*GzR3 zclMWf-10~QADY%bMw8lEzU#9tq?`)X&t2lZe(Tlpdwr;tY98xGl>FVv%Ts!Xt(NA* z;A?gfF^Ud3D^c8+6EzPd+MjUmM2Ws_JLT7Czv776K*io|MKwn5qn?dORoYTv*Z1SV(&a*M?* z1^bD4z0P$rv>B{rfo2}2WClOt{gwkN<~gF1`7$*QEAs2D^M|-98q63)uSq<(S8LdG zQVG`+#<*RIGFV7ypTDfo8~zRJ@O^1{0$3tO;HTFsq3Yb^sC`4$1J;e>@M79yVdvP( z1c69o=Rw^#dG-SNBR8xwe>hP?khzN2zN%D1Ca!Tf=vrouK6t z+#Do}j($+m#O|H$cZfzH$$eNd&(gkm{ZK%QY{A^H_2%n2JVpD@2kanb07@yHAe&MDKrQ1>Dg}c+RvgiSFLw47|+V~u+RKMfkqT#HG`;>q@E(iH*|{I z6D>g_5_*;IH7%*-3B==rMEsGdH=N&$K479qFV~op=99CY@u6AvV|AOe#a{R(Hkr!!xgvw1q0jb*h%KY=wFvBTaNjnmYvCO zL!8rx*7_4yycH*0E4Bxr+T+BFZmhjN--FZL5odq@mXnr7e7HI3+jRyc_Hu`h2ff{h z0-kH_W3@j2V8e~SKqq;Z7X;tH-Nnf*4oD#Vy0J60uBK z4alRVsEQd?atN|(bC5D4x z@7a|%37?*K&!Poe6lH?kdZus?IS@+*k{Lc7oSY~=t<25Ab#HExgJu_qD=xdEI6%U% zvb80KxNz*Enwy$_{bb;W6EzStd$=>6&H)6C86X~LXaq&?Uwf-raTSZt&?%$CUDn#+ zztuTiuTR5zySUWYnqsn_@-L~km&3|saiK^-(!6~TR>_gDO;=RW3}=qmw3!KZ^;5RT zD~1aiS0gAH%A7%m9iy`Yxn-2D!~_&bzp>N0=MlO*-jvz>w%1}^m1G&+M30LXdNM6m zggpLR>u7H#(0*oWPZfAnk_!(h*;oh*|Gm~f*8I3PM`P3H(qsFyYi;>*=Dz9wPPnyJ;2?Q%O&j%MIUMnUqDpC!lSZ81tT>p| zXaT+(tR$e1M1Vp^qm(7{6_M!mIiv0V~Z|6N@)G%0i{D#KJ5?PkD;!5QS~NzBngap)1~Kdz3q*+C{PCIux7=O zXL%0KVvtS&g~h~bQh|=M6U|y%0o!Y^j$3w7;qvT!m4wN(m~jKDun3qzwAAvY^Yn0{ zTadV8k%D>j2q0m6+4?@5OiBjtg{tEddf`oheJ5e6{`xr%Y3z^OYdCT2eX~n$1Albs z&~zgw>_-2tH{SQB&=$gLLXW4Lpcr^xNnT zOMQY|PsjhV{g|=gCk>8@8io{azsE(+JgW0%D@j#qnlvd_S(GudozE-tz77+&a*B_Z zdOs}#cLJxIbZJZzaL>Y0fJBd)-5HucyxL~{o8jmi0pMiu~wbdj8e80xlv!h%16;(*aPxW|z`vB-S)5+A;)z!HVQM;jGCzab2 zujW4CeKg446o7|?T%%wKrbKY}#WW2S?|y*vD&C+{>z>(3U8gnK36Snv%cB*A@Io$? z@OF9c3O3q;yIyXhew4EGrDsMUEs9Gj2vJuHOXwyH*T<|$hHq;z&za&AUqBb~-q`Bs zE9y@!!Mk6LYvlMqcs#1Ihkk{leH^a+X9jrOAnO`Q%~|3ri||j0;vAFAxZ=kg%2T<7 zmwhFxNlP*ys$g8t*nF?!?tYVY)U+1KiDAy(BYp}aJ*f+Mzk>O7Xu5X*4=GQjLd#k3 zac=@sw_^T0LYhlitD2GFSjaiT*MgcfAg$}}c|cF;lYFm2eiaBo<=%z0ZkYVxAQXbmWxM427?hiW&JXP8C`2euEXK?7!aS0TIh-b})AND{;3x zCVe0E0u@O8?0p}Xdp0Pzz1J4-fSrI{(&FN%uuO7vbblo54cDPGwwK(1g6ebk?DAlB zMq13X!M2ySd4q8Hhb;ZR+2SIvUqZ9+^OlPL3Vbx6t^L$4*}+ylxP76Bgf%Zt zI-r>9a^us`EW-R{t&YXFJW)nV&O!qrxt34CIbHu57}7AHHLe4Qm*q}xW<3%;lsHeC zr)-WDDcLV3GiMHi<&wz)&2I08lsQ>TC^I#p%17$|un}ED+P}by;`cr4xBN_~7U~E- zvDuHQxE)@$5rB?P6WHBaTx@;Kr*vhm6}WL>SeUdErkJQ0C-XRw^AYxm)z2@^M*>n8 z&<%jFXl1iyv$Ne zCt11IeJ|ekv|m0N)08Y){miiNlCP6Nt7U(N@-r9$j${1ddx1w9_zU+JZ^H21m5r_2 zUb~D!XGUSa&zCQ^dapP8N+U=7NPw1KvJuq(&{rS%B<#T*x7Lsq#U$AN^N7=KO&sEm zRLeNKxDuNmeH)dggj+UGKN^|+osyj^^!){!Qy`+A(7KSX)9M+Jt}0ZZ(`_jx?1gyd zPPlb4VlDQ?q#hEj@NOkchEn{PMUc5GCGrvW)M__i@*=1-_O^Ub<*LpS=fss3{L=MB z4x4vvspl8%mfFF%!qHpi?yof#aH8a(J$kP5;oX>vSTo)U@H=5+x1&bQY7HHO>^F40 z4P-UPdml-W9;*vybUf#N9fO`N#w$SRBx`)Js!F=l8eXuUp|)5@g49O%s@R1|zvl<}tZR16)L z6s=U43pQ?n2z!%jng4^_N0&=lR7OI0YNFnFPWk0Vsi`_LA9z~s{*;_a2}f=eXhvZ3 zaqxI|W+f zdi|^%jhuh2ZmUewWO|C9aD71A-k&GdlEimb#iS&I*G>65c6N5V-CzC#oHj6JSlQSB z7#g3Qt!Q9Ch8snd+(?O!qO_7{8W|Fy8=0up_#Kmul!}e2)q_MRi78-Z5)>3=ahXW`jzkJIYE<+~phG!l z%_(P73b7hF(i&)hoXQDN{( zfBew(J~5&Aa5|uCpC7+&dA!za40sfPGZ0vE*zi%ZgadNm-{AhU{n19k1^3je+ERM( z&$bxSQ2nv|ZU;Wj4#mseE+g#`^B!1 zX=HNJe5Fxh^AC{Ur3!#P3>0xSUy5ucX&z#wqql&0&8JoR%yl^F=h9-ysPt(A$t*kqw@5V9M%`zZ^w^ZncwtW1?eE(@A9UK~jb?Gy{nmqWwi+bhl07s>>;j!!4b zVLMSfnhU&ZlUA!3vLIK-r=;M9hK1EE+XAC0aIXP_5THn>S68EfkITLZ;@$>+1^l9Q zw#&8ZxidGxvdGw?=!29>4|Y7x@UZVt5Cq?^lUElYsb5y`cJ^6F zwrYGd-%-S;7MSIyt{uvsxZbujdq63o5tss?h__C~R&>|%A!QfIIOZ|(brd7Wiy1zp zv`$K;KbVJWpcBH6NC+LFhOD0QdsetzpFdVXW524vN+sZ!O7@ttI{}lEsrH~L`}F#{ zlAGHHVEW|b;sVa07RN1EZEbC0Ugxj1wd}xVL(8lLC)0Kk>pm-*V5Yy~mNapc^6lv7 zWzi6KT>MgeTL0GUC#^PDrO1PQXT&AHAMt?P&f+|qmSFwUAaLDHXei)7hnxD#a?W@A z`NNK>j^|AbgfS5ZTid*Q*T{5fpzCFmx6w|2LXdyq=l8~Nho^_SEZgJayfPx$gx5oq z&*xYxBlR&;{hz*NewlZD-w{b0Y2xdHE!p#dN5Ve^rz(yEJ@VHA?{KdFkv8dSBX))M zRPah_k-NBlKsbg&V8Y`M?YMPq1!PItZ$#3GB#Ey|CO>d)y7B=R8eFibEf>+2BYqqW z1~M0B1VG>sQUzsaQe?~Px3E%Fk*jqkA6k$2LL*`o0f?$AtfHVYq`2UjYWL0xafvKt zoNS>YycbQ4OTEe3Rdr$M`IrW}kPxMcz0DEx96tz8hhMO6=W0(*s6KNO+Qs}vS8mG( zGXdxx?_(amb#gZz*>dSayMu1q^}TC|@UzB=HG(3FNRv|GDi5e8s9@F*vUNTp zg%G?MC2`l|@}RBrNl9Oy3!azD*ogr6Bx3tUf6{axMxEH|X!GYOqjmpWiCe_OPmNlM zx9Wqub=-0$iuzM=H-q(=jev7;-^lk{S-vl#~i7NS_U!dDSmFr&P-}<2U zwNGVF8B^Wo?1Fkvb0-n<^PEO`LzIWO$B4VGzA6jPJ$HBgt())hDGtij+w*X9rj+vi6G9w*v=obMVpJbF(MdAHX(Y7toQq@;rIkt z@{(p5SvYZwzhSFMI5BZ6Y*E^)(Gl*fwJ1##A7&6WyR%w<4FWXZzYE80Ssy4XhW<54 z--KN~g{S0EAACQR3u1>w$b%(J$zTBT=3>W>As)hpF4=j1P2+Wy^WkxO_dnPAh8jOb zCg~}UIshd#nX>z8TO@~(cTBabEfN&ey>FZmkzYU0TPhT?Ssjt~T5~xL?Gz?N%GJ? z3N=Q{OSZ8HenF{)FdKgE!f(ogO9>zdKJ^fc=>ww zw?$QzpLN9DwAa&|ts8hIRrjD_catnPn-}mvcjf11?oKz8ALH=AB@?5CM8wW8MOt$2 zq5}7St<54c@E1}iMgRx72`j$mQDu|oL0%Ye=yrW@)^izxnY86E&Qu$X{o4hwq?`@e z7@m4N{(^YqfHxM(c=tm4AX%i}%s^JBnEXuxv?O<4t<=~%fAn30HNtn=DkRc}G5 zh>u(ENT@jZ?{WFXD@P4)<#i}U5W0NHzy%LS^|tHnG;gv=xGa!6eF4G%oAb>Z{S`BZCtoa zJkH+gLx>FiB0($OG%wA?j(jhv=fRVebL6@q<((R+&^vf5wU@H5aIl7t8m3Y;57L9O?%rgB%P*Tb6S$>?56}bRs~RUOc$QNptRAE6 zP0~rHP*P0O>UA)$^SMUERN!sC8625X{5sn1#g?u>ji4ul;>~0}>j`aIw%wCgw(UE+ zHEFkcQ)essVGNhjm0jiau{#5GL8w}cpeHN_=~C^tZCECR;P@tGPLn3W`%ASIZO-aw zlH7ZXQ!W0~mz%P-(rUVVkM0Q~M55*P@)Xfjw2mGTKRY_fdtR+dT(LYNRQZVez(Qjl z-l-t+pN>_e+M0voR?g!E(y2SWY4+*tB6Hnm=x5mUA**oVd7=d=A-CUY~}(3l`8Ve8d5hN>dxu_ zlNRt4;^S!sWRCkI8mrTT{m;TnBZ;@w`9D}QBe#h&bpC$BfzOtT87LhpU98!+d=CV_ zUkif3m}Bm*@hTElny5;}K#h~SG>LKqYvuvVf$`uEk@5Z)=;M0u5ysc_FpB1RGYd@S ztq$uK&FWd#(auE^Z|;w2hKTRiGQMw|`7o$j#V4K+;i_g76*+7^yo#OUQKPojQZvns& zh`Rt2K2*BBpK{6Nm>qr@x4jdlh$^C;Gw2(+!k^;rLiLTeKtkeiyn-Ey%N?|2XWx!9 z;UxH&qnNfv=4vWYF#WtDv?u6 z^H5U65Y?V04z$w2H=%@7OPrE$SGvnH7|%eso1<$vJN$Fhw;QP2=A4F-zGdcl+o#*y zeTU8`_5@16;Z9r65%anc7?5uXa35U0gV}g!Q+A#j^aeHxP;i<(D~W=Y`eyEnP*8lD zXJ#gjOGS6oEc>G3+Hf2FX+i3sO*g1Vp~Xr4UvYl$gn^3bq9bH4ak?6dE=cfeZH>~ zrJ^dPK-|?6xQ>5|(jq|Ix*#h%1>?}(fR`-SR|}uq-tfTsHnpn8S6eXmZ~uSw4Ia>O z7l)rtYpN-XrHa>(^AUNtAfrYHt)x*~U^j^yurelI`0ML?WDqbI zbU%N*RO{U9G_lViD4KJ%iZ7_lDEj!zZ;XixGh`CLjr(Pytn+mp~! zzP{v=(7>=4pUmqdbjWL_B$gL}V+`LyfW2c5IK#W^Ni1T%+3}61Y4HO$9n_rGQDNVg z51rQyL#zk&t6f&F?5lI*HrgUPMbWk#qv0Ehv?dUU32?3Hk$D3S38mw5sW7ovE!?MP z7GgA`oeyVlCN)x>7H>XaId?eZI86J{vXiKsB+YcUtLfrALO=5s+S7Ec77QX0W~& zf4ciGVlAAU@=o zN@7^qT5qjvyu1x&M#F__9R)9&c3X2PS+=NQhcqr|>U;UIRCnG`;|vfyLSG)~Z`WIl zq@aRPXo%R@lxC08n%$6_UyF-jazzyQC<&>lLtqI=;}AvBfno&W0N9wF__D#MNqo8& zMDpg#QV*rk2cp59P%eVEi;1H&&!?wE#Z3y`g=+!3XG01H2Qi)#0mqcL40{*18-64eBO-P!iHUeC zcR(X|+8Bff62SgyGV}AUg~RlmXUyp`QB`O*x5C8 zUfeSixc_CYl+!5!*<~ozAgrzBpd0qsMw1GcayZao=4?>Y{l;N72q%iJRd4#b`gs-& zjK`VZ&+zeiBMhk^o3p)X#&DEtrQ1{oK&ZAnBVmRe1>rwX_Q6aBCm|I!vI?kY$l8Pv z5~|Zo(wP&&A7S^NPsWBGJL;=YutPSlwF(^C{Sr({2=5bF1bcJ+PKEw8kn_n@jCvnK zgz@uO7v(-nqcK%x!$DxXUSh~Dx*G>pYux=uS4krVz3eu47nqr;Mg)YNZwQkIcz4W~ zJ?|!yWfH`^L~(gh-`v`#h5hJ$EEhAC1oIKR-9Vw-c|*3=zxZrH(-Zzx^F0LvGRvt@ z-(v>mvF7_)%Dj0iItJJCzg6$Y%NY0W%H;7~35ng`i!+mPWhTc7wmV0Ey6pZL1^|ko zHCeK!?)Kr(S#fFUw=eIwpMu}hdYv)GoHF`1<$YHmH#9Y+!sz2YL`$BjD4mBqdL;yG z94B%V1-=du`!`$o_~;7;p-RijL@VZVu_d>G>EBn-pb;hfpX<**HXE30C97vQZ{W4HKJ}=fIrI`mUYuCm)OtI8 zSXmg~A7UXkf0`lGWR~MOnW&&M=|9Qy_y3^(2{GOho37Y#d(La2@`rdcDRka;uFlKN zPX}sNr+pD-?7N??C-BpccOaz2O1iyul3VgH6%_n}5jD+HvZ)WoQDj$2}Yhf=|&Vru$h$`^Y0ofbKPvPh$ZQWm(Hm0wt= z&IBfl=b;}XV4*e)=#m)8~Og?xt4N-@cQ6-j@gA;!)Av>nTkGxFHZOi0H{q1PJ!t>iPX8sLB z8S?}cXjd7nzw-XAIXkK}T^TC)26 zn;$6*(!cHG%n<`V$7b;;``ofFFQ>0I+3^N-r)`d3c>2x^aBwaSjo#n$aF}k__LhP=B>lHiX;IC!EIg~<)+GZ;bqPCFpdkUXz<|h+D415ao!oh8(6Q55CN9BOYOe?N7n1C}E z3X*Mh-Xzp@$^|06GHxcKMIA;y@3N zj|WdKesLU^EaJRdG|HE~p=th(udRmhK~V zNO`0xoT!A9D5kpaOFDPU>P#P*px-}PG;uN@;Z5SCU@|4$wOAVJ;X-1l?gD_@pem*`kGiv38nt=gB;J1Af7+4M0ua>UV z1RUt>XjGCfdNG7T)Oee^9C|gtdm5?HbSumJy&=U) zq#X`|no;TBbOzdaaVHHMLnM1_dWLI3dl)&fC)zX ztZLxfs`=+lfsbe|h+A(6a->uuXEgd?5SO~L9Mznvi}5g84iM3g=U$(|`g8$i$q}eUqca z%+WPy2w}LloqCtjvPQVI_|oh%x%7CoRd{^=AcMx3&eeR|)!d{8Kc0q_?mzVuzWd9P zQxY5&$sWsJ7Z(qU)64wh-^a%EGI60~T}xy8LY*O(+q#XF>4+jW`!KxP>186@vJw<* zfVV2@PLI$j5-ZTG*BMgY*uF_NyH^NtJ)7mHd(fZbovoccF*Lv2 z^KY{GtC{52v0M#fkMl{?IDoy?Kpp9KrrJRU8aac3W6@=@6v5ySuv^Noncs?v(CskOnE~ZV-@EK)Or1yUy)*{xXJx?H=rB zuQk`4*Sw~x1S=vds;kUSoufT%TP9Z3Em9g&*4?SY4+j761euv1{Eok$>E8zP;dqo9pSR5*s@K7=IIt*nt!@ z2DTZ2t1WN}YGUtcj^UKI8J;bfD<5@=xp|#v%o_QgrG~WM*$KJQ4dy7JAB0EP6gV@n z*caiO*1E#PK8}d;*yEce^J`L<9XQUgP7h|6$B^>-`)d3F@aZ+Kj`x4H!(hU-^*&D& z6d{l2f07KF8!7Ur?b}BDExZHB1J*xtW|DsE=q^9Z7U{xC_tUIoQMiE|UT|R`Ly*8B zZxUq&$-{=iMG!iRtnFGWTC7ei4P3Hw)H_=)_Bo9b3=E!&dvUOPnJJll_*BcGqMa7wsyP}r5?3$1{!OGjB7f!Dyeo@0S=Fj(b2~9U0@Ztp~qI>{j|F)+3B{yK*Odx&qxK_lo`;@Sj0+T zf_Ek`O9@mljnpj&edtBVNGkk7v}x@^&D4^ODSxQC?)4)2KEHiDjT3QX^rz|a-WU79 zliTy(y3}y4qZ;)5p?lf#nXliN^7+R1)fiJYzyL?(^TBW#Q#W6~-csN|uA( zLPgWrjs-f_dD9p#WXRLa&1bxn@wZh{VJcU`YaT$#qiU{XG%38yRZHcLC>CeQzqtlMH^)ug`Gl{ ziU8p=HXZzze%4}7?>}u7=Rue(vVU)M6n@mDL4bg3*o453|NiXXI3H~B{$Zf|+SZm> z`AH{oj3vN;QBm=eN(JZh>L;Rp+gbKmA6$8>-3-3k#+$9HaP5X2skERM>MTcCGCdn& zk{Np{)TqmR;b%?|-&kOvS_$dO5vn$1M89?up0!+|uhl-??Rte7Efs>7@~>_Dm<}y8*2rYQV*- zZE{0K6%vPuI9!U)nmK`yp5l1$3}4fH?f4)^4;+oZlZ?d*NT8t~GGh5wh=8xD#>jL~ zl4N7RR8DLBkXmN^)(54U8Y}ku(+K4_7CJBlUv3SmC}3bb`!l=j+m}{OO$fi7<8~Us zhiHb9&{%3f)}Y>-u5)3{CFP8EgQ6OMnHyKLk2bfL-J)gHL}z{Qd<(b2goAc1F}qTj*+^N2L<;qv@o9tz_bM zXZ;z$0J%S^1cpc%%m?TY7^!EcYwgtMK4RY>W&cZBqSiNitl2qLb-mF6;ek z4#Fiv+?Qx>9(U(s^Geg6)#22qxxx;x3i-C{=`(dfee8fC{nQ^ zJah#gdNb`z2C{Y~w%MqsxYaZk!lkM|s;Mc;TEXMRhIMul7_50DKAq`>OxS*{;z^gE zZy%i+?X{i#?kmc{8T>z!rPq-BsZ`2Xa3_K@iR^F4QG*z@-TGQ{b_l zo(^Of1K<#6XEcLiz}x{wMgTSf*1a?BrKAHAS=FCSf{{7LNF0aO!F}%vX;9&$Je~GQ z-{)D9p{Bt-ewM<#Gh(%hkVg}Iv3Ec7My}SJ%Jo>4r@$*MYRK;Y&5MI11qmT+-6R8) z&4J-5(szh^pFXPThuY8MGMEb<%`<_#GdhA)B)rt#6m3~I8+tNl^7Ofvb2S}@HN=eD z{>NOoK})s-n#|usl1w2X0)A@K5k&r8Wf!qe^ZPwSg#fvq#mBq6 z&LN^)8xltmOxdthoTCMP zFAlsRTdtz{BY2n)T5NNWDg!5YkZ4QXB9C=N0)(p6J)`!~!0X?v6r=V<%iP%$7}%J_ zhX;RgNzv43em1G;Y>3=?plXO|HOyVd4_Y3^Y~CU#CKqh(_jm^>3p~IJJuZYqSfiiV zRnJc50zgi`H71fYD~`h78yN7o8na=T#X1DOg6!MDO$dv*B14G{}Se zjOLG5)iCJYdPvO?@JJ;VXi5LwPmsn~-oFcbD|}u;k#Qt==}LiAr)`N^(`J66xO-Agnj3e>s3sxZF*PtLz5j zVAE3LNZdgjEmrhIgyx0)Oqxv6;Q2XAHn+px&S)|QCgw#5@pB-6I)NYq@K7;meGeQ< zXHL${90iYub58*bZ0wo!^{I>P;fl)2?K0sPTK5h@*`$TXw(S!k z!HCPrjnylNii%pFgSr1i9d*>1o%YH8P{Ckql;biz;2y`}l(#QWyo|=B{D3&&;-PO> zaj+{wmaMKd5RGtS<)9_=a}T6!*gUhoWKy2VO%xs(E1|gHC#|kiAwE8SUSCJyPc=<5 zbNs<%gNKwZtlA8E_6KH4UPNqUyBeIXDEBzH7bLV~7g}FDk@^ch=;$o*xIbg$ zKa9@^+|+e|ukf5s$0Wq`<-CguCQ z9MCoKNyrQKy^mNcl(@=0Z9jlWT!cW=&za_1vhTh?EWIrdTsrsirHWpot#tx z4r9LD_kaThOu+v>1ONC{;8u&oZ6^mo4%gpm$PN#^4Lf%4deF~{Az9eYlWhCMHkr#8 z!LF;!fk%A5_b)FZh<7s-G-6Xuc zZ999I=Ut!k`w3IdyPR@_vvsF(v(s1tlxU%O-QOwYJ4m4+KOYbaPW1SneR92PM@?kO zjv0hTYzxJV@f6SDaZ6ia_|IjZv7of@ooI>qL9jKrHW-bZ3|q5q-@-(UBA9t;4^l?9 zXQ62_RFTY>Zz0Az^x3!7@dIuOu)<%&?Hy^hMoevmga9Gy@(P{*8gPfKt*rrW>fia# z!=8-t5}I6Y1#OYP1=;C3I^B%ZabZ$5H1h?9`E%%wSdde0kLD9`2^juJ0hc9?iW0~ z(a}-S>Nypatf@`*PZdm4)YLQm*!li}tFV*jBYxQl7@_&kdn9sb!pAs$?m67~izF`n&f)ZYzwB6^~EK z&xpZk$Amq1Y?uKn^}*?KjKUAXLz0}XH|;!5ydpe!6zmP*X=5D=Ugh~SvAI<_WnxKC z{q>=UxuQf5GK_tO2_I>`08mqr<}cx$J>s`3N}v#DDAMoGcs3;myq+Q=A;*7I$&jSc zQGC%u&;C=bU@A3zbpLp^9x`@fG5iRvp2~B8@5lQd;D?k= z({Ax)5(-GLwi&EnmxO7Gm>}`td|^X^^8}FzED@>UsGH zmq8(s8nm`Xgf%yxv_D?jSq0T4I_S9f?m{bLZxW)>T1!h9ySh2G{dBs8r~(%e9`dvth9c1^zHR5AJ-$skK4knWq7LMYQCIl3V-{A zH+o$V9KwL3pskG?a>GY}2=Jl+?rc1lpZnyV{hSn?1$a{*t{fcGz+X2l!?%9pX0|PV z=v<+Zfp`JA-ZM(PSjVXs6o5Cv#SsWvG$o;fZ}jl_Xk)w5x zOec<}H!5{30W-AVgRnNPxme#j54)-|dwXaLCbwzszngKf(YQDSg;f;!AL8>1)|76E z`39P+k1E{u$Yht~a@-oSvZc27nL(TMmYmBZJsn-0#1b5(jx5_s5e~eKuCrm$76WH`)4Gz zSqRu)ziXG?X=H&7Ab8PMiGJnpM20E>ZB+2^cAs?EVu&crXulQJxUW#B)6uD| zyX%$B^FG|hxnaFzgB=~66e)B0HCuFkxhD18{f;YHgoc28#=Lj?reFq+hr)xzr zOj}$pk;Zk26`xZ}Q74V5s_*MO0Nz#Pf9mVxE&1z;=WeTz(Q}on{q8>G!z7m*drxUZ zCj-Cql%8lBrUKP}%qP6^DsjjS+EaU+(P&OS7N}uPR3Bx&u;mWH5`)j5X&{_dj9kc|p$IS-RQLk!){&;&EV^Ub_*{tPE8abRxDp zSyfNnEt;n$NCRiviV7J=5n%JoG~4D6xZ|J-2`lg#@;%8G-X6*w{+`MC?;dVI4%mMR z`gYKgUU7HhExXn>D1QIhH`nOi=gkU7uM^##tt*3Z1=v)83rpx>RJl~3Sda(>Kr8`e zlZOE4+w`eoe=IqGWm2`rGM<6k`%J);ug-H52tXT@94kuMu>Gu#up1ZQEvl+|f$PMEj+Qv#3#)u~Eqn7hfl2idv2GusNQt`CaFLTA&9L6t} zz8`^Y@x3aaUa<_tWzaquW#Vitg$G5^2P7DnvX0rs#NYqXH3MR4 zi&13OxR+8Y*=(&2%LtFK(lp~PU+2opa@8bNc-9xB+$8(H9Eef}E0xLf1DDeuLB&!< zSqnw@-~=vg_|{#$;vH|L@aUA&4D)`;;Ojkg6%5Fr-V`$~`;`pu4|Xf9PUAT>T6M-T z*l!~vaLX+Y;H*L}s~RN*6_XiFYcaIx=m>zf|MNewi5{T9P8>f|d%T~o38kfMWvbqMRj^9GD`Tr)fJyJD#Qqmr){LBKRN@CK>jP5M zI8rz=@2>ZvG87;22?)s8*+00Q=GoCFm{DSew@zpFalh@DJpY}4(iW)wLYf{Qot|~S z5VBk|jP)m>rc?nH>Zg28xdz!Ujv~tLPwlzd&$mVmi=G=nuvE{Jz@G8o<9b+F!D7=Q zVf2uscfHqEUech&hOL?q5NB+GlH|=wpT<-gaE{uc{}UmGUV zus3?_q^NFH(Mtu(;Y?W3OPds03D#v#otj)8 zhm>>AJBzC{y%t10=&@3{Kg$-L4-<_-4%l9wHn_y#=SfY|r#HXAn#jyip5^W?-AC8ApP zP3Sd*RV3V}t!YoL%CSa*AqUGWIsI_tqVe$l)vtBok#Fr}VXOWIo=#BEnSXAX>gx#x z#UOrOF*I_uoZo^Zqqe>{1zJf}Rm8LmJ@~gJ-^*PU&a!oU9$uL}RCF@NX5#Jo%9TxV zQ-b!Ig|>VSIzU>`ST~8Ogsn2&d=d?DIYqYcCZ>+SAnAiup=E0XK4Xd5&&vD zPTT3-6kI!2!RkG$GG)oJb@wD)!q8nnP2ks74uE*=gX4 zmzi$h8`*NJFHt$8@|in+Ys=RgR1MV<4QOMU)jEKg z4e}ArfFlcNxj?l;#^?GD;5lGSwssTi!HypWgvu4K{oIQ5g{r_d_~3UZtJaS&@;HvP z_s?it7T@S2-!*`%{w8^VKlxlL$hSo{#yGZw;mYpcEnZhwyX() zB&Uh?!387(_QF)+7@|c+JXO*b69oeDAsFyZ$3HP`vHsJk4i=@KSzHWKnswZNd>F50 zGMw*57jQh|5=-Qvb0Yxx#7pQ@5Lv%;CgfqW&xyWrVIQ5EpukF=wp8zIJ>rN$+YhoE zDpkQ(FD)JjDcO?K@?ak17`$i&F{;jBe?Sn3~_S;-F4{gF?a^8J$*5F_AL+xm&`m?7UAH zxhk%mn4D+CtdrXNr|G6#JyMsJUXD(GtSJs+lFR-4Jgx*|*9>Na;mfNll?rtL>0x8S zz@}!i0=prQpN58pzKD@Zr~q_za$;i8%mD@9fX*DKc4Yn{>H${OsmNSeN7D|LnP@<kgWEtXTw6c)PM6EdY|+stDKyk z#d3!#A07Ze(K?zf8RE$3!PF|_A&rJ~Ssn0#`)L{Wp~c}9f-BqZ=OuW62HcN!s2T}? zzYkGha`RaCF$qTc&RVU?I^ zSneP~bulU6-ne?)k&Uuxr0%|B&}qbpXC4W7wiZs6)UKNJ*cxe^5hM^JrxMeHA)nqy zP)##2^q0bdRpzSe?1n6&iW;>Pn1_2yN$R{Pf|*Xl{I2v_5Os$an-C|Wo=Aug=!$fu0ni<9-I);pVF zSj*RHcclfQuY^hp>!dR}ss8WnloGI51G$(S6c7Lb9z4we3qY^UITW-BRB77C(WbmN zN3-D2ALp1Hbv28YAJgtKr~HJE@*(|(hfsVL%VTM1WAP9;J*}C(~TVF;D8{@?CH5MX>DrDqu7hQ^Jq*4C<_JxcUUHxSaYe7ED1lM{u|Dd_mh%fAbSt;YF+|xtG9@rlrbf+;9f_!*4&nz793f9Hu1@`y zJYyhRQaC-R?tVK+%d~nr+s*i0edTVb1K|Py`QS68rWYbY(hF3T5g!QO7Mq1)s3~5ItKM?5T#2jR(DnrnP!FR`};o zCJ7k0TdsUMFuv3Zprh%ays=|HsLowBicbEPhyoR(}W^&D`{~C~*YW%2GDxv72 z2`n4&_9kezuXl+A)@V|d@C)U3RBeR22K+UdYX*-{OgIk~o4twJxJ#xOM?KENmF*=l zpfI2rsQ%M1Q}VxlhOjjk>=wz`>O=y1jOW#c*Xd%4p+4fgi+K+|&Ac0bf-imu12q$% zgP3Y(UP835=JlPyA3gh>o^*n5-P_~EWHw%6P$*HviH&AHX&rv(QGt9Pj(-~d4y@cTiKOahGDV{9-XK|g=WffTQroM8MgJ7W(` zWbyZ`_p;fKt}@nLGqm{8L#4YOe_bC;&HZEieB8-r6m&cCvo3*v;6)Vl;bZ;iMASB- z2uZnANrTH}eZ(-fRFVdg;1f)|aH6D>>`iNXGH(f#sE8&89v(kTP=ktCNh*B8F5Ap~&KWNnn%ZTR$w7EE_W zKhg{WLL7jpS9r}@H*s)svI+>qfIvC`$%9@4RjrJX)ROt5f4Y8<$h&II?7|Ju(*f9O zzvXp}IqFIao4V-h` zG;j=`wNkBJhLXG(w6)~VzJ|x;kutdR`-%G-TLN)^XV1d%TU|8sb9{c0N_1-{DKPf| z%#&Jz&33@^ruc##I%4MFHO)$s6GW&NFG%b8-)8#>+)PV>91V8X60iFqnRXn~R#gAK zP_tXVH&ymj#opU{<Ev)DxT$R-DGCRYtSr~ z{ivs^Bx#21e9jSEn&cm!?6|=gg%DSuVZ(w)w!k17m(#TUJ&K26<919YDysPwD~tIx zVQDA;PER;Mx)3g{4za_cHx}TLkJ{&kk5GQC{F>@{J!T|YtIK(6Vcew;m>+q&v&bjm z9-AZ&xVE#Vzie}E%IzigZLGooxF8@=0-CR?^*k2HsZLD|Z#sfs2!sQlvo37y zG%#9$R4x{iUWRl1jCB*O{@=fZb2t!JKkyxlyuLRY01~?8IQOREb@Elg)`qGCAM+qBDW>1jJ68q0nxU_j`k^@!|{9p z8Y(rcUk|^Z(HJLF0Y+i|01=$KtF3EaPG6+;#o z(6bU%n2?=4w(7B-i-t8fw;lg{U>FnlugC+CP|M28|B5pkCZTdh+I7g4NR|8!%n14F z5=bkhvB=Dd`-CbPl)T>n7YZ!_ag7%$14UtW2un3=M0n*9HZg)twEpt|k@0vXAkNO_ z@Vck(>X@}(LShETm7{O9|7ECx;X!tyOSUE#Ts$Rb}z(V-AmQy+sQvtZwcAr z7P?;7lb9wo7E9x%OQrEvY|(fB>R$wIX4OD-58(QPTwIGOY&IGTXmSD6qU2OC$SvM~ zRUp=cf)u*;{%=zz!;waU0?%x4S2W6UbUaVqeNWc68@1~{a~OS?{twVWJd$1z5gmaF zByh#pj>{*=&cHmC5$heMC**&A3-r!I^&aC|0+KA`BKj^E1sKr zD#f#I_eERB!_?>FP35oQl3_KR&?^YdN!xKE4%JLqjMRw zKTiDTQ6uW-hka4B@4kKc<)KJ_F9F?j!X*Xttx1`3wo|#2XJoM8`~5b zJRLw{#NMl_EF}=^i+Ww&sbIJV6-Ux`b|;K>e?#E3(|DbZ-*LJeme(qqHu5{~(A0L- z!Degkz52AwI71(&!Cf68j85A29>GeV>bV{oO>z^II-H|6VUq4KdZCGCcuS+FQ}{nu zuFg)-?&aCZ!-ttvX{*Nma@mn>1+1KPKj?XJ>DK6^Sx}zZ(O3vo>v)!T4kzx0ZahYB8>sF&LSXa zoE*G z+PILqh{vhppG;Ky?)dX|mJT!D(-pDsozUlZxdv0f(rV%>1%61}5g=|o4|X1zq~IY_ zk+Qk(N9U5S!#zFyYA98GH-D_QRC9o#*f`}ZHV{}hr*}<`mY}P2R71!If`w6)GHHBZ zr6PV{{$Z}AB!Dkc3Bx)6JNjMs*HI()jrPvG1L1%%m(x^popgRS>r%fVJAP}xvN3}5 z@EL&0cZ9Ik@-!?eNJ+r}CrwMG@EQMKt?lQnP_|U; znjIqR34sl^{~31%9Y*Or>X}dG+lW-BT_EQU88eI2GD{^H4;Fs71|YQX=M@G2hf7fm z60}bdU&z4T%sTM+S%>XvIQ6sgzsHg8y z8P~y(Th1EG1p*uZJ}i^t-4Ac)hU0g~E9)X&PE2Em^sTPd;q!OgsBv)v4es z(})dk7#>GfQ>)GMz0}OOGt+?^UUN;J@IVJ^Gz#7iI2=ip1Syr9E(2!Zf9X4L{Rfl- z6)Ip3{Z}UBb+xDR@nfJ|iMMjA%o((UNvWCiKgW!!Y79w4N*YGdufq>taIlgihVlEh zu`BY}RL z6e|3heKzA<9h&yXxbu~SD>^Y0(c0^@n%(#LG__pHsn7rMQpMSs?S5&-16&r3R+H$+ z>Ui>BexQs_)m^m>|GB!IWVh833a38%%vm~NXLAG(MgIIe^dCcY<%SFKs*FKR$YYi< zOn4a0K%M zi5f=T zKpE$$mxl`#LvOZg`3p`13!Heb*9~_cVkO&_mWJsa2ur?_#GeTUM5M(*?4|M3PE37u zSdce4dUy5HrG{Rypur=7zFJVP{m($O4;~BNb(OB3sFgpAcXe;Y)kF%mnF-gyhj*2- z@@Ks)u*w|Z4m-*1cHS26P{zWHo=jRGl2_jI4@zuMTePo^0X1ulS?B3X;KT3rmfWwF z6|9LGDe(hJF01Cn^)w(UIz`EL%XBHlRlqCxAB82SbU<3}ju-a?^=?^0t`|s3pito8 z@X+|>@kT`KZ?S-KE&nnYF~N%XFC|nv50HicXVIi1SRE+4SDP7kn7hMOEDo;>Gb~$X zTR-V)e`$JBsZO_21F`pqhu60iwwC#e4kZcd@a|=yCOi@{^ut7SM|t*<=`ta)5yd$S zRhNSMt7>5)jZ`wcD5@H_o{Ig7r?%#T$1$WviPsK)gI4o*JgCISwp5_?RLB#$UL!Sl z+QUzEc||>O&UlZ@FLso2p5zk`DW0*RN=JT8--y=au=0WSPSZO?+TQ}=(-nqMnQ z!a+zsc!J)>>g-A-BRx{3Y>&C;nuISm?Rfbv`K31Qjshuj9%4Ko52c=rHIbOLl*@=LFSlQ~ihsowX5^&8WUY-hifnB({C5_9qGg+_G?0)F!nUZJjmLu7a zOdBRT0~9vtGi~{T8CIj2|CoraRU|N=`xANApHFR8-bwJolLkMTxMsyhGlxjiJjB@Ol5tJSe2+-0BX@;7}49E?~@tKVP=kJ*qH z2DT|VJ%UdhCmYML*WDEt!XyJd06o6&sPV0AY~kGKu-VQ~(`D0o{B_@OZ>Vti^i z=%TC&{ugsk=GxdomTI1mdxx>OsJ(rd7b8MPkFXwKFMQ{qJ-8C(3k3mMMa1oeed0fx z&qVPuWPbXYb15-hp^zO(Sh=5+Z3gI>^~dHQUU`4C%75^exF3HS5^`QoMFQr2k$oyT zHG3F6er@#U5NE{v_Ot(KQ8qA?fQK7G4({K^?e&a<1ULZk8_4i8V=I$w_bLz`2d}?y z%Xr)z9Vm93nIWYO^(%8mG)*WXi#SfABoQLm@zHlcvY_ zhQ?1E{mfJ;&x!&gPoKL1Cz|zX1{kH2t8|*8YHDhh=kieq(3ZV$MW-DPeG!58@MqsZ znTjdP4=Bh29Ol!uD4qP#;D;vQR!&TA2tty_NH+6LIR2pgu1QX$C{L@5W$SkP1{&Pe zp>86F%m7XqxY1kQbF=Ym6|ryw01S(nA8?o!dQ2<2$#T(S{c&unjwj#ehnIp76)A%Z zkm$9ncdlj@>8VW)MdVv-zYRmrk;7=SxGGFBS@}yC{cb#8H%KWx&))`%n5Y;^L0K6E zj0FWnMcZj5vCrQ{id6owH_n8w_y+XnSt==?RTA?OdHQHtnVJisp5R+QIloB@L5i#v z#=`Y`j*08uk!ZW4^TtJ*bm-Zgl$5xTP#U5^WX<_L;VV0~HO2R@40icg`j9Od0&t%u z#x);d?u-2&=KO(Bn^mL-6TK50(AQxq+iO@?RDMIyIvpijTl#GS&RIar&W%^{LA%lQ z{rTC{@#fppA^9=y(#YJc5MWL5qnVrbe(iCylKHK&Fu4^H#Hv|r$PxkM574iu_F|4z z1h!TG{CMoo>tiDkuo$QkA4E%FNaLzTWRhYgEepPWXSv}|wKkr3D{Lz<$su(3@rdaH z9A*s43ZMY9N=lQF#$x?~${S|Y)C@FRd`lCz$YRC4>3k&qTv`^8k@T#P_9wN@+K4jX zQh93Y7G`v;e#?;u2WbREk!UBI)U>xu_k$2YOv7j~SWc>w^!3^0&X5%xM`yJZU;w5N zFWK`n7G1z~*jXXWgUVFTUKn7oe)rod=~)hx&wo^5kte;^7m@4z=abz@R$iOz_9ZD$ zjU?c`rLveJC@>R=g^2{9KwwH_$guvv{(?&_j+G&!0}q- z#-S7It)LlnJP!5g@OW3L`|Vlu^)dSH;yT2JmVW%l0n3NTAGq$Y-|^g1_V{VERfkfW z4dM(erRnJ`HOSJzAz@KB{ooYeNLxQ8;APhzYGcvCFHFpW%EP`~xrsUwGFx-J@0=-4 z8b}h(2iDm6KEC(>g2F&Wm>P<%`^)^IufK7UK2ZiLS1G;z4q!eg&}7Hj{tmp;PO3Xx z)@J1v8%~hXgA9>G2^J~Un2;vcn)ppgKQiJ9rVCH2{SP&bu2;kPesI}t-ss2bplGAh z>1)u9eC232)Av11DvaJZBt%$cebO;|CCTxpi)d-fQvxcSsQS+Cn5ZNITXXXF%7F@% zL7!0ce^_%Rn6b05{55tQR2EmGwgL2+wzlxkCjyd+lB9i(82Q2yPTl02n>lvbEIa*e zrAjq!NS7PULuzp*H%WM!3<|~HUPf-}gG2%sSK^6%fj1w3gKK+U`M`<{K!eQ=>v8L6 z7T|&)aNheL_;?3cw#p=niVm!_mtdIZNqxlUT`Z;=IF=$m)M_6bEPTWZgMt0NWb4@} z8kc8Z2%>;SQQH#jRy@x^EFEzis-M+T&{$+mmtvm(X6NH=Q|f-!9|>M!g9+<;9=J20 z#!Clav%bymsu~G>p?m&?i7c5?n3Dvsg_=_(X$GBrG^@G)nVOk>)r>qA@=bJ6%zeHS zz6Xy-)F_ExmOsu65uDjsv+bc6vuu^-=vXnsVa&}h^LEMnL|SFg0eKD>0eFCR2pDrf zvn}3o1%)XsD(L)u zbd+P$lMSihO&salo}j`MLk|A$3&;}WDh4ZV!Q1;;Ud1ekJ3Ox%Bom{hZP@EAlybbD|G#7ta0S0=uQtmtJCYbzMJRAED^78UHM0nI{|H>MU#o=)>t{#{ozZ!cpYo|qE+%7;gLQ?TYjD5b=(cXY1*0`RVMQujXkI zKVWM7gb=&SBamc4G)lkfa5ZVgRJS>2!O6HxU~+p^aVtgNp}uETAf7v(I}V*XE_#b< zQS%HS?A|y^Ker6YkqruudJvGuqds!_sDn67+ufRv#Y<;_Cfk~W2a3>>PMMnIc@G-8R+rVN6})VRXX~m=dZY&ZEcZiSI#7cPU$S5q{&P# zo+5$wE!y%3*T~W|M}(#S@rSeXswN%G1c$+!DHl(Z=u_%q=qku z(k_72PY%CmsIdoi{^!hNOB!R_A6BgSEZ3FsrKU>r7bc!XMV0O^^c|+{wloBr>SMe@ zZu{o;>kWw^(#q@yS1xze*@;Zq=FD@hTo`c|3k?npPKu1*zMUUozbBU^+YKcm^0_7C zs;wNd=Q{7lXXMDo-ZaVWl>`xeLm+g_PjuDr0SlnHYT01N%KnfD(5^i1)7Ryfn z=tPbYnV7n}wGsKAC}5W-iV6)b?BFDOCmLmKq^8=2$FCq=F0-1NVOdvB&b5V zfo`~fhk(37p7~t4A`-aH`z0eiChC^sZX?>TlW!jlazNLWL91aHC8ddB8Y=GxfF0X( zEV)eAqaF3|?lRCwn_64drDdMXJkL&#yNu-L-n`)% znRLEvS@(pKv5UwPSeN#Xi-xsd9zSR%J&h8@?r83HVN7HP_UZ71R&}sh_T&1soyrR8i@4NKbRbE<5NAMZ@ZhI4^shlr$(P zhVnWU#77#&xW&31Gdef8PdIm9&G^MUmfqj3cMc8Q+4dhfO~}No3G*n~_z?Rz=vDe0 zv-$FjLisU}DtQo@X&mh{f-20uk6$Fn+@R>*ZOWv~?DKiv+<36aKn6T^czicX6|$pK z`PX3ugwDRqTL`LW(j51(YyU|^hrGSF*Qa66gOi4g7&J;~gC9Tq2n1&)g7(}mods4} zyW{MRtSx!h#~7DCZQbxJv~`E+dQ_37pk`#iUG81j6EJb#tvghq`?%<`Bpf)-c8S_);-mf~@r4BZTCSqtdm_0gllswV6Tcx)i61W_zlYS3Y zLNN}!{U_l^PHVPFW$=8nEN3jKYlfSkeVUrMf4ME?J6-OG zL#F>(hTNNl$;qLP={!}#`FzEEceM~b{5?w%2LOv!2i_3~FN3n)$*Z|=_d1IwIiglC z<5TjW$E@7r9`kr;+-z@2Qc(`tVu+xEo>$}{8oqsF6*$c|CgX9ACSe&We759Gcth}MHo{9@q6SnuL->&3Wx_ld2W#;+W5N-bza1S&2r`>vjE zgaxBVX^dI3TV3|8k2S9vFDZc3xU-i1$As<0eVsj7WedHX=TWswo!Je}Q01aOo(e|oxd&db zqg9RqOrps@{U9RkYA%9k1Y-QGH`=Bf&@B#Fs9L1{@z zUM}53D1btUe!KtN6a9^5#5s7SRm^7!HFapQ^Rii?d3bXDa{+5&*CS#QI!FPUJB;tr83JZ zCh(`>lI_QS@9Gs z+ilbQrO|C~2cD#YeFffU0qv8x#Q%vJn))Vr_DdP0*?9}oCdw$tCyfsq=O57Tn&lno z+{7KYVMjwH0QT17%@I(hNU5n|qld&SEU3rQ7zeg53>y~DpI&A@_dUo&OB|$<*DYh` zA(SPvYr8!f{jG3eHJfSY@aD{^(mWbU!Djm}WI$bg9Lqo8a@WKaCFU}}$N4RW1I|VA z2NDW$;_l5PuI99s&GsDeGp&?3U5?>Iy|evVcUo1n5I5KI%8Qx?CM9iynVsMw5v)fl z)<-p!hynA>$ay6aJcXFJC(q53tLF*gm7w8d9Y{JS+~`pmx02YypGmw&f7nY8K7J6K zQs;ZG=zt|4c=DMR%j#}#aZF1E15hs82R>h4Td~&3e0|G&A1c=VlacbO8&j#wg|9>3 z$?4*H>gtloPkZL`N5SIN!}M<}K8%$XFfL8Yciw`wt86X%M{9PKaMFb?ds=M-8XCAA z83?8H;OzoVw5V-;^Ys-V47yF+*%LW_s;) zd@d>F$WBMeF&%p}>+~xOxrxP`fw8T5J=)Y+e;fMwRqx2cn|6$mGt=boD1o3hc`G&o=;8AzyH3NmsX5)#Qz-r~R7~NipHP~d55hTa~!`by&?;=ROk8fSAtEA@rAsNkw;y^Xd~`ud;~71?e|%ik)u%hqEM(x=xs=`^fe==+gi~2OqtKpr|z8qsvY7czPTtC#+IZFvF<_CtNRPCXPf^xsc-r%}y3L1?2*! z<@dZg-Lo#UdZhFIgT&wEvn+j*fpGV1zCBs4CxC=IJ$zctdrV(nh(*9|`UVeI{JUTytyi5&HC z-g3Ou=;nIkr$;u*qR0D5RfZXDwKjNV9ig8(poy3x!9&Uj0hsRwXiokL5D#U&WX)LT z75tX_gn2*lI)1HToOyqDafq{8oA0IM~&zFj+v0eTMB%U1XIdZ)v2?ME_L$n};_OdX2^8C6oBnGSQ+eg_1o{q3!dV zkwTu**E5&cQBB;-lrdC@GSq607omzObKU_yry#dMm}j z(u8<|Wzg*|x+!qLSrJ^p#sm|8MvRc+Q*zU_S@}?SHKww)8~z*e2n+zM>0rPyt$aVrUxdIn!~$BbA`p@o~T z;9R3sr%s4-28{7t`d|it z?cjAE4OHG!uUX*|S`Rna5(b+^(Y#rv*}gkma8gk20?eiK7YHyR=06xrB*ajt6VjY^ z`2kL5T5SR~-MeZoO`bmUlzAc z@x3<;X>4*CAaHCS-)|{Tma8pesDC|KZ+g^>+b~zGu z{-)hn^~+NCj-n~`M!2+E`hO+MG(vn@OUpJEP9_;v`r6(4F8o8p{gAShhOS|ky+esZ z-ZqqJt%WFbEf}G4_}wS*v!$E*ie5U^YEFJpxVwWjRwc`Y4+{typ*G~g|3N?AzwK@( zwWDr0jk`6+!lV2goKZcNzx%uh;9h!7e(!QRtQg``5z7YKh&lz+D83(Jsj52gW*#lo zCzM85UtC0nOBzj^4upq3WeQA26_qTtm|->^t<>rJM6M?_DxQyaY_>h-H@dnA>OKD% zm~S_NW|JV#mNrCJv8G1Qgg_*q%@*FdTq$fOHBS5y^M8K$pc9`Qd!3z@&Yv9KI*ykA{?5}??8`yfeu@8|bKANtwFVM89RcoB|n z#O<=3R491abUg;(yy0YwjYmIwlwb#nZXCue4JWzg!5HjRcb1m6z1+~z4SlsPk9N z_N5hjNxCFRiQ-;-8i|(vx+CZJOq-x=fGY5iV}_S%9h0#7I9dVZgouuUSX)izKj`&c zeCT3?oWd@bDXg{C11HT3$|=!8$0GWyw`gKOGINe+LPdt!WwBn{Wdup*8#|)rUzk-y z+u)5W%J_r$sQG3WY)N7omveCpJu-RGZ-?nr1y#(QLZ9#|-+@*Ow1|!llZ#6|40KN> z-y-PuAm>?pQ8mo3bchG7+@GT>R#LEOT#zcPH~cWo#Vv_-l778i}!P++nYUh<~PJX`A-8Jq4#C0ok$4|FZr9u>N&8dTI^}P z`mE?N17LBGj^})?MLuOwbbITz{KzLM_IYZ`A;dZ+3u#yJ!w6z@G+hPNYA;M_>9~dd zm69IhSL4eWa|_(F!1*u&=nCyb)V`H~(9xY;JmxfeBvVF^!GkvChc_qfJ`C03@gkH% zH`g4?KsJ56ZaskR#m)64_HZZJh9PW#{Ajt&y9EUz&u8AhLFe;>fvT#sjCM`f=R7&e zp;<9?PF7w~u?8sfDP_oUA{`cO8sEnZ{3Du0M@LW3%~3?;os|3_VOeqJYu~H5Y@hb2 zSjedw2Z1RsS7kY-t5#KO8F+=w&1ul5b!WJKFDRLcG-Y$;9uvn!00{cdPIDsCPETKd zv~#UqHa_SWQPDu5%o zU?WP;-B$gQuNmm)TRr$zpT-l)e=u#Vdo_&C^8`|EIF25>yE5f;mfg!AR$OYaR{4YN zTsl5zVi&N?Cg7#Grk9!(YgkzI5BRm*5{`fzbEV*KYf0Q zU?&!T9R4D;+TP+*jnGm{aq<*JabrFiPMm@5x~{&vjQb7K6#-{NiOIo{6-7pz9z&0m zwg|F+;Vk!mvuC#4vx0gITEAE>}^*j}&QmV?wxuZ$Sksi!wyi8Ji}YyoCxH#+Ujc)boNaE| z?oyQWaMb{&K8@2pEp6k$!{c)_DO3HVzUL&qR~e0W3%jRlTWQ=YeBMwA`n{%*@F1V2 zrP|2jqKHJ)jpNmDe5>aqH*oQj0dTh_D`ya7Y3oG(-O6)UptLbd#X9owx zW1on4aBA7E3$yZlAXp_;nS5e$g!CCR?3*2?UPMH~Q$3%f;HU#3Bv1LLhOsa&drmyc zki;H6?|a2J-|Czlj;zu2fYIIARWScUl95@-NoQVZ+np&Ap}OiQe60tI3u=_SBe;KV zr@FO2%uZX9m}IoiuR5pnj*#b2Gx~bP+-wZ5Ym{UWooL6|H{v& zul>|!%P6pLVE?c31rlKJ%;(QicYBGp>K7m;HDQ07UH`N*&(pMtw7L=6>ESdvH?=U^ z)A)K0QOr3^J-;md^EI7d1VGPM^6D#c%y~zD{X`2i*pa6oQeb7nPgexTIqZ(tzi-DI z&{!U{DuXB^ju!s@HrBriCP-7>U%uYcW@IFv({wt;RDNvJWInKxEvaG_ zMTc>ALboc+;$; z>iJJcn`?$izwWG8-=V|rS^nWu@5|7(^Mu!+DNmoAWP}AfKDYGDOk+#Sh>MF0*pYt2 zYKxMwdoT{M=PkGT2pBIilo&04Sb@Lv$hEbSN{JTh&x|h+^#KZptmu2x(BfO99g3{g z9a$@@9O2&TWY!K|3J;REdu1)8f(5y>8~-3@j;SW~+nlpw+~^T`}WFujyZmnEbRk>xu(^%I;QxbGnZ`V{*^WDs$6aoQhrQ5(~V&8D3 zq>z#$@cuubBe_q>X&0BeMUSVPoYp|Be&1ld+;#Cl|7JX!PfA9HBta~cw)}7SyyYh( zL6if@@0OB2w#7-?GZJ_x>Mt17*s!V)wzQ~Jc}dGs*ARKeP1{Cf8B1Lo1)Tcd8$JUe~l zvc8}pHQA*!Ax@m%ED~ zMZ9SHD-Dfe<51?@<*yqnIo4ex%T#EKb?(bS{TVky3X1y$H8;YVpZx>%!Sv5(TvS#g%{dI&K$G3t! zU=tdqKwA!;vfY~Nd_W2G(ZPdBgQ|)%SL!mY-EdyGKMLeAU`@Z9skL)FQX$mlE?>J9 z_PRty(^Z{u_gtkrnQ#5}g;Lb(6doLn%lZVYIB=ClU=k)p6aW*@N#OAZXd;rb9&vMY zKJI7mIo4z`rVw)mpT6!PG+56|I-D04$^nb5Vvc+KAE-2uH~ms`aVaT}*$bQm$hFyt z?gIVyvmA_eU%7U(l{`t;!Kn+vm6YLXBZ(zZu7>2{q5I(3IyhXTtgI~RHSk6!|GkO= z2pe$N(m_dKe5yvH=z4*ys_h!kt8Ll z)wOcni2uOjrEjj;W5Tr?h+j)sx2a0G^$7Vnn_N>m|`Y4NC)MHdwjN`FnZ=O5eJqO9t?0W*F8}EOHtQ;L(R@YW8*I zoBh;A7P$JoyLWQ3BPD!K$0YaxM)Z@ok+XLM>Fbk+%Fu9w0)xemTEKJbz8`-J1dKSf z@A*p30`-XXJxoaa^%KDk1*5u-J3+GbOIykzj7?W~<+Fn>j+jxx(^!r-D4syq#hx={ z%Ann_CCmzhMMvF<^=^|TQITdoCpV|Mp_zgOF-6xioI>i`*Cd;MmP;T zT;Q+zNQc4LPY{(TIA}W}fw9fcq^U2>Q~Sn1rYG<;|GCC`draKu_u^$``#YxbGZCcq z-+1Q# zxS#|vMk?y+|H?5y7^|qLpiGeQ^zw3OUB-<;+9i#zGw$71)N-m$ZHn&eCGRt2TbAiG zV)OZC1WH$#cpPW!P?aU=1vxjNok$5!9)NU95l3{=Y0BE+V;?}Gy`WU9&gjQJM1X}x zM!oqnEU zX~?QobXp=pzZz9!VZ3V$a#BTJ*YJp+H)D^;-)D3iqw_g+;Mygp#FL{r+%sYt5l^#d z%S{y_>MppUC&2JnYYZIPWszmahKn2h9VO@CO#TAVl?U@oc`IC>z)kUDZ)6k%ft%5{ z<8`iNvgB}}_mGNAP+B@U$saIa04N%9iI`aKHcJgQe3FoV_?5&>5y;HGLu4<8z^x?G zNEwnvIbF7I5v=HUKjU~ipHmNNYOz##3_ZU)YA`=Y_l4ULo8rU>52_s7F38hwly+Ar zf=zmZanAc5l3IT+sQx&YWgY&%S} zi5^6C8~E1wvFnZ8$-9K)iaVQUeP$ZsBQ@>g4#Tv9@(+*zb63oCfw4(w;lg?(dARV4 zcuJjig2H>uqvaRw_xH@>F31VmP1$+F^>2>6j=8eE5AfSapw*1RN=hhOYpkjxO@XR; zm&Ms}>n|O*jfSYM?|YDeGRwIvLc4;z44t@3#fmo?^_l((g+8d;2tMy^q)Ws$N{0D@ zJq581ji!!~!Q)BH2Y3vi)NaZwnU|%-0y*)h=YzW^J%*eYV5f4vLFFI`Ll5ugn-UVg z{pEhZOYEQR0IQ%{!Z<{Mj(qv#KjnR5#KSJ|u`755!FI73XIH{x$Zd5qd<{m}D>u!{ zwQ4BP0a7!2&hBv=2KU|H4yasi z{zXc9xTgB{K^5Az-z|<2x9n-o2g&ki*Igr`(v_>F;|r9Olq9D@2;UB}l>b^kdqZAY z8lREHWuvdd{7%nvOOyzeL52@|KP%<9;0G_M1oq#K>i2%E5q71a_FqM1s4cW0LpcJD zG%QE_@~Re=PLI>~zArDKESFw6OML^Cv1g@qzeZMH_o27UCRX4ps~ErMmd4f+2V(6s z&Ht={l2Co$XSJ*F*dNC|?iO=_+v#`9)f#d?m`UyEbvZmDvGp~VaZQUwoexzSjwf5a!O+&Ie?s)T-D}Tk){pqsk?Jr(X{D6*TWOm!! z_%CZ6^|1yNl)3Wf;6c3981(ca16I7I%^jPg<$C;D2su_}L5nX(vqy=hg^L*73`(o? zFakAAvANI#YSy#p(+k}<5*0paI^gaQ+YW<^Tz3_oq!@CH}OcNl|=t9Z*ev~dAfaj({=lC=U>WL zaY2l+2^k~ff{hq{=Q90B-9Z$tE4-z#Dw6Y)#vkxdE=M_7^5~QYYl1RW_KESj4YAI6 zsi>a_Dr|%@UEjinCo4w(C^txi(PF9lFhrb~qSbVqeC-}dASzurC|~$N`dAqj>Mbxa zY&!yYyM!hiwn^X9W~Y#%tuHg$iU$SQ>I7~t7UdFLXj@2N7?6LD+nnT`$KM(=dK&@z;er z2@RrP0|#1(e_18%kiY!}BWC1}@7NHk-GWDeG|HC;K6eg*7}RN{@1+FG(3_My2+QuB zL!8hRzoEw8H4jTD*xdTPMdhg}tdf&1)cx#v_%u;D6}ooOF7sF0h7ukX*;zNt z*zwjk8_Uf+T;5Z`lDupz#!PYWc99CzCA>S8-hL;v^e31W5o>2$XtJzqPzs~+#F_$N zA3FV>5dH4v1yz#Tc&d&Isg1xr2^%vlE^0|WKNp3Qn~stkvPYSr*zC^h}o&VPsF~nC`UD@?T?N6pvFRI0gv-vur=1Pr(F8ngy+FnS}n%Ls^9JI7^^y#JsmVD(Zi5n4C%YX ziMZIL8SkJJ$`0@T`m{RmmJ{*MNQ&veqM*>(nW{oWP|4wKkJLCu$|9L>G`7@PNVmO& zS3_qEHwHep_Y5zPb61s+qeorT(yZncR^&95pI_o;%zO4YMmP$3Ur*J3{yJ5_6I4Y_ zQk-PxyR9fN7q_O}|I1hdJz;)yRtIh40>{ufGq}7q~$5($J7si0DCT@%^{p&=O} z)ORE?p_>CS;AADHrZ$^rEGN=wJ)ksuyO^kV@KKny2LDtNi%P9(x$B^wzsS#&I|D&n z`H@9@wbzC}(CXfFqgr%J97c1b$3o^iHC$M)e3Zi9A%{?2pAQ+?1{@WEh?7B*wB_W8 zUy>Q(kJ(wVlfq#+<*EHeH1hJk^qFJq6DjI*7es~i!LP&MQJqPUCB7*}s40i4rZk=h zA!c!1L-4{cW1_y_xoaEga*AeV@F>MfV@_pX7iNU}Z~Z!A@}O97BGW=oR=QUdP|Clm z31zY1>4RAecey;V%YYHvvSM=Q*qvVU(Vw~IL~!+-3i++A8Q{u60Kh=DpcftyQSa`h z!_FwaT9xkD-Q8VX%IT-d!F}s}q@*cMn*}kq4}Wr@Jcp?hWR}^{B1@F3D8*Y81;KwU zex7SgG)hk%O)WcWU1VQKp`f9O+Y0=iJ~{Zwv0O^lb@R*O7c9bfI$Wxad`kY&9~1He z-vfufLkCkX=OdbE5|{>x@Rk~~i+s~2Uo1rb2H(3uMl%MV*RR59!h1v=eb+ZdD-kU4 zE-K^~?I(XEV_3u`sKRCp?#RJv)Zn1_@AYO8`811ccuXp)$-g;R6_Xc3mMy{A3>+uQ zZOXsX4vaHtr&Rm&TXdUZBI8b4i;`FE2z|@2PD(Bmz$F4`I8Yk^ zCB@_<1gIzwLVJL-&{&h&buyr=v_=2j9|vBf_NWv&cE+I6(y3QQ@s{zz>A1 zY82EkM5e5GFcEDS@w97b3|FXDj8#}ew}{9wa$!)tn*{eH(L=HS^%(YAszEq|hv0h? z^tu0|{lpo^&e@Ydk09~AXs|D&=(_D{R&)IJ;Xc392N~ACeR1}p*^8S3k)Z2KVkYA| zNtsXR5-$gfodqq7F#%s$>ap*?vt?mD$r^F3awPc*B^y3TK%`+m>3Ywh<{TKC`0$a; zJv}nd(Ra-TbXzf~R~EFjd4DV}oiqmlbHG9WFZh^B;Nr3BN2C+qzB8I!ep@Mwh7$1-CVmJefD9u7Ka561 z<`Wq?86p8HM{m47H)1a)0Rjp###IazYZ}+fPKH~pwI-L})2g2=Cpl&WjfdkZoh*`* zG(F-W0mI+wj^vaTzEEK-iqbT5V)*mg-EU{xpO3o1oPupuN|kGL=iVhwMM3U<_Um+? zR@l9B+=7=>wf5K)jj94e>EK0^3sVvfVrCn`=%X5l=sh@KhV?cvDI}_4Mnj*f-IB?7 zOK(WsU-F_WbAxlLSkSZ1inMr4Pr{bhs5zw~X%>0(AXSSDOsYrBdX@>H#+H{v38Y+S zwQ3^zX{#9|RveA|$VucHy}%AD!^y^OK#eYo{w( zbIp-og!89`1pex)9h%dg3J(iFvOc79L(8RQj$1@oFU-5bU|_ zw~lwlPdRjiOZd1fgPZJ7+1SD#H2;yk@gjTjuP ziL3EWYqO>}FTmG?zz-xeRS>vF294}@ll|D*`G|*nA2#%!9AVH=GkgR}_+@(pP%-Q) zD`JL3!m_MJG+RyiZdV(^)o)0t@FISCYSKwEb?3Y;cLtQ6{f!(W5?l@>!~fe*1f?1% z<7e(k&B0DWHey3F!0{UO*OJZQ^rW8G8fSW|+l%T=wR`-F0qF=cwLm9PsLf9K&PTVc zF}zgdQ;H#^#GULsMm_R0&NY|qvmH9LAHS#ZdJNd?H_8!Yg5n%d;-+f`OmX%|e*VnU z?bEMOQdXDCt4|3!DsHJs9V0vdg-PBIL#m3vDvtMI80utkD)6w-Z8!bzp%B6`i8t}6 z;wr4@n_o}7SNJ?}LVF}RlYj01gg|s<6~Z%e!wpm<$k#~C6q>Wvr1>9L9qo_0Y5lI6 zGg$Fa%A4?Fu)@Vt?fmA*3a4qgRH^c&y3`;lP`S5yJJ*)6Y^?YzJjmTJ>H08C;i9ri z$|n@UBN9rfcn3$ZVzk`P}33&en1vOLi zp3~;9EGwQUBpyEAKZrbD1sjC!OyfNmuD9yw3aAvr1ikF~rcbn`q3qGK(uPeXLgM#Ylv?z6LtYmJQS3Rv_nOGA%7L4Ax*7X)RNo4C~MHrA521#K0D42 zjXOAzK+Et$BpUm2DYBi&W?vkG^T_n)yf}GHNNHCQVRFKDT^=n#4K*1x#g=L7{gap* z)SBb`zklC{i%)V&4?9Rog;Z-C8*gK6I+V6Knii%-$IP4Yx5zg~`*js8C;XpmR1s9SgK1?kR(s!EkEl;Bunnq{G@}8D zORHYN-@~2_M~=H=Ww5m$hH5uo_a~_f95-wAVzR%U_3Yj)`gs6?LbuIQyHnre!iynL z#~{xkxAyRFzDfi_s}HFUMrIlqxe|VO{cs@rIOHhPHvcs$Oq?;hphaMK$Avq&;)m(q z&bKj(<1Iz-uUB@T4cSXmr-fP`KE(Z3`3~JN29cI=&|spH=?=<3Ytd6vO*^E= zV0ZLh7bq%XDWPE{>hGSEDYq!qtcK0D%kq`e1o~T3qGGtr0F4OPLeX%N2kvH0wObA&@PjemBk|Yj~6BpPq{qR+t)kB2>Nt|NA;Gkfl9kxbgk%c`N1Lm)Enp6sVKqde3InJ1szAU zIju8e457z~xP3o#&NV5mJ~a0;j!FunS|xTqP3V0>t+(I#JK;`^=p&}jE?d{oP-Br0 zofq)&;a$k!*u*=1cXzDTvF;KlK}u}cK(fL=P76#R2%K+H11fT!^BGl+T;N8DW8&Cu zJw!FhT34s9E8*DtWu=0#j6S_s-6nG~b<<}oC8jt(<)VXx!<7|X5cCh2iPhC?0Qd!3#(2?Sx_9?K z1p_%3Ez+Pv0Ts!Ww12^->lLzoi%+}BwQL;dB6gD#i7xMS>ndwFLY_r(;^LK ziHw(T>dQz?mA6y_9$Q3Nfr3_2N^7sR;U(KzurRc1A&^K0m8 zcPG2l_iiHmD~66Q5X+ON9c5=YYlut{orsM2Mu8V8n}SJ)QwS{ zVb6o<#n&=O@rqF4q0aElTR<@Zs@)+@KMk3WDxz2_=#2XGG^V~Vs?Q%v(;eHa_Ph&Sf0H8m32Knb2{6Dc@e>C?UCFZMyabqyDaf?o1Ene3lT9f z;d@*a7>-`#*5@QhMW&`@K2s#6vs?Ymx|xRK&$7~)6?(cHQDotaBLBOtEit2!lROLx zyN@p{;6Jj6uv1UmqQ|RB2hX$QYxn}i=s%Kl&&=(uM{7S~iuw^9+Z7`&YefR}X$u|& zn{nV51el5|DnW7)NlfvU3=3jF;U*=N{~KURuc-;1INm&OI?*WjLR%o0A`QXXIB#Os zp=<{Z8f!3!Hs?G@?*d8`YwnCne0lP?-`G4!+1O0~9vWFjoGGrN3yFOV!D{nj?Q}Y( zieJZ|t*AJ~33N2AoIxtxm{pFs?J?@NSv{Mv_~BTr1kOh6x?hW|5CdqHv|^)w$g{Ek zmHQO(DCEjRm_EzO%KHfdd8s>bI=D|}%P@PWE1)>R{d1ar7J6UxdPUj!Iv_n?Z}(%sxQ!F3onYchiM?tc6ULw=!L$~C-S8!9gul|w6FD+c;?Ia7 z)8)+1Ejgd|$O?d|**7d&Nm9L@>Nl~h30?QEjWpNm&Gx~x;`WYsJRPL2V#U=P3>IxM zE{B~I5y-u`EM8f=E5YQo{vLso{@EpumcE%!lS6zPR#cxI-I$(NJC@N01ryU(*W>t@ zk0QfH4Oq1-3TpkLa)i9XG|21AiSg35q&{~D=99{?74g{V2=z2EhFEb04pBajpLICg zi>)krqyn{@o-<=KnO4cydsx@yCyz|qxhPycGGJ-sW5PoL5fH|g{nuF7#!h+ntfAjX zc1iu7p!`b`MZ*U$pSE@<9M_I_7#hr~Q)!upbGQywu#&`R_)F-=a>*7YD3kRs4BNqD zylk26&|M2S%4nEC8j3s@w1DlVoE*ElNoOU5`YsX2ltYLu8~~ZHB#Ht)^oPI=)lv^S zr2U}f*5?ThACbK2Jm+>Ti(t`ugG&Vg9i!WoYRnj~h6p2q*5!U_GJmh>&yW`?4_q0H z`MQ<}hnyT5J>fo5pB?H^YG@z`TvB8}TM|&_V+X?@8e?aAB0qC5gl7MW2>=t!yI!kk z=rB!}MGF5iZD_EI0^WOiKD?i%%}te@5Xp=~h`y{ScHjK9IG9c-diAsPVoOb&D;Ra``DK3_Bck&pU$c4Z5A8Yv8yb%5Cf0xGHFJk_{0_DSOXKeRgtAScH;*0wa9gbsnOMErZeQvrDk{ z2kyExT1L~~&GROnIyn|UBQ>v%l`wKX42U;7U#4oUb+r4kT4(nU=ITFQYg+E;kXxjO zOzcvm$pe5-k=xO;Z)fFJA3l2<>5o!bungWVdto+f!Z`{6ec^utxe#UA4VQ=}9Soo< z|8Dnd!tcJ!?o!?F@$=J0buq6)8$PJ_83}goarJh?i*+-VJvOp1iQ68=kBqLH9(lfufwvnK1KrN1Iy6)!qpj$v1LJ+m=)J;SJs zw+cQ{e(d~`F=t~m(QiT;VRY<~BF&wFk}(#NM+;~Kz}EOcFb?&za^~aUhsc{9}id-BLWsd}3YW)u(d_dzXGr z;>ZH^L%NFlT6E6=&STNa-A(M60Ty~WY2Ga6hzlF};7?mEn8tim@io7GH$@Dk7L=6{ zhE}A{pkPaX!iYo&2?^QTKj|~)b~XdYe3Ue1AkG9IgyE4D zK;g0M`uT18zMN0u-pztT6a%ntnw^^G)jNf~vuj9qVfiZqi9ZtQHc@* zXh8t6J$m(&hKDDmyu93EvOX`59KaX+MMP4NoEdS%zy_`Jb4n5@44t$_Wn;AY3ko!@ zeDSYB5b==VmJfW@%3Qks#u>ANDQ(Lq*sGR$;4s0(^aZLt=aJn1I@nZIu_0J4g31;i z*fR0P%`TGBB3Ra=qly8ggfZOK!ph8XzK?MvT*_#_6k=%oRzxF8_?WE<4a@E=O!V z9?r$CVPuizmYPVlOqb*pSTwq~1eO~B*;#TNVXF1@^;m+Kh9|Cj8qP$>_P=X$zQPOZ z)dcmvGWq&nv(%ud?l;=NCiqw{aOuRA^`IMj`t z<%&+lr`Cy;>u^U*lCk3d!OK?J$B#P?RpvMjBF{6&i2E^mrcXm{fheOQ8tpVt!K0+5 z)H{qlQdB!%DD!p6%9F>ba5SnPwZH^8DEptg@|Mvyxh&k|a@X+Y6Ob}9$ z=`^*l&OUNA*l3B`HXy-3d)!L^^GQEIZn5DN;AgCFCWw;9;T;k(nAR6tu;S$!xBqsj*#XqL@)itexA;H)S=7E|sN{QZ=Zh!)!YW$sbb);t73Xdoq zkelY)cd0+UPrIpn%c+o|+d^cuzt!wBuxl*`!PfQNC8}=no?K_ScB&ovCD=N5e$BGf zJzjBmzq$I1hZ>4q3lWbOpRFo4+)O{%zbotmV#I)D%iP?SSmB3J635y~q8}cDv1wh# zcV8f#<#FOiy2uy&sdd~PH(A!4;_>uBc?76s!PZsL@qgG44lD=9Z{oAEh9Q>+8Dm72 zLKA)uf$!j@Hu0jVUF~csJ$jb@07Jn>LSqHsxLx*FyQ)p&Bpl0RDOHw!rV}2P2`;{g z&P9~;J-cEX9*HQS9hTf|9}}>(E;SkmdBB&ctu*_$Cxs${mT(J7A)M1prY~u!5X!A>3l0p1l+e*1bqyI6Xx{|t1#K892K<7f}jOF^Ru-iKev>?!e zV(Ih=0mbsio*5Ac7x1k2>!-Gp(T-l9{njDmb1fol>=|t+^5m|n@SS*mwBZR}wfo<1 z$ACCaa_{v~KAgd#&~m>G%r4_(BIHeh#uce=!V z_?K^SQ-2p_WakQ0vLB{0MKMaMXxFOkUP-_y!!FrtpWlm^qlzzTU=u_jv3~qGT%ueI z!aIQ@Uon%nYkK;+-79N7U%?|cbYgij=zCaHDAqXY;N6C6)Xi7)Xka?BOMQLds?Zbt-UIkk_&M1GtkTFKWkT@+C z*sCGx>hDBACM*EZL4OB3Rq+%MvrZC6QjXLH4y`DFv%>a5dFg?(Kved}>yOm?Hp0Y_ zbzd0KSt}6gesdK(7VzM}H<=oxGZ)j?%Gy2dYfuUnY_{%bHGsP?a5_I$(Q5bW*b&$x zlt)MuvTi^AF)F3$ppTRO8WpUi!7XW*gC)^y9-HhcU)8EX8QIr;u{}~fZw&+WmXdB8 zRYzM}PDTcSImPP1&2vK%he8|b!H^LLlPAA%ye~1j&k$@RIyF=QWP8a>aVDDTjKhXt zDCNiadnT4?a`DBGQs}DJjgO^h2Mb12Jf{p7@)60OaO1Tf(j#S`BUij92 zuQ4(*+APo6-O<$w^+h+4Oa9aDS*-^rc+BET*O<7yA~#?7!rqbMRoa-ja;|r9BW!Ne zqT>B?yp7#>@XVhaOhk@US@5?*afe0{A zZI|QxSU5QBoSePjngQu`{g*#9Ko|inO8}(|k|$fyq_!G5jE?5R6gb6|>yoCH&2(hH z$i)|EyUE(+2uT~!M{IDltF>P<6+QReSg;)*ilPTu#p^nWeqI5HfW19h)KCysJ_z79 zIFbLTzl=CYpuGSdVjbHtPeBhZ1qy=bg9}QXs5vXJomqD)nU^h+@C(kW=?sLC5AXZjY4IkKSsd+dgo^pQlJb5(~@Gz>zlgxMM z!u4VE(TbuuHS7m)0`TK?WpOgQ3TB8Y;^6t+PQWbkH!y98i9v&csdy@!3?5*KU%dWA^=n z*SkAj-72@PcV<9~2-MhRpTU=<(wfBv-Zsu9XTiy6p2>?6j<&;9;gU(^VE03pEU_%IFPfR}9t_A`ZRzY36;IXWu2 zs+rcV%*0$rK|#>b z(Ge_4X3zS+XbekIrOlS#(5PQDHA~7ATbCX^-gbK^UVWo0h-%BO0eByW)n&}Iu-nHI21qfuX|Ml&*Y2f4 znVuy1doX^^{SpRtHBi<9ed+YAzwZwCn&s8n|k%uCKxJ+4!R!SR?oM_jAFo z$<6)Hrpp2@6)<4_h11&D6qc4AL`L%A{e&if3$XjSO}GCnt`@2Alk?}0D>?xSR?P{#UGJp|9ISZ=qU~N?j1xm2|$EE zo(=da5x*<4^jIu-9gSip84>EHYpaXG01XYz`MozU5$ZQ0zHTsN|J&&&{O{?yzRsmZ z1Y~J2W>!%(0it1~S^Ss*e2^D&cwOW7>TBEi>60WZO z3;iK~5B_YpxVVsXr<7_acYr?~SVh3z*K5cI?i_HrS+BI=cdmYxk{WR4-2GZi5hopF z&KUv7WgsO8tf63Iw6U=PO>~fMfSVMwdtn9aRK1($`&Jk30>E$%mPWA8i=sQ{`~@Ej zn4l|7?SZ>lR8#~mt$+6t^7ZQ|cu4Y0p)F)4oIQg|O6Y((S+m)Z>i;^r_E@&!C@dq9 zJ;H>IMx$)8=_WI@hKvT)#;a0BJi_WRs};q(Hr=uj^_a40rf3^U$3o0A6JgORVIE_nU&65#qx8^U zhdVf3bI2p87FFxwf}Gnd8Fak-8Ui= z=S6&8I$QR)qpI*4gL3AQo$YD>@y zGW&2oE|)u*c}C0#2`RI1^G!*)VQg#+c)bJBqKxJA?)9xLYZ|Q=Vc@sD<;MY z4*-FHaIuE4=Fpy=o(AyXvOiBCkYQJ0AQ*v2jECa8rjU|nsfBbzOp2C7a#)bA*b3o} zM7+ClT=Z&TGpY!`GWwT(ylc#KCMF03e;!0d3k?Z`*@|*Axm>p z_N=W4R;_zLVj{GY^x$^m32#)Y+IWW%RNVkR5Xm&PDt)m+=wV{RwZ#sW@aF5!&Df)> z*~m*fyj5p6M@BmN{ZT8KyC&ravDs=~Yp-xTVIa2srT-OJq)0KW38cC8KDrwjIi}9n zudb@%pnsd7D~^eF$h}Fjhn)@<_LaAKPsNoB@PGc%H@M6K=C+2vL=k*Qs6a+|StzQ&serm|$4hf&D@nVIFG z#PfJaNl~VqfAdW@j%JDo%&3T{2$LD2f(+*o5atBTd9D9_-wW1=Os{_5cYR%#p~K9q z^*qmg_}#zzu-5(Kz36_AJ^PqQBiF)6HKL;M^1Fy{3Y@H529$oy-hY2E4 z-vRiimuUB%XGFceQ%`>DjsHsO)l$`KOZen%;gkDsIJhe(`mML-&YkoLQ-b7K>iB__rg@RIL-zaah4;Zscqh5t!|L_aO; z_R2x-anXen*>}C?;30O5==t&n|EJ(@Zi8sWgMS&9XLev@ zYi*&+Y`LNF-B6U66i?{eXX*>)>pSKTeNT^Qv#CQUcE_86+ORLxmQEoG{O>{$Q%jzu*ebKWtq z3s^0^Jp3?emYKzU@67xstMz+P+ zuna!t{Exx?C%jtd3bpH7b#;#3lariTwtSSzeSq1`{Y&pF*B3YEmNZ*F)U= zanEY(6Es1m!2VRO50*O5%vx4Dof}Cf#$~Z?Ew?)>IXw$E zzkcOrv9u({_gjqhCVZ1O-qWmS=f^dC7T2d-#BVs>e~R9bVy_C8J~LT#y+Kw>d$h;k zdM=|Jk1W&Z9u?=_FWb#%g&R+zEx>c3m$Dd7Rk;p{Q zo}%E{wJ(6^Rha4a_m(9O0a=LKKr517&CII2l*l*|?YMJvNp7oO!m>$552%_BB+<7I z%gM>vGk(b`qdU`BL+dmAl#^4mZomj9?VsnkEZx*WhfrenK5@e3IMse_CLB|8D4kgF zYar^z_SwdQnV=VTO$(mh3n9sm2wIX*Iz85Rs2A!bmlbB)l1f56UDiHb(H718MI=Zf z%0>p;b|3+Ms!WNh)H#Klt-nfqzl!KwY6lyt_Qy5tN8J($5`}NBY|g9PP+O=DvXn8t zvRS9TSeLf^$F!PwRYUwqyjiVdxdab50k!89vHcZqTMYLXy6%*`-=-Xe^^VD~J`Ud< zw;sL*)w;r*qBEt?r!A|+ms9e}QmkIm64a4=R1qs01d*aWmKh6QDbAmnS31*rRqDIy zZI^Ll(?-v(LCqn}ppS!`ev3+_aqZH4oS2wK$Gl(W-k)v6BXcMW4hy~qS3OQ{AD4S= ze%{k`llbeqZ;)T7_p-tJxX9cdXD(PR_I^YX)i7VTM$0y78xHB+hmsFvEgy+`Wb_sr zE#C!CT8m0Yn@OLAlh19NqW=roI3J$ovn%i&a3hKk{AF26-k=bbWp%dE03V>u73G%B z%o_-2A}Q``!`pil942aWOOJ7x}7MoUnnV1L$))f}z-Y4Bn zw~B`B`mI~_g4L?@_RW^bz-@{FE5 z*Z-*9FQGMgb_E__wU%>hCx9f<%5nciU7sg0!uOmRC-+^G7vHlRU2A&ybZhHq#vZ}s zuMTT_9>w$SV-+^k?tQ2C>2VH^U>(YqXO`8V;`hQ$>ymN271}8xHK!;%N2UIS>J#k7Lgf1ll<6}V3Mi>= z99)QgtrE1*J_FuD!bB_Tx^CEQ!9sy!i`rmd?-=HS=xf+UO~XE^d*9Y`U?XMxEd}0I z5^FpO{H$NBalej%sNqea$l(c)8Su2g@sEKULz{s|O=^al?jRomOIGz+LFbPzf|x6c z%M|^{ZpSk1vGxyO>uGf>!IO&W}m@ zWp&s&yq~b!B+}&eyH?+)igu(qOEo`yiM8f!lA2u_*I-;HIU&40-1l?*5&gP<3fTb> z+$d^xGW}hkrCvYIb;!Sp$QO@1w8>Nmc;(5g#13q z2ie7KN$#tf5|Gkl#6D!^$+b4dFt6e6p>>C2U<$~uq8_6?C!t51=4#Zi^P)@%QK^E% z+WOFng&^Pnvyz9P`>>;_(`wv0APLgSD%~s<;FBsV;ZPVgB+C-58?OFp3Z$pznc&l z`Z9d?U_(+LY5O!OUX1ooF!f}7P__VFX#GBiyqDP?WnR6IjuAz)8c&cA4;p;J2onKm z&?yX(#MR-g;nv15?yG1k=o?A*aJSH8c3)hA=eC;tmk#|2`qJK2_yu(2aP+#qqRHe3 z!2UD+PSgF8t{{e3$pbk+w+*;5N&EW}0?YPmuxo%fbDtpFhP#IfynjlX6HP1a3m70m zKnJA0M&6ph1&ZGcv;6^l8oS=qQ3*hl>^f~2%2|RQK7_)~+vc?7U1?;S3G0$in;hwD zj4`1T^20Ab9zw*Ogz89MM-LvL8r?RXFxdlyb|m1m5;!B2Qs-f_do+EbyAvYwNy3U) zlthyB6U}X(Do|#{Z_&!9aNmmq;6_16bAOwX_Y`P6*cU?;VKuzNjP!8Pf&{()iUOAH z+BdT5Bz@=s!mXr;=;HnIE$F5IyZixw(Ra&O?8!BFEbqf&(Rh+*k^931ci%ONQv@4X z4QMgbMaqUI2AmEZ8Q}?pc{2N08F@O8&&}Z^BZ3Aee7$3Qs;3oPrK9;ym7uaib4XFf;*u7zpgrE|BF_1O*1hR}bO3H-4BKM36HPnCO zf_V+@44Asx5J4C6qm{o!TgyQj$i0XNwxg#bVeGaz7wF*UDB&1`A;u;1PM^n62ctPd zkm$y^Sf9QPUw{}$@i+vRngaT+*8v(!i_3G1%l#6!O^C-rSCE5G0Nc(79vHY0K7`d$ zpx~EIA$IVKweS*1i5MJuahXMUNqE;sJuU)PD->f#axLGgUC*F(+d$`WfN>w7Fb6^< z)q0H98&>+GcOg(mXti7GdX|1gu!16O!MSPO2emaQ8oiP(ycxEN0zVNQ@szaD*0uxE zz5de|0xnwjoT!F5!uF&G*qs3*-Xle&vp~EK9&0S(V;2go|6T>AA%Ol;JO(%fEhvgK znLG@U6s57sfwY-|Gx58=Xr?V1^w~aEQI@D2gyg`cZ~-Xvslwe%MvOuV@;XT`xME>3 zp)1JcCxZ7EB>vgS=teOA%oi{9Ha{tQ5;>?G@p0j@-D1yvUh5q&EJ@ktm1 zQfOovzHU&RfK2=`mf&8ZolHX<)Y#8JsLJH|Qwfle6H7N2o0L+o-qq8OzM-A;-Lm%Q3Nj-mu2+SxK zWYVvFF0%LR$KgZLHz-xEzQSc{s(UF30^fQ#mU3Q1(WQ@pzYTQ3+Y6vC>*b?1gO^@J1 z;PHf@v0)|2Fwuj8>AefT2MRvu@CehRCLzSdMf>r;u-Vr;gE9;t{8tow_=2F{p?=BU zQV5JEfKhRY;=YA5k?Tm&M_{CMmw6_g>wX!*Vjt;un%KoCh(P?CNivBc z1OXJ>I}#WQ$xR(S(ZF4MDj3L>8MJC`HHL=YqK zL-rO-Q#`N_v^qhG!u)7$bX@KQj7;Ak6GHY0Zw4(HS+g!mohO6QeH{q|;{zBa;Xb?& z1wD;`q~B?>E67yPYohM>j3>G8c}*}ts~7r>oUjmz_>n2W^&!hbkXW$z7(GxdLJSEW zm7iert3rc{oF8E5l?(k6`oAFvzmG&CO?)Ew>0%^Gka`Mmqr&%|8RsW|2@}!+Y0-%9 z36+Wh*yabe`{dGySHg2d`;3g1OE|}#0u{a zlZ=yk2&4%jDPlv3GX>N0$-VgP9$Fnkbl5)8J2k?2QP#nctZ`J6hekM61Qy#5YeU)u zgy1*gt0-mw(@`+aF%jZ?xYM)a?gqdCA}v9+{fvKrclF$>bl4Z7tT3`C;KT=7v}c&O zbM=1xMDcV^;uG+iz>!D(5(q<*eB!nHR8i20L^1As-xdBW8u|_tbwI~aYXrw5xTpJs zJF6Fp`~oY8b$G9j{5nm68LlfqPdh`#>^ouk^lO4o9?Ew)Qo68yaCt>cf8ysTqjVdW zKmj4yF>uyPF)GG17ojZSq`TjcC<*-#36+^`HQxsS6NEwkPUkLsr3iNjvAsp$=k6l} zaF!%-bn;~NfcF)*|5IE*A;IeeE-9@gz}UN-uJGF30bKyO3U&to2m-Y&oMtb<{0Eo& zy{y2!@*7VJ3d%$GMf5CX3sDp+>+#lxAPEgoQdWPTUH`)o?f%t57 z2u6Td0J?@B$z>bKW+3pn&Sx)?l^|o*-C_xdrB4;cuP!_j5>>+WX!DRcq?hkO7=G!$ z*Jt5vPyi#`*j3f}Zd`@%xk; zAumiJ05a*q9Z*`35_gyugsozVk(EToOW1az`AMO9OCUg0|6XR3IiNxSh!2ot75TM6 zu$8E*i1VlhfJc6Nf^ULnf}}EGCxm>wY43uA4Y>WtIvy$Zb>&Y#@!PAD5Dj9`)m?tb zUI`f1f0qH?)pISK<`?r4M6RWRb@7KJ(_?41E4uQzU?(XSF}n|&YjA`3-~kn`PdOeE zLfgs0$}sfBumd>(Isg(_B<2IL3qnTSuO|O5v3dYj0B?>6R%F-+_4tjvpN2GnQ9(l|n*~j0y!cxLba%h*%(vBUvo?w1)2cjLaw*Z6Vqg@ta0$#eHErsR~O|}ccf{?o<1w|@SNKCHu!%Et|A2sfmQCEX36qaDI z1cnt4pYEQIqELzw?SjMdZ&85SnLsZI+?*gIp({{7P@IrTqUb`%WutEoUC|Rx-9>@j z8$-|?QDu(cyZshYc*!uezvx7^QSd2#ztA(*D2A-Xi1+qT^#l<~ezHYifBYas2q?N> ziw&Ksh&Whc@zLSkcLn`he>6~C?2wQZ^;@O8&QrL&h(dluz-Pvxxgh!Ojz9u{ zk^qY1KVtt$QOreT4AJyhkp#NkMVbk9Qb^z+_2UJh9LN`)AmvEpj(`aLu=%b+86iPs zN6!MJcWyuOK^Qv+S%{US{PM?SxD~_vX@%?|QY(ZU`^O8wFW zDJwKQn3>HdeL%?}J1m^MUl>GWi>_+eFG$VEji6z43BX4;*8-bxA7`%DN#Pd{20I`W+zVHi9@M* z%pu%GJ&Ex4QB`{RIdKZGlptJGQGxz%PC5k+f>Yshyi^0?H^PGR2=EdD9LzaV9SoUb zR7g@7sCbhVP}tj3NCOFO5MPYIm)&&_k|@^*PJ3fGX#wWTQ7$lLLO6|%C}{HUR1T5B z!0NwnE1GsvdI6Bp<_b0owH7yH!k2fRA%h}Fe)m-dS#E)SCX`IvN%z}D1-&c6x;IcD z;OJr}NH$JGcB;t6LU?Y;Gs$Ct3vq4wSXd*kTU_%5<8PkwIb&vxxWy zJv7gy3pv@Y)BgSM#`EDxN36LbS_^*i*q5S&MWppYpiO#UFrY0YoXVds{TjDjL{fp4 zG22MOgXRErmD0XKrj#rNzMqtl)E8Zmh&UNo%Rrvh#PM+!2IbX%)v6VO1A4JCKf>Y#OEksu%R zp+J$R#!FFblZC?HWuR%7x?f5pd@X{Vepn7kZ-Ae?bEGWE7CcB25*0|Pq!@)OK~FEB zhJ(hFZzB9eW}l!H5{`Jo1fv93C2WrXCxvy3Fh7K11wVU}-K9GYutQWoOSev*AHU(A zZSDE(Wd89M`<=!eMW8{lfYylQfYL;r)d?!$^SA-%fI_h{lN8NEbQgItUYby3NWzHM zLhL{e0hvvn$sv!2m0u)Nm^{Y3ES?sr0$CCiCVCk^Pt+la9sQ0Zjw}nFE^iYs=i)Ea zK#dE=qHy}wu-j+{5Goeq#RAAYp&UV1iBs<;&FGlu`mktWF;t;}0*|glSVF5qI8ukF zO9J^glx|){0RjjVDK5{-3X7#Aq+nu*9ZUWW0RKnG)v&`z7D03#JB=wJOz9%1O5pn< zkeF2oTH5Nk+aUQB8=VvFm>{mGE2OSHW%4d#L!yV$)$g>xlKbfqq+fay{c^}3Sdt&0 zG8@b{)8eTM#z?g%RM$-01e$xHq79h?x*IMQuP)TV3O?Q|$6f$ZD@;LmRcIi$|21*@ zv6HR}6(b^l2nx5jtW;k>GLHI)M2Sb)RVz}=#cvY{*~WD4uBMplN9T|MBvr?S{*_-S zHU6;M>31UfB^-*2YelSqOdFoB%Xk|t0{%gv#m1nx@c(ZeLT>SyaVL&Wo%=~>`KQBA z9No0=)dA(#&yU-+ZsCGCq2(g@E55iO=%Y}4`NYwFE9e*ScM<*Ke|ytAy`O(^?ISO) zdjGK}-+1c}Pk!@$kAJNF?wh~DZ{B)n|5GonTKoKqFYSMRozM?;kb4N$=3?s3e%)75 zo~0T&apJ^x{@VY^mEkY;p8U>>FK&73t><6w|KuAH>HnPnHohEwW!aEJrR$eG_n{>1 z-OMX9=IkCmWB$+A{&n@OqEB}ZKmYMZ&jtT5@B8C*hjUs#IeN6pd2|ka-5=h;FMGZJ zwzZGUnE%nS?4xIv9)IhR$?&^vC*S>R|Nf7>@aSX_{%eZ}{(}F4fAmkA{MY_}eZG3Z zr^7|tw!BVn7rpb&^IwIBL*vTiw;ugz*sjS%Yp#Aeyz$(;@Bi!9$@3@A-S*xd{>Q6R zPyB7}wsC#Jx9<9M_vP?o@ME|L_vo?jpL+4Fme)RSd1*iF%35K2hCP7E-6D*s=zyZwuPAzE~*ad_OF zg1C*HyYH4h0%dNT+Iud>`;cdl!MZke(sL70JT@)7b8g(YPlul$KOl6$_V*Ul{sqM6 zwXLhRtnL5X`|IG(+LylR|IPa^5Bs0}f7t(zDKC8gkG~&zwvX=4NZoFUyTVX&kPAC; z@!c82OTx!YPQUi-d)wc8b^C(JuU&li)v0rb!gd*LL$J}NK7EP%x0e?j0oj|gap9j) z_Fh5x>xFXo?Yks)eM0Bp8(v&>?ODh6bH4B;(#aJuH6MPJ^z=H<9owI*i0-j$=T4dI+IE=!18bl7cdw(IJOoGTp3lEeDe*ABbO zTtCRU(Yo7HbYJni&T{^$6e0+~^`q0qOt!zOR$t0HWP(yiVe;03?^Pk@`2h-ZaiAt&|l}XqfeJ2qY z2y+l7P&F<_V}x?BF#cgakA!IqzWE4DH`T=wEJesbn@?m3vQCI52&oW#Ln$N-$jNz; zWhWj4GaqDE3Grb}Pnd-on<#9-YCi&pSQkhiw)cX*N^ZmlhX%^p9@ZFA@|q{wr3Fi~ z>-y^NjC7tgu+FD5_)?gRA{Yq_vm@4E0gk5 z2w|5E(WUEwC%F$B|o?(|T%y*jZ_=ZmDb<<^EoJ9K-3gMe zIK(D;awV=;qpFmZ8=AE_n-8(ebdBZu4HEY@Np+V-`a`g6ANC;PscyQPSAm$fE4)DP zO%W)miKSqc3WPOqo?$5W-!Lu^dT_TpOz@h^;%w-HI|# z(QOP#(l~0|&4+6bGJECj4s*>0UEP$Ee3vh$_A}`RweCM6Jmh=U5Civly}v;E1wFqG zlLd4ujub?G#N=SjEdmx1nF3@HNM{kK@mn+5UuNg0`=Dqb+=`?R56rL`LntJLl8t>) zP5Y>YfHI?k5DQFRaCxMdYz(z+Wj7CwG3}692Rb!X-mf<(>{-f*8rRF3bJIDGvNBCE zSPVIgg7&i6h10p$jBPE(f?5Y;ejen)~pK8TJ+^r1v&j;*Esq;<6`4P;EN@GGP zr_wlv$<7Do8d8?{mX$3j)t5vlJ&D%0Wwv2hdJbTbD-^CP)L9iLY(FR9S-xzYf)i|7 z5y8PlttSmZ)QF}UnQChE0DRe51_|*^X9kCuV2lK?i%R6L#1YO!#J4`-HV7wT7YKPw z;fnmtE`Cw&Vto8XLPv@_t*frOS)Y-nTvxcXWo((n*r;afVw|;7UqTeSFKX2x*6h5W z$vDJ@AXMiDXxayBN^)|2<-a;6akEw41I(KC&kItZ;(c)`H|l|j(1WbZq z#!KYHT7ODyL##*HFg^??DiIl_KGdV(L?a_2_e^SyYy?ZES{qV%8CRsCu%1EUWFBZHU zWsm+!1{_0S>g56uRxI$!h>6folK&2A!}4INvc-Ex{pZa+g=Xmdy1kt=gQ7@EU0?$a z62QbZkLFK5LRA|vo-ypr^%m*=#O+Y|B2?)U&8Jp7lv)Sa@bdc~J(Ee2PxLJs1@!Ki zM(Tx4LqLG?YDb5M9vht)Pvl`#M@E%mYQ6{vRj=P^fmrjiZG2jZcm&MOcGmb(Ee&4| z-y6|Ou&OFprx{cDWs);L>=LuTFSP1RHM(0A4F?qcV|~VsWSQ+V#c5COpfXwFkXT={ z;%XK%NY*w?c9!fhbhgj;A$B6RfUpzM{m9u1@PR7%dAv+skvFt{o{_w#-}(|Y$FGab z8KOV*=oHiw9YfVoe8Lu+Vo^%?O{3Rnce4p`ti%JYhHiqSi)l$q*h5Nt7BfQY*sZ;| zPwac=uv`BCs5|NN1pxVvL{_<|+L1Pos_`(L%kzvx0ievGFwwgF>^QEgvyjezpLd}U zES>nBvqCUOdTrv*YJq*V)EV^LomQJ$YoGB>jsB8`tC!ib7%oHsyxJf*ulD<$7so^% zFRwAyeq7s&?wzl|3Zg1{q3e*`93g4Q-Xm{Hd09f4=-nQsN(r*-k-y;E$ZFu*&>D1A z8dDPlQDPv|l>DH#k&O~)U);GM3x2HAZrDONONhb<=u_MNx%TY7FxMmO$U7}9)*UiW zyP`5)_1Xija+$7JUzq=ahv-T=4m5sHa70GHkN%OK0sGavoKUc!?HI8jcA)Mqd=F0; zll+pl;W4A#LzG2qD9_oVTSeSXMueaU24QqLY~x%&fE%TmKhso|GgY;=Z@jsFQyka6 zB4keYQ zF(1CCi7H@z(70T(kB)w8A1=4_nbpo*H325H_A=Y!W-+&x&1%=$ryAMWiYsY~M-e81 zS>mieU!4dy+*T3BO(A1&6mC%y|JrL+!(=rDE<@X1qg|P68<`s^vDQe=Pv;^Y0DZ>f z%uQv~sg+s6eVRGe>{@MfEv&3sCQIku)o=wekeb`U*bnib$Jb7G+B%6%6CqTYH_F`eov1tNtM*AT%DE#MeL0F;=#> z7Mf)=)fp+~`f^=!it|p4@6!jggznY&rCZ`>)i95emv?NJy0(Aum$*BxsH>&<12k=) zs@fw|8`SKP5Eyonb6;P`sSiloo`Hi;zB#OO?Fo<`Vv04;#b{Zs_090cJFiN)zHIdp zwaI7nOafs&`~bq*s2*RUFMKm2x2RK|T2b?B%a|c%TZg=eStIlAki9)l&i)`jJDp2> zkdtTHmavn;Y+udhZ*;oi${y1pq=z{Z}hY0w;DX(ORD=yJ!2jOhk@!hN|dWW>b>o6cdmWUq?DazC%D!j z#*R#v`sX;U%Pn_(5M|vbT@Qfu0mAr2%IpE4olePU8wu#)Q+E;o&L!n!DH5LE@G!SE z!~5F-+Z4U`km7Q*;+Y3C`W5c=Bb<&Tizcp)1a#K28xDqZENNL+8+qs7A=T2G2KKDv zRgEEOdqh&ugDL09_UZ50%+@ODsnaA%*-bw|1+}#1qS})Z=bJA3ntNR1dsuevfWljN z^ys$`r%k$FC;@R=rdG9$Q3rGE!<{>tc57MLY;ToA86x-Wl%HYN#8-SdQOZt}7LQO} zj$ZPh-@1gpwX*A54YpkxYh!Nt#N0`?C*HFR%atRGB#q z&ndCQ&Y#oromv(;ddrxW*c;ccSE+`r+O(-(YrOrrJ9Vnm)YROTnfifRr%h7W*EZH@ znF{~bO$br_vKlmE^8+aEwX&!Jec@`x6UkfcgYm9YTHmu_Fd}71%dRo+LmA3|>`Ak15WW zm@pUsqcvP>7|uP-xX=`_1v1+UVhbB7Wqesok<42!v#&IJD&Z+RQ)J01l(w`>)+zb(>aIY{=|zRY2Q_lgxj$t zyh{O%rO6$xebTctb&a8Rd3zezZf~Q^J4|frWi}*ucFUc^LDr0WQlT&gw##t;?Xqr+ zh{^{6P`UopDF8(*B(rx)S)Z}KJ+67ID{J|ss~P8GnOhM{i;tI8y}R+^+?|JpUH$E3 zeM4yDsf@juQ?X0<$L%As8`=iHr$KxR@8wInm$UwRsgbZRHv4AB*$QNP zxF<5lE>fOf=)DlbhHG3GHRrg$F&!XF8nE|}rm!}7Pls?Xp-H(|q`N%D%AI+TBgi^Q z7p+iwCCG6f8tut2v!fS{SFTTusypLNbgz>5mPR$bDg72fzy6|_yP>g$sF~hodzkr& z(^sx+6Z_y^igS%A`e3f?0lcdrsc1e}?q3X*Jg@>QtL1KL>+5Ar1rrk7f8qA3*fiDG z1)r3J=CRFIeSw*~BDQZVmz!o+R<|TCVpsr360c2bnJjj^0w%yKdyr75Hd9+|tbIeO z6n6<*l9qk7Ej3p1bR zrayplTWDSkSIqKW&+C+*q?@3z2598A&Xu?I@y0-rsv~8OG;w9(^3<$a=6emBEqng& z)y2lTO-cXsHfg!x&86G2mT!nKJoG141UW zmxc04nC-`K4=cHdE(`k?FfBBh2+2@^)aJ{uwK(=k$WCF`ed3__ zf71hrQF*27HFnY>S9MC#cSPV~NbN6cAvO=G1uER2nmBrivT;JqAeI)<%S7ycN2~@` z)$$|JAcM4mhK#;ANUH`5+fLdWW2zyd1;YRN zF|LgUPj6kFJt~!(th!yO+OvH`jIEE>^O|?Q!js5^XxTq%FV7MC{>5tVOM3!3Nl9yV zI!@N7wpLTs5by}%Vrs=kHinV|+n`^YXe1>2=oJ(OjN?0-&oJFZ!s1Awfsix?u&ZF@ z;i@j$P(&;hh5kq>QV$F!St<4>_A8+m9lh7UMP|QNR}f}@hCSe9#q5(|p4-vZ^%Bko zlCPAu4V}gKmgTn2&l}FoK!ktB1KL3JHdA_k>%62qXSP9KI7+%0O4N`KC8Ch-7r8Ma zT7)VkKHDd7hJ1llpDN-r@w52G&N53nW29Os50p;XSXevl7%shYw~+Rrq!R8T&wdfp zKy_G1{mv?gRTiY#o3zfy_CzMH;$CLG5^g<{Ynk1=q{w0HciPV&5ko_#gq)ilPYD^Vz{Df1 zfoK^b9&v;o=9BKCDtQKyz6ynjpOi?{3TB@$0mSbV%hQlQ*TpmY3L@STrKNsb~*P8)VF?_QG0OEoq1VNtIeL3;;OD> z@uC!Mx(n<>$|4g#N5?N7FB|M;!RgZW#iE5s^N%8_;p)5DZ>rj#HrFs;$5y6Ee>mPOj03^6eX?YkozuBdCIzurhNIe*nU|5(|!sd5F=_XRdH+$w+3s-6D# zE%U z2~jX%HmHvmH{QukP&6m1A~d!~#f8jHBYVqOTalfBaqh#M5y4BJ=8x;98lC;Jn_QmF zW=}7u>(TA$s^LjG@0s)sL>J1!t4@MroEoM_`NFa$)lUX8QrDZisyJ^_MQL0=YA!Dr z7xdBY;W{>5zawq=x7 zmh6=p%5&>yE-tk@h8P_|ii>H=2?8;?(ZL|+=I%Jab1$sea{>tBFc-wwS2smiq!;B7 za~(@ue4$)dI@4C6YJz>v%bQebnpC-$(aOP`)qMtClgX~Ml)>yVWjSmIkc*O%qP)vf z?A*mpY`(|@V;Ngc2Hu6>NMMwLmF3%cP|C%8HeAF0s5$G&E6lMZk?u#buj+z19_ zqog*&@>Zq&R^`_Lg=41F@=v5TW@;{Ul7vlwb6?ea?b4!jU3DnzLtebWmWN6BUkg=_ zOD<1?ZY7;Lm|06ED`C!RW`o>QVkUc$l%1A5k3CkQ^6d5Al(WNQRF|eD*&~wY#8rPL zTQg%MC-b^w>_7&@yx60M9DbmqS<)OV#Ymp959pMR7$3%aMYsBbLgj^X+hO=4_q?Rz z6LtMS8C&m6!_)}!EPGyCw#{U+Sk{Jkz6<$ue!^;#X>iu95;X^Ni(e75AA6%`W`3Zk zFH=oArZbhw>USht3!`>IJjF#It5In7oe|sqEpF=t7DHL+@QEPrCoAc)7!~dp)b&7O z7~974F)=qyYEc>sHGOA6cr~8|*;F$-OCE_W>?WU$ihLxxd!-clegSXt@2dl2pbLywrB? zQ8uqtXA0BVQ*>&Bvo5C2<=P?R`t3Y4Q0|&5zr_5X7~f?Blw!1R|M9quyD>oH{Zv(( zs7ec2Zgf;1G?^#DVLP`;JWGWNw`(COj{*w}#U)({fF?`>O6>z+8e;CnP!L@$9RHs` zs~uI@Hr1)N#52}GUSDm-X-}Rh2iToU@v3o}_IaAW8XewfCouvwfR7xiti*aQ=RlON z5o{j!n3#P-d||r5n5Zy@Scb_u>V*oAtJ0eN5Gh|M^Y!b@Yy3EGH^hqG$16=B>D)Ss zLDk-0LK@CNfm5{esK)#9;k<^&fko4vN${L7dl%t^=51-rjkId%SqE1YVy~LHsA0Oy zwZqA^o`9G-nz0>#*v9$i!^>G+tw*&&;`&Kq>T;?X>{ba-G;iuUv|T0)%(h~z7KZVi z85>^$;SEaDPqRiP*G4GbWcMj52Qe>~WlSiBUmiJ@mk*^S<5hQ_2~JJ*o`*cK*j_C@ z&wM4}nzT?DW*e3C%cv|1cWZW{u{e=C9b%m<_FM@lm65)EaXW#RRuszwL*~+O$!k_m zifbAcw}+djv(4A9OaxN7`i-oL%gi^hQ^)kqDNlriWS>k~SHJY)72Dbr^TfX2V#cEO z`q3e5UR3)SX}ZDnbIiZLIm;y?48bZJ8!(HH{?1LziOay7DAn)`DOghg5;NJ`iSX9r2R@mW0kR#qo<^}C9#AqehK2dK+scwkW2^ON#ayGtHb%-#`9hf*eqvn2 zjf#q@%RgSNP+aZz)_<{W5_T1760=VaPPkqR9cM{eDCj!8{6q{)QL45}o5ut`ubU(C z`oMYlwi&z5t794Ru@zHtpDBw==*JCw;)y4m2Z11sYMv(DKcPC@rg#cEm1!8!m4EGf_7{+OhA$%cfcFxdF7)eNhWc zdcMw?*yT!YrI_;+=0xQPx#wy5d1k+aU9YXltMtvzwyp_v>Kmp&B$8YRrSyxkU32jo zaQvpBP;zkN=FOUeruLpl;+vS{Az%*KxAg^GE_4tWyboLBpzgP6m`mFRWyEtTmKGJ~ zLIVqgH2?Wvq^=`Ww@&T35E9)#c2aq~3NZeoV&B#U3l;!carXpFmk#KnU?;h=GE=AI z!(anQYS_zlW0gj`tZ^QoQl$QD{}gw;;FVGRN^aB0yxtP)Cy>`QG>(Zf_jT5(J^$Tc z9~?VL+Y=^^VBDdQ<5_FqrgyrPH`OT>wa!~c?=nd1#-(#lXdIN*b*3)$UVnv^B%N=` z0-NuGvgB0dBk-j$o;`-ztJ1~+w>=q$GRk_|?d{UqsbIIynSA{_?e@RTEQ}0km>&bv zJ}0f^o-n%i8jDBf)fB$wOzo|ZRdsGv0+7>b%*8>#%X&9^6J3}~&G7zwz#3+@m3ZZjGRB_et%qVsWFOCh z!#SY1X0o`TR4%YeH6E*k3{$kK#L%fy8W*rYlNP01+MZM&t9bYc_2%mp*Q@mT2UHy< zTQYR1e=)nBIVJ%wYRWUV?9Hay@ni&h*&0X(G#p3>goCW-466AcSnW5Y#hrrHPy}VL zP`{8gUFQzfZFMXMhxq~w4&a99nwoVhvjA(=Zw+C_b2EJna_)&iqi0nuG}=aicFxbV zekilNttdIb{4pS^h;deA0lK-Oac$=bOD-A<94!N+?)=DBtJ*YB*6~?#URm-&Hplxb z_|fMp?`$%z|)=oWzu+jL)(RBf+Z3H!&KS9j*+#jbT4=c6ibH1icX zwHDAcT%mn= z@gOBs91PZY*9DdYwr?dE*Fwe3kS^oua;kmLMAi8!Q@NK_mT1++ndp3g-?_vMH#$~> zGZMq(2&iq@dMNHBlr*HNO3N(se%G(IZh&AzU8uU`==7@^U?bdrkE^ebTXXfmdr&`p zRbzczWe(w>h0u{$&urLNzh2_qCaF)5`le+!$-ew~mJPW1Wr~|46p;ZBp0gB~!A5RS z+8mu8Pwdu-8oER34-P6mbEcOJDqPNvU@8g&$8-*vTjfp3b&gO4^Uunl zsS22$!KYPFbZ>U?4|eiDBY|&q#F2@2y>XAJ0|!PDOVsrMlwSBC82Gp=41;*=hrrQ> zBI=C6u$rbf5d9d1Wv$Hh<#`Qusp(j-0vwB;QsG%}0qT`5~66Qz(=c2)R zFLEe);)_BBf|r;cQavRxewZUb z0-Q$t3dNcYeBI#@zC?htIC5_u%I(h$m~_tx>uwk6S0yrqiB;!A7gfOt@6VeADyiRW zV1J7V9D0~_HOOUv>zqsHCZc&ioi(F4mI9joAF858aHMes4wyPe@2W7w#+V8-rZR}a zB@z&c9V+<7o=|=|HxW5Fe+~OedO4B(_xG!Jt`f_jL7Likj7K)F$0Aj3lWMbTK}o2t zwRv&rhPjSkhhb`Kv%$A9raoYJW!Bm9!AY)D`}&04#tvJ0SO#&hSc6BT67p-Els=Ks zIGTVa@$tRIH0^}wO`<`G;zj2;XV*p zW3y!KPlCqQ6)J}C*f{t9Bn1dtMoLFsW^*_#*dThLgT8 zRn@Vo9hh{iV>V!T53*gQcCKY%3Gt zGjwngB;4B*{QSQz4jI@vKHEkmyl7A8rck>&r`i&ujh%Qj2+l$)=*rb#FFZe`NkoJB z(Kz6fb?~8616NQ&gR}$tr1^D*JX^Tcz-}~DDUG$WU79=h9IACb4F7vB>^a*`xqJAm zcFDvV_uSa$gr?{8(+mt zkAZSSMGcY8)cXw&9qF?|i?0dw?|e@;qhye( zBfkHWv)a$@os_s)?uBGA;@p5?kF#0pOJXO*xrgfaczig7fX|{(VK^McGb_-XBE{@4 z<|fyIXF{$8QepJ?Gf&qO>QL~p?;Y2JKS}0s`661Ykf*{im`Fm?_(n`#_%mUA|5dQE zJy!Lw)(xdeKSD)FkJGjt2MLC>oNl;U*|zUw)7Lo;-7!T`qH2()W1ZL#kc^QjZ;gP! z;Z?D9zc(5$DqNTyKsBe|mdo{f#ay+xhPNB7_lTG+n(-cpY<*M>PuTF?!i$Rlt_YO%tu z-#v2qh0(jvc;=I%RoF*({lEWovgz%F!o7)BAM~s$&PFrgfo%|5tN|NT#8^z7XfFhG zhW%rl>oeJIM3nk7V;1T6%A7l7_4(4eW#jI@fe=Z(`-e5bm@Co&yA(K5{D-uMASv$6^EU>+A^k z8aeyH=9UF^;5(iMCLcP0p&6*$bw%Ty2PAjY#(>~b>bqvBHP#N4TE=vO%V=*M)B+vf zlzV-SIG=m^9^1VQDpsU5gH*2Aq_iw%W}Nq^y8a-O1I31+QW*YI7_GdX8rWTpFm^l) zmhIPI$V~F})S_}l(+H-&naePjaKrDp(0Z*8=%}`f(;zXD_plP%)eKkVN_fzdU4NR& zqXWi$BaH0Zcoh%xSm#w%NI5`~a<0aZlnI?jY(#Q*FnLP_WdmxNuiXdBHl`%`xYt>48K@#*+Iz zeV$(kfA(I7pYH^1d2dl}_3}7ty)1)k?#bM+w{vuR7EG>Y0ymIA9yur^4K0p4+ z@fpYBGCw?A_Mfu(rw+gR-lmWLd(7iQ^Z)!y`;Z&kK7MZ9Bksd<=Fi^%sWtcE1I-gN zod0LUE1Kfu--d>r>HA6gjK1@RKKgxUUjZOo??3q4GNJ zr=A>()Z419GuBQwdggRmt)d}AhFFKm+P=;;P1FzVv8d0D-WKB-D1uDJru1;Dz7&gS z7>|QH4Qjf&@1Vq8KWshR{NI0i`nicG-YjcxQ$`ydZLP~-bA$zWkoTa*{0F(`%SvazIL*vOx?NmRfJ3pQ=pZu_tJJC+ zcy2{(DUdn8&b`u{`}9O;jgZ^AEA&XEImG*XSw>WGXl`Y*OVqo!?}r)i%6U8Tz2z@BO5J=14& zOUn|dFK08^1~a=Ex#|Ri((zMH%DQy9ZddfAnkT_|Y^qqC-@ahc0%*ZJ26UQhZHVjj z_cF$xVSa}4F}Z1zv8p}0z9HSEztb~m;?SF$!IiW-oQpeMNiT5o`ob|8-nWPk;HGvr z@XQW8`)Zi%!KYPsL6;qqE@kb~1J^D=q%`+f*b67JP5{;Rp)ujk^>HIM4>3X8_nxR_ z+vbC+;PX3%_$cM(8FxQ3X#r91Ri);Hu`~v--+ZCl{Opx5WTw6#z zM*Eakp$}Q^?V~k}iZEX0KI@r$(mQ;{bNa&hxgMwlq^63Hq)U+IlK3hNwjbn9cMlmj zgn{lTIS^8p-o!Sku_YN3DbsdzhBgT}!r-_qGm*o%bAZ_y9aZyW?u}6W3rb@UMiZc} zsj1P=4H>fJi!aVqUwP70qA^ujw&dk0p+@3l^_u47bNONCH$}`cY>KFO{Vj|1MhJIZ zjh(^vXQ64+8|}HTOsgEhx~~~^nIbEsv!O%0I4S8un$k*q;S)X9GxAPrTn*NcJ25>U z_Y~TE%F0e`J=OPZ%TEwsgXdD!W~tz*&+W0Mv2iWalfIL4t>)^**)=dUDU(uvT$O>X zkpQ&!%?3ki+&E|A#5)V*W73NuUpCd)(UNNo&5gp00+hh?NJV;ELsTQVFsN_U3R_(29UFh@_PTGuav!MkD0Y2xgcV$DBbA}2g-kw~% z_422a9#_<*D*k|9z=avx78*;iurHygIKs}{=*b0}*jLA+J2F*SeSW_J6fPlIXl3)*XUD5-B!ZzE-8CeS})<;@{`S# z9*P;K=zp7Hv!q6SGpF!NXW27_>kc29)xLmnL#Ilu#u*MAr4cew-7QO&bB)~hC6-13xsXQ6mR_?)#iv~SUIzy zJBZb^gzD>OHhMDhR|mCDO4*#21VtAGVZMKbbsS0k2}b`+=imX&zzhS-oq}AJ=-$)T zw!5%l_HruojL1=$C{DbU5CU!Q3nQ&B$9x>6Nr0R*jCYw4*1k5?{@u()AHSlp8|!;o z%tWRw2Y8U;M1{E1VuCS9Rk+d=kDA%{0_^H2vy6Ty_9XM6E zLvFv;hBF?Lqo4_w0+El$rCa6g-7J9Qpn-$2Gy9;VX~KzP`5XQ?#%0y8gTFkH2x6^V z2pzov41}7Ipn>QxU*vNK(z*~8=SZ$Ga-+2E&uUA!KHb5p{*oA&9Uv&ZBXd0y^#jz( z%lopMq=oU&@oL{Hw!MMH70e;C8_J6yP{6FVGVUn|R%GX+8OR7Nh)-oUVEFUNbAPLJ zkE-0r{XNiD)fx+Nt9&V)-b3x$1XV&AUMEx4FV1wlN8lFgxuo?ir;=bYQ3tss8CxnV zDhJXMGHMZa`PiwD0fZJImwgaT4*EPZ_j#&+h-LuB<87&BT&A(11ge~F!LW0u7RD#t zTMd*WwfX=+G?eE}>;w?sVNFG?iD@{HjAc=uXL@7WyMvoUKDV45=g7!YC#D=ogtqr2 zS^F~M>CoJg`F0dSMmr*^@uI>22uN##;*NBkHPluC(x!)Tl}AFVua`UlnF(hMw-E|M z2PByjnOJtDBEV6`u%KdE*9oXRr@l~WlhBZ^n4r42wb2 zU{m9^A7X2L7u4KC5w{ixQHcoijf_1mGsyvqB|8#T(T8(7W{CJ(b3@StWOBUG?qpgOMuT$Svl$ z#QT%BDzCC-_DM*8pKLOkVI0vC?^y}=s>b<>xPW^*CB>sS1BG)M-;bJiv0kTVcG{Vz z@w@^)2FiU_@;-*U{P}Ts8lG)ra(0?xNtk;}Ftm}}D+x7P=ikvcrVSXeIiXa43#+G~ zRK+zD%emHQ9j{^9;4ve>W+bci zAk+xAUXPx%DmGnXIF*6`4?7utXK+>R%G?$m<9lNIEwNatWrrXNMn+b2YAi8e|FAV-Y(x6bih$c1`ZAq3^h zR8ZHCy)MKmJK~^XQngmi{g1lpZR?L3U$&wZsxFRyz)F|jyeh8`hVCcVH)_u_aZd#@ zWJOX$NV(RTme>7RI23IZ2D)oniWBpjH0lLk>r;h0(u*FVN*P=JMHDRI@vEKlt1$f| z3=Fy_|3{PlaL;@3>19+Vx(U9mCvERUNPa*hU$?iiA=9P3hwYgNi>#K@^M9OY@ z*wbNV!{TaQfht|-Q%L@&_lC?nkg-F;7khndTq!7v{K$;a$s5om4hy^&(B%Vrk)FU0 zdlphxm^NDx-ua{l>OP{T22A0iDddhyIF^x^RW6G5BgW#x-p|h#2 zbNmn}S~_Lc$b3K>HjGr8+L}{44n~v2?c^T22Xy80^!B+J+Y+%0l0~bOws^(U8Xs1= zF3Wuh%Os#Q{%=u@bELbW7+RbOgJtJoJ`)^f{Nr9eoP|KbJ6GlwqO*fRgkuV zN(yi)4VhlbAyan{4s@YMnb1skx(zZNr3udU63_c_&C_MO20+b)rsW>n0mXuz-Y~LE zx~-*U;o;?RQpX1UJL}FOOJM(gc}1<}G~!V!B$Io2nT}wljW;Bw#H5LF-}a2jrOr|r z#N?%wmSPdjrlz`tU^glT_9b>bBan&!uw0=JfA-j#gI7{ zmZCC6euVXJT5fry`=9DMs4aXL!e*+DE!#68e?!wCrarb;($$FNZ?byN&jxl@ly7^~ zN}W0Rjh?2Ht%_x~0yUeGA5ky8glizriSpqcLG74^+BBvy&6%xXU!HqxutB{rLtKtM zMHM@vr+ojA#%mQ9G4Q}Vm@pHi!Mk$LYTv^`gtJrcg$Dva-P&wdnRC6?^;%`iUgOs0 z!+AS7Gi!r60eWYVz5!^|TLJIOQl`TDQm&5ZZ1rtdDBGe{;S$F-Ny)m}!Z&hX-^3^-2LK2YX;*c)5)t_a$?$2fOsxVJl#KUd>bFyLUc+0qf&v=yxDvL!Iv zl53FHBPz~r0`c3et;d$L?ADv}lT`t>$x_AusS>O7MN|`mJ*!=T_)^gjZ^^*w!1xaj zf1qfIP>#tQCOSWBXM^hEm3mKR0i$B(b-3oSfY#2q`^ z8YK13sYuFS1|^<(f8?HJxDa)%gS!oNaSld$_*BhgXdb4XV(6g`h7$OmVcr!j_bP;W zHn;pTg?V5>!CgShFk7d#4+kmn#t&Yza^CLOd%xaa^jDbT`znlFhIzfBuTE;teYQ=s z1;+bYD|A&*Q=@ht38}AJH(=Joh^a4akTzW5OHXG&k+1&jf6PROL2;|unPINo0lhxS zm-mS;CiLvoan>50p8>pcwO4*i&_1EGZ##@LO|Mwid^PFoH05AuQHB1brKHw-_YMI` z&6T+OS9WApt}2Xd`loj$%p+oknYqf&Sq?WA>1*G^rq@+i{#u(IfV;5D*~effpcedG z=T6AlZW-J6RxEahhnxb+M&hoJudJnx+-`lnc&}+8b^dp)eGMN!!?1G4twgbr9c4UMo(D}{OmV#G%phwv3_WU78n_6f zCrEmsp<%e({!G`2&+?uiA1Q^ReG;c_Ka8>HrhwU5BS25c5N|M9tSN6}v#$F>JAJ)0MA zt{o=3Q$V$@?9j-@i!m^!$yesQ5aRmi@bdR!lAETv_RDliy8QdDM z=s-DOiNHZ-huCveyg$))8)yFXU0~mZ#i|!g%xEZOt&wn#aTdr^eWFhO%kihet8#(YI9G;PS*k~R6<2gsHeUmQ>fQKO3myUgA`T$qHLq3xRPAX}I{%LX&Ul7Vo`9m17Ei0+2Bl{u~!h;~b%W9!(SXx-p7t$N~qgJ(Lu-^h`ig+c*WqwVV0M*Pl( z`@s%XyHx@p0m8aPWgUy)M#+VL)zN3|-?40c*Tcr%|GoeV)z&CnfJ++WLjh6TM^f+O z((*$6-9@Ryi&VVy=yjF1K|NXP->1Fw+oxLKC1_tu=j4_hJ&66}ba;V?n!drXWAR#B?(Q0Fe*b46@;_k4YB)OU{XB)E_|MtiT8fX{t5WNrZco_^t11H3}M(&~{@<|VO8<;R6dZ|dQ1E-|Z z`QPA6E)7GAQV(I@yrC6+g6HgYY`;cPhqP?A_{Er*4nny?)t3HjeqPTQ9;sKr;;vYD&H0b$rh41|A6PR`tZ?4B??-OloE*08U!hkAj4$yK{=d$#YXSx-c0%VT zx}Y7RzmS(Wq=Qny`7`S7|nJBlQ>I($)1pBs6jxNz`&pp`m>`_L_``@p-S|hw$D& zKb`Fzb*z6{7tz+XRkmt}~rM(bDfo%XK@3aKA7+)aT$iULFpJ%{{%4MklVwFWyy`fltq zB-3u$fR&G+WG=~=i6kksoO?$?VH7Je`6i1T3q@aWqh>c0Wu|$3)$5So{r1J8DczmDjbnX1b*k0AM$@S=LEaU*q?xxxd zcXM@#(^3M$I{k?o;+R%H)tWV&`%QbzCJVmNMDMlXZXzu`81z=glAe+3V>1h`doXZN$E+5pOS z>sP9_rcQcb^QI(VB8X@vxcj98FV?tR;}i1opd}3450peY>^*0C1>8M&N3h!kA$`0f zz3U+r$E2YeIdA+ZEP!?h5Jep$TeK;MIsWgp|HBOV`za{L zKr6;5@s6ADEK&*GLNbC1l>BydsX6*BaKQ5e=Od? z8%Yrr)Ae_2ZMsxA77pR)YeE(rj78KlSXJCOq)55h^BVho@XHR{KurO-+N}0Rb)Fvv z$0xQKE(j{OK-`u(NXrIpNCGcJwaBOH{7ZE;+(%+iT<5nqE!d7S!r0<>XU418T=fL0 z?L94zUiHT{ZE(jT+DJc_dx!ka9W~<^$?P}Bk%xcDLbZjZ4jFMNu7H9TBAae646<3r zd}+#GkL6p?kkD9^-Gn9*FpO|I;GhIMF^MgLh#6oB}WX z!4vnZZ%0!5jR8hDoFc)t8QHy*CQP{{KB)ZxcLQjYsZ|sqqw~#4VjSjDcp)nzRd?f# z7nRiDZ2#5Ijq>HuoRU9p+?39JZ>xl3gyeE}-_obG_Sdz?_0dY)xrk-cL`x z^$4vT$;&VhdZjYi| zk@~7a!$Vv`hTp9c>WFo_md4_xuaWy}>YWa>Xo66}Y0G6%-z))5|B;M&_2=uJuZ-Rp z5jRJCkW1OIXOY@rp>`U52aKIVw&DmbjJkkNn%MXF&<>Zy!w4)W@0L4@O`Ex+>fR_Y zt=>v$`_*mZUcPtirpNG)C!hT1VF$LaxA1wix8v091@kvJ=EJ5%_HL6CmxieV`vZ`o zBu@Bj#S8h6ZZcd7L8bOdeTX4BA<7$0Xker)anUJm#t$6{g038~eH@mtI_}BO zx$SD$=rfNm)_cS0v7{Yo*UBr~=6Jsoa&L&-_|=?bW#Dl($V0yQkAt1yon^@CzpK6pA72yexD+H1vK~sOqECBQ=WK3(>%mg0`o4 zJdP(C&n1-I%yWFMg4sf(b??)@38qTYKUHjBa^OV;CTJwmQ+YI2AZ)KLD?)hGl8BE< zMvZ5`4xhU-$3uTaQCg{Iz|>JMG9wd||3)}XBm+yc)qXoyp%~ijR-m9(y|e6u8&I3~ zQAU=tj~|o^-qf~F2KFj{iJu*XUdH&;lNhL!lr78Sr@4?ddi$$eSNtt0DRadW?}esR zrT*h(+X?}*i3rNX{6>Hc`Xy1fS+v!%u?@av2i$4A1diKZR+gdmLQy1vCwus{$oDi* zAiWMH`Z`aUc(ji6UhA(Vls!(?>F6`V2p)g}l6X%@Cm!M@1PL)O@ootoJKx0nT6j|r zKtR5doH#IklaY_BVjfTM5MY_F00fY>V;cTyHEB+E25~@YFEoK#i|wo;=s@qzPi^dt zY1<}gpODs6j^lj+KwsjTXoRtI{hf{nfkfe(%eY7C^J;6kzh=e75#`#q*WZYrUR3yL z(O*(R&NQgaQTC@uHd4GFFY{Cu;Bx-ga`l>0=S-3Hgy^85N4|zPs;hC&-v`GYT>nkD zuRouIUktJ;B(m82XglgpKY&GfiR?DI1Wp9`1z7OLb4H1 zlmOvDLxm)8Rl*x8hMpB~vjIvfs3VBmVC5xY^8QEcKF?JV0Fl^Ic(@V(B9BkjGI`&^dod>;qvrr$B;~g}%eF>Mjel3H$xs#M9@xA94oc9l^WcB41!!FxmFm;c9Ob>{MqHE~afj|938`gicn0A(F@hKDM7hZ=#hNnRcQym=ar zN4yEy*MxwZK`%@&bBfS9gVjoe>j}C;c(k54wgwxXeiMfO1NTV9EZYL@z&_}0%SLkJ zGT2EVth#Jb&*Q>_w*XHybv6VXlTF%PN?ZK|GOH`Z zlwp@)d8gSHihW5Sw=#eODV0jXnct^%%oeLK1ag;xGjz ziCpI4={Azqe^&hZ2!2??{QOst*)SJI{@@_VL;f=_0mA>kgUonS z3?Uc(!%xN|{zI!y?#R(zB>GO*_<)P_?=% z*?SdE4)U1R?i72n=?+Z2N&nuF|6d*x2|Pu;*8i{K2;N&qmfc{`8=(zJUmir>y!exsw%Ksk1svyK_tb};EBH-Tp^8gr@Dp? zBJ$wgj&N^|wE01EsBC^(fGZYm`0!o$H=qfsMN1tmXilFl_F;C*qM(fV4vZf+@``N_ z-;pw(YWp3<i)RlXc!3!)!>S06WXuD{1PO>h&?bE+s3mOgx})d39?=Do+uIx z$@4v+ig*%@KQ;cymnjmOj8G*!4?=jK5jU(brN+CqkJwGvt*AUpFi&?wBBi53$)cleuY&O zZLlb@Z>v|5ytA!TVYRqz8$%540taiY&3=FX(`>7R-Ar@->e)rx+)8(vS!!Mc+Fo%t zDWdXU+V%9O>%;{m+Sf-M=u)p-FK!(1!G8bEngBv-Z#0RJG{su};}QC4IF;J~Fb9i* z_yZFk@}V>2*{QMBWb>Of$qL-Ld3BIt=ADQn=kdp&-Ink!!A*>R82lq8|Jkq068KYt z7l|Oog#T84eYj#tZ(7YC%>Qw?B6n#soKoOpFkBb`8z?S-RBmpuPxiRy$GiyHO^H~W88Iz&pL~3Z_|@SGVRKSpl8CmYw8FjBW+rlaubc2JJ%-Lk&qZ=2ik=)X`8YJFbd`x|HaVm5l_UCEFGgksF34MHZz%;I zV^6Hd?I}d*8gB92*CY(8RgG;w4$LqUFo}04t)&|BMBmq_9|NKA^qSLc_p`;PV0DY> z+!5{lC6s$$`0QHA*@|&?^;ahD`c3Bp`PIqnB)?@(gV?SEx97B^IcuJapTFGdyOSfu@ln(Dp(`VA*ETNR(B%=4y8ShchhMXSB!PfHPrnB73M6FSm zK1m*wNt06@9AA%jmyw&q9(_LN;R$iF;Ye*@K>^Y+zf7?inP(Di>w z?(=n9vP*H&ZE_;a1yIo1#>r_vEPN&2Ih4`MnHh<5xxzdhk8^Rd!X&ZbvHwoLKf;cJY~ z%pw&xE5`NI(8aM7aU0Y`tLGirOAQ+s$IZ$5pT|_ zTKU!S(eqYjl8Vh^Yo8wRN1dmp{h2WoD*xwMJeg1us zBRYw`qe28nzX;%~y&oXQWo7D@S%9mizullT?ql5a?SYT#t! zDf!RsWhQrEc$!Jj+CuT(crFWvA+Am$F^nPC;zooiRtMlxXrB-r9}wvtoGNzKx@w7y{{YP5v^Id4fd!qz=xF z3ho0wnl2~b@z<6BSZ*qtC_OulAQ^0~wD)cNPNC2V59r55Tu2dXP}QAe$;!D{J3)hYRS98yJliHJz!jQSA}aV4*9o)Ox<+!Tl%{#qOJ`{8X~qv%Nb_X|}QPdzSlDWIA+`2#eGW0Lngyh&y^bk(A>Ro)B@P6nEiJ+<^PZs(DGGyxCggzPe#nbu63USxBW{0kxNvvpx>tJtuq1E({ACW(SjA_igkrb%Y8*9McAu(0 zgnER0HPd6dpOti01OJfwi_;g8ecUN7Crh!(sK`xIrVan@F8+7V6a2^TZn<>OoPYyQ zQ3{DC8>#f6xk(7=pB(_=OH4w>EsH8b%8=Xjc&+n3>G=@a8F z82^w4>P+hz52iU@vbqgW`Vxh13#e6M2;9a!Bn}Yh6b-fo#fs@a~^5Vhyf&2GU1tABLChAD=b*`4 zftW2g0LTt=qvclnhD7IFPjPzFxcoELK%2lxz!D}71B73_#=xfYYzOy{)IY-n0qwbL z`zJVf7>V=e1a0|SnQoQU-8BTO^~vw#AR@bag=Vl5WpHvQsocnr?CZp`O~9H`9F14L z%@_HY?vUuA2>_P#IEBU6pl9Zp`~zgLisk(;Cvdk>HN~m#<;JQlZnd^iR(g zixo(7qJA>5Wu_#q^^0OP{$G<>2|!+66GlA<)kfl0ZX54c6bEpbgn52Ba(=Ba>^B0H zBms-q4w}KNq-D6>wl+u-m}KD3%*v&CNCQkC^~tl0WCKp+wd~qTe;F4tTrZj?>a9Vb zvgen$AzVAud06VG)L)-YKUuArY^HwD2DV5)Sf2vEqPd~X)I$>Q6nSLX4xEnzi&ubK z95T8*c8C_}Yb3cRu-$Yq8PY?Cb-)YT7@@plBP9n~#fv_2Y%n=`Nea+&WD~CAK22*< zgt-%MSw@O(XAa-{O7mGf`8D$M6~oA=7l^>yms(Pzg>I14++U?^k<_R()J78rAjrCK zLvQqit#ffR6V?&$VFdGS0vdOxBY9d;5C2aD`(u_vwtJuIdYEb~PxI5LmAV|}yaYKN z&Xo!59Htw_cbZ9|%l-PsQrJHm;E+cuW5q#>(D4$+s^LL*xde9Yh^Uy3wxOY_f>0RD z8Mi7-=6xEf9(Xi*H>%lq^%f1&8j2X>Ubx}4Ot;qFpWIYcet9fTGhsP#ViJY<31H|D zWMT79x^9GE2fLA3#PQjfNaUt!zAl>E0*OYK2k zBu0RweA~Im_3jM!I+Bk2DAHFk;|VJ4XhGI}>hDc+Ock@}mP8O7>|nm-riyR_QvHd& z4Jpp3TIxDz>RNruwSNv1w*b6$p21uyKL`zWV%JmB&$-p`H|!{AN{te*I|VhvzpV2s z+@e#PGb1hx3W3B|e@&DYcn<*M19>9)vaW71TS!FM?M7T;O3Z*3JfN`2KDArqchX<; zZ4t!Tk`OqfVV=+cz>yP)HhHYshP`R(yy7-8Dhb-$IOIJQV(*+5U}ZZ~E*o3;!beVprAYQR$duOb73DVJ#S zSBNj-iOWxbCS;?c)7pNgQQnyYGC%O{@Rrijn16|`E-HqDlJCB{Mx7FR^v2G`QtO5r zC@Z3nO3)>1TWmtt1u?TzMZ_B+=4$B+yf#e=dcmJ|YHi!^WcYJc^fj{grkarMT;E8; z*{OBEBE1+**EO!~otun%R=3pi)DA&o*Ic-my{5jVEu&)kzBeLX-}P_IMk%9_la?Y= z&l()OxV2bwV&mn?QT%zxjeEEPA-9M^y9r8$N%J70Z+$*dk;9x6$rj?)Xa5klLXges z-$7@E{NPFx18dMGa!~!|Juux7LboVK`0j;hLtTP{DlZuoCU07zEsulpdU*13HxmnO zLlZ2?eBs>NTpI}xQaj?Py-|=+wo;$}YLlZY$UWt!cUL*8h|M|8Lu5&q5?gpJB$dsB z5-tIAkH9`f01MKuHuK$Y@w!%h^!!!NrPERw%dx+3X#YmqeYwwG@IpWoeyw3aHmdSAF~NHD3z zT;wY_e`q11)irH23{j;AwcKuL8&WbeJyz`I%nbeIaQ!_RMgJj>)fNUL19KB9D=U|1 zEvG9pl8yGG$YNKypo;(PdMftlh5m;`-RL#`%jewmOUqB4G3Wap7WtCIdxmax^V2M= z8RY?kef-cj_iVloMQJC*UNg8Qy@)$VPR0C4k+())i*trsj>{0e$E_+(Ya>x(bZtBm ziFWPNdy)jTDf$c3=V*+)|}cm^d9av0zETNHr<(lJO=Jf^2&Wa zn!IEes4SudfQYsywxkcVmi5zy<}~LaF*^>T|F4L4qy3c+^Ne^l(B*OKy>9%Q@BJ3< z>Xxl3x&;+xGb62zjk4-hEly_HtwziDX-zfBAU=l) zHjCAeNokfen1&h7Itg=5v*gGoUb~6J4d@MV+p3L*3&3uI`lY?l^EGnd!C===1q3DN zBx5F6L6GUhNegcy18*Z);|UqRWMxd#u@`jbr$)GDL6%ubf-K%r1&YP%V5 zK5jJmt~N>WquSn1v_CECFv%KJ}t^3LmF!;dG@1TF>DPDy**r`n{Zn=AgyD zL*!bhFC(FdVgP)NC-Ko2sG{aYxt{At?}s#2w1b<;3(osM5QVB~cc;`$B=w38*ea*f zP&f%oh{q7Ov*ko4vo=uFV7nq@-zTAuhxVKu`Qg*Zrk*ru(z>!y*%~E%J&aEy)@-d zOOp0KePrI{BUM+QKC<%3?`&UW#eNfZ?S;k6IU(~Xju7dEp;LdE-aV6zeRG*|TLPuFCJY#$ub~D(N+=_?6t17W+Z#BTRmft9wpjC zZP)q_OFt4xZ4m$7um3%wrl=|-*Did%Ct2^PEqhL*I#+SyW=od|zaU(`DH-)?>L{Im zqOL~3)M$UXc0s9kM%#1)B$WM|rEtuvXRvbu9wYap)_G0&H}n`_DS#3{bahiD_1;sPK7{k_~Z5*x8uX*>wMqieNChv0^4g18{?6!c{Z z!wLdp-A!o%i1(~#*88y?EKxht)LEd;qZ`9jt;(`UZaJ0?(I8hw8wL^_Ux&m#@EPre zXet?3EctFsH$*OaFbq;yT@#Fq6pTUrJ$N@$7a>wCC1 z=<2-CP5xg?FBE3n_iUel-6ZCE=(d2#8H+s~=kuslt7Xnti7q{U;?_+@6cx2PMdo@> z0~i}N1#m34V^Bo};PoQk8HSJ-=R=srk>?(mrL~R4lFg;$h)Fms^)Kc_QxEp8j`$ez zlip&8ctnAf`hmQ%2cr_HSmF7h@7?})D`#Nh5j_Q4Ku3l6bHGxYf=9zKpO`QA3S|9M zCkb>&{(S2^B%QCZk$zsH?gPn$m<=4=Edt+IvX|FR*EiKVq}@v(e(;d1-IJe(UE{Y1 zr(3Ndsn?hVTSLLT1TrFgaD6TXIZL29fG&ag4bt_!X#m(x-imP%X zG!lt>kp}`p{9)+|<@%hojI82LuNUC@A4EMcad2bkejuy~Wxb8|z33nq{{2Z;F_>O| zCa%KyzRlHkQHt%(`=3~A}YpyAe!2QJ(qtdnMl0J z#Z=My3d#%-jqE_3htBtg(1@e5a4ju_W4g7Xg$vwhX@QJS23?tbzmD6AGI%;BILa&^ zpeK>)E6gt^#LhYY3Y|%~g!f^g{|0=q$=7T$XPT@TUTgmh#IoUNN=jCSfA({U_TY#c zUFwr1+WIEryb)FShx^26BpsD*7eXcT5rQJV!&;O2U|oMZvF-6wUHj)W$@V`@6pmPI zR`<8pFHl^-oNHl-;3-~vfsKI>5A3RBaj!z zo+);X(^n+WPem=GV!39KKb!ulm<;UTdou>d{U5kW-q%CzxB6SGC{&M*@$A8U61uzg z>E5s5^Waa#Ts{RG5yp$VKj~EOI;DNYopbKQYa?EZ$%bqlM9Dp$eLH=(41a~W4B;;d z5-&+tlc8v_iJh#vo27n)n?PQle3P%tWWik3S>mkK30hYEpYd@U=+;D5_w*N%%V@gOd*S&k6vODnm76-B~J^h`YM(A_s{h#R21anv{rt zaXV|-#C=Q${M4CQZ|ZA$=m<`bQ5Qvxvbx^1p26ADX%cTDk{NSwf+%EjgZo=I7J!yp zpsiEtf#Qm965z|;2zeTW?GyPOGf$@9$vwxr72Vt~8dM*6QX#Ff_7`)u`G9*kzOkuG z+9M;?*CaJjWGge}psv_`)O3lgsZ?MEPVTahtCIZ)x-G?UtMI2{+9=`Lb+&Hpz|FgN z?+yYkZx5YwkGh-IhnoD$O*IK+sL_z3Mz%-!MAfG6Mr=!+^yA{!UdI0Pz}UCGc(f_Q z9ZLdApkf{%ccPf(fIE6e8TzN+Xxh8p0d^gcN%P)7 zLkv5Y?Z>!EWbXiY+j_m4egZC$Ijyr?14MQF;jI_X%{%#e_^K;a`<}>Ixhg3S z!QB<&ztOoS|RJ)N&k=&F%JvcxA10$rMop&;!(q${BG2AXR?ALgI3|)bS8jEWY zZBNicV*V_`@Pvap-1tCf2r2et7lE{6?vZ4iHOmj@D&Iqyk3C-XxDHN@@)>AhpsxW# zs}{m$=KNl3O9cYC4Pedi;B z`6C1S8e{Q7uXLz2r)LNpsSoOl(S}yySyl#6 zN`9_hR+OXO!sFFI|Xw~Ov@oRVFpjbii zR=}p=rWHu;+TH;2g3rDM*YJ}_o`HXU150~+D zwaJ-5c#5Yrh-Xr~6^nts{p05mS7QD5g1MJpFpa8f@u~%+>V@t zs={sO&!or_v~oHO4-#92c;Ezjamwz|s5_>5i+%sGeuU=%2-Ov3wP z;=u2yL*+w>-Pfa7q4tAAf2KUVtfj{;?Y<7Ko&bbi;9XvFY(hH$mJgRn_V+H*zv*?oa)cH^rj_YlLft^gelGGv- zU-@4?=^QP!6e+faQL}^cLbXWCTo#m5n=>n>8U{cgNnlvBaM@A@;TY?aker71#gu~K zld-5bX_&nl^J#FgLnlWFZ=&UT`}EE?4TzB1*`O$b5;`+d+}q9cnziRiIKE9s%rc`s z$dhl6SA3ZGnAq#2&nF26o=NON*$_8Il5wlvn*$F}Uv%1@5YxI*=J{i%OdI$2J;xblXFm5=x%m)gvWRpKc&S+Scml|^~X`1$)QNq`czr?U|3w%i?^m>UkiRahm# za-qfaUm4>Hoxe096&Mz-#(M{1%`Xs9 zMpxJU_49u!Dk*ol=2f3en~$t2yE&R9_h9NCp}N_i9w~6$W36^wAI~-LnmS1d61&On z!97f~(RB56!>ttC4?5ouLxTe~l^}w>%B+9&G?szo+(bKCZNK zUC9R}OH)_4AB~HPyDON40_*#(SDaZ_(s5YY{uDIz3KEBsDfTXj;QkS5$Hg;|N%rN? z%=GWHs1^u_UcPr|yEX*}cnvHJ%)&{D^Q$Waj=$ldS6P_|5?Zti9@+dxB3=R1;7lW- zaX+?AhNa^aNuQj{wjr_68o}L*9xKy!Zj97EU^=5L>nUA}-ghRs=1+TY-DBrUjgjiB zalg1HbMXO8x*{>=)w2z%?l6b8H%{#+*k|mD>A*X_+|=7VNTB?{-5*>K2V}mjI?L6r z&wF%bTe)sD@Obkf02Og3M49Ma#+{VgTrIY5Yf_rtTVt@l8sYshi-bmkE_{$ZYVZ^y zyWZC!nf4@bf21-NQ%1M59H`TCu&ta3*tLNLpgHCtE4XDBmknJO_e}z*@ifzVp|*dv zpoThfZ59-AfepOM04U3Z7<0bTYtwjM8=6|_;E^Zjc0v=S@P<(@5EqRk%~7r9YG6dWx7h_ ztUB*ClW#Tj4Fgb=dhW=4<3*iGVv;8{5D=f^?}U%S{xyPJzKO`Lu0ZWe{{6P0ol5vS z{uGG2@F!6pVyKEUa-vXDjl(!s3(qMGYG5&qYXO@SXIR}%loB4tmGcrl!jbQ03LGga}x2~(S>%qB6tTzJW;(< z7=U6PVwohbv40_MO)>pbLfgnCMX^R~Ur%GPn*7dh(d9Grv?TWjpO%uyNHuDc+qNGO zWVi~}VkSEv%J?!K7ZZ!PmRP_ffwMwF4F4Suj9_Oo5w%G&_B}>dJ#3%{MCt?aio@|8 z)CpW(w5?Dp->XAyYenG5bA! zNLU>&wx*6mTMc;v?>24wArZcK(;Z@q#ZIkKBsvf*z3KTJqaPVtCy-EpkKvX2c7rrl zJrf=t9wVmxfJTxM9fx7fQLi3a|KbPvkx$xIK;4Nfv7Ss&Tm)vvO*=XlwjA~TVmKbn zFaoo4V!hu>%%Sk^dRyHY0yg@Cr+M*dGIb%+uI=@!J#q5xFe;U=UZ(3BsKzu~m5w_d zbEhrT;`RQEFlUw};%(e2ldIW;oE3EN?v0DxMdm1VHc5zKC9D7En(HtuXER*cVPCc`Q!&NAVw7@aAdX+o}Km~qXasvSy(BS>i zO-b3P;PA*EHSG#9spbe#6JgJFtkl|$r%)iIv&_`<5VX_O5J-~2a87S?!fAB%{JJ&k>*a?%u8#TL3Y z3g|ECGN?ihKpuV!xaZa2SLkOOq{A84v+oE%q({oEU+rMdEUMB55DuhfQp<>WG| zxkx{Yz=@Y4)feNQM<&1=65(e1cY>js!^vqR-p_uo>IGP&m}=EF|ee^k{KNj=FeC+bTwkE*UfW{nTw z0{%v0>+Om~f}wl`dmAcDTG3=Cuyo?x%bK=s_Pw+;7JcQE&ZTqhE{V^d<26TJEN{CJ(bAEG(1LS}JwOxpm%S9q7XW*^AQ9 zRs05*uU)zSRA5JRiL$Q$v-9fqy61f4oN(ej1i?!)Dqx zM~b(InH=%q>m>H#ExyWtTU!5u{T%*_Nb$h;O=*2GxN}}!YHkb7c!sDyNnXU<0tsRi z>gcL4HTp|Po&&;o@eXBC?FDiybmtF5)cDNS6@Xq`7Suv=_g+Fq%g{F*9bAdK(OI<7 z(34=;MutPw5fYB_Tis-xbHDBqwFfp0rd7hcVC_FC1B~5Lhj*tI+~m768&G=v{KF#= zojU_{wnz5-ZBitUn;%JifB&nl(9rjE*LjW3)xZ36`G-YIoj(Z&cIi9w3=aw~rXgy? zL3D6%*q1$qrQ$KN2S}iDOWRS?mttRzxRcBieI-^=q7MSnYSEpyV($Ju^zVDlj#>xt zhb>ehf0FXxvEr_KzShvc$Z6r+Hc^EGmh;H~+{@d>Vl;|j{vO)72ifMJ$=70D z!69;qZV1Z&Z%bls_|$||67`*W4=g%KE!J4mK?1*DlUgRXc$dp>Agg)!iSe-yTv2{1 zEY!78s>!;*A9Ux?W&nEHgH;G%sRAx<(mg?mdsYzn#_tJsWj{E1NAF$08)F(15}1^t z>(C71?aq{Xfe|H%`WMPq7$7dXlZzV!puki(F@_mqW&ffubx_&;tU_4kbM|V@( zuTPYyE-WF4b;26j`6dXA?aS8tCax*#od9ET>d!HJv+GN^Dh#isH4S3fo z38qeL*W~Pl6ZPGrA&?QT-1jmc6k70Ren932pI9+H+p^?ZbgT}IUhpA89WIY<7En`%oa``IGMY_H+1 z;>J_<2CCN8T~BhZW(>{ty5PWIgv81ZEW^7d9i9YSyG<(rLH9KpawN<@LoMQ4#=sTb z+B(o_ydW*E)OoDb%R4OZWQxBI>*D7FNMANY*dagC_AY|5+GE3sIB(uOkB&J1)UI6h zma@!|YcSj%EA5)N@nkW%OkKJ(rh4PXug}rf31ZJ&*0K|<{s`*@>ZI0RDg8*P%xZv8 z++w;TK;`rG@m71jbx=wZADA9|-`1-+5F1)=jkXnfkfQGo+f4kFOu6EzI%QdHv|Z3$ zs&35!C7M2(&+QcSA~?4zS=}A)`6qlliF^6+XK^Aoz?;3Pll(wfVd64wLR>;$09IB@ z5QKF<#WC3iCo{SQ550TQ0;yTLzc;3HLNUxB z&f`PJO!fmjY^41Zi8#&;#NuDmqkoz^sCLDxw`Vo2ntI@Qoe>R%h>c}7>1Ua2Xh}(+Z|0G-VC?9>dfG-8iS*5dg>>Job3ItRb`mkey{E=8 zv){y-#qEWL+oKTjnge$*oTOhiAWz&ZK3nEK*r~zL`P0zY_R0u;&^7u9_RqEn zxvz55$?Ev9DA73sZ;Xn;*vE~%luw^AawyHhDH*{epZd+}NHKIL$P0><;cN7;iv4D( zzlX!T0585P{N-o)tWN?c;nxEKbs~m^^yxzsj^aR!xTFF7%DLNQ+fM2%#_=7mH+khtD8;!yg!Ogs zUEhKW;Jhf3KdweY19=Trq{*-@w@5oyO6c7U3K(`frLMy_Z#CW9dgXAe!IGuknRK2ZR0tN8OJ3wnc}$Q<<#p3^*N;ueyM%&$SGlw$`!Bo3@s2a2h@ zD0QI0OundR58D{9_sn=mwU>|)UY4&VYEKJ3m=Oq4#@mTK*QC1v$Yu-h#&#s(JdvwK zJ)`K&5^l4GWKx}A7#;hfY~ZA<`j7zmlf16<^c_AI_HE7*AZ?UNcS|LKB-v81`3_17R_e-Bm6;&%4wd)BDCu=QwsX!G3SJxgv>3^JU8X@0+Yb2R;R zknrH!Fw6|4ZY=Z~9axn;|B6rHv%kYC0U`fYO;Wy!m4(IpMQsG-M)Qx3sggPO#)-eg zR~(%pA2685 z$c2eqheW%I)rT759_5yU^b=GsA)}9db<3BOt^mj~QvT&4W;hmk@4c*T}lnukyR4Mb+uP%M}1Yf;T z@DoxMI_9p#`3E8Q6O-mEM_>fW=-rnUbNeMmiNt}x2m;}tqNDj7_06w8)Jq0GqDOP7 zlHAUx1pX(c{dU9C3`Tb14o03fJLg|pH}TRVaya?Aj*dxJ#*lVeCE# zh(+B4CquC^uej?lKjzt9k=n1R&im<5qEMzUh-2Cw#Lb|Rm;waTwP zNmiT5f{2lE zbdzA+Xk)%5Q{2CBNGKi4U(UD-NRYn14s+s0!Y2AsZTlXbSbF5b^DoV#Mb8n7r(t;J@3z#Jw9jlJuvZ52dp1REL}1*Azb?lUQO)P&Jklvxjg7x9eG6N}fk{Kf_C%luH~ z?S*&o$l#VdTK$dNdPtuUirC(;7by%g_`}`QHslrxwC)u znp;0CJMrFvq6L0K$??8O z9R(DNP?`zF4sxxH=`RoMqA&Con`%H#3mqU@4#-CiyjTn*92RN1oS6hzt^^n z6L&7b&zlx};REzYe&{iIYiVW?dpALx*P#C}FRbIiWR0h$V6uIafN8_w7XWq+Sd$!m zo%bz3N}-rpBCd#|&WAu%h?_-M0f;~l)BZmveoanKIeL=cK!!(33=0;HWOkhLwc)gh*Y}hVA zL^Vv);d$XP9eWbw*W%M(A<)D6(zR_*lKH!4iI#nMW}^N)x{S^wMFd_W8!=({2Zz`^ zBB=isJvCnM_fpR*h>2?HCld2dOx_IfnMHI*Ho*n{!lacF+pj^uz6IDse1Kc2#*UE_ zg~e%k3Les-ePVQQpSY5&zTvlRY&dp1#ddbmu}DLEnzkxI-{?;T=I;>nhNzhWl+GzX zd(9h_s+>iYb##AiG+1YdLr%^ z-Ssd~3n5>TnA&&tzG-l=C{yvbCY*x(71sd$KiLjQ5&+Vy)b}*fGmO39#3D&qlDwCc z-WBqbLaurs%JWMoT0kP_^J$mpi!V?&Rl{_`rw2Q9zB`a9=^q+epuwqJ>f51XA6;|W z99q)ZF`&0iF*m5 z&|wy}S3pA~?T(@>?q`aS=ip9{5o_J(a4E=WuU@jKjXs;k;VdA(WsGBNXwsy(s?_&O zmO5G!*0j+TLTGvaa(V~Rt+r8LR)9wZ^tp|PKB=E*CXfCw_3nJw@~!8CFb`J{#Km&+ z9p4n#oKpL<`pb2(NXMlt_vNo$QD$rQhcCYlj zMSZK__uIHH=MPV^=|bvpLmro$*dCJ#f11r5NV2rjwM3DBfyPTMjbUtsG?65!NcYgRnZ@&)ljs zTyDI&bv?bsPN-w!RKNK3VaDFp*3Wc-Ju-8>7+z!D&xty3yUsT;n8UP&sNzsD;FwNq z=`SF95L&Bg$UYq(l_Ep(=m`r}IS@psGx}%H7gpS$v$cRTE z?g~66a6?E;BmvW#HW*{c^gKf&x6QzkHSmd_up5w#i+JR^=vxx-@&E##g`Zctg`0^9 zUt`u`42J?z5eeq0$iz-2ezul@$u0R@4KewM8Q9nVGh%5{a38uZVSjO#3)n|ACG5T2 z&ir)KQ>@JudyFb+K!ju0hl+1eCaDp#we&}rE0orj+SHg4PquFI35 zh8^O|+zc>KXg|C6Gi#ttVD7Ldk$|l!!XF}Ix?hiJUlDrf8w8=D$Wq2#)dMFMAS1%g$%BGM83a`}xzUgt**=p4^C(b{7UyP711?st$xElp)YV?EN z#l^k;svL&gpvFVIbG6z7J)s7+BKV zYrgB}0>?!7LrK&vm3^_Jn(7PlUV-xz6@Q-ZjQ(XU-MGz#_(~~H2-}w`Y2_JwYd`eZ zjSpAs=TBJr3b7atj5b|NR$Zxf(w7Mp!CwHNp`MMUF`2yd6$ITzY?2Y%m}3VfteCqi zLI(vN+`!<+lc*gzUav49Z}Ch?0R6BfGT*XY#Ma8U<;ovS{JKCi@I8Y-n-L8M=2w}4 zvz%e}n0>=Wa+e<2Ji2C5bt(J~Tf&XK+NPRb1op1DhF8n~Gb^Z($ ztk#Djb*NZ7=Tq$ONUnbV) zxX%}(VNQEa%J!P<81F9;RaHa!wfN2|#0XGdO4;qEjtwoX+vPWNl?w)^PU-02)H!g- z zw&a9}J>^Z-FsjXh#2MeBLi(uS};O%E}7SUxv_%(E4fq{ovp69hxvHI!-wWWu@Vu?Wf-d>{8xmvDTXe@U-O3!w={SIeX3FA@YAELfgb@Pm`)Eo zs&lQ7o>^3Ob&>tM8zz%w2}0i%oP5^?0qhZw9V*9?n=y(n5wTX>SrXd|qB4(e>rr&( zW~?NWX5wCHpx4wHi-d!cZVV*fBDqMTg@886jm*}4VakVTrj$CbO3F;bUE;`|vs5v$ zM0GOWY`wd*Y!3H0tef!05J6(f`W&v11B6tT`uBr0fE|F;Jg)jt4-V}G#R>Ph}lIvt3p>bKoYgK5uNgZxyh%x0ZRNbqxjEn z{D>o_)8vD}aTNWvKeqE($=|PESRB>-^3lgXv$Dsm9c$fB>iX9SGgpIfJYHOE#9f7$ zT}~Anc^)5K5t~B*3V24VdvmFs)yUmwTH9PS0{15FDR<(HPIB4vYFi2N<~cz#DJ{Lg z?{npVJ+R8(=0}5^6y-)Ynjf+&AI}}mpU7w6p32*qD zlf_kN47GwYksRHPkb1gJ!rcyi@9NpB6P0ms%c#KU80IZaS9z#F~5wMDHB<@^EY1C`p3Va<&ywN9cXOeUm|hb5|-J`k5&=wJ~u`;fq1E;z$YlOW8b#C`Uu z{|qaM532O60O@Rp1>Qt`ZG{CBN3OhTmih0_ow){e_%?2>cwJoEIE-2Zm6EOl#haYr zE3p3{3_OaokagCZCt`YCrSmu5c^JA(SrzFcsn2))bqzi6&e@vp56%F=wfJK4oW8Ub zX}Rky!XMMto@;5F((}Fje4OaZxLDWmCb@Zg6Yd=tS|b48b;JR5VHYL(W^2f%ZP{qQ z5<%O->6%EyP9dJah^nx)%nk53k4rZhIp`dmB9vtrZQ!zJ@U%K#VJbj{t9`eWTdcZM zO+C!j6YVn7J1!qJOIIR?+-MVnFYZAxQz7oirSB|R8M&rogQ>3>V6Y-q?QfuVn>^dB zmbW%&a!;%Cwi_IRDXR_E?yhXCBu{SBdSk508I7qJQCwT>o z6Wc#EeqXnMiwNo2DQ%9vRFHA4*l`xafTTUdV2M_2Cz`(LWCn6E_Yoq@Aq@P5S+vTD ztvXh9*`k_9liZ+4Be0hI*@v9(8GFh= zhKMi2*f>?}Ji%)e zS>$ZfGW&?>Dvmm*3ou5T`6m6F;_@; zy)Mc4gVi-gW~9*(Y<1f~asLGrw_zG*!YK(D%tb=T4G85H-_&rp(yIkHlCW}v^wEHL zJQ2~HzO%)1$mE}_w)pA%sIu>`>~59zbX#1ftW$KAO6pv-69~MHd59vptBXWFP_J$? z0R_ByhG&B#6tv^6lqc**&_5mX3z2N^+y^Z$Os4Nh6nK*4cOlaMY)-=mlbC_2OMts~ zQm3W9?WXp{EzAu0aj0+xPhbI$`z#+2^5J(?M*m}p8RjR84>Yw)&4NDtAGvgEbpnEH zoqvRA!7TPoZBjPYD~^*|gwg7@1}ZxjNoZZ2n20@A*L0c<|I1DnY#~Zr-H-?_tnBY@; zrN37?PSBpbGDiqY7B$X4f@GC!}MfvxQV`WBJ$(vV&h-^rC~5dnO-aI%bj8n>KJ zseT;(3kBXM65Rudnn9gU9KSPy!(_U2f#<2fIMb!PrspB(o=#EGI@fGz`E>o+>9#)} zoy&IVxcx-t3pYCZ;WLMA;$|&`roTKEtk7;I(YblhAC8wXTVupW=fdY>*lgs!l9*o^ zP*R>a;)3GkRXqQsUcJR;RU6r^%xH$bWSuQML~<_-r+=3C1tR4-5%n>o`SD zN>0kg@%mXk&w96%<)~08G16$fc_P`{Zse9Fvak;aLvmySx4dsb+D^Bc#|UMNOSb;! zW%ls^VfDWco0-@FW2)ct4~_R3Xj@5odb8LwRbhr5Q5FW$T6RG<9 zH!ms;4a%X-^Z|Y|{ej9vdczT+Z`H8{{xp5Zh6Merte$OxvgImYJT*N!IvVo-fybp| z3Kx>1t}f~aUd|lI(N<+;Aal@!=VeK|89l#)fZy^JgSjW3S_D0)u|X2CpwqAZOymC| z)Xe>00?_r3!rk%EUUZn+i5XVIbV%$E3I@hPzDX{_KS%eqPZc>14IcRP!y(9V*8uMonBph==ufj1!57Q7*O~;Q z$#%DjeMZ!Fg8ss?5&hv7HH=Q}8r2hG*Br62mcE(|36aggNY=R+1$mG2B!SHuGu>!~ z&2w#A`%F^kQkC5vg$%(3FTU7518Ir!Z-q#fZYNf|`5RYdaoK7=5h>)lkglW}HG=iQ z<4*EHEU~7}gS<*fH&6^Y5CgIC7{LHi2)Iv`em~PLW9Pweqy+&o_(mo0YJfs^<2c_D9+ zVxgfd^Fn31Oa)EYsgL!cGTo>A7$v%8rhLlFR8nr+PI)6m#7l~bvX7bZO+LEJ3=!B7 z0TB_FA)*2sFfPh%Y-8+x&hPm?8-2fhzmMNP-P_L2d7t20!{k7pw=t`ZgIC)nfBC5hXUHhYv6&Gh!%E#tk*hGeb5sn;b<$ zOZQLg@7uO`7drO_1^ncOP72&;+e)p6ZK{m8RjwItG%E$SN0`GvYJQ@L1N%(h0#E-c{>SB$G{QBsEAsp=6AnS^TBcB;u zp^p4}+01ik%HksY5OSTzUh~ov59o=s5r>4){;hu^4K-;Aq1c%q8uKT8z;rIdeV>ej zdSSx_+$?ProAgUx?8-U!l^)b?C=!+`Ty+7&`y zTco+aI^o}&PuNiqZ8%y!RpweNyG`fF+!u_7rNEYm%?DE@V9QinY9ee%nYJEVHk-CyPuo0dFBb%j5aT#5Mdl;0!l- zki{Vp$9c?>&QNh6c6I6hLhRz!_!Vz1qDJb@tU=ZEYrT;%nqA(gvaAF#itwcKR~7FBsBrM;SY|!PO%7LXzQbH};m& z&bB&b%}QRX$u0lQaZ-pJDCa`z7#UGZTS&_>f5l9&2AaE*x*MTFnHvug`Y?zj0CT(s zwFy6bmm2UvF}d-kCkTJ0a)c$BHfMz!eyfGE6$lPt&KA9WvBa3F+nKIJhKH}{A=%3S z&$%gJ!mVGweiK7_K)vU(6fdni$?&aNBTF*wbN1p&7vJxJ;f@u~Nrw;1#nL3r@sjq5{zM&CqY>&VwSw zeGAkqs%e?jy3995pnN+x^`J_{ex>Y)QGVyj>KU$8=+yNnNu}M=lOnmEH_>W;rYp; zmP2v!+8pA#5}s3Qyt0E=)z;;XAk@&;g&_R2NX>B&b!PVb5VBeOAa+H5{6QoVTYiS2 zNA$-0gXxJ#h1MIeLs6)OZ-6Pvi)O=fjNCy%%hX`xcs7+t_Hh;H0lB@=!F^9kj8>`2 zx6>}=5pa;FJ=ewVC(~Rdf`+p>QQ?o8rwxef4mLFhNe=tF?P9|>tQ&QRo;@OMYQY59 zQFGN;H=pppj@S~~;!w0|VY89Yem-Zj(P0Ur(uZ*CEKZC6f<9^(`Mw`2vt7e;cFdyy|)@2K44bv;%|a#SK1_|h#zHBJ<{EAp?D zcNE-P2a!d>oB?=P4aDm%6U%JNX4@E-pC1_ww4L@(e7Z(TPb9qQ3;;QiE}{io(mlaY zuXjwmqR+t~&Wzf6FYoFJsVSKcSejpg)q&n84P>i)=TLy6DqT4AK-;C|+**5=)G<}kJym*=J|7}#`3Z`vOq?@iLFVhk*hEMMgk2Ysu3X70 zCz~S>>oBrxUR71ZuTnN=(fj#Wu1UCL?irAHb5KwuTwj{Gy(<51O2p9`lCVWoWAXTB z*Yh;+IuSIMLi2Hj#0c`~O$GdDzdEsGL4HMaEJ?DO3zBFkAt4C9UeKL?_(BJ%y(=+n z-2)B?;;ZtWeHZW{iTi++UouovLvCztCcHU&rog#M(he7Q@Qnfu+#$kk|IZAaCqlQQ zf7SHg7td|6dt6tI=3pSxIM2T~BB#RMDRYXT)X4ReNZs=ps3>lh7hv?Kw)$an{Lj%v z5*N54epfw}dFacyq{=P{{E-P>-}Gi!{Y|Wxn+(db|G8YK@-N5PPoa;=>}k&WnPIf$ zBvK4YfbCzLKr+4Rwg9FoAHER(2v`mw9+(9!Z8$C-UA>h75}JkBpXXRSl-ZEq*irBl zpQOZ;R&6Xe0=GYa1GCuap5I}Y;7>m)ia#3_KYswv(1lEYJO-f|2}nE|w(Ymy=56a7 zN4i07FA?x}hbLwF1CHvMIkWK_WmBj{Bkh^7BB|?gI7OQR z=}H;3u#UH;&n z@h$fb+AcuL(cz7VwR_ZafKPGyAT55Je*y$}O7a%`eEDM8sIV1U`Uj#LZ)!m3TT*#W z!!8GCcuUE-wR_b`*cShA_d4nR`H+LA;>|c#Sj=RDoxdj|W6u2^nn|qMO>lnRzyIij z3Bg-fcLLO1DUOrx$KpR1*%kT>u7a>i*uFhtkN`|bxa5x_YOJ?vrtUx;t+z~8SsKIp zJ~qEWUyhDfX(#IVACtD zsz)U4+Cuf#=We`YexuEn7H`wqUzT)LOHu<{g=~`+NsZ1S685ZQJ7I929m}49=gj{+ z8Yb7p^-a)wka|LJDl>&r6jhi#M6}12SQFQpt1!ZV1baW+T1jjRUFh#dworqg{yMR^ z=#i~Lb>68pT%uY69Qut&>01r;JD(2or(l(>_fE z6r`3ZN|?{2`FmixO8)|HE%+{}J+BLJ-A`Oou_aR2%jA%3)@^Q?jU=z|)CCmEFLR?s zU9ln+nG^qr?rjKVO<~ZiYF%5(XXN-i5Sa1(Ygz#PyvYXUMZR&V)IMD*d{M0;_1tQhwv{T(bY85JECQ;@*^ZT-y*SQbaP9dHbkmR-qons>G(0JKcRZjdO zNoR@lq;G3p-2d2#@q0#$`&yf2uYd0Dw!YGwl})3K>`VDhd>U>j{?t^XWMhz$s(cqz zqrX1*8PI8P+lj-!(TP`zn})Z`Uyu8CgJnh1-ubE$ZY{+wrOJ=5TVetIsvYO+Z7ugV zp5;Qqb)I3^1x$H11|OE;7`XY~AvG_ygYQZ&_&DXA?CmJihheIw+z5kPWDD=K#$)0C zOEQ+s@OXt_eUxJA|GBoykbJXWL#=|NE`K~6h99DVWK0VfP>FJPA=1_#S&;;{X}SB; zQc^|@g<%QV_9#~hu^~lLFw^XhH5`98g_)wZE?4)j#FzV5B4yg4U*x{yZ+g@r?y0+R z)P27`R%8rfG6Ji!lz)VnPoPh`?abt!`s?mYr%K(IrA1$WSF1a~E#~1I#*Og8v!K() zUye$gs%#Aek5_35L`q!KRJ*`xS|DWx1Ys}Be zOheSruB_eB1{Qct-GgT_N^IEjxZj7Y~dl2I5EekZKHm=xQ1v^ZA zW2DmA2LF0R08f+o-U&VDkkGKu_@WxcL;z&KTNkrtBfCF6>8JG8WoU`#Z+6cc0AKSe z^r7}42*9BB;RiWk)&$4qk@~k+YWm6!p z6};L`-N{k31ezN1xMLYh)|=fcP7Y_b)E?@#Uk-;KeP%Lqe-S)Isbk2ZGP&J47%|Y! z1x#7F21mpHxqAC)0XGax&(|f;?xX^Dw1z1UllrZt1qw=#-;{5Yz^_;rNi#>kpxaB- z*QR_;Vdg!PNg;PWt{P)L1fXkdSNtf&uE zJSDtrt2y~V0v^(+fH+Bbv+ndJRoFbwfk?}ns@@0TIV5G<=;)I*&XqoX1};>8ef`tj zKscxPD{xHnl)@|*CJv*Blg@sg5W5VFjrmAx7T(mea4aT_vwVG$W&u~lhZmCOkZ_@y zTfmiaEQxB*bMB&m%$wlFRl1;goTbuYS;Nx3X%86cY0hJ5zR7r?4;E5ADi?VS38U(7 zU3^>1+}Kq#mp%|?+9U0q8~%^Am=jp;31%VKSNenwj8731#0f0x`J@> z2V^4Y69;v))=FJDCxT^h|Rd z|87$b3uQQkj)AwoU_L|ckQDNY#@STIrJpYQCcYLQ3LE0I+Y%ymu2s9nH0eK^AF6bB zk5_pv>yZUEz>V%|0`LD$=>6Q6$IA#%X5!N+!ANb+RRHOnF6&KHm!AnXZDPG46l^X>$`Rrq z{yD(Y@EnNndztj{5n?+=-6HwkM~&{8BFAd#1owre2eGzD`mnVjKo@-%5V)C8Pe_iG ziXe$wM{rJnC?h%{C?BMAMc{OAgAh5v6{idg?)y2}2b-_)T|aDf>kM{{kb6aEJ$>Z4 zCVhKM_t$ZbAB0VBqJ>PO-3G@Fy(=QKuQ_CM{o?>4sD>IN_>s<4X)cDF`2t8bsvCpn zkDQPiFk|ssU%&C>yYKw%2{?U>e&=hF9`V+b|9HMo5u@GQX&)x)86-MDTs*n4lnw5` zdT2(W95dg-i(l|UG*pf;_C^8sE^(6q^Ii%v8}>AIKjTPd+7xW_=n|d;iAQ8wO}>VX*T=FbVsO?biEB z7N1149(9|#E)V$OuO_F_O*!cTtsYl-8I zzxKt9FOL8E{_;gvmtScueu@x*TIDxDGI3{w+|l>Gh!Rtp#?7Q$BbZ`6X4yT@sr%0H z50k(oQQjY5SSHyMNtub%^Cy)jSKb&yPa9oGqeO*!4p#XyM1+2ndq--*8%MK}x zDVvj+6f}kN(ysK4->-DzhHn&X9-c1v=r#9D0?^P#)OvxR{!xO_s%BFib z&MkuMKDhLUhEotP^ZT@u<|Th z1=SAt^&U7pVW>l_%TfF9H@ZY5@L+#>B5GTzoFA&LmG$oC+53EL_0!4vdRPj!DR`K` zN&DJqX(#rH1rOZWs)ojz2^e&aXOz*e{c0BjLfqPX_p-jf;6 z6-4`BG(z%kOyY#+1bw4@rtaKi-wyj3zr$9jJ#!?+qeFz}gzTy4gwmR%Q5WW4EaKiu zid>}egt6PT_S@Q4s+`oon@b~XX1=`?_vRr}lbGwnlDuFBnh#=S7gM*{k0|Sl=p#nA zM$piLbCINJ4}*xZFkLy{=z?g1L?Uv_PzVX=UPvVf{e+hRSrJCX(*>Bq5V|4HBJp1$ z`KP|uC2mB;+mg_^L)J{6GdfbKmQ+2vlB5>hrgtMpmFMpok$1}NA(pAXsGZA29mG=O zUo-|-B>^h8H%NwinKsAxXl<}kMx`(tDJb^;@^^d+5q%-IhLFW!QdbLiW*Q*K*6L-P zzi)F6k{bdQ(}Wt%cJjdq%lCE%lQ49JBAU!CpQt+ri-c^l861j+u8zZ_0*%pYM&Sb~u5GQ5xQd9Q~kZp4^=5^$SI zFb7?a&oEI!dVGc?DE`CKcp-xq(She7Xt*d}?;?k9PA-zgNUqF#?ao%>Sd ze4r|CQ{2b`xrDiH<4~LsB${7jTp(X=MPfR)$=v)d-$t-$z9Kd-@2kgSq?R(ltp#=K zCI39$^O#}hh^+Ox?Od708KcZdvtJQ^M$~@)BF0KLT?N<*i0@K}>l*^iS-(v-Z4p{t zLvE4vvA8Wt=?Qc65Sd)Ihg7-55TrII5m7CQ+BjO6mRMYrV2w&x!!q`ZsKay}9-S%( zzL7jq!0qtuyCs<{G`okTZd3l_9c$g|n!uPPs#f|c0ZK7O=Ux%GMhoD_k3gtOF?U^PM#{h>qQOwRhU(fYbl)XY zou}d3iDF?`D|q7$k~tAb*psC_lB)*+hJC=2%3_nTs68S4kiu+Q2p?qCfO4VM!dZ&;;YI z3(I-DiksBGMPSg%R2EQuXY)IEEP*%oD8^x{I}K9B0?k0~@X5SiwKld}ZyK+19LEmH zt5w@!@oRuyiz$O()8r-=rUJLd2#0i^uTh#9jT>BRiB#nu?=>#g^^C$?k)N9LXqIP{ z;BQgWIRQxhtVqcIA}r0;v}g03hL!H$BktSij+$7viMd@=*$L0LLA3kxqha||BJ%>{ z^)*QeY}U^eZQM<@xdaxPAcy4(JzI$R*WRwK8GwQFh3ptY8Om69VSZ6c6Hx_l_hfM5 zVOPUo^sLl+nZS87c;;L^4DPO_BkA4zK-KqB@5)lnkG8|#rovw_PVKs?F7@8Cf&KSP z>KURcE1$?lWaYGiYjaIN9X~9zIA7eJmuZgIndVCOb1x|ywSrQskR47OEQbS~YXb{L z>?lr)fmbGX9`lh!_|4$?%iosRE=vvvt{pd&H_+E&88$Oj$aO0A@0nDmcJ>2|nuv_b`ry1;jJ#Au%HZMefYic4p`6rY8v(z|&C`rw|x+S*#f zbgIu2pOw5V|GzS~Y)dn`>q{-|vc9K4Jj)+9fWmUUFX%266TGif-1p-A1H{ z+lC;6;vu4^rO2;%7qN2QiK4PShTdF*{pR=(DcA&ZTWPrUeiqC*_3df zyh_wRdwJNLkQB2uh?M0j4re<5S=rrff*-4f@2)&TUY&Bm2~{WPCwlusvB4_)q^GV@ za3P^?WnjWBMc&C2!-|jRUMT2GB;Avwt3~?UyLHBBx+gM$t4VxmTWBC?8h0prw8S}A zqDm*pYtnTmrinZj&DTN%R>L)idmEGyxy{Bs53X2%%-Sk@;#wBn-DdejWqy~q_U6?S z%}cY^Jwbq%1f@SPbM?k2HkUJ~Od$iHii{?Cui z(OmPkna%rN%ZPd#n@pzcMU->()eGh_fo&F_u3c#J0AlG$roJP1L=%1J zf8Fis0=QTSFi|rNQ}velZa1%N#O>~_kg`L19*9@~m0Vb(gNBFb0(20XrIUK0BR z<(kgiiY$1XZPtHb{8w2HcSDNsLdSyvAZ1#JojXasZgv;MeIJU^wPzblXbR@oY9UdK z)>!f!cg5~_R{a2fdwo|52?i$hRc4aWFdk6J(PK9bYF+!plMy7|Gy+GtKNHkDevEbRD4$?s<`4BlF`HT==t(6CHV;l=Z#lx}}+cY6F~ysc8_S;WJ< zpttUzibH5f@0bS&2#C?1GT*v+rJsUc+K<)H2WE9h_sr!^sVRNWv3W_VY?Bha0?9k1LpNhWw|2X zJK$$G=(&{|U|74;<(I=?b73w)Hd$Nee6~T$?X{kb&9BeajLq7HET$jUm|G}owERxG zVk%c#7pMP(Z5)=?Mu^7`balPQ4sX%hZ@BRi%Ta{s$SoxaJ+9a$*#6x*3v7n}w ztu+(pTf(^}o>8-e4*Y8_j_RwT$_dLq)&PD55l>jXUc;~r|5okZu5E?Gjv(HaqgcdF z4o66<<2>aKSYmChm)eflRm~|N;5q7q?lDj{(pRg$EHS9;Q%EI#5^8^VzXoGEYzn#v z&vvGQB+J4AiB2Zw!eMfttZSe|1(4H9r@(Vk*#o19MM+6~cnhBz!*#YP9Z?D805yZz zo@8&0-aq%G50JaxFiPrJLxiT(Ej?v=$^DQV*p`299V-jL-SGgiYO$O0H*Z`TS z>MEIHC=GgCx!&ES-%R?yi+64M^HRJEPC@GkQQM_>Q}l(^G3!#e7r(H?poMmq zK=7qD|GW--ZTTGT6v0Av=EUdN43qp}_Z|>oDigQH(Oeqw%)JHlH`~HIh*KJEvF7HN zB;9AF+mXO`oLj`lweL|m5(o|5L%dVIDz9+Uz0r)zm2WTCOi(+|sl7oO+^fEl;2Tlf zY|*Loq~aOtXFltWd>s+NVo(R;+n1`Y2NmEYAQuq9A0&_?qEHTF4pcA=P6!d;XE(xiA&lx> zg+7F=Tq#BR;4+duP^VT0sx$-LP08Qgo6C4{>+ zS@QTYiV)@7Y=|S9@kFz3A-k7vT zY9{f8(qPkv#CIl`TZ%*wZa#w=te6BUVdJxb+VJ$*o^E6BQ?N|WmAcRJLo;C?M(}9p z*&@TSvGAB@yq4+Qp#Iz7`T>TUI=uXcJ{%769UDd`M;ZqUJw1LVX`?^e{qD$`@RK4k8`l| z#0CK?K}5SK7i)|#;6W(R9o|u%%K%{LnMlE1t|B>~gI0WTn3=0b^r*ZZIJ&nmjDlp< zPYiby$It!du56HR6AXlHTbirKzvaBtI2Qn>f^uBSZ&_4#JvC+tq(d@QVvzV_t>YT8 z9$4VHi(-SQ53CZ`+<{lxbT0dTqeCRJ1^^+Op=>Ut4}sI2X*4e(KD>bE`;O!rlk$UV zRv;WfO=9p^yO28}w*MgZPR$tK(2U+=O{~b0cSc&CReR0>HQp~^H|q@5l6{A3GoXSq ziMidLqN!PNzsukz($qU}d zd`F$Mxu@rV7DYnSVql)QQH#<3%I^j-FDRlC-qcvaxb4ZJzO#>9`$3t6D>HFExbBD@ zS@l-bcFEdxv4ft9d+^|X!~NEwr8!|AkD4rAurrOl58iPRuUuN6lu<*Us%gsYf=Apk z*fx3XCl4!1ZAyXA0d5@JhFfym6F>mshVYJnP-7&qO!WDW+@QO?tg^qWy1hQsOU7lM z_F^dXagRr#d31@|aen5DAAI}d3va#kkM}0M@Z!`LM}PO?TZ1oY3=q6GzI`NA>N&43 zi_ugC!3XKSD*T(|g5pJ%rnH2ST5)+Zh=DCz%I<6_f!Y;L%nd!?E=o#=s~F} zE9T{_b-2-pO31J50O5sjGfTv5(4Wg}Kba@iv%G**sqK^k!bqM!5bY(a( zl-enFexROl^((39o|`}bDS?wpf}_fstI3AruqB-|qQHK7Y=J5Mtqpd}kf z;tb#(yET3l6#5pXx!fl&a{i)rEGI(gZ!%z|pDp=W=s2f_H8g4p;DE8!&ro&)RhFzQ zj@*J6TyO6(!nd8M>`t}g%O!EGh}A}r*@R#d+UCRZrf6o`0LBw1UUfNkqS|#rUC7i- zjH@pJk6X|)jFdf5MAY;)jOX}4wPY;suL6DMk!R^7(F5+fWsbPsn(!u0_n0#(JV#<3e!brLQ zsxhfM&h*DrB}OrDqOn`UBXTf8ho$)$Omf*dvfiO;EvA|8u(L6sb-&O*pp_!Eh#TSf z0Zz`Lt+8yD-7SPeXb(C;GDTS?tUC;m9^tB_`^)vnfNkrIW!%~M)>>wezv7YCC&wxF zo!4};Kc=sCgOr;pX}y@%q@*m_Oj+5w3uo``CzUwTR{nkTZ+kw~+2EAqDVmHD*3a^k z%=3{uGV$SgZ3EnQh4%Yt?oGss3s3u!V;?_7mUa+!7oS!wY9Q*MVZ2{aeL)1+w7Qeo zk~xIAuO;R4&lf-5R2}O?u)AuquNt@KYi%9jSM~j3g<)BX5ggREmPq-bbFHt8l6u_g7txjph6fOhQV8z5>&&|k9)fQ*9-n~JB z3*3>Ol$-9Afl&j!uRC|V2odPU*`g!swuR28uVAY(ZcTU-Z;_)C_=||R9&)dcir`r7Z03evfi20bLII4X>sXq7 z6VctL^^Ab0+uaN1X_#ljSBf|32Fkvh%(CGg(?&a@_(BM8O$8b8zN*sZw!a+*ou%C9 z&%P?K0g+oK1VjdD>%Wt!Lp2zFd(Rlkw;6J$3AL)3P{2qY*L=xXaUx`6DM0^q)-L^i zZlpNr#s>FwHT$~CRHk|drZ-7&z~x^4V0)MXDU=laS9K-+*tCg`<{;cXNtuJnJXl*0 zqum0xNPg6OGnqOWm~{KhgNF~B&d~*GH|#zNz{HuixpQ1p!KbtdrcoD{W+faBON#aG z9sL!VzzO$(L2PFnq-8XuWp7&pp=cn+7DT@}o*SQO27Wo4=_yC&su_z@7Mi>g0`*VY z@T)Wxrl{w(5Q~T)i0uF?;i?Aj~5g2JvttpULO5wKzGKuPDkVe-5A&`4- z{;Q089rMiw!esiId!PJGCA7^kIV4((T)5CxI2^+~(y}8x^{dcNeiv~d70}%|M zlF0K%UfgwZ+S*IwVarnTS>>F$t(P*Z6C2#SMv$>Xcbtu3-!IDq}to!d@dka3wtL(iiF;DAlqIpu{X2A_Uo%$Vm#51%sN^wX0j4IUGe zGXLz@r=OfO3}l5dW1jqG=aeayoIQ)+1V8zbe5ov6KH zcuLn-q2I@S*xWcmLvQexoaRy8nlDYg`*O zkJm9L!sG~}p{|qACaJwz+QR$o!n7J`Xlf2W2g2Yp^T1_`@@RWt`7$xT3=-h9czY3) zYy6?rBK16DgaPc0W!x;~qY&j@e?)9F+&(_r`;7zozmeFlm?HG-`TRo2VYm;7VNN>s z|8JkvVamIko2l=G!B(>JcRxsQX0Ncy(vO4CU*{(n6Da@dH0XAJ5qb_`;`N)+Gf-!#*X{DFm(Py! z)FKY89t1c#1Xc}3P)*ifyAk@^z*ldChTb1~E%g5VwVIES)nsaNi%qjZG^ zayi^|<_3{l!-_d#AHNZ`@&0cYoHTY3!giIL)G@zgo|sIv6o(nny&PK1`V%y zv&3lL{}y6AH64ERF_3|CT1WdQ;gNI@Q^zKMkh9UiCJ9(!!VNH^CsW8rzn!djksK|2 zv1d%xA4`X?jJIs|8h|e2Nze9S|P`&Ro&p$8fG=`=0_?op6@rC1LW}0ytn09G9ym>j*?MI3Qyvein6*ErYS- zb#`~5Aa>mYJv9q9AZ}odgN%sCz$R!?wjrghRCBldze9ccCsjLO1*lBbJ18Y(jmIGC^5-);>G;@3M@GhyNk2R}`-;grs1 zW8sPInGfWt5e;GfQ)GAIl6)(DwbFs|hH+F;P1T4QwyPQl0W`tBF!=f+B-w*ZK7w&} zknmdsrh2OFT=%~&19I=2{^T%_YbFiYiKvB7P$E+YU~dA|&i4XWnX0w8@+rbU!CN*T z@-KGpVektw@*iZ7O~k|a$ko=-R7X84}ztQ@^^f!;AgU))jP%r;ZVxhqp`hHD6^LwfXGHSmF(x3zt&%)DE6 zjSI8YB?)=jSctMSGWHpHS(N-4Ba0}-xiOWSs_9JP%=mH0pKump3%!cS9bOyW1Vh*x zW4L-2dgG(Wl=qV%il>qr%yEWW#vjq|pI?Uv4a8 zE2X!OHrl}f;kN$uw^U#15=`isN{E~Hpzy{`%d`Ggn`?zg>T7@J^Wct-Tr74U!dUG!J;TSGg;SlO1}qoJ^-1N4Uij(;d+IZ z(~7q}U`3J>iy0!AWt^k?O2f|&@>r}|ZkTKgzZsuPr;s>kEdxctVE+4c&Iu=du2vJ&gCX*%V`hvL4 zVlW5o_cCs-*Kf_jGz5qqALehRwEs(?#dUOwxj8zRw5N0L;_^0v?aF2nS4*Xly?}!& z59X_Q7MSC~K9fr)gB>G_ltsdxCnUCw0N|)he6JADMS}+$GMUIld1{CXkGQ~@9%C|3 z&Ks`H2m7Tte*vl#Y-z|KL~O2VMO{I$KX+GbIc>Cw+;L9wm05L(V6d^qa_*VHncYa` z^F+XiQ5nu>L+UYWzRs^s^rQt4b!4)?Mkl1l#V;ULCaPhv=eiJsVoR+`xBpyis!1+2Vsr991jSKD*i$l;qEfBohmfRW^e9EG2XEmPeb1mnpZ6Tg4| zQL1XqqAR@ z?%>L1u6$^4fj$G4Upxh73rPT8y0IYDKY_Dh4vjJ5{rdWrrtX;}eR4&NT!U^lJi#XYqP3MLD0^I-(&^al!@1C82c+Q%3d2OhIcR6}u5vW&AT z?J(2#cmD2gAm&W~Hk{ND-?iP3kw47pIU(eJA?aZud4Dah|GFHAzWp~@85g z%e`9IBr!1d{A5nhnI>F=T62%u1SxpnxDsd-nJPP|*d^eeufOT^x$U^)G`B${V z_lo-Gk^IH|U=K-b5R!5;2#y1F_?x2Eh19puq(JRv`7T;!Sg3>bm$C1-wC8Ok8z=^o zU=IqW12D{h@c4*Lo)gz{F0gZi1_?4{< zHu6dY{N=Xqa{VB7jU?#fscbe0cqcnLO}Qr>XMa~U|D`oP&X~Z4$)5G3Zuut9#$gw8Y(Ua57j9sagqSK0fpa%hfGqF|`TxYaB8-l%d6k@9mOVyOs_vJ#Xw zKCj)rO;!#Zl8hWF>ujn#Qr_dYrJ7EooR_G!ACtrP)hOy~h81){4uU_c}gNR6tuXpjf2y(c=VPw;x~U5-|xdn2wQxG1~ekLjj5B^#wo^{Y2O z4}?sT%ncJ+MrgiG?;HLapt zayLgy!AX}cyn2qjjvJux*oKl=qA9END0|S1L?r>ZBhzcp8vfUFBz&?a z3_WrZQ^MK+yM!nn#`NT>*q^YWdu)8Eb2W7_ybtueh@5`L_s#?`=5pq?lr0ljo>TXl z-LlOjQuY$lo1NbQG8M&MqO>qzkFSrSmx0DS;9tiv+w{zW3+z%vR3S(GD@#TA?_iA$ zBS9LiAE1&a^~7}-)0SsaP|g6%^)y5Hz#CQbU$1#iE#$i&eh(nRk#YCKgiB!wlP@^a z6^0yT5Kmm6EMPZXa2l;hT6&^mXIx@i9KQ=n2YGiv?&eZ}J>)(^<8VB^>BQ_Thic|* z$04;N5o(QiOPE{{EH9rCP7wi*)OAX~=AJelp_Ge)AC)uRL5|;{6eVVvI$}6yAEZ<9 zi4$VWUti6KWblo-05Z8Y$SyIAHd%qd(%+NAcV@F-M#nO5NJk(OSY5P?^JKd3W^LXm zQ`zKd0O(|$4)k5?`|EgX|L1Sa6`CM5pz0MEh9FT0iNruVnroD-Vm@3scEyo(dhm^*C#{CunF@3T_2(&z1<9Zl0g~PirOLqo&0W6 zREqOFOa8RYqr-hqe<{IX8jXlSa_@CZU)vwRSR(1$RU{6gbCi_$U>NqpPO}1U z`#^gx?48kdNcTm->$RCa^w%Bq4mK%e1~z6uc+Lk0Ud)0Ul)R`$IZADY*9?hlCIqD?zK+K(QghB0DOwnZzX{o z^_2Sz_|^0@?y$TyP(GT6MEL}_zIBWvdcur!ur>-_LR(2p-PdUvGwi=&c6`C9YSCP3 zgLSMcR%AL%?II@#{fh5?#Qx@JMG?DYYw@Cj`>P#HD{_-fcp16D0=LLm2Da9aud$&9 zTxqMDud}Sw@8Vwi>z)zm!Yq5uHR6Ld3}3ClgfoM_>s)+1OcKJJoE`v!XX6N zgdx?6cpj**z#9Un)-#AiSxs51Ce%JaSfp_)`B_@ z9yFwP%L2f}V4fu?gy&u~H2Ul(qIN`q0h)5bjPDCk&qC36>(m8&quB4ib*{}sy0gyS zT^Sp%WWs2QnAO(M;OW4bbS$?L>R$E)g~>x}5%p-0UE5cL_7fpub1?5#mo4KGNxkeq zD3{8#M*yH<0ooAm1*0?ASXL3HCwRHlXP&jS+VZiwM(#utCbJ^MgnL_WLguQAFtGum zTJ()#IH5R@ws6ot5z{;7y1(bXc$2|eV|q@_ehB~yf&}Pg{wS4?g;hc}8;5t9U8d_i zuY-SO`yKvyZSZz-Q4vzQFNVHhWFHDKk#)TWh+>r9R4*@1mOssB6IDa$tW?D!H?UI1 zZ3Eq-5L@WRtB?N5h)nIBZpmUDlz_0o2O&!^GeMi8HN#M^jV&T2nNur&!fwn$o*#qWxWf1B@8eN@_P$-n=)7BM4nxjF^GW{*#c@e7n&n7gd$i=xjoH+XxVezDfH0ncJzAxAZn#_{#K6k-AejS4m^l2 zRRt2&8!Lq0U~{RmyDh;Km^4dgUaa5AVNeFYuo)oM)+BY+fYA;5ls_ET6tAGkg1n6j zg;5O;fT>u}l$UWyo(EEPYUz@dMHvMp(ZqJZlkV+?VaE8}?r+3MlR`yhdX+e(Puhc* zz?R1D%mbZ04J0E21tG%CG&4CbYvgb)WUAs6dYk1#q2mxVwgpoFLn>PGOMwd$Wrb1=uE50$0EEIQWU-z- zg(|e*WuUFXLT<3WZ>7FyI`hYL{`TUBdLF{UF@5GrKARWolp*T772)%c59q1qmyXZa z=YlipQbj3TWP7&B`fgyuB!jSU6Wo;#Q+=!BKY;2MKB*utl%`O9vjESY*E{O*)tZ;n zl)aOI&3CIY6~qj~y_yX8v1Q7xSo>;oEt=RrxlQzN@0quZo2Iwa>))REQTU^y84jkC zsE>%5czjM=VkCcO0$a7Dn?*SJQLh?FZ8^<;x?(0f8OlO_G&x zrJdVP7>il@1b?HAMRSXLDd>NQOc{Qy-n5AF90rb;KY^>ce9wLyo6)x4;^Ncd6fv19 zGRAJMhdUop3>9;8^u1mBLWmkVdU}#0zQZ)-sq{sf$I+ToY0d-wz@wuv{@EDJHD}>1 zX1&MUY2RMv$-t~(XPV<*y1vEwZ#h^H0A*tw$)$+maNW7PJXfDichvy#cki$J%8=?7 z!wTNH0SwH15yqPfuVBu>HGt#|LqU@Dl-tf7CDBm~V%;zqaKFfJE*kN4kN_ARSog7=C_1+G$m1 zwuTK#$jeEbzER`&J3byG^BhYN)n|}*f`Jv~(Z?bO#{F3886~ioa01~u8NKN1)pq@Q zFx*K_Se!g1tc5!x!kG3Di&=0)KAK{U01eiZ5WUh7#8VG-cz4|PTy z_lR2uM(BL>@7;MCiryW=iT>a=1rnj$$!8mOKS|cK?FjNLi|=l2hWOmxYe| zkru835f_4sxv~3llxU9Vb6UrBVe3LskB0<~V5IK3mgXK8CP^CQLmhKgKCCs=;2Z7V ziCtgupB>Qu*^}V)LT50}!&FlX%rop9m?zpOQ8Al@x7u9xew!F1X&ZGFuaNoJW{e$M< zi6Q3fX%MI*Mw~X2X;tUM^ZXmfW;yn0Jx_>CNOMOb4Hio7CesU2>sI}>7}$zn9SV77 zIl7VnBog(Lvr`89_GS7?t&BM(bNwi5IEa&_`qih0zc66Pq|sxBj~@Pyrw3wQiod{6 zbjs-`|MupSW4{@@^Z6H^-#*}l?cc(0F^#>gH6=onLwFK{QO!SWlLxEJIDCLo;pv2v zdh92aW4@?~M5uiLe~ZSB6N zx%9Vw!VW7okSz@(`gfXs%-GnPf;0oN*-EB(d-ZH~DI(9rNE-K4U13kmzW?dI4bWi^ z`mGRyFx=8r`>MXaSh!^U&#ALQ8;Xb4j$1t_^ov1Hk9p^v=P~JhMgGT+O0|ScZ z?H_6Q`sqVg-v8V7H(ne}r0ZkGyz|76NmqWQ--(*;`A^L1i-n%`mi1+W)|_xX2=`l% ztJ)BJ^O)Z+6`qsfc0w{+iR{G0BW4BX)q{Q35!`*qq-+ognO@n0N+#$EYa!n2lFy#LW{&-#Gj@6EXT z;frTKeD5Fcoj&^BPrE)GetGPB=kI=apm+pw{37;{_TQk;c_3wm(!+C5V6bR!$s6v=HRsU{$?=GfT1}2nK--C{GVRSF7T}qA`Pw`Xn>|Jg ze*^Kd&I}3)A|Iy>?0;Y989oMds=@8aC*i=Mgy| z+Ra~FZ*x`;F>uQ_<}pE}3R_KCVv(9dKM}IzB;nO1KK1AO;<>Kn!sA5NcQFABu7Fq) z$>9}21u(UP`yGmV{MP^dacI`K6iAztW0BNNu#v=P`?u7eHj?;n8*G7Ul+{s9TncZZ zm8x&B^5mjrQ3bDx6U|F`Gax=3JDat+NHDOD+d=K@@5x^4|G38x5{Oa=B=jlK<@sa$ zN}u54PDcCF-aF@bN!&tIs__gWhb}l7*eJu)LTgKqZp=6R9c%gJ{&OnJRRWtK*6mNH z5ed}ikY&*IHtxRId{1Ut%Uii%Cpi{E!CTR+=3X~)na09pTpSeP+%zLj!$Rm0ucKzB zc++}(G<9l&vOR=8#2}LAjnI%Z<0cRUh@r=KPqJ!H4mfu1P{`=LHDRa zw>>Zk8Uu{+1YR5&4Q_WN{8B%WT)kE#Kv<*DPE2HjZ9jy>u5TL$643H>1PUm^X?>i$ zbI)8`ir=Sf1T^7~R|3Uf9w8Q_*MRhgpWyktF|Q1cklC0^sxi z^I;UX2p?9UB_F0>T!7N1LvLX6d5v)a{qInzy@O%bDLsKS=$NE<`(DPef~GSRQs4*| zF?#@?SsaVjmZV^XM0vO#KXi)uccq;&MGhp+*6?=)q&hZJ1#NKb-~U@rRL>o>vD3_R{i-q zi7R(3yrDr+#!VACbbxM%NAEWova5TtFFXCMKf<-gO@_ zTq%8P{YAW?1n1z?S$ed+?NH0|LrA<;tV#TDeH}o4whIRUmhOQKJf$KnXZiUn)_c+O zX*N7guL!j16k+1TrhtU%bb37R7?k6D4B#@j@AqUgvJ$7g@a>qL+nC#5(K@!ZRD2o z{z17a`z%Qpd{Ve|8t{j9#w8&L@My-yCTs+dd2Im8iW@2D8)yV_5b^ucO!lj%cHhWj zN|S(Ga4G!{U)mMKupL+W?uYUr59#t6fA&dZU#0OT1lh&dza!vk4R-?Pcv0sd9UNg2 zH^MM^!-{z;z+Up`$fEqPe^Ex|!O$9-ZF{1Gn+w~wMgQlzGB?+5a6bY?2OtM&h9f9) zKWr=Vi(MMM3vX1v&=)_~7>Oa~$C7!aMFQv3tlEA-;2urL5(mMb*n|6(hz`y~92mWj z`bsMwZyIjMyd-b%Q#_4z$^5x4t?(aGSsx>pQq$OBqD#UQZ8qK_i9nFYTM-;(AR=n? z&l~eR+my|O?#3b7jhtvC$U7v$GhU8eWF-02C;MxO0HpzZn-I2M3KXaBV^$d71oLSl z>?fYT4>UBn#2uAkf0SLJnO>KqSGeo(W<-L(Pk#8K{$`eH z1XD@qI3;zhkwD}#{9ViB2rCU#_QhZ~ok4U_l-ocRM&hU9aSHcBQDO?Dxp^WM zP%v36d`dZ?FD1hE{tK1+-TdmH0udKDs^}W&PEET|2d%Kuc9=J+sVJ3pAiB0Z5HkpT63UdgQQ|!x#Rppjp_qq(N0SI3C zqP;kahrRpa_5)WQ{}`0p@?!=mUHQ+p!+QISsCfqtNjl}snaN5M2vvl@2_+Ki_vdHd zi=%7e4k1n1+LH`F6GEycHtN4j-F65LPQOe&KR1~BF3W6{n%1naGUZ(eNcMLF<@*4( z1Gt+^HS%w&7FW2Ew3nGI`K~Cw!eJ_vQJyN_Q!}FDsng3`_p}d9}6C zZhAH$T~E|k1S%?HHdk{qNtU(Vwvf6_jzsK;oa8vJ*e*6Zq`f6yt;Am8@$WxNxt&>* z=dl|aI$_9fq4AH2|2uX3$2~Ipeq(D2ic4}gVO^bKbe$Hok^`G;wJ-7}q;2xTz}JY@ z;T*TNe}51=Fe8BHW)wW}6K_w>eY`u!&V71fnx=7qCPU~vsm0c{5`M)qH8$`e(-4+Q z9`s~S19E3neaBTLt*zud(tACWu(s#B5Ke(Cz321Vx?5VL&a;p5_H*U09Toy#Y*+*P zo?|!mY<_NjcsQ}hc(|2>ojebd2F#zdr=Vi8xsg;lOVBq7Pm2CkfYus}UNrUaktSc$ z-_vuSc+K35j*Y?FEUDqG0Q$IJ$hI&daNF^U*TG^3W#_^A8+@G8ECIXf(oDq3WEdgcXkIPq1R{5idxe4(Zm}PIKXQ{-)5VPI-<<+UZlWyc6$aAXF|iR%!GkIptNIC`hP!CVh~(nzoh3TN?M+gWOBo4M-7b<-ZT_q@X*+P%LYUNAXl&byue@+^>JEsAhRsb6S^Fv4E2 zO9frfP((9zrx7L<6BX8IK~0P!vEkJxfGr+T5+3dD+WD_x9(gB?hpfN_t#y!-X|GP53%hJCS2NzEU)$m zQ7i!7re5n?7XtU$e0xCtboo})S!K~R<4k%IOhQu#>8`HWw()B)0uX*|F9GR9U0@8Y zj5caHYPuu85rk`C8}d}OQ9#<5134WKgT;E2K*Sf4eGdZ)MvC}tL1c!P^lnCl`HIB6 zc^fC}AUF`bCkeU4Ke%5S-WnyjJa>Zc~vIrH8j(;}K7r4s1h_<3O5iK~m zhFDK)LB$80ji6NP$|Mk@u6D^vA zt%c&DuV5?%)Ky_u*BcV%w4@a7DrLwf{>Rfslc#m+ecEs{QJx~ywnGU~WUTAaFZ@(7tvxS{Td%}gyS*?q~w!>jT8+#%NqM7J?kndBuroSZQW zg`BF|ng+71!7MO?Suo6!#HM#(sdJ7>)v!t~0iXh<-0&KhdP{6Nb_tOt)=3O=Wu|3b zU0Lkn;QXiQ03pkw)ShLeZKH_=9gd7ujw9JmhJQkC)5!p`Y$o;Y5}t!n;3q6~*1p2l zf7!NWYgR!)5tQmj=#9P+@1TT5T_rn12j{Pgh?%YQaA>Rl93U=4 z2s4iqE(6=X5H&!FWeWczB6%HK!s#lCIN}%mI)Fyu3b3v2=1{}LrZ0%@o;{pYnKsm_ z_j2~NX66Am)qnD!V%OPPAcLYk4g6{PaDz&(q1meooHFY8x;G<=;Zo8FHUwD8 zJD(c~^WPTn!!Sa}vG3-zq;ikrsnuOdfG-4SB@=&IGD$roNU%Lr!7@ww<&LU1AiCC| zQ2N4=a8ri%Jv6UvzVlxlEWd0Ym164*;Okb32~m&q)cCQ^)Jy_~*{n@@rMh2?h5Z&TMG^-t_3xuIu&<6les$&1+wY0{U zK0LQ1XT1OUH5n}%!&W4D6l#?vx%8D*a=7v}v)nISxPa;apSV%t?9b5x{q}`pPdG@3 zN^VPhcM+!lgXRcZb4=A-^I!m=T+0|gg%$c;t5 z<2<`Pv>IEpkkwh})%I`raWE5zS#hh>9AIvQJso+*yYrUY?u5{9u#Bjg9TO*{c6dIB($~md^q;)w}($Z`r+8)M{jI?b4&vW zX;3YdO(3pFL+czIa9zB32{&;dIz$5|&yL?WI$`*413ql{VCl=Ds}FoQVA8-zA5Gsc zZGCz8jSc@8fIiWH;~%b>O8)J@Nqa^Q_;lZm4Pyt4eR<%&M*m~Y)YUW?IBm+ zf7MGn-M60D@H%*=B>KcMqK?0KkoS^TS265pt+Q~TNciUwQbc7^pPLI)0?yB@Jeg?g z`)@kBFc`$3_p6Gpz8~jBZ-Qge{zEka{j8+C?Ryf0w^Jbs8WBo!J@KLc|&L!r$I2?}j#hjfa^O^Z`%}$Wzsm|vX8S^@N_}lXIu5?4F?>CpS%Bu^^ zi5i9|ViE5Gd78jhLW1X&84rSm@coOIBU1wQxBu0{xW=#=?QbPoyug2CL{cNfuqvbX zCp0vpvLSnvLqCzDOy4y%iL>iCBN;Wy$qe0ZKBq~^1&YfeZX=YM*qmA*qi^_-^3Y3t z?>`HqjouZi{is;Kh=&QyFAkif%Y`zz-7B9Ms5}vP?0;Mu#*+M3R!7#>C)bj6)vq_R zX6}qj(F_qo6$`_AJ~*FOD@(ivW}TTO^!`IxDew#hdfy33cKxO>UieF_y{`RpU zl`9y#At*j4IxmNmuKI#so&`|(DJixbs^}0GYUVGlz_kwHuCj2mSBAYBK`` zmZPMh1?P0yk&A34@28&=B8&Wh3TrumgNf>)O(Q`f6+7)&@$E!uMX>ILGap2sQl5F1 zYu8O5-B<{_GGY?{z|27}xK%>U#E~y6hg>IZlF&c(i1yG!dzZ9=Ujtz(IbG#MAbodU zJoB044tThVnF4NofdVcrfB)D=ge};G;SrVLN^%0>ZvW_;L)AthO6k^3z76m`dXwQr ztDTr>66-7MqVh@}GziteGb=|z6tlbdL9Cyi8CeQsZJc45ki_pe! z_a#FDRQAG>-bQuhP;ztXF?RuIsm!4lmtBsTgioK<7f-zaLc4?h zWQpLZgD&3h@~VcSL&SR-hQ2WETD&bk#Rma~jnY4VypC&|I6*g9rfC)Y8CBrPu*gyg zlUWiS%@VRy9!en2t7#6g?)GXJ0}NMsic{~qFr*!1bri^hZKa?mIpwxQ5;+q{l)f-Z z+GNlJFaXl2PSU3DXi0$6Ut_c33HdqQ2bL z)`s(2-c64pee{d|8Kwsz<~QODg+yVM+3;MjrUifvn^2n>VqDO+B?KK^cVVRwp^bJ7 zek3_{q8(B6EO#%{zw>FAd{V+()ALeWYZ%}lhiaEAt_By}nxUg!Tst7dn)8yR^e50A z4?NAZf+SD<7|w?qa&fDKN*K5@UW?6?DFxYU-h+IylhrBGS?WEKtVSa}tZb8){JV{?w^ADAd zbQWxXh0t%Y^~c#2z+2TlIRKN*xRcAkg81dtvik=O@86L(|M#mIn=?MYemXOKXLf4q zd)cl3no{ve#(vV8cYw8qq@!dz%a}!~*rGu6k5)zk#xk<@R`D^HKkM;=_jz z3FV*6aa+|K{Ni9;K5t;7sP|EwynE>-Kz*5in0Z$|cw;qNW{7 z6~>>x1f)BSvZUES37zb=;EntnK`e(P-V5tER%-SUo`&06yVMf zlHu}>p0bg0FYGGBw_EO}{FgClbHr5ye?g)UifJ+Hv*a=swDkXa(@f?<1uX?izsH656A=Hy;5 zq9Q=N$CR*<{{c$T}<^nn3&;XvqVpB|_bo=JfF znFMI*=2XrTI|K$lCKWGbg|$K(sJ6@|hw6Np4gTk?`Gqdp9S+($)58tHr;Lfb6Q8m~ zVcfYEA}X1!Pp-uI&sbXtq4STm!zhi_c0)u@bCNYpCB~=vSqg)9zS5;&l$(f!yRyt@ zc&aI=)Hs|bnU8%10F%VHarZk3Wkyo6WLuzuGtL$ApGB=;z@uXu(DT|vg4>WlnG;O3 znw}ju>%08xF0$Fo-N%t7Yi)lixUu1ptvLjKOsYecP~W<}wZ>?YX{6IOApetBZUk77 zf|3i>%~vCwUeN?sR~?bis0nY4=kIrpdX2do4NmR65Ca@q=Wkr0r^<JAeTNbACtAG(OUgGuub764AVNCbTKK{8XT*V8$o`XZM8dz!sE^DBW`L=O>bmx{@5ptAfWX06!H=NRU4 z;$iCr=BrchcJTYlUkO_&&xO{*X*&3}Orza$tq%#>55?gBJA`C@Gg z89R5#WXcNBEQkrSnL=@`k$u z2SajevFpwej9-#00%^z@9_*w#904I4HT1v~EGdB|MhH-@tT&a$K_d}cbH&O_GV6%I zwslSovT8p{Eu89sV*lx| zbS##1ehKZ3wKTEm9G;`NUJdbBKs?wW?*qKWJ?$p|7zKNRYdXV&s+#t3ZSpYhCm&%} zU+SIJ%*Z`LS|vPL&2-5lZWG(X1eSe2ul@@We@-B3L;okzoAvjV)Ihb)WUxxZv z_wq%X)Ki|Ug5eK3nasrA*C!&!XuBWv`o=58*{JUG+HFP9n9QM%8lx-2dtB=_8taaR z3-fYFTEb5BSNc$vjerB2zwEzB{R;jG<8$gdo4IL3xNP{EzEBgUSO_7cyF2pTpnqRC=gEC2WOmNBORN9r2h^ zv?0hI%+=0ysCPOdN^juj#B>u+zn*RQ5{h23k@)K#p&i_UIvP5m7#F_o_fh8{@WiRgS8dS*0q)O z^Dbo_nRBXmLDjcY(crDF`ffoh|6Wkw;qb_W@cKst$&nt|i^D-f8+ub+!M5AJ_Q?{< zW=U}>OaHaQvkOra?S5Gq=V^MZpqJAfFwjo)Wht|WS#PIOW~n9#K_hrE(~xmNGH!8Z zZij!MaXt@7KFVr?ZukN(p*ampY9bv}M{-{c{aAcD1T2+CQ&AACA! z_(1ZPlZi0a0P+t$9Q);@;luYG9RghRJFnTEhS*1mEog9`n!6F_s&j8oe-*RW%W&4W zDN5R&$cOWCXxFumXLq!RwcS`6*oI)zhod{@h0`z-GeL-MYSKDf6$dn5>DzmvwZhI9kMpk+8`hi!^6nJ-BQ3cLk^GMlH zJJ2c0be*pS9NIC;PzTp>Piz&c!-a`rRLJVu9)^*|>NmBk;#l0`*q{<(jQ8<<|DbID z3vWI6Z)NaT>GMyOI$%FJ#CnOVFOwC!QEerfYeb08EGQ<;=j4iHuAH!QlZacFaJTNm zQ@}lUBy4h>wiIq%#$|3!jg70@8ux4olkMEWb(6oHTqED)dUG-~v1hh8{`w++)QXOT z(hF6kgBOJXL995&OEl5u3HXQIpJ8Cii& z^AhKQ9QZpd#6E~G&sZKO_8|TEfa>Zk>Iq6VP=OH{evu0yH=kF+-Q(F&ATpATF?3;6 z#{>oKt&rcF`p&+)u;`iFy7BgR-arg0@5RO^dF}e~uA6UY`}~b2xo#oCL@(3HfM4XQ z0iQMie*e)c9d0RyZrI-eCO=}-SY!N+!Lb`x4(a~?_#5^snP0v`VEJybD*VxnRd>MF zT|b1`*kuJOMEn~>{`@QC;<6%wd%E!T%;%T;zz^byMW@1)&8x=%*MCEa`MihzGpl}) zFBA%5l%6G3H8lh3{3xRn^v{^j<0g6*hvjXD7=gBkce7PioUUUd3(D)rO$c)i&)vRB z)SeuaZ-QTfDDqw^8Rt(jPB3TvgKLlz)kLWal03sl{QzZt2-xDv-$ECJ{NV21Vog!0 z+Rz1S_Y;hl=--pvWOj13df5#ZNRkuo)nVsGA{z)wksu7xfRPWbU;V3o3=}6&Uf2PB zq{8|!&g}N{)b^X`AywsFEZM?ITLP)!BU_1#1=!ghp$#6F&^V11+gEc8O3qJYL+-ji z*j~$Grb~2hNs7v(HDx6I8r1t%w+}P#=b8Al2J9UIm0cGWw%57Yfg7-;%N97`t9rcw z@mf;tFOF%ftb&{~Q3Kit*bmyiP9eZqUXPNhqL8g)<(eN!Y&!x~CwP09vnjfZX?ll> zVJG}c#ER%y&JKPNC95VtI%o1olCvAq?*7p zY~bBqUb(geVN0leSLHjgn1)<^k~fu7U?1Ei`f5prS0@y<#)t&35kF@qK)>PHQIi`c zc~LJuL7j(LHG_bh>iNPmr5HVluZyi~M!zGNV<{yfGRiCWE9e8fJ#@m|eWG zmhy#_DGSR-=!mPYt7SbKScaki-LDZAs7l7CbS|k#_Aa~bO1}(3@>KGb8F@)$M{{{O z&w4-hWqR(~s>jeiwS<@wE}kUnqBjzRwJP0@L?)nGYK=n8+D2e2Xl#Hq0mfzfTxd@d z*v{*HuLW^q7}t6s;-L@s$MW)#Db-l*{F-?2t@QlnVC^Shd7^0sl%&1V6vJg!1~$wQ zHE{0|u7+NRl;yWNp6;G!2g<)-D4#&|k|GYFx$;XwA z+%ge!Tdp7LM2!~V1`%J_b!z*V3+>8$#Q*c1IsqVX_k#Fdv%`cA@oOw?L5dULs{KCD zx+@Su-xl}2(2e?a8BEuT#7u7fqcYj6NaKC~HFE)~2~kn5W>SZu;&_%byv7zr6He4? zmE1>wTb8oyP^p<6LVsclwih8Jg|!Hq)%6kUrd?`+rH@kt-286DDoK#L1X$a-mm@AV z_qg&=gP%RQgCJ?W&nvH%+N%+!0rz1L2gA)~JbZTYOM_)E0gi3A3V+CnO!iYfx|?Ro zxlH8Bvbnao2)nrld9WAwE-0vi^sUJ`vvO_z4%GNW(AczH~oN~-|@AXL}49WY5D`OpQR)$D^_ZeYvc$v4KFrUQzi^mTfy-Ybao@d zxDO@t1GVmwy0fBteWcSpa;Of~nxzV>w_>joI~0s`jXD(azWM-26y~b}AY}X(-Klmh zIe3kb^c@3cFJv*pC7P!=t5M}9h2GD4%O!~WlYoX6Ngyo@U_?uk*=VU?nby^|%@2%i zh0Hkh6U$=e)tA@WX2F_s8!14!SrTQ|sLbd;7xS;X3l?JrdenW8C6F1|%hlLtvTI5f z!$h4D5voy8ffx3QxydX)Pet4`GBpxleLIIcmJVUd&z_JGp$3`f#Y^qzs97ilVC0ud zD%-DF(b_6)sy5e!^8>z%mQ%mGdD+K%X}j|HVq-)&+5e{xIfsMU09{T7vw+Vsqo*B4 zCUa$q?&mbjqjm!+YSe5m9}hPT|G;0k=0mcE8`_`=)wRu46$|v{2|tK!W?thL?ux6+ z0FZ$S)d__)$hGr;kM0kcP>>Hj8DLaMc|aJUs|i2LdNo0??YJAUw4LBzY%3Dm$NTc{ zjJw?22#@jRS1Wl@BaNuI%V?DMqJSgUccyWZJ;B4wQ(uWsOw)z|4T~DudqkkvF+zI+E)f&hrHezPdzklRwqew*+8yP@!StWO zur9PLsY~d%H&6t z%^=cK#S$hG6G7qifXc|*BH>%N9&d!Kgk=C0yzGvg)=3Z^=+>=?YR@Jsv9FSc|E#Esk*X1)Z}M$C<7$V|t-xTk zjTQqx4CQUd2e5PLl>%*oaQv9U7w>+gJJo0Qi`QLv1Iu@w``Yl4%xc<#{*DxtJKHEC z^QxpH%`WQBD@sC>azVLQb*@;w_x-PeAjQY3O_Vu=ajF>&7yV?ZWIFYJkM#(R??ntOq-y<##T>z}r zUq?Xjg%3N${Fd~BL2Lc^U(AA3OPz}hEZ0=`y3VsJ3D6=~lG_v1Q~PdO(EL}(Ir6sTurEWh^%_``A{ zji#+ajS}N1>LUF08lA=mm{B9yO0vOy^+^k_1xZYjchpJ1`?72y+WlhvYOl_Fu-Zo4 zsQ1H+cX&>SNJphArP?D7p?%hx3{wHb%0`LeB7h`xSs`9T0DwNkG$-Qe#BlxFtgdzB zCVed+kWE_T(04HvORR5^xCaXK+LQVBmKD6lxCo#gFft&w;bg0%X{h-pmTfqC9ra zah$L;LR-Ma&*>+=OcIf)g|@u^duLwT>^J?)`Z++*H)nu{cx=<*(6@q6Fe5dw6+tf5zm0se`r^qS zLf;yU5*irg!@)5pr2VbPYo|{+S4jTh)>n@%9aQz(NPIu?hsl%oEctZbkTEZ#M&%#8 z22o%}j`vl#JThBP-dj^Ld+>@RS>#c4`-}SLtIC55J+P$E@kthP=r?IX{v~k`&oz3dMwMB1zvi=T!I?KT_l#@Lz?b#w91FD z!oyvxRHF~vvTWbO;*soIw|?8FHTqhK@YN90Q_1Jk_p5fdZq1p?<^L2OofEF2&R+o3 zb{1?JY6OqR6S7k%tOF7#yStXelM}cAo(7&{fd^RkF6U|L!fu9)xG!(^vrCM6E)(XZ z)Kc;wSM$p$VllFdrWvy4V6y^3**Z6V1J^du(T9WD7Y{Hfctv-sw`E2aO4X3h7g_iD zej64RkHPOT*KrJfrDs&vOrG@w4~pEn88CXP7c)~r^c8AHXJ0D=qPcUj)a(Lj5uwuk zU$Bda{3{x+O)f+Suk`Fnx7?>gtsN}eI*#EkcQ0r3 zY8LxWC*8pQPvCp5{H~bZNg|k(&V3~aPrXNO42qhgs_J@!vR`(?z-yB~ZJ-X7aA7%Y z^QAo`u=~2XihVl7)TM5?4oSw`uG7JnpPI`)ms&xMlEZF?fRE$*h2a-wuep4cLCK3{xV^m50xZ>sBw=O0@YV7Bjm@iEF%PUtC6pv378@y zx_kg4*0)D!_PTq^3C?P;Gwyo0_)ws@A));KjYLU$& z#P}ejXfYW2SZB6B306TL%96uC1Ha!({BSH>XEUv~2Cn~F3-`|h=_!>&EJ1TJg#ON} zVI2rUD8K<-o+>j1V@Ek&<-UCd9xNbUvyx*;jflyKSeY3a$Tf}Q79~nyP=f3mS~?pj z80`LFT^M5cDujR^-TFuEY(4S!<=I-qkYZ~=Qm`Svs8Y7t2tzq%Pz*#N> zgiwo@$It00?XZ@NLQO;%+^t*eybXC=D%XBN@Bnfjf1B@njvQziSHCjf0%?1=@wF?g z_WYv6g7IwgSOoLznhXTBIkmgk@HK|G5}v(>72ya=*zR~Rm2oZ!u5 z`-Dj9O!h0-PTA6^;*n0mX}z$~=YRXVL=p3gsCi;-!}45MykW1A+Euq>EhK@>L@BUy zmf~QHcN>Xhr;fUFuGA) zsx?viy#OrnC*p<5?J?;>RE!8CmlVKRmK1fvF1QhynYKikJ_?<^h=riK*B*uM7grC; zUx4hfr=||JvgE9JZrxNY5Nonnm@Eg1INT23;tI8<3#45qY_}s@r3L_<+4LRu3k#l^ z?+Rt+P`P(F+%v3^YYa)?N=xGsSBUE#1y^X8`{9HxnW^rKBW(egYK3>y@P$e&!@Ftn z_Y=#%-m>LfZf@z81*z&Nbm<(aSNE>yUtoC;GFj?d)zbEA-GUHf*BZkXl$T|ND``3; z;w&MU$}BHz@z%EX_N=H)qIGY+2~^Vr2iz$)A~aztFd^1Z5{mY#67ZmA(v)D%7Bd*G z48>2CQ3aK%KW3!ZAUHFQ+c`MDE4|BMV;#R+9vaI0;1~6{Qbho;SaC!?!N>c_cPo;;3K<_o zSAjwvRbb5{_Ly)s`0u9ErW7Lh$&8R5#l-i^keOC57(UnK$qb47BZN}j7Q&>s3-mdS z8v>g*n3)b|AQf^|57Kn&31F5L-D(s-pfp8Yv7B&=;Ix5P<{>{gO*T&nY?y+$*Lh6; zGy)D}hxnT8w1xZz5319df)^?xlLpK(%tIZ=jS0uieBwXAJPDAgtT<64ogA+Si^zDm zdYh^R4Kiy!vN^Q8-|5>n2H72+{XS0{%(dRl2OE0G0GZW|Dvpve!?b_KaDE1)+{wv& zO>Un6qXC`>*!CtYUn3HG-}Kx2u}=5`L55umLvKRd`6e{rXlRnjWGHRI3w zuUuupMOV*ZnF?!m-d&CfJHxYmoZt8^t5_RU0{OB;S!)!m<)T@R*P=y^;*HkX%QQyR zi%xd#MJJQvxs@z5{w)PPUj(I*Ttx_@6>HHd2qmooAgtrL+Hq~-f*2p~hI(L9mn$Hs zQD-e+yRV@p!ac$SeVaKPOAt4Xz& z?X-!_oOX}E3MZ8>GgEhn!|3_B&eS|;g#|y_oqN=gG*j9#!WX6+-85r~$^+MOCB!-kJ#;88RV3kq ze@%6|QMYC}QIj1VIJ}Yim7AEALJi6+o(MFY%m+l@2E)_YcUxZj0x6RxjjxP0_<@Wf zu>&N8p}p?mkl`xGlo?@9DCZ0JNRV({KPnRAN#1<7g** zxfA4`^nz;PZkq>WtQI>2pWb!VzKoO>dHl1s2nqV;D3}68*=F@SY#R1?OsO9@qnf2G z;~a+!VG6irGZU5p>x;k@s?d3P376Hjp&g!4=<;+q+^p$3+mA z#t*EyuMXzv_Vcdhzv1ZV6M1|}^SVM)F1Y0;n1EKgirJf*I;E`XcxuxaT%UZCI;C}8 z`TGlSL;Pg$_+a^wjEv>GcgJOA<(76;jH+B4K9QJ5ll@$+jH)3SmJqTH`pu3(A92IrezYu^=F{#n5r+9#F@VlV^rdqT&5>uAcx?{q;y-I`;UF@GObT z%FQJ@4ka+%h>A+=?zTU>efNC!k@d-#GrmBAGhQNV8CN-<*S^Xu>lUr=^ra`qO{}ix zmi0We?m%i2dHNl>>$3yr96sXs_FM0`&sPQo2LnABv}Mb-^92{Kql-j({oT*|?BQYA z*iXvHvDIR^jGhZ&f+lCklnAHbnX&a(Kpc{D5T|zF|6PB7`^7aoFtWL8c3fO@e$DKK z{EJ0xaO}@X)Gg(@_)(4KFCNqwrRaAxAc8jgsEU|rN3z>WPT_4~XW+jmA5_b~c zOkSVuj{;$Cdz|M&yyb9I9Bgmjx?q9(!&(P29d|vCyJC716BD;M;=!e)B90h$WM43W zBkaX-P5V0I!A!rNn{?mszjb)F9og%*963R03 vgE86IFS&J`!noM8E?xKEI4(wy@pvh?dCaXL?+?KLmVUfqN#;Mk`SJe&j)%W* literal 351888 zcmdqK34Bv!x<8&$p#ow@Q94j)#tYhU5Hbz}1!)_(j8=xLy`@7{d#&6i#z zf2F}+_S650zutjMCndpM-hA`vr+@c;aqed$bpQ2cQrfDtv_u`;^1r@VlDm8Fx1C=z z|M(T}$wO5yCM{fbf%(USykFEB*l)mpjo^K>G?o1Z{MS(4@k2$N3z4r4;r*%hRdOMJ zN@lfDes6gCnYB`rT_IUk()*Iun4!(8N#9e`d{FE@=u{aBDR-fBr`|cCp{t}JJ51;( zlVA5E-$AXrn9fa(Z5b=Sn4CGrpCh-YQ87B{v1wAZJzWsxX$-UJJ1#Dev}KTsOZU{I zPZ7BfigWe8YkEVP!kET%Go%Q^m`b3NuObatD3 z%knKBCYxVY^}Y=6k>nK&Sshrgr~X-7e5z7@y3%}J=skb6yL*WFirRYxpN#xlT}7?K z`@-Xt=-nkDA0168xtL<9rMgo4|QZ?^_CM+2AhGN3MoH z$M@V<<$trVA$_vm7N^Hsgy6Gzs!g7IX>yOiV=A*SyJ->)|9}wo+6(+kucm-c$Hf@`I$slfl z{gv&kkxhv2IuM_&^Ig>$6y(iSRYvj*<^|-zG<_-b4F6|=O(UXEHp73G`JX05xWc?v zcCALSG`@3J{KgzbM~>ksOAUGUz(#r-OjXq1XkQm?Q2SkK83-Ckw*SF?S@mYWo0cZ~ zEJrpL*K9z_$lh7&_1^kdzkO$e-nB;`kVjqLZv?jAjGz7Phq#SJ-k^Inr11cG8{Vb* z`nF=)U0n1|$Nh%7domVcVANv8Ue$x7K~c`i!4V^AvSWALH}i0t4NQYR9qo&?); zv2FULVU4H=paINw8}u!3U75-*<8PiY`xtyX)Qs^Im0UsAtC=@q!H>U>M$jj8cjI@dpR%^==IdR&Mnh&seN%EApDiPRHh zGxSwj))3(3#Qt8ftuaiv9Tx@-hNFx2r8F3pHmqMDDcOcs`BK#Rr2{U^ z3J7ea^sAioN42iq^tjb3Ux&&7H#^*WaRG`UnwSQYw?W>MK>d~onz$Sky(35Q7G6c^ zYgZa1K7+(T_Hzo)=TiH3=!ns2Dxh2iAyUR5fI+_H(tf3KJt}g2DIT|4>D;bt0=d0R z^r9?W@oQo}RTUYuJ;Ubl^d$O!i?6(=u;C;;3Fs*-)QHt4U$@DCwj1m@t`v$Z>IGbW zGhbL8nhEcLrj6_cYCuxvg(S;azV|GOD-juSMUA|wW_j11LMuw~cZuEyi1;U`rRCtW z!K=Zup#+0Sz=cyYj?axc0#5~dkD?UV$`A*LEsrc}{CZg5H_2tt`V?!silw-a?m{XT zB?`;|ejR<4$(e6z+D%^00j>mJsJ?z7%AY-5ZEuEsM*EK6hHXZ-2QLV2U}z~?2asS* zO-4zC$rf)4m|d{ko+`a(6uxY&rm7ZSmYA7~9(Y+ESqwh;^C~?WRvvmvwA%1~;O@`} zqpk)sZFQy_T@SqWb*uNK*!86oTxA2Xn&VdE`=f+*s(o+su3rFLCj1Cx3+#i#(xL%} zhp#{c!P&0#{h7$2Z#`OJu;E0GoIgi6Ks$5krroq_H_9|_IJ_(m-52cFs8W!x#ku&! zLL%AHWhfgaA``50;en^CI;A;%$_&a@AoO;ym#8B0ght|Pwd+^#PCHOHKp=U6=SM01 zzH)RGYqN>B1Y>}B0DK7#jTVYM7>G~=323vxQVx2PfO8`N%EceWyF3HH7~RfzhkRd8 z0osbNbPzsVvg`^rRbRl77C3hYA$1j(P3{vq=i2Z;#^R~U^X$@8ci|T0q<@uzo(4U?$nb_}eOO%k9DEq`IM<_xaM|&>VEUYayAkU- zY&GN5KMn@Ln3q9hL$C^sDz?JoSb=xL2SCXK=)u5|vKg?G1R@C5E=9Q}irrw$Y{&u) zj`emV8X3F;#w8*1yMz!kV1etsoLi%FBfP|=WF22mfp8~Y=?pj;+YE_q2J4p6D0>=# zcD6YAcL|vRPsKou*!DT$=vbW{D&JcQL$YGM()D*`GrqxJ5FMe_A&L@-_8%=78bZY0 zoqHNK;+~-afN!A_LruUR=9`>Rip~PXh}HPDH^?HP=ZI=Y)CKTL)OApljj}M*dA-L6 zlYs_5%KA~3If?2`8Wdu}MxfNNnhgR1zeU^>u#5oya18)$%4^axBZ$W{RWSfmb1|hP zfWXiVfj>lNA?bZd67Woj!oj2xU#<^)#2}zUPVmJj4yaGKHlR4GcOIQbS zU5ttv{5Wwa@(W3s4+3Bb_;9pr7%>Gv|ALYW3oHP50#22HA&Qt>B5ykojiBiQ9U$0P zgu>xLTZ)z(92@Wgq05OCnY6;v{1iq!xRK~<2G|I+N6dEWuCeM9%Er#Z-WP-w2>2P5 zLKhFKKXC&>H&7ZL;E^h@+lzCzYp^bp19txM;%?J|vHOA&}UW56JwG8Y%*&7t;iQ>a*m!rP{!D8dsP&OVO zX@w<$@F#}^*G&hB*>b>32N0m0#I8*YD(0vR@A}vur3GFBbrZD+wgW#_Fi37ufXqRe z27U+B@;aen{2=24My;O2TVktY9Cs6=z}y_fb~Lvh-ehw6&NN2Agr<=FGmd>pwPZR)Pyva>%6KO zOhHsTdS8&AsUppBRH*Cd2J-HV6EUDo1VFvS#)Qe_@sG?v7=?g~c?#aGSDZHw{VD$N z#u$0iqGWbdc=Zr#2 zcRi=FiSv$(+9I^U6)T$8%!(u<1!Xg?7e6!^-xEn5I!#73I2r_M*M_ z;8@mhZo+!Vu-YKZ8SfeP+45@{uo9dKV%!|VpFMrQPRE*E(~V}}J&gMRv#(tWq4^H< z2&v8!7)eP5z3|u^BJ(qBOQ;{mzk}pZ684=w#s`N&=VA0qm13c?eLT(_*fiemX z3%K2&HU^m-Smins?qKJUA~1%;Bgm8hMrTGgVUo ziHwjkBY>PR7S711p1*`yh`swcYca2TF-GSIm88vvEgROz!rfpJ&b2PJ#0=r;GqH%; z^|cyNh3qekGD-*h1xF$oQ;X;pt{KTS>ZuH}536OxoTdDOXu~t8F-{O=-@_Pb02~JG z>Zj5`-FXh+RuEy5cp01)Fn|y~=j{e@ z;p}b$*@@XA-aOtVLs1E2To}#+vpGBjr$B6!LpldIf96I_z|P~|0xgWeFXQOBPCw7x)=4i}!Gj+UgthJKV4 z`#zdp&>c)dz#SoX1Erv19y+qQh z1-dO`PK+0X2V?PL5G}`7{!HZ@%lX;DNZqNpNXS78S zJ0Oda=>0Cy0y>0*8j3fQ5JrLl@}3A;;UD`+u!?~j|dWGY7|6B^`@rV=fC>Vr7Q3R0*2;c$Ep=ENjE@J=UN(9un^emeJtAG}3HGYON z1|%RaphJ*nWsDtgRUDN3({gYU3~=_JG2RqLq4p>NDXcS z*oPq-d6*+Y8XxR-NF(a~^~E3z6lQHNtHa34ppZh|g9i*J?jHOoM9PL~w_(x(oIVr? z5hb^PP@%klac7J&_@-2v=+6lnho*aRuO#A?TAhdV=qEU2Ts683mFE z8`o_IIKs*b$3@=gjyQEAOG3@a8A7>3fXu)uiU1wW0ehi@QY}Hs6=U*1dJ^Fi@L8C{ z1+7M9MGJ^)ouW0Q@X)eh=m`N&NF!voG2sT!jnNtN%D{(*l!Da&CJdIXUyVRqQ6;g~ z2~;xF4EYa4eF4eDg@=MG<*@#OEAcgO3Q+BZ;WD}qELx+KdQvOYG$%a$X8=vPg;s%@ zt%xE01i!iu-EUQ`W>kRS!cZRK;lLMD>IrR)#M~BqWUPfiOT!p2ES2+(3<(s(xnj_H z06L2dq{HADv3AZs2FX3NHv|{0ge(@Ml+k5jEgk*yehbW$-hI8B*PrcWO7AYb$m@T9 z{0;u&hgay?RPC5%1yG4JxEZtuusC86Gj4SYCodC&)}N?|=I$~vZ6 zP~b?!$k9CvLx8^L!E*!lTzOqRqBjT1j;QxgbWz!mwE%s`XJ3O+C`0uW=~2l*eb8$L z1O%+%^<|Fzm)(ap0S!FF-uPU2S-4XO)PsT2BWgmc7lyed=4<^ri!`~yZ>Lm3$68_I zn(Dk+_Gz6-Ec{Ht&iP#}Ov;3xoR0zPL#Gh8o(Geub3 zb>m`L-;~+dn>l*^YAv|kr$Sg$hubj_6Hka@EZ{M!EwATpbyEWSSgu3UKduJ6@jkE^) z-fnW6#Fo#)Gk@vdmQSu^Ig=ItiT~}yj4S7*?Q{7jsV|uap~=PjejDXFlVuf?9}V2T zhrKNMQUC2HvzNWVUiSCwW!d+m&;9VrmJHOpWrd{!L`BzT>JO5!9FWv`_7j~)FdGT1 z_0ZLmSV~n0I_?{ddw|-8LIwdO3K@Jf3M?d+m#~F#u&2n5LTH2e)q(mB%`e2(hs8&t zGtWg^IP0P`KPvXbJ(d&7Q#*d6Y+R^!9h529r3kvh!Xudxea`Iy=kxdGq|Atzrf8hs zpp0n!UtDX>7Iv_g4JtuDQZj;GHiOMgK{gu-2nOglHm9ubL`}s^RUk8p>N1qc^bf1$ zAx(s;1KUsinxtYp(JoM0G?hR+A@W&+|BFBnD=Cp$L?8ub4}cIFp>@tJ0_Xkl9b4l! zaAcmY(Z@H7crv&o?eaGrH+*~NYLBENF8Pr!{+y&keaT7Xw zEJZ?y0VS*G{Gjd!Ym^anV+aB<2Bzw9%kWeb#S})iOI1+Z!{{55?OXl`n(3yHPO!hpJ_O3Z@?szqCU+%AREMb zK83CkP#eYu=nhe)kS#}c2&#~watGPRK-f$!6=Fu?4Anv?9AK|QS!x7|b1>{j8N-q_ zfV&tLBlE(cLzz4gradn0UyOJjugcV{1yYRQHUh~`rV8kg>>+UV^mjSLO`GQtH|^ml zV@X3>i+1Sh3+as$8?Nyu=U36B48#}-uS{I}yT|K&EE11>nOL4>P^npX!kXd3}) za#|unmp30B4h#nrc|q9^=64_##$85zA5{wVR=@!SNL51F3~L0W`SDS9$Ic*VgBFW)8A3 z_0Ff=X`V}J-z>GcIlO6ZgY%&5HO6m8{HbW1V}sZ=aq87>+q)9auj-`UM|~52uz?@i zs2%CfE7@1MRuWro_`)bW&&o(}d(T2T&Z-BuEk6!Z-G=DtyO>xPxnHpV!x|yL0+&p} zJZ8H{8XclPG`QXX$pHN)z~ZBs$5aHwq2Ria^j;0d;OYC(9wY1hBtxAnB8f2EV#I4G zYf#>gR-U)T0o4kD2n8Dmi2R|2L1YgkXW5KfS#u7+9qPO$bY&=-b9{HN&XM=5b*xUy zoXgoMy?4QkG1KC&E)-`~$#nEZb_*F;ESsbCg;87eo~_aQ4sN&1Gx?8c zE|p7K^<50=+Dd1R6Px$Ycb6JoKNg|rsWpETnP^kBF<(&M2C@zcCpls*z765JjX1#6 z%TUxvwIP-!sUapY%|l<0L^>!w_-hZe$so9fwOd)F=#xgHNU zJRe??Pbr!BXsENeQn*&){aieh^bNID$ckfR4_+recHeiV*5$K!q<+o(OOzjK5A$=* zZh1T%`na6}U!S;HQIlWSlpEhw@3b?PAii-Los}WDno1|7pU5)5#do~vNtXSn*z3;6 z0}NV-jR`1upbP-hdcdKR`V$?mktrR)NGW0%4lQ=~V@ zkJ&R%xGkpMfk<6*Dq21{>(m-|iDTlj#*xC#rB2Jx1} zvvncn`%JEHHPw^jc2H_Y&$ASkM91f1&$Mnk(cHgj&dn!;%VTU@$t7HJLPFtt;e)B>&7)7fKHn zC@qV{_U9in#M#|P1-=lUS&)BsX>Uz_$*HOuRdZ1=)+o$XC6o=Jodt=F zSGLw_Otso!x!L*tXV?`xr1Py;wej;;Mi7c{gtGZrk#i1GXG3SbdT(92@ny10QSz3z zIJTHa`CDf@i=*{rT_x7VMTS<=Vrz5<)$jC^IEm!*=ChOnS$EkJ9 zesb(KhyJ-8=Y2acKNu$1>q>%xdH??eBcf!lX|E+vxnloXYSF={OAW7>_nT~wXs%|* zeQ+Sc?lka8AxnF*B7FAcS9(r=dvY;<#WWt@?vqsSib{{uF@T0cGsd1-K()rKBzV3y z$w-)hhn-6Hsgg6Yl+HK1?TwMoSss$uSK>Z!l$hUPRJbLM7FsqgH+w9jotg4QocIER>_ z3?Fe3DW}1T1;o;!-hqtPs8Vd80LCKFdW!%In)ZPG4y5y;@fs2WSeTAYG*H_Wa`P}& zv|Zvpt2fwvo_VCvQs1>{yY7j2=VU66&am$Mrgz8QCm$`F9(_o9b>gyNjoI-{J7=we zQpy3p!U>3@+V=>pkwv7s;o5H77`1ncCxO8)zA4oU>ynGc9d^22@XXhC75G+*J@s@b zDYJ83ke;r}y+LT&I@0o5c4^zQiu999TIV{x2~VGvU(4*TsW(K`TT+*%;IB?f|0>J+ z72o`b<`=AiKri)bhWFVeQ`5;%0ZXC(e#%;y7}n^fTfLWG?cuTU8^@U5Axtd{j1mB- zf+2Ev50(-Djfv@bh=V~?FcpX_CIn@W^8o;aWNB18lGO zuVe7U6p!vxrHF;m;H8frj=cUPPNlj~fJ*H)CU=^C@$8INlE9tt~ zY2-=Gn+jO(KAH6_&nx;0eLEz6i{7XJ+u=B(R4lkom|o)hM%9@firHz{Ep+ab&S4&a z!x2;KA+|HG5}I>kTmN=m-WIK$XlJ=ujzQr_)K4|^KF(_lc3Em8lMlm=C)iO4u0o*i zhLGpUevCGR@ zhgZb*68fY#u6t~qX*TT$o%zZr`B9^v2MQi~bYhfz0`W6q=RDK#>CuIanXoKZ1d7(5}#!>&vD!?jT4!+MO~Lr3;JlBExKd2 z1osT81zAq~`u=N(u=_J+Y^F63gCXMvxp+=2&ZLe5sTfi_C#(Xe0y*ITkAvJBR*rxW z1rqTniuf7wJ-nL(M`{z_zfEY|MLV))#lEt5(M#{Id7-j!yDq)K)hqr~=h|1;I+Rsw zj+$*_w3ON-bYw?cCJ6gx^E6jZ#l2_G$f_|cCGN<1kOYf+9?qN+Yxq27dHrXLHRp3R zLrk7W)TN=UfncxXe})7}dPhs8xX|^Y7w^nT$8(w7jt>84{j0OdP zK_8lHTDTDad)c4L;Lu6M=9fJgpKMi?+XC%IP{xO>2=wFy`ZTao1pEj%h(IL|)D>g> zHEwL6@e49(0S+Fil|bDXgwBB~zCdj&=`N zlMI<{>!(%D%3PV1l=)efZMez(^bKD9dr)DB*-_9?A@Dco_wV0sc~|0CnHRsmYNYLG zL48$Gwj0D@i_lqIfKH0=u!&cAv4)3gQcsO4kQT(qhBi2#6|D(lkqXDqaJ2b$>^KJ; zv6ubVi-72wC)s9t{<+K<{S zz1w$hQr@inRr7_0IS{~A=Up<4Zm@5Xo!L}y6MxJqOg^6yV`iApN+1S_ZE~) z7JRMpU!&Wy>6RQvadiEhl;NfG<2v6I^;JY2olGB{dwKS&B&@UCAKQNH1r8eIn1UZ^ z!3T2;wDPGLfwt%b@6^d&G$gb8nKME35gMbiLc zGZbopf`_cmnkUj$sQCU1bYuIUt7=Qmp0fRggp*$|`qOPcMOzYLy@!gW+j6KCBG_vVE1doJrM_oVG?@pOj>djFp5_%K|Nx~#Zs zh~9gi;sN}0e49um@fe@Nr38K)=k>2w`Jlo|*GRil9rpI;s4@QMq2_|Ajq?BQ7MjRh z>w(n^B*mmuy-d}jP}xrKj|W}nmEFzpD(i#7>a%b28hbV@)f&z>Y@;^0r(U%Irav@h zT7&1H`2N)5n(z;54Ys8S3bO>yW5-n)WpwoQ8H=zr9NR;C?t5Uw)GcYuvi zIh#`{?47D`rujEl9Q&}4D$i*li|;F`7S$OeDRZIp*iNHNT_}5zaFkI)OBpQjg)2|u zc{$4dNinGcPLe*rcTH872hC$SZ->YFksHLQHHSIBonkc8^g6rDlhIQnALc)G^Kg~3 zz};!OOry-Rby?dRqUMjs3rSI8Q0u{OOHec^rOoHNn@O%`OzP`6ewEK$&!nAu;^yUF67-s`=`mlJYxlRc=M+($TH)zLJs!?c{%c|Is?Gjt_#%4Gy!SH`tX z)mpL?+0#gzW-3%nk9w!&(LwcJc&ak9Lun!GpY=(B&m1W;#bgW*)F=iA%y-HmUx-ub z=t|GGiAHMd&BLFdTQjtA`E+wOZ7WP+Pg z-cd4=-}rzNsSLU|V|}fr{OTOJTVV0XduG!k)XrZC$~l?wJI`_ZN?x+dL;O*;uJ}!X z^5>fr;slfU2gn>dqHqy}Zs18xg|g`lSEq~L^WVcVgrAsP7QG?dZ#|*$?bgmT^%&Gg zxYWa7HtHUszm__cM)JEhkNixnX1t{5iu&lk*$Qs%b`9~x%~JyVSr?YK0VbkxFzV4b$e?%!a zMGCk5KykBY5N|sx^X**F&c6+4=Ya0UEP2eJxtyZC%l|UFP^`lYov>$^uh}GdBlYo? zH^f)xcoNw64vrij6Wc@S6B2L7Xz5>Ks69Dk=7}r)-_h`u&!#`1lvRP&h-=Gd!)vq|a0LT9vJ# z`i_I#ELG6>Nq22|k)f8lnieAUr%9hBNkiWrMHgYCRi66uA<~^m>AzL?+#lXFNP$l9 z?P9n3CPpE+w;Iguu$QH4$|i_U)0G#WRh{<#2B3Xn57x#(BV(Yd9b4%jFnd)a{n*%t z#SjqMVewXAoFdF{iXe4yH`X$65Lsnh@6>n#Fh6z2Io6+-pQtQ}<4QG0{Xb2vljZAt z$5d@(X`dC_9tOw$B8&Om-lJ;YP@yx0Dhti5HI~Fg+VcIsWX*C=&{L=Ai}7!ixcBQr z8mEZuZ;&!A=@j3@padSfKAesUPC9Z>vM!iA`6Q^9ZVP@{`xV-o?X+LgI=4E-!+;H+ zhja@=i6Uo$3_5hvkcp4<7iGLtiW|xD_V_T|i^5!Jp&&f!iQ3Z}I%8am} z0Rt&C5cW-`s+Hc8s?gRLqVn#sBWBMPMS1s%!qN`gs12rQ5oO8O_;p+ETJxK z$ADT2UZ%yP?Z(9Bs}-4|?uw|>YnRQepx&pXCl|`AV|bD90*a&@jI6v3C;z{xS^5;ySn(0MvU)A))4<+0{t}X}LXMGX_`-Z>fTP~BuPW6I zlqBY$u)hy<3Hq}z3qF!G?A%zhGN@K(3T;^)tI0dT?(PYfjf}GGi*zWL_ch1ccj}E5 zQHoI31?AUH>wW?%8z3Iv#hRvZVlT;7Njzs;q&YDeZ#48)i9e&V2UC@x#NWSORT!Ru z+YmkN)E`wD)w97P2!%@OMMx!hGX&-r!k{A_*$=uE%7j6Wc(mV5 z>-e5BzPYZUX+p!A-9Cxyu)sgIJMA^eiMh*SE0PswBF+B#YxY-L)%nY#)qUr}o4&I= z%bbZ|G+~@9DlSyOgYZ4fgWx<7(mX#RFzbqG2ZDRUQ>5bHmO#rpv9?$x0fU(ab$P+l zGrP2nVY3KTc_1QO+Bv~^xZ}!bd9%A@xTNnDqKxY+<9r)p`yN*|2lotvhGiUWIJpKZ zSLQ}pe}-d{F?j&6LvTE3C&geMw?&m6A$Agkc)ojPWzqbs*sF#VX?Bh5(FWsE(I)>h zy2D+uD*Gnksmr!vjc0y*o-#uf^ZMe3P;(?@l`0$&zE861*jPissMxx&Yz}UWLj*Zo$P^k+6FWq(_=a8ho?FIs$mtiJ1+=`6x3w z>&H)+uz&ylvJCBo-PT9c&ii?qwk#^HeC7&;{i7J^g-Yu>e(wx!b#$9mO>0S()xBUcw6}k-Y160%+aA%j7+Fux6kgjnS$cOr)3Zi@~`h7(3ZkxgHs_~UdR?-shReR%(t+ladm|O%GCk_TbgYVZ*c8H>6mFGoIMxN|wrJ26x z<^>AWdZZEg`RNgoJ_5>9=;mFAgIAdb6PJ7y$%my@ogia)J7+8MqvO2GqS_aek?6A4 zxqE-WlAy`T+U9g%Tql)O5Nevk#zgPJkAHOAj=a_$#9CU&QFI>xB{ z7Sj>BBB+dUc1BwFLU(g2G1?*9)0#81t!o{@AsI)Q|3wlQ^s;nKT%zk&zPP;^t%J#> z(*I9>%f;eqOM}Gww#J!KGKpP1(MRrTQ^@kFuO@_*^RlZQ(y~@oFr^NTi zn-nqLF@&odt=&N>yP~{jf1oXuDSX}Y(#&6pdq?x+l}0+eChtm^ciI+t1TzEjkPVXnXF52<^iKw3_HVl^;&Qrjl+yXjADE4Z6$;(CR7Iipl4*!}9pCn@=IBI8^UzrtD^!UN zBL4(sy=HQeF&>j+H%1uPr3>}~-QOBxV_r?$Xe5n1(hF%md9~!>STaJC7Vk@O*biGC=U4o|0K#Y_L~e|)eFcdEy0rHQP6Lx@*+qLI zc+lTUPQ|!7h0`v5L%`%YX^PuiP?sK)Ez@ObYjRV|R~1PAQj@L}G`*Epm+(y9rOT}g z_08KHN9`Feh(0R6P@0@suUp==5DL0S6*#Sl(y(qj%VV(;85i%dQL9NyONiqi;hFQJ z-1{P>Y~Ob9z=s<^-!Ts*q)GK2bX^moCf`wxM z#wxBR`SNJ$s(^z>P)PDvC^B7S8|vPb?z7q4OQx1(uyVK zv=y>@#d((tti8Nr9>6V>Pw+>@(3cW!4gXl6DLmQq_99|*1#BtuE^mjv{$!5AC`hFR zen+8^v_GqUG7ix-e=F)9h3f`$hJ+K=l`$UuoA)S*r3qpr(21j#)qz1>Nod# zGU}|a^Q(WL?cnO*H+tXsXlt*qXF;7QHJ;dv{aJb*lZWV^FO@L2Db4RN9k#e$(40*v z8E=#6Mp|c6eZT82-lvm_K~1CR0o`HSc)rUiJl?dj@pIDFGF#{``9HjF%e=*sMtw_} z!1CG;glxexR~+RL9G7@cjCQz5xoCo>tBXjcBUj#$<{81ujhv>iZ`QHgl8f`L_nG>>^`x+f<43+e>tX)i;-f@&E*aU;^0}b* z^Zz|TBO~5quAN5dmpRhACAN?C$3shiz*9;KYuavyR|#sDe(fvDc3osn!J+n31Ap1{rV~PHz%c22}^H@&Bo0 z-0e8njJP&6{TZdqqI<$@bvU#cr%b@qWN5fyPKkwXDi~xmGSIOJV_qSVhEtF5Y`Q0* zD;Ne(Lq-jUsRX)jurwbg^+QbuGb?T2AWW?2#~u$D!*m0Z^!>AB{ZdlBUf*DWe~ z#rC$q{*34WHXPwV<#S8ZRK^yq*?sBKrMt)^)8-eYyOO9Cz60pk>ppihOZ*Qq zZ62*(;~x?9BL4ae_WdtnLaF9AJk%G)==XOaUokE5UBn4y7}vDXC%lzH<7c zx8d4SQFc;#M*4C^-=C~Hig99$&;Inav_fiE0ziXMom*yL`TIJah&e3t}O|bBfGx5Q#L(njo zBhf6zq|}xEibAW&vOUNBBo8!`9E1*MtAn~S9m~1UxDH2Lgavxn2U_0)lhFfbKjGBq zKzlPO8^L)AP@&h~?G8Q7fh`7u(68D!g#!)?CEajCa9kw{5DqjO2@}L`GJsIkW{UFP zG1Ig8sts>vP|TSKo#Jxly{MS=WGZmR3(4F7%k3gawN1`Ad@6}RwUjsB?4-={Z& zpluXbe&(AT+!3%Q;7;+&>2)e9(jTSFbcU1hVZ@N*WDGo_2Sy>_h(Yks=#D{K!RX=v zX#l>k9usWwutw%MW%!wQV6yoT98Zh(98d6rR@V@$p~d!Btbc- ze||n+QCm+Mk}5VVuI2PP(--x^w&&u#DT*EL5*zlclOaSfEc#=yYZ|Y?zEr%k>M7k| zDlRy#^49MGk}jpBc^9NB628Z0FE$<>`<&{ML3lFU+pMyd(~e}Gyey$)I!wyoPEX*N z^WX^jPN_WQut{3OCCZLbvGZNo07@M4rux7+p8|8-e;j0esyng(<45QNzyhaCa)R()_0xP8VVfl zX#LRA*>uNb^Hhmz<4v;nK@Ib6Hu&cP#X+9-CT?UfxAiu2Su(=gf4R_NvNWsBA+d!} z<3}3TVQdZ$^>d*34?YYWCPKzXVoN*rOQXhu>kq{PkYEZmY$eVbBtK;u;o-wN6HG9M z@D0K^(Dy)KHQEc}h9UzS&x7V$I7kZzo*VIy063FY%FMApa+C4@iJo(OO9bV#*JW5f z7`b~OfK$Ma5J12go}`)-j~IsoFBlvLV{~wa#?YHgmXD^|63yS#niiLcY`+&c|J&Dn zA}y8XyEcY5uVGd^;zFXQQ)SyqyCUjLwekMUOT--f9l|hDPRxAkhU8jc<{c@6a8B!< zO_k2po;a0CYW#29${vY>P{lAELsK7F66+U{F(==1AA{`+t7^AHfN-M9A7>a$y@izZ znkPfkI=MvHUy(}caQaekqDjCYlM@^Q#|=XH@95~~7Lf^MV8S^=i$Le#jIH2>;FJS96UO&(;X4gEz2hw5y=dQcQ9kGseWJET2nGU|RswR@OE+ zg*Dg?{;=l=95E8qwBH1C)6N!&QQz{V$m#9RY7A$`$AGD1k+*x^ks1Am{;{YVbq=5t znV}qXLiY+%aj)tj!vIp-4a@u)r!mthY1UCrLEjF*j=Td6dQpy~~HhX{FYgph^ zQ#eWpP1yBO(yjL@#NpNZGkuNWzSYLQdrjthJ(5+%%W+UBv!Z2srF28Wt2(>qJHGY9 z;_4N2P5Qco6^C~mc3*vXuQ2t)n9Qn(7W#Ugf!wM)7+DdV0bZ{;8NKCNicoMC*K^GY-cevKBF4MVjR{ z^POb+)lQPI$K0lpjq*7yi_>7!Wb zX`O8a(wsktphdNt^5xMg*NeiC(g?-rTFd=p+!c4qDkqQ|)T{q+pmsanBg5OqSA_Ya z1n#d*l>{L=yGG!nBOxfA9 z4~bnTOl2_4maC0HL!@NK7ZRr|%Ku$4kJN(8D+)A|BW?K%B4495xXA>0a)cAlyhmk= zdX-F3^#7T$YQYx{dn3oKE|k~j7=)Z{;%xq%Vpl0kn7)jzJXLbVZ3$G_j>c1gF!}8fxk_QsxN+hmbc*Bsq!vL~mmuk1eZITC>S%AM)~W-y@_T4Mxj4-?wK@%vUj5$kk$w5(V9$9|viF z@&?g0Dz7h%(3~UGKJ6{@)cm$^U*}hvnrQj7$j28w`9W3HER*Gsdia;dWJQa*y&S4+ ze#`fDOOAU#-MvQVcBvZwJj>i5@n6yOERH%#5ozu}l#a730_SP9Z}_re_YjGrQ&3&3 zt=Mg5N6mYZi>~dpkpi+P+nFxTNM=)SG-ZEB(NyUFl$5dx$u!`ZhYmJw6L-EQwNnMU7N^%W77;E32UHL2mFGE)mxO}<=hj_eFLv0aU)IR^gRDE`sK}(?{Ci8qzN!~~UaxaF#{PpBH z9dEvx@pe|NDZVmWXnkbNfqawupW&@!u8`tv_{zQ`Aw0E(OpxdmH;uXZbPdg~vFi}Q zQ;oc{csbDLQH*DxE1~G4Jlyg7d_|?~l}92EY=$Iwt=_#MFJ4&d{oW%2%8 z>fY5k)c!Eb<0kLZoOzvt+W$c}EvQ@Bb{p}0P+7?EHc6-mf0WvF#Z-RFa@jF(`~h^x z2@C62ULwaKoT!X{U*P)A-ol76XNpFG^8=lKPCrSg?LM#H#vK8M zz{%t|A#5TeFA0UKkW^3PuZ-jDf&XqY&K>f8f{g=0KD4o~SZAxyTWwHj-Z(*=os?0O zK&sVo+~YQ3+1a-nm+Bkaq{T7vS#10{I3^toNd=Yc;J){E6sE-2SV-qm%A|~IcEhcz z)Tlj){wpejNhOcQ<0bxXmuHGPCd8}Ou6=mKrOSU@Ue)nzl>09)95-}l2$r8;6+KfM zmz){6a8>|A%T(@(1fs^OeIzlmu)*`9L&q_x!IYjyyWEs6+*ijB zG5=GU`7^##BstERy7%u(!0O#qrY3#MbdkN}miAxVg-5Y$B}cK)j$*3vylLjCFGk*V zmu`~On)qZ_jPzZY6|Q`L5Vj|nCMgv*^_mM^59^W6rL zDkKvYY!WQYoWJ{sQQ=Mect-TQhj`MOLivLY<_n^{;Ab2;ouoN%E&#LY>^RS`_@0HL zEDr1B^)(9ekCNE=g4p-*lG7QtHF55a8T)RDJe(MNXS(UueN|&fVLlPbDDmm0rj1qF zMUlgQ{R_)3vAZd@^Pw72^^sgxrSqNSKd$N}4l{mzQu?|a1APuA%NXU?l(sWr3v~t5 z@dZ`^X)1IsRhV@7#|H*p`(ILKct$%nn!F2reH#j=9c+C(y!gJ5=(I5!{cP>Mfg`aX zE^Zy3SdzVf7?4^`)2aQCxPbbAvuBA>iRBm->I7$?O$lRbjD6vWMcH`%l0xOsN={GK z99`?=(w4z=>)#E~?iBl@2%zoi)o0%l&`yc(%vNj%Q26@z=*@x=nfJ{-^2zdR9TR+= z1w!Qw?iS8u*Zfk^oaE0_dB`wpvIF^v{*MY<^_}3r#l4wy<z2cC@Y+?5`*%>kq%+6GKz+9r(%1X*f(%y-3eT)GTzMcfOjp=qg?;X>x zK6NJOmv`7;`lWVF6(670tt~A(yJhi#{~Z4OUD=yvnOx+&hgCJ>TlVN3+h(m;lB;sH z37ZRj?WUJcXNcOq1j7;xHn=9E3usBE~Ykfr!K!jM;v zz3(7+r-S;&TYD#c^V0aMDMh{ABma?;^0(KjW|Hil^hARGbZ7eq3GwasNF1*SPGt*S zW%3g--bwaTZ#8z&jpdxU?UDFCkF_S*)8I2)1nWt{l4Ay2lc&^aR$R@9xvKUKEv(O6v*g6JG*ye%Mp}&wDTljH-R6-aO!va}D2 zd#Z$F9eIuU?x`!wr&s*mHV0k@#^ zH;ELzc7N3B7orb2HYO?}`U`?#9vcrSFb~PgtGwmYW|C%)Z!TY5yXUF4H~8*fY?esO z51D-Hkw@lkhWvPPW=z7VHA$2+!5U(6T;Y}^{-1D01~q~`_tUp_MuLqx|KC(?mc)`= zHyL$Ghx4f3@WPdyM`z5AjMIBc=;L$w@;H-svsxEAg;XK9-(PTfd)1}9=}3R6d%I{i zX}Y*rEG^1OpCqso@{HRohO)bC#fM5qo#_q#@~TSOp9|Bvws?|RS+?@?%XA)>Ds}lc zhA>5w?&rsbhu*)Ww`{ItW*JE%XWPn5mSZ^W2XZg5)`x0rYfP^7VA94hT;|A?WVr4} zI?pm59-fj=QWI(6v#kfW)2evKw5W^rfEM{8=|Qx}=ix7FTcBt!B&UjLu0?9cOYG|f zx=?SY#6OgF&8CKz8mV&`kE`q)Dv~}{Z_hXGCI|2q=@Y2N+Lhje1&$g9f%W&Pb!U&( zTNcxyrKe*1=E#p`XdmKKjfDI2OikuLHy-(NuFr5H?VoA;jy!qyvby1-mN)pv_U{=Q z*0tg3Hig9hH}#P&&B<(=$J3^d-#|NRqb+9^ENko)+1}u!T8?sD>9kvbDr z1}eLm;yyNkKp%rc@d(6`Rpclp`CnqTJh(Apsfqu`l`D#CIod2r86(|lZ@wjovx$^P z9Mc$!7HYoHCHk%W6;{U#N$=CwO?FT5l#f=G*?sNmm2`NzF2?wI__z7grU3@5f502m z#cEp@C^p-Q!{q0}w6kKw)JFdjW`*4HbA^^~$WZeSXY2Nli`?_sH<#OwRz;5xIRBnI zQ??{Gxi0l%=dnjJlV(vXR5h{-5iN5Yyw6IPQO?4|=1N6h+F^Yz-L%{Mw%XA=7@e8j z`DkH7RgI!X7fM>~tcU8P^^f|dFc^{RPX8TBHm(Q&t4qv}+}b?)qlCSLTZr*BO5k9& zyjX2j#r!PIvB|Mp!lmT+Hct1_K}An8l}kyFOe0gU(kDqQWJkG&m$1H92exW0Exli0 zBPT!;!Dpu;X63qZG$eB8;Wy_mk@UbMx$~>GDN?g&s(IQU)nQS+ zjVaE&L}}V{<7*9T6y7xddwMbkzg3~k{BEsOnI@gfVLtCxQdjE9$yF7=lLwszl-+rx zJ6>$vBs}r@SsU5Ecfq`lVI;|RfTjuSWKOhhPY`aYk#9fbX zR^T7w`)29O&#vS(&KGvK%UExK}SK?b1>$i=rJOuU2Ez7jm+=_g6N#$(qL(0t7wLI2< zmuQ^{id?<>K=crE2j4m-*6>=4nKOMQC}hWdP0Q4U+s1ijE1+@!KW0j7UcLf3tv{~3Gr(`lY7Y1Ds^^me}5uNAkE zB7$m(t!!;l#tKfWnBCokZA)<2V#I|6MHwX8<0G^4O%9K}DS>k89HfYS zBxHqi<8Ae_WvtMAs&+Ss+tg9^dmzWF>X{=cJEjRk5+!VIlQ+IQ<&T?AoLzM2%{ONq z=^pXs(6{ft>!HJM7N5ykwD|1#2x)zd^yT=@P(9bh>$}qYS2xH{DLpd^5|`MX;@kTO z(=6KlJq!@Y{tvcocPw-l_&s(~19VK{%fEH#?mDA$%;>hiskZ%7bGb`9o+q?sQzx^i z2K(aD^?S!G({__$_1}cIocl8L_jdtLY`M?mT<6B>r@3lj1$Bs7 zB7Muk`0fRV^%2z7T5?!lq6KK-F#S6_NWBW%yp*rfdk;jDViwDv$Z^q8WhvStyBvj2 zyfTWccT_tNVR~B&U2gK85H7cOA1_-p>F1Hp{7tY%`bgRI1!Wp_&yIHY$@#RS+_Bm& zog5`U)f+1m+9RnGd|%t>BB$%TrlPClF~DZbgAJah2})33VBHG~kXeg$-Q3^7MB+B0 zSUo8U?9L#CL|Y4`iMJ|fktq}oQc+ji9k1J6a&@BYU{1y)9&OI0%HXt(R8!IXyeG6( zq@d-^ct?H1M{C=56#Dk5jfZBN%0K(rx|Z5ptgl{`yxEejw*FCctu5*VLCWF2R<*NF z<(bxPe?#S|h9M4|Jr+Z~z(Kt~a(vXDS*w<8C1=73<*k`wtp7-VJ%a zueX?wmq)!bCHc7t1Sy-Y9ro>bA+|6&{@OCFrQe$F&4nSYTK>FK_0G_e`$6re@NkR%gQ22xvNjR@6{4 zwirUgV(@Y5`L&}}@5YE-dxSc#w)=oSdy_1@luv5E$WTttgl@Y?;(kSQ@>Kj5v8$eL zvC&NhvtHf%5ji*eoj78T6NEkK@y@jkd4XmZ613t`6{E!7hozSzGJfWNkkJ!r58qWG zB%{GCI^JQ!cQf>TvrNNFO`gl6apEPfp?j2gb0M`W$5_O$n>t;g=eWdHO!+1?v`i7N zi&2nbl65cd2~+e%P`UN>nWD~zqfSgN@ysXq%CaG`wOG+;BniiA>(PvazN8IHC!Jq+ z_Z)F)>GT5S^>$<=%Pmwuud!2Ta4z zMmXHh0pH+>{3Jn%$NLFSF+?GUI9Dzw6%UcwVaJd~pJh{#;4~Jd{b?+(4%-yDKtz$S1X)kNj_}ICe4$fX80+Lw$NNmDH($`_#;E0yL}SY zZsTJxCHgq11V@@cJ1+La4^(saKQUB!=j?DV3KpoXm_m2y-Ii@G}DlvnSvYy=L|cf zduI{eb-{CXJa$6gLfHA~dfV<;lD-N-o?cT+av`J65`;@_&XRtnZBLACTeN zB@A>ULFbtBGnI3!f*eRrGR{|Z&})fDz+iWOr`q>6p67wB_t1_HExFKP>)4}rO^Is9 zo&o4Hz%EaaNu2z_L!rbOK5!l~jssxYf1w@03PW||JqgrrN%Ouq&`mxBjv2k_!9nEQ z3m&#AFe;ErV@DO}(<;(r4jo6Rfg^3f4x%v{0pI4EzbTepu8iNF5Z99))n2KvklMIz z8}t`7G(9U`7Y2v8&eEEaeIH%i0_CL9LRUxd*6c#Z*Cy|D#nl{t9=0&n8nqGj49J|2 z$jmD6E#efs>$@_@7aqE8eGlc$++Us`KT~Xd?=iw+_a0tAaM=s+&@4;B`0+58 z!%n3}{eR4Tdq9)*{{Ik_%ygM4d1H0dIAyxZqezUcjumx0$=BnzIErqS6{oyRB;Cd? zkC&8`bg3yS%Ff9=oHCsrQy|735OFG(C;N?b-Hwe;#yu`hGF(obUPN zzhqPP`F!5j*To5fLi(`0RGRecVzcK9HJQ#Z*mkkbN^yUO!wLpd-a68t;%$!dt`*6q zLIKHwcXpd#L9;ZX4?%vlI?jxFQ61+fP$W~D6AUU_qtFRF@c4A&z-TsqU?XK-gyciQ ze5F1iiI4^bqQcZ$L*6;m%|wA1jHn{qZOXu37}TYwG$@{6N*+kYykMJ$bcHDIBP3zb zN@>er$8IZ^r~>V(R`l0|h?wJE2d!yTS9lN&Q{gMXU`OE+VR1a9WI%a^qrklA`;RwM zbx8l@X6!4f#uVm#oUr$G;!Q_%w3X9VH5fL7PEOnI4vA8v7#f%nDqvbZ zYCM7W#ugrvGD^>zQf0kK+6h1k!E2G>3_+IT)oAk2>C=pWD&Tez(ZZ`M%J#{+Q^;9h zqEe7qon)UY^xPn&i2XZ0S$v~`18$&YmG+rJ+bTMcwSTV8zm)m!F!B8b1x1O%l8=T0 z1>z1@^E$3MgPWDl^S5h4dS+C}MB$MZ*Qn~jhT+W zJQ7O#)Tc72N`VqrLLw~4AiH0UoS(Ipf>(4)jVr{zZyhAL#qEBu6fT9;5rx^JI0Yhc zmZ&kfJ~_Ba&}zo4>5TDp`y2^G;BRD-yPY5tK(#k-aOoV5G1K5WBG?{G9zJ~AwS+~h z%1`EtkqTiTo)eS4=3r&~G_U%5OXm;&gIAHM0L+1U#c9X406!w0@G`H|? z&Re#8xlMR-p_0665=J$?ACocNu|S7?B6K$q=C2D>QH@*q&Uu=PhZFY&{}9cdaD4oe zD`uT2$7_}31%cfhT$#Y^F$kSoKu`Oq>6<jz7e0Y_M$Q)2BW^!3{@aex_$P%O7cZK{{mZk*$N$j>ex~E;8tvE^gV-a_-QE8E3!x z+ooBkO3L1SOR_6RF)KvLr^PN+`xLw*#SQqYQEQnB0I$ywG|dasZo)kyri8^*3g%MV zU_dskbet9#yol^T(~NgG%osMMz#z$slN`xGQqy;^Vf?k44VC{qs???uy@?Tppl613 zPoS2MYDA)E9+c9MT$05yjX_;0st=$vc#yOjx}w8MDcJ_3n@9;WD43FSv&G)as^O&} zA}Eq;LD~Uh*XBs}<}{%iijqr#i~C?{a?LoeU+IpTubuxshlxE6nMnf2XziFGU}G)LJzo zzp!QB1O!ud_TH6J-^I5KcwqZSOKgqic&=^smXEP|h z@ExOK2GQ0j;o6?+Uom@O-5%$z6!GS)WARqc0iN_X6z&&H&?If}@#8SJ7?ibj!}8QvPFk4s2AqW1Cy`Sb;0ojG0Q3bj#do)Vf6n-aoV9}VD zDbo6pdFPS?HwcF-S-Sz3UOKRB+45DePl?xFk6cM?j0}+J1;@ue$@u*bS5JRC1tGS? zcmei?!4I<-+8yhENT#&4vbs-_6{ZzSq#0+&X>VrRC$oaR8f(5hmI02K;K$M3IBssl z%8x%jvv+>1`%$vSx6rZJ9Ir><*PoKP%V!9XnVfXwnA)?F`wE0QOSK-NTSMET?VL{BQ~icSF&w*|&Rsfvz)xZp-tB;}qEI@DZdSi~F9sAgdax>Iq;6$B}2yt`z{ z29em5W2PdMI^0dtW*NU)gh~#&5v=k@VUSNIA&tS1&R}3<1WXdJulpNzk!h4cRn^za zsb>?;BjI;}H*1IbkT3+cRp_%5EoqoT?S@D_)zH0Ku&-}ui?Dg@Z*b}9>F#YT@0%7^ zg{qrhWljt(3~kjS`vflBImv??pDIvI{KGo{Ap`r>$Coo&ak9 zVskWzNx0##I!EGx99d(Uf?0m;VPo_0H?%z_VwBWm9 z#*G`NIX#E-2~%2I3yXo0Two*g@eD(gulu5<&sTIx0ZN}M60?79HFF0v)O1;$GB}NL zFpARnm)c>Gc`3YEmdx`vjLa(&kv{+qi5>XD^)A=ysST~BV%q$?mbyYgWwWtt?8C{D zvnAt?CVe1(zi2GjODZ0ar%22N;!%c1m}1k~W!h|0ZR-Ja64HSQ4NOw^6AgeTZ&G>= z>l!X(Cw6}juvzoUtbyx0pEb4!I$r`KCGHNK^ug-p^br@ta{Yh(o^jg^6t6yP&%!*D zRup$|U{OE`ULddI>HS5UyAuM#r3!tL9{T<1=O3=4@A|P;=T2TPisW4hnx94b-C=sP zV0cbsZgyT&_}?)@aWf|XLKgA*rTB$8wnvnThiTxQNcp9lz{6&C%t{wD1A zZ6v(e^&*9;dg~ag=Sg?bW9fB90CZ?a39u?xC@!)JuUQ24m1n% z&iY3ulC~7ZW5Lm^o)3w$8NS_YH-iC)5ta=s!Xis99>xcLI14Px=BJh=l(Z~84wd-V z0^d-IFhZ@{oEwPsbgmpN!on%_{_f5y1b4W_zu>{pR$jDsDD|IFD&k;S>Dp$k{#o`i z?XUU+)+;LLULbJoT$JIRMff*bE9uJbpqVWT5=SagkOj&+# zMpn|4qw(_3==;skI1*{N$Zn+g2fBQpF{N{~ZMlkVQLr2UYA4D$FwRKAnwYB!$1~i2 zMYDNmL@UC9&66X$5=}mi=;gT3N4nk#QAH6$j$G=u>4PKE*fF*rK~)K@3ix|eez2oX zP>`-7Vosv*A(d~Q^&DOS)Dm;9HkcBROH03o5$(BR{0X!Li^_zJLHxp_NHYz@P8ejV zJ}`pknS!0J(_WlnUjeffGUfg%CUlDCV%QI4i86)vTuk_~bUe_YtUBm+d9Sd25qSz< ziOd&`Jq8{{bhuLJZFQrkMIl{%B@pYL=k*T7PDhqp?ZBTA`k|>rqw6ctfrnkvIuLiK zHuSXefh{3nLzIiT3(!}q1g;@{0`znkNQhu% z{IQaY4j^Vbp2>-1`L)8Dkt-4^Rb7s&ysX3P)FgCp=|IK>osoTd_pt(M>KA5KxV&X5eoh-PfK(Y(`@?x3>#1z>SiF^D-wFI1aB~#at7QE7=wM4CuKRk)P;|f~AcIyEH9bm$l+f!t zS{4lV8T1187qGW}0iw(0y~y&e2qYTpiw(Iy%MG4kXfbIAfhq}z(;!h&n(dWde;Y!e z^M_60c_C+%{w1zBJlH4+{3STr;)B5B+sJrDvVxKb=W*s-Uv>fj1p`Avc~RiTd^&l6*6*K9_Im~P>w@5A$r@ ztd?8>8~1gArq}h2Qmi?J#{QzYCD9*f`PEW&Ai%SM$LcC@Ew4Rb_yAPFCkuS=fkU}n zk%dIX9N#k^OmB6>^f4NG{>JQEIPWhOm$r{gMF7oEX(~*w1K30lXz^KGsN#VQBR;U- zEb$W>$$utp_D=&WQMjYD*%&O|3tT_%689id#!xx7@+zCkB2=~rVHqVjU*Lt-;6tR^ z6=5?n@pby(xq{ZP$1H=g#zvR}G%@2{4t+P_L?Kady$)?w3-Dlv@|q6Bua<$#??~Jx z<#;|6+1^!VJ}b0ux>NL$$}Shkm>tg2zz@e4Di?{mUgsM9#Bewq;EVWuSRSxP+@CP9 z=rGoWmc#I?u3#t2ei#pmI9}i$Uj*$c)Ti8M&+7*lQmV3cTki6_MrqCY!OsO`1K!fs z_Gu0VK(+;}-rZ!XAK4M9{p*NJ9*_27C006-w~e2`js_* zk>}39&ZtQP@kH5SO;0)4Rw$l9;Ej4KR7ts8CA#F`O_hBp?gL{4h3Wx2wH|YBFnos8 zOooOBU9<^sqP9I3&vHI%+bs;d`j3wnVO>x4J+52l=h2v_^DHGavJY(@LThfr5t$wl z|Nj;yW!505@EM#9cTwS+LOlv0`8UD{=Tv~1Qd&z4-Zwoi#Ia)3?yqlsB{azZr7A7d z^x3c@i~=Vt5TBUd-;CbZ00Pup(_w7AFA)|DGD{LZ!R6b;@=jHdAa)YVb52|Mt=!qM{)c8*(1Vj&R9P%0Og~>);1^8Lcw@f8SbGgXgf!1WdP1cb%m68Ef0`Fd z_#z2cLr{;GuY&8Y4?_)B;dP(^lqPc~uf)-1H_L%khsOm<)vd}v>(}qiVSN6;=2ryq zfLBm|be8$?wTVE(P1>jM8oe&;-fQ#Ei&hVi>9Jo*sn zkW&EJ3p_&z`$Dz*H7eYO|JC7edspM#{*@^1z?u35Q(`{PRzg(Zy5bVE?_OQKHzLsC zkUozSSIFZeJp7#sz{tR-8PQA-wGzLN#+@x{RGT^!7&ZUkx-)R4iaf+?QAiJ; zb>^S)G+2Ev0}1U>R5A}DdNN>oZ|IuJ-&iZ#m}IB%Q)$T}Tt?33`h4J?qu?-Do*1=0 z3$N?wR)y}jWQ8Db06(qr`!C05yql{IekL;U?yvVn1pD3>e(&#V5E9|>#VW>$>gDUS zQ)Hx1J4ERBvH|-Rs?^l0A?6r`f%qCer}3bnW0<68wwgYgNJS7*#I9Z%I$QQP1bI+r z&r|g*f5k+_Q#ENv9M9?9cG$y;5=ibZF>Ra2r#Y~Q=gzCmEdyV*=dPHj^atolxd=j-8j zNUMhgrW3d&-yKkSW`9K3KTkbsTF!SJf^8#lwj{b&d~Iufk*{+aW1J&T=-0Sf!?Ymw zHwi-QK~cT^zxkF?{H%pP8Rb)dRblU@T(K(IGuI+&ZJtTk##qm08?*5iv*a|W5mG|$ zDE`vIbN^)aa5wfJDi8YqSisohKBO0}cPV~eFFf2wX&whJp$1tQz=~bcBH&&n;|>nx z@c9Pl!b#KxiZ}0iBI^R)bbVuO&}O~1M^CB$j0WFo=U!9ZL#{I+f>rBHJT+ClXjPVZhG zh9mu5OZsq>rhTl{nMgPfz%IGgr(yq`_7ZLI!QZ3yS_Dl9pbCv1x3z@$l;zvSGeQ3{ zbge7%aEj>-==a^>J%9hda+LR+-XDWFL1?S&J|@Cu^Y^e2u?fcS$xl7e%X~{#CB-B1 zmCL)A^SV>(t&0t}pc>&uH2UiAhCQPke%%lcCLEz~8(#Po5vV-n^@0e;1|g?fT5|Pp zx2okXYu$hCs|^38KM9ieenNPy2&)wV=FebtXn%I>u6pO>*uoBjgVXa;t>eYe91Cv_ zyEUb;Eskv5Awn>kT3JOB+Q^1a#Nt}ab4D>V`Z~?n;DT_(3*SOym7oO8vL=O6cFrj~ z9i@o}pUt5E2#nbLj{p#EN#eHgb%wW}vla!e%rs>-DyaG+wIon^H&1n!4>n^jftyfd z;|XrhR7q#Ku#s2Z&*A;#d;Hasjkm_y3|)}HCI8uFB(FRgYhb3o<64`7RYaSo5^Znx z4V|gY_LpMB{vn0l1q{Rq-9=SXeZsP6TgX5@md(?(y=e^hdA0w)0w?+doJ0YY&plLO zi3{wg(3nSZ8>ov>Dr!=hCGlDq|=)2vka7g zn-T!cM7X59z6B)qCB-E`C|AUxc&JoQR_Q7GOU>2Pl2L$FWcN89QZAMhmY;8R@&Sd~ zJy~!%R(>g#CYcGp_yU19@tN94cJDu;fT-i%M9&(st0Mn{Sb$kDz_usrmWXZmjO(pt z%qNV`_$W6e6GrOvC=}{H$<##4QzHBOgl9@8YpMiLfRangT^AR2Gn2I=hftGU5!U4E z4!?Qq6q;3;im{taI7#^gs?F;6B%!3UBl&^`@fPX~?^}{tf|fc%JbZ>bC|o-Qaz-35 zidIJXj#E@#fV=l$pTP=yAI0lXATlt;+(8Ic2V!|4at7s7{CNKdyRx>#?8%C)zpzwu zY0k4M7yVqxGisp9cn)I`rIq-#4W2zN$;AE(0$QC&m?{x(;sh>zA#JY3)+;2t$+Il( zHUWs@nNC|G@{>DPRyuVQ?}8QN3J22Q7)>i@0G2(h(n(98E?N76f7*?uPi1uuZ3ncEy-Bpsf?0GvTaU1GGvc-h)o!AhSv;G-e5 z^wcjTW+C2FjOko~D%JqoY=QkHa%m{Tx_n!NJ_&={lW6!H@@oHD3HQTHR_HrrZ6r*Q z+(!Q`3H-7!TMkiQDWdDYbV9@a7q9S}!-4$5mF=H`lS*A->zOBE&{RTR9ceWl;hQIm zx8}$nU?dlHjR$NY04N3rCj^Y?1sUnqPjjT5)v(2F6f7-@0X7cybR0k9vmEgm=c3hD z-%MG&`fBh!it*v{0!4CoAdzc}B$Ry^1Xd@yW6cHD>6pl-^t)KdzW*42Z_DmEB;_$8s|9tLA3TE z)56!a{|SG%CjTV?I2;b?VXEKw*Z;>_ol}YK2|)S%A?mgj9`9o4ZBtJh2?1=KWVm_6 zuto3LuWvdCCg2q7k>c9wz2EAM=q#2ST9>=OQG1^Tduc^hb~O9v5^;Dm@V|w6|3}Y^ z9Z~v>tY(nGU>MqF@OKCT8?eS2Y0b_f012P#2p>^ba=_9~whI!sx#U@KZ)aR|sJi+) zD&#G&`TB74v_-}Q%w5}7e1S-`uQ|2ml;mKo_$h9$-|$6{rcBZQWeTAS|9#9bZGJ`H zJ@mWV2Kl~R9Gq{NfyUd;x3OMC@}V9Fct$_A77-1Rx&&1sp_dlnMz064jK{4F@xu`1 z5eQx^*lYEt;t;;j7ih&!|Nqk3Onox>76Vo>LX%;rZ&vl@B|~EXB+hTDSkZKq-@BcH z*`yxjRrnD{CkjkB(#0R2>Cjxtwx72KpCnV;}Yx$GRJ5vR@`)Xj_{-pntu1rUq6|3 zyrk@~ws|(#wKCAsb1E47KDZVPc%tOJuJqp1uNc6hW}{19mtvxyGl)JH=O+8Mu->u$ zrP*?#7;#?;J1iOdUpQ6q(PKqTH%9hN4M3!n?mVjO1#O~S@<$bS#9E~9@rKG{2^ZV< zMawTF|Bk%AXY-oV%5%Nax6o64`z3m1| z|Lokawyw=pC)OM;xiY(m0Pb`)#4kI{B!LMwUbU_b2;YRh}&M*CE-Tpt8Pq?=dpmv|7X!B*@p!gAJ z6$Umf(QUIMvSGayWtlO0@nE*|PwWcd`4VHdp7MaV?0OGV1J9#R!(`|JHjpso= zD@Vro$z=c8X7xT@dSTxrh8v5t1Ie_*Z{9j@jT;5GWat&0EowEtn z+Eii5E{eDenn*`Hs7;}=9_sh|sM8^dBUCw3{8h@Id2fzn48P+fKO3$TBKA{yNiR|~ zSgOuMw~PAIs4E>-O3_;>y1!EpoI#C_sDg;1>m!OjRi>iml^Quv#VDmx6Z})ZLkHS- zlS)}|z_5)SX}gxyP?{#cmU@S!!5HM0cBUZM1`axLGH0}TF)$cu*q)P=ynBkmYW>IJ z7PU$o#bDXisLMe6m5CM;gBu|;bf0IDqaic&$x~AGcr7K-RkL_jqk^zkuu2^nNPYG& z3>$JJog0v=JM9i4%U$E^Xf=$864A}K2kH^-uhj16R+MybnA)aC1>Nb^(xDl3@HwYg zp5-x)W8)CUVANeVI=|l3!XGC~2*$7i?^v0o$aNjDn$e&l^6?>coaQH(lv)D{5O9x( zY9uv6jWI$E34^*7=<;NMB7?;Rh1VXqoujDYYj7i)a-h4@ClwLWpV3rRY97Kt!UP2` z4<&Pi)QTu|t$V#d98--$W=tU;W2l`EDvh&=mepb!6`5A~Kf`k_#mbO?A_8j^C^qCQ zSz_oD7VcxNz`1g74ppo@*up54YG7k>7Q9gEtxz%}dnUBGrsZlgfc=(u7n=czD1MY?iP3*ss75ZCEaxEJIlsYl zgujatw+wHj;d=lkM6)_*8NvV?bbOM!r<+~lM;d=T|56yBrs8Fl>8)pGVs`KdFdmZg zEt6U2O>h@+5YW}>{bvQw&D{#HFrYY9I)<>^qxY8_(yD?7)dy{0uhRo`fpl; zi3mtJuoMX&ii0BAa@rNbZ|MCuSlvVM;G}K4BbAbC!w@tno@PaHUu3Ww>flVsVBO`s zwNX^7M(I6K>k5byq2bxEQYsfAp^rY1Db#ik18Q1Nk^`ws_5BbeVX$iIXK31eciAJ) z9;N3oB=7NHU+ahTJt%=2K7;XI9eLOOV`z5^VVm7)iGf+U%&PowQ2qk!jaf5}Q_YV1oj1A}}-Me)Emo&;+wCv4^5-#~M%UV7xMNDNFF^s8(0jL#`$ z4+j^rJn=+@rRkiXvW?A=g1hhpUN0!+5b&1(0s~Gncqc)$h?z?|xBvjoO%?iM>mTYNfvWLVX6Rs3R!ZA}K6t zB5g?JmxSv$8WmQcQ8}njdCy`Etf2nlXa?i@%wYeP&9pvhz06Y^e7HDg_?~Jh*JLte z2Y*YDk@y*pe>3ID3=IA<&2JSQ$$6!<{zl;d+X$=odri%h#Ca1nKad_-TS?`MO?Cyt44g$?M~!2UE<; z4V@>&D-K^RHOoA%l{n8^oOTTSLP1dCy^@%h)(vFaVI}yS)%PTMjU9|n6EQ)*!`MLF zoFPU&!hyq~d2?_f?kUE~gaLzKfX$=ojUboGOY;>&qnWRQO45Ln167Xg!t#qvTT~t= zKCmxI9)={ze-!R3O0-B?65=3Tc<+9=Y|dH*x@`XKECy9OIgn6LU$NculZ01Yr>U;9 zQEOIox73ao)Rey4@!JwINZ<;o@Al1esoeuasy-pq0!eNGHEBdu7|Zb-s~n|HJNjQJ zIa4YvqC43a9FZ=Z&@oe3o?3D>6_6E>ckeM%HY55{VXWc85|;Drqj>M5!4Y}s01)>& z@SLq%hcUEW4gy6jy!n>sjPwPD+WiQ#X(thU!%eeB3d2d*-@q&?NfBVKEL?P=XpjA* zDzIW%4a{fK&61fjGXsr!)fqkM75wvfo9Cb4Lk5?T+2g=_vq&S0v-e<2sSh_TMLrUF zY|lQcSr}|O|5^2WV<-NzN8=f%8EYj+tIxhst1^PvVI`h*71$ukfMw?Jw?;~%rYxNE z(K^Pdg3)BJQZ^0oP$<{i%+=@eW#{Uk+4QKxOR1%a0igTDDlC+QmgA_^wn_7B0U?ix zL?iH;>qC9Aa|!rxtUCwOMJsf|f5tr7dSaVP+>v6g=9?-!JD}HPaN9v)8}*v}M+L4D z{DL3={%P`6*=*leqNYLNsdxD6>0dABKi^^!9f!5Ob#9k?j}i<@sc>aQ3Zs2mgwPvO zB5J6~q(-MGRrZOIYSG3S^r9V9az=MK)E1z|kkZ*jj{q&7Loa|q{TXV-2`vJZ^O0Z| zn#@wGHZ;tjt~?sf@*lXTY>XX3n0sY_w7$P&N#xqwbaZx+vnE4Ro3DsQ%2kUEJ)=BT zOgUX1lvW63-^@|CtRSH7i9`bG&X0i7s~t!LGq5VX|3?A3uSf~&fop%Rf~_j2AUUwZ zYR(%vhY_QwoKe5V*F}0vmbW)der536uN8_XeKc$vC`MjqIkv%`1b-BSd3S1YV<(?8troOjl$|LqnFiqH$dxc9V}GOefw2ZV*fa)MWfeK{ z?qb{ea3H=P@ON(t9Lr(LQk5iU1m~gsHnq}oA+0Um2&Dd(#$v6*wkKJkio;*;~*EN2h34uELe#+S-=Y{Pv5Qe}pPD+6QId93#pz@6>kd z{(SV+8vd+CM8C|9HI!vOw%0iUif5&THkh?9Xq`lD9s_ z{66p~%ML#R<9NadbmC9)4b=x(YZ9Rl3y&o3i;1$@y-#Q&OeQdCxwW~yYb8V*yVe%M zGnRGc1b*xCHM_8peEZ~>)7P_oFfSZRX*5Q+-X6fvf7_*?VwYEzFRMrfRXn*xuxv-DkXhVO+a{}eD0>qt@~7xj z2Nzh1j_EcCXKl@R4}|1Y%GS*^pm+76?KKy7ksi@-Z#|EyC#Va|oe*Y`s` zP^rC%>VZ#`9>zWEn1lhU6J?iR4u@oJnQ~wioa8snqt)s-DE8QA^2vDxAl4JgbxY-! znZcPn8)V!0dFkv2-ut}q+6Ve6CC#(1-`MXsr0SXW7+eznTqr>YS>mzHkCaVZ5nr)) zXRKSxmhcSrgW9}&VhwY7$tUAK93o=v+3@C)i-X3M{CV34OZnoesrjH_gH1$-bao?{ z1RI~Ib21rmn`m19@?Eus2q_xm9pwJ=)g7(7 zq{UR1_mbL+#xM3I+_gU|fzdxIat>O%Tild z4~0wxA}ZHYsrW+R+km}2K6W%%gOTf9Eogb_{ac*vAHdMM4MjU1^JGkr%6v+NZ49^F zPwcOi97+N`1qV=HLDN}8NTSNGF*0WDNnp=7+HkbqdisLq$2kqBb2Vq@bc>R|-|CY$ z7HggW8M{~_Gg>LO4f|{eM&=|NSwQArgnhK3Kx|4eZ)ai;hn_LW5BqNjY?txgXa+?I zdJ5JAbRD%4%lBrEz%!M1-mfK3aM#ikPpFHg12<@onKps`k3(AU+8jj-n$2!z`67N6 zN>5)yf_y(0ccdl1oA#r)yf*U{8tgK-5F=BPjfZiE+1=)n59NE_k2y~pZoQawcpXTd z@tQ%71R2quGL<;v`kp#?qNzn#0_Ll{>l#NnQE>a6vF1NX*9p-eg62hi20f? z^C(vm2Smq2gRo58I=-YXROkX|Zk^D#oiNr{0C;SI0BKQHV4Ff1 z2;OORpjTkK0v3VDdmj8rOJ>pTHT^rHZGgi8um30VhfsF-zkKAFnjP4Jim9DE%RLuU zs;2r1IVDDSId+X0&^+moY>{H`{_>W62g@gNJIaaO6v0wJBZq{3SI!T}!PQ=e^}fu2 zKWf;4{6+vG?ylzPM&@P4Wxt|Nk>4yv>aQ!5(hG~1P5Xe;b~Y?g>ynZ{;F_XsNfR6A zuQ0tGf9buMO9q}Pdb6c0ZFJ9A$>t=(nFPFRob5`&w3WIB^Yt4y8igux0w|fl+T&XN zHPA0@(8<&E#}h}goj=THXoAv`skMtTXpV4n)TBOm(<=F41MAFQ#3+=Vj|)ypmfYx) zozBusM05@s_>tao|Hq%@PnwnxNZsnJ5ZF;c)vbdbs1ljb+(9~))(}pYIbGy~nBApk zG%h#TTBx;DhSr`IG3x~m5WZVyNV4KGCHjozKlTY+FrnSdjf;<(%<#eA}_qqk|fEa=j&c^3Mau!|G)@-eAbw#TwAa-l8;yneYJRfgNR?RZBUa!}~(p zShrcu9G5#zcG{Im$`vo5M05~)-jdWUAI5JsG=BeIgH%cAtCB`Ez=%jf}OPlY*ND@d|C_l03;^1 zw^bF{IG^iAa+q|-`Q|xVCs1GKTbmnCCw`aSd?+SkDBJ&tviXRi2e6AsY>IH2z-<0q z18fRyt(3-M_`R;9T9V};t_W+O5lB?X;W$LtD@i|4t)_786A%ZTwlyG(n-4`Qi6m9?lULX!EI)F$4Fer%1Frwe;^UW~UtL}e+mAX7(@5UG(qZ&l zKJhBqehXnQ;W@JEtqIyjd7=4eg1Buq>w+IiQ_jJ=%<-b8wJvE^t???~vc2Bg+lSh? z0;r8Ng`e#Pm9;rB&SM>(GfZ(tU^1&`0Rcmw(zCDX3uHCYkiJm8HDA%icJGBhZE>~S zwoMHSY7j>FU!fgTJU!(wh|DDZSeP{FeztH{t z(z8*t)&|%2t@GwFOY)MvrE!3v!IJ}ES-km{wYTH6?1wZ(T%USffy_cb3#eX^FwqWZ zx8INPJ9enQNY--GwRj-mjQH zYt{XW-rB5%!#EISKwBmj;lItj)jYBepd&g;2(KEDEuk;Vp9d3VSW)>U3_z~|CRgG} zY4Uh3!4J@XS@29I*Ef;ajX<;SARTx_=(9v>TQaMcu!YPR=FeH4!>U{xreRO8;Ld*t20SPcuxpuA1)2WoD{txvX zTDtz#8fi1A%K#^Rfr?!Bf0kSpMvGjY;#ls6d_uBLNH!5=pGIS6hRND>cqG!0Jsqmq zm>I) zHnV!CfhPp}n~Z3e=R4349IhNp=@sNik4M?rp&cY6&;+d8c*1r9Oy7VKkBn-{u-&0t zBySBm!jXxM{0w9WlaI{)qAh*S>d!c&4V;9$i%cguR&#NA-H9k4n zGSb>gHVrHVM-~rI-B$uCv_tYvcr*1t(Dp^K`=3_weTJcV27f&WQ^8I$5Lsi1`P1(o z>R7i^H`7zE6faeH&DenhM}{H5hT1ijUD;96T1kmTBH?+Erl<5;5s=6uLEZOIZM&Hv zu0x(_y~EIa=JpdEfKbjbEFS|V1zcY_L9wHiYx-~_Re$cLyswU^Jiwbk2^1i%%uLGN z^A1igzgic)KtLXWF1jWbd%UlU=3PT>Vn5kJBfc$SU{P?LE6M&x5nP9&4TeZ`efD(} z7K~a>M_1&?&ga-(SM|J3uXg(_=%braxuI}@q({{Tw=#?ewwW3pO0tnrE7x zE<3y=?V$N3IOY;VlT&gsMV7AhN);P%GAoU73~&^!NG0xbYY=qGIx7;nZ3if*86JWx z1MWeq3M?K!tyXh-$x*Y32p(}4AWPb3S`#Tf>+p=8_DlR~;W$lk5ryL-Rrl?1{4xdo zL)dh5(!aUw(n}Gk5up8-x%ASqZnhD|{RN&9p7as5{Xu1Oq``g?)O`TVMwx2lsZ@R^ zdJ`sg1ehF1pJnx0gr!(m@Q+tV>4m^vV>CnMc|!PlDm2zej(02y|DUPdPbh8{uynth z@z(qS0D33RvHU;ecZZ{LU?O>)Xt+Sh{Kh309%#vIHX24;zOv`}y!|R+F6jS*~;{R8ph^iJg40G z+UCXtyircMS<*yfvtd>(S6KC`Dip$jvjkXA7%8~CUkS~x>kF0nMEbV$kN)`K@Bcn! zROEm)GoMa9ak}-7Ft!;Nzh+skHL!!(=n9aVVHpz`&Jen9vdhq5!d6c~xI8fUt$sxx zjn&tocHTu~^n2!m$wjQ^ zj7zqBv}5>M5ZC9mSo36YLjU*dvZW>Uvpoe~i^?+}G?HBmTMNsz8}6~U0k1gVTKujE zs}OLThHrZ6sR6szSG}JwZh|g)<0~vqGc29|q|~f)iL+A%zI`%g!O^6-oy$Pi{5nCL zWd<&RpX?B;|AqRMA7uID=H%d0Sn!MD2=TS*d=R6`Tz&NWo0Ly2UfJhT%XJP#eG8lX z?snf2xlV_Z9{gB~>aSBLFQTfl%Nv%90Toa~2WkiAGX*egq4n2y6g#yz9Hv zJgy3i;+^qiN0Ajo;>LGADx9p$yyhg^;$#E#T{=Z?fu|CeKkt$%MY7p3zH?Eu$tOeL zoXRUZ;9AtEfK^45R+pP$F-EW{W@dl;4l)VU7BsU_@^OvRkJ;|U{}H`vwoIk-=B%kHxx(oadQfUjBvCF9|46lE@_X@Sx*alds4ef$$< z>;30zbF1?yRS*?n7xTkK*lkC}%_C#4H8ixG1jd;g!C5IQb0q-rn~*wD{F=_k5HfJs z+DXeCp(6dZeQXT{?WZt=cMIT}$5}29QQl{uI^>gB#&6E#$Sz2`zlh~VtaZuE1&!B^ zFXy&6@U2mqZ5xi7BMqi%iQ;wv{^(k^dmqbav_y2gV|+@qKh5=aMG~&hwP&h(jr(zN z>A{%HL_osA{LqdnWBND!oz=6K*DMM^psYK22uw2Ce+hN=vP2RMUlasZ6&|KuaJ>!qxJ(^oLj^l-Z-Ub3zvGT@T zhc)D%!YR=4x>lemNG>oP`V~UZDO&U%JM7kGnx|`fdlAlL)&$v%zc_*WQit`=-c z787yMmUX7eo&>GO*!;~BfuyZEO&lzczryc+PT9D!sI`SpmQf5vH2Z2DiaoFvmOMhw ze%Ii}+CZb#1GX^}Ew1-(O(yT)%W;35^++Cd)|YN_rYACv(DH+ISzrJ6wwI-RB7%F1&;q;V=@I2CUoc5SDRFdI6+`Be&NuZ zsQsK%=a&F*GgkD$x35mCTht>f(`hCkl^+~UZuYRrCoC?xpm!aEyul)Y`2~1EKSGaE z)b@UjVuBCBYUyChJ~YM)8^6*sK$wp7Z$IN-5*xjFOtumxHrdwJ; z6tcMJJM4kduXpOizJg5oG|L40g9xwJ`_~TfOK%-s2SWcFLqn~YHmmC6aYEM!fqtWZ z)MLM237WF%!1GM=6kb;Yghx_Jo3g5Eq{qe&9~bn9|_fS-dXV999h(~&qRWkZq1Lq zqx-zM_<;&m)yOd`5ySEA!jdz#}(L(XobzF>Sq8aN9#|*vg@qhgQxu2Ikv%& zh-gq|--IKB(f_gyB?XFN{1RM1YO;z(?MPjOhSO0sEy3HO;-yWH=Jrqv;`IA$Iv&WN zs?6ZG_kKHkPQpJ_VG;#*WEV?c9Ak9*fqX-b37|~bXlVp`k(Sac}f~b0X6w78o?{>ugPw`Sq76`fqlX4$?jcgzUJN>%r{BVnTBP7%q~-$ ziug+c{}HMQU^EUBbi6OwP@5S~W8(Y#J!*0U?$TlUD?0?_!Te`G+nOWmnL3^@pb5$1 zS+G{Y&aawb+sd;Yu2G{y3YG7ouoA6d22tcbfe#2re!g?E5J_`Oz7y?jOpvaPyf_ajJ(9IpRq<)4Ci980iA7 z2F~W4v1Euc}XjNM<(8=?|90Sc}qK!V5?l!*@p}7nugA z$yLgh<%F$8f>gcPTVlEX7257PEM_gp(`IrlfM=zN0?_7cdjmbzyqY6W>7NwX=Pd$^ zMrdv)=(vpEj1?m>bY{T&b?4Nm=ZBU4_@(LZOOx%>guPopxs&^eF44In#s@ovBe3-A zYg$i6qfKBXerEQ=wj|6sDaO;-QPd8T3!VztLvVov^b16Zts~X-BBDckdbU_!fXQjd z2=+Nv&_iT2%*Yqprq)KaLg;T8iu_pbkj&=U4 z5A3aq8x6*uB~P*Kd!p{Ql;b^tZ^e}AKqs>i8*@*5v!VZ7IBY);V`6R}KIBEhscG#f z8H9W5u(I=}I^g|twxofa&i)rx?-;kDFfZ)Bxe7-PAKgOl>u+^LtS!hqn9?*u;Hd!r zKNt%dl^{wi?wJ@<)uC;zw7I{+BH9%% zeMg0AmzXv!jCaqOWxQK_OoMf6s45CfhPqHq9u+ioZj^_neWYUIIrjKC!^QhVZ=&#!|(Fm}7)HZft>oba@7&2RN z$rFgjX0Hb_FGtW*&C^5B+@uZ|DbXcYvG_w3j-8$^z6QPbrjEJkIAuYI0vlz8cr~Xm zk5W3btNasiM-zXy1i{%L7RB3@ zU@19wGU3^w(`TO8zy5fceP_P7Jz5Ho^{#2X!-rpARORVR&J-LiZUtK2?QuTsiqkQn z{kE;Yq~7g+KGW~V5*-J*9d*FF*r&f|-i7AbG;6Wa8q``_ZGWlQAS~K0!qhI40tZR8 z@{ua{dkmyc_!)H#LtFXo7lEm8z?GNA?LaICP!X^r6#-RxoM{%|4gF6rILPl#8Mrxw zyhzmlVe{LM#ezgO>ueNWH?IG5N0v&jBCL9g9f>K~pG$?CpN=sHP7|@cAhRT= zRly?T2|a8ufIhUMF@tA35?aYH@_KrTJr}HQiN$p;Ymr{3C2}2Ke&3PjkeOU0r}8QT zO6VUeyI)oNS8)nZTwS(of+wU0x$}y;}7_V(sFLEwuLD0n;eg%Zi)P3e;!L zhy8g3z=8r3wXP&=m;d18*i&(Tu6j_^P*6E*+xUmxU9zMG<_4*@SS$b&n3Dp3i}*mT zIKKbk9WCyMn#rGxl>RfrJG?eY@gsuFom4p@?h(}hBdCBixQ_5v6Yq|XnmIGh1Jm-y zEw1T2hogRVZ6ZT+<8aCIY|jpM4Q&`v>;1dc`=P=w3hX~{;0=B+h@I5o6-yn}1VCP; zO`jLnu+mM=T851}E)5(PP1<`Su*GBL9%aUNi{NZ*?`oQs;=h3vzpaIL_A>B0{akao zVGF{dgHBwwuRc>3kEnqID0s2A;yHyeC-7-X=H8_43v9=0c`DRP*9*ybwCF~KmX6ao z*dl_~ZxhS?hQbWw^9J*@d6NvmF8%>#W`1p}0(a&oHzz6D_2T?E$skGwEVMR1wrH5_ zW{&^iN++lUm2@q&KMjOJMQcjn(*ytjZiQOxh@tIG@k>C&2(B0S58%y;Sf$Y31hgaa zx`0g7DVICC**+u1F*MX#4d1WQGl0Mviv`)5wDeb;}=qeSHQYSyAHW zuQ?Sb>72+q!wv#%p%QoIe47Q^iSCy;&fW~NOu$)}Uh?WAOzek~vYTKk%=2g9WqyOX z!LUAxSe1C6#k_K!1I0YA-hZ!LGtILiLLSEpI`9WxBt)88X-TXrL1f`zwkYgOZ!dKD zH`TuH9!C|5$mD|@xDH;EoQ4NuziEzmlb&FDzC%ijz3T-P0Fke3TU@2Zp2E(0aAdVR3LgKNd?4aNAlS?b$rbf4LRr5bF)eq7Oj;7@$JF2Q4OmS*}ff0W1g?Z(U>c2 zoTn5&92^UIVIwR!S9U!WmPV7j!*x3FVQblB53|u|;qm|}e#Qe-$FAl4T;NQ4Kt6g* zpivpzbfkKaFfdqMB`qoMNY~5F5^|)lAgBACIHV^R zzxv(m`MLs0Sk?#Y3v$<$>4oFPIdQV*47QVk?U)kr*G2v-EGivt6Os>VJWER^^^uZL zXd|P8pQb3F`9z^DaFQFSRD7oLI&q^h@WkHMzr`JBdM8d5(KwxFd&B)B%ljr{#rKv; zs-C|Iqp0XO{Kt)i*Mys{*q0kDpl%Af-wGVslQK2gD_DgWC`^5oDToP5f5USO#mnuc zRM`(cO`;MrUY?cFJ&Wh-z-s2huM6c@me!T)DChM$7Tstte^}5^vFa}$`#)P)1(2jE z-7ly;4?dH#bo7Zl9nbStz^xAqUz;P{o8(Br90NgV!P-5V)7IJ{nODEsD$#nRiabDh z4&y_I4jeRE-b5RE3)F-8?V|)c8nVse_8eLI zeNorV=J`>KJF5@gYmB44k-WN(X4ppZf(ZcS6S`W}6_N6w(*HE|Z4{cdL-*r_%+d`p z-H-Fz53$OMORAUB0EF~f_Mu8t_3byG?U;LM-N25~ZG57>+^mAUkR z5u*A6UFM#)kKW;SP*(3~hBTFLdJZaY|74eMzfztC0gvL}6J$BAy9lByZwSoqOD@++ z;w_?dkxCsrsxli7MFL@Z5;CwZgG#Fb#LGC&4+}B^rw4sg`%LZD8%~Y67@xodvGGNs z>Zcgm&coUby2PdrJ6YqmKf2rWz^Az@3OChCx8|4*5SFcl#F2uAYWSc8%x31;fls1P zJ3nFr+Vw`I{Y&>%!ZTFSB?>&U7I`Rgn@bG)X?TVhUhfIKS`g^k8R1^*5@*DC|JqSR z9Gc@J&*%e#G144-@lUh_^b{9;s&SaDT1xK83daLm6wAiH^jowpj=ao`D~#oA7m{T}i$d*qnq5;@avsn%(=3(@qZyZhXvxhYgu}H2^ zm*LCBF^Id_Ae_v-xxuh;35?+8Ez*3aPf=7R!|*|4N-Y_!wt-MZcvg$+AWjs~mG8Dq8{TY?3L_IBF^bRL&{-`66nJQ%JtT- zVT~ySs83Ym5rg|p@z#{gbowf4OrY1UZ;S)0Kk@OThSO?)8Se+tuJgvpF>7{+q#d;_ zgCu69?}L~&q`5$8R58r3Z#)lf_MI``y0h{dDwo74Cc5&7iTT@^5@>M}4c@B}NDyOV zLnP9@=(7o4QSAB@*u8k;mCaMRw#CHfsLabDZwmcS@q$C~KYSSVZEa+ltNNpd(~ibh zIBOS|oAMO96Rh#NuO*Q$je70bNmtfZXiSNqoL$bjVs6 zsJCgov2?DT)pUE1g?B|KiG3m%oj@ILaNcx*xnRviSzC6J_(= zY?2Yv)~AL=-BfgKL&~I-mNHT;MJOkvkHyd+v?2vWr=U?dC8mX7=MipXRDfWL;{Z6^ zp3{nCoFgbF2}+DB3zT=S4ek>ZM1K+blezaOC>WM}kSNei%$Dd;c;E@V%XxZN;EMIc zq9fNkE26Zf!;U7a?-V&F)HM10*9E-IEYDt~RNLQe+^e-nv0b<~E6rAkk>bA}|J%ca zeUP;>7yoh2|Ksk>1Dd?@_U|BCs#Z~{qJl~5QtBEll|>-2wJo(&nT~C#MH7{(Rgkc# z0kWY~Q4!EmMFmM)YpJCgl_DS^HwYM!C9VV|BtU?ONLCx3+C*Zwg?+XTmL+uX|5C)ysz7RTvOt(UhFO1mud66HOg zqLEbdNmb1zX*>qmIoFB?xH~^v6XFuHRL8Uy+h@~TS?>7EsltQzkIbIoD`Pr0TOP<& zn~Lx~*P;eDd|z~7lUXB%@7`Fi?vtmC~m!8g}1$o zx2aQ|7iT!bkZ=#t_N!_WO?4omCFgCge9^i(@4Uf;t0TNtudfPYw|o7U+T?!}9{iIw zRSH3UPIes=7PH!2)XSe@Dz}2M@u{2cDKgiA|3hDdqIakudU`T&Y?=)VifYA4On)cW+5=p1I`rkCbIG)$LzxaY`HiQAN)xr@utD zL-T!U_d{s9zuY+o89dN8&#q1s{69Cn)?8V(Gzv=4h%{WE9J ze@er)Lf04Uj)VVwcU+z8S6P$h{&cf*kOR>Mh_HWXJ-yU6#QZZCQFF}YgOQjITFv7s zP>RE03B>UcV-WE!$5l9%Gvc-)EP18RQyjEo(?xIj7ld4L&eP04P~|i{XFkq%J^kBI z+pS{xC}2McdWD=+*o=hXd}*ELS5WqzZHt_Ar0?akALw-kFWCn_`(OI-Lcr$ zzS5W=Fb~tJhQHDgUQRABxFi;3Gu|c`8hJIajE41na{Ew{6fzjCmIgP~Yss!mp}6C; z?8#&(290hr8g&?U4CRoG*$Img8O*}0Rxn-l68cewDxfZI>0(~T>&5Hp%$PYx<4o3j z1sZ$ks60X0zXY;D1S_6b=~x@c#9b%QWyAQx@NFiC(U{xZjeb?O+|{0k=Gf|0GOG@0 zPI=q5M>Vv8G;krPbl+xM8;@IA&TvcHR8f*N{7b#{6&q|bP$6*#wSW-R)2F{2F9>tZEKJuY)K>9Iz;ke0^IgzNB%#5 z)jt1W&?jM`pjZS6d5L3_N4|sS{5y^%_a=~K)4aNG^V|So;oF$cPI5@&ja;^kIp zdy(-7oxNlDp%qV;u<~-ihZG;MZX6ErUImJL`w^~X0IRrr<9aush>btckO9t_c!+E_ zhXdo<8jh+46T7mRi&Z*}tfF*m_Km2KKTm7KSG3>4eX(;>q*U|QOuzKQI6}7KD zu>S|wE{FZ{Hr2F7d6k|GK{@{`$lhH+zKB@iVHn4FL=_JPM5Osh^C*poqI@+S+d;VKm&BWQ0*z0BADHtSt1j&yBV?i z^>no()(EDYdYZhkOr&uQEld5lWQ)t{h08xl9Do!ZNpnV)Dzg1b=&;l{OFMT_j{CAs zXAj$;%&Z5+wpUQ+W%Z@gJ5Yo0O`$;K5vLo-PuQp|F$Y4_;2gLChNz>Q0-h;@i*i3X zV#a-U1z;mS!}-A&$w;@o#j$sm;Sy@H6JF-31+?k_j>OkFW@kb*dOk8)fbf@?1xqk1 z%%dh#J1UXAOQ$;=AkrPA8Y3jC{cau>8>B?*?jKsTyrOhgyyneMrvCN4L8YC;k>)P&v#y&GNjx>{c{r_OK8ec0_m>Mc*GN9`u1a(H)C`dVgt=<-B%1AQZkCp>e@+CL}g5@l6! zK~IOa0$Gl;Is(&fwLBu)N4fT2p{d`p)YB}JalxsB{$80Omu6Y36yG+0+BGKbuY2p1l92ID2X{nGSll}%ASWJ_`@8#j?b;JxHb*2ST{^a9OG5;Tj0P z5{KYoGPw$vflQgJbtZIvM*En+0QNXU_m0Y(fi$_>acy;2kJm{NL-1&gbZqi7!`5&; z^xtK-mYTB!`#6~>5!gY#iR1}%%X>kzvaAF4M&}s$K>je#sAC>6S*CScCkeuB0GIO- zJu^PKMEPo{U?7@g$invI%L+rie-q9g5xuOaaz%9M9y+TaOwrtZ7-L)R8qHp^D!B7J zfVVGDiH5=9v3_Z3U-w!rgy#KL9QsFKD~u03$;6CWs#QeEuSnY@*Q!+ z=gP@rZ5ze)Cx2A*$<&(@vx^hP3G`cSM-YTup~whOb^RcYh6%pySAKhM`53+VG}#am z&APsxe`h{_WG1^hCEcX|Qa+He{Shd`+%8o$$by#H*!a1=g^+Je~@ zMTuTQqOYIo7ax}+vV5cOc<7y9f-KKlBcw>Deg?k$FI|>HeuIB4!J%C2#U5+N%XDW6 z)lUfy|Ip_pNSqK}oTfo>eKbB?E)W?&VpvdE16KYe#Cg0ORM zU-~Gnb&0CFE^zRjz;@98=g71=fC>f(rtk*iGDi;KxHAaGUA7J$9(K%{NOcuv@Isfg z&TF<)*-7^r9FDdY4{zWJc^Gt9*)hb`h^-q3f8@BO7a?L0(nyiGv;kZ1+3nH26F}W7 z$ogP@eFUMtPSBi^@Cj2NYIVZYWgMY%Il^xcZSd{1D%0k?SYbKrppFexSg!IY^j8^E z^Ce*OTGr6bcY%-CmT5?Viba(UXkF;Hk*H!r%TdQY%xrSJ)aR&LR&ER7FyQ9h)aXezHD5(C`=NUREg#raeYhkaUj#`n00j9 zNE`?aUaWpbyo{wV?jbLlw$lF*XP#0T{Ln|^>2r=0&@6E(yHsqn^Q{A6qY&QYn^}-Qy7O_+1z5e-lirRtYk~bqIDAalN#qm zGsZ9Y=*;Dx=WmLSf2Te(9tx%Xt`t_CwXVQ3>&7u{`Ft|0R_r<&bh~qUi3wfV>{pTN z7&6+=yq@RxZ*0p5P)S1#=#UC0@&l9@UmEQ!j-VHyg^z>4%D0Sz+x%IVvMvlEM1X$`YMtk*Y*4U61Q7%##_Vp+Fy4t@+W^M`p~F^{>E2LFKn3;8s(% z1JE`$?)T}2AGqcfl;V^3 zC(-(PqY57b+HI*>kOrx!FGEZ-2bBotyznY+q-1Bq5{h=C7)pt1>jZ`s@cXc) zi$p*Ht8r)6w`e5FQdM9vNxq0;nnS2zHaRvk8*FC4boLA_w|e$2fx5oNs0^GW?(P68 z^O*fn*C}tW2U6)Kjtb5=3SZdtI*!(F4YHqn_9WUrENAI9;g^xmgr48woHM}98zRI)S^lW*s1%6|L$oR(ffg8VHy}^Iw zm-^UKX{qUV8k(gKJ3HXdkjZRrSV!-hOX_6FGKRU+Ip0x@R!r`~8O&_{qMvzJ!S}_% zQ7?4U60T-aCVPlD{-1I1Y7uf^b0Gs*;*ZTGGzL&Q+8~)O$dk;@)hF@v$V>uFxq7B6 zsz_783%VwSVA+t@f;vF;@PDXL)u-d1+y@@ue^A)+?4z~(_PH}%%E-IFy=|lG)jaqZ z_pl*fnF9@BUQ4(Gd~umzl$a7fj3}oyK+A~>r<<u zS^<7h>==quP@c5=s)@#2o*8yL^9Yy|aK06p4ir1LA=VS%Q(&YT%)afa0U~GEx`))u z`Cp;vTkVrr~E1iw4sG(XdW##3<4LY@8tCclG^7{;fDUyW zBQ4%B8+RcaDxVf$BY%?P>y8;Ev{pH0OzvP#`hRQ$9kv_mbo9`Km*Dg;3(pK9-YD0f zRsbpj-fiwRTw9Gya~G8JbsXzbeq$uIj9{KazL}Mm4qY*ApnsaDSN@hS!%tbvWz1S z^m1x7r&odff_l)w`rAewv_?hmfHo5C=azdwjYS=}P8EINw*sHΜ94aR(^4zyWXx z$&2z&h!{%xHX2uD6L6v353C3Y??;!kPZy|y*?YEqbYlF2vV?%%$_3&hiw>W8&@A~X z!t4hVsXf7gPo^mKa|vcCyd`lQ2tkMl)-L%cJqa+sn}d4$jQXMAY@121oD0FlhBKEqvHS=+DVTJpXm98dyZo!+XRiOgCU(`UxYfVmmCs0+C7Ok{?WjE=$BRux?%mnmL`HV z2&dBc@M`9l*UvI$s*P0Bd1&*z1PzRlf`@gNwp{n(JjlHDrB>~-zAlVoD$~t^%j$wH zK`JYhU(;>PG+i*q_|=xPnmeu(#MnRQ;gu*k9W04e`R}H?o-2yj8sA8>x8)-g$vZ>G zo0nxnBXoBL$k5k;g)_8`l*$;K$Mm=oPaK$AnZ9VID1&*Tb|q7sX&;Zv&!A~)xQ0bI zW-HykfTR0~;m93!xBF@$IcohYRngn3&?I+(C5N+jY?%wFZz^pQ50x>% zjrNX|6q=;HYlLC18!k`V--1vvcP|Pn+nvlVc|BjJc(ZlM?hA>l{=+nAMW*!)TM*kYpZv{Jaxa9sNs9Oc(_L<(gN%k6_Z(I> zGY?=gKr8^BlbVl3I(){ z=0(~gIjglwn(;C7J{Wgf3OhgXUF3J=LA>eST=pY(+u{5760|J0qECH%xA3hV*i5eG zbsB^rS)1PJIBQRo8s&nMiospbFA0;9aTNdqiWdxemGm_-9BQ3Z zJ3t+eU=0~u`)N!L6P4Hb*FpkMaCls6I@YEDreCRJR0Mi5^NE7v&Ioqn^cRcTYVfgc zJT;VDx=Hov4))tY2<=15<4e)yeTz`k=Ua0S8Y6Cmm`~uXOwga=g)`{Ri&wkRW$~`- z$7N(Rt!oayJNb)xMQ-!Tj2$PfU2k{@FKlKo($WCFPa~;7PGtoMKpH%Tu`K7GEcBq+ zx9}08RP~Yl^F}YE^{t+K)F{HVdprN`e)t^bOpq&(=4@ar3yh1MSqM? zGq81ciEQ!VK;t=ByPZoA9$>3Tr3vR4^z~b2&@2y$4LnP`n{f}-5CSsB`&Vb;*}9d{ zeuY)HZy#!H4dD-ltQW2z#CgkXa?TA~+>hrJ8@@Sxei|4wH0QaR@z9uJQLA+KT14?x zO9Pk|M)`RACnQq{=agdbB%yyl5MP`s2)2Q{hJ7+4L#ZD{7&vYTzS?&|2fYjz*R5ij zLoH4P12-b@yJx5dyLm5HP)WAkHf?M%Y~%ERoU~~~e?N)I>UkV z?_Y_31c9PY_?>A%-xVtKC6Ercg#J$N8G#EBuGV_)&tDPsZux$5D~k)H(*>0pW!I_&j4(la5t=-+6xb84$;~KmRc0% zhnfHGA+ceE`o7HMCP@^H!clBz@s;7=63|{%SZ z(Dg0X0w|F?m50oOUX6rTUY^i#)U|X!l0G)YOP$pS;r4VlLYR-bz>e9D;=fEaMDS8A zcU0DedImD}c$51Vmdf0q_1$5^ynXw1qOQYL;YMz2FlK7c%KF_TvG602v@B^ZIL>QI zA>7Ec&Qd+&D-5L?e#tbwiF!sI=5b`LLKWLPTO9DFVPEh>lh7l;SS_- zRR=NZS}+tLrH38sh>f`{!^)tyOQZksp|iS&Fn9$m)4Ud*MJm&<$mU>A{P_fHSmF}W zlU6F&EBi&Zd7-Sw-nau3h_-Ku*G0C6Ty-|EQTmo0o%_)e)~i!sU(?^o>;Nvn?Y};W zqG|M@3CkdpzMQ6m+*1fveI|hocvh=jgR>*jFY zB4^mR3J0JZ-5372y-rU?Mlw(xO=q1P>-VXvMh1z8ZggN9GKJ~pP_=WIcf44W{)c<} z6?hMbGOhP`ah7Hun%#$XV?AB^)EHRKHll>G?K~uuY1*s28{2aez^gbL4Go^9vBy-b z*XJq3Y%{T>_sJY3iBl2Dzjh|EP|Wft^+vMy>fBwMALhm;{QlAgxJ)8v6_kMS%|fNx2Y%Oc(|x8?uM+G_%OY`GM^a>OyiW|9%c&`}zv8 z$EhV38Mq3RZ_|84w0?+xv=WRoBJ)+k#)t^FWIek@-0>M@@MvK1nfnzg>jO6@cw`b@ z^?;578C3bce7 zj;qXb1Ous@(^2V1N`K!!VZl5}T-7$VvW%26Tqb-jE@;TI|36@M{|P(p^FE z-`#;!GST*(eiKPG1lat}#dL^fPs{^SgOlMJNMoyK0NiTnMYsaiQcV$TQ?@S38TuqLjn@bprh8?mqSOH#lb%$6Jp2z9X}Jk- z5Qy_}AQot<(>#RHZea0Ph*fK-K?ieq0SyRQ6nM*x%l7r9at_gKQm*`9@p`~^t=7h> z>{H+t>betd%3wz{g+yZt&wv~cl&jJ#<5@NZ%0ZdxlNo0X4!V}A1o4st`M}5LFJbh9 zUP1Di#p^vEq=g9zX?{K%joSc~?^HofAEgeRW(Q;?fU(av`@BqIvhc&70hfhZAHnn~I z(G^B)!_TOHNZU?O5AyG&kq_AyJa>FG^pyQ;7MbPgA|t=>BKtg)`LLDQQ)~;wL2;+Z zbfdTntu*jbVmSnREp@YxD$%ZI2Pm)V#yfc0g!X)JLX^n!bo{{r{z#$*5`#kx=dS%A zddwD>z1XQk*dN9W?tKo0`YH>A}~YNo?^=SW9}e2HVFVdd7)r zW<9)z*k57H+Ei^HRV@g-1@^U2?Tyr+6UY$=fT_8~QgD&B@#5gTNH7X$$Xhz}GXQUg zYPMpE{@R61^*sEz6mg1 z!neRXcqOTS24!DBG;0~|?%SF%JVPABRV`z7_;p-U9;$LWzG7y@^3lzw+$pMElw%JjwbNju6bdKnMt^HS_O!X!AMNuP7b2T{~cA5{tn#(;H?Xc+C-rXAI3q z5h%!EoCHx*^HwHnf*ptw>8_kH3#B6)s3!@AlQMZB)-62u*2H(0hxirF$d&xYH=H3< zM>XlDaSeNhXEXo&H|w#XbLx;xh>2U6oxW<7W)0Q6@dY_2K-xY@wU1>Fis35H>TnVG zXC^%w7#52fcBUPxE2Zk)By9aCIN->RpqeLJKaX3T4x)aZ&djv=T3&If+oQ5;UAvJF z`I?eMmz34TUBlMptNnw8}I^j(4{Gw$#2xkZvxo%i+Jx)1Ts1=pejr zbcbxL6)NgAF7P;f8G`%h9J3+-^C@f}QE-1u6vUuhG~SrS{H9A&!NE^sem^z!jT2F( znOEFr@J#cFLR*a)ekK&Lp3b{QvuNBP(>GS4LIWFwox&Iuu;5n`v{!Ni1r3<+*>Hzw zMBWscF#@YX)MQu_v_`D@?)d~`_}7E;e&IkGVy+BY54y4{y4fCSqj-i*zL!7AI)8qY zkbcE*z?B^~ye;V8cB?o~?(l%mqK9W*{GwKm@F0{bJ}Wcna0{jcaji#bb!a|3l&$+O zi|8oV90U$fRsR;=HIzGw$Moj!XmU1fAcvd!>nDt_+Fk`PUC53Fw9eHr>)5t^>YMWbQ9;@tYW;=Y?ZSTK1wKDXVtAg%-xiP>ofG4?^+t)I_#$VgD6oXGwK$IopId$*J*X> z;?o_n$6@w1)mlQIW(rOHt0e@CF%B^iDiXR;FPLp9Tn_a1YMvY*6vEqat46zhlK5z$ zShJL?69gJ-i!VbYIxNYU-G+jv+~=a-hjpy}`MVZ{W^Jd6FkvXinyPzxAILWSgXyVE z4&X+}QHmT@XpY9LA?x4JPft0abJs&aMZ9y&OTxU+T0Enk{tway}`&d4&dlj>6v z-a*x2rN;ehB=O=Ijw}WnGkI{Txd7{Tis{+VP_t`sFC&lH8zk8!d;el$X)q<^el^&N zz65(u-iR^#x8$ZL?%U;kXqtG(`3YNs4zdMR;1X!4E3Z$}+z6IjYiwN7)Vs$k2t-yu zQjSPYCHKEU88}AW@4*YI0XHc@|jfl%NKM*%;*xsq#|fii~G^RfO}iQ?kK zg|<29mK#g$UjefdO$60`+p-nxDkcW>-E)qYDa$MFO@FVB2W&9fa7Tcx;NNly;w(n*UR8((c_Eg{4JR48FM~?jq-)Bc5rwC$jr+ ztn|zekRMn7(dTYro&;Bxh z{#p9@Q}uG`<0`>%PA1p5Kl6pF1oww9%uo7eK;U8xu6kWiLvCAA@&^_Woze%DBABLQH; z10j&0^j$Fil(|)%=yr_rQ^5@`G7AwMck%tn}mKtr!UUCupcWp zY4^8p;M|AT4^(Fh3M*4lt2DSVgDtIYc}^9<0#OdqfvMVba&27D#S;VQV!9C7SBLot zy%(YYM?5B^TKd)`+-MMMF6LzD7@WlU!39pqzKquFt_G?elIX*9ry=s>|N1`v{N?f7 zZ_D8on{M&iW%8{8%^3srCENoadkCvGn>iZ#&A8Rik6IG?Q2xOJ^x^S1A&mJJsSMp< zj~dR2{+(=1!?qUT6YfTEsRkb9LJ_}L5M1qEq=vvoo9W^#l?l+lY`C4$q64~8JEhC6C{|U4J)xWGQQxs zAaH2*_~Vi!GpqmX5~ADrIjPR;nz>(OY>N6|Qqh6;T{BC!U2pKE2m=IFEwPHzbZswY zR!j&&HtLpgW2B=}uLW+jEvk|nch05Y7_dsyEK05d;XlT@?|wk`>zsqvP55+cZW*wh zT=+T1nIGl|3YdNF@aYdi2hfkppq5-@ImPXK3grI|x(n|(3fFOg-5bTa zZ3N2{iOP+nZvpRd)za^#1qY`xuLld<9GAXu3);@mvyM!A#6ut~Qmqa0grcydZMKC7 zo}GgZ!OrSZg7u0d&I-^x0YlX;=JaLbAP~-&bD^|-i(oLE^DX?FA*Aj%q^uAuy8-7w-b`HlkCjdpoiS+-wUSw~aZq76CFg;vJz z>(%9{4EqC%p&wH1g4xS({A=_1lf)D{yd_c5Gu$#ZMZlEL3WJS6`Gt63G7ILpUTuFB zd?{EJ1bwqgH2ppg6J%t#)zxlX?%j@>IObx~5T44K=mruQf_?CG!?c@kVy%>&zvJbXk8N_^%C<^I}_C z!E}AR7v)@+0FVza+)<25uwM^ObwL!@nKa#T+RMNRjP;d4{b5bIFQv{5Sr;(<2HJoN z49Lj%j^-(jE_%REU2g@Y6jDiJlGC!s8!SBQL{!CnMyg*3wTPUl!*HYC>#qJTDrW0L z)qf@0-ju2bDEo$S*@j*4ha{X~f4Ao!XaC>ayi^096ST*`=~eH`TJWL{=`+?=a^OL# zr3-A|&5cu3x;&aNswsY`R)c&;Z&iylhg+a1a8C7E>zq*bbyo8hpWXx+oikS2wv?Ko z7%afFArgkD6_@Lm_^mG|tr*a&3ffkF6UqvNvIMJ37a%A+czmIfL5D4fY4QJGt=$2U^^I%$BZlEmxRp9d1L&Ni1>)c986R2?kSnE3TuayN0Yqz+#0WQ>$?=3UYly=bAtN z;I2=qbG40u4Qw!nobjR?*tA7`eTDR%y6E2SK@Cj7zWofV!a| z_4dW-?<^nrWWnABe@WbqAA0M1gcnsG|9cl(%H=jxapRN#K-IO-Wb}^n1xOx_f3J@J z3ZND`M;V{c3~R@SMUpfu*$J)<>YnwsCo3g!^0}me6xrT%pcC_KjZ}3crpv~Gf2nN^ z>2WKx2fKzQy@Wwdt&)M&<#yNs3F_14t=d%Q?pK36X&?wwonTk28|4-ar~@W)`r7EU#5tEjN_(gv7)kj-V` zrTRM++rM5H_|fe6xQ(WHKfjumzUqQMDWcSKYW~r_27f)pZ|07-Hcs{W{QNCZ63mXp zaZwDnWM58ISi9*i4Eum7LT=gD$`Sww`de7aHF)+yf&ot(T>N-y7-wdy=C&kPWFZ$~GJAqRlD#(_ZvoKI)FD)buoRRM16u{B7j9u@0sdUMi_tbL< zKDX$-H|%cj8kYg z8hqD_ta&EL*Zy(RQDiV=@yB>A<+a{E3Hv|BImDepp#&Y-m~5 zyyi!foEAF0Gx_7W6;YxMTgShC3%evQW-yEcZAuXJPpN`nKq#y2st%iu{ow=`+1s< zXHqh`g&L%sW*Lx2&yh3-aR@5oBHHzX5iJtceCS-kC7khPE~GrU1i9^S%${w$M769~ zw2uGY%Rase{u3}XlC7yNJ=?oBQ!GC)yYkDu?B4=hJy2OoSA!DlEMe^?j7%F7;Qe9z z$>d2B_Kv*pVC3l8Q@y^f_<(2{vCZ4(mx=4>KTevIme^i>Fd{cFc5l8k$+uwRSNc0+ zX3wl{{NRUsc^7*9;~S>o?VT+pCB>VTo{Ifwyo}iP0dF~ytSg5BE<{BF<S7gKJwNN&=@I>@*KEp6oT}1YpjDxwxw38z ztn=gS;hJipXED4boZrwQ7zfLZ2xXanNSR?A=(@T<)64^bM5%|wmOHpatV?M9%Xsx6 zK~F{^VKDI%$Mmi`U)F%8agJ_QOD&arEYxy`@Z)kol=(9T z1BvFhh~q2PM3?8d8h_%|$S2|=+#x4H-u6pan?*^Y8V1O?m6xM`!}^0AEdmpCgsAlbK{O|`1<1X zii)Me_eM1mPDOZB4vzS!g75ZWRDD2q;WQ7A7Rc`CFRlyycyxIDCy@|>tytt4aHZ<5 zvIIo0pYGkPu}-cVeZBVgkseokl1Od9bQO|qwZAnv>(+)I+`w51Gadfv*j&Ia`xQ$P z#tqe64IMwn>WYy&lXM5D$}e2zC27w zeg*8UNX%4-oYe@lCP`?WOL;Yvb#slOkZg?rV{MfOzuiN#oMX)9)KXz=0&YfAH|^$t zm@3lgs=Y`j1**gwEAZ80bspHDci=#e2(plg6I>IULmZSU_xr(Yr9S5O=}^bS8mTf5 zLNKP|E@l!UV^SpU0y+M0CQBsl9-!zZC%m%=a3N(JLzp35W(eB<&3)XqMUkTsGbA<0 zkc30;^pg!Whmp-*v4O*NY5lz>X;nh^*&is0RU9Y!OI>G+}a(Sj%!tJ)!*ESNOqkFOw`cnYGmbk)p{&^md zf3bitMP+{96bPRjZg)zyeb&dZIfH$9Mk2 zI?^PNcLt58XvUSwQoUz!>)QHP`EIYj>C`)M_MS0iW@j4ipM#j)Y&3 zXOS$YA?BDjY>YQ-b*+b?VW$1@O1`!(@LL4GF8){Agr93>`pmu^cjJojpJC!~_O;L$ zFJ&?$@@9#o<6i9!yuAc#XP^D__zLholpWhx^zOu{XztAI!U8C*)6Rp^LWxRmZ_6}* zVgM*l{Vr-+FxhmJ{~E_6#A<@*vc_|F#c|g3%r-~PYC0$epkrd!RaT>$KPxU3bgB^*CU77#VD3nEgPkXTlvfZhhs$kJGnip@^66WM0hzxSS?_ zChc4$J0SyK<>skPd~E@LOiN2RB5dWe+vytLOvdzr(HSq@b-(z-oT*wm=PSO|3-ib37uPJlRvI#H|Of3a-!BmXl3&7OR|gmMbb9G)1n3TqUDDuqAvferMG*ilT_J$7c@I zxzzDHXO${Xt+Aj60yyte+Rr-Zy~EO~&;8{7P2yAOW9qmU8t?txg#->KZz&q3Ro1t% zFoW6b$KOeCdT(M{P40v4m3Zqf!P*R(y<0+?`jQPC{d-SC50G{aHFv1y@DCYs7PPjt zKxslY`$>vHP3Nq@+1d|^+8CVvFsBmpg#dqsZIVkt^-H6-6y`M~3Rmz7qG-|TCYokH z|4Ci>0#Tokqof>y$*-?FMK~l-i*@I2DURfV=a?eb^ zLO1@sl=$of`HF`o{3{<%gOSUD`x7T3 z%12;FyXz(&p2a}4&V|?3*413_DwoE{f>3kU_bAAZ3FiC8P4wu^i)ETJb@ zI|lscloQX!YT)a0Uo;~Ig41ve{~wYt{~lc+?mjjhr40U|tLX2<^#@IsKB|4LKEQ9f zVL-+jA@nW%ZREX4Uj)&#KhvPuM;VEW(YMm$RY7`yb-Qw^XFW25JxFG^%5H^~C{5wb z{=4_u$NcSdcoU_a6ub4vd2|By3@dB}Fvqaxc*O!jL7^(k!I+Y}{_A`e+@>G<64a)c zy8~Mjvgrxlj;Ac1VRp5=3pqFa<>;SBzWUDeEvFxiob%e^U^hwJD?ZC&2Pb^)Hub~T zUO9`~-$3EtJQJ{5S)Wi7#{3M19YO0#V)D|{M}fnTC4**YO*bm$Bpb7^PM)n>1$t7J z&=(FYvkEoh%(5FS#iC24rIk&HyO~to5ZDLju?z93^~I~zmx%*k=NW#=*K~TxZdT#r zyb1P=s(NrAZRJ>JvmfPiQq8PK49wq^qaNVDhJN)D+x{HG6Q1dH5U63$Z1^oR(f$7? z3&e3%vXCuHw~C}8V)|dM7=NajCuY#5I-Onq-e0b+0#gSi%Qx|ixQl1g5`ltjny;j5 z@6APf{C5JC6AaSXZK<3?82C=SMo2X?q`BgR`(YhyvTc@Zb*Ex_h_-_+6lOW7wzeCgM z?dq@I$|_U&*KH3{pMu0e)Q-jy+ttW~uCS!FHVZAUI@40Gg1&Dis(z*P)Sx85*r&PS z^4pQv0$Tq=qVTC5@9-$9c|BQVC7C0nC(#*1^vuRN9NF=2y5Rrc97mo>4V(2Hqo7XG zc1Z5ET5}+nbew3@(&U3Jd5uky_YUk_ytyk~YS@*K=F4&x^aco06oZF&mYe+MwDPGq z%*^0ibG6(Gy|nK9k}VM=c^%g2-7J-kXmi0-IVHNrfNA-iPin3eZOzavQfUVRAHCz+ zG3r72?;<8}Sgocmth+yR8W?hAnXmof6nvfJ(-ZdiIP?(K#xj42D2ojBE# zRr9hp+aOb&q=1_bX7ALC8Rs7liAiP?JhEkhUzeeO$z?Mvy8B& zq@cw)1D5b-^FK1wC0uWBcf#>Br+C61Z?PsEGkaO!L-nb;_|oBV;JfJs{XuKM?2))D zSBlrxyF--#3_ggu%fzu2be1Yp!@%rbhvg%Ym7T59tp-x3z!OK-$CHIzTP>jwpAx&b zA>E%hc$3(W!+(&Yu{?o`c7dQL6|x+pt_W$4dkw*Un;WCFBvO=Jl>NOt3<~es4+eJM z&Kv1vyy zac>x-%U!WbW=MY^^{+$)?k?drYZSm66(+;A1G$@`gXEqfD^eXBWtF8_vHif^f%`iesWC= zhujJ{lJ5HreUd9qL|Jc3ny1jE!1wEA?pKh{OVb}tq+p& z40KNQk04bVR!PwYcbVeKeB#B%%l$5Y8TwV^&d=&i8@3i~WfZ!!-Rrr#pnEJuH9+Nt z0~p=*m}viwYy@~5P>R#Wmbo=_U-!7sRY;ac^qBJ)NV0z# zk3(e9<2gL}eTs4kU)F-Xl#_-}cJM339N<^BU(JFE0ye{SXYYAYTQ=B(bz(daEEnsuU{QC7@efiNPm(Aj%dW(iNSE znD+Q@6+(%hpxgXdtli81%W*iqHAgUpXPyVXE0SF4DD^`INK}M1?ZI4zfNXCpfF`5UqFq>1ew9eVS#Epi#hIS)zj7rYPZ{J7c!} zTY~k0tQ&H!wK&P{-I)#NXT-5??DlWFotdzhpmkC;N~I*3&PuM86YR4G#~=SHWcG(u z-Rt^`Vys2sxOzoA#rPTJU|8a@FnL>BGSzmL`}$o;thvwgLiH}O?1ot&V#Fx=GUZMA zwuQw~f#~+_Q&lPJFE8Dl!TsU8yuVhbl^fD@zw!pB2Nq*s=TacKLdc_nP#rT2dur_cA@7EiCAu3|Q8l?;{Nhc*X_*2C6vJ~%IIX7<(O(zn+i|&a3?-lbM1?L-eO5bZC3u&rujJOV4w78 z!+BVtk%B>(ZPrKND?J32kvg6xT?X|$-C#%sE@1WcpiMbB7Xli?nAgp^TQ2KG&aC^s zOd@6$avEm1XOXI_cwPRIq(;fkb?X>E%8z@5syAhp9(8BbhHX|YHs0Zx-^oj8SyWIt zd-2k1csKI^OL)tj%?FZ1*KX5pQSrA0OA#gY+#F6?i4%C&9<3IOa1 zD+Bv0eJ?KcFs6~s&Pwq>5Uu|Wny{}}=0FNiUZtuV$nZYtaeMIK0pRL-gB-ZJZU?Y> zfNWvljSx2d#uds}AN_5cHi`|$36{@n-5Svb2!o%{v*M$#+F-uosP0CjbmRAWwg=t} zwq9-z53hfP-REk{K(5IE4B$wAt4rXUy?{n)ejLhjN8zYpx5goJ+@HU!EsRzKw?V*6 z*ZyZ{OmfvzjuBe1{Ke3if>lM9H$^(Vc2H#cP1J$bw9(a3@bexbLNuU8lz4>Vl)`&} zuV-Ms4oDJuLUd@icYFzcSDtM(BMN;)RYL0h)sMEzS$60Q3twE?r4Sa`d_^-(Z;Cvcty~({?Mt^w{1YJJ@5}CkM zNJ>@=#$zy$d6Wr}_<(@7KEAlb&CBqeN65sG$2H8bJ>un67x3$6CGv_H@MuGTkJJ;wIgwH| zS!LM5t8Xd4Jzp(>Gj|}m@gu{3ug6<(!$BZq1f+jDOC6en@pb{00Fm@8kt`WhL330p)51abPQ-#jy{=cD*2g(W zQRu0%{>e18UKup2Yg*71fVm#*H|2PgysAS8CYL6Wa$c`W3&e;&An9g#? zVSh&x(=TJNGga1uvX?g4+m57Iot6CW-W*f4{r%As-*Oe~PHnjS?psA8Cw9b?Zi=Lw zyL}*e;OpJ4S@Znjf7E{O!5E+M#_ z4UI9?5AbDW<#SuYJuH!y8=>~`TSe4O;0sn1vlm_|_DNtbn&FAI{SZs*8r3@$nuu^F z3Zx^?x$E!v4+JK_B?c&4&u;JNxU;~;ZBBFZ7wQ8p)Vf|l|G4JJ)t=!o+Ro9dbFUr^ zQ1Wvy81A+=21F~S=`-H0GCF7Zc=^6Rdhv!7r`UbT6Q1xY_WyP7mnlZ(^;vk`R5(>f z1Dfc`l)M(8r1bzL&03W2&k(ICO=u_KAAOR^nzlNRzu(M)nEV2uce!#x@Lw0Bq5wN17 zvP5f@b`%gdKoTOm$P#xzAOQji3S=Qb_T;QRI|3Ea!IoY(K% zzrOQFDnsdw%oah|oDZNOri`C90tO(oI|Z%#$wyzz?}_$Q#xydd6SCx|@uEI*cd1%- z)9x$KnKEb{(V6})sW6v$OQzpHPde31K2oOBrqtCpGp$weF4?yWG5DA%0PQc0N{hTx zv4an|u)+x zC$iEB`x3eDdvYoEUA~Cg!rle%7JGFp6}XT@pKOG8cjBGdF~%0c@QL>g`rFgE&a{D<{tphyG{=QvpyXF@9#xVKt0MAi#d%XR zh9ge|m8ngpdB%&FfSd@F1v35cMj2S^D4k%$9T(Z0&z+8X2Ko}BX*^E{Ws?YZocst| zpN5DE@3YkRVLAVRwABM+>0=v91FS1Bdf~6@w#s_rymSR@u18>X`}=8-PjusV2T57R)?D{xmV4)`7Rg7yq$6I zS&7A7hUZ=i6r3TtAML27(M0}gw2WJ8V|P5&qq*fa*z{mK`@on3;>J3Zn(B|#<#U|{ zG)H@{v^J&+)H-!tXxgjF5t|E+nQCuHfYFU`}RF-q6$h| z_Oz{_I^Wwl?ZJ|sl#+=~m*(6|D>+jriF##m+trHNNVmpEJ&eYbQ-Fa5fVz~Rca^F( zWf{Xbt(Bw``O^ET)o~7)yq29X*}fcPHS=t)WQTT?e!XU>49js>T8rvX#n)z6<>l(Qu6o(wqF)^u`1Dd|lw@t(~3{1IV#hpAGak z|BlXRP^t5G%kFdjHP}Qh20_O*RUWKI!v}b#JQ~(IeKH0z#7OE(Ccs6*#`dXlah7s1 z77AhYCM>H)U&3|`7EMVaYb0CVvVz|_k-znb#vX&V9@?zv>cqAtx{R{101S4m(zR~* zZ;!$*u2V6j9|p1=vr{DuZY=|Yz<%9|h>LIcKa9a8tLSW13j*L_PUv~tM5a)eSk7h^H^(F4ocRI}z(p}0?-D%4K|;_9s&){^8| zPsfelH&H8?n^bX1-piO`tx6oay-x6fPw76VzdTT6OirxY)AY%XGJk?*i-*40t_m)=IMf&ARPQr$AyDp3=|ZIm8>&t!>@#Gd8AfAQTnoqm$|UES|3FH zhFXT9HeJRriV0~&%bDVwuwcrx?b?qP>7Z;EIbWy+`qb!fX(OH4Th2VuHy=u3QFDr2 zvNw6{d$Hx_gW<}c))P}6PsIKBso+gDIl&N1g^6~L{wG~B8RUeDZ3rqoq}ivS(;hiP z;W#QVXTaarMA&t77IaE94dw1f;^J0IbHMQez%#Do{?(q~Guw091Bb?dh$iU@7?Sgh z1Nk(uHcilqY_ZhO-Rj+@&^rLAFhihoKq_Xih>Gl{8b~-+Kh;aJCGVPSHbqsIRh7={ zXc$QH8)a{iasO4lEMD!v#)*949W@bMHaFoLs+Gl0bt`+n6;S2j9)?zi zz`fmGG`7l*ZcHUa+!HxP904%DG3KoSII#d^zcGx~C{u&^MzXWps>HgL{(0eNa*x`_#w+ z(Kyr7;ONO0vG>hkseWcutQtEuzT<@1&CB)Y1FXg!_Lz3)So5`KXKg5)cui2^Cr65l zXDqYqRk#^~J_m9fR0wj~-j(3Y)c0jNCu0vdg#)e517>*RL8=qm3iXP#(Ar@z z9%EM$+xqUi|E7rcA1@`SA?|a)9JnP1kQX;9g|W52vVr>vO%k+|ASWw`wE({m_*-(u zq8p+bi`5V>9|Mp>JM@_bWqfGI#6X>yH>7z7>=i5ke7haMv3__n$|IpX1-_JP38k3F z1B!A{xK}5}N_Z%&MU`tXF8;A3AnIj+q8?HYjLDCR7+7Tb{-{6|2z2eneGJ#1M=a)< zJn*JbbR3Iic>hZWhkMCb)e|7e@crq*mc?_9KDW<&X!TfPo?cNoWaUj)HLo5<661-h%&;v|6E zs@s9}86Q6ugg2@oWX40|BRlnN7grRjSXaZ%0{fpf!$k3 zErr8226hzp^#d^>ogjFVAvl5ghyP8ohaJ)buRc&fSDp+YnIFW;J?Ir61MO`mVF6^<)kRC2-UtcH_5^UMb2LyP3h8!M8_3B85*IvV$y^O8D+B(z*QL1TqLR+u+24kR_mI0-LKjjHS^R~vTD%Cz*^++sD0op(SR`*DLP;3%J(NQ%~>#6P_voZ1UP{( zx6aVkU9Jn)R0O?zwtp&!9sDvL2Gwl|uRlNQ{xFK+e!{lwy5^;L`o|1Lk{ULh)7%Z5;*)^;=y7i;4 z?+>}Ve*LmAnRL8_s@h$AF*(b#8UZ+8kQJqQAuftip*A+f0g%%s|_z_K3XQaVT@HRzcA=6w$Muje^e z4%{19Zia0i(?@@JFyKycu{raNJ#)-K7(Tk4Lz}b6IR}RcXmbbi&>#dTwj#cZ~IK6}z_08QGgdiM1QyU6hA-{naQ zvkHx+w{O%UT^rQ-7~z@uEjy(g(IV)Nu%Z`b&>O9!ZLLOdwzvh;K?}ly(j||Hhdw?K zzq$O1pT19R5NbzW+dZ_oq#}@>=N&P_t^g7xNVZ?^-a)T{S zZKzF*Y_#CHXZ80av@k)AWOoqZps<0_H!{;ynRZfE5i(iJGXT#EjF9Ard7+-fRy>gv z8I2xDeOkIMO*>{!#+c%Z-v$78ZssEEsY&zvwy;bGKdbY-mvRY41x(-Dl~v;-KB34X zz@tQ8N|wV7jfar++;yic)%~pMIlP|A1@Y!E_a$((dO63471iBf&1@azfhCjX&) zYqDD~Yq4@;q3h$PTflv1=bn%T_qcN*cY;@~JAL%m!nlA@>C{nCLT>ZQ1V}PIx9yJ zRU0N59*Fy$Y~2hK8uv@qb=;p^D^$TxFtc9F_+DI)q!krP6`?_ipDDesF0!N&maC8z$eJ!x!m#!{b5x6Ko+6R=I@}WHH`?MdIwQzT%V0WN$eFkZaNt5u^IV-bn=XWe%h<#i>P_R z8}Ub@0K(o6hcmmqS;u3o=Y@3NtzA1C(QqEjU9^+a?!&XOCi;P4b9WL<8*o=z?|wG^ zLY(HO0Pdy*W6VXnHWd|aUAXFO^p%;`DyxIP7GAJAlGsofIVpwYAyF%aov^GSe*<0i zwyFz(d7@0l>q!kT(s0O{QQ~y6bEZ#2d7h%Ib1Q9BvW@&m|I)A)6Ff)Y-vKu*a@jtkM$L#$LPR||Xl^y)0nBZjLNCX732 z8DHJ9wl+50LR`|n2xXO3ZrtKzY@Ic@kE^A$Hli6;?Zw`DHH`AX1D<2TTQ@ zH0>Q94YGNbs$f^Orqq2C%qUy;%jWWAUVDB|Bf`sq1*c~GU(A}X2z0AySCg17l`jA? zS*VgPVfS37RQ_s(po6Aym3_De;-CB}stF0KSMI*7CZ`}-km57|+_GRSxm9IU%Qno7 z7+Y3EF!im2prSw%E{J_*f6r_{7yfs;;s2S4`_D}9u)CqpE5b8X*1x9shlfWm=c%tN zF2!&s6wklOPz+)9TJS37kKGbZyIHyC?zRtym+c;6|HY1rRjE`$NT_gbOvw`OQm69K zw=+ZDlpL<5#U-_03?vjbQH7v|)(CI)$fg;>REBM$vqyt z9Ey%?7AL3ETdmk-&!^mT-TzZqvD1;jHA|Cc2V`=O6p;UNe`;Fq^YF%y;{C8Q3S9a8 z1k*z*SR^U&jnrQk%>4QC%piXAxpl3*E5Q7%xW4YZawI`%27-TJy!O{Z26VU zbmJQtyGSgag#*Kg(|kQLfmIer%VFU%hLq5rDplYB5_h(u-?z(93Wtr+ERMYd3I64%-6mp8W)1(B?`=G9zp( zWLTjOc)w2n^YQ3kSx&g^4SHhVKk}a$6d4yK8e3F(vb6FA@iQ74>}eWrhPPA|>!}ji z+D*lU?4v!5c=5~Kr(tbS-VO@ty|F$pIA3?l5M5@RohLk=(cD&(lG;6)(tiy(0yTEx zduPT>W%W*#3=X5E6Wb7v6blS-OGkch|;h-3$GWZxUQv@ zM7!-w-H>tlOni(-TOmmG+-=-)kc08D?(V&~YoX0Dla!yUk~X;R*Dih)Vgbwp7N6|i ze(cH$m#u!Qy-R~$BH4B_qUSDuQe?HR=2;Axj%%Mzj&({**ER^=E1mzasMzUfD1|tVg z75-;BVVPQQbLiBXzWv{e;f!;-Hs6maH&qiuA@g2FQ1p;Gwq}(Wq#WfUV^;!;9XiE@ zss9+xiLnRwg-ILT=kE0FS9!T@lRX{3d7^0h{n?9l!UdPICHuUxkkC^IS0)V8mM7Y& z5E;@_p2#ZZ=3A+*5A)MrcC^zxv;m9K#B|}4TwP82lTBA<`qohzLj|NaOV1`}eL8f= zVJrK1#Wz{Kk5XK@t6wJ|V`%3__53usnum(nRa2>K5g?R?5KX_#6b&zPhCne+dVY;S*>5WHA`!83v`t#L`3C9G&*7&W)|(y<{Js~fdAQd0;lgH8W*vY zD!^#pcT5LuR@A4#T+v+Q19d-3+uDT*psVEJ( zk)_@GP4`A%(6*QZgEq^vly4{_%aLxmQ5GdI-gOBNOQxtZ!IN*IpLjf=C83XzpVUu( z^CU4_;)7qf9BwP6tVxoI<|JGoo*YEZ&=@X z2w=3H+qqL<42-@aGhezmnAbg-Bqi9DKj}GmC3;Ss*+gGJCeejl(waK<_Mp1!Xu)o zm7l#SV?%g}q~Lw)oZXUJe{??XpWNDi`z((u`rsl#F|MLb>>2~f%hoaFRZ1@eMERrfR)z_FbknQjHZbF zJ$h3$Vj18Hp@oPBxRogRfi0)Xhm#Xfl;BK<(&eu}c7O6*_R(4VuQrYwu7*hYH$9qu&1u zQCeXcM*`*6_i3=qo^aYiso<|SBCJKVyzJYY38-9&09=s#7fIavBRKrM6{;X z&h@skR-I-LSK(4T{5oQ3igJ%LpA^>LR)x}BLPA^ss*LkVE>v{KgIU}7gvbvQBA>5( z+SdSU(PZmIdpec$I@1hiGt1(3ru4AXouwZj?PkVSbG9@{^DeN#m@|{kdpn4GUNv}+Ed(3yM$DU%{6W^7!+lGjMOU? zqm?>Vk4oQ|WgKsP01rsHwqJstsLnbw?#3w1;7lXs$g~Qf*qJHI0$4?pFX_Wv3eRj> zNnE-$M_Wlc3HGg%jN;IoP+o%JQcgS6ffP%M=gV`;JujqoJAiMRh1r0T0^wC8tUi1= z&&$+76_;f1^*awIBOWT0z)16J2hB)2vmPG`9pi&w1$5n0#09sP-<;Dw04d%TI2g~8 z#Xlm8cfbPC(hUpu#k{b7yciY;o@qLwienS7)(@I8M z0e(%;3CHw%pq3$2MX3bEE`?!DpNt2|U5NI%Eqz;fU?OM>Km-(>vm-mZ)MZR0A8-7C z*WbXZd9vq=Q9Gl`oysMR`-+`7)jr$>ZVe$f8FTE{cpjsu?~&VJy0raQm2GJ5BI|_H z>%bFpQ_&`Qhs~F@g~q2OQ9;p#z~HtL1)T5aWBmB(tcN}!JP_C=gY1jk4E@XXlrl?a zUoe^iI;^!`D>Kf-E$=)Y;2ZSCNWb>dOi3a#{s@K?42noSQH`OJ&5g|dW5wT_ht?lY zwe(X>v;&F7tIDwI*Zxq4r6QZn5vYb3x|_oGcLUNRh^%FrCZP!|A9{*CaRW(mdnSM= zCxQ~PQ6_?Cz&z7R|FOuthDNeeQz|5B(<1i7ybZ-P)K;uWTe8RB@TMV z?@9Mq;594ZE8Bcz!<)N>ZQs+nz3HJw_jeoSjOpJQWU_8yVghv1(vj{5lh0x^#Atq0 z?>yuWXGYjZzLp%^daog^&>@F(4BAI)Nk)S4B>4Z(Y6Mj0&c2HV!_3P4VY{=kHzhNO zYl0j``GnWO7}#1kONp9qiPio63qVc5Oopk1#2ELkr75oaQwn6R^fxYmk%_%sS2tvf z`xt#M-!KJBjYC`~e2kI&o$T+`H#A5bgsqmE+n(yBn|#bclAZ&HZiHH-Yt+14w5z9yk=ws664+xA?Ub^=E59Ewi9aI2W;^`3 zrqZ8Zu`A`3VaglSvd6U4III;q@U=g^xG}KVBpt&VC}jHGDPp*on_I6gJ3w?gfIofZ z`>`YUsA_-}10+=l{PtIv7eHP43 z+&{W&dq6-;4kS7)s|C$K@_+?ww#f$fi%mkiGYC(BM#M|Jlh-GhF|A&@^ud`BzS-CF zWp0ZWO(L}|t$ntC;z5h1kP}4x`5aMR)Bf6~M!KX4Nm*NaU#}ZP!uZWT)c{rX5;R@e z_qbD&&DOaW$n2S^v5b|QE|x>`W82_&(=VYB+}l*unmDp)?*Y}=T%jV>!9#5>I3j^z zYsM7RBF__cQ`wTv0+qKb*o|Q9)B>4&Q=@F8SAH_GvKF5MceEd6eMj{VVN{K0jA7v) z%&**nWWfAxlvjOF*yO45s$>g%_{&qog zXJ_?AP>KT!v~!>fyqDh$aJDSEUSv8n;p}qKo3$K`4`(8u@6GDYQM9Eut=W02u5qjT zqDjhOfJ67_H3-jv#X>3B)XtVaPdA#E$Fp1dgv}1>7i8UDrm@y|#!cEVWA8lMl zlCL25EVIoR4&)Ga-&<46$l3(`Y?kSVfDoQ@WJXf^%lsM)GmC?xDVgmd)}}#)D>|=B~Xpc#6$(yug=m8Y?+Notq*-U*zm1-c3!pDr3Mb_?W0e@Rz7e zWNXLR8IHw-X)gwTm{^GcK%#?P;6@OVS`L7sIItcn){iAouXDn9s>r0A=B3VL{J@`i zNC+C8Qd@hqeovPE2%adG4-nWU@qiSy(?*ppIW(7tpf zSG}w*KP1iGy?t`mRNJ*5(H=)rT2@fIhRA~{%1xZ7Q1^dtW~0*Gml?h{z9FO?a@>fY z!PZZwRDdRMlHYmcpkC10z)I8Yof}c0bri&sjd0;70pXf{Da)9G$2Gq@e(AxUrt2UK zFufL<-#o7Z<2l}FKpF8~V1)_bQ(Hc;=b1Vc|C8uFsMqrEH2h{u->LDS+1-YOuvpOf zXEP@3V<8^HBVwqGtHPnCx?(tR21t)fA-RX!*>Wr%UnlSjd80mT;okeBFQa=h&e(xB zr9hPO`is}64g*9tGf%t;m-McSF@SaEK8G* z*>o{u@(uf3>4*Eigt@!p^FN_Iu67PH^wr8UWjzN-o&!2B-pf?D7b$G@m^F5QH!bM1 zrk8D&)YYdbMMC)#WHbpNkQiosKqJ#xxsh*CplS&1s#}B`cmbs{iDgjfU&>5QP<-{; zBHL2^>uN{YmqPFLdCltMj{EKona}2{b&#;Phn3dUOiG}4%?K@e64o3oG{lV)-w#}~ z0LaMiz#gi6D3(X|Q4I@ON~%}ebH!=|O{|IGsSrS!GYvJ$S+DWgzLq%Bo9VU6P_SwN zU^=;HwP#^zlQ~WxUhQ|JHlp3yqB+6Xo25ZW6#)FBA^J}+;5rPY2tAI&5J$UT&yP@1 zHQBLxlf0n!s;AOW7`oR_mW{b(3_jid4>f!S9efQGUYt;qA;f`Cili@BBle*&*Izd` z%BjrLee=Wm1^E^Cc4m*e{3uFd^=VyQK|K6cs+?-&2PmfaNEO~_%g^l&#@X$w?8D|` zK!s|0z}FXLh4Q(QyiWc20OIQ2VKv09t`CaW6j!YN<;$x3m(CSkvFi)@9I=1gZr|os zn`gW<$KX242tCsT&Cn^dei7y*-$>S=%M)ljdc!*DS8H+VV=5Yq&2;-kTSSy~Q-7Nr z$P=od2bj&Oqp6n#!>7=cUf?reVOmT_s|}~t-pTA z4Wy*o1mR$XkSk1zEXIeIb9E4z3RG{MSqI}g1}&&TKAQjC*s#HToDne=7J3+1b@hsD zB!>v=N8eaKW6iGJr|JY<^&7t1sq|k}uh^7jSWJRjwTxh@7b*amz8uGSd7Woles8B< zDl?471@L7()(QEEO*0&`s)hKVd|!?nG;J=&s$v62I_D2e6` zMengD&85aZ@;O7Pht*SH0+Zh)h9X8DM(m%4!=Mv#OV64nDtkwsU-->EbJH(iIFbFz-SrYjEQ9|X}-XW!zas8pGE9cyvRXPwOQt)gHlw6V zl~3Ev7V56>+Chk)b)Fvp1Db4kA*B-7ayaaEMzA?us!Ks>dDPSIiL`9&|wW>HiJC>01;rO*TaSnmY& z%3_xTLCF${J+qIft|04121pKR3 zrllMEL%p_!`&%7^Q$bw?BwPS+xaI?8iDmP-m0d72rLkVmx!EP0V!TV(1|p7&ep0$_&qu z4_sD*6mclBYbrxa2%~mW4f3p>MsSDogPC6dIUk0Rd&Bs*%cy}{ab5l@tEV+mm7t%% zQsAlcog7%2C2CyaJD}P8AKt0u1*|Ufu4iUv*e?%W`T}?D`q||k`oaxo(G)!(lo=G4s~jCv3qoR>yrNt`8z(E9O|`|}=2ubSKSTiSMs#W^+vWH;BBSg4b>>az~B%0`my|OOLFH9I?Ncj`khjl&QMxjy48e<)sraw z_lec{yy`%uBd^y@|B~SOV=N;EQcL%fAklN)=^>+UWp=8JhhhG2H7Lz#OpmtP1>o${ zyu(g6&EpMMa7r@hzI#7uH%R{V@60;?De`Z7Ubi3T0a{tO`SCNHJ=HVSG3D+63T#gj z?eNo<(t{INdQZ7Et3UltD0{R-)+T@0MOgH)OXyq|)-F4$kH78Zm+_@PiCXaYLi$&}jf}w(Zld+p!+I5MrsH4BEHCR;sC)2p~=MXuFQPe%{q=?P&=-zER&qA8_Sy;KN#4uv6dFoi~~68%h-TWDmgm-ZO7g^9Qh6NUOjWM|a78>~@aas|v916gtv6iQ5E zse-7qPYP?9Vg?vO-#?O|?xkEh0|xD=EP|AVHKT9&TEfLitlA413ejj>FX(Xc1DrZP z{CC&Q{~`6u`&3qsWC3$?1lsLm@fJ1RYf?O-EWedsCiM7KY14FfL)i>=zdxw)Ga5ss zA3`{8o6m@A|7$k)(|h+03-!t4aW-Y^>l-^aIv6ACvTPJWNlca+rAf^R)CfOAF>GeuLt7D*ZNpd+nc3&fIt!Dj#~Wp96CysKsE<<65Uz$i=Fb^npd^Pg%~NkK ztf-p;13x*T+Fqw1iVPN;-jDS7$<^|3MJCz&(%BdVOly2*?59uy!WV?LZfM{2fi=D= z;B?VBNgG z{L-Ai#BPXdog84ZXxgr^0<{x4#Y^9z5*;!&gS69|*}xBzL?vy=s3rAJuZ6;9&j!0b zD2Lsd0+$cSsAlqX;Ks?;YlLRFEEWXgpRidgZB6N_tC^@QqU*O}M#H)=us(r5kFYeE;6|0=p|QAd~nv ztTZ_cYHNi4jlycSso3%Bl0a_J6}6PeWFdqUu%z1kaF7WmF)Csd`K%rq&I2mP7e*(I z1yFS?XjC*(wt6qpuU5INCaI4m+Dc`IS_*DUF7Vwvw9x|K9Cb}H&K#(s4E9wS6m0#o zRnBQf=C|Lo(vNqw#Y@Hbtl)3{!@EGlpux#?aM&&C<@sd4SICD58*rQo&0hh;^0 zCO>Ii=NBuVeE-XfF;>2$gS@DSnEQ#};j1=0JNxrcQqR`f>^xUVMUFH(pZf5)Rr&co zcc3{!`|tRR^CuH?`*S}r+p_*juIO;#@Fn9p>f+26=x&$Nlbu<6@8#sU)_FFs93yAK*#Zj zbuHXlrRmDjeVWEBclFS6g~yy}FRU?d!hWDHb$F zlt;lePwBl#EY2~>p}Lee+O{ieW7VjcRonbyfvgcP3+j=_G?oNJmNbODQ7N#jP-L0x*H1O;NbQCOv54M-gTPj=2wB~Q0uchEgdvi` zTY!TG{n$I25Vq5-hhT)E_gfT|u=Dy}`T*KUGZ_OhU^D0NWUS+iUbq?q2%#zUMj6^s z7&NepZw$h45%9q^y&=?n(N{__UmmgsmQ0)V$F7Q0Rfpun5a3UYUK^g-}VgNRR0x zrx_FWti@OgI8YI?Eg!(K4_C;r<{W^YXn+K{2V+v|xB%pH!hlzAseJEPkQi75eXp4s zkx|jopK=gwJq}_Gzm-%_St_a${ebmb0vFn9I1D&HZDa$s5ioK$3bW7y(I_R_08-Te z^8{@QGwhy0c<<3bCGMFS`P4pY!l1v}Khi~oNm8jwE6+Y9t}BQF!tTBrxL`Z*tOTB^ zfd>S?(Lof|n9gNehD=Khsydt*{h6&T=#ZSQU(R0OSev$HjotOe2-PB8WtuhXSMM$E zpCNVjL$bSKO;OyJ0rw)Z7vSw8_qOcXf%^t`^fOBDcrHHD6e?S`7IvTeHnWa{T;)%QVA>2 zOoXP_%dlba%C|H9z>{QncKQ5x>1y2tv%~Ep0v5GgOl=mp`!6F$C)#^GKHK~}8}n0k zj%f03MFSQ$TeO{-Ew2LCC@#xX2ax!J_K_E(%>72Kc~<{yVx?2S8U?xKUDHtWLI{RJ z;6;^;y4Hfi(+f(WYA^T6+`5?aFl<#?sBnDou02Om1io>_;(H9uOw6f5OB_Xy^Ry<1zLK@nI4~UGf#| z-W7v$sDE_h&L0yAm9=r8=>_lg)6O(QZR?jXNene$&x-nR)n(E)lN_Rxt*h=WijF(- z+U-F|C_b3$U-}c}>sbzKx*qrwb{acmYm{|h44TGlXwrAdJSOhA@`Kr_s^dp;#b31F zPdu`9RnRX@vyx#zPy37#;6BU#p1IlbWj)VzRf0!#zAvp^@iY>ZeRC zIDT7q?P{I$a#o1TgBu5jPNne$UAU>9FRDfopm^WQqfNAMp31BcnlFGek~7x(sJz!0Xe zQpY~P&>MXk z7_RprLVN3NG^e{ue#?}^aIj_o|1d=voAE}V zwvUy`$NKiMYM(qA9}}~(CdC!>9fd|a7C4m@&9}{7eE;C?J1=v^A2f!Dk2%^WOtY!n zA#ZEgNs@l*D84=3<{KxXVubPsx8T;aD~TjcMNTMFcI@1iEq<4YA(3XvH6(GN`|c5i zuh*65_G>#~_}{bgYOHEO^2mds3wg@i<6q)G)UMfZ^GRX0bk7Pt&&%FQUuh)&#w+YA{ zp0SfBmN2CfbrPr4hck?b^2xtFR}mHg!`LEK8}_G0*L_EVahFu}PI!ct9AcnxP^5*eG*`Xhc*&o(?S`NbyRS4~SsiJKlu znGlCEQ?8snKA&jX)`|~ih1PV(H3B0fJa^IYx~{7A_^3k}ldJwpD~X$`%!4i_6emwR z)~0Mr0lZOtBE4g^b*|!KS*mJp&z<}hLHJVZal;mgryXb1#8m|pt_~PAEBB_`_`~6h zxI6V7Upf^2WIe$)V*+ku(1tj1X6y=bX)$GS8R!oi&BKj8q zE=jh~p2#xHgABoVF?P9Jr8>WE^xEjkc@EW_==SqJx2S)5{Gw=^2gU};BbcO(;WAgh zH#6-@BVQ^Tft+IBa|h6YaL)F5N4bJ;)CpDwL32SU=9|P7q{j^2Gn<}m2@&J?e9$9Y zAS=v$7pLUr<|piGjL<~|y*PC0)9GciF1GCY;O?Y_)sflFFLmc^GnYdyDi4+Q4Uc@7 zUtmZ4>p&v#pI3{#O+sPCo?V$V5Ael6r%up6OlTwbpjaDF(2-+MNd<@SxgZMBI=s&g zOO9LBi7^x)Q||(VSvdS44Wz_BCA+Zxn>~s825^b=a~D>cEb`a?Q#W zBb9O+yt;|!QM!&|UAZHy2_#d158k9NBn!(Vta91f(Y6i0a7yPKTi!I(i|0sty0_xx zn0U%W@HaYKx~(QVb?TZ_53>i+ncQf9CGYdYp`(miMeS|sU+7OWesZc49PYz8w3Mtl z^{Mtk-78XYs;Vozzi4_sV@BtKPrtAFt4rS0xwXf0f0{XWdAN}IIauBI&hpS%36lbA zQd%{dCTQg_C3qv!gTZhOjZdY6v$GOh9Nn00&gx>J{>%7tag6@zXT&9zRuisQ_>wN3 z-+#y|o_P3KG9Yc!yy+K~E03_X9w2yuvMTc6Q*BsX__AI_R zSLMc?jzMtrB*kv3l1|pm2nq_i<(o-=l|g-c_Gi__q4yYHAKovdz|Kj;_JN!$iF_{d|%@m9GW^dhV$JcWhy2STELP; z$<;I<&3d8fW8;-5RFJ{e8EYZJLf8+=DpjcHiLMWTo<|~1GyE4LVq)1L7Qdqc&Y+mX z74{XDvyN8&nT)ZA&_Xfwc-QgvSvaRm&ZE($Ce;{*5mo1T0Nltwno&AkLQVKFV?KNJ zm@CjbS(GO#cw}7LUg%uq%40mF8vD(XxwO9JPy~6FD~jI|a3!R&`mDX@UT{mSxts1b zNm=BSzWClE`#s&XyGhL1jHG$faaB`QQ$_uZ_|VSOzXXO9-~HV6X1;f>&iCNu&XTgP zwgz^7m=KX&3m}q?EX{RZ)P&bRpKER>_e^ixU(3Doasz%wWnW3lt1gE)OMAdp?Dy-N z3A5dt3(Nm)kw*kLNg`k$E1Y@ zZ!!H6`g+7m%WFH&`7i7&`RT;aAjK~>RGK_ zf(~E}Dj^_-_{wUbQVFe1oU<>0W;K^`M8ja1)I;yci~E*wuF`4ml#Wqdn_ViiQ!PK6 zm)9=tbOo$H^!H&cPsf8q^=`l#`40^T@;Zx7mzE9Z>AMNV7p&m6&M|e!=!ZCCy~+uUy(O0ZIsc;GhN!X);6ODqj65C?`qG12IV z*>PZ@(%ZHEhY%?5dzmuDnRLJyTDd6q=g&7z1Mizb~-qHUkgK0c1r zey_+Wpk`bb(07(UU#O^yad72^+b>`4xXEgFXn9mQt<1fALq_S1n04jrgKC!7kh|2C z<@^PYRonc>r?}8hI7h`&)AuFA455CENuFyT`mE31b$?`RxTGeWMteAa(LCS9ZAF(S z+xs`Gv#0tQuIA(#s}2_zM}1!CRO?&3j9~nhq+gr$ASbHUD}-OKgfYeJ?CioTc8X~N z#a_WN3vFe&dvtAV-cw&(_;nEH**&gxyvKmCe>}&EM&x_yixXY$-7YOA7DjcM$wsc{&Hw#Alz+i{JoF`0H4qm^|bj{MfWH*=E^=%RK#Q7ch-O}VgDsugQ zEh7FI!o>S^N$CqW8e04RV|5_GraLwla zyd$Kc$uYPfxO#Oh+y0}at@jv&624J9%hOP9@!bUr_SpF9=2z=r8s$!N+pS|izaB&B zf5ZCn-pttglAuM|ek#3@+yrN55U%32=-S3rllM)`biMbpY*yK)>SX)9w|s})zHn@W zU+Y!BcyD^2bNWlWgQ(CVfv|`8;n5$fwo_FThTEy`-0qq>_Rh|aO8g0-mI<8tDhA-v zBNvH4p4&4!OL4F9fR4@-TeD(ETT@->tu8XnJW3$~Lowe<14U^O)<|q$T@Prx`wqJn zNya9wyuO7o>vP~`6vVI8#lW-xK$x_XJUTWDP95Sfflg zg&dk97F!)j&Loob;%N@J?@l(D$<(uQzP+*)7kjQyW@s;VWiV^z&n$jU(?6?@b@Q2lMRQ&-Bf|xyd<`*Z)D5vW)OB9GaJK(%t6q!2dDbB})5&u+QLGDl;jB zTav9=Rmn}a6n$3G`86aL&(Ofc2dDoWB91#_4& z-puZV?SX-@7JG^}8hf2R5@v~#CKNADQ;se>hwCER z2Xiw({~1DX-kkq&QB_2EE~z*}#dTQ=^KlovBQ3O=Nv6|4b0yfRKE|PO;_arVTz!*J zKZ(_+QiTZfq97BRl@M9C|BInnJyR%^kp;sB29|o3$ofYL9~tbFk2~oN&XKMjec=UZ z;f%nS{{CyL3qR!42Nn#)-*5lQ*rUi%GKyI;3+uCNLyhmbq=)T=-voKDO1$L&L;^TcE~I0lOl%N$M03X?=$5I z10wspLK-$pG{2|-(|q9Bih{m;*5T#ut%aO+ASUAXDV}<;VRXH?3D8_X^|CwY9SM@_ zHI%+h?=d-NAW(u)fa1I9Kov7O4ybvTl5Qg$c8LeblCONdV%`BhM@O-}O#2ak_r47j-^$(&fvWs}Oagp;_ z`kTEz5Ixy~zj|}a5sKMdh>+HHy`-r<9koS6mBI?Ma6N-eYmq(eV}?-39~4!q)oSd zEqlLzez2%Rk}d87ML1U(-%!{1s&zV^>9Sd?OXc1FIMFo;N($*nbltG5H zwJz#VS=LoifkdT36(kI55&{W|iinUZt*8vKTBRRrlyv}fgL z`z?Q^!?D4|)&IDCGr0BfJooV8^^J^l$u0jxUi*!KA1}oSBE)tAjiiLux1@7uN}zMD zaATn3R*wWe{*dF1D$1gsU<|AdmnY72Hx8=aNQ&{l$6A}p`Hd@oz5<9c!e>vWlOzvF zr#+ab6I&)I`zs{jY9;iPqN>wP#v?O5_SxR~yYb=6@Alm*EbC9LWfr*&KEscYh9J5f zt8c{1{RIYPz{)UJbyRb51Bh$!`WW)E!zG;uX67~ILat2?OXdgL@Y+ug8aIoB1qqX3i6As$51>b`tdaG+^KCcNilwPk#q^vlS~0wjl!Q8f@8sQmWV zZquPDpFW+NkvaS3E|{!QI+wW0QdA8kq9;hGIY3v}a0lNZfLhW}$CYbXqe^Gp!<<7q zLl8am_lc~PITC5x2_#7>KS?0>S15l6-C>8eOGjO`o?dlLl4?O8Bj&l{V|#DvMRz^$ zU&w>q-6j;SFSIsa9VPOL6|Jk`e4PWO;e}aHwLYurdT^r2b|N`Q|vh(yjXn6f9InZC8Hdq zS_OOf>JoghS=vc+r*G%Y>b!|NW@#B)IFHTfc`(#edb-ImNfA@+v~`~1g00``wMk|U zQJtR>1y>kCJcN*+eiR)dh;|trb~rxxiI#!Zu*JYLlCv4J!CZl#m4AmnSdO^0m6~>; z!4A0Oe)lh1hm=Ib?Vq#geWR~#&B+Q{`Xdm}v{Rck-lAk=Apm{o;6rXXa2Q0g5|-Wp zL^c<5R8__=hG>ZRA5Ogt+8S9rPh1#E}?d!?iMe4*qEWuZTn42iH z4a|u}_Y;@EhBwXxQvdN(|1Ww7mmm^PSXo^f4yzP=4eIC%cs2OPL-mPBeCnG)dB>^~ z!=BZtf@q?yjXb5LFG7fXD}udPzMS9>SJqm$Eq!Pa7t3%FDMK^=9!qGMfdyyBJ9Y0G-OW$$-^i3Y16s z?&>sJV5Y0?18p%y`w^(L=p$H5xD3r_BLPOQdbuVo;N9QRX{miFa*jC^VP7yB=_#H0 zeA2ZQYqka5pX%1y)+~iUpTzLVqM;Px=2LZzbuESSvc7O0?xqIsm!7rZtWQe0LIv}# z`ty5E*=47jB9OGGY^ivbyTBp6I`-b=+LY$@ev)p6A`VDHam~s8_p;+PDNYOmkX<0l zM86CfKM6&klz@#Cm?4LbkuKRsq$I*!wTh^^qkTqpy#T()@RxpkEaBYP)M`Q#$7w~V zYcU+BgEH;KI%f zzuB_L{@i7ZQo;u+XLliM!d5%+vkyS>M4rr$?y_ zX_ytJR-}C%fX_)~l@avMxiAxIdIG8F{&LWm&5nFI7@0E=4y}L%E1ygpmK3cMso`tW9r z5B!dIUN?2%zf|BTgVW+EN@wu}cE?Tf$Xp}ZlLVYlq#fpj^r<$J3}&K}tg=j93wO|s zrFMXwFFjByx8oMA$gNnSPK31;-A9yehZco`zWDLQKhFL5a@e7mqWtM}mcA6F`()4roJ#cOx$dR@K zD0Oi`*w@JwH5}NZH_n33Is8Y=woRvvYg9@4?;dQzsDz zRK{iMG#VrX0zuxGsu zN?0Wjsn!YGt@m(U;}gWU9k#p)MDT{TjH8{7gmOL+)L8OcEeC;#zeT$h5xbzeU&Q$V zLbHsV9MgZLbVOtbW8s6Z#lI-=b(m~ek4k;$pl_hOre%)7+z4+R3^<{<77n?wWS-h0 zj(*-1<^~W`Ih!xENeyB^tEfh@OqfNsMEG|9ZUHg zP_J#`DU%h=(`Zl4d>^DPg6idQSzGAEeYv<&D5!QPW9-&(i2Gd`R&&&AH;T%x2TPu=yZ_V9fVyOSi9}%iUbh7Q8GB zS>skdm!(vtEwXuVIgajjtG;gc(_0t#?!GBkjx9;DU3=ao$F1!2*0}p?#r%!wnOiV{ z{DGwe<=IuFksWEY=R2hbv$x}PKe-JKNJoxiyk6y&rnlM9cIbu(`k5@5N9HeHSPamZ zicE6LEs<7C#U8l>Zs^A2wT`%m@?hw{NmmWqD2fZBQsamYo7^QN>Hh#?{Rbz}AeHi9 zc6g}ZJnhs!7?scc!VU(TlH!l%+_ccIC=6MX4b9g{oym82WN)gwX#}1`?EZC zQ*rC_pKIbwL?NqyhC6+xGBtmI^yQ}kM?StAbi7tuCc0a{_bg^k&~f3mFDm?kDj!a} z!Y4SlUvk7o$c{CJD!ort90+_kuPo}GpfJQ+^*yl>U=WF6>E;lBc`EJatp0m*ujCj1 z{Oqgwp8HHAE0Jv3VRE7eE3USE3cV-6a5c@Pg8~-rz07tS!`V;?HCuDhk-uo5w)XJ~ z!E-S3NM$48eHOZRu}5jYw)bV5dI_rK7a;<+gs5KN#n27^*vi!plpXzO-gl7;4>T9# zKbe33hdWQdD%~8gYM;yHOUtj{4;@^mOl@d8;~y`d%TWSo*{fY{kWsY*c)g2LNxb;E|u!kETc|*L1Ned#E86Um>RXrSg5OTp*Xu%2efnhIKb&gwVnfuIA zeiD_sAPL2lRM0Le5LqJzEeyKdSsO5D&4Gr!B6nz`6g}jKH2C#_jE0|y1eT(X3Sg@0 zk6=(s#%r4f>R=j26aTv|TOXpf5@HIxx9#*sPH%p)Q{?P5>&^3uy*__$Unq{JaN^-| z{0v|!a@plyI;ZzpBV*AXZbjJV+pTQv$)2!Oz9ua^upD!1YWY`_mQUWX0ck~K3%Tm6 z&e~RX3wbb3G;~DUK_Q*)yjC%iz`I=oQoQdGv`;~K%42!nU@4n>bD$jY-tsA~r~uc!nO zxi81mhB~yX1MB9PpA-!?1^_vijtI>W+U8j8oQO1kU0;?#p|}GXRLYz*<|l{+ki%M zhP}7F1Zw=Z!#HaLf( z234}4-Cf@!3Ih88 zlUf{SExDrJ>1r0O)v7#d>#vvkxC<8r>z~i+U0#Lzbm5kdF`vI!b0W*vqw98W&I<)zEP3#@v`EM72j?i+kRoVDVuG+?LVF1! z-Vtb{J?Zrpj5U^u)bVcZu~IvPAB+`fGI@0clong!&?@>h#BP0^qIX1~k6)2{d|kVm znomtcwf=Y04s$dUSCWv*w8tQ}@$f!PuA`y;FYo%^N5=P}kt3pFL5*8@p<57iYpD>> z+`|RyTcnOFtxoVth&2coDZ_2y?=uQM_KyqRQat_E)LAX- zGF-pix7)_X{aj+0+CHsqW^&x#6%YXB=cd&$9oPX!{#T$lwY4HXEIN|el;3%v%$(Dl^($qs`K-U6bKrk<`RbM71M|&3 zUUeXJBUCHV9f6Zb^c46hg{fM>w!aTNUxsA{(b`DS8D}eCHFWF)f zR+pPPr-XPqCO(!vH8L?G-30ce+6})C<`FRj2ci%G<0<#(!&?Pwav4Bj3zB~$e*C4? z%%@Wlr>yDS_sza2vxw7`+rRsg7UL#*4DKBaNxGhN$%9^$*pf?>CuJ-9md#T<*+_9H zvuEa;1PegtBNXbNK;#%<_;b?0O zT0kCUjE`LZveBJ{!H;eT%!#vjxdgBNytzB2ImYlls`^Gt3eH=ATeN=aXo1FGuNCSe zGyJ3n7rGVS4*qr9sO#n7>)h){eW~_`%wKGG9-M{kguU}d$2vi2wk9>-%-;1Rqzbz` zum+Cfx-3}zhmu_~OAdc-H!pw0w{?N?{LtJjk(CE8(T1WJDCV;QEN*K7>d5GEaqf?A zm%E?7XFfZiBFfz9bjS1ezNvg~wG-d^*QpyDT8b?xpDn_`v{A$!2SE*b3X~Sw5vgH{ z5=3AuN0MYcDV`zCP9kewl6|um)-@3iNJcH%(jgU)D<5QwPmGL=)YsSh=HjxHeN*^- z{`{y0sk6{KarvbiV5Hx-#ycMXCZZOD@Cd-XndR0k>&CF=8=SCC0XXVxKCWP)aOgA&giCbC61F2S%)qNLr~@ zjz4-UbfXl#5mB>(l?SthRsf#fbqF3@I>A)zG~kNO14XG=@c8%L{{OPD`j>C%zmg^4 z4?Wl`M|_Dt*ZS+1Wz?fCps!sy3Va9p@OLLN59t&BT=dK9c623l4y;PNUQY>X72^^| zF8z8tJ^lTFl_%9!XVzv*_{CvsFd2JfvS^p@u%q8%I{*_!!{%5>jrRF#<}~#=2y{-Y zQns$05Zw8XAZhm3^W&!M@A5kkIuA2s3sY2Hd~a29>#g3Z;DKgFR?u{&Qh4$G>(at9 zpSjbM#ov5?KEdeQmbzVQ9z1zq?+l`wu1~PyV`S;@gdLJHXZT?b9f)Y5g8lP>{;pnj z972n4B~e-*kR`)3NI7s~6_WKYMYc)9JcEXBnz2Vn(Dg_aNWO)${@&d3wT_Ih1G0|W z-ZwkB=fvz!BR}0Oe(^Yl4Rj9YbVDy^yZtNZOq zoolZj&(D?Yb6KhSPN?!K4sPLVz%mWjQRfu3nyfkoR21fw93k7G_3F;=E3@k^Pr=Nd z|IPGoiYx5{)*KGb*PsmXbN!>-Tzd0Ah;GKun?%KO=C+iv2*&X+i=X0VjM#%f1IP2~Z0 z#;2ABX1C5E8dl*81U1Mlq3`*?LKQ0ze9w;H*o%i^j-)oY>!0K0PAshw9VGchROHB{ zf2ep}0VC}Qf_sk6nWeJNT)VC8yTAK)WDvz)(3@%_TqeGUf4$0jr9j~%C@|-!J{!nY zk_Mf^0!bpP!(NqB;u06Psr5|t_j^oc zi9d>(T>0*f&%>IVwPuTMor;QDR)6u;aPo#w z+lyTqNUX}Ol{^CYXQM4Jwx3yJyp%HK4@VpR3zQMUBi4%)ceLHGH}%5HXL12-rpe*W z#R&ACtU@GmLh+r`>cMgr(`5ZM!hsCQFO{j~XQs}dJ^$+8&-%n(tMcWEZ`^Cu)`vD` z=7>kOipBeH)I63jUo;HfqsTwh`i~Vmgo>Skxk*U-aS(j4N%qXSB+XZ(mjk!Yw`}do=&M!ztBh1Q2`*PuM-lElaM1+~&bF zNL42|x+Mcjgx1TewB%V~h_WR_;gL+ReQaI99K})&W-t8UBuE?Q*7g0c%%jxmXR~+i zHO#cL`2JpR*F2}jkn8tTD@3lkN#&ctCv}pn9dU2R>cyM2GKj#j7X_Vj*G58DTI~Q4 zd#AG4PJ&@nMca$&Ll)e`WvpRzdJi|!-<`rR>e*Jh~`mZXU3CoE$8A^=*wr{7?Css>! zRooz{3-vyUn|)Mnw>N59-R``N_lWIRtD^xuPR-a`xp|>r&;)y+8UIml6l4Q_5KoEi zbtgC;3n*N@H2=0OR#5;=TRxtAH0Ax19%1rWtA^C~ zjV`{gTaX%7G6S>8Jw=pvhhOYzOAY|C@uVbAPgskA@7qh|zq(12b2OtmnJ#O%(M1m= zkIof+?7_e^OCv;(nh2?gFgXBcD3TQ`R_e7e+B}%-Dj7-kG{@#nGt$gRBpD>UKhrSB zXKP^2x7vPlN?K`vu<+-ocUQhMKUDO?f~)C8KSw399DU zaLFw1Hg^giNeiEbHxv;IpM_vr%!#r}`iqUA8HsUM`KM}62|6D2QaU@x-N$Ix#+$$f zu;QBwhTM_`S;8gwqZjSzxgKCDh1BFktGhM4m%Rcj7>ihZ{a~T$3M2@Sw9l}u$R=+> z*)rF}DUEbeqXX}oGfQtHaNFwOWp}G=rAOI|Yr7yi{vCFhY*rfk?xD(~UwPFv zw13mM{Q9J8zm(k|Y0c=WCFHAyX@0^Ki6_5b1L~d0pg-1EW_K6&(m$#4Zj^-bM{FGT znl*+LYAVwNFffhfH@iljLL&pmNLz`y_F5;DX?>bgdsoxB3U8ZAjTVgd!!|aFDsz!XZBVpiR@?MCG`+}*K2x4#O(oPzk+&`xwsjL8h6pIyrdE*ES#?!7SPm>J^35`KL zXZg_#YG&{`y6Ez7+2NmfFUolv*pN6RX0l)?R7%i37XIR8cV=z9)3&7m7u)jjR@#fG zzu`1bBW9f1r`#9yGV2o}WN5na>w4v-CH&=v9ZXp?>m);(n|H<5h8~^CGWCrBNoxjZ z8nhJ@fJBc4y3v`NxFbly593|+wJ~&dw=oNxW}!NtG|B!x3m1m z-R2EmRNb+kcWosNeo{h{TQDX&mAKn-l&~fURhXsK0YLcu@fTylH~;Ca6BPY*Y};vd zlz=u{1R1Z!c_`z)242noCHOLqtd1j!-NDd{q1^#+4N4Ue6pvR$6XHAm65+t_sn*j` zITxZ7nACEEIC=wJ=A#k;P5FW@BHUyMj2Xhp+ijfVo3?I^zf{)xJb*IgPQKOM86S(T z*t6n{<0iXx+v(IixvbS%4V0{)MBZnH|s#;kqD^ zGJ}K-hpuQ*rs$YaWVOx1tX{3Fl2L06IEB@eoFtB}1MUN#-x61OKm9%@lB~wbx)2CdCw+@I+$4(Q!Ci8W5NysJJx74;Lan|RObIxU zxc`?K=D+(X(q|wCru+G_cx$I(gm^@JjX*@9iiq9>;eq;6sfoyv(~C#D0KO|&e4+qT zbi2<)H%?=MEZ+NX9CZEqa&l?A&4Qj|$jz!R#pb{!54ZST)>pm{JbvD%gd26-h8-bm zo9_{4?qq_2$#hY!#Y5VYey7jOs>mM^huz|O*;5)UEdwh2c=gDDTYiyH&IJH}&>`jG zOcB$b5pCX^fAlM>m6f{1701%ta8P`wDCbUwFdy*`Sl4_WIjFKbzO9zOA=aGxWP;Ch z({N#0QzaNnEx4m0>~{2YJ#3J6nlRfXMzlB&#*{#(%&)WeDt2)VAs{!Uf>A@i6sNck zk8d=m#fAyKGmTAC@quRf2CjNbxRhDwAJw`p-;FQwlp`mKt*?+` zWVe4q;>Y&*v4*kgXJicnvXroyK1Ui2O1o^!SiNMf>{XZ3pa9S4#X;Tq(S%G<~Y%(yUl}VMp&ZE!Roi|B6 zH&I@Y;Y&>EL$&)50whA&T8MHB!^px6G1W{Y#4^3&s zpEDWV%22wVPIHwjFW7508mIm#S`P4~SCG6`iPa(JWHp!!0jgpRqeFvhW>YZX!LDXSis-UX z^G|&HLx!@;IDXYOv(@H7>(0HZRFz_Bp3R+csXA-b5Jp*1L2NRKa73%Igdl zJ;H8!h|NSYGc|b{f>!J`ulA?3@%YaTpaw>&Yv#<}g@wL1r_ik>}5 zZdgwkIosRyq%=E}(TB6!yKvE?s{u!rCXN)Xs#W#{%-!X`bJC;0A`^bwp4B+#bNff; zIc%2^^HBi=s{@NsMJmI$GNtbL60j6fK3Z?Cn`-aPNJi4CDoK)qs#cE1IAkI6GEL^{ zpAd?udKpD_Dy{Jok%w!KuKA=;^N1r}pzK@R^5RzaNxynL_%$0k3!0^OvjCI|Ifc1P zw)X|dt|Rx+PQCsEWsra!A*}5@W9y`aQP>iT)vL1QSFQESh(o5VC+4XTk;`Uw9fQOq z!3-*=p$!=MSj=VNhUWJ5q-4(Mu;9A%ooG;b9I2p{xrr*01Ow$kFTe8eKK7E8j5cR( zqYo(>JJhuEk6Lf4H3)<8d4`YB3*=W=2P5KL1p>}Pe2Bk4U?{{4_5iAUY-bHHtp8;B zBRo3NoF;o=qsL*q_XHQj5EnIE%o%9tl%|GH%_uvNUKT5Ou>#&6-9LW~C2zA#JrRDX zV%d%gvL5((%mIfJS?WhF+xu41U!~Z*KYQ9z+x7CHhE@U&OVC_o@5{!~i>)Di0^G2w zc~2DIU9Kbk3@+Cx8k4wtQ@#DRwGERFvMnjhO@U!AOl0_RvsC6NLjS^$6fa5fpy73w ze8b|*emeWGy<`!Vf5Cn9KDC{yS5aV7s9$lHitKW00G@=jLWiQ9;Ofj-ca? zjG)#L)&5KgH&C(wg7wyu^*eYPh#@yzxdb^L+GbAMi`zS)u>b^sIs!Lx&9;##*)w2& z-aNv?Xxhcz?NT6z44!GEHGL4j%NWTlodlYNfeQf@4AMXT-`^X5EEf|@Lsl74sHhxa zJtBHABifZj`T}N88uJ`N1w~^EK$L?D(uMu60i%ds5#g~Tt2R{B`|Y2T%>+=L+ql_n z3s{>zaDjZGqO70+l75uJdE&7A!9TY2Unty&8=VHz0AX7ce(G#S*}AI@(hd1lRkI=z zzczOdD;}QVv){_}V$2$h_mM^>r9)}(jheP&tL!-dMGp%KZZ?^IH!>&nc*Dh-ldgqz z+xkydmlT!xL=SlqDt&O8i@d(_+{K0+z~Zow(N99m-e-4aYz$C;hs`VyY?gp8Tj@5k}&$*85@sB{~t`z8)D8kqJJc^ILD zqRkftGnJUg#ITAe)l(`2Tq(yIO~^+LBfw@#UoO8szOB78HXfgtXgEF%e1lH?jod+} z5MK|9n=|Z!WDRLq6mICfR1R`?A^+HlNVzG)yC_8nEmQ^J8#t7H*aQ0q^u5Y%0wgKK zUxZ^3gd-Y>F`#sThzyjb2%85Bd{N*!N|RO~FzH73*$;sttM_l#yhXpEAVuAjqsWTCPir9{S zD0SbOym$G`vNcA&^mUSl4EKCUI?Ji_wp_gn4u{EYKOtLH$ zXuQz#u{Pm!GEdbIL1i~{COb=^UBuFTm+{`tWyocFH>C|}3x0WKqTmmPuye0)wH3-% zQ$e=`QtpRHbU0s8!c2mi!^T*47{Q(^tpR)f@;^7H z_+R9^OVHgg+6xF?Zq0qMRep)0z6AMFh$I|2M<`w&<&UC2gfesy(ms0NkyD3sqn%^v zF#}X2@dfq$Kq}IDRQ84Ru*fg@uY6`y?S)8tjb&ptA*9Jb{z7SvZ{_Q`qkF1k*~|i5 zRr?Km`Bq{LEo^G)KvXODTGJP|=GRz*Z`aJ~ZrG#1>s&L_Q=4O>ZY5Xm@qvc z5ANs4k6^+JBoP=wDOX#Jmzxun4UJ6EvQ%au5WTW5WQGk#%RE`5OXH7>gg?y@OeYMB z*N7q04W3=;)Ghv-0c{26;g|`eKLcytjnkvJ&3v(w*wFqf!^23meerUg$MOT5fxaO@{dP|glQkawko z)z7}4o<1GqvIFIV^FS`k`w5Xe6WNLVZN9&2z zeFLHUm64WQr=kPR3Iggx-;bbtAe}OvQ58C}riLG=)PN334;=d$ zNcW{-4tdn)9?eV2ZM_2^Yn52*H(qMI!Fha>J~49A~bA0EoV6&dY zRcJ0~RtFBYH-w!D7I(dWe}DEi{mAw#230)JRJf8-BXp^*tykppx=n5HBT)S5xWDKy=;6* z{=P@|(5P?PsOEC>R)em>2{K}U}k78g&2EN5)z4NZajGyuPi@=M5{zPXAw2Cktv3q#tU8XK|6ZxAsr42&Em-d4mo-b}7H- z4*%SnInMs*X#ZYC{56gM>L?}nh# zWjM~HvjrRFKYF?wi$AeX_VMdI`{nGiI&nP1{g<^Ihlde)-pbS#0xq-c2sJSH{>m9q z)2Bc7sovGxU5Kc&R3&`-2pBsk3Pqbh<)-ZfubEPF8Hfcq`M15DqYG+ab4v5%NL5ymhsZCnyzz#5z(5;br@8H^t$RrvjO$_MfbJy_-JP^L2S`xU(} zOU-Ii#1PEhx6%ti}C^nm&h}R zguqpE^hYu1xE$#m;p#U=p%55eMLBN<3+m&dw<|Hw%B&MOG6ch*dwnkL1YepZzhxpX zb#s}AdF9fckNw2a7$>J$9;O1E_P#(EQZGNBvt99Rk}xEo_v~Iv;qqIz|L$LKMiAb( zfN3DyJ81a)XOCOG`BzoJ__S zu0t-OQx=_EoN@+p1U8ib&d5!aAeq|}Ge-aA)^~!EZ@h;2m*bLC2#4WdE=fUIpH!(T zbk}~C+JL$%ZHWq7G}sWCkG*hx<=^@7&LVPbz0a%=Ltk--CXqA|2KRZ zkYy~k-OJWW>#~FW?1*!+q-Cz_=)vS1FP_GtbenHRG0*@|JxxS7=UeE+1N%CarX-@TvvZjz<=abQS*=G#nqRH#)>=lVKcX90cx_^FrD zHPmo>%=pyp9rB2^pj2w;*g3z(SftIC7DR!*Mwc4i>k|G#5_^>8l}!vn`Tpz6 ztQy|Mx_$-b21?73X0aK)EHOM7*QFhB6{w?G!X>y6V}kCoiTwI#K1Z`8FsIjMLR0+_&s$9 z^E=fC`8zV;K>JDz{GO~zQ>%fD1Th+RoA(I`US6U$#HtWN1e?vGc2nfq^%)Pz1Z1jc4=_q z)ypP$VyYBbY0X7RyyC5}hPs4TABn%@@7k3@j&@gx@$DXl7X1B6_yn}CaP9V{t1Vb- zFkq*2*IvYn`3kVK-KAXtS0%@=R+?wr#8lFodqH`0<7M6&0Lb?I%~jk)VjsGy$`TrI z1CE(c@SiDbq}0UtZ|{HlVA-AE1CAl}W+jEgPJiFhdXqF*r239cC*!&-1qKgwQVG#G z64{eNcjzuBsLSDbLOz9)p#6{}xk?~0a;)OG3)>Qrrn*F~5Xk+25#iKc=)2#i*?bnS zX9drJGCGy}xF6!~L2qqiMC&ebJ!{Vxj#eNE0slk4(}&v@E@JCGBpRaKA=b-bL1fC^ zDMal9Jh1($$&`7T|Rg7yN-{69OgLlIXT$ic&$o>?XEF?eL z8FA-`dNbfNfsX6m&UrN9RGMj6!e`m!&(`{Aij~WI)?)NM1bt)!h4G=1akrMf>Y;kS zY*t|6wI-AK)BeG3ZS9UU+KsgaUOBsXa@#jEl$5o zdbgQx_PW~ScSyQ}H8c1pG9x7JZRFnHeTeiOhz@8ao7K}4UL4Jz!j7mjz^bT*f z*IA)X@>VD2kiFyHyH~zMzTz5wo4?`*uv=o#?3`sHuope0GUX<+k6Ci8uw{ini7bPk3&}PwBI8CXiLvTQ>yQWSlM&{1-WJSVf zPVKi6P9vJ!&begy+&^}JWB4t1_|YOmuV?Ubg03!l5Gj2ck2Y-vSlj3kqHx@PEH>de z{*OfuZuDvNM26&BGyaJ17Czz1kosEdpDSL$UrZVL8>P^&7&giDS;*=HU8$f6oKTFT zzIbG|EFD_*C$e29{L$%wN3yU*=YJ~665+MY+#r2pZliQAS$!;PU^Gd7bj3fh#pR;B z0?~=WqeHL(W5pB&R5mFqK?uY@@qzJ5yLl%jed-(V$%WnbF6QcrpKVyMe8;(N|NFQ~ zhvhrq#ow3yezIe;{4iG^#(RE;x7x69>{}WuMmDs;?%A>S^vc8*a>%a>Rh{_JRiN}p z)ekwT?yzVZdiO6jvutR95}I$x9e#&Bsim0<^dVwzOhz2`w&>wKUB= zz!>}nziG7HRPp%Hub3)7mc_00vx36?5?5f5CxQXT@t*(AP%7ecgu4(T z%~cLwe>C#SU!8~5e*797DQH2r92_Mbk3mXb(?~QM7Ww(Aw?BeAlAWkn)<}t<$RWP3 zFS+FRa+{*?Ebx3~-N|J64epUU4V`F-KAj+8B^N?BvP)d6ShnZ3Bw%5~aba zZB2+EiNZU>QT3MuGbv?lslhYTy8Yk#%wzJ$;+MwgG`SzAhrs z&I$r;kk~zx#l0HtEAnHTi03x)KX-U7UOszfc=_#p+wDf4j zUarO${jJ7R5{cCotTuPqc_(4Im)Vbnu|)CTn#IH9m=fo{srnmzkauJOG?y&eAx zHl+p2HzZ_rw%ZwYjopWW5~)^>unvdZpn$dxl0RPrP~($vdk)UG8E|F9_;a0%^CaOF zPOt;88~auNR$%&;|L?!8P=q$#TN zMn#jz^Jb(%6uSrtv?$gBVZa!?|C~m5yyGXF3!bkk7if3R#A36$Z+X(%Z{W%mic&>RXk( zp_rpBl*l;U3PHCY>aMn68t}XC+B{mkfw!a`XLjYy9OC&w&$QqBGSk-1aI4VbXgsB7MHQ1ZlE3 z9Z0z%wPeK;b(%B<)t#SIbMfA}luAc}`llq?%S5IFUgJtBgm2P`nTf{0gRF(cj)bM5 zsP6*f0h`^uPO7lu7QvH8Pf{qKtfqM8jVs>UwSDQN&><=cmyE zVUj`yv1#Lkc1YLTe7Z9!Du< zJsdlTZ?gS+gQ4~72oT;hbQ_JN9#3sSFlA^bhMW{u+Mg4qjrU=(;zU-rAB>4pHMy#- zycq=jY(k~!FH|A+nL7Arhuw<-;|kr3Ix&OQ)9S@|)b`CDRSMDF&f>tc*!RUj^?6>4 zy0(DkCqtd=!TjE%wGzfAs@m~(c?D157O{#Yr@Gr5IsULyo6n9|ZK=RTLf?+p7bVo~ z9^&G6G8dyV0SbW}r_FVglQ1ZHo z&OO#@ua|*82-#2s^7V5F=itwj#(K#P&047HLSkf)jHCa441$#dg;aeV$hvoNmA~*h zz|i>D6PWJkU%pLD$GDbzlN=yHHqPBK>^3GvyBw5i<~DTZKz2Xdfh8n=LJ}88^Hw%= zSnLb?@L~R~gZKA(Fb6⋙x@+X8}xp)yzx2j2rJ7-8uIBc_YE{XvE@GwBAhGF`WFY zTadV7$;8hLvcGgDtKx{203n0ny0jGB>AnNXgQ5|IbL%0H_l$l02>+yL2RIVIdRCUT z!L*zqa0JNcgh)feKRu<+B@E{C%ydRKCepIXN}>^nqZ}g+OwdY&2(YRblr|>U@J~XO zQ!eboJ{IV}KuFO)6B)@qBq-i*Za+qv7b#$BZL^?Ig_IavA#%Nw2NPKeWq3Io9JHPl z4F0HXbL@oO*MveZ2Aq*_M#`N>KGAwiIO2ba6y`VUsp)$$7R7dkl(#JeuwLeT3|`_#6!FrboErKtwS&D5!foxQ(jH z{Bik}Sk}hW!Ax>~6V)YUb&YfTE$@*LyO^+2=ogHC@}b~UW$V6KFy!)e)Qzu<^Uiog zbSs?2`O%-%f8Fn~^g!_{EaQvq$@IxW@mw4y@{wCq=Y%{7PKUbz$SU1rmzbgh#g>AR z@{l$N_4<9}hU?O~b~I#(kgq$O4&EZdIZ&n`7rM>~8gkO;EMBjtz)m>6W#Y;M@ybeV zQ$nC0!>0;{X=X^B346{kmkBw>OqL3mKz>Xe0g8BhzKnAMy6pgUM(dS>w36pM+`YAjw}M?w~4D z5UYB`KkD84j%0K$Q(`mmY1YJ)MEaVyr{B2!at4Sja20%i(%9P(OAVJH2fv6^FQXGO$BD*|M_g1)+R6n|pF8#xS z&A)EKKPIYuLlOcaX{c!6ypyzl?SUE_ zZ0_d1jyoU@#tG{~w=xaxQ%8$7(!cizn;w|s!zSvh1-|olovMW>L5QczF6mq^eR8Fj z9A`2j1|_wkAajA4k`w&4SYqUaUg{0b#+&Fge@n4@-Rq)`z#FbTH|hXEO@+NM+VUd8OLSxl^N+!0 z;m>U%X8*a&J^Hm0Ljf6yKs58Ng`P&S+{)?rNsCTP5X0}r^#^AKfMaV}!J7ACe4I?d z`Sb>)BM}zx%Fb1i9-&=aCCZeSHB6&|rBZ zVdju27)M6} zyN&+F*y};~Cs!ShmQH4QOK{;XcvT=}S{_^b7$2e+8zGEPUQutZ)x;q^ys9JXkRg3Y zt&3#OT@&2sHQ+;!2?uy#RZ%R6c!bAntiQ#35vdx^K z&3_X2A!=g?G@cF&QAFPWw(*$s+_1yq!kWL86o2Y0UQ{c4!X4QFNRSH|_%&Q3n5zgu|cQHjj%D$kakM{e2 zI{nP;E4dNxPk}=sJP|_3UiTP5ieVddA3Mwm*9FL_81jgZ_60>dw}fh^x+M&!k`x{I>3OyT&O)l80)IdI zvV0~*HR#+`yp#9d*jW=4ry$hsV(7Uis3u?k=hV3|c>NXNY_2D(i|BXk!{$y*y}XDY zRTIUvECU$gMO4}4-AVTxwHq6n-nI@l z;HXV>;IFv}gssouG4D3tgIl%McddEsp8b-#wa2kjU+l6X)+pW~IJUh?u=wW4-;xSz zM%D)mc$I&_rme`MId4tN_z9O*0bltbdF=u$XmvEJQ(B~{L8a9kCU)nipTBs=`?StD zOa5p|Es1gQRVA$~k+E}o@}mXggQ!2eYGHceGO!>yCrfxIw{Z!)1sG&5!S7_SPP1rF znzZ#I(UZdgkq~Xamf7#*dMUb*b`@*T;@kU9yI?@}+S*IhdDB1nePQyQVGBzJ1+Ijp zbEh|XFb*}t_8?i}7oqycB@4sFxSiZj1z9n$J-~trAoVw)xIoKbx7~(LOve{zxJDYb zjh&-d@i*)5ua&CV6VB}T8#z94d}~YAZ}1dI_Ces*06a)-K&MJ?UvJ<$N?2MOb)0B) z<6eKOhMC(rU3+Gh4H)&|*WDxTscU?n*BDD#^I*M#|CAaxulCu(y6Z_t2I~^Ty|;6+ zuV{dsQ`AT>*SB`3soRK*#aBL=GwY+fpNL{S1N-Wlr!92|?T^Y<@8_0}#F$KA6d}zf zKuY)d*Pt~h@;yeH0@Cn7d_GW78l?l8s!(CBgkG@(Uja%pLN=f;k&9V()2ek{`MQ@0yI~UAaS&Gqa{5O7AU-v}HbTk`IeN4dtmBm7QE=V~ z^2=e+kHm0IkF1S&X(9PWNpN(~I0dB8S50*}Nzjbqr?!CTJH?S1ki@!!j>FUsW3@d} z#2_yNN@j|v=RccxI##!$inJ7w+B!Aqh~6mz6j9UR72y>A$-Th(R8^skywJw=iknN% zEa#pb>~?t3pO6**hr2hAYVutB{e!4DAu3f=hN!62Dh8`E$Pl}&rB;RQ_HC(xM6^m3 zB_L`D2?>gT7J(`%B1mklQn!U@Q2_}Fb3}%SR6&7+F#&;$kbz9U>xl|^f5&~^)vZ1I ztn){gt1ig`p8L7)>%Ok<_w&uBYRoh`nnx1zigoTF>axvuSFV>Y9(QoEovyu%zyHRi z$9>zg(;2%(Pj@)MJ^~q$*i3Iv`LhCEgDozuc;fmicMCc;sF)(Bf__Gs zWcyCc_WcNY=JovN;XlhgG?lzdEh5*N*AR|2@Ln)`t*NtO(x`VcBDGCX8chX_6%Ew*Hv3WgPp%iYyts2jH=~c@&38kN@$xFYM=2u&(TIyu>Wrj)PEg$ z(JvC9D5D+CI8`b1-9eV1Pu7;NW$BxIgRaaPpWhmGB_%SysY}ZhK2uflwC+qnwjLFO zzz4dv;$%xA$2K6V?l!Lu$nplwyr2==?HC!P>&4J2KsF5RvwtFXxBkJv41pYh`fF zVKgs9Y#~4@j+A(No;Ggdj5WdDx%vJJBix_3TD`4v4X!vq_6rpV%N!Z(89+YoU&!FP zGFYmXLLNX2)DbM6@}j7xEY37b`UlBvr`_E=+ZAb>mi=hVAdX z0#L1UDbUf^6Ikqyj*W*J>YRxKo0%)KIjyzYmm|*41ys8jU319aU2rEIv|5bRoh2h3 zg*i&vcT*<&44e+(40-fk@-N`UqGkM6((!6!0cO$K5+OyQ;=aZ^Qralu-)6}KCIzaO zhq=ASaB*}!6W2rGNj9QO*wGCZVo*w1ZP{*bUKb`i=J5Bv$U(p8RbF~~?iGRDn<^)0 zp3?O*QFPfW3@GfYY9wQ{K}>DK!FE52NaPB)EN_qAbxchWC2oIY9jFY@Dj}WC|Jkg4 zpfVaxzh-{i7;flCk^Tj?lcN{*G1&gB`36{Y91x*2B+8JLZcl z;Y|B=a`JQ_ICkd*>h}@*fuqOlY@uW!RwNV*I0G-`M;51_L!U;N3OPwm#)?VSAKj=j|o*x@a+F+;&0jE{v6wGvG^PcwzUC1M0C zFNc3xej(FqM`T>u!!vbB^B~KrHX}mxVhN%PC5EQx6R_=BMOlxJxpdD3 z8K&S)5vRse9%ZNQ^_E=4%3Cs9JfUt8p7R*_sY&(?TDcF{Mw6`{j+0GU+Pp6OiUm2} zrTZ$cdv;{#?coxP_9cYnA=(mf6BtoYPio4y3%}dDs%xQ379R;|z$z0R!etl72KV}T4k<<;zo{|p$*9cxO6#B4|#uVYOQ$_4iLpJ zGNkB^QKiFsOQrtA&Ng~V8q_O@=1*&wD;k8`Zv+Vf0fOKlF$E+faS!|)BE;Da7c`ZP z9jF4MW*C5FrvIy}J@E4TPNi5?PSZg8lGT{)+o14NwD4Guc)A`uQdY&WvEgZL+9er@ z?cI{cPFHf0u6<+j_i=XQnoOVND+f3`4h6zXuQf9XE1;gM8?;1CD=)!nwAiq=;ihoy za1#s`dM1OSKv$0sS9pS3!6~d@OMJtxr}Lw<8Ijdi)Q_9Enol5-p~A4!weYmV_;BIC zV5V2ZYK-J5y`1{X=oxu}B1_R_VMeNG{7zNGFI#8-f%=H?ayio#C!Z%`v${#Za4j6p zjbJ=q?t!#Cy(O)q<+(u6$mC}$iyU~9ORNC>EAC7wm>J`%1i5Q#oGF}ap1dCoVGkOz zilCVVno|~sA&RUm$A7oCLAFh#iXU1*M7o-WE$j+xVJNRxZ@&iJfw$97Gfd!OtoL9C7lc2%8^q?#f0ph6xJ8)@)CBIW`^4;(QtAkK5lqxWqm zU?1za8!37MC7Gv+b-0ty>TEt9)|Q@pecwM4d)?2)hp%C$SosW=a2w9Pq_vy#dbdWt zOx2$a`ZhwaEBJ(4UgcV3hWT6pxpxe6{}%sN{I^%_TS@?~{a=)R7wW|#;f^EnrxiEs z^RgC&0Wr=m+APaIV`4p*U>%%W821m7&VIBNWHIEDLY>G{Mzd-y zY2@Xr9Csuw9iQ!M3vsf2<`Bm+7kE{VG4(Q83swF(Q({INMdx)cSR@rAptFv}s~}2;Vht2Pbpas=oaD%uN0J)s zN+f4k@eu@Bwolfc5K`iQdN~^U4~XyrnX_vR78V2VTvZ5s4ihBwW?IbRLlG<}^$d_b zWIB(;FSUvgt+YXgimX9XF~X)ooL*Ml@7pj(_tm%1%3LV@iU>)W7bG-1$(WkH`+UzQ zZp{gUgO8n-ItB&jg&hj6m+YPDleMnebqS%Bf<^^%QqFFlF_Y0+!(5C}J;jupyKu{H zL{Mv9xI^V$#F@y_vk6B!Iu~*Z=;4x&SB14zKd!-k;(ClBJ)MBP5HvTkrzr|Q@?wq= zrA{CR=TwWP6z6d+Pf))tJ+j!3Ixn!}2D%QXEzi-kS%NEZITL2WP5BgXdO-UsmL+yT zIK`{1Wyy6(ZaBF_R1zENQE585ggKmixEe_ESi>%dR_-Tvc(cqc3MFe$G}T&c=^$a( zZrJy#(L;Q26ECyt4O=UIDbj6hjS$X4IeW-ET#iVaC+6i!&xxd;Fj_aWTzw;7wvp=; znom&RF2p~&j*jxw2l5~?tPbcMsl;n3M4pQP95OuZUe*^EviyiIyrp({*-nk$XeIe) z`rLow@O}5kzM1l4A`$wKp&8l)SqKw%gEj~}&ta0zjmS!zDs=-%kRip+paelAV?qV8 z(HWpwNca-*8uEpF!!krZ>vedj;bi|ed0IwdCvWvhjQ+Tgq5Y=J)FGvOIJ=S?c%AMyVe1U4Tl#mz3M|4Iy2drV3SCx7YXwM zrh_PXnNU%U8}fu$Sd;|`hJ6(;M501 zWf7yj*3e>^4Q}Kr7(E=AB5O&zwXbOyFD^RQt*|bFRMsfu51nz$65lH_i5vzZs6u@e z+CDVtMQr_H&}WCO{dE7L#GIsg7}aTOOG`7~jH)+^ajUf9Jvk-+`-McdW6W_fwLzO~q&S-Up-lLYUiy)75_x+! zD`wSmOJ}v97)@}SMGkBPv-hW$pgB`TGyTN~j80F{gAm_~e#?d-(X7b0Y2* zf9*qBuA4|*};sF<=FGqXx%p&v4wUn6#djv?zSW4eUI-B z{%vx@F*kU@jRgkZIbs9C9B)_bG~|Wa4X=Gb&y(lwu^w0rX8_f_;UH0k?J zU;fNc=gqpqi4jYr;qZa#hw-sNU;B+uVZcW54|C%UR$^o>j3ocP<~_adOc=|*fBmzd6QUr)}#!?|udUT`OY5E^&Mg_xS(3E<&&1ONF2m<7?wTfB}k zp&j6E^2NaMpQ7zQ&UvtB9~9)l~g43uV1HQfv+* z>a@s@ZwHM7)#QcDj~5CHMT?rQx>bRz3Yf?m*jk07_bTocAVoYFOvZg#gY`XoxSt<%Lr%gE4EqS#G%y_0%b2ICEX} z58BuhY2-6$;P@U%O0SE$IBs5#>qwDB!?LZm&PmS+OaQzYlj# zzk;RorSc1%knp)<K~XxYN8F$tyoiKd*LCH^H? z+zTo11Y(g(XW{6L;r6oaom#Cz)c5M0BWcvfg1H4gizeY5U!kG|po<}}XW%1vCFo12uYewiYc+CCZIVao3 zhTBfFAG$9%mqM9)yT{hmTP~ltbM>~9jShlo<>#H3_!6rsI-Z^?SsyZSf`iYla>-uy znMtGZ;a1-%Iww%14wTbLNstlB?+H8u^RBzCqTb$^q$EdF{IE&B=b-QRjU~52V1OB7 zR}U4g9xB{amc|=($ng`LvRYJbG-Ja)1uDA>4rKdvsWgfM$CXggX63i#0BV19PmoJi z_ja$|I=2V++n42E?P*mdYD#IIC%_BwS;n`ur2TnWY!A&+xk6D87GxFE6nU#Z{R&Ze z-L9OY;ciD6?1pG@GL)gdS`8j-Rf@%dBM=nR!cc|4Nb?n5mqpXpvAW8HCI&TNGh7gi zLLH3&0#juIDs?$dvg@_!+uchatsIL)vg?)j7H5FTDN2_&_5zHmbYRpzS{WGqwu$b}7sIEIi5!3WdVsW?X!ZG?!9vI!5YHm|&@4SBwO-vjL)kKyW+uG;ke$VY~D zbRXx*%L+2H6h=GeEBVKe=U$1E@3OJ89XDgv{g_qdA5DtTG@nhtD%Sxf;#+!CtsnyB zljTwA&v@n^!2-uxHBB=!)AAoZj$G;C=H^!5we`9bs&irZIqcH9rP`l(%{r7aFSMX% zpE7?`C;nQ6YQNvzCTAk#FdT3eK!7m}5T~+Kf=GbG5i?xKZd|!}V6p&QiUN@`l@+}% z!`f3cRE6Qh;yvo{`aVllJ#EAk#ns#oJSkF2c%NA|hX&8#rCPrnX7bp7f4qZ9V;3W{im09Cl2trnZn9gNxlQj`m*_L?&8j=TA@m;;YF_VI%LN z3vt*=KvAo$UU0oiuM#|xFshq0!6si;LeR0#CuQEew3|D5(?{vnx!Ce!OS)g^lS^yzXaJ@uL4Hg}W8dz)EZzPUEP6@>aS zDZchOe<{JM$GhN;i)1s4S1?#lDv&W}7k`nApAbFU+S>Y~CG33C)9R`{sj1mMCO;ln zx*v(x=6R|@7oGI>7}$Sv@;5bb=dT*HSz(rpAK!FnYFu+`rer@}`UT_Za+b}TLg>DW z*QG88bOmb++$#d9KE zvRXu1m8I%AT4jrJp5w`r7K-X3)aP&`t0~=S`b@KtYPxEMUGHXAR~jT-6KysDL(-<@ zimVN%WNv8$Bb^Q-$)-jxccH!LYRy$W!#+Iqr95TJ%~jWCx+X)ZXiee z;p(6xm+y#6>uLA_u6Hj(d?dZz9;el#6*cA&?3n(P?tD~ai%TRCjKIr`8Qfz^^8bZq z^T93lZ*Fl0#0P-a!KP}sup#)o4 zzs&)lVYcayhdcRTmr5hWHT`U^Zq-$YdM5i8redSYV!y8;U0xabJSz52G<4qf% zm!FQYbkFb*3a}{%mqA^Or7jA_*g*?Hz8lFS<_x0YQ)s~X1*^r8t^>?YOWp~yk>BY0 z9l8NLt&Go~s8F9(kakfN3Tg^Xo5PN1t3KmGiQ52~NDrC=$NOT_R-~O7f56oy=&QN2 zsu~V)+Jl0pxZv{3_b_+6!MM&&K*0}1(aV;z$~L2njQjG{!+ zV7M^;OfXw_d|)n2fHj1Xe=kgJR2{DgUgzq%n@Xi^&-MXb!rP*MN=adaLY%--+-?jd3(NgkvM%k~mKN?O#$Z;5y+QZF>+}VQ zltzQsJ0j-lXs-O(i+~}ICs>c3m0lg2sh8{O%ux_6ggaT3rE!JK7{U>Caa!aH_5h@Z zXL#tm!uy;`JF9GeHSxB$nHHw|wIOXmOhV>LkM0Y%Za8IdTmwqW?M8MB32pbYmDdzR zcOxd=m;u?il?1ck*XD#j(}(;MisQEms@GbB&8(r#0Hm!!{xl@f7&PXFP3HZ5)kZ%S zA`|T@R0~^Nk82i#znWfRn)BS0I>e?{^I-0Ss;y6AJ|EtC{kS46@1Ps-Q(4T`0bQEIK8Rxp&(GMnBIJ)w0iICO<&&0%PaS$ z46*M(uo(5!Xf*@=2T-9PQcZtDI$3`?_lG(nXX=rH`AAiKIRxVWw8iA=eC?tK#Aj(y zAMTV<4AiyMeGteVk>Zc?%?0z&ZxK^y3oIi4m}KD85dnG zTDfA!gYMlE`Wxm(?Ai7rJ;QS9-Te3>%-XZ3XE?aTS{2#(gr2?xYLjL4xSdDJhnpG| zo=A!w2tA~^Mka}!SdENYaTpkC&jRJ=7%yu)&r@?of13B+9^PI2zVl<>hB%%yV7L*X zlnR-YAX8X`;$lC!ppcOI z^wmw`-!Y2E9{kF{`7yYWN?dnVk%-^hd)hDhzF*f*7S!TjR!}XGBSYuN zlq66Rc_WPuPcQB!h+=|UkDa(WI6-l>=#h1CXL*65?EK)>!`~#3JS5BVBMuxm?pJ+b z)BLYa*X25ib~l_DFPNVCe8Jy-={VPP+B*46?&&VJ@130~khyN|bGdGcgKy?{q~Jt9 z(v7s;+pG=T$R?#B>=Pmf%C*eyRBk$ApdG^s2o(-godOa?Aizel;4kXQ{O^yKNMttl zde)(PMdu@|Q$!O|i$h!sZ)Ww>wD;A)8SNq)hpky^D{>b>yBM;%(h2;9!4=y2LF?>W zUwcSD%XT|9Ewn(gl-r)fJ-?UjgA!kGz^3!mZM++QJa%W*6g`2rt=uV0K0u@Z)B5UE ztNOgc9c~`Y_FW&ja3k#@staFl+^`sJftncZ&RrI|`P0*uC*u!?jdVNXmH$lXN#*Ic zMpClE!K2byM41p{K@>FcS6LLDFpEk^QSC?zLCymX$;~W+F=s?4!+L7eF4nB9Y zDqMZ0ZSN{|$@;1P6O>5$4ZUnLt2+^*pb^<6lA)5Ij;?knUJd9mqkL$vK)1A!6=2bU z?rSyr5%tp8Hu8V$q(SNqB;3_Nw;hE)8BQ7lN%w=EG#iI+;lzhE9XOAy=jT`Zht)|I zjGqmPD+ihzSD5V%+?Aeo1Tj;{Ot3dR^6jmeBp_lI`gb>b}=B73*lxx^gG5HE`NDh@+PU? z?;*@X4IxhkT=M&?xs8ssslS6`ry7SngVo-4IKuX{f((GH($Z3s6WdNFWX@qbPfcBJ zCI8}6Yv*RCTU~rJ>;-S^z<#cLYhWCbt)U(LZ3qMy{eWL{aTrEHO7|mg@X0JlHk#)d z9UkI+Jk@eC+gE1?4?kp?%$w_%_iB_aPVu5v;%A%C*8aRYM!XMhSGN9G;e26bPxUCjp97l2pk@o+l zOMOgv^l#c6-#+pYga#ZaI2LI3Ve1AUnS-ZPlFAzLUg2lzX1)S*wJVI8QvU4o`Bf9u zv95PL_in3mnl=f70uS!q9TE(QV7*I!9+dr_!UQXmbRlC1xbuY8a5IB4pOQ6n3fq+& z>|q!45BI>nXWWx2a-z{w=OJnYLo_?gkQq;*2UW=sjCn6m^?|K|sZ5oXGMT1{uDW!p zVlC_had?Qi8|ZM6wj##`MdPQ-yxwy~K?ctd#3po}VD|b`l4-hORwrPh&c~;+^MPcY z+a)im2QyGBssvIqL$>{(%tEWT>RySm9z%~};IpoeXcuaF}I$ql|` z>5sr(S(ShB{o~!&nzxR}8wQEqF<2sZ>OSbPP^d+=14M{mvO9q8=1Q{ea@`$ketYJ$ z?~V@S%*wCYPn(u{r?56=ap=SSrNOdSbn!R>05zZxz6t_QcOZsZ|hNYEhu8 zO2{jYK1t1yLH=weUA@Up`@|Xv?lT>`-cjis&0}<@rV?7|L&pLyxsck@y2ciXkWgTw zY{qD3>IOui6WV77c9xQR9GI3FiCNT~eAOL#4@al_CO&-JHMu9?$1q~B#OFl`tEZdV3 zy@KSOMAOGQ$S#oNt7gpFH96P4xH8eRcQIO_!&l#C4A>L5Mf009<$_c1 z!djH9nI7Olve@@B_)4wz=BZztZnzO9;`;nJ{Yf-*19`pR+WK9XnF@RZ!CW-Y_39%9T(EOcdP z;2A4cLu_qR*2|7QLT16?iu7n673`#>F zpB@8Zhs{beXDd&d<}-Xf0{aMF0}b)=+%Ky`WW z0VXtK3Q>b@os)|W6WxGHnI%^N>HNdm!PDogR*&iRuMj<0GZN2R7w zA1zIZd^C(YbU4)M`%+s)K>JplU>_0ECEc=Gkp9DJ)`&ylYwXk?q~e7NbuC>5)R=yl zT)zOYdkUHE()}M^31iHR33os2nL(i{fD(NetAU=Trj77p`OJ;>IiI~mH9wiPGH2uJ zHRTO2kD4e3GWM@5qWIhJW;hU{LOqIiN9?WN5Xy|V4rQEkAzydlzq7HTN|A5HYFadM zn%4=x$TJC$PNkXRp_S(yy$>XFeZP&ZZ8*PsGPB!~o3+~Efr;`AP8&h#^wW=vNr|Sp zboKx`n9*lOHD@W(e5=g2JdJVs@^7=)`2vqurA-n(U3>n{OThy`23Dw(mBlRbC*_x$ zZ=UMiEPjb0txjRw+)E-&1>XbuAN&1VMKxZ-#UM4wYN6|N2xC@mWgr^&11LK`fck?v zT4SZ3Ay{b_#`4AvMR}=WxtRh(L-#fG<;DFPlror1oqEH*KHTNvaue+p>S`EZav0ZGOPJl z=$&SeOWYYtYZ3`}0(?=e(racCfj-RIZ#+(4C}L}~C<3?SOQy(G2I>>5?riEHM%jnc zZx$*{M9Q6pE2cmm!jff^6&&qs>qPJaHs>4GMc(LGO`ks9&lHIrfVGth?NsxU(amn` zH2yd57e+mzu`AizPIuaSk37ce9r?;#pi>-lP^I&TpIFJa^6*axwvDb~kq6Rp7w1ix zx##f$%g2Xei!du@TB2^3t|@;$?cun;tuWj0QJ`>D)3(czG8gh%q^BL{E-Z-s|4XvR ziYZKO7cI&P8FiVJw6HpAB-dFZAQ8y(8ge8Kl!vyTpbWqT0E=3cGa2z4U@?0_@FCWX>$ZtyT`G>V5IP7&=c1n#<3epqGenZCr)g$mOIHimnUyqAMv8z^ zWQ4i?6X_mf&+>n~48OUx;$FS4Y0YSTm-Ez1D0&4o0ZY_e+3a0aa%6=~?ouE8W#-=| zZ`<(4&c2a(*?2}=aq))GBJK3gKXsn_MFe@n_#aCyfR?EB(XCWy*o3fF;78VB%>IWL zh~b2&Q#auxUEtF;D5=qEAW=Ursy7wiK-Z9IAKb8$E$|v@&!KN~ z>h|Ji-1_0?8P>rc=N;xM?}I2G{Lfu5g?od6eD}|eaRbOic@KCJT`M~dwiEP2XBe8z z9+&aD4qk@?Rg0Ndbtc4jP+X3ad=?OK#2Pt|+#>eCY4tYi!sAI7qI4Z@0}W|*wAeq4 z4Z6h(bY-}(fRF~3N3@KKf8=_WtoPM>P4uyA>Bi6^t6>Oxi%;N@uc+%qGecJ-jITKKT=EK|4zr`k=IJ`B3DO#>=JP|QKVNFE3+(Ce z7`T~A?gn+MOCaF~V=2>^IA0{0&C|&|`uc#q`zRrR!!Fim$kro@*D{)3n**TiQJDes z{$ZLF{qehRA@Bb68NKF4Zozjhoj12y>a7nm9kIDheVn3E(taoWSK*zngdX|bSrHf8 zHhdpH$rwo+(!Yl-p( zUiC4I;_Yh3BAYUc3lI?p;OC)~)twA(B_*ENcfAliXu5G^ zZD0j}kTW3SA~s5a9QH)nHEZASu`~AFb^X`{^52B@y@BXphTm5w_WC;s)o#|j!h4;& z9u(W?FkMxN-6UM+S9o;Nff+M8f1d=gmAXm%ysYO-A-pfNDtv*zY5Nj8qB&jM91?l8 ziMko!$E9PPA2KIJH=n9MdusCQt~$;UJ8KXtBVn01QfZ-2WYkD zN?RMa56wZ#SJKPzdI?rs!%`?b28D^geG&7^h20U)@6JyR%KS2e=ohI>a&RRD(Joc- zfA9Iu?pWid(1*hD2+NDz1#~)=)GTGM=QOg|o#{*;I&aaLukV&Ho>?;%rBHf@HU4Aw zn3)s-$eCYEHG?$o;_(?WD16_ZgCDX?efNp;rXi}o@!nP&gI?`!8#cBDy3v|S>>=4B z|1T)Ql=fwW;Z{P!G|Sy969Maj37~3Y|9%LCWIWl}29`PhP}aiY+P?_+uR!fu-s#5R z+^z|urf{#02v(9nehWQZpXvIbjtblV;DOibw=z&kBv3k1h%aq}i371dVj*7kP~#6> zF0NoZE0z_dIn1cN9@=S*ReKun<@{J|zk5Le_6W<27j~sZ=*7``Dd7s#6a}o1I^>T0 z60I}+(r|WLJk%`~X_xUT|CrByV8xJG7egK=<&uMkHq=gWPhAkUCMb6NF7sUM-O|#3 z-Ysm9h^>9Xj|5ktb;CJZ9Mh+5zp`Uy|FUx@(}+V`$xT+pXsmoQwN|0~Lv+_}X+RXv z%KCeY9y_q~8R8!>k{L)3Wp2|KZ*h6P!zpg6KOVup>~Ki>Ud z|4g&%oyW|FzShK|k6H?7(wWoBiJ+!&Ei!|ggMFzzC{lvcS*L#MrmQ*a2k!rcALqC} zP8KZsZf?^(XUS6wUiT98@Qi~^U>(+9@{ml{m!xKiUF}r8Z0V;M^;cs@h;%Ydeb^)4 zSNki0Uvc-a5xG@An`>P z?^s*{mnnyoqG6jNZ}XM~%>&CZ>R+wDO|f)=1qWp7xqh1u=D=REYo+b9k1HCY%3_>$ zEh7U5-wvzJpjLVY6LzE|tqKYbDP3L+`CO6&UWtHG0Wy8~TGh{Zom+jNYkO_AqnBte zHwzIUjt+`-#aZD3qL*YjWm=43J^v(0riix>k@p~(I|?;2rZZ%4B8I@%NzWh1i8^*X{>Gs=nhB`1o!&3M zjeL68pIpPS-Rm|!{m$jJ`&V!K$~y-YcN4L`pW9t&k3YzGoOo==onDeyTyZ;mr1lu% z@|zVbDo$99q>?ka8RGS$XE{Op1S7Mes=ov8)amw0^zZ_1|5fgf`e~#8f*OZWUZM$7 z^!!^W=(I_m(d1c-3j5G*)?*QLW@T5gYCoHt=ZwA(=3>$CbNXXYfN4rN+EpxlnlFDD zry!-Me%GFeReRTNfiJ`FA?>Y7YRZIyS#t(*o(emz0HwBxI+vyFr`9)$T-i-}CHfBG z&O`_HoQp|2ym?<&9q7E&@AE0`>sZW@rLQs z)9$TV07IW+fqmNyM;2c95>u@;;4E?4Visgr$l@{V76!OU$GA%RNgxf%KLQvBq~%k| zX9&i&?*H-D`_4`0&+KJyYFlixA#6K#<@<_N$BOSGD%VR2%7nuYV;rZaJcukCbdf|*n+y5}#;?C+%YLxc(LCn6 zgl9+EkKt}YvU_Z9MtE0j;5pz~RG|g}86~!a)~cbJN8SV7>7HPdgi-OZ~ zmp6wE-Z~tpfoZYWY*#rFo7{{I2!|;GdI%C3zL@|IUsz(htOP16Bwj2N`fK2--@O zPE*Yb?7ttFX!xrWhFBoOzkuN&s7AXO&qIpmU~1nNay3@nk8=tb@%+Y$a`nK@BlkX; zc0kB53oRxkIPg|E-OIXAAgNs`U6`SDZnB|899r#0>~z&0D&5mRF%*snDMnQ#Qn^tE ztn{aPj!Z6LObr~E=^|Fqq&h?0WaRyR9Bm~pRA}rn_SG5qruUJiE7Gz{hwHE8Nk+Z6 z5H0!U(8{R5k4CpKnG9Jwkp8++SagSjn5e>Qh8^7Q=9M}yMAkBEs&u?=2ztv}t|SSU zbv<^2PK==e@Pi9p9mtd(Sq|yLpVrl}YlWX6zO@RS&g+NWAt8xrQ3J6mEh};gRc?`g z-e6Nb2E!&8R(PHRCI5{{n_x=eOxOQTRyi`;{ewfc zBqvNQM_+{#n_^`x9v!y`_AVpy57kadiF!0l)+7|Kwjezj)&!5*0#WfnU^g?K(d@)& z23Zv}&0u38ub=t!y6QB6w99B^vAWB#A~RP~I64NSEg-b-F66If>4H(snF@I3#r9MU zg4L#UVN4K}3Icmvq6E$(1s3g&_+^FRX4CToOVH}SR|V~E1A;#h~<8vt2d6(eEu&m9vPSkP?u1>xqBD@Ytm|KEMF{RRck|8Lk})I+%Px?m5C)_SehEvX|OXDStf2|KbNn9 z1jK5DUH}^i%vqL0VUQmoEb|i7i+*oNw5~rCUYEX_(d5p6+T2;m`83&*s!X6(aBplz zE@2&&ftpGs?bUKBOqZmq>%&=TQ6PK-ki)0?z?$JlyMh&9znBx<ZK*dG7N*DmZMuP8hr@Znl9L(A^k}KXMlD*V) ziabv|i|SsMPur__y3jiD@%>;Q@g9q!WCEotts{dvkn%k;ugLAG3)HU4^mtHeMP}p0 z_uT7O(~fO%REY^uYXdtwnk4jLElZpR0hetPVcfxmDJ5O(l>6}2KX2)4+QfWVj}JLE=UM&^_tv*d)PaL(V1YE0i(Fr>3kRgb>ogu2sFHkiEHn! zPDNY<;9Tywg<>>>uxyZbw^fv{?-dnxWkG@zfU&;9XupK31hm@je!D`cqUkrH9^^j& zfdSFMIOAj|RZ8#`B(et63U~r)x4#4oyXUM7g02V2v<~J}5<^*z@1`U`q`c|}v|u1E z8Z~;=HW5QQy{Y(`wU3GTGum*Qjh#7)!G;MierP_XR0}X|th|O=!F_h6_I5|jvGV0qlaiF^XJ!#B7%bqm)s{-|^KBOv zg_S_0;Z-gGYXvUE2@q`CA@S|D(uw;3c?TUg=6vY2{3qUVvz9mSIItqegJ{`MNf_=u z2u;&qHUF+Mos0Wkuzxh zGGU=0ke}$*6hJb~+rfccfZLz;lcrCf9{Fl}R_*iW&K4wPIgv7|V72O&v4m{pMV{LK z((Sd0M0N;MvsZc2mrT%kj{YN>UWIEH7KuPp(!ZA2ZI3QB%5~&*GN-CF+Eh_@B|6+5 zu}N(lc8B0FvPz-%LLqvjIx}GVjuX2hSWRgW^&&8%?LO`JI*|VpnFCE0aV#7zAxmrPzDsumkA6_BK9&;c>KN!NDM9HZWrl#?C^aEyz+$b z0Wv#9?`6U4SS(T>r)xp(yA>&v?TT0L$^Tje+T|1+~)56xljtQ6gE-fb9ws0LNKshMK6Z zSlw-EJu+88!Jw{5mW3bwC!;Al+KSLdItMgtyka7T9ZVKyM6d|@Q}`ZA3bA*X{4#+t zfu=i#t)pq{wl_C7quSN1ZY_B7P)I6BcJwpfumT%YBr-5QnL>0IDne;PgD~Gjy)LZL zlIN|WFgNjeyvz-$i&25XyZK@>thm~!Bh@NoDmXnlqT!pl^Yx6y4U;$?NQln~LBAmLRV08#w+xqvJyDsgwA2 zN_-<{X%AIdGj$;nAGG9|hop}XyWpeNql4kx!5mzyA~K_iZxm4f&T(fJjg1`)^-?XT zWNKq)i-sYpm{dG`TdH9UdQ&{9ic>A8KPC@nGpEuu|FGzQS5c@yhyhhU3lKp(g{AhU zRvzkir4P-r=s1C#3SNV^DdS>Vgv^p?D~rfm-fb1T2t4+3ug+K3HLmQ*Om>xM>phkxnP@N(u1^HP*=>TLDgX7+bA1q=1zuA|s4F z=wdc@63;x$Q?bnesU(H1Ljm!%62?fn}06QB%bx5GRQ4qaRZ+Yw-8h0nayfvId z^s(c0{vm+}nLt%7HYA-O+Hxc@R5RR_Rf^>DxgOhN9pkI%M7M+U`oPh}7DauozluM_ z$ep};J-Op!+(m923;ht@R9uhOzHE(bTQ>SS3Iq<+VI=8X?XK&^(|mYeCm*gW6b($U zBh?_HRGVPMH?4&4?=0KM=4sbN-ZP`$uwzO?IoJI5o2 z@}ZSMCl?F@RD2tI4#A48F>Nb9;!Yv8Ecp3IU}Zb_rKC?GpBmC@9~ zbVkwC$KYN2YP@5rw9w2PO7j+A919~7vigT5x8|c zY{xtlEQC#7!dPB1(tABbb1lc{guL*k=(Nbz?V>&3Cn+NH{P;cSWAWL%V`oy78j(P* zp6)t-=~pF;AGTXxyh=PGe3FTqU@d!`z!+RE3m54xttl^x*5r$o4m_V_rAQX4_$Sdw zlu@0a@fe&(fH_nEbr1+3V?xG%u_>sb8{4E8w{s@^#6F@uzTbA z(5Y-q9pT*JI=&prt(`|o!fWRER) zdqTd6l-iO!hM7we`hQve^Nm|33w#c9ntOlR$a%h}%8VuJ7klCLJ5l7aG|db!!kkDV zTEL)hsO1Qxq!jSR8kc_w$n4z{mcQmm=(@v+B4#D!Sf73>8;e&{SjV4WdkQzT9&H>( zO!8(U!&oKB@Z{Y?i!a(tH~D@}Ha^k`t2u_QOnmir4>i_8c&jg=HD4RzqfdB=y140J zV^h_mN0#Wi(Zcq^wus|tMV!DrArYmCp3=`ex~oz(&uL!iY){qns_^gj?k&B|s4Xvq z3tLQqTC)V$E)%M5b*wo*>5N%h*bj8=AB4_acaceZQlPr0K=N?A;c3g5T0%hq;SpZ@ zA{Eu#dRg-8>eAKqIn`?{ytcc3oBr&3zyLWqt<5`hr-1-X_iAK%GCj>yB%MPCMG#19 zy=X&+J)WppT_KW#7{!-D1tMm%4lMu%UXjDyq9V?1MrR_>+MM<2qes!ds0_!pMWbu` zJBy?L@jCHWh)>796UN5?3#6QE5qYs2X+xi{TYIIlxxK_%Be$SB!#@7HX=Grz8(jcW z1HERUlImVy*bJsL;_~w=B$<%GE!@}Xyc-j`H@<`_I#Z(9766D3mmGp z97z6RWya2NH}C&)fBb}5yT7epCZOd#E3|e=p8bC2cq(^(W;cfD> zB#tQj$Yz_ISqlTU%(Te~@?1Lc`PQ@ByOhr}2b1Q3%Ug2-dG@DgE%#d9Ue-IuU!zNj zo^F)zZX`$f*>$J6<`G6SlPb3I?L-2l5S82%c-#U37+P^kb8Izo6S_&4{myvN&je(E zGLBby>U_s^WD>M!rrQ?xCGWFb&f*&q3=uL}k>QW8$L^ z`2M}~I`^TqH-<@{k?Q{kyhaC6$99ToM|MiiwurjI+_mE5#>U$xusa%X!K9 z+DG_y3w`J0p^Zm32Dl#lEyL|@ap?`M{rXe24NfM1D|udZ)-O_G20rPBXZ$FA36gla zt`pv{F>9mQ$a%bqXs5W~u0n7n{o#wuCq9Vkof=SN?pt6{wWj87!&6lA(#5Dl@Y;LH zV!0PmqUdk<#e44(&x({fh~};1wtpR&o zQN6>AU*C0(Bz6WYY?&HWeaV256F#8v(`Bhv4wyQbf4#zqqBu>R1}gdQ&-oN1)-Z>77sht+#ipTHJeGc ziH76HP(v^ZsDmnpt}W%sHel7>1GXzwT`-RG`FO&EsLO-}6~gB5J2tN0`ZiBo?~&o? z%(oQ{U!qs|k)=idVST`d(#Ikm9L54tny@3;Uw@@8C)J}ji2jIrVRTd3cpq32FVPxX z->8>u9#V+lJBU$#>2tN2kCQf~kS6kmyI6JLlfHo_+M?xLe5uh5d1E*rg=jLk@*G(U zz(VqKZ-%1*&|-LxNdyN&b=4Eqej-rxH7=7tZuB#0H*~xoi*)ENUFrinQp~My`)I~gLDzy|; z1;jWjsuO+qcZ&`Ir63-qX51 z5831xCo4+0x8>n1#>i&u1-xcJ(awhm?fstkLal<%0qsGck1fiCWv4h zt!p{=0?f(MG~EpE+a@vB%Qtup6mu_thS}KEN8DzcGclCa?*UT6AK;K0!zUmUKI{lY zEUG;Pg(|33r9ZhCOb4dgQk+*hTG_`7&Rhx=6h>8H2m#AZ(e4*2eqa181C{R>z zl&@&*2tgoF+hbRXRH&xnB%UHsBgFCQwRXq%S2>;C;^;I2dTqE830Ub67Qplr?(O)G??}l^1Gca zhDMK<5G~x?OV8|u1l6`>y8G|iu-zWW;UXGE`mLE#ID;F1g24xu~R`<5q0bp&5| zh-u7+!#)nC^jOIHS$dZh`)z3>L3kizjBJ)7T#PiTniIi-$ItC^#Kq>5i_^Ns`d(6W zA7pTOVu#H%4LIz@1TNW}rqtnUL2)!>w$SnV4$|M@`9`~!O{ zzVK6?!01uBUJL#Co`b0NXSlvfBKQkuqqrS=ne$?Lf_Z?CsyKqBZ zjOR62==hD=Tjo>cO}?E8R6YTvEU<|34=oUWq@O=JB{15{jDBjPJHeQw#i$}N?v=f} zSuz$y{DJKbhV9%5w(}t8mOakAPVD2+dpo)#fg(pdVw%bOEAO2;=Z2Lg(H;RNz0)46 zAVCl~DtWqv>Xb#4b>IjD_8I-W=ss_%ildZ@bYBbINRwlLBbB6S_M=S7NVFSEwC8m} z4lhOROM3*o7h;ZILPYrdzV-5;lhrG+chC$eun?)Nf`aW|K0=s3kIA+3vpu>34o=k&U3&mp1vLFReC2Brpv54bO4Bqz zUe`0HnUiAvKkmLfuBkKMI}{bIOX`Y>lD5{Nt<`9)1_Y9JoR(Tz8S7MTMUpCQ8H*4R zH3?acN);6~RjQ~UX-h5Bp%AGHAR&hxktOa?frLG>W&^S(@9)HsoSDmgoldKF=Kf{N z2PK^IJiqn3oanrNvx==FBQF?+q2kiMM8RQ{W5rl#BHg#l8X#g}1|C%iM#+*GGeBJV z&hU@7T04}~1E69Qzj{tXC+$DH?{Q2Pbf(zBPUr|}UNiv~{WSYr5r|pnU6^iHAR67g zK-#AIc#)jf2%G98c)|rB&xuJFReJD;47y+-1~sb9QAhOq!*V*X?J;2(2PZ^RY_qcaQ{U=`>a zsjJ;TY0jn_J~O711+<5giXLYEfe>SW^SLowTIOuRnT*?bQ&p!t4?zgdb7 z`lcHPz&o)hlpm{T`GB#PWzJ`|WFmTT>}>b9H&L_F?kbv>(T6q?w!9WEHN`1XJx2Gj%H>+0z%zMBQ;Pj6Fml&Mk3UO?}f?~Myxrx>P{8}0@YnlluJI!<|lSVgND zjuMUQz8!LG|PEN=L0F@t8G1*R#2 zKA{L=v{AjS>(3MS^<|G%JBGw1k-RHmn(ur!Op>%W@RpbPVy*&1&r6%;%lX~3~BzvZ(Gx{Do#cyG7iw0=cTC`9mPpB z-S6z(2lC>!UKsPug`-MKL&MC>^5x+RCDmC0r-}SLd7F9a@rR=f=o`i6en!Wo!g}p> z_24^B@D(%G-b(#@2`b!bJKJt|(p1bzgkj5J$FboF2yTY_Z@JbGUXU0QUxUH+!Sty_ z)7W&;@F!Qc>ZJo=oEVYz0O<-k5`8z|S|qwI^pCAP*U*)kdqK_3a(` zbMgo4&j%PQmjds?g&Hu)&1RDI11Kp)SD@2NR)7d_E|3D_EL}?L0%}W*Agv?5y@Yb6 zHB{OWaTl;_&eFl`6$2Z|W;Fq_0e9RCz4tB@(VekgBimmAZcs}!Lw(kCLT%xksM!r7 zq}5e|YYnj=5?Dv$1TYLmXyt(jFUddzsTRnrYYFG-_^hUy=BqdRrG(9x$ANg@ZYt;2 zO0lYs;mCDje}Ij)%32SU4e0JU!o2v8ma75@m;ld1<3y*wT!g}M*eEymR0Sq5jWBwK zLPvLsq+0y~Amf7|Jhj#Lk)n}7Q>lDaN$>fp>ZERbvl zh@TTSha}NVNoZRr(k9GTE+}dY*6b4-UL7%I0F=}YW402JsVShXJ`U8F@7@`M4)l>~ zFy|z^+vFn+}XziYs2i_Ft$^#x7t;Dw{ypTf=c0GRzenj^?+CfNfC%Avg^ zR|kZ9b$Mnmg__OKWTRI)H&uGV{#ygNO-~*sf8)aDuU5x+BKz&(B!3mXy)*_*1#>D- z;^hu-#L^E+ULJn+xE*dB*9uP87BC683;Gb4rWMvuAYZ}=r3xuwt?fA^vtG&Tz=Y1` z1r9BwI{BLCX9~J|sD~)=7d_jspdP|bD#m5cO0M`@Vr%Dwnu#nl^OZz*QF--H> z+MvMwd1j4RwOb11+P=dThe(dwG*x;17@DaDxk_@_mj3xv?Ry*l{CV2%F6XpGC~eC) zxk1#EA|po3%M6Lp?+^{;Sc71nAm}67kA&sW>Vj!QZw)slxO5KUw;hredV8pkMcPZtpkVJ*qR+aZtOak0g-g|;=2D0+4bL2_H5)U?^%(^ zyTgjR0C;S99&fth!EMGKBx^YN(n>)?C8N6BmtgN@2@LAj}1pT^U0hbdRHz* z_m0@~ArNRtwLyaGM4b`vz85o(Xel9=&v@0(QPrPMnYr)4i+7tCllPR}emDE~V|TqW zb=3xzd8XP5j&~6xfxDB909hQ@HsONduO4syf3MFt%=B5R;z|?2m0V9(57Ot*1arXh ztq1Ll6m&+iv*qy%om?~3PK-w#sMH5K*=0qFo+9?Ici}xgQY^%c_21UgMaJw#^xggbU*LFOSIHnULH9No4$#u3g zVS<(hE=n0@6k?pUP-HMv|Le`?A0KTEAYp(h9ZbfAKZ$IBabQUg|Jq4bKcx)x5MY-C z4_>4Nlx9!S)d(E5AgR@A8s8XaXbNaOD#VDVE~1geW(3V^bTAPi0@1H4OS3|(YqeG@ zsfWdOsj~Ucep|mNj97!A3c(b2pbrCgw$=ds(|1Gm_AGrFB=NdA7HnmdAf?_b6Z0Ca%u3zkyR8L&` zcv>vv66~%MFiTta=f^cT%`cp9*y+4vbsBVId@|=raDLlwPEo{F2P2<;TB#?mhODWh z>HI;(;=gKFD4LIZSBDC^3%8le|F#^=Zi~b^l4md)*bYY5b;q=Uwy~ItddsSSU zgc_5yYVD&nVxt-Z2QQ=b>pY4YyncoS7$`}5J1!I&Q+*UA7?nc6bewj|$pKBU zKyL|nPzlJsBXK|nr5+CE23bqh*17tRK_s1_D*;6*8`VI+n{lF4vVd0y>;Y#0CpxSo zZ74Rb<-@pk4Y3HsnhFK&p(cw@K!T+Ro1R-FH@$S<#lxt)@*iL~kF8>r-4uYc!ADF? zVYh#P->Ezx#UC0o&*?FN_hBF>SquPeBHK5ATlLHo>8}RY+i0QQ|p*PKtfXuEE9Ef7s2m>@i^K zvh+VOKq0CGHk{1@$_DN+p`|&m?O&^SQ4osjWN4#lLk$F8l?o+cEjj+5`sWYM-xk;* zPMH&sJ$dnf*!)*8PO|dTvAK1_j@#&Mv7>sb=_tba1aht=rUBkZJDMDu~Q`V zS?DwPXgb!R0sLFD%=T9LP75Cc8LwonDD&hGgy}H~wukvVYUWZM{(@8pMW8Y?p4uIa z)4L_`>I{xCsHsXA85dER$FJw+7CdmnyqRZXi;5~GwQJHPiYmbTg4|7$Ez+kqvNj4s z9QQ?TPPr^SwKW?ElE8ahrqMFY85pGcKz7|MAs_gZYR@9_@HQX4Beo7PG`GUkog0bL zbV__*N*lx3yZ*yA<*|4TBui<`sEV!oaW1{}C`BtCj`)xLo4BrfnACrhX1mF&lLL6d zc288--@k}7xQ0}Lk*=Nh#2?lB^KJ$4r!n-)7-hhCj?!X^9nL^18vIz~{LThRU4!N$ z#^6WRdbM?uCz;;vEUe!8ZS?b;vm)F_9}j3bYjRp33${zQYKD0$G+UCR5-X~WqC@Nq1uz2$25@?n%qzrpH6PDMh-8C3DPzn0cK8$Zj4yc)<829!DO*f-Nj08^FjK=7}s&t!jeKs*8;eJ z1AoT8TO_iaK|2J_{dE$}`VIjUxJg3=N*U8yJ@sCb|L>;&7)^U#soA)t{4{nif63d! z^$D&l_e8yY1$*F2zbFtYUHsv=E#%5_Uo+7BexS4J>>@ zzmz7lKM;2AHT`x{QMhiGTq_sY^4!i971dclZ$r-^ED-HlN(OuJkap+q- zU@U2~WX5eYjNJt{ImC39+^#58H~%Iy!;wGU$VJc-0At~>8BQCNr2x{m`_oOw=|{Yn zl606dTS^!m%yi9!BS$9PyL-32PuczvyDyXjo!ngSIa@7#d6UoTt^`q!IbMZb2hDsF zZ5agKu+g;)wnkaYfc{hAEpRtjuxizCMyWbZ?|uOoCpR0_GJF3z>3~0S3T#mj{rCPe zD=RJ1x-9KyB*&0zmiEt=cE9A%|8G2IYiPb6G!SZtwpUq=JIG?)&%zFO#o$DfSTm1i zbw5;A`~iiwUoJQ!??A7ztaq9EEYu>GIQ&s6Q}YG69(U8Ktg(5qtGRdTGl$e`IDL_HlE-x1n^eGTx{ec;u=yWxROBwIH99lVTOFjybQyBcbH z3AG0aBMQ>@KPT276t+f6?PXx}4oCSJ@biMR?92s!0TN?6HsiE;8*UXE)0oze34-+#b z{R;y3$+;a>nno<)>0n;Lv{z5fH(2KrzQhLnD%wyN779RKs)+^mIkxY)ZbprPy^`LU zOMIr;3F)+X0PBnPWeNiHhySBT)rA@(bpVU9vk=j!*w+@y^;ETa1`cL{Tx43lWdM5I zv8quWMePV@U-=-D^9{nj8qVvKgREvjAJyLS3hRY8o%O_YP-~C?is?n-Ko}^{IoG5; zlGY6Nnb7z*WU@>_mmyAFF`wY1BebZs`*1}LF7=KaDe+g$_4$9nTKYFuUUzOv_WfR*7?R~I?P@j@&{%X8874F99>$cI*hApxhz&k3O3hrsaZIN^kCTwnwv5rT zX5-8VfSiH?*avtmZp4DFH%La%BlR!Rg7*yU8!5miiybO; zqtN5h4BSHbCoslwK{(M0kYT1UV7}<#beQnu)i!9q8=eULAHDh`DhQDe(rkrcrps!_ zM0-0^R2ir;Ja_GQDHy)aV+@UB%CMf0fB{q2V!+fx52prtnlAgH_N+7LC|j|`=imZl z4{WJH)N3A4=HsJr8jk;miU0y)p&)fdhQ_*!@^D$O^j5I`yUVtIJ)oz&2e0*T*0>OD zBbM#s;{ZrgE4IwS^eHjN&5l<43;fA%KlA*H#v38=k&2#$jM2M79H&LC(3g7>2W~P9 z8*xey%pCyDizLs{oJD3q##T&hg`c3}_Fwb}2!mjb`r2jJ>eo`t;oe z@4q1E3Zr4`*onOAP(CFw>j09k-xVXRhKIkFruhKVw!iX_Xzdy` zx%8w^E->KURO*)^SFqGsN7v8in1EsEpbzJYxI(y_PEH~wsIa^8(GkK zYq{F8TwL;h0GmRxm#B5OG6VKn0()DCs*f0b%b;C@G4N#6Y=H&mLfB%)(ae1ymFOTk z0)$8_rfAnLAQ_ITD|mPGqLDga3FvDCBb7qCPUNP^3y~yn7xk_g{n0ZABK*Cqy%gR{ z9Gw>VBT6ZStuw^V87+6_1>ca9Hvffz1;^;i5OL7)RA1^kY&laA1ic& zj3XACNvXV=!dH>q&lQ~1o?&RHR_<^BB?7!%GeO$VMW*knJDg6oeb3q$0U&ph{Vc65 zNYEwA#|Z}iY50}@mdWPHau0Cp{0U{nB)eT5Yw43U4|FY+vlK{X31_!v>(3 zz^c`0o2WenL#NkTLr3fjW|JJyvE|u~>W!&?)PSQshHW<8kqMlj{G`@L&(kE^+R&uJ z?1eB5rxc_?rZ3M_)=d@d^oao1P2(6v+d{@(ir{ccGwlYT)KUeSynJ;j)oCvUx(TCQ z$k;}^4xBW>2dM2f!+sRIcbH?hR1Yr(Mc}-^7>QS2Smccvqdpl}$y2*b1lXE2tB@g> z?W8gV&xvi9#Z}{f2GN*KwQV#^j!8WmpZ{@tcolC+TeRZAalcqzs!BEd$X!r5$zK3{ zj2a@r-E$e(27q3Oec^C+f`_CIsOl+_g>D^cr5YMe%Gk$KI5X9TOXB)4$xyHk*AXso z-YA-GJW_uB`U_&shr(9)!PA{~p~4}j6vADy!;c`=fJEd}h2gM^>1V$PpMe0AQfQ8* zrVEIfLguy_034>c2K@htmuDNwupMW#D!Bcf0_XdwgUP*TyC<-ijMXAX^iFc`wsSFu zCSF?Zxq;QUIYz3TO>N6i?)@L$6Lm04fVuEZ+U3#2J{{utD({mBguhp1=o)(ja#Mtm_hz04G1|Y#{vvz%3^D>5Z4M64rPhbJxHDF3G-9U@TbPOcH zC9e{OD~<8`0kE~6OEXzEaJQuz_zm)AgWY<7roBb9% zrW;Hfhk*6vrg9=L&OVQ?kUM-4$AvgTz(D2NMpjIUrAQ6l1*|hoZB)%!m1p`bF+8GLG(6cQOu?s&YPK7~e^N%6unS_q=FP?Fm z+*&9#x^ogj`AeRVAKTNLab6rU7)%PaWuv`WCIZ9Mfiw9`;=VEA@- z#>(vXMV}VT0qHj+R?$(%*z0&1Brfz|$b0;!s!Dsyvs>tcXT57HB_5ba*z)BR5NK4l z3TV3Hq*@$xX0PdQY;4DbU57tzxziwv-R#((bFi?U{@tt<;|SxHFaO-yE*Fd<51tIe z(Rgss4BSlPv2*zmhc-`mLqOU*bBtgxRB$xObJ5nO9diA8u|9r)FT+y`F;#ayO_O0Y zfvU*HIbHs_bDGlw-%U!Shxrz*#iUuk3<}V-fI$K3jT3Eg{W|nNp_a&yc8j2s=*Gsl zUzjrQO=&0SfF;pd-*NI!aLg^M^?}&xr*_OzmMvcXVmapjYv8q5oF<3_%!ud`<#S$l zsBKhG&2Bjl+bY3cu8T1Kg@pv#=MVqJasC@7HtOOB4e<^ctC9bB)tJk57;rl^{8SURb&oNE82RLTR(SORgvd&;9++}-%3Qicjd(w zrF1N0I6A;GNR*MW8_J1;j+cjjP*OLRqOI*<@=Cm{ordaFA)PFH@2c%?7ssBe`EFVa zSTi7+m7@Cpw$pV&bsq;?$GtgMpMjGOdD3*Hml1;;DQ4I@L~;F%^9ifZNRNc_j)%7W z_UW`^@PEH^lXZFhRyI5vHo1)GYJTSRxU0ENnCz3+h zRpf6z+lGGltdsl6LRC|Z1{|&xli+-THlRm}Z>l9%-k47;GEMkIVcx+wog(O6D7jw) zkekbQEFA*Es-rGj{Sc{^%s!%>>Z(TowDl2bm_^Py2U& zr(;9nTic8oO2_E?7dme!zMLCiJt}NDtQ^RGU`fXdD3vWf$JIWQni>|+^?_Mkau0v=b@N1q;WoQZ&Ixpph&dZE_I{7l=JRp(n0~|EAnJY=l1OP+ zx|&!QpeY~^oYpzzUdZgMjqQRY4j4T2W$8OWy$d(Fa~zjyypTN%TU+Kf9=BwZ!d-KU z1dII6jT8-T)R@PvJfkx8iY=SdjqRDQ=bU)MV~4cb18wlqNSTJ&ICoMML;h|CaH?&# zM^F?&F<3`Gz~bBtZN)49yClP0gmQvFEfbYjZmO&)x|?8>jr1+}DCKIzp77+)aKDJX zn_=n@efz0C&6bZ~5P!Ds2Np%Q2*&tmEOln#AB9@%<<*gW#fq%jBF81*FU z?VFo7FQ2g#b4;qtL;AU~b=A?h37+FUA=f(9)G4x#uczPjzyxl0i0m;~JMB_%kjWNL zu+}pjiwI=PHge66YkfE|m|}`dX4R4Y7);Ro^`WnYiX z?S%4Tm~H?8)9SQsRc=PGsr`a(KFc`$&=3@`zUsOJlJygU^NV7zvF#lFWbmF2x}k|h zLjVDY?8kq$fV&zSS8;x=2-v1(7 z($pXs7qoU`!3O>Q#Kz)z-rE9kv9Pp}ujWYm8<1lj@mCUZz(vJYXUcOGKUu?rcnm3{ zHEeANER@s+Q}=`-d#k_|bgsZA^d=UEN$Z21#|6jCa#k|={rgfu_{J0l5E7>OG#RGO zco1>A2sI|5?Lf>BgNaT;Ov^;&gNf`IR9lFYFs%y4HnfVWdrM;Rm%M;KFV=9z^E}ORo`caRumNkI(rMY~WDC%z{g#UPu1TgcY7S`ir6BtX z`!6SyCGfv*9yrzW@>xwhQ}eqGadkUz?lNnvr836^Px6N5-S&QM-nLl7R|%iJSgVa_ z;FTvzJ%xf>W$cZ^HwdX_g0Q2;3pJz=AitBqIlX>R4rAgGGXgE7U@!($^8>`j8^ZQi zSZN&?ebSf(;z5I#W6Lg98B54E0^MHWJ)t<6S(IAwlL})xyBhnEBd|)PcJz~s88mYQ z!CQMJ2%PwArvvf|)qyfO-x9J7H6R9x>RaOFbk{_Mvr*6{B*{V%rC8etHn{ZDM7Bl# zcbROYfPz`NfL)kiFW5*`No8K(Z@c_o2`IKfhGUu2%oAe_M4>}bddzTm!{zM*W$tT;)?P5`EW{jH+=Y0@Pv*Ln}QKbOWZaI-)qbR zP_4{5AdIzJ`CDRQ*1qS~e4O5~3{x$tcQtyR6(P2AVJw?nY^(3{*5(P(t3f8xW26=zK_A(VyOA_utoL@?s&vhGkxXc7C23O; zBj{9WFty=9P#eZ+Ka5zmdA4JR=D&zh^w#-ZNF2P(YK(=e?vIw(E=yGlmECjyuC4@v zfIVB;e58TdCXnUpUj%RH0EoizIW_Ayy?)1vX0Yb8PnxyD=J;r2Y1Lv{zXTGg+7AR z`~h=#9OhF(-BF-)(n_$i;k0xmU%_e)CvA5m79N70k5qT07xsU@b1p@xd;Zd;oyNTN z3sbBnk!@T}$CO=3+yx;17B^>3&dDFz%hzp{&p$us+xZf07WG(ApmCeqa2uy ziT$({H0{_aguP|cYn^k&_ScCWf_uM9ANpSTLR_oyM~~RL9YV0_@COJ*gQ^X@mRD$Qd~XNXAN3s;5&q|LsH8hi*MG? zCd{LEuc7EqlUY-5vai_aogMT8L4n=5uKm&R;mnOYi0*uOh|LW(79t+tV`EG(l^eJb zcKa(V-71i52SkqI>f+V4=Brf_c@M-s#}9;nF7R6d)5toxN`52E0Icw?tXBlb1p6V8|y*K4A^Y1pUD5)vB5vF4f=8zl<8`Vpx?F-qppa8#n z_(LJt&c!hXydkjl^7vH>Lp0+sa(MXejhxSf0~f$|AcLyrvIW%UGxQWs! zOGnxQg`2Zr1N&_t#p>2W{^dazuncIPO3=iuS819(XeX0A$vTV@ zL&zlUF9g`SLR3(iWH?#!^smU!1hgbmyOQzTAJ-7{S0PG;mPDVe@^Du2>feJaP4@!* z6tZ@cmQ8~6Q z02hF1BJcpK1~?1uoFrlAWHkIp%Y2i3xC%p6S&I%2@hHyeiAv-m**SM7^%Lo=wS14hUqxFj1oVuK0QztKQq6pvIoFE zEhPIAnspxSt*Gj4UxGO)MZum*f+=@N?wM#@gFj+If&LE@r=kBTYY<$H6^yNhA{FO& zD0`g1&axi?S@xJkbV+d^OHp>`{W&?u8px|BOr2SL?qui@@(SLZ^?@vU}_@BPc$JXnmc2lE}{tReb=40{`Nzcq&`2=)9&9wY{F% z_WlpcwdWEWuhd9OqqGqq#@0)}-?m1`ewm~ZsIP9hqu+zE<^w`F-8cQXLvz*!cj{*m z`BxIysDV$!KOPrYl+m|9YKt`9tZJ$|mF%C^*qv|aT?AL5s>qS*R2@pO-Voa+BgRMo z>77lOw`k(=`-6>faz>n?pfvuukE+ADQ|G@*h$y{v>_m02@@|}MNp9YrvP;b%Ed}0` zpz=l4h8u;rHS#b?_kX%IOzmz)<#_$K>Va+v$fZ2{uQeM_dXD{Yg3$Ftsu7H)C#P!< zMgH-P*v^4*lM*M|ht#60Uljdt;%XSUq-yRkP5UIzEA4ZYW#_!vF(mW1q+9 z>h-+4Dn2pQ%WKZug&%v*)t*ZgyEPw${lAdwps4m1sHA#ce~Q50lVxywV4k)1-lr@; z5~x?y+|A#zrSfFX{*1|$ulOOpo8s>MSeO3t=k!-8jKVU|0$%D=vBQhnK9126WWFM^ zc&7_2e97~Sf$PkYfA`>p;c(l0L3cnChLs*a+)CGbt_!dq$otv5?$-OE3z+&l%+fIM zYtmY+;37W>K-|gfZy;NiNUBpMZn)7CK6nir@|Wph1{k;{X3N&?7e3`|FE5Lcj(I4a z({EFzd477)+jv54j!hTzG&OSjUnJc93GBV@CB0uq=*`~99KH7U_g|~}bjzwA+@?+m zA4jz9*zk`EJ4JQC|FxT;S@4<@lFm@-$&UZ-Djf*RBfDb({8B zhd@abI6hHmYsTF)1Abxanprxo+l^vTX(%EmZ_D2R#@?Ky(2j6r>+O*SoWFn^@o0Gb zyT<3_54#IxVq=X@ z-!|J4-;0}PBrOf-te_tYqMFY>xSZ}`PNsq0hlyg}pOGuA{y_fOu7Rl40>{KnExZ+!UX&l^I%{BqR% zJ?r;O^_olB0CFw?peO9eP#y_`UG2zk&T6%)tqYZdYrzrtzTd| zTWF(B65atty_ilH{svdDjodVhxNv`Jh|+Cn>`Y?^!~AhfVc)EP2PH%mn3l5syn5%Q z@$&SXEsJJII-^jxi^YM4fYH0u_Pt>yOJ;caYO1lWek(8P9SV8`6!`asvd@BNouJbb zNk#32KC#=kmseJfA={=1+p`q|7lADQ2r+}NbuX^#+0C@qlTWwMAw3tUi?IACtvYDkhV>xM*_oR zi<1I-$50LP6bBt+M>;sa;DwA_oIK&3o9k#as->3x77AiZA^cbNF&gOGw6$xm4rVUk z6W2~9B6rJt1)GvL&-O*^FVZwwEY0`+!joW0EvHr1uagaFJzn@o(O#!Kl>^&xOx2ZS zKfq`ytq5P8?px0->IvK0v@Fv&@=IE{DEz)E1+fu1rOBd_Trf3)d;P^Yfts9N`NeyS z7Hw?$X8!w|7t2a!&bvGtQ{*=%r-JHp@<4dUO`0{@>0ce>DrsEtPA0=BFiEH_#czF% zNyFlX)3x)xOL2gv$5!pXpj~|`g*gVe=%-9_N3~vPZGVOSr+uY>ug^=Pu6gk6z!`$} zfhU*q-W&pU84^H0Bcv#*VxrIZhNL&2>3Ru(D5ojBn=GIxC3#%lzF7nsIcW1ojIIvf zom*1>E}IPpK3XZuRxH!r%2a~i_r0~g$X(w##rrnCzWH2T+*be$%mJ;(>az*+8&c!2 z88x-HiJpQvFSOEJ$?2&Hc0PG7m_AM(ZUCob?MJmM-u&v78wid*QWonMr-1t0j_sx?Y&uxjRz1PIp^i9@Y4C?s+SdTtP zaq7AAeySy)t%pPQjMp71tk+|dA#dBc9!@O?kmD?u@Fgd%T^i{s{aaQ8p6xz}E-`=b zM?@HXNf=%hCaGwMwN0eNb+rasud5v|n&wJKJc=PuK(SV&d zrNDEh|M_^Fp)><`>ky?FJinm_D^m01?rI1htzu;H1vl~B@JZ^8@^;B`1eh)f37 zIJ^N*`*Q}%1tMp>w;nLLLR=pEl`mrCz3-y|`;+Ia?!Bihys{}Gc|F(rfm~q9WZz$F z|Jr6dV4Ih)F|GFcl;X62A^^13FVI~T+h<^GFIx++y`uASFJ7#uBgQW#8@7py@t38P zX$6vL2C4}n%$Ym)=iJV8T*V0n9gDECy5=IhADvK^5}uCtDl?I-ivZqtWa{_f3)tqP@<50;ya z>S(2=gWUj>FML%t;=~aDQE}mKBp%_&3$rJTZN=U9JYQemW-n=f*1e{p{S!}ZSbpe- zX-kxT^*%^r;`t)}9-ja^$*8AU*7j2-xT`I8QaS#YD>XF%x4lL%b5};jN+_RAr6KId z)pM1d%C>rLz5b$dQ2$z}JHd0&TkzzTjw^Ys6(qqtne2;Yi$w;U*1t;Sq|^f^BBO&)?9?at z#%nd+6Vg@9;ETXtFz_6)Tze{W9cN-dZ#zk=J?Kym7?oZB=q9W6&kHw%X!kJ(#z+)V z;Q5RWEkMhQ42m+_kt0Xgc?LFlIVI1C7dJEY0LDOROhDUO`xh}CpNmU^X`OFbx%~Q2 z8@4mdXG9&Cek*1lCc6!}#rCItgQufHqO~8A?Te*`NXN-Pe&RLi_s;q^rZ(3{{+rT5RJiLe+u7OQNU0xxzcr%M>j{%99-BK z5O}cQU7C4>sekAnSCgjC&s5aSBW>TuaM)1H-bH(aIRs~$-yX^LlJ&KK45*MNqTpCU z82X-My{D8VGYeA^GM1hCUGxw!bnI873))JC+iGf>?!u^=uGM#?HBi^dCPOHfn-%DSgyWz-|7*T8ck3IQp`y%fL9rP}+ zxTiYJD6rKkczE`Od^X#|d*E6X4yx;BJPEVv6FqLb$VMZp^OiQ+ex7H_b4-AKQ`S7h zU38AywLgV@cSqya_*9v3f1dOGinU4Tpr=*Gbj&A$WuCq>0K2^|c!tFW{t4~%mPNV` zXjXshF30wStE%58ifcyaK5td_5W>Y+c z)x=6q;a3AH@l=~+C`;n&m|h>=s2Ud%|0?EUT9?!c`s?68*CP(BK&yu1%5T}MJ+-(? zt}TdDnY1LwEB%HQV*TlW?lrgw+qN;wbEnFO<#8K1mbJzP)V`A7t=}XrP9T|Q;`|8+tVVu1&79?<#gL=UtQr}A zD^>8SYLWMpXWWk&zsf^Cq8cI;N0B6yYh4PqZh{wmgiQTavi{u|N&ht5w7-#RPC~w{ z3LIQyZ;h3GQj~tOZUw!kgH&SRYc1ys9uz1mf-StJJjY8}w~O72FvO>j-=2`Kl-aJ5 zw0cwv#MaIc2&&f{+C47Z<$rd4_LUDc5(%KxiWh52MpC`90!XXZO?M0 zVcbaZ*Fx!@+7wX-GK_a3H3ON-s}m_3WEtLr@Aexg$k2IE`6Y&Mu713zZ|=_p7wb+2 zh9H%Gt9##wDfl*X#>;0TBH~gh{3PNgY3{HU*0vUFAfU4BuM)_n8{(^nDYP^^^7Smn zlC6>UseYdQ&f>41^-3DefSg^$ExMhh6Ac&hZoX)tY;Tjhx3;;*Z^I;Orzjv@X-Uew z#wy7|d*^X5cmS}@RYUn;qe*fUC_leA8@$Ej?2qZ{WsD;p=2o%o1p(%Jd+XSp+3U_O znsMtdya$ESNzB19(Dj@knJQ>4QBqZC!3Ea-7r{S)vrJ*=VYsS*{T9{FUC}hRaaEDtceJmwabIS z@QwTK=YlnU9P^AA&NX@4J zqrz2e-(eci)t>wYGG<6QLp*p)qHHKyfydFgkav$wx+4xIpJxBKBL51*fhjrkc^0(g zgr{%sp$7GQYFIog^)GJoKUr7tQ-UXQYhr-$#8QdAP)ZygexaYv90Qwx<*U;Js;iTI zOa|BTX+cp<6*3+LyUd!!s~edS>)54aWE?Ei@LD`3rExsyf!L2(_%$ko;5eE-bck#G zi_E_B$cY8%0`&_k6KuD~?s|!?t?(`v3shBlQlA&{AkSDYG6oJ2*WEhy+T}ej<at zeqLP`LBG&cPPVLBGoYSvhTENM*R#{w3~lzFY8G=W#GcU5`14fh<8g-X)cM5L5c#ndSBg1g3U9x!O|Hlm$}Yu6>Z}^|^Kf zBey56qP@d)1E1b{6A@-4Bn8-Ju{3qc!MF|i`Bi++lr44nz3n^CT^#$x?lWf=Vm3qv zQ{uZ)Tn^M5Crz4U%q5v7_Zx1I^{-26YoxFJT~q<%mPr1f5KzS0?T{|iw&mihK2l|> zhSBmUVK}pyDaj*1_kvu{ytsZMuf|}T!)l7#4N{vKR82G(^LXv@hj^K1y(ZSd++bS& z3htFJw!Gm(1ba({W(iZ4CGDMO5)NV5g&!G%$=1QC=_QLNY!B~P#u(bjtF=g95yoE` z#Hlhp6fcmD=Sqxa%=Z7x>@`{1S18!i(4U`*a&JU$D7<<1-q_wx)0+47)NgINnE6$T z+fq830JdTbQJD9@^LQ7hFR*C&jk5EmR9AJk z@uYSq)B2wEme?^Jc-JITzqkgoyGQm7w`jDh3~ODo@w&)1x8GnE5B@AEfnkv$4CJkh zGRHm?=^njqW!rH^=SE3o4ecP3T}A7QNeAy1PC*KLu>*E_oNE9M!6r7N3;J^Oyz3Ol zw9Js+Ym>;@&zZ(oCHEIdeMi=^8}Y{ArWpS|9lc5T^LnDSPib9-8iUc|_>13-%_;0( zab&K4Ws4&GwUpp}Yc5RdD(#AjX-}XT-JJ;JOOXKy$(gHTb?vME8-2srR@DTe?N*Ze zxx6`kx#ve0uZ&qy7s|ikuM-X5E0a)%#l1Y9S{8@qvCBeRZZo_NeCObGfX$ z=f1twT&HM_2680#ZTtCu7$D~E=zT+^J5H;-n7PwfnAsToid*riLD%J6SA~lP~&2(cn&h9O3ru+l!fYGdT|aT>QqC*zNgMUlhoA3T=BP z#JSn>RaP~g9O+mi_SRRp94cRu!D=8iHspW0Q>7eQzi7QcEhh`na z7KoNIthS|hn`o^DNB8EJ%dzuPpNLLZTYo1mcAuL)hB}la_zEn-uV0@mGUTeuBfR5* zZyL%2%y%T>*xqlLPqIwHEY%v-J%VP6$!UkdJ)6QCE3(>|rBC=J|GnuQ#)#e+0;8oc7)4l^$w3eNV`WE`lIrcV5(&I0kFE*_gS0k5( zv!JVD!--3nfH469_-1-6Mb2Oy^yIcD;Jgsg+t>=WMrd6g!tQRGu&_YiJ0BaRFf6aA zYnOpBcMJv>LXC-GKmNo?q5$&oE1B(~+hvl4-yu8$F4bW>p7RU!2fp)POEk@GX^qgX8==`(&;2$U~JpfX}-IoA3D`x9z2$!zk9dt z7;W_a-&j;B5STTqL<6gE7hz;5(#RZv5m#n--epk1xk8yTuw@oD>0FvR$kV0R7ZaHF z)51?03#ac=I?iWqYX}T_qik`>o%&Vup5u%(3f~smz7bfg__2(OjzNV`Q2X zB9(xt-6t;1LT@DDRLya7XnC4&)I# z@*nK!#11el#gZv7;hX{08K2emel?~vH?j-i#A3C>uGV`X8jpZH7CVvE{MW1;v!mk@ zKtkMUdXGl+XY}3@Yds_24CJcw=kKkZdGEpOig_N1QT;`4#OCjNW1wOK@{=l=+Pm=H zf7SZ!=$;m8lR@oo`h(p_PQPMmtROgjb)BqW zAmJ?r6FQIP|6Qj!{OSLa>G+n>p#~GAe!1Z|&2I58P&InD-C|#x=)<{o(Z4tR^1EL0 zfR=jq_Xsl%_${AG<_5#oVJKH}Hwm5TwBkg*A1Q9B2M56EBU50{b7P;8v;F9u^S!Ha zNg&9SgmR|Pz_G5(MzQ76FzEs3xp`6=6gcR|Sfza>dKHUpPJ6#dVPWc^Z|-{GmgoVAE|~gtTk3I! zr3`sK^XPLavrbM?^qyUjQ#7=`fBasLa`o%vSnxU>POdj+SM zM+0&U=nz~0m%wuELWOQ3aH&{AJrf7j$mOi#PN>Z9(Y-Ytr_Z#BSp+svdDc}^;F&>h(C~Y^$h7+99 zlPNq4ITkntZJ|JVZJ%z$qnCco*xAR}1yd+2#?9X4EGV%cfSnGEl1OmbOAh-qk9im! zFz;rpJ8?>vJcX9yOMkVWOfHbiK>djz0XpQ1BJB=Z**3qe7iRm$eUX|cC`xH@SF~K@ z9A??K91QZl0!Ci%cR*^}T_rUJYsN4&W2_@$R~>YbcCWJ1y+~b%`Vk8{;&Dd+mvY5g zOnblXA<28>nO8O}8AMm)j%MaIG$bCSbYf051gnYGcr}zS7ZWr~)cSX}EczVyY}nnW zcE_PfO=Slxd|3*QV6Y^@&{`R2T9gx5P}d{5k%4uznSqBN`Vsz`cT669GU5)n5$&22 zS}v0ZcAKJq8T+0m_c^DNSvE_g0w1Gw zl^efLdcO3N*rsJwoHL=kX(ZhuaZLs(K9GE{iUvNU-LRhpx(@bhnob(xSJFq+>ZdiZ z?BMt3ftWtUyw6%cVDz>835@cuU;M+BqEkM;x_@)4jC6GZHZo3-syZ(|n~BVW>81Ti-GtlZ}Q<$!pwt zI)$I>;dU-BPo}WDg`iO>NtURX%R{4_c7JNtVnE6i_B zdpEHOpsIB@jfp-@^`Ol-*8SRtUw-o?doTr=Ml;_gT}|o+h^mJlSG&u?zveHUAvS?t z?%TsC1AL=(-gX~U>1kFyQtl-I-;{&Gq7(lZT8rxGjjA%5+9O{X$$t>0y9?$7csA#7 z5Po{gcu@=3O%dwT?sf_gojjz~L(t9gT@mn7is2k<^D4$S^T&SG{28M)-rMw*Us#y` zAAW4))kLt38T8$V*mbvtk0!ofcVRdK@{&@9OjntvRVQk8dzkMMrPvGyr)RJj8>tfnHF85L(swk4&lD5D3=O0T>{xNtf$i4||g|wqLVHmrH zR~*TsfUhYi{CP>{Fb(_2RpYVkab>v5@ACHa6z(Zc6|OxUxuxd@_QS;1PiZ{gs9ve) z*a7ybY&B(*X)oJagCkGreFGYmPdi4O1Fk zfqI8Nji${)N2wG;6#Q_=SFV52tVg?4`Je!if0);qh%OXz?oPzdVsK#s z7n{Z^jVsX#Ku1pHV9S)1%E2A?P8z^M7_U+=Y>o63-|j_*J)73*fpik@q3Y#-egDhn zo<9)EIh)e{0mCsr-*&0WUDKQ>eTm4q8?0C3R;R9tcu0t&X_b1G8-p&$8S_^KD!x|xpAsM#N>j^pl45sXp~tP|JS z?)2;qG4?V6RchZ^S$$|x8kL{sB}Vs!SiZ_@#;7cK9IEb6gSyiTwFQAoPxEd?_Xmum z6v2TYa5qmvEi9e^gk4gG{vUO39@T`kul+|s5d~3DQ5m8|#R;NCCJ98VEh5iA_rJ4NkCl?0y}!frJfF03E-86$W~|1W;!KqO++D6NoW~?E4uw?>Z*(xdN*&HH zF{2GECy1@QZnfe7ENoeHj&AbK9RNkK?nGpO=h@LqkVTjewC#2PTx{E{OFt9of0L)x z*4SlNmD8iO@1Wvlnl@U8S27S5Vl?YxyBcX==RHl${P$hge_SXuQ6sXCOcWs9DZl%q z9B292o^4;IBRk(GV@q8@h?(cRtwEtmLy#@-rjVA0sjeKXuxyYvq zX6A|?A*um%(CpEoLYl@TjquSF2xKWX`uFz$N!cbjz!t^9eNT*8`uuy$IKH{k+YToGn1z#)u|KeeQqUK* zCiL=QxNg-mUpJQ*h&qaDx~uw{C4c=H#|}knz9ddWlf}B4Y<_A-z}l~4)ge?P!9;M; z%W1Q({x(~nUY?FlW}i^I17xT)dq%TcPrGnU*}Y|8@vMFG|M<}sX`bcw4-&YrL$(f? zhl8SmYB1_fOHuCURtQJXj1=Y8(N(XYCA!|XFSKeSM)mEsgl02j2H2TBIau z+(}oUGR=v-f?gE zB8Z{9i_)x?k!2-lxf5X|T^nztcxs0C(S;xhRg>LQ1Q{9*I7tE-SaI=#UHuxf8(!yV>By@WL4x*A2s#p z>AmtxXzDyS$E^SRv;E(Y)B)z<%otbjx)bSaufFg3(e3B# zakm)+9E!6UK)?UgDaoZv6XP6NO6l3sGrs;3j-EY?m~19z3I<0m>lza#FUw2PqfZ{4 ztkNQCOp6}O%v`-XqtRfD#}wFkeLM=>8nLxNeGQS|=y^mY{x6eR z^)DX1P1V%+V5+FsUye<;+2P1!+#~`jLZs>e#xtSN z8-C9!jFL$#$W!&0eL3F&+KS4`7d|)=*4s?w8_fW&^hCO>TskwL zY`H8IsyPr=IlQq*{VS|Ki!#wHo+TDhVWFlMzK?6*(t;BIpjPO715}L>VcrEZ zBAL-w19anGPh0Rmg!eVkd%Z!hcsV||c;kHxWQ7y1q!E6- z(Ni>JZSB}qb+)?m)`8)2<%sR@_;P0Fp{s}duppFq9ZS)Qy4?sDZ->A&#>oDF)esct zjae{Y)dqt8oQ6{sY~(qiJ^`znUaWE&2xnC6@bC1T45dQKF1QZ<@4VtJVU+)|Hq@+c zB)baxjxr+}d)5Yo4!U6`f-!9ysAG0+lh`&TO{zR-W>88U>|skhA#TwObod0Hwqg%G z!FGH}i)9}60Yz3{eM{LxRX&4%TnVe!n|V&1RxxydOw__;Ic)7bzVyM7!oe!`xP#t9 zOQ5Nh#3m@nAf72)UnIN*j6$@HQvBQfq#A)rlUsTiNU3f<9Jt?dT-$p!gc$*=jR|!*%tYqB4htMK!0&BPc+m#->Dp$0cU0?IYusQ|cRk;Y+D0VyeWRXfS z6i|;KlU8j?Z5DN|_V8y#IB`;kkM`t$uN!jmbS}8~>E^V5_1&Cab@(?9v0r!-I>@4* z$|b2DLwP=(Jm$q^_ubBkSEUj99b(0a)Wy*~IIEC0|K=el#*9rS25e~+yHU;Jda@I! zf*CJe7Cai1HznuR8}#6YOv~jpMQwVYDq8G`kV%+PYO`85bmqVKHX72bI z9ZBgyl9G~H)d-auA-oQBkK4hj5;nns zH6*`CM5H9rW?m>yJwm4~oD``|i9#rw=;gqu1#mMuykDf}WN%Aj{8{*lp+iMlei9(s zdL|jMBMpjFb73`LgYo&*n>(3iDeR_cE#a?2Y2bd|S|o~OVybLqB!O}_pwCt@@oe|U z5v}!VXYWwb*YTAT4`2)84_(f2KYixRWQEFzDNFBbB=$+Wm^$#Wb|t1cg^|ONPkP8P znv3WGLh>QHUt9xTq(>cGtE)G~fce&}(-rVHAnvDO8H|A`>_`QBKTt{6QQDTe!X#Gp+yXWTZ~5fCjsXRi`n0$+eM z*NV%^D!vtEbz^EyFPdwdMzoG&OI{~>T0@ZJuL{4_o|v}7?yn>Y2f<)fLK)AZ&DSBJ z^{1#)Z3cwQI`7IJH$XHRRM9J|W|>h3VnByWFH*fK0)kK0EBU;1H-G2DsZZ^18z+W# zW+&I)bw9k?$Y9a-Rz5F*Vk5h2R{S*kbyhIl9d6vw9fCn z9{>m5pX#l*Rj=^1?gmyt4q5(?7V{a>u6t6Z+fYsXAXzTPIZ(u$A*PAL*L;7yLl3VDC8;cVOw2i%{7`Xz)QZ zYg>m3ZmP$!#Ea^(rY)J@?%8&go5g90_O*UGBg;HIwiNK`LfmlTEs!GRav1OgY^^bM zWg1q;0v>9He1+=W$#QZ2rsXPOwTB#EsS5JzM!GMO?#86jb z#92hKAp{_A2)#b6G`%J0MN%Y4nZ)+2TLK0wCQ}#rzk8q4w~owe)u}TiunO)FG9+5N z;6iI=`M~`br|wc@K9ogJ$wEP^&X7g`V8onC0X3^&)PdD&%DRwp8A#e?yZO{Xb7ZVy zMk)1St^+nNI>y6x;D>y$ zuZznT?ldM5*mduERX^^oeKJZ)CpLLU(#(ij@((y{lCD~Zzt*{c-;-6Vn%`GPDSM?c zQMMBghUMgPok`<^j`-*8O=-2NG8bs>6}>P}H?h4^@_GnMF8IYfNff`%Y6~y72F5p4 z9KWi#5$vq;B|3cQ^g5AgfBwI!x&Fp}Xzk}sBX&DV^au(jk`uW?AnyIzVMPF|reiOK zfv>W_j6E-ULF)%D0H~~$E!)?2wEX3k>&)=lbCkCH)4k_Y-`BJ+Yi#HlBx7IMM1_^h zSL4XharThuZf)W{5a0n;^!p*Gi2>A2P@_#J1c$Zga*KfWOr5p!pTUx#Y)||>07Do& z&-nRA!}L~sL>Sxu@cni5ky}p~c&3-6Hzlt^~n4gU+a-dTf$6A|nwYi_w%30Kn@d0xmj98SJjI1!GU( z@Iq^Aon#$QrH!NiR^57J9Cc4h1e}-uKl8r+zFD@N=RilLya1u_(D04vy#!Yj{+4T8 zPWs?#TgeK-c(f)PruZbtn`gJ(FCYpfzbTNj$@wsNyS?_dfQgQGHoyNskH-2LKbrT9WXR{pQ@( z8Rg+8bHTsz{Cozlu;-i5fE5sfnR~X)dH#iBy^CvbONfm?$`Vv#v?7GCE|1mp=FK%m z%-!@}5HtMrdjp5t_Fki5S0ZMD>G9F#hK6iqT)&dyZblT2t3p55-B67j@lqEXL&Gsg z_java=pP-Ec%%?fqb~F;t0faPN}%mlfm;ZwU9F2s!9@TOHtMp`VPGTdFCx`7al0w~ zLAG_%&&U7Wi~7l81-t|MbaUUsN~KcOnWkQ4WaNEk=|P*G1}^E#l}X;rci4BeF;||1 zpAJd(rgmBhZ+KJYPQlIfdz8;B3Nc1>Cl7uZ&wrk*uHB)twI^3~CW~qjq79${n`Qg4 z-K)=FsuLf$sQDxy)gd)Z0Ys>q>`#U+jpcb>wy;M=wmLIJKihj{>Kt{m0+xD{#CP%} zKUa2Gn+Bg+FmuN2Rlm&OT%%rdvUfRIu&|7K-zuyRN*XhPxL8K%VkPe9d8xy|S`t36 zObQ8CyxZKCy|vAtYU-|N_V4Ly{K;y>E*K8FRI5@`zaj9Yq_)0SZYh79g|0jPOBP-V2>GtF z)4isI+X&D%=0@H=VU&q2x#Pxyi>7E0B-J!e{0yU7KN$lBd#Qs*=f%B8hSOS8NXVEX zM!#-BNK*qMxf5+74+s1p!P(2>79O$kTzT7Jx4n1h?dqo%McAlE8@^R6i{{U2Ub${H zR+z#7oC)D?;FNiRKy^wQJ_JzA^<&BZ8*@IOFi(MM>JeNWIt%+K9lKU9rR6_g3rL}t zK;or(k5(^+=(usMI#b9W^eUbXAXwaLpq{{JT?Bt4nsnM7l7U*zh9~8*Vq9Tbz=52! zw9WDMHd1|psSP2C-rme`^*&15Fm2ZK*C4GSP5m(~vX}-06xYBEh>2}?@c-Ze(QS$8 zRZ?bak@^$NARLRWzp6%a(_)f$*-S`0hRVxc^Jz8=WKdz4Ld!JG`Cq+{qp*YJ_K`X)cht z-NcW6@@{*0!r=K&vL(5)m6%45Hy01Y(1@ED^-Xr)MK9?NRIaXPg}`;tErQ(2i_UW|uSZ=kiL|*tZ1e_83!rncj6i?I*&B)nbH4 zz@URA7)9lfv7;cWdMZ`%KaU&#OTOvC3q3tYb!i;;b#HZzi`iH=P2D|ds+=^@CUbnK z{XVjvk&0D%%ADyx=4n@r)2}n8e?+Bto&4E~rW~wb=Ml#|qBxx{S`+}2%tI)5K&)+T zBAOk{2AomDDcJAIT*4#x(Qm@mR5iHe1QB zvhnz~>*swb_c->%VOz%$+gk-Q)~pKivKX7yV9cl7xZb+cu#>%sY^A-^5m=oY0| z3OZh+ULOS4;9%iwLT?@+ix&67shqu!LF(^eO_WuLp6{n@0wUZr%?oJ%33rI_K1{m{ zrCl7>r@P3^#!A607F)y68V-+d3y$3KmDAX)=U>?3g8Ddw$S|03O%23l#pdDlz*TdY zIxbQKVqvrY-716slp(3 zsvfcp@xqA@Z_L%G3xGHWt*QaO?shn0YF;+og{Y%`Dsn<_FH=G~{m1l#b9#s7Pq*9~ zw00Z~fHLY1P^A<=D6QQT)7pb1y3PdI9=$bl=8)eh~3~6`T zcdvpi&@{0nPBaxrPTs**w&FSgMj7$q3>`Z+jmTsd`#a)t71w-=?PL5*Vdyv z4%w3_GKWd;weXJU^((q6-N?T@oJ1Aqyr*EyUNohl4+Z7BYL1Z+u(o#GqQ$CmHo83P zVzGDxB|aTQux?~n3qWqzEeH2F#iG2lqnw5;%4em7*kcq>8Vs=Z$+aQAuaPQ97kX=uF7AATu}S_?WWJe?mux4YYF zQBqK&i#w6Ov8$!km0g`4H<1`g17$H-Q|k_s?uh=PTE+qKTS{3o6jZ3)7!glHx@z^maIak8~^r=jkgdZ~I? z7s!N!bnevZ8$uO?Xl|etJv1&M4;dyY%bh3$sb%t`v==%z4Mf%J7rQ_Y>`Bwv0r5b< zBpXGYN?nOpyJZAkpA~qGP_qzCV}XpAtr6;c|=9tBpOg>&$HUy$-DTk zK)6o(-$4LzimtJAdIZDM5<4kGRskV0@zQu-PKyi1@bjPt`1WPxh=8)K0U<%h@e!9E z+lP1eZ0M-9zMHkQ(KC!XwAA%z^rcwaV^$6*qj8vi8b>I6Xg89VrV&b)dKZ2~{=assQd%Ndr-@Lmg4sRoIv37)QMe?zZ$( z@qz)N@J7d)>?S)*=Kf^xBtGqU{pByt<)SOM0n$3*BX?ul#gvp;u03O$Y!xrlIYkc#WI)B?coP+V?r{G%=PqYq+-kiE!pcdK2N_t9fj4Wc9T<^8*~b}W z$$r4KJcQ1w&XHyhdJ{ELAnTF7ISewV6o&VLj#Y1iFmmR&1lJ_@_=m3{%49c76XDIr zBTk1V&=oJqeWUD;i?N?mq!(S#^)yKNH7IcP>pT|SRd1Rls_e>gI!w)Hi!y)%XVN;Q z_wajCRUX94y7om959lEKV}}}P2Ku_|sUg>2)d+uj@PDtYY@W=*&>=5Dl}4G*R`;;~ z15)fq9QT_97yku__JB60p$A>t?)YotP%3Q(tfea2Ge;5v_0F1D+F>;I-kObyQgl{d zRxisRkC&frO$yo&M&+ZHNM7_>)zn-bvN7(s?v>JGu)@?jpSH88@*wYFS1u~ivR=dT z(h8%Abva~24%M=5_WH)I!`7Pxtv-~N;o`03IRkxF{&-1#d+T{w+LnD5M3pzOPQ$V_ z8}mz}C8o4G@FcU&NA|tI%?;&wb_QFooO#;GWcRuS=5r2TlRpjFEGQqia%NRYNt|hs zY%Z*otJOri!{HC^1bA(@vvp9GlvOdbJ?+OkbE{*P$|bb8^;%(F$R=yl@y!-_$Q;f& zl=47V*9S=d5aZGX8okIOrt6$NJ#J?*s6y zlMwjWc7~{%sMy&teA6gK4tfFD#K$8t5n8n$Oi)GdLYU1Z1+xYxzR&LQ{OM6euA#(t z*SGVsnG4*V`5p_JjUQjyveOW%@GW}f(G#f-IAz=3a&kWqV=X$nV zFrP|ZSvT>_E$W3e!lk4v<6z4-zBY*d&WT&yd{#gZs*B0uJRZLAn?b~_PWgh@)*#Fr zrQHniPV_#Fl7#(2Jc-IcsBa_sLWmO~OA}|DKD9W{ceYisX|5-+mlY8s^Xd8n^wyFhXtqWXkUEhH)|0Vmj} zs?H8%zu*9A6siHC%gG>gnOXFM4vihf9S^}i*x$Hh@1iz=EkxL#$8PGHr`&t{5OVj2 z-wh2`Z`)=V@XIWh_0}fE*$-BC{#10?75m=XKzI^5@r-#^y-rUDnLFx1;7H{aY>gFU zep)K_Wh+BmkgF!Cj>LBTX*z%bR}rSS6fxpZ!T$Vf`)|zJ{wyRr`FzL8e1#+n`%VCQ zE<+8M$#lh|?Jo0YGj3cuGnp=j=n_Ry4D7r3tMlvEjKTIz>I@pE| zhze@6gNinx{y7}j+eqXL$_fxNkH;P5B8AiGaM!GPL68JPbCZW%9=pylZU>n&uF+39JIrD6MfA#^OGlLuXJ&BEfUy-6UdR zv>#%7D=A)j%pCf}#awk2GnxRsPzxw}t}ZfFT1+TP)#oZM8t-BYOD87*FrEAhtz9P2 zN5fBBn@!(Pd_tQ-x?HsX^K2*m;r?gY_RR3^+k|^cKEYg9yLZC-I^2(5&g=1t?8!_m z+*aWKcoR%}tkT-{Ol03bfHQyd$#q`b9ni*Oq+PQOfBgk-Xvrw5g{npE*pUS7l|r9; z!$I)=M_##w-Mm@yH&AtiMoibvIRZI&EM)(j40_0E%xW+Lexq2LoN@+&`t%5WC7qC& zJ}_1D>(VB#6J?2wr6`+!> z>cJowF*PDcl1S^s!+#@YpbuWKyN5l0{U+84MvX1-q$I9Wn zZ+2fgQ6Q)oFN~t_K)@v>0otfF3TT^@ZS= zVEcidv{Q!=JC8)_S${r%{?j{?^~NNBpKO0>Hl=4EfQ+D@-?dl0Pm2IB^l)$n`+j|E zP8u6?X5c=_j`Jh%GjEU|lwp41Ynb9txcK0sjsRyzY%`f) z4{&F+LBIpy_4Zx>DVb4{gs{FJP`n>N?-%z4GUihO{NrOQ>}}T=hxrpQaXNA02;dng zRU(j}5E!>B^oC2ECFNa^uW&O|nhEENkQ@d<9SzyEX}(3-_hHY6Vpx5ntZak^KDC?hS@iz|g%>`Yqf87}*_2J_pV>%3+#s;w$f7{9hHGq(9}qSB zikM!44b;T(Q@sQvO^uqLzQHzDGOjZi_6$0TIBB>!AjtqeveGp|8fQ7hSQ*);u#P_SSmh<+hc z_4HpEb{$eI!^qYM8Zw<2;UJTjFy>9jIK1J}BFMdFKu{e0;u~wkGoV=)4Tt}(l#YxZ z?I&w`ecO)u-zs?X7BUC>dS9db1x#kGks&p=5b|~!utPL$S$H`e2f_f#(2@f{$&U~k zAZkGH#8HQLvCIFl!#_~6(dB7J6YF9ZVy~nB{o)iu^X$&uSI_7cir;<#!PdIQ#@UWN z00qW~;AnqGp6C1viHJ{+4uY4TFeO!*ql=%BbqF-;9-sWF2}Xk&KR6cA>?$Yt@esDpzb=z?AIq&*J@RC2pn!=tFI!3jGsL{PN|ylxtO@E-#i zsa0m$H~h+CI?#KUhfjE+BnMDei1|R5lo$sRq<*)?22%T+*eM{<_ODA2 zGZifVEornMpyJC!Z;;`3E;XH))Q}nKE57bw2_HI{^?Ss=fsI<>?=L(<@L%1yVqu>e zF?!Bb>;kgPvf<}$87ZFRs@7>#FwK>DmLOs42KKIB>=uCr1$}9t)(A9?NW!bzGs5pj z4YoxIx}vOYohMSSe}PRT$65G>k$%8n(t#FN3HXC}H!BCzZEL}(3%}XxlN~F!bg)gr zMTjH-w>Q+DhfOA9cXZ@Chxq0KPj9RGeiA9 zU@m-D{nRPBqSNcVfvbP?@(cUzkzlPTb>=J%8Z7)7_o{A0eP-8V2|5v~m<)_h_{svDyy=)+Rv3-vX2zHcc9XBz2=Tpo|0i zEIge1tnyG1W7qaOy%NMA5K56km=h+2G=7XPX=@V`8rpcWNm95PWOy%r}J8PR@v@R z*AB74LQ$TpnoI6ctU4bpsCA$5dO5wO;+XV7q_XGO=?0e{uNYccWx+XpWn%hzsan_g5bM;WvEM5z%AW%rztI;lHBOp3kz%IT zXfrL>Ue$_TX@Bj(xW{#M1lWtQNa@(R6y2J84pAFTOg?$KZC>rF;J7|8^I27-_=I`Y zR$>9M=6jLwxj-j{8;n!cTLj!stG@kE z{`0UUh>+AQ_4f9;62TcjPprlcM#t#%8QNSzbTr~uC{g$F7auK%Z3~GtWMsS7PYHn_y3_`k;&E=jZb{KD zaPwhDkBr(ZaNh(o?ujpGHTBKuuHDD4l6nCnyjRTz3e!jU3^RUZN}m@=V{0CQ1TErFS~=U!Hr6vF6^7+lfZ)CtZf&EX>51pI%I&3*cl9h&2T_aKf{BAVR_D)@>-(N%BS z#*o5_Ov~MT@pXWEF!JnwRL(9y;^%@3h1RG>4c$d2%uD}X^%1F>iN~ie;EfI4zCLV+ z;+OcOVvL>*Ri=g(64y%ko*8V=L2~$&^e@YfFWtvBwsN#iBI8OK98cCjLB(hXf~&9~ zOD@^7nxR^``{AsNaf?oqpdYhxAHM@BtL8BIEoPh&{Tp5cFO|Dk9SL#kq@|sV1CbPn zh8?yO91~_87vLuWU~-vbcGc}X#Ap&=*_l=0(u~;U%`mNIv*u%wvc?&@U3nYeFRBofr+?{}_AWgbR*`LXsI08Y7)Yx9|BR;YmMEt+cPxS0idSbx; zShUdI{g0=U|CKCJ={b~?#x2rtkmc-V3Uh-93<>5D{no?0sID3 zL+vfJJO#m_Ys46wl1vD)RbMp{ZPRW3ggppxK7=Cm0P%YhzZlI3SN06bhtOId5T_;( zFDZHfO7#B*=5>0R)W1X&JgtgM-4NL8N05iO!QBF)LX%x%xMU6p<#Ebra4wze9545O zx8TL;mil800X}(GQbVrhXyfaa`nU*1|B}YEGm>jCX#h)ACKa89eTWUZ%7u%HXg7~w z1mzOa@hX=fgO(rmCj>4Ef$iOEx|2JW^y--7m6~1f<~JWkM(rh;xF+xOaIWL7tTBL- zI1j#zZX8#wY-=0ZTRE=W|-y$YZ;6ckt4BZ>w=)_O)TY6cD&K^VU{FT#89uz z|50>NAX-CF`M^ysAZ53p9Oh*MV6FnBHgC$H6<8Zg6O%Um4Ke*g^sgOYz0zADRM^V~a_P@PPgYyD89UhlVpA9{)HjcAT9j!hpO|f>od}hf!pm+6Zu(OTKHa8%% ztD0H1Yv-E9_2-M~h_W+}n~qy#{NXvuSPqPjog^_6)2F3pNmeSi+ zg^0FfPjL)ORlvHOlH#B#n;I$Y)j>`HGYV9pxiV@|qfQu3>PBi`U?i?Y=_>?U>qAHKLFRSCUL!GmI@WyAUA|O`%1kM9>E9_+v$Oq85W5|@+ zZpvnz^%(*xVd{_vF&kK#NO{btx<_hf_0vH+wqzWa<%-35jg-<7b&U6ifR>W0+Ky?{ z^EgfatpC+D{_pdkSn}r4MzT7u*++_Hw;DZ9X301HascwwzI5xJHo-pN5a<9&u;PVz zzAfcymMM7B1G69G|FqR8-O#k43 zX!4u4zi(Oim3hDtr;>^pO7HN&u6};cD#O{}&#ZEzUZ7qp$qbD5i*311b!uJ=AG`O> zoojQ#%FowqpmJ(6>9arD#s?Rf+?T*UCrFWU)oO#_QXs*TlRtpmRV6`~2P~2Jxg`;| zLJO}MIehByq;V#a233gA z9D$~~Q$-pDiAAGCDMo{X<8ce(~S&q|Bw zY^BgEsq65Gp#)C41|;g=wHySX58JID{UxQz?g}ec(asc#^#n9G7YICR_nOo0> z@Lx?1Kc|#U8A|`Y5Cgr~pXntbK8`F+nTjWX-wnKkZyPt+5gtK~C_nww`!?@4Du&Y5 zY!jitf>9MdxzW=O+h2A$r}crMHGAFh7Y#FcQ5JKz{rt6$-QG20IopnTW>oTzmQmSe8@HKUv0jyb)`PCbZI$4{J z%zGn!T*Q0c-t-Xa5UKRApNp*2pA;1)SiiZXQf6&Y+i1jBQ5AAKAXDNH&5{T7sZ; z-c<}M@iu|v3A?^8vQ_OhT+6xzNE@b8UATB#V*W+8y4_w!;YjwwCK-W74TQJ-=0O+tIywC(1KMAci1180BUCH}`Gue}bh&s{VPatg3L??h2svA(|a@zcvw@14r} z@r1y{BZ5x{Tl!wqgQZPVC^p9rzX~=!7qfevUW_lCEE$9eB?zsg1uPFIc$kKXi6wOU zo0?g{$qwMaZYPP~g@jLxxT7Y1K*fVT>(7s`f^8o+!H7`WL_4Ky08EYTqn5w(SAj@b zGO{2R}%X)<;zPEZl90@WzQe^ibN1LY=qWeK6&GX=+g{xCued}_tB_#G`CDoBQK}G^AC#be{Ac2Rh zVN=|LXjKM=chRdaj-4@i`lePR263Ep?NTxeM^aV|fyPgVjBSY0u|Pmf;vg(aC+Sg$ z1l4_!y+;v!-Q{e{*mp-j>S+1RQcG#Yc$);oRw6Q#pH1;}daedwEiUVf6Opy+Sjsb~ z6k<`d{1RqBcmiCs>J8$CBFP^8ld|FS9|p(-&+#zZv)pwqz`Be2d=>orw1c$%q%>_P z(DD$H=2=cGd;H>&PkQ;F|4NI7;II5$R<|e`vZ_9;WXpVx;D+(_EQ$o8KR9)U>!sFI7`@Q*XIk}noIwI6iH zM`YQf~b#^S4w}Y>cW0(HOlrX;ZWzzBSkPaH>^8xy8`3tzV-gWvF%TOD*ATS z<4gB~@85coc`ml-Vl0|#p_;W*x&)@cm7qk*SWx-bR|dS2z1;BcA_nD)_ur>hiwa0x zr`rI=1{}`HRCSM!wS(VIW7fbZD?=cwLHC}FM)j*SFKZ%?yRX7%p2J$xeRVXp%~iFLKI%>Tlpt4tnt(8j%&i7UK>5#7d=PjAa@*3> zVl+hf15`VqGx`8B009PIogqPQB%`@X6bMLSac@&|qAC-0*!lGW;WtH)>d&f86@`&U zuup7uhCnp{4H8P@Jd{ag6Hx6@z9)@-gw{|C5*59!O<#1N#RF{l2GtPTGpF@yx=y?# z28azEWBWhIJpWErM_8QVw(JpFW}Mv=dp^nD>xb69xmUg$fz~`tFb{a(eDxMH{Dbw= zn7Ob0Hih&485rVJuIB&z$o-jJDrT1V1}A4Xs%h9NQSJol~g{Z5u`YeyQi~?j45zym-y+@D88yiFYor^Ua%43UHe{gUSQj zWJz3Q87-B+C{li>LpztBE$8v9=)zQt=F{no!IYZ(Dz`r#3|&ia`%$Nb83db$Atgx~ zQzY$050BKx=|m&Ro~qd-T^7Y33rvDmc&AeKdy!_HqyN?ig7uBhEbq)=Nea++1&Sw# zUV>SLXiKhSA*S9{(~A-JS|Nd!erztp+R;d(X^Nhl1CAqPcw6b6%5pVn-rBjY{`lHyKwQz_R#R2CpXh#=-s#vIhSE-QWow}51z5+E&(I2KjYO&QAn)+eAgSM&aM##@TWiaMLjjI}|J z=g?+WS5oWqf#piWfqa$&m~AmJph>!Ewd1bL>SUTMSp@y8=#VGSV$Ip(L9`vE^3ukh znwShoXNHbpL0y7;KE4r2<8FLpC{-pEX%>)jX{y8!;W@T4A3i>z1lZp%+JE2s%!LO` zEIwYJg1wYG*f%C~yAVW0G;+|AFo?kkQ}S@RWSq0+;pZPmZ_%MQ#-#OEA;vx256_3h zzEDy(7YWVHcx>+Hy76DDgVxuZcBCzlMVt0FKcCeRSV9Va;0)LN!p7FRrQ&WBF?)80e)pj3{JkyWV5^kr* zzKi!GJgLkaw=+XaP&1ndp z>Gmve;$E?J;E7GE|5^if}PsE{dvAR(?~0?As(g~ zF$>uvlfg8B5Z1T@>auI>xTVo&L!zGMH&)@NSqsi43b>`Dp!b9Xf@zLBC?y5~dze_x z`2iX=58Toed1%!tfdmxp2I?BLSCT+g!tPr~FHaBZwqnLGaJDB{QXrEB{Y{LCK=c?^ zqk9+ra#%*|2hRj3<8pO-huRI4x&-+Y4(Q*h(FBqZAB2``GVEODnR=wqz0ptma=v8w z9fpyBYkdR&7{{&vjty-tQSC~kgN4?dJy)Tsi&r7Xe2e&Wmc(I7wd#cd$pUhA*G|4-OOvK z-m+-bf;D^I(!IY-_%_~fslm)`znc(7{GcgTs?pm42eXuqzAm_7%*gd+aa#r8ThO;9 znpwG>ZSQ*2DR7^v2HkRK{ueWs#09=_Whut_14oFQ!;Us<$T>b??iS4O=b~ujJWwJ< zqfT^&#~S#azG`0lF(GF(pu@;zPC4&7U>5=2@p5`OYgPCbTHt!PAMbIQ=t6d8Fklwl&t zi89<6=M>G1x(Q0*v7>?bDBlm)_eY*2?)I^pWsf`!0Kys$h29Nz1(Hs%P83Mjv1eEB zCq=-F5;rt#G5dXUZfQwHfTuG`{V0sLgEeldyHn*wQ(C|OMZ^F4M?J}KK2&q9J696| zANi0csii&Z9dT@#w`e_4q5@;K0_$R9+>pM<9!;7xA{{+_DtK81TW^o&zxkvF< z6$yWXwGCIby-2fJ@MyvCvRvU;_ZWZC}vSw)B@9!0pdXzW<5SV=S19+=vqo%%ean08eBH>PI( z#ZLlOu4JO>jA{rC&qSyyFS^W*+kC|8qTw}nsA{F4(au)$E#yjIFH+MF!?u7!2sFcx z&tWU1)zKoMA>1pWQ9UjwwO#JL;f<7YCDgIlc6~GpA3yNxf*D88Z1gL(Uf#KpXHg_G zuLLNrbltVgF=+RW>+5;Bv z>b16_8^gGFJBkJgm4M-L1*44s%Bd8J`Uu4ZP(%K(Rm9cb=n7uFRyh zKfOz>T?g8;pYkv7Z*;+RGvd~vR100jZGaXAe+_c*m#IdIwC+JZAS@+P+U29GH8T!J z1`_LIJDhT*I@?GI$^j?b#}GT@j@zpIK5y&vGDH5|6%@33sHzPKm~MOyloWX}8E@D4 z3@PNmCcb51)fIPHozs zaBq{Ko{~_%H@oW2brOQ_pe+(dk-Q9%ATkyX;YhvQ(WGvrn?EP@v4D;V--#P(4 z(%o+^yAchO=erEP_IbK|qqkec>Ev{L(l7*DlIR)lbR>l;z*VFZ4*}HTz+~3VS)FgG zjIFTal`g|*))avw0^)uB((tp%>^KqtZ{<^&cAJGK(V|+_fCZoTgkGL#UbD&f?5t-o z-}!{chTLvv9Btm>eBSJPYxaFf6npGDl~3yT21KDHlA}{DuOsISobVL?3X_Cu6iH;s z&qqKS#mB2ig4Pv;%nZHxUwZo9kCHtvM_5-3+)Mnf5&%|mkgD&Q9o9BBqL=B~RirE_ zHPc^Xd&8tXV*dOV{+r~8aBSUA@SEJmiKeIjhr9O-YcgHiaDyO-3QU~D`ny10h_ANvbp3YgGqD+Y z=YzNZ{9{d|8Cm9#$oQ~#{P75!8`Z%FdD1Bah~aLc(iJtdx- zt;{r-`}m%!(k_o;okUW0WUnOqyxpc1`gBcJS;r-HBbC*W{b~DdExYbPGcMrWE|$BtK{u zXa2l3>!R&I6|_%bCQ(Wk$T<`qaA8#K(Qp%-K-DE<0%az+F{msPCM!cIB-8=-lkvk2 zND3}LJ38ve?QtM2v=>_M=HDu-&Yc+&kS7E}dd$*!LbT<;$EQ8$l zQBN#=!s+qd=4zZ7 z>ZDmKRZ^rMkUU^Wa~?vIX3*2sy0Lb0ZNfx0qPA>_n(ez*?v>1miE?1?=@G`hYr`&s zSOfS3woU{VUSg>%M1^JZG}L)89mkE@i>!nXl~ z9eNG7zX4q!2!|)Y5UtYCurSf10?``#kz)HeW~c(zVFx~CE3AStNVE|W*kuC@gzHXI zzdQB)+o}7k3;e&mo&STsfy6mbb7@mC6-`lsMs#FBI2;wMa6bfv+A3TDd0<{!lvvwD zuO1<*IQ@a&C^$}1_l^$LGbCL58nSc*bIk3xhsz^9pHagbbn|T@Dg{zWbeU*kU3-T0 zd3iu<6S>w7kYSy;*K;zSc2a}7?FDW_!bgO~`xXSAK72ef!@A?$s-eXzuU&)WBV0?l zM?AML$wYO%Y5lDic$%o)T)uI$QhWN=2kYCSJ8jJT!K^Ud`h6*D;*RK9fb707E$5l_ z8Ql*qXX5hrsDlN{-+Mb2EC`5j(kz0P~1j+7Q&=c^pA4qu@DdcnFsl#I0t?P6@; zRhO@yzL6iT_v(8{`L@81he|IR3*&MupQlQd_U*YPRd8SuiBFg>-M)eyAw5vi6Ia5; z;|0o`DO>BJ6E^LIOb{&O_{rtJ)6V;a{+0}x8=q&MC|an=w#b3}~-8WTtspb3Ir1xKc+ zMY$W`+=v1U*>aj3h?Gwv6{HviVTkvCN{N{_&d#y1fDB|8M1ghsk7IY$A|uznq8kJy zy2#d89TTk0G=i>uRqFRzjcN3g+7+D?Ge%~y@oCd-PT}?24I`TDa}o_aYIO;)Fq zBi?EX(%qL;U8vcJ>u0y=8|toW^IGq*Pd_d7^tELkd(7BJb*d}dTx^9m6Mn9(Bh~LR zHqN(BmAoa~8eE)jcLK!;`IV=m*Yr|7wej4`9qk#KhCyCWRt8c;18joD_N9$=8?5we z_fu}IKNVkCzB5jfvFc8zdsXk+sRc%RAW=nCRcjJ{u+raK`KCj2=v``;B=RG3+WN7RUoLgP4Yp=|*l14LCuk&)sAFx1F{*_upT# zR<&||+gT+PCmOaia-*LzM}ei1@ZIIR2s~>-G{9ySBgDmM@a1L&4;45%t07X(B1ymg z-x6Eq6->|mWfrc5-#V_J2uXmwGjZo*y zMy)ZPX(Z`U{|bif_h#9pf@)Q;GHWuaxz*cIPUN2@?^1xN;y3#7_Dr*Y z6tpHVHkE#X5GQ@f7K$&nEEzWf@JQ?jL~DRrR*4~b+?sm`p~%Z5g+12+%IV+#5e!r^wqoCIhLNq<`zpe%qBiRSYYz~ z;bJ>2X!)Q0fh7s)ou)2fyE{&S>hBk8D?h8f3(~v~rTIFB_#tn3b@i#2I8wtYz{n-v z&T38XD&+E)QIVe)y*xY#MMJjlJQZ&nvn=`Lbqv(QI?AlU`1Xm9$nz_*r0MGn9HN7LxfNe?QE4S;z3Eg*0e}2q#VhpV zcHCGyV>%d(wc`ND259!u=&~`oYL5Uf7l@(}LgmaZ8)A)3z~>Xrt|6c0OV9G59kQ%=O<*5;ymdx&8N;A`XZC~F~j}-0~^}*d!FLo+3#QyFE(vOe=*Rr zQe4+)Ajrt?z4Wr?az;mCIg(YrTJpg?VP{&rrlaW*=e>)R^dbVJ!#_ITx$-c&bfmiW zSxR1fPyUkl^;V?gs7?nbkKmT!*ao}op!QBp?bf?hoGc7Elv=)py5 zhfR-H#Fyv#lK7XP#b1cHF)XWt8MSlF~+ zi+T*`1B0kq6K{y{_kyX@5c?qmxA+*^)!Pb>S_%?)!raejNkE8mjeqtzSom^#KZ(xe zqxs1gE5NBMI+F;@BIKVH!oa`VjM0kxLLY%k2S`|Dj^Y)cPBvh??XVgJj!qf4$Vt1f zpBy4qx=TO11F<6DcBUy7TcvZUnI=Dxfisk?fk`%_2>Skm9tHasogHOSP*Vm=^cy$8u(6odE8G}- zgb6S8bl!aoypnEfqWg59Z+UV?=k*swQ6mYl$Gg^Ro!OUn&Ftl^;^Z|BxxcGM{_zN_o3AF0oC)TGP{b>}326OX-I_!YDlVu6P+^G3IMC@y&-!q`^Ec+upsLDUEiN8jv=l3-ShqadrFI{ zxOs203|}0&xIf#WTRqg#rKv#rUaO2vHGTD`(#y(E9^HU3YwcpJS6m$pyK3h|_DwFQ zj0M;1G8SdRaqfn^cO#-If_MWk%(aDy+>md;_SN_N+MMndJ$$9}^Hs{cgeH}%XN`fy zW`J|Ul6HLn;BrlrlP(*F|SK_?Z-2)3mit1+F!0>B)Me+*Wa zS3-NMe5l$2qDWC{yd&DY0~O_zf^&iW>>RO5VcAnt7pEgq(C6Ilf*nYBZ<76Rl5kc* zJ%5rte}D5os-Wftf_|Q9;xpf|s`~SOD%j7jl3+kVAC%nNCot2u&EWqd>%j9h;hG8I zGS;7Z#8EGBrzCk(U)E?5a7()+UkSgM>RasS_0Ujl(=elA_t_3zeYfh~>YUYSx~j`R z>+2hhG)^oGwOCy2xYXzM87tC;1Opum=7&g?m$we9HC8GEY;6%et!vkC&<~27cZM_TC`bdh2O-va?4lS z3ti&2R7H*HF8cUg?JB_9deTlwZ7J#O*j;Z!>ed_I0p}jXiAv;A6yaOg!kVC$jJ~&4 zPqc@AEPQl7D`ba-SM#$1V)qF7JNhJ=UB}}AVS6=hB*`0weP2r`|jD5|Dli7?Q9Dhu&Qhw*>O zD4hR|nX_(xpge{zLiST#6TN9reG~6H$9sGJ2oQ+gMkBw}q>wS=7G#le7Zq)B?|S5u zsyZXk`rS&!?znW57jp<=W2fJ>GWX?aM^)uT$`Pxeq$ggqxUr+hayKjal(MM@=&_=u z7TW9Ar%*i0q8bnvTCf(!78r&uv6T(m`4qXN1s(|vO(-JcBhA)#x~MQsjl2a(pKC7| z0f(X0nhvL&fYFCe!^KS+BkB*8558MCQMWTrd}tXY>NGHRX`of+5~*2eUJ1$^(#mG> z++YHJx(zzc=3mKOZS`mY{>sfCCAZ^tA^k-0;WHfPLZthhL7?TRCdFwHCyau zP55-6Qw+oRii5~mpDPQbpituRbA-3q(p_MS5P)zVU{cO_xz+u)|^JbQ_iNC|4EtuAN(Y9)iVVXpU7g1 zbNq(uZAVOoe)RJ7YAGXSmbZ>^g2`n)mrPFX4=UYZarFeX$am8DT%om{nmWTEof>(j zM|kprMYQLRCZ)PdqtBJRL9Swp&uIEiz=&Dw1_&UEZr6x8bHpylK zo-eHK&umNKGin_NJ#-HOfU2pUtH#sDgY_0RdN;bG2PWg5?mE82<5J^=*rK{#$cXCM z;G*|?VGPM~kGmcx_w=C`-HKdM#m%s0b2b&cv8m|q3LwLzHxPYlIEFy<5nr0IV!evb z>P=pcv+tEQYp3Z2^f*DQs|tp|fg-gk;M`$iNAy-F za&VuK;juE=om7F=3gY`*S}R;m)6GPUX!3L?3??FaC%E+*-faheS`WnfJ?zX6=0`lD zH%>W@!Yt~yD80G%MNYkyTM~k20NSf{t!SU&!pLq4#K6ozeUS)JSLb0C)M|VV>VP-{7iT@@Ng}%b2${ z+AqoL>=FpzWYVL~`rEbu`aBNcbKJ!>_?|$gilk|H<7K$uAOPZ#gcNUPoW*dF$B!yV=@h(4k5qq{6M^8xq?1Z1;7^IBi9*00m&9Rq9{MlN%8dMbnw$rg zy$tJ?0C!!xc!hXx&L#B?>6vopi-1xLnb0Y$ap~w*GG>OBp!)I}PRHK>e8yYd5gpx! zfoASat1305@!itOly{I7w>>b$0pW+6Z7%t=j-~P+P*GO~jSRJk9sA+WU#>0_NTPrQ z;3$h|Y+ZIdg;HC;;G!$%U7G4Ei#0z7$<8(OZnd(C8vJqD*&}&HE}9*M_)k`+Hbt!B zp*b(gje)vE_0hV0E*RTWzkH-b>E&;Eq3VRLuPlmxeBJ7d@qqxb2*^TzR#`k0#mv3l z(YYDaJRC=)pq|*NM_eNicM`3E@*p32hg*=K}13I*v!lY_58Ld*?wj z0v{-^ke=SbtyR6ZrO~TEzq&r!->Ob0g4)HS+Vi*Jqt3Ez8yLSa71%h4@F`n-0VlJR z-HA)q)P1V{t1e-@7uldko{HmbBMZV5eloda>IRVnDYKr|C)1;mwkq~& z(|`mwJ`{7+cA~y#5EkboughHYt&j1hIyEk_xn=lM=5?gL9qOt90j}(UH{Wv=3D80t7jVEJ^O=s#F zC+wGQ+g_hAZaZGS64+X2)+e#4Mk|S*^@z4$^(e6qgPVdXfq;N^^?%J$fxhkqd&Od) z;|+YF4-tNG!aFY|cB|pGH)U-|kGrX3k36(W1fBHlMt z*eQOyeECc*Az#X#2&6ZIEx`Ts`wjM^s`J}S{%>8EZ!L@Y``GByct(;=0<9|iANqN_ zO~-%~W3_|T?jwxg4)-;dg|#Ga2UgjGXFnW!V9TgFv_2E%%em{j*e31Q=nGjRwdXdm z>}`U4d=ikW+*oy6jbHtca76>e^PbV{9yY;thsDQs$X-Z$=H{z)#L>gwp@%|ZY`L$z zj+k6BvCl0xxUoGE4qtf z*_NbhT%>>F%EeVn4=nQhur{^<@U|_q4O$0k5S$FukV$(WnI8`Euo#)XKiatF*v1n1 zih{`%txdxlnO!`C=LE z5*20`RG6NKJ?lv5nCqo>6DpU$dVus6QX%^|jnSOrMLh4_Felahb{6I4^r!!77mq(q zL%pR(sOhkzHla|aO9%UO!Q+!&%2B4E$ramxATftFqrbRr09}=Az|`8UWjk8G=STl? zo1tw71Ei_d1_Fyo=$fYYpG;HuoV$8kd4{d7JDf;YRIaNy_AfK)83^tDy`(mVWgOW9Sk?EtZ!9X;R^=A`dl$#D6-_ruTW)|)mKZC76O zo9WQ{MvEOs8$Ysr(-G;XjxJEKxW9T+(jKMD*J6O$AqFv^8Y)O$s$pTNP5jVgdp|5< zqq(YBYR6o3np5dPo4yEr%I-T7~g=XrrQo{%D%=jt@W>i0>A^*Xm|g}4)Dw3+)uWu&GWUTMX*q*-u?jP_pM3GExFc*9g0T{ZC>mbx_mY(SSz2D^-~Xmb^cZ-I?pUpr!h2G=Yvn8>+Ot7nUXu6Up#!7Dmw7dKvXHC=hDEX3wM-I z;|5w+e$2Pqw9)i%TuYv{O#|g|ppIFbC`!wiQs`E&`sTef*yMd|KUB6Rm%pdz&pP0< znfX}vPDjeZ_R;2pQJvU&Mw@my6CThM?+u`@=+i)J4~#2Z1(_QfuJJcolvtn#_9Gt) z);MiY1A91_J`y$P<4f$YafLZpce^c)pgCiqz%3rw^Xb9_ZnlUpdW0oexP<(MB4cTl ziY1l1&IYiSX{wz{a5sr{Di*PQ zV&OyIVoXQM3O_UF^p35dvDX1qr)yd?a<(;;L@m0fo``#64=kT!Z27Inm+tSC$TW3A zH8QP2v2j^hUWZmsd(-Qooc2d)AWEu(q&TUr((g_q%)m34>3=~k~=n7BGY z;Ta9!kW3H-g1(>mQe_0Nl5Mt>e{v80SajZZlT79xTx!vDuW7;E$J_d9FLEA_Bm}o? zU!HmJggwWO{;+}A5vLR|*=J7>UO;G8HjvqR+;dR!HGJM|Mm!e|XJRkh*4aS?Zhw;o z)2p}zoWB!`|B^cF@mN9S$GlrNO(1vPto-huk;@7(xC@VozzOu@zi0^85u=6l>JyZT`1h69z)7OU@gqHUVCqW+@4)#oD8 z@)xQmz4g8crGr0o(5`2FPA}HMw6a=(`$uYvCD644^&OzA+#h_uSPQI6j~eKkJv+HJ zg>MITp9l8a3#FoHx(E#c)Dxj#MsXW*)Zja<$2A*3VA;1h)VuuiK!`J!}Kg97kG1SWbOyN~S@gFgq4hQ>NIs?_B zB}7U?gpuVHgLOTLgv_N{`b(dB{8;&ZEf}ZAxarwWT)pwU2M6a4okexGV{!%eM+L zk>{&}em$a53F$D)Uj6ZW^pT{SXP#{9Yi>-ai2Qgk;N#19kze0E=%J_70V?Yb>2vg+ z1wCUlnSrR0AiIz`@q12yM5sW1zbdEv{NTIrq7(|M#ToxSZQv;F7F`xk82rHc9`ZD> z?>$`h9K7k|rFh^2LIHGE*!DYG0%}QJ39o0V+L-|H-27y61ptj+T8Ri+Q}(W2z=jbwo_9zamu z!nkV+Ci;kjdZfjIvw3Qa;!K@^I5JCI)_({e8%ZXam!TG2vo7-VD|*y?c_m!h^H#$+ z>T^f$9~0eoT3W0dLSLZNNtf^&7yX{6{8rTki!zgjV-~U%JY4&QHPrLAq_Jmkv zW5!nI;^l9YcN|rTETivS^+BxJKuhux8cE0sG_`HO1KFY_~rGH+P?gP%$B*F^>#(g-|JSmWY@Q*q z!AeuoO_%6~(L;>GXd&>px=nD=&+wWoL+Lpz%{c;wmqMMG9=n1{{f`{aIvT5_V)1+L z`*!|BL_gdsn$l-E$$npu~CsGx8jqtOO9AF)JWQ9-{zwrPgMl9{cDE`R-ygP9Tsyh_1P| zB!(jh+oYF~x++OK0_kV~({&DheeUL=6c695nvb{6I~pSDO)On&jN8rFlaKj^583@Co0X-GusYq zykFEy`1PqO;Dk z*IE~C&`f4f7kZ@~R*MI{zfkQ$!)DnI>ocjMBh5BNB-c~FyypYRQ4m;Z4|-S*w|(Sm zIAN-fkS?04Q0qy?^GifA4R*SbAbJEdNjhkMo317HU-#3Z#nP_@k`)44uq6c8!aB0Y zS=gy$9H`Sr11I~G!e}K;;VGw}8eIq1deGFMcIMu`-f_m%S530_w@wUQ<_x7J2DdbN zNf-pXg+OalSYmM^0IRfMKGCE^7Ka9^4D7`3TSi4jN; zfI#=}&qO9n#-em|+x1XI`$yk~huR^yhw;@H2_2kX_SI{~b|I}v$c$iaVPX08S}JyH z$EZijfit5TRfO){cYX4g>FJr{deab(6fH%!X}uRpLEQWg2H4-|B%_;mhroE$;$Br& zjgI8q{b|91J0_5gUU6}lV9<5TXST}&s?1F*+w>h-mG6)B8_?bXT@$-+^u`qyl~mh+ ztI;5S_3|cG@84FPZik#qyzg^84xn369HFR*VWhU^in$4Hz6*SB{oc=~TLSrQ| zdrL#{F4N!-ZBDA}4fnea$>h0Z!w&=8j_$11z0)R>3Ywj4-GQ0 zBWRXo8lT7=A=)aMAgxlch{cSnn8FB08t7FIo~lk{1f-P)cs%v%h&b9&Z3YF|h% zD3;g;r$RTVzM-klm4PdCNeH^d8FMB2+fQVTknP~&=kPk1w5lMW zdlDJ+wZqP@Ir(7lq(Cnb^JSMy=}u;K_FHq-K|iyA(j!kBCo-(i#3(@UtG@a9Ew#Ao zl;%_Iz?whb7MTPNZ|+Q4U27p`?jn*Rx7P)*vp_HEYvDwYGeP@-3*X@p!%b& zBBV8?%!*(LXb_TB!n)DZ7T`*yFTyGv@L$@;@05du*-el;>anL`N4B(i-S@ey0eQGT z=%Svf!M=O3i?ri(L8@H8<kazwa`;Xt%GX`F6+9<83aXex{+?RZZki zSs>HJ9&(e1xZPle3cz9@@L^j)241?&ZEaC2s?;h3U4dh}a!@$1(F>LL2ujCvOU4%$ zOuV&aY=^5>VsMql=K0R2Kuy05`uYiQlM50=#Fv|HbSkB|oQb+pulh>qVDvSh^LwquG`v(L z%M8pf9jVa8%b*QlZ&YI?;BN@uB}%To&R6T9+TrV-;&0jeGplL3vL1Ls;Ma~fR)){Z z5&Z$Hs3A_z-PE!p_g(jRbl<`5lVnWm`n7V3W4g_yMM`TcqcU20R>5q%%C5Jx47?KW zJ_))`c5l|kZmybai_$~d*5neujPN)Pwzpr&b6?aTo@Ano{Yk~+z?5NSBvLFR0MqTs zFyLzJ=e70<#P68+Epb!l(yjV=o9>*RFtd37=$MLSH_F88Hi@)fJA0j;O<5RuUF@L8 z8Q+6Xoj;r?8d?G+^{#Hur1l(xl5e!5_|BkC#4m$4m*Co+0@$6r=8JZ)2^z9Nu}Fg; zOVh|zV9b-JBH_X1Ln4R(x1?-ttP ze8ehh*q?!=QCpJk-hI4F%Sc!&z-!ryr1a}^`IhrlU9w_ZnNJw+d%7eTEbZINv*-yQ zjbF_U`e#QV-}Z5WEso4N>q%VoHt_Ld)^dpmCSCAMmQa(WEMvs}`tY~5Oy7d?)bj@N1p3O-o58>((~kF@s{>#Y;ZZZSV2l+Z(@P{z2fqun9{&vmSi?2h>3Gdh|q1fw%pL z5^yHN1S>2ZWk$ePfG+9QLUT+k0~En%FOKhwi^Z_Z(*8P2HJ0I8xG86V4F--$jOrV4 zwo`knidr7$_8H60dxXKQi_CPA3sd6Sv5h?f`4jF0Ch5=AHT$Brl#K$TwGCuJ1fhA! zzsrhFNH-|ry zu-p?MqtM9S3^!!Y1z2&D)m2H0mL>X2_mbAk!>>xByt=An_wISxYc*x-rd0)e)Nmly zH)RYW2`_4f^=JtWi0{x6Ew&dP-%`)m6yVV zTz2S>{=84Yh`ve2jdv4ezQm<)={aaW;sZ%QZ2_ncWFf{UImULvlh~_AQb$Y{lUvww zE?og&%}1Ol9b9vXC454!sEx%zno~G`#N?y8+E)wvV4ZyhnU_BRmPuEnRYXvl0F&lC zIOry+0+K1R)xS08GMBz(%MH98M*)sxa_zh${crvJz{~jRh&qEX+i0=rcYA`}#?tQB>saY>OJM(R2TL8)BVBZtVloBin zgQ|@-g@C6J4HK66igJxx%L2|{)}aP%>d0K8cX@ek$ci0MJm<~P_OU?5fD&H%seN#w z(L|A7gZ95lkEKkqAQAtSv~=Vi=lZqvA6G5XRbRhA{pm%&4GX_ljm_U?D||X)9f(b{ z43|3h1OKi%Q4KqBPNb`}eYiX)SZ6M4YwAdoiE zjmWsa;gu4vksb0d&A;>^K|)&PF3Ym}_{ofN(ZhZOHI|H5Db64N6E?1G%K+l%SupAR z^*n5tS{G3oOCwJ4vaOsI&t2<(_V%o`Rwgfmg&;CtuP5sK})j&4$|jAkzwO_0!FaytPlAKhh%*PsoyxZhwh`?4c&qu%(KxNiy>x0WP{bKiF`#=;4Z#@1YNDC=>U&0kQ zl|yri_Nch(0C6<&(+1>uAYkhv_BL@}Avr;FaNzToVGiLe zJxQ}A)(SGq7@C!ue>(;!v%48bxhZpnc#69O-U3@Eei zJ%<2#MOWa`Gi7f4=HVzTAJy4FJrdiKYtMJJia3|1Hrwu*SLP~Tq(HzRgmK1PSA-0zrha0iA|e@lZ4kd5$Ke2o^*z<iCGPvJGdGC-euU?Y=ZZ&Nzg+MNPCA~GKe)9{I=?| z)5S9cX0=i2i;{s)vGq0nU;6JsttqnJ^sFpUGA5RasTNF4w|n%dXk}IzdwofUugmTq zS9I@9l+K0(60|8x8O%qG13n(L4E#C~V*4%` z#}5OkX;BIOO@uf6o#59P+o2yO1%lJAucM{ez{qXUHH|&afX3*vA$CR8QA;;UwBc1P zxO_33;sn%zLF9HEKbi5_ZEzLJKa7sa#H0GmLDh{7WbiUU_lCqQ6O5Yne?kGX&lHhj zeeWY#Xk*)-8Q~_nVA!~g)V$$;AP{GRL7u{fn{lol$e`V4@UfyqPA`FH_g%6wenLeyBWm5-l`o=U@<=KWACF{~fZOX>Z-X4rvfi+YqLfOOG7ZJzu`(sn7l@m4t-A z^rZeusQj%D%ethBwl@e@5XgN4@uT!S98slB^5I4L7S^XSd*j`kHt&9?S|n}#17kLO zqXL67VDpD#3ginSeI9jm($4EA+fGa*bqqaRE9^3+psB|-B2^Ylnci9!hX!OYKa2h^ zBmU>TyrM^t*kw#OE4ZnpJ@_NvczUQ4EKY}u4FOe4VU5SlWD9TFmXI;k=E4Nn)Cq{A zA-zuvF)#-FiRTW2eg{qp)|lSN7IZ^2*pirQZ8ZC=UuNQ%))g!@TvASVpk|~qt}%wQ zoIM#1;PZ3;tm|EDdkR}#mxSWPdkdc-C8uSR>S1Ot>)ROV?RX&I7$XSW{+o{gSa$B~ zE#US#1$JK5JMM3;d8012J52A)gZ@-;2G>2qlYABmSCGKm1k(a zXn%J}2%@>iI>&7_`rh&eZ__OW=y297mGU#1TR<(HfLXeB$PrrUbqK;IR=*HUVo~ zEkD9B06&flNas0Op3> zGDExp+vfU*B%hq5D;p94o_%^lQvoI60Vc`nNChZ>kxQP+{kAsB=e;vmLg08kC#RU+ z#$^VOM`Z09mQ&ExVYgPdGw%*HPc4rmhxchB#9hH>s#{NvKTp(f>%YMMeR7FE>P`9M zc*|bVOpg+hz!EtI5feMP?O9#8g_&JtUHEGlwos2%!L+{_sL~TAJJ;GR*yVRCvO)`D z^myg5-wI#8^zb^ic{x#BPSyjH$|ttmSf_zTr!o!js%Iw;P7EK1D0B|40=FK|5*G@v zXrxZB^}5UQ$SNN8Y|-yf^jSxJI^+8pYX}KO(nheoRv@mTtANcflv=h5ockuNlpaGG z8377vM{YLomY{}t!XiOK4mh>AM~9)ZoO{S`|1L$x3j*mkBJ4TE-!4rU>yvO2rF2iHN-i*(>_ z1BzdZh7x6$rdNO8!=&#O3p#LeH{HebJj&p78YRU7BD3pvS; z-5mT#OU8!Ubz5=Uk|!;PUdQ^~2>fo;Z~_ecGJ1pxh~?hcfuYTv)JG^$a>QzAcyq&o z02Hg_^qADn*dOim8*ApD6H@AWZg=>KkP)MM7j5r4AT%-~;|h&QqNOsK z3g9a+Q4=q5V`RIfw`1d-mB9HFvQOu?0sRcDIleuk@B10IPAVJNMne?-Oh zR@h(j^aBtvmZB&MRgObLD{U&cP2AEPS_>T^0wVmYS8MC*Ro!J=Bt>z*{S%iueXYCq z2Uv6b2@_+sCB9%~G>;%P{2#{)F%gGK(8MG(w! z&%zov{XXy^+XUd?bI@NimN*(5_VWTIkG5<8)u5H21q(AfJ9v&A7FES&!N|CBad!Cms_G&84mrey(^v!(Spiitq9h?1tAznUUBYNU4Ic{Nj z5&Nl}Y@ZgFDUPTrk*x=wEKdDdw0=H{1hDzD3FDl_mcPME_i6!DP?SfXGI5*Ac3%^z z0N^k}+?XMtgM{a+35*TG1 zTOhkjmW<#bphdG}}V@O79&USjUvVnm?QBhIV^jW=FAX;Jj4tSMfg-j^~0+;te zd$ni)m7h2h(IvhHrfN8$j{E^#^3k{u+^(++gqLWdqwd#qKF?ghY_2JRb4A~@9YUmS zvwM^np4iUB#WY<5e!35J@U`)?KkhuL=K~7-*9_qcoY6A6B8%g-NfkKI*K^#TU;z1=_=11uhq%*par-ipMERCD97 zq1Oq;Oo32FkO0Kg=sio`%>w=o+Y&H!3Vmf^S<3oyd}+-axRgP7jt{6kOXB7hkzQ6M z%K8Z7wK?<}sltHhW-@l7MdJNBVE7g}V!WG*YT0fW*yIDjja$kR=u^C$@jY>;2b1W` z5U{o$trq_F3KNL1Wf2g=K%S3%pQ~GjoboXDUgFeq0s{w^{-Gy&7lu6{%L!L#`Tm;y zKqtHD(r!iSQUYFj)t(D(j0?g)2~%69NhQ;7zmVH6nQ)Tt1fQd~ILRlRg315HWxaG4 zzf`0|+3r)>-yVT!-hBCiPF-=2O9IOXd+?JAe3qmQro_o-3mMcP9^baa22{q*cqXOT1z1l?57|#e(4&AAz_h~Z zpBL_{n$MM%65ws+jSt%f;k9DN)hbrOCpmg39B}iHr8n3OngZs8`!sVxzG%L#JiR{# z$8{2d8^zp0$Ie~&9@(@X|`CE-GE@htb!Rkb0{uNbLM2wkK^ah1W%7U8 zvI`s@lip0s8V|$p;NF424r|dtx5-~=cVMD21QTG*fqY;;kfNY*8;kD=0?0A;Wek|j8KqHIN^C8oc<&j`dCTLj2o48jP^<iSOps$9LIFMsb(|IWk6)O|bMahi0C1DX> z04>JQ3B_mJ&VzYlM>#zs;^L{xQ=&uuT@lNiNd3z|X*vC{_HI4= zkHmu^OGklCo#+fva@g*^+7yW{_ri&i@zI_x=98==g} z0u{II*l-wUsz7>s`nT!Sh1+p3c%hEI&8wDe#L+k&a<=4k2DX`mVx7rU-@1Qoa)i%Q zz#|%P!->xUb(-WZ!AX2)bHZ6Y+qb#Q_-mlPkPDLJW=Vh>Yn5BPeCy2lBDVz$ zw|9~R&SlJf6f1vDNn&}eXo<2o=C_AE6NduFbdNot;@l}8;nahF+Clz$6+lCc&C`}N zQ>2SQ&Ok+t1)7eH1+%CN6CNrTS9qN&IMnkn4LNYajsGjUGa0Q8zPIvxm=gJ7Z#av` zb)WQ7kXjn^blpW;*Z}HV@;^G*Go1n1OMeniA12O5yk%hP1rd#6Zo!;qIrF)1bQ4E5 zRUk{x%R6c~(G&AN#BPo)41P(0Z1wp1GepfW>LgS$RUldIM80y)`>^e#r#uIWA3DUb{qd2UG$iF)8Wl#OR3=_ z=2jtJSLQfo3?Qm!3KdwdE?(}VZ(wBXbW$dSZ!#TyWCM4jn6q4iz_?w}1bU;$`2K+q zj~EvlwtZTVNc=PC+_pcIa-94?+2oPFI~3Y89G33wRn+syx7CawzE0}y7VLd4RE$=Q50E+WN|304u+8ZAmhL@YZVpj^P-~0xUWv~sVztPZ!fY6 ze#Ut>vSeLgkju9&9*$2i5% zvwyFpJB3_7^MNRU4aGxq`H;%4iqCq}K67)@Xkank2E6W5-38|9<)}&>>_pf2SGYL9 z?QWtZ3fAY18!6~K)hy%|OnJDC_F8g&o1KpRyVk|GF3yXh@;?z6zyPk@`en$0;DD(o zu%^ahN-pkaDnayzN$T+3ZH!!S+uCYY9W=dYzpsSMzRRDNZ zUm)M=XR;VC#E_R%ju2@h+)rJseq$WJpp5QIejCRNMUHPJt_7MV{|d1hK0z%!*D?aM zCyfm2;=cYJ2hg7WWU0S`#pdUohL3AN@cr%OX?V>@nD9ANr6;LkLd`mGT!kQ!As19q zV#FL^Rmcq{|=qx^CZL4u~tmuLn}4IprgG5+<}hYe#%XGv^UsL zyrQ69ucCK^yQf?S&M7DJ(x@R!S3jgbX9qk&i_CM@K~q0MQI8A6RA|q_(|KwYj5OTc z&*42d*n~Z@Aq32!XXh{yZ}CHz=!ycmN)zsKTM$_yD=fI!T^mDc8UZ$&{QD4UIMcc{ z{fh#PKg&H?fM7o~jUfeLYJFo;UUrz!aBGl2>5(K}*TQ0M}svj58RQVu6i zmh$q8uNs~H^!pE9UfSvQ%hT=O7o`Z&t?a#mX;z`*;T8#`jRG3xVP2jIz`D7ox{I<2 zz0|TeeM2_@)jX}+aLt=q)O4KPc`nuF$fIK56+N6o(t$Ud`;!6Wo`mpzX^0wg#-k1S zx76kqE{AdbQ2Dea8*y|4(BpXH`2uWPiELAzkvr!evSoUyiZZ8{FjMIKcV--OdLD$~ zb{rEfd`Xucp2_*%WQ27$RrN04l{mB{xy5EP@NvuoD@QghHAq9Hz~Mck1_oJ#D+@S} z&-(XT;^pwtLd-#vDqo^sL-yefA9n`&<6C>5S4no$#>VK^lTpplLdwioglL8rCOh?& z<0N4aVRItttimSYpH@-Aw6g-?bGGmT4Y<_ab`nKe_9D7wQj!1mduA@)=qZ@1#8phj zoXS^&{FMv<`3s__t&6=bsAcj_)6`<4wJPh@Rh>JA8m(cb+q#{~zxeE_*TGH2+h0~^ zFn^ewGzIl*&Z{5%OE0!s#kP!@KWkHlz8=)3^~BSz%l&4W3rlzkw7ezQz+S*HA_z^t z``eeRbaE<9_=PRka2qy)RgYAB$U@^3>NE#D7s_izPTeLB`jS`5wZZ7ZU6?_>a0bT7 zNAkb?+wSDIo@~!O`eR_W#rsU3N`e4)K}8}R-1N{^FX&gvRev2h zW__Tt28O+(*8QSxvS=DYcw0p+rm-x}_vXn?YuxR+`b{5uU2Xe3p?yO`x8mb9Ao--p z-G<|Z4x9mFMCwREc|t=)N8EdXo&5bwQh{#_+Ew^Jp}0oVW0^7xK*5{73+I(VBpo?J3UNbAR$3Y@zqO|9{&160j)Cwf{j3L`8BX zMZi)cb0ISUWf^UwwB##~k)ohkQKEv5HmoxsDdGYqB?`(|W>lo8q<{TLX7iL~NoYU!Ceb+zwI@i@vVdj0G}E({wP-F~cTwHr4^vxZIj7nG;+t!P(3W6HgaAq&pr z-dAP2tsccMbK<%aKaV%RcV_+*0H-d~J;wAdS^bLoPueiVWR1`)t`&3q@3h2`IBJ;M z-Zm%TLUX3RVFtm5d)EGPsde^SFK)B1TsZobSb&){r)0 zY}D*ZTRYNCoG;19e`@(sj?UF^KyK^2wei-3V8hMe!YIYDdue%6Nlaaft}fB=kx>-M z#9Yzmv z4;VTBb2{e-V$D7z7r#6(^uZ}MOXS(2N)kj4;VJ{UMIE2bAZ?d&WG{zo^?PH+w8QKJ zRuwCz&Ym;*NbDE4SB+a1Y`f#tr)N!=mvCrm#?7-1c5jo(@+Gs}ING79e(rpI8-I9& zt+e4nAgLPL9wp2Zltpwpw)Yb$No4G8X9~yiK5=Da8oqa~b{D8JIvwwkQF~UOukK38 z?0R17t@%1rxdj|9q#(zp0h$uzh?ySumL>E$Z&j4U2Ww>FdtbWp8b&bH?YCBUYXko} zV91o0nJZ>%f6nY`6R23)_ERy|Q8A+MH%^W_JE`(Rn_;A(cE;$m(BP|MUJR*teRQE@ zuQjG5rIHwC72Zc;*!5V|{s7WCV|C6Vk%E|h0xwYj*VB1V zU@ga0lp`k}?tE5svPVYnXL6jPuZ!HhNxBYfbl>dsVsylgYc=CS2WG5q4yI+L@H zxPpZ<`O24+N=4LEDmllo=N?n2^QvzTNXm}9n=GM&r-8_DFlh)A$Llx`lJ&c9lt`QW zIQ;e8=@)Dpzi@oVZBpf>F-u}zv5c_XU-L=BN1LubZk9dScJ$9F@NxJyrh=SQ!D{Ts&8`&Kt-21?cHr{61Q6D#3@WA)8R-e+3mgm6N{WmUnZ?*E@!JCWdvd z56krpoqzE(sg;jM;UFuH3?|;O-m^A5py|o< z*p-fz3t2fkRI_f?{Xk@xHNjB(t_7ZMnjfIquN1vYyc}vf?g7$`yFOpsGduL>*&_Mn zfnu?SjodD_Ps@pd`*FFUt-F0gE3G39$=qRd+-KryS|-Dw)8pXmb-3@#xhGPl3iJ_a z`hD*A-46>tjV==(Tg_cPYhlBun=Mkaj?cgU{kx|p2{d2Fi#X*=0(OWssq;k+86MhF zl2A^}iTD>^wsMev8+Y#AO0&=!cBr%dJoGS<`CR=W9c5|<`2+WFn z{!J^{wE)99NIu&|3%}6e>)vx<`H=a=8z*$< z-#Tpd*xG089|kPxO*ptP_F7qSfY*$P7V_P8BSdM#H;f+sQB^I=CH{`=sF1GvE$O=;_f5T>O6ky%twNSG&yA4&Y#^WPP2<>l=GM>o~M0`)5hi`haJ1`el}~( z5ycd%=pSd8SuQ1W$SnP}pV@y*idsnnLD})P;epG>?JI9SHzGok612JTdc1vtJ@eAi z{K}aub@zO2Nr1szV2IL@GY>e(LZ(KaM_-b;Y$K<*-u8isHN$UOy@VI)Zl zr@KbxykNC8-w+sSBT(4-Nap*i7e{JrBN-%__^-({&R0rCD7v+_lA7|tRCLX(}C zs&bF^3#{5LQnOP>ZfuCRCS#&VgM?6lA~J|nf9S_WuVgl@A!%>9Vp0Mk?P_)+JtAGX zdtFa{o+j0Q$-CG2QI)mmSVL@GOFQkhGG&{X>Kbha&oe$dtSGr@leqq#GTW5maGpb2 zMI<~$kqzX{iJA1(|*^^4Vk?^(ds%T zNo7{z;iU1gU*wJSf|-U1M%*kYks4HENvEOB_1*Dg2)4{e5a+~f@~`V64&IiQezTOM zDcbntCMD_)I=;tRAIpx!#Q)~;%752!oD38q^RuO@G-(6L(dCOG@@+{yn`M1OK}$pq zOhm<65g2dV@(Ikf^c2fIJ(QPhB>8o1`JwCn{8dRbK{TSvQlPs_0>Y0~AIncH8M*7N zeN%5)tX(2MlgeJ;_P8)7@5IaZQkL6i`M;5r+kSc|5vD`pPo4Uy%GLj+&wq+_kcDgY zQk|JkROy1W&g&6JR*e~Ra@?nLLyESihdn&uaJhB;ypjAn8G>g;YuK}eBoVh%+Brhd z-S*6mlE_PhU5Ajlx3WzOqSU5tsDjc=ZJk(_$JI}Rc-B!-sLESL%j@$F(_WJ{oMJv~ zTWLMjm3O-#uAnOxCSK5UbK0{=zw;x(8|8h4v3lC9(|^k9b9{)^LQsi;LvZ2xd8#A4 z2FTr3LNOYnPJK$8l1N&wQxlG%u&9F#mtRNnZgC(bRy&djsF;WdsqFgwvKwD#tt~DN`e-w8b8W6^=R#A zcfYSbJ^W2+$NS`RnyODdE%7#1ZpAQyFb(aDCfYJMv*e5kOU6u`8EU0t45s;@J1*1wn7pjEL*%Q>mcLHeRtF(CGT zCZM}rP@Jv3BCU5>{B(f)V`-_M;8KNbkx?|z06$ICnSwn1hSw!5c7QTN^C^8f)MQq= zvvr|q(rB#|=UI2gI#xm*t9d6WWIYVjVcYzt8Z|nQ+nAQ2&7VS25C2in@)Lir++$ob56&&?AmSiiZ)GJc7!H- zT|~rQ%kax%(~6~rOO9LA*JspqzbQVD6)0p$DrZ2WXOoCFk)-#6yokcKd_{5=`wYo2 z?Rqk@%(lSUqM$>=iFKFO+*4NXaE&anl#}N0SO3#^5wDr$)xru@U*lCny1X1R<4Huk z?Np>tK|op$QB!QLf(El@I*s;2zdRvZ$%)nW^>c&?B#eg_2#KAJ8LFXAFG+ZY2Sjg6R$t};hM7YvF^3o zntD8bw#z5&Q;u6QcXRg-v@G7ekLGtuq>7!BI|3T(@=NuTF1WO48(q0CKs^ORc|s65 zMl4SfkiPI+Jssto;A-w6({lzQ?S2k^9i=rXnV2S95zw=Ox>YD=6B<5VL z6e?;|1Ve6w+6ud9oK&C9)nuC~bz(!5zTQS3-O@Ws+Bs@9RyvW{^uD(f+_+_#TN`TI z7oBm4%{Tvr{oKCthOLPTPHLW;+iKD$^`4EsYoy|6>iU;f)kbipU8|K=#{ZNd(9RJZ zT`gB+d!+;gN3J-X*E>?6w-Z#1<%K)N#hK4`I=$e0?AGH$H*TEewx#h2o9;cC%HgZo zy7P?54)$kr&t5Y43OfC`Rb;$^RK{i}Og{bQQnSvOV8u_7x7_oeWdvwX35qv7LB=DK zoKlC#rWvQziU@k)5kQiyWF&HeBN@d4R4j-3k<}Ns#f!pEkug=UZ#)YuI@Cn<26A0s z);ks=GC&-%K(Fl}RU?sBq-um${96K*CTV_?DQVE-w;yW~39sAY0Org5QIO!ccn0$TU@jCfzrh=(dc^|_^A4PSeBYrp8n$kNl?KqsEz-S%}!2K zf1B6{CG|krPjr7UiiF;Kr;zrC{yU0_rbk3*_}7=_548!q68pri7)OJQ z*SOXYZArL>^QJ@3x897-CZ`;MrwqsRB!Na0laZ(z`6-IZFsxxMV$+htBf+<6px@$~qwqZ^(Zgq8Fa=^XA z1;d|~Oywmk`C{NrQz)i}h(c6g(2)arD})U$`$W)OUmqQyFX65A(5`prIWXeKr%!vH zmt4K%!j*s8HaDb~f14TocFrv87PeDq`II^Ctgo70&)!cW{adTz9gcc*Kj|u$1k1iz z&DHhPN-uYK+0L;Kspv@$Z5+$1T*JOwQr+v47qX~ES>70 zpQ4{lCZn|^6*QKG{j@wdkhQ)vz@uT#p_itPBk_EXeLVfH#70^kh$-qv%eEVw!LhyX zd1y`^Wh$nrw+Mx$ez%X7Th zw{9JlpRrt1;m23Ckx^w*UHvVM8JAuNqmPFEj zVr8aib%bPErYa?qK1wC#W?M|AUM*ec)u#H^hU={Ngu(PArDz)Il%Ay)Kzmf*YTr_Uy4u4zf;5nJL^)Bj>@HJW6A5nvwX`l@rW{gmmpNf!>?- zPSD&@`^QA*Y&`Gcy>$7W-9y%l&hme))TLr^Ek|0sykqha-&^-z3Hb8ljM3d$))!o6 zma!%8AIq9Fg4Z=yT2Xy-g7Y3thr4itCv?0f?F%|`nl^JDI&so8_T;c#f_uK<-&*fj zPV<5@@8s^)V9Rr8>(@HA<`IvE$zb~H`2An$*)Q(2o@FE4^0DDSzAk>O`_9{Myuat; zC8buqqpHfAF8wfejb#>@P=92vrNlAq;)hGJ?ib&DE!h5^U9=!dJ1<9GCnrik;70P0xVub{@ZT9QOQQx8$mYJ47w4gTvY;nIy0*@T zv~Yd4=%cMWPCPl$?t1i?wU3ouAma>3KdiDyFPW>4Lrzmc>Ge0Pf3bbH`>Tvs85ZVo zLHEDU(f_0Dy}2i(;r8EGz4RFeOaBx?ar zsSmESENBXnu>>+(?G>TU!Okv~FRT%e0aoV{o2&DLWVk?g5`*7-!m-%0pv|s}o*)0$ zVY7g(AqwB;W*gFo^*C{~Jy-YXM1}ur8w%^*n)>4V^P;Sm@$TPupVzi?D7W|Xco&y5 z6PM3gIA`X%3m;yVoI86-KYS=@>3w+n&bNs#Fth1qO~;qx4)=WVb<1aDXoQWvUSU~( zp++jvaFs1#$9+R{ZCkAU6)QrI8+qWB9=Sl5t!)*19<$+Qi|#=b#m`ttX!r~;RXg*6 z9T{30IB}O%&2>)cF@f%bqkSe1S{qhYaV z+{GbltR-0q>z-H;b?$#&{5p1?$m?^3AzIPG5z9Q8m+}>BZ~!`KoWMGrD;Z~FBz*q2 zbxlbHu|+ph*x?X4sUwk-Y@^#)e?oWPS#QPb+0Lx0(?1y(JGXPORJkg$wM^h?^v0U& zI)yqjo^HROFn6hC_etnfd53>>sprUOQPdZen@|mX7}Bg|_WmKYmQaduBEJ+*aw%SHF|A61V&H=U(}0=&-}l z$0q(@kycW8z5Y(q&Jqu|s9C$C$9&bcc-Si>K&HRQzZ1mwVpv*QZd)T1>vc)*p1Mi; z?l8&hhYMkwjRy~$61WnaZ~lo440Bv2uG(FMW7wOtjx-xAH{pjX2V-NcYhN8V`5`)+%A*SB4J1#ELN*}x*gyYceL_!aX$lYHD#b$0(0 zYthC_Gd-SG9${`~bgvk9WTja=smOTjiAlGj*SU;MWx1VSe*4{V8>}{rKY#eN)NPCQ ziD21HY3X;@L^2V#Cs|9(|M5}Grv2jPH%U3(H0LWO*Mac_RU&mpnP+UKrY_)vjr+GZ zor|jrJ=mk4&hT#;?|9jlOm6M`F~V*|h+AR!^TEm#=f!@|tjemeC91oIjHgdmrt$Ps zz0`X-yAN3vwl8b;fnxu1LL6 z>`s~&s@(s@sZ-6uv;&h9&deRLYTmgcz6YiZ%^E)D{ggZLZOcA+WBI-2vzKMZ7C0@N z+;a8g($_-N-B$i20WQ&!+5HP6Qpk?7R76y+4>;-@dD6G>F=HE1I@DRk?a2x3+%DE+ z)P5p-Y+0IzMPWzXlg^)98^uV>8C9Sz)2E$EsJJ<{mVMZ5M{?->^JL7;M2462g!mAQ z3~$&_e~PJXQ^^H_FP@Uk=c%jtHGcfzhR;ln$6=W9n60}XEc@PB@r+lOXWecx0L;d4 zl_#4j=nkxvf+h$p@jll0tA3Y*(y$Ku?8gXY9#glKG>Nm@ySe#7#0YM$+u8ibmnq}& zl9n#L^=1^aYpLLhr=r%nFeAS-s0*@>=p(R9?ruLY zGdNu$!ycwGBb^Z1lxwctoa5xf&@iu{ zBb^j(w1i%HGhM|e-9r94@|mQIbO^V8Z+OyWNoS6qk1T_`I#;v$9J%Ar+PjjEo=aMn z9v63X)SOe5;m>6aU$e7>|J>6*c;{^U{6~wj3&pXS-)&nl>*CkncO8iH{G1)0&OXWO z@z4>-DdIM< zm#y_lUY+|@yL}7`(>i|~@j}t(XC^h=S#KZs$wCsN4LInd?PND_1SEChQn0QrU`QuN zs+V{)FBZvZo*TtQX``1|m&7ep=xQBV71mBOM)NCD3!aj8eUo{GHcP-{T@B9UCg+K} zVx-y&!40*y)8$=>x0@QWe^{A#DVZZ4W$C?hXm3Jg!?5(k$Gm4A9-s7asnwXAPrN7B zjI3^VQmlU7r7}V`Jn?}Uv0Xbxv9jPK!!Ulh)hD7wT4aHK{w$LlW$fhzV2NS7(lB&n+wT_$b zdDcBx5tbwhwPMuC))!2ScGf7_YlE^{t`#(TE8Cf2Pqm$$douUKskd*Z$e(rAg%osN z^NQAZ>L#+~I;K8j7Maqg*9Vu8PSEs=R;wMgZ*tmvcvqMnsyPyQ0ule^=~4BmT}zx* z|C2UQ0c?L{b#OT*Y)i5^*L+z*PsP@b#=`H`?|-~DsvyK|n$5*Ix9eVzPn_k;;z$xL zJ8E1-8!vw~uj<7y>DeXx%R66kdw06iC&LqSbDvrq@G|4ohYu&Wyjj;hJM8*;hYAuz z3Fxxr%92Tdn+%?X)Q{abBWO;CLr9}?0-0^k5}24LND1OWUM760(*Rji#lK5 z9Ly`Vjcjvnbm?S?yU%LU|B991J7RPOADU zE-dEpq0z@DZoKti@%+#mW!={&y&ro>qLeK^x-cpwIkY^vVLA!%5n(_QKX@dZ#E4#= zzO0Kx`!9Gf4V}e-ot{i}My=Fd+;yJx-VUE;>hCKj{UIZzq%o{_MGQOins385Z9X!` zhE{f3)BUSq*cXafMC5f6%j=_Za=Bp(xBI^4hzHUy5|QR3|2y%msQZ~l+%8C z1YhdTpOD$RHL;mlWW?>#?WA?oDQ4IZ(${}U;)ldQ+%Ztz)8GVFZyn2*j^Zd>Iniwi z%p=2CLe-o8lF^E{hbQa09C;Ea!jIa_06+qhBLKuIHm zZ2Qpy$tq~?c+HhN)5SHLLBg_m9T!szq`3{d+Q=9Ibq!}nUPo@BZbDX?P*tojHJqV& z5Nf3bBQ%k<$@*tta)KmE+QNu{1flYJVn?inn`oTE^7CsmzCC^#YeA7ug zw4x{?OlIp|q^jYXzy6v;q<=UrKz_~s+OU(0oZPa;z83PM%kp^^-&l;9EPjSxU9rYH zpsKWVAL*JgP4-Q&{=!kWEjzfUgzBr(b-50q$DMWiY#63YuPi~>7~4;5NYO24C=s7> zp3!E_#X3;0rZ&zl>>fkXlAqT4>6Dq;1w_Ab%?jTXrParAWj+g5S$|E2uw;$#Xgn08 z%y(4302h?z*C4JkpVn*!QQZ8;PV zGL?<|dv^K5QRtB&H{uGZUM4mt%>yE}mV()EOJ6NqWzE=F8R7pABk7yp#f~zy>sY_Y zgF%4R@$@ex916N{VM1hstHC28ZstaoAZ)a={@YY#k5v6KJ^l8tL@IoAPZ~OH z1ZA?@4vBfz`UmBf*Iy8A+MBwJ*bO^kPrQG$@`tfewhuE8KK}Wt+T7Q zpY3|B$1_;3lugQ1O@f&dfh^XDXq_&K^gA~kz7bwEv*2vFq^*{-vOGXDf>GCN?VpexK}t$!V^#t+=cL;4oQ`aLij!xPf9bl$=Cjsb zEmP}K*imv{dhgu7kh5D*=FX`kbB`oSizr`sjvtxG}m4CF?g`+!dw|76dRG>lJ_&|V1o4>hc``ba_1_2No{Ae zDDs|d%PH~w6`^k(%gYhAaGQi?ovn^)(!%L%)!s%^NIays(TjLB0!PpMmA{b|PobrS z49+S!aZ^Qs+*g?;h*)Ur++GxFxnR_f+kJx0+$eh0`GRYqRg~o#>lEwV1rs)iWV_?) zE<-un)~@E)9qzXY8frq1XNR@9wv^gswuosbXS5XtPUN5^Sq}Dinl@tcX^Vp9RL(B3 zM(z~S@o<5E?>h73Q6m&mZS|nefsuj`KZTV-WEOgl3l*cPIf3*ebFOZOuB(L z2J0nKGC@o|PTIXJxI$o>%P?Tp1j=kgbvXp1<#fVJ!P4^1pDm3bJ)!SJcm+#f6*b1h}^*vPq$R-ZEpC_4Go?^JWo2&**lD zB964(x>Z{rjom!*+e@=bVxpdH-Yo#>MVrXm^Ofo7uRSUs01k+Hk}aX4+snc2mn@ zlPOKBXQ5g1{T{8C$>17pl^?0!!E%K~#JS^G1tV;bzz6YwFIqaHW2?+3+=2{75d1{u z9DMF4{ZLxJd)@Ob@9gvqZ}slF=o~SYYq0ToZ#~OA8c(*y`h5<6 zX8bfF8>&eOO)zO|pu1Wtg^5*IJVN^28&WLQ9a8;fjyj#2f)WKvOGw+aF=U99xMXmZ zK#~k1@TOaG)ojx5FiI?YFOlQstT<@X#No=bNeXOJx*KOBncYQl1Wj|B26m>H>PzX2 zV$yYeB^*w7$c!JXOllYFH^D(;9U5fpN5XhI$k^WrGPv?ocHQtosX;F#>+7`i$YzJe zvFpFjIDPR!-~Xl6KplObV&tCbA1}lw#clJ++_dMNi+l*)mKloyaCnSd4*zE0R4AAZ z)xA{k0*u5PT%~R_(J(MA4-8;wiozsu`ki;N?HwImcQSQ%z?}sXdD_nV?**YPDUK%{ z3`nInsS9U7vB)^6_T4{iBhJyn;tNte@)8ysV)+@=X$&&GX*!O91@P}VoUvom4gMauJuqPm%C1xNgrfl+w!ecg`XSrNLDd;! z;0lrdjxYvg^zMH{vnHz#I;+NbwI+GR|B*uGcj)-8|Lz6{X6*rG{=gDraC$BN1_S>c z#2=6_{sseogMq)nKu@Mc^u|=f-(cYSpKCCyF_rC)l=%aq#C|jTZ!qxopMTQ(fH(Mi z48Vc0+25Xl2LaZM+b)K|m1+A&g7&|`z~5ltZ!n<0!8ouWmp{^W>x1Yv&`@#+kl7QA*KbK6#vcYG$iQBKBsz*sIR7GjB>xxi zEwdbZE_SCgk0orNFg0{TS)@07d9SVpxV;gDmXQnmPw-dtie+Q3! zx^9zFJi?Dp#b>I&&m6LrBu*jMVu~8{>~^^SAM|&%d~h*g%j8_lm>5oKieLg9W=}lp z#*&PbY6_$kbb|lq4yqXUKSe}|>OrP{1LkqH^up5c7qA$!(7t4ipB~A5p+&u}(p)|o zleAt!*Zd|OIFsHT%9%*_h9nX>A=QA>$>$@lIz^2!-1zN>Z=gNA)%5TT+QU!M9^Pwu z_!qQ?-=VFXj?{kh;r)l&dyTZOBs1S5t+6{LX_W5R^Oj=?sIfMFbz3Je0H&fa$`b6G zP6nt?s*Va(lfBxqy!JxJ?QGJ~w1G7A%1|B?tL*3a^RM`Fdwk`Ow5g?SA9Df! z^%-&hhzr0%XUL(l*kx92;9>reO>;_mvwP*26tm7m`^T!Km>F z(m09@?jOMszj?oZ$l7HA|AI2l|Np(xfedsSQ~cj$=YR(au0at-($u!=Gjw{X!3)x( zs<|h{2A#MCfD?%xYXk-jpEML+X!wGZ*l>Bkuq^^I8JHxp5gGbG>#K(L+x{el>X=~z z`LIApQj{}D|HOCrKSl5K5XSp8TF33sTN@R-B0}J*(6kBkL5NYYdoPR{VPJCJyfoR! z4h2{Ms9s{QS+|&sXlMY@7?zP8K2tvrIUUjjLI357!5j#I=da4_S%tFHrW>R#a5lC) z&y9kX_Xu`-{G}z3EvrvgLG~d78l$Ibbd^HwNKC8^%D)*z#u@7FU{iH1{G1Wo^G+~+ zDXqr%s&~i_F>}yxP1_S-m=B4B&_iFLfyZ)M*qk`i&d4vZ={|f2wu)`XH#6n)m_-4G zo&dRV-F*+km4FQEOG;;x=b?^`$QMOy5rA4SC988xM|8g5Owy<4l6ft-!#YjAm~0T% zh%bcAlW{F|do}-jC}}k)72O4LcibCp-0%WfHl8?I3g$WxvyUGBnY_FTzx*41G6I$l z4=@`>$%CwKXl>h&MHE};aag@Y{lB_BVLRA-Fm=YbX&JMMXihS3MqK0_b=_OG2#<*T zh=PrnK)Memw0hoOY}1Gc={Ot{PBVdFHaGn8$HStzDY%RiUJp)$9!ImuSPnqVHJL|F z2?z&G%Uno^gfTaa{%JVm0ce%tQ3LGJp|z#S=B7d_utk0U(sRVI4&77m^erLb6}H0& z%~XUtL&hujM`A#j5{P5)uVDKE>3RGN<5cAH1BwEpZU)L~jmEK&qI`9!W>ab;hU1v= znkUfYnJJN+krq&!fkaV3uk=sYY!##{Bc)TB_b~3GO4d|{6QzQ2G6ZJcA_rpYd{CBJ z?{H|Qo~G|k$8iD((;1L&Ze0lZ=ceybmjIB)IB5buY|{-xCyL$b`zAeCj6BBqW{!Es(D|7M1L^4Lgo|f@4Pu z7pB(WY4*JXWHM4OEVAz%cgaTaXP7*X!~<#Gk=@>8HUnf01C4DVvjosoMk*mRR4avp zHZc{x7w4paS*TA}!YQM12p5St#`qFkF&fzLUZ5>Zsl}9X_zGMQTwYp@kD=Q~4j;mm z;BDYR!{*6x8J7(V3Bx%U#847cVZyC(n;>go6a;RK+%ej$XsRNuT(aSi1|0A@+#9Y0 zwuSlDxJYIR3IVtW2EIiR!Bd1e5;dpagZ2k(*^D+F2+zUz4CDu#8f4t%0*=-VZ_+Rh z*%n^|e0EF1!E3}MZ6iLzHtv05Y@~A^%fNVDoQ30u* zMT81w8ozEm_rg!*cMnAe(_`#wAdrSN_E<l`uxnHAppzaB-x$D7pK``(qxE>m5fe#IwKykXIjB6-M`1ts9>5)xhQrTOFeAUR zfuXy61F7QXfb~Mp()(cF( z00K7Frl@$0M)wu21Qv{{>I0&eftLD~3dGVs31vtpP$C>O-nk+I$OH8m>qC!B{iAHfoiGHt|qVG}W5K7bPx1O560)<7S_)MaOX;1;_)*;HMq<^LdDe!+qe6-Y*+puRL_FrvWrIjNvffP z&s5RmIwf)*-81(jL3iYX`dyX_KY92BB_Z*ijGq&>Z>p1QLOh7nMv)9EZT#S(gJ-M@ z$r<4F;ZFkE(F{1gzAOQY(kKasWP`u2C8e%)aWLx$@o%o!D3U$0@qA(Dx#E``x*kVJ z_v`2NO^c$C2y74(7#_A!$WR1lB;3Al04ESkJ1Ux#1NA+0Gcm+6OLQhOi=kvZsBMdS zxJ)Efkb=Nl$TWDooJYBuD$+uB;hskvMw*9u{0v6g7AA4ZKk`^qC@4!nEfV-EXhelU zIhu`}1aIg=7sj6%zCiX~nmk9g$hqfj=Mu8AKIH(&-ck*xf~!Q}5rZHWL@f1B`sN;S z$)*~X0ILW?OXr0iPY(Ysxsj+c+NR8P0OO2zNXZAn9p}i=gH%B}gX5BjxpberxF-zFrMZRgu$s~$}gh4pBZ0f_BT0D+<`g^$rk z0&0WMh9v!x8e_07jG7sTcVmvjwEFmyPP9|4i2Oi0G%kgb+d#3b8v-kE+}WapaJUa- z0Wh!6HwWLqmDqFxdI6OHBw~SsyinDEAq51=>PPCdCF!QEOXZ$|D?+-8K~jV>v#6(V z5fDm8HW;q`rVNT5 z2yC5!a+~raiHOS`ed~y}!SV<7(zl8Mh>=JxI9I^-eHJB$9MB_#4F?1=5eWvaj%Jvk z_A#;~B|1z$6I=zEN!4qkAp;PEay=mi>GN_y{{af(Vw4QfkQ>p5Hr=$%Jt`lGC($UG zEW_chDJ^E?b{jz{HID^G2y^sYdR^;NU;sZ?N1YnDUIkK3==*LJ^~J9keLo z>Ym^skaT_GQDV*|ttNz;PISAWJF2|CeQnYGlE1g&uXP8$k1y7 zw*n?jEe83JGRdLfw^44OdxBYR6gBu8$~%A>0qu=k6n`j_SP^hqMu(5ltAoEZynri5 zMIb=gLX%eq;ygZ0XX;uR=*j>pMS9es`GKzi%?B14YCw=Z`gFV-yl9GkD9ouLC~rt7 z+zS}ofWP~O+X5^A=rt*t>>2pl@WQV-K7Ond5G@6JP(Ffstd+uz^m#xWNN40uh;bWe zp!!$*oGS)hjz++r5K?AD;jhU8Er}gI1&1s z5tK8;=+9hs)a?=mCLY}~ae5ff4m3RO2Hyk(Fg2bsr^##3dGZ1A7AYZwkN9wD{`IA2 z$vTmlK`0@OAW#J#H6Aj$z|pP1YXsXv34Dh8MAsf}9Uhn_+ZTwF8Hqta1Oa|*&YFwG zxL=S%9_0L~0j%g_!bhOh2v|s&CRI6@T{KgDTcg#3&=ss>qb#Q=S3|dG!)5l>~ zp@4e5B_2ujdC55&o($&}{_jSFJn z0v!lcsR9}u5W4c;gQ5=2&~Fpf&wxQ5M;s`apoQ#?U;=~-t_)a`kha#E@Ew;L?##qQ z15iUIcP}9bR8jwmc>1j}qgv8LfkPR&jQkG8EM8$CF&>ZsDS% z)s8|rf#(G@fn6lPiicUO*f<4dv37#Yz^x&cMgRh*i~dfSXU#x^9IZ9O3|Ju&ABc5| z`XRD`tO5)H!+(vzkT7E97o!RTn?LfpcNE1wk9G(_{0ng%ROjHXWklW#jGBOp=YHL9 zgZ^jqV*dJNVmjlvMs93`YFtwSMDI9WK5K4=4Cm;$>L z2EkpyhLO=xY$T#l2okl=fdj{G56Fl>H>6U^9s&VjPK7-B(HfX)CV@*@K@uRQRG6|t+;*IsS310zYiU=Y(SbBX5fY5^>d5|f}1lLDi|cg zm&3yQ*Ms{paz0!RkR;{I{q=e&_P}p|7^DnZJQ+9!u;$(*bxTSik83?t02@W@61K~}jA#7%fcHmYt0>LpOa49o~e6au#cAvR2-Kym_| zkFp=EI4~{HlZE)>2v0T9W0o=uckAQq520Q z<@r3495&GyzK1hHJ&c!&>J6|cdL`j_F*^iM3TAQi-J8!4BcU1k0$TuAK{p_Rp;A!$ zqoQV*)CbN``49#@WXcJSx}wm?+F1 z!1!JiCo$7xKxnuP%7qDVWi7g4DVL<#fnu=m%`nCb-byf~LFxd<&5!1$m57QDSs^fwvRrOev3ZCffuI90Bte&5S6@uVjPH< zij!C@8p8v?j0zqC3s_44TA70Iq*lX{it+%yiKU$57!WklhUsAv(AMDdz(=B7SxA@- zaS+N&^mBu8gV`V`Qox=AA0bc^CFu+;kn_^F!xv0)2dqv|IhrUi1_3IehX@p=c_+F- zjC2OCrUF!q*BVhYg5v`;0*l0>kd~zC)6zy_5j;YPXkEcEA+=%#5*n+JR)!k@{}~#q zCguYWNq|0rVQeyr03T1sh%ez3kkJuFAQA-|w2u(EV`#z|y@!bBvW@x*&j47>oR&rm z%8<%{r996_T7+#ft3X2nr z-|2#PQt^M((cmw{YwSx$G%Wig^=~0_$kL}6VQZdQGo3;H_xdZ#UOxTe+8zH7%fqk2 diff --git a/gallery/plot_qrf_huggingface_inference.html b/gallery/plot_qrf_huggingface_inference.html index 409a37d..ca612f8 100644 --- a/gallery/plot_qrf_huggingface_inference.html +++ b/gallery/plot_qrf_huggingface_inference.html @@ -408,12 +408,13 @@

    Using a Trained QRF Model via Hugging Face Hub#

    This example demonstrates how to download a trained quantile regression forest -(QRF) model from Hugging Face Hub and use it to estimate new quantiles. In -this scenario, a QRF has been trained with default parameters on a train-test -split of the California housing dataset and uploaded to Hugging Face Hub. The -model is downloaded and used to perform inference across several quantiles for -each dataset sample. The results are visualized by the latitude and longitude -of each sample. The model used is available on Hugging Face Hub +(QRF) model from Hugging Face Hub and use it to estimate quantiles. In this +scenario, a QRF has been trained with default parameters on the California +Housing dataset using k-fold cross-validation and uploaded to Hugging Face +Hub. The model is downloaded and used to perform inference across multiple +quantiles for each sample in the dataset. The predictions are aggregated by +county based on the latitude and longitude of each sample and visualized. +The trained model is available on Hugging Face Hub here.

    @@ -421,7 +422,7 @@ // embed when document is loaded, to ensure vega library is available // this works on all modern browsers, except IE8 and older document.addEventListener("DOMContentLoaded", function(event) { - var spec = {"config": {"view": {"continuousWidth": 300, "continuousHeight": 300}}, "data": {"name": "data-e76203daa9f479c1f1b9bfa9b2620d27"}, "mark": {"type": "circle"}, "encoding": {"color": {"field": "value", "scale": {"scheme": "cividis"}, "title": "Prediction", "type": "quantitative"}, "size": {"field": "Population", "type": "quantitative"}, "tooltip": [{"field": "index", "title": "Row ID", "type": "nominal"}, {"field": "Latitude", "format": ".2f", "title": "Latitude", "type": "quantitative"}, {"field": "Longitude", "format": ".2f", "title": "Longitude", "type": "quantitative"}, {"field": "value", "format": "$,.0f", "title": "Predicted Value", "type": "quantitative"}], "x": {"axis": {"format": ".1f", "tickMinStep": 1}, "field": "Longitude", "scale": {"zero": false}, "title": "Longitude", "type": "quantitative"}, "y": {"axis": {"format": ".1f", "tickMinStep": 1}, "field": "Latitude", "scale": {"zero": false}, "title": "Latitude", "type": "quantitative"}}, "height": 650, "params": [{"name": "quantile", "bind": {"input": "range", "max": 1, "min": 0, "name": "Predicted Quantile: ", "step": 0.25}, "value": 0.5}], "title": "Quantile Predictions on the California Housing Dataset", "transform": [{"filter": "datum.quantile == quantile"}], "width": 650, "$schema": "https://vega.github.io/schema/vega-lite/v5.20.1.json", "datasets": {"data-e76203daa9f479c1f1b9bfa9b2620d27": [{"index": 0, "quantile": 0.0, "value": 276600.0, "Latitude": 37.88, "Longitude": -122.23, "Population": 322.0}, {"index": 0, "quantile": 0.25, "value": 452600.0, "Latitude": 37.88, "Longitude": -122.23, "Population": 322.0}, {"index": 0, "quantile": 0.5, "value": 452600.0, "Latitude": 37.88, "Longitude": -122.23, "Population": 322.0}, {"index": 0, "quantile": 0.75, "value": 452600.0, "Latitude": 37.88, "Longitude": -122.23, "Population": 322.0}, {"index": 0, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.23, "Population": 322.0}, {"index": 1, "quantile": 0.0, "value": 193500.0, "Latitude": 37.86, "Longitude": -122.22, "Population": 2401.0}, {"index": 1, "quantile": 0.25, "value": 358500.0, "Latitude": 37.86, "Longitude": -122.22, "Population": 2401.0}, {"index": 1, "quantile": 0.5, "value": 358500.0, "Latitude": 37.86, "Longitude": -122.22, "Population": 2401.0}, {"index": 1, "quantile": 0.75, "value": 370475.0, "Latitude": 37.86, "Longitude": -122.22, "Population": 2401.0}, {"index": 1, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.22, "Population": 2401.0}, {"index": 2, "quantile": 0.0, "value": 255900.00000000003, "Latitude": 37.85, "Longitude": -122.24, "Population": 496.0}, {"index": 2, "quantile": 0.25, "value": 352100.0, "Latitude": 37.85, "Longitude": -122.24, "Population": 496.0}, {"index": 2, "quantile": 0.5, "value": 352100.0, "Latitude": 37.85, "Longitude": -122.24, "Population": 496.0}, {"index": 2, "quantile": 0.75, "value": 426100.0, "Latitude": 37.85, "Longitude": -122.24, "Population": 496.0}, {"index": 2, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.24, "Population": 496.0}, {"index": 3, "quantile": 0.0, "value": 252199.99999999997, "Latitude": 37.85, "Longitude": -122.25, "Population": 558.0}, {"index": 3, "quantile": 0.25, "value": 339875.0, "Latitude": 37.85, "Longitude": -122.25, "Population": 558.0}, {"index": 3, "quantile": 0.5, "value": 341300.0, "Latitude": 37.85, "Longitude": -122.25, "Population": 558.0}, {"index": 3, "quantile": 0.75, "value": 341300.0, "Latitude": 37.85, "Longitude": -122.25, "Population": 558.0}, {"index": 3, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.25, "Population": 558.0}, {"index": 4, "quantile": 0.0, "value": 87600.0, "Latitude": 37.85, "Longitude": -122.25, "Population": 565.0}, {"index": 4, "quantile": 0.25, "value": 263400.0, "Latitude": 37.85, "Longitude": -122.25, "Population": 565.0}, {"index": 4, "quantile": 0.5, "value": 342200.0, "Latitude": 37.85, "Longitude": -122.25, "Population": 565.0}, {"index": 4, "quantile": 0.75, "value": 342200.0, "Latitude": 37.85, "Longitude": -122.25, "Population": 565.0}, {"index": 4, "quantile": 1.0, "value": 390800.0, "Latitude": 37.85, "Longitude": -122.25, "Population": 565.0}, {"index": 5, "quantile": 0.0, "value": 188800.0, "Latitude": 37.85, "Longitude": -122.25, "Population": 413.0}, {"index": 5, "quantile": 0.25, "value": 267775.0, "Latitude": 37.85, "Longitude": -122.25, "Population": 413.0}, {"index": 5, "quantile": 0.5, "value": 269700.0, "Latitude": 37.85, "Longitude": -122.25, "Population": 413.0}, {"index": 5, "quantile": 0.75, "value": 269700.0, "Latitude": 37.85, "Longitude": -122.25, "Population": 413.0}, {"index": 5, "quantile": 1.0, "value": 500000.0, "Latitude": 37.85, "Longitude": -122.25, "Population": 413.0}, {"index": 6, "quantile": 0.0, "value": 134700.0, "Latitude": 37.84, "Longitude": -122.25, "Population": 1094.0}, {"index": 6, "quantile": 0.25, "value": 269900.0, "Latitude": 37.84, "Longitude": -122.25, "Population": 1094.0}, {"index": 6, "quantile": 0.5, "value": 299200.0, "Latitude": 37.84, "Longitude": -122.25, "Population": 1094.0}, {"index": 6, "quantile": 0.75, "value": 299200.0, "Latitude": 37.84, "Longitude": -122.25, "Population": 1094.0}, {"index": 6, "quantile": 1.0, "value": 299200.0, "Latitude": 37.84, "Longitude": -122.25, "Population": 1094.0}, {"index": 7, "quantile": 0.0, "value": 124700.00000000001, "Latitude": 37.84, "Longitude": -122.25, "Population": 1157.0}, {"index": 7, "quantile": 0.25, "value": 224100.0, "Latitude": 37.84, "Longitude": -122.25, "Population": 1157.0}, {"index": 7, "quantile": 0.5, "value": 231599.99999999997, "Latitude": 37.84, "Longitude": -122.25, "Population": 1157.0}, {"index": 7, "quantile": 0.75, "value": 268575.0, "Latitude": 37.84, "Longitude": -122.25, "Population": 1157.0}, {"index": 7, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.25, "Population": 1157.0}, {"index": 8, "quantile": 0.0, "value": 50600.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 1206.0}, {"index": 8, "quantile": 0.25, "value": 141700.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 1206.0}, {"index": 8, "quantile": 0.5, "value": 159200.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 1206.0}, {"index": 8, "quantile": 0.75, "value": 189075.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 1206.0}, {"index": 8, "quantile": 1.0, "value": 376100.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 1206.0}, {"index": 9, "quantile": 0.0, "value": 90100.0, "Latitude": 37.84, "Longitude": -122.25, "Population": 1551.0}, {"index": 9, "quantile": 0.25, "value": 261100.00000000003, "Latitude": 37.84, "Longitude": -122.25, "Population": 1551.0}, {"index": 9, "quantile": 0.5, "value": 261100.00000000003, "Latitude": 37.84, "Longitude": -122.25, "Population": 1551.0}, {"index": 9, "quantile": 0.75, "value": 261100.00000000003, "Latitude": 37.84, "Longitude": -122.25, "Population": 1551.0}, {"index": 9, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.25, "Population": 1551.0}, {"index": 10, "quantile": 0.0, "value": 101499.99999999999, "Latitude": 37.85, "Longitude": -122.26, "Population": 910.0}, {"index": 10, "quantile": 0.25, "value": 229650.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 910.0}, {"index": 10, "quantile": 0.5, "value": 281500.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 910.0}, {"index": 10, "quantile": 0.75, "value": 281500.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 910.0}, {"index": 10, "quantile": 1.0, "value": 311100.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 910.0}, {"index": 11, "quantile": 0.0, "value": 175000.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 1504.0}, {"index": 11, "quantile": 0.25, "value": 241800.00000000003, "Latitude": 37.85, "Longitude": -122.26, "Population": 1504.0}, {"index": 11, "quantile": 0.5, "value": 241800.00000000003, "Latitude": 37.85, "Longitude": -122.26, "Population": 1504.0}, {"index": 11, "quantile": 0.75, "value": 241800.00000000003, "Latitude": 37.85, "Longitude": -122.26, "Population": 1504.0}, {"index": 11, "quantile": 1.0, "value": 339400.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 1504.0}, {"index": 12, "quantile": 0.0, "value": 109700.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 1098.0}, {"index": 12, "quantile": 0.25, "value": 188900.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 1098.0}, {"index": 12, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 37.85, "Longitude": -122.26, "Population": 1098.0}, {"index": 12, "quantile": 0.75, "value": 244375.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 1098.0}, {"index": 12, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.26, "Population": 1098.0}, {"index": 13, "quantile": 0.0, "value": 92200.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 345.0}, {"index": 13, "quantile": 0.25, "value": 190350.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 345.0}, {"index": 13, "quantile": 0.5, "value": 191300.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 345.0}, {"index": 13, "quantile": 0.75, "value": 191300.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 345.0}, {"index": 13, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.26, "Population": 345.0}, {"index": 14, "quantile": 0.0, "value": 50600.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 1212.0}, {"index": 14, "quantile": 0.25, "value": 159200.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 1212.0}, {"index": 14, "quantile": 0.5, "value": 159200.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 1212.0}, {"index": 14, "quantile": 0.75, "value": 160025.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 1212.0}, {"index": 14, "quantile": 1.0, "value": 375000.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 1212.0}, {"index": 15, "quantile": 0.0, "value": 79700.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 697.0}, {"index": 15, "quantile": 0.25, "value": 117825.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 697.0}, {"index": 15, "quantile": 0.5, "value": 140000.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 697.0}, {"index": 15, "quantile": 0.75, "value": 140000.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 697.0}, {"index": 15, "quantile": 1.0, "value": 164800.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 697.0}, {"index": 16, "quantile": 0.0, "value": 73500.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 793.0}, {"index": 16, "quantile": 0.25, "value": 131100.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 793.0}, {"index": 16, "quantile": 0.5, "value": 150000.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 793.0}, {"index": 16, "quantile": 0.75, "value": 200675.00000000003, "Latitude": 37.85, "Longitude": -122.27, "Population": 793.0}, {"index": 16, "quantile": 1.0, "value": 289500.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 793.0}, {"index": 17, "quantile": 0.0, "value": 70000.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 648.0}, {"index": 17, "quantile": 0.25, "value": 155500.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 648.0}, {"index": 17, "quantile": 0.5, "value": 155500.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 648.0}, {"index": 17, "quantile": 0.75, "value": 155500.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 648.0}, {"index": 17, "quantile": 1.0, "value": 336800.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 648.0}, {"index": 18, "quantile": 0.0, "value": 62000.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 990.0}, {"index": 18, "quantile": 0.25, "value": 108650.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 990.0}, {"index": 18, "quantile": 0.5, "value": 122300.00000000001, "Latitude": 37.84, "Longitude": -122.26, "Population": 990.0}, {"index": 18, "quantile": 0.75, "value": 141650.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 990.0}, {"index": 18, "quantile": 1.0, "value": 249000.00000000003, "Latitude": 37.84, "Longitude": -122.26, "Population": 990.0}, {"index": 19, "quantile": 0.0, "value": 73400.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 690.0}, {"index": 19, "quantile": 0.25, "value": 132600.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 690.0}, {"index": 19, "quantile": 0.5, "value": 162900.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 690.0}, {"index": 19, "quantile": 0.75, "value": 162900.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 690.0}, {"index": 19, "quantile": 1.0, "value": 289500.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 690.0}, {"index": 20, "quantile": 0.0, "value": 62100.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 409.0}, {"index": 20, "quantile": 0.25, "value": 147500.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 409.0}, {"index": 20, "quantile": 0.5, "value": 147500.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 409.0}, {"index": 20, "quantile": 0.75, "value": 147500.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 409.0}, {"index": 20, "quantile": 1.0, "value": 177900.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 409.0}, {"index": 21, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 37.85, "Longitude": -122.27, "Population": 929.0}, {"index": 21, "quantile": 0.25, "value": 147475.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 929.0}, {"index": 21, "quantile": 0.5, "value": 159800.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 929.0}, {"index": 21, "quantile": 0.75, "value": 159800.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 929.0}, {"index": 21, "quantile": 1.0, "value": 170400.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 929.0}, {"index": 22, "quantile": 0.0, "value": 71900.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 1015.0}, {"index": 22, "quantile": 0.25, "value": 113900.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 1015.0}, {"index": 22, "quantile": 0.5, "value": 113900.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 1015.0}, {"index": 22, "quantile": 0.75, "value": 113900.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 1015.0}, {"index": 22, "quantile": 1.0, "value": 333300.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 1015.0}, {"index": 23, "quantile": 0.0, "value": 87000.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 853.0}, {"index": 23, "quantile": 0.25, "value": 99700.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 853.0}, {"index": 23, "quantile": 0.5, "value": 99700.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 853.0}, {"index": 23, "quantile": 0.75, "value": 105500.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 853.0}, {"index": 23, "quantile": 1.0, "value": 207900.00000000003, "Latitude": 37.84, "Longitude": -122.27, "Population": 853.0}, {"index": 24, "quantile": 0.0, "value": 92300.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 1006.0}, {"index": 24, "quantile": 0.25, "value": 132600.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 1006.0}, {"index": 24, "quantile": 0.5, "value": 132600.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 1006.0}, {"index": 24, "quantile": 0.75, "value": 132600.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 1006.0}, {"index": 24, "quantile": 1.0, "value": 289500.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 1006.0}, {"index": 25, "quantile": 0.0, "value": 73500.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 317.0}, {"index": 25, "quantile": 0.25, "value": 107500.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 317.0}, {"index": 25, "quantile": 0.5, "value": 107500.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 317.0}, {"index": 25, "quantile": 0.75, "value": 108075.00000000001, "Latitude": 37.85, "Longitude": -122.28, "Population": 317.0}, {"index": 25, "quantile": 1.0, "value": 338900.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 317.0}, {"index": 26, "quantile": 0.0, "value": 73500.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 607.0}, {"index": 26, "quantile": 0.25, "value": 93800.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 607.0}, {"index": 26, "quantile": 0.5, "value": 93800.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 607.0}, {"index": 26, "quantile": 0.75, "value": 108725.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 607.0}, {"index": 26, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 37.85, "Longitude": -122.28, "Population": 607.0}, {"index": 27, "quantile": 0.0, "value": 84300.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 1102.0}, {"index": 27, "quantile": 0.25, "value": 105500.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 1102.0}, {"index": 27, "quantile": 0.5, "value": 105500.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 1102.0}, {"index": 27, "quantile": 0.75, "value": 105500.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 1102.0}, {"index": 27, "quantile": 1.0, "value": 159800.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 1102.0}, {"index": 28, "quantile": 0.0, "value": 69100.0, "Latitude": 37.84, "Longitude": -122.28, "Population": 1131.0}, {"index": 28, "quantile": 0.25, "value": 108900.0, "Latitude": 37.84, "Longitude": -122.28, "Population": 1131.0}, {"index": 28, "quantile": 0.5, "value": 108900.0, "Latitude": 37.84, "Longitude": -122.28, "Population": 1131.0}, {"index": 28, "quantile": 0.75, "value": 110400.00000000001, "Latitude": 37.84, "Longitude": -122.28, "Population": 1131.0}, {"index": 28, "quantile": 1.0, "value": 169900.0, "Latitude": 37.84, "Longitude": -122.28, "Population": 1131.0}, {"index": 29, "quantile": 0.0, "value": 83100.0, "Latitude": 37.84, "Longitude": -122.28, "Population": 395.0}, {"index": 29, "quantile": 0.25, "value": 108900.0, "Latitude": 37.84, "Longitude": -122.28, "Population": 395.0}, {"index": 29, "quantile": 0.5, "value": 132000.0, "Latitude": 37.84, "Longitude": -122.28, "Population": 395.0}, {"index": 29, "quantile": 0.75, "value": 132000.0, "Latitude": 37.84, "Longitude": -122.28, "Population": 395.0}, {"index": 29, "quantile": 1.0, "value": 159800.0, "Latitude": 37.84, "Longitude": -122.28, "Population": 395.0}, {"index": 30, "quantile": 0.0, "value": 77800.0, "Latitude": 37.84, "Longitude": -122.28, "Population": 863.0}, {"index": 30, "quantile": 0.25, "value": 122300.00000000001, "Latitude": 37.84, "Longitude": -122.28, "Population": 863.0}, {"index": 30, "quantile": 0.5, "value": 122300.00000000001, "Latitude": 37.84, "Longitude": -122.28, "Population": 863.0}, {"index": 30, "quantile": 0.75, "value": 122300.00000000001, "Latitude": 37.84, "Longitude": -122.28, "Population": 863.0}, {"index": 30, "quantile": 1.0, "value": 333300.0, "Latitude": 37.84, "Longitude": -122.28, "Population": 863.0}, {"index": 31, "quantile": 0.0, "value": 83100.0, "Latitude": 37.84, "Longitude": -122.28, "Population": 1168.0}, {"index": 31, "quantile": 0.25, "value": 108900.0, "Latitude": 37.84, "Longitude": -122.28, "Population": 1168.0}, {"index": 31, "quantile": 0.5, "value": 115199.99999999999, "Latitude": 37.84, "Longitude": -122.28, "Population": 1168.0}, {"index": 31, "quantile": 0.75, "value": 115199.99999999999, "Latitude": 37.84, "Longitude": -122.28, "Population": 1168.0}, {"index": 31, "quantile": 1.0, "value": 169900.0, "Latitude": 37.84, "Longitude": -122.28, "Population": 1168.0}, {"index": 32, "quantile": 0.0, "value": 72500.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 1026.0}, {"index": 32, "quantile": 0.25, "value": 85300.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 1026.0}, {"index": 32, "quantile": 0.5, "value": 96500.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 1026.0}, {"index": 32, "quantile": 0.75, "value": 105500.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 1026.0}, {"index": 32, "quantile": 1.0, "value": 193800.0, "Latitude": 37.84, "Longitude": -122.27, "Population": 1026.0}, {"index": 33, "quantile": 0.0, "value": 81800.0, "Latitude": 37.83, "Longitude": -122.27, "Population": 754.0}, {"index": 33, "quantile": 0.25, "value": 97200.0, "Latitude": 37.83, "Longitude": -122.27, "Population": 754.0}, {"index": 33, "quantile": 0.5, "value": 108599.99999999999, "Latitude": 37.83, "Longitude": -122.27, "Population": 754.0}, {"index": 33, "quantile": 0.75, "value": 122300.00000000001, "Latitude": 37.83, "Longitude": -122.27, "Population": 754.0}, {"index": 33, "quantile": 1.0, "value": 187500.0, "Latitude": 37.83, "Longitude": -122.27, "Population": 754.0}, {"index": 34, "quantile": 0.0, "value": 109700.0, "Latitude": 37.83, "Longitude": -122.27, "Population": 1258.0}, {"index": 34, "quantile": 0.25, "value": 109700.0, "Latitude": 37.83, "Longitude": -122.27, "Population": 1258.0}, {"index": 34, "quantile": 0.5, "value": 109700.0, "Latitude": 37.83, "Longitude": -122.27, "Population": 1258.0}, {"index": 34, "quantile": 0.75, "value": 156575.0, "Latitude": 37.83, "Longitude": -122.27, "Population": 1258.0}, {"index": 34, "quantile": 1.0, "value": 289500.0, "Latitude": 37.83, "Longitude": -122.27, "Population": 1258.0}, {"index": 35, "quantile": 0.0, "value": 65200.0, "Latitude": 37.83, "Longitude": -122.27, "Population": 570.0}, {"index": 35, "quantile": 0.25, "value": 97200.0, "Latitude": 37.83, "Longitude": -122.27, "Population": 570.0}, {"index": 35, "quantile": 0.5, "value": 97200.0, "Latitude": 37.83, "Longitude": -122.27, "Population": 570.0}, {"index": 35, "quantile": 0.75, "value": 121725.0, "Latitude": 37.83, "Longitude": -122.27, "Population": 570.0}, {"index": 35, "quantile": 1.0, "value": 364300.0, "Latitude": 37.83, "Longitude": -122.27, "Population": 570.0}, {"index": 36, "quantile": 0.0, "value": 72500.0, "Latitude": 37.83, "Longitude": -122.27, "Population": 987.0}, {"index": 36, "quantile": 0.25, "value": 104500.0, "Latitude": 37.83, "Longitude": -122.27, "Population": 987.0}, {"index": 36, "quantile": 0.5, "value": 104500.0, "Latitude": 37.83, "Longitude": -122.27, "Population": 987.0}, {"index": 36, "quantile": 0.75, "value": 104500.0, "Latitude": 37.83, "Longitude": -122.27, "Population": 987.0}, {"index": 36, "quantile": 1.0, "value": 155400.0, "Latitude": 37.83, "Longitude": -122.27, "Population": 987.0}, {"index": 37, "quantile": 0.0, "value": 50600.0, "Latitude": 37.83, "Longitude": -122.28, "Population": 901.0}, {"index": 37, "quantile": 0.25, "value": 117849.99999999999, "Latitude": 37.83, "Longitude": -122.28, "Population": 901.0}, {"index": 37, "quantile": 0.5, "value": 150000.0, "Latitude": 37.83, "Longitude": -122.28, "Population": 901.0}, {"index": 37, "quantile": 0.75, "value": 175025.0, "Latitude": 37.83, "Longitude": -122.28, "Population": 901.0}, {"index": 37, "quantile": 1.0, "value": 350000.0, "Latitude": 37.83, "Longitude": -122.28, "Population": 901.0}, {"index": 38, "quantile": 0.0, "value": 100000.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 689.0}, {"index": 38, "quantile": 0.25, "value": 191400.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 689.0}, {"index": 38, "quantile": 0.5, "value": 191400.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 689.0}, {"index": 38, "quantile": 0.75, "value": 204725.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 689.0}, {"index": 38, "quantile": 1.0, "value": 339700.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 689.0}, {"index": 39, "quantile": 0.0, "value": 87500.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 1377.0}, {"index": 39, "quantile": 0.25, "value": 176000.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 1377.0}, {"index": 39, "quantile": 0.5, "value": 176000.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 1377.0}, {"index": 39, "quantile": 0.75, "value": 176000.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 1377.0}, {"index": 39, "quantile": 1.0, "value": 336800.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 1377.0}, {"index": 40, "quantile": 0.0, "value": 88300.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 946.0}, {"index": 40, "quantile": 0.25, "value": 155400.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 946.0}, {"index": 40, "quantile": 0.5, "value": 155400.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 946.0}, {"index": 40, "quantile": 0.75, "value": 155400.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 946.0}, {"index": 40, "quantile": 1.0, "value": 268800.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 946.0}, {"index": 41, "quantile": 0.0, "value": 51800.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 517.0}, {"index": 41, "quantile": 0.25, "value": 150000.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 517.0}, {"index": 41, "quantile": 0.5, "value": 150000.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 517.0}, {"index": 41, "quantile": 0.75, "value": 150000.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 517.0}, {"index": 41, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 37.83, "Longitude": -122.26, "Population": 517.0}, {"index": 42, "quantile": 0.0, "value": 37900.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 462.0}, {"index": 42, "quantile": 0.25, "value": 118800.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 462.0}, {"index": 42, "quantile": 0.5, "value": 118800.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 462.0}, {"index": 42, "quantile": 0.75, "value": 118800.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 462.0}, {"index": 42, "quantile": 1.0, "value": 250000.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 462.0}, {"index": 43, "quantile": 0.0, "value": 90400.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 467.0}, {"index": 43, "quantile": 0.25, "value": 188800.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 467.0}, {"index": 43, "quantile": 0.5, "value": 188800.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 467.0}, {"index": 43, "quantile": 0.75, "value": 201300.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 467.0}, {"index": 43, "quantile": 1.0, "value": 405400.0, "Latitude": 37.84, "Longitude": -122.26, "Population": 467.0}, {"index": 44, "quantile": 0.0, "value": 73400.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 660.0}, {"index": 44, "quantile": 0.25, "value": 162900.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 660.0}, {"index": 44, "quantile": 0.5, "value": 190800.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 660.0}, {"index": 44, "quantile": 0.75, "value": 211824.99999999997, "Latitude": 37.83, "Longitude": -122.26, "Population": 660.0}, {"index": 44, "quantile": 1.0, "value": 338100.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 660.0}, {"index": 45, "quantile": 0.0, "value": 73400.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 718.0}, {"index": 45, "quantile": 0.25, "value": 167350.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 718.0}, {"index": 45, "quantile": 0.5, "value": 202500.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 718.0}, {"index": 45, "quantile": 0.75, "value": 240899.99999999997, "Latitude": 37.83, "Longitude": -122.26, "Population": 718.0}, {"index": 45, "quantile": 1.0, "value": 431400.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 718.0}, {"index": 46, "quantile": 0.0, "value": 73400.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 616.0}, {"index": 46, "quantile": 0.25, "value": 142500.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 616.0}, {"index": 46, "quantile": 0.5, "value": 142500.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 616.0}, {"index": 46, "quantile": 0.75, "value": 142500.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 616.0}, {"index": 46, "quantile": 1.0, "value": 275000.0, "Latitude": 37.83, "Longitude": -122.26, "Population": 616.0}, {"index": 47, "quantile": 0.0, "value": 37900.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 558.0}, {"index": 47, "quantile": 0.25, "value": 112500.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 558.0}, {"index": 47, "quantile": 0.5, "value": 125000.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 558.0}, {"index": 47, "quantile": 0.75, "value": 150000.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 558.0}, {"index": 47, "quantile": 1.0, "value": 268800.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 558.0}, {"index": 48, "quantile": 0.0, "value": 40000.0, "Latitude": 37.82, "Longitude": -122.26, "Population": 423.0}, {"index": 48, "quantile": 0.25, "value": 86100.0, "Latitude": 37.82, "Longitude": -122.26, "Population": 423.0}, {"index": 48, "quantile": 0.5, "value": 104349.99999999999, "Latitude": 37.82, "Longitude": -122.26, "Population": 423.0}, {"index": 48, "quantile": 0.75, "value": 118950.0, "Latitude": 37.82, "Longitude": -122.26, "Population": 423.0}, {"index": 48, "quantile": 1.0, "value": 212500.0, "Latitude": 37.82, "Longitude": -122.26, "Population": 423.0}, {"index": 49, "quantile": 0.0, "value": 60000.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 700.0}, {"index": 49, "quantile": 0.25, "value": 112500.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 700.0}, {"index": 49, "quantile": 0.5, "value": 112500.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 700.0}, {"index": 49, "quantile": 0.75, "value": 162500.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 700.0}, {"index": 49, "quantile": 1.0, "value": 412500.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 700.0}, {"index": 50, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.82, "Longitude": -122.27, "Population": 735.0}, {"index": 50, "quantile": 0.25, "value": 171900.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 735.0}, {"index": 50, "quantile": 0.5, "value": 171900.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 735.0}, {"index": 50, "quantile": 0.75, "value": 171900.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 735.0}, {"index": 50, "quantile": 1.0, "value": 375000.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 735.0}, {"index": 51, "quantile": 0.0, "value": 63000.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 1061.0}, {"index": 51, "quantile": 0.25, "value": 97200.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 1061.0}, {"index": 51, "quantile": 0.5, "value": 104500.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 1061.0}, {"index": 51, "quantile": 0.75, "value": 108900.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 1061.0}, {"index": 51, "quantile": 1.0, "value": 159800.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 1061.0}, {"index": 52, "quantile": 0.0, "value": 72500.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 1959.0}, {"index": 52, "quantile": 0.25, "value": 97500.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 1959.0}, {"index": 52, "quantile": 0.5, "value": 97500.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 1959.0}, {"index": 52, "quantile": 0.75, "value": 104200.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 1959.0}, {"index": 52, "quantile": 1.0, "value": 178100.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 1959.0}, {"index": 53, "quantile": 0.0, "value": 76100.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 1162.0}, {"index": 53, "quantile": 0.25, "value": 104200.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 1162.0}, {"index": 53, "quantile": 0.5, "value": 104200.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 1162.0}, {"index": 53, "quantile": 0.75, "value": 104200.0, "Latitude": 37.82, "Longitude": -122.27, "Population": 1162.0}, {"index": 53, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 37.82, "Longitude": -122.27, "Population": 1162.0}, {"index": 54, "quantile": 0.0, "value": 83100.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 701.0}, {"index": 54, "quantile": 0.25, "value": 87500.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 701.0}, {"index": 54, "quantile": 0.5, "value": 87500.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 701.0}, {"index": 54, "quantile": 0.75, "value": 104200.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 701.0}, {"index": 54, "quantile": 1.0, "value": 153600.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 701.0}, {"index": 55, "quantile": 0.0, "value": 83100.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 576.0}, {"index": 55, "quantile": 0.25, "value": 83100.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 576.0}, {"index": 55, "quantile": 0.5, "value": 83100.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 576.0}, {"index": 55, "quantile": 0.75, "value": 105600.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 576.0}, {"index": 55, "quantile": 1.0, "value": 475000.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 576.0}, {"index": 56, "quantile": 0.0, "value": 83100.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 622.0}, {"index": 56, "quantile": 0.25, "value": 87500.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 622.0}, {"index": 56, "quantile": 0.5, "value": 87500.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 622.0}, {"index": 56, "quantile": 0.75, "value": 108900.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 622.0}, {"index": 56, "quantile": 1.0, "value": 211500.00000000003, "Latitude": 37.82, "Longitude": -122.28, "Population": 622.0}, {"index": 57, "quantile": 0.0, "value": 72500.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 728.0}, {"index": 57, "quantile": 0.25, "value": 85300.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 728.0}, {"index": 57, "quantile": 0.5, "value": 85300.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 728.0}, {"index": 57, "quantile": 0.75, "value": 86100.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 728.0}, {"index": 57, "quantile": 1.0, "value": 450000.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 728.0}, {"index": 58, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.82, "Longitude": -122.28, "Population": 1074.0}, {"index": 58, "quantile": 0.25, "value": 90600.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 1074.0}, {"index": 58, "quantile": 0.5, "value": 105350.00000000001, "Latitude": 37.82, "Longitude": -122.28, "Population": 1074.0}, {"index": 58, "quantile": 0.75, "value": 115199.99999999999, "Latitude": 37.82, "Longitude": -122.28, "Population": 1074.0}, {"index": 58, "quantile": 1.0, "value": 183300.0, "Latitude": 37.82, "Longitude": -122.28, "Population": 1074.0}, {"index": 59, "quantile": 0.0, "value": 60000.0, "Latitude": 37.82, "Longitude": -122.29, "Population": 94.0}, {"index": 59, "quantile": 0.25, "value": 60000.0, "Latitude": 37.82, "Longitude": -122.29, "Population": 94.0}, {"index": 59, "quantile": 0.5, "value": 60000.0, "Latitude": 37.82, "Longitude": -122.29, "Population": 94.0}, {"index": 59, "quantile": 0.75, "value": 225000.0, "Latitude": 37.82, "Longitude": -122.29, "Population": 94.0}, {"index": 59, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.29, "Population": 94.0}, {"index": 60, "quantile": 0.0, "value": 70100.0, "Latitude": 37.83, "Longitude": -122.29, "Population": 554.0}, {"index": 60, "quantile": 0.25, "value": 181325.0, "Latitude": 37.83, "Longitude": -122.29, "Population": 554.0}, {"index": 60, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 37.83, "Longitude": -122.29, "Population": 554.0}, {"index": 60, "quantile": 0.75, "value": 253750.0, "Latitude": 37.83, "Longitude": -122.29, "Population": 554.0}, {"index": 60, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.29, "Population": 554.0}, {"index": 61, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 37.82, "Longitude": -122.29, "Population": 86.0}, {"index": 61, "quantile": 0.25, "value": 225000.0, "Latitude": 37.82, "Longitude": -122.29, "Population": 86.0}, {"index": 61, "quantile": 0.5, "value": 309000.0, "Latitude": 37.82, "Longitude": -122.29, "Population": 86.0}, {"index": 61, "quantile": 0.75, "value": 450000.0, "Latitude": 37.82, "Longitude": -122.29, "Population": 86.0}, {"index": 61, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.29, "Population": 86.0}, {"index": 62, "quantile": 0.0, "value": 67500.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 377.0}, {"index": 62, "quantile": 0.25, "value": 85300.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 377.0}, {"index": 62, "quantile": 0.5, "value": 86100.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 377.0}, {"index": 62, "quantile": 0.75, "value": 86100.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 377.0}, {"index": 62, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 37.81, "Longitude": -122.29, "Population": 377.0}, {"index": 63, "quantile": 0.0, "value": 67500.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 521.0}, {"index": 63, "quantile": 0.25, "value": 76100.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 521.0}, {"index": 63, "quantile": 0.5, "value": 76100.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 521.0}, {"index": 63, "quantile": 0.75, "value": 85000.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 521.0}, {"index": 63, "quantile": 1.0, "value": 450000.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 521.0}, {"index": 64, "quantile": 0.0, "value": 73500.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 392.0}, {"index": 64, "quantile": 0.25, "value": 73500.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 392.0}, {"index": 64, "quantile": 0.5, "value": 73500.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 392.0}, {"index": 64, "quantile": 0.75, "value": 81300.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 392.0}, {"index": 64, "quantile": 1.0, "value": 231999.99999999997, "Latitude": 37.81, "Longitude": -122.3, "Population": 392.0}, {"index": 65, "quantile": 0.0, "value": 69100.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 604.0}, {"index": 65, "quantile": 0.25, "value": 85000.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 604.0}, {"index": 65, "quantile": 0.5, "value": 93650.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 604.0}, {"index": 65, "quantile": 0.75, "value": 112500.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 604.0}, {"index": 65, "quantile": 1.0, "value": 207900.00000000003, "Latitude": 37.81, "Longitude": -122.3, "Population": 604.0}, {"index": 66, "quantile": 0.0, "value": 52800.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 788.0}, {"index": 66, "quantile": 0.25, "value": 97200.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 788.0}, {"index": 66, "quantile": 0.5, "value": 108900.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 788.0}, {"index": 66, "quantile": 0.75, "value": 132000.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 788.0}, {"index": 66, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.81, "Longitude": -122.3, "Population": 788.0}, {"index": 67, "quantile": 0.0, "value": 32500.0, "Latitude": 37.8, "Longitude": -122.29, "Population": 492.0}, {"index": 67, "quantile": 0.25, "value": 81300.0, "Latitude": 37.8, "Longitude": -122.29, "Population": 492.0}, {"index": 67, "quantile": 0.5, "value": 81300.0, "Latitude": 37.8, "Longitude": -122.29, "Population": 492.0}, {"index": 67, "quantile": 0.75, "value": 81300.0, "Latitude": 37.8, "Longitude": -122.29, "Population": 492.0}, {"index": 67, "quantile": 1.0, "value": 282100.0, "Latitude": 37.8, "Longitude": -122.29, "Population": 492.0}, {"index": 68, "quantile": 0.0, "value": 67500.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 274.0}, {"index": 68, "quantile": 0.25, "value": 79700.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 274.0}, {"index": 68, "quantile": 0.5, "value": 85000.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 274.0}, {"index": 68, "quantile": 0.75, "value": 85000.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 274.0}, {"index": 68, "quantile": 1.0, "value": 137500.0, "Latitude": 37.81, "Longitude": -122.3, "Population": 274.0}, {"index": 69, "quantile": 0.0, "value": 37900.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 1823.0}, {"index": 69, "quantile": 0.25, "value": 91500.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 1823.0}, {"index": 69, "quantile": 0.5, "value": 104850.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 1823.0}, {"index": 69, "quantile": 0.75, "value": 112200.00000000001, "Latitude": 37.81, "Longitude": -122.29, "Population": 1823.0}, {"index": 69, "quantile": 1.0, "value": 162500.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 1823.0}, {"index": 70, "quantile": 0.0, "value": 72500.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 392.0}, {"index": 70, "quantile": 0.25, "value": 82500.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 392.0}, {"index": 70, "quantile": 0.5, "value": 82500.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 392.0}, {"index": 70, "quantile": 0.75, "value": 83500.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 392.0}, {"index": 70, "quantile": 1.0, "value": 122500.00000000001, "Latitude": 37.81, "Longitude": -122.29, "Population": 392.0}, {"index": 71, "quantile": 0.0, "value": 75000.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 582.0}, {"index": 71, "quantile": 0.25, "value": 95200.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 582.0}, {"index": 71, "quantile": 0.5, "value": 95200.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 582.0}, {"index": 71, "quantile": 0.75, "value": 138750.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 582.0}, {"index": 71, "quantile": 1.0, "value": 425000.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 582.0}, {"index": 72, "quantile": 0.0, "value": 69100.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 560.0}, {"index": 72, "quantile": 0.25, "value": 75000.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 560.0}, {"index": 72, "quantile": 0.5, "value": 75000.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 560.0}, {"index": 72, "quantile": 0.75, "value": 76100.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 560.0}, {"index": 72, "quantile": 1.0, "value": 137000.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 560.0}, {"index": 73, "quantile": 0.0, "value": 32500.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 18.0}, {"index": 73, "quantile": 0.25, "value": 67500.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 18.0}, {"index": 73, "quantile": 0.5, "value": 67500.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 18.0}, {"index": 73, "quantile": 0.75, "value": 97849.99999999999, "Latitude": 37.81, "Longitude": -122.29, "Population": 18.0}, {"index": 73, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.29, "Population": 18.0}, {"index": 74, "quantile": 0.0, "value": 73400.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 290.0}, {"index": 74, "quantile": 0.25, "value": 131175.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 290.0}, {"index": 74, "quantile": 0.5, "value": 190900.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 290.0}, {"index": 74, "quantile": 0.75, "value": 275000.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 290.0}, {"index": 74, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.29, "Population": 290.0}, {"index": 75, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.81, "Longitude": -122.28, "Population": 762.0}, {"index": 75, "quantile": 0.25, "value": 171900.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 762.0}, {"index": 75, "quantile": 0.5, "value": 177500.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 762.0}, {"index": 75, "quantile": 0.75, "value": 177500.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 762.0}, {"index": 75, "quantile": 1.0, "value": 425000.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 762.0}, {"index": 76, "quantile": 0.0, "value": 83100.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 1236.0}, {"index": 76, "quantile": 0.25, "value": 102099.99999999999, "Latitude": 37.81, "Longitude": -122.28, "Population": 1236.0}, {"index": 76, "quantile": 0.5, "value": 102099.99999999999, "Latitude": 37.81, "Longitude": -122.28, "Population": 1236.0}, {"index": 76, "quantile": 0.75, "value": 132525.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 1236.0}, {"index": 76, "quantile": 1.0, "value": 282100.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 1236.0}, {"index": 77, "quantile": 0.0, "value": 67500.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 721.0}, {"index": 77, "quantile": 0.25, "value": 106575.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 721.0}, {"index": 77, "quantile": 0.5, "value": 108300.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 721.0}, {"index": 77, "quantile": 0.75, "value": 108300.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 721.0}, {"index": 77, "quantile": 1.0, "value": 193800.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 721.0}, {"index": 78, "quantile": 0.0, "value": 69100.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 1054.0}, {"index": 78, "quantile": 0.25, "value": 108300.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 1054.0}, {"index": 78, "quantile": 0.5, "value": 112500.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 1054.0}, {"index": 78, "quantile": 0.75, "value": 112500.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 1054.0}, {"index": 78, "quantile": 1.0, "value": 187500.0, "Latitude": 37.81, "Longitude": -122.29, "Population": 1054.0}, {"index": 79, "quantile": 0.0, "value": 77800.0, "Latitude": 37.8, "Longitude": -122.28, "Population": 344.0}, {"index": 79, "quantile": 0.25, "value": 131300.0, "Latitude": 37.8, "Longitude": -122.28, "Population": 344.0}, {"index": 79, "quantile": 0.5, "value": 131300.0, "Latitude": 37.8, "Longitude": -122.28, "Population": 344.0}, {"index": 79, "quantile": 0.75, "value": 131300.0, "Latitude": 37.8, "Longitude": -122.28, "Population": 344.0}, {"index": 79, "quantile": 1.0, "value": 333300.0, "Latitude": 37.8, "Longitude": -122.28, "Population": 344.0}, {"index": 80, "quantile": 0.0, "value": 60000.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 609.0}, {"index": 80, "quantile": 0.25, "value": 162500.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 609.0}, {"index": 80, "quantile": 0.5, "value": 162500.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 609.0}, {"index": 80, "quantile": 0.75, "value": 162500.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 609.0}, {"index": 80, "quantile": 1.0, "value": 300000.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 609.0}, {"index": 81, "quantile": 0.0, "value": 22500.0, "Latitude": 37.81, "Longitude": -122.27, "Population": 183.0}, {"index": 81, "quantile": 0.25, "value": 112500.0, "Latitude": 37.81, "Longitude": -122.27, "Population": 183.0}, {"index": 81, "quantile": 0.5, "value": 112500.0, "Latitude": 37.81, "Longitude": -122.27, "Population": 183.0}, {"index": 81, "quantile": 0.75, "value": 112500.0, "Latitude": 37.81, "Longitude": -122.27, "Population": 183.0}, {"index": 81, "quantile": 1.0, "value": 350000.0, "Latitude": 37.81, "Longitude": -122.27, "Population": 183.0}, {"index": 82, "quantile": 0.0, "value": 74100.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 200.0}, {"index": 82, "quantile": 0.25, "value": 112500.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 200.0}, {"index": 82, "quantile": 0.5, "value": 112500.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 200.0}, {"index": 82, "quantile": 0.75, "value": 125000.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 200.0}, {"index": 82, "quantile": 1.0, "value": 287500.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 200.0}, {"index": 83, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.81, "Longitude": -122.28, "Population": 346.0}, {"index": 83, "quantile": 0.25, "value": 137500.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 346.0}, {"index": 83, "quantile": 0.5, "value": 137500.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 346.0}, {"index": 83, "quantile": 0.75, "value": 137500.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 346.0}, {"index": 83, "quantile": 1.0, "value": 375000.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 346.0}, {"index": 84, "quantile": 0.0, "value": 72500.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 467.0}, {"index": 84, "quantile": 0.25, "value": 106749.99999999999, "Latitude": 37.81, "Longitude": -122.28, "Population": 467.0}, {"index": 84, "quantile": 0.5, "value": 118800.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 467.0}, {"index": 84, "quantile": 0.75, "value": 118800.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 467.0}, {"index": 84, "quantile": 1.0, "value": 207900.00000000003, "Latitude": 37.81, "Longitude": -122.28, "Population": 467.0}, {"index": 85, "quantile": 0.0, "value": 73500.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 377.0}, {"index": 85, "quantile": 0.25, "value": 98200.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 377.0}, {"index": 85, "quantile": 0.5, "value": 98200.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 377.0}, {"index": 85, "quantile": 0.75, "value": 98200.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 377.0}, {"index": 85, "quantile": 1.0, "value": 262500.0, "Latitude": 37.81, "Longitude": -122.28, "Population": 377.0}, {"index": 86, "quantile": 0.0, "value": 32500.0, "Latitude": 37.81, "Longitude": -122.27, "Population": 582.0}, {"index": 86, "quantile": 0.25, "value": 118800.0, "Latitude": 37.81, "Longitude": -122.27, "Population": 582.0}, {"index": 86, "quantile": 0.5, "value": 118800.0, "Latitude": 37.81, "Longitude": -122.27, "Population": 582.0}, {"index": 86, "quantile": 0.75, "value": 160000.0, "Latitude": 37.81, "Longitude": -122.27, "Population": 582.0}, {"index": 86, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.27, "Population": 582.0}, {"index": 87, "quantile": 0.0, "value": 32500.0, "Latitude": 37.81, "Longitude": -122.27, "Population": 546.0}, {"index": 87, "quantile": 0.25, "value": 162500.0, "Latitude": 37.81, "Longitude": -122.27, "Population": 546.0}, {"index": 87, "quantile": 0.5, "value": 162500.0, "Latitude": 37.81, "Longitude": -122.27, "Population": 546.0}, {"index": 87, "quantile": 0.75, "value": 162500.0, "Latitude": 37.81, "Longitude": -122.27, "Population": 546.0}, {"index": 87, "quantile": 1.0, "value": 450000.0, "Latitude": 37.81, "Longitude": -122.27, "Population": 546.0}, {"index": 88, "quantile": 0.0, "value": 22500.0, "Latitude": 37.8, "Longitude": -122.27, "Population": 125.0}, {"index": 88, "quantile": 0.25, "value": 112500.0, "Latitude": 37.8, "Longitude": -122.27, "Population": 125.0}, {"index": 88, "quantile": 0.5, "value": 145299.99999999997, "Latitude": 37.8, "Longitude": -122.27, "Population": 125.0}, {"index": 88, "quantile": 0.75, "value": 243775.0, "Latitude": 37.8, "Longitude": -122.27, "Population": 125.0}, {"index": 88, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.27, "Population": 125.0}, {"index": 89, "quantile": 0.0, "value": 22500.0, "Latitude": 37.8, "Longitude": -122.27, "Population": 396.0}, {"index": 89, "quantile": 0.25, "value": 162500.0, "Latitude": 37.8, "Longitude": -122.27, "Population": 396.0}, {"index": 89, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.27, "Population": 396.0}, {"index": 89, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.27, "Population": 396.0}, {"index": 89, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.27, "Population": 396.0}, {"index": 90, "quantile": 0.0, "value": 82500.0, "Latitude": 37.8, "Longitude": -122.27, "Population": 800.0}, {"index": 90, "quantile": 0.25, "value": 162500.0, "Latitude": 37.8, "Longitude": -122.27, "Population": 800.0}, {"index": 90, "quantile": 0.5, "value": 162500.0, "Latitude": 37.8, "Longitude": -122.27, "Population": 800.0}, {"index": 90, "quantile": 0.75, "value": 162500.0, "Latitude": 37.8, "Longitude": -122.27, "Population": 800.0}, {"index": 90, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.27, "Population": 800.0}, {"index": 91, "quantile": 0.0, "value": 112500.0, "Latitude": 37.8, "Longitude": -122.28, "Population": 904.0}, {"index": 91, "quantile": 0.25, "value": 137500.0, "Latitude": 37.8, "Longitude": -122.28, "Population": 904.0}, {"index": 91, "quantile": 0.5, "value": 137500.0, "Latitude": 37.8, "Longitude": -122.28, "Population": 904.0}, {"index": 91, "quantile": 0.75, "value": 162500.0, "Latitude": 37.8, "Longitude": -122.28, "Population": 904.0}, {"index": 91, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.28, "Population": 904.0}, {"index": 92, "quantile": 0.0, "value": 22500.0, "Latitude": 37.8, "Longitude": -122.28, "Population": 191.0}, {"index": 92, "quantile": 0.25, "value": 162500.0, "Latitude": 37.8, "Longitude": -122.28, "Population": 191.0}, {"index": 92, "quantile": 0.5, "value": 162500.0, "Latitude": 37.8, "Longitude": -122.28, "Population": 191.0}, {"index": 92, "quantile": 0.75, "value": 162500.0, "Latitude": 37.8, "Longitude": -122.28, "Population": 191.0}, {"index": 92, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.28, "Population": 191.0}, {"index": 93, "quantile": 0.0, "value": 37900.0, "Latitude": 37.79, "Longitude": -122.27, "Population": 718.0}, {"index": 93, "quantile": 0.25, "value": 187500.0, "Latitude": 37.79, "Longitude": -122.27, "Population": 718.0}, {"index": 93, "quantile": 0.5, "value": 187500.0, "Latitude": 37.79, "Longitude": -122.27, "Population": 718.0}, {"index": 93, "quantile": 0.75, "value": 187500.0, "Latitude": 37.79, "Longitude": -122.27, "Population": 718.0}, {"index": 93, "quantile": 1.0, "value": 287500.0, "Latitude": 37.79, "Longitude": -122.27, "Population": 718.0}, {"index": 94, "quantile": 0.0, "value": 32500.0, "Latitude": 37.8, "Longitude": -122.27, "Population": 1327.0}, {"index": 94, "quantile": 0.25, "value": 100824.99999999999, "Latitude": 37.8, "Longitude": -122.27, "Population": 1327.0}, {"index": 94, "quantile": 0.5, "value": 114999.99999999999, "Latitude": 37.8, "Longitude": -122.27, "Population": 1327.0}, {"index": 94, "quantile": 0.75, "value": 164725.0, "Latitude": 37.8, "Longitude": -122.27, "Population": 1327.0}, {"index": 94, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.27, "Population": 1327.0}, {"index": 95, "quantile": 0.0, "value": 81300.0, "Latitude": 37.8, "Longitude": -122.26, "Population": 3469.0}, {"index": 95, "quantile": 0.25, "value": 130000.0, "Latitude": 37.8, "Longitude": -122.26, "Population": 3469.0}, {"index": 95, "quantile": 0.5, "value": 130000.0, "Latitude": 37.8, "Longitude": -122.26, "Population": 3469.0}, {"index": 95, "quantile": 0.75, "value": 191450.0, "Latitude": 37.8, "Longitude": -122.26, "Population": 3469.0}, {"index": 95, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.26, "Population": 3469.0}, {"index": 96, "quantile": 0.0, "value": 181700.0, "Latitude": 37.82, "Longitude": -122.26, "Population": 2048.0}, {"index": 96, "quantile": 0.25, "value": 183800.0, "Latitude": 37.82, "Longitude": -122.26, "Population": 2048.0}, {"index": 96, "quantile": 0.5, "value": 183800.0, "Latitude": 37.82, "Longitude": -122.26, "Population": 2048.0}, {"index": 96, "quantile": 0.75, "value": 218500.0, "Latitude": 37.82, "Longitude": -122.26, "Population": 2048.0}, {"index": 96, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.26, "Population": 2048.0}, {"index": 97, "quantile": 0.0, "value": 17500.0, "Latitude": 37.81, "Longitude": -122.26, "Population": 202.0}, {"index": 97, "quantile": 0.25, "value": 125000.0, "Latitude": 37.81, "Longitude": -122.26, "Population": 202.0}, {"index": 97, "quantile": 0.5, "value": 125000.0, "Latitude": 37.81, "Longitude": -122.26, "Population": 202.0}, {"index": 97, "quantile": 0.75, "value": 125525.0, "Latitude": 37.81, "Longitude": -122.26, "Population": 202.0}, {"index": 97, "quantile": 1.0, "value": 272900.0, "Latitude": 37.81, "Longitude": -122.26, "Population": 202.0}, {"index": 98, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.82, "Longitude": -122.26, "Population": 2024.0}, {"index": 98, "quantile": 0.25, "value": 171900.0, "Latitude": 37.82, "Longitude": -122.26, "Population": 2024.0}, {"index": 98, "quantile": 0.5, "value": 213150.0, "Latitude": 37.82, "Longitude": -122.26, "Population": 2024.0}, {"index": 98, "quantile": 0.75, "value": 253600.0, "Latitude": 37.82, "Longitude": -122.26, "Population": 2024.0}, {"index": 98, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.26, "Population": 2024.0}, {"index": 99, "quantile": 0.0, "value": 175000.0, "Latitude": 37.82, "Longitude": -122.26, "Population": 1838.0}, {"index": 99, "quantile": 0.25, "value": 193100.0, "Latitude": 37.82, "Longitude": -122.26, "Population": 1838.0}, {"index": 99, "quantile": 0.5, "value": 193100.0, "Latitude": 37.82, "Longitude": -122.26, "Population": 1838.0}, {"index": 99, "quantile": 0.75, "value": 193100.0, "Latitude": 37.82, "Longitude": -122.26, "Population": 1838.0}, {"index": 99, "quantile": 1.0, "value": 438300.0, "Latitude": 37.82, "Longitude": -122.26, "Population": 1838.0}, {"index": 100, "quantile": 0.0, "value": 87100.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 2304.0}, {"index": 100, "quantile": 0.25, "value": 203799.99999999997, "Latitude": 37.81, "Longitude": -122.25, "Population": 2304.0}, {"index": 100, "quantile": 0.5, "value": 257799.99999999997, "Latitude": 37.81, "Longitude": -122.25, "Population": 2304.0}, {"index": 100, "quantile": 0.75, "value": 257799.99999999997, "Latitude": 37.81, "Longitude": -122.25, "Population": 2304.0}, {"index": 100, "quantile": 1.0, "value": 335700.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 2304.0}, {"index": 101, "quantile": 0.0, "value": 165600.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 2563.0}, {"index": 101, "quantile": 0.25, "value": 273400.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 2563.0}, {"index": 101, "quantile": 0.5, "value": 273400.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 2563.0}, {"index": 101, "quantile": 0.75, "value": 273400.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 2563.0}, {"index": 101, "quantile": 1.0, "value": 370000.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 2563.0}, {"index": 102, "quantile": 0.0, "value": 40000.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 389.0}, {"index": 102, "quantile": 0.25, "value": 237500.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 389.0}, {"index": 102, "quantile": 0.5, "value": 237500.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 389.0}, {"index": 102, "quantile": 0.75, "value": 237500.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 389.0}, {"index": 102, "quantile": 1.0, "value": 500000.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 389.0}, {"index": 103, "quantile": 0.0, "value": 87500.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 895.0}, {"index": 103, "quantile": 0.25, "value": 189975.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 895.0}, {"index": 103, "quantile": 0.5, "value": 252500.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 895.0}, {"index": 103, "quantile": 0.75, "value": 336800.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 895.0}, {"index": 103, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.25, "Population": 895.0}, {"index": 104, "quantile": 0.0, "value": 87500.0, "Latitude": 37.81, "Longitude": -122.26, "Population": 2689.0}, {"index": 104, "quantile": 0.25, "value": 300000.0, "Latitude": 37.81, "Longitude": -122.26, "Population": 2689.0}, {"index": 104, "quantile": 0.5, "value": 335700.0, "Latitude": 37.81, "Longitude": -122.26, "Population": 2689.0}, {"index": 104, "quantile": 0.75, "value": 335700.0, "Latitude": 37.81, "Longitude": -122.26, "Population": 2689.0}, {"index": 104, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.26, "Population": 2689.0}, {"index": 105, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 37.82, "Longitude": -122.24, "Population": 674.0}, {"index": 105, "quantile": 0.25, "value": 268250.0, "Latitude": 37.82, "Longitude": -122.24, "Population": 674.0}, {"index": 105, "quantile": 0.5, "value": 313400.0, "Latitude": 37.82, "Longitude": -122.24, "Population": 674.0}, {"index": 105, "quantile": 0.75, "value": 313400.0, "Latitude": 37.82, "Longitude": -122.24, "Population": 674.0}, {"index": 105, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.24, "Population": 674.0}, {"index": 106, "quantile": 0.0, "value": 197200.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 709.0}, {"index": 106, "quantile": 0.25, "value": 268500.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 709.0}, {"index": 106, "quantile": 0.5, "value": 268500.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 709.0}, {"index": 106, "quantile": 0.75, "value": 269500.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 709.0}, {"index": 106, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.24, "Population": 709.0}, {"index": 107, "quantile": 0.0, "value": 169400.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 686.0}, {"index": 107, "quantile": 0.25, "value": 259400.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 686.0}, {"index": 107, "quantile": 0.5, "value": 259400.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 686.0}, {"index": 107, "quantile": 0.75, "value": 259400.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 686.0}, {"index": 107, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.25, "Population": 686.0}, {"index": 108, "quantile": 0.0, "value": 178400.0, "Latitude": 37.82, "Longitude": -122.24, "Population": 1444.0}, {"index": 108, "quantile": 0.25, "value": 270650.0, "Latitude": 37.82, "Longitude": -122.24, "Population": 1444.0}, {"index": 108, "quantile": 0.5, "value": 275700.0, "Latitude": 37.82, "Longitude": -122.24, "Population": 1444.0}, {"index": 108, "quantile": 0.75, "value": 275700.0, "Latitude": 37.82, "Longitude": -122.24, "Population": 1444.0}, {"index": 108, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.24, "Population": 1444.0}, {"index": 109, "quantile": 0.0, "value": 140600.0, "Latitude": 37.82, "Longitude": -122.25, "Population": 1520.0}, {"index": 109, "quantile": 0.25, "value": 225000.0, "Latitude": 37.82, "Longitude": -122.25, "Population": 1520.0}, {"index": 109, "quantile": 0.5, "value": 225000.0, "Latitude": 37.82, "Longitude": -122.25, "Population": 1520.0}, {"index": 109, "quantile": 0.75, "value": 257100.00000000003, "Latitude": 37.82, "Longitude": -122.25, "Population": 1520.0}, {"index": 109, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.25, "Population": 1520.0}, {"index": 110, "quantile": 0.0, "value": 230799.99999999997, "Latitude": 37.82, "Longitude": -122.25, "Population": 550.0}, {"index": 110, "quantile": 0.25, "value": 262500.0, "Latitude": 37.82, "Longitude": -122.25, "Population": 550.0}, {"index": 110, "quantile": 0.5, "value": 262500.0, "Latitude": 37.82, "Longitude": -122.25, "Population": 550.0}, {"index": 110, "quantile": 0.75, "value": 262500.0, "Latitude": 37.82, "Longitude": -122.25, "Population": 550.0}, {"index": 110, "quantile": 1.0, "value": 456300.0, "Latitude": 37.82, "Longitude": -122.25, "Population": 550.0}, {"index": 111, "quantile": 0.0, "value": 134700.0, "Latitude": 37.82, "Longitude": -122.25, "Population": 1806.0}, {"index": 111, "quantile": 0.25, "value": 218500.0, "Latitude": 37.82, "Longitude": -122.25, "Population": 1806.0}, {"index": 111, "quantile": 0.5, "value": 218500.0, "Latitude": 37.82, "Longitude": -122.25, "Population": 1806.0}, {"index": 111, "quantile": 0.75, "value": 218500.0, "Latitude": 37.82, "Longitude": -122.25, "Population": 1806.0}, {"index": 111, "quantile": 1.0, "value": 272900.0, "Latitude": 37.82, "Longitude": -122.25, "Population": 1806.0}, {"index": 112, "quantile": 0.0, "value": 87500.0, "Latitude": 37.82, "Longitude": -122.25, "Population": 1749.0}, {"index": 112, "quantile": 0.25, "value": 254999.99999999997, "Latitude": 37.82, "Longitude": -122.25, "Population": 1749.0}, {"index": 112, "quantile": 0.5, "value": 254999.99999999997, "Latitude": 37.82, "Longitude": -122.25, "Population": 1749.0}, {"index": 112, "quantile": 0.75, "value": 254999.99999999997, "Latitude": 37.82, "Longitude": -122.25, "Population": 1749.0}, {"index": 112, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.25, "Population": 1749.0}, {"index": 113, "quantile": 0.0, "value": 179300.0, "Latitude": 37.83, "Longitude": -122.25, "Population": 939.0}, {"index": 113, "quantile": 0.25, "value": 224100.0, "Latitude": 37.83, "Longitude": -122.25, "Population": 939.0}, {"index": 113, "quantile": 0.5, "value": 224100.0, "Latitude": 37.83, "Longitude": -122.25, "Population": 939.0}, {"index": 113, "quantile": 0.75, "value": 233350.0, "Latitude": 37.83, "Longitude": -122.25, "Population": 939.0}, {"index": 113, "quantile": 1.0, "value": 376100.0, "Latitude": 37.83, "Longitude": -122.25, "Population": 939.0}, {"index": 114, "quantile": 0.0, "value": 114300.0, "Latitude": 37.83, "Longitude": -122.25, "Population": 675.0}, {"index": 114, "quantile": 0.25, "value": 243100.0, "Latitude": 37.83, "Longitude": -122.25, "Population": 675.0}, {"index": 114, "quantile": 0.5, "value": 243100.0, "Latitude": 37.83, "Longitude": -122.25, "Population": 675.0}, {"index": 114, "quantile": 0.75, "value": 261674.99999999997, "Latitude": 37.83, "Longitude": -122.25, "Population": 675.0}, {"index": 114, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.25, "Population": 675.0}, {"index": 115, "quantile": 0.0, "value": 155000.0, "Latitude": 37.83, "Longitude": -122.25, "Population": 534.0}, {"index": 115, "quantile": 0.25, "value": 231599.99999999997, "Latitude": 37.83, "Longitude": -122.25, "Population": 534.0}, {"index": 115, "quantile": 0.5, "value": 231599.99999999997, "Latitude": 37.83, "Longitude": -122.25, "Population": 534.0}, {"index": 115, "quantile": 0.75, "value": 231599.99999999997, "Latitude": 37.83, "Longitude": -122.25, "Population": 534.0}, {"index": 115, "quantile": 1.0, "value": 438300.0, "Latitude": 37.83, "Longitude": -122.25, "Population": 534.0}, {"index": 116, "quantile": 0.0, "value": 87500.0, "Latitude": 37.83, "Longitude": -122.25, "Population": 2558.0}, {"index": 116, "quantile": 0.25, "value": 218500.0, "Latitude": 37.83, "Longitude": -122.25, "Population": 2558.0}, {"index": 116, "quantile": 0.5, "value": 218500.0, "Latitude": 37.83, "Longitude": -122.25, "Population": 2558.0}, {"index": 116, "quantile": 0.75, "value": 218500.0, "Latitude": 37.83, "Longitude": -122.25, "Population": 2558.0}, {"index": 116, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.25, "Population": 2558.0}, {"index": 117, "quantile": 0.0, "value": 137500.0, "Latitude": 37.83, "Longitude": -122.25, "Population": 1786.0}, {"index": 117, "quantile": 0.25, "value": 234100.00000000003, "Latitude": 37.83, "Longitude": -122.25, "Population": 1786.0}, {"index": 117, "quantile": 0.5, "value": 234100.00000000003, "Latitude": 37.83, "Longitude": -122.25, "Population": 1786.0}, {"index": 117, "quantile": 0.75, "value": 234100.00000000003, "Latitude": 37.83, "Longitude": -122.25, "Population": 1786.0}, {"index": 117, "quantile": 1.0, "value": 457700.0, "Latitude": 37.83, "Longitude": -122.25, "Population": 1786.0}, {"index": 118, "quantile": 0.0, "value": 158200.0, "Latitude": 37.84, "Longitude": -122.23, "Population": 970.0}, {"index": 118, "quantile": 0.25, "value": 327600.0, "Latitude": 37.84, "Longitude": -122.23, "Population": 970.0}, {"index": 118, "quantile": 0.5, "value": 327600.0, "Latitude": 37.84, "Longitude": -122.23, "Population": 970.0}, {"index": 118, "quantile": 0.75, "value": 327600.0, "Latitude": 37.84, "Longitude": -122.23, "Population": 970.0}, {"index": 118, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.23, "Population": 970.0}, {"index": 119, "quantile": 0.0, "value": 174200.0, "Latitude": 37.84, "Longitude": -122.23, "Population": 1098.0}, {"index": 119, "quantile": 0.25, "value": 282300.0, "Latitude": 37.84, "Longitude": -122.23, "Population": 1098.0}, {"index": 119, "quantile": 0.5, "value": 296400.0, "Latitude": 37.84, "Longitude": -122.23, "Population": 1098.0}, {"index": 119, "quantile": 0.75, "value": 389500.0, "Latitude": 37.84, "Longitude": -122.23, "Population": 1098.0}, {"index": 119, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.23, "Population": 1098.0}, {"index": 120, "quantile": 0.0, "value": 249300.0, "Latitude": 37.83, "Longitude": -122.24, "Population": 794.0}, {"index": 120, "quantile": 0.25, "value": 366100.0, "Latitude": 37.83, "Longitude": -122.24, "Population": 794.0}, {"index": 120, "quantile": 0.5, "value": 366100.0, "Latitude": 37.83, "Longitude": -122.24, "Population": 794.0}, {"index": 120, "quantile": 0.75, "value": 366100.0, "Latitude": 37.83, "Longitude": -122.24, "Population": 794.0}, {"index": 120, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.24, "Population": 794.0}, {"index": 121, "quantile": 0.0, "value": 238700.0, "Latitude": 37.85, "Longitude": -122.24, "Population": 98.0}, {"index": 121, "quantile": 0.25, "value": 335000.0, "Latitude": 37.85, "Longitude": -122.24, "Population": 98.0}, {"index": 121, "quantile": 0.5, "value": 335000.0, "Latitude": 37.85, "Longitude": -122.24, "Population": 98.0}, {"index": 121, "quantile": 0.75, "value": 335000.0, "Latitude": 37.85, "Longitude": -122.24, "Population": 98.0}, {"index": 121, "quantile": 1.0, "value": 441700.0, "Latitude": 37.85, "Longitude": -122.24, "Population": 98.0}, {"index": 122, "quantile": 0.0, "value": 179200.0, "Latitude": 37.85, "Longitude": -122.23, "Population": 1061.0}, {"index": 122, "quantile": 0.25, "value": 373600.0, "Latitude": 37.85, "Longitude": -122.23, "Population": 1061.0}, {"index": 122, "quantile": 0.5, "value": 373600.0, "Latitude": 37.85, "Longitude": -122.23, "Population": 1061.0}, {"index": 122, "quantile": 0.75, "value": 373600.0, "Latitude": 37.85, "Longitude": -122.23, "Population": 1061.0}, {"index": 122, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.23, "Population": 1061.0}, {"index": 123, "quantile": 0.0, "value": 232500.00000000003, "Latitude": 37.84, "Longitude": -122.24, "Population": 1177.0}, {"index": 123, "quantile": 0.25, "value": 365100.0, "Latitude": 37.84, "Longitude": -122.24, "Population": 1177.0}, {"index": 123, "quantile": 0.5, "value": 389500.0, "Latitude": 37.84, "Longitude": -122.24, "Population": 1177.0}, {"index": 123, "quantile": 0.75, "value": 389500.0, "Latitude": 37.84, "Longitude": -122.24, "Population": 1177.0}, {"index": 123, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.24, "Population": 1177.0}, {"index": 124, "quantile": 0.0, "value": 228700.0, "Latitude": 37.85, "Longitude": -122.24, "Population": 901.0}, {"index": 124, "quantile": 0.25, "value": 336575.0, "Latitude": 37.85, "Longitude": -122.24, "Population": 901.0}, {"index": 124, "quantile": 0.5, "value": 360100.0, "Latitude": 37.85, "Longitude": -122.24, "Population": 901.0}, {"index": 124, "quantile": 0.75, "value": 376850.00000000006, "Latitude": 37.85, "Longitude": -122.24, "Population": 901.0}, {"index": 124, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.24, "Population": 901.0}, {"index": 125, "quantile": 0.0, "value": 261400.0, "Latitude": 37.85, "Longitude": -122.22, "Population": 2031.0}, {"index": 125, "quantile": 0.25, "value": 337300.0, "Latitude": 37.85, "Longitude": -122.22, "Population": 2031.0}, {"index": 125, "quantile": 0.5, "value": 337300.0, "Latitude": 37.85, "Longitude": -122.22, "Population": 2031.0}, {"index": 125, "quantile": 0.75, "value": 366850.0, "Latitude": 37.85, "Longitude": -122.22, "Population": 2031.0}, {"index": 125, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.22, "Population": 2031.0}, {"index": 126, "quantile": 0.0, "value": 287300.0, "Latitude": 37.84, "Longitude": -122.22, "Population": 1031.0}, {"index": 126, "quantile": 0.25, "value": 295200.0, "Latitude": 37.84, "Longitude": -122.22, "Population": 1031.0}, {"index": 126, "quantile": 0.5, "value": 295200.0, "Latitude": 37.84, "Longitude": -122.22, "Population": 1031.0}, {"index": 126, "quantile": 0.75, "value": 333300.0, "Latitude": 37.84, "Longitude": -122.22, "Population": 1031.0}, {"index": 126, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.22, "Population": 1031.0}, {"index": 127, "quantile": 0.0, "value": 169300.0, "Latitude": 37.84, "Longitude": -122.21, "Population": 1358.0}, {"index": 127, "quantile": 0.25, "value": 298275.0, "Latitude": 37.84, "Longitude": -122.21, "Population": 1358.0}, {"index": 127, "quantile": 0.5, "value": 359250.0, "Latitude": 37.84, "Longitude": -122.21, "Population": 1358.0}, {"index": 127, "quantile": 0.75, "value": 412300.0, "Latitude": 37.84, "Longitude": -122.21, "Population": 1358.0}, {"index": 127, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.21, "Population": 1358.0}, {"index": 128, "quantile": 0.0, "value": 172200.0, "Latitude": 37.83, "Longitude": -122.21, "Population": 1616.0}, {"index": 128, "quantile": 0.25, "value": 366700.0, "Latitude": 37.83, "Longitude": -122.21, "Population": 1616.0}, {"index": 128, "quantile": 0.5, "value": 411500.0, "Latitude": 37.83, "Longitude": -122.21, "Population": 1616.0}, {"index": 128, "quantile": 0.75, "value": 411500.0, "Latitude": 37.83, "Longitude": -122.21, "Population": 1616.0}, {"index": 128, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.21, "Population": 1616.0}, {"index": 129, "quantile": 0.0, "value": 160100.0, "Latitude": 37.84, "Longitude": -122.2, "Population": 844.0}, {"index": 129, "quantile": 0.25, "value": 311400.0, "Latitude": 37.84, "Longitude": -122.2, "Population": 844.0}, {"index": 129, "quantile": 0.5, "value": 362300.0, "Latitude": 37.84, "Longitude": -122.2, "Population": 844.0}, {"index": 129, "quantile": 0.75, "value": 390075.0, "Latitude": 37.84, "Longitude": -122.2, "Population": 844.0}, {"index": 129, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.2, "Population": 844.0}, {"index": 130, "quantile": 0.0, "value": 212500.0, "Latitude": 37.84, "Longitude": -122.21, "Population": 1140.0}, {"index": 130, "quantile": 0.25, "value": 319300.0, "Latitude": 37.84, "Longitude": -122.21, "Population": 1140.0}, {"index": 130, "quantile": 0.5, "value": 331400.0, "Latitude": 37.84, "Longitude": -122.21, "Population": 1140.0}, {"index": 130, "quantile": 0.75, "value": 366899.99999999994, "Latitude": 37.84, "Longitude": -122.21, "Population": 1140.0}, {"index": 130, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.21, "Population": 1140.0}, {"index": 131, "quantile": 0.0, "value": 392600.0, "Latitude": 37.84, "Longitude": -122.19, "Population": 533.0}, {"index": 131, "quantile": 0.25, "value": 392600.0, "Latitude": 37.84, "Longitude": -122.19, "Population": 533.0}, {"index": 131, "quantile": 0.5, "value": 392600.0, "Latitude": 37.84, "Longitude": -122.19, "Population": 533.0}, {"index": 131, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.19, "Population": 533.0}, {"index": 131, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.19, "Population": 533.0}, {"index": 132, "quantile": 0.0, "value": 295200.0, "Latitude": 37.84, "Longitude": -122.2, "Population": 1072.0}, {"index": 132, "quantile": 0.25, "value": 319300.0, "Latitude": 37.84, "Longitude": -122.2, "Population": 1072.0}, {"index": 132, "quantile": 0.5, "value": 319300.0, "Latitude": 37.84, "Longitude": -122.2, "Population": 1072.0}, {"index": 132, "quantile": 0.75, "value": 348800.0, "Latitude": 37.84, "Longitude": -122.2, "Population": 1072.0}, {"index": 132, "quantile": 1.0, "value": 492000.0, "Latitude": 37.84, "Longitude": -122.2, "Population": 1072.0}, {"index": 133, "quantile": 0.0, "value": 295200.0, "Latitude": 37.83, "Longitude": -122.21, "Population": 1627.0}, {"index": 133, "quantile": 0.25, "value": 333300.0, "Latitude": 37.83, "Longitude": -122.21, "Population": 1627.0}, {"index": 133, "quantile": 0.5, "value": 333300.0, "Latitude": 37.83, "Longitude": -122.21, "Population": 1627.0}, {"index": 133, "quantile": 0.75, "value": 333300.0, "Latitude": 37.83, "Longitude": -122.21, "Population": 1627.0}, {"index": 133, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.21, "Population": 1627.0}, {"index": 134, "quantile": 0.0, "value": 193500.0, "Latitude": 37.83, "Longitude": -122.19, "Population": 463.0}, {"index": 134, "quantile": 0.25, "value": 351200.0, "Latitude": 37.83, "Longitude": -122.19, "Population": 463.0}, {"index": 134, "quantile": 0.5, "value": 365900.0, "Latitude": 37.83, "Longitude": -122.19, "Population": 463.0}, {"index": 134, "quantile": 0.75, "value": 393000.0, "Latitude": 37.83, "Longitude": -122.19, "Population": 463.0}, {"index": 134, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.19, "Population": 463.0}, {"index": 135, "quantile": 0.0, "value": 212500.0, "Latitude": 37.83, "Longitude": -122.2, "Population": 542.0}, {"index": 135, "quantile": 0.25, "value": 351200.0, "Latitude": 37.83, "Longitude": -122.2, "Population": 542.0}, {"index": 135, "quantile": 0.5, "value": 351200.0, "Latitude": 37.83, "Longitude": -122.2, "Population": 542.0}, {"index": 135, "quantile": 0.75, "value": 395500.0, "Latitude": 37.83, "Longitude": -122.2, "Population": 542.0}, {"index": 135, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.2, "Population": 542.0}, {"index": 136, "quantile": 0.0, "value": 247900.0, "Latitude": 37.83, "Longitude": -122.19, "Population": 661.0}, {"index": 136, "quantile": 0.25, "value": 368900.0, "Latitude": 37.83, "Longitude": -122.19, "Population": 661.0}, {"index": 136, "quantile": 0.5, "value": 368900.0, "Latitude": 37.83, "Longitude": -122.19, "Population": 661.0}, {"index": 136, "quantile": 0.75, "value": 368900.0, "Latitude": 37.83, "Longitude": -122.19, "Population": 661.0}, {"index": 136, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.19, "Population": 661.0}, {"index": 137, "quantile": 0.0, "value": 338700.0, "Latitude": 37.82, "Longitude": -122.19, "Population": 635.0}, {"index": 137, "quantile": 0.25, "value": 365900.0, "Latitude": 37.82, "Longitude": -122.19, "Population": 635.0}, {"index": 137, "quantile": 0.5, "value": 365900.0, "Latitude": 37.82, "Longitude": -122.19, "Population": 635.0}, {"index": 137, "quantile": 0.75, "value": 452600.0, "Latitude": 37.82, "Longitude": -122.19, "Population": 635.0}, {"index": 137, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.19, "Population": 635.0}, {"index": 138, "quantile": 0.0, "value": 228700.0, "Latitude": 37.82, "Longitude": -122.2, "Population": 420.0}, {"index": 138, "quantile": 0.25, "value": 366700.0, "Latitude": 37.82, "Longitude": -122.2, "Population": 420.0}, {"index": 138, "quantile": 0.5, "value": 366700.0, "Latitude": 37.82, "Longitude": -122.2, "Population": 420.0}, {"index": 138, "quantile": 0.75, "value": 366700.0, "Latitude": 37.82, "Longitude": -122.2, "Population": 420.0}, {"index": 138, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.2, "Population": 420.0}, {"index": 139, "quantile": 0.0, "value": 169300.0, "Latitude": 37.82, "Longitude": -122.2, "Population": 1265.0}, {"index": 139, "quantile": 0.25, "value": 362800.0, "Latitude": 37.82, "Longitude": -122.2, "Population": 1265.0}, {"index": 139, "quantile": 0.5, "value": 362800.0, "Latitude": 37.82, "Longitude": -122.2, "Population": 1265.0}, {"index": 139, "quantile": 0.75, "value": 362800.0, "Latitude": 37.82, "Longitude": -122.2, "Population": 1265.0}, {"index": 139, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.2, "Population": 1265.0}, {"index": 140, "quantile": 0.0, "value": 125000.0, "Latitude": 37.81, "Longitude": -122.18, "Population": 126.0}, {"index": 140, "quantile": 0.25, "value": 365725.0, "Latitude": 37.81, "Longitude": -122.18, "Population": 126.0}, {"index": 140, "quantile": 0.5, "value": 483300.0, "Latitude": 37.81, "Longitude": -122.18, "Population": 126.0}, {"index": 140, "quantile": 0.75, "value": 483300.0, "Latitude": 37.81, "Longitude": -122.18, "Population": 126.0}, {"index": 140, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.18, "Population": 126.0}, {"index": 141, "quantile": 0.0, "value": 228700.0, "Latitude": 37.82, "Longitude": -122.21, "Population": 813.0}, {"index": 141, "quantile": 0.25, "value": 331400.0, "Latitude": 37.82, "Longitude": -122.21, "Population": 813.0}, {"index": 141, "quantile": 0.5, "value": 331400.0, "Latitude": 37.82, "Longitude": -122.21, "Population": 813.0}, {"index": 141, "quantile": 0.75, "value": 366700.0, "Latitude": 37.82, "Longitude": -122.21, "Population": 813.0}, {"index": 141, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.21, "Population": 813.0}, {"index": 142, "quantile": 0.0, "value": 160100.0, "Latitude": 37.81, "Longitude": -122.2, "Population": 1067.0}, {"index": 142, "quantile": 0.25, "value": 349200.0, "Latitude": 37.81, "Longitude": -122.2, "Population": 1067.0}, {"index": 142, "quantile": 0.5, "value": 368600.0, "Latitude": 37.81, "Longitude": -122.2, "Population": 1067.0}, {"index": 142, "quantile": 0.75, "value": 403599.99999999994, "Latitude": 37.81, "Longitude": -122.2, "Population": 1067.0}, {"index": 142, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.2, "Population": 1067.0}, {"index": 143, "quantile": 0.0, "value": 94300.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 1260.0}, {"index": 143, "quantile": 0.25, "value": 175875.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 1260.0}, {"index": 143, "quantile": 0.5, "value": 216699.99999999997, "Latitude": 37.8, "Longitude": -122.21, "Population": 1260.0}, {"index": 143, "quantile": 0.75, "value": 216699.99999999997, "Latitude": 37.8, "Longitude": -122.21, "Population": 1260.0}, {"index": 143, "quantile": 1.0, "value": 289500.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 1260.0}, {"index": 144, "quantile": 0.0, "value": 171600.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 951.0}, {"index": 144, "quantile": 0.25, "value": 233100.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 951.0}, {"index": 144, "quantile": 0.5, "value": 233100.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 951.0}, {"index": 144, "quantile": 0.75, "value": 239350.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 951.0}, {"index": 144, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.21, "Population": 951.0}, {"index": 145, "quantile": 0.0, "value": 174200.0, "Latitude": 37.81, "Longitude": -122.21, "Population": 510.0}, {"index": 145, "quantile": 0.25, "value": 296400.0, "Latitude": 37.81, "Longitude": -122.21, "Population": 510.0}, {"index": 145, "quantile": 0.5, "value": 296400.0, "Latitude": 37.81, "Longitude": -122.21, "Population": 510.0}, {"index": 145, "quantile": 0.75, "value": 296400.0, "Latitude": 37.81, "Longitude": -122.21, "Population": 510.0}, {"index": 145, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.21, "Population": 510.0}, {"index": 146, "quantile": 0.0, "value": 160100.0, "Latitude": 37.81, "Longitude": -122.22, "Population": 765.0}, {"index": 146, "quantile": 0.25, "value": 358500.0, "Latitude": 37.81, "Longitude": -122.22, "Population": 765.0}, {"index": 146, "quantile": 0.5, "value": 400000.0, "Latitude": 37.81, "Longitude": -122.22, "Population": 765.0}, {"index": 146, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.22, "Population": 765.0}, {"index": 146, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.22, "Population": 765.0}, {"index": 147, "quantile": 0.0, "value": 107300.0, "Latitude": 37.8, "Longitude": -122.22, "Population": 1129.0}, {"index": 147, "quantile": 0.25, "value": 201300.0, "Latitude": 37.8, "Longitude": -122.22, "Population": 1129.0}, {"index": 147, "quantile": 0.5, "value": 227700.0, "Latitude": 37.8, "Longitude": -122.22, "Population": 1129.0}, {"index": 147, "quantile": 0.75, "value": 227700.0, "Latitude": 37.8, "Longitude": -122.22, "Population": 1129.0}, {"index": 147, "quantile": 1.0, "value": 227700.0, "Latitude": 37.8, "Longitude": -122.22, "Population": 1129.0}, {"index": 148, "quantile": 0.0, "value": 88800.0, "Latitude": 37.8, "Longitude": -122.22, "Population": 1073.0}, {"index": 148, "quantile": 0.25, "value": 132600.0, "Latitude": 37.8, "Longitude": -122.22, "Population": 1073.0}, {"index": 148, "quantile": 0.5, "value": 165500.0, "Latitude": 37.8, "Longitude": -122.22, "Population": 1073.0}, {"index": 148, "quantile": 0.75, "value": 216699.99999999997, "Latitude": 37.8, "Longitude": -122.22, "Population": 1073.0}, {"index": 148, "quantile": 1.0, "value": 300000.0, "Latitude": 37.8, "Longitude": -122.22, "Population": 1073.0}, {"index": 149, "quantile": 0.0, "value": 144000.0, "Latitude": 37.8, "Longitude": -122.22, "Population": 1185.0}, {"index": 149, "quantile": 0.25, "value": 239800.0, "Latitude": 37.8, "Longitude": -122.22, "Population": 1185.0}, {"index": 149, "quantile": 0.5, "value": 239800.0, "Latitude": 37.8, "Longitude": -122.22, "Population": 1185.0}, {"index": 149, "quantile": 0.75, "value": 239800.0, "Latitude": 37.8, "Longitude": -122.22, "Population": 1185.0}, {"index": 149, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.22, "Population": 1185.0}, {"index": 150, "quantile": 0.0, "value": 138100.0, "Latitude": 37.81, "Longitude": -122.22, "Population": 756.0}, {"index": 150, "quantile": 0.25, "value": 242800.0, "Latitude": 37.81, "Longitude": -122.22, "Population": 756.0}, {"index": 150, "quantile": 0.5, "value": 262000.0, "Latitude": 37.81, "Longitude": -122.22, "Population": 756.0}, {"index": 150, "quantile": 0.75, "value": 270900.0, "Latitude": 37.81, "Longitude": -122.22, "Population": 756.0}, {"index": 150, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.22, "Population": 756.0}, {"index": 151, "quantile": 0.0, "value": 132200.0, "Latitude": 37.81, "Longitude": -122.22, "Population": 1034.0}, {"index": 151, "quantile": 0.25, "value": 302100.0, "Latitude": 37.81, "Longitude": -122.22, "Population": 1034.0}, {"index": 151, "quantile": 0.5, "value": 302100.0, "Latitude": 37.81, "Longitude": -122.22, "Population": 1034.0}, {"index": 151, "quantile": 0.75, "value": 392650.0, "Latitude": 37.81, "Longitude": -122.22, "Population": 1034.0}, {"index": 151, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.22, "Population": 1034.0}, {"index": 152, "quantile": 0.0, "value": 206300.00000000003, "Latitude": 37.8, "Longitude": -122.23, "Population": 787.0}, {"index": 152, "quantile": 0.25, "value": 269500.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 787.0}, {"index": 152, "quantile": 0.5, "value": 269500.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 787.0}, {"index": 152, "quantile": 0.75, "value": 269500.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 787.0}, {"index": 152, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.23, "Population": 787.0}, {"index": 153, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 37.81, "Longitude": -122.23, "Population": 612.0}, {"index": 153, "quantile": 0.25, "value": 235600.0, "Latitude": 37.81, "Longitude": -122.23, "Population": 612.0}, {"index": 153, "quantile": 0.5, "value": 271900.00000000006, "Latitude": 37.81, "Longitude": -122.23, "Population": 612.0}, {"index": 153, "quantile": 0.75, "value": 335300.0, "Latitude": 37.81, "Longitude": -122.23, "Population": 612.0}, {"index": 153, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.23, "Population": 612.0}, {"index": 154, "quantile": 0.0, "value": 365900.0, "Latitude": 37.81, "Longitude": -122.22, "Population": 1021.0}, {"index": 154, "quantile": 0.25, "value": 466099.99999999994, "Latitude": 37.81, "Longitude": -122.22, "Population": 1021.0}, {"index": 154, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.22, "Population": 1021.0}, {"index": 154, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.22, "Population": 1021.0}, {"index": 154, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.22, "Population": 1021.0}, {"index": 155, "quantile": 0.0, "value": 281900.0, "Latitude": 37.81, "Longitude": -122.23, "Population": 861.0}, {"index": 155, "quantile": 0.25, "value": 410300.0, "Latitude": 37.81, "Longitude": -122.23, "Population": 861.0}, {"index": 155, "quantile": 0.5, "value": 410300.0, "Latitude": 37.81, "Longitude": -122.23, "Population": 861.0}, {"index": 155, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.23, "Population": 861.0}, {"index": 155, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.23, "Population": 861.0}, {"index": 156, "quantile": 0.0, "value": 228700.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 953.0}, {"index": 156, "quantile": 0.25, "value": 339375.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 953.0}, {"index": 156, "quantile": 0.5, "value": 373000.00000000006, "Latitude": 37.81, "Longitude": -122.24, "Population": 953.0}, {"index": 156, "quantile": 0.75, "value": 438000.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 953.0}, {"index": 156, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.24, "Population": 953.0}, {"index": 157, "quantile": 0.0, "value": 174200.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 634.0}, {"index": 157, "quantile": 0.25, "value": 287300.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 634.0}, {"index": 157, "quantile": 0.5, "value": 287300.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 634.0}, {"index": 157, "quantile": 0.75, "value": 302475.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 634.0}, {"index": 157, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.24, "Population": 634.0}, {"index": 158, "quantile": 0.0, "value": 295200.0, "Latitude": 37.81, "Longitude": -122.23, "Population": 878.0}, {"index": 158, "quantile": 0.25, "value": 348700.0, "Latitude": 37.81, "Longitude": -122.23, "Population": 878.0}, {"index": 158, "quantile": 0.5, "value": 348700.0, "Latitude": 37.81, "Longitude": -122.23, "Population": 878.0}, {"index": 158, "quantile": 0.75, "value": 371100.0, "Latitude": 37.81, "Longitude": -122.23, "Population": 878.0}, {"index": 158, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.23, "Population": 878.0}, {"index": 159, "quantile": 0.0, "value": 73400.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 918.0}, {"index": 159, "quantile": 0.25, "value": 180275.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 918.0}, {"index": 159, "quantile": 0.5, "value": 222600.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 918.0}, {"index": 159, "quantile": 0.75, "value": 279500.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 918.0}, {"index": 159, "quantile": 1.0, "value": 456200.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 918.0}, {"index": 160, "quantile": 0.0, "value": 75000.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 360.0}, {"index": 160, "quantile": 0.25, "value": 187500.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 360.0}, {"index": 160, "quantile": 0.5, "value": 211500.00000000003, "Latitude": 37.8, "Longitude": -122.24, "Population": 360.0}, {"index": 160, "quantile": 0.75, "value": 211500.00000000003, "Latitude": 37.8, "Longitude": -122.24, "Population": 360.0}, {"index": 160, "quantile": 1.0, "value": 333300.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 360.0}, {"index": 161, "quantile": 0.0, "value": 61100.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1197.0}, {"index": 161, "quantile": 0.25, "value": 218400.00000000003, "Latitude": 37.8, "Longitude": -122.25, "Population": 1197.0}, {"index": 161, "quantile": 0.5, "value": 218400.00000000003, "Latitude": 37.8, "Longitude": -122.25, "Population": 1197.0}, {"index": 161, "quantile": 0.75, "value": 218400.00000000003, "Latitude": 37.8, "Longitude": -122.25, "Population": 1197.0}, {"index": 161, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.8, "Longitude": -122.25, "Population": 1197.0}, {"index": 162, "quantile": 0.0, "value": 134700.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 1048.0}, {"index": 162, "quantile": 0.25, "value": 269900.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 1048.0}, {"index": 162, "quantile": 0.5, "value": 269900.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 1048.0}, {"index": 162, "quantile": 0.75, "value": 269900.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 1048.0}, {"index": 162, "quantile": 1.0, "value": 427600.0, "Latitude": 37.81, "Longitude": -122.24, "Population": 1048.0}, {"index": 163, "quantile": 0.0, "value": 122800.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 1373.0}, {"index": 163, "quantile": 0.25, "value": 218800.00000000003, "Latitude": 37.81, "Longitude": -122.25, "Population": 1373.0}, {"index": 163, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 37.81, "Longitude": -122.25, "Population": 1373.0}, {"index": 163, "quantile": 0.75, "value": 265200.0, "Latitude": 37.81, "Longitude": -122.25, "Population": 1373.0}, {"index": 163, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.25, "Population": 1373.0}, {"index": 164, "quantile": 0.0, "value": 137300.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1715.0}, {"index": 164, "quantile": 0.25, "value": 218500.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1715.0}, {"index": 164, "quantile": 0.5, "value": 250000.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1715.0}, {"index": 164, "quantile": 0.75, "value": 306800.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1715.0}, {"index": 164, "quantile": 1.0, "value": 425000.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1715.0}, {"index": 165, "quantile": 0.0, "value": 87500.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1359.0}, {"index": 165, "quantile": 0.25, "value": 213574.99999999997, "Latitude": 37.8, "Longitude": -122.25, "Population": 1359.0}, {"index": 165, "quantile": 0.5, "value": 250000.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1359.0}, {"index": 165, "quantile": 0.75, "value": 250000.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1359.0}, {"index": 165, "quantile": 1.0, "value": 458300.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1359.0}, {"index": 166, "quantile": 0.0, "value": 32500.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1062.0}, {"index": 166, "quantile": 0.25, "value": 166500.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1062.0}, {"index": 166, "quantile": 0.5, "value": 171400.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1062.0}, {"index": 166, "quantile": 0.75, "value": 171400.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1062.0}, {"index": 166, "quantile": 1.0, "value": 212500.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1062.0}, {"index": 167, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.8, "Longitude": -122.25, "Population": 1335.0}, {"index": 167, "quantile": 0.25, "value": 123450.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1335.0}, {"index": 167, "quantile": 0.5, "value": 209600.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1335.0}, {"index": 167, "quantile": 0.75, "value": 232850.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1335.0}, {"index": 167, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.25, "Population": 1335.0}, {"index": 168, "quantile": 0.0, "value": 45000.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 1171.0}, {"index": 168, "quantile": 0.25, "value": 114075.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 1171.0}, {"index": 168, "quantile": 0.5, "value": 136100.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 1171.0}, {"index": 168, "quantile": 0.75, "value": 162750.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 1171.0}, {"index": 168, "quantile": 1.0, "value": 475000.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 1171.0}, {"index": 169, "quantile": 0.0, "value": 85700.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 1475.0}, {"index": 169, "quantile": 0.25, "value": 97500.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 1475.0}, {"index": 169, "quantile": 0.5, "value": 97500.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 1475.0}, {"index": 169, "quantile": 0.75, "value": 102299.99999999999, "Latitude": 37.79, "Longitude": -122.25, "Population": 1475.0}, {"index": 169, "quantile": 1.0, "value": 350000.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 1475.0}, {"index": 170, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.79, "Longitude": -122.25, "Population": 742.0}, {"index": 170, "quantile": 0.25, "value": 125000.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 742.0}, {"index": 170, "quantile": 0.5, "value": 125000.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 742.0}, {"index": 170, "quantile": 0.75, "value": 125000.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 742.0}, {"index": 170, "quantile": 1.0, "value": 371400.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 742.0}, {"index": 171, "quantile": 0.0, "value": 72500.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 1086.0}, {"index": 171, "quantile": 0.25, "value": 137500.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 1086.0}, {"index": 171, "quantile": 0.5, "value": 138800.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 1086.0}, {"index": 171, "quantile": 0.75, "value": 138800.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 1086.0}, {"index": 171, "quantile": 1.0, "value": 250000.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 1086.0}, {"index": 172, "quantile": 0.0, "value": 85100.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1645.0}, {"index": 172, "quantile": 0.25, "value": 116700.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1645.0}, {"index": 172, "quantile": 0.5, "value": 116700.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1645.0}, {"index": 172, "quantile": 0.75, "value": 116700.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1645.0}, {"index": 172, "quantile": 1.0, "value": 350000.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1645.0}, {"index": 173, "quantile": 0.0, "value": 72500.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1710.0}, {"index": 173, "quantile": 0.25, "value": 138800.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1710.0}, {"index": 173, "quantile": 0.5, "value": 151800.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1710.0}, {"index": 173, "quantile": 0.75, "value": 151800.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1710.0}, {"index": 173, "quantile": 1.0, "value": 312500.0, "Latitude": 37.8, "Longitude": -122.25, "Population": 1710.0}, {"index": 174, "quantile": 0.0, "value": 67500.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 731.0}, {"index": 174, "quantile": 0.25, "value": 97750.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 731.0}, {"index": 174, "quantile": 0.5, "value": 111900.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 731.0}, {"index": 174, "quantile": 0.75, "value": 128600.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 731.0}, {"index": 174, "quantile": 1.0, "value": 250000.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 731.0}, {"index": 175, "quantile": 0.0, "value": 87500.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1118.0}, {"index": 175, "quantile": 0.25, "value": 112799.99999999999, "Latitude": 37.8, "Longitude": -122.24, "Population": 1118.0}, {"index": 175, "quantile": 0.5, "value": 128600.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1118.0}, {"index": 175, "quantile": 0.75, "value": 128600.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1118.0}, {"index": 175, "quantile": 1.0, "value": 146900.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1118.0}, {"index": 176, "quantile": 0.0, "value": 72500.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1006.0}, {"index": 176, "quantile": 0.25, "value": 114875.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1006.0}, {"index": 176, "quantile": 0.5, "value": 140600.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1006.0}, {"index": 176, "quantile": 0.75, "value": 140600.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1006.0}, {"index": 176, "quantile": 1.0, "value": 146900.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1006.0}, {"index": 177, "quantile": 0.0, "value": 100000.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1213.0}, {"index": 177, "quantile": 0.25, "value": 182700.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1213.0}, {"index": 177, "quantile": 0.5, "value": 182700.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1213.0}, {"index": 177, "quantile": 0.75, "value": 182700.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1213.0}, {"index": 177, "quantile": 1.0, "value": 338900.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1213.0}, {"index": 178, "quantile": 0.0, "value": 22500.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 772.0}, {"index": 178, "quantile": 0.25, "value": 128600.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 772.0}, {"index": 178, "quantile": 0.5, "value": 146900.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 772.0}, {"index": 178, "quantile": 0.75, "value": 146900.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 772.0}, {"index": 178, "quantile": 1.0, "value": 232100.00000000003, "Latitude": 37.8, "Longitude": -122.23, "Population": 772.0}, {"index": 179, "quantile": 0.0, "value": 80800.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1321.0}, {"index": 179, "quantile": 0.25, "value": 122800.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1321.0}, {"index": 179, "quantile": 0.5, "value": 122800.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1321.0}, {"index": 179, "quantile": 0.75, "value": 122800.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1321.0}, {"index": 179, "quantile": 1.0, "value": 338900.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1321.0}, {"index": 180, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 37.8, "Longitude": -122.24, "Population": 1487.0}, {"index": 180, "quantile": 0.25, "value": 169300.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1487.0}, {"index": 180, "quantile": 0.5, "value": 169300.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1487.0}, {"index": 180, "quantile": 0.75, "value": 182700.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1487.0}, {"index": 180, "quantile": 1.0, "value": 456200.0, "Latitude": 37.8, "Longitude": -122.24, "Population": 1487.0}, {"index": 181, "quantile": 0.0, "value": 74100.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 488.0}, {"index": 181, "quantile": 0.25, "value": 119400.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 488.0}, {"index": 181, "quantile": 0.5, "value": 126600.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 488.0}, {"index": 181, "quantile": 0.75, "value": 126600.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 488.0}, {"index": 181, "quantile": 1.0, "value": 262500.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 488.0}, {"index": 182, "quantile": 0.0, "value": 37900.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 949.0}, {"index": 182, "quantile": 0.25, "value": 127899.99999999999, "Latitude": 37.8, "Longitude": -122.23, "Population": 949.0}, {"index": 182, "quantile": 0.5, "value": 127899.99999999999, "Latitude": 37.8, "Longitude": -122.23, "Population": 949.0}, {"index": 182, "quantile": 0.75, "value": 130300.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 949.0}, {"index": 182, "quantile": 1.0, "value": 204199.99999999997, "Latitude": 37.8, "Longitude": -122.23, "Population": 949.0}, {"index": 183, "quantile": 0.0, "value": 71300.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 1149.0}, {"index": 183, "quantile": 0.25, "value": 108425.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 1149.0}, {"index": 183, "quantile": 0.5, "value": 126800.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 1149.0}, {"index": 183, "quantile": 0.75, "value": 140300.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 1149.0}, {"index": 183, "quantile": 1.0, "value": 338900.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 1149.0}, {"index": 184, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 37.8, "Longitude": -122.23, "Population": 844.0}, {"index": 184, "quantile": 0.25, "value": 111900.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 844.0}, {"index": 184, "quantile": 0.5, "value": 111900.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 844.0}, {"index": 184, "quantile": 0.75, "value": 111900.0, "Latitude": 37.8, "Longitude": -122.23, "Population": 844.0}, {"index": 184, "quantile": 1.0, "value": 232100.00000000003, "Latitude": 37.8, "Longitude": -122.23, "Population": 844.0}, {"index": 185, "quantile": 0.0, "value": 79700.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 4367.0}, {"index": 185, "quantile": 0.25, "value": 112799.99999999999, "Latitude": 37.79, "Longitude": -122.23, "Population": 4367.0}, {"index": 185, "quantile": 0.5, "value": 112799.99999999999, "Latitude": 37.79, "Longitude": -122.23, "Population": 4367.0}, {"index": 185, "quantile": 0.75, "value": 112799.99999999999, "Latitude": 37.79, "Longitude": -122.23, "Population": 4367.0}, {"index": 185, "quantile": 1.0, "value": 187500.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 4367.0}, {"index": 186, "quantile": 0.0, "value": 80800.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 1659.0}, {"index": 186, "quantile": 0.25, "value": 107900.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 1659.0}, {"index": 186, "quantile": 0.5, "value": 107900.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 1659.0}, {"index": 186, "quantile": 0.75, "value": 121899.99999999999, "Latitude": 37.79, "Longitude": -122.23, "Population": 1659.0}, {"index": 186, "quantile": 1.0, "value": 338900.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 1659.0}, {"index": 187, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 37.79, "Longitude": -122.23, "Population": 1011.0}, {"index": 187, "quantile": 0.25, "value": 137500.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 1011.0}, {"index": 187, "quantile": 0.5, "value": 137500.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 1011.0}, {"index": 187, "quantile": 0.75, "value": 137500.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 1011.0}, {"index": 187, "quantile": 1.0, "value": 270000.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 1011.0}, {"index": 188, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 37.79, "Longitude": -122.24, "Population": 1464.0}, {"index": 188, "quantile": 0.25, "value": 108325.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 1464.0}, {"index": 188, "quantile": 0.5, "value": 119400.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 1464.0}, {"index": 188, "quantile": 0.75, "value": 144125.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 1464.0}, {"index": 188, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 37.79, "Longitude": -122.24, "Population": 1464.0}, {"index": 189, "quantile": 0.0, "value": 72500.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 1237.0}, {"index": 189, "quantile": 0.25, "value": 95500.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 1237.0}, {"index": 189, "quantile": 0.5, "value": 95500.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 1237.0}, {"index": 189, "quantile": 0.75, "value": 95500.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 1237.0}, {"index": 189, "quantile": 1.0, "value": 140600.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 1237.0}, {"index": 190, "quantile": 0.0, "value": 93800.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 647.0}, {"index": 190, "quantile": 0.25, "value": 116100.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 647.0}, {"index": 190, "quantile": 0.5, "value": 116100.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 647.0}, {"index": 190, "quantile": 0.75, "value": 131250.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 647.0}, {"index": 190, "quantile": 1.0, "value": 286100.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 647.0}, {"index": 191, "quantile": 0.0, "value": 84300.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 1284.0}, {"index": 191, "quantile": 0.25, "value": 102800.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 1284.0}, {"index": 191, "quantile": 0.5, "value": 112200.00000000001, "Latitude": 37.79, "Longitude": -122.24, "Population": 1284.0}, {"index": 191, "quantile": 0.75, "value": 112200.00000000001, "Latitude": 37.79, "Longitude": -122.24, "Population": 1284.0}, {"index": 191, "quantile": 1.0, "value": 128600.0, "Latitude": 37.79, "Longitude": -122.24, "Population": 1284.0}, {"index": 192, "quantile": 0.0, "value": 47500.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 228.0}, {"index": 192, "quantile": 0.25, "value": 75000.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 228.0}, {"index": 192, "quantile": 0.5, "value": 75000.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 228.0}, {"index": 192, "quantile": 0.75, "value": 85700.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 228.0}, {"index": 192, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.25, "Population": 228.0}, {"index": 193, "quantile": 0.0, "value": 69400.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 381.0}, {"index": 193, "quantile": 0.25, "value": 112500.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 381.0}, {"index": 193, "quantile": 0.5, "value": 112500.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 381.0}, {"index": 193, "quantile": 0.75, "value": 112500.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 381.0}, {"index": 193, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.25, "Population": 381.0}, {"index": 194, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 37.79, "Longitude": -122.25, "Population": 846.0}, {"index": 194, "quantile": 0.25, "value": 116100.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 846.0}, {"index": 194, "quantile": 0.5, "value": 159050.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 846.0}, {"index": 194, "quantile": 0.75, "value": 208800.0, "Latitude": 37.79, "Longitude": -122.25, "Population": 846.0}, {"index": 194, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.25, "Population": 846.0}, {"index": 195, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.8, "Longitude": -122.26, "Population": 1659.0}, {"index": 195, "quantile": 0.25, "value": 114999.99999999999, "Latitude": 37.8, "Longitude": -122.26, "Population": 1659.0}, {"index": 195, "quantile": 0.5, "value": 114999.99999999999, "Latitude": 37.8, "Longitude": -122.26, "Population": 1659.0}, {"index": 195, "quantile": 0.75, "value": 151800.0, "Latitude": 37.8, "Longitude": -122.26, "Population": 1659.0}, {"index": 195, "quantile": 1.0, "value": 450000.0, "Latitude": 37.8, "Longitude": -122.26, "Population": 1659.0}, {"index": 196, "quantile": 0.0, "value": 22500.0, "Latitude": 37.77, "Longitude": -122.22, "Population": 520.0}, {"index": 196, "quantile": 0.25, "value": 79400.0, "Latitude": 37.77, "Longitude": -122.22, "Population": 520.0}, {"index": 196, "quantile": 0.5, "value": 112500.0, "Latitude": 37.77, "Longitude": -122.22, "Population": 520.0}, {"index": 196, "quantile": 0.75, "value": 164075.0, "Latitude": 37.77, "Longitude": -122.22, "Population": 520.0}, {"index": 196, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.22, "Population": 520.0}, {"index": 197, "quantile": 0.0, "value": 71300.0, "Latitude": 37.77, "Longitude": -122.22, "Population": 866.0}, {"index": 197, "quantile": 0.25, "value": 96400.0, "Latitude": 37.77, "Longitude": -122.22, "Population": 866.0}, {"index": 197, "quantile": 0.5, "value": 96400.0, "Latitude": 37.77, "Longitude": -122.22, "Population": 866.0}, {"index": 197, "quantile": 0.75, "value": 96400.0, "Latitude": 37.77, "Longitude": -122.22, "Population": 866.0}, {"index": 197, "quantile": 1.0, "value": 282100.0, "Latitude": 37.77, "Longitude": -122.22, "Population": 866.0}, {"index": 198, "quantile": 0.0, "value": 71300.0, "Latitude": 37.77, "Longitude": -122.23, "Population": 612.0}, {"index": 198, "quantile": 0.25, "value": 72000.0, "Latitude": 37.77, "Longitude": -122.23, "Population": 612.0}, {"index": 198, "quantile": 0.5, "value": 72000.0, "Latitude": 37.77, "Longitude": -122.23, "Population": 612.0}, {"index": 198, "quantile": 0.75, "value": 92650.0, "Latitude": 37.77, "Longitude": -122.23, "Population": 612.0}, {"index": 198, "quantile": 1.0, "value": 298400.0, "Latitude": 37.77, "Longitude": -122.23, "Population": 612.0}, {"index": 199, "quantile": 0.0, "value": 71300.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 415.0}, {"index": 199, "quantile": 0.25, "value": 71300.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 415.0}, {"index": 199, "quantile": 0.5, "value": 71300.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 415.0}, {"index": 199, "quantile": 0.75, "value": 104700.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 415.0}, {"index": 199, "quantile": 1.0, "value": 214299.99999999997, "Latitude": 37.78, "Longitude": -122.23, "Population": 415.0}, {"index": 200, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.78, "Longitude": -122.23, "Population": 994.0}, {"index": 200, "quantile": 0.25, "value": 80800.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 994.0}, {"index": 200, "quantile": 0.5, "value": 80800.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 994.0}, {"index": 200, "quantile": 0.75, "value": 125000.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 994.0}, {"index": 200, "quantile": 1.0, "value": 371400.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 994.0}, {"index": 201, "quantile": 0.0, "value": 62700.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 1525.0}, {"index": 201, "quantile": 0.25, "value": 97500.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 1525.0}, {"index": 201, "quantile": 0.5, "value": 104200.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 1525.0}, {"index": 201, "quantile": 0.75, "value": 126800.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 1525.0}, {"index": 201, "quantile": 1.0, "value": 250000.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 1525.0}, {"index": 202, "quantile": 0.0, "value": 39600.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 1506.0}, {"index": 202, "quantile": 0.25, "value": 112500.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 1506.0}, {"index": 202, "quantile": 0.5, "value": 112500.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 1506.0}, {"index": 202, "quantile": 0.75, "value": 117050.00000000001, "Latitude": 37.78, "Longitude": -122.23, "Population": 1506.0}, {"index": 202, "quantile": 1.0, "value": 237500.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 1506.0}, {"index": 203, "quantile": 0.0, "value": 88300.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 1008.0}, {"index": 203, "quantile": 0.25, "value": 119400.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 1008.0}, {"index": 203, "quantile": 0.5, "value": 119400.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 1008.0}, {"index": 203, "quantile": 0.75, "value": 119400.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 1008.0}, {"index": 203, "quantile": 1.0, "value": 187500.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 1008.0}, {"index": 204, "quantile": 0.0, "value": 32500.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 2813.0}, {"index": 204, "quantile": 0.25, "value": 118100.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 2813.0}, {"index": 204, "quantile": 0.5, "value": 118100.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 2813.0}, {"index": 204, "quantile": 0.75, "value": 119400.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 2813.0}, {"index": 204, "quantile": 1.0, "value": 350000.0, "Latitude": 37.78, "Longitude": -122.23, "Population": 2813.0}, {"index": 205, "quantile": 0.0, "value": 80400.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 1481.0}, {"index": 205, "quantile": 0.25, "value": 112200.00000000001, "Latitude": 37.79, "Longitude": -122.23, "Population": 1481.0}, {"index": 205, "quantile": 0.5, "value": 122500.00000000001, "Latitude": 37.79, "Longitude": -122.23, "Population": 1481.0}, {"index": 205, "quantile": 0.75, "value": 122500.00000000001, "Latitude": 37.79, "Longitude": -122.23, "Population": 1481.0}, {"index": 205, "quantile": 1.0, "value": 371400.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 1481.0}, {"index": 206, "quantile": 0.0, "value": 84200.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 859.0}, {"index": 206, "quantile": 0.25, "value": 106300.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 859.0}, {"index": 206, "quantile": 0.5, "value": 106300.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 859.0}, {"index": 206, "quantile": 0.75, "value": 106300.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 859.0}, {"index": 206, "quantile": 1.0, "value": 146900.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 859.0}, {"index": 207, "quantile": 0.0, "value": 84300.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 1608.0}, {"index": 207, "quantile": 0.25, "value": 113175.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 1608.0}, {"index": 207, "quantile": 0.5, "value": 132500.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 1608.0}, {"index": 207, "quantile": 0.75, "value": 132500.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 1608.0}, {"index": 207, "quantile": 1.0, "value": 140600.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 1608.0}, {"index": 208, "quantile": 0.0, "value": 69100.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 425.0}, {"index": 208, "quantile": 0.25, "value": 84600.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 425.0}, {"index": 208, "quantile": 0.5, "value": 105750.00000000001, "Latitude": 37.79, "Longitude": -122.23, "Population": 425.0}, {"index": 208, "quantile": 0.75, "value": 113300.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 425.0}, {"index": 208, "quantile": 1.0, "value": 156900.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 425.0}, {"index": 209, "quantile": 0.0, "value": 72500.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 564.0}, {"index": 209, "quantile": 0.25, "value": 104149.99999999999, "Latitude": 37.79, "Longitude": -122.23, "Population": 564.0}, {"index": 209, "quantile": 0.5, "value": 113300.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 564.0}, {"index": 209, "quantile": 0.75, "value": 113300.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 564.0}, {"index": 209, "quantile": 1.0, "value": 138800.0, "Latitude": 37.79, "Longitude": -122.23, "Population": 564.0}, {"index": 210, "quantile": 0.0, "value": 100400.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 961.0}, {"index": 210, "quantile": 0.25, "value": 109500.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 961.0}, {"index": 210, "quantile": 0.5, "value": 109500.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 961.0}, {"index": 210, "quantile": 0.75, "value": 136225.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 961.0}, {"index": 210, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 37.79, "Longitude": -122.22, "Population": 961.0}, {"index": 211, "quantile": 0.0, "value": 93800.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 2273.0}, {"index": 211, "quantile": 0.25, "value": 164700.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 2273.0}, {"index": 211, "quantile": 0.5, "value": 164700.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 2273.0}, {"index": 211, "quantile": 0.75, "value": 164700.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 2273.0}, {"index": 211, "quantile": 1.0, "value": 414600.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 2273.0}, {"index": 212, "quantile": 0.0, "value": 71300.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 600.0}, {"index": 212, "quantile": 0.25, "value": 116100.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 600.0}, {"index": 212, "quantile": 0.5, "value": 137500.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 600.0}, {"index": 212, "quantile": 0.75, "value": 188025.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 600.0}, {"index": 212, "quantile": 1.0, "value": 405400.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 600.0}, {"index": 213, "quantile": 0.0, "value": 98200.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 1647.0}, {"index": 213, "quantile": 0.25, "value": 124700.00000000001, "Latitude": 37.79, "Longitude": -122.22, "Population": 1647.0}, {"index": 213, "quantile": 0.5, "value": 124700.00000000001, "Latitude": 37.79, "Longitude": -122.22, "Population": 1647.0}, {"index": 213, "quantile": 0.75, "value": 124700.00000000001, "Latitude": 37.79, "Longitude": -122.22, "Population": 1647.0}, {"index": 213, "quantile": 1.0, "value": 211800.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 1647.0}, {"index": 214, "quantile": 0.0, "value": 72000.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 1201.0}, {"index": 214, "quantile": 0.25, "value": 114199.99999999999, "Latitude": 37.79, "Longitude": -122.22, "Population": 1201.0}, {"index": 214, "quantile": 0.5, "value": 124700.00000000001, "Latitude": 37.79, "Longitude": -122.22, "Population": 1201.0}, {"index": 214, "quantile": 0.75, "value": 140875.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 1201.0}, {"index": 214, "quantile": 1.0, "value": 350900.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 1201.0}, {"index": 215, "quantile": 0.0, "value": 80800.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 2167.0}, {"index": 215, "quantile": 0.25, "value": 136675.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 2167.0}, {"index": 215, "quantile": 0.5, "value": 141700.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 2167.0}, {"index": 215, "quantile": 0.75, "value": 141700.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 2167.0}, {"index": 215, "quantile": 1.0, "value": 200000.0, "Latitude": 37.79, "Longitude": -122.22, "Population": 2167.0}, {"index": 216, "quantile": 0.0, "value": 81300.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 939.0}, {"index": 216, "quantile": 0.25, "value": 140500.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 939.0}, {"index": 216, "quantile": 0.5, "value": 150000.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 939.0}, {"index": 216, "quantile": 0.75, "value": 150000.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 939.0}, {"index": 216, "quantile": 1.0, "value": 183100.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 939.0}, {"index": 217, "quantile": 0.0, "value": 81300.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 859.0}, {"index": 217, "quantile": 0.25, "value": 138800.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 859.0}, {"index": 217, "quantile": 0.5, "value": 138800.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 859.0}, {"index": 217, "quantile": 0.75, "value": 138800.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 859.0}, {"index": 217, "quantile": 1.0, "value": 282100.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 859.0}, {"index": 218, "quantile": 0.0, "value": 107900.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 1517.0}, {"index": 218, "quantile": 0.25, "value": 139200.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 1517.0}, {"index": 218, "quantile": 0.5, "value": 139200.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 1517.0}, {"index": 218, "quantile": 0.75, "value": 139200.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 1517.0}, {"index": 218, "quantile": 1.0, "value": 152300.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 1517.0}, {"index": 219, "quantile": 0.0, "value": 90300.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 1143.0}, {"index": 219, "quantile": 0.25, "value": 139200.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 1143.0}, {"index": 219, "quantile": 0.5, "value": 143800.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 1143.0}, {"index": 219, "quantile": 0.75, "value": 143800.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 1143.0}, {"index": 219, "quantile": 1.0, "value": 162500.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 1143.0}, {"index": 220, "quantile": 0.0, "value": 93300.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 1109.0}, {"index": 220, "quantile": 0.25, "value": 139200.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 1109.0}, {"index": 220, "quantile": 0.5, "value": 179900.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 1109.0}, {"index": 220, "quantile": 0.75, "value": 215400.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 1109.0}, {"index": 220, "quantile": 1.0, "value": 381800.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 1109.0}, {"index": 221, "quantile": 0.0, "value": 88800.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 1221.0}, {"index": 221, "quantile": 0.25, "value": 135000.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 1221.0}, {"index": 221, "quantile": 0.5, "value": 143800.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 1221.0}, {"index": 221, "quantile": 0.75, "value": 178750.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 1221.0}, {"index": 221, "quantile": 1.0, "value": 475000.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 1221.0}, {"index": 222, "quantile": 0.0, "value": 93900.0, "Latitude": 37.8, "Longitude": -122.2, "Population": 1115.0}, {"index": 222, "quantile": 0.25, "value": 273000.0, "Latitude": 37.8, "Longitude": -122.2, "Population": 1115.0}, {"index": 222, "quantile": 0.5, "value": 273000.0, "Latitude": 37.8, "Longitude": -122.2, "Population": 1115.0}, {"index": 222, "quantile": 0.75, "value": 273000.0, "Latitude": 37.8, "Longitude": -122.2, "Population": 1115.0}, {"index": 222, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.2, "Population": 1115.0}, {"index": 223, "quantile": 0.0, "value": 121400.0, "Latitude": 37.8, "Longitude": -122.2, "Population": 706.0}, {"index": 223, "quantile": 0.25, "value": 225950.0, "Latitude": 37.8, "Longitude": -122.2, "Population": 706.0}, {"index": 223, "quantile": 0.5, "value": 257300.0, "Latitude": 37.8, "Longitude": -122.2, "Population": 706.0}, {"index": 223, "quantile": 0.75, "value": 313400.0, "Latitude": 37.8, "Longitude": -122.2, "Population": 706.0}, {"index": 223, "quantile": 1.0, "value": 479000.0, "Latitude": 37.8, "Longitude": -122.2, "Population": 706.0}, {"index": 224, "quantile": 0.0, "value": 116100.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 1883.0}, {"index": 224, "quantile": 0.25, "value": 187100.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 1883.0}, {"index": 224, "quantile": 0.5, "value": 187100.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 1883.0}, {"index": 224, "quantile": 0.75, "value": 187100.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 1883.0}, {"index": 224, "quantile": 1.0, "value": 306300.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 1883.0}, {"index": 225, "quantile": 0.0, "value": 184200.0, "Latitude": 37.8, "Longitude": -122.2, "Population": 804.0}, {"index": 225, "quantile": 0.25, "value": 239600.0, "Latitude": 37.8, "Longitude": -122.2, "Population": 804.0}, {"index": 225, "quantile": 0.5, "value": 239600.0, "Latitude": 37.8, "Longitude": -122.2, "Population": 804.0}, {"index": 225, "quantile": 0.75, "value": 262500.0, "Latitude": 37.8, "Longitude": -122.2, "Population": 804.0}, {"index": 225, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.2, "Population": 804.0}, {"index": 226, "quantile": 0.0, "value": 178400.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 506.0}, {"index": 226, "quantile": 0.25, "value": 229700.00000000003, "Latitude": 37.8, "Longitude": -122.21, "Population": 506.0}, {"index": 226, "quantile": 0.5, "value": 229700.00000000003, "Latitude": 37.8, "Longitude": -122.21, "Population": 506.0}, {"index": 226, "quantile": 0.75, "value": 254575.0, "Latitude": 37.8, "Longitude": -122.21, "Population": 506.0}, {"index": 226, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.21, "Population": 506.0}, {"index": 227, "quantile": 0.0, "value": 121400.0, "Latitude": 37.8, "Longitude": -122.19, "Population": 610.0}, {"index": 227, "quantile": 0.25, "value": 257300.0, "Latitude": 37.8, "Longitude": -122.19, "Population": 610.0}, {"index": 227, "quantile": 0.5, "value": 257300.0, "Latitude": 37.8, "Longitude": -122.19, "Population": 610.0}, {"index": 227, "quantile": 0.75, "value": 257300.0, "Latitude": 37.8, "Longitude": -122.19, "Population": 610.0}, {"index": 227, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.19, "Population": 610.0}, {"index": 228, "quantile": 0.0, "value": 141500.0, "Latitude": 37.8, "Longitude": -122.19, "Population": 768.0}, {"index": 228, "quantile": 0.25, "value": 246900.0, "Latitude": 37.8, "Longitude": -122.19, "Population": 768.0}, {"index": 228, "quantile": 0.5, "value": 246900.0, "Latitude": 37.8, "Longitude": -122.19, "Population": 768.0}, {"index": 228, "quantile": 0.75, "value": 246900.0, "Latitude": 37.8, "Longitude": -122.19, "Population": 768.0}, {"index": 228, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.19, "Population": 768.0}, {"index": 229, "quantile": 0.0, "value": 88800.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 462.0}, {"index": 229, "quantile": 0.25, "value": 160000.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 462.0}, {"index": 229, "quantile": 0.5, "value": 179900.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 462.0}, {"index": 229, "quantile": 0.75, "value": 179900.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 462.0}, {"index": 229, "quantile": 1.0, "value": 282100.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 462.0}, {"index": 230, "quantile": 0.0, "value": 93800.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 667.0}, {"index": 230, "quantile": 0.25, "value": 161975.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 667.0}, {"index": 230, "quantile": 0.5, "value": 192600.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 667.0}, {"index": 230, "quantile": 0.75, "value": 229250.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 667.0}, {"index": 230, "quantile": 1.0, "value": 414600.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 667.0}, {"index": 231, "quantile": 0.0, "value": 122000.0, "Latitude": 37.8, "Longitude": -122.2, "Population": 1059.0}, {"index": 231, "quantile": 0.25, "value": 203300.0, "Latitude": 37.8, "Longitude": -122.2, "Population": 1059.0}, {"index": 231, "quantile": 0.5, "value": 203300.0, "Latitude": 37.8, "Longitude": -122.2, "Population": 1059.0}, {"index": 231, "quantile": 0.75, "value": 203300.0, "Latitude": 37.8, "Longitude": -122.2, "Population": 1059.0}, {"index": 231, "quantile": 1.0, "value": 337800.0, "Latitude": 37.8, "Longitude": -122.2, "Population": 1059.0}, {"index": 232, "quantile": 0.0, "value": 87600.0, "Latitude": 37.8, "Longitude": -122.19, "Population": 637.0}, {"index": 232, "quantile": 0.25, "value": 262000.0, "Latitude": 37.8, "Longitude": -122.19, "Population": 637.0}, {"index": 232, "quantile": 0.5, "value": 263400.0, "Latitude": 37.8, "Longitude": -122.19, "Population": 637.0}, {"index": 232, "quantile": 0.75, "value": 263400.0, "Latitude": 37.8, "Longitude": -122.19, "Population": 637.0}, {"index": 232, "quantile": 1.0, "value": 487500.0, "Latitude": 37.8, "Longitude": -122.19, "Population": 637.0}, {"index": 233, "quantile": 0.0, "value": 93900.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 1106.0}, {"index": 233, "quantile": 0.25, "value": 174450.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 1106.0}, {"index": 233, "quantile": 0.5, "value": 232100.00000000003, "Latitude": 37.79, "Longitude": -122.19, "Population": 1106.0}, {"index": 233, "quantile": 0.75, "value": 257300.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 1106.0}, {"index": 233, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.19, "Population": 1106.0}, {"index": 234, "quantile": 0.0, "value": 97300.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 1737.0}, {"index": 234, "quantile": 0.25, "value": 140500.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 1737.0}, {"index": 234, "quantile": 0.5, "value": 140500.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 1737.0}, {"index": 234, "quantile": 0.75, "value": 140500.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 1737.0}, {"index": 234, "quantile": 1.0, "value": 273000.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 1737.0}, {"index": 235, "quantile": 0.0, "value": 59100.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 1009.0}, {"index": 235, "quantile": 0.25, "value": 98925.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 1009.0}, {"index": 235, "quantile": 0.5, "value": 108100.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 1009.0}, {"index": 235, "quantile": 0.75, "value": 132500.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 1009.0}, {"index": 235, "quantile": 1.0, "value": 420000.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 1009.0}, {"index": 236, "quantile": 0.0, "value": 72000.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 737.0}, {"index": 236, "quantile": 0.25, "value": 122000.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 737.0}, {"index": 236, "quantile": 0.5, "value": 122000.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 737.0}, {"index": 236, "quantile": 0.75, "value": 122000.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 737.0}, {"index": 236, "quantile": 1.0, "value": 214299.99999999997, "Latitude": 37.79, "Longitude": -122.2, "Population": 737.0}, {"index": 237, "quantile": 0.0, "value": 85100.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 1354.0}, {"index": 237, "quantile": 0.25, "value": 134700.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 1354.0}, {"index": 237, "quantile": 0.5, "value": 134700.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 1354.0}, {"index": 237, "quantile": 0.75, "value": 134700.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 1354.0}, {"index": 237, "quantile": 1.0, "value": 350000.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 1354.0}, {"index": 238, "quantile": 0.0, "value": 82400.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 1530.0}, {"index": 238, "quantile": 0.25, "value": 118500.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 1530.0}, {"index": 238, "quantile": 0.5, "value": 139400.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 1530.0}, {"index": 238, "quantile": 0.75, "value": 139400.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 1530.0}, {"index": 238, "quantile": 1.0, "value": 289100.0, "Latitude": 37.79, "Longitude": -122.21, "Population": 1530.0}, {"index": 239, "quantile": 0.0, "value": 71300.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 1410.0}, {"index": 239, "quantile": 0.25, "value": 115399.99999999999, "Latitude": 37.79, "Longitude": -122.2, "Population": 1410.0}, {"index": 239, "quantile": 0.5, "value": 115399.99999999999, "Latitude": 37.79, "Longitude": -122.2, "Population": 1410.0}, {"index": 239, "quantile": 0.75, "value": 134700.0, "Latitude": 37.79, "Longitude": -122.2, "Population": 1410.0}, {"index": 239, "quantile": 1.0, "value": 258599.99999999997, "Latitude": 37.79, "Longitude": -122.2, "Population": 1410.0}, {"index": 240, "quantile": 0.0, "value": 87500.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1390.0}, {"index": 240, "quantile": 0.25, "value": 137300.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1390.0}, {"index": 240, "quantile": 0.5, "value": 137300.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1390.0}, {"index": 240, "quantile": 0.75, "value": 137300.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1390.0}, {"index": 240, "quantile": 1.0, "value": 256300.00000000003, "Latitude": 37.78, "Longitude": -122.21, "Population": 1390.0}, {"index": 241, "quantile": 0.0, "value": 75000.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1065.0}, {"index": 241, "quantile": 0.25, "value": 119025.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1065.0}, {"index": 241, "quantile": 0.5, "value": 137000.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1065.0}, {"index": 241, "quantile": 0.75, "value": 137000.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1065.0}, {"index": 241, "quantile": 1.0, "value": 162500.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1065.0}, {"index": 242, "quantile": 0.0, "value": 50500.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 792.0}, {"index": 242, "quantile": 0.25, "value": 141125.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 792.0}, {"index": 242, "quantile": 0.5, "value": 142600.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 792.0}, {"index": 242, "quantile": 0.75, "value": 142600.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 792.0}, {"index": 242, "quantile": 1.0, "value": 190800.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 792.0}, {"index": 243, "quantile": 0.0, "value": 50500.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 779.0}, {"index": 243, "quantile": 0.25, "value": 137500.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 779.0}, {"index": 243, "quantile": 0.5, "value": 137500.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 779.0}, {"index": 243, "quantile": 0.75, "value": 137500.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 779.0}, {"index": 243, "quantile": 1.0, "value": 338900.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 779.0}, {"index": 244, "quantile": 0.0, "value": 69100.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 2269.0}, {"index": 244, "quantile": 0.25, "value": 111700.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 2269.0}, {"index": 244, "quantile": 0.5, "value": 111700.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 2269.0}, {"index": 244, "quantile": 0.75, "value": 111700.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 2269.0}, {"index": 244, "quantile": 1.0, "value": 289100.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 2269.0}, {"index": 245, "quantile": 0.0, "value": 74100.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1227.0}, {"index": 245, "quantile": 0.25, "value": 104200.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1227.0}, {"index": 245, "quantile": 0.5, "value": 126800.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1227.0}, {"index": 245, "quantile": 0.75, "value": 126800.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1227.0}, {"index": 245, "quantile": 1.0, "value": 237500.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1227.0}, {"index": 246, "quantile": 0.0, "value": 50500.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 753.0}, {"index": 246, "quantile": 0.25, "value": 111300.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 753.0}, {"index": 246, "quantile": 0.5, "value": 111300.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 753.0}, {"index": 246, "quantile": 0.75, "value": 122000.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 753.0}, {"index": 246, "quantile": 1.0, "value": 242499.99999999997, "Latitude": 37.78, "Longitude": -122.21, "Population": 753.0}, {"index": 247, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.77, "Longitude": -122.22, "Population": 547.0}, {"index": 247, "quantile": 0.25, "value": 114799.99999999999, "Latitude": 37.77, "Longitude": -122.22, "Population": 547.0}, {"index": 247, "quantile": 0.5, "value": 114799.99999999999, "Latitude": 37.77, "Longitude": -122.22, "Population": 547.0}, {"index": 247, "quantile": 0.75, "value": 114799.99999999999, "Latitude": 37.77, "Longitude": -122.22, "Population": 547.0}, {"index": 247, "quantile": 1.0, "value": 241699.99999999997, "Latitude": 37.77, "Longitude": -122.22, "Population": 547.0}, {"index": 248, "quantile": 0.0, "value": 37900.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 1807.0}, {"index": 248, "quantile": 0.25, "value": 102299.99999999999, "Latitude": 37.78, "Longitude": -122.22, "Population": 1807.0}, {"index": 248, "quantile": 0.5, "value": 102299.99999999999, "Latitude": 37.78, "Longitude": -122.22, "Population": 1807.0}, {"index": 248, "quantile": 0.75, "value": 105050.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 1807.0}, {"index": 248, "quantile": 1.0, "value": 225000.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 1807.0}, {"index": 249, "quantile": 0.0, "value": 72500.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 1700.0}, {"index": 249, "quantile": 0.25, "value": 102800.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 1700.0}, {"index": 249, "quantile": 0.5, "value": 112500.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 1700.0}, {"index": 249, "quantile": 0.75, "value": 151800.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 1700.0}, {"index": 249, "quantile": 1.0, "value": 270000.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 1700.0}, {"index": 250, "quantile": 0.0, "value": 72000.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 1543.0}, {"index": 250, "quantile": 0.25, "value": 119100.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 1543.0}, {"index": 250, "quantile": 0.5, "value": 119100.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 1543.0}, {"index": 250, "quantile": 0.75, "value": 119100.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 1543.0}, {"index": 250, "quantile": 1.0, "value": 371400.0, "Latitude": 37.78, "Longitude": -122.22, "Population": 1543.0}, {"index": 251, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.76, "Longitude": -122.21, "Population": 1085.0}, {"index": 251, "quantile": 0.25, "value": 89875.0, "Latitude": 37.76, "Longitude": -122.21, "Population": 1085.0}, {"index": 251, "quantile": 0.5, "value": 95200.0, "Latitude": 37.76, "Longitude": -122.21, "Population": 1085.0}, {"index": 251, "quantile": 0.75, "value": 105500.0, "Latitude": 37.76, "Longitude": -122.21, "Population": 1085.0}, {"index": 251, "quantile": 1.0, "value": 262500.0, "Latitude": 37.76, "Longitude": -122.21, "Population": 1085.0}, {"index": 252, "quantile": 0.0, "value": 90900.0, "Latitude": 37.77, "Longitude": -122.21, "Population": 353.0}, {"index": 252, "quantile": 0.25, "value": 144000.0, "Latitude": 37.77, "Longitude": -122.21, "Population": 353.0}, {"index": 252, "quantile": 0.5, "value": 183500.0, "Latitude": 37.77, "Longitude": -122.21, "Population": 353.0}, {"index": 252, "quantile": 0.75, "value": 217375.0, "Latitude": 37.77, "Longitude": -122.21, "Population": 353.0}, {"index": 252, "quantile": 1.0, "value": 390000.0, "Latitude": 37.77, "Longitude": -122.21, "Population": 353.0}, {"index": 253, "quantile": 0.0, "value": 72000.0, "Latitude": 37.77, "Longitude": -122.21, "Population": 473.0}, {"index": 253, "quantile": 0.25, "value": 88800.0, "Latitude": 37.77, "Longitude": -122.21, "Population": 473.0}, {"index": 253, "quantile": 0.5, "value": 88800.0, "Latitude": 37.77, "Longitude": -122.21, "Population": 473.0}, {"index": 253, "quantile": 0.75, "value": 108600.00000000001, "Latitude": 37.77, "Longitude": -122.21, "Population": 473.0}, {"index": 253, "quantile": 1.0, "value": 282100.0, "Latitude": 37.77, "Longitude": -122.21, "Population": 473.0}, {"index": 254, "quantile": 0.0, "value": 58600.0, "Latitude": 37.77, "Longitude": -122.2, "Population": 1621.0}, {"index": 254, "quantile": 0.25, "value": 95500.0, "Latitude": 37.77, "Longitude": -122.2, "Population": 1621.0}, {"index": 254, "quantile": 0.5, "value": 100899.99999999999, "Latitude": 37.77, "Longitude": -122.2, "Population": 1621.0}, {"index": 254, "quantile": 0.75, "value": 124700.00000000001, "Latitude": 37.77, "Longitude": -122.2, "Population": 1621.0}, {"index": 254, "quantile": 1.0, "value": 289100.0, "Latitude": 37.77, "Longitude": -122.2, "Population": 1621.0}, {"index": 255, "quantile": 0.0, "value": 71300.0, "Latitude": 37.77, "Longitude": -122.21, "Population": 1183.0}, {"index": 255, "quantile": 0.25, "value": 98700.0, "Latitude": 37.77, "Longitude": -122.21, "Population": 1183.0}, {"index": 255, "quantile": 0.5, "value": 98700.0, "Latitude": 37.77, "Longitude": -122.21, "Population": 1183.0}, {"index": 255, "quantile": 0.75, "value": 98700.0, "Latitude": 37.77, "Longitude": -122.21, "Population": 1183.0}, {"index": 255, "quantile": 1.0, "value": 193800.0, "Latitude": 37.77, "Longitude": -122.21, "Population": 1183.0}, {"index": 256, "quantile": 0.0, "value": 71300.0, "Latitude": 37.77, "Longitude": -122.21, "Population": 836.0}, {"index": 256, "quantile": 0.25, "value": 100000.0, "Latitude": 37.77, "Longitude": -122.21, "Population": 836.0}, {"index": 256, "quantile": 0.5, "value": 100000.0, "Latitude": 37.77, "Longitude": -122.21, "Population": 836.0}, {"index": 256, "quantile": 0.75, "value": 100499.99999999999, "Latitude": 37.77, "Longitude": -122.21, "Population": 836.0}, {"index": 256, "quantile": 1.0, "value": 242499.99999999997, "Latitude": 37.77, "Longitude": -122.21, "Population": 836.0}, {"index": 257, "quantile": 0.0, "value": 48300.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 900.0}, {"index": 257, "quantile": 0.25, "value": 84975.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 900.0}, {"index": 257, "quantile": 0.5, "value": 96200.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 900.0}, {"index": 257, "quantile": 0.75, "value": 129475.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 900.0}, {"index": 257, "quantile": 1.0, "value": 336800.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 900.0}, {"index": 258, "quantile": 0.0, "value": 63800.0, "Latitude": 37.77, "Longitude": -122.2, "Population": 1888.0}, {"index": 258, "quantile": 0.25, "value": 89500.0, "Latitude": 37.77, "Longitude": -122.2, "Population": 1888.0}, {"index": 258, "quantile": 0.5, "value": 106100.0, "Latitude": 37.77, "Longitude": -122.2, "Population": 1888.0}, {"index": 258, "quantile": 0.75, "value": 117000.0, "Latitude": 37.77, "Longitude": -122.2, "Population": 1888.0}, {"index": 258, "quantile": 1.0, "value": 162500.0, "Latitude": 37.77, "Longitude": -122.2, "Population": 1888.0}, {"index": 259, "quantile": 0.0, "value": 72500.0, "Latitude": 37.77, "Longitude": -122.2, "Population": 1024.0}, {"index": 259, "quantile": 0.25, "value": 94324.99999999999, "Latitude": 37.77, "Longitude": -122.2, "Population": 1024.0}, {"index": 259, "quantile": 0.5, "value": 102000.0, "Latitude": 37.77, "Longitude": -122.2, "Population": 1024.0}, {"index": 259, "quantile": 0.75, "value": 102000.0, "Latitude": 37.77, "Longitude": -122.2, "Population": 1024.0}, {"index": 259, "quantile": 1.0, "value": 137000.0, "Latitude": 37.77, "Longitude": -122.2, "Population": 1024.0}, {"index": 260, "quantile": 0.0, "value": 105100.0, "Latitude": 37.78, "Longitude": -122.2, "Population": 1225.0}, {"index": 260, "quantile": 0.25, "value": 158400.0, "Latitude": 37.78, "Longitude": -122.2, "Population": 1225.0}, {"index": 260, "quantile": 0.5, "value": 158400.0, "Latitude": 37.78, "Longitude": -122.2, "Population": 1225.0}, {"index": 260, "quantile": 0.75, "value": 158400.0, "Latitude": 37.78, "Longitude": -122.2, "Population": 1225.0}, {"index": 260, "quantile": 1.0, "value": 308500.0, "Latitude": 37.78, "Longitude": -122.2, "Population": 1225.0}, {"index": 261, "quantile": 0.0, "value": 106300.0, "Latitude": 37.78, "Longitude": -122.2, "Population": 1071.0}, {"index": 261, "quantile": 0.25, "value": 141225.0, "Latitude": 37.78, "Longitude": -122.2, "Population": 1071.0}, {"index": 261, "quantile": 0.5, "value": 145800.0, "Latitude": 37.78, "Longitude": -122.2, "Population": 1071.0}, {"index": 261, "quantile": 0.75, "value": 178400.0, "Latitude": 37.78, "Longitude": -122.2, "Population": 1071.0}, {"index": 261, "quantile": 1.0, "value": 320800.0, "Latitude": 37.78, "Longitude": -122.2, "Population": 1071.0}, {"index": 262, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 37.78, "Longitude": -122.2, "Population": 1128.0}, {"index": 262, "quantile": 0.25, "value": 129099.99999999999, "Latitude": 37.78, "Longitude": -122.2, "Population": 1128.0}, {"index": 262, "quantile": 0.5, "value": 129099.99999999999, "Latitude": 37.78, "Longitude": -122.2, "Population": 1128.0}, {"index": 262, "quantile": 0.75, "value": 129099.99999999999, "Latitude": 37.78, "Longitude": -122.2, "Population": 1128.0}, {"index": 262, "quantile": 1.0, "value": 372200.0, "Latitude": 37.78, "Longitude": -122.2, "Population": 1128.0}, {"index": 263, "quantile": 0.0, "value": 76400.0, "Latitude": 37.77, "Longitude": -122.2, "Population": 1537.0}, {"index": 263, "quantile": 0.25, "value": 121400.0, "Latitude": 37.77, "Longitude": -122.2, "Population": 1537.0}, {"index": 263, "quantile": 0.5, "value": 121400.0, "Latitude": 37.77, "Longitude": -122.2, "Population": 1537.0}, {"index": 263, "quantile": 0.75, "value": 121400.0, "Latitude": 37.77, "Longitude": -122.2, "Population": 1537.0}, {"index": 263, "quantile": 1.0, "value": 204800.0, "Latitude": 37.77, "Longitude": -122.2, "Population": 1537.0}, {"index": 264, "quantile": 0.0, "value": 79700.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1240.0}, {"index": 264, "quantile": 0.25, "value": 102800.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1240.0}, {"index": 264, "quantile": 0.5, "value": 102800.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1240.0}, {"index": 264, "quantile": 0.75, "value": 102800.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1240.0}, {"index": 264, "quantile": 1.0, "value": 177800.0, "Latitude": 37.78, "Longitude": -122.21, "Population": 1240.0}, {"index": 265, "quantile": 0.0, "value": 73500.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 469.0}, {"index": 265, "quantile": 0.25, "value": 146125.00000000003, "Latitude": 37.78, "Longitude": -122.19, "Population": 469.0}, {"index": 265, "quantile": 0.5, "value": 160000.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 469.0}, {"index": 265, "quantile": 0.75, "value": 160000.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 469.0}, {"index": 265, "quantile": 1.0, "value": 282100.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 469.0}, {"index": 266, "quantile": 0.0, "value": 73500.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1086.0}, {"index": 266, "quantile": 0.25, "value": 143900.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1086.0}, {"index": 266, "quantile": 0.5, "value": 143900.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1086.0}, {"index": 266, "quantile": 0.75, "value": 166400.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1086.0}, {"index": 266, "quantile": 1.0, "value": 306300.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1086.0}, {"index": 267, "quantile": 0.0, "value": 73500.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1144.0}, {"index": 267, "quantile": 0.25, "value": 151200.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1144.0}, {"index": 267, "quantile": 0.5, "value": 151200.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1144.0}, {"index": 267, "quantile": 0.75, "value": 158400.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1144.0}, {"index": 267, "quantile": 1.0, "value": 265300.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1144.0}, {"index": 268, "quantile": 0.0, "value": 67500.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 1109.0}, {"index": 268, "quantile": 0.25, "value": 164400.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 1109.0}, {"index": 268, "quantile": 0.5, "value": 164400.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 1109.0}, {"index": 268, "quantile": 0.75, "value": 231350.00000000003, "Latitude": 37.78, "Longitude": -122.19, "Population": 1109.0}, {"index": 268, "quantile": 1.0, "value": 434500.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 1109.0}, {"index": 269, "quantile": 0.0, "value": 100400.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 984.0}, {"index": 269, "quantile": 0.25, "value": 156500.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 984.0}, {"index": 269, "quantile": 0.5, "value": 156500.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 984.0}, {"index": 269, "quantile": 0.75, "value": 156500.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 984.0}, {"index": 269, "quantile": 1.0, "value": 331600.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 984.0}, {"index": 270, "quantile": 0.0, "value": 67300.0, "Latitude": 37.78, "Longitude": -122.18, "Population": 575.0}, {"index": 270, "quantile": 0.25, "value": 159350.0, "Latitude": 37.78, "Longitude": -122.18, "Population": 575.0}, {"index": 270, "quantile": 0.5, "value": 225000.0, "Latitude": 37.78, "Longitude": -122.18, "Population": 575.0}, {"index": 270, "quantile": 0.75, "value": 225000.0, "Latitude": 37.78, "Longitude": -122.18, "Population": 575.0}, {"index": 270, "quantile": 1.0, "value": 387500.0, "Latitude": 37.78, "Longitude": -122.18, "Population": 575.0}, {"index": 271, "quantile": 0.0, "value": 153800.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 496.0}, {"index": 271, "quantile": 0.25, "value": 174200.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 496.0}, {"index": 271, "quantile": 0.5, "value": 174200.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 496.0}, {"index": 271, "quantile": 0.75, "value": 268225.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 496.0}, {"index": 271, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.19, "Population": 496.0}, {"index": 272, "quantile": 0.0, "value": 70100.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 555.0}, {"index": 272, "quantile": 0.25, "value": 139825.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 555.0}, {"index": 272, "quantile": 0.5, "value": 158400.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 555.0}, {"index": 272, "quantile": 0.75, "value": 186075.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 555.0}, {"index": 272, "quantile": 1.0, "value": 395700.0, "Latitude": 37.78, "Longitude": -122.19, "Population": 555.0}, {"index": 273, "quantile": 0.0, "value": 144000.0, "Latitude": 37.78, "Longitude": -122.2, "Population": 869.0}, {"index": 273, "quantile": 0.25, "value": 163500.0, "Latitude": 37.78, "Longitude": -122.2, "Population": 869.0}, {"index": 273, "quantile": 0.5, "value": 163500.0, "Latitude": 37.78, "Longitude": -122.2, "Population": 869.0}, {"index": 273, "quantile": 0.75, "value": 190875.0, "Latitude": 37.78, "Longitude": -122.2, "Population": 869.0}, {"index": 273, "quantile": 1.0, "value": 351100.0, "Latitude": 37.78, "Longitude": -122.2, "Population": 869.0}, {"index": 274, "quantile": 0.0, "value": 174200.0, "Latitude": 37.79, "Longitude": -122.18, "Population": 236.0}, {"index": 274, "quantile": 0.25, "value": 252999.99999999997, "Latitude": 37.79, "Longitude": -122.18, "Population": 236.0}, {"index": 274, "quantile": 0.5, "value": 252999.99999999997, "Latitude": 37.79, "Longitude": -122.18, "Population": 236.0}, {"index": 274, "quantile": 0.75, "value": 274025.0, "Latitude": 37.79, "Longitude": -122.18, "Population": 236.0}, {"index": 274, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.18, "Population": 236.0}, {"index": 275, "quantile": 0.0, "value": 255900.00000000003, "Latitude": 37.79, "Longitude": -122.18, "Population": 626.0}, {"index": 275, "quantile": 0.25, "value": 365600.0, "Latitude": 37.79, "Longitude": -122.18, "Population": 626.0}, {"index": 275, "quantile": 0.5, "value": 464349.99999999994, "Latitude": 37.79, "Longitude": -122.18, "Population": 626.0}, {"index": 275, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.18, "Population": 626.0}, {"index": 275, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.18, "Population": 626.0}, {"index": 276, "quantile": 0.0, "value": 93800.0, "Latitude": 37.79, "Longitude": -122.18, "Population": 922.0}, {"index": 276, "quantile": 0.25, "value": 141800.00000000003, "Latitude": 37.79, "Longitude": -122.18, "Population": 922.0}, {"index": 276, "quantile": 0.5, "value": 164400.0, "Latitude": 37.79, "Longitude": -122.18, "Population": 922.0}, {"index": 276, "quantile": 0.75, "value": 208425.0, "Latitude": 37.79, "Longitude": -122.18, "Population": 922.0}, {"index": 276, "quantile": 1.0, "value": 434500.0, "Latitude": 37.79, "Longitude": -122.18, "Population": 922.0}, {"index": 277, "quantile": 0.0, "value": 90700.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 582.0}, {"index": 277, "quantile": 0.25, "value": 198100.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 582.0}, {"index": 277, "quantile": 0.5, "value": 198100.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 582.0}, {"index": 277, "quantile": 0.75, "value": 198100.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 582.0}, {"index": 277, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 37.79, "Longitude": -122.19, "Population": 582.0}, {"index": 278, "quantile": 0.0, "value": 73500.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 546.0}, {"index": 278, "quantile": 0.25, "value": 107575.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 546.0}, {"index": 278, "quantile": 0.5, "value": 138800.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 546.0}, {"index": 278, "quantile": 0.75, "value": 162900.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 546.0}, {"index": 278, "quantile": 1.0, "value": 234600.0, "Latitude": 37.79, "Longitude": -122.19, "Population": 546.0}, {"index": 279, "quantile": 0.0, "value": 174200.0, "Latitude": 37.81, "Longitude": -122.18, "Population": 620.0}, {"index": 279, "quantile": 0.25, "value": 336700.0, "Latitude": 37.81, "Longitude": -122.18, "Population": 620.0}, {"index": 279, "quantile": 0.5, "value": 336700.0, "Latitude": 37.81, "Longitude": -122.18, "Population": 620.0}, {"index": 279, "quantile": 0.75, "value": 336700.0, "Latitude": 37.81, "Longitude": -122.18, "Population": 620.0}, {"index": 279, "quantile": 1.0, "value": 421000.0, "Latitude": 37.81, "Longitude": -122.18, "Population": 620.0}, {"index": 280, "quantile": 0.0, "value": 169300.0, "Latitude": 37.8, "Longitude": -122.18, "Population": 442.0}, {"index": 280, "quantile": 0.25, "value": 335850.0, "Latitude": 37.8, "Longitude": -122.18, "Population": 442.0}, {"index": 280, "quantile": 0.5, "value": 369800.0, "Latitude": 37.8, "Longitude": -122.18, "Population": 442.0}, {"index": 280, "quantile": 0.75, "value": 453075.0, "Latitude": 37.8, "Longitude": -122.18, "Population": 442.0}, {"index": 280, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.18, "Population": 442.0}, {"index": 281, "quantile": 0.0, "value": 165200.0, "Latitude": 37.8, "Longitude": -122.18, "Population": 955.0}, {"index": 281, "quantile": 0.25, "value": 285800.0, "Latitude": 37.8, "Longitude": -122.18, "Population": 955.0}, {"index": 281, "quantile": 0.5, "value": 285800.0, "Latitude": 37.8, "Longitude": -122.18, "Population": 955.0}, {"index": 281, "quantile": 0.75, "value": 332600.0, "Latitude": 37.8, "Longitude": -122.18, "Population": 955.0}, {"index": 281, "quantile": 1.0, "value": 466899.99999999994, "Latitude": 37.8, "Longitude": -122.18, "Population": 955.0}, {"index": 282, "quantile": 0.0, "value": 270100.0, "Latitude": 37.77, "Longitude": -122.13, "Population": 916.0}, {"index": 282, "quantile": 0.25, "value": 293000.0, "Latitude": 37.77, "Longitude": -122.13, "Population": 916.0}, {"index": 282, "quantile": 0.5, "value": 293000.0, "Latitude": 37.77, "Longitude": -122.13, "Population": 916.0}, {"index": 282, "quantile": 0.75, "value": 312050.0, "Latitude": 37.77, "Longitude": -122.13, "Population": 916.0}, {"index": 282, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.13, "Population": 916.0}, {"index": 283, "quantile": 0.0, "value": 174200.0, "Latitude": 37.79, "Longitude": -122.16, "Population": 4985.0}, {"index": 283, "quantile": 0.25, "value": 361125.0, "Latitude": 37.79, "Longitude": -122.16, "Population": 4985.0}, {"index": 283, "quantile": 0.5, "value": 371000.0, "Latitude": 37.79, "Longitude": -122.16, "Population": 4985.0}, {"index": 283, "quantile": 0.75, "value": 371000.0, "Latitude": 37.79, "Longitude": -122.16, "Population": 4985.0}, {"index": 283, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.16, "Population": 4985.0}, {"index": 284, "quantile": 0.0, "value": 110400.00000000001, "Latitude": 37.78, "Longitude": -122.17, "Population": 651.0}, {"index": 284, "quantile": 0.25, "value": 157300.0, "Latitude": 37.78, "Longitude": -122.17, "Population": 651.0}, {"index": 284, "quantile": 0.5, "value": 157300.0, "Latitude": 37.78, "Longitude": -122.17, "Population": 651.0}, {"index": 284, "quantile": 0.75, "value": 158199.99999999997, "Latitude": 37.78, "Longitude": -122.17, "Population": 651.0}, {"index": 284, "quantile": 1.0, "value": 292500.0, "Latitude": 37.78, "Longitude": -122.17, "Population": 651.0}, {"index": 285, "quantile": 0.0, "value": 97300.0, "Latitude": 37.77, "Longitude": -122.17, "Population": 1704.0}, {"index": 285, "quantile": 0.25, "value": 135300.0, "Latitude": 37.77, "Longitude": -122.17, "Population": 1704.0}, {"index": 285, "quantile": 0.5, "value": 135300.0, "Latitude": 37.77, "Longitude": -122.17, "Population": 1704.0}, {"index": 285, "quantile": 0.75, "value": 139525.0, "Latitude": 37.77, "Longitude": -122.17, "Population": 1704.0}, {"index": 285, "quantile": 1.0, "value": 271000.0, "Latitude": 37.77, "Longitude": -122.17, "Population": 1704.0}, {"index": 286, "quantile": 0.0, "value": 90900.0, "Latitude": 37.78, "Longitude": -122.18, "Population": 1085.0}, {"index": 286, "quantile": 0.25, "value": 141900.0, "Latitude": 37.78, "Longitude": -122.18, "Population": 1085.0}, {"index": 286, "quantile": 0.5, "value": 151200.0, "Latitude": 37.78, "Longitude": -122.18, "Population": 1085.0}, {"index": 286, "quantile": 0.75, "value": 166300.0, "Latitude": 37.78, "Longitude": -122.18, "Population": 1085.0}, {"index": 286, "quantile": 1.0, "value": 381800.0, "Latitude": 37.78, "Longitude": -122.18, "Population": 1085.0}, {"index": 287, "quantile": 0.0, "value": 93800.0, "Latitude": 37.78, "Longitude": -122.18, "Population": 713.0}, {"index": 287, "quantile": 0.25, "value": 160700.0, "Latitude": 37.78, "Longitude": -122.18, "Population": 713.0}, {"index": 287, "quantile": 0.5, "value": 160700.0, "Latitude": 37.78, "Longitude": -122.18, "Population": 713.0}, {"index": 287, "quantile": 0.75, "value": 160700.0, "Latitude": 37.78, "Longitude": -122.18, "Population": 713.0}, {"index": 287, "quantile": 1.0, "value": 357400.0, "Latitude": 37.78, "Longitude": -122.18, "Population": 713.0}, {"index": 288, "quantile": 0.0, "value": 73500.0, "Latitude": 37.78, "Longitude": -122.17, "Population": 468.0}, {"index": 288, "quantile": 0.25, "value": 140600.0, "Latitude": 37.78, "Longitude": -122.17, "Population": 468.0}, {"index": 288, "quantile": 0.5, "value": 140600.0, "Latitude": 37.78, "Longitude": -122.17, "Population": 468.0}, {"index": 288, "quantile": 0.75, "value": 159700.0, "Latitude": 37.78, "Longitude": -122.17, "Population": 468.0}, {"index": 288, "quantile": 1.0, "value": 265300.0, "Latitude": 37.78, "Longitude": -122.17, "Population": 468.0}, {"index": 289, "quantile": 0.0, "value": 93800.0, "Latitude": 37.78, "Longitude": -122.17, "Population": 296.0}, {"index": 289, "quantile": 0.25, "value": 144000.0, "Latitude": 37.78, "Longitude": -122.17, "Population": 296.0}, {"index": 289, "quantile": 0.5, "value": 144000.0, "Latitude": 37.78, "Longitude": -122.17, "Population": 296.0}, {"index": 289, "quantile": 0.75, "value": 183275.0, "Latitude": 37.78, "Longitude": -122.17, "Population": 296.0}, {"index": 289, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 37.78, "Longitude": -122.17, "Population": 296.0}, {"index": 290, "quantile": 0.0, "value": 118000.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 570.0}, {"index": 290, "quantile": 0.25, "value": 161900.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 570.0}, {"index": 290, "quantile": 0.5, "value": 161900.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 570.0}, {"index": 290, "quantile": 0.75, "value": 209950.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 570.0}, {"index": 290, "quantile": 1.0, "value": 351000.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 570.0}, {"index": 291, "quantile": 0.0, "value": 121400.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 446.0}, {"index": 291, "quantile": 0.25, "value": 174600.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 446.0}, {"index": 291, "quantile": 0.5, "value": 247100.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 446.0}, {"index": 291, "quantile": 0.75, "value": 277100.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 446.0}, {"index": 291, "quantile": 1.0, "value": 479000.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 446.0}, {"index": 292, "quantile": 0.0, "value": 70100.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 968.0}, {"index": 292, "quantile": 0.25, "value": 143125.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 968.0}, {"index": 292, "quantile": 0.5, "value": 157300.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 968.0}, {"index": 292, "quantile": 0.75, "value": 192025.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 968.0}, {"index": 292, "quantile": 1.0, "value": 331600.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 968.0}, {"index": 293, "quantile": 0.0, "value": 94300.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 857.0}, {"index": 293, "quantile": 0.25, "value": 144825.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 857.0}, {"index": 293, "quantile": 0.5, "value": 145800.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 857.0}, {"index": 293, "quantile": 0.75, "value": 145800.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 857.0}, {"index": 293, "quantile": 1.0, "value": 233100.0, "Latitude": 37.77, "Longitude": -122.16, "Population": 857.0}, {"index": 294, "quantile": 0.0, "value": 94300.0, "Latitude": 37.77, "Longitude": -122.17, "Population": 912.0}, {"index": 294, "quantile": 0.25, "value": 141900.0, "Latitude": 37.77, "Longitude": -122.17, "Population": 912.0}, {"index": 294, "quantile": 0.5, "value": 141900.0, "Latitude": 37.77, "Longitude": -122.17, "Population": 912.0}, {"index": 294, "quantile": 0.75, "value": 144375.0, "Latitude": 37.77, "Longitude": -122.17, "Population": 912.0}, {"index": 294, "quantile": 1.0, "value": 260800.0, "Latitude": 37.77, "Longitude": -122.17, "Population": 912.0}, {"index": 295, "quantile": 0.0, "value": 63400.0, "Latitude": 37.77, "Longitude": -122.17, "Population": 1360.0}, {"index": 295, "quantile": 0.25, "value": 91200.0, "Latitude": 37.77, "Longitude": -122.17, "Population": 1360.0}, {"index": 295, "quantile": 0.5, "value": 95000.0, "Latitude": 37.77, "Longitude": -122.17, "Population": 1360.0}, {"index": 295, "quantile": 0.75, "value": 102000.0, "Latitude": 37.77, "Longitude": -122.17, "Population": 1360.0}, {"index": 295, "quantile": 1.0, "value": 140600.0, "Latitude": 37.77, "Longitude": -122.17, "Population": 1360.0}, {"index": 296, "quantile": 0.0, "value": 74100.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 1074.0}, {"index": 296, "quantile": 0.25, "value": 90600.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 1074.0}, {"index": 296, "quantile": 0.5, "value": 90600.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 1074.0}, {"index": 296, "quantile": 0.75, "value": 90600.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 1074.0}, {"index": 296, "quantile": 1.0, "value": 102000.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 1074.0}, {"index": 297, "quantile": 0.0, "value": 62000.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 965.0}, {"index": 297, "quantile": 0.25, "value": 103050.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 965.0}, {"index": 297, "quantile": 0.5, "value": 107900.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 965.0}, {"index": 297, "quantile": 0.75, "value": 107900.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 965.0}, {"index": 297, "quantile": 1.0, "value": 187500.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 965.0}, {"index": 298, "quantile": 0.0, "value": 59100.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 933.0}, {"index": 298, "quantile": 0.25, "value": 98200.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 933.0}, {"index": 298, "quantile": 0.5, "value": 107000.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 933.0}, {"index": 298, "quantile": 0.75, "value": 107000.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 933.0}, {"index": 298, "quantile": 1.0, "value": 125000.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 933.0}, {"index": 299, "quantile": 0.0, "value": 76400.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 987.0}, {"index": 299, "quantile": 0.25, "value": 98200.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 987.0}, {"index": 299, "quantile": 0.5, "value": 98200.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 987.0}, {"index": 299, "quantile": 0.75, "value": 103224.99999999999, "Latitude": 37.76, "Longitude": -122.17, "Population": 987.0}, {"index": 299, "quantile": 1.0, "value": 289100.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 987.0}, {"index": 300, "quantile": 0.0, "value": 75000.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 907.0}, {"index": 300, "quantile": 0.25, "value": 89500.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 907.0}, {"index": 300, "quantile": 0.5, "value": 89500.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 907.0}, {"index": 300, "quantile": 0.75, "value": 89625.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 907.0}, {"index": 300, "quantile": 1.0, "value": 187500.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 907.0}, {"index": 301, "quantile": 0.0, "value": 80000.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 447.0}, {"index": 301, "quantile": 0.25, "value": 93800.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 447.0}, {"index": 301, "quantile": 0.5, "value": 93800.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 447.0}, {"index": 301, "quantile": 0.75, "value": 151200.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 447.0}, {"index": 301, "quantile": 1.0, "value": 332400.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 447.0}, {"index": 302, "quantile": 0.0, "value": 84200.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 1299.0}, {"index": 302, "quantile": 0.25, "value": 96700.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 1299.0}, {"index": 302, "quantile": 0.5, "value": 96700.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 1299.0}, {"index": 302, "quantile": 0.75, "value": 96700.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 1299.0}, {"index": 302, "quantile": 1.0, "value": 159800.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 1299.0}, {"index": 303, "quantile": 0.0, "value": 58800.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 396.0}, {"index": 303, "quantile": 0.25, "value": 97500.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 396.0}, {"index": 303, "quantile": 0.5, "value": 97500.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 396.0}, {"index": 303, "quantile": 0.75, "value": 102000.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 396.0}, {"index": 303, "quantile": 1.0, "value": 420000.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 396.0}, {"index": 304, "quantile": 0.0, "value": 80000.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 877.0}, {"index": 304, "quantile": 0.25, "value": 97300.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 877.0}, {"index": 304, "quantile": 0.5, "value": 97300.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 877.0}, {"index": 304, "quantile": 0.75, "value": 107900.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 877.0}, {"index": 304, "quantile": 1.0, "value": 174100.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 877.0}, {"index": 305, "quantile": 0.0, "value": 84600.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 1111.0}, {"index": 305, "quantile": 0.25, "value": 91200.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 1111.0}, {"index": 305, "quantile": 0.5, "value": 91200.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 1111.0}, {"index": 305, "quantile": 0.75, "value": 91200.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 1111.0}, {"index": 305, "quantile": 1.0, "value": 137000.0, "Latitude": 37.76, "Longitude": -122.18, "Population": 1111.0}, {"index": 306, "quantile": 0.0, "value": 72000.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 790.0}, {"index": 306, "quantile": 0.25, "value": 91400.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 790.0}, {"index": 306, "quantile": 0.5, "value": 91400.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 790.0}, {"index": 306, "quantile": 0.75, "value": 91400.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 790.0}, {"index": 306, "quantile": 1.0, "value": 126800.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 790.0}, {"index": 307, "quantile": 0.0, "value": 67500.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 1479.0}, {"index": 307, "quantile": 0.25, "value": 96200.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 1479.0}, {"index": 307, "quantile": 0.5, "value": 96200.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 1479.0}, {"index": 307, "quantile": 0.75, "value": 97000.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 1479.0}, {"index": 307, "quantile": 1.0, "value": 250000.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 1479.0}, {"index": 308, "quantile": 0.0, "value": 87200.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 1173.0}, {"index": 308, "quantile": 0.25, "value": 143900.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 1173.0}, {"index": 308, "quantile": 0.5, "value": 156500.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 1173.0}, {"index": 308, "quantile": 0.75, "value": 183875.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 1173.0}, {"index": 308, "quantile": 1.0, "value": 282100.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 1173.0}, {"index": 309, "quantile": 0.0, "value": 67500.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 1029.0}, {"index": 309, "quantile": 0.25, "value": 100000.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 1029.0}, {"index": 309, "quantile": 0.5, "value": 100000.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 1029.0}, {"index": 309, "quantile": 0.75, "value": 100000.0, "Latitude": 37.77, "Longitude": -122.18, "Population": 1029.0}, {"index": 309, "quantile": 1.0, "value": 236100.00000000003, "Latitude": 37.77, "Longitude": -122.18, "Population": 1029.0}, {"index": 310, "quantile": 0.0, "value": 70100.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 1030.0}, {"index": 310, "quantile": 0.25, "value": 95500.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 1030.0}, {"index": 310, "quantile": 0.5, "value": 101400.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 1030.0}, {"index": 310, "quantile": 0.75, "value": 131524.99999999997, "Latitude": 37.76, "Longitude": -122.19, "Population": 1030.0}, {"index": 310, "quantile": 1.0, "value": 325900.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 1030.0}, {"index": 311, "quantile": 0.0, "value": 65000.0, "Latitude": 37.76, "Longitude": -122.2, "Population": 826.0}, {"index": 311, "quantile": 0.25, "value": 85700.0, "Latitude": 37.76, "Longitude": -122.2, "Population": 826.0}, {"index": 311, "quantile": 0.5, "value": 85700.0, "Latitude": 37.76, "Longitude": -122.2, "Population": 826.0}, {"index": 311, "quantile": 0.75, "value": 85700.0, "Latitude": 37.76, "Longitude": -122.2, "Population": 826.0}, {"index": 311, "quantile": 1.0, "value": 270000.0, "Latitude": 37.76, "Longitude": -122.2, "Population": 826.0}, {"index": 312, "quantile": 0.0, "value": 81800.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1412.0}, {"index": 312, "quantile": 0.25, "value": 89300.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1412.0}, {"index": 312, "quantile": 0.5, "value": 89300.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1412.0}, {"index": 312, "quantile": 0.75, "value": 90600.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1412.0}, {"index": 312, "quantile": 1.0, "value": 137500.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1412.0}, {"index": 313, "quantile": 0.0, "value": 76400.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1132.0}, {"index": 313, "quantile": 0.25, "value": 101400.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1132.0}, {"index": 313, "quantile": 0.5, "value": 101400.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1132.0}, {"index": 313, "quantile": 0.75, "value": 102800.0, "Latitude": 37.77, "Longitude": -122.19, "Population": 1132.0}, {"index": 313, "quantile": 1.0, "value": 231999.99999999997, "Latitude": 37.77, "Longitude": -122.19, "Population": 1132.0}, {"index": 314, "quantile": 0.0, "value": 67500.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 522.0}, {"index": 314, "quantile": 0.25, "value": 72500.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 522.0}, {"index": 314, "quantile": 0.5, "value": 72500.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 522.0}, {"index": 314, "quantile": 0.75, "value": 82575.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 522.0}, {"index": 314, "quantile": 1.0, "value": 113300.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 522.0}, {"index": 315, "quantile": 0.0, "value": 37900.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 630.0}, {"index": 315, "quantile": 0.25, "value": 74100.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 630.0}, {"index": 315, "quantile": 0.5, "value": 74100.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 630.0}, {"index": 315, "quantile": 0.75, "value": 94049.99999999999, "Latitude": 37.76, "Longitude": -122.19, "Population": 630.0}, {"index": 315, "quantile": 1.0, "value": 364300.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 630.0}, {"index": 316, "quantile": 0.0, "value": 65000.0, "Latitude": 37.75, "Longitude": -122.2, "Population": 531.0}, {"index": 316, "quantile": 0.25, "value": 80225.0, "Latitude": 37.75, "Longitude": -122.2, "Population": 531.0}, {"index": 316, "quantile": 0.5, "value": 87100.0, "Latitude": 37.75, "Longitude": -122.2, "Population": 531.0}, {"index": 316, "quantile": 0.75, "value": 102424.99999999999, "Latitude": 37.75, "Longitude": -122.2, "Population": 531.0}, {"index": 316, "quantile": 1.0, "value": 195800.0, "Latitude": 37.75, "Longitude": -122.2, "Population": 531.0}, {"index": 317, "quantile": 0.0, "value": 37900.0, "Latitude": 37.76, "Longitude": -122.2, "Population": 1925.0}, {"index": 317, "quantile": 0.25, "value": 84600.0, "Latitude": 37.76, "Longitude": -122.2, "Population": 1925.0}, {"index": 317, "quantile": 0.5, "value": 84600.0, "Latitude": 37.76, "Longitude": -122.2, "Population": 1925.0}, {"index": 317, "quantile": 0.75, "value": 88300.0, "Latitude": 37.76, "Longitude": -122.2, "Population": 1925.0}, {"index": 317, "quantile": 1.0, "value": 237500.0, "Latitude": 37.76, "Longitude": -122.2, "Population": 1925.0}, {"index": 318, "quantile": 0.0, "value": 43000.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 1144.0}, {"index": 318, "quantile": 0.25, "value": 81800.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 1144.0}, {"index": 318, "quantile": 0.5, "value": 81800.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 1144.0}, {"index": 318, "quantile": 0.75, "value": 82050.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 1144.0}, {"index": 318, "quantile": 1.0, "value": 203399.99999999997, "Latitude": 37.76, "Longitude": -122.19, "Population": 1144.0}, {"index": 319, "quantile": 0.0, "value": 75800.0, "Latitude": 37.75, "Longitude": -122.19, "Population": 1481.0}, {"index": 319, "quantile": 0.25, "value": 81400.0, "Latitude": 37.75, "Longitude": -122.19, "Population": 1481.0}, {"index": 319, "quantile": 0.5, "value": 81400.0, "Latitude": 37.75, "Longitude": -122.19, "Population": 1481.0}, {"index": 319, "quantile": 0.75, "value": 84600.0, "Latitude": 37.75, "Longitude": -122.19, "Population": 1481.0}, {"index": 319, "quantile": 1.0, "value": 187500.0, "Latitude": 37.75, "Longitude": -122.19, "Population": 1481.0}, {"index": 320, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 37.75, "Longitude": -122.19, "Population": 435.0}, {"index": 320, "quantile": 0.25, "value": 84700.0, "Latitude": 37.75, "Longitude": -122.19, "Population": 435.0}, {"index": 320, "quantile": 0.5, "value": 97500.0, "Latitude": 37.75, "Longitude": -122.19, "Population": 435.0}, {"index": 320, "quantile": 0.75, "value": 109325.0, "Latitude": 37.75, "Longitude": -122.19, "Population": 435.0}, {"index": 320, "quantile": 1.0, "value": 187500.0, "Latitude": 37.75, "Longitude": -122.19, "Population": 435.0}, {"index": 321, "quantile": 0.0, "value": 70700.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 984.0}, {"index": 321, "quantile": 0.25, "value": 81700.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 984.0}, {"index": 321, "quantile": 0.5, "value": 86500.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 984.0}, {"index": 321, "quantile": 0.75, "value": 102200.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 984.0}, {"index": 321, "quantile": 1.0, "value": 270000.0, "Latitude": 37.76, "Longitude": -122.19, "Population": 984.0}, {"index": 322, "quantile": 0.0, "value": 68800.0, "Latitude": 37.74, "Longitude": -122.19, "Population": 567.0}, {"index": 322, "quantile": 0.25, "value": 78525.0, "Latitude": 37.74, "Longitude": -122.19, "Population": 567.0}, {"index": 322, "quantile": 0.5, "value": 87100.0, "Latitude": 37.74, "Longitude": -122.19, "Population": 567.0}, {"index": 322, "quantile": 0.75, "value": 87100.0, "Latitude": 37.74, "Longitude": -122.19, "Population": 567.0}, {"index": 322, "quantile": 1.0, "value": 155500.0, "Latitude": 37.74, "Longitude": -122.19, "Population": 567.0}, {"index": 323, "quantile": 0.0, "value": 72500.0, "Latitude": 37.74, "Longitude": -122.18, "Population": 380.0}, {"index": 323, "quantile": 0.25, "value": 83500.0, "Latitude": 37.74, "Longitude": -122.18, "Population": 380.0}, {"index": 323, "quantile": 0.5, "value": 83500.0, "Latitude": 37.74, "Longitude": -122.18, "Population": 380.0}, {"index": 323, "quantile": 0.75, "value": 84725.0, "Latitude": 37.74, "Longitude": -122.18, "Population": 380.0}, {"index": 323, "quantile": 1.0, "value": 333300.0, "Latitude": 37.74, "Longitude": -122.18, "Population": 380.0}, {"index": 324, "quantile": 0.0, "value": 76400.0, "Latitude": 37.73, "Longitude": -122.19, "Population": 825.0}, {"index": 324, "quantile": 0.25, "value": 79700.0, "Latitude": 37.73, "Longitude": -122.19, "Population": 825.0}, {"index": 324, "quantile": 0.5, "value": 79700.0, "Latitude": 37.73, "Longitude": -122.19, "Population": 825.0}, {"index": 324, "quantile": 0.75, "value": 86500.0, "Latitude": 37.73, "Longitude": -122.19, "Population": 825.0}, {"index": 324, "quantile": 1.0, "value": 195100.0, "Latitude": 37.73, "Longitude": -122.19, "Population": 825.0}, {"index": 325, "quantile": 0.0, "value": 73500.0, "Latitude": 37.74, "Longitude": -122.19, "Population": 417.0}, {"index": 325, "quantile": 0.25, "value": 101550.0, "Latitude": 37.74, "Longitude": -122.19, "Population": 417.0}, {"index": 325, "quantile": 0.5, "value": 107500.0, "Latitude": 37.74, "Longitude": -122.19, "Population": 417.0}, {"index": 325, "quantile": 0.75, "value": 122700.00000000001, "Latitude": 37.74, "Longitude": -122.19, "Population": 417.0}, {"index": 325, "quantile": 1.0, "value": 241000.0, "Latitude": 37.74, "Longitude": -122.19, "Population": 417.0}, {"index": 326, "quantile": 0.0, "value": 72500.0, "Latitude": 37.73, "Longitude": -122.19, "Population": 801.0}, {"index": 326, "quantile": 0.25, "value": 84700.0, "Latitude": 37.73, "Longitude": -122.19, "Population": 801.0}, {"index": 326, "quantile": 0.5, "value": 84700.0, "Latitude": 37.73, "Longitude": -122.19, "Population": 801.0}, {"index": 326, "quantile": 0.75, "value": 91675.0, "Latitude": 37.73, "Longitude": -122.19, "Population": 801.0}, {"index": 326, "quantile": 1.0, "value": 262500.0, "Latitude": 37.73, "Longitude": -122.19, "Population": 801.0}, {"index": 327, "quantile": 0.0, "value": 76400.0, "Latitude": 37.73, "Longitude": -122.18, "Population": 646.0}, {"index": 327, "quantile": 0.25, "value": 80000.0, "Latitude": 37.73, "Longitude": -122.18, "Population": 646.0}, {"index": 327, "quantile": 0.5, "value": 80000.0, "Latitude": 37.73, "Longitude": -122.18, "Population": 646.0}, {"index": 327, "quantile": 0.75, "value": 102499.99999999999, "Latitude": 37.73, "Longitude": -122.18, "Population": 646.0}, {"index": 327, "quantile": 1.0, "value": 270300.0, "Latitude": 37.73, "Longitude": -122.18, "Population": 646.0}, {"index": 328, "quantile": 0.0, "value": 76400.0, "Latitude": 37.73, "Longitude": -122.18, "Population": 855.0}, {"index": 328, "quantile": 0.25, "value": 76400.0, "Latitude": 37.73, "Longitude": -122.18, "Population": 855.0}, {"index": 328, "quantile": 0.5, "value": 76400.0, "Latitude": 37.73, "Longitude": -122.18, "Population": 855.0}, {"index": 328, "quantile": 0.75, "value": 90050.00000000001, "Latitude": 37.73, "Longitude": -122.18, "Population": 855.0}, {"index": 328, "quantile": 1.0, "value": 193100.0, "Latitude": 37.73, "Longitude": -122.18, "Population": 855.0}, {"index": 329, "quantile": 0.0, "value": 72500.0, "Latitude": 37.73, "Longitude": -122.18, "Population": 435.0}, {"index": 329, "quantile": 0.25, "value": 79700.0, "Latitude": 37.73, "Longitude": -122.18, "Population": 435.0}, {"index": 329, "quantile": 0.5, "value": 79700.0, "Latitude": 37.73, "Longitude": -122.18, "Population": 435.0}, {"index": 329, "quantile": 0.75, "value": 84949.99999999999, "Latitude": 37.73, "Longitude": -122.18, "Population": 435.0}, {"index": 329, "quantile": 1.0, "value": 270000.0, "Latitude": 37.73, "Longitude": -122.18, "Population": 435.0}, {"index": 330, "quantile": 0.0, "value": 76400.0, "Latitude": 37.73, "Longitude": -122.18, "Population": 2736.0}, {"index": 330, "quantile": 0.25, "value": 82400.0, "Latitude": 37.73, "Longitude": -122.18, "Population": 2736.0}, {"index": 330, "quantile": 0.5, "value": 82400.0, "Latitude": 37.73, "Longitude": -122.18, "Population": 2736.0}, {"index": 330, "quantile": 0.75, "value": 84600.0, "Latitude": 37.73, "Longitude": -122.18, "Population": 2736.0}, {"index": 330, "quantile": 1.0, "value": 211800.0, "Latitude": 37.73, "Longitude": -122.18, "Population": 2736.0}, {"index": 331, "quantile": 0.0, "value": 71300.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 1481.0}, {"index": 331, "quantile": 0.25, "value": 90600.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 1481.0}, {"index": 331, "quantile": 0.5, "value": 119249.99999999999, "Latitude": 37.74, "Longitude": -122.17, "Population": 1481.0}, {"index": 331, "quantile": 0.75, "value": 194175.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 1481.0}, {"index": 331, "quantile": 1.0, "value": 371400.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 1481.0}, {"index": 332, "quantile": 0.0, "value": 37900.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 327.0}, {"index": 332, "quantile": 0.25, "value": 97200.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 327.0}, {"index": 332, "quantile": 0.5, "value": 97200.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 327.0}, {"index": 332, "quantile": 0.75, "value": 134250.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 327.0}, {"index": 332, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.17, "Population": 327.0}, {"index": 333, "quantile": 0.0, "value": 74100.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 494.0}, {"index": 333, "quantile": 0.25, "value": 101600.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 494.0}, {"index": 333, "quantile": 0.5, "value": 101600.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 494.0}, {"index": 333, "quantile": 0.75, "value": 101975.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 494.0}, {"index": 333, "quantile": 1.0, "value": 179900.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 494.0}, {"index": 334, "quantile": 0.0, "value": 76400.0, "Latitude": 37.73, "Longitude": -122.17, "Population": 1231.0}, {"index": 334, "quantile": 0.25, "value": 86500.0, "Latitude": 37.73, "Longitude": -122.17, "Population": 1231.0}, {"index": 334, "quantile": 0.5, "value": 86500.0, "Latitude": 37.73, "Longitude": -122.17, "Population": 1231.0}, {"index": 334, "quantile": 0.75, "value": 86500.0, "Latitude": 37.73, "Longitude": -122.17, "Population": 1231.0}, {"index": 334, "quantile": 1.0, "value": 195100.0, "Latitude": 37.73, "Longitude": -122.17, "Population": 1231.0}, {"index": 335, "quantile": 0.0, "value": 74100.0, "Latitude": 37.74, "Longitude": -122.18, "Population": 323.0}, {"index": 335, "quantile": 0.25, "value": 84600.0, "Latitude": 37.74, "Longitude": -122.18, "Population": 323.0}, {"index": 335, "quantile": 0.5, "value": 92100.0, "Latitude": 37.74, "Longitude": -122.18, "Population": 323.0}, {"index": 335, "quantile": 0.75, "value": 105125.0, "Latitude": 37.74, "Longitude": -122.18, "Population": 323.0}, {"index": 335, "quantile": 1.0, "value": 155500.0, "Latitude": 37.74, "Longitude": -122.18, "Population": 323.0}, {"index": 336, "quantile": 0.0, "value": 76400.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 749.0}, {"index": 336, "quantile": 0.25, "value": 107600.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 749.0}, {"index": 336, "quantile": 0.5, "value": 107600.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 749.0}, {"index": 336, "quantile": 0.75, "value": 107600.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 749.0}, {"index": 336, "quantile": 1.0, "value": 270300.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 749.0}, {"index": 337, "quantile": 0.0, "value": 65000.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 693.0}, {"index": 337, "quantile": 0.25, "value": 84200.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 693.0}, {"index": 337, "quantile": 0.5, "value": 84200.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 693.0}, {"index": 337, "quantile": 0.75, "value": 84600.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 693.0}, {"index": 337, "quantile": 1.0, "value": 164800.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 693.0}, {"index": 338, "quantile": 0.0, "value": 63400.0, "Latitude": 37.74, "Longitude": -122.18, "Population": 1339.0}, {"index": 338, "quantile": 0.25, "value": 88900.0, "Latitude": 37.74, "Longitude": -122.18, "Population": 1339.0}, {"index": 338, "quantile": 0.5, "value": 88900.0, "Latitude": 37.74, "Longitude": -122.18, "Population": 1339.0}, {"index": 338, "quantile": 0.75, "value": 89700.0, "Latitude": 37.74, "Longitude": -122.18, "Population": 1339.0}, {"index": 338, "quantile": 1.0, "value": 120000.0, "Latitude": 37.74, "Longitude": -122.18, "Population": 1339.0}, {"index": 339, "quantile": 0.0, "value": 73500.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 282.0}, {"index": 339, "quantile": 0.25, "value": 126499.99999999999, "Latitude": 37.75, "Longitude": -122.18, "Population": 282.0}, {"index": 339, "quantile": 0.5, "value": 165500.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 282.0}, {"index": 339, "quantile": 0.75, "value": 223100.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 282.0}, {"index": 339, "quantile": 1.0, "value": 350000.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 282.0}, {"index": 340, "quantile": 0.0, "value": 67500.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 621.0}, {"index": 340, "quantile": 0.25, "value": 84600.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 621.0}, {"index": 340, "quantile": 0.5, "value": 85100.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 621.0}, {"index": 340, "quantile": 0.75, "value": 90450.00000000001, "Latitude": 37.75, "Longitude": -122.18, "Population": 621.0}, {"index": 340, "quantile": 1.0, "value": 113300.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 621.0}, {"index": 341, "quantile": 0.0, "value": 32500.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 732.0}, {"index": 341, "quantile": 0.25, "value": 85100.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 732.0}, {"index": 341, "quantile": 0.5, "value": 85100.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 732.0}, {"index": 341, "quantile": 0.75, "value": 85100.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 732.0}, {"index": 341, "quantile": 1.0, "value": 171400.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 732.0}, {"index": 342, "quantile": 0.0, "value": 71300.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 901.0}, {"index": 342, "quantile": 0.25, "value": 86500.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 901.0}, {"index": 342, "quantile": 0.5, "value": 112500.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 901.0}, {"index": 342, "quantile": 0.75, "value": 137500.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 901.0}, {"index": 342, "quantile": 1.0, "value": 270000.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 901.0}, {"index": 343, "quantile": 0.0, "value": 72500.0, "Latitude": 37.75, "Longitude": -122.19, "Population": 482.0}, {"index": 343, "quantile": 0.25, "value": 82800.0, "Latitude": 37.75, "Longitude": -122.19, "Population": 482.0}, {"index": 343, "quantile": 0.5, "value": 82800.0, "Latitude": 37.75, "Longitude": -122.19, "Population": 482.0}, {"index": 343, "quantile": 0.75, "value": 84600.0, "Latitude": 37.75, "Longitude": -122.19, "Population": 482.0}, {"index": 343, "quantile": 1.0, "value": 155500.0, "Latitude": 37.75, "Longitude": -122.19, "Population": 482.0}, {"index": 344, "quantile": 0.0, "value": 79700.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 652.0}, {"index": 344, "quantile": 0.25, "value": 84600.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 652.0}, {"index": 344, "quantile": 0.5, "value": 84600.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 652.0}, {"index": 344, "quantile": 0.75, "value": 84600.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 652.0}, {"index": 344, "quantile": 1.0, "value": 132500.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 652.0}, {"index": 345, "quantile": 0.0, "value": 68800.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 651.0}, {"index": 345, "quantile": 0.25, "value": 78525.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 651.0}, {"index": 345, "quantile": 0.5, "value": 84600.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 651.0}, {"index": 345, "quantile": 0.75, "value": 89050.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 651.0}, {"index": 345, "quantile": 1.0, "value": 162500.0, "Latitude": 37.75, "Longitude": -122.18, "Population": 651.0}, {"index": 346, "quantile": 0.0, "value": 72000.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 999.0}, {"index": 346, "quantile": 0.25, "value": 95500.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 999.0}, {"index": 346, "quantile": 0.5, "value": 101600.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 999.0}, {"index": 346, "quantile": 0.75, "value": 118774.99999999999, "Latitude": 37.76, "Longitude": -122.17, "Population": 999.0}, {"index": 346, "quantile": 1.0, "value": 206300.00000000003, "Latitude": 37.76, "Longitude": -122.17, "Population": 999.0}, {"index": 347, "quantile": 0.0, "value": 84600.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 907.0}, {"index": 347, "quantile": 0.25, "value": 98300.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 907.0}, {"index": 347, "quantile": 0.5, "value": 98300.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 907.0}, {"index": 347, "quantile": 0.75, "value": 98300.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 907.0}, {"index": 347, "quantile": 1.0, "value": 103099.99999999999, "Latitude": 37.75, "Longitude": -122.17, "Population": 907.0}, {"index": 348, "quantile": 0.0, "value": 76400.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 828.0}, {"index": 348, "quantile": 0.25, "value": 92300.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 828.0}, {"index": 348, "quantile": 0.5, "value": 92300.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 828.0}, {"index": 348, "quantile": 0.75, "value": 92300.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 828.0}, {"index": 348, "quantile": 1.0, "value": 282100.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 828.0}, {"index": 349, "quantile": 0.0, "value": 78800.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 763.0}, {"index": 349, "quantile": 0.25, "value": 88800.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 763.0}, {"index": 349, "quantile": 0.5, "value": 88800.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 763.0}, {"index": 349, "quantile": 0.75, "value": 91400.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 763.0}, {"index": 349, "quantile": 1.0, "value": 262500.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 763.0}, {"index": 350, "quantile": 0.0, "value": 72500.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 935.0}, {"index": 350, "quantile": 0.25, "value": 90000.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 935.0}, {"index": 350, "quantile": 0.5, "value": 90000.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 935.0}, {"index": 350, "quantile": 0.75, "value": 94800.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 935.0}, {"index": 350, "quantile": 1.0, "value": 187500.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 935.0}, {"index": 351, "quantile": 0.0, "value": 76400.0, "Latitude": 37.76, "Longitude": -122.16, "Population": 1437.0}, {"index": 351, "quantile": 0.25, "value": 95500.0, "Latitude": 37.76, "Longitude": -122.16, "Population": 1437.0}, {"index": 351, "quantile": 0.5, "value": 95500.0, "Latitude": 37.76, "Longitude": -122.16, "Population": 1437.0}, {"index": 351, "quantile": 0.75, "value": 99125.0, "Latitude": 37.76, "Longitude": -122.16, "Population": 1437.0}, {"index": 351, "quantile": 1.0, "value": 160000.0, "Latitude": 37.76, "Longitude": -122.16, "Population": 1437.0}, {"index": 352, "quantile": 0.0, "value": 72500.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 1516.0}, {"index": 352, "quantile": 0.25, "value": 91700.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 1516.0}, {"index": 352, "quantile": 0.5, "value": 91700.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 1516.0}, {"index": 352, "quantile": 0.75, "value": 91700.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 1516.0}, {"index": 352, "quantile": 1.0, "value": 155500.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 1516.0}, {"index": 353, "quantile": 0.0, "value": 100400.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 597.0}, {"index": 353, "quantile": 0.25, "value": 100400.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 597.0}, {"index": 353, "quantile": 0.5, "value": 100400.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 597.0}, {"index": 353, "quantile": 0.75, "value": 113875.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 597.0}, {"index": 353, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 37.75, "Longitude": -122.17, "Population": 597.0}, {"index": 354, "quantile": 0.0, "value": 84200.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 949.0}, {"index": 354, "quantile": 0.25, "value": 94800.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 949.0}, {"index": 354, "quantile": 0.5, "value": 94800.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 949.0}, {"index": 354, "quantile": 0.75, "value": 94800.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 949.0}, {"index": 354, "quantile": 1.0, "value": 159800.0, "Latitude": 37.76, "Longitude": -122.17, "Population": 949.0}, {"index": 355, "quantile": 0.0, "value": 85600.0, "Latitude": 37.76, "Longitude": -122.16, "Population": 881.0}, {"index": 355, "quantile": 0.25, "value": 173275.0, "Latitude": 37.76, "Longitude": -122.16, "Population": 881.0}, {"index": 355, "quantile": 0.5, "value": 215000.00000000003, "Latitude": 37.76, "Longitude": -122.16, "Population": 881.0}, {"index": 355, "quantile": 0.75, "value": 281675.0, "Latitude": 37.76, "Longitude": -122.16, "Population": 881.0}, {"index": 355, "quantile": 1.0, "value": 450800.0, "Latitude": 37.76, "Longitude": -122.16, "Population": 881.0}, {"index": 356, "quantile": 0.0, "value": 76400.0, "Latitude": 37.76, "Longitude": -122.16, "Population": 1438.0}, {"index": 356, "quantile": 0.25, "value": 107675.00000000001, "Latitude": 37.76, "Longitude": -122.16, "Population": 1438.0}, {"index": 356, "quantile": 0.5, "value": 155500.0, "Latitude": 37.76, "Longitude": -122.16, "Population": 1438.0}, {"index": 356, "quantile": 0.75, "value": 155500.0, "Latitude": 37.76, "Longitude": -122.16, "Population": 1438.0}, {"index": 356, "quantile": 1.0, "value": 183100.0, "Latitude": 37.76, "Longitude": -122.16, "Population": 1438.0}, {"index": 357, "quantile": 0.0, "value": 196900.0, "Latitude": 37.76, "Longitude": -122.15, "Population": 763.0}, {"index": 357, "quantile": 0.25, "value": 196900.0, "Latitude": 37.76, "Longitude": -122.15, "Population": 763.0}, {"index": 357, "quantile": 0.5, "value": 196900.0, "Latitude": 37.76, "Longitude": -122.15, "Population": 763.0}, {"index": 357, "quantile": 0.75, "value": 294325.0, "Latitude": 37.76, "Longitude": -122.15, "Population": 763.0}, {"index": 357, "quantile": 1.0, "value": 488500.0, "Latitude": 37.76, "Longitude": -122.15, "Population": 763.0}, {"index": 358, "quantile": 0.0, "value": 142500.0, "Latitude": 37.77, "Longitude": -122.14, "Population": 1297.0}, {"index": 358, "quantile": 0.25, "value": 223625.0, "Latitude": 37.77, "Longitude": -122.14, "Population": 1297.0}, {"index": 358, "quantile": 0.5, "value": 279100.0, "Latitude": 37.77, "Longitude": -122.14, "Population": 1297.0}, {"index": 358, "quantile": 0.75, "value": 279100.0, "Latitude": 37.77, "Longitude": -122.14, "Population": 1297.0}, {"index": 358, "quantile": 1.0, "value": 387500.0, "Latitude": 37.77, "Longitude": -122.14, "Population": 1297.0}, {"index": 359, "quantile": 0.0, "value": 143300.0, "Latitude": 37.76, "Longitude": -122.14, "Population": 545.0}, {"index": 359, "quantile": 0.25, "value": 252800.0, "Latitude": 37.76, "Longitude": -122.14, "Population": 545.0}, {"index": 359, "quantile": 0.5, "value": 252800.0, "Latitude": 37.76, "Longitude": -122.14, "Population": 545.0}, {"index": 359, "quantile": 0.75, "value": 286500.0, "Latitude": 37.76, "Longitude": -122.14, "Population": 545.0}, {"index": 359, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.14, "Population": 545.0}, {"index": 360, "quantile": 0.0, "value": 175200.0, "Latitude": 37.76, "Longitude": -122.13, "Population": 1222.0}, {"index": 360, "quantile": 0.25, "value": 275400.0, "Latitude": 37.76, "Longitude": -122.13, "Population": 1222.0}, {"index": 360, "quantile": 0.5, "value": 275400.0, "Latitude": 37.76, "Longitude": -122.13, "Population": 1222.0}, {"index": 360, "quantile": 0.75, "value": 287475.0, "Latitude": 37.76, "Longitude": -122.13, "Population": 1222.0}, {"index": 360, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.13, "Population": 1222.0}, {"index": 361, "quantile": 0.0, "value": 127200.0, "Latitude": 37.75, "Longitude": -122.12, "Population": 808.0}, {"index": 361, "quantile": 0.25, "value": 250000.0, "Latitude": 37.75, "Longitude": -122.12, "Population": 808.0}, {"index": 361, "quantile": 0.5, "value": 250000.0, "Latitude": 37.75, "Longitude": -122.12, "Population": 808.0}, {"index": 361, "quantile": 0.75, "value": 334175.0, "Latitude": 37.75, "Longitude": -122.12, "Population": 808.0}, {"index": 361, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.12, "Population": 808.0}, {"index": 362, "quantile": 0.0, "value": 250000.0, "Latitude": 37.75, "Longitude": -122.12, "Population": 329.0}, {"index": 362, "quantile": 0.25, "value": 329800.0, "Latitude": 37.75, "Longitude": -122.12, "Population": 329.0}, {"index": 362, "quantile": 0.5, "value": 329800.0, "Latitude": 37.75, "Longitude": -122.12, "Population": 329.0}, {"index": 362, "quantile": 0.75, "value": 369850.0, "Latitude": 37.75, "Longitude": -122.12, "Population": 329.0}, {"index": 362, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.12, "Population": 329.0}, {"index": 363, "quantile": 0.0, "value": 94300.0, "Latitude": 37.75, "Longitude": -122.14, "Population": 299.0}, {"index": 363, "quantile": 0.25, "value": 195500.0, "Latitude": 37.75, "Longitude": -122.14, "Population": 299.0}, {"index": 363, "quantile": 0.5, "value": 195500.0, "Latitude": 37.75, "Longitude": -122.14, "Population": 299.0}, {"index": 363, "quantile": 0.75, "value": 195500.0, "Latitude": 37.75, "Longitude": -122.14, "Population": 299.0}, {"index": 363, "quantile": 1.0, "value": 322400.0, "Latitude": 37.75, "Longitude": -122.14, "Population": 299.0}, {"index": 364, "quantile": 0.0, "value": 250000.0, "Latitude": 37.75, "Longitude": -122.14, "Population": 579.0}, {"index": 364, "quantile": 0.25, "value": 255900.00000000003, "Latitude": 37.75, "Longitude": -122.14, "Population": 579.0}, {"index": 364, "quantile": 0.5, "value": 255900.00000000003, "Latitude": 37.75, "Longitude": -122.14, "Population": 579.0}, {"index": 364, "quantile": 0.75, "value": 383949.99999999994, "Latitude": 37.75, "Longitude": -122.14, "Population": 579.0}, {"index": 364, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.14, "Population": 579.0}, {"index": 365, "quantile": 0.0, "value": 142500.0, "Latitude": 37.75, "Longitude": -122.13, "Population": 137.0}, {"index": 365, "quantile": 0.25, "value": 256625.0, "Latitude": 37.75, "Longitude": -122.13, "Population": 137.0}, {"index": 365, "quantile": 0.5, "value": 311100.0, "Latitude": 37.75, "Longitude": -122.13, "Population": 137.0}, {"index": 365, "quantile": 0.75, "value": 311100.0, "Latitude": 37.75, "Longitude": -122.13, "Population": 137.0}, {"index": 365, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.13, "Population": 137.0}, {"index": 366, "quantile": 0.0, "value": 124900.00000000001, "Latitude": 37.75, "Longitude": -122.13, "Population": 229.0}, {"index": 366, "quantile": 0.25, "value": 257125.0, "Latitude": 37.75, "Longitude": -122.13, "Population": 229.0}, {"index": 366, "quantile": 0.5, "value": 316700.0, "Latitude": 37.75, "Longitude": -122.13, "Population": 229.0}, {"index": 366, "quantile": 0.75, "value": 359150.0, "Latitude": 37.75, "Longitude": -122.13, "Population": 229.0}, {"index": 366, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.13, "Population": 229.0}, {"index": 367, "quantile": 0.0, "value": 150900.0, "Latitude": 37.74, "Longitude": -122.13, "Population": 1476.0}, {"index": 367, "quantile": 0.25, "value": 248900.0, "Latitude": 37.74, "Longitude": -122.13, "Population": 1476.0}, {"index": 367, "quantile": 0.5, "value": 248900.0, "Latitude": 37.74, "Longitude": -122.13, "Population": 1476.0}, {"index": 367, "quantile": 0.75, "value": 275000.0, "Latitude": 37.74, "Longitude": -122.13, "Population": 1476.0}, {"index": 367, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.13, "Population": 1476.0}, {"index": 368, "quantile": 0.0, "value": 80000.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 429.0}, {"index": 368, "quantile": 0.25, "value": 141875.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 429.0}, {"index": 368, "quantile": 0.5, "value": 142900.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 429.0}, {"index": 368, "quantile": 0.75, "value": 142900.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 429.0}, {"index": 368, "quantile": 1.0, "value": 292500.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 429.0}, {"index": 369, "quantile": 0.0, "value": 94300.0, "Latitude": 37.75, "Longitude": -122.15, "Population": 849.0}, {"index": 369, "quantile": 0.25, "value": 126299.99999999999, "Latitude": 37.75, "Longitude": -122.15, "Population": 849.0}, {"index": 369, "quantile": 0.5, "value": 126299.99999999999, "Latitude": 37.75, "Longitude": -122.15, "Population": 849.0}, {"index": 369, "quantile": 0.75, "value": 162100.0, "Latitude": 37.75, "Longitude": -122.15, "Population": 849.0}, {"index": 369, "quantile": 1.0, "value": 243500.0, "Latitude": 37.75, "Longitude": -122.15, "Population": 849.0}, {"index": 370, "quantile": 0.0, "value": 70100.0, "Latitude": 37.75, "Longitude": -122.15, "Population": 946.0}, {"index": 370, "quantile": 0.25, "value": 135800.0, "Latitude": 37.75, "Longitude": -122.15, "Population": 946.0}, {"index": 370, "quantile": 0.5, "value": 135800.0, "Latitude": 37.75, "Longitude": -122.15, "Population": 946.0}, {"index": 370, "quantile": 0.75, "value": 143900.0, "Latitude": 37.75, "Longitude": -122.15, "Population": 946.0}, {"index": 370, "quantile": 1.0, "value": 284200.0, "Latitude": 37.75, "Longitude": -122.15, "Population": 946.0}, {"index": 371, "quantile": 0.0, "value": 83600.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 571.0}, {"index": 371, "quantile": 0.25, "value": 117600.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 571.0}, {"index": 371, "quantile": 0.5, "value": 149700.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 571.0}, {"index": 371, "quantile": 0.75, "value": 179800.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 571.0}, {"index": 371, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 37.74, "Longitude": -122.15, "Population": 571.0}, {"index": 372, "quantile": 0.0, "value": 22500.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 1137.0}, {"index": 372, "quantile": 0.25, "value": 107900.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 1137.0}, {"index": 372, "quantile": 0.5, "value": 107900.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 1137.0}, {"index": 372, "quantile": 0.75, "value": 107900.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 1137.0}, {"index": 372, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 37.75, "Longitude": -122.16, "Population": 1137.0}, {"index": 373, "quantile": 0.0, "value": 73500.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 378.0}, {"index": 373, "quantile": 0.25, "value": 110775.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 378.0}, {"index": 373, "quantile": 0.5, "value": 111100.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 378.0}, {"index": 373, "quantile": 0.75, "value": 111100.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 378.0}, {"index": 373, "quantile": 1.0, "value": 219000.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 378.0}, {"index": 374, "quantile": 0.0, "value": 73500.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 853.0}, {"index": 374, "quantile": 0.25, "value": 122000.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 853.0}, {"index": 374, "quantile": 0.5, "value": 122000.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 853.0}, {"index": 374, "quantile": 0.75, "value": 126299.99999999999, "Latitude": 37.74, "Longitude": -122.15, "Population": 853.0}, {"index": 374, "quantile": 1.0, "value": 203300.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 853.0}, {"index": 375, "quantile": 0.0, "value": 73500.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 764.0}, {"index": 375, "quantile": 0.25, "value": 118000.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 764.0}, {"index": 375, "quantile": 0.5, "value": 118000.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 764.0}, {"index": 375, "quantile": 0.75, "value": 151125.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 764.0}, {"index": 375, "quantile": 1.0, "value": 292300.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 764.0}, {"index": 376, "quantile": 0.0, "value": 67500.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 928.0}, {"index": 376, "quantile": 0.25, "value": 90600.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 928.0}, {"index": 376, "quantile": 0.5, "value": 95200.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 928.0}, {"index": 376, "quantile": 0.75, "value": 95200.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 928.0}, {"index": 376, "quantile": 1.0, "value": 140600.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 928.0}, {"index": 377, "quantile": 0.0, "value": 90900.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 406.0}, {"index": 377, "quantile": 0.25, "value": 94300.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 406.0}, {"index": 377, "quantile": 0.5, "value": 94300.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 406.0}, {"index": 377, "quantile": 0.75, "value": 150875.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 406.0}, {"index": 377, "quantile": 1.0, "value": 273000.0, "Latitude": 37.75, "Longitude": -122.16, "Population": 406.0}, {"index": 378, "quantile": 0.0, "value": 76400.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 824.0}, {"index": 378, "quantile": 0.25, "value": 92500.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 824.0}, {"index": 378, "quantile": 0.5, "value": 92500.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 824.0}, {"index": 378, "quantile": 0.75, "value": 92500.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 824.0}, {"index": 378, "quantile": 1.0, "value": 156700.0, "Latitude": 37.74, "Longitude": -122.17, "Population": 824.0}, {"index": 379, "quantile": 0.0, "value": 72500.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 835.0}, {"index": 379, "quantile": 0.25, "value": 91575.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 835.0}, {"index": 379, "quantile": 0.5, "value": 92400.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 835.0}, {"index": 379, "quantile": 0.75, "value": 107000.0, "Latitude": 37.75, "Longitude": -122.17, "Population": 835.0}, {"index": 379, "quantile": 1.0, "value": 207900.00000000003, "Latitude": 37.75, "Longitude": -122.17, "Population": 835.0}, {"index": 380, "quantile": 0.0, "value": 93800.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 826.0}, {"index": 380, "quantile": 0.25, "value": 152000.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 826.0}, {"index": 380, "quantile": 0.5, "value": 166300.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 826.0}, {"index": 380, "quantile": 0.75, "value": 198200.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 826.0}, {"index": 380, "quantile": 1.0, "value": 263600.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 826.0}, {"index": 381, "quantile": 0.0, "value": 73500.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 567.0}, {"index": 381, "quantile": 0.25, "value": 118000.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 567.0}, {"index": 381, "quantile": 0.5, "value": 147500.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 567.0}, {"index": 381, "quantile": 0.75, "value": 161850.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 567.0}, {"index": 381, "quantile": 1.0, "value": 405400.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 567.0}, {"index": 382, "quantile": 0.0, "value": 93800.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 355.0}, {"index": 382, "quantile": 0.25, "value": 144000.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 355.0}, {"index": 382, "quantile": 0.5, "value": 198200.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 355.0}, {"index": 382, "quantile": 0.75, "value": 231950.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 355.0}, {"index": 382, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.16, "Population": 355.0}, {"index": 383, "quantile": 0.0, "value": 22500.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 533.0}, {"index": 383, "quantile": 0.25, "value": 98200.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 533.0}, {"index": 383, "quantile": 0.5, "value": 98200.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 533.0}, {"index": 383, "quantile": 0.75, "value": 98200.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 533.0}, {"index": 383, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 37.74, "Longitude": -122.16, "Population": 533.0}, {"index": 384, "quantile": 0.0, "value": 79700.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 609.0}, {"index": 384, "quantile": 0.25, "value": 91350.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 609.0}, {"index": 384, "quantile": 0.5, "value": 103099.99999999999, "Latitude": 37.74, "Longitude": -122.16, "Population": 609.0}, {"index": 384, "quantile": 0.75, "value": 103099.99999999999, "Latitude": 37.74, "Longitude": -122.16, "Population": 609.0}, {"index": 384, "quantile": 1.0, "value": 131300.0, "Latitude": 37.74, "Longitude": -122.16, "Population": 609.0}, {"index": 385, "quantile": 0.0, "value": 87200.0, "Latitude": 37.9, "Longitude": -122.29, "Population": 576.0}, {"index": 385, "quantile": 0.25, "value": 188800.0, "Latitude": 37.9, "Longitude": -122.29, "Population": 576.0}, {"index": 385, "quantile": 0.5, "value": 201300.0, "Latitude": 37.9, "Longitude": -122.29, "Population": 576.0}, {"index": 385, "quantile": 0.75, "value": 240000.0, "Latitude": 37.9, "Longitude": -122.29, "Population": 576.0}, {"index": 385, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.29, "Population": 576.0}, {"index": 386, "quantile": 0.0, "value": 205100.00000000003, "Latitude": 37.9, "Longitude": -122.29, "Population": 594.0}, {"index": 386, "quantile": 0.25, "value": 270900.0, "Latitude": 37.9, "Longitude": -122.29, "Population": 594.0}, {"index": 386, "quantile": 0.5, "value": 270900.0, "Latitude": 37.9, "Longitude": -122.29, "Population": 594.0}, {"index": 386, "quantile": 0.75, "value": 276825.0, "Latitude": 37.9, "Longitude": -122.29, "Population": 594.0}, {"index": 386, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.29, "Population": 594.0}, {"index": 387, "quantile": 0.0, "value": 50800.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 870.0}, {"index": 387, "quantile": 0.25, "value": 179300.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 870.0}, {"index": 387, "quantile": 0.5, "value": 217950.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 870.0}, {"index": 387, "quantile": 0.75, "value": 245850.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 870.0}, {"index": 387, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.29, "Population": 870.0}, {"index": 388, "quantile": 0.0, "value": 139100.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 1027.0}, {"index": 388, "quantile": 0.25, "value": 224200.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 1027.0}, {"index": 388, "quantile": 0.5, "value": 224200.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 1027.0}, {"index": 388, "quantile": 0.75, "value": 224200.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 1027.0}, {"index": 388, "quantile": 1.0, "value": 458300.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 1027.0}, {"index": 389, "quantile": 0.0, "value": 141600.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 693.0}, {"index": 389, "quantile": 0.25, "value": 218350.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 693.0}, {"index": 389, "quantile": 0.5, "value": 229100.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 693.0}, {"index": 389, "quantile": 0.75, "value": 229100.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 693.0}, {"index": 389, "quantile": 1.0, "value": 350000.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 693.0}, {"index": 390, "quantile": 0.0, "value": 37900.0, "Latitude": 37.89, "Longitude": -122.3, "Population": 815.0}, {"index": 390, "quantile": 0.25, "value": 161700.0, "Latitude": 37.89, "Longitude": -122.3, "Population": 815.0}, {"index": 390, "quantile": 0.5, "value": 185600.0, "Latitude": 37.89, "Longitude": -122.3, "Population": 815.0}, {"index": 390, "quantile": 0.75, "value": 240899.99999999997, "Latitude": 37.89, "Longitude": -122.3, "Population": 815.0}, {"index": 390, "quantile": 1.0, "value": 371400.0, "Latitude": 37.89, "Longitude": -122.3, "Population": 815.0}, {"index": 391, "quantile": 0.0, "value": 139000.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 2420.0}, {"index": 391, "quantile": 0.25, "value": 238125.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 2420.0}, {"index": 391, "quantile": 0.5, "value": 256100.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 2420.0}, {"index": 391, "quantile": 0.75, "value": 256100.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 2420.0}, {"index": 391, "quantile": 1.0, "value": 430900.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 2420.0}, {"index": 392, "quantile": 0.0, "value": 73400.0, "Latitude": 37.89, "Longitude": -122.3, "Population": 518.0}, {"index": 392, "quantile": 0.25, "value": 199250.0, "Latitude": 37.89, "Longitude": -122.3, "Population": 518.0}, {"index": 392, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 37.89, "Longitude": -122.3, "Population": 518.0}, {"index": 392, "quantile": 0.75, "value": 206300.00000000003, "Latitude": 37.89, "Longitude": -122.3, "Population": 518.0}, {"index": 392, "quantile": 1.0, "value": 500000.0, "Latitude": 37.89, "Longitude": -122.3, "Population": 518.0}, {"index": 393, "quantile": 0.0, "value": 179300.0, "Latitude": 37.89, "Longitude": -122.3, "Population": 620.0}, {"index": 393, "quantile": 0.25, "value": 232425.00000000003, "Latitude": 37.89, "Longitude": -122.3, "Population": 620.0}, {"index": 393, "quantile": 0.5, "value": 265200.0, "Latitude": 37.89, "Longitude": -122.3, "Population": 620.0}, {"index": 393, "quantile": 0.75, "value": 281300.0, "Latitude": 37.89, "Longitude": -122.3, "Population": 620.0}, {"index": 393, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.3, "Population": 620.0}, {"index": 394, "quantile": 0.0, "value": 209400.0, "Latitude": 37.89, "Longitude": -122.33, "Population": 551.0}, {"index": 394, "quantile": 0.25, "value": 270600.0, "Latitude": 37.89, "Longitude": -122.33, "Population": 551.0}, {"index": 394, "quantile": 0.5, "value": 324950.0, "Latitude": 37.89, "Longitude": -122.33, "Population": 551.0}, {"index": 394, "quantile": 0.75, "value": 391575.0, "Latitude": 37.89, "Longitude": -122.33, "Population": 551.0}, {"index": 394, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.33, "Population": 551.0}, {"index": 395, "quantile": 0.0, "value": 37900.0, "Latitude": 37.88, "Longitude": -122.34, "Population": 2556.0}, {"index": 395, "quantile": 0.25, "value": 151800.0, "Latitude": 37.88, "Longitude": -122.34, "Population": 2556.0}, {"index": 395, "quantile": 0.5, "value": 350000.0, "Latitude": 37.88, "Longitude": -122.34, "Population": 2556.0}, {"index": 395, "quantile": 0.75, "value": 350000.0, "Latitude": 37.88, "Longitude": -122.34, "Population": 2556.0}, {"index": 395, "quantile": 1.0, "value": 375000.0, "Latitude": 37.88, "Longitude": -122.34, "Population": 2556.0}, {"index": 396, "quantile": 0.0, "value": 141600.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 1498.0}, {"index": 396, "quantile": 0.25, "value": 218200.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 1498.0}, {"index": 396, "quantile": 0.5, "value": 218200.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 1498.0}, {"index": 396, "quantile": 0.75, "value": 229100.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 1498.0}, {"index": 396, "quantile": 1.0, "value": 361900.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 1498.0}, {"index": 397, "quantile": 0.0, "value": 87500.0, "Latitude": 37.88, "Longitude": -122.29, "Population": 523.0}, {"index": 397, "quantile": 0.25, "value": 180000.0, "Latitude": 37.88, "Longitude": -122.29, "Population": 523.0}, {"index": 397, "quantile": 0.5, "value": 229750.00000000003, "Latitude": 37.88, "Longitude": -122.29, "Population": 523.0}, {"index": 397, "quantile": 0.75, "value": 245500.0, "Latitude": 37.88, "Longitude": -122.29, "Population": 523.0}, {"index": 397, "quantile": 1.0, "value": 468000.0, "Latitude": 37.88, "Longitude": -122.29, "Population": 523.0}, {"index": 398, "quantile": 0.0, "value": 153800.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 374.0}, {"index": 398, "quantile": 0.25, "value": 270600.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 374.0}, {"index": 398, "quantile": 0.5, "value": 270600.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 374.0}, {"index": 398, "quantile": 0.75, "value": 289600.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 374.0}, {"index": 398, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.29, "Population": 374.0}, {"index": 399, "quantile": 0.0, "value": 140700.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 1004.0}, {"index": 399, "quantile": 0.25, "value": 261400.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 1004.0}, {"index": 399, "quantile": 0.5, "value": 261400.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 1004.0}, {"index": 399, "quantile": 0.75, "value": 292475.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 1004.0}, {"index": 399, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.29, "Population": 1004.0}, {"index": 400, "quantile": 0.0, "value": 163500.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 769.0}, {"index": 400, "quantile": 0.25, "value": 252599.99999999997, "Latitude": 37.88, "Longitude": -122.28, "Population": 769.0}, {"index": 400, "quantile": 0.5, "value": 261300.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 769.0}, {"index": 400, "quantile": 0.75, "value": 261300.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 769.0}, {"index": 400, "quantile": 1.0, "value": 400000.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 769.0}, {"index": 401, "quantile": 0.0, "value": 220800.00000000003, "Latitude": 37.89, "Longitude": -122.29, "Population": 940.0}, {"index": 401, "quantile": 0.25, "value": 232200.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 940.0}, {"index": 401, "quantile": 0.5, "value": 232200.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 940.0}, {"index": 401, "quantile": 0.75, "value": 291300.0, "Latitude": 37.89, "Longitude": -122.29, "Population": 940.0}, {"index": 401, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.29, "Population": 940.0}, {"index": 402, "quantile": 0.0, "value": 160100.0, "Latitude": 37.9, "Longitude": -122.27, "Population": 645.0}, {"index": 402, "quantile": 0.25, "value": 286500.0, "Latitude": 37.9, "Longitude": -122.27, "Population": 645.0}, {"index": 402, "quantile": 0.5, "value": 341300.0, "Latitude": 37.9, "Longitude": -122.27, "Population": 645.0}, {"index": 402, "quantile": 0.75, "value": 402900.0, "Latitude": 37.9, "Longitude": -122.27, "Population": 645.0}, {"index": 402, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.27, "Population": 645.0}, {"index": 403, "quantile": 0.0, "value": 319300.0, "Latitude": 37.9, "Longitude": -122.26, "Population": 705.0}, {"index": 403, "quantile": 0.25, "value": 357300.0, "Latitude": 37.9, "Longitude": -122.26, "Population": 705.0}, {"index": 403, "quantile": 0.5, "value": 357300.0, "Latitude": 37.9, "Longitude": -122.26, "Population": 705.0}, {"index": 403, "quantile": 0.75, "value": 374400.0, "Latitude": 37.9, "Longitude": -122.26, "Population": 705.0}, {"index": 403, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.26, "Population": 705.0}, {"index": 404, "quantile": 0.0, "value": 338700.0, "Latitude": 37.9, "Longitude": -122.27, "Population": 684.0}, {"index": 404, "quantile": 0.25, "value": 374400.0, "Latitude": 37.9, "Longitude": -122.27, "Population": 684.0}, {"index": 404, "quantile": 0.5, "value": 374400.0, "Latitude": 37.9, "Longitude": -122.27, "Population": 684.0}, {"index": 404, "quantile": 0.75, "value": 374400.0, "Latitude": 37.9, "Longitude": -122.27, "Population": 684.0}, {"index": 404, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.27, "Population": 684.0}, {"index": 405, "quantile": 0.0, "value": 160100.0, "Latitude": 37.9, "Longitude": -122.27, "Population": 572.0}, {"index": 405, "quantile": 0.25, "value": 358800.0, "Latitude": 37.9, "Longitude": -122.27, "Population": 572.0}, {"index": 405, "quantile": 0.5, "value": 358800.0, "Latitude": 37.9, "Longitude": -122.27, "Population": 572.0}, {"index": 405, "quantile": 0.75, "value": 358800.0, "Latitude": 37.9, "Longitude": -122.27, "Population": 572.0}, {"index": 405, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.27, "Population": 572.0}, {"index": 406, "quantile": 0.0, "value": 228700.0, "Latitude": 37.9, "Longitude": -122.27, "Population": 671.0}, {"index": 406, "quantile": 0.25, "value": 362900.0, "Latitude": 37.9, "Longitude": -122.27, "Population": 671.0}, {"index": 406, "quantile": 0.5, "value": 399250.0, "Latitude": 37.9, "Longitude": -122.27, "Population": 671.0}, {"index": 406, "quantile": 0.75, "value": 438000.0, "Latitude": 37.9, "Longitude": -122.27, "Population": 671.0}, {"index": 406, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.27, "Population": 671.0}, {"index": 407, "quantile": 0.0, "value": 397000.0, "Latitude": 37.89, "Longitude": -122.27, "Population": 975.0}, {"index": 407, "quantile": 0.25, "value": 430500.0, "Latitude": 37.89, "Longitude": -122.27, "Population": 975.0}, {"index": 407, "quantile": 0.5, "value": 430500.0, "Latitude": 37.89, "Longitude": -122.27, "Population": 975.0}, {"index": 407, "quantile": 0.75, "value": 466099.99999999994, "Latitude": 37.89, "Longitude": -122.27, "Population": 975.0}, {"index": 407, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.27, "Population": 975.0}, {"index": 408, "quantile": 0.0, "value": 228700.0, "Latitude": 37.9, "Longitude": -122.28, "Population": 779.0}, {"index": 408, "quantile": 0.25, "value": 362900.0, "Latitude": 37.9, "Longitude": -122.28, "Population": 779.0}, {"index": 408, "quantile": 0.5, "value": 362900.0, "Latitude": 37.9, "Longitude": -122.28, "Population": 779.0}, {"index": 408, "quantile": 0.75, "value": 363950.0, "Latitude": 37.9, "Longitude": -122.28, "Population": 779.0}, {"index": 408, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.28, "Population": 779.0}, {"index": 409, "quantile": 0.0, "value": 397000.0, "Latitude": 37.9, "Longitude": -122.28, "Population": 658.0}, {"index": 409, "quantile": 0.25, "value": 397000.0, "Latitude": 37.9, "Longitude": -122.28, "Population": 658.0}, {"index": 409, "quantile": 0.5, "value": 397000.0, "Latitude": 37.9, "Longitude": -122.28, "Population": 658.0}, {"index": 409, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.28, "Population": 658.0}, {"index": 409, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.28, "Population": 658.0}, {"index": 410, "quantile": 0.0, "value": 93900.0, "Latitude": 37.9, "Longitude": -122.28, "Population": 819.0}, {"index": 410, "quantile": 0.25, "value": 343925.0, "Latitude": 37.9, "Longitude": -122.28, "Population": 819.0}, {"index": 410, "quantile": 0.5, "value": 346800.0, "Latitude": 37.9, "Longitude": -122.28, "Population": 819.0}, {"index": 410, "quantile": 0.75, "value": 346800.0, "Latitude": 37.9, "Longitude": -122.28, "Population": 819.0}, {"index": 410, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.28, "Population": 819.0}, {"index": 411, "quantile": 0.0, "value": 153800.0, "Latitude": 37.89, "Longitude": -122.28, "Population": 412.0}, {"index": 411, "quantile": 0.25, "value": 327100.0, "Latitude": 37.89, "Longitude": -122.28, "Population": 412.0}, {"index": 411, "quantile": 0.5, "value": 327100.0, "Latitude": 37.89, "Longitude": -122.28, "Population": 412.0}, {"index": 411, "quantile": 0.75, "value": 327100.0, "Latitude": 37.89, "Longitude": -122.28, "Population": 412.0}, {"index": 411, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.28, "Population": 412.0}, {"index": 412, "quantile": 0.0, "value": 151400.0, "Latitude": 37.89, "Longitude": -122.28, "Population": 835.0}, {"index": 412, "quantile": 0.25, "value": 278375.0, "Latitude": 37.89, "Longitude": -122.28, "Population": 835.0}, {"index": 412, "quantile": 0.5, "value": 290100.0, "Latitude": 37.89, "Longitude": -122.28, "Population": 835.0}, {"index": 412, "quantile": 0.75, "value": 290100.0, "Latitude": 37.89, "Longitude": -122.28, "Population": 835.0}, {"index": 412, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.28, "Population": 835.0}, {"index": 413, "quantile": 0.0, "value": 143300.0, "Latitude": 37.89, "Longitude": -122.28, "Population": 722.0}, {"index": 413, "quantile": 0.25, "value": 270600.0, "Latitude": 37.89, "Longitude": -122.28, "Population": 722.0}, {"index": 413, "quantile": 0.5, "value": 334300.0, "Latitude": 37.89, "Longitude": -122.28, "Population": 722.0}, {"index": 413, "quantile": 0.75, "value": 371900.0, "Latitude": 37.89, "Longitude": -122.28, "Population": 722.0}, {"index": 413, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.28, "Population": 722.0}, {"index": 414, "quantile": 0.0, "value": 94500.0, "Latitude": 37.89, "Longitude": -122.28, "Population": 1085.0}, {"index": 414, "quantile": 0.25, "value": 270900.0, "Latitude": 37.89, "Longitude": -122.28, "Population": 1085.0}, {"index": 414, "quantile": 0.5, "value": 270900.0, "Latitude": 37.89, "Longitude": -122.28, "Population": 1085.0}, {"index": 414, "quantile": 0.75, "value": 270900.0, "Latitude": 37.89, "Longitude": -122.28, "Population": 1085.0}, {"index": 414, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.28, "Population": 1085.0}, {"index": 415, "quantile": 0.0, "value": 331200.0, "Latitude": 37.89, "Longitude": -122.27, "Population": 973.0}, {"index": 415, "quantile": 0.25, "value": 371100.0, "Latitude": 37.89, "Longitude": -122.27, "Population": 973.0}, {"index": 415, "quantile": 0.5, "value": 371100.0, "Latitude": 37.89, "Longitude": -122.27, "Population": 973.0}, {"index": 415, "quantile": 0.75, "value": 371100.0, "Latitude": 37.89, "Longitude": -122.27, "Population": 973.0}, {"index": 415, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.27, "Population": 973.0}, {"index": 416, "quantile": 0.0, "value": 153100.0, "Latitude": 37.89, "Longitude": -122.27, "Population": 723.0}, {"index": 416, "quantile": 0.25, "value": 335600.0, "Latitude": 37.89, "Longitude": -122.27, "Population": 723.0}, {"index": 416, "quantile": 0.5, "value": 335600.0, "Latitude": 37.89, "Longitude": -122.27, "Population": 723.0}, {"index": 416, "quantile": 0.75, "value": 335600.0, "Latitude": 37.89, "Longitude": -122.27, "Population": 723.0}, {"index": 416, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.27, "Population": 723.0}, {"index": 417, "quantile": 0.0, "value": 281900.0, "Latitude": 37.9, "Longitude": -122.26, "Population": 903.0}, {"index": 417, "quantile": 0.25, "value": 371300.0, "Latitude": 37.9, "Longitude": -122.26, "Population": 903.0}, {"index": 417, "quantile": 0.5, "value": 371300.0, "Latitude": 37.9, "Longitude": -122.26, "Population": 903.0}, {"index": 417, "quantile": 0.75, "value": 406799.99999999994, "Latitude": 37.9, "Longitude": -122.26, "Population": 903.0}, {"index": 417, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.26, "Population": 903.0}, {"index": 418, "quantile": 0.0, "value": 236800.0, "Latitude": 37.89, "Longitude": -122.25, "Population": 356.0}, {"index": 418, "quantile": 0.25, "value": 344000.0, "Latitude": 37.89, "Longitude": -122.25, "Population": 356.0}, {"index": 418, "quantile": 0.5, "value": 344000.0, "Latitude": 37.89, "Longitude": -122.25, "Population": 356.0}, {"index": 418, "quantile": 0.75, "value": 385325.0, "Latitude": 37.89, "Longitude": -122.25, "Population": 356.0}, {"index": 418, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.25, "Population": 356.0}, {"index": 419, "quantile": 0.0, "value": 125000.0, "Latitude": 37.89, "Longitude": -122.26, "Population": 1005.0}, {"index": 419, "quantile": 0.25, "value": 342200.0, "Latitude": 37.89, "Longitude": -122.26, "Population": 1005.0}, {"index": 419, "quantile": 0.5, "value": 342200.0, "Latitude": 37.89, "Longitude": -122.26, "Population": 1005.0}, {"index": 419, "quantile": 0.75, "value": 368600.0, "Latitude": 37.89, "Longitude": -122.26, "Population": 1005.0}, {"index": 419, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.26, "Population": 1005.0}, {"index": 420, "quantile": 0.0, "value": 228700.0, "Latitude": 37.89, "Longitude": -122.26, "Population": 1205.0}, {"index": 420, "quantile": 0.25, "value": 358500.0, "Latitude": 37.89, "Longitude": -122.26, "Population": 1205.0}, {"index": 420, "quantile": 0.5, "value": 362900.0, "Latitude": 37.89, "Longitude": -122.26, "Population": 1205.0}, {"index": 420, "quantile": 0.75, "value": 388050.0, "Latitude": 37.89, "Longitude": -122.26, "Population": 1205.0}, {"index": 420, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.26, "Population": 1205.0}, {"index": 421, "quantile": 0.0, "value": 275000.0, "Latitude": 37.89, "Longitude": -122.25, "Population": 987.0}, {"index": 421, "quantile": 0.25, "value": 350000.0, "Latitude": 37.89, "Longitude": -122.25, "Population": 987.0}, {"index": 421, "quantile": 0.5, "value": 350000.0, "Latitude": 37.89, "Longitude": -122.25, "Population": 987.0}, {"index": 421, "quantile": 0.75, "value": 350000.0, "Latitude": 37.89, "Longitude": -122.25, "Population": 987.0}, {"index": 421, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.25, "Population": 987.0}, {"index": 422, "quantile": 0.0, "value": 319300.0, "Latitude": 37.89, "Longitude": -122.25, "Population": 1031.0}, {"index": 422, "quantile": 0.25, "value": 368600.0, "Latitude": 37.89, "Longitude": -122.25, "Population": 1031.0}, {"index": 422, "quantile": 0.5, "value": 368600.0, "Latitude": 37.89, "Longitude": -122.25, "Population": 1031.0}, {"index": 422, "quantile": 0.75, "value": 368600.0, "Latitude": 37.89, "Longitude": -122.25, "Population": 1031.0}, {"index": 422, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.25, "Population": 1031.0}, {"index": 423, "quantile": 0.0, "value": 311400.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 894.0}, {"index": 423, "quantile": 0.25, "value": 385525.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 894.0}, {"index": 423, "quantile": 0.5, "value": 391800.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 894.0}, {"index": 423, "quantile": 0.75, "value": 391800.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 894.0}, {"index": 423, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.26, "Population": 894.0}, {"index": 424, "quantile": 0.0, "value": 252199.99999999997, "Latitude": 37.88, "Longitude": -122.26, "Population": 823.0}, {"index": 424, "quantile": 0.25, "value": 312000.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 823.0}, {"index": 424, "quantile": 0.5, "value": 344000.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 823.0}, {"index": 424, "quantile": 0.75, "value": 400000.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 823.0}, {"index": 424, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.26, "Population": 823.0}, {"index": 425, "quantile": 0.0, "value": 112500.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 1232.0}, {"index": 425, "quantile": 0.25, "value": 284900.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 1232.0}, {"index": 425, "quantile": 0.5, "value": 284900.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 1232.0}, {"index": 425, "quantile": 0.75, "value": 284900.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 1232.0}, {"index": 425, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.27, "Population": 1232.0}, {"index": 426, "quantile": 0.0, "value": 141600.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 669.0}, {"index": 426, "quantile": 0.25, "value": 278300.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 669.0}, {"index": 426, "quantile": 0.5, "value": 287500.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 669.0}, {"index": 426, "quantile": 0.75, "value": 287500.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 669.0}, {"index": 426, "quantile": 1.0, "value": 409600.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 669.0}, {"index": 427, "quantile": 0.0, "value": 162500.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 989.0}, {"index": 427, "quantile": 0.25, "value": 250000.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 989.0}, {"index": 427, "quantile": 0.5, "value": 272900.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 989.0}, {"index": 427, "quantile": 0.75, "value": 272900.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 989.0}, {"index": 427, "quantile": 1.0, "value": 354500.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 989.0}, {"index": 428, "quantile": 0.0, "value": 151400.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 1058.0}, {"index": 428, "quantile": 0.25, "value": 259600.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 1058.0}, {"index": 428, "quantile": 0.5, "value": 259600.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 1058.0}, {"index": 428, "quantile": 0.75, "value": 260025.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 1058.0}, {"index": 428, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.28, "Population": 1058.0}, {"index": 429, "quantile": 0.0, "value": 93800.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 506.0}, {"index": 429, "quantile": 0.25, "value": 254500.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 506.0}, {"index": 429, "quantile": 0.5, "value": 254500.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 506.0}, {"index": 429, "quantile": 0.75, "value": 254500.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 506.0}, {"index": 429, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.28, "Population": 506.0}, {"index": 430, "quantile": 0.0, "value": 139100.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 489.0}, {"index": 430, "quantile": 0.25, "value": 235600.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 489.0}, {"index": 430, "quantile": 0.5, "value": 235600.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 489.0}, {"index": 430, "quantile": 0.75, "value": 235600.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 489.0}, {"index": 430, "quantile": 1.0, "value": 350000.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 489.0}, {"index": 431, "quantile": 0.0, "value": 139100.0, "Latitude": 37.88, "Longitude": -122.29, "Population": 824.0}, {"index": 431, "quantile": 0.25, "value": 196400.0, "Latitude": 37.88, "Longitude": -122.29, "Population": 824.0}, {"index": 431, "quantile": 0.5, "value": 246199.99999999997, "Latitude": 37.88, "Longitude": -122.29, "Population": 824.0}, {"index": 431, "quantile": 0.75, "value": 270900.0, "Latitude": 37.88, "Longitude": -122.29, "Population": 824.0}, {"index": 431, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.29, "Population": 824.0}, {"index": 432, "quantile": 0.0, "value": 133400.0, "Latitude": 37.88, "Longitude": -122.29, "Population": 1034.0}, {"index": 432, "quantile": 0.25, "value": 228850.0, "Latitude": 37.88, "Longitude": -122.29, "Population": 1034.0}, {"index": 432, "quantile": 0.5, "value": 229199.99999999997, "Latitude": 37.88, "Longitude": -122.29, "Population": 1034.0}, {"index": 432, "quantile": 0.75, "value": 229199.99999999997, "Latitude": 37.88, "Longitude": -122.29, "Population": 1034.0}, {"index": 432, "quantile": 1.0, "value": 241800.00000000003, "Latitude": 37.88, "Longitude": -122.29, "Population": 1034.0}, {"index": 433, "quantile": 0.0, "value": 140300.0, "Latitude": 37.88, "Longitude": -122.29, "Population": 920.0}, {"index": 433, "quantile": 0.25, "value": 192100.0, "Latitude": 37.88, "Longitude": -122.29, "Population": 920.0}, {"index": 433, "quantile": 0.5, "value": 192100.0, "Latitude": 37.88, "Longitude": -122.29, "Population": 920.0}, {"index": 433, "quantile": 0.75, "value": 195675.0, "Latitude": 37.88, "Longitude": -122.29, "Population": 920.0}, {"index": 433, "quantile": 1.0, "value": 350000.0, "Latitude": 37.88, "Longitude": -122.29, "Population": 920.0}, {"index": 434, "quantile": 0.0, "value": 141600.0, "Latitude": 37.88, "Longitude": -122.29, "Population": 841.0}, {"index": 434, "quantile": 0.25, "value": 179300.0, "Latitude": 37.88, "Longitude": -122.29, "Population": 841.0}, {"index": 434, "quantile": 0.5, "value": 179300.0, "Latitude": 37.88, "Longitude": -122.29, "Population": 841.0}, {"index": 434, "quantile": 0.75, "value": 209100.00000000003, "Latitude": 37.88, "Longitude": -122.29, "Population": 841.0}, {"index": 434, "quantile": 1.0, "value": 386100.0, "Latitude": 37.88, "Longitude": -122.29, "Population": 841.0}, {"index": 435, "quantile": 0.0, "value": 32500.0, "Latitude": 37.88, "Longitude": -122.3, "Population": 749.0}, {"index": 435, "quantile": 0.25, "value": 107800.0, "Latitude": 37.88, "Longitude": -122.3, "Population": 749.0}, {"index": 435, "quantile": 0.5, "value": 125899.99999999999, "Latitude": 37.88, "Longitude": -122.3, "Population": 749.0}, {"index": 435, "quantile": 0.75, "value": 166075.0, "Latitude": 37.88, "Longitude": -122.3, "Population": 749.0}, {"index": 435, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.3, "Population": 749.0}, {"index": 436, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.88, "Longitude": -122.3, "Population": 208.0}, {"index": 436, "quantile": 0.25, "value": 138800.0, "Latitude": 37.88, "Longitude": -122.3, "Population": 208.0}, {"index": 436, "quantile": 0.5, "value": 138800.0, "Latitude": 37.88, "Longitude": -122.3, "Population": 208.0}, {"index": 436, "quantile": 0.75, "value": 138800.0, "Latitude": 37.88, "Longitude": -122.3, "Population": 208.0}, {"index": 436, "quantile": 1.0, "value": 336800.0, "Latitude": 37.88, "Longitude": -122.3, "Population": 208.0}, {"index": 437, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 37.87, "Longitude": -122.3, "Population": 228.0}, {"index": 437, "quantile": 0.25, "value": 119275.0, "Latitude": 37.87, "Longitude": -122.3, "Population": 228.0}, {"index": 437, "quantile": 0.5, "value": 137500.0, "Latitude": 37.87, "Longitude": -122.3, "Population": 228.0}, {"index": 437, "quantile": 0.75, "value": 153600.0, "Latitude": 37.87, "Longitude": -122.3, "Population": 228.0}, {"index": 437, "quantile": 1.0, "value": 333300.0, "Latitude": 37.87, "Longitude": -122.3, "Population": 228.0}, {"index": 438, "quantile": 0.0, "value": 91500.0, "Latitude": 37.86, "Longitude": -122.3, "Population": 287.0}, {"index": 438, "quantile": 0.25, "value": 140600.0, "Latitude": 37.86, "Longitude": -122.3, "Population": 287.0}, {"index": 438, "quantile": 0.5, "value": 140600.0, "Latitude": 37.86, "Longitude": -122.3, "Population": 287.0}, {"index": 438, "quantile": 0.75, "value": 164700.0, "Latitude": 37.86, "Longitude": -122.3, "Population": 287.0}, {"index": 438, "quantile": 1.0, "value": 350000.0, "Latitude": 37.86, "Longitude": -122.3, "Population": 287.0}, {"index": 439, "quantile": 0.0, "value": 60000.0, "Latitude": 37.85, "Longitude": -122.29, "Population": 218.0}, {"index": 439, "quantile": 0.25, "value": 164300.0, "Latitude": 37.85, "Longitude": -122.29, "Population": 218.0}, {"index": 439, "quantile": 0.5, "value": 196000.0, "Latitude": 37.85, "Longitude": -122.29, "Population": 218.0}, {"index": 439, "quantile": 0.75, "value": 250000.0, "Latitude": 37.85, "Longitude": -122.29, "Population": 218.0}, {"index": 439, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.29, "Population": 218.0}, {"index": 440, "quantile": 0.0, "value": 93800.0, "Latitude": 37.88, "Longitude": -122.3, "Population": 854.0}, {"index": 440, "quantile": 0.25, "value": 144800.0, "Latitude": 37.88, "Longitude": -122.3, "Population": 854.0}, {"index": 440, "quantile": 0.5, "value": 144800.0, "Latitude": 37.88, "Longitude": -122.3, "Population": 854.0}, {"index": 440, "quantile": 0.75, "value": 144800.0, "Latitude": 37.88, "Longitude": -122.3, "Population": 854.0}, {"index": 440, "quantile": 1.0, "value": 400000.0, "Latitude": 37.88, "Longitude": -122.3, "Population": 854.0}, {"index": 441, "quantile": 0.0, "value": 95000.0, "Latitude": 37.87, "Longitude": -122.3, "Population": 1695.0}, {"index": 441, "quantile": 0.25, "value": 144800.0, "Latitude": 37.87, "Longitude": -122.3, "Population": 1695.0}, {"index": 441, "quantile": 0.5, "value": 144800.0, "Latitude": 37.87, "Longitude": -122.3, "Population": 1695.0}, {"index": 441, "quantile": 0.75, "value": 144800.0, "Latitude": 37.87, "Longitude": -122.3, "Population": 1695.0}, {"index": 441, "quantile": 1.0, "value": 177900.0, "Latitude": 37.87, "Longitude": -122.3, "Population": 1695.0}, {"index": 442, "quantile": 0.0, "value": 50800.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 403.0}, {"index": 442, "quantile": 0.25, "value": 210200.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 403.0}, {"index": 442, "quantile": 0.5, "value": 245500.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 403.0}, {"index": 442, "quantile": 0.75, "value": 245500.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 403.0}, {"index": 442, "quantile": 1.0, "value": 468000.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 403.0}, {"index": 443, "quantile": 0.0, "value": 141600.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 288.0}, {"index": 443, "quantile": 0.25, "value": 179300.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 288.0}, {"index": 443, "quantile": 0.5, "value": 196400.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 288.0}, {"index": 443, "quantile": 0.75, "value": 221125.00000000003, "Latitude": 37.87, "Longitude": -122.28, "Population": 288.0}, {"index": 443, "quantile": 1.0, "value": 487500.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 288.0}, {"index": 444, "quantile": 0.0, "value": 112500.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 963.0}, {"index": 444, "quantile": 0.25, "value": 173700.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 963.0}, {"index": 444, "quantile": 0.5, "value": 173700.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 963.0}, {"index": 444, "quantile": 0.75, "value": 173700.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 963.0}, {"index": 444, "quantile": 1.0, "value": 336800.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 963.0}, {"index": 445, "quantile": 0.0, "value": 91500.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 1129.0}, {"index": 445, "quantile": 0.25, "value": 176000.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 1129.0}, {"index": 445, "quantile": 0.5, "value": 185600.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 1129.0}, {"index": 445, "quantile": 0.75, "value": 185600.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 1129.0}, {"index": 445, "quantile": 1.0, "value": 336800.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 1129.0}, {"index": 446, "quantile": 0.0, "value": 178400.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 386.0}, {"index": 446, "quantile": 0.25, "value": 182600.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 386.0}, {"index": 446, "quantile": 0.5, "value": 182600.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 386.0}, {"index": 446, "quantile": 0.75, "value": 214299.99999999997, "Latitude": 37.87, "Longitude": -122.29, "Population": 386.0}, {"index": 446, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.29, "Population": 386.0}, {"index": 447, "quantile": 0.0, "value": 91800.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 811.0}, {"index": 447, "quantile": 0.25, "value": 200400.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 811.0}, {"index": 447, "quantile": 0.5, "value": 227900.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 811.0}, {"index": 447, "quantile": 0.75, "value": 227900.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 811.0}, {"index": 447, "quantile": 1.0, "value": 350000.0, "Latitude": 37.88, "Longitude": -122.28, "Population": 811.0}, {"index": 448, "quantile": 0.0, "value": 73400.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 1293.0}, {"index": 448, "quantile": 0.25, "value": 161675.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 1293.0}, {"index": 448, "quantile": 0.5, "value": 192100.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 1293.0}, {"index": 448, "quantile": 0.75, "value": 210200.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 1293.0}, {"index": 448, "quantile": 1.0, "value": 377300.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 1293.0}, {"index": 449, "quantile": 0.0, "value": 134700.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 805.0}, {"index": 449, "quantile": 0.25, "value": 185600.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 805.0}, {"index": 449, "quantile": 0.5, "value": 210900.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 805.0}, {"index": 449, "quantile": 0.75, "value": 268975.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 805.0}, {"index": 449, "quantile": 1.0, "value": 431400.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 805.0}, {"index": 450, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.88, "Longitude": -122.27, "Population": 1372.0}, {"index": 450, "quantile": 0.25, "value": 218050.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 1372.0}, {"index": 450, "quantile": 0.5, "value": 271400.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 1372.0}, {"index": 450, "quantile": 0.75, "value": 271400.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 1372.0}, {"index": 450, "quantile": 1.0, "value": 458300.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 1372.0}, {"index": 451, "quantile": 0.0, "value": 85100.0, "Latitude": 37.87, "Longitude": -122.27, "Population": 862.0}, {"index": 451, "quantile": 0.25, "value": 197600.0, "Latitude": 37.87, "Longitude": -122.27, "Population": 862.0}, {"index": 451, "quantile": 0.5, "value": 268800.0, "Latitude": 37.87, "Longitude": -122.27, "Population": 862.0}, {"index": 451, "quantile": 0.75, "value": 268800.0, "Latitude": 37.87, "Longitude": -122.27, "Population": 862.0}, {"index": 451, "quantile": 1.0, "value": 336800.0, "Latitude": 37.87, "Longitude": -122.27, "Population": 862.0}, {"index": 452, "quantile": 0.0, "value": 87500.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 1152.0}, {"index": 452, "quantile": 0.25, "value": 175000.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 1152.0}, {"index": 452, "quantile": 0.5, "value": 198200.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 1152.0}, {"index": 452, "quantile": 0.75, "value": 235575.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 1152.0}, {"index": 452, "quantile": 1.0, "value": 365600.0, "Latitude": 37.88, "Longitude": -122.27, "Population": 1152.0}, {"index": 453, "quantile": 0.0, "value": 132200.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 483.0}, {"index": 453, "quantile": 0.25, "value": 287275.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 483.0}, {"index": 453, "quantile": 0.5, "value": 332500.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 483.0}, {"index": 453, "quantile": 0.75, "value": 332500.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 483.0}, {"index": 453, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.26, "Population": 483.0}, {"index": 454, "quantile": 0.0, "value": 103699.99999999999, "Latitude": 37.88, "Longitude": -122.26, "Population": 1558.0}, {"index": 454, "quantile": 0.25, "value": 192925.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 1558.0}, {"index": 454, "quantile": 0.5, "value": 338900.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 1558.0}, {"index": 454, "quantile": 0.75, "value": 338900.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 1558.0}, {"index": 454, "quantile": 1.0, "value": 338900.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 1558.0}, {"index": 455, "quantile": 0.0, "value": 37900.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 1798.0}, {"index": 455, "quantile": 0.25, "value": 162950.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 1798.0}, {"index": 455, "quantile": 0.5, "value": 287500.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 1798.0}, {"index": 455, "quantile": 0.75, "value": 287500.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 1798.0}, {"index": 455, "quantile": 1.0, "value": 350000.0, "Latitude": 37.88, "Longitude": -122.26, "Population": 1798.0}, {"index": 456, "quantile": 0.0, "value": 176600.0, "Latitude": 37.87, "Longitude": -122.25, "Population": 266.0}, {"index": 456, "quantile": 0.25, "value": 364750.0, "Latitude": 37.87, "Longitude": -122.25, "Population": 266.0}, {"index": 456, "quantile": 0.5, "value": 384600.0, "Latitude": 37.87, "Longitude": -122.25, "Population": 266.0}, {"index": 456, "quantile": 0.75, "value": 384600.0, "Latitude": 37.87, "Longitude": -122.25, "Population": 266.0}, {"index": 456, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.25, "Population": 266.0}, {"index": 457, "quantile": 0.0, "value": 72700.0, "Latitude": 37.87, "Longitude": -122.25, "Population": 2184.0}, {"index": 457, "quantile": 0.25, "value": 148450.0, "Latitude": 37.87, "Longitude": -122.25, "Population": 2184.0}, {"index": 457, "quantile": 0.5, "value": 371400.0, "Latitude": 37.87, "Longitude": -122.25, "Population": 2184.0}, {"index": 457, "quantile": 0.75, "value": 371400.0, "Latitude": 37.87, "Longitude": -122.25, "Population": 2184.0}, {"index": 457, "quantile": 1.0, "value": 371400.0, "Latitude": 37.87, "Longitude": -122.25, "Population": 2184.0}, {"index": 458, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.87, "Longitude": -122.25, "Population": 2016.0}, {"index": 458, "quantile": 0.25, "value": 205200.0, "Latitude": 37.87, "Longitude": -122.25, "Population": 2016.0}, {"index": 458, "quantile": 0.5, "value": 350000.0, "Latitude": 37.87, "Longitude": -122.25, "Population": 2016.0}, {"index": 458, "quantile": 0.75, "value": 350000.0, "Latitude": 37.87, "Longitude": -122.25, "Population": 2016.0}, {"index": 458, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.25, "Population": 2016.0}, {"index": 459, "quantile": 0.0, "value": 39600.0, "Latitude": 37.87, "Longitude": -122.25, "Population": 1349.0}, {"index": 459, "quantile": 0.25, "value": 309375.0, "Latitude": 37.87, "Longitude": -122.25, "Population": 1349.0}, {"index": 459, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.25, "Population": 1349.0}, {"index": 459, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.25, "Population": 1349.0}, {"index": 459, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.25, "Population": 1349.0}, {"index": 460, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.87, "Longitude": -122.26, "Population": 3337.0}, {"index": 460, "quantile": 0.25, "value": 171875.0, "Latitude": 37.87, "Longitude": -122.26, "Population": 3337.0}, {"index": 460, "quantile": 0.5, "value": 175000.0, "Latitude": 37.87, "Longitude": -122.26, "Population": 3337.0}, {"index": 460, "quantile": 0.75, "value": 175000.0, "Latitude": 37.87, "Longitude": -122.26, "Population": 3337.0}, {"index": 460, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.26, "Population": 3337.0}, {"index": 461, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.87, "Longitude": -122.26, "Population": 1721.0}, {"index": 461, "quantile": 0.25, "value": 173700.0, "Latitude": 37.87, "Longitude": -122.26, "Population": 1721.0}, {"index": 461, "quantile": 0.5, "value": 229150.0, "Latitude": 37.87, "Longitude": -122.26, "Population": 1721.0}, {"index": 461, "quantile": 0.75, "value": 271400.0, "Latitude": 37.87, "Longitude": -122.26, "Population": 1721.0}, {"index": 461, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.26, "Population": 1721.0}, {"index": 462, "quantile": 0.0, "value": 110400.00000000001, "Latitude": 37.87, "Longitude": -122.27, "Population": 1675.0}, {"index": 462, "quantile": 0.25, "value": 216699.99999999997, "Latitude": 37.87, "Longitude": -122.27, "Population": 1675.0}, {"index": 462, "quantile": 0.5, "value": 216699.99999999997, "Latitude": 37.87, "Longitude": -122.27, "Population": 1675.0}, {"index": 462, "quantile": 0.75, "value": 216699.99999999997, "Latitude": 37.87, "Longitude": -122.27, "Population": 1675.0}, {"index": 462, "quantile": 1.0, "value": 450000.0, "Latitude": 37.87, "Longitude": -122.27, "Population": 1675.0}, {"index": 463, "quantile": 0.0, "value": 73400.0, "Latitude": 37.87, "Longitude": -122.27, "Population": 707.0}, {"index": 463, "quantile": 0.25, "value": 175000.0, "Latitude": 37.87, "Longitude": -122.27, "Population": 707.0}, {"index": 463, "quantile": 0.5, "value": 191300.0, "Latitude": 37.87, "Longitude": -122.27, "Population": 707.0}, {"index": 463, "quantile": 0.75, "value": 218400.00000000003, "Latitude": 37.87, "Longitude": -122.27, "Population": 707.0}, {"index": 463, "quantile": 1.0, "value": 350000.0, "Latitude": 37.87, "Longitude": -122.27, "Population": 707.0}, {"index": 464, "quantile": 0.0, "value": 117300.0, "Latitude": 37.87, "Longitude": -122.27, "Population": 1424.0}, {"index": 464, "quantile": 0.25, "value": 204300.00000000003, "Latitude": 37.87, "Longitude": -122.27, "Population": 1424.0}, {"index": 464, "quantile": 0.5, "value": 210200.0, "Latitude": 37.87, "Longitude": -122.27, "Population": 1424.0}, {"index": 464, "quantile": 0.75, "value": 210200.0, "Latitude": 37.87, "Longitude": -122.27, "Population": 1424.0}, {"index": 464, "quantile": 1.0, "value": 304500.0, "Latitude": 37.87, "Longitude": -122.27, "Population": 1424.0}, {"index": 465, "quantile": 0.0, "value": 141600.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 393.0}, {"index": 465, "quantile": 0.25, "value": 196400.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 393.0}, {"index": 465, "quantile": 0.5, "value": 196400.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 393.0}, {"index": 465, "quantile": 0.75, "value": 229700.00000000003, "Latitude": 37.86, "Longitude": -122.28, "Population": 393.0}, {"index": 465, "quantile": 1.0, "value": 456300.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 393.0}, {"index": 466, "quantile": 0.0, "value": 134100.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 828.0}, {"index": 466, "quantile": 0.25, "value": 191700.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 828.0}, {"index": 466, "quantile": 0.5, "value": 191700.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 828.0}, {"index": 466, "quantile": 0.75, "value": 201799.99999999997, "Latitude": 37.87, "Longitude": -122.28, "Population": 828.0}, {"index": 466, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.28, "Population": 828.0}, {"index": 467, "quantile": 0.0, "value": 97200.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 571.0}, {"index": 467, "quantile": 0.25, "value": 147675.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 571.0}, {"index": 467, "quantile": 0.5, "value": 169900.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 571.0}, {"index": 467, "quantile": 0.75, "value": 198200.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 571.0}, {"index": 467, "quantile": 1.0, "value": 412500.0, "Latitude": 37.87, "Longitude": -122.28, "Population": 571.0}, {"index": 468, "quantile": 0.0, "value": 112500.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 1382.0}, {"index": 468, "quantile": 0.25, "value": 175000.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 1382.0}, {"index": 468, "quantile": 0.5, "value": 175000.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 1382.0}, {"index": 468, "quantile": 0.75, "value": 185600.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 1382.0}, {"index": 468, "quantile": 1.0, "value": 336800.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 1382.0}, {"index": 469, "quantile": 0.0, "value": 37900.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 792.0}, {"index": 469, "quantile": 0.25, "value": 165900.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 792.0}, {"index": 469, "quantile": 0.5, "value": 165900.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 792.0}, {"index": 469, "quantile": 0.75, "value": 165900.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 792.0}, {"index": 469, "quantile": 1.0, "value": 338900.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 792.0}, {"index": 470, "quantile": 0.0, "value": 87500.0, "Latitude": 37.86, "Longitude": -122.29, "Population": 815.0}, {"index": 470, "quantile": 0.25, "value": 150500.0, "Latitude": 37.86, "Longitude": -122.29, "Population": 815.0}, {"index": 470, "quantile": 0.5, "value": 156900.0, "Latitude": 37.86, "Longitude": -122.29, "Population": 815.0}, {"index": 470, "quantile": 0.75, "value": 156900.0, "Latitude": 37.86, "Longitude": -122.29, "Population": 815.0}, {"index": 470, "quantile": 1.0, "value": 219000.0, "Latitude": 37.86, "Longitude": -122.29, "Population": 815.0}, {"index": 471, "quantile": 0.0, "value": 81300.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 788.0}, {"index": 471, "quantile": 0.25, "value": 164300.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 788.0}, {"index": 471, "quantile": 0.5, "value": 164300.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 788.0}, {"index": 471, "quantile": 0.75, "value": 164300.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 788.0}, {"index": 471, "quantile": 1.0, "value": 338900.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 788.0}, {"index": 472, "quantile": 0.0, "value": 73500.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 1145.0}, {"index": 472, "quantile": 0.25, "value": 150000.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 1145.0}, {"index": 472, "quantile": 0.5, "value": 150000.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 1145.0}, {"index": 472, "quantile": 0.75, "value": 150000.0, "Latitude": 37.87, "Longitude": -122.29, "Population": 1145.0}, {"index": 472, "quantile": 1.0, "value": 229199.99999999997, "Latitude": 37.87, "Longitude": -122.29, "Population": 1145.0}, {"index": 473, "quantile": 0.0, "value": 75500.0, "Latitude": 37.86, "Longitude": -122.29, "Population": 1354.0}, {"index": 473, "quantile": 0.25, "value": 150500.0, "Latitude": 37.86, "Longitude": -122.29, "Population": 1354.0}, {"index": 473, "quantile": 0.5, "value": 150500.0, "Latitude": 37.86, "Longitude": -122.29, "Population": 1354.0}, {"index": 473, "quantile": 0.75, "value": 150500.0, "Latitude": 37.86, "Longitude": -122.29, "Population": 1354.0}, {"index": 473, "quantile": 1.0, "value": 198200.0, "Latitude": 37.86, "Longitude": -122.29, "Population": 1354.0}, {"index": 474, "quantile": 0.0, "value": 97200.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 958.0}, {"index": 474, "quantile": 0.25, "value": 159650.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 958.0}, {"index": 474, "quantile": 0.5, "value": 169900.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 958.0}, {"index": 474, "quantile": 0.75, "value": 169900.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 958.0}, {"index": 474, "quantile": 1.0, "value": 364300.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 958.0}, {"index": 475, "quantile": 0.0, "value": 81500.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 1361.0}, {"index": 475, "quantile": 0.25, "value": 147400.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 1361.0}, {"index": 475, "quantile": 0.5, "value": 147400.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 1361.0}, {"index": 475, "quantile": 0.75, "value": 147400.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 1361.0}, {"index": 475, "quantile": 1.0, "value": 233500.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 1361.0}, {"index": 476, "quantile": 0.0, "value": 99400.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 1005.0}, {"index": 476, "quantile": 0.25, "value": 152700.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 1005.0}, {"index": 476, "quantile": 0.5, "value": 152700.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 1005.0}, {"index": 476, "quantile": 0.75, "value": 152825.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 1005.0}, {"index": 476, "quantile": 1.0, "value": 268800.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 1005.0}, {"index": 477, "quantile": 0.0, "value": 93800.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 924.0}, {"index": 477, "quantile": 0.25, "value": 146525.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 924.0}, {"index": 477, "quantile": 0.5, "value": 153800.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 924.0}, {"index": 477, "quantile": 0.75, "value": 219000.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 924.0}, {"index": 477, "quantile": 1.0, "value": 289500.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 924.0}, {"index": 478, "quantile": 0.0, "value": 141600.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 780.0}, {"index": 478, "quantile": 0.25, "value": 179300.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 780.0}, {"index": 478, "quantile": 0.5, "value": 179300.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 780.0}, {"index": 478, "quantile": 0.75, "value": 196400.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 780.0}, {"index": 478, "quantile": 1.0, "value": 289500.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 780.0}, {"index": 479, "quantile": 0.0, "value": 75800.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 1582.0}, {"index": 479, "quantile": 0.25, "value": 123425.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 1582.0}, {"index": 479, "quantile": 0.5, "value": 148700.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 1582.0}, {"index": 479, "quantile": 0.75, "value": 162900.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 1582.0}, {"index": 479, "quantile": 1.0, "value": 371400.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 1582.0}, {"index": 480, "quantile": 0.0, "value": 70000.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 1213.0}, {"index": 480, "quantile": 0.25, "value": 153100.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 1213.0}, {"index": 480, "quantile": 0.5, "value": 153100.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 1213.0}, {"index": 480, "quantile": 0.75, "value": 162500.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 1213.0}, {"index": 480, "quantile": 1.0, "value": 350000.0, "Latitude": 37.86, "Longitude": -122.28, "Population": 1213.0}, {"index": 481, "quantile": 0.0, "value": 60000.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 486.0}, {"index": 481, "quantile": 0.25, "value": 247125.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 486.0}, {"index": 481, "quantile": 0.5, "value": 250000.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 486.0}, {"index": 481, "quantile": 0.75, "value": 250000.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 486.0}, {"index": 481, "quantile": 1.0, "value": 431400.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 486.0}, {"index": 482, "quantile": 0.0, "value": 80000.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 494.0}, {"index": 482, "quantile": 0.25, "value": 200975.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 494.0}, {"index": 482, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 37.86, "Longitude": -122.27, "Population": 494.0}, {"index": 482, "quantile": 0.75, "value": 206300.00000000003, "Latitude": 37.86, "Longitude": -122.27, "Population": 494.0}, {"index": 482, "quantile": 1.0, "value": 446900.00000000006, "Latitude": 37.86, "Longitude": -122.27, "Population": 494.0}, {"index": 483, "quantile": 0.0, "value": 90000.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 849.0}, {"index": 483, "quantile": 0.25, "value": 182100.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 849.0}, {"index": 483, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 37.86, "Longitude": -122.27, "Population": 849.0}, {"index": 483, "quantile": 0.75, "value": 218800.00000000003, "Latitude": 37.86, "Longitude": -122.27, "Population": 849.0}, {"index": 483, "quantile": 1.0, "value": 227900.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 849.0}, {"index": 484, "quantile": 0.0, "value": 50600.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 1127.0}, {"index": 484, "quantile": 0.25, "value": 159200.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 1127.0}, {"index": 484, "quantile": 0.5, "value": 198200.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 1127.0}, {"index": 484, "quantile": 0.75, "value": 198200.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 1127.0}, {"index": 484, "quantile": 1.0, "value": 328600.0, "Latitude": 37.86, "Longitude": -122.27, "Population": 1127.0}, {"index": 485, "quantile": 0.0, "value": 108900.0, "Latitude": 37.86, "Longitude": -122.26, "Population": 3276.0}, {"index": 485, "quantile": 0.25, "value": 252700.0, "Latitude": 37.86, "Longitude": -122.26, "Population": 3276.0}, {"index": 485, "quantile": 0.5, "value": 253600.0, "Latitude": 37.86, "Longitude": -122.26, "Population": 3276.0}, {"index": 485, "quantile": 0.75, "value": 253600.0, "Latitude": 37.86, "Longitude": -122.26, "Population": 3276.0}, {"index": 485, "quantile": 1.0, "value": 375000.0, "Latitude": 37.86, "Longitude": -122.26, "Population": 3276.0}, {"index": 486, "quantile": 0.0, "value": 73400.0, "Latitude": 37.86, "Longitude": -122.26, "Population": 1493.0}, {"index": 486, "quantile": 0.25, "value": 171600.0, "Latitude": 37.86, "Longitude": -122.26, "Population": 1493.0}, {"index": 486, "quantile": 0.5, "value": 210200.0, "Latitude": 37.86, "Longitude": -122.26, "Population": 1493.0}, {"index": 486, "quantile": 0.75, "value": 254875.0, "Latitude": 37.86, "Longitude": -122.26, "Population": 1493.0}, {"index": 486, "quantile": 1.0, "value": 456200.0, "Latitude": 37.86, "Longitude": -122.26, "Population": 1493.0}, {"index": 487, "quantile": 0.0, "value": 101600.0, "Latitude": 37.86, "Longitude": -122.26, "Population": 1461.0}, {"index": 487, "quantile": 0.25, "value": 228100.0, "Latitude": 37.86, "Longitude": -122.26, "Population": 1461.0}, {"index": 487, "quantile": 0.5, "value": 289500.0, "Latitude": 37.86, "Longitude": -122.26, "Population": 1461.0}, {"index": 487, "quantile": 0.75, "value": 289500.0, "Latitude": 37.86, "Longitude": -122.26, "Population": 1461.0}, {"index": 487, "quantile": 1.0, "value": 372200.0, "Latitude": 37.86, "Longitude": -122.26, "Population": 1461.0}, {"index": 488, "quantile": 0.0, "value": 87500.0, "Latitude": 37.86, "Longitude": -122.26, "Population": 1253.0}, {"index": 488, "quantile": 0.25, "value": 188375.0, "Latitude": 37.86, "Longitude": -122.26, "Population": 1253.0}, {"index": 488, "quantile": 0.5, "value": 228399.99999999997, "Latitude": 37.86, "Longitude": -122.26, "Population": 1253.0}, {"index": 488, "quantile": 0.75, "value": 272425.0, "Latitude": 37.86, "Longitude": -122.26, "Population": 1253.0}, {"index": 488, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.26, "Population": 1253.0}, {"index": 489, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 37.86, "Longitude": -122.25, "Population": 1656.0}, {"index": 489, "quantile": 0.25, "value": 107600.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 1656.0}, {"index": 489, "quantile": 0.5, "value": 122800.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 1656.0}, {"index": 489, "quantile": 0.75, "value": 146099.99999999997, "Latitude": 37.86, "Longitude": -122.25, "Population": 1656.0}, {"index": 489, "quantile": 1.0, "value": 371400.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 1656.0}, {"index": 490, "quantile": 0.0, "value": 228700.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 514.0}, {"index": 490, "quantile": 0.25, "value": 392975.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 514.0}, {"index": 490, "quantile": 0.5, "value": 446200.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 514.0}, {"index": 490, "quantile": 0.75, "value": 446200.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 514.0}, {"index": 490, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.25, "Population": 514.0}, {"index": 491, "quantile": 0.0, "value": 190000.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 719.0}, {"index": 491, "quantile": 0.25, "value": 297225.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 719.0}, {"index": 491, "quantile": 0.5, "value": 456300.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 719.0}, {"index": 491, "quantile": 0.75, "value": 456300.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 719.0}, {"index": 491, "quantile": 1.0, "value": 479000.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 719.0}, {"index": 492, "quantile": 0.0, "value": 79500.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 878.0}, {"index": 492, "quantile": 0.25, "value": 173125.00000000003, "Latitude": 37.86, "Longitude": -122.25, "Population": 878.0}, {"index": 492, "quantile": 0.5, "value": 336800.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 878.0}, {"index": 492, "quantile": 0.75, "value": 336800.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 878.0}, {"index": 492, "quantile": 1.0, "value": 336800.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 878.0}, {"index": 493, "quantile": 0.0, "value": 228700.0, "Latitude": 37.86, "Longitude": -122.24, "Population": 517.0}, {"index": 493, "quantile": 0.25, "value": 374400.0, "Latitude": 37.86, "Longitude": -122.24, "Population": 517.0}, {"index": 493, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.24, "Population": 517.0}, {"index": 493, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.24, "Population": 517.0}, {"index": 493, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.24, "Population": 517.0}, {"index": 494, "quantile": 0.0, "value": 397000.0, "Latitude": 37.85, "Longitude": -122.24, "Population": 1366.0}, {"index": 494, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.24, "Population": 1366.0}, {"index": 494, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.24, "Population": 1366.0}, {"index": 494, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.24, "Population": 1366.0}, {"index": 494, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.24, "Population": 1366.0}, {"index": 495, "quantile": 0.0, "value": 150900.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 1316.0}, {"index": 495, "quantile": 0.25, "value": 295625.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 1316.0}, {"index": 495, "quantile": 0.5, "value": 344050.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 1316.0}, {"index": 495, "quantile": 0.75, "value": 389500.0, "Latitude": 37.86, "Longitude": -122.25, "Population": 1316.0}, {"index": 495, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.25, "Population": 1316.0}, {"index": 496, "quantile": 0.0, "value": 175000.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 1508.0}, {"index": 496, "quantile": 0.25, "value": 231599.99999999997, "Latitude": 37.85, "Longitude": -122.26, "Population": 1508.0}, {"index": 496, "quantile": 0.5, "value": 241800.00000000003, "Latitude": 37.85, "Longitude": -122.26, "Population": 1508.0}, {"index": 496, "quantile": 0.75, "value": 281500.0, "Latitude": 37.85, "Longitude": -122.26, "Population": 1508.0}, {"index": 496, "quantile": 1.0, "value": 471400.00000000006, "Latitude": 37.85, "Longitude": -122.26, "Population": 1508.0}, {"index": 497, "quantile": 0.0, "value": 87500.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 1800.0}, {"index": 497, "quantile": 0.25, "value": 182300.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 1800.0}, {"index": 497, "quantile": 0.5, "value": 182300.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 1800.0}, {"index": 497, "quantile": 0.75, "value": 182300.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 1800.0}, {"index": 497, "quantile": 1.0, "value": 289500.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 1800.0}, {"index": 498, "quantile": 0.0, "value": 62000.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 719.0}, {"index": 498, "quantile": 0.25, "value": 113324.99999999999, "Latitude": 37.85, "Longitude": -122.27, "Population": 719.0}, {"index": 498, "quantile": 0.5, "value": 134200.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 719.0}, {"index": 498, "quantile": 0.75, "value": 156900.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 719.0}, {"index": 498, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.27, "Population": 719.0}, {"index": 499, "quantile": 0.0, "value": 72500.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 675.0}, {"index": 499, "quantile": 0.25, "value": 97075.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 675.0}, {"index": 499, "quantile": 0.5, "value": 115199.99999999999, "Latitude": 37.85, "Longitude": -122.27, "Population": 675.0}, {"index": 499, "quantile": 0.75, "value": 142300.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 675.0}, {"index": 499, "quantile": 1.0, "value": 169900.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 675.0}, {"index": 500, "quantile": 0.0, "value": 87500.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 875.0}, {"index": 500, "quantile": 0.25, "value": 146825.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 875.0}, {"index": 500, "quantile": 0.5, "value": 153600.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 875.0}, {"index": 500, "quantile": 0.75, "value": 153600.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 875.0}, {"index": 500, "quantile": 1.0, "value": 262500.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 875.0}, {"index": 501, "quantile": 0.0, "value": 52800.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 152.0}, {"index": 501, "quantile": 0.25, "value": 106300.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 152.0}, {"index": 501, "quantile": 0.5, "value": 106300.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 152.0}, {"index": 501, "quantile": 0.75, "value": 134675.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 152.0}, {"index": 501, "quantile": 1.0, "value": 475000.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 152.0}, {"index": 502, "quantile": 0.0, "value": 42500.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 843.0}, {"index": 502, "quantile": 0.25, "value": 142300.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 843.0}, {"index": 502, "quantile": 0.5, "value": 142300.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 843.0}, {"index": 502, "quantile": 0.75, "value": 142300.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 843.0}, {"index": 502, "quantile": 1.0, "value": 195800.0, "Latitude": 37.85, "Longitude": -122.27, "Population": 843.0}, {"index": 503, "quantile": 0.0, "value": 73400.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 281.0}, {"index": 503, "quantile": 0.25, "value": 178925.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 281.0}, {"index": 503, "quantile": 0.5, "value": 218450.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 281.0}, {"index": 503, "quantile": 0.75, "value": 289500.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 281.0}, {"index": 503, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.28, "Population": 281.0}, {"index": 504, "quantile": 0.0, "value": 75200.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 506.0}, {"index": 504, "quantile": 0.25, "value": 147500.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 506.0}, {"index": 504, "quantile": 0.5, "value": 147900.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 506.0}, {"index": 504, "quantile": 0.75, "value": 147900.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 506.0}, {"index": 504, "quantile": 1.0, "value": 177900.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 506.0}, {"index": 505, "quantile": 0.0, "value": 83500.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 1054.0}, {"index": 505, "quantile": 0.25, "value": 132500.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 1054.0}, {"index": 505, "quantile": 0.5, "value": 147900.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 1054.0}, {"index": 505, "quantile": 0.75, "value": 156900.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 1054.0}, {"index": 505, "quantile": 1.0, "value": 269500.0, "Latitude": 37.85, "Longitude": -122.28, "Population": 1054.0}, {"index": 506, "quantile": 0.0, "value": 79700.0, "Latitude": 37.84, "Longitude": -122.29, "Population": 1017.0}, {"index": 506, "quantile": 0.25, "value": 132000.0, "Latitude": 37.84, "Longitude": -122.29, "Population": 1017.0}, {"index": 506, "quantile": 0.5, "value": 132500.0, "Latitude": 37.84, "Longitude": -122.29, "Population": 1017.0}, {"index": 506, "quantile": 0.75, "value": 132500.0, "Latitude": 37.84, "Longitude": -122.29, "Population": 1017.0}, {"index": 506, "quantile": 1.0, "value": 177900.0, "Latitude": 37.84, "Longitude": -122.29, "Population": 1017.0}, {"index": 507, "quantile": 0.0, "value": 134700.0, "Latitude": 37.83, "Longitude": -122.28, "Population": 1623.0}, {"index": 507, "quantile": 0.25, "value": 175000.0, "Latitude": 37.83, "Longitude": -122.28, "Population": 1623.0}, {"index": 507, "quantile": 0.5, "value": 186550.0, "Latitude": 37.83, "Longitude": -122.28, "Population": 1623.0}, {"index": 507, "quantile": 0.75, "value": 218500.0, "Latitude": 37.83, "Longitude": -122.28, "Population": 1623.0}, {"index": 507, "quantile": 1.0, "value": 380000.0, "Latitude": 37.83, "Longitude": -122.28, "Population": 1623.0}, {"index": 508, "quantile": 0.0, "value": 112500.0, "Latitude": 37.84, "Longitude": -122.3, "Population": 3100.0}, {"index": 508, "quantile": 0.25, "value": 143800.0, "Latitude": 37.84, "Longitude": -122.3, "Population": 3100.0}, {"index": 508, "quantile": 0.5, "value": 143800.0, "Latitude": 37.84, "Longitude": -122.3, "Population": 3100.0}, {"index": 508, "quantile": 0.75, "value": 234200.0, "Latitude": 37.84, "Longitude": -122.3, "Population": 3100.0}, {"index": 508, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.3, "Population": 3100.0}, {"index": 509, "quantile": 0.0, "value": 352100.0, "Latitude": 37.83, "Longitude": -122.23, "Population": 947.0}, {"index": 509, "quantile": 0.25, "value": 471600.0, "Latitude": 37.83, "Longitude": -122.23, "Population": 947.0}, {"index": 509, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.23, "Population": 947.0}, {"index": 509, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.23, "Population": 947.0}, {"index": 509, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.23, "Population": 947.0}, {"index": 510, "quantile": 0.0, "value": 471600.0, "Latitude": 37.82, "Longitude": -122.22, "Population": 808.0}, {"index": 510, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.22, "Population": 808.0}, {"index": 510, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.22, "Population": 808.0}, {"index": 510, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.22, "Population": 808.0}, {"index": 510, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.22, "Population": 808.0}, {"index": 511, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.22, "Population": 1018.0}, {"index": 511, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.22, "Population": 1018.0}, {"index": 511, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.22, "Population": 1018.0}, {"index": 511, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.22, "Population": 1018.0}, {"index": 511, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.22, "Population": 1018.0}, {"index": 512, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.23, "Population": 1001.0}, {"index": 512, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.23, "Population": 1001.0}, {"index": 512, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.23, "Population": 1001.0}, {"index": 512, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.23, "Population": 1001.0}, {"index": 512, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.23, "Population": 1001.0}, {"index": 513, "quantile": 0.0, "value": 365900.0, "Latitude": 37.82, "Longitude": -122.23, "Population": 1005.0}, {"index": 513, "quantile": 0.25, "value": 466099.99999999994, "Latitude": 37.82, "Longitude": -122.23, "Population": 1005.0}, {"index": 513, "quantile": 0.5, "value": 466099.99999999994, "Latitude": 37.82, "Longitude": -122.23, "Population": 1005.0}, {"index": 513, "quantile": 0.75, "value": 466099.99999999994, "Latitude": 37.82, "Longitude": -122.23, "Population": 1005.0}, {"index": 513, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.23, "Population": 1005.0}, {"index": 514, "quantile": 0.0, "value": 454300.0, "Latitude": 37.82, "Longitude": -122.23, "Population": 1192.0}, {"index": 514, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.23, "Population": 1192.0}, {"index": 514, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.23, "Population": 1192.0}, {"index": 514, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.23, "Population": 1192.0}, {"index": 514, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.23, "Population": 1192.0}, {"index": 515, "quantile": 0.0, "value": 158200.0, "Latitude": 37.83, "Longitude": -122.24, "Population": 585.0}, {"index": 515, "quantile": 0.25, "value": 341300.0, "Latitude": 37.83, "Longitude": -122.24, "Population": 585.0}, {"index": 515, "quantile": 0.5, "value": 457800.00000000006, "Latitude": 37.83, "Longitude": -122.24, "Population": 585.0}, {"index": 515, "quantile": 0.75, "value": 457800.00000000006, "Latitude": 37.83, "Longitude": -122.24, "Population": 585.0}, {"index": 515, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.24, "Population": 585.0}, {"index": 516, "quantile": 0.0, "value": 371100.0, "Latitude": 37.83, "Longitude": -122.24, "Population": 916.0}, {"index": 516, "quantile": 0.25, "value": 469400.0, "Latitude": 37.83, "Longitude": -122.24, "Population": 916.0}, {"index": 516, "quantile": 0.5, "value": 471600.0, "Latitude": 37.83, "Longitude": -122.24, "Population": 916.0}, {"index": 516, "quantile": 0.75, "value": 471600.0, "Latitude": 37.83, "Longitude": -122.24, "Population": 916.0}, {"index": 516, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.24, "Population": 916.0}, {"index": 517, "quantile": 0.0, "value": 410300.0, "Latitude": 37.82, "Longitude": -122.23, "Population": 556.0}, {"index": 517, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.23, "Population": 556.0}, {"index": 517, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.23, "Population": 556.0}, {"index": 517, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.23, "Population": 556.0}, {"index": 517, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.23, "Population": 556.0}, {"index": 518, "quantile": 0.0, "value": 179200.0, "Latitude": 37.82, "Longitude": -122.24, "Population": 1470.0}, {"index": 518, "quantile": 0.25, "value": 398600.0, "Latitude": 37.82, "Longitude": -122.24, "Population": 1470.0}, {"index": 518, "quantile": 0.5, "value": 398600.0, "Latitude": 37.82, "Longitude": -122.24, "Population": 1470.0}, {"index": 518, "quantile": 0.75, "value": 398600.0, "Latitude": 37.82, "Longitude": -122.24, "Population": 1470.0}, {"index": 518, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.24, "Population": 1470.0}, {"index": 519, "quantile": 0.0, "value": 179200.0, "Latitude": 37.82, "Longitude": -122.25, "Population": 1104.0}, {"index": 519, "quantile": 0.25, "value": 322750.0, "Latitude": 37.82, "Longitude": -122.25, "Population": 1104.0}, {"index": 519, "quantile": 0.5, "value": 379100.0, "Latitude": 37.82, "Longitude": -122.25, "Population": 1104.0}, {"index": 519, "quantile": 0.75, "value": 450000.0, "Latitude": 37.82, "Longitude": -122.25, "Population": 1104.0}, {"index": 519, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.25, "Population": 1104.0}, {"index": 520, "quantile": 0.0, "value": 174200.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 1242.0}, {"index": 520, "quantile": 0.25, "value": 289900.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 1242.0}, {"index": 520, "quantile": 0.5, "value": 289900.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 1242.0}, {"index": 520, "quantile": 0.75, "value": 289900.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 1242.0}, {"index": 520, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.23, "Population": 1242.0}, {"index": 521, "quantile": 0.0, "value": 148200.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 805.0}, {"index": 521, "quantile": 0.25, "value": 334125.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 805.0}, {"index": 521, "quantile": 0.5, "value": 335300.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 805.0}, {"index": 521, "quantile": 0.75, "value": 335300.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 805.0}, {"index": 521, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.23, "Population": 805.0}, {"index": 522, "quantile": 0.0, "value": 204000.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 378.0}, {"index": 522, "quantile": 0.25, "value": 333000.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 378.0}, {"index": 522, "quantile": 0.5, "value": 333000.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 378.0}, {"index": 522, "quantile": 0.75, "value": 333000.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 378.0}, {"index": 522, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.23, "Population": 378.0}, {"index": 523, "quantile": 0.0, "value": 106000.0, "Latitude": 37.77, "Longitude": -122.24, "Population": 481.0}, {"index": 523, "quantile": 0.25, "value": 228100.0, "Latitude": 37.77, "Longitude": -122.24, "Population": 481.0}, {"index": 523, "quantile": 0.5, "value": 241000.0, "Latitude": 37.77, "Longitude": -122.24, "Population": 481.0}, {"index": 523, "quantile": 0.75, "value": 241000.0, "Latitude": 37.77, "Longitude": -122.24, "Population": 481.0}, {"index": 523, "quantile": 1.0, "value": 289500.0, "Latitude": 37.77, "Longitude": -122.24, "Population": 481.0}, {"index": 524, "quantile": 0.0, "value": 93800.0, "Latitude": 37.77, "Longitude": -122.23, "Population": 409.0}, {"index": 524, "quantile": 0.25, "value": 189600.0, "Latitude": 37.77, "Longitude": -122.23, "Population": 409.0}, {"index": 524, "quantile": 0.5, "value": 189600.0, "Latitude": 37.77, "Longitude": -122.23, "Population": 409.0}, {"index": 524, "quantile": 0.75, "value": 193425.0, "Latitude": 37.77, "Longitude": -122.23, "Population": 409.0}, {"index": 524, "quantile": 1.0, "value": 330300.0, "Latitude": 37.77, "Longitude": -122.23, "Population": 409.0}, {"index": 525, "quantile": 0.0, "value": 85000.0, "Latitude": 37.77, "Longitude": -122.24, "Population": 885.0}, {"index": 525, "quantile": 0.25, "value": 206300.00000000003, "Latitude": 37.77, "Longitude": -122.24, "Population": 885.0}, {"index": 525, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 37.77, "Longitude": -122.24, "Population": 885.0}, {"index": 525, "quantile": 0.75, "value": 206300.00000000003, "Latitude": 37.77, "Longitude": -122.24, "Population": 885.0}, {"index": 525, "quantile": 1.0, "value": 405400.0, "Latitude": 37.77, "Longitude": -122.24, "Population": 885.0}, {"index": 526, "quantile": 0.0, "value": 96200.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 1468.0}, {"index": 526, "quantile": 0.25, "value": 215700.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 1468.0}, {"index": 526, "quantile": 0.5, "value": 215700.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 1468.0}, {"index": 526, "quantile": 0.75, "value": 215700.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 1468.0}, {"index": 526, "quantile": 1.0, "value": 350000.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 1468.0}, {"index": 527, "quantile": 0.0, "value": 140400.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 482.0}, {"index": 527, "quantile": 0.25, "value": 210200.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 482.0}, {"index": 527, "quantile": 0.5, "value": 210200.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 482.0}, {"index": 527, "quantile": 0.75, "value": 210200.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 482.0}, {"index": 527, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 37.77, "Longitude": -122.25, "Population": 482.0}, {"index": 528, "quantile": 0.0, "value": 100400.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 825.0}, {"index": 528, "quantile": 0.25, "value": 208800.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 825.0}, {"index": 528, "quantile": 0.5, "value": 208800.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 825.0}, {"index": 528, "quantile": 0.75, "value": 208800.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 825.0}, {"index": 528, "quantile": 1.0, "value": 402900.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 825.0}, {"index": 529, "quantile": 0.0, "value": 93800.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 429.0}, {"index": 529, "quantile": 0.25, "value": 197900.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 429.0}, {"index": 529, "quantile": 0.5, "value": 197900.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 429.0}, {"index": 529, "quantile": 0.75, "value": 200725.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 429.0}, {"index": 529, "quantile": 1.0, "value": 405400.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 429.0}, {"index": 530, "quantile": 0.0, "value": 116100.0, "Latitude": 37.78, "Longitude": -122.26, "Population": 528.0}, {"index": 530, "quantile": 0.25, "value": 201300.0, "Latitude": 37.78, "Longitude": -122.26, "Population": 528.0}, {"index": 530, "quantile": 0.5, "value": 201300.0, "Latitude": 37.78, "Longitude": -122.26, "Population": 528.0}, {"index": 530, "quantile": 0.75, "value": 201300.0, "Latitude": 37.78, "Longitude": -122.26, "Population": 528.0}, {"index": 530, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.26, "Population": 528.0}, {"index": 531, "quantile": 0.0, "value": 106000.0, "Latitude": 37.78, "Longitude": -122.26, "Population": 496.0}, {"index": 531, "quantile": 0.25, "value": 190800.0, "Latitude": 37.78, "Longitude": -122.26, "Population": 496.0}, {"index": 531, "quantile": 0.5, "value": 190800.0, "Latitude": 37.78, "Longitude": -122.26, "Population": 496.0}, {"index": 531, "quantile": 0.75, "value": 190800.0, "Latitude": 37.78, "Longitude": -122.26, "Population": 496.0}, {"index": 531, "quantile": 1.0, "value": 356300.0, "Latitude": 37.78, "Longitude": -122.26, "Population": 496.0}, {"index": 532, "quantile": 0.0, "value": 73500.0, "Latitude": 37.78, "Longitude": -122.27, "Population": 718.0}, {"index": 532, "quantile": 0.25, "value": 162900.0, "Latitude": 37.78, "Longitude": -122.27, "Population": 718.0}, {"index": 532, "quantile": 0.5, "value": 207900.00000000003, "Latitude": 37.78, "Longitude": -122.27, "Population": 718.0}, {"index": 532, "quantile": 0.75, "value": 207900.00000000003, "Latitude": 37.78, "Longitude": -122.27, "Population": 718.0}, {"index": 532, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.27, "Population": 718.0}, {"index": 533, "quantile": 0.0, "value": 94500.0, "Latitude": 37.78, "Longitude": -122.27, "Population": 630.0}, {"index": 533, "quantile": 0.25, "value": 206300.00000000003, "Latitude": 37.78, "Longitude": -122.27, "Population": 630.0}, {"index": 533, "quantile": 0.5, "value": 215300.0, "Latitude": 37.78, "Longitude": -122.27, "Population": 630.0}, {"index": 533, "quantile": 0.75, "value": 215300.0, "Latitude": 37.78, "Longitude": -122.27, "Population": 630.0}, {"index": 533, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.27, "Population": 630.0}, {"index": 534, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 37.78, "Longitude": -122.27, "Population": 723.0}, {"index": 534, "quantile": 0.25, "value": 212900.0, "Latitude": 37.78, "Longitude": -122.27, "Population": 723.0}, {"index": 534, "quantile": 0.5, "value": 212900.0, "Latitude": 37.78, "Longitude": -122.27, "Population": 723.0}, {"index": 534, "quantile": 0.75, "value": 212900.0, "Latitude": 37.78, "Longitude": -122.27, "Population": 723.0}, {"index": 534, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.27, "Population": 723.0}, {"index": 535, "quantile": 0.0, "value": 187800.0, "Latitude": 37.78, "Longitude": -122.27, "Population": 959.0}, {"index": 535, "quantile": 0.25, "value": 292700.0, "Latitude": 37.78, "Longitude": -122.27, "Population": 959.0}, {"index": 535, "quantile": 0.5, "value": 292700.0, "Latitude": 37.78, "Longitude": -122.27, "Population": 959.0}, {"index": 535, "quantile": 0.75, "value": 292700.0, "Latitude": 37.78, "Longitude": -122.27, "Population": 959.0}, {"index": 535, "quantile": 1.0, "value": 496000.0, "Latitude": 37.78, "Longitude": -122.27, "Population": 959.0}, {"index": 536, "quantile": 0.0, "value": 80800.0, "Latitude": 37.79, "Longitude": -122.28, "Population": 3668.0}, {"index": 536, "quantile": 0.25, "value": 98975.0, "Latitude": 37.79, "Longitude": -122.28, "Population": 3668.0}, {"index": 536, "quantile": 0.5, "value": 112200.00000000001, "Latitude": 37.79, "Longitude": -122.28, "Population": 3668.0}, {"index": 536, "quantile": 0.75, "value": 156600.0, "Latitude": 37.79, "Longitude": -122.28, "Population": 3668.0}, {"index": 536, "quantile": 1.0, "value": 371400.0, "Latitude": 37.79, "Longitude": -122.28, "Population": 3668.0}, {"index": 537, "quantile": 0.0, "value": 72900.0, "Latitude": 37.77, "Longitude": -122.3, "Population": 2037.0}, {"index": 537, "quantile": 0.25, "value": 198450.0, "Latitude": 37.77, "Longitude": -122.3, "Population": 2037.0}, {"index": 537, "quantile": 0.5, "value": 200000.0, "Latitude": 37.77, "Longitude": -122.3, "Population": 2037.0}, {"index": 537, "quantile": 0.75, "value": 200000.0, "Latitude": 37.77, "Longitude": -122.3, "Population": 2037.0}, {"index": 537, "quantile": 1.0, "value": 325900.0, "Latitude": 37.77, "Longitude": -122.3, "Population": 2037.0}, {"index": 538, "quantile": 0.0, "value": 71300.0, "Latitude": 37.78, "Longitude": -122.28, "Population": 3741.0}, {"index": 538, "quantile": 0.25, "value": 173400.0, "Latitude": 37.78, "Longitude": -122.28, "Population": 3741.0}, {"index": 538, "quantile": 0.5, "value": 173400.0, "Latitude": 37.78, "Longitude": -122.28, "Population": 3741.0}, {"index": 538, "quantile": 0.75, "value": 173400.0, "Latitude": 37.78, "Longitude": -122.28, "Population": 3741.0}, {"index": 538, "quantile": 1.0, "value": 475000.0, "Latitude": 37.78, "Longitude": -122.28, "Population": 3741.0}, {"index": 539, "quantile": 0.0, "value": 74100.0, "Latitude": 37.78, "Longitude": -122.29, "Population": 821.0}, {"index": 539, "quantile": 0.25, "value": 102200.0, "Latitude": 37.78, "Longitude": -122.29, "Population": 821.0}, {"index": 539, "quantile": 0.5, "value": 102200.0, "Latitude": 37.78, "Longitude": -122.29, "Population": 821.0}, {"index": 539, "quantile": 0.75, "value": 102200.0, "Latitude": 37.78, "Longitude": -122.29, "Population": 821.0}, {"index": 539, "quantile": 1.0, "value": 364300.0, "Latitude": 37.78, "Longitude": -122.29, "Population": 821.0}, {"index": 540, "quantile": 0.0, "value": 100000.0, "Latitude": 37.77, "Longitude": -122.28, "Population": 870.0}, {"index": 540, "quantile": 0.25, "value": 220800.00000000003, "Latitude": 37.77, "Longitude": -122.28, "Population": 870.0}, {"index": 540, "quantile": 0.5, "value": 220800.00000000003, "Latitude": 37.77, "Longitude": -122.28, "Population": 870.0}, {"index": 540, "quantile": 0.75, "value": 220800.00000000003, "Latitude": 37.77, "Longitude": -122.28, "Population": 870.0}, {"index": 540, "quantile": 1.0, "value": 475000.0, "Latitude": 37.77, "Longitude": -122.28, "Population": 870.0}, {"index": 541, "quantile": 0.0, "value": 182600.0, "Latitude": 37.77, "Longitude": -122.28, "Population": 1901.0}, {"index": 541, "quantile": 0.25, "value": 242800.0, "Latitude": 37.77, "Longitude": -122.28, "Population": 1901.0}, {"index": 541, "quantile": 0.5, "value": 242800.0, "Latitude": 37.77, "Longitude": -122.28, "Population": 1901.0}, {"index": 541, "quantile": 0.75, "value": 271325.0, "Latitude": 37.77, "Longitude": -122.28, "Population": 1901.0}, {"index": 541, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.28, "Population": 1901.0}, {"index": 542, "quantile": 0.0, "value": 196800.0, "Latitude": 37.76, "Longitude": -122.29, "Population": 1243.0}, {"index": 542, "quantile": 0.25, "value": 265400.0, "Latitude": 37.76, "Longitude": -122.29, "Population": 1243.0}, {"index": 542, "quantile": 0.5, "value": 265400.0, "Latitude": 37.76, "Longitude": -122.29, "Population": 1243.0}, {"index": 542, "quantile": 0.75, "value": 346725.0, "Latitude": 37.76, "Longitude": -122.29, "Population": 1243.0}, {"index": 542, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.29, "Population": 1243.0}, {"index": 543, "quantile": 0.0, "value": 73400.0, "Latitude": 37.78, "Longitude": -122.28, "Population": 730.0}, {"index": 543, "quantile": 0.25, "value": 218025.0, "Latitude": 37.78, "Longitude": -122.28, "Population": 730.0}, {"index": 543, "quantile": 0.5, "value": 219000.0, "Latitude": 37.78, "Longitude": -122.28, "Population": 730.0}, {"index": 543, "quantile": 0.75, "value": 219000.0, "Latitude": 37.78, "Longitude": -122.28, "Population": 730.0}, {"index": 543, "quantile": 1.0, "value": 241000.0, "Latitude": 37.78, "Longitude": -122.28, "Population": 730.0}, {"index": 544, "quantile": 0.0, "value": 96400.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 793.0}, {"index": 544, "quantile": 0.25, "value": 213750.00000000003, "Latitude": 37.77, "Longitude": -122.26, "Population": 793.0}, {"index": 544, "quantile": 0.5, "value": 282100.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 793.0}, {"index": 544, "quantile": 0.75, "value": 282100.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 793.0}, {"index": 544, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.26, "Population": 793.0}, {"index": 545, "quantile": 0.0, "value": 174200.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 1033.0}, {"index": 545, "quantile": 0.25, "value": 349400.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 1033.0}, {"index": 545, "quantile": 0.5, "value": 372000.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 1033.0}, {"index": 545, "quantile": 0.75, "value": 372000.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 1033.0}, {"index": 545, "quantile": 1.0, "value": 438400.00000000006, "Latitude": 37.77, "Longitude": -122.27, "Population": 1033.0}, {"index": 546, "quantile": 0.0, "value": 140600.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 872.0}, {"index": 546, "quantile": 0.25, "value": 225800.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 872.0}, {"index": 546, "quantile": 0.5, "value": 225800.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 872.0}, {"index": 546, "quantile": 0.75, "value": 225800.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 872.0}, {"index": 546, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.27, "Population": 872.0}, {"index": 547, "quantile": 0.0, "value": 155500.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 849.0}, {"index": 547, "quantile": 0.25, "value": 192650.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 849.0}, {"index": 547, "quantile": 0.5, "value": 240899.99999999997, "Latitude": 37.77, "Longitude": -122.27, "Population": 849.0}, {"index": 547, "quantile": 0.75, "value": 271775.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 849.0}, {"index": 547, "quantile": 1.0, "value": 500000.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 849.0}, {"index": 548, "quantile": 0.0, "value": 107900.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 1121.0}, {"index": 548, "quantile": 0.25, "value": 218350.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 1121.0}, {"index": 548, "quantile": 0.5, "value": 244550.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 1121.0}, {"index": 548, "quantile": 0.75, "value": 269700.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 1121.0}, {"index": 548, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.27, "Population": 1121.0}, {"index": 549, "quantile": 0.0, "value": 122800.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 872.0}, {"index": 549, "quantile": 0.25, "value": 231449.99999999997, "Latitude": 37.77, "Longitude": -122.25, "Population": 872.0}, {"index": 549, "quantile": 0.5, "value": 269500.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 872.0}, {"index": 549, "quantile": 0.75, "value": 318400.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 872.0}, {"index": 549, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.25, "Population": 872.0}, {"index": 550, "quantile": 0.0, "value": 186400.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 637.0}, {"index": 550, "quantile": 0.25, "value": 291300.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 637.0}, {"index": 550, "quantile": 0.5, "value": 351800.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 637.0}, {"index": 550, "quantile": 0.75, "value": 351800.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 637.0}, {"index": 550, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.26, "Population": 637.0}, {"index": 551, "quantile": 0.0, "value": 212200.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 663.0}, {"index": 551, "quantile": 0.25, "value": 275000.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 663.0}, {"index": 551, "quantile": 0.5, "value": 275000.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 663.0}, {"index": 551, "quantile": 0.75, "value": 291799.99999999994, "Latitude": 37.77, "Longitude": -122.26, "Population": 663.0}, {"index": 551, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.26, "Population": 663.0}, {"index": 552, "quantile": 0.0, "value": 70100.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 411.0}, {"index": 552, "quantile": 0.25, "value": 281075.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 411.0}, {"index": 552, "quantile": 0.5, "value": 405400.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 411.0}, {"index": 552, "quantile": 0.75, "value": 405400.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 411.0}, {"index": 552, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.26, "Population": 411.0}, {"index": 553, "quantile": 0.0, "value": 118800.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 915.0}, {"index": 553, "quantile": 0.25, "value": 218800.00000000003, "Latitude": 37.77, "Longitude": -122.26, "Population": 915.0}, {"index": 553, "quantile": 0.5, "value": 228100.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 915.0}, {"index": 553, "quantile": 0.75, "value": 228100.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 915.0}, {"index": 553, "quantile": 1.0, "value": 289500.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 915.0}, {"index": 554, "quantile": 0.0, "value": 137300.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 921.0}, {"index": 554, "quantile": 0.25, "value": 178400.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 921.0}, {"index": 554, "quantile": 0.5, "value": 224450.00000000003, "Latitude": 37.77, "Longitude": -122.26, "Population": 921.0}, {"index": 554, "quantile": 0.75, "value": 281450.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 921.0}, {"index": 554, "quantile": 1.0, "value": 500000.0, "Latitude": 37.77, "Longitude": -122.26, "Population": 921.0}, {"index": 555, "quantile": 0.0, "value": 72000.0, "Latitude": 37.77, "Longitude": -122.24, "Population": 585.0}, {"index": 555, "quantile": 0.25, "value": 141700.0, "Latitude": 37.77, "Longitude": -122.24, "Population": 585.0}, {"index": 555, "quantile": 0.5, "value": 175000.0, "Latitude": 37.77, "Longitude": -122.24, "Population": 585.0}, {"index": 555, "quantile": 0.75, "value": 185600.0, "Latitude": 37.77, "Longitude": -122.24, "Population": 585.0}, {"index": 555, "quantile": 1.0, "value": 375000.0, "Latitude": 37.77, "Longitude": -122.24, "Population": 585.0}, {"index": 556, "quantile": 0.0, "value": 134700.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 2086.0}, {"index": 556, "quantile": 0.25, "value": 206300.00000000003, "Latitude": 37.77, "Longitude": -122.25, "Population": 2086.0}, {"index": 556, "quantile": 0.5, "value": 219800.00000000003, "Latitude": 37.77, "Longitude": -122.25, "Population": 2086.0}, {"index": 556, "quantile": 0.75, "value": 256449.99999999997, "Latitude": 37.77, "Longitude": -122.25, "Population": 2086.0}, {"index": 556, "quantile": 1.0, "value": 457700.0, "Latitude": 37.77, "Longitude": -122.25, "Population": 2086.0}, {"index": 557, "quantile": 0.0, "value": 174200.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 1303.0}, {"index": 557, "quantile": 0.25, "value": 261400.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 1303.0}, {"index": 557, "quantile": 0.5, "value": 300300.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 1303.0}, {"index": 557, "quantile": 0.75, "value": 373750.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 1303.0}, {"index": 557, "quantile": 1.0, "value": 476300.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 1303.0}, {"index": 558, "quantile": 0.0, "value": 209400.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 374.0}, {"index": 558, "quantile": 0.25, "value": 248500.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 374.0}, {"index": 558, "quantile": 0.5, "value": 248500.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 374.0}, {"index": 558, "quantile": 0.75, "value": 255249.99999999997, "Latitude": 37.76, "Longitude": -122.23, "Population": 374.0}, {"index": 558, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.23, "Population": 374.0}, {"index": 559, "quantile": 0.0, "value": 179300.0, "Latitude": 37.76, "Longitude": -122.24, "Population": 979.0}, {"index": 559, "quantile": 0.25, "value": 244000.0, "Latitude": 37.76, "Longitude": -122.24, "Population": 979.0}, {"index": 559, "quantile": 0.5, "value": 244000.0, "Latitude": 37.76, "Longitude": -122.24, "Population": 979.0}, {"index": 559, "quantile": 0.75, "value": 245500.0, "Latitude": 37.76, "Longitude": -122.24, "Population": 979.0}, {"index": 559, "quantile": 1.0, "value": 400000.0, "Latitude": 37.76, "Longitude": -122.24, "Population": 979.0}, {"index": 560, "quantile": 0.0, "value": 134700.0, "Latitude": 37.76, "Longitude": -122.24, "Population": 827.0}, {"index": 560, "quantile": 0.25, "value": 239525.0, "Latitude": 37.76, "Longitude": -122.24, "Population": 827.0}, {"index": 560, "quantile": 0.5, "value": 240899.99999999997, "Latitude": 37.76, "Longitude": -122.24, "Population": 827.0}, {"index": 560, "quantile": 0.75, "value": 240899.99999999997, "Latitude": 37.76, "Longitude": -122.24, "Population": 827.0}, {"index": 560, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.24, "Population": 827.0}, {"index": 561, "quantile": 0.0, "value": 174200.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 658.0}, {"index": 561, "quantile": 0.25, "value": 294700.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 658.0}, {"index": 561, "quantile": 0.5, "value": 334999.99999999994, "Latitude": 37.76, "Longitude": -122.23, "Population": 658.0}, {"index": 561, "quantile": 0.75, "value": 378100.0, "Latitude": 37.76, "Longitude": -122.23, "Population": 658.0}, {"index": 561, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.23, "Population": 658.0}, {"index": 562, "quantile": 0.0, "value": 84600.0, "Latitude": 37.75, "Longitude": -122.23, "Population": 654.0}, {"index": 562, "quantile": 0.25, "value": 203974.99999999997, "Latitude": 37.75, "Longitude": -122.23, "Population": 654.0}, {"index": 562, "quantile": 0.5, "value": 240000.0, "Latitude": 37.75, "Longitude": -122.23, "Population": 654.0}, {"index": 562, "quantile": 0.75, "value": 240000.0, "Latitude": 37.75, "Longitude": -122.23, "Population": 654.0}, {"index": 562, "quantile": 1.0, "value": 355800.0, "Latitude": 37.75, "Longitude": -122.23, "Population": 654.0}, {"index": 563, "quantile": 0.0, "value": 156900.0, "Latitude": 37.75, "Longitude": -122.24, "Population": 384.0}, {"index": 563, "quantile": 0.25, "value": 247100.0, "Latitude": 37.75, "Longitude": -122.24, "Population": 384.0}, {"index": 563, "quantile": 0.5, "value": 247100.0, "Latitude": 37.75, "Longitude": -122.24, "Population": 384.0}, {"index": 563, "quantile": 0.75, "value": 267525.0, "Latitude": 37.75, "Longitude": -122.24, "Population": 384.0}, {"index": 563, "quantile": 1.0, "value": 476300.0, "Latitude": 37.75, "Longitude": -122.24, "Population": 384.0}, {"index": 564, "quantile": 0.0, "value": 225000.0, "Latitude": 37.75, "Longitude": -122.24, "Population": 1499.0}, {"index": 564, "quantile": 0.25, "value": 286600.0, "Latitude": 37.75, "Longitude": -122.24, "Population": 1499.0}, {"index": 564, "quantile": 0.5, "value": 286600.0, "Latitude": 37.75, "Longitude": -122.24, "Population": 1499.0}, {"index": 564, "quantile": 0.75, "value": 304600.0, "Latitude": 37.75, "Longitude": -122.24, "Population": 1499.0}, {"index": 564, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.24, "Population": 1499.0}, {"index": 565, "quantile": 0.0, "value": 63500.0, "Latitude": 37.76, "Longitude": -122.24, "Population": 1128.0}, {"index": 565, "quantile": 0.25, "value": 216450.0, "Latitude": 37.76, "Longitude": -122.24, "Population": 1128.0}, {"index": 565, "quantile": 0.5, "value": 228100.0, "Latitude": 37.76, "Longitude": -122.24, "Population": 1128.0}, {"index": 565, "quantile": 0.75, "value": 281500.0, "Latitude": 37.76, "Longitude": -122.24, "Population": 1128.0}, {"index": 565, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.24, "Population": 1128.0}, {"index": 566, "quantile": 0.0, "value": 178400.0, "Latitude": 37.76, "Longitude": -122.24, "Population": 1110.0}, {"index": 566, "quantile": 0.25, "value": 229800.0, "Latitude": 37.76, "Longitude": -122.24, "Population": 1110.0}, {"index": 566, "quantile": 0.5, "value": 229800.0, "Latitude": 37.76, "Longitude": -122.24, "Population": 1110.0}, {"index": 566, "quantile": 0.75, "value": 243625.00000000003, "Latitude": 37.76, "Longitude": -122.24, "Population": 1110.0}, {"index": 566, "quantile": 1.0, "value": 361900.0, "Latitude": 37.76, "Longitude": -122.24, "Population": 1110.0}, {"index": 567, "quantile": 0.0, "value": 93900.0, "Latitude": 37.76, "Longitude": -122.24, "Population": 1119.0}, {"index": 567, "quantile": 0.25, "value": 229300.00000000003, "Latitude": 37.76, "Longitude": -122.24, "Population": 1119.0}, {"index": 567, "quantile": 0.5, "value": 229300.00000000003, "Latitude": 37.76, "Longitude": -122.24, "Population": 1119.0}, {"index": 567, "quantile": 0.75, "value": 229300.00000000003, "Latitude": 37.76, "Longitude": -122.24, "Population": 1119.0}, {"index": 567, "quantile": 1.0, "value": 500000.0, "Latitude": 37.76, "Longitude": -122.24, "Population": 1119.0}, {"index": 568, "quantile": 0.0, "value": 177100.0, "Latitude": 37.73, "Longitude": -122.24, "Population": 2930.0}, {"index": 568, "quantile": 0.25, "value": 228399.99999999997, "Latitude": 37.73, "Longitude": -122.24, "Population": 2930.0}, {"index": 568, "quantile": 0.5, "value": 228399.99999999997, "Latitude": 37.73, "Longitude": -122.24, "Population": 2930.0}, {"index": 568, "quantile": 0.75, "value": 228399.99999999997, "Latitude": 37.73, "Longitude": -122.24, "Population": 2930.0}, {"index": 568, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.24, "Population": 2930.0}, {"index": 569, "quantile": 0.0, "value": 198200.0, "Latitude": 37.74, "Longitude": -122.25, "Population": 897.0}, {"index": 569, "quantile": 0.25, "value": 206199.99999999997, "Latitude": 37.74, "Longitude": -122.25, "Population": 897.0}, {"index": 569, "quantile": 0.5, "value": 206199.99999999997, "Latitude": 37.74, "Longitude": -122.25, "Population": 897.0}, {"index": 569, "quantile": 0.75, "value": 255225.0, "Latitude": 37.74, "Longitude": -122.25, "Population": 897.0}, {"index": 569, "quantile": 1.0, "value": 431900.0, "Latitude": 37.74, "Longitude": -122.25, "Population": 897.0}, {"index": 570, "quantile": 0.0, "value": 273200.0, "Latitude": 37.72, "Longitude": -122.24, "Population": 7427.0}, {"index": 570, "quantile": 0.25, "value": 350700.0, "Latitude": 37.72, "Longitude": -122.24, "Population": 7427.0}, {"index": 570, "quantile": 0.5, "value": 350700.0, "Latitude": 37.72, "Longitude": -122.24, "Population": 7427.0}, {"index": 570, "quantile": 0.75, "value": 369375.0, "Latitude": 37.72, "Longitude": -122.24, "Population": 7427.0}, {"index": 570, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -122.24, "Population": 7427.0}, {"index": 571, "quantile": 0.0, "value": 125899.99999999999, "Latitude": 37.73, "Longitude": -122.27, "Population": 2973.0}, {"index": 571, "quantile": 0.25, "value": 231000.0, "Latitude": 37.73, "Longitude": -122.27, "Population": 2973.0}, {"index": 571, "quantile": 0.5, "value": 231000.0, "Latitude": 37.73, "Longitude": -122.27, "Population": 2973.0}, {"index": 571, "quantile": 0.75, "value": 231000.0, "Latitude": 37.73, "Longitude": -122.27, "Population": 2973.0}, {"index": 571, "quantile": 1.0, "value": 369300.0, "Latitude": 37.73, "Longitude": -122.27, "Population": 2973.0}, {"index": 572, "quantile": 0.0, "value": 179300.0, "Latitude": 37.76, "Longitude": -122.25, "Population": 1340.0}, {"index": 572, "quantile": 0.25, "value": 252900.0, "Latitude": 37.76, "Longitude": -122.25, "Population": 1340.0}, {"index": 572, "quantile": 0.5, "value": 252900.0, "Latitude": 37.76, "Longitude": -122.25, "Population": 1340.0}, {"index": 572, "quantile": 0.75, "value": 252900.0, "Latitude": 37.76, "Longitude": -122.25, "Population": 1340.0}, {"index": 572, "quantile": 1.0, "value": 361900.0, "Latitude": 37.76, "Longitude": -122.25, "Population": 1340.0}, {"index": 573, "quantile": 0.0, "value": 218400.00000000003, "Latitude": 37.74, "Longitude": -122.27, "Population": 2974.0}, {"index": 573, "quantile": 0.25, "value": 339875.0, "Latitude": 37.74, "Longitude": -122.27, "Population": 2974.0}, {"index": 573, "quantile": 0.5, "value": 353900.0, "Latitude": 37.74, "Longitude": -122.27, "Population": 2974.0}, {"index": 573, "quantile": 0.75, "value": 353900.0, "Latitude": 37.74, "Longitude": -122.27, "Population": 2974.0}, {"index": 573, "quantile": 1.0, "value": 427600.0, "Latitude": 37.74, "Longitude": -122.27, "Population": 2974.0}, {"index": 574, "quantile": 0.0, "value": 151400.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 2690.0}, {"index": 574, "quantile": 0.25, "value": 291700.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 2690.0}, {"index": 574, "quantile": 0.5, "value": 291700.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 2690.0}, {"index": 574, "quantile": 0.75, "value": 291700.0, "Latitude": 37.77, "Longitude": -122.27, "Population": 2690.0}, {"index": 574, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.27, "Population": 2690.0}, {"index": 575, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.75, "Longitude": -122.28, "Population": 583.0}, {"index": 575, "quantile": 0.25, "value": 166475.0, "Latitude": 37.75, "Longitude": -122.28, "Population": 583.0}, {"index": 575, "quantile": 0.5, "value": 256300.00000000003, "Latitude": 37.75, "Longitude": -122.28, "Population": 583.0}, {"index": 575, "quantile": 0.75, "value": 318900.0, "Latitude": 37.75, "Longitude": -122.28, "Population": 583.0}, {"index": 575, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.28, "Population": 583.0}, {"index": 576, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 37.77, "Longitude": -122.06, "Population": 5781.0}, {"index": 576, "quantile": 0.25, "value": 341600.0, "Latitude": 37.77, "Longitude": -122.06, "Population": 5781.0}, {"index": 576, "quantile": 0.5, "value": 341600.0, "Latitude": 37.77, "Longitude": -122.06, "Population": 5781.0}, {"index": 576, "quantile": 0.75, "value": 341600.0, "Latitude": 37.77, "Longitude": -122.06, "Population": 5781.0}, {"index": 576, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.06, "Population": 5781.0}, {"index": 577, "quantile": 0.0, "value": 141200.0, "Latitude": 37.73, "Longitude": -122.06, "Population": 1738.0}, {"index": 577, "quantile": 0.25, "value": 285400.0, "Latitude": 37.73, "Longitude": -122.06, "Population": 1738.0}, {"index": 577, "quantile": 0.5, "value": 341600.0, "Latitude": 37.73, "Longitude": -122.06, "Population": 1738.0}, {"index": 577, "quantile": 0.75, "value": 388075.0, "Latitude": 37.73, "Longitude": -122.06, "Population": 1738.0}, {"index": 577, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.06, "Population": 1738.0}, {"index": 578, "quantile": 0.0, "value": 110700.0, "Latitude": 37.71, "Longitude": -122.06, "Population": 1478.0}, {"index": 578, "quantile": 0.25, "value": 197100.0, "Latitude": 37.71, "Longitude": -122.06, "Population": 1478.0}, {"index": 578, "quantile": 0.5, "value": 231599.99999999997, "Latitude": 37.71, "Longitude": -122.06, "Population": 1478.0}, {"index": 578, "quantile": 0.75, "value": 269450.0, "Latitude": 37.71, "Longitude": -122.06, "Population": 1478.0}, {"index": 578, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -122.06, "Population": 1478.0}, {"index": 579, "quantile": 0.0, "value": 183400.0, "Latitude": 37.71, "Longitude": -122.07, "Population": 746.0}, {"index": 579, "quantile": 0.25, "value": 237350.0, "Latitude": 37.71, "Longitude": -122.07, "Population": 746.0}, {"index": 579, "quantile": 0.5, "value": 282100.0, "Latitude": 37.71, "Longitude": -122.07, "Population": 746.0}, {"index": 579, "quantile": 0.75, "value": 376800.0, "Latitude": 37.71, "Longitude": -122.07, "Population": 746.0}, {"index": 579, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -122.07, "Population": 746.0}, {"index": 580, "quantile": 0.0, "value": 142500.0, "Latitude": 37.71, "Longitude": -122.07, "Population": 1235.0}, {"index": 580, "quantile": 0.25, "value": 241500.0, "Latitude": 37.71, "Longitude": -122.07, "Population": 1235.0}, {"index": 580, "quantile": 0.5, "value": 241500.0, "Latitude": 37.71, "Longitude": -122.07, "Population": 1235.0}, {"index": 580, "quantile": 0.75, "value": 241500.0, "Latitude": 37.71, "Longitude": -122.07, "Population": 1235.0}, {"index": 580, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -122.07, "Population": 1235.0}, {"index": 581, "quantile": 0.0, "value": 139100.0, "Latitude": 37.72, "Longitude": -122.07, "Population": 1411.0}, {"index": 581, "quantile": 0.25, "value": 269050.0, "Latitude": 37.72, "Longitude": -122.07, "Population": 1411.0}, {"index": 581, "quantile": 0.5, "value": 295200.0, "Latitude": 37.72, "Longitude": -122.07, "Population": 1411.0}, {"index": 581, "quantile": 0.75, "value": 295200.0, "Latitude": 37.72, "Longitude": -122.07, "Population": 1411.0}, {"index": 581, "quantile": 1.0, "value": 359100.0, "Latitude": 37.72, "Longitude": -122.07, "Population": 1411.0}, {"index": 582, "quantile": 0.0, "value": 160100.0, "Latitude": 37.72, "Longitude": -122.08, "Population": 1368.0}, {"index": 582, "quantile": 0.25, "value": 338900.0, "Latitude": 37.72, "Longitude": -122.08, "Population": 1368.0}, {"index": 582, "quantile": 0.5, "value": 340400.0, "Latitude": 37.72, "Longitude": -122.08, "Population": 1368.0}, {"index": 582, "quantile": 0.75, "value": 340400.0, "Latitude": 37.72, "Longitude": -122.08, "Population": 1368.0}, {"index": 582, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -122.08, "Population": 1368.0}, {"index": 583, "quantile": 0.0, "value": 139100.0, "Latitude": 37.72, "Longitude": -122.08, "Population": 1048.0}, {"index": 583, "quantile": 0.25, "value": 250075.0, "Latitude": 37.72, "Longitude": -122.08, "Population": 1048.0}, {"index": 583, "quantile": 0.5, "value": 274000.0, "Latitude": 37.72, "Longitude": -122.08, "Population": 1048.0}, {"index": 583, "quantile": 0.75, "value": 322000.0, "Latitude": 37.72, "Longitude": -122.08, "Population": 1048.0}, {"index": 583, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -122.08, "Population": 1048.0}, {"index": 584, "quantile": 0.0, "value": 185100.0, "Latitude": 37.71, "Longitude": -122.08, "Population": 1004.0}, {"index": 584, "quantile": 0.25, "value": 238600.0, "Latitude": 37.71, "Longitude": -122.08, "Population": 1004.0}, {"index": 584, "quantile": 0.5, "value": 238600.0, "Latitude": 37.71, "Longitude": -122.08, "Population": 1004.0}, {"index": 584, "quantile": 0.75, "value": 238600.0, "Latitude": 37.71, "Longitude": -122.08, "Population": 1004.0}, {"index": 584, "quantile": 1.0, "value": 416300.0, "Latitude": 37.71, "Longitude": -122.08, "Population": 1004.0}, {"index": 585, "quantile": 0.0, "value": 110900.0, "Latitude": 37.71, "Longitude": -122.09, "Population": 1086.0}, {"index": 585, "quantile": 0.25, "value": 266400.0, "Latitude": 37.71, "Longitude": -122.09, "Population": 1086.0}, {"index": 585, "quantile": 0.5, "value": 266400.0, "Latitude": 37.71, "Longitude": -122.09, "Population": 1086.0}, {"index": 585, "quantile": 0.75, "value": 266400.0, "Latitude": 37.71, "Longitude": -122.09, "Population": 1086.0}, {"index": 585, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -122.09, "Population": 1086.0}, {"index": 586, "quantile": 0.0, "value": 183800.0, "Latitude": 37.72, "Longitude": -122.1, "Population": 922.0}, {"index": 586, "quantile": 0.25, "value": 330200.0, "Latitude": 37.72, "Longitude": -122.1, "Population": 922.0}, {"index": 586, "quantile": 0.5, "value": 330200.0, "Latitude": 37.72, "Longitude": -122.1, "Population": 922.0}, {"index": 586, "quantile": 0.75, "value": 330200.0, "Latitude": 37.72, "Longitude": -122.1, "Population": 922.0}, {"index": 586, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -122.1, "Population": 922.0}, {"index": 587, "quantile": 0.0, "value": 186400.0, "Latitude": 37.71, "Longitude": -122.11, "Population": 1950.0}, {"index": 587, "quantile": 0.25, "value": 206800.0, "Latitude": 37.71, "Longitude": -122.11, "Population": 1950.0}, {"index": 587, "quantile": 0.5, "value": 206800.0, "Latitude": 37.71, "Longitude": -122.11, "Population": 1950.0}, {"index": 587, "quantile": 0.75, "value": 228399.99999999997, "Latitude": 37.71, "Longitude": -122.11, "Population": 1950.0}, {"index": 587, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -122.11, "Population": 1950.0}, {"index": 588, "quantile": 0.0, "value": 151400.0, "Latitude": 37.7, "Longitude": -122.1, "Population": 1413.0}, {"index": 588, "quantile": 0.25, "value": 209200.0, "Latitude": 37.7, "Longitude": -122.1, "Population": 1413.0}, {"index": 588, "quantile": 0.5, "value": 209200.0, "Latitude": 37.7, "Longitude": -122.1, "Population": 1413.0}, {"index": 588, "quantile": 0.75, "value": 211000.00000000003, "Latitude": 37.7, "Longitude": -122.1, "Population": 1413.0}, {"index": 588, "quantile": 1.0, "value": 391900.0, "Latitude": 37.7, "Longitude": -122.1, "Population": 1413.0}, {"index": 589, "quantile": 0.0, "value": 157300.0, "Latitude": 37.69, "Longitude": -122.1, "Population": 1444.0}, {"index": 589, "quantile": 0.25, "value": 193000.0, "Latitude": 37.69, "Longitude": -122.1, "Population": 1444.0}, {"index": 589, "quantile": 0.5, "value": 195800.0, "Latitude": 37.69, "Longitude": -122.1, "Population": 1444.0}, {"index": 589, "quantile": 0.75, "value": 195800.0, "Latitude": 37.69, "Longitude": -122.1, "Population": 1444.0}, {"index": 589, "quantile": 1.0, "value": 322400.0, "Latitude": 37.69, "Longitude": -122.1, "Population": 1444.0}, {"index": 590, "quantile": 0.0, "value": 162900.0, "Latitude": 37.71, "Longitude": -122.09, "Population": 749.0}, {"index": 590, "quantile": 0.25, "value": 253500.0, "Latitude": 37.71, "Longitude": -122.09, "Population": 749.0}, {"index": 590, "quantile": 0.5, "value": 253500.0, "Latitude": 37.71, "Longitude": -122.09, "Population": 749.0}, {"index": 590, "quantile": 0.75, "value": 253500.0, "Latitude": 37.71, "Longitude": -122.09, "Population": 749.0}, {"index": 590, "quantile": 1.0, "value": 430900.0, "Latitude": 37.71, "Longitude": -122.09, "Population": 749.0}, {"index": 591, "quantile": 0.0, "value": 150000.0, "Latitude": 37.7, "Longitude": -122.09, "Population": 867.0}, {"index": 591, "quantile": 0.25, "value": 195175.0, "Latitude": 37.7, "Longitude": -122.09, "Population": 867.0}, {"index": 591, "quantile": 0.5, "value": 204500.0, "Latitude": 37.7, "Longitude": -122.09, "Population": 867.0}, {"index": 591, "quantile": 0.75, "value": 219325.0, "Latitude": 37.7, "Longitude": -122.09, "Population": 867.0}, {"index": 591, "quantile": 1.0, "value": 340700.0, "Latitude": 37.7, "Longitude": -122.09, "Population": 867.0}, {"index": 592, "quantile": 0.0, "value": 139100.0, "Latitude": 37.71, "Longitude": -122.1, "Population": 2723.0}, {"index": 592, "quantile": 0.25, "value": 252500.0, "Latitude": 37.71, "Longitude": -122.1, "Population": 2723.0}, {"index": 592, "quantile": 0.5, "value": 252500.0, "Latitude": 37.71, "Longitude": -122.1, "Population": 2723.0}, {"index": 592, "quantile": 0.75, "value": 275325.0, "Latitude": 37.71, "Longitude": -122.1, "Population": 2723.0}, {"index": 592, "quantile": 1.0, "value": 426400.0, "Latitude": 37.71, "Longitude": -122.1, "Population": 2723.0}, {"index": 593, "quantile": 0.0, "value": 160100.0, "Latitude": 37.7, "Longitude": -122.09, "Population": 731.0}, {"index": 593, "quantile": 0.25, "value": 254199.99999999997, "Latitude": 37.7, "Longitude": -122.09, "Population": 731.0}, {"index": 593, "quantile": 0.5, "value": 291100.0, "Latitude": 37.7, "Longitude": -122.09, "Population": 731.0}, {"index": 593, "quantile": 0.75, "value": 369975.0, "Latitude": 37.7, "Longitude": -122.09, "Population": 731.0}, {"index": 593, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.7, "Longitude": -122.09, "Population": 731.0}, {"index": 594, "quantile": 0.0, "value": 140700.0, "Latitude": 37.71, "Longitude": -122.08, "Population": 781.0}, {"index": 594, "quantile": 0.25, "value": 227000.0, "Latitude": 37.71, "Longitude": -122.08, "Population": 781.0}, {"index": 594, "quantile": 0.5, "value": 227000.0, "Latitude": 37.71, "Longitude": -122.08, "Population": 781.0}, {"index": 594, "quantile": 0.75, "value": 227000.0, "Latitude": 37.71, "Longitude": -122.08, "Population": 781.0}, {"index": 594, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -122.08, "Population": 781.0}, {"index": 595, "quantile": 0.0, "value": 180700.0, "Latitude": 37.71, "Longitude": -122.08, "Population": 1784.0}, {"index": 595, "quantile": 0.25, "value": 220900.0, "Latitude": 37.71, "Longitude": -122.08, "Population": 1784.0}, {"index": 595, "quantile": 0.5, "value": 220900.0, "Latitude": 37.71, "Longitude": -122.08, "Population": 1784.0}, {"index": 595, "quantile": 0.75, "value": 220900.0, "Latitude": 37.71, "Longitude": -122.08, "Population": 1784.0}, {"index": 595, "quantile": 1.0, "value": 359900.0, "Latitude": 37.71, "Longitude": -122.08, "Population": 1784.0}, {"index": 596, "quantile": 0.0, "value": 183400.0, "Latitude": 37.7, "Longitude": -122.08, "Population": 1156.0}, {"index": 596, "quantile": 0.25, "value": 259300.0, "Latitude": 37.7, "Longitude": -122.08, "Population": 1156.0}, {"index": 596, "quantile": 0.5, "value": 259300.0, "Latitude": 37.7, "Longitude": -122.08, "Population": 1156.0}, {"index": 596, "quantile": 0.75, "value": 259300.0, "Latitude": 37.7, "Longitude": -122.08, "Population": 1156.0}, {"index": 596, "quantile": 1.0, "value": 430900.0, "Latitude": 37.7, "Longitude": -122.08, "Population": 1156.0}, {"index": 597, "quantile": 0.0, "value": 168900.0, "Latitude": 37.7, "Longitude": -122.07, "Population": 645.0}, {"index": 597, "quantile": 0.25, "value": 231124.99999999997, "Latitude": 37.7, "Longitude": -122.07, "Population": 645.0}, {"index": 597, "quantile": 0.5, "value": 232500.00000000003, "Latitude": 37.7, "Longitude": -122.07, "Population": 645.0}, {"index": 597, "quantile": 0.75, "value": 232500.00000000003, "Latitude": 37.7, "Longitude": -122.07, "Population": 645.0}, {"index": 597, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.7, "Longitude": -122.07, "Population": 645.0}, {"index": 598, "quantile": 0.0, "value": 106900.0, "Latitude": 37.7, "Longitude": -122.06, "Population": 821.0}, {"index": 598, "quantile": 0.25, "value": 205625.0, "Latitude": 37.7, "Longitude": -122.06, "Population": 821.0}, {"index": 598, "quantile": 0.5, "value": 231599.99999999997, "Latitude": 37.7, "Longitude": -122.06, "Population": 821.0}, {"index": 598, "quantile": 0.75, "value": 231599.99999999997, "Latitude": 37.7, "Longitude": -122.06, "Population": 821.0}, {"index": 598, "quantile": 1.0, "value": 340700.0, "Latitude": 37.7, "Longitude": -122.06, "Population": 821.0}, {"index": 599, "quantile": 0.0, "value": 98500.0, "Latitude": 37.7, "Longitude": -122.06, "Population": 1912.0}, {"index": 599, "quantile": 0.25, "value": 170300.0, "Latitude": 37.7, "Longitude": -122.06, "Population": 1912.0}, {"index": 599, "quantile": 0.5, "value": 184400.0, "Latitude": 37.7, "Longitude": -122.06, "Population": 1912.0}, {"index": 599, "quantile": 0.75, "value": 212150.00000000003, "Latitude": 37.7, "Longitude": -122.06, "Population": 1912.0}, {"index": 599, "quantile": 1.0, "value": 292500.0, "Latitude": 37.7, "Longitude": -122.06, "Population": 1912.0}, {"index": 600, "quantile": 0.0, "value": 37500.0, "Latitude": 37.7, "Longitude": -122.07, "Population": 1487.0}, {"index": 600, "quantile": 0.25, "value": 179525.0, "Latitude": 37.7, "Longitude": -122.07, "Population": 1487.0}, {"index": 600, "quantile": 0.5, "value": 205450.0, "Latitude": 37.7, "Longitude": -122.07, "Population": 1487.0}, {"index": 600, "quantile": 0.75, "value": 228375.0, "Latitude": 37.7, "Longitude": -122.07, "Population": 1487.0}, {"index": 600, "quantile": 1.0, "value": 362500.0, "Latitude": 37.7, "Longitude": -122.07, "Population": 1487.0}, {"index": 601, "quantile": 0.0, "value": 165600.0, "Latitude": 37.7, "Longitude": -122.08, "Population": 1645.0}, {"index": 601, "quantile": 0.25, "value": 209900.00000000003, "Latitude": 37.7, "Longitude": -122.08, "Population": 1645.0}, {"index": 601, "quantile": 0.5, "value": 209900.00000000003, "Latitude": 37.7, "Longitude": -122.08, "Population": 1645.0}, {"index": 601, "quantile": 0.75, "value": 209900.00000000003, "Latitude": 37.7, "Longitude": -122.08, "Population": 1645.0}, {"index": 601, "quantile": 1.0, "value": 369300.0, "Latitude": 37.7, "Longitude": -122.08, "Population": 1645.0}, {"index": 602, "quantile": 0.0, "value": 135800.0, "Latitude": 37.7, "Longitude": -122.09, "Population": 2239.0}, {"index": 602, "quantile": 0.25, "value": 208199.99999999997, "Latitude": 37.7, "Longitude": -122.09, "Population": 2239.0}, {"index": 602, "quantile": 0.5, "value": 208199.99999999997, "Latitude": 37.7, "Longitude": -122.09, "Population": 2239.0}, {"index": 602, "quantile": 0.75, "value": 208199.99999999997, "Latitude": 37.7, "Longitude": -122.09, "Population": 2239.0}, {"index": 602, "quantile": 1.0, "value": 369100.0, "Latitude": 37.7, "Longitude": -122.09, "Population": 2239.0}, {"index": 603, "quantile": 0.0, "value": 157200.0, "Latitude": 37.69, "Longitude": -122.07, "Population": 1021.0}, {"index": 603, "quantile": 0.25, "value": 201799.99999999997, "Latitude": 37.69, "Longitude": -122.07, "Population": 1021.0}, {"index": 603, "quantile": 0.5, "value": 203799.99999999997, "Latitude": 37.69, "Longitude": -122.07, "Population": 1021.0}, {"index": 603, "quantile": 0.75, "value": 203799.99999999997, "Latitude": 37.69, "Longitude": -122.07, "Population": 1021.0}, {"index": 603, "quantile": 1.0, "value": 313600.0, "Latitude": 37.69, "Longitude": -122.07, "Population": 1021.0}, {"index": 604, "quantile": 0.0, "value": 150000.0, "Latitude": 37.69, "Longitude": -122.08, "Population": 1105.0}, {"index": 604, "quantile": 0.25, "value": 195700.0, "Latitude": 37.69, "Longitude": -122.08, "Population": 1105.0}, {"index": 604, "quantile": 0.5, "value": 195700.0, "Latitude": 37.69, "Longitude": -122.08, "Population": 1105.0}, {"index": 604, "quantile": 0.75, "value": 195700.0, "Latitude": 37.69, "Longitude": -122.08, "Population": 1105.0}, {"index": 604, "quantile": 1.0, "value": 292500.0, "Latitude": 37.69, "Longitude": -122.08, "Population": 1105.0}, {"index": 605, "quantile": 0.0, "value": 112500.0, "Latitude": 37.69, "Longitude": -122.07, "Population": 2999.0}, {"index": 605, "quantile": 0.25, "value": 174100.0, "Latitude": 37.69, "Longitude": -122.07, "Population": 2999.0}, {"index": 605, "quantile": 0.5, "value": 200600.00000000003, "Latitude": 37.69, "Longitude": -122.07, "Population": 2999.0}, {"index": 605, "quantile": 0.75, "value": 231000.0, "Latitude": 37.69, "Longitude": -122.07, "Population": 2999.0}, {"index": 605, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.69, "Longitude": -122.07, "Population": 2999.0}, {"index": 606, "quantile": 0.0, "value": 59600.0, "Latitude": 37.69, "Longitude": -122.08, "Population": 740.0}, {"index": 606, "quantile": 0.25, "value": 181000.0, "Latitude": 37.69, "Longitude": -122.08, "Population": 740.0}, {"index": 606, "quantile": 0.5, "value": 181000.0, "Latitude": 37.69, "Longitude": -122.08, "Population": 740.0}, {"index": 606, "quantile": 0.75, "value": 181000.0, "Latitude": 37.69, "Longitude": -122.08, "Population": 740.0}, {"index": 606, "quantile": 1.0, "value": 291300.0, "Latitude": 37.69, "Longitude": -122.08, "Population": 740.0}, {"index": 607, "quantile": 0.0, "value": 90600.0, "Latitude": 37.69, "Longitude": -122.08, "Population": 629.0}, {"index": 607, "quantile": 0.25, "value": 184600.0, "Latitude": 37.69, "Longitude": -122.08, "Population": 629.0}, {"index": 607, "quantile": 0.5, "value": 184900.0, "Latitude": 37.69, "Longitude": -122.08, "Population": 629.0}, {"index": 607, "quantile": 0.75, "value": 184900.0, "Latitude": 37.69, "Longitude": -122.08, "Population": 629.0}, {"index": 607, "quantile": 1.0, "value": 344200.0, "Latitude": 37.69, "Longitude": -122.08, "Population": 629.0}, {"index": 608, "quantile": 0.0, "value": 83300.0, "Latitude": 37.68, "Longitude": -122.08, "Population": 314.0}, {"index": 608, "quantile": 0.25, "value": 190800.0, "Latitude": 37.68, "Longitude": -122.08, "Population": 314.0}, {"index": 608, "quantile": 0.5, "value": 190800.0, "Latitude": 37.68, "Longitude": -122.08, "Population": 314.0}, {"index": 608, "quantile": 0.75, "value": 190800.0, "Latitude": 37.68, "Longitude": -122.08, "Population": 314.0}, {"index": 608, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.68, "Longitude": -122.08, "Population": 314.0}, {"index": 609, "quantile": 0.0, "value": 116700.0, "Latitude": 37.68, "Longitude": -122.08, "Population": 1479.0}, {"index": 609, "quantile": 0.25, "value": 230074.99999999997, "Latitude": 37.68, "Longitude": -122.08, "Population": 1479.0}, {"index": 609, "quantile": 0.5, "value": 242200.00000000003, "Latitude": 37.68, "Longitude": -122.08, "Population": 1479.0}, {"index": 609, "quantile": 0.75, "value": 242200.00000000003, "Latitude": 37.68, "Longitude": -122.08, "Population": 1479.0}, {"index": 609, "quantile": 1.0, "value": 387200.0, "Latitude": 37.68, "Longitude": -122.08, "Population": 1479.0}, {"index": 610, "quantile": 0.0, "value": 158000.0, "Latitude": 37.69, "Longitude": -122.09, "Population": 1732.0}, {"index": 610, "quantile": 0.25, "value": 255100.00000000003, "Latitude": 37.69, "Longitude": -122.09, "Population": 1732.0}, {"index": 610, "quantile": 0.5, "value": 270300.00000000006, "Latitude": 37.69, "Longitude": -122.09, "Population": 1732.0}, {"index": 610, "quantile": 0.75, "value": 319625.0, "Latitude": 37.69, "Longitude": -122.09, "Population": 1732.0}, {"index": 610, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.69, "Longitude": -122.09, "Population": 1732.0}, {"index": 611, "quantile": 0.0, "value": 73500.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 1338.0}, {"index": 611, "quantile": 0.25, "value": 183500.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 1338.0}, {"index": 611, "quantile": 0.5, "value": 183500.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 1338.0}, {"index": 611, "quantile": 0.75, "value": 184400.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 1338.0}, {"index": 611, "quantile": 1.0, "value": 419100.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 1338.0}, {"index": 612, "quantile": 0.0, "value": 87600.0, "Latitude": 37.74, "Longitude": -122.14, "Population": 440.0}, {"index": 612, "quantile": 0.25, "value": 204199.99999999997, "Latitude": 37.74, "Longitude": -122.14, "Population": 440.0}, {"index": 612, "quantile": 0.5, "value": 204199.99999999997, "Latitude": 37.74, "Longitude": -122.14, "Population": 440.0}, {"index": 612, "quantile": 0.75, "value": 205675.0, "Latitude": 37.74, "Longitude": -122.14, "Population": 440.0}, {"index": 612, "quantile": 1.0, "value": 354100.0, "Latitude": 37.74, "Longitude": -122.14, "Population": 440.0}, {"index": 613, "quantile": 0.0, "value": 90400.0, "Latitude": 37.73, "Longitude": -122.14, "Population": 922.0}, {"index": 613, "quantile": 0.25, "value": 228399.99999999997, "Latitude": 37.73, "Longitude": -122.14, "Population": 922.0}, {"index": 613, "quantile": 0.5, "value": 255100.00000000003, "Latitude": 37.73, "Longitude": -122.14, "Population": 922.0}, {"index": 613, "quantile": 0.75, "value": 334250.0, "Latitude": 37.73, "Longitude": -122.14, "Population": 922.0}, {"index": 613, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.14, "Population": 922.0}, {"index": 614, "quantile": 0.0, "value": 83300.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 611.0}, {"index": 614, "quantile": 0.25, "value": 187500.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 611.0}, {"index": 614, "quantile": 0.5, "value": 187500.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 611.0}, {"index": 614, "quantile": 0.75, "value": 187500.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 611.0}, {"index": 614, "quantile": 1.0, "value": 333300.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 611.0}, {"index": 615, "quantile": 0.0, "value": 143900.0, "Latitude": 37.73, "Longitude": -122.16, "Population": 994.0}, {"index": 615, "quantile": 0.25, "value": 198200.0, "Latitude": 37.73, "Longitude": -122.16, "Population": 994.0}, {"index": 615, "quantile": 0.5, "value": 198200.0, "Latitude": 37.73, "Longitude": -122.16, "Population": 994.0}, {"index": 615, "quantile": 0.75, "value": 198200.0, "Latitude": 37.73, "Longitude": -122.16, "Population": 994.0}, {"index": 615, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.16, "Population": 994.0}, {"index": 616, "quantile": 0.0, "value": 90400.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 545.0}, {"index": 616, "quantile": 0.25, "value": 219000.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 545.0}, {"index": 616, "quantile": 0.5, "value": 219000.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 545.0}, {"index": 616, "quantile": 0.75, "value": 219000.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 545.0}, {"index": 616, "quantile": 1.0, "value": 405400.0, "Latitude": 37.74, "Longitude": -122.15, "Population": 545.0}, {"index": 617, "quantile": 0.0, "value": 174200.0, "Latitude": 37.73, "Longitude": -122.15, "Population": 317.0}, {"index": 617, "quantile": 0.25, "value": 275000.0, "Latitude": 37.73, "Longitude": -122.15, "Population": 317.0}, {"index": 617, "quantile": 0.5, "value": 275000.0, "Latitude": 37.73, "Longitude": -122.15, "Population": 317.0}, {"index": 617, "quantile": 0.75, "value": 275000.0, "Latitude": 37.73, "Longitude": -122.15, "Population": 317.0}, {"index": 617, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.15, "Population": 317.0}, {"index": 618, "quantile": 0.0, "value": 67000.0, "Latitude": 37.73, "Longitude": -122.15, "Population": 1573.0}, {"index": 618, "quantile": 0.25, "value": 182300.0, "Latitude": 37.73, "Longitude": -122.15, "Population": 1573.0}, {"index": 618, "quantile": 0.5, "value": 217750.00000000003, "Latitude": 37.73, "Longitude": -122.15, "Population": 1573.0}, {"index": 618, "quantile": 0.75, "value": 241000.0, "Latitude": 37.73, "Longitude": -122.15, "Population": 1573.0}, {"index": 618, "quantile": 1.0, "value": 375000.0, "Latitude": 37.73, "Longitude": -122.15, "Population": 1573.0}, {"index": 619, "quantile": 0.0, "value": 139700.0, "Latitude": 37.73, "Longitude": -122.17, "Population": 925.0}, {"index": 619, "quantile": 0.25, "value": 201600.0, "Latitude": 37.73, "Longitude": -122.17, "Population": 925.0}, {"index": 619, "quantile": 0.5, "value": 231000.0, "Latitude": 37.73, "Longitude": -122.17, "Population": 925.0}, {"index": 619, "quantile": 0.75, "value": 254500.0, "Latitude": 37.73, "Longitude": -122.17, "Population": 925.0}, {"index": 619, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.17, "Population": 925.0}, {"index": 620, "quantile": 0.0, "value": 80000.0, "Latitude": 37.73, "Longitude": -122.16, "Population": 768.0}, {"index": 620, "quantile": 0.25, "value": 171600.0, "Latitude": 37.73, "Longitude": -122.16, "Population": 768.0}, {"index": 620, "quantile": 0.5, "value": 171600.0, "Latitude": 37.73, "Longitude": -122.16, "Population": 768.0}, {"index": 620, "quantile": 0.75, "value": 192100.0, "Latitude": 37.73, "Longitude": -122.16, "Population": 768.0}, {"index": 620, "quantile": 1.0, "value": 360600.0, "Latitude": 37.73, "Longitude": -122.16, "Population": 768.0}, {"index": 621, "quantile": 0.0, "value": 123100.00000000001, "Latitude": 37.73, "Longitude": -122.17, "Population": 620.0}, {"index": 621, "quantile": 0.25, "value": 183300.0, "Latitude": 37.73, "Longitude": -122.17, "Population": 620.0}, {"index": 621, "quantile": 0.5, "value": 183300.0, "Latitude": 37.73, "Longitude": -122.17, "Population": 620.0}, {"index": 621, "quantile": 0.75, "value": 198300.0, "Latitude": 37.73, "Longitude": -122.17, "Population": 620.0}, {"index": 621, "quantile": 1.0, "value": 396000.0, "Latitude": 37.73, "Longitude": -122.17, "Population": 620.0}, {"index": 622, "quantile": 0.0, "value": 67000.0, "Latitude": 37.73, "Longitude": -122.16, "Population": 425.0}, {"index": 622, "quantile": 0.25, "value": 171600.0, "Latitude": 37.73, "Longitude": -122.16, "Population": 425.0}, {"index": 622, "quantile": 0.5, "value": 227900.0, "Latitude": 37.73, "Longitude": -122.16, "Population": 425.0}, {"index": 622, "quantile": 0.75, "value": 241000.0, "Latitude": 37.73, "Longitude": -122.16, "Population": 425.0}, {"index": 622, "quantile": 1.0, "value": 475000.0, "Latitude": 37.73, "Longitude": -122.16, "Population": 425.0}, {"index": 623, "quantile": 0.0, "value": 93800.0, "Latitude": 37.72, "Longitude": -122.18, "Population": 1003.0}, {"index": 623, "quantile": 0.25, "value": 156700.0, "Latitude": 37.72, "Longitude": -122.18, "Population": 1003.0}, {"index": 623, "quantile": 0.5, "value": 156700.0, "Latitude": 37.72, "Longitude": -122.18, "Population": 1003.0}, {"index": 623, "quantile": 0.75, "value": 157275.0, "Latitude": 37.72, "Longitude": -122.18, "Population": 1003.0}, {"index": 623, "quantile": 1.0, "value": 320800.0, "Latitude": 37.72, "Longitude": -122.18, "Population": 1003.0}, {"index": 624, "quantile": 0.0, "value": 90600.0, "Latitude": 37.71, "Longitude": -122.18, "Population": 519.0}, {"index": 624, "quantile": 0.25, "value": 117524.99999999999, "Latitude": 37.71, "Longitude": -122.18, "Population": 519.0}, {"index": 624, "quantile": 0.5, "value": 156700.0, "Latitude": 37.71, "Longitude": -122.18, "Population": 519.0}, {"index": 624, "quantile": 0.75, "value": 188050.0, "Latitude": 37.71, "Longitude": -122.18, "Population": 519.0}, {"index": 624, "quantile": 1.0, "value": 405400.0, "Latitude": 37.71, "Longitude": -122.18, "Population": 519.0}, {"index": 625, "quantile": 0.0, "value": 152100.0, "Latitude": 37.71, "Longitude": -122.17, "Population": 481.0}, {"index": 625, "quantile": 0.25, "value": 179725.0, "Latitude": 37.71, "Longitude": -122.17, "Population": 481.0}, {"index": 625, "quantile": 0.5, "value": 179800.0, "Latitude": 37.71, "Longitude": -122.17, "Population": 481.0}, {"index": 625, "quantile": 0.75, "value": 179800.0, "Latitude": 37.71, "Longitude": -122.17, "Population": 481.0}, {"index": 625, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.71, "Longitude": -122.17, "Population": 481.0}, {"index": 626, "quantile": 0.0, "value": 135500.0, "Latitude": 37.7, "Longitude": -122.18, "Population": 1209.0}, {"index": 626, "quantile": 0.25, "value": 205500.00000000003, "Latitude": 37.7, "Longitude": -122.18, "Population": 1209.0}, {"index": 626, "quantile": 0.5, "value": 205500.00000000003, "Latitude": 37.7, "Longitude": -122.18, "Population": 1209.0}, {"index": 626, "quantile": 0.75, "value": 206800.0, "Latitude": 37.7, "Longitude": -122.18, "Population": 1209.0}, {"index": 626, "quantile": 1.0, "value": 404800.0, "Latitude": 37.7, "Longitude": -122.18, "Population": 1209.0}, {"index": 627, "quantile": 0.0, "value": 140500.0, "Latitude": 37.7, "Longitude": -122.18, "Population": 1398.0}, {"index": 627, "quantile": 0.25, "value": 178900.0, "Latitude": 37.7, "Longitude": -122.18, "Population": 1398.0}, {"index": 627, "quantile": 0.5, "value": 178900.0, "Latitude": 37.7, "Longitude": -122.18, "Population": 1398.0}, {"index": 627, "quantile": 0.75, "value": 178900.0, "Latitude": 37.7, "Longitude": -122.18, "Population": 1398.0}, {"index": 627, "quantile": 1.0, "value": 285500.0, "Latitude": 37.7, "Longitude": -122.18, "Population": 1398.0}, {"index": 628, "quantile": 0.0, "value": 136000.0, "Latitude": 37.71, "Longitude": -122.19, "Population": 158.0}, {"index": 628, "quantile": 0.25, "value": 262500.0, "Latitude": 37.71, "Longitude": -122.19, "Population": 158.0}, {"index": 628, "quantile": 0.5, "value": 262500.0, "Latitude": 37.71, "Longitude": -122.19, "Population": 158.0}, {"index": 628, "quantile": 0.75, "value": 275875.0, "Latitude": 37.71, "Longitude": -122.19, "Population": 158.0}, {"index": 628, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -122.19, "Population": 158.0}, {"index": 629, "quantile": 0.0, "value": 113799.99999999999, "Latitude": 37.72, "Longitude": -122.17, "Population": 1817.0}, {"index": 629, "quantile": 0.25, "value": 157625.0, "Latitude": 37.72, "Longitude": -122.17, "Population": 1817.0}, {"index": 629, "quantile": 0.5, "value": 174100.0, "Latitude": 37.72, "Longitude": -122.17, "Population": 1817.0}, {"index": 629, "quantile": 0.75, "value": 193625.0, "Latitude": 37.72, "Longitude": -122.17, "Population": 1817.0}, {"index": 629, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -122.17, "Population": 1817.0}, {"index": 630, "quantile": 0.0, "value": 110400.00000000001, "Latitude": 37.72, "Longitude": -122.17, "Population": 766.0}, {"index": 630, "quantile": 0.25, "value": 159700.0, "Latitude": 37.72, "Longitude": -122.17, "Population": 766.0}, {"index": 630, "quantile": 0.5, "value": 159700.0, "Latitude": 37.72, "Longitude": -122.17, "Population": 766.0}, {"index": 630, "quantile": 0.75, "value": 159700.0, "Latitude": 37.72, "Longitude": -122.17, "Population": 766.0}, {"index": 630, "quantile": 1.0, "value": 239200.0, "Latitude": 37.72, "Longitude": -122.17, "Population": 766.0}, {"index": 631, "quantile": 0.0, "value": 136800.0, "Latitude": 37.72, "Longitude": -122.17, "Population": 814.0}, {"index": 631, "quantile": 0.25, "value": 158300.0, "Latitude": 37.72, "Longitude": -122.17, "Population": 814.0}, {"index": 631, "quantile": 0.5, "value": 158300.0, "Latitude": 37.72, "Longitude": -122.17, "Population": 814.0}, {"index": 631, "quantile": 0.75, "value": 193000.0, "Latitude": 37.72, "Longitude": -122.17, "Population": 814.0}, {"index": 631, "quantile": 1.0, "value": 292500.0, "Latitude": 37.72, "Longitude": -122.17, "Population": 814.0}, {"index": 632, "quantile": 0.0, "value": 61100.0, "Latitude": 37.72, "Longitude": -122.16, "Population": 618.0}, {"index": 632, "quantile": 0.25, "value": 142900.0, "Latitude": 37.72, "Longitude": -122.16, "Population": 618.0}, {"index": 632, "quantile": 0.5, "value": 155200.0, "Latitude": 37.72, "Longitude": -122.16, "Population": 618.0}, {"index": 632, "quantile": 0.75, "value": 180925.0, "Latitude": 37.72, "Longitude": -122.16, "Population": 618.0}, {"index": 632, "quantile": 1.0, "value": 350900.0, "Latitude": 37.72, "Longitude": -122.16, "Population": 618.0}, {"index": 633, "quantile": 0.0, "value": 90400.0, "Latitude": 37.72, "Longitude": -122.17, "Population": 2139.0}, {"index": 633, "quantile": 0.25, "value": 166300.0, "Latitude": 37.72, "Longitude": -122.17, "Population": 2139.0}, {"index": 633, "quantile": 0.5, "value": 166300.0, "Latitude": 37.72, "Longitude": -122.17, "Population": 2139.0}, {"index": 633, "quantile": 0.75, "value": 176675.0, "Latitude": 37.72, "Longitude": -122.17, "Population": 2139.0}, {"index": 633, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 37.72, "Longitude": -122.17, "Population": 2139.0}, {"index": 634, "quantile": 0.0, "value": 86300.0, "Latitude": 37.71, "Longitude": -122.16, "Population": 632.0}, {"index": 634, "quantile": 0.25, "value": 191000.0, "Latitude": 37.71, "Longitude": -122.16, "Population": 632.0}, {"index": 634, "quantile": 0.5, "value": 191000.0, "Latitude": 37.71, "Longitude": -122.16, "Population": 632.0}, {"index": 634, "quantile": 0.75, "value": 191000.0, "Latitude": 37.71, "Longitude": -122.16, "Population": 632.0}, {"index": 634, "quantile": 1.0, "value": 268400.0, "Latitude": 37.71, "Longitude": -122.16, "Population": 632.0}, {"index": 635, "quantile": 0.0, "value": 94300.0, "Latitude": 37.71, "Longitude": -122.16, "Population": 366.0}, {"index": 635, "quantile": 0.25, "value": 175000.0, "Latitude": 37.71, "Longitude": -122.16, "Population": 366.0}, {"index": 635, "quantile": 0.5, "value": 175000.0, "Latitude": 37.71, "Longitude": -122.16, "Population": 366.0}, {"index": 635, "quantile": 0.75, "value": 184675.0, "Latitude": 37.71, "Longitude": -122.16, "Population": 366.0}, {"index": 635, "quantile": 1.0, "value": 387500.0, "Latitude": 37.71, "Longitude": -122.16, "Population": 366.0}, {"index": 636, "quantile": 0.0, "value": 77500.0, "Latitude": 37.72, "Longitude": -122.16, "Population": 877.0}, {"index": 636, "quantile": 0.25, "value": 137500.0, "Latitude": 37.72, "Longitude": -122.16, "Population": 877.0}, {"index": 636, "quantile": 0.5, "value": 137500.0, "Latitude": 37.72, "Longitude": -122.16, "Population": 877.0}, {"index": 636, "quantile": 0.75, "value": 160625.00000000003, "Latitude": 37.72, "Longitude": -122.16, "Population": 877.0}, {"index": 636, "quantile": 1.0, "value": 387200.0, "Latitude": 37.72, "Longitude": -122.16, "Population": 877.0}, {"index": 637, "quantile": 0.0, "value": 87500.0, "Latitude": 37.73, "Longitude": -122.15, "Population": 830.0}, {"index": 637, "quantile": 0.25, "value": 141700.0, "Latitude": 37.73, "Longitude": -122.15, "Population": 830.0}, {"index": 637, "quantile": 0.5, "value": 141700.0, "Latitude": 37.73, "Longitude": -122.15, "Population": 830.0}, {"index": 637, "quantile": 0.75, "value": 175850.0, "Latitude": 37.73, "Longitude": -122.15, "Population": 830.0}, {"index": 637, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.15, "Population": 830.0}, {"index": 638, "quantile": 0.0, "value": 106000.0, "Latitude": 37.72, "Longitude": -122.15, "Population": 739.0}, {"index": 638, "quantile": 0.25, "value": 210475.0, "Latitude": 37.72, "Longitude": -122.15, "Population": 739.0}, {"index": 638, "quantile": 0.5, "value": 210900.0, "Latitude": 37.72, "Longitude": -122.15, "Population": 739.0}, {"index": 638, "quantile": 0.75, "value": 210900.0, "Latitude": 37.72, "Longitude": -122.15, "Population": 739.0}, {"index": 638, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -122.15, "Population": 739.0}, {"index": 639, "quantile": 0.0, "value": 131300.0, "Latitude": 37.72, "Longitude": -122.15, "Population": 540.0}, {"index": 639, "quantile": 0.25, "value": 198300.0, "Latitude": 37.72, "Longitude": -122.15, "Population": 540.0}, {"index": 639, "quantile": 0.5, "value": 198300.0, "Latitude": 37.72, "Longitude": -122.15, "Population": 540.0}, {"index": 639, "quantile": 0.75, "value": 198300.0, "Latitude": 37.72, "Longitude": -122.15, "Population": 540.0}, {"index": 639, "quantile": 1.0, "value": 474300.00000000006, "Latitude": 37.72, "Longitude": -122.15, "Population": 540.0}, {"index": 640, "quantile": 0.0, "value": 87500.0, "Latitude": 37.72, "Longitude": -122.15, "Population": 2024.0}, {"index": 640, "quantile": 0.25, "value": 157400.0, "Latitude": 37.72, "Longitude": -122.15, "Population": 2024.0}, {"index": 640, "quantile": 0.5, "value": 157400.0, "Latitude": 37.72, "Longitude": -122.15, "Population": 2024.0}, {"index": 640, "quantile": 0.75, "value": 168750.0, "Latitude": 37.72, "Longitude": -122.15, "Population": 2024.0}, {"index": 640, "quantile": 1.0, "value": 338100.0, "Latitude": 37.72, "Longitude": -122.15, "Population": 2024.0}, {"index": 641, "quantile": 0.0, "value": 93900.0, "Latitude": 37.73, "Longitude": -122.14, "Population": 823.0}, {"index": 641, "quantile": 0.25, "value": 222650.00000000003, "Latitude": 37.73, "Longitude": -122.14, "Population": 823.0}, {"index": 641, "quantile": 0.5, "value": 268750.0, "Latitude": 37.73, "Longitude": -122.14, "Population": 823.0}, {"index": 641, "quantile": 0.75, "value": 323850.0, "Latitude": 37.73, "Longitude": -122.14, "Population": 823.0}, {"index": 641, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.14, "Population": 823.0}, {"index": 642, "quantile": 0.0, "value": 63500.0, "Latitude": 37.73, "Longitude": -122.14, "Population": 711.0}, {"index": 642, "quantile": 0.25, "value": 218400.00000000003, "Latitude": 37.73, "Longitude": -122.14, "Population": 711.0}, {"index": 642, "quantile": 0.5, "value": 218400.00000000003, "Latitude": 37.73, "Longitude": -122.14, "Population": 711.0}, {"index": 642, "quantile": 0.75, "value": 218550.00000000003, "Latitude": 37.73, "Longitude": -122.14, "Population": 711.0}, {"index": 642, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.14, "Population": 711.0}, {"index": 643, "quantile": 0.0, "value": 70100.0, "Latitude": 37.73, "Longitude": -122.14, "Population": 931.0}, {"index": 643, "quantile": 0.25, "value": 152000.0, "Latitude": 37.73, "Longitude": -122.14, "Population": 931.0}, {"index": 643, "quantile": 0.5, "value": 180250.0, "Latitude": 37.73, "Longitude": -122.14, "Population": 931.0}, {"index": 643, "quantile": 0.75, "value": 240000.0, "Latitude": 37.73, "Longitude": -122.14, "Population": 931.0}, {"index": 643, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 37.73, "Longitude": -122.14, "Population": 931.0}, {"index": 644, "quantile": 0.0, "value": 160100.0, "Latitude": 37.73, "Longitude": -122.13, "Population": 686.0}, {"index": 644, "quantile": 0.25, "value": 354175.0, "Latitude": 37.73, "Longitude": -122.13, "Population": 686.0}, {"index": 644, "quantile": 0.5, "value": 434650.0, "Latitude": 37.73, "Longitude": -122.13, "Population": 686.0}, {"index": 644, "quantile": 0.75, "value": 467275.0, "Latitude": 37.73, "Longitude": -122.13, "Population": 686.0}, {"index": 644, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.13, "Population": 686.0}, {"index": 645, "quantile": 0.0, "value": 336500.0, "Latitude": 37.72, "Longitude": -122.13, "Population": 1030.0}, {"index": 645, "quantile": 0.25, "value": 367300.0, "Latitude": 37.72, "Longitude": -122.13, "Population": 1030.0}, {"index": 645, "quantile": 0.5, "value": 367300.0, "Latitude": 37.72, "Longitude": -122.13, "Population": 1030.0}, {"index": 645, "quantile": 0.75, "value": 371675.0, "Latitude": 37.72, "Longitude": -122.13, "Population": 1030.0}, {"index": 645, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -122.13, "Population": 1030.0}, {"index": 646, "quantile": 0.0, "value": 129900.0, "Latitude": 37.72, "Longitude": -122.13, "Population": 976.0}, {"index": 646, "quantile": 0.25, "value": 196925.00000000003, "Latitude": 37.72, "Longitude": -122.13, "Population": 976.0}, {"index": 646, "quantile": 0.5, "value": 243500.0, "Latitude": 37.72, "Longitude": -122.13, "Population": 976.0}, {"index": 646, "quantile": 0.75, "value": 243500.0, "Latitude": 37.72, "Longitude": -122.13, "Population": 976.0}, {"index": 646, "quantile": 1.0, "value": 292500.0, "Latitude": 37.72, "Longitude": -122.13, "Population": 976.0}, {"index": 647, "quantile": 0.0, "value": 161900.0, "Latitude": 37.71, "Longitude": -122.12, "Population": 552.0}, {"index": 647, "quantile": 0.25, "value": 167900.0, "Latitude": 37.71, "Longitude": -122.12, "Population": 552.0}, {"index": 647, "quantile": 0.5, "value": 167900.0, "Latitude": 37.71, "Longitude": -122.12, "Population": 552.0}, {"index": 647, "quantile": 0.75, "value": 184700.0, "Latitude": 37.71, "Longitude": -122.12, "Population": 552.0}, {"index": 647, "quantile": 1.0, "value": 364200.0, "Latitude": 37.71, "Longitude": -122.12, "Population": 552.0}, {"index": 648, "quantile": 0.0, "value": 172200.0, "Latitude": 37.72, "Longitude": -122.13, "Population": 340.0}, {"index": 648, "quantile": 0.25, "value": 366700.0, "Latitude": 37.72, "Longitude": -122.13, "Population": 340.0}, {"index": 648, "quantile": 0.5, "value": 371200.0, "Latitude": 37.72, "Longitude": -122.13, "Population": 340.0}, {"index": 648, "quantile": 0.75, "value": 371200.0, "Latitude": 37.72, "Longitude": -122.13, "Population": 340.0}, {"index": 648, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -122.13, "Population": 340.0}, {"index": 649, "quantile": 0.0, "value": 138100.0, "Latitude": 37.72, "Longitude": -122.14, "Population": 288.0}, {"index": 649, "quantile": 0.25, "value": 218900.0, "Latitude": 37.72, "Longitude": -122.14, "Population": 288.0}, {"index": 649, "quantile": 0.5, "value": 218900.0, "Latitude": 37.72, "Longitude": -122.14, "Population": 288.0}, {"index": 649, "quantile": 0.75, "value": 218900.0, "Latitude": 37.72, "Longitude": -122.14, "Population": 288.0}, {"index": 649, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -122.14, "Population": 288.0}, {"index": 650, "quantile": 0.0, "value": 135300.0, "Latitude": 37.72, "Longitude": -122.14, "Population": 555.0}, {"index": 650, "quantile": 0.25, "value": 201550.00000000003, "Latitude": 37.72, "Longitude": -122.14, "Population": 555.0}, {"index": 650, "quantile": 0.5, "value": 202700.0, "Latitude": 37.72, "Longitude": -122.14, "Population": 555.0}, {"index": 650, "quantile": 0.75, "value": 202700.0, "Latitude": 37.72, "Longitude": -122.14, "Population": 555.0}, {"index": 650, "quantile": 1.0, "value": 289500.0, "Latitude": 37.72, "Longitude": -122.14, "Population": 555.0}, {"index": 651, "quantile": 0.0, "value": 88800.0, "Latitude": 37.72, "Longitude": -122.13, "Population": 1006.0}, {"index": 651, "quantile": 0.25, "value": 180000.0, "Latitude": 37.72, "Longitude": -122.13, "Population": 1006.0}, {"index": 651, "quantile": 0.5, "value": 207700.0, "Latitude": 37.72, "Longitude": -122.13, "Population": 1006.0}, {"index": 651, "quantile": 0.75, "value": 231000.0, "Latitude": 37.72, "Longitude": -122.13, "Population": 1006.0}, {"index": 651, "quantile": 1.0, "value": 299200.0, "Latitude": 37.72, "Longitude": -122.13, "Population": 1006.0}, {"index": 652, "quantile": 0.0, "value": 143900.0, "Latitude": 37.71, "Longitude": -122.13, "Population": 776.0}, {"index": 652, "quantile": 0.25, "value": 188900.0, "Latitude": 37.71, "Longitude": -122.13, "Population": 776.0}, {"index": 652, "quantile": 0.5, "value": 188900.0, "Latitude": 37.71, "Longitude": -122.13, "Population": 776.0}, {"index": 652, "quantile": 0.75, "value": 188900.0, "Latitude": 37.71, "Longitude": -122.13, "Population": 776.0}, {"index": 652, "quantile": 1.0, "value": 320600.0, "Latitude": 37.71, "Longitude": -122.13, "Population": 776.0}, {"index": 653, "quantile": 0.0, "value": 96500.0, "Latitude": 37.71, "Longitude": -122.13, "Population": 609.0}, {"index": 653, "quantile": 0.25, "value": 180000.0, "Latitude": 37.71, "Longitude": -122.13, "Population": 609.0}, {"index": 653, "quantile": 0.5, "value": 180000.0, "Latitude": 37.71, "Longitude": -122.13, "Population": 609.0}, {"index": 653, "quantile": 0.75, "value": 204500.0, "Latitude": 37.71, "Longitude": -122.13, "Population": 609.0}, {"index": 653, "quantile": 1.0, "value": 468000.0, "Latitude": 37.71, "Longitude": -122.13, "Population": 609.0}, {"index": 654, "quantile": 0.0, "value": 84400.0, "Latitude": 37.71, "Longitude": -122.15, "Population": 2441.0}, {"index": 654, "quantile": 0.25, "value": 173700.0, "Latitude": 37.71, "Longitude": -122.15, "Population": 2441.0}, {"index": 654, "quantile": 0.5, "value": 217750.00000000003, "Latitude": 37.71, "Longitude": -122.15, "Population": 2441.0}, {"index": 654, "quantile": 0.75, "value": 269350.0, "Latitude": 37.71, "Longitude": -122.15, "Population": 2441.0}, {"index": 654, "quantile": 1.0, "value": 456200.0, "Latitude": 37.71, "Longitude": -122.15, "Population": 2441.0}, {"index": 655, "quantile": 0.0, "value": 130000.0, "Latitude": 37.71, "Longitude": -122.14, "Population": 1364.0}, {"index": 655, "quantile": 0.25, "value": 181700.0, "Latitude": 37.71, "Longitude": -122.14, "Population": 1364.0}, {"index": 655, "quantile": 0.5, "value": 181700.0, "Latitude": 37.71, "Longitude": -122.14, "Population": 1364.0}, {"index": 655, "quantile": 0.75, "value": 182975.0, "Latitude": 37.71, "Longitude": -122.14, "Population": 1364.0}, {"index": 655, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -122.14, "Population": 1364.0}, {"index": 656, "quantile": 0.0, "value": 143800.0, "Latitude": 37.71, "Longitude": -122.14, "Population": 2197.0}, {"index": 656, "quantile": 0.25, "value": 166800.0, "Latitude": 37.71, "Longitude": -122.14, "Population": 2197.0}, {"index": 656, "quantile": 0.5, "value": 166800.0, "Latitude": 37.71, "Longitude": -122.14, "Population": 2197.0}, {"index": 656, "quantile": 0.75, "value": 239550.00000000003, "Latitude": 37.71, "Longitude": -122.14, "Population": 2197.0}, {"index": 656, "quantile": 1.0, "value": 351100.0, "Latitude": 37.71, "Longitude": -122.14, "Population": 2197.0}, {"index": 657, "quantile": 0.0, "value": 84600.0, "Latitude": 37.7, "Longitude": -122.13, "Population": 1333.0}, {"index": 657, "quantile": 0.25, "value": 165300.0, "Latitude": 37.7, "Longitude": -122.13, "Population": 1333.0}, {"index": 657, "quantile": 0.5, "value": 180600.0, "Latitude": 37.7, "Longitude": -122.13, "Population": 1333.0}, {"index": 657, "quantile": 0.75, "value": 214125.0, "Latitude": 37.7, "Longitude": -122.13, "Population": 1333.0}, {"index": 657, "quantile": 1.0, "value": 331600.0, "Latitude": 37.7, "Longitude": -122.13, "Population": 1333.0}, {"index": 658, "quantile": 0.0, "value": 130800.0, "Latitude": 37.7, "Longitude": -122.13, "Population": 1810.0}, {"index": 658, "quantile": 0.25, "value": 201999.99999999997, "Latitude": 37.7, "Longitude": -122.13, "Population": 1810.0}, {"index": 658, "quantile": 0.5, "value": 218000.00000000003, "Latitude": 37.7, "Longitude": -122.13, "Population": 1810.0}, {"index": 658, "quantile": 0.75, "value": 218000.00000000003, "Latitude": 37.7, "Longitude": -122.13, "Population": 1810.0}, {"index": 658, "quantile": 1.0, "value": 331600.0, "Latitude": 37.7, "Longitude": -122.13, "Population": 1810.0}, {"index": 659, "quantile": 0.0, "value": 86300.0, "Latitude": 37.71, "Longitude": -122.15, "Population": 531.0}, {"index": 659, "quantile": 0.25, "value": 191500.0, "Latitude": 37.71, "Longitude": -122.15, "Population": 531.0}, {"index": 659, "quantile": 0.5, "value": 191500.0, "Latitude": 37.71, "Longitude": -122.15, "Population": 531.0}, {"index": 659, "quantile": 0.75, "value": 191500.0, "Latitude": 37.71, "Longitude": -122.15, "Population": 531.0}, {"index": 659, "quantile": 1.0, "value": 450000.0, "Latitude": 37.71, "Longitude": -122.15, "Population": 531.0}, {"index": 660, "quantile": 0.0, "value": 129900.0, "Latitude": 37.7, "Longitude": -122.15, "Population": 672.0}, {"index": 660, "quantile": 0.25, "value": 177925.0, "Latitude": 37.7, "Longitude": -122.15, "Population": 672.0}, {"index": 660, "quantile": 0.5, "value": 187500.0, "Latitude": 37.7, "Longitude": -122.15, "Population": 672.0}, {"index": 660, "quantile": 0.75, "value": 201025.0, "Latitude": 37.7, "Longitude": -122.15, "Population": 672.0}, {"index": 660, "quantile": 1.0, "value": 261900.00000000003, "Latitude": 37.7, "Longitude": -122.15, "Population": 672.0}, {"index": 661, "quantile": 0.0, "value": 128800.0, "Latitude": 37.7, "Longitude": -122.14, "Population": 695.0}, {"index": 661, "quantile": 0.25, "value": 187200.0, "Latitude": 37.7, "Longitude": -122.14, "Population": 695.0}, {"index": 661, "quantile": 0.5, "value": 187200.0, "Latitude": 37.7, "Longitude": -122.14, "Population": 695.0}, {"index": 661, "quantile": 0.75, "value": 227049.99999999997, "Latitude": 37.7, "Longitude": -122.14, "Population": 695.0}, {"index": 661, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.7, "Longitude": -122.14, "Population": 695.0}, {"index": 662, "quantile": 0.0, "value": 87500.0, "Latitude": 37.7, "Longitude": -122.13, "Population": 2162.0}, {"index": 662, "quantile": 0.25, "value": 204950.0, "Latitude": 37.7, "Longitude": -122.13, "Population": 2162.0}, {"index": 662, "quantile": 0.5, "value": 223100.0, "Latitude": 37.7, "Longitude": -122.13, "Population": 2162.0}, {"index": 662, "quantile": 0.75, "value": 223100.0, "Latitude": 37.7, "Longitude": -122.13, "Population": 2162.0}, {"index": 662, "quantile": 1.0, "value": 272900.0, "Latitude": 37.7, "Longitude": -122.13, "Population": 2162.0}, {"index": 663, "quantile": 0.0, "value": 137500.0, "Latitude": 37.69, "Longitude": -122.13, "Population": 1216.0}, {"index": 663, "quantile": 0.25, "value": 213700.0, "Latitude": 37.69, "Longitude": -122.13, "Population": 1216.0}, {"index": 663, "quantile": 0.5, "value": 286950.00000000006, "Latitude": 37.69, "Longitude": -122.13, "Population": 1216.0}, {"index": 663, "quantile": 0.75, "value": 350000.0, "Latitude": 37.69, "Longitude": -122.13, "Population": 1216.0}, {"index": 663, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.69, "Longitude": -122.13, "Population": 1216.0}, {"index": 664, "quantile": 0.0, "value": 146100.0, "Latitude": 37.7, "Longitude": -122.14, "Population": 606.0}, {"index": 664, "quantile": 0.25, "value": 184700.0, "Latitude": 37.7, "Longitude": -122.14, "Population": 606.0}, {"index": 664, "quantile": 0.5, "value": 195500.0, "Latitude": 37.7, "Longitude": -122.14, "Population": 606.0}, {"index": 664, "quantile": 0.75, "value": 197300.0, "Latitude": 37.7, "Longitude": -122.14, "Population": 606.0}, {"index": 664, "quantile": 1.0, "value": 301000.0, "Latitude": 37.7, "Longitude": -122.14, "Population": 606.0}, {"index": 665, "quantile": 0.0, "value": 172700.0, "Latitude": 37.7, "Longitude": -122.16, "Population": 1203.0}, {"index": 665, "quantile": 0.25, "value": 190400.0, "Latitude": 37.7, "Longitude": -122.16, "Population": 1203.0}, {"index": 665, "quantile": 0.5, "value": 190400.0, "Latitude": 37.7, "Longitude": -122.16, "Population": 1203.0}, {"index": 665, "quantile": 0.75, "value": 190475.0, "Latitude": 37.7, "Longitude": -122.16, "Population": 1203.0}, {"index": 665, "quantile": 1.0, "value": 387500.0, "Latitude": 37.7, "Longitude": -122.16, "Population": 1203.0}, {"index": 666, "quantile": 0.0, "value": 149700.0, "Latitude": 37.69, "Longitude": -122.14, "Population": 874.0}, {"index": 666, "quantile": 0.25, "value": 189100.0, "Latitude": 37.69, "Longitude": -122.14, "Population": 874.0}, {"index": 666, "quantile": 0.5, "value": 189100.0, "Latitude": 37.69, "Longitude": -122.14, "Population": 874.0}, {"index": 666, "quantile": 0.75, "value": 191500.0, "Latitude": 37.69, "Longitude": -122.14, "Population": 874.0}, {"index": 666, "quantile": 1.0, "value": 263600.0, "Latitude": 37.69, "Longitude": -122.14, "Population": 874.0}, {"index": 667, "quantile": 0.0, "value": 122000.0, "Latitude": 37.69, "Longitude": -122.15, "Population": 637.0}, {"index": 667, "quantile": 0.25, "value": 184600.0, "Latitude": 37.69, "Longitude": -122.15, "Population": 637.0}, {"index": 667, "quantile": 0.5, "value": 184600.0, "Latitude": 37.69, "Longitude": -122.15, "Population": 637.0}, {"index": 667, "quantile": 0.75, "value": 184600.0, "Latitude": 37.69, "Longitude": -122.15, "Population": 637.0}, {"index": 667, "quantile": 1.0, "value": 239299.99999999997, "Latitude": 37.69, "Longitude": -122.15, "Population": 637.0}, {"index": 668, "quantile": 0.0, "value": 126299.99999999999, "Latitude": 37.69, "Longitude": -122.15, "Population": 703.0}, {"index": 668, "quantile": 0.25, "value": 197300.0, "Latitude": 37.69, "Longitude": -122.15, "Population": 703.0}, {"index": 668, "quantile": 0.5, "value": 197300.0, "Latitude": 37.69, "Longitude": -122.15, "Population": 703.0}, {"index": 668, "quantile": 0.75, "value": 197300.0, "Latitude": 37.69, "Longitude": -122.15, "Population": 703.0}, {"index": 668, "quantile": 1.0, "value": 244899.99999999997, "Latitude": 37.69, "Longitude": -122.15, "Population": 703.0}, {"index": 669, "quantile": 0.0, "value": 98500.0, "Latitude": 37.7, "Longitude": -122.15, "Population": 733.0}, {"index": 669, "quantile": 0.25, "value": 192600.0, "Latitude": 37.7, "Longitude": -122.15, "Population": 733.0}, {"index": 669, "quantile": 0.5, "value": 192600.0, "Latitude": 37.7, "Longitude": -122.15, "Population": 733.0}, {"index": 669, "quantile": 0.75, "value": 192600.0, "Latitude": 37.7, "Longitude": -122.15, "Population": 733.0}, {"index": 669, "quantile": 1.0, "value": 331600.0, "Latitude": 37.7, "Longitude": -122.15, "Population": 733.0}, {"index": 670, "quantile": 0.0, "value": 93800.0, "Latitude": 37.69, "Longitude": -122.16, "Population": 625.0}, {"index": 670, "quantile": 0.25, "value": 178775.0, "Latitude": 37.69, "Longitude": -122.16, "Population": 625.0}, {"index": 670, "quantile": 0.5, "value": 192200.0, "Latitude": 37.69, "Longitude": -122.16, "Population": 625.0}, {"index": 670, "quantile": 0.75, "value": 192200.0, "Latitude": 37.69, "Longitude": -122.16, "Population": 625.0}, {"index": 670, "quantile": 1.0, "value": 387500.0, "Latitude": 37.69, "Longitude": -122.16, "Population": 625.0}, {"index": 671, "quantile": 0.0, "value": 90400.0, "Latitude": 37.7, "Longitude": -122.16, "Population": 568.0}, {"index": 671, "quantile": 0.25, "value": 177700.0, "Latitude": 37.7, "Longitude": -122.16, "Population": 568.0}, {"index": 671, "quantile": 0.5, "value": 194600.0, "Latitude": 37.7, "Longitude": -122.16, "Population": 568.0}, {"index": 671, "quantile": 0.75, "value": 194600.0, "Latitude": 37.7, "Longitude": -122.16, "Population": 568.0}, {"index": 671, "quantile": 1.0, "value": 356300.0, "Latitude": 37.7, "Longitude": -122.16, "Population": 568.0}, {"index": 672, "quantile": 0.0, "value": 190000.0, "Latitude": 37.7, "Longitude": -122.16, "Population": 836.0}, {"index": 672, "quantile": 0.25, "value": 193500.0, "Latitude": 37.7, "Longitude": -122.16, "Population": 836.0}, {"index": 672, "quantile": 0.5, "value": 193500.0, "Latitude": 37.7, "Longitude": -122.16, "Population": 836.0}, {"index": 672, "quantile": 0.75, "value": 196600.0, "Latitude": 37.7, "Longitude": -122.16, "Population": 836.0}, {"index": 672, "quantile": 1.0, "value": 327300.0, "Latitude": 37.7, "Longitude": -122.16, "Population": 836.0}, {"index": 673, "quantile": 0.0, "value": 94300.0, "Latitude": 37.7, "Longitude": -122.17, "Population": 952.0}, {"index": 673, "quantile": 0.25, "value": 196225.0, "Latitude": 37.7, "Longitude": -122.17, "Population": 952.0}, {"index": 673, "quantile": 0.5, "value": 202599.99999999997, "Latitude": 37.7, "Longitude": -122.17, "Population": 952.0}, {"index": 673, "quantile": 0.75, "value": 202599.99999999997, "Latitude": 37.7, "Longitude": -122.17, "Population": 952.0}, {"index": 673, "quantile": 1.0, "value": 364200.0, "Latitude": 37.7, "Longitude": -122.17, "Population": 952.0}, {"index": 674, "quantile": 0.0, "value": 73400.0, "Latitude": 37.68, "Longitude": -122.16, "Population": 568.0}, {"index": 674, "quantile": 0.25, "value": 83300.0, "Latitude": 37.68, "Longitude": -122.16, "Population": 568.0}, {"index": 674, "quantile": 0.5, "value": 83300.0, "Latitude": 37.68, "Longitude": -122.16, "Population": 568.0}, {"index": 674, "quantile": 0.75, "value": 124800.0, "Latitude": 37.68, "Longitude": -122.16, "Population": 568.0}, {"index": 674, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.68, "Longitude": -122.16, "Population": 568.0}, {"index": 675, "quantile": 0.0, "value": 136900.0, "Latitude": 37.69, "Longitude": -122.17, "Population": 1125.0}, {"index": 675, "quantile": 0.25, "value": 190400.0, "Latitude": 37.69, "Longitude": -122.17, "Population": 1125.0}, {"index": 675, "quantile": 0.5, "value": 232249.99999999997, "Latitude": 37.69, "Longitude": -122.17, "Population": 1125.0}, {"index": 675, "quantile": 0.75, "value": 272975.0, "Latitude": 37.69, "Longitude": -122.17, "Population": 1125.0}, {"index": 675, "quantile": 1.0, "value": 387500.0, "Latitude": 37.69, "Longitude": -122.17, "Population": 1125.0}, {"index": 676, "quantile": 0.0, "value": 174200.0, "Latitude": 37.68, "Longitude": -122.18, "Population": 840.0}, {"index": 676, "quantile": 0.25, "value": 187800.0, "Latitude": 37.68, "Longitude": -122.18, "Population": 840.0}, {"index": 676, "quantile": 0.5, "value": 187800.0, "Latitude": 37.68, "Longitude": -122.18, "Population": 840.0}, {"index": 676, "quantile": 0.75, "value": 187800.0, "Latitude": 37.68, "Longitude": -122.18, "Population": 840.0}, {"index": 676, "quantile": 1.0, "value": 496000.0, "Latitude": 37.68, "Longitude": -122.18, "Population": 840.0}, {"index": 677, "quantile": 0.0, "value": 93800.0, "Latitude": 37.69, "Longitude": -122.16, "Population": 796.0}, {"index": 677, "quantile": 0.25, "value": 205700.0, "Latitude": 37.69, "Longitude": -122.16, "Population": 796.0}, {"index": 677, "quantile": 0.5, "value": 205700.0, "Latitude": 37.69, "Longitude": -122.16, "Population": 796.0}, {"index": 677, "quantile": 0.75, "value": 205700.0, "Latitude": 37.69, "Longitude": -122.16, "Population": 796.0}, {"index": 677, "quantile": 1.0, "value": 387500.0, "Latitude": 37.69, "Longitude": -122.16, "Population": 796.0}, {"index": 678, "quantile": 0.0, "value": 94300.0, "Latitude": 37.69, "Longitude": -122.15, "Population": 863.0}, {"index": 678, "quantile": 0.25, "value": 191500.0, "Latitude": 37.69, "Longitude": -122.15, "Population": 863.0}, {"index": 678, "quantile": 0.5, "value": 192900.0, "Latitude": 37.69, "Longitude": -122.15, "Population": 863.0}, {"index": 678, "quantile": 0.75, "value": 192900.0, "Latitude": 37.69, "Longitude": -122.15, "Population": 863.0}, {"index": 678, "quantile": 1.0, "value": 450000.0, "Latitude": 37.69, "Longitude": -122.15, "Population": 863.0}, {"index": 679, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 37.68, "Longitude": -122.15, "Population": 1349.0}, {"index": 679, "quantile": 0.25, "value": 192300.0, "Latitude": 37.68, "Longitude": -122.15, "Population": 1349.0}, {"index": 679, "quantile": 0.5, "value": 204650.0, "Latitude": 37.68, "Longitude": -122.15, "Population": 1349.0}, {"index": 679, "quantile": 0.75, "value": 210300.00000000003, "Latitude": 37.68, "Longitude": -122.15, "Population": 1349.0}, {"index": 679, "quantile": 1.0, "value": 378000.0, "Latitude": 37.68, "Longitude": -122.15, "Population": 1349.0}, {"index": 680, "quantile": 0.0, "value": 128699.99999999999, "Latitude": 37.68, "Longitude": -122.15, "Population": 929.0}, {"index": 680, "quantile": 0.25, "value": 213400.0, "Latitude": 37.68, "Longitude": -122.15, "Population": 929.0}, {"index": 680, "quantile": 0.5, "value": 213400.0, "Latitude": 37.68, "Longitude": -122.15, "Population": 929.0}, {"index": 680, "quantile": 0.75, "value": 213400.0, "Latitude": 37.68, "Longitude": -122.15, "Population": 929.0}, {"index": 680, "quantile": 1.0, "value": 395000.0, "Latitude": 37.68, "Longitude": -122.15, "Population": 929.0}, {"index": 681, "quantile": 0.0, "value": 156900.0, "Latitude": 37.69, "Longitude": -122.15, "Population": 957.0}, {"index": 681, "quantile": 0.25, "value": 183600.0, "Latitude": 37.69, "Longitude": -122.15, "Population": 957.0}, {"index": 681, "quantile": 0.5, "value": 183600.0, "Latitude": 37.69, "Longitude": -122.15, "Population": 957.0}, {"index": 681, "quantile": 0.75, "value": 203425.0, "Latitude": 37.69, "Longitude": -122.15, "Population": 957.0}, {"index": 681, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 37.69, "Longitude": -122.15, "Population": 957.0}, {"index": 682, "quantile": 0.0, "value": 106000.0, "Latitude": 37.69, "Longitude": -122.14, "Population": 1093.0}, {"index": 682, "quantile": 0.25, "value": 178400.0, "Latitude": 37.69, "Longitude": -122.14, "Population": 1093.0}, {"index": 682, "quantile": 0.5, "value": 178400.0, "Latitude": 37.69, "Longitude": -122.14, "Population": 1093.0}, {"index": 682, "quantile": 0.75, "value": 210900.0, "Latitude": 37.69, "Longitude": -122.14, "Population": 1093.0}, {"index": 682, "quantile": 1.0, "value": 425000.0, "Latitude": 37.69, "Longitude": -122.14, "Population": 1093.0}, {"index": 683, "quantile": 0.0, "value": 123600.0, "Latitude": 37.68, "Longitude": -122.14, "Population": 1489.0}, {"index": 683, "quantile": 0.25, "value": 209900.00000000003, "Latitude": 37.68, "Longitude": -122.14, "Population": 1489.0}, {"index": 683, "quantile": 0.5, "value": 219200.00000000003, "Latitude": 37.68, "Longitude": -122.14, "Population": 1489.0}, {"index": 683, "quantile": 0.75, "value": 219200.00000000003, "Latitude": 37.68, "Longitude": -122.14, "Population": 1489.0}, {"index": 683, "quantile": 1.0, "value": 322400.0, "Latitude": 37.68, "Longitude": -122.14, "Population": 1489.0}, {"index": 684, "quantile": 0.0, "value": 135300.0, "Latitude": 37.68, "Longitude": -122.14, "Population": 1561.0}, {"index": 684, "quantile": 0.25, "value": 183100.0, "Latitude": 37.68, "Longitude": -122.14, "Population": 1561.0}, {"index": 684, "quantile": 0.5, "value": 183100.0, "Latitude": 37.68, "Longitude": -122.14, "Population": 1561.0}, {"index": 684, "quantile": 0.75, "value": 183100.0, "Latitude": 37.68, "Longitude": -122.14, "Population": 1561.0}, {"index": 684, "quantile": 1.0, "value": 228600.0, "Latitude": 37.68, "Longitude": -122.14, "Population": 1561.0}, {"index": 685, "quantile": 0.0, "value": 76400.0, "Latitude": 37.69, "Longitude": -122.1, "Population": 1256.0}, {"index": 685, "quantile": 0.25, "value": 157100.0, "Latitude": 37.69, "Longitude": -122.1, "Population": 1256.0}, {"index": 685, "quantile": 0.5, "value": 157100.0, "Latitude": 37.69, "Longitude": -122.1, "Population": 1256.0}, {"index": 685, "quantile": 0.75, "value": 157100.0, "Latitude": 37.69, "Longitude": -122.1, "Population": 1256.0}, {"index": 685, "quantile": 1.0, "value": 270300.0, "Latitude": 37.69, "Longitude": -122.1, "Population": 1256.0}, {"index": 686, "quantile": 0.0, "value": 129400.0, "Latitude": 37.69, "Longitude": -122.12, "Population": 695.0}, {"index": 686, "quantile": 0.25, "value": 157800.0, "Latitude": 37.69, "Longitude": -122.12, "Population": 695.0}, {"index": 686, "quantile": 0.5, "value": 157800.0, "Latitude": 37.69, "Longitude": -122.12, "Population": 695.0}, {"index": 686, "quantile": 0.75, "value": 174325.00000000003, "Latitude": 37.69, "Longitude": -122.12, "Population": 695.0}, {"index": 686, "quantile": 1.0, "value": 292500.0, "Latitude": 37.69, "Longitude": -122.12, "Population": 695.0}, {"index": 687, "quantile": 0.0, "value": 97200.0, "Latitude": 37.69, "Longitude": -122.13, "Population": 560.0}, {"index": 687, "quantile": 0.25, "value": 161700.0, "Latitude": 37.69, "Longitude": -122.13, "Population": 560.0}, {"index": 687, "quantile": 0.5, "value": 161700.0, "Latitude": 37.69, "Longitude": -122.13, "Population": 560.0}, {"index": 687, "quantile": 0.75, "value": 170800.0, "Latitude": 37.69, "Longitude": -122.13, "Population": 560.0}, {"index": 687, "quantile": 1.0, "value": 282100.0, "Latitude": 37.69, "Longitude": -122.13, "Population": 560.0}, {"index": 688, "quantile": 0.0, "value": 97200.0, "Latitude": 37.71, "Longitude": -122.12, "Population": 632.0}, {"index": 688, "quantile": 0.25, "value": 152100.0, "Latitude": 37.71, "Longitude": -122.12, "Population": 632.0}, {"index": 688, "quantile": 0.5, "value": 152100.0, "Latitude": 37.71, "Longitude": -122.12, "Population": 632.0}, {"index": 688, "quantile": 0.75, "value": 175850.0, "Latitude": 37.71, "Longitude": -122.12, "Population": 632.0}, {"index": 688, "quantile": 1.0, "value": 310600.0, "Latitude": 37.71, "Longitude": -122.12, "Population": 632.0}, {"index": 689, "quantile": 0.0, "value": 111500.0, "Latitude": 37.7, "Longitude": -122.12, "Population": 1849.0}, {"index": 689, "quantile": 0.25, "value": 144900.0, "Latitude": 37.7, "Longitude": -122.12, "Population": 1849.0}, {"index": 689, "quantile": 0.5, "value": 144900.0, "Latitude": 37.7, "Longitude": -122.12, "Population": 1849.0}, {"index": 689, "quantile": 0.75, "value": 165875.0, "Latitude": 37.7, "Longitude": -122.12, "Population": 1849.0}, {"index": 689, "quantile": 1.0, "value": 325900.0, "Latitude": 37.7, "Longitude": -122.12, "Population": 1849.0}, {"index": 690, "quantile": 0.0, "value": 98100.0, "Latitude": 37.7, "Longitude": -122.12, "Population": 1287.0}, {"index": 690, "quantile": 0.25, "value": 179900.0, "Latitude": 37.7, "Longitude": -122.12, "Population": 1287.0}, {"index": 690, "quantile": 0.5, "value": 179900.0, "Latitude": 37.7, "Longitude": -122.12, "Population": 1287.0}, {"index": 690, "quantile": 0.75, "value": 179900.0, "Latitude": 37.7, "Longitude": -122.12, "Population": 1287.0}, {"index": 690, "quantile": 1.0, "value": 264300.0, "Latitude": 37.7, "Longitude": -122.12, "Population": 1287.0}, {"index": 691, "quantile": 0.0, "value": 149700.0, "Latitude": 37.69, "Longitude": -122.12, "Population": 1580.0}, {"index": 691, "quantile": 0.25, "value": 179100.0, "Latitude": 37.69, "Longitude": -122.12, "Population": 1580.0}, {"index": 691, "quantile": 0.5, "value": 179100.0, "Latitude": 37.69, "Longitude": -122.12, "Population": 1580.0}, {"index": 691, "quantile": 0.75, "value": 179100.0, "Latitude": 37.69, "Longitude": -122.12, "Population": 1580.0}, {"index": 691, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 37.69, "Longitude": -122.12, "Population": 1580.0}, {"index": 692, "quantile": 0.0, "value": 98200.0, "Latitude": 37.7, "Longitude": -122.12, "Population": 1571.0}, {"index": 692, "quantile": 0.25, "value": 159900.0, "Latitude": 37.7, "Longitude": -122.12, "Population": 1571.0}, {"index": 692, "quantile": 0.5, "value": 159900.0, "Latitude": 37.7, "Longitude": -122.12, "Population": 1571.0}, {"index": 692, "quantile": 0.75, "value": 159900.0, "Latitude": 37.7, "Longitude": -122.12, "Population": 1571.0}, {"index": 692, "quantile": 1.0, "value": 260900.0, "Latitude": 37.7, "Longitude": -122.12, "Population": 1571.0}, {"index": 693, "quantile": 0.0, "value": 104200.0, "Latitude": 37.7, "Longitude": -122.11, "Population": 828.0}, {"index": 693, "quantile": 0.25, "value": 141700.0, "Latitude": 37.7, "Longitude": -122.11, "Population": 828.0}, {"index": 693, "quantile": 0.5, "value": 170400.0, "Latitude": 37.7, "Longitude": -122.11, "Population": 828.0}, {"index": 693, "quantile": 0.75, "value": 211050.0, "Latitude": 37.7, "Longitude": -122.11, "Population": 828.0}, {"index": 693, "quantile": 1.0, "value": 402500.00000000006, "Latitude": 37.7, "Longitude": -122.11, "Population": 828.0}, {"index": 694, "quantile": 0.0, "value": 52500.0, "Latitude": 37.7, "Longitude": -122.11, "Population": 835.0}, {"index": 694, "quantile": 0.25, "value": 170400.0, "Latitude": 37.7, "Longitude": -122.11, "Population": 835.0}, {"index": 694, "quantile": 0.5, "value": 170400.0, "Latitude": 37.7, "Longitude": -122.11, "Population": 835.0}, {"index": 694, "quantile": 0.75, "value": 170400.0, "Latitude": 37.7, "Longitude": -122.11, "Population": 835.0}, {"index": 694, "quantile": 1.0, "value": 450000.0, "Latitude": 37.7, "Longitude": -122.11, "Population": 835.0}, {"index": 695, "quantile": 0.0, "value": 112500.0, "Latitude": 37.7, "Longitude": -122.11, "Population": 1765.0}, {"index": 695, "quantile": 0.25, "value": 137500.0, "Latitude": 37.7, "Longitude": -122.11, "Population": 1765.0}, {"index": 695, "quantile": 0.5, "value": 137500.0, "Latitude": 37.7, "Longitude": -122.11, "Population": 1765.0}, {"index": 695, "quantile": 0.75, "value": 161375.0, "Latitude": 37.7, "Longitude": -122.11, "Population": 1765.0}, {"index": 695, "quantile": 1.0, "value": 402500.00000000006, "Latitude": 37.7, "Longitude": -122.11, "Population": 1765.0}, {"index": 696, "quantile": 0.0, "value": 93800.0, "Latitude": 37.69, "Longitude": -122.1, "Population": 387.0}, {"index": 696, "quantile": 0.25, "value": 178400.0, "Latitude": 37.69, "Longitude": -122.1, "Population": 387.0}, {"index": 696, "quantile": 0.5, "value": 178400.0, "Latitude": 37.69, "Longitude": -122.1, "Population": 387.0}, {"index": 696, "quantile": 0.75, "value": 178400.0, "Latitude": 37.69, "Longitude": -122.1, "Population": 387.0}, {"index": 696, "quantile": 1.0, "value": 405400.0, "Latitude": 37.69, "Longitude": -122.1, "Population": 387.0}, {"index": 697, "quantile": 0.0, "value": 60200.0, "Latitude": 37.69, "Longitude": -122.11, "Population": 1562.0}, {"index": 697, "quantile": 0.25, "value": 155200.0, "Latitude": 37.69, "Longitude": -122.11, "Population": 1562.0}, {"index": 697, "quantile": 0.5, "value": 155200.0, "Latitude": 37.69, "Longitude": -122.11, "Population": 1562.0}, {"index": 697, "quantile": 0.75, "value": 155200.0, "Latitude": 37.69, "Longitude": -122.11, "Population": 1562.0}, {"index": 697, "quantile": 1.0, "value": 244000.0, "Latitude": 37.69, "Longitude": -122.11, "Population": 1562.0}, {"index": 698, "quantile": 0.0, "value": 129400.0, "Latitude": 37.69, "Longitude": -122.11, "Population": 768.0}, {"index": 698, "quantile": 0.25, "value": 160900.0, "Latitude": 37.69, "Longitude": -122.11, "Population": 768.0}, {"index": 698, "quantile": 0.5, "value": 160900.0, "Latitude": 37.69, "Longitude": -122.11, "Population": 768.0}, {"index": 698, "quantile": 0.75, "value": 165700.0, "Latitude": 37.69, "Longitude": -122.11, "Population": 768.0}, {"index": 698, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.69, "Longitude": -122.11, "Population": 768.0}, {"index": 699, "quantile": 0.0, "value": 77100.0, "Latitude": 37.69, "Longitude": -122.12, "Population": 1140.0}, {"index": 699, "quantile": 0.25, "value": 167300.0, "Latitude": 37.69, "Longitude": -122.12, "Population": 1140.0}, {"index": 699, "quantile": 0.5, "value": 167300.0, "Latitude": 37.69, "Longitude": -122.12, "Population": 1140.0}, {"index": 699, "quantile": 0.75, "value": 167300.0, "Latitude": 37.69, "Longitude": -122.12, "Population": 1140.0}, {"index": 699, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 37.69, "Longitude": -122.12, "Population": 1140.0}, {"index": 700, "quantile": 0.0, "value": 102800.0, "Latitude": 37.69, "Longitude": -122.03, "Population": 83.0}, {"index": 700, "quantile": 0.25, "value": 340000.0, "Latitude": 37.69, "Longitude": -122.03, "Population": 83.0}, {"index": 700, "quantile": 0.5, "value": 340000.0, "Latitude": 37.69, "Longitude": -122.03, "Population": 83.0}, {"index": 700, "quantile": 0.75, "value": 340000.0, "Latitude": 37.69, "Longitude": -122.03, "Population": 83.0}, {"index": 700, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.69, "Longitude": -122.03, "Population": 83.0}, {"index": 701, "quantile": 0.0, "value": 150800.0, "Latitude": 37.64, "Longitude": -121.97, "Population": 485.0}, {"index": 701, "quantile": 0.25, "value": 278500.0, "Latitude": 37.64, "Longitude": -121.97, "Population": 485.0}, {"index": 701, "quantile": 0.5, "value": 339500.0, "Latitude": 37.64, "Longitude": -121.97, "Population": 485.0}, {"index": 701, "quantile": 0.75, "value": 382275.0, "Latitude": 37.64, "Longitude": -121.97, "Population": 485.0}, {"index": 701, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.64, "Longitude": -121.97, "Population": 485.0}, {"index": 702, "quantile": 0.0, "value": 132500.0, "Latitude": 37.63, "Longitude": -122.02, "Population": 1189.0}, {"index": 702, "quantile": 0.25, "value": 250274.99999999997, "Latitude": 37.63, "Longitude": -122.02, "Population": 1189.0}, {"index": 702, "quantile": 0.5, "value": 301100.0, "Latitude": 37.63, "Longitude": -122.02, "Population": 1189.0}, {"index": 702, "quantile": 0.75, "value": 301100.0, "Latitude": 37.63, "Longitude": -122.02, "Population": 1189.0}, {"index": 702, "quantile": 1.0, "value": 387200.0, "Latitude": 37.63, "Longitude": -122.02, "Population": 1189.0}, {"index": 703, "quantile": 0.0, "value": 106900.0, "Latitude": 37.63, "Longitude": -122.04, "Population": 586.0}, {"index": 703, "quantile": 0.25, "value": 241900.0, "Latitude": 37.63, "Longitude": -122.04, "Population": 586.0}, {"index": 703, "quantile": 0.5, "value": 241900.0, "Latitude": 37.63, "Longitude": -122.04, "Population": 586.0}, {"index": 703, "quantile": 0.75, "value": 241900.0, "Latitude": 37.63, "Longitude": -122.04, "Population": 586.0}, {"index": 703, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.63, "Longitude": -122.04, "Population": 586.0}, {"index": 704, "quantile": 0.0, "value": 145000.0, "Latitude": 37.63, "Longitude": -122.05, "Population": 2240.0}, {"index": 704, "quantile": 0.25, "value": 162500.0, "Latitude": 37.63, "Longitude": -122.05, "Population": 2240.0}, {"index": 704, "quantile": 0.5, "value": 162500.0, "Latitude": 37.63, "Longitude": -122.05, "Population": 2240.0}, {"index": 704, "quantile": 0.75, "value": 181825.0, "Latitude": 37.63, "Longitude": -122.05, "Population": 2240.0}, {"index": 704, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 37.63, "Longitude": -122.05, "Population": 2240.0}, {"index": 705, "quantile": 0.0, "value": 137200.0, "Latitude": 37.66, "Longitude": -122.04, "Population": 867.0}, {"index": 705, "quantile": 0.25, "value": 193100.0, "Latitude": 37.66, "Longitude": -122.04, "Population": 867.0}, {"index": 705, "quantile": 0.5, "value": 244550.0, "Latitude": 37.66, "Longitude": -122.04, "Population": 867.0}, {"index": 705, "quantile": 0.75, "value": 283550.0, "Latitude": 37.66, "Longitude": -122.04, "Population": 867.0}, {"index": 705, "quantile": 1.0, "value": 444500.0, "Latitude": 37.66, "Longitude": -122.04, "Population": 867.0}, {"index": 706, "quantile": 0.0, "value": 198100.0, "Latitude": 37.65, "Longitude": -122.04, "Population": 3827.0}, {"index": 706, "quantile": 0.25, "value": 285850.0, "Latitude": 37.65, "Longitude": -122.04, "Population": 3827.0}, {"index": 706, "quantile": 0.5, "value": 337950.0, "Latitude": 37.65, "Longitude": -122.04, "Population": 3827.0}, {"index": 706, "quantile": 0.75, "value": 393800.0, "Latitude": 37.65, "Longitude": -122.04, "Population": 3827.0}, {"index": 706, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.65, "Longitude": -122.04, "Population": 3827.0}, {"index": 707, "quantile": 0.0, "value": 190400.0, "Latitude": 37.68, "Longitude": -122.05, "Population": 3827.0}, {"index": 707, "quantile": 0.25, "value": 216800.00000000003, "Latitude": 37.68, "Longitude": -122.05, "Population": 3827.0}, {"index": 707, "quantile": 0.5, "value": 216800.00000000003, "Latitude": 37.68, "Longitude": -122.05, "Population": 3827.0}, {"index": 707, "quantile": 0.75, "value": 225875.0, "Latitude": 37.68, "Longitude": -122.05, "Population": 3827.0}, {"index": 707, "quantile": 1.0, "value": 355100.0, "Latitude": 37.68, "Longitude": -122.05, "Population": 3827.0}, {"index": 708, "quantile": 0.0, "value": 135600.0, "Latitude": 37.68, "Longitude": -122.07, "Population": 1280.0}, {"index": 708, "quantile": 0.25, "value": 178175.0, "Latitude": 37.68, "Longitude": -122.07, "Population": 1280.0}, {"index": 708, "quantile": 0.5, "value": 218100.0, "Latitude": 37.68, "Longitude": -122.07, "Population": 1280.0}, {"index": 708, "quantile": 0.75, "value": 218100.0, "Latitude": 37.68, "Longitude": -122.07, "Population": 1280.0}, {"index": 708, "quantile": 1.0, "value": 261400.0, "Latitude": 37.68, "Longitude": -122.07, "Population": 1280.0}, {"index": 709, "quantile": 0.0, "value": 110600.00000000001, "Latitude": 37.68, "Longitude": -122.06, "Population": 2667.0}, {"index": 709, "quantile": 0.25, "value": 170300.0, "Latitude": 37.68, "Longitude": -122.06, "Population": 2667.0}, {"index": 709, "quantile": 0.5, "value": 170300.0, "Latitude": 37.68, "Longitude": -122.06, "Population": 2667.0}, {"index": 709, "quantile": 0.75, "value": 170300.0, "Latitude": 37.68, "Longitude": -122.06, "Population": 2667.0}, {"index": 709, "quantile": 1.0, "value": 331600.0, "Latitude": 37.68, "Longitude": -122.06, "Population": 2667.0}, {"index": 710, "quantile": 0.0, "value": 83300.0, "Latitude": 37.68, "Longitude": -122.08, "Population": 253.0}, {"index": 710, "quantile": 0.25, "value": 237500.0, "Latitude": 37.68, "Longitude": -122.08, "Population": 253.0}, {"index": 710, "quantile": 0.5, "value": 275000.0, "Latitude": 37.68, "Longitude": -122.08, "Population": 253.0}, {"index": 710, "quantile": 0.75, "value": 275000.0, "Latitude": 37.68, "Longitude": -122.08, "Population": 253.0}, {"index": 710, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.68, "Longitude": -122.08, "Population": 253.0}, {"index": 711, "quantile": 0.0, "value": 72500.0, "Latitude": 37.68, "Longitude": -122.08, "Population": 1401.0}, {"index": 711, "quantile": 0.25, "value": 184100.0, "Latitude": 37.68, "Longitude": -122.08, "Population": 1401.0}, {"index": 711, "quantile": 0.5, "value": 184100.0, "Latitude": 37.68, "Longitude": -122.08, "Population": 1401.0}, {"index": 711, "quantile": 0.75, "value": 184100.0, "Latitude": 37.68, "Longitude": -122.08, "Population": 1401.0}, {"index": 711, "quantile": 1.0, "value": 298400.0, "Latitude": 37.68, "Longitude": -122.08, "Population": 1401.0}, {"index": 712, "quantile": 0.0, "value": 60000.0, "Latitude": 37.67, "Longitude": -122.08, "Population": 233.0}, {"index": 712, "quantile": 0.25, "value": 160000.0, "Latitude": 37.67, "Longitude": -122.08, "Population": 233.0}, {"index": 712, "quantile": 0.5, "value": 160000.0, "Latitude": 37.67, "Longitude": -122.08, "Population": 233.0}, {"index": 712, "quantile": 0.75, "value": 160000.0, "Latitude": 37.67, "Longitude": -122.08, "Population": 233.0}, {"index": 712, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.67, "Longitude": -122.08, "Population": 233.0}, {"index": 713, "quantile": 0.0, "value": 97200.0, "Latitude": 37.67, "Longitude": -122.09, "Population": 673.0}, {"index": 713, "quantile": 0.25, "value": 175000.0, "Latitude": 37.67, "Longitude": -122.09, "Population": 673.0}, {"index": 713, "quantile": 0.5, "value": 175000.0, "Latitude": 37.67, "Longitude": -122.09, "Population": 673.0}, {"index": 713, "quantile": 0.75, "value": 175000.0, "Latitude": 37.67, "Longitude": -122.09, "Population": 673.0}, {"index": 713, "quantile": 1.0, "value": 337500.0, "Latitude": 37.67, "Longitude": -122.09, "Population": 673.0}, {"index": 714, "quantile": 0.0, "value": 87500.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 704.0}, {"index": 714, "quantile": 0.25, "value": 180000.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 704.0}, {"index": 714, "quantile": 0.5, "value": 209500.00000000003, "Latitude": 37.68, "Longitude": -122.09, "Population": 704.0}, {"index": 714, "quantile": 0.75, "value": 245600.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 704.0}, {"index": 714, "quantile": 1.0, "value": 468000.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 704.0}, {"index": 715, "quantile": 0.0, "value": 138100.0, "Latitude": 37.69, "Longitude": -122.09, "Population": 273.0}, {"index": 715, "quantile": 0.25, "value": 150000.0, "Latitude": 37.69, "Longitude": -122.09, "Population": 273.0}, {"index": 715, "quantile": 0.5, "value": 150000.0, "Latitude": 37.69, "Longitude": -122.09, "Population": 273.0}, {"index": 715, "quantile": 0.75, "value": 188900.0, "Latitude": 37.69, "Longitude": -122.09, "Population": 273.0}, {"index": 715, "quantile": 1.0, "value": 334300.0, "Latitude": 37.69, "Longitude": -122.09, "Population": 273.0}, {"index": 716, "quantile": 0.0, "value": 52800.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 1120.0}, {"index": 716, "quantile": 0.25, "value": 199750.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 1120.0}, {"index": 716, "quantile": 0.5, "value": 205600.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 1120.0}, {"index": 716, "quantile": 0.75, "value": 205600.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 1120.0}, {"index": 716, "quantile": 1.0, "value": 298400.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 1120.0}, {"index": 717, "quantile": 0.0, "value": 97200.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 1105.0}, {"index": 717, "quantile": 0.25, "value": 152100.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 1105.0}, {"index": 717, "quantile": 0.5, "value": 161550.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 1105.0}, {"index": 717, "quantile": 0.75, "value": 182975.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 1105.0}, {"index": 717, "quantile": 1.0, "value": 375000.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 1105.0}, {"index": 718, "quantile": 0.0, "value": 73400.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 569.0}, {"index": 718, "quantile": 0.25, "value": 190900.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 569.0}, {"index": 718, "quantile": 0.5, "value": 190900.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 569.0}, {"index": 718, "quantile": 0.75, "value": 199525.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 569.0}, {"index": 718, "quantile": 1.0, "value": 377300.0, "Latitude": 37.68, "Longitude": -122.09, "Population": 569.0}, {"index": 719, "quantile": 0.0, "value": 150000.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 691.0}, {"index": 719, "quantile": 0.25, "value": 188900.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 691.0}, {"index": 719, "quantile": 0.5, "value": 209900.00000000003, "Latitude": 37.68, "Longitude": -122.1, "Population": 691.0}, {"index": 719, "quantile": 0.75, "value": 233000.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 691.0}, {"index": 719, "quantile": 1.0, "value": 360500.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 691.0}, {"index": 720, "quantile": 0.0, "value": 101600.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 1109.0}, {"index": 720, "quantile": 0.25, "value": 174000.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 1109.0}, {"index": 720, "quantile": 0.5, "value": 174000.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 1109.0}, {"index": 720, "quantile": 0.75, "value": 174000.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 1109.0}, {"index": 720, "quantile": 1.0, "value": 396300.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 1109.0}, {"index": 721, "quantile": 0.0, "value": 115500.0, "Latitude": 37.68, "Longitude": -122.11, "Population": 1197.0}, {"index": 721, "quantile": 0.25, "value": 155200.0, "Latitude": 37.68, "Longitude": -122.11, "Population": 1197.0}, {"index": 721, "quantile": 0.5, "value": 157600.0, "Latitude": 37.68, "Longitude": -122.11, "Population": 1197.0}, {"index": 721, "quantile": 0.75, "value": 179200.0, "Latitude": 37.68, "Longitude": -122.11, "Population": 1197.0}, {"index": 721, "quantile": 1.0, "value": 350900.0, "Latitude": 37.68, "Longitude": -122.11, "Population": 1197.0}, {"index": 722, "quantile": 0.0, "value": 141900.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 1061.0}, {"index": 722, "quantile": 0.25, "value": 153500.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 1061.0}, {"index": 722, "quantile": 0.5, "value": 174100.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 1061.0}, {"index": 722, "quantile": 0.75, "value": 179500.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 1061.0}, {"index": 722, "quantile": 1.0, "value": 270300.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 1061.0}, {"index": 723, "quantile": 0.0, "value": 134700.0, "Latitude": 37.67, "Longitude": -122.1, "Population": 2479.0}, {"index": 723, "quantile": 0.25, "value": 155200.0, "Latitude": 37.67, "Longitude": -122.1, "Population": 2479.0}, {"index": 723, "quantile": 0.5, "value": 159850.0, "Latitude": 37.67, "Longitude": -122.1, "Population": 2479.0}, {"index": 723, "quantile": 0.75, "value": 178950.0, "Latitude": 37.67, "Longitude": -122.1, "Population": 2479.0}, {"index": 723, "quantile": 1.0, "value": 338900.0, "Latitude": 37.67, "Longitude": -122.1, "Population": 2479.0}, {"index": 724, "quantile": 0.0, "value": 95600.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 1162.0}, {"index": 724, "quantile": 0.25, "value": 167100.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 1162.0}, {"index": 724, "quantile": 0.5, "value": 167100.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 1162.0}, {"index": 724, "quantile": 0.75, "value": 167100.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 1162.0}, {"index": 724, "quantile": 1.0, "value": 417600.0, "Latitude": 37.68, "Longitude": -122.1, "Population": 1162.0}, {"index": 725, "quantile": 0.0, "value": 87500.0, "Latitude": 37.68, "Longitude": -122.12, "Population": 1146.0}, {"index": 725, "quantile": 0.25, "value": 148900.0, "Latitude": 37.68, "Longitude": -122.12, "Population": 1146.0}, {"index": 725, "quantile": 0.5, "value": 148900.0, "Latitude": 37.68, "Longitude": -122.12, "Population": 1146.0}, {"index": 725, "quantile": 0.75, "value": 154300.00000000003, "Latitude": 37.68, "Longitude": -122.12, "Population": 1146.0}, {"index": 725, "quantile": 1.0, "value": 194600.0, "Latitude": 37.68, "Longitude": -122.12, "Population": 1146.0}, {"index": 726, "quantile": 0.0, "value": 78600.0, "Latitude": 37.68, "Longitude": -122.12, "Population": 724.0}, {"index": 726, "quantile": 0.25, "value": 196400.0, "Latitude": 37.68, "Longitude": -122.12, "Population": 724.0}, {"index": 726, "quantile": 0.5, "value": 196400.0, "Latitude": 37.68, "Longitude": -122.12, "Population": 724.0}, {"index": 726, "quantile": 0.75, "value": 196400.0, "Latitude": 37.68, "Longitude": -122.12, "Population": 724.0}, {"index": 726, "quantile": 1.0, "value": 353600.0, "Latitude": 37.68, "Longitude": -122.12, "Population": 724.0}, {"index": 727, "quantile": 0.0, "value": 150000.0, "Latitude": 37.68, "Longitude": -122.12, "Population": 975.0}, {"index": 727, "quantile": 0.25, "value": 187500.0, "Latitude": 37.68, "Longitude": -122.12, "Population": 975.0}, {"index": 727, "quantile": 0.5, "value": 196000.0, "Latitude": 37.68, "Longitude": -122.12, "Population": 975.0}, {"index": 727, "quantile": 0.75, "value": 205775.0, "Latitude": 37.68, "Longitude": -122.12, "Population": 975.0}, {"index": 727, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 37.68, "Longitude": -122.12, "Population": 975.0}, {"index": 728, "quantile": 0.0, "value": 127000.0, "Latitude": 37.67, "Longitude": -122.11, "Population": 952.0}, {"index": 728, "quantile": 0.25, "value": 187500.0, "Latitude": 37.67, "Longitude": -122.11, "Population": 952.0}, {"index": 728, "quantile": 0.5, "value": 187500.0, "Latitude": 37.67, "Longitude": -122.11, "Population": 952.0}, {"index": 728, "quantile": 0.75, "value": 187500.0, "Latitude": 37.67, "Longitude": -122.11, "Population": 952.0}, {"index": 728, "quantile": 1.0, "value": 293200.0, "Latitude": 37.67, "Longitude": -122.11, "Population": 952.0}, {"index": 729, "quantile": 0.0, "value": 110700.0, "Latitude": 37.68, "Longitude": -122.12, "Population": 1159.0}, {"index": 729, "quantile": 0.25, "value": 180600.0, "Latitude": 37.68, "Longitude": -122.12, "Population": 1159.0}, {"index": 729, "quantile": 0.5, "value": 180600.0, "Latitude": 37.68, "Longitude": -122.12, "Population": 1159.0}, {"index": 729, "quantile": 0.75, "value": 180600.0, "Latitude": 37.68, "Longitude": -122.12, "Population": 1159.0}, {"index": 729, "quantile": 1.0, "value": 331600.0, "Latitude": 37.68, "Longitude": -122.12, "Population": 1159.0}, {"index": 730, "quantile": 0.0, "value": 93800.0, "Latitude": 37.68, "Longitude": -122.13, "Population": 1129.0}, {"index": 730, "quantile": 0.25, "value": 182800.0, "Latitude": 37.68, "Longitude": -122.13, "Population": 1129.0}, {"index": 730, "quantile": 0.5, "value": 182800.0, "Latitude": 37.68, "Longitude": -122.13, "Population": 1129.0}, {"index": 730, "quantile": 0.75, "value": 182800.0, "Latitude": 37.68, "Longitude": -122.13, "Population": 1129.0}, {"index": 730, "quantile": 1.0, "value": 349600.0, "Latitude": 37.68, "Longitude": -122.13, "Population": 1129.0}, {"index": 731, "quantile": 0.0, "value": 126299.99999999999, "Latitude": 37.68, "Longitude": -122.13, "Population": 1175.0}, {"index": 731, "quantile": 0.25, "value": 179300.0, "Latitude": 37.68, "Longitude": -122.13, "Population": 1175.0}, {"index": 731, "quantile": 0.5, "value": 179300.0, "Latitude": 37.68, "Longitude": -122.13, "Population": 1175.0}, {"index": 731, "quantile": 0.75, "value": 179300.0, "Latitude": 37.68, "Longitude": -122.13, "Population": 1175.0}, {"index": 731, "quantile": 1.0, "value": 320300.0, "Latitude": 37.68, "Longitude": -122.13, "Population": 1175.0}, {"index": 732, "quantile": 0.0, "value": 110700.0, "Latitude": 37.68, "Longitude": -122.13, "Population": 924.0}, {"index": 732, "quantile": 0.25, "value": 179400.0, "Latitude": 37.68, "Longitude": -122.13, "Population": 924.0}, {"index": 732, "quantile": 0.5, "value": 179400.0, "Latitude": 37.68, "Longitude": -122.13, "Population": 924.0}, {"index": 732, "quantile": 0.75, "value": 179400.0, "Latitude": 37.68, "Longitude": -122.13, "Population": 924.0}, {"index": 732, "quantile": 1.0, "value": 206599.99999999997, "Latitude": 37.68, "Longitude": -122.13, "Population": 924.0}, {"index": 733, "quantile": 0.0, "value": 78600.0, "Latitude": 37.68, "Longitude": -122.14, "Population": 1424.0}, {"index": 733, "quantile": 0.25, "value": 196200.0, "Latitude": 37.68, "Longitude": -122.14, "Population": 1424.0}, {"index": 733, "quantile": 0.5, "value": 210300.00000000003, "Latitude": 37.68, "Longitude": -122.14, "Population": 1424.0}, {"index": 733, "quantile": 0.75, "value": 210300.00000000003, "Latitude": 37.68, "Longitude": -122.14, "Population": 1424.0}, {"index": 733, "quantile": 1.0, "value": 322400.0, "Latitude": 37.68, "Longitude": -122.14, "Population": 1424.0}, {"index": 734, "quantile": 0.0, "value": 174100.0, "Latitude": 37.67, "Longitude": -122.14, "Population": 1366.0}, {"index": 734, "quantile": 0.25, "value": 192300.0, "Latitude": 37.67, "Longitude": -122.14, "Population": 1366.0}, {"index": 734, "quantile": 0.5, "value": 192300.0, "Latitude": 37.67, "Longitude": -122.14, "Population": 1366.0}, {"index": 734, "quantile": 0.75, "value": 196200.0, "Latitude": 37.67, "Longitude": -122.14, "Population": 1366.0}, {"index": 734, "quantile": 1.0, "value": 332400.0, "Latitude": 37.67, "Longitude": -122.14, "Population": 1366.0}, {"index": 735, "quantile": 0.0, "value": 168800.0, "Latitude": 37.67, "Longitude": -122.15, "Population": 1171.0}, {"index": 735, "quantile": 0.25, "value": 198100.0, "Latitude": 37.67, "Longitude": -122.15, "Population": 1171.0}, {"index": 735, "quantile": 0.5, "value": 198100.0, "Latitude": 37.67, "Longitude": -122.15, "Population": 1171.0}, {"index": 735, "quantile": 0.75, "value": 201574.99999999997, "Latitude": 37.67, "Longitude": -122.15, "Population": 1171.0}, {"index": 735, "quantile": 1.0, "value": 359100.0, "Latitude": 37.67, "Longitude": -122.15, "Population": 1171.0}, {"index": 736, "quantile": 0.0, "value": 150800.0, "Latitude": 37.67, "Longitude": -122.14, "Population": 641.0}, {"index": 736, "quantile": 0.25, "value": 196200.0, "Latitude": 37.67, "Longitude": -122.14, "Population": 641.0}, {"index": 736, "quantile": 0.5, "value": 196200.0, "Latitude": 37.67, "Longitude": -122.14, "Population": 641.0}, {"index": 736, "quantile": 0.75, "value": 196200.0, "Latitude": 37.67, "Longitude": -122.14, "Population": 641.0}, {"index": 736, "quantile": 1.0, "value": 318600.0, "Latitude": 37.67, "Longitude": -122.14, "Population": 641.0}, {"index": 737, "quantile": 0.0, "value": 67900.0, "Latitude": 37.67, "Longitude": -122.13, "Population": 880.0}, {"index": 737, "quantile": 0.25, "value": 163450.0, "Latitude": 37.67, "Longitude": -122.13, "Population": 880.0}, {"index": 737, "quantile": 0.5, "value": 181900.0, "Latitude": 37.67, "Longitude": -122.13, "Population": 880.0}, {"index": 737, "quantile": 0.75, "value": 194325.0, "Latitude": 37.67, "Longitude": -122.13, "Population": 880.0}, {"index": 737, "quantile": 1.0, "value": 331600.0, "Latitude": 37.67, "Longitude": -122.13, "Population": 880.0}, {"index": 738, "quantile": 0.0, "value": 143100.0, "Latitude": 37.67, "Longitude": -122.14, "Population": 1635.0}, {"index": 738, "quantile": 0.25, "value": 186900.0, "Latitude": 37.67, "Longitude": -122.14, "Population": 1635.0}, {"index": 738, "quantile": 0.5, "value": 186900.0, "Latitude": 37.67, "Longitude": -122.14, "Population": 1635.0}, {"index": 738, "quantile": 0.75, "value": 196425.0, "Latitude": 37.67, "Longitude": -122.14, "Population": 1635.0}, {"index": 738, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.67, "Longitude": -122.14, "Population": 1635.0}, {"index": 739, "quantile": 0.0, "value": 186400.0, "Latitude": 37.67, "Longitude": -122.14, "Population": 1495.0}, {"index": 739, "quantile": 0.25, "value": 188300.0, "Latitude": 37.67, "Longitude": -122.14, "Population": 1495.0}, {"index": 739, "quantile": 0.5, "value": 188300.0, "Latitude": 37.67, "Longitude": -122.14, "Population": 1495.0}, {"index": 739, "quantile": 0.75, "value": 220900.0, "Latitude": 37.67, "Longitude": -122.14, "Population": 1495.0}, {"index": 739, "quantile": 1.0, "value": 440299.99999999994, "Latitude": 37.67, "Longitude": -122.14, "Population": 1495.0}, {"index": 740, "quantile": 0.0, "value": 126299.99999999999, "Latitude": 37.67, "Longitude": -122.13, "Population": 914.0}, {"index": 740, "quantile": 0.25, "value": 171750.0, "Latitude": 37.67, "Longitude": -122.13, "Population": 914.0}, {"index": 740, "quantile": 0.5, "value": 184200.0, "Latitude": 37.67, "Longitude": -122.13, "Population": 914.0}, {"index": 740, "quantile": 0.75, "value": 191675.0, "Latitude": 37.67, "Longitude": -122.13, "Population": 914.0}, {"index": 740, "quantile": 1.0, "value": 340900.0, "Latitude": 37.67, "Longitude": -122.13, "Population": 914.0}, {"index": 741, "quantile": 0.0, "value": 133100.0, "Latitude": 37.67, "Longitude": -122.12, "Population": 1798.0}, {"index": 741, "quantile": 0.25, "value": 184700.0, "Latitude": 37.67, "Longitude": -122.12, "Population": 1798.0}, {"index": 741, "quantile": 0.5, "value": 184700.0, "Latitude": 37.67, "Longitude": -122.12, "Population": 1798.0}, {"index": 741, "quantile": 0.75, "value": 184700.0, "Latitude": 37.67, "Longitude": -122.12, "Population": 1798.0}, {"index": 741, "quantile": 1.0, "value": 335500.0, "Latitude": 37.67, "Longitude": -122.12, "Population": 1798.0}, {"index": 742, "quantile": 0.0, "value": 92800.0, "Latitude": 37.67, "Longitude": -122.13, "Population": 1625.0}, {"index": 742, "quantile": 0.25, "value": 179900.0, "Latitude": 37.67, "Longitude": -122.13, "Population": 1625.0}, {"index": 742, "quantile": 0.5, "value": 179900.0, "Latitude": 37.67, "Longitude": -122.13, "Population": 1625.0}, {"index": 742, "quantile": 0.75, "value": 179900.0, "Latitude": 37.67, "Longitude": -122.13, "Population": 1625.0}, {"index": 742, "quantile": 1.0, "value": 281900.0, "Latitude": 37.67, "Longitude": -122.13, "Population": 1625.0}, {"index": 743, "quantile": 0.0, "value": 87500.0, "Latitude": 37.67, "Longitude": -122.11, "Population": 599.0}, {"index": 743, "quantile": 0.25, "value": 154850.0, "Latitude": 37.67, "Longitude": -122.11, "Population": 599.0}, {"index": 743, "quantile": 0.5, "value": 174100.0, "Latitude": 37.67, "Longitude": -122.11, "Population": 599.0}, {"index": 743, "quantile": 0.75, "value": 179575.0, "Latitude": 37.67, "Longitude": -122.11, "Population": 599.0}, {"index": 743, "quantile": 1.0, "value": 362500.0, "Latitude": 37.67, "Longitude": -122.11, "Population": 599.0}, {"index": 744, "quantile": 0.0, "value": 71300.0, "Latitude": 37.67, "Longitude": -122.11, "Population": 2037.0}, {"index": 744, "quantile": 0.25, "value": 165400.0, "Latitude": 37.67, "Longitude": -122.11, "Population": 2037.0}, {"index": 744, "quantile": 0.5, "value": 165400.0, "Latitude": 37.67, "Longitude": -122.11, "Population": 2037.0}, {"index": 744, "quantile": 0.75, "value": 165400.0, "Latitude": 37.67, "Longitude": -122.11, "Population": 2037.0}, {"index": 744, "quantile": 1.0, "value": 271600.0, "Latitude": 37.67, "Longitude": -122.11, "Population": 2037.0}, {"index": 745, "quantile": 0.0, "value": 116700.0, "Latitude": 37.67, "Longitude": -122.09, "Population": 1854.0}, {"index": 745, "quantile": 0.25, "value": 154000.0, "Latitude": 37.67, "Longitude": -122.09, "Population": 1854.0}, {"index": 745, "quantile": 0.5, "value": 154000.0, "Latitude": 37.67, "Longitude": -122.09, "Population": 1854.0}, {"index": 745, "quantile": 0.75, "value": 157600.0, "Latitude": 37.67, "Longitude": -122.09, "Population": 1854.0}, {"index": 745, "quantile": 1.0, "value": 242499.99999999997, "Latitude": 37.67, "Longitude": -122.09, "Population": 1854.0}, {"index": 746, "quantile": 0.0, "value": 141900.0, "Latitude": 37.67, "Longitude": -122.09, "Population": 1408.0}, {"index": 746, "quantile": 0.25, "value": 153500.0, "Latitude": 37.67, "Longitude": -122.09, "Population": 1408.0}, {"index": 746, "quantile": 0.5, "value": 153500.0, "Latitude": 37.67, "Longitude": -122.09, "Population": 1408.0}, {"index": 746, "quantile": 0.75, "value": 174100.0, "Latitude": 37.67, "Longitude": -122.09, "Population": 1408.0}, {"index": 746, "quantile": 1.0, "value": 349300.0, "Latitude": 37.67, "Longitude": -122.09, "Population": 1408.0}, {"index": 747, "quantile": 0.0, "value": 93800.0, "Latitude": 37.66, "Longitude": -122.09, "Population": 766.0}, {"index": 747, "quantile": 0.25, "value": 153500.0, "Latitude": 37.66, "Longitude": -122.09, "Population": 766.0}, {"index": 747, "quantile": 0.5, "value": 169100.0, "Latitude": 37.66, "Longitude": -122.09, "Population": 766.0}, {"index": 747, "quantile": 0.75, "value": 188675.0, "Latitude": 37.66, "Longitude": -122.09, "Population": 766.0}, {"index": 747, "quantile": 1.0, "value": 381800.0, "Latitude": 37.66, "Longitude": -122.09, "Population": 766.0}, {"index": 748, "quantile": 0.0, "value": 55400.00000000001, "Latitude": 37.66, "Longitude": -122.09, "Population": 725.0}, {"index": 748, "quantile": 0.25, "value": 107675.00000000001, "Latitude": 37.66, "Longitude": -122.09, "Population": 725.0}, {"index": 748, "quantile": 0.5, "value": 151950.0, "Latitude": 37.66, "Longitude": -122.09, "Population": 725.0}, {"index": 748, "quantile": 0.75, "value": 174325.00000000003, "Latitude": 37.66, "Longitude": -122.09, "Population": 725.0}, {"index": 748, "quantile": 1.0, "value": 337500.0, "Latitude": 37.66, "Longitude": -122.09, "Population": 725.0}, {"index": 749, "quantile": 0.0, "value": 181100.0, "Latitude": 37.68, "Longitude": -122.05, "Population": 1019.0}, {"index": 749, "quantile": 0.25, "value": 240700.0, "Latitude": 37.68, "Longitude": -122.05, "Population": 1019.0}, {"index": 749, "quantile": 0.5, "value": 240700.0, "Latitude": 37.68, "Longitude": -122.05, "Population": 1019.0}, {"index": 749, "quantile": 0.75, "value": 271725.0, "Latitude": 37.68, "Longitude": -122.05, "Population": 1019.0}, {"index": 749, "quantile": 1.0, "value": 431400.0, "Latitude": 37.68, "Longitude": -122.05, "Population": 1019.0}, {"index": 750, "quantile": 0.0, "value": 144000.0, "Latitude": 37.67, "Longitude": -122.06, "Population": 1830.0}, {"index": 750, "quantile": 0.25, "value": 180700.0, "Latitude": 37.67, "Longitude": -122.06, "Population": 1830.0}, {"index": 750, "quantile": 0.5, "value": 180700.0, "Latitude": 37.67, "Longitude": -122.06, "Population": 1830.0}, {"index": 750, "quantile": 0.75, "value": 210300.00000000003, "Latitude": 37.67, "Longitude": -122.06, "Population": 1830.0}, {"index": 750, "quantile": 1.0, "value": 395000.0, "Latitude": 37.67, "Longitude": -122.06, "Population": 1830.0}, {"index": 751, "quantile": 0.0, "value": 112799.99999999999, "Latitude": 37.67, "Longitude": -122.07, "Population": 1469.0}, {"index": 751, "quantile": 0.25, "value": 216975.0, "Latitude": 37.67, "Longitude": -122.07, "Population": 1469.0}, {"index": 751, "quantile": 0.5, "value": 230600.0, "Latitude": 37.67, "Longitude": -122.07, "Population": 1469.0}, {"index": 751, "quantile": 0.75, "value": 230600.0, "Latitude": 37.67, "Longitude": -122.07, "Population": 1469.0}, {"index": 751, "quantile": 1.0, "value": 292500.0, "Latitude": 37.67, "Longitude": -122.07, "Population": 1469.0}, {"index": 752, "quantile": 0.0, "value": 122800.0, "Latitude": 37.67, "Longitude": -122.07, "Population": 1198.0}, {"index": 752, "quantile": 0.25, "value": 252775.00000000003, "Latitude": 37.67, "Longitude": -122.07, "Population": 1198.0}, {"index": 752, "quantile": 0.5, "value": 330850.0, "Latitude": 37.67, "Longitude": -122.07, "Population": 1198.0}, {"index": 752, "quantile": 0.75, "value": 451550.00000000006, "Latitude": 37.67, "Longitude": -122.07, "Population": 1198.0}, {"index": 752, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.67, "Longitude": -122.07, "Population": 1198.0}, {"index": 753, "quantile": 0.0, "value": 126299.99999999999, "Latitude": 37.67, "Longitude": -122.07, "Population": 1039.0}, {"index": 753, "quantile": 0.25, "value": 165300.0, "Latitude": 37.67, "Longitude": -122.07, "Population": 1039.0}, {"index": 753, "quantile": 0.5, "value": 165300.0, "Latitude": 37.67, "Longitude": -122.07, "Population": 1039.0}, {"index": 753, "quantile": 0.75, "value": 184700.0, "Latitude": 37.67, "Longitude": -122.07, "Population": 1039.0}, {"index": 753, "quantile": 1.0, "value": 243500.0, "Latitude": 37.67, "Longitude": -122.07, "Population": 1039.0}, {"index": 754, "quantile": 0.0, "value": 160100.0, "Latitude": 37.67, "Longitude": -122.04, "Population": 690.0}, {"index": 754, "quantile": 0.25, "value": 254199.99999999997, "Latitude": 37.67, "Longitude": -122.04, "Population": 690.0}, {"index": 754, "quantile": 0.5, "value": 254199.99999999997, "Latitude": 37.67, "Longitude": -122.04, "Population": 690.0}, {"index": 754, "quantile": 0.75, "value": 294900.0, "Latitude": 37.67, "Longitude": -122.04, "Population": 690.0}, {"index": 754, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.67, "Longitude": -122.04, "Population": 690.0}, {"index": 755, "quantile": 0.0, "value": 127200.0, "Latitude": 37.67, "Longitude": -122.04, "Population": 1155.0}, {"index": 755, "quantile": 0.25, "value": 332600.0, "Latitude": 37.67, "Longitude": -122.04, "Population": 1155.0}, {"index": 755, "quantile": 0.5, "value": 332600.0, "Latitude": 37.67, "Longitude": -122.04, "Population": 1155.0}, {"index": 755, "quantile": 0.75, "value": 332600.0, "Latitude": 37.67, "Longitude": -122.04, "Population": 1155.0}, {"index": 755, "quantile": 1.0, "value": 467699.99999999994, "Latitude": 37.67, "Longitude": -122.04, "Population": 1155.0}, {"index": 756, "quantile": 0.0, "value": 102800.0, "Latitude": 37.66, "Longitude": -122.04, "Population": 1066.0}, {"index": 756, "quantile": 0.25, "value": 283200.0, "Latitude": 37.66, "Longitude": -122.04, "Population": 1066.0}, {"index": 756, "quantile": 0.5, "value": 340000.0, "Latitude": 37.66, "Longitude": -122.04, "Population": 1066.0}, {"index": 756, "quantile": 0.75, "value": 350000.0, "Latitude": 37.66, "Longitude": -122.04, "Population": 1066.0}, {"index": 756, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.66, "Longitude": -122.04, "Population": 1066.0}, {"index": 757, "quantile": 0.0, "value": 106000.0, "Latitude": 37.66, "Longitude": -122.07, "Population": 1255.0}, {"index": 757, "quantile": 0.25, "value": 161200.0, "Latitude": 37.66, "Longitude": -122.07, "Population": 1255.0}, {"index": 757, "quantile": 0.5, "value": 161200.0, "Latitude": 37.66, "Longitude": -122.07, "Population": 1255.0}, {"index": 757, "quantile": 0.75, "value": 181700.0, "Latitude": 37.66, "Longitude": -122.07, "Population": 1255.0}, {"index": 757, "quantile": 1.0, "value": 325000.0, "Latitude": 37.66, "Longitude": -122.07, "Population": 1255.0}, {"index": 758, "quantile": 0.0, "value": 140300.0, "Latitude": 37.66, "Longitude": -122.07, "Population": 2461.0}, {"index": 758, "quantile": 0.25, "value": 179300.0, "Latitude": 37.66, "Longitude": -122.07, "Population": 2461.0}, {"index": 758, "quantile": 0.5, "value": 179300.0, "Latitude": 37.66, "Longitude": -122.07, "Population": 2461.0}, {"index": 758, "quantile": 0.75, "value": 212500.0, "Latitude": 37.66, "Longitude": -122.07, "Population": 2461.0}, {"index": 758, "quantile": 1.0, "value": 391900.0, "Latitude": 37.66, "Longitude": -122.07, "Population": 2461.0}, {"index": 759, "quantile": 0.0, "value": 76400.0, "Latitude": 37.66, "Longitude": -122.08, "Population": 1063.0}, {"index": 759, "quantile": 0.25, "value": 153500.0, "Latitude": 37.66, "Longitude": -122.08, "Population": 1063.0}, {"index": 759, "quantile": 0.5, "value": 162600.0, "Latitude": 37.66, "Longitude": -122.08, "Population": 1063.0}, {"index": 759, "quantile": 0.75, "value": 174100.0, "Latitude": 37.66, "Longitude": -122.08, "Population": 1063.0}, {"index": 759, "quantile": 1.0, "value": 325900.0, "Latitude": 37.66, "Longitude": -122.08, "Population": 1063.0}, {"index": 760, "quantile": 0.0, "value": 80000.0, "Latitude": 37.65, "Longitude": -122.07, "Population": 2181.0}, {"index": 760, "quantile": 0.25, "value": 148900.0, "Latitude": 37.65, "Longitude": -122.07, "Population": 2181.0}, {"index": 760, "quantile": 0.5, "value": 157600.0, "Latitude": 37.65, "Longitude": -122.07, "Population": 2181.0}, {"index": 760, "quantile": 0.75, "value": 170850.0, "Latitude": 37.65, "Longitude": -122.07, "Population": 2181.0}, {"index": 760, "quantile": 1.0, "value": 290100.0, "Latitude": 37.65, "Longitude": -122.07, "Population": 2181.0}, {"index": 761, "quantile": 0.0, "value": 87500.0, "Latitude": 37.65, "Longitude": -122.08, "Population": 3069.0}, {"index": 761, "quantile": 0.25, "value": 161900.0, "Latitude": 37.65, "Longitude": -122.08, "Population": 3069.0}, {"index": 761, "quantile": 0.5, "value": 161900.0, "Latitude": 37.65, "Longitude": -122.08, "Population": 3069.0}, {"index": 761, "quantile": 0.75, "value": 182975.0, "Latitude": 37.65, "Longitude": -122.08, "Population": 3069.0}, {"index": 761, "quantile": 1.0, "value": 335700.0, "Latitude": 37.65, "Longitude": -122.08, "Population": 3069.0}, {"index": 762, "quantile": 0.0, "value": 149700.0, "Latitude": 37.65, "Longitude": -122.08, "Population": 1093.0}, {"index": 762, "quantile": 0.25, "value": 165400.0, "Latitude": 37.65, "Longitude": -122.08, "Population": 1093.0}, {"index": 762, "quantile": 0.5, "value": 165400.0, "Latitude": 37.65, "Longitude": -122.08, "Population": 1093.0}, {"index": 762, "quantile": 0.75, "value": 169325.0, "Latitude": 37.65, "Longitude": -122.08, "Population": 1093.0}, {"index": 762, "quantile": 1.0, "value": 303100.0, "Latitude": 37.65, "Longitude": -122.08, "Population": 1093.0}, {"index": 763, "quantile": 0.0, "value": 60000.0, "Latitude": 37.66, "Longitude": -122.08, "Population": 1349.0}, {"index": 763, "quantile": 0.25, "value": 93975.0, "Latitude": 37.66, "Longitude": -122.08, "Population": 1349.0}, {"index": 763, "quantile": 0.5, "value": 132500.0, "Latitude": 37.66, "Longitude": -122.08, "Population": 1349.0}, {"index": 763, "quantile": 0.75, "value": 167300.0, "Latitude": 37.66, "Longitude": -122.08, "Population": 1349.0}, {"index": 763, "quantile": 1.0, "value": 270000.0, "Latitude": 37.66, "Longitude": -122.08, "Population": 1349.0}, {"index": 764, "quantile": 0.0, "value": 83200.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 599.0}, {"index": 764, "quantile": 0.25, "value": 149700.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 599.0}, {"index": 764, "quantile": 0.5, "value": 149700.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 599.0}, {"index": 764, "quantile": 0.75, "value": 159175.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 599.0}, {"index": 764, "quantile": 1.0, "value": 340900.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 599.0}, {"index": 765, "quantile": 0.0, "value": 67500.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 480.0}, {"index": 765, "quantile": 0.25, "value": 162100.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 480.0}, {"index": 765, "quantile": 0.5, "value": 162100.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 480.0}, {"index": 765, "quantile": 0.75, "value": 162100.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 480.0}, {"index": 765, "quantile": 1.0, "value": 234700.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 480.0}, {"index": 766, "quantile": 0.0, "value": 69100.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 1293.0}, {"index": 766, "quantile": 0.25, "value": 148900.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 1293.0}, {"index": 766, "quantile": 0.5, "value": 157650.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 1293.0}, {"index": 766, "quantile": 0.75, "value": 174100.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 1293.0}, {"index": 766, "quantile": 1.0, "value": 270300.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 1293.0}, {"index": 767, "quantile": 0.0, "value": 137300.0, "Latitude": 37.65, "Longitude": -122.09, "Population": 1414.0}, {"index": 767, "quantile": 0.25, "value": 195200.0, "Latitude": 37.65, "Longitude": -122.09, "Population": 1414.0}, {"index": 767, "quantile": 0.5, "value": 195200.0, "Latitude": 37.65, "Longitude": -122.09, "Population": 1414.0}, {"index": 767, "quantile": 0.75, "value": 195200.0, "Latitude": 37.65, "Longitude": -122.09, "Population": 1414.0}, {"index": 767, "quantile": 1.0, "value": 377300.0, "Latitude": 37.65, "Longitude": -122.09, "Population": 1414.0}, {"index": 768, "quantile": 0.0, "value": 86300.0, "Latitude": 37.65, "Longitude": -122.09, "Population": 543.0}, {"index": 768, "quantile": 0.25, "value": 177575.0, "Latitude": 37.65, "Longitude": -122.09, "Population": 543.0}, {"index": 768, "quantile": 0.5, "value": 193200.0, "Latitude": 37.65, "Longitude": -122.09, "Population": 543.0}, {"index": 768, "quantile": 0.75, "value": 201850.0, "Latitude": 37.65, "Longitude": -122.09, "Population": 543.0}, {"index": 768, "quantile": 1.0, "value": 294100.0, "Latitude": 37.65, "Longitude": -122.09, "Population": 543.0}, {"index": 769, "quantile": 0.0, "value": 146200.0, "Latitude": 37.65, "Longitude": -122.09, "Population": 572.0}, {"index": 769, "quantile": 0.25, "value": 193800.0, "Latitude": 37.65, "Longitude": -122.09, "Population": 572.0}, {"index": 769, "quantile": 0.5, "value": 193800.0, "Latitude": 37.65, "Longitude": -122.09, "Population": 572.0}, {"index": 769, "quantile": 0.75, "value": 200599.99999999997, "Latitude": 37.65, "Longitude": -122.09, "Population": 572.0}, {"index": 769, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.65, "Longitude": -122.09, "Population": 572.0}, {"index": 770, "quantile": 0.0, "value": 146200.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 342.0}, {"index": 770, "quantile": 0.25, "value": 193800.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 342.0}, {"index": 770, "quantile": 0.5, "value": 200599.99999999997, "Latitude": 37.66, "Longitude": -122.1, "Population": 342.0}, {"index": 770, "quantile": 0.75, "value": 200599.99999999997, "Latitude": 37.66, "Longitude": -122.1, "Population": 342.0}, {"index": 770, "quantile": 1.0, "value": 385700.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 342.0}, {"index": 771, "quantile": 0.0, "value": 67500.0, "Latitude": 37.66, "Longitude": -122.11, "Population": 2332.0}, {"index": 771, "quantile": 0.25, "value": 155725.0, "Latitude": 37.66, "Longitude": -122.11, "Population": 2332.0}, {"index": 771, "quantile": 0.5, "value": 175150.0, "Latitude": 37.66, "Longitude": -122.11, "Population": 2332.0}, {"index": 771, "quantile": 0.75, "value": 190000.0, "Latitude": 37.66, "Longitude": -122.11, "Population": 2332.0}, {"index": 771, "quantile": 1.0, "value": 271200.0, "Latitude": 37.66, "Longitude": -122.11, "Population": 2332.0}, {"index": 772, "quantile": 0.0, "value": 135700.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 768.0}, {"index": 772, "quantile": 0.25, "value": 172700.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 768.0}, {"index": 772, "quantile": 0.5, "value": 177550.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 768.0}, {"index": 772, "quantile": 0.75, "value": 192900.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 768.0}, {"index": 772, "quantile": 1.0, "value": 338100.0, "Latitude": 37.66, "Longitude": -122.1, "Population": 768.0}, {"index": 773, "quantile": 0.0, "value": 165400.0, "Latitude": 37.66, "Longitude": -122.11, "Population": 913.0}, {"index": 773, "quantile": 0.25, "value": 172700.0, "Latitude": 37.66, "Longitude": -122.11, "Population": 913.0}, {"index": 773, "quantile": 0.5, "value": 172700.0, "Latitude": 37.66, "Longitude": -122.11, "Population": 913.0}, {"index": 773, "quantile": 0.75, "value": 175625.0, "Latitude": 37.66, "Longitude": -122.11, "Population": 913.0}, {"index": 773, "quantile": 1.0, "value": 332400.0, "Latitude": 37.66, "Longitude": -122.11, "Population": 913.0}, {"index": 774, "quantile": 0.0, "value": 111500.0, "Latitude": 37.66, "Longitude": -122.11, "Population": 1726.0}, {"index": 774, "quantile": 0.25, "value": 174100.0, "Latitude": 37.66, "Longitude": -122.11, "Population": 1726.0}, {"index": 774, "quantile": 0.5, "value": 174100.0, "Latitude": 37.66, "Longitude": -122.11, "Population": 1726.0}, {"index": 774, "quantile": 0.75, "value": 174100.0, "Latitude": 37.66, "Longitude": -122.11, "Population": 1726.0}, {"index": 774, "quantile": 1.0, "value": 270300.0, "Latitude": 37.66, "Longitude": -122.11, "Population": 1726.0}, {"index": 775, "quantile": 0.0, "value": 150900.0, "Latitude": 37.65, "Longitude": -122.1, "Population": 1185.0}, {"index": 775, "quantile": 0.25, "value": 205500.00000000003, "Latitude": 37.65, "Longitude": -122.1, "Population": 1185.0}, {"index": 775, "quantile": 0.5, "value": 209200.0, "Latitude": 37.65, "Longitude": -122.1, "Population": 1185.0}, {"index": 775, "quantile": 0.75, "value": 289075.0, "Latitude": 37.65, "Longitude": -122.1, "Population": 1185.0}, {"index": 775, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.65, "Longitude": -122.1, "Population": 1185.0}, {"index": 776, "quantile": 0.0, "value": 110700.0, "Latitude": 37.64, "Longitude": -122.1, "Population": 735.0}, {"index": 776, "quantile": 0.25, "value": 206700.00000000003, "Latitude": 37.64, "Longitude": -122.1, "Population": 735.0}, {"index": 776, "quantile": 0.5, "value": 206700.00000000003, "Latitude": 37.64, "Longitude": -122.1, "Population": 735.0}, {"index": 776, "quantile": 0.75, "value": 206700.00000000003, "Latitude": 37.64, "Longitude": -122.1, "Population": 735.0}, {"index": 776, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.64, "Longitude": -122.1, "Population": 735.0}, {"index": 777, "quantile": 0.0, "value": 144000.0, "Latitude": 37.65, "Longitude": -122.1, "Population": 796.0}, {"index": 777, "quantile": 0.25, "value": 204500.0, "Latitude": 37.65, "Longitude": -122.1, "Population": 796.0}, {"index": 777, "quantile": 0.5, "value": 204500.0, "Latitude": 37.65, "Longitude": -122.1, "Population": 796.0}, {"index": 777, "quantile": 0.75, "value": 204500.0, "Latitude": 37.65, "Longitude": -122.1, "Population": 796.0}, {"index": 777, "quantile": 1.0, "value": 315600.0, "Latitude": 37.65, "Longitude": -122.1, "Population": 796.0}, {"index": 778, "quantile": 0.0, "value": 94300.0, "Latitude": 37.65, "Longitude": -122.1, "Population": 252.0}, {"index": 778, "quantile": 0.25, "value": 175000.0, "Latitude": 37.65, "Longitude": -122.1, "Population": 252.0}, {"index": 778, "quantile": 0.5, "value": 175000.0, "Latitude": 37.65, "Longitude": -122.1, "Population": 252.0}, {"index": 778, "quantile": 0.75, "value": 181750.0, "Latitude": 37.65, "Longitude": -122.1, "Population": 252.0}, {"index": 778, "quantile": 1.0, "value": 350000.0, "Latitude": 37.65, "Longitude": -122.1, "Population": 252.0}, {"index": 779, "quantile": 0.0, "value": 22500.0, "Latitude": 37.65, "Longitude": -122.12, "Population": 86.0}, {"index": 779, "quantile": 0.25, "value": 135950.0, "Latitude": 37.65, "Longitude": -122.12, "Population": 86.0}, {"index": 779, "quantile": 0.5, "value": 162500.0, "Latitude": 37.65, "Longitude": -122.12, "Population": 86.0}, {"index": 779, "quantile": 0.75, "value": 190625.0, "Latitude": 37.65, "Longitude": -122.12, "Population": 86.0}, {"index": 779, "quantile": 1.0, "value": 420000.0, "Latitude": 37.65, "Longitude": -122.12, "Population": 86.0}, {"index": 780, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 37.63, "Longitude": -122.1, "Population": 5613.0}, {"index": 780, "quantile": 0.25, "value": 178200.0, "Latitude": 37.63, "Longitude": -122.1, "Population": 5613.0}, {"index": 780, "quantile": 0.5, "value": 188649.99999999997, "Latitude": 37.63, "Longitude": -122.1, "Population": 5613.0}, {"index": 780, "quantile": 0.75, "value": 218000.00000000003, "Latitude": 37.63, "Longitude": -122.1, "Population": 5613.0}, {"index": 780, "quantile": 1.0, "value": 450000.0, "Latitude": 37.63, "Longitude": -122.1, "Population": 5613.0}, {"index": 781, "quantile": 0.0, "value": 151400.0, "Latitude": 37.61, "Longitude": -122.1, "Population": 1727.0}, {"index": 781, "quantile": 0.25, "value": 173600.0, "Latitude": 37.61, "Longitude": -122.1, "Population": 1727.0}, {"index": 781, "quantile": 0.5, "value": 173600.0, "Latitude": 37.61, "Longitude": -122.1, "Population": 1727.0}, {"index": 781, "quantile": 0.75, "value": 173600.0, "Latitude": 37.61, "Longitude": -122.1, "Population": 1727.0}, {"index": 781, "quantile": 1.0, "value": 235300.00000000003, "Latitude": 37.61, "Longitude": -122.1, "Population": 1727.0}, {"index": 782, "quantile": 0.0, "value": 40000.0, "Latitude": 37.66, "Longitude": -122.13, "Population": 407.0}, {"index": 782, "quantile": 0.25, "value": 163000.0, "Latitude": 37.66, "Longitude": -122.13, "Population": 407.0}, {"index": 782, "quantile": 0.5, "value": 163000.0, "Latitude": 37.66, "Longitude": -122.13, "Population": 407.0}, {"index": 782, "quantile": 0.75, "value": 187200.0, "Latitude": 37.66, "Longitude": -122.13, "Population": 407.0}, {"index": 782, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.66, "Longitude": -122.13, "Population": 407.0}, {"index": 783, "quantile": 0.0, "value": 123600.0, "Latitude": 37.65, "Longitude": -122.11, "Population": 2041.0}, {"index": 783, "quantile": 0.25, "value": 192600.0, "Latitude": 37.65, "Longitude": -122.11, "Population": 2041.0}, {"index": 783, "quantile": 0.5, "value": 331600.0, "Latitude": 37.65, "Longitude": -122.11, "Population": 2041.0}, {"index": 783, "quantile": 0.75, "value": 331600.0, "Latitude": 37.65, "Longitude": -122.11, "Population": 2041.0}, {"index": 783, "quantile": 1.0, "value": 342800.0, "Latitude": 37.65, "Longitude": -122.11, "Population": 2041.0}, {"index": 784, "quantile": 0.0, "value": 140600.0, "Latitude": 37.64, "Longitude": -122.11, "Population": 854.0}, {"index": 784, "quantile": 0.25, "value": 197600.0, "Latitude": 37.64, "Longitude": -122.11, "Population": 854.0}, {"index": 784, "quantile": 0.5, "value": 197600.0, "Latitude": 37.64, "Longitude": -122.11, "Population": 854.0}, {"index": 784, "quantile": 0.75, "value": 197600.0, "Latitude": 37.64, "Longitude": -122.11, "Population": 854.0}, {"index": 784, "quantile": 1.0, "value": 392800.0, "Latitude": 37.64, "Longitude": -122.11, "Population": 854.0}, {"index": 785, "quantile": 0.0, "value": 145000.0, "Latitude": 37.64, "Longitude": -122.11, "Population": 1907.0}, {"index": 785, "quantile": 0.25, "value": 197375.0, "Latitude": 37.64, "Longitude": -122.11, "Population": 1907.0}, {"index": 785, "quantile": 0.5, "value": 197900.0, "Latitude": 37.64, "Longitude": -122.11, "Population": 1907.0}, {"index": 785, "quantile": 0.75, "value": 197900.0, "Latitude": 37.64, "Longitude": -122.11, "Population": 1907.0}, {"index": 785, "quantile": 1.0, "value": 353600.0, "Latitude": 37.64, "Longitude": -122.11, "Population": 1907.0}, {"index": 786, "quantile": 0.0, "value": 94300.0, "Latitude": 37.64, "Longitude": -122.12, "Population": 264.0}, {"index": 786, "quantile": 0.25, "value": 172000.0, "Latitude": 37.64, "Longitude": -122.12, "Population": 264.0}, {"index": 786, "quantile": 0.5, "value": 228100.0, "Latitude": 37.64, "Longitude": -122.12, "Population": 264.0}, {"index": 786, "quantile": 0.75, "value": 228100.0, "Latitude": 37.64, "Longitude": -122.12, "Population": 264.0}, {"index": 786, "quantile": 1.0, "value": 253900.00000000003, "Latitude": 37.64, "Longitude": -122.12, "Population": 264.0}, {"index": 787, "quantile": 0.0, "value": 93800.0, "Latitude": 37.63, "Longitude": -122.09, "Population": 735.0}, {"index": 787, "quantile": 0.25, "value": 172700.0, "Latitude": 37.63, "Longitude": -122.09, "Population": 735.0}, {"index": 787, "quantile": 0.5, "value": 184200.0, "Latitude": 37.63, "Longitude": -122.09, "Population": 735.0}, {"index": 787, "quantile": 0.75, "value": 192600.0, "Latitude": 37.63, "Longitude": -122.09, "Population": 735.0}, {"index": 787, "quantile": 1.0, "value": 342800.0, "Latitude": 37.63, "Longitude": -122.09, "Population": 735.0}, {"index": 788, "quantile": 0.0, "value": 93800.0, "Latitude": 37.64, "Longitude": -122.09, "Population": 836.0}, {"index": 788, "quantile": 0.25, "value": 184200.0, "Latitude": 37.64, "Longitude": -122.09, "Population": 836.0}, {"index": 788, "quantile": 0.5, "value": 184200.0, "Latitude": 37.64, "Longitude": -122.09, "Population": 836.0}, {"index": 788, "quantile": 0.75, "value": 184200.0, "Latitude": 37.64, "Longitude": -122.09, "Population": 836.0}, {"index": 788, "quantile": 1.0, "value": 280500.0, "Latitude": 37.64, "Longitude": -122.09, "Population": 836.0}, {"index": 789, "quantile": 0.0, "value": 141900.0, "Latitude": 37.63, "Longitude": -122.1, "Population": 1377.0}, {"index": 789, "quantile": 0.25, "value": 180900.0, "Latitude": 37.63, "Longitude": -122.1, "Population": 1377.0}, {"index": 789, "quantile": 0.5, "value": 180900.0, "Latitude": 37.63, "Longitude": -122.1, "Population": 1377.0}, {"index": 789, "quantile": 0.75, "value": 180900.0, "Latitude": 37.63, "Longitude": -122.1, "Population": 1377.0}, {"index": 789, "quantile": 1.0, "value": 238300.0, "Latitude": 37.63, "Longitude": -122.1, "Population": 1377.0}, {"index": 790, "quantile": 0.0, "value": 145600.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 789.0}, {"index": 790, "quantile": 0.25, "value": 172000.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 789.0}, {"index": 790, "quantile": 0.5, "value": 172000.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 789.0}, {"index": 790, "quantile": 0.75, "value": 172000.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 789.0}, {"index": 790, "quantile": 1.0, "value": 250199.99999999997, "Latitude": 37.64, "Longitude": -122.08, "Population": 789.0}, {"index": 791, "quantile": 0.0, "value": 146200.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 662.0}, {"index": 791, "quantile": 0.25, "value": 197975.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 662.0}, {"index": 791, "quantile": 0.5, "value": 255250.00000000003, "Latitude": 37.64, "Longitude": -122.08, "Population": 662.0}, {"index": 791, "quantile": 0.75, "value": 343525.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 662.0}, {"index": 791, "quantile": 1.0, "value": 431400.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 662.0}, {"index": 792, "quantile": 0.0, "value": 117200.0, "Latitude": 37.64, "Longitude": -122.09, "Population": 853.0}, {"index": 792, "quantile": 0.25, "value": 173100.0, "Latitude": 37.64, "Longitude": -122.09, "Population": 853.0}, {"index": 792, "quantile": 0.5, "value": 173100.0, "Latitude": 37.64, "Longitude": -122.09, "Population": 853.0}, {"index": 792, "quantile": 0.75, "value": 173100.0, "Latitude": 37.64, "Longitude": -122.09, "Population": 853.0}, {"index": 792, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.64, "Longitude": -122.09, "Population": 853.0}, {"index": 793, "quantile": 0.0, "value": 136900.0, "Latitude": 37.64, "Longitude": -122.09, "Population": 664.0}, {"index": 793, "quantile": 0.25, "value": 172600.0, "Latitude": 37.64, "Longitude": -122.09, "Population": 664.0}, {"index": 793, "quantile": 0.5, "value": 172600.0, "Latitude": 37.64, "Longitude": -122.09, "Population": 664.0}, {"index": 793, "quantile": 0.75, "value": 195050.0, "Latitude": 37.64, "Longitude": -122.09, "Population": 664.0}, {"index": 793, "quantile": 1.0, "value": 292100.0, "Latitude": 37.64, "Longitude": -122.09, "Population": 664.0}, {"index": 794, "quantile": 0.0, "value": 67500.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 4065.0}, {"index": 794, "quantile": 0.25, "value": 156750.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 4065.0}, {"index": 794, "quantile": 0.5, "value": 174650.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 4065.0}, {"index": 794, "quantile": 0.75, "value": 185975.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 4065.0}, {"index": 794, "quantile": 1.0, "value": 450000.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 4065.0}, {"index": 795, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 37.64, "Longitude": -122.08, "Population": 1109.0}, {"index": 795, "quantile": 0.25, "value": 179500.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 1109.0}, {"index": 795, "quantile": 0.5, "value": 179500.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 1109.0}, {"index": 795, "quantile": 0.75, "value": 179500.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 1109.0}, {"index": 795, "quantile": 1.0, "value": 450000.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 1109.0}, {"index": 796, "quantile": 0.0, "value": 129200.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 548.0}, {"index": 796, "quantile": 0.25, "value": 176000.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 548.0}, {"index": 796, "quantile": 0.5, "value": 176000.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 548.0}, {"index": 796, "quantile": 0.75, "value": 176000.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 548.0}, {"index": 796, "quantile": 1.0, "value": 340900.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 548.0}, {"index": 797, "quantile": 0.0, "value": 146100.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 431.0}, {"index": 797, "quantile": 0.25, "value": 192600.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 431.0}, {"index": 797, "quantile": 0.5, "value": 192600.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 431.0}, {"index": 797, "quantile": 0.75, "value": 192600.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 431.0}, {"index": 797, "quantile": 1.0, "value": 327300.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 431.0}, {"index": 798, "quantile": 0.0, "value": 81400.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 463.0}, {"index": 798, "quantile": 0.25, "value": 178925.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 463.0}, {"index": 798, "quantile": 0.5, "value": 191500.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 463.0}, {"index": 798, "quantile": 0.75, "value": 192600.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 463.0}, {"index": 798, "quantile": 1.0, "value": 340900.0, "Latitude": 37.64, "Longitude": -122.08, "Population": 463.0}, {"index": 799, "quantile": 0.0, "value": 72000.0, "Latitude": 37.64, "Longitude": -122.07, "Population": 5436.0}, {"index": 799, "quantile": 0.25, "value": 154000.0, "Latitude": 37.64, "Longitude": -122.07, "Population": 5436.0}, {"index": 799, "quantile": 0.5, "value": 164000.0, "Latitude": 37.64, "Longitude": -122.07, "Population": 5436.0}, {"index": 799, "quantile": 0.75, "value": 203675.0, "Latitude": 37.64, "Longitude": -122.07, "Population": 5436.0}, {"index": 799, "quantile": 1.0, "value": 371400.0, "Latitude": 37.64, "Longitude": -122.07, "Population": 5436.0}, {"index": 800, "quantile": 0.0, "value": 72000.0, "Latitude": 37.63, "Longitude": -122.07, "Population": 2028.0}, {"index": 800, "quantile": 0.25, "value": 157600.0, "Latitude": 37.63, "Longitude": -122.07, "Population": 2028.0}, {"index": 800, "quantile": 0.5, "value": 157600.0, "Latitude": 37.63, "Longitude": -122.07, "Population": 2028.0}, {"index": 800, "quantile": 0.75, "value": 157600.0, "Latitude": 37.63, "Longitude": -122.07, "Population": 2028.0}, {"index": 800, "quantile": 1.0, "value": 272800.0, "Latitude": 37.63, "Longitude": -122.07, "Population": 2028.0}, {"index": 801, "quantile": 0.0, "value": 156900.0, "Latitude": 37.64, "Longitude": -122.07, "Population": 2426.0}, {"index": 801, "quantile": 0.25, "value": 190900.0, "Latitude": 37.64, "Longitude": -122.07, "Population": 2426.0}, {"index": 801, "quantile": 0.5, "value": 190900.0, "Latitude": 37.64, "Longitude": -122.07, "Population": 2426.0}, {"index": 801, "quantile": 0.75, "value": 206700.00000000003, "Latitude": 37.64, "Longitude": -122.07, "Population": 2426.0}, {"index": 801, "quantile": 1.0, "value": 325200.0, "Latitude": 37.64, "Longitude": -122.07, "Population": 2426.0}, {"index": 802, "quantile": 0.0, "value": 126400.0, "Latitude": 37.64, "Longitude": -122.06, "Population": 1038.0}, {"index": 802, "quantile": 0.25, "value": 158200.0, "Latitude": 37.64, "Longitude": -122.06, "Population": 1038.0}, {"index": 802, "quantile": 0.5, "value": 158200.0, "Latitude": 37.64, "Longitude": -122.06, "Population": 1038.0}, {"index": 802, "quantile": 0.75, "value": 161400.0, "Latitude": 37.64, "Longitude": -122.06, "Population": 1038.0}, {"index": 802, "quantile": 1.0, "value": 226500.0, "Latitude": 37.64, "Longitude": -122.06, "Population": 1038.0}, {"index": 803, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.64, "Longitude": -122.06, "Population": 857.0}, {"index": 803, "quantile": 0.25, "value": 283300.0, "Latitude": 37.64, "Longitude": -122.06, "Population": 857.0}, {"index": 803, "quantile": 0.5, "value": 350000.0, "Latitude": 37.64, "Longitude": -122.06, "Population": 857.0}, {"index": 803, "quantile": 0.75, "value": 350000.0, "Latitude": 37.64, "Longitude": -122.06, "Population": 857.0}, {"index": 803, "quantile": 1.0, "value": 450000.0, "Latitude": 37.64, "Longitude": -122.06, "Population": 857.0}, {"index": 804, "quantile": 0.0, "value": 146100.0, "Latitude": 37.65, "Longitude": -122.06, "Population": 848.0}, {"index": 804, "quantile": 0.25, "value": 158200.0, "Latitude": 37.65, "Longitude": -122.06, "Population": 848.0}, {"index": 804, "quantile": 0.5, "value": 158200.0, "Latitude": 37.65, "Longitude": -122.06, "Population": 848.0}, {"index": 804, "quantile": 0.75, "value": 168725.0, "Latitude": 37.65, "Longitude": -122.06, "Population": 848.0}, {"index": 804, "quantile": 1.0, "value": 340900.0, "Latitude": 37.65, "Longitude": -122.06, "Population": 848.0}, {"index": 805, "quantile": 0.0, "value": 98300.0, "Latitude": 37.64, "Longitude": -122.06, "Population": 729.0}, {"index": 805, "quantile": 0.25, "value": 146100.0, "Latitude": 37.64, "Longitude": -122.06, "Population": 729.0}, {"index": 805, "quantile": 0.5, "value": 146100.0, "Latitude": 37.64, "Longitude": -122.06, "Population": 729.0}, {"index": 805, "quantile": 0.75, "value": 161400.0, "Latitude": 37.64, "Longitude": -122.06, "Population": 729.0}, {"index": 805, "quantile": 1.0, "value": 342800.0, "Latitude": 37.64, "Longitude": -122.06, "Population": 729.0}, {"index": 806, "quantile": 0.0, "value": 85500.0, "Latitude": 37.63, "Longitude": -122.04, "Population": 369.0}, {"index": 806, "quantile": 0.25, "value": 226700.0, "Latitude": 37.63, "Longitude": -122.04, "Population": 369.0}, {"index": 806, "quantile": 0.5, "value": 226700.0, "Latitude": 37.63, "Longitude": -122.04, "Population": 369.0}, {"index": 806, "quantile": 0.75, "value": 226700.0, "Latitude": 37.63, "Longitude": -122.04, "Population": 369.0}, {"index": 806, "quantile": 1.0, "value": 344200.0, "Latitude": 37.63, "Longitude": -122.04, "Population": 369.0}, {"index": 807, "quantile": 0.0, "value": 135600.0, "Latitude": 37.62, "Longitude": -122.03, "Population": 1001.0}, {"index": 807, "quantile": 0.25, "value": 192825.0, "Latitude": 37.62, "Longitude": -122.03, "Population": 1001.0}, {"index": 807, "quantile": 0.5, "value": 206000.0, "Latitude": 37.62, "Longitude": -122.03, "Population": 1001.0}, {"index": 807, "quantile": 0.75, "value": 245150.00000000003, "Latitude": 37.62, "Longitude": -122.03, "Population": 1001.0}, {"index": 807, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.62, "Longitude": -122.03, "Population": 1001.0}, {"index": 808, "quantile": 0.0, "value": 141900.0, "Latitude": 37.62, "Longitude": -122.03, "Population": 1472.0}, {"index": 808, "quantile": 0.25, "value": 197750.0, "Latitude": 37.62, "Longitude": -122.03, "Population": 1472.0}, {"index": 808, "quantile": 0.5, "value": 213249.99999999997, "Latitude": 37.62, "Longitude": -122.03, "Population": 1472.0}, {"index": 808, "quantile": 0.75, "value": 254075.0, "Latitude": 37.62, "Longitude": -122.03, "Population": 1472.0}, {"index": 808, "quantile": 1.0, "value": 332400.0, "Latitude": 37.62, "Longitude": -122.03, "Population": 1472.0}, {"index": 809, "quantile": 0.0, "value": 125000.0, "Latitude": 37.62, "Longitude": -122.04, "Population": 453.0}, {"index": 809, "quantile": 0.25, "value": 343300.0, "Latitude": 37.62, "Longitude": -122.04, "Population": 453.0}, {"index": 809, "quantile": 0.5, "value": 407200.0, "Latitude": 37.62, "Longitude": -122.04, "Population": 453.0}, {"index": 809, "quantile": 0.75, "value": 481950.00000000006, "Latitude": 37.62, "Longitude": -122.04, "Population": 453.0}, {"index": 809, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.62, "Longitude": -122.04, "Population": 453.0}, {"index": 810, "quantile": 0.0, "value": 140600.0, "Latitude": 37.62, "Longitude": -122.04, "Population": 328.0}, {"index": 810, "quantile": 0.25, "value": 204199.99999999997, "Latitude": 37.62, "Longitude": -122.04, "Population": 328.0}, {"index": 810, "quantile": 0.5, "value": 204199.99999999997, "Latitude": 37.62, "Longitude": -122.04, "Population": 328.0}, {"index": 810, "quantile": 0.75, "value": 204199.99999999997, "Latitude": 37.62, "Longitude": -122.04, "Population": 328.0}, {"index": 810, "quantile": 1.0, "value": 362500.0, "Latitude": 37.62, "Longitude": -122.04, "Population": 328.0}, {"index": 811, "quantile": 0.0, "value": 96400.0, "Latitude": 37.62, "Longitude": -122.04, "Population": 793.0}, {"index": 811, "quantile": 0.25, "value": 167275.0, "Latitude": 37.62, "Longitude": -122.04, "Population": 793.0}, {"index": 811, "quantile": 0.5, "value": 180399.99999999997, "Latitude": 37.62, "Longitude": -122.04, "Population": 793.0}, {"index": 811, "quantile": 0.75, "value": 196175.0, "Latitude": 37.62, "Longitude": -122.04, "Population": 793.0}, {"index": 811, "quantile": 1.0, "value": 369300.0, "Latitude": 37.62, "Longitude": -122.04, "Population": 793.0}, {"index": 812, "quantile": 0.0, "value": 126299.99999999999, "Latitude": 37.62, "Longitude": -122.03, "Population": 632.0}, {"index": 812, "quantile": 0.25, "value": 170500.0, "Latitude": 37.62, "Longitude": -122.03, "Population": 632.0}, {"index": 812, "quantile": 0.5, "value": 191600.0, "Latitude": 37.62, "Longitude": -122.03, "Population": 632.0}, {"index": 812, "quantile": 0.75, "value": 223575.0, "Latitude": 37.62, "Longitude": -122.03, "Population": 632.0}, {"index": 812, "quantile": 1.0, "value": 331600.0, "Latitude": 37.62, "Longitude": -122.03, "Population": 632.0}, {"index": 813, "quantile": 0.0, "value": 131200.0, "Latitude": 37.61, "Longitude": -122.03, "Population": 1002.0}, {"index": 813, "quantile": 0.25, "value": 164900.0, "Latitude": 37.61, "Longitude": -122.03, "Population": 1002.0}, {"index": 813, "quantile": 0.5, "value": 164900.0, "Latitude": 37.61, "Longitude": -122.03, "Population": 1002.0}, {"index": 813, "quantile": 0.75, "value": 164900.0, "Latitude": 37.61, "Longitude": -122.03, "Population": 1002.0}, {"index": 813, "quantile": 1.0, "value": 234100.00000000003, "Latitude": 37.61, "Longitude": -122.03, "Population": 1002.0}, {"index": 814, "quantile": 0.0, "value": 75000.0, "Latitude": 37.61, "Longitude": -122.03, "Population": 808.0}, {"index": 814, "quantile": 0.25, "value": 161400.0, "Latitude": 37.61, "Longitude": -122.03, "Population": 808.0}, {"index": 814, "quantile": 0.5, "value": 161400.0, "Latitude": 37.61, "Longitude": -122.03, "Population": 808.0}, {"index": 814, "quantile": 0.75, "value": 187000.0, "Latitude": 37.61, "Longitude": -122.03, "Population": 808.0}, {"index": 814, "quantile": 1.0, "value": 450000.0, "Latitude": 37.61, "Longitude": -122.03, "Population": 808.0}, {"index": 815, "quantile": 0.0, "value": 155700.0, "Latitude": 37.61, "Longitude": -122.04, "Population": 727.0}, {"index": 815, "quantile": 0.25, "value": 187000.0, "Latitude": 37.61, "Longitude": -122.04, "Population": 727.0}, {"index": 815, "quantile": 0.5, "value": 187000.0, "Latitude": 37.61, "Longitude": -122.04, "Population": 727.0}, {"index": 815, "quantile": 0.75, "value": 187000.0, "Latitude": 37.61, "Longitude": -122.04, "Population": 727.0}, {"index": 815, "quantile": 1.0, "value": 274300.0, "Latitude": 37.61, "Longitude": -122.04, "Population": 727.0}, {"index": 816, "quantile": 0.0, "value": 100000.0, "Latitude": 37.62, "Longitude": -122.04, "Population": 455.0}, {"index": 816, "quantile": 0.25, "value": 187450.0, "Latitude": 37.62, "Longitude": -122.04, "Population": 455.0}, {"index": 816, "quantile": 0.5, "value": 204199.99999999997, "Latitude": 37.62, "Longitude": -122.04, "Population": 455.0}, {"index": 816, "quantile": 0.75, "value": 228625.0, "Latitude": 37.62, "Longitude": -122.04, "Population": 455.0}, {"index": 816, "quantile": 1.0, "value": 364200.0, "Latitude": 37.62, "Longitude": -122.04, "Population": 455.0}, {"index": 817, "quantile": 0.0, "value": 111800.00000000001, "Latitude": 37.63, "Longitude": -122.08, "Population": 1534.0}, {"index": 817, "quantile": 0.25, "value": 156600.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 1534.0}, {"index": 817, "quantile": 0.5, "value": 156600.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 1534.0}, {"index": 817, "quantile": 0.75, "value": 161075.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 1534.0}, {"index": 817, "quantile": 1.0, "value": 350000.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 1534.0}, {"index": 818, "quantile": 0.0, "value": 106000.0, "Latitude": 37.62, "Longitude": -122.08, "Population": 1139.0}, {"index": 818, "quantile": 0.25, "value": 157300.0, "Latitude": 37.62, "Longitude": -122.08, "Population": 1139.0}, {"index": 818, "quantile": 0.5, "value": 157300.0, "Latitude": 37.62, "Longitude": -122.08, "Population": 1139.0}, {"index": 818, "quantile": 0.75, "value": 163900.0, "Latitude": 37.62, "Longitude": -122.08, "Population": 1139.0}, {"index": 818, "quantile": 1.0, "value": 286600.0, "Latitude": 37.62, "Longitude": -122.08, "Population": 1139.0}, {"index": 819, "quantile": 0.0, "value": 141900.0, "Latitude": 37.63, "Longitude": -122.07, "Population": 1175.0}, {"index": 819, "quantile": 0.25, "value": 168100.0, "Latitude": 37.63, "Longitude": -122.07, "Population": 1175.0}, {"index": 819, "quantile": 0.5, "value": 168100.0, "Latitude": 37.63, "Longitude": -122.07, "Population": 1175.0}, {"index": 819, "quantile": 0.75, "value": 168100.0, "Latitude": 37.63, "Longitude": -122.07, "Population": 1175.0}, {"index": 819, "quantile": 1.0, "value": 342800.0, "Latitude": 37.63, "Longitude": -122.07, "Population": 1175.0}, {"index": 820, "quantile": 0.0, "value": 114500.0, "Latitude": 37.63, "Longitude": -122.07, "Population": 1401.0}, {"index": 820, "quantile": 0.25, "value": 177600.0, "Latitude": 37.63, "Longitude": -122.07, "Population": 1401.0}, {"index": 820, "quantile": 0.5, "value": 177600.0, "Latitude": 37.63, "Longitude": -122.07, "Population": 1401.0}, {"index": 820, "quantile": 0.75, "value": 200599.99999999997, "Latitude": 37.63, "Longitude": -122.07, "Population": 1401.0}, {"index": 820, "quantile": 1.0, "value": 378000.0, "Latitude": 37.63, "Longitude": -122.07, "Population": 1401.0}, {"index": 821, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 37.63, "Longitude": -122.06, "Population": 3388.0}, {"index": 821, "quantile": 0.25, "value": 167250.0, "Latitude": 37.63, "Longitude": -122.06, "Population": 3388.0}, {"index": 821, "quantile": 0.5, "value": 194400.0, "Latitude": 37.63, "Longitude": -122.06, "Population": 3388.0}, {"index": 821, "quantile": 0.75, "value": 212675.0, "Latitude": 37.63, "Longitude": -122.06, "Population": 3388.0}, {"index": 821, "quantile": 1.0, "value": 450000.0, "Latitude": 37.63, "Longitude": -122.06, "Population": 3388.0}, {"index": 822, "quantile": 0.0, "value": 87500.0, "Latitude": 37.63, "Longitude": -122.06, "Population": 841.0}, {"index": 822, "quantile": 0.25, "value": 163550.0, "Latitude": 37.63, "Longitude": -122.06, "Population": 841.0}, {"index": 822, "quantile": 0.5, "value": 207700.0, "Latitude": 37.63, "Longitude": -122.06, "Population": 841.0}, {"index": 822, "quantile": 0.75, "value": 236499.99999999997, "Latitude": 37.63, "Longitude": -122.06, "Population": 841.0}, {"index": 822, "quantile": 1.0, "value": 450000.0, "Latitude": 37.63, "Longitude": -122.06, "Population": 841.0}, {"index": 823, "quantile": 0.0, "value": 73400.0, "Latitude": 37.61, "Longitude": -122.05, "Population": 705.0}, {"index": 823, "quantile": 0.25, "value": 163900.0, "Latitude": 37.61, "Longitude": -122.05, "Population": 705.0}, {"index": 823, "quantile": 0.5, "value": 163900.0, "Latitude": 37.61, "Longitude": -122.05, "Population": 705.0}, {"index": 823, "quantile": 0.75, "value": 163900.0, "Latitude": 37.61, "Longitude": -122.05, "Population": 705.0}, {"index": 823, "quantile": 1.0, "value": 286600.0, "Latitude": 37.61, "Longitude": -122.05, "Population": 705.0}, {"index": 824, "quantile": 0.0, "value": 146100.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 1148.0}, {"index": 824, "quantile": 0.25, "value": 164700.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 1148.0}, {"index": 824, "quantile": 0.5, "value": 164700.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 1148.0}, {"index": 824, "quantile": 0.75, "value": 164700.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 1148.0}, {"index": 824, "quantile": 1.0, "value": 342800.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 1148.0}, {"index": 825, "quantile": 0.0, "value": 94300.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 391.0}, {"index": 825, "quantile": 0.25, "value": 156900.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 391.0}, {"index": 825, "quantile": 0.5, "value": 156900.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 391.0}, {"index": 825, "quantile": 0.75, "value": 156900.0, "Latitude": 37.63, "Longitude": -122.08, "Population": 391.0}, {"index": 825, "quantile": 1.0, "value": 252599.99999999997, "Latitude": 37.63, "Longitude": -122.08, "Population": 391.0}, {"index": 826, "quantile": 0.0, "value": 158900.0, "Latitude": 37.63, "Longitude": -122.09, "Population": 992.0}, {"index": 826, "quantile": 0.25, "value": 168800.0, "Latitude": 37.63, "Longitude": -122.09, "Population": 992.0}, {"index": 826, "quantile": 0.5, "value": 168800.0, "Latitude": 37.63, "Longitude": -122.09, "Population": 992.0}, {"index": 826, "quantile": 0.75, "value": 241575.0, "Latitude": 37.63, "Longitude": -122.09, "Population": 992.0}, {"index": 826, "quantile": 1.0, "value": 395100.0, "Latitude": 37.63, "Longitude": -122.09, "Population": 992.0}, {"index": 827, "quantile": 0.0, "value": 134100.0, "Latitude": 37.63, "Longitude": -122.09, "Population": 790.0}, {"index": 827, "quantile": 0.25, "value": 174100.0, "Latitude": 37.63, "Longitude": -122.09, "Population": 790.0}, {"index": 827, "quantile": 0.5, "value": 174100.0, "Latitude": 37.63, "Longitude": -122.09, "Population": 790.0}, {"index": 827, "quantile": 0.75, "value": 197375.0, "Latitude": 37.63, "Longitude": -122.09, "Population": 790.0}, {"index": 827, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.63, "Longitude": -122.09, "Population": 790.0}, {"index": 828, "quantile": 0.0, "value": 173400.0, "Latitude": 37.62, "Longitude": -122.08, "Population": 1016.0}, {"index": 828, "quantile": 0.25, "value": 206500.0, "Latitude": 37.62, "Longitude": -122.08, "Population": 1016.0}, {"index": 828, "quantile": 0.5, "value": 206500.0, "Latitude": 37.62, "Longitude": -122.08, "Population": 1016.0}, {"index": 828, "quantile": 0.75, "value": 229075.0, "Latitude": 37.62, "Longitude": -122.08, "Population": 1016.0}, {"index": 828, "quantile": 1.0, "value": 375700.0, "Latitude": 37.62, "Longitude": -122.08, "Population": 1016.0}, {"index": 829, "quantile": 0.0, "value": 96400.0, "Latitude": 37.61, "Longitude": -122.08, "Population": 1039.0}, {"index": 829, "quantile": 0.25, "value": 182400.0, "Latitude": 37.61, "Longitude": -122.08, "Population": 1039.0}, {"index": 829, "quantile": 0.5, "value": 194400.0, "Latitude": 37.61, "Longitude": -122.08, "Population": 1039.0}, {"index": 829, "quantile": 0.75, "value": 230850.0, "Latitude": 37.61, "Longitude": -122.08, "Population": 1039.0}, {"index": 829, "quantile": 1.0, "value": 391300.0, "Latitude": 37.61, "Longitude": -122.08, "Population": 1039.0}, {"index": 830, "quantile": 0.0, "value": 93600.0, "Latitude": 37.61, "Longitude": -121.99, "Population": 2341.0}, {"index": 830, "quantile": 0.25, "value": 146275.0, "Latitude": 37.61, "Longitude": -121.99, "Population": 2341.0}, {"index": 830, "quantile": 0.5, "value": 188700.0, "Latitude": 37.61, "Longitude": -121.99, "Population": 2341.0}, {"index": 830, "quantile": 0.75, "value": 223400.0, "Latitude": 37.61, "Longitude": -121.99, "Population": 2341.0}, {"index": 830, "quantile": 1.0, "value": 378000.0, "Latitude": 37.61, "Longitude": -121.99, "Population": 2341.0}, {"index": 831, "quantile": 0.0, "value": 130100.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1382.0}, {"index": 831, "quantile": 0.25, "value": 159600.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1382.0}, {"index": 831, "quantile": 0.5, "value": 159600.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1382.0}, {"index": 831, "quantile": 0.75, "value": 159600.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1382.0}, {"index": 831, "quantile": 1.0, "value": 234100.00000000003, "Latitude": 37.6, "Longitude": -122.02, "Population": 1382.0}, {"index": 832, "quantile": 0.0, "value": 76400.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1858.0}, {"index": 832, "quantile": 0.25, "value": 155575.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1858.0}, {"index": 832, "quantile": 0.5, "value": 162500.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1858.0}, {"index": 832, "quantile": 0.75, "value": 183100.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1858.0}, {"index": 832, "quantile": 1.0, "value": 289100.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1858.0}, {"index": 833, "quantile": 0.0, "value": 67500.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1156.0}, {"index": 833, "quantile": 0.25, "value": 154300.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1156.0}, {"index": 833, "quantile": 0.5, "value": 154300.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1156.0}, {"index": 833, "quantile": 0.75, "value": 154300.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1156.0}, {"index": 833, "quantile": 1.0, "value": 320800.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1156.0}, {"index": 834, "quantile": 0.0, "value": 83200.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1097.0}, {"index": 834, "quantile": 0.25, "value": 149600.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1097.0}, {"index": 834, "quantile": 0.5, "value": 149600.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1097.0}, {"index": 834, "quantile": 0.75, "value": 149625.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1097.0}, {"index": 834, "quantile": 1.0, "value": 320800.0, "Latitude": 37.6, "Longitude": -122.02, "Population": 1097.0}, {"index": 835, "quantile": 0.0, "value": 158900.0, "Latitude": 37.61, "Longitude": -122.03, "Population": 831.0}, {"index": 835, "quantile": 0.25, "value": 188600.0, "Latitude": 37.61, "Longitude": -122.03, "Population": 831.0}, {"index": 835, "quantile": 0.5, "value": 188600.0, "Latitude": 37.61, "Longitude": -122.03, "Population": 831.0}, {"index": 835, "quantile": 0.75, "value": 210300.00000000003, "Latitude": 37.61, "Longitude": -122.03, "Population": 831.0}, {"index": 835, "quantile": 1.0, "value": 270900.0, "Latitude": 37.61, "Longitude": -122.03, "Population": 831.0}, {"index": 836, "quantile": 0.0, "value": 114500.0, "Latitude": 37.6, "Longitude": -122.04, "Population": 1873.0}, {"index": 836, "quantile": 0.25, "value": 177600.0, "Latitude": 37.6, "Longitude": -122.04, "Population": 1873.0}, {"index": 836, "quantile": 0.5, "value": 212049.99999999997, "Latitude": 37.6, "Longitude": -122.04, "Population": 1873.0}, {"index": 836, "quantile": 0.75, "value": 233275.0, "Latitude": 37.6, "Longitude": -122.04, "Population": 1873.0}, {"index": 836, "quantile": 1.0, "value": 434500.0, "Latitude": 37.6, "Longitude": -122.04, "Population": 1873.0}, {"index": 837, "quantile": 0.0, "value": 136400.0, "Latitude": 37.6, "Longitude": -122.06, "Population": 1640.0}, {"index": 837, "quantile": 0.25, "value": 235300.00000000003, "Latitude": 37.6, "Longitude": -122.06, "Population": 1640.0}, {"index": 837, "quantile": 0.5, "value": 235300.00000000003, "Latitude": 37.6, "Longitude": -122.06, "Population": 1640.0}, {"index": 837, "quantile": 0.75, "value": 235300.00000000003, "Latitude": 37.6, "Longitude": -122.06, "Population": 1640.0}, {"index": 837, "quantile": 1.0, "value": 349300.0, "Latitude": 37.6, "Longitude": -122.06, "Population": 1640.0}, {"index": 838, "quantile": 0.0, "value": 123000.0, "Latitude": 37.61, "Longitude": -122.08, "Population": 1568.0}, {"index": 838, "quantile": 0.25, "value": 242875.0, "Latitude": 37.61, "Longitude": -122.08, "Population": 1568.0}, {"index": 838, "quantile": 0.5, "value": 261400.0, "Latitude": 37.61, "Longitude": -122.08, "Population": 1568.0}, {"index": 838, "quantile": 0.75, "value": 261400.0, "Latitude": 37.61, "Longitude": -122.08, "Population": 1568.0}, {"index": 838, "quantile": 1.0, "value": 277300.0, "Latitude": 37.61, "Longitude": -122.08, "Population": 1568.0}, {"index": 839, "quantile": 0.0, "value": 154800.0, "Latitude": 37.6, "Longitude": -122.06, "Population": 3174.0}, {"index": 839, "quantile": 0.25, "value": 234400.0, "Latitude": 37.6, "Longitude": -122.06, "Population": 3174.0}, {"index": 839, "quantile": 0.5, "value": 234400.0, "Latitude": 37.6, "Longitude": -122.06, "Population": 3174.0}, {"index": 839, "quantile": 0.75, "value": 239525.0, "Latitude": 37.6, "Longitude": -122.06, "Population": 3174.0}, {"index": 839, "quantile": 1.0, "value": 390000.0, "Latitude": 37.6, "Longitude": -122.06, "Population": 3174.0}, {"index": 840, "quantile": 0.0, "value": 149300.0, "Latitude": 37.6, "Longitude": -122.06, "Population": 1186.0}, {"index": 840, "quantile": 0.25, "value": 231700.00000000003, "Latitude": 37.6, "Longitude": -122.06, "Population": 1186.0}, {"index": 840, "quantile": 0.5, "value": 231700.00000000003, "Latitude": 37.6, "Longitude": -122.06, "Population": 1186.0}, {"index": 840, "quantile": 0.75, "value": 231700.00000000003, "Latitude": 37.6, "Longitude": -122.06, "Population": 1186.0}, {"index": 840, "quantile": 1.0, "value": 436700.0, "Latitude": 37.6, "Longitude": -122.06, "Population": 1186.0}, {"index": 841, "quantile": 0.0, "value": 95900.0, "Latitude": 37.59, "Longitude": -122.08, "Population": 1367.0}, {"index": 841, "quantile": 0.25, "value": 158150.0, "Latitude": 37.59, "Longitude": -122.08, "Population": 1367.0}, {"index": 841, "quantile": 0.5, "value": 173850.00000000003, "Latitude": 37.59, "Longitude": -122.08, "Population": 1367.0}, {"index": 841, "quantile": 0.75, "value": 206000.0, "Latitude": 37.59, "Longitude": -122.08, "Population": 1367.0}, {"index": 841, "quantile": 1.0, "value": 349600.0, "Latitude": 37.59, "Longitude": -122.08, "Population": 1367.0}, {"index": 842, "quantile": 0.0, "value": 93600.0, "Latitude": 37.59, "Longitude": -122.07, "Population": 1680.0}, {"index": 842, "quantile": 0.25, "value": 222000.00000000003, "Latitude": 37.59, "Longitude": -122.07, "Population": 1680.0}, {"index": 842, "quantile": 0.5, "value": 222000.00000000003, "Latitude": 37.59, "Longitude": -122.07, "Population": 1680.0}, {"index": 842, "quantile": 0.75, "value": 227524.99999999997, "Latitude": 37.59, "Longitude": -122.07, "Population": 1680.0}, {"index": 842, "quantile": 1.0, "value": 349300.0, "Latitude": 37.59, "Longitude": -122.07, "Population": 1680.0}, {"index": 843, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 37.58, "Longitude": -122.08, "Population": 1657.0}, {"index": 843, "quantile": 0.25, "value": 254150.0, "Latitude": 37.58, "Longitude": -122.08, "Population": 1657.0}, {"index": 843, "quantile": 0.5, "value": 254400.0, "Latitude": 37.58, "Longitude": -122.08, "Population": 1657.0}, {"index": 843, "quantile": 0.75, "value": 254400.0, "Latitude": 37.58, "Longitude": -122.08, "Population": 1657.0}, {"index": 843, "quantile": 1.0, "value": 331300.0, "Latitude": 37.58, "Longitude": -122.08, "Population": 1657.0}, {"index": 844, "quantile": 0.0, "value": 196600.0, "Latitude": 37.58, "Longitude": -122.07, "Population": 1033.0}, {"index": 844, "quantile": 0.25, "value": 244300.0, "Latitude": 37.58, "Longitude": -122.07, "Population": 1033.0}, {"index": 844, "quantile": 0.5, "value": 244300.0, "Latitude": 37.58, "Longitude": -122.07, "Population": 1033.0}, {"index": 844, "quantile": 0.75, "value": 275750.0, "Latitude": 37.58, "Longitude": -122.07, "Population": 1033.0}, {"index": 844, "quantile": 1.0, "value": 375700.0, "Latitude": 37.58, "Longitude": -122.07, "Population": 1033.0}, {"index": 845, "quantile": 0.0, "value": 120000.0, "Latitude": 37.58, "Longitude": -122.07, "Population": 1117.0}, {"index": 845, "quantile": 0.25, "value": 233975.0, "Latitude": 37.58, "Longitude": -122.07, "Population": 1117.0}, {"index": 845, "quantile": 0.5, "value": 249750.0, "Latitude": 37.58, "Longitude": -122.07, "Population": 1117.0}, {"index": 845, "quantile": 0.75, "value": 276800.0, "Latitude": 37.58, "Longitude": -122.07, "Population": 1117.0}, {"index": 845, "quantile": 1.0, "value": 402600.0, "Latitude": 37.58, "Longitude": -122.07, "Population": 1117.0}, {"index": 846, "quantile": 0.0, "value": 154800.0, "Latitude": 37.58, "Longitude": -122.08, "Population": 2003.0}, {"index": 846, "quantile": 0.25, "value": 236500.00000000003, "Latitude": 37.58, "Longitude": -122.08, "Population": 2003.0}, {"index": 846, "quantile": 0.5, "value": 236500.00000000003, "Latitude": 37.58, "Longitude": -122.08, "Population": 2003.0}, {"index": 846, "quantile": 0.75, "value": 242674.99999999997, "Latitude": 37.58, "Longitude": -122.08, "Population": 2003.0}, {"index": 846, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 37.58, "Longitude": -122.08, "Population": 2003.0}, {"index": 847, "quantile": 0.0, "value": 123500.00000000001, "Latitude": 37.59, "Longitude": -122.07, "Population": 2568.0}, {"index": 847, "quantile": 0.25, "value": 151400.0, "Latitude": 37.59, "Longitude": -122.07, "Population": 2568.0}, {"index": 847, "quantile": 0.5, "value": 151400.0, "Latitude": 37.59, "Longitude": -122.07, "Population": 2568.0}, {"index": 847, "quantile": 0.75, "value": 207625.0, "Latitude": 37.59, "Longitude": -122.07, "Population": 2568.0}, {"index": 847, "quantile": 1.0, "value": 271800.0, "Latitude": 37.59, "Longitude": -122.07, "Population": 2568.0}, {"index": 848, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 37.58, "Longitude": -122.07, "Population": 1461.0}, {"index": 848, "quantile": 0.25, "value": 213700.0, "Latitude": 37.58, "Longitude": -122.07, "Population": 1461.0}, {"index": 848, "quantile": 0.5, "value": 213700.0, "Latitude": 37.58, "Longitude": -122.07, "Population": 1461.0}, {"index": 848, "quantile": 0.75, "value": 230975.00000000003, "Latitude": 37.58, "Longitude": -122.07, "Population": 1461.0}, {"index": 848, "quantile": 1.0, "value": 378000.0, "Latitude": 37.58, "Longitude": -122.07, "Population": 1461.0}, {"index": 849, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 37.59, "Longitude": -122.04, "Population": 1116.0}, {"index": 849, "quantile": 0.25, "value": 243600.0, "Latitude": 37.59, "Longitude": -122.04, "Population": 1116.0}, {"index": 849, "quantile": 0.5, "value": 243600.0, "Latitude": 37.59, "Longitude": -122.04, "Population": 1116.0}, {"index": 849, "quantile": 0.75, "value": 243600.0, "Latitude": 37.59, "Longitude": -122.04, "Population": 1116.0}, {"index": 849, "quantile": 1.0, "value": 319000.0, "Latitude": 37.59, "Longitude": -122.04, "Population": 1116.0}, {"index": 850, "quantile": 0.0, "value": 126800.0, "Latitude": 37.59, "Longitude": -122.05, "Population": 3163.0}, {"index": 850, "quantile": 0.25, "value": 212500.0, "Latitude": 37.59, "Longitude": -122.05, "Population": 3163.0}, {"index": 850, "quantile": 0.5, "value": 212500.0, "Latitude": 37.59, "Longitude": -122.05, "Population": 3163.0}, {"index": 850, "quantile": 0.75, "value": 212500.0, "Latitude": 37.59, "Longitude": -122.05, "Population": 3163.0}, {"index": 850, "quantile": 1.0, "value": 364200.0, "Latitude": 37.59, "Longitude": -122.05, "Population": 3163.0}, {"index": 851, "quantile": 0.0, "value": 151400.0, "Latitude": 37.6, "Longitude": -122.03, "Population": 1488.0}, {"index": 851, "quantile": 0.25, "value": 214699.99999999997, "Latitude": 37.6, "Longitude": -122.03, "Population": 1488.0}, {"index": 851, "quantile": 0.5, "value": 214699.99999999997, "Latitude": 37.6, "Longitude": -122.03, "Population": 1488.0}, {"index": 851, "quantile": 0.75, "value": 214699.99999999997, "Latitude": 37.6, "Longitude": -122.03, "Population": 1488.0}, {"index": 851, "quantile": 1.0, "value": 378000.0, "Latitude": 37.6, "Longitude": -122.03, "Population": 1488.0}, {"index": 852, "quantile": 0.0, "value": 128600.0, "Latitude": 37.59, "Longitude": -122.02, "Population": 855.0}, {"index": 852, "quantile": 0.25, "value": 213200.0, "Latitude": 37.59, "Longitude": -122.02, "Population": 855.0}, {"index": 852, "quantile": 0.5, "value": 213200.0, "Latitude": 37.59, "Longitude": -122.02, "Population": 855.0}, {"index": 852, "quantile": 0.75, "value": 213200.0, "Latitude": 37.59, "Longitude": -122.02, "Population": 855.0}, {"index": 852, "quantile": 1.0, "value": 450000.0, "Latitude": 37.59, "Longitude": -122.02, "Population": 855.0}, {"index": 853, "quantile": 0.0, "value": 123700.00000000001, "Latitude": 37.59, "Longitude": -122.03, "Population": 2530.0}, {"index": 853, "quantile": 0.25, "value": 236700.0, "Latitude": 37.59, "Longitude": -122.03, "Population": 2530.0}, {"index": 853, "quantile": 0.5, "value": 256000.0, "Latitude": 37.59, "Longitude": -122.03, "Population": 2530.0}, {"index": 853, "quantile": 0.75, "value": 256000.0, "Latitude": 37.59, "Longitude": -122.03, "Population": 2530.0}, {"index": 853, "quantile": 1.0, "value": 294000.0, "Latitude": 37.59, "Longitude": -122.03, "Population": 2530.0}, {"index": 854, "quantile": 0.0, "value": 83300.0, "Latitude": 37.59, "Longitude": -122.01, "Population": 240.0}, {"index": 854, "quantile": 0.25, "value": 237500.0, "Latitude": 37.59, "Longitude": -122.01, "Population": 240.0}, {"index": 854, "quantile": 0.5, "value": 237500.0, "Latitude": 37.59, "Longitude": -122.01, "Population": 240.0}, {"index": 854, "quantile": 0.75, "value": 237500.0, "Latitude": 37.59, "Longitude": -122.01, "Population": 240.0}, {"index": 854, "quantile": 1.0, "value": 475000.0, "Latitude": 37.59, "Longitude": -122.01, "Population": 240.0}, {"index": 855, "quantile": 0.0, "value": 145000.0, "Latitude": 37.58, "Longitude": -122.02, "Population": 2097.0}, {"index": 855, "quantile": 0.25, "value": 178100.0, "Latitude": 37.58, "Longitude": -122.02, "Population": 2097.0}, {"index": 855, "quantile": 0.5, "value": 178100.0, "Latitude": 37.58, "Longitude": -122.02, "Population": 2097.0}, {"index": 855, "quantile": 0.75, "value": 189400.0, "Latitude": 37.58, "Longitude": -122.02, "Population": 2097.0}, {"index": 855, "quantile": 1.0, "value": 475000.0, "Latitude": 37.58, "Longitude": -122.02, "Population": 2097.0}, {"index": 856, "quantile": 0.0, "value": 217000.0, "Latitude": 37.58, "Longitude": -122.01, "Population": 2629.0}, {"index": 856, "quantile": 0.25, "value": 231800.0, "Latitude": 37.58, "Longitude": -122.01, "Population": 2629.0}, {"index": 856, "quantile": 0.5, "value": 231800.0, "Latitude": 37.58, "Longitude": -122.01, "Population": 2629.0}, {"index": 856, "quantile": 0.75, "value": 235049.99999999997, "Latitude": 37.58, "Longitude": -122.01, "Population": 2629.0}, {"index": 856, "quantile": 1.0, "value": 386800.0, "Latitude": 37.58, "Longitude": -122.01, "Population": 2629.0}, {"index": 857, "quantile": 0.0, "value": 61100.0, "Latitude": 37.6, "Longitude": -122.09, "Population": 295.0}, {"index": 857, "quantile": 0.25, "value": 147900.0, "Latitude": 37.6, "Longitude": -122.09, "Population": 295.0}, {"index": 857, "quantile": 0.5, "value": 147900.0, "Latitude": 37.6, "Longitude": -122.09, "Population": 295.0}, {"index": 857, "quantile": 0.75, "value": 153500.0, "Latitude": 37.6, "Longitude": -122.09, "Population": 295.0}, {"index": 857, "quantile": 1.0, "value": 333300.0, "Latitude": 37.6, "Longitude": -122.09, "Population": 295.0}, {"index": 858, "quantile": 0.0, "value": 131000.0, "Latitude": 37.6, "Longitude": -122.08, "Population": 2056.0}, {"index": 858, "quantile": 0.25, "value": 191700.0, "Latitude": 37.6, "Longitude": -122.08, "Population": 2056.0}, {"index": 858, "quantile": 0.5, "value": 191700.0, "Latitude": 37.6, "Longitude": -122.08, "Population": 2056.0}, {"index": 858, "quantile": 0.75, "value": 191700.0, "Latitude": 37.6, "Longitude": -122.08, "Population": 2056.0}, {"index": 858, "quantile": 1.0, "value": 327300.0, "Latitude": 37.6, "Longitude": -122.08, "Population": 2056.0}, {"index": 859, "quantile": 0.0, "value": 106900.0, "Latitude": 37.57, "Longitude": -121.97, "Population": 2172.0}, {"index": 859, "quantile": 0.25, "value": 247600.0, "Latitude": 37.57, "Longitude": -121.97, "Population": 2172.0}, {"index": 859, "quantile": 0.5, "value": 247600.0, "Latitude": 37.57, "Longitude": -121.97, "Population": 2172.0}, {"index": 859, "quantile": 0.75, "value": 247600.0, "Latitude": 37.57, "Longitude": -121.97, "Population": 2172.0}, {"index": 859, "quantile": 1.0, "value": 361700.0, "Latitude": 37.57, "Longitude": -121.97, "Population": 2172.0}, {"index": 860, "quantile": 0.0, "value": 154800.0, "Latitude": 37.58, "Longitude": -121.96, "Population": 1777.0}, {"index": 860, "quantile": 0.25, "value": 275000.0, "Latitude": 37.58, "Longitude": -121.96, "Population": 1777.0}, {"index": 860, "quantile": 0.5, "value": 283500.0, "Latitude": 37.58, "Longitude": -121.96, "Population": 1777.0}, {"index": 860, "quantile": 0.75, "value": 283500.0, "Latitude": 37.58, "Longitude": -121.96, "Population": 1777.0}, {"index": 860, "quantile": 1.0, "value": 298200.0, "Latitude": 37.58, "Longitude": -121.96, "Population": 1777.0}, {"index": 861, "quantile": 0.0, "value": 87500.0, "Latitude": 37.58, "Longitude": -121.98, "Population": 2079.0}, {"index": 861, "quantile": 0.25, "value": 229800.0, "Latitude": 37.58, "Longitude": -121.98, "Population": 2079.0}, {"index": 861, "quantile": 0.5, "value": 252299.99999999997, "Latitude": 37.58, "Longitude": -121.98, "Population": 2079.0}, {"index": 861, "quantile": 0.75, "value": 275000.0, "Latitude": 37.58, "Longitude": -121.98, "Population": 2079.0}, {"index": 861, "quantile": 1.0, "value": 477299.99999999994, "Latitude": 37.58, "Longitude": -121.98, "Population": 2079.0}, {"index": 862, "quantile": 0.0, "value": 214500.0, "Latitude": 37.58, "Longitude": -121.99, "Population": 1276.0}, {"index": 862, "quantile": 0.25, "value": 282500.0, "Latitude": 37.58, "Longitude": -121.99, "Population": 1276.0}, {"index": 862, "quantile": 0.5, "value": 282500.0, "Latitude": 37.58, "Longitude": -121.99, "Population": 1276.0}, {"index": 862, "quantile": 0.75, "value": 352175.0, "Latitude": 37.58, "Longitude": -121.99, "Population": 1276.0}, {"index": 862, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -121.99, "Population": 1276.0}, {"index": 863, "quantile": 0.0, "value": 181300.0, "Latitude": 37.58, "Longitude": -122.0, "Population": 2071.0}, {"index": 863, "quantile": 0.25, "value": 295600.0, "Latitude": 37.58, "Longitude": -122.0, "Population": 2071.0}, {"index": 863, "quantile": 0.5, "value": 295600.0, "Latitude": 37.58, "Longitude": -122.0, "Population": 2071.0}, {"index": 863, "quantile": 0.75, "value": 295600.0, "Latitude": 37.58, "Longitude": -122.0, "Population": 2071.0}, {"index": 863, "quantile": 1.0, "value": 430600.0, "Latitude": 37.58, "Longitude": -122.0, "Population": 2071.0}, {"index": 864, "quantile": 0.0, "value": 178900.0, "Latitude": 37.57, "Longitude": -122.01, "Population": 8117.0}, {"index": 864, "quantile": 0.25, "value": 281800.0, "Latitude": 37.57, "Longitude": -122.01, "Population": 8117.0}, {"index": 864, "quantile": 0.5, "value": 281800.0, "Latitude": 37.57, "Longitude": -122.01, "Population": 8117.0}, {"index": 864, "quantile": 0.75, "value": 281800.0, "Latitude": 37.57, "Longitude": -122.01, "Population": 8117.0}, {"index": 864, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.01, "Population": 8117.0}, {"index": 865, "quantile": 0.0, "value": 133800.0, "Latitude": 37.58, "Longitude": -122.04, "Population": 8012.0}, {"index": 865, "quantile": 0.25, "value": 235025.0, "Latitude": 37.58, "Longitude": -122.04, "Population": 8012.0}, {"index": 865, "quantile": 0.5, "value": 275950.0, "Latitude": 37.58, "Longitude": -122.04, "Population": 8012.0}, {"index": 865, "quantile": 0.75, "value": 303750.0, "Latitude": 37.58, "Longitude": -122.04, "Population": 8012.0}, {"index": 865, "quantile": 1.0, "value": 431400.0, "Latitude": 37.58, "Longitude": -122.04, "Population": 8012.0}, {"index": 866, "quantile": 0.0, "value": 123000.0, "Latitude": 37.57, "Longitude": -122.04, "Population": 3436.0}, {"index": 866, "quantile": 0.25, "value": 231199.99999999997, "Latitude": 37.57, "Longitude": -122.04, "Population": 3436.0}, {"index": 866, "quantile": 0.5, "value": 231199.99999999997, "Latitude": 37.57, "Longitude": -122.04, "Population": 3436.0}, {"index": 866, "quantile": 0.75, "value": 231199.99999999997, "Latitude": 37.57, "Longitude": -122.04, "Population": 3436.0}, {"index": 866, "quantile": 1.0, "value": 283500.0, "Latitude": 37.57, "Longitude": -122.04, "Population": 3436.0}, {"index": 867, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 37.57, "Longitude": -122.07, "Population": 5019.0}, {"index": 867, "quantile": 0.25, "value": 318300.0, "Latitude": 37.57, "Longitude": -122.07, "Population": 5019.0}, {"index": 867, "quantile": 0.5, "value": 318300.0, "Latitude": 37.57, "Longitude": -122.07, "Population": 5019.0}, {"index": 867, "quantile": 0.75, "value": 318300.0, "Latitude": 37.57, "Longitude": -122.07, "Population": 5019.0}, {"index": 867, "quantile": 1.0, "value": 393100.0, "Latitude": 37.57, "Longitude": -122.07, "Population": 5019.0}, {"index": 868, "quantile": 0.0, "value": 179700.0, "Latitude": 37.58, "Longitude": -122.06, "Population": 4576.0}, {"index": 868, "quantile": 0.25, "value": 253399.99999999997, "Latitude": 37.58, "Longitude": -122.06, "Population": 4576.0}, {"index": 868, "quantile": 0.5, "value": 253399.99999999997, "Latitude": 37.58, "Longitude": -122.06, "Population": 4576.0}, {"index": 868, "quantile": 0.75, "value": 254475.0, "Latitude": 37.58, "Longitude": -122.06, "Population": 4576.0}, {"index": 868, "quantile": 1.0, "value": 386800.0, "Latitude": 37.58, "Longitude": -122.06, "Population": 4576.0}, {"index": 869, "quantile": 0.0, "value": 110100.0, "Latitude": 37.57, "Longitude": -122.05, "Population": 6075.0}, {"index": 869, "quantile": 0.25, "value": 260700.00000000003, "Latitude": 37.57, "Longitude": -122.05, "Population": 6075.0}, {"index": 869, "quantile": 0.5, "value": 278200.0, "Latitude": 37.57, "Longitude": -122.05, "Population": 6075.0}, {"index": 869, "quantile": 0.75, "value": 278200.0, "Latitude": 37.57, "Longitude": -122.05, "Population": 6075.0}, {"index": 869, "quantile": 1.0, "value": 390000.0, "Latitude": 37.57, "Longitude": -122.05, "Population": 6075.0}, {"index": 870, "quantile": 0.0, "value": 112500.0, "Latitude": 37.49, "Longitude": -121.93, "Population": 648.0}, {"index": 870, "quantile": 0.25, "value": 209475.00000000003, "Latitude": 37.49, "Longitude": -121.93, "Population": 648.0}, {"index": 870, "quantile": 0.5, "value": 300000.0, "Latitude": 37.49, "Longitude": -121.93, "Population": 648.0}, {"index": 870, "quantile": 0.75, "value": 300000.0, "Latitude": 37.49, "Longitude": -121.93, "Population": 648.0}, {"index": 870, "quantile": 1.0, "value": 353600.0, "Latitude": 37.49, "Longitude": -121.93, "Population": 648.0}, {"index": 871, "quantile": 0.0, "value": 187800.0, "Latitude": 37.52, "Longitude": -122.07, "Population": 7205.0}, {"index": 871, "quantile": 0.25, "value": 273500.0, "Latitude": 37.52, "Longitude": -122.07, "Population": 7205.0}, {"index": 871, "quantile": 0.5, "value": 273500.0, "Latitude": 37.52, "Longitude": -122.07, "Population": 7205.0}, {"index": 871, "quantile": 0.75, "value": 273500.0, "Latitude": 37.52, "Longitude": -122.07, "Population": 7205.0}, {"index": 871, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.52, "Longitude": -122.07, "Population": 7205.0}, {"index": 872, "quantile": 0.0, "value": 107600.0, "Latitude": 37.56, "Longitude": -122.02, "Population": 2461.0}, {"index": 872, "quantile": 0.25, "value": 223400.0, "Latitude": 37.56, "Longitude": -122.02, "Population": 2461.0}, {"index": 872, "quantile": 0.5, "value": 223400.0, "Latitude": 37.56, "Longitude": -122.02, "Population": 2461.0}, {"index": 872, "quantile": 0.75, "value": 223400.0, "Latitude": 37.56, "Longitude": -122.02, "Population": 2461.0}, {"index": 872, "quantile": 1.0, "value": 266700.0, "Latitude": 37.56, "Longitude": -122.02, "Population": 2461.0}, {"index": 873, "quantile": 0.0, "value": 196200.0, "Latitude": 37.56, "Longitude": -122.02, "Population": 914.0}, {"index": 873, "quantile": 0.25, "value": 214500.0, "Latitude": 37.56, "Longitude": -122.02, "Population": 914.0}, {"index": 873, "quantile": 0.5, "value": 214500.0, "Latitude": 37.56, "Longitude": -122.02, "Population": 914.0}, {"index": 873, "quantile": 0.75, "value": 268500.0, "Latitude": 37.56, "Longitude": -122.02, "Population": 914.0}, {"index": 873, "quantile": 1.0, "value": 384400.0, "Latitude": 37.56, "Longitude": -122.02, "Population": 914.0}, {"index": 874, "quantile": 0.0, "value": 163600.0, "Latitude": 37.56, "Longitude": -122.03, "Population": 2841.0}, {"index": 874, "quantile": 0.25, "value": 220200.0, "Latitude": 37.56, "Longitude": -122.03, "Population": 2841.0}, {"index": 874, "quantile": 0.5, "value": 220200.0, "Latitude": 37.56, "Longitude": -122.03, "Population": 2841.0}, {"index": 874, "quantile": 0.75, "value": 220200.0, "Latitude": 37.56, "Longitude": -122.03, "Population": 2841.0}, {"index": 874, "quantile": 1.0, "value": 378000.0, "Latitude": 37.56, "Longitude": -122.03, "Population": 2841.0}, {"index": 875, "quantile": 0.0, "value": 162500.0, "Latitude": 37.56, "Longitude": -122.03, "Population": 4446.0}, {"index": 875, "quantile": 0.25, "value": 220200.0, "Latitude": 37.56, "Longitude": -122.03, "Population": 4446.0}, {"index": 875, "quantile": 0.5, "value": 243500.0, "Latitude": 37.56, "Longitude": -122.03, "Population": 4446.0}, {"index": 875, "quantile": 0.75, "value": 248900.0, "Latitude": 37.56, "Longitude": -122.03, "Population": 4446.0}, {"index": 875, "quantile": 1.0, "value": 378000.0, "Latitude": 37.56, "Longitude": -122.03, "Population": 4446.0}, {"index": 876, "quantile": 0.0, "value": 153100.0, "Latitude": 37.56, "Longitude": -122.01, "Population": 1531.0}, {"index": 876, "quantile": 0.25, "value": 194600.0, "Latitude": 37.56, "Longitude": -122.01, "Population": 1531.0}, {"index": 876, "quantile": 0.5, "value": 239149.99999999997, "Latitude": 37.56, "Longitude": -122.01, "Population": 1531.0}, {"index": 876, "quantile": 0.75, "value": 271300.0, "Latitude": 37.56, "Longitude": -122.01, "Population": 1531.0}, {"index": 876, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.01, "Population": 1531.0}, {"index": 877, "quantile": 0.0, "value": 156000.0, "Latitude": 37.55, "Longitude": -122.01, "Population": 1434.0}, {"index": 877, "quantile": 0.25, "value": 216150.00000000003, "Latitude": 37.55, "Longitude": -122.01, "Population": 1434.0}, {"index": 877, "quantile": 0.5, "value": 224200.0, "Latitude": 37.55, "Longitude": -122.01, "Population": 1434.0}, {"index": 877, "quantile": 0.75, "value": 224200.0, "Latitude": 37.55, "Longitude": -122.01, "Population": 1434.0}, {"index": 877, "quantile": 1.0, "value": 353600.0, "Latitude": 37.55, "Longitude": -122.01, "Population": 1434.0}, {"index": 878, "quantile": 0.0, "value": 88000.0, "Latitude": 37.55, "Longitude": -122.02, "Population": 909.0}, {"index": 878, "quantile": 0.25, "value": 177200.0, "Latitude": 37.55, "Longitude": -122.02, "Population": 909.0}, {"index": 878, "quantile": 0.5, "value": 177200.0, "Latitude": 37.55, "Longitude": -122.02, "Population": 909.0}, {"index": 878, "quantile": 0.75, "value": 178500.0, "Latitude": 37.55, "Longitude": -122.02, "Population": 909.0}, {"index": 878, "quantile": 1.0, "value": 378000.0, "Latitude": 37.55, "Longitude": -122.02, "Population": 909.0}, {"index": 879, "quantile": 0.0, "value": 87500.0, "Latitude": 37.56, "Longitude": -122.01, "Population": 1174.0}, {"index": 879, "quantile": 0.25, "value": 205400.00000000003, "Latitude": 37.56, "Longitude": -122.01, "Population": 1174.0}, {"index": 879, "quantile": 0.5, "value": 239200.0, "Latitude": 37.56, "Longitude": -122.01, "Population": 1174.0}, {"index": 879, "quantile": 0.75, "value": 292600.0, "Latitude": 37.56, "Longitude": -122.01, "Population": 1174.0}, {"index": 879, "quantile": 1.0, "value": 487500.0, "Latitude": 37.56, "Longitude": -122.01, "Population": 1174.0}, {"index": 880, "quantile": 0.0, "value": 170500.0, "Latitude": 37.56, "Longitude": -121.99, "Population": 2641.0}, {"index": 880, "quantile": 0.25, "value": 254000.0, "Latitude": 37.56, "Longitude": -121.99, "Population": 2641.0}, {"index": 880, "quantile": 0.5, "value": 269700.0, "Latitude": 37.56, "Longitude": -121.99, "Population": 2641.0}, {"index": 880, "quantile": 0.75, "value": 269700.0, "Latitude": 37.56, "Longitude": -121.99, "Population": 2641.0}, {"index": 880, "quantile": 1.0, "value": 357900.0, "Latitude": 37.56, "Longitude": -121.99, "Population": 2641.0}, {"index": 881, "quantile": 0.0, "value": 137500.0, "Latitude": 37.56, "Longitude": -121.99, "Population": 3288.0}, {"index": 881, "quantile": 0.25, "value": 213325.0, "Latitude": 37.56, "Longitude": -121.99, "Population": 3288.0}, {"index": 881, "quantile": 0.5, "value": 242349.99999999997, "Latitude": 37.56, "Longitude": -121.99, "Population": 3288.0}, {"index": 881, "quantile": 0.75, "value": 293200.0, "Latitude": 37.56, "Longitude": -121.99, "Population": 3288.0}, {"index": 881, "quantile": 1.0, "value": 364200.0, "Latitude": 37.56, "Longitude": -121.99, "Population": 3288.0}, {"index": 882, "quantile": 0.0, "value": 72100.0, "Latitude": 37.55, "Longitude": -121.96, "Population": 1606.0}, {"index": 882, "quantile": 0.25, "value": 162500.0, "Latitude": 37.55, "Longitude": -121.96, "Population": 1606.0}, {"index": 882, "quantile": 0.5, "value": 162500.0, "Latitude": 37.55, "Longitude": -121.96, "Population": 1606.0}, {"index": 882, "quantile": 0.75, "value": 178125.0, "Latitude": 37.55, "Longitude": -121.96, "Population": 1606.0}, {"index": 882, "quantile": 1.0, "value": 425000.0, "Latitude": 37.55, "Longitude": -121.96, "Population": 1606.0}, {"index": 883, "quantile": 0.0, "value": 106300.0, "Latitude": 37.56, "Longitude": -121.97, "Population": 4518.0}, {"index": 883, "quantile": 0.25, "value": 248700.0, "Latitude": 37.56, "Longitude": -121.97, "Population": 4518.0}, {"index": 883, "quantile": 0.5, "value": 254000.0, "Latitude": 37.56, "Longitude": -121.97, "Population": 4518.0}, {"index": 883, "quantile": 0.75, "value": 254000.0, "Latitude": 37.56, "Longitude": -121.97, "Population": 4518.0}, {"index": 883, "quantile": 1.0, "value": 361700.0, "Latitude": 37.56, "Longitude": -121.97, "Population": 4518.0}, {"index": 884, "quantile": 0.0, "value": 136900.0, "Latitude": 37.54, "Longitude": -121.97, "Population": 986.0}, {"index": 884, "quantile": 0.25, "value": 196200.0, "Latitude": 37.54, "Longitude": -121.97, "Population": 986.0}, {"index": 884, "quantile": 0.5, "value": 196200.0, "Latitude": 37.54, "Longitude": -121.97, "Population": 986.0}, {"index": 884, "quantile": 0.75, "value": 215250.0, "Latitude": 37.54, "Longitude": -121.97, "Population": 986.0}, {"index": 884, "quantile": 1.0, "value": 291300.0, "Latitude": 37.54, "Longitude": -121.97, "Population": 986.0}, {"index": 885, "quantile": 0.0, "value": 74600.0, "Latitude": 37.55, "Longitude": -121.97, "Population": 3080.0}, {"index": 885, "quantile": 0.25, "value": 189400.0, "Latitude": 37.55, "Longitude": -121.97, "Population": 3080.0}, {"index": 885, "quantile": 0.5, "value": 189400.0, "Latitude": 37.55, "Longitude": -121.97, "Population": 3080.0}, {"index": 885, "quantile": 0.75, "value": 189400.0, "Latitude": 37.55, "Longitude": -121.97, "Population": 3080.0}, {"index": 885, "quantile": 1.0, "value": 300000.0, "Latitude": 37.55, "Longitude": -121.97, "Population": 3080.0}, {"index": 886, "quantile": 0.0, "value": 74600.0, "Latitude": 37.54, "Longitude": -121.98, "Population": 3386.0}, {"index": 886, "quantile": 0.25, "value": 182300.0, "Latitude": 37.54, "Longitude": -121.98, "Population": 3386.0}, {"index": 886, "quantile": 0.5, "value": 189400.0, "Latitude": 37.54, "Longitude": -121.98, "Population": 3386.0}, {"index": 886, "quantile": 0.75, "value": 224399.99999999997, "Latitude": 37.54, "Longitude": -121.98, "Population": 3386.0}, {"index": 886, "quantile": 1.0, "value": 290600.0, "Latitude": 37.54, "Longitude": -121.98, "Population": 3386.0}, {"index": 887, "quantile": 0.0, "value": 80000.0, "Latitude": 37.55, "Longitude": -121.99, "Population": 4649.0}, {"index": 887, "quantile": 0.25, "value": 213800.0, "Latitude": 37.55, "Longitude": -121.99, "Population": 4649.0}, {"index": 887, "quantile": 0.5, "value": 213800.0, "Latitude": 37.55, "Longitude": -121.99, "Population": 4649.0}, {"index": 887, "quantile": 0.75, "value": 213800.0, "Latitude": 37.55, "Longitude": -121.99, "Population": 4649.0}, {"index": 887, "quantile": 1.0, "value": 450000.0, "Latitude": 37.55, "Longitude": -121.99, "Population": 4649.0}, {"index": 888, "quantile": 0.0, "value": 193500.0, "Latitude": 37.56, "Longitude": -121.94, "Population": 2412.0}, {"index": 888, "quantile": 0.25, "value": 367975.0, "Latitude": 37.56, "Longitude": -121.94, "Population": 2412.0}, {"index": 888, "quantile": 0.5, "value": 414400.0, "Latitude": 37.56, "Longitude": -121.94, "Population": 2412.0}, {"index": 888, "quantile": 0.75, "value": 451100.0, "Latitude": 37.56, "Longitude": -121.94, "Population": 2412.0}, {"index": 888, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -121.94, "Population": 2412.0}, {"index": 889, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 37.55, "Longitude": -121.95, "Population": 4552.0}, {"index": 889, "quantile": 0.25, "value": 333400.0, "Latitude": 37.55, "Longitude": -121.95, "Population": 4552.0}, {"index": 889, "quantile": 0.5, "value": 333400.0, "Latitude": 37.55, "Longitude": -121.95, "Population": 4552.0}, {"index": 889, "quantile": 0.75, "value": 333400.0, "Latitude": 37.55, "Longitude": -121.95, "Population": 4552.0}, {"index": 889, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -121.95, "Population": 4552.0}, {"index": 890, "quantile": 0.0, "value": 171700.0, "Latitude": 37.54, "Longitude": -121.93, "Population": 596.0}, {"index": 890, "quantile": 0.25, "value": 351550.00000000006, "Latitude": 37.54, "Longitude": -121.93, "Population": 596.0}, {"index": 890, "quantile": 0.5, "value": 352400.0, "Latitude": 37.54, "Longitude": -121.93, "Population": 596.0}, {"index": 890, "quantile": 0.75, "value": 352400.0, "Latitude": 37.54, "Longitude": -121.93, "Population": 596.0}, {"index": 890, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -121.93, "Population": 596.0}, {"index": 891, "quantile": 0.0, "value": 196900.0, "Latitude": 37.54, "Longitude": -121.94, "Population": 1631.0}, {"index": 891, "quantile": 0.25, "value": 287600.00000000006, "Latitude": 37.54, "Longitude": -121.94, "Population": 1631.0}, {"index": 891, "quantile": 0.5, "value": 305300.0, "Latitude": 37.54, "Longitude": -121.94, "Population": 1631.0}, {"index": 891, "quantile": 0.75, "value": 305300.0, "Latitude": 37.54, "Longitude": -121.94, "Population": 1631.0}, {"index": 891, "quantile": 1.0, "value": 371900.0, "Latitude": 37.54, "Longitude": -121.94, "Population": 1631.0}, {"index": 892, "quantile": 0.0, "value": 220600.0, "Latitude": 37.53, "Longitude": -121.94, "Population": 941.0}, {"index": 892, "quantile": 0.25, "value": 259600.0, "Latitude": 37.53, "Longitude": -121.94, "Population": 941.0}, {"index": 892, "quantile": 0.5, "value": 259600.0, "Latitude": 37.53, "Longitude": -121.94, "Population": 941.0}, {"index": 892, "quantile": 0.75, "value": 271550.0, "Latitude": 37.53, "Longitude": -121.94, "Population": 941.0}, {"index": 892, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -121.94, "Population": 941.0}, {"index": 893, "quantile": 0.0, "value": 136900.0, "Latitude": 37.54, "Longitude": -121.95, "Population": 1724.0}, {"index": 893, "quantile": 0.25, "value": 248900.0, "Latitude": 37.54, "Longitude": -121.95, "Population": 1724.0}, {"index": 893, "quantile": 0.5, "value": 248900.0, "Latitude": 37.54, "Longitude": -121.95, "Population": 1724.0}, {"index": 893, "quantile": 0.75, "value": 248900.0, "Latitude": 37.54, "Longitude": -121.95, "Population": 1724.0}, {"index": 893, "quantile": 1.0, "value": 349300.0, "Latitude": 37.54, "Longitude": -121.95, "Population": 1724.0}, {"index": 894, "quantile": 0.0, "value": 171700.0, "Latitude": 37.54, "Longitude": -121.94, "Population": 1067.0}, {"index": 894, "quantile": 0.25, "value": 356000.0, "Latitude": 37.54, "Longitude": -121.94, "Population": 1067.0}, {"index": 894, "quantile": 0.5, "value": 356000.0, "Latitude": 37.54, "Longitude": -121.94, "Population": 1067.0}, {"index": 894, "quantile": 0.75, "value": 356000.0, "Latitude": 37.54, "Longitude": -121.94, "Population": 1067.0}, {"index": 894, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -121.94, "Population": 1067.0}, {"index": 895, "quantile": 0.0, "value": 135000.0, "Latitude": 37.54, "Longitude": -121.96, "Population": 2738.0}, {"index": 895, "quantile": 0.25, "value": 236000.0, "Latitude": 37.54, "Longitude": -121.96, "Population": 2738.0}, {"index": 895, "quantile": 0.5, "value": 236000.0, "Latitude": 37.54, "Longitude": -121.96, "Population": 2738.0}, {"index": 895, "quantile": 0.75, "value": 240099.99999999997, "Latitude": 37.54, "Longitude": -121.96, "Population": 2738.0}, {"index": 895, "quantile": 1.0, "value": 342800.0, "Latitude": 37.54, "Longitude": -121.96, "Population": 2738.0}, {"index": 896, "quantile": 0.0, "value": 118900.0, "Latitude": 37.53, "Longitude": -121.96, "Population": 1278.0}, {"index": 896, "quantile": 0.25, "value": 218800.00000000003, "Latitude": 37.53, "Longitude": -121.96, "Population": 1278.0}, {"index": 896, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 37.53, "Longitude": -121.96, "Population": 1278.0}, {"index": 896, "quantile": 0.75, "value": 241974.99999999997, "Latitude": 37.53, "Longitude": -121.96, "Population": 1278.0}, {"index": 896, "quantile": 1.0, "value": 364200.0, "Latitude": 37.53, "Longitude": -121.96, "Population": 1278.0}, {"index": 897, "quantile": 0.0, "value": 150000.0, "Latitude": 37.53, "Longitude": -121.96, "Population": 1538.0}, {"index": 897, "quantile": 0.25, "value": 227999.99999999997, "Latitude": 37.53, "Longitude": -121.96, "Population": 1538.0}, {"index": 897, "quantile": 0.5, "value": 227999.99999999997, "Latitude": 37.53, "Longitude": -121.96, "Population": 1538.0}, {"index": 897, "quantile": 0.75, "value": 249775.0, "Latitude": 37.53, "Longitude": -121.96, "Population": 1538.0}, {"index": 897, "quantile": 1.0, "value": 353400.0, "Latitude": 37.53, "Longitude": -121.96, "Population": 1538.0}, {"index": 898, "quantile": 0.0, "value": 81300.0, "Latitude": 37.53, "Longitude": -121.96, "Population": 1252.0}, {"index": 898, "quantile": 0.25, "value": 235900.0, "Latitude": 37.53, "Longitude": -121.96, "Population": 1252.0}, {"index": 898, "quantile": 0.5, "value": 235900.0, "Latitude": 37.53, "Longitude": -121.96, "Population": 1252.0}, {"index": 898, "quantile": 0.75, "value": 235900.0, "Latitude": 37.53, "Longitude": -121.96, "Population": 1252.0}, {"index": 898, "quantile": 1.0, "value": 307100.0, "Latitude": 37.53, "Longitude": -121.96, "Population": 1252.0}, {"index": 899, "quantile": 0.0, "value": 110700.0, "Latitude": 37.54, "Longitude": -121.97, "Population": 1344.0}, {"index": 899, "quantile": 0.25, "value": 203200.0, "Latitude": 37.54, "Longitude": -121.97, "Population": 1344.0}, {"index": 899, "quantile": 0.5, "value": 203200.0, "Latitude": 37.54, "Longitude": -121.97, "Population": 1344.0}, {"index": 899, "quantile": 0.75, "value": 217050.0, "Latitude": 37.54, "Longitude": -121.97, "Population": 1344.0}, {"index": 899, "quantile": 1.0, "value": 342300.0, "Latitude": 37.54, "Longitude": -121.97, "Population": 1344.0}, {"index": 900, "quantile": 0.0, "value": 166700.0, "Latitude": 37.53, "Longitude": -121.97, "Population": 1353.0}, {"index": 900, "quantile": 0.25, "value": 197000.0, "Latitude": 37.53, "Longitude": -121.97, "Population": 1353.0}, {"index": 900, "quantile": 0.5, "value": 197000.0, "Latitude": 37.53, "Longitude": -121.97, "Population": 1353.0}, {"index": 900, "quantile": 0.75, "value": 197000.0, "Latitude": 37.53, "Longitude": -121.97, "Population": 1353.0}, {"index": 900, "quantile": 1.0, "value": 378000.0, "Latitude": 37.53, "Longitude": -121.97, "Population": 1353.0}, {"index": 901, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 37.53, "Longitude": -121.97, "Population": 1273.0}, {"index": 901, "quantile": 0.25, "value": 232075.00000000003, "Latitude": 37.53, "Longitude": -121.97, "Population": 1273.0}, {"index": 901, "quantile": 0.5, "value": 236400.0, "Latitude": 37.53, "Longitude": -121.97, "Population": 1273.0}, {"index": 901, "quantile": 0.75, "value": 236400.0, "Latitude": 37.53, "Longitude": -121.97, "Population": 1273.0}, {"index": 901, "quantile": 1.0, "value": 320500.0, "Latitude": 37.53, "Longitude": -121.97, "Population": 1273.0}, {"index": 902, "quantile": 0.0, "value": 158200.0, "Latitude": 37.53, "Longitude": -121.98, "Population": 1610.0}, {"index": 902, "quantile": 0.25, "value": 223200.00000000003, "Latitude": 37.53, "Longitude": -121.98, "Population": 1610.0}, {"index": 902, "quantile": 0.5, "value": 223200.00000000003, "Latitude": 37.53, "Longitude": -121.98, "Population": 1610.0}, {"index": 902, "quantile": 0.75, "value": 223200.00000000003, "Latitude": 37.53, "Longitude": -121.98, "Population": 1610.0}, {"index": 902, "quantile": 1.0, "value": 271800.0, "Latitude": 37.53, "Longitude": -121.98, "Population": 1610.0}, {"index": 903, "quantile": 0.0, "value": 131300.0, "Latitude": 37.53, "Longitude": -121.98, "Population": 2142.0}, {"index": 903, "quantile": 0.25, "value": 217725.0, "Latitude": 37.53, "Longitude": -121.98, "Population": 2142.0}, {"index": 903, "quantile": 0.5, "value": 222700.0, "Latitude": 37.53, "Longitude": -121.98, "Population": 2142.0}, {"index": 903, "quantile": 0.75, "value": 222700.0, "Latitude": 37.53, "Longitude": -121.98, "Population": 2142.0}, {"index": 903, "quantile": 1.0, "value": 300000.0, "Latitude": 37.53, "Longitude": -121.98, "Population": 2142.0}, {"index": 904, "quantile": 0.0, "value": 126200.0, "Latitude": 37.54, "Longitude": -121.99, "Population": 1285.0}, {"index": 904, "quantile": 0.25, "value": 225000.0, "Latitude": 37.54, "Longitude": -121.99, "Population": 1285.0}, {"index": 904, "quantile": 0.5, "value": 225000.0, "Latitude": 37.54, "Longitude": -121.99, "Population": 1285.0}, {"index": 904, "quantile": 0.75, "value": 225000.0, "Latitude": 37.54, "Longitude": -121.99, "Population": 1285.0}, {"index": 904, "quantile": 1.0, "value": 397900.0, "Latitude": 37.54, "Longitude": -121.99, "Population": 1285.0}, {"index": 905, "quantile": 0.0, "value": 125899.99999999999, "Latitude": 37.54, "Longitude": -121.99, "Population": 1673.0}, {"index": 905, "quantile": 0.25, "value": 240099.99999999997, "Latitude": 37.54, "Longitude": -121.99, "Population": 1673.0}, {"index": 905, "quantile": 0.5, "value": 240099.99999999997, "Latitude": 37.54, "Longitude": -121.99, "Population": 1673.0}, {"index": 905, "quantile": 0.75, "value": 240099.99999999997, "Latitude": 37.54, "Longitude": -121.99, "Population": 1673.0}, {"index": 905, "quantile": 1.0, "value": 331600.0, "Latitude": 37.54, "Longitude": -121.99, "Population": 1673.0}, {"index": 906, "quantile": 0.0, "value": 176400.0, "Latitude": 37.54, "Longitude": -121.99, "Population": 1772.0}, {"index": 906, "quantile": 0.25, "value": 227900.0, "Latitude": 37.54, "Longitude": -121.99, "Population": 1772.0}, {"index": 906, "quantile": 0.5, "value": 227900.0, "Latitude": 37.54, "Longitude": -121.99, "Population": 1772.0}, {"index": 906, "quantile": 0.75, "value": 227900.0, "Latitude": 37.54, "Longitude": -121.99, "Population": 1772.0}, {"index": 906, "quantile": 1.0, "value": 300300.0, "Latitude": 37.54, "Longitude": -121.99, "Population": 1772.0}, {"index": 907, "quantile": 0.0, "value": 106900.0, "Latitude": 37.55, "Longitude": -121.99, "Population": 1106.0}, {"index": 907, "quantile": 0.25, "value": 268600.0, "Latitude": 37.55, "Longitude": -121.99, "Population": 1106.0}, {"index": 907, "quantile": 0.5, "value": 268600.0, "Latitude": 37.55, "Longitude": -121.99, "Population": 1106.0}, {"index": 907, "quantile": 0.75, "value": 268600.0, "Latitude": 37.55, "Longitude": -121.99, "Population": 1106.0}, {"index": 907, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -121.99, "Population": 1106.0}, {"index": 908, "quantile": 0.0, "value": 175200.0, "Latitude": 37.54, "Longitude": -122.0, "Population": 2023.0}, {"index": 908, "quantile": 0.25, "value": 275100.0, "Latitude": 37.54, "Longitude": -122.0, "Population": 2023.0}, {"index": 908, "quantile": 0.5, "value": 275100.0, "Latitude": 37.54, "Longitude": -122.0, "Population": 2023.0}, {"index": 908, "quantile": 0.75, "value": 275100.0, "Latitude": 37.54, "Longitude": -122.0, "Population": 2023.0}, {"index": 908, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.0, "Population": 2023.0}, {"index": 909, "quantile": 0.0, "value": 157800.0, "Latitude": 37.55, "Longitude": -122.01, "Population": 1276.0}, {"index": 909, "quantile": 0.25, "value": 256300.00000000003, "Latitude": 37.55, "Longitude": -122.01, "Population": 1276.0}, {"index": 909, "quantile": 0.5, "value": 256300.00000000003, "Latitude": 37.55, "Longitude": -122.01, "Population": 1276.0}, {"index": 909, "quantile": 0.75, "value": 256300.00000000003, "Latitude": 37.55, "Longitude": -122.01, "Population": 1276.0}, {"index": 909, "quantile": 1.0, "value": 445700.0, "Latitude": 37.55, "Longitude": -122.01, "Population": 1276.0}, {"index": 910, "quantile": 0.0, "value": 180700.0, "Latitude": 37.55, "Longitude": -122.0, "Population": 3026.0}, {"index": 910, "quantile": 0.25, "value": 293200.0, "Latitude": 37.55, "Longitude": -122.0, "Population": 3026.0}, {"index": 910, "quantile": 0.5, "value": 332400.0, "Latitude": 37.55, "Longitude": -122.0, "Population": 3026.0}, {"index": 910, "quantile": 0.75, "value": 332400.0, "Latitude": 37.55, "Longitude": -122.0, "Population": 3026.0}, {"index": 910, "quantile": 1.0, "value": 350000.0, "Latitude": 37.55, "Longitude": -122.0, "Population": 3026.0}, {"index": 911, "quantile": 0.0, "value": 186000.0, "Latitude": 37.54, "Longitude": -122.01, "Population": 1128.0}, {"index": 911, "quantile": 0.25, "value": 254425.0, "Latitude": 37.54, "Longitude": -122.01, "Population": 1128.0}, {"index": 911, "quantile": 0.5, "value": 287600.0, "Latitude": 37.54, "Longitude": -122.01, "Population": 1128.0}, {"index": 911, "quantile": 0.75, "value": 287600.0, "Latitude": 37.54, "Longitude": -122.01, "Population": 1128.0}, {"index": 911, "quantile": 1.0, "value": 378000.0, "Latitude": 37.54, "Longitude": -122.01, "Population": 1128.0}, {"index": 912, "quantile": 0.0, "value": 239600.0, "Latitude": 37.54, "Longitude": -122.0, "Population": 852.0}, {"index": 912, "quantile": 0.25, "value": 298900.0, "Latitude": 37.54, "Longitude": -122.0, "Population": 852.0}, {"index": 912, "quantile": 0.5, "value": 298900.0, "Latitude": 37.54, "Longitude": -122.0, "Population": 852.0}, {"index": 912, "quantile": 0.75, "value": 298900.0, "Latitude": 37.54, "Longitude": -122.0, "Population": 852.0}, {"index": 912, "quantile": 1.0, "value": 477299.99999999994, "Latitude": 37.54, "Longitude": -122.0, "Population": 852.0}, {"index": 913, "quantile": 0.0, "value": 197600.0, "Latitude": 37.53, "Longitude": -122.01, "Population": 889.0}, {"index": 913, "quantile": 0.25, "value": 255650.00000000003, "Latitude": 37.53, "Longitude": -122.01, "Population": 889.0}, {"index": 913, "quantile": 0.5, "value": 285200.0, "Latitude": 37.53, "Longitude": -122.01, "Population": 889.0}, {"index": 913, "quantile": 0.75, "value": 343600.0, "Latitude": 37.53, "Longitude": -122.01, "Population": 889.0}, {"index": 913, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 37.53, "Longitude": -122.01, "Population": 889.0}, {"index": 914, "quantile": 0.0, "value": 163600.0, "Latitude": 37.53, "Longitude": -121.99, "Population": 2831.0}, {"index": 914, "quantile": 0.25, "value": 220200.0, "Latitude": 37.53, "Longitude": -121.99, "Population": 2831.0}, {"index": 914, "quantile": 0.5, "value": 235650.0, "Latitude": 37.53, "Longitude": -121.99, "Population": 2831.0}, {"index": 914, "quantile": 0.75, "value": 265100.0, "Latitude": 37.53, "Longitude": -121.99, "Population": 2831.0}, {"index": 914, "quantile": 1.0, "value": 378000.0, "Latitude": 37.53, "Longitude": -121.99, "Population": 2831.0}, {"index": 915, "quantile": 0.0, "value": 152700.0, "Latitude": 37.52, "Longitude": -121.97, "Population": 1776.0}, {"index": 915, "quantile": 0.25, "value": 232600.0, "Latitude": 37.52, "Longitude": -121.97, "Population": 1776.0}, {"index": 915, "quantile": 0.5, "value": 232600.0, "Latitude": 37.52, "Longitude": -121.97, "Population": 1776.0}, {"index": 915, "quantile": 0.75, "value": 232600.0, "Latitude": 37.52, "Longitude": -121.97, "Population": 1776.0}, {"index": 915, "quantile": 1.0, "value": 308800.0, "Latitude": 37.52, "Longitude": -121.97, "Population": 1776.0}, {"index": 916, "quantile": 0.0, "value": 161000.0, "Latitude": 37.51, "Longitude": -121.97, "Population": 1671.0}, {"index": 916, "quantile": 0.25, "value": 241050.0, "Latitude": 37.51, "Longitude": -121.97, "Population": 1671.0}, {"index": 916, "quantile": 0.5, "value": 258300.00000000003, "Latitude": 37.51, "Longitude": -121.97, "Population": 1671.0}, {"index": 916, "quantile": 0.75, "value": 258300.00000000003, "Latitude": 37.51, "Longitude": -121.97, "Population": 1671.0}, {"index": 916, "quantile": 1.0, "value": 320500.0, "Latitude": 37.51, "Longitude": -121.97, "Population": 1671.0}, {"index": 917, "quantile": 0.0, "value": 159600.0, "Latitude": 37.52, "Longitude": -121.97, "Population": 2530.0}, {"index": 917, "quantile": 0.25, "value": 230900.00000000003, "Latitude": 37.52, "Longitude": -121.97, "Population": 2530.0}, {"index": 917, "quantile": 0.5, "value": 230900.00000000003, "Latitude": 37.52, "Longitude": -121.97, "Population": 2530.0}, {"index": 917, "quantile": 0.75, "value": 230975.00000000003, "Latitude": 37.52, "Longitude": -121.97, "Population": 2530.0}, {"index": 917, "quantile": 1.0, "value": 407200.0, "Latitude": 37.52, "Longitude": -121.97, "Population": 2530.0}, {"index": 918, "quantile": 0.0, "value": 179500.0, "Latitude": 37.52, "Longitude": -121.95, "Population": 2721.0}, {"index": 918, "quantile": 0.25, "value": 196900.0, "Latitude": 37.52, "Longitude": -121.95, "Population": 2721.0}, {"index": 918, "quantile": 0.5, "value": 196900.0, "Latitude": 37.52, "Longitude": -121.95, "Population": 2721.0}, {"index": 918, "quantile": 0.75, "value": 212425.0, "Latitude": 37.52, "Longitude": -121.95, "Population": 2721.0}, {"index": 918, "quantile": 1.0, "value": 270900.0, "Latitude": 37.52, "Longitude": -121.95, "Population": 2721.0}, {"index": 919, "quantile": 0.0, "value": 107600.0, "Latitude": 37.51, "Longitude": -121.96, "Population": 3215.0}, {"index": 919, "quantile": 0.25, "value": 223500.0, "Latitude": 37.51, "Longitude": -121.96, "Population": 3215.0}, {"index": 919, "quantile": 0.5, "value": 223500.0, "Latitude": 37.51, "Longitude": -121.96, "Population": 3215.0}, {"index": 919, "quantile": 0.75, "value": 223500.0, "Latitude": 37.51, "Longitude": -121.96, "Population": 3215.0}, {"index": 919, "quantile": 1.0, "value": 262400.0, "Latitude": 37.51, "Longitude": -121.96, "Population": 3215.0}, {"index": 920, "quantile": 0.0, "value": 196900.0, "Latitude": 37.52, "Longitude": -121.96, "Population": 2352.0}, {"index": 920, "quantile": 0.25, "value": 223900.0, "Latitude": 37.52, "Longitude": -121.96, "Population": 2352.0}, {"index": 920, "quantile": 0.5, "value": 223900.0, "Latitude": 37.52, "Longitude": -121.96, "Population": 2352.0}, {"index": 920, "quantile": 0.75, "value": 223900.0, "Latitude": 37.52, "Longitude": -121.96, "Population": 2352.0}, {"index": 920, "quantile": 1.0, "value": 378000.0, "Latitude": 37.52, "Longitude": -121.96, "Population": 2352.0}, {"index": 921, "quantile": 0.0, "value": 163600.0, "Latitude": 37.53, "Longitude": -121.93, "Population": 2855.0}, {"index": 921, "quantile": 0.25, "value": 230025.0, "Latitude": 37.53, "Longitude": -121.93, "Population": 2855.0}, {"index": 921, "quantile": 0.5, "value": 243500.0, "Latitude": 37.53, "Longitude": -121.93, "Population": 2855.0}, {"index": 921, "quantile": 0.75, "value": 243500.0, "Latitude": 37.53, "Longitude": -121.93, "Population": 2855.0}, {"index": 921, "quantile": 1.0, "value": 378000.0, "Latitude": 37.53, "Longitude": -121.93, "Population": 2855.0}, {"index": 922, "quantile": 0.0, "value": 193500.0, "Latitude": 37.53, "Longitude": -121.92, "Population": 12203.0}, {"index": 922, "quantile": 0.25, "value": 451100.0, "Latitude": 37.53, "Longitude": -121.92, "Population": 12203.0}, {"index": 922, "quantile": 0.5, "value": 451100.0, "Latitude": 37.53, "Longitude": -121.92, "Population": 12203.0}, {"index": 922, "quantile": 0.75, "value": 451100.0, "Latitude": 37.53, "Longitude": -121.92, "Population": 12203.0}, {"index": 922, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -121.92, "Population": 12203.0}, {"index": 923, "quantile": 0.0, "value": 345900.0, "Latitude": 37.49, "Longitude": -121.89, "Population": 1981.0}, {"index": 923, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.49, "Longitude": -121.89, "Population": 1981.0}, {"index": 923, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.49, "Longitude": -121.89, "Population": 1981.0}, {"index": 923, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.49, "Longitude": -121.89, "Population": 1981.0}, {"index": 923, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.49, "Longitude": -121.89, "Population": 1981.0}, {"index": 924, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 37.49, "Longitude": -121.92, "Population": 3571.0}, {"index": 924, "quantile": 0.25, "value": 193100.0, "Latitude": 37.49, "Longitude": -121.92, "Population": 3571.0}, {"index": 924, "quantile": 0.5, "value": 193100.0, "Latitude": 37.49, "Longitude": -121.92, "Population": 3571.0}, {"index": 924, "quantile": 0.75, "value": 247200.0, "Latitude": 37.49, "Longitude": -121.92, "Population": 3571.0}, {"index": 924, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.49, "Longitude": -121.92, "Population": 3571.0}, {"index": 925, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 37.48, "Longitude": -121.92, "Population": 1972.0}, {"index": 925, "quantile": 0.25, "value": 258300.00000000003, "Latitude": 37.48, "Longitude": -121.92, "Population": 1972.0}, {"index": 925, "quantile": 0.5, "value": 264400.0, "Latitude": 37.48, "Longitude": -121.92, "Population": 1972.0}, {"index": 925, "quantile": 0.75, "value": 264400.0, "Latitude": 37.48, "Longitude": -121.92, "Population": 1972.0}, {"index": 925, "quantile": 1.0, "value": 361700.0, "Latitude": 37.48, "Longitude": -121.92, "Population": 1972.0}, {"index": 926, "quantile": 0.0, "value": 120000.0, "Latitude": 37.47, "Longitude": -121.92, "Population": 1105.0}, {"index": 926, "quantile": 0.25, "value": 238775.0, "Latitude": 37.47, "Longitude": -121.92, "Population": 1105.0}, {"index": 926, "quantile": 0.5, "value": 254900.0, "Latitude": 37.47, "Longitude": -121.92, "Population": 1105.0}, {"index": 926, "quantile": 0.75, "value": 271200.0, "Latitude": 37.47, "Longitude": -121.92, "Population": 1105.0}, {"index": 926, "quantile": 1.0, "value": 405400.0, "Latitude": 37.47, "Longitude": -121.92, "Population": 1105.0}, {"index": 927, "quantile": 0.0, "value": 127200.0, "Latitude": 37.47, "Longitude": -121.91, "Population": 2759.0}, {"index": 927, "quantile": 0.25, "value": 278450.0, "Latitude": 37.47, "Longitude": -121.91, "Population": 2759.0}, {"index": 927, "quantile": 0.5, "value": 313700.0, "Latitude": 37.47, "Longitude": -121.91, "Population": 2759.0}, {"index": 927, "quantile": 0.75, "value": 347175.0, "Latitude": 37.47, "Longitude": -121.91, "Population": 2759.0}, {"index": 927, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -121.91, "Population": 2759.0}, {"index": 928, "quantile": 0.0, "value": 141200.0, "Latitude": 37.55, "Longitude": -122.03, "Population": 4319.0}, {"index": 928, "quantile": 0.25, "value": 284800.0, "Latitude": 37.55, "Longitude": -122.03, "Population": 4319.0}, {"index": 928, "quantile": 0.5, "value": 284800.0, "Latitude": 37.55, "Longitude": -122.03, "Population": 4319.0}, {"index": 928, "quantile": 0.75, "value": 348625.0, "Latitude": 37.55, "Longitude": -122.03, "Population": 4319.0}, {"index": 928, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.03, "Population": 4319.0}, {"index": 929, "quantile": 0.0, "value": 156700.0, "Latitude": 37.55, "Longitude": -122.03, "Population": 1597.0}, {"index": 929, "quantile": 0.25, "value": 217300.0, "Latitude": 37.55, "Longitude": -122.03, "Population": 1597.0}, {"index": 929, "quantile": 0.5, "value": 217300.0, "Latitude": 37.55, "Longitude": -122.03, "Population": 1597.0}, {"index": 929, "quantile": 0.75, "value": 217300.0, "Latitude": 37.55, "Longitude": -122.03, "Population": 1597.0}, {"index": 929, "quantile": 1.0, "value": 334400.0, "Latitude": 37.55, "Longitude": -122.03, "Population": 1597.0}, {"index": 930, "quantile": 0.0, "value": 134400.0, "Latitude": 37.55, "Longitude": -122.04, "Population": 1446.0}, {"index": 930, "quantile": 0.25, "value": 213174.99999999997, "Latitude": 37.55, "Longitude": -122.04, "Population": 1446.0}, {"index": 930, "quantile": 0.5, "value": 235350.0, "Latitude": 37.55, "Longitude": -122.04, "Population": 1446.0}, {"index": 930, "quantile": 0.75, "value": 280500.0, "Latitude": 37.55, "Longitude": -122.04, "Population": 1446.0}, {"index": 930, "quantile": 1.0, "value": 346100.0, "Latitude": 37.55, "Longitude": -122.04, "Population": 1446.0}, {"index": 931, "quantile": 0.0, "value": 166700.0, "Latitude": 37.54, "Longitude": -122.04, "Population": 1285.0}, {"index": 931, "quantile": 0.25, "value": 223800.0, "Latitude": 37.54, "Longitude": -122.04, "Population": 1285.0}, {"index": 931, "quantile": 0.5, "value": 223800.0, "Latitude": 37.54, "Longitude": -122.04, "Population": 1285.0}, {"index": 931, "quantile": 0.75, "value": 223800.0, "Latitude": 37.54, "Longitude": -122.04, "Population": 1285.0}, {"index": 931, "quantile": 1.0, "value": 378000.0, "Latitude": 37.54, "Longitude": -122.04, "Population": 1285.0}, {"index": 932, "quantile": 0.0, "value": 172600.0, "Latitude": 37.54, "Longitude": -122.05, "Population": 2568.0}, {"index": 932, "quantile": 0.25, "value": 223100.0, "Latitude": 37.54, "Longitude": -122.05, "Population": 2568.0}, {"index": 932, "quantile": 0.5, "value": 223100.0, "Latitude": 37.54, "Longitude": -122.05, "Population": 2568.0}, {"index": 932, "quantile": 0.75, "value": 226399.99999999997, "Latitude": 37.54, "Longitude": -122.05, "Population": 2568.0}, {"index": 932, "quantile": 1.0, "value": 279700.0, "Latitude": 37.54, "Longitude": -122.05, "Population": 2568.0}, {"index": 933, "quantile": 0.0, "value": 183600.0, "Latitude": 37.55, "Longitude": -122.05, "Population": 2357.0}, {"index": 933, "quantile": 0.25, "value": 211300.0, "Latitude": 37.55, "Longitude": -122.05, "Population": 2357.0}, {"index": 933, "quantile": 0.5, "value": 211300.0, "Latitude": 37.55, "Longitude": -122.05, "Population": 2357.0}, {"index": 933, "quantile": 0.75, "value": 223625.0, "Latitude": 37.55, "Longitude": -122.05, "Population": 2357.0}, {"index": 933, "quantile": 1.0, "value": 359900.0, "Latitude": 37.55, "Longitude": -122.05, "Population": 2357.0}, {"index": 934, "quantile": 0.0, "value": 94500.0, "Latitude": 37.53, "Longitude": -122.04, "Population": 2998.0}, {"index": 934, "quantile": 0.25, "value": 213174.99999999997, "Latitude": 37.53, "Longitude": -122.04, "Population": 2998.0}, {"index": 934, "quantile": 0.5, "value": 218500.0, "Latitude": 37.53, "Longitude": -122.04, "Population": 2998.0}, {"index": 934, "quantile": 0.75, "value": 218500.0, "Latitude": 37.53, "Longitude": -122.04, "Population": 2998.0}, {"index": 934, "quantile": 1.0, "value": 273900.0, "Latitude": 37.53, "Longitude": -122.04, "Population": 2998.0}, {"index": 935, "quantile": 0.0, "value": 81400.0, "Latitude": 37.5, "Longitude": -122.04, "Population": 307.0}, {"index": 935, "quantile": 0.25, "value": 156300.0, "Latitude": 37.5, "Longitude": -122.04, "Population": 307.0}, {"index": 935, "quantile": 0.5, "value": 156300.0, "Latitude": 37.5, "Longitude": -122.04, "Population": 307.0}, {"index": 935, "quantile": 0.75, "value": 178100.0, "Latitude": 37.5, "Longitude": -122.04, "Population": 307.0}, {"index": 935, "quantile": 1.0, "value": 364200.0, "Latitude": 37.5, "Longitude": -122.04, "Population": 307.0}, {"index": 936, "quantile": 0.0, "value": 208000.0, "Latitude": 37.54, "Longitude": -122.06, "Population": 3526.0}, {"index": 936, "quantile": 0.25, "value": 248200.00000000003, "Latitude": 37.54, "Longitude": -122.06, "Population": 3526.0}, {"index": 936, "quantile": 0.5, "value": 248200.00000000003, "Latitude": 37.54, "Longitude": -122.06, "Population": 3526.0}, {"index": 936, "quantile": 0.75, "value": 248200.00000000003, "Latitude": 37.54, "Longitude": -122.06, "Population": 3526.0}, {"index": 936, "quantile": 1.0, "value": 378000.0, "Latitude": 37.54, "Longitude": -122.06, "Population": 3526.0}, {"index": 937, "quantile": 0.0, "value": 166700.0, "Latitude": 37.54, "Longitude": -122.03, "Population": 1213.0}, {"index": 937, "quantile": 0.25, "value": 186000.0, "Latitude": 37.54, "Longitude": -122.03, "Population": 1213.0}, {"index": 937, "quantile": 0.5, "value": 186000.0, "Latitude": 37.54, "Longitude": -122.03, "Population": 1213.0}, {"index": 937, "quantile": 0.75, "value": 187225.00000000003, "Latitude": 37.54, "Longitude": -122.03, "Population": 1213.0}, {"index": 937, "quantile": 1.0, "value": 271800.0, "Latitude": 37.54, "Longitude": -122.03, "Population": 1213.0}, {"index": 938, "quantile": 0.0, "value": 108100.0, "Latitude": 37.54, "Longitude": -122.03, "Population": 1911.0}, {"index": 938, "quantile": 0.25, "value": 178200.0, "Latitude": 37.54, "Longitude": -122.03, "Population": 1911.0}, {"index": 938, "quantile": 0.5, "value": 178200.0, "Latitude": 37.54, "Longitude": -122.03, "Population": 1911.0}, {"index": 938, "quantile": 0.75, "value": 178200.0, "Latitude": 37.54, "Longitude": -122.03, "Population": 1911.0}, {"index": 938, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.03, "Population": 1911.0}, {"index": 939, "quantile": 0.0, "value": 113700.0, "Latitude": 37.53, "Longitude": -122.04, "Population": 1524.0}, {"index": 939, "quantile": 0.25, "value": 190400.0, "Latitude": 37.53, "Longitude": -122.04, "Population": 1524.0}, {"index": 939, "quantile": 0.5, "value": 190400.0, "Latitude": 37.53, "Longitude": -122.04, "Population": 1524.0}, {"index": 939, "quantile": 0.75, "value": 190400.0, "Latitude": 37.53, "Longitude": -122.04, "Population": 1524.0}, {"index": 939, "quantile": 1.0, "value": 291500.0, "Latitude": 37.53, "Longitude": -122.04, "Population": 1524.0}, {"index": 940, "quantile": 0.0, "value": 99100.0, "Latitude": 37.54, "Longitude": -122.02, "Population": 719.0}, {"index": 940, "quantile": 0.25, "value": 192600.0, "Latitude": 37.54, "Longitude": -122.02, "Population": 719.0}, {"index": 940, "quantile": 0.5, "value": 210300.00000000003, "Latitude": 37.54, "Longitude": -122.02, "Population": 719.0}, {"index": 940, "quantile": 0.75, "value": 210300.00000000003, "Latitude": 37.54, "Longitude": -122.02, "Population": 719.0}, {"index": 940, "quantile": 1.0, "value": 263500.0, "Latitude": 37.54, "Longitude": -122.02, "Population": 719.0}, {"index": 941, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 37.54, "Longitude": -122.03, "Population": 3038.0}, {"index": 941, "quantile": 0.25, "value": 208000.0, "Latitude": 37.54, "Longitude": -122.03, "Population": 3038.0}, {"index": 941, "quantile": 0.5, "value": 208000.0, "Latitude": 37.54, "Longitude": -122.03, "Population": 3038.0}, {"index": 941, "quantile": 0.75, "value": 208000.0, "Latitude": 37.54, "Longitude": -122.03, "Population": 3038.0}, {"index": 941, "quantile": 1.0, "value": 269100.0, "Latitude": 37.54, "Longitude": -122.03, "Population": 3038.0}, {"index": 942, "quantile": 0.0, "value": 82800.0, "Latitude": 37.53, "Longitude": -122.03, "Population": 1268.0}, {"index": 942, "quantile": 0.25, "value": 183300.0, "Latitude": 37.53, "Longitude": -122.03, "Population": 1268.0}, {"index": 942, "quantile": 0.5, "value": 183300.0, "Latitude": 37.53, "Longitude": -122.03, "Population": 1268.0}, {"index": 942, "quantile": 0.75, "value": 183300.0, "Latitude": 37.53, "Longitude": -122.03, "Population": 1268.0}, {"index": 942, "quantile": 1.0, "value": 254400.0, "Latitude": 37.53, "Longitude": -122.03, "Population": 1268.0}, {"index": 943, "quantile": 0.0, "value": 231800.0, "Latitude": 37.53, "Longitude": -122.01, "Population": 2346.0}, {"index": 943, "quantile": 0.25, "value": 245699.99999999997, "Latitude": 37.53, "Longitude": -122.01, "Population": 2346.0}, {"index": 943, "quantile": 0.5, "value": 245699.99999999997, "Latitude": 37.53, "Longitude": -122.01, "Population": 2346.0}, {"index": 943, "quantile": 0.75, "value": 245699.99999999997, "Latitude": 37.53, "Longitude": -122.01, "Population": 2346.0}, {"index": 943, "quantile": 1.0, "value": 393100.0, "Latitude": 37.53, "Longitude": -122.01, "Population": 2346.0}, {"index": 944, "quantile": 0.0, "value": 197700.0, "Latitude": 37.53, "Longitude": -122.02, "Population": 2216.0}, {"index": 944, "quantile": 0.25, "value": 242200.00000000003, "Latitude": 37.53, "Longitude": -122.02, "Population": 2216.0}, {"index": 944, "quantile": 0.5, "value": 242200.00000000003, "Latitude": 37.53, "Longitude": -122.02, "Population": 2216.0}, {"index": 944, "quantile": 0.75, "value": 246500.0, "Latitude": 37.53, "Longitude": -122.02, "Population": 2216.0}, {"index": 944, "quantile": 1.0, "value": 402600.0, "Latitude": 37.53, "Longitude": -122.02, "Population": 2216.0}, {"index": 945, "quantile": 0.0, "value": 112500.0, "Latitude": 37.51, "Longitude": -122.0, "Population": 3223.0}, {"index": 945, "quantile": 0.25, "value": 181700.0, "Latitude": 37.51, "Longitude": -122.0, "Population": 3223.0}, {"index": 945, "quantile": 0.5, "value": 181700.0, "Latitude": 37.51, "Longitude": -122.0, "Population": 3223.0}, {"index": 945, "quantile": 0.75, "value": 232200.0, "Latitude": 37.51, "Longitude": -122.0, "Population": 3223.0}, {"index": 945, "quantile": 1.0, "value": 356100.0, "Latitude": 37.51, "Longitude": -122.0, "Population": 3223.0}, {"index": 946, "quantile": 0.0, "value": 167800.0, "Latitude": 37.72, "Longitude": -121.92, "Population": 2937.0}, {"index": 946, "quantile": 0.25, "value": 299400.0, "Latitude": 37.72, "Longitude": -121.92, "Population": 2937.0}, {"index": 946, "quantile": 0.5, "value": 299400.0, "Latitude": 37.72, "Longitude": -121.92, "Population": 2937.0}, {"index": 946, "quantile": 0.75, "value": 299400.0, "Latitude": 37.72, "Longitude": -121.92, "Population": 2937.0}, {"index": 946, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -121.92, "Population": 2937.0}, {"index": 947, "quantile": 0.0, "value": 206500.0, "Latitude": 37.72, "Longitude": -121.92, "Population": 2302.0}, {"index": 947, "quantile": 0.25, "value": 219499.99999999997, "Latitude": 37.72, "Longitude": -121.92, "Population": 2302.0}, {"index": 947, "quantile": 0.5, "value": 219499.99999999997, "Latitude": 37.72, "Longitude": -121.92, "Population": 2302.0}, {"index": 947, "quantile": 0.75, "value": 228225.0, "Latitude": 37.72, "Longitude": -121.92, "Population": 2302.0}, {"index": 947, "quantile": 1.0, "value": 319000.0, "Latitude": 37.72, "Longitude": -121.92, "Population": 2302.0}, {"index": 948, "quantile": 0.0, "value": 164700.0, "Latitude": 37.71, "Longitude": -121.91, "Population": 2038.0}, {"index": 948, "quantile": 0.25, "value": 254800.0, "Latitude": 37.71, "Longitude": -121.91, "Population": 2038.0}, {"index": 948, "quantile": 0.5, "value": 272600.0, "Latitude": 37.71, "Longitude": -121.91, "Population": 2038.0}, {"index": 948, "quantile": 0.75, "value": 290325.0, "Latitude": 37.71, "Longitude": -121.91, "Population": 2038.0}, {"index": 948, "quantile": 1.0, "value": 372000.0, "Latitude": 37.71, "Longitude": -121.91, "Population": 2038.0}, {"index": 949, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 37.72, "Longitude": -121.93, "Population": 1935.0}, {"index": 949, "quantile": 0.25, "value": 182975.0, "Latitude": 37.72, "Longitude": -121.93, "Population": 1935.0}, {"index": 949, "quantile": 0.5, "value": 201100.0, "Latitude": 37.72, "Longitude": -121.93, "Population": 1935.0}, {"index": 949, "quantile": 0.75, "value": 232600.0, "Latitude": 37.72, "Longitude": -121.93, "Population": 1935.0}, {"index": 949, "quantile": 1.0, "value": 331600.0, "Latitude": 37.72, "Longitude": -121.93, "Population": 1935.0}, {"index": 950, "quantile": 0.0, "value": 144100.0, "Latitude": 37.72, "Longitude": -121.93, "Population": 1453.0}, {"index": 950, "quantile": 0.25, "value": 213800.0, "Latitude": 37.72, "Longitude": -121.93, "Population": 1453.0}, {"index": 950, "quantile": 0.5, "value": 213800.0, "Latitude": 37.72, "Longitude": -121.93, "Population": 1453.0}, {"index": 950, "quantile": 0.75, "value": 217300.0, "Latitude": 37.72, "Longitude": -121.93, "Population": 1453.0}, {"index": 950, "quantile": 1.0, "value": 295200.0, "Latitude": 37.72, "Longitude": -121.93, "Population": 1453.0}, {"index": 951, "quantile": 0.0, "value": 150000.0, "Latitude": 37.71, "Longitude": -121.93, "Population": 2288.0}, {"index": 951, "quantile": 0.25, "value": 206000.0, "Latitude": 37.71, "Longitude": -121.93, "Population": 2288.0}, {"index": 951, "quantile": 0.5, "value": 206000.0, "Latitude": 37.71, "Longitude": -121.93, "Population": 2288.0}, {"index": 951, "quantile": 0.75, "value": 206000.0, "Latitude": 37.71, "Longitude": -121.93, "Population": 2288.0}, {"index": 951, "quantile": 1.0, "value": 331600.0, "Latitude": 37.71, "Longitude": -121.93, "Population": 2288.0}, {"index": 952, "quantile": 0.0, "value": 112500.0, "Latitude": 37.71, "Longitude": -121.94, "Population": 2484.0}, {"index": 952, "quantile": 0.25, "value": 207075.00000000003, "Latitude": 37.71, "Longitude": -121.94, "Population": 2484.0}, {"index": 952, "quantile": 0.5, "value": 253750.0, "Latitude": 37.71, "Longitude": -121.94, "Population": 2484.0}, {"index": 952, "quantile": 0.75, "value": 306725.0, "Latitude": 37.71, "Longitude": -121.94, "Population": 2484.0}, {"index": 952, "quantile": 1.0, "value": 452100.0, "Latitude": 37.71, "Longitude": -121.94, "Population": 2484.0}, {"index": 953, "quantile": 0.0, "value": 218000.00000000003, "Latitude": 37.71, "Longitude": -121.96, "Population": 3386.0}, {"index": 953, "quantile": 0.25, "value": 336500.0, "Latitude": 37.71, "Longitude": -121.96, "Population": 3386.0}, {"index": 953, "quantile": 0.5, "value": 336500.0, "Latitude": 37.71, "Longitude": -121.96, "Population": 3386.0}, {"index": 953, "quantile": 0.75, "value": 336500.0, "Latitude": 37.71, "Longitude": -121.96, "Population": 3386.0}, {"index": 953, "quantile": 1.0, "value": 393100.0, "Latitude": 37.71, "Longitude": -121.96, "Population": 3386.0}, {"index": 954, "quantile": 0.0, "value": 153800.0, "Latitude": 37.64, "Longitude": -121.92, "Population": 512.0}, {"index": 954, "quantile": 0.25, "value": 258425.0, "Latitude": 37.64, "Longitude": -121.92, "Population": 512.0}, {"index": 954, "quantile": 0.5, "value": 315600.0, "Latitude": 37.64, "Longitude": -121.92, "Population": 512.0}, {"index": 954, "quantile": 0.75, "value": 315600.0, "Latitude": 37.64, "Longitude": -121.92, "Population": 512.0}, {"index": 954, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.64, "Longitude": -121.92, "Population": 512.0}, {"index": 955, "quantile": 0.0, "value": 344000.0, "Latitude": 37.66, "Longitude": -121.93, "Population": 1081.0}, {"index": 955, "quantile": 0.25, "value": 377949.99999999994, "Latitude": 37.66, "Longitude": -121.93, "Population": 1081.0}, {"index": 955, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.66, "Longitude": -121.93, "Population": 1081.0}, {"index": 955, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.66, "Longitude": -121.93, "Population": 1081.0}, {"index": 955, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.66, "Longitude": -121.93, "Population": 1081.0}, {"index": 956, "quantile": 0.0, "value": 273900.0, "Latitude": 37.69, "Longitude": -121.92, "Population": 1590.0}, {"index": 956, "quantile": 0.25, "value": 285400.0, "Latitude": 37.69, "Longitude": -121.92, "Population": 1590.0}, {"index": 956, "quantile": 0.5, "value": 285400.0, "Latitude": 37.69, "Longitude": -121.92, "Population": 1590.0}, {"index": 956, "quantile": 0.75, "value": 310350.0, "Latitude": 37.69, "Longitude": -121.92, "Population": 1590.0}, {"index": 956, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.69, "Longitude": -121.92, "Population": 1590.0}, {"index": 957, "quantile": 0.0, "value": 182400.0, "Latitude": 37.66, "Longitude": -121.9, "Population": 3126.0}, {"index": 957, "quantile": 0.25, "value": 323000.0, "Latitude": 37.66, "Longitude": -121.9, "Population": 3126.0}, {"index": 957, "quantile": 0.5, "value": 323000.0, "Latitude": 37.66, "Longitude": -121.9, "Population": 3126.0}, {"index": 957, "quantile": 0.75, "value": 323000.0, "Latitude": 37.66, "Longitude": -121.9, "Population": 3126.0}, {"index": 957, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.66, "Longitude": -121.9, "Population": 3126.0}, {"index": 958, "quantile": 0.0, "value": 127200.0, "Latitude": 37.68, "Longitude": -121.92, "Population": 706.0}, {"index": 958, "quantile": 0.25, "value": 291900.0, "Latitude": 37.68, "Longitude": -121.92, "Population": 706.0}, {"index": 958, "quantile": 0.5, "value": 291900.0, "Latitude": 37.68, "Longitude": -121.92, "Population": 706.0}, {"index": 958, "quantile": 0.75, "value": 292400.00000000006, "Latitude": 37.68, "Longitude": -121.92, "Population": 706.0}, {"index": 958, "quantile": 1.0, "value": 404300.0, "Latitude": 37.68, "Longitude": -121.92, "Population": 706.0}, {"index": 959, "quantile": 0.0, "value": 95200.0, "Latitude": 37.7, "Longitude": -121.93, "Population": 793.0}, {"index": 959, "quantile": 0.25, "value": 225599.99999999997, "Latitude": 37.7, "Longitude": -121.93, "Population": 793.0}, {"index": 959, "quantile": 0.5, "value": 225599.99999999997, "Latitude": 37.7, "Longitude": -121.93, "Population": 793.0}, {"index": 959, "quantile": 0.75, "value": 225725.0, "Latitude": 37.7, "Longitude": -121.93, "Population": 793.0}, {"index": 959, "quantile": 1.0, "value": 478400.0, "Latitude": 37.7, "Longitude": -121.93, "Population": 793.0}, {"index": 960, "quantile": 0.0, "value": 181000.0, "Latitude": 37.69, "Longitude": -121.91, "Population": 926.0}, {"index": 960, "quantile": 0.25, "value": 259600.0, "Latitude": 37.69, "Longitude": -121.91, "Population": 926.0}, {"index": 960, "quantile": 0.5, "value": 259600.0, "Latitude": 37.69, "Longitude": -121.91, "Population": 926.0}, {"index": 960, "quantile": 0.75, "value": 262400.0, "Latitude": 37.69, "Longitude": -121.91, "Population": 926.0}, {"index": 960, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.69, "Longitude": -121.91, "Population": 926.0}, {"index": 961, "quantile": 0.0, "value": 177500.0, "Latitude": 37.68, "Longitude": -121.91, "Population": 831.0}, {"index": 961, "quantile": 0.25, "value": 262900.0, "Latitude": 37.68, "Longitude": -121.91, "Population": 831.0}, {"index": 961, "quantile": 0.5, "value": 262900.0, "Latitude": 37.68, "Longitude": -121.91, "Population": 831.0}, {"index": 961, "quantile": 0.75, "value": 262900.0, "Latitude": 37.68, "Longitude": -121.91, "Population": 831.0}, {"index": 961, "quantile": 1.0, "value": 402600.0, "Latitude": 37.68, "Longitude": -121.91, "Population": 831.0}, {"index": 962, "quantile": 0.0, "value": 154800.0, "Latitude": 37.68, "Longitude": -121.91, "Population": 1700.0}, {"index": 962, "quantile": 0.25, "value": 257300.0, "Latitude": 37.68, "Longitude": -121.91, "Population": 1700.0}, {"index": 962, "quantile": 0.5, "value": 257300.0, "Latitude": 37.68, "Longitude": -121.91, "Population": 1700.0}, {"index": 962, "quantile": 0.75, "value": 257300.0, "Latitude": 37.68, "Longitude": -121.91, "Population": 1700.0}, {"index": 962, "quantile": 1.0, "value": 301900.0, "Latitude": 37.68, "Longitude": -121.91, "Population": 1700.0}, {"index": 963, "quantile": 0.0, "value": 217200.00000000003, "Latitude": 37.69, "Longitude": -121.91, "Population": 1395.0}, {"index": 963, "quantile": 0.25, "value": 259200.0, "Latitude": 37.69, "Longitude": -121.91, "Population": 1395.0}, {"index": 963, "quantile": 0.5, "value": 259200.0, "Latitude": 37.69, "Longitude": -121.91, "Population": 1395.0}, {"index": 963, "quantile": 0.75, "value": 261350.00000000003, "Latitude": 37.69, "Longitude": -121.91, "Population": 1395.0}, {"index": 963, "quantile": 1.0, "value": 390000.0, "Latitude": 37.69, "Longitude": -121.91, "Population": 1395.0}, {"index": 964, "quantile": 0.0, "value": 143000.0, "Latitude": 37.68, "Longitude": -121.89, "Population": 3329.0}, {"index": 964, "quantile": 0.25, "value": 286900.0, "Latitude": 37.68, "Longitude": -121.89, "Population": 3329.0}, {"index": 964, "quantile": 0.5, "value": 323850.0, "Latitude": 37.68, "Longitude": -121.89, "Population": 3329.0}, {"index": 964, "quantile": 0.75, "value": 366125.0, "Latitude": 37.68, "Longitude": -121.89, "Population": 3329.0}, {"index": 964, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.68, "Longitude": -121.89, "Population": 3329.0}, {"index": 965, "quantile": 0.0, "value": 267000.0, "Latitude": 37.68, "Longitude": -121.88, "Population": 854.0}, {"index": 965, "quantile": 0.25, "value": 337200.0, "Latitude": 37.68, "Longitude": -121.88, "Population": 854.0}, {"index": 965, "quantile": 0.5, "value": 337200.0, "Latitude": 37.68, "Longitude": -121.88, "Population": 854.0}, {"index": 965, "quantile": 0.75, "value": 337200.0, "Latitude": 37.68, "Longitude": -121.88, "Population": 854.0}, {"index": 965, "quantile": 1.0, "value": 462700.0, "Latitude": 37.68, "Longitude": -121.88, "Population": 854.0}, {"index": 966, "quantile": 0.0, "value": 218299.99999999997, "Latitude": 37.68, "Longitude": -121.89, "Population": 734.0}, {"index": 966, "quantile": 0.25, "value": 297875.0, "Latitude": 37.68, "Longitude": -121.89, "Population": 734.0}, {"index": 966, "quantile": 0.5, "value": 334100.0, "Latitude": 37.68, "Longitude": -121.89, "Population": 734.0}, {"index": 966, "quantile": 0.75, "value": 334100.0, "Latitude": 37.68, "Longitude": -121.89, "Population": 734.0}, {"index": 966, "quantile": 1.0, "value": 457400.0, "Latitude": 37.68, "Longitude": -121.89, "Population": 734.0}, {"index": 967, "quantile": 0.0, "value": 224100.0, "Latitude": 37.67, "Longitude": -121.88, "Population": 1543.0}, {"index": 967, "quantile": 0.25, "value": 311500.0, "Latitude": 37.67, "Longitude": -121.88, "Population": 1543.0}, {"index": 967, "quantile": 0.5, "value": 311500.0, "Latitude": 37.67, "Longitude": -121.88, "Population": 1543.0}, {"index": 967, "quantile": 0.75, "value": 312500.0, "Latitude": 37.67, "Longitude": -121.88, "Population": 1543.0}, {"index": 967, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.67, "Longitude": -121.88, "Population": 1543.0}, {"index": 968, "quantile": 0.0, "value": 250000.0, "Latitude": 37.67, "Longitude": -121.88, "Population": 937.0}, {"index": 968, "quantile": 0.25, "value": 296900.0, "Latitude": 37.67, "Longitude": -121.88, "Population": 937.0}, {"index": 968, "quantile": 0.5, "value": 296900.0, "Latitude": 37.67, "Longitude": -121.88, "Population": 937.0}, {"index": 968, "quantile": 0.75, "value": 296900.0, "Latitude": 37.67, "Longitude": -121.88, "Population": 937.0}, {"index": 968, "quantile": 1.0, "value": 492500.0, "Latitude": 37.67, "Longitude": -121.88, "Population": 937.0}, {"index": 969, "quantile": 0.0, "value": 193200.0, "Latitude": 37.67, "Longitude": -121.89, "Population": 1181.0}, {"index": 969, "quantile": 0.25, "value": 247900.0, "Latitude": 37.67, "Longitude": -121.89, "Population": 1181.0}, {"index": 969, "quantile": 0.5, "value": 247900.0, "Latitude": 37.67, "Longitude": -121.89, "Population": 1181.0}, {"index": 969, "quantile": 0.75, "value": 265700.0, "Latitude": 37.67, "Longitude": -121.89, "Population": 1181.0}, {"index": 969, "quantile": 1.0, "value": 496000.0, "Latitude": 37.67, "Longitude": -121.89, "Population": 1181.0}, {"index": 970, "quantile": 0.0, "value": 255900.00000000003, "Latitude": 37.67, "Longitude": -121.89, "Population": 852.0}, {"index": 970, "quantile": 0.25, "value": 300400.0, "Latitude": 37.67, "Longitude": -121.89, "Population": 852.0}, {"index": 970, "quantile": 0.5, "value": 300400.0, "Latitude": 37.67, "Longitude": -121.89, "Population": 852.0}, {"index": 970, "quantile": 0.75, "value": 300400.0, "Latitude": 37.67, "Longitude": -121.89, "Population": 852.0}, {"index": 970, "quantile": 1.0, "value": 466899.99999999994, "Latitude": 37.67, "Longitude": -121.89, "Population": 852.0}, {"index": 971, "quantile": 0.0, "value": 141200.0, "Latitude": 37.67, "Longitude": -121.9, "Population": 876.0}, {"index": 971, "quantile": 0.25, "value": 292125.0, "Latitude": 37.67, "Longitude": -121.9, "Population": 876.0}, {"index": 971, "quantile": 0.5, "value": 336500.0, "Latitude": 37.67, "Longitude": -121.9, "Population": 876.0}, {"index": 971, "quantile": 0.75, "value": 337500.0, "Latitude": 37.67, "Longitude": -121.9, "Population": 876.0}, {"index": 971, "quantile": 1.0, "value": 467699.99999999994, "Latitude": 37.67, "Longitude": -121.9, "Population": 876.0}, {"index": 972, "quantile": 0.0, "value": 194100.0, "Latitude": 37.67, "Longitude": -121.9, "Population": 3926.0}, {"index": 972, "quantile": 0.25, "value": 358700.0, "Latitude": 37.67, "Longitude": -121.9, "Population": 3926.0}, {"index": 972, "quantile": 0.5, "value": 389800.0, "Latitude": 37.67, "Longitude": -121.9, "Population": 3926.0}, {"index": 972, "quantile": 0.75, "value": 389800.0, "Latitude": 37.67, "Longitude": -121.9, "Population": 3926.0}, {"index": 972, "quantile": 1.0, "value": 432200.0, "Latitude": 37.67, "Longitude": -121.9, "Population": 3926.0}, {"index": 973, "quantile": 0.0, "value": 106000.0, "Latitude": 37.66, "Longitude": -121.88, "Population": 1360.0}, {"index": 973, "quantile": 0.25, "value": 233000.0, "Latitude": 37.66, "Longitude": -121.88, "Population": 1360.0}, {"index": 973, "quantile": 0.5, "value": 233000.0, "Latitude": 37.66, "Longitude": -121.88, "Population": 1360.0}, {"index": 973, "quantile": 0.75, "value": 233000.0, "Latitude": 37.66, "Longitude": -121.88, "Population": 1360.0}, {"index": 973, "quantile": 1.0, "value": 374300.0, "Latitude": 37.66, "Longitude": -121.88, "Population": 1360.0}, {"index": 974, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.66, "Longitude": -121.87, "Population": 161.0}, {"index": 974, "quantile": 0.25, "value": 157200.0, "Latitude": 37.66, "Longitude": -121.87, "Population": 161.0}, {"index": 974, "quantile": 0.5, "value": 228100.0, "Latitude": 37.66, "Longitude": -121.87, "Population": 161.0}, {"index": 974, "quantile": 0.75, "value": 277850.0, "Latitude": 37.66, "Longitude": -121.87, "Population": 161.0}, {"index": 974, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.66, "Longitude": -121.87, "Population": 161.0}, {"index": 975, "quantile": 0.0, "value": 183400.0, "Latitude": 37.66, "Longitude": -121.87, "Population": 315.0}, {"index": 975, "quantile": 0.25, "value": 233300.00000000003, "Latitude": 37.66, "Longitude": -121.87, "Population": 315.0}, {"index": 975, "quantile": 0.5, "value": 233300.00000000003, "Latitude": 37.66, "Longitude": -121.87, "Population": 315.0}, {"index": 975, "quantile": 0.75, "value": 270600.0, "Latitude": 37.66, "Longitude": -121.87, "Population": 315.0}, {"index": 975, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.66, "Longitude": -121.87, "Population": 315.0}, {"index": 976, "quantile": 0.0, "value": 97200.0, "Latitude": 37.66, "Longitude": -121.89, "Population": 769.0}, {"index": 976, "quantile": 0.25, "value": 186575.0, "Latitude": 37.66, "Longitude": -121.89, "Population": 769.0}, {"index": 976, "quantile": 0.5, "value": 231300.00000000003, "Latitude": 37.66, "Longitude": -121.89, "Population": 769.0}, {"index": 976, "quantile": 0.75, "value": 231300.00000000003, "Latitude": 37.66, "Longitude": -121.89, "Population": 769.0}, {"index": 976, "quantile": 1.0, "value": 425000.0, "Latitude": 37.66, "Longitude": -121.89, "Population": 769.0}, {"index": 977, "quantile": 0.0, "value": 345900.0, "Latitude": 37.64, "Longitude": -121.88, "Population": 514.0}, {"index": 977, "quantile": 0.25, "value": 475800.0, "Latitude": 37.64, "Longitude": -121.88, "Population": 514.0}, {"index": 977, "quantile": 0.5, "value": 475800.0, "Latitude": 37.64, "Longitude": -121.88, "Population": 514.0}, {"index": 977, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.64, "Longitude": -121.88, "Population": 514.0}, {"index": 977, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.64, "Longitude": -121.88, "Population": 514.0}, {"index": 978, "quantile": 0.0, "value": 273200.0, "Latitude": 37.57, "Longitude": -121.87, "Population": 2444.0}, {"index": 978, "quantile": 0.25, "value": 285400.0, "Latitude": 37.57, "Longitude": -121.87, "Population": 2444.0}, {"index": 978, "quantile": 0.5, "value": 323150.0, "Latitude": 37.57, "Longitude": -121.87, "Population": 2444.0}, {"index": 978, "quantile": 0.75, "value": 360600.0, "Latitude": 37.57, "Longitude": -121.87, "Population": 2444.0}, {"index": 978, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -121.87, "Population": 2444.0}, {"index": 979, "quantile": 0.0, "value": 137500.0, "Latitude": 37.67, "Longitude": -121.87, "Population": 1813.0}, {"index": 979, "quantile": 0.25, "value": 247200.0, "Latitude": 37.67, "Longitude": -121.87, "Population": 1813.0}, {"index": 979, "quantile": 0.5, "value": 247200.0, "Latitude": 37.67, "Longitude": -121.87, "Population": 1813.0}, {"index": 979, "quantile": 0.75, "value": 247200.0, "Latitude": 37.67, "Longitude": -121.87, "Population": 1813.0}, {"index": 979, "quantile": 1.0, "value": 352900.0, "Latitude": 37.67, "Longitude": -121.87, "Population": 1813.0}, {"index": 980, "quantile": 0.0, "value": 140600.0, "Latitude": 37.67, "Longitude": -121.87, "Population": 853.0}, {"index": 980, "quantile": 0.25, "value": 195000.0, "Latitude": 37.67, "Longitude": -121.87, "Population": 853.0}, {"index": 980, "quantile": 0.5, "value": 203900.00000000003, "Latitude": 37.67, "Longitude": -121.87, "Population": 853.0}, {"index": 980, "quantile": 0.75, "value": 238775.0, "Latitude": 37.67, "Longitude": -121.87, "Population": 853.0}, {"index": 980, "quantile": 1.0, "value": 336900.0, "Latitude": 37.67, "Longitude": -121.87, "Population": 853.0}, {"index": 981, "quantile": 0.0, "value": 182400.0, "Latitude": 37.68, "Longitude": -121.85, "Population": 1895.0}, {"index": 981, "quantile": 0.25, "value": 282500.0, "Latitude": 37.68, "Longitude": -121.85, "Population": 1895.0}, {"index": 981, "quantile": 0.5, "value": 282500.0, "Latitude": 37.68, "Longitude": -121.85, "Population": 1895.0}, {"index": 981, "quantile": 0.75, "value": 288975.0, "Latitude": 37.68, "Longitude": -121.85, "Population": 1895.0}, {"index": 981, "quantile": 1.0, "value": 480800.0, "Latitude": 37.68, "Longitude": -121.85, "Population": 1895.0}, {"index": 982, "quantile": 0.0, "value": 185100.0, "Latitude": 37.66, "Longitude": -121.85, "Population": 1833.0}, {"index": 982, "quantile": 0.25, "value": 273575.00000000006, "Latitude": 37.66, "Longitude": -121.85, "Population": 1833.0}, {"index": 982, "quantile": 0.5, "value": 300600.0, "Latitude": 37.66, "Longitude": -121.85, "Population": 1833.0}, {"index": 982, "quantile": 0.75, "value": 300600.0, "Latitude": 37.66, "Longitude": -121.85, "Population": 1833.0}, {"index": 982, "quantile": 1.0, "value": 430300.0, "Latitude": 37.66, "Longitude": -121.85, "Population": 1833.0}, {"index": 983, "quantile": 0.0, "value": 179300.0, "Latitude": 37.66, "Longitude": -121.86, "Population": 1699.0}, {"index": 983, "quantile": 0.25, "value": 213349.99999999997, "Latitude": 37.66, "Longitude": -121.86, "Population": 1699.0}, {"index": 983, "quantile": 0.5, "value": 293200.0, "Latitude": 37.66, "Longitude": -121.86, "Population": 1699.0}, {"index": 983, "quantile": 0.75, "value": 293200.0, "Latitude": 37.66, "Longitude": -121.86, "Population": 1699.0}, {"index": 983, "quantile": 1.0, "value": 364200.0, "Latitude": 37.66, "Longitude": -121.86, "Population": 1699.0}, {"index": 984, "quantile": 0.0, "value": 225700.0, "Latitude": 37.66, "Longitude": -121.87, "Population": 583.0}, {"index": 984, "quantile": 0.25, "value": 278500.0, "Latitude": 37.66, "Longitude": -121.87, "Population": 583.0}, {"index": 984, "quantile": 0.5, "value": 278500.0, "Latitude": 37.66, "Longitude": -121.87, "Population": 583.0}, {"index": 984, "quantile": 0.75, "value": 330200.0, "Latitude": 37.66, "Longitude": -121.87, "Population": 583.0}, {"index": 984, "quantile": 1.0, "value": 470000.0, "Latitude": 37.66, "Longitude": -121.87, "Population": 583.0}, {"index": 985, "quantile": 0.0, "value": 187500.0, "Latitude": 37.66, "Longitude": -121.84, "Population": 4847.0}, {"index": 985, "quantile": 0.25, "value": 352900.0, "Latitude": 37.66, "Longitude": -121.84, "Population": 4847.0}, {"index": 985, "quantile": 0.5, "value": 352900.0, "Latitude": 37.66, "Longitude": -121.84, "Population": 4847.0}, {"index": 985, "quantile": 0.75, "value": 352900.0, "Latitude": 37.66, "Longitude": -121.84, "Population": 4847.0}, {"index": 985, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.66, "Longitude": -121.84, "Population": 4847.0}, {"index": 986, "quantile": 0.0, "value": 225000.0, "Latitude": 37.72, "Longitude": -121.85, "Population": 83.0}, {"index": 986, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -121.85, "Population": 83.0}, {"index": 986, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -121.85, "Population": 83.0}, {"index": 986, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -121.85, "Population": 83.0}, {"index": 986, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -121.85, "Population": 83.0}, {"index": 987, "quantile": 0.0, "value": 67500.0, "Latitude": 37.73, "Longitude": -121.82, "Population": 51.0}, {"index": 987, "quantile": 0.25, "value": 261200.0, "Latitude": 37.73, "Longitude": -121.82, "Population": 51.0}, {"index": 987, "quantile": 0.5, "value": 375000.0, "Latitude": 37.73, "Longitude": -121.82, "Population": 51.0}, {"index": 987, "quantile": 0.75, "value": 375000.0, "Latitude": 37.73, "Longitude": -121.82, "Population": 51.0}, {"index": 987, "quantile": 1.0, "value": 380300.0, "Latitude": 37.73, "Longitude": -121.82, "Population": 51.0}, {"index": 988, "quantile": 0.0, "value": 185600.0, "Latitude": 37.7, "Longitude": -121.86, "Population": 4389.0}, {"index": 988, "quantile": 0.25, "value": 313700.0, "Latitude": 37.7, "Longitude": -121.86, "Population": 4389.0}, {"index": 988, "quantile": 0.5, "value": 313700.0, "Latitude": 37.7, "Longitude": -121.86, "Population": 4389.0}, {"index": 988, "quantile": 0.75, "value": 313700.0, "Latitude": 37.7, "Longitude": -121.86, "Population": 4389.0}, {"index": 988, "quantile": 1.0, "value": 411200.0, "Latitude": 37.7, "Longitude": -121.86, "Population": 4389.0}, {"index": 989, "quantile": 0.0, "value": 72100.0, "Latitude": 37.69, "Longitude": -121.89, "Population": 2649.0}, {"index": 989, "quantile": 0.25, "value": 151325.0, "Latitude": 37.69, "Longitude": -121.89, "Population": 2649.0}, {"index": 989, "quantile": 0.5, "value": 182950.0, "Latitude": 37.69, "Longitude": -121.89, "Population": 2649.0}, {"index": 989, "quantile": 0.75, "value": 218800.00000000003, "Latitude": 37.69, "Longitude": -121.89, "Population": 2649.0}, {"index": 989, "quantile": 1.0, "value": 425000.0, "Latitude": 37.69, "Longitude": -121.89, "Population": 2649.0}, {"index": 990, "quantile": 0.0, "value": 273900.0, "Latitude": 37.65, "Longitude": -121.77, "Population": 1952.0}, {"index": 990, "quantile": 0.25, "value": 327500.0, "Latitude": 37.65, "Longitude": -121.77, "Population": 1952.0}, {"index": 990, "quantile": 0.5, "value": 327500.0, "Latitude": 37.65, "Longitude": -121.77, "Population": 1952.0}, {"index": 990, "quantile": 0.75, "value": 336500.0, "Latitude": 37.65, "Longitude": -121.77, "Population": 1952.0}, {"index": 990, "quantile": 1.0, "value": 423200.0, "Latitude": 37.65, "Longitude": -121.77, "Population": 1952.0}, {"index": 991, "quantile": 0.0, "value": 124900.00000000001, "Latitude": 37.61, "Longitude": -121.62, "Population": 771.0}, {"index": 991, "quantile": 0.25, "value": 331600.0, "Latitude": 37.61, "Longitude": -121.62, "Population": 771.0}, {"index": 991, "quantile": 0.5, "value": 430600.0, "Latitude": 37.61, "Longitude": -121.62, "Population": 771.0}, {"index": 991, "quantile": 0.75, "value": 430600.0, "Latitude": 37.61, "Longitude": -121.62, "Population": 771.0}, {"index": 991, "quantile": 1.0, "value": 443600.0, "Latitude": 37.61, "Longitude": -121.62, "Population": 771.0}, {"index": 992, "quantile": 0.0, "value": 87500.0, "Latitude": 37.77, "Longitude": -121.61, "Population": 144.0}, {"index": 992, "quantile": 0.25, "value": 160950.0, "Latitude": 37.77, "Longitude": -121.61, "Population": 144.0}, {"index": 992, "quantile": 0.5, "value": 205600.0, "Latitude": 37.77, "Longitude": -121.61, "Population": 144.0}, {"index": 992, "quantile": 0.75, "value": 295900.0, "Latitude": 37.77, "Longitude": -121.61, "Population": 144.0}, {"index": 992, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -121.61, "Population": 144.0}, {"index": 993, "quantile": 0.0, "value": 164800.0, "Latitude": 37.7, "Longitude": -121.72, "Population": 729.0}, {"index": 993, "quantile": 0.25, "value": 335500.0, "Latitude": 37.7, "Longitude": -121.72, "Population": 729.0}, {"index": 993, "quantile": 0.5, "value": 450000.0, "Latitude": 37.7, "Longitude": -121.72, "Population": 729.0}, {"index": 993, "quantile": 0.75, "value": 450000.0, "Latitude": 37.7, "Longitude": -121.72, "Population": 729.0}, {"index": 993, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.7, "Longitude": -121.72, "Population": 729.0}, {"index": 994, "quantile": 0.0, "value": 109900.0, "Latitude": 37.71, "Longitude": -121.73, "Population": 2595.0}, {"index": 994, "quantile": 0.25, "value": 197450.0, "Latitude": 37.71, "Longitude": -121.73, "Population": 2595.0}, {"index": 994, "quantile": 0.5, "value": 200199.99999999997, "Latitude": 37.71, "Longitude": -121.73, "Population": 2595.0}, {"index": 994, "quantile": 0.75, "value": 200199.99999999997, "Latitude": 37.71, "Longitude": -121.73, "Population": 2595.0}, {"index": 994, "quantile": 1.0, "value": 340700.0, "Latitude": 37.71, "Longitude": -121.73, "Population": 2595.0}, {"index": 995, "quantile": 0.0, "value": 97300.0, "Latitude": 37.71, "Longitude": -121.75, "Population": 5826.0}, {"index": 995, "quantile": 0.25, "value": 189100.0, "Latitude": 37.71, "Longitude": -121.75, "Population": 5826.0}, {"index": 995, "quantile": 0.5, "value": 216800.00000000003, "Latitude": 37.71, "Longitude": -121.75, "Population": 5826.0}, {"index": 995, "quantile": 0.75, "value": 241600.0, "Latitude": 37.71, "Longitude": -121.75, "Population": 5826.0}, {"index": 995, "quantile": 1.0, "value": 338600.0, "Latitude": 37.71, "Longitude": -121.75, "Population": 5826.0}, {"index": 996, "quantile": 0.0, "value": 239100.0, "Latitude": 37.74, "Longitude": -121.77, "Population": 254.0}, {"index": 996, "quantile": 0.25, "value": 418800.0, "Latitude": 37.74, "Longitude": -121.77, "Population": 254.0}, {"index": 996, "quantile": 0.5, "value": 418800.0, "Latitude": 37.74, "Longitude": -121.77, "Population": 254.0}, {"index": 996, "quantile": 0.75, "value": 451249.99999999994, "Latitude": 37.74, "Longitude": -121.77, "Population": 254.0}, {"index": 996, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -121.77, "Population": 254.0}, {"index": 997, "quantile": 0.0, "value": 150000.0, "Latitude": 37.7, "Longitude": -121.8, "Population": 2474.0}, {"index": 997, "quantile": 0.25, "value": 216800.00000000003, "Latitude": 37.7, "Longitude": -121.8, "Population": 2474.0}, {"index": 997, "quantile": 0.5, "value": 216800.00000000003, "Latitude": 37.7, "Longitude": -121.8, "Population": 2474.0}, {"index": 997, "quantile": 0.75, "value": 216800.00000000003, "Latitude": 37.7, "Longitude": -121.8, "Population": 2474.0}, {"index": 997, "quantile": 1.0, "value": 322300.0, "Latitude": 37.7, "Longitude": -121.8, "Population": 2474.0}, {"index": 998, "quantile": 0.0, "value": 149300.0, "Latitude": 37.69, "Longitude": -121.8, "Population": 2222.0}, {"index": 998, "quantile": 0.25, "value": 218825.0, "Latitude": 37.69, "Longitude": -121.8, "Population": 2222.0}, {"index": 998, "quantile": 0.5, "value": 233900.0, "Latitude": 37.69, "Longitude": -121.8, "Population": 2222.0}, {"index": 998, "quantile": 0.75, "value": 253725.00000000003, "Latitude": 37.69, "Longitude": -121.8, "Population": 2222.0}, {"index": 998, "quantile": 1.0, "value": 397900.0, "Latitude": 37.69, "Longitude": -121.8, "Population": 2222.0}, {"index": 999, "quantile": 0.0, "value": 112500.0, "Latitude": 37.69, "Longitude": -121.82, "Population": 802.0}, {"index": 999, "quantile": 0.25, "value": 227700.0, "Latitude": 37.69, "Longitude": -121.82, "Population": 802.0}, {"index": 999, "quantile": 0.5, "value": 227700.0, "Latitude": 37.69, "Longitude": -121.82, "Population": 802.0}, {"index": 999, "quantile": 0.75, "value": 227700.0, "Latitude": 37.69, "Longitude": -121.82, "Population": 802.0}, {"index": 999, "quantile": 1.0, "value": 338600.0, "Latitude": 37.69, "Longitude": -121.82, "Population": 802.0}, {"index": 1000, "quantile": 0.0, "value": 113300.0, "Latitude": 37.69, "Longitude": -121.76, "Population": 1919.0}, {"index": 1000, "quantile": 0.25, "value": 184350.0, "Latitude": 37.69, "Longitude": -121.76, "Population": 1919.0}, {"index": 1000, "quantile": 0.5, "value": 184400.0, "Latitude": 37.69, "Longitude": -121.76, "Population": 1919.0}, {"index": 1000, "quantile": 0.75, "value": 184400.0, "Latitude": 37.69, "Longitude": -121.76, "Population": 1919.0}, {"index": 1000, "quantile": 1.0, "value": 364200.0, "Latitude": 37.69, "Longitude": -121.76, "Population": 1919.0}, {"index": 1001, "quantile": 0.0, "value": 112799.99999999999, "Latitude": 37.68, "Longitude": -121.77, "Population": 950.0}, {"index": 1001, "quantile": 0.25, "value": 160600.0, "Latitude": 37.68, "Longitude": -121.77, "Population": 950.0}, {"index": 1001, "quantile": 0.5, "value": 179100.0, "Latitude": 37.68, "Longitude": -121.77, "Population": 950.0}, {"index": 1001, "quantile": 0.75, "value": 193775.0, "Latitude": 37.68, "Longitude": -121.77, "Population": 950.0}, {"index": 1001, "quantile": 1.0, "value": 364200.0, "Latitude": 37.68, "Longitude": -121.77, "Population": 950.0}, {"index": 1002, "quantile": 0.0, "value": 90600.0, "Latitude": 37.69, "Longitude": -121.78, "Population": 1157.0}, {"index": 1002, "quantile": 0.25, "value": 165300.0, "Latitude": 37.69, "Longitude": -121.78, "Population": 1157.0}, {"index": 1002, "quantile": 0.5, "value": 183300.0, "Latitude": 37.69, "Longitude": -121.78, "Population": 1157.0}, {"index": 1002, "quantile": 0.75, "value": 195700.0, "Latitude": 37.69, "Longitude": -121.78, "Population": 1157.0}, {"index": 1002, "quantile": 1.0, "value": 292500.0, "Latitude": 37.69, "Longitude": -121.78, "Population": 1157.0}, {"index": 1003, "quantile": 0.0, "value": 94300.0, "Latitude": 37.69, "Longitude": -121.78, "Population": 1761.0}, {"index": 1003, "quantile": 0.25, "value": 175000.0, "Latitude": 37.69, "Longitude": -121.78, "Population": 1761.0}, {"index": 1003, "quantile": 0.5, "value": 179199.99999999997, "Latitude": 37.69, "Longitude": -121.78, "Population": 1761.0}, {"index": 1003, "quantile": 0.75, "value": 200749.99999999997, "Latitude": 37.69, "Longitude": -121.78, "Population": 1761.0}, {"index": 1003, "quantile": 1.0, "value": 327300.0, "Latitude": 37.69, "Longitude": -121.78, "Population": 1761.0}, {"index": 1004, "quantile": 0.0, "value": 114500.0, "Latitude": 37.69, "Longitude": -121.79, "Population": 3200.0}, {"index": 1004, "quantile": 0.25, "value": 188400.0, "Latitude": 37.69, "Longitude": -121.79, "Population": 3200.0}, {"index": 1004, "quantile": 0.5, "value": 188400.0, "Latitude": 37.69, "Longitude": -121.79, "Population": 3200.0}, {"index": 1004, "quantile": 0.75, "value": 199625.0, "Latitude": 37.69, "Longitude": -121.79, "Population": 3200.0}, {"index": 1004, "quantile": 1.0, "value": 327300.0, "Latitude": 37.69, "Longitude": -121.79, "Population": 3200.0}, {"index": 1005, "quantile": 0.0, "value": 211000.0, "Latitude": 37.7, "Longitude": -121.76, "Population": 1705.0}, {"index": 1005, "quantile": 0.25, "value": 256700.00000000003, "Latitude": 37.7, "Longitude": -121.76, "Population": 1705.0}, {"index": 1005, "quantile": 0.5, "value": 256700.00000000003, "Latitude": 37.7, "Longitude": -121.76, "Population": 1705.0}, {"index": 1005, "quantile": 0.75, "value": 256700.00000000003, "Latitude": 37.7, "Longitude": -121.76, "Population": 1705.0}, {"index": 1005, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.7, "Longitude": -121.76, "Population": 1705.0}, {"index": 1006, "quantile": 0.0, "value": 109700.0, "Latitude": 37.69, "Longitude": -121.75, "Population": 1422.0}, {"index": 1006, "quantile": 0.25, "value": 183800.0, "Latitude": 37.69, "Longitude": -121.75, "Population": 1422.0}, {"index": 1006, "quantile": 0.5, "value": 183800.0, "Latitude": 37.69, "Longitude": -121.75, "Population": 1422.0}, {"index": 1006, "quantile": 0.75, "value": 183800.0, "Latitude": 37.69, "Longitude": -121.75, "Population": 1422.0}, {"index": 1006, "quantile": 1.0, "value": 364200.0, "Latitude": 37.69, "Longitude": -121.75, "Population": 1422.0}, {"index": 1007, "quantile": 0.0, "value": 146200.0, "Latitude": 37.68, "Longitude": -121.75, "Population": 702.0}, {"index": 1007, "quantile": 0.25, "value": 183400.0, "Latitude": 37.68, "Longitude": -121.75, "Population": 702.0}, {"index": 1007, "quantile": 0.5, "value": 183400.0, "Latitude": 37.68, "Longitude": -121.75, "Population": 702.0}, {"index": 1007, "quantile": 0.75, "value": 224100.0, "Latitude": 37.68, "Longitude": -121.75, "Population": 702.0}, {"index": 1007, "quantile": 1.0, "value": 430900.0, "Latitude": 37.68, "Longitude": -121.75, "Population": 702.0}, {"index": 1008, "quantile": 0.0, "value": 75000.0, "Latitude": 37.68, "Longitude": -121.76, "Population": 1189.0}, {"index": 1008, "quantile": 0.25, "value": 177500.0, "Latitude": 37.68, "Longitude": -121.76, "Population": 1189.0}, {"index": 1008, "quantile": 0.5, "value": 177500.0, "Latitude": 37.68, "Longitude": -121.76, "Population": 1189.0}, {"index": 1008, "quantile": 0.75, "value": 177500.0, "Latitude": 37.68, "Longitude": -121.76, "Population": 1189.0}, {"index": 1008, "quantile": 1.0, "value": 223200.00000000003, "Latitude": 37.68, "Longitude": -121.76, "Population": 1189.0}, {"index": 1009, "quantile": 0.0, "value": 129200.0, "Latitude": 37.68, "Longitude": -121.76, "Population": 555.0}, {"index": 1009, "quantile": 0.25, "value": 184900.0, "Latitude": 37.68, "Longitude": -121.76, "Population": 555.0}, {"index": 1009, "quantile": 0.5, "value": 186900.0, "Latitude": 37.68, "Longitude": -121.76, "Population": 555.0}, {"index": 1009, "quantile": 0.75, "value": 186900.0, "Latitude": 37.68, "Longitude": -121.76, "Population": 555.0}, {"index": 1009, "quantile": 1.0, "value": 252800.0, "Latitude": 37.68, "Longitude": -121.76, "Population": 555.0}, {"index": 1010, "quantile": 0.0, "value": 105300.0, "Latitude": 37.68, "Longitude": -121.73, "Population": 8768.0}, {"index": 1010, "quantile": 0.25, "value": 238899.99999999997, "Latitude": 37.68, "Longitude": -121.73, "Population": 8768.0}, {"index": 1010, "quantile": 0.5, "value": 238899.99999999997, "Latitude": 37.68, "Longitude": -121.73, "Population": 8768.0}, {"index": 1010, "quantile": 0.75, "value": 238899.99999999997, "Latitude": 37.68, "Longitude": -121.73, "Population": 8768.0}, {"index": 1010, "quantile": 1.0, "value": 402200.0, "Latitude": 37.68, "Longitude": -121.73, "Population": 8768.0}, {"index": 1011, "quantile": 0.0, "value": 70200.0, "Latitude": 37.68, "Longitude": -121.78, "Population": 1392.0}, {"index": 1011, "quantile": 0.25, "value": 152750.0, "Latitude": 37.68, "Longitude": -121.78, "Population": 1392.0}, {"index": 1011, "quantile": 0.5, "value": 185300.00000000003, "Latitude": 37.68, "Longitude": -121.78, "Population": 1392.0}, {"index": 1011, "quantile": 0.75, "value": 261974.99999999997, "Latitude": 37.68, "Longitude": -121.78, "Population": 1392.0}, {"index": 1011, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.68, "Longitude": -121.78, "Population": 1392.0}, {"index": 1012, "quantile": 0.0, "value": 86300.0, "Latitude": 37.68, "Longitude": -121.77, "Population": 277.0}, {"index": 1012, "quantile": 0.25, "value": 179200.0, "Latitude": 37.68, "Longitude": -121.77, "Population": 277.0}, {"index": 1012, "quantile": 0.5, "value": 179200.0, "Latitude": 37.68, "Longitude": -121.77, "Population": 277.0}, {"index": 1012, "quantile": 0.75, "value": 179200.0, "Latitude": 37.68, "Longitude": -121.77, "Population": 277.0}, {"index": 1012, "quantile": 1.0, "value": 325900.0, "Latitude": 37.68, "Longitude": -121.77, "Population": 277.0}, {"index": 1013, "quantile": 0.0, "value": 87600.0, "Latitude": 37.68, "Longitude": -121.76, "Population": 929.0}, {"index": 1013, "quantile": 0.25, "value": 183300.0, "Latitude": 37.68, "Longitude": -121.76, "Population": 929.0}, {"index": 1013, "quantile": 0.5, "value": 228450.0, "Latitude": 37.68, "Longitude": -121.76, "Population": 929.0}, {"index": 1013, "quantile": 0.75, "value": 257600.0, "Latitude": 37.68, "Longitude": -121.76, "Population": 929.0}, {"index": 1013, "quantile": 1.0, "value": 395500.0, "Latitude": 37.68, "Longitude": -121.76, "Population": 929.0}, {"index": 1014, "quantile": 0.0, "value": 151400.0, "Latitude": 37.68, "Longitude": -121.77, "Population": 629.0}, {"index": 1014, "quantile": 0.25, "value": 209400.0, "Latitude": 37.68, "Longitude": -121.77, "Population": 629.0}, {"index": 1014, "quantile": 0.5, "value": 209400.0, "Latitude": 37.68, "Longitude": -121.77, "Population": 629.0}, {"index": 1014, "quantile": 0.75, "value": 257625.0, "Latitude": 37.68, "Longitude": -121.77, "Population": 629.0}, {"index": 1014, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.68, "Longitude": -121.77, "Population": 629.0}, {"index": 1015, "quantile": 0.0, "value": 150800.0, "Latitude": 37.67, "Longitude": -121.77, "Population": 3489.0}, {"index": 1015, "quantile": 0.25, "value": 264200.0, "Latitude": 37.67, "Longitude": -121.77, "Population": 3489.0}, {"index": 1015, "quantile": 0.5, "value": 264200.0, "Latitude": 37.67, "Longitude": -121.77, "Population": 3489.0}, {"index": 1015, "quantile": 0.75, "value": 264200.0, "Latitude": 37.67, "Longitude": -121.77, "Population": 3489.0}, {"index": 1015, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.67, "Longitude": -121.77, "Population": 3489.0}, {"index": 1016, "quantile": 0.0, "value": 212600.0, "Latitude": 37.67, "Longitude": -121.76, "Population": 1225.0}, {"index": 1016, "quantile": 0.25, "value": 350000.0, "Latitude": 37.67, "Longitude": -121.76, "Population": 1225.0}, {"index": 1016, "quantile": 0.5, "value": 350000.0, "Latitude": 37.67, "Longitude": -121.76, "Population": 1225.0}, {"index": 1016, "quantile": 0.75, "value": 350000.0, "Latitude": 37.67, "Longitude": -121.76, "Population": 1225.0}, {"index": 1016, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.67, "Longitude": -121.76, "Population": 1225.0}, {"index": 1017, "quantile": 0.0, "value": 97400.0, "Latitude": 37.67, "Longitude": -121.78, "Population": 1024.0}, {"index": 1017, "quantile": 0.25, "value": 219499.99999999997, "Latitude": 37.67, "Longitude": -121.78, "Population": 1024.0}, {"index": 1017, "quantile": 0.5, "value": 240899.99999999997, "Latitude": 37.67, "Longitude": -121.78, "Population": 1024.0}, {"index": 1017, "quantile": 0.75, "value": 264500.0, "Latitude": 37.67, "Longitude": -121.78, "Population": 1024.0}, {"index": 1017, "quantile": 1.0, "value": 367000.0, "Latitude": 37.67, "Longitude": -121.78, "Population": 1024.0}, {"index": 1018, "quantile": 0.0, "value": 183400.0, "Latitude": 37.67, "Longitude": -121.79, "Population": 947.0}, {"index": 1018, "quantile": 0.25, "value": 247900.0, "Latitude": 37.67, "Longitude": -121.79, "Population": 947.0}, {"index": 1018, "quantile": 0.5, "value": 271800.0, "Latitude": 37.67, "Longitude": -121.79, "Population": 947.0}, {"index": 1018, "quantile": 0.75, "value": 330925.0, "Latitude": 37.67, "Longitude": -121.79, "Population": 947.0}, {"index": 1018, "quantile": 1.0, "value": 440000.00000000006, "Latitude": 37.67, "Longitude": -121.79, "Population": 947.0}, {"index": 1019, "quantile": 0.0, "value": 140600.0, "Latitude": 37.67, "Longitude": -121.78, "Population": 804.0}, {"index": 1019, "quantile": 0.25, "value": 201100.0, "Latitude": 37.67, "Longitude": -121.78, "Population": 804.0}, {"index": 1019, "quantile": 0.5, "value": 201100.0, "Latitude": 37.67, "Longitude": -121.78, "Population": 804.0}, {"index": 1019, "quantile": 0.75, "value": 201100.0, "Latitude": 37.67, "Longitude": -121.78, "Population": 804.0}, {"index": 1019, "quantile": 1.0, "value": 350000.0, "Latitude": 37.67, "Longitude": -121.78, "Population": 804.0}, {"index": 1020, "quantile": 0.0, "value": 94600.0, "Latitude": 37.66, "Longitude": -121.78, "Population": 900.0}, {"index": 1020, "quantile": 0.25, "value": 193000.0, "Latitude": 37.66, "Longitude": -121.78, "Population": 900.0}, {"index": 1020, "quantile": 0.5, "value": 193000.0, "Latitude": 37.66, "Longitude": -121.78, "Population": 900.0}, {"index": 1020, "quantile": 0.75, "value": 193000.0, "Latitude": 37.66, "Longitude": -121.78, "Population": 900.0}, {"index": 1020, "quantile": 1.0, "value": 316900.0, "Latitude": 37.66, "Longitude": -121.78, "Population": 900.0}, {"index": 1021, "quantile": 0.0, "value": 150800.0, "Latitude": 37.66, "Longitude": -121.79, "Population": 6693.0}, {"index": 1021, "quantile": 0.25, "value": 264050.0, "Latitude": 37.66, "Longitude": -121.79, "Population": 6693.0}, {"index": 1021, "quantile": 0.5, "value": 274150.0, "Latitude": 37.66, "Longitude": -121.79, "Population": 6693.0}, {"index": 1021, "quantile": 0.75, "value": 289000.0, "Latitude": 37.66, "Longitude": -121.79, "Population": 6693.0}, {"index": 1021, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.66, "Longitude": -121.79, "Population": 6693.0}, {"index": 1022, "quantile": 0.0, "value": 70700.0, "Latitude": 38.69, "Longitude": -119.78, "Population": 338.0}, {"index": 1022, "quantile": 0.25, "value": 117600.0, "Latitude": 38.69, "Longitude": -119.78, "Population": 338.0}, {"index": 1022, "quantile": 0.5, "value": 117600.0, "Latitude": 38.69, "Longitude": -119.78, "Population": 338.0}, {"index": 1022, "quantile": 0.75, "value": 117600.0, "Latitude": 38.69, "Longitude": -119.78, "Population": 338.0}, {"index": 1022, "quantile": 1.0, "value": 212500.0, "Latitude": 38.69, "Longitude": -119.78, "Population": 338.0}, {"index": 1023, "quantile": 0.0, "value": 55300.00000000001, "Latitude": 38.72, "Longitude": -119.93, "Population": 573.0}, {"index": 1023, "quantile": 0.25, "value": 84749.99999999999, "Latitude": 38.72, "Longitude": -119.93, "Population": 573.0}, {"index": 1023, "quantile": 0.5, "value": 101400.0, "Latitude": 38.72, "Longitude": -119.93, "Population": 573.0}, {"index": 1023, "quantile": 0.75, "value": 117600.0, "Latitude": 38.72, "Longitude": -119.93, "Population": 573.0}, {"index": 1023, "quantile": 1.0, "value": 212500.0, "Latitude": 38.72, "Longitude": -119.93, "Population": 573.0}, {"index": 1024, "quantile": 0.0, "value": 37500.0, "Latitude": 38.52, "Longitude": -120.0, "Population": 202.0}, {"index": 1024, "quantile": 0.25, "value": 140600.0, "Latitude": 38.52, "Longitude": -120.0, "Population": 202.0}, {"index": 1024, "quantile": 0.5, "value": 140600.0, "Latitude": 38.52, "Longitude": -120.0, "Population": 202.0}, {"index": 1024, "quantile": 0.75, "value": 143100.0, "Latitude": 38.52, "Longitude": -120.0, "Population": 202.0}, {"index": 1024, "quantile": 1.0, "value": 437500.0, "Latitude": 38.52, "Longitude": -120.0, "Population": 202.0}, {"index": 1025, "quantile": 0.0, "value": 72100.0, "Latitude": 38.48, "Longitude": -120.56, "Population": 946.0}, {"index": 1025, "quantile": 0.25, "value": 120900.00000000001, "Latitude": 38.48, "Longitude": -120.56, "Population": 946.0}, {"index": 1025, "quantile": 0.5, "value": 120900.00000000001, "Latitude": 38.48, "Longitude": -120.56, "Population": 946.0}, {"index": 1025, "quantile": 0.75, "value": 139700.0, "Latitude": 38.48, "Longitude": -120.56, "Population": 946.0}, {"index": 1025, "quantile": 1.0, "value": 281300.0, "Latitude": 38.48, "Longitude": -120.56, "Population": 946.0}, {"index": 1026, "quantile": 0.0, "value": 48100.0, "Latitude": 38.45, "Longitude": -120.59, "Population": 1091.0}, {"index": 1026, "quantile": 0.25, "value": 119000.0, "Latitude": 38.45, "Longitude": -120.59, "Population": 1091.0}, {"index": 1026, "quantile": 0.5, "value": 119000.0, "Latitude": 38.45, "Longitude": -120.59, "Population": 1091.0}, {"index": 1026, "quantile": 0.75, "value": 119000.0, "Latitude": 38.45, "Longitude": -120.59, "Population": 1091.0}, {"index": 1026, "quantile": 1.0, "value": 158700.0, "Latitude": 38.45, "Longitude": -120.59, "Population": 1091.0}, {"index": 1027, "quantile": 0.0, "value": 71700.0, "Latitude": 38.46, "Longitude": -120.55, "Population": 435.0}, {"index": 1027, "quantile": 0.25, "value": 129200.0, "Latitude": 38.46, "Longitude": -120.55, "Population": 435.0}, {"index": 1027, "quantile": 0.5, "value": 129200.0, "Latitude": 38.46, "Longitude": -120.55, "Population": 435.0}, {"index": 1027, "quantile": 0.75, "value": 129200.0, "Latitude": 38.46, "Longitude": -120.55, "Population": 435.0}, {"index": 1027, "quantile": 1.0, "value": 405400.0, "Latitude": 38.46, "Longitude": -120.55, "Population": 435.0}, {"index": 1028, "quantile": 0.0, "value": 71900.0, "Latitude": 38.45, "Longitude": -120.55, "Population": 767.0}, {"index": 1028, "quantile": 0.25, "value": 99100.0, "Latitude": 38.45, "Longitude": -120.55, "Population": 767.0}, {"index": 1028, "quantile": 0.5, "value": 99100.0, "Latitude": 38.45, "Longitude": -120.55, "Population": 767.0}, {"index": 1028, "quantile": 0.75, "value": 117475.0, "Latitude": 38.45, "Longitude": -120.55, "Population": 767.0}, {"index": 1028, "quantile": 1.0, "value": 293900.0, "Latitude": 38.45, "Longitude": -120.55, "Population": 767.0}, {"index": 1029, "quantile": 0.0, "value": 75300.0, "Latitude": 38.43, "Longitude": -120.55, "Population": 618.0}, {"index": 1029, "quantile": 0.25, "value": 94025.0, "Latitude": 38.43, "Longitude": -120.55, "Population": 618.0}, {"index": 1029, "quantile": 0.5, "value": 108700.0, "Latitude": 38.43, "Longitude": -120.55, "Population": 618.0}, {"index": 1029, "quantile": 0.75, "value": 126650.0, "Latitude": 38.43, "Longitude": -120.55, "Population": 618.0}, {"index": 1029, "quantile": 1.0, "value": 333300.0, "Latitude": 38.43, "Longitude": -120.55, "Population": 618.0}, {"index": 1030, "quantile": 0.0, "value": 69800.0, "Latitude": 38.55, "Longitude": -120.25, "Population": 1103.0}, {"index": 1030, "quantile": 0.25, "value": 111700.0, "Latitude": 38.55, "Longitude": -120.25, "Population": 1103.0}, {"index": 1030, "quantile": 0.5, "value": 111700.0, "Latitude": 38.55, "Longitude": -120.25, "Population": 1103.0}, {"index": 1030, "quantile": 0.75, "value": 117125.00000000001, "Latitude": 38.55, "Longitude": -120.25, "Population": 1103.0}, {"index": 1030, "quantile": 1.0, "value": 163500.0, "Latitude": 38.55, "Longitude": -120.25, "Population": 1103.0}, {"index": 1031, "quantile": 0.0, "value": 32500.0, "Latitude": 38.54, "Longitude": -120.79, "Population": 495.0}, {"index": 1031, "quantile": 0.25, "value": 68900.0, "Latitude": 38.54, "Longitude": -120.79, "Population": 495.0}, {"index": 1031, "quantile": 0.5, "value": 68900.0, "Latitude": 38.54, "Longitude": -120.79, "Population": 495.0}, {"index": 1031, "quantile": 0.75, "value": 89025.0, "Latitude": 38.54, "Longitude": -120.79, "Population": 495.0}, {"index": 1031, "quantile": 1.0, "value": 155400.0, "Latitude": 38.54, "Longitude": -120.79, "Population": 495.0}, {"index": 1032, "quantile": 0.0, "value": 81300.0, "Latitude": 38.51, "Longitude": -120.8, "Population": 369.0}, {"index": 1032, "quantile": 0.25, "value": 96400.0, "Latitude": 38.51, "Longitude": -120.8, "Population": 369.0}, {"index": 1032, "quantile": 0.5, "value": 96400.0, "Latitude": 38.51, "Longitude": -120.8, "Population": 369.0}, {"index": 1032, "quantile": 0.75, "value": 129200.0, "Latitude": 38.51, "Longitude": -120.8, "Population": 369.0}, {"index": 1032, "quantile": 1.0, "value": 244000.0, "Latitude": 38.51, "Longitude": -120.8, "Population": 369.0}, {"index": 1033, "quantile": 0.0, "value": 76900.0, "Latitude": 38.5, "Longitude": -120.65, "Population": 638.0}, {"index": 1033, "quantile": 0.25, "value": 116700.0, "Latitude": 38.5, "Longitude": -120.65, "Population": 638.0}, {"index": 1033, "quantile": 0.5, "value": 116700.0, "Latitude": 38.5, "Longitude": -120.65, "Population": 638.0}, {"index": 1033, "quantile": 0.75, "value": 117350.0, "Latitude": 38.5, "Longitude": -120.65, "Population": 638.0}, {"index": 1033, "quantile": 1.0, "value": 217499.99999999997, "Latitude": 38.5, "Longitude": -120.65, "Population": 638.0}, {"index": 1034, "quantile": 0.0, "value": 92800.0, "Latitude": 38.47, "Longitude": -120.76, "Population": 607.0}, {"index": 1034, "quantile": 0.25, "value": 123800.0, "Latitude": 38.47, "Longitude": -120.76, "Population": 607.0}, {"index": 1034, "quantile": 0.5, "value": 123800.0, "Latitude": 38.47, "Longitude": -120.76, "Population": 607.0}, {"index": 1034, "quantile": 0.75, "value": 123800.0, "Latitude": 38.47, "Longitude": -120.76, "Population": 607.0}, {"index": 1034, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.47, "Longitude": -120.76, "Population": 607.0}, {"index": 1035, "quantile": 0.0, "value": 67000.0, "Latitude": 38.45, "Longitude": -120.88, "Population": 657.0}, {"index": 1035, "quantile": 0.25, "value": 104125.0, "Latitude": 38.45, "Longitude": -120.88, "Population": 657.0}, {"index": 1035, "quantile": 0.5, "value": 126800.0, "Latitude": 38.45, "Longitude": -120.88, "Population": 657.0}, {"index": 1035, "quantile": 0.75, "value": 144825.0, "Latitude": 38.45, "Longitude": -120.88, "Population": 657.0}, {"index": 1035, "quantile": 1.0, "value": 268800.0, "Latitude": 38.45, "Longitude": -120.88, "Population": 657.0}, {"index": 1036, "quantile": 0.0, "value": 82100.0, "Latitude": 38.43, "Longitude": -120.79, "Population": 546.0}, {"index": 1036, "quantile": 0.25, "value": 118400.0, "Latitude": 38.43, "Longitude": -120.79, "Population": 546.0}, {"index": 1036, "quantile": 0.5, "value": 142550.0, "Latitude": 38.43, "Longitude": -120.79, "Population": 546.0}, {"index": 1036, "quantile": 0.75, "value": 170500.0, "Latitude": 38.43, "Longitude": -120.79, "Population": 546.0}, {"index": 1036, "quantile": 1.0, "value": 332400.0, "Latitude": 38.43, "Longitude": -120.79, "Population": 546.0}, {"index": 1037, "quantile": 0.0, "value": 87500.0, "Latitude": 38.44, "Longitude": -120.69, "Population": 597.0}, {"index": 1037, "quantile": 0.25, "value": 121300.00000000001, "Latitude": 38.44, "Longitude": -120.69, "Population": 597.0}, {"index": 1037, "quantile": 0.5, "value": 121300.00000000001, "Latitude": 38.44, "Longitude": -120.69, "Population": 597.0}, {"index": 1037, "quantile": 0.75, "value": 144300.0, "Latitude": 38.44, "Longitude": -120.69, "Population": 597.0}, {"index": 1037, "quantile": 1.0, "value": 269500.0, "Latitude": 38.44, "Longitude": -120.69, "Population": 597.0}, {"index": 1038, "quantile": 0.0, "value": 82800.0, "Latitude": 38.5, "Longitude": -120.93, "Population": 529.0}, {"index": 1038, "quantile": 0.25, "value": 107200.0, "Latitude": 38.5, "Longitude": -120.93, "Population": 529.0}, {"index": 1038, "quantile": 0.5, "value": 107200.0, "Latitude": 38.5, "Longitude": -120.93, "Population": 529.0}, {"index": 1038, "quantile": 0.75, "value": 136050.0, "Latitude": 38.5, "Longitude": -120.93, "Population": 529.0}, {"index": 1038, "quantile": 1.0, "value": 216500.0, "Latitude": 38.5, "Longitude": -120.93, "Population": 529.0}, {"index": 1039, "quantile": 0.0, "value": 87500.0, "Latitude": 38.42, "Longitude": -120.97, "Population": 4930.0}, {"index": 1039, "quantile": 0.25, "value": 121900.00000000001, "Latitude": 38.42, "Longitude": -120.97, "Population": 4930.0}, {"index": 1039, "quantile": 0.5, "value": 121900.00000000001, "Latitude": 38.42, "Longitude": -120.97, "Population": 4930.0}, {"index": 1039, "quantile": 0.75, "value": 138000.0, "Latitude": 38.42, "Longitude": -120.97, "Population": 4930.0}, {"index": 1039, "quantile": 1.0, "value": 387500.0, "Latitude": 38.42, "Longitude": -120.97, "Population": 4930.0}, {"index": 1040, "quantile": 0.0, "value": 72600.0, "Latitude": 38.37, "Longitude": -120.87, "Population": 1614.0}, {"index": 1040, "quantile": 0.25, "value": 113399.99999999999, "Latitude": 38.37, "Longitude": -120.87, "Population": 1614.0}, {"index": 1040, "quantile": 0.5, "value": 113399.99999999999, "Latitude": 38.37, "Longitude": -120.87, "Population": 1614.0}, {"index": 1040, "quantile": 0.75, "value": 119200.00000000001, "Latitude": 38.37, "Longitude": -120.87, "Population": 1614.0}, {"index": 1040, "quantile": 1.0, "value": 201300.0, "Latitude": 38.37, "Longitude": -120.87, "Population": 1614.0}, {"index": 1041, "quantile": 0.0, "value": 82800.0, "Latitude": 38.34, "Longitude": -120.98, "Population": 1793.0}, {"index": 1041, "quantile": 0.25, "value": 99100.0, "Latitude": 38.34, "Longitude": -120.98, "Population": 1793.0}, {"index": 1041, "quantile": 0.5, "value": 99100.0, "Latitude": 38.34, "Longitude": -120.98, "Population": 1793.0}, {"index": 1041, "quantile": 0.75, "value": 115075.0, "Latitude": 38.34, "Longitude": -120.98, "Population": 1793.0}, {"index": 1041, "quantile": 1.0, "value": 262000.0, "Latitude": 38.34, "Longitude": -120.98, "Population": 1793.0}, {"index": 1042, "quantile": 0.0, "value": 91000.0, "Latitude": 38.32, "Longitude": -120.88, "Population": 1187.0}, {"index": 1042, "quantile": 0.25, "value": 103000.0, "Latitude": 38.32, "Longitude": -120.88, "Population": 1187.0}, {"index": 1042, "quantile": 0.5, "value": 103000.0, "Latitude": 38.32, "Longitude": -120.88, "Population": 1187.0}, {"index": 1042, "quantile": 0.75, "value": 142150.0, "Latitude": 38.32, "Longitude": -120.88, "Population": 1187.0}, {"index": 1042, "quantile": 1.0, "value": 269500.0, "Latitude": 38.32, "Longitude": -120.88, "Population": 1187.0}, {"index": 1043, "quantile": 0.0, "value": 86900.0, "Latitude": 38.26, "Longitude": -120.93, "Population": 834.0}, {"index": 1043, "quantile": 0.25, "value": 106350.00000000001, "Latitude": 38.26, "Longitude": -120.93, "Population": 834.0}, {"index": 1043, "quantile": 0.5, "value": 129200.0, "Latitude": 38.26, "Longitude": -120.93, "Population": 834.0}, {"index": 1043, "quantile": 0.75, "value": 163200.0, "Latitude": 38.26, "Longitude": -120.93, "Population": 834.0}, {"index": 1043, "quantile": 1.0, "value": 300600.0, "Latitude": 38.26, "Longitude": -120.93, "Population": 834.0}, {"index": 1044, "quantile": 0.0, "value": 77400.0, "Latitude": 38.42, "Longitude": -120.72, "Population": 2237.0}, {"index": 1044, "quantile": 0.25, "value": 141300.0, "Latitude": 38.42, "Longitude": -120.72, "Population": 2237.0}, {"index": 1044, "quantile": 0.5, "value": 144100.0, "Latitude": 38.42, "Longitude": -120.72, "Population": 2237.0}, {"index": 1044, "quantile": 0.75, "value": 144100.0, "Latitude": 38.42, "Longitude": -120.72, "Population": 2237.0}, {"index": 1044, "quantile": 1.0, "value": 190200.0, "Latitude": 38.42, "Longitude": -120.72, "Population": 2237.0}, {"index": 1045, "quantile": 0.0, "value": 86700.0, "Latitude": 38.38, "Longitude": -120.77, "Population": 1737.0}, {"index": 1045, "quantile": 0.25, "value": 128600.0, "Latitude": 38.38, "Longitude": -120.77, "Population": 1737.0}, {"index": 1045, "quantile": 0.5, "value": 128600.0, "Latitude": 38.38, "Longitude": -120.77, "Population": 1737.0}, {"index": 1045, "quantile": 0.75, "value": 128600.0, "Latitude": 38.38, "Longitude": -120.77, "Population": 1737.0}, {"index": 1045, "quantile": 1.0, "value": 159800.0, "Latitude": 38.38, "Longitude": -120.77, "Population": 1737.0}, {"index": 1046, "quantile": 0.0, "value": 72800.0, "Latitude": 38.38, "Longitude": -120.72, "Population": 806.0}, {"index": 1046, "quantile": 0.25, "value": 119175.00000000001, "Latitude": 38.38, "Longitude": -120.72, "Population": 806.0}, {"index": 1046, "quantile": 0.5, "value": 157200.0, "Latitude": 38.38, "Longitude": -120.72, "Population": 806.0}, {"index": 1046, "quantile": 0.75, "value": 157200.0, "Latitude": 38.38, "Longitude": -120.72, "Population": 806.0}, {"index": 1046, "quantile": 1.0, "value": 207900.00000000003, "Latitude": 38.38, "Longitude": -120.72, "Population": 806.0}, {"index": 1047, "quantile": 0.0, "value": 77500.0, "Latitude": 38.4, "Longitude": -120.66, "Population": 985.0}, {"index": 1047, "quantile": 0.25, "value": 103000.0, "Latitude": 38.4, "Longitude": -120.66, "Population": 985.0}, {"index": 1047, "quantile": 0.5, "value": 118400.00000000001, "Latitude": 38.4, "Longitude": -120.66, "Population": 985.0}, {"index": 1047, "quantile": 0.75, "value": 151500.0, "Latitude": 38.4, "Longitude": -120.66, "Population": 985.0}, {"index": 1047, "quantile": 1.0, "value": 269500.0, "Latitude": 38.4, "Longitude": -120.66, "Population": 985.0}, {"index": 1048, "quantile": 0.0, "value": 77400.0, "Latitude": 38.42, "Longitude": -120.65, "Population": 730.0}, {"index": 1048, "quantile": 0.25, "value": 116700.0, "Latitude": 38.42, "Longitude": -120.65, "Population": 730.0}, {"index": 1048, "quantile": 0.5, "value": 116700.0, "Latitude": 38.42, "Longitude": -120.65, "Population": 730.0}, {"index": 1048, "quantile": 0.75, "value": 117550.0, "Latitude": 38.42, "Longitude": -120.65, "Population": 730.0}, {"index": 1048, "quantile": 1.0, "value": 180500.0, "Latitude": 38.42, "Longitude": -120.65, "Population": 730.0}, {"index": 1049, "quantile": 0.0, "value": 77400.0, "Latitude": 38.39, "Longitude": -120.62, "Population": 1444.0}, {"index": 1049, "quantile": 0.25, "value": 134800.0, "Latitude": 38.39, "Longitude": -120.62, "Population": 1444.0}, {"index": 1049, "quantile": 0.5, "value": 134800.0, "Latitude": 38.39, "Longitude": -120.62, "Population": 1444.0}, {"index": 1049, "quantile": 0.75, "value": 134800.0, "Latitude": 38.39, "Longitude": -120.62, "Population": 1444.0}, {"index": 1049, "quantile": 1.0, "value": 177900.0, "Latitude": 38.39, "Longitude": -120.62, "Population": 1444.0}, {"index": 1050, "quantile": 0.0, "value": 70200.0, "Latitude": 38.36, "Longitude": -120.69, "Population": 1252.0}, {"index": 1050, "quantile": 0.25, "value": 110500.0, "Latitude": 38.36, "Longitude": -120.69, "Population": 1252.0}, {"index": 1050, "quantile": 0.5, "value": 115900.0, "Latitude": 38.36, "Longitude": -120.69, "Population": 1252.0}, {"index": 1050, "quantile": 0.75, "value": 134800.0, "Latitude": 38.36, "Longitude": -120.69, "Population": 1252.0}, {"index": 1050, "quantile": 1.0, "value": 293900.0, "Latitude": 38.36, "Longitude": -120.69, "Population": 1252.0}, {"index": 1051, "quantile": 0.0, "value": 78600.0, "Latitude": 38.34, "Longitude": -120.71, "Population": 559.0}, {"index": 1051, "quantile": 0.25, "value": 138700.0, "Latitude": 38.34, "Longitude": -120.71, "Population": 559.0}, {"index": 1051, "quantile": 0.5, "value": 144300.0, "Latitude": 38.34, "Longitude": -120.71, "Population": 559.0}, {"index": 1051, "quantile": 0.75, "value": 144300.0, "Latitude": 38.34, "Longitude": -120.71, "Population": 559.0}, {"index": 1051, "quantile": 1.0, "value": 247600.0, "Latitude": 38.34, "Longitude": -120.71, "Population": 559.0}, {"index": 1052, "quantile": 0.0, "value": 92700.0, "Latitude": 38.31, "Longitude": -120.8, "Population": 533.0}, {"index": 1052, "quantile": 0.25, "value": 123600.0, "Latitude": 38.31, "Longitude": -120.8, "Population": 533.0}, {"index": 1052, "quantile": 0.5, "value": 123600.0, "Latitude": 38.31, "Longitude": -120.8, "Population": 533.0}, {"index": 1052, "quantile": 0.75, "value": 124200.0, "Latitude": 38.31, "Longitude": -120.8, "Population": 533.0}, {"index": 1052, "quantile": 1.0, "value": 213200.0, "Latitude": 38.31, "Longitude": -120.8, "Population": 533.0}, {"index": 1053, "quantile": 0.0, "value": 76500.0, "Latitude": 39.76, "Longitude": -121.83, "Population": 4644.0}, {"index": 1053, "quantile": 0.25, "value": 112599.99999999999, "Latitude": 39.76, "Longitude": -121.83, "Population": 4644.0}, {"index": 1053, "quantile": 0.5, "value": 112599.99999999999, "Latitude": 39.76, "Longitude": -121.83, "Population": 4644.0}, {"index": 1053, "quantile": 0.75, "value": 112599.99999999999, "Latitude": 39.76, "Longitude": -121.83, "Population": 4644.0}, {"index": 1053, "quantile": 1.0, "value": 220100.0, "Latitude": 39.76, "Longitude": -121.83, "Population": 4644.0}, {"index": 1054, "quantile": 0.0, "value": 74000.0, "Latitude": 39.76, "Longitude": -121.82, "Population": 2710.0}, {"index": 1054, "quantile": 0.25, "value": 107300.0, "Latitude": 39.76, "Longitude": -121.82, "Population": 2710.0}, {"index": 1054, "quantile": 0.5, "value": 107300.0, "Latitude": 39.76, "Longitude": -121.82, "Population": 2710.0}, {"index": 1054, "quantile": 0.75, "value": 109700.0, "Latitude": 39.76, "Longitude": -121.82, "Population": 2710.0}, {"index": 1054, "quantile": 1.0, "value": 277000.0, "Latitude": 39.76, "Longitude": -121.82, "Population": 2710.0}, {"index": 1055, "quantile": 0.0, "value": 74000.0, "Latitude": 39.78, "Longitude": -121.86, "Population": 3628.0}, {"index": 1055, "quantile": 0.25, "value": 116300.0, "Latitude": 39.78, "Longitude": -121.86, "Population": 3628.0}, {"index": 1055, "quantile": 0.5, "value": 117800.0, "Latitude": 39.78, "Longitude": -121.86, "Population": 3628.0}, {"index": 1055, "quantile": 0.75, "value": 117800.0, "Latitude": 39.78, "Longitude": -121.86, "Population": 3628.0}, {"index": 1055, "quantile": 1.0, "value": 390800.0, "Latitude": 39.78, "Longitude": -121.86, "Population": 3628.0}, {"index": 1056, "quantile": 0.0, "value": 44400.0, "Latitude": 39.77, "Longitude": -121.85, "Population": 2446.0}, {"index": 1056, "quantile": 0.25, "value": 85000.0, "Latitude": 39.77, "Longitude": -121.85, "Population": 2446.0}, {"index": 1056, "quantile": 0.5, "value": 89900.0, "Latitude": 39.77, "Longitude": -121.85, "Population": 2446.0}, {"index": 1056, "quantile": 0.75, "value": 89900.0, "Latitude": 39.77, "Longitude": -121.85, "Population": 2446.0}, {"index": 1056, "quantile": 1.0, "value": 120200.0, "Latitude": 39.77, "Longitude": -121.85, "Population": 2446.0}, {"index": 1057, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 39.76, "Longitude": -121.84, "Population": 1215.0}, {"index": 1057, "quantile": 0.25, "value": 85800.0, "Latitude": 39.76, "Longitude": -121.84, "Population": 1215.0}, {"index": 1057, "quantile": 0.5, "value": 95150.0, "Latitude": 39.76, "Longitude": -121.84, "Population": 1215.0}, {"index": 1057, "quantile": 0.75, "value": 111825.00000000001, "Latitude": 39.76, "Longitude": -121.84, "Population": 1215.0}, {"index": 1057, "quantile": 1.0, "value": 184100.0, "Latitude": 39.76, "Longitude": -121.84, "Population": 1215.0}, {"index": 1058, "quantile": 0.0, "value": 53000.0, "Latitude": 39.76, "Longitude": -121.86, "Population": 4030.0}, {"index": 1058, "quantile": 0.25, "value": 87300.0, "Latitude": 39.76, "Longitude": -121.86, "Population": 4030.0}, {"index": 1058, "quantile": 0.5, "value": 87300.0, "Latitude": 39.76, "Longitude": -121.86, "Population": 4030.0}, {"index": 1058, "quantile": 0.75, "value": 87300.0, "Latitude": 39.76, "Longitude": -121.86, "Population": 4030.0}, {"index": 1058, "quantile": 1.0, "value": 168100.0, "Latitude": 39.76, "Longitude": -121.86, "Population": 4030.0}, {"index": 1059, "quantile": 0.0, "value": 72000.0, "Latitude": 39.76, "Longitude": -121.89, "Population": 4591.0}, {"index": 1059, "quantile": 0.25, "value": 112599.99999999999, "Latitude": 39.76, "Longitude": -121.89, "Population": 4591.0}, {"index": 1059, "quantile": 0.5, "value": 142600.0, "Latitude": 39.76, "Longitude": -121.89, "Population": 4591.0}, {"index": 1059, "quantile": 0.75, "value": 142600.0, "Latitude": 39.76, "Longitude": -121.89, "Population": 4591.0}, {"index": 1059, "quantile": 1.0, "value": 305200.0, "Latitude": 39.76, "Longitude": -121.89, "Population": 4591.0}, {"index": 1060, "quantile": 0.0, "value": 44400.0, "Latitude": 39.74, "Longitude": -121.88, "Population": 7517.0}, {"index": 1060, "quantile": 0.25, "value": 68924.99999999999, "Latitude": 39.74, "Longitude": -121.88, "Population": 7517.0}, {"index": 1060, "quantile": 0.5, "value": 85300.0, "Latitude": 39.74, "Longitude": -121.88, "Population": 7517.0}, {"index": 1060, "quantile": 0.75, "value": 94200.0, "Latitude": 39.74, "Longitude": -121.88, "Population": 7517.0}, {"index": 1060, "quantile": 1.0, "value": 193800.0, "Latitude": 39.74, "Longitude": -121.88, "Population": 7517.0}, {"index": 1061, "quantile": 0.0, "value": 73600.0, "Latitude": 39.75, "Longitude": -121.87, "Population": 822.0}, {"index": 1061, "quantile": 0.25, "value": 124550.0, "Latitude": 39.75, "Longitude": -121.87, "Population": 822.0}, {"index": 1061, "quantile": 0.5, "value": 126600.0, "Latitude": 39.75, "Longitude": -121.87, "Population": 822.0}, {"index": 1061, "quantile": 0.75, "value": 126600.0, "Latitude": 39.75, "Longitude": -121.87, "Population": 822.0}, {"index": 1061, "quantile": 1.0, "value": 168100.0, "Latitude": 39.75, "Longitude": -121.87, "Population": 822.0}, {"index": 1062, "quantile": 0.0, "value": 80800.0, "Latitude": 39.75, "Longitude": -121.86, "Population": 856.0}, {"index": 1062, "quantile": 0.25, "value": 118300.0, "Latitude": 39.75, "Longitude": -121.86, "Population": 856.0}, {"index": 1062, "quantile": 0.5, "value": 118300.0, "Latitude": 39.75, "Longitude": -121.86, "Population": 856.0}, {"index": 1062, "quantile": 0.75, "value": 118300.0, "Latitude": 39.75, "Longitude": -121.86, "Population": 856.0}, {"index": 1062, "quantile": 1.0, "value": 162800.0, "Latitude": 39.75, "Longitude": -121.86, "Population": 856.0}, {"index": 1063, "quantile": 0.0, "value": 80600.0, "Latitude": 39.74, "Longitude": -121.87, "Population": 747.0}, {"index": 1063, "quantile": 0.25, "value": 141575.0, "Latitude": 39.74, "Longitude": -121.87, "Population": 747.0}, {"index": 1063, "quantile": 0.5, "value": 147000.0, "Latitude": 39.74, "Longitude": -121.87, "Population": 747.0}, {"index": 1063, "quantile": 0.75, "value": 147000.0, "Latitude": 39.74, "Longitude": -121.87, "Population": 747.0}, {"index": 1063, "quantile": 1.0, "value": 187200.0, "Latitude": 39.74, "Longitude": -121.87, "Population": 747.0}, {"index": 1064, "quantile": 0.0, "value": 41800.0, "Latitude": 39.75, "Longitude": -121.85, "Population": 267.0}, {"index": 1064, "quantile": 0.25, "value": 78100.0, "Latitude": 39.75, "Longitude": -121.85, "Population": 267.0}, {"index": 1064, "quantile": 0.5, "value": 78100.0, "Latitude": 39.75, "Longitude": -121.85, "Population": 267.0}, {"index": 1064, "quantile": 0.75, "value": 78100.0, "Latitude": 39.75, "Longitude": -121.85, "Population": 267.0}, {"index": 1064, "quantile": 1.0, "value": 200000.0, "Latitude": 39.75, "Longitude": -121.85, "Population": 267.0}, {"index": 1065, "quantile": 0.0, "value": 55500.00000000001, "Latitude": 39.74, "Longitude": -121.85, "Population": 623.0}, {"index": 1065, "quantile": 0.25, "value": 85800.0, "Latitude": 39.74, "Longitude": -121.85, "Population": 623.0}, {"index": 1065, "quantile": 0.5, "value": 85800.0, "Latitude": 39.74, "Longitude": -121.85, "Population": 623.0}, {"index": 1065, "quantile": 0.75, "value": 85800.0, "Latitude": 39.74, "Longitude": -121.85, "Population": 623.0}, {"index": 1065, "quantile": 1.0, "value": 225000.0, "Latitude": 39.74, "Longitude": -121.85, "Population": 623.0}, {"index": 1066, "quantile": 0.0, "value": 44400.0, "Latitude": 39.74, "Longitude": -121.85, "Population": 1426.0}, {"index": 1066, "quantile": 0.25, "value": 67500.0, "Latitude": 39.74, "Longitude": -121.85, "Population": 1426.0}, {"index": 1066, "quantile": 0.5, "value": 84500.0, "Latitude": 39.74, "Longitude": -121.85, "Population": 1426.0}, {"index": 1066, "quantile": 0.75, "value": 84500.0, "Latitude": 39.74, "Longitude": -121.85, "Population": 1426.0}, {"index": 1066, "quantile": 1.0, "value": 105800.0, "Latitude": 39.74, "Longitude": -121.85, "Population": 1426.0}, {"index": 1067, "quantile": 0.0, "value": 73500.0, "Latitude": 39.73, "Longitude": -121.85, "Population": 1107.0}, {"index": 1067, "quantile": 0.25, "value": 137500.0, "Latitude": 39.73, "Longitude": -121.85, "Population": 1107.0}, {"index": 1067, "quantile": 0.5, "value": 137500.0, "Latitude": 39.73, "Longitude": -121.85, "Population": 1107.0}, {"index": 1067, "quantile": 0.75, "value": 137500.0, "Latitude": 39.73, "Longitude": -121.85, "Population": 1107.0}, {"index": 1067, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 39.73, "Longitude": -121.85, "Population": 1107.0}, {"index": 1068, "quantile": 0.0, "value": 44400.0, "Latitude": 39.73, "Longitude": -121.85, "Population": 2469.0}, {"index": 1068, "quantile": 0.25, "value": 85925.0, "Latitude": 39.73, "Longitude": -121.85, "Population": 2469.0}, {"index": 1068, "quantile": 0.5, "value": 88900.0, "Latitude": 39.73, "Longitude": -121.85, "Population": 2469.0}, {"index": 1068, "quantile": 0.75, "value": 88900.0, "Latitude": 39.73, "Longitude": -121.85, "Population": 2469.0}, {"index": 1068, "quantile": 1.0, "value": 200000.0, "Latitude": 39.73, "Longitude": -121.85, "Population": 2469.0}, {"index": 1069, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 39.74, "Longitude": -121.86, "Population": 1571.0}, {"index": 1069, "quantile": 0.25, "value": 86500.0, "Latitude": 39.74, "Longitude": -121.86, "Population": 1571.0}, {"index": 1069, "quantile": 0.5, "value": 120200.0, "Latitude": 39.74, "Longitude": -121.86, "Population": 1571.0}, {"index": 1069, "quantile": 0.75, "value": 120200.0, "Latitude": 39.74, "Longitude": -121.86, "Population": 1571.0}, {"index": 1069, "quantile": 1.0, "value": 158600.0, "Latitude": 39.74, "Longitude": -121.86, "Population": 1571.0}, {"index": 1070, "quantile": 0.0, "value": 51900.0, "Latitude": 39.75, "Longitude": -121.84, "Population": 2053.0}, {"index": 1070, "quantile": 0.25, "value": 74500.0, "Latitude": 39.75, "Longitude": -121.84, "Population": 2053.0}, {"index": 1070, "quantile": 0.5, "value": 74500.0, "Latitude": 39.75, "Longitude": -121.84, "Population": 2053.0}, {"index": 1070, "quantile": 0.75, "value": 81725.0, "Latitude": 39.75, "Longitude": -121.84, "Population": 2053.0}, {"index": 1070, "quantile": 1.0, "value": 120200.0, "Latitude": 39.75, "Longitude": -121.84, "Population": 2053.0}, {"index": 1071, "quantile": 0.0, "value": 51900.0, "Latitude": 39.74, "Longitude": -121.84, "Population": 1181.0}, {"index": 1071, "quantile": 0.25, "value": 85100.0, "Latitude": 39.74, "Longitude": -121.84, "Population": 1181.0}, {"index": 1071, "quantile": 0.5, "value": 85100.0, "Latitude": 39.74, "Longitude": -121.84, "Population": 1181.0}, {"index": 1071, "quantile": 0.75, "value": 85100.0, "Latitude": 39.74, "Longitude": -121.84, "Population": 1181.0}, {"index": 1071, "quantile": 1.0, "value": 187500.0, "Latitude": 39.74, "Longitude": -121.84, "Population": 1181.0}, {"index": 1072, "quantile": 0.0, "value": 65500.0, "Latitude": 39.74, "Longitude": -121.83, "Population": 1290.0}, {"index": 1072, "quantile": 0.25, "value": 107625.0, "Latitude": 39.74, "Longitude": -121.83, "Population": 1290.0}, {"index": 1072, "quantile": 0.5, "value": 130300.0, "Latitude": 39.74, "Longitude": -121.83, "Population": 1290.0}, {"index": 1072, "quantile": 0.75, "value": 130300.0, "Latitude": 39.74, "Longitude": -121.83, "Population": 1290.0}, {"index": 1072, "quantile": 1.0, "value": 241000.0, "Latitude": 39.74, "Longitude": -121.83, "Population": 1290.0}, {"index": 1073, "quantile": 0.0, "value": 91200.0, "Latitude": 39.75, "Longitude": -121.8, "Population": 1011.0}, {"index": 1073, "quantile": 0.25, "value": 125200.0, "Latitude": 39.75, "Longitude": -121.8, "Population": 1011.0}, {"index": 1073, "quantile": 0.5, "value": 125200.0, "Latitude": 39.75, "Longitude": -121.8, "Population": 1011.0}, {"index": 1073, "quantile": 0.75, "value": 144300.0, "Latitude": 39.75, "Longitude": -121.8, "Population": 1011.0}, {"index": 1073, "quantile": 1.0, "value": 361100.0, "Latitude": 39.75, "Longitude": -121.8, "Population": 1011.0}, {"index": 1074, "quantile": 0.0, "value": 61300.0, "Latitude": 39.75, "Longitude": -121.82, "Population": 3316.0}, {"index": 1074, "quantile": 0.25, "value": 107300.0, "Latitude": 39.75, "Longitude": -121.82, "Population": 3316.0}, {"index": 1074, "quantile": 0.5, "value": 111400.00000000001, "Latitude": 39.75, "Longitude": -121.82, "Population": 3316.0}, {"index": 1074, "quantile": 0.75, "value": 111400.00000000001, "Latitude": 39.75, "Longitude": -121.82, "Population": 3316.0}, {"index": 1074, "quantile": 1.0, "value": 143400.0, "Latitude": 39.75, "Longitude": -121.82, "Population": 3316.0}, {"index": 1075, "quantile": 0.0, "value": 71800.0, "Latitude": 39.75, "Longitude": -121.82, "Population": 974.0}, {"index": 1075, "quantile": 0.25, "value": 97000.0, "Latitude": 39.75, "Longitude": -121.82, "Population": 974.0}, {"index": 1075, "quantile": 0.5, "value": 97000.0, "Latitude": 39.75, "Longitude": -121.82, "Population": 974.0}, {"index": 1075, "quantile": 0.75, "value": 97000.0, "Latitude": 39.75, "Longitude": -121.82, "Population": 974.0}, {"index": 1075, "quantile": 1.0, "value": 213000.0, "Latitude": 39.75, "Longitude": -121.82, "Population": 974.0}, {"index": 1076, "quantile": 0.0, "value": 72000.0, "Latitude": 39.75, "Longitude": -121.8, "Population": 3264.0}, {"index": 1076, "quantile": 0.25, "value": 112599.99999999999, "Latitude": 39.75, "Longitude": -121.8, "Population": 3264.0}, {"index": 1076, "quantile": 0.5, "value": 112599.99999999999, "Latitude": 39.75, "Longitude": -121.8, "Population": 3264.0}, {"index": 1076, "quantile": 0.75, "value": 118400.0, "Latitude": 39.75, "Longitude": -121.8, "Population": 3264.0}, {"index": 1076, "quantile": 1.0, "value": 220100.0, "Latitude": 39.75, "Longitude": -121.8, "Population": 3264.0}, {"index": 1077, "quantile": 0.0, "value": 72000.0, "Latitude": 39.73, "Longitude": -121.79, "Population": 2887.0}, {"index": 1077, "quantile": 0.25, "value": 110975.0, "Latitude": 39.73, "Longitude": -121.79, "Population": 2887.0}, {"index": 1077, "quantile": 0.5, "value": 116300.0, "Latitude": 39.73, "Longitude": -121.79, "Population": 2887.0}, {"index": 1077, "quantile": 0.75, "value": 116300.0, "Latitude": 39.73, "Longitude": -121.79, "Population": 2887.0}, {"index": 1077, "quantile": 1.0, "value": 170400.0, "Latitude": 39.73, "Longitude": -121.79, "Population": 2887.0}, {"index": 1078, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.71, "Longitude": -121.78, "Population": 84.0}, {"index": 1078, "quantile": 0.25, "value": 41250.0, "Latitude": 39.71, "Longitude": -121.78, "Population": 84.0}, {"index": 1078, "quantile": 0.5, "value": 69000.0, "Latitude": 39.71, "Longitude": -121.78, "Population": 84.0}, {"index": 1078, "quantile": 0.75, "value": 112500.0, "Latitude": 39.71, "Longitude": -121.78, "Population": 84.0}, {"index": 1078, "quantile": 1.0, "value": 200000.0, "Latitude": 39.71, "Longitude": -121.78, "Population": 84.0}, {"index": 1079, "quantile": 0.0, "value": 51900.0, "Latitude": 39.73, "Longitude": -121.82, "Population": 1371.0}, {"index": 1079, "quantile": 0.25, "value": 85625.0, "Latitude": 39.73, "Longitude": -121.82, "Population": 1371.0}, {"index": 1079, "quantile": 0.5, "value": 85800.0, "Latitude": 39.73, "Longitude": -121.82, "Population": 1371.0}, {"index": 1079, "quantile": 0.75, "value": 85800.0, "Latitude": 39.73, "Longitude": -121.82, "Population": 1371.0}, {"index": 1079, "quantile": 1.0, "value": 130300.0, "Latitude": 39.73, "Longitude": -121.82, "Population": 1371.0}, {"index": 1080, "quantile": 0.0, "value": 44400.0, "Latitude": 39.73, "Longitude": -121.84, "Population": 379.0}, {"index": 1080, "quantile": 0.25, "value": 94800.0, "Latitude": 39.73, "Longitude": -121.84, "Population": 379.0}, {"index": 1080, "quantile": 0.5, "value": 94800.0, "Latitude": 39.73, "Longitude": -121.84, "Population": 379.0}, {"index": 1080, "quantile": 0.75, "value": 94800.0, "Latitude": 39.73, "Longitude": -121.84, "Population": 379.0}, {"index": 1080, "quantile": 1.0, "value": 200000.0, "Latitude": 39.73, "Longitude": -121.84, "Population": 379.0}, {"index": 1081, "quantile": 0.0, "value": 44400.0, "Latitude": 39.73, "Longitude": -121.84, "Population": 311.0}, {"index": 1081, "quantile": 0.25, "value": 94775.0, "Latitude": 39.73, "Longitude": -121.84, "Population": 311.0}, {"index": 1081, "quantile": 0.5, "value": 200000.0, "Latitude": 39.73, "Longitude": -121.84, "Population": 311.0}, {"index": 1081, "quantile": 0.75, "value": 200000.0, "Latitude": 39.73, "Longitude": -121.84, "Population": 311.0}, {"index": 1081, "quantile": 1.0, "value": 200000.0, "Latitude": 39.73, "Longitude": -121.84, "Population": 311.0}, {"index": 1082, "quantile": 0.0, "value": 34200.0, "Latitude": 39.73, "Longitude": -121.84, "Population": 520.0}, {"index": 1082, "quantile": 0.25, "value": 69000.0, "Latitude": 39.73, "Longitude": -121.84, "Population": 520.0}, {"index": 1082, "quantile": 0.5, "value": 112500.0, "Latitude": 39.73, "Longitude": -121.84, "Population": 520.0}, {"index": 1082, "quantile": 0.75, "value": 112500.0, "Latitude": 39.73, "Longitude": -121.84, "Population": 520.0}, {"index": 1082, "quantile": 1.0, "value": 200000.0, "Latitude": 39.73, "Longitude": -121.84, "Population": 520.0}, {"index": 1083, "quantile": 0.0, "value": 52800.0, "Latitude": 39.72, "Longitude": -121.84, "Population": 802.0}, {"index": 1083, "quantile": 0.25, "value": 69000.0, "Latitude": 39.72, "Longitude": -121.84, "Population": 802.0}, {"index": 1083, "quantile": 0.5, "value": 69000.0, "Latitude": 39.72, "Longitude": -121.84, "Population": 802.0}, {"index": 1083, "quantile": 0.75, "value": 69000.0, "Latitude": 39.72, "Longitude": -121.84, "Population": 802.0}, {"index": 1083, "quantile": 1.0, "value": 112500.0, "Latitude": 39.72, "Longitude": -121.84, "Population": 802.0}, {"index": 1084, "quantile": 0.0, "value": 32500.0, "Latitude": 39.73, "Longitude": -121.84, "Population": 513.0}, {"index": 1084, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 39.73, "Longitude": -121.84, "Population": 513.0}, {"index": 1084, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 39.73, "Longitude": -121.84, "Population": 513.0}, {"index": 1084, "quantile": 0.75, "value": 70400.0, "Latitude": 39.73, "Longitude": -121.84, "Population": 513.0}, {"index": 1084, "quantile": 1.0, "value": 112500.0, "Latitude": 39.73, "Longitude": -121.84, "Population": 513.0}, {"index": 1085, "quantile": 0.0, "value": 49500.0, "Latitude": 39.73, "Longitude": -121.83, "Population": 753.0}, {"index": 1085, "quantile": 0.25, "value": 77900.0, "Latitude": 39.73, "Longitude": -121.83, "Population": 753.0}, {"index": 1085, "quantile": 0.5, "value": 77900.0, "Latitude": 39.73, "Longitude": -121.83, "Population": 753.0}, {"index": 1085, "quantile": 0.75, "value": 77900.0, "Latitude": 39.73, "Longitude": -121.83, "Population": 753.0}, {"index": 1085, "quantile": 1.0, "value": 233500.0, "Latitude": 39.73, "Longitude": -121.83, "Population": 753.0}, {"index": 1086, "quantile": 0.0, "value": 44000.0, "Latitude": 39.72, "Longitude": -121.85, "Population": 5022.0}, {"index": 1086, "quantile": 0.25, "value": 58924.99999999999, "Latitude": 39.72, "Longitude": -121.85, "Population": 5022.0}, {"index": 1086, "quantile": 0.5, "value": 67500.0, "Latitude": 39.72, "Longitude": -121.85, "Population": 5022.0}, {"index": 1086, "quantile": 0.75, "value": 88450.0, "Latitude": 39.72, "Longitude": -121.85, "Population": 5022.0}, {"index": 1086, "quantile": 1.0, "value": 200000.0, "Latitude": 39.72, "Longitude": -121.85, "Population": 5022.0}, {"index": 1087, "quantile": 0.0, "value": 49500.0, "Latitude": 39.72, "Longitude": -121.83, "Population": 974.0}, {"index": 1087, "quantile": 0.25, "value": 73650.0, "Latitude": 39.72, "Longitude": -121.83, "Population": 974.0}, {"index": 1087, "quantile": 0.5, "value": 78700.0, "Latitude": 39.72, "Longitude": -121.83, "Population": 974.0}, {"index": 1087, "quantile": 0.75, "value": 78700.0, "Latitude": 39.72, "Longitude": -121.83, "Population": 974.0}, {"index": 1087, "quantile": 1.0, "value": 200000.0, "Latitude": 39.72, "Longitude": -121.83, "Population": 974.0}, {"index": 1088, "quantile": 0.0, "value": 44000.0, "Latitude": 39.7, "Longitude": -121.81, "Population": 2948.0}, {"index": 1088, "quantile": 0.25, "value": 58624.99999999999, "Latitude": 39.7, "Longitude": -121.81, "Population": 2948.0}, {"index": 1088, "quantile": 0.5, "value": 65200.0, "Latitude": 39.7, "Longitude": -121.81, "Population": 2948.0}, {"index": 1088, "quantile": 0.75, "value": 79800.0, "Latitude": 39.7, "Longitude": -121.81, "Population": 2948.0}, {"index": 1088, "quantile": 1.0, "value": 200000.0, "Latitude": 39.7, "Longitude": -121.81, "Population": 2948.0}, {"index": 1089, "quantile": 0.0, "value": 44400.0, "Latitude": 39.73, "Longitude": -121.82, "Population": 1160.0}, {"index": 1089, "quantile": 0.25, "value": 60300.0, "Latitude": 39.73, "Longitude": -121.82, "Population": 1160.0}, {"index": 1089, "quantile": 0.5, "value": 60300.0, "Latitude": 39.73, "Longitude": -121.82, "Population": 1160.0}, {"index": 1089, "quantile": 0.75, "value": 60300.0, "Latitude": 39.73, "Longitude": -121.82, "Population": 1160.0}, {"index": 1089, "quantile": 1.0, "value": 116700.0, "Latitude": 39.73, "Longitude": -121.82, "Population": 1160.0}, {"index": 1090, "quantile": 0.0, "value": 43500.0, "Latitude": 39.72, "Longitude": -121.82, "Population": 1879.0}, {"index": 1090, "quantile": 0.25, "value": 45925.00000000001, "Latitude": 39.72, "Longitude": -121.82, "Population": 1879.0}, {"index": 1090, "quantile": 0.5, "value": 61250.00000000001, "Latitude": 39.72, "Longitude": -121.82, "Population": 1879.0}, {"index": 1090, "quantile": 0.75, "value": 84500.0, "Latitude": 39.72, "Longitude": -121.82, "Population": 1879.0}, {"index": 1090, "quantile": 1.0, "value": 200000.0, "Latitude": 39.72, "Longitude": -121.82, "Population": 1879.0}, {"index": 1091, "quantile": 0.0, "value": 55100.00000000001, "Latitude": 39.71, "Longitude": -121.81, "Population": 708.0}, {"index": 1091, "quantile": 0.25, "value": 93324.99999999999, "Latitude": 39.71, "Longitude": -121.81, "Population": 708.0}, {"index": 1091, "quantile": 0.5, "value": 116700.0, "Latitude": 39.71, "Longitude": -121.81, "Population": 708.0}, {"index": 1091, "quantile": 0.75, "value": 116700.0, "Latitude": 39.71, "Longitude": -121.81, "Population": 708.0}, {"index": 1091, "quantile": 1.0, "value": 450000.0, "Latitude": 39.71, "Longitude": -121.81, "Population": 708.0}, {"index": 1092, "quantile": 0.0, "value": 94200.0, "Latitude": 39.82, "Longitude": -121.87, "Population": 2456.0}, {"index": 1092, "quantile": 0.25, "value": 142900.0, "Latitude": 39.82, "Longitude": -121.87, "Population": 2456.0}, {"index": 1092, "quantile": 0.5, "value": 159700.0, "Latitude": 39.82, "Longitude": -121.87, "Population": 2456.0}, {"index": 1092, "quantile": 0.75, "value": 159700.0, "Latitude": 39.82, "Longitude": -121.87, "Population": 2456.0}, {"index": 1092, "quantile": 1.0, "value": 260900.0, "Latitude": 39.82, "Longitude": -121.87, "Population": 2456.0}, {"index": 1093, "quantile": 0.0, "value": 73600.0, "Latitude": 39.71, "Longitude": -121.89, "Population": 1217.0}, {"index": 1093, "quantile": 0.25, "value": 104250.0, "Latitude": 39.71, "Longitude": -121.89, "Population": 1217.0}, {"index": 1093, "quantile": 0.5, "value": 139200.0, "Latitude": 39.71, "Longitude": -121.89, "Population": 1217.0}, {"index": 1093, "quantile": 0.75, "value": 139200.0, "Latitude": 39.71, "Longitude": -121.89, "Population": 1217.0}, {"index": 1093, "quantile": 1.0, "value": 187200.0, "Latitude": 39.71, "Longitude": -121.89, "Population": 1217.0}, {"index": 1094, "quantile": 0.0, "value": 80800.0, "Latitude": 39.79, "Longitude": -121.97, "Population": 904.0}, {"index": 1094, "quantile": 0.25, "value": 89600.0, "Latitude": 39.79, "Longitude": -121.97, "Population": 904.0}, {"index": 1094, "quantile": 0.5, "value": 89600.0, "Latitude": 39.79, "Longitude": -121.97, "Population": 904.0}, {"index": 1094, "quantile": 0.75, "value": 101350.0, "Latitude": 39.79, "Longitude": -121.97, "Population": 904.0}, {"index": 1094, "quantile": 1.0, "value": 164100.0, "Latitude": 39.79, "Longitude": -121.97, "Population": 904.0}, {"index": 1095, "quantile": 0.0, "value": 73600.0, "Latitude": 39.68, "Longitude": -121.84, "Population": 275.0}, {"index": 1095, "quantile": 0.25, "value": 106975.0, "Latitude": 39.68, "Longitude": -121.84, "Population": 275.0}, {"index": 1095, "quantile": 0.5, "value": 153100.0, "Latitude": 39.68, "Longitude": -121.84, "Population": 275.0}, {"index": 1095, "quantile": 0.75, "value": 153100.0, "Latitude": 39.68, "Longitude": -121.84, "Population": 275.0}, {"index": 1095, "quantile": 1.0, "value": 157400.0, "Latitude": 39.68, "Longitude": -121.84, "Population": 275.0}, {"index": 1096, "quantile": 0.0, "value": 61300.0, "Latitude": 39.64, "Longitude": -121.8, "Population": 1109.0}, {"index": 1096, "quantile": 0.25, "value": 86475.0, "Latitude": 39.64, "Longitude": -121.8, "Population": 1109.0}, {"index": 1096, "quantile": 0.5, "value": 93800.0, "Latitude": 39.64, "Longitude": -121.8, "Population": 1109.0}, {"index": 1096, "quantile": 0.75, "value": 96849.99999999999, "Latitude": 39.64, "Longitude": -121.8, "Population": 1109.0}, {"index": 1096, "quantile": 1.0, "value": 164400.0, "Latitude": 39.64, "Longitude": -121.8, "Population": 1109.0}, {"index": 1097, "quantile": 0.0, "value": 96200.0, "Latitude": 39.66, "Longitude": -121.77, "Population": 1705.0}, {"index": 1097, "quantile": 0.25, "value": 155975.0, "Latitude": 39.66, "Longitude": -121.77, "Population": 1705.0}, {"index": 1097, "quantile": 0.5, "value": 158600.0, "Latitude": 39.66, "Longitude": -121.77, "Population": 1705.0}, {"index": 1097, "quantile": 0.75, "value": 158600.0, "Latitude": 39.66, "Longitude": -121.77, "Population": 1705.0}, {"index": 1097, "quantile": 1.0, "value": 250000.0, "Latitude": 39.66, "Longitude": -121.77, "Population": 1705.0}, {"index": 1098, "quantile": 0.0, "value": 52000.0, "Latitude": 39.59, "Longitude": -121.74, "Population": 726.0}, {"index": 1098, "quantile": 0.25, "value": 92200.0, "Latitude": 39.59, "Longitude": -121.74, "Population": 726.0}, {"index": 1098, "quantile": 0.5, "value": 95100.0, "Latitude": 39.59, "Longitude": -121.74, "Population": 726.0}, {"index": 1098, "quantile": 0.75, "value": 95100.0, "Latitude": 39.59, "Longitude": -121.74, "Population": 726.0}, {"index": 1098, "quantile": 1.0, "value": 136700.0, "Latitude": 39.59, "Longitude": -121.74, "Population": 726.0}, {"index": 1099, "quantile": 0.0, "value": 62700.0, "Latitude": 39.59, "Longitude": -121.9, "Population": 745.0}, {"index": 1099, "quantile": 0.25, "value": 87500.0, "Latitude": 39.59, "Longitude": -121.9, "Population": 745.0}, {"index": 1099, "quantile": 0.5, "value": 93800.0, "Latitude": 39.59, "Longitude": -121.9, "Population": 745.0}, {"index": 1099, "quantile": 0.75, "value": 93800.0, "Latitude": 39.59, "Longitude": -121.9, "Population": 745.0}, {"index": 1099, "quantile": 1.0, "value": 165000.0, "Latitude": 39.59, "Longitude": -121.9, "Population": 745.0}, {"index": 1100, "quantile": 0.0, "value": 57799.99999999999, "Latitude": 39.88, "Longitude": -121.75, "Population": 1203.0}, {"index": 1100, "quantile": 0.25, "value": 95300.0, "Latitude": 39.88, "Longitude": -121.75, "Population": 1203.0}, {"index": 1100, "quantile": 0.5, "value": 95300.0, "Latitude": 39.88, "Longitude": -121.75, "Population": 1203.0}, {"index": 1100, "quantile": 0.75, "value": 95300.0, "Latitude": 39.88, "Longitude": -121.75, "Population": 1203.0}, {"index": 1100, "quantile": 1.0, "value": 136700.0, "Latitude": 39.88, "Longitude": -121.75, "Population": 1203.0}, {"index": 1101, "quantile": 0.0, "value": 73600.0, "Latitude": 39.82, "Longitude": -121.68, "Population": 1786.0}, {"index": 1101, "quantile": 0.25, "value": 118374.99999999999, "Latitude": 39.82, "Longitude": -121.68, "Population": 1786.0}, {"index": 1101, "quantile": 0.5, "value": 141300.0, "Latitude": 39.82, "Longitude": -121.68, "Population": 1786.0}, {"index": 1101, "quantile": 0.75, "value": 141300.0, "Latitude": 39.82, "Longitude": -121.68, "Population": 1786.0}, {"index": 1101, "quantile": 1.0, "value": 195000.0, "Latitude": 39.82, "Longitude": -121.68, "Population": 1786.0}, {"index": 1102, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 40.06, "Longitude": -121.54, "Population": 47.0}, {"index": 1102, "quantile": 0.25, "value": 67500.0, "Latitude": 40.06, "Longitude": -121.54, "Population": 47.0}, {"index": 1102, "quantile": 0.5, "value": 67500.0, "Latitude": 40.06, "Longitude": -121.54, "Population": 47.0}, {"index": 1102, "quantile": 0.75, "value": 67500.0, "Latitude": 40.06, "Longitude": -121.54, "Population": 47.0}, {"index": 1102, "quantile": 1.0, "value": 420000.0, "Latitude": 40.06, "Longitude": -121.54, "Population": 47.0}, {"index": 1103, "quantile": 0.0, "value": 52000.0, "Latitude": 39.97, "Longitude": -121.51, "Population": 611.0}, {"index": 1103, "quantile": 0.25, "value": 68475.00000000001, "Latitude": 39.97, "Longitude": -121.51, "Population": 611.0}, {"index": 1103, "quantile": 0.5, "value": 88200.0, "Latitude": 39.97, "Longitude": -121.51, "Population": 611.0}, {"index": 1103, "quantile": 0.75, "value": 94300.0, "Latitude": 39.97, "Longitude": -121.51, "Population": 611.0}, {"index": 1103, "quantile": 1.0, "value": 162500.0, "Latitude": 39.97, "Longitude": -121.51, "Population": 611.0}, {"index": 1104, "quantile": 0.0, "value": 61300.0, "Latitude": 39.86, "Longitude": -121.59, "Population": 665.0}, {"index": 1104, "quantile": 0.25, "value": 87575.0, "Latitude": 39.86, "Longitude": -121.59, "Population": 665.0}, {"index": 1104, "quantile": 0.5, "value": 97600.0, "Latitude": 39.86, "Longitude": -121.59, "Population": 665.0}, {"index": 1104, "quantile": 0.75, "value": 118800.0, "Latitude": 39.86, "Longitude": -121.59, "Population": 665.0}, {"index": 1104, "quantile": 1.0, "value": 154200.0, "Latitude": 39.86, "Longitude": -121.59, "Population": 665.0}, {"index": 1105, "quantile": 0.0, "value": 50300.0, "Latitude": 39.83, "Longitude": -121.58, "Population": 1904.0}, {"index": 1105, "quantile": 0.25, "value": 86400.0, "Latitude": 39.83, "Longitude": -121.58, "Population": 1904.0}, {"index": 1105, "quantile": 0.5, "value": 95300.0, "Latitude": 39.83, "Longitude": -121.58, "Population": 1904.0}, {"index": 1105, "quantile": 0.75, "value": 100350.0, "Latitude": 39.83, "Longitude": -121.58, "Population": 1904.0}, {"index": 1105, "quantile": 1.0, "value": 155400.0, "Latitude": 39.83, "Longitude": -121.58, "Population": 1904.0}, {"index": 1106, "quantile": 0.0, "value": 68300.0, "Latitude": 39.8, "Longitude": -121.6, "Population": 721.0}, {"index": 1106, "quantile": 0.25, "value": 117225.0, "Latitude": 39.8, "Longitude": -121.6, "Population": 721.0}, {"index": 1106, "quantile": 0.5, "value": 117900.0, "Latitude": 39.8, "Longitude": -121.6, "Population": 721.0}, {"index": 1106, "quantile": 0.75, "value": 117900.0, "Latitude": 39.8, "Longitude": -121.6, "Population": 721.0}, {"index": 1106, "quantile": 1.0, "value": 138900.0, "Latitude": 39.8, "Longitude": -121.6, "Population": 721.0}, {"index": 1107, "quantile": 0.0, "value": 62500.0, "Latitude": 39.79, "Longitude": -121.62, "Population": 1456.0}, {"index": 1107, "quantile": 0.25, "value": 97200.0, "Latitude": 39.79, "Longitude": -121.62, "Population": 1456.0}, {"index": 1107, "quantile": 0.5, "value": 97200.0, "Latitude": 39.79, "Longitude": -121.62, "Population": 1456.0}, {"index": 1107, "quantile": 0.75, "value": 102899.99999999999, "Latitude": 39.79, "Longitude": -121.62, "Population": 1456.0}, {"index": 1107, "quantile": 1.0, "value": 143100.0, "Latitude": 39.79, "Longitude": -121.62, "Population": 1456.0}, {"index": 1108, "quantile": 0.0, "value": 73800.0, "Latitude": 39.82, "Longitude": -121.59, "Population": 875.0}, {"index": 1108, "quantile": 0.25, "value": 95300.0, "Latitude": 39.82, "Longitude": -121.59, "Population": 875.0}, {"index": 1108, "quantile": 0.5, "value": 97600.0, "Latitude": 39.82, "Longitude": -121.59, "Population": 875.0}, {"index": 1108, "quantile": 0.75, "value": 97600.0, "Latitude": 39.82, "Longitude": -121.59, "Population": 875.0}, {"index": 1108, "quantile": 1.0, "value": 126099.99999999999, "Latitude": 39.82, "Longitude": -121.59, "Population": 875.0}, {"index": 1109, "quantile": 0.0, "value": 68700.0, "Latitude": 39.83, "Longitude": -121.6, "Population": 1532.0}, {"index": 1109, "quantile": 0.25, "value": 95300.0, "Latitude": 39.83, "Longitude": -121.6, "Population": 1532.0}, {"index": 1109, "quantile": 0.5, "value": 95300.0, "Latitude": 39.83, "Longitude": -121.6, "Population": 1532.0}, {"index": 1109, "quantile": 0.75, "value": 95300.0, "Latitude": 39.83, "Longitude": -121.6, "Population": 1532.0}, {"index": 1109, "quantile": 1.0, "value": 162500.0, "Latitude": 39.83, "Longitude": -121.6, "Population": 1532.0}, {"index": 1110, "quantile": 0.0, "value": 57799.99999999999, "Latitude": 39.82, "Longitude": -121.63, "Population": 1610.0}, {"index": 1110, "quantile": 0.25, "value": 107700.0, "Latitude": 39.82, "Longitude": -121.63, "Population": 1610.0}, {"index": 1110, "quantile": 0.5, "value": 107700.0, "Latitude": 39.82, "Longitude": -121.63, "Population": 1610.0}, {"index": 1110, "quantile": 0.75, "value": 107700.0, "Latitude": 39.82, "Longitude": -121.63, "Population": 1610.0}, {"index": 1110, "quantile": 1.0, "value": 138900.0, "Latitude": 39.82, "Longitude": -121.63, "Population": 1610.0}, {"index": 1111, "quantile": 0.0, "value": 62100.0, "Latitude": 39.79, "Longitude": -121.6, "Population": 1151.0}, {"index": 1111, "quantile": 0.25, "value": 102899.99999999999, "Latitude": 39.79, "Longitude": -121.6, "Population": 1151.0}, {"index": 1111, "quantile": 0.5, "value": 102899.99999999999, "Latitude": 39.79, "Longitude": -121.6, "Population": 1151.0}, {"index": 1111, "quantile": 0.75, "value": 102899.99999999999, "Latitude": 39.79, "Longitude": -121.6, "Population": 1151.0}, {"index": 1111, "quantile": 1.0, "value": 155600.0, "Latitude": 39.79, "Longitude": -121.6, "Population": 1151.0}, {"index": 1112, "quantile": 0.0, "value": 32500.0, "Latitude": 39.79, "Longitude": -121.59, "Population": 395.0}, {"index": 1112, "quantile": 0.25, "value": 84000.0, "Latitude": 39.79, "Longitude": -121.59, "Population": 395.0}, {"index": 1112, "quantile": 0.5, "value": 88300.0, "Latitude": 39.79, "Longitude": -121.59, "Population": 395.0}, {"index": 1112, "quantile": 0.75, "value": 88300.0, "Latitude": 39.79, "Longitude": -121.59, "Population": 395.0}, {"index": 1112, "quantile": 1.0, "value": 175000.0, "Latitude": 39.79, "Longitude": -121.59, "Population": 395.0}, {"index": 1113, "quantile": 0.0, "value": 55500.00000000001, "Latitude": 39.78, "Longitude": -121.59, "Population": 1063.0}, {"index": 1113, "quantile": 0.25, "value": 86500.0, "Latitude": 39.78, "Longitude": -121.59, "Population": 1063.0}, {"index": 1113, "quantile": 0.5, "value": 86500.0, "Latitude": 39.78, "Longitude": -121.59, "Population": 1063.0}, {"index": 1113, "quantile": 0.75, "value": 86500.0, "Latitude": 39.78, "Longitude": -121.59, "Population": 1063.0}, {"index": 1113, "quantile": 1.0, "value": 148800.0, "Latitude": 39.78, "Longitude": -121.59, "Population": 1063.0}, {"index": 1114, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 39.78, "Longitude": -121.59, "Population": 385.0}, {"index": 1114, "quantile": 0.25, "value": 57999.99999999999, "Latitude": 39.78, "Longitude": -121.59, "Population": 385.0}, {"index": 1114, "quantile": 0.5, "value": 57999.99999999999, "Latitude": 39.78, "Longitude": -121.59, "Population": 385.0}, {"index": 1114, "quantile": 0.75, "value": 78775.0, "Latitude": 39.78, "Longitude": -121.59, "Population": 385.0}, {"index": 1114, "quantile": 1.0, "value": 225000.0, "Latitude": 39.78, "Longitude": -121.59, "Population": 385.0}, {"index": 1115, "quantile": 0.0, "value": 49000.0, "Latitude": 39.77, "Longitude": -121.6, "Population": 699.0}, {"index": 1115, "quantile": 0.25, "value": 70500.0, "Latitude": 39.77, "Longitude": -121.6, "Population": 699.0}, {"index": 1115, "quantile": 0.5, "value": 84000.0, "Latitude": 39.77, "Longitude": -121.6, "Population": 699.0}, {"index": 1115, "quantile": 0.75, "value": 84000.0, "Latitude": 39.77, "Longitude": -121.6, "Population": 699.0}, {"index": 1115, "quantile": 1.0, "value": 114100.0, "Latitude": 39.77, "Longitude": -121.6, "Population": 699.0}, {"index": 1116, "quantile": 0.0, "value": 61300.0, "Latitude": 39.77, "Longitude": -121.61, "Population": 837.0}, {"index": 1116, "quantile": 0.25, "value": 89500.0, "Latitude": 39.77, "Longitude": -121.61, "Population": 837.0}, {"index": 1116, "quantile": 0.5, "value": 89500.0, "Latitude": 39.77, "Longitude": -121.61, "Population": 837.0}, {"index": 1116, "quantile": 0.75, "value": 89500.0, "Latitude": 39.77, "Longitude": -121.61, "Population": 837.0}, {"index": 1116, "quantile": 1.0, "value": 128899.99999999999, "Latitude": 39.77, "Longitude": -121.61, "Population": 837.0}, {"index": 1117, "quantile": 0.0, "value": 61300.0, "Latitude": 39.78, "Longitude": -121.63, "Population": 770.0}, {"index": 1117, "quantile": 0.25, "value": 93400.0, "Latitude": 39.78, "Longitude": -121.63, "Population": 770.0}, {"index": 1117, "quantile": 0.5, "value": 93400.0, "Latitude": 39.78, "Longitude": -121.63, "Population": 770.0}, {"index": 1117, "quantile": 0.75, "value": 93400.0, "Latitude": 39.78, "Longitude": -121.63, "Population": 770.0}, {"index": 1117, "quantile": 1.0, "value": 126899.99999999999, "Latitude": 39.78, "Longitude": -121.63, "Population": 770.0}, {"index": 1118, "quantile": 0.0, "value": 53000.0, "Latitude": 39.8, "Longitude": -121.57, "Population": 365.0}, {"index": 1118, "quantile": 0.25, "value": 104900.0, "Latitude": 39.8, "Longitude": -121.57, "Population": 365.0}, {"index": 1118, "quantile": 0.5, "value": 115199.99999999999, "Latitude": 39.8, "Longitude": -121.57, "Population": 365.0}, {"index": 1118, "quantile": 0.75, "value": 115199.99999999999, "Latitude": 39.8, "Longitude": -121.57, "Population": 365.0}, {"index": 1118, "quantile": 1.0, "value": 450000.0, "Latitude": 39.8, "Longitude": -121.57, "Population": 365.0}, {"index": 1119, "quantile": 0.0, "value": 53000.0, "Latitude": 39.78, "Longitude": -121.57, "Population": 952.0}, {"index": 1119, "quantile": 0.25, "value": 89050.0, "Latitude": 39.78, "Longitude": -121.57, "Population": 952.0}, {"index": 1119, "quantile": 0.5, "value": 105700.0, "Latitude": 39.78, "Longitude": -121.57, "Population": 952.0}, {"index": 1119, "quantile": 0.75, "value": 105700.0, "Latitude": 39.78, "Longitude": -121.57, "Population": 952.0}, {"index": 1119, "quantile": 1.0, "value": 105700.0, "Latitude": 39.78, "Longitude": -121.57, "Population": 952.0}, {"index": 1120, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 39.77, "Longitude": -121.59, "Population": 664.0}, {"index": 1120, "quantile": 0.25, "value": 97300.0, "Latitude": 39.77, "Longitude": -121.59, "Population": 664.0}, {"index": 1120, "quantile": 0.5, "value": 97300.0, "Latitude": 39.77, "Longitude": -121.59, "Population": 664.0}, {"index": 1120, "quantile": 0.75, "value": 97300.0, "Latitude": 39.77, "Longitude": -121.59, "Population": 664.0}, {"index": 1120, "quantile": 1.0, "value": 162500.0, "Latitude": 39.77, "Longitude": -121.59, "Population": 664.0}, {"index": 1121, "quantile": 0.0, "value": 61300.0, "Latitude": 39.79, "Longitude": -121.58, "Population": 1184.0}, {"index": 1121, "quantile": 0.25, "value": 97525.0, "Latitude": 39.79, "Longitude": -121.58, "Population": 1184.0}, {"index": 1121, "quantile": 0.5, "value": 108600.00000000001, "Latitude": 39.79, "Longitude": -121.58, "Population": 1184.0}, {"index": 1121, "quantile": 0.75, "value": 108600.00000000001, "Latitude": 39.79, "Longitude": -121.58, "Population": 1184.0}, {"index": 1121, "quantile": 1.0, "value": 118800.0, "Latitude": 39.79, "Longitude": -121.58, "Population": 1184.0}, {"index": 1122, "quantile": 0.0, "value": 50300.0, "Latitude": 39.76, "Longitude": -121.57, "Population": 557.0}, {"index": 1122, "quantile": 0.25, "value": 80800.0, "Latitude": 39.76, "Longitude": -121.57, "Population": 557.0}, {"index": 1122, "quantile": 0.5, "value": 104900.0, "Latitude": 39.76, "Longitude": -121.57, "Population": 557.0}, {"index": 1122, "quantile": 0.75, "value": 104900.0, "Latitude": 39.76, "Longitude": -121.57, "Population": 557.0}, {"index": 1122, "quantile": 1.0, "value": 115199.99999999999, "Latitude": 39.76, "Longitude": -121.57, "Population": 557.0}, {"index": 1123, "quantile": 0.0, "value": 82100.0, "Latitude": 39.76, "Longitude": -121.58, "Population": 1110.0}, {"index": 1123, "quantile": 0.25, "value": 110200.00000000001, "Latitude": 39.76, "Longitude": -121.58, "Population": 1110.0}, {"index": 1123, "quantile": 0.5, "value": 110200.00000000001, "Latitude": 39.76, "Longitude": -121.58, "Population": 1110.0}, {"index": 1123, "quantile": 0.75, "value": 110200.00000000001, "Latitude": 39.76, "Longitude": -121.58, "Population": 1110.0}, {"index": 1123, "quantile": 1.0, "value": 213200.0, "Latitude": 39.76, "Longitude": -121.58, "Population": 1110.0}, {"index": 1124, "quantile": 0.0, "value": 32500.0, "Latitude": 39.76, "Longitude": -121.58, "Population": 733.0}, {"index": 1124, "quantile": 0.25, "value": 60400.0, "Latitude": 39.76, "Longitude": -121.58, "Population": 733.0}, {"index": 1124, "quantile": 0.5, "value": 76800.0, "Latitude": 39.76, "Longitude": -121.58, "Population": 733.0}, {"index": 1124, "quantile": 0.75, "value": 88300.0, "Latitude": 39.76, "Longitude": -121.58, "Population": 733.0}, {"index": 1124, "quantile": 1.0, "value": 115199.99999999999, "Latitude": 39.76, "Longitude": -121.58, "Population": 733.0}, {"index": 1125, "quantile": 0.0, "value": 34600.0, "Latitude": 39.75, "Longitude": -121.59, "Population": 481.0}, {"index": 1125, "quantile": 0.25, "value": 80800.0, "Latitude": 39.75, "Longitude": -121.59, "Population": 481.0}, {"index": 1125, "quantile": 0.5, "value": 80800.0, "Latitude": 39.75, "Longitude": -121.59, "Population": 481.0}, {"index": 1125, "quantile": 0.75, "value": 85575.0, "Latitude": 39.75, "Longitude": -121.59, "Population": 481.0}, {"index": 1125, "quantile": 1.0, "value": 225000.0, "Latitude": 39.75, "Longitude": -121.59, "Population": 481.0}, {"index": 1126, "quantile": 0.0, "value": 49800.0, "Latitude": 39.77, "Longitude": -121.6, "Population": 1138.0}, {"index": 1126, "quantile": 0.25, "value": 79650.0, "Latitude": 39.77, "Longitude": -121.6, "Population": 1138.0}, {"index": 1126, "quantile": 0.5, "value": 86050.0, "Latitude": 39.77, "Longitude": -121.6, "Population": 1138.0}, {"index": 1126, "quantile": 0.75, "value": 95300.0, "Latitude": 39.77, "Longitude": -121.6, "Population": 1138.0}, {"index": 1126, "quantile": 1.0, "value": 121800.0, "Latitude": 39.77, "Longitude": -121.6, "Population": 1138.0}, {"index": 1127, "quantile": 0.0, "value": 51900.0, "Latitude": 39.76, "Longitude": -121.6, "Population": 1157.0}, {"index": 1127, "quantile": 0.25, "value": 83050.0, "Latitude": 39.76, "Longitude": -121.6, "Population": 1157.0}, {"index": 1127, "quantile": 0.5, "value": 85500.0, "Latitude": 39.76, "Longitude": -121.6, "Population": 1157.0}, {"index": 1127, "quantile": 0.75, "value": 85500.0, "Latitude": 39.76, "Longitude": -121.6, "Population": 1157.0}, {"index": 1127, "quantile": 1.0, "value": 115199.99999999999, "Latitude": 39.76, "Longitude": -121.6, "Population": 1157.0}, {"index": 1128, "quantile": 0.0, "value": 52600.0, "Latitude": 39.76, "Longitude": -121.61, "Population": 1026.0}, {"index": 1128, "quantile": 0.25, "value": 85000.0, "Latitude": 39.76, "Longitude": -121.61, "Population": 1026.0}, {"index": 1128, "quantile": 0.5, "value": 85000.0, "Latitude": 39.76, "Longitude": -121.61, "Population": 1026.0}, {"index": 1128, "quantile": 0.75, "value": 85000.0, "Latitude": 39.76, "Longitude": -121.61, "Population": 1026.0}, {"index": 1128, "quantile": 1.0, "value": 137500.0, "Latitude": 39.76, "Longitude": -121.61, "Population": 1026.0}, {"index": 1129, "quantile": 0.0, "value": 49000.0, "Latitude": 39.77, "Longitude": -121.62, "Population": 788.0}, {"index": 1129, "quantile": 0.25, "value": 63749.99999999999, "Latitude": 39.77, "Longitude": -121.62, "Population": 788.0}, {"index": 1129, "quantile": 0.5, "value": 74800.0, "Latitude": 39.77, "Longitude": -121.62, "Population": 788.0}, {"index": 1129, "quantile": 0.75, "value": 84000.0, "Latitude": 39.77, "Longitude": -121.62, "Population": 788.0}, {"index": 1129, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 39.77, "Longitude": -121.62, "Population": 788.0}, {"index": 1130, "quantile": 0.0, "value": 57799.99999999999, "Latitude": 39.76, "Longitude": -121.65, "Population": 794.0}, {"index": 1130, "quantile": 0.25, "value": 96700.0, "Latitude": 39.76, "Longitude": -121.65, "Population": 794.0}, {"index": 1130, "quantile": 0.5, "value": 96700.0, "Latitude": 39.76, "Longitude": -121.65, "Population": 794.0}, {"index": 1130, "quantile": 0.75, "value": 96700.0, "Latitude": 39.76, "Longitude": -121.65, "Population": 794.0}, {"index": 1130, "quantile": 1.0, "value": 121800.0, "Latitude": 39.76, "Longitude": -121.65, "Population": 794.0}, {"index": 1131, "quantile": 0.0, "value": 62100.0, "Latitude": 39.76, "Longitude": -121.63, "Population": 1151.0}, {"index": 1131, "quantile": 0.25, "value": 109700.0, "Latitude": 39.76, "Longitude": -121.63, "Population": 1151.0}, {"index": 1131, "quantile": 0.5, "value": 109700.0, "Latitude": 39.76, "Longitude": -121.63, "Population": 1151.0}, {"index": 1131, "quantile": 0.75, "value": 109700.0, "Latitude": 39.76, "Longitude": -121.63, "Population": 1151.0}, {"index": 1131, "quantile": 1.0, "value": 277000.0, "Latitude": 39.76, "Longitude": -121.63, "Population": 1151.0}, {"index": 1132, "quantile": 0.0, "value": 61300.0, "Latitude": 39.76, "Longitude": -121.62, "Population": 934.0}, {"index": 1132, "quantile": 0.25, "value": 85800.0, "Latitude": 39.76, "Longitude": -121.62, "Population": 934.0}, {"index": 1132, "quantile": 0.5, "value": 85800.0, "Latitude": 39.76, "Longitude": -121.62, "Population": 934.0}, {"index": 1132, "quantile": 0.75, "value": 89175.0, "Latitude": 39.76, "Longitude": -121.62, "Population": 934.0}, {"index": 1132, "quantile": 1.0, "value": 206800.0, "Latitude": 39.76, "Longitude": -121.62, "Population": 934.0}, {"index": 1133, "quantile": 0.0, "value": 34200.0, "Latitude": 39.75, "Longitude": -121.62, "Population": 523.0}, {"index": 1133, "quantile": 0.25, "value": 69400.0, "Latitude": 39.75, "Longitude": -121.62, "Population": 523.0}, {"index": 1133, "quantile": 0.5, "value": 79500.0, "Latitude": 39.75, "Longitude": -121.62, "Population": 523.0}, {"index": 1133, "quantile": 0.75, "value": 88300.0, "Latitude": 39.75, "Longitude": -121.62, "Population": 523.0}, {"index": 1133, "quantile": 1.0, "value": 212500.0, "Latitude": 39.75, "Longitude": -121.62, "Population": 523.0}, {"index": 1134, "quantile": 0.0, "value": 55500.00000000001, "Latitude": 39.75, "Longitude": -121.63, "Population": 569.0}, {"index": 1134, "quantile": 0.25, "value": 70500.0, "Latitude": 39.75, "Longitude": -121.63, "Population": 569.0}, {"index": 1134, "quantile": 0.5, "value": 70500.0, "Latitude": 39.75, "Longitude": -121.63, "Population": 569.0}, {"index": 1134, "quantile": 0.75, "value": 70500.0, "Latitude": 39.75, "Longitude": -121.63, "Population": 569.0}, {"index": 1134, "quantile": 1.0, "value": 101899.99999999999, "Latitude": 39.75, "Longitude": -121.63, "Population": 569.0}, {"index": 1135, "quantile": 0.0, "value": 62100.0, "Latitude": 39.74, "Longitude": -121.64, "Population": 763.0}, {"index": 1135, "quantile": 0.25, "value": 95100.0, "Latitude": 39.74, "Longitude": -121.64, "Population": 763.0}, {"index": 1135, "quantile": 0.5, "value": 121800.0, "Latitude": 39.74, "Longitude": -121.64, "Population": 763.0}, {"index": 1135, "quantile": 0.75, "value": 121800.0, "Latitude": 39.74, "Longitude": -121.64, "Population": 763.0}, {"index": 1135, "quantile": 1.0, "value": 138900.0, "Latitude": 39.74, "Longitude": -121.64, "Population": 763.0}, {"index": 1136, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.71, "Longitude": -121.71, "Population": 1174.0}, {"index": 1136, "quantile": 0.25, "value": 101575.0, "Latitude": 39.71, "Longitude": -121.71, "Population": 1174.0}, {"index": 1136, "quantile": 0.5, "value": 114100.0, "Latitude": 39.71, "Longitude": -121.71, "Population": 1174.0}, {"index": 1136, "quantile": 0.75, "value": 138900.0, "Latitude": 39.71, "Longitude": -121.71, "Population": 1174.0}, {"index": 1136, "quantile": 1.0, "value": 264600.0, "Latitude": 39.71, "Longitude": -121.71, "Population": 1174.0}, {"index": 1137, "quantile": 0.0, "value": 61300.0, "Latitude": 39.66, "Longitude": -121.66, "Population": 1763.0}, {"index": 1137, "quantile": 0.25, "value": 100200.0, "Latitude": 39.66, "Longitude": -121.66, "Population": 1763.0}, {"index": 1137, "quantile": 0.5, "value": 101200.0, "Latitude": 39.66, "Longitude": -121.66, "Population": 1763.0}, {"index": 1137, "quantile": 0.75, "value": 101200.0, "Latitude": 39.66, "Longitude": -121.66, "Population": 1763.0}, {"index": 1137, "quantile": 1.0, "value": 176100.0, "Latitude": 39.66, "Longitude": -121.66, "Population": 1763.0}, {"index": 1138, "quantile": 0.0, "value": 73100.0, "Latitude": 39.69, "Longitude": -121.56, "Population": 1163.0}, {"index": 1138, "quantile": 0.25, "value": 141350.0, "Latitude": 39.69, "Longitude": -121.56, "Population": 1163.0}, {"index": 1138, "quantile": 0.5, "value": 168300.0, "Latitude": 39.69, "Longitude": -121.56, "Population": 1163.0}, {"index": 1138, "quantile": 0.75, "value": 168300.0, "Latitude": 39.69, "Longitude": -121.56, "Population": 1163.0}, {"index": 1138, "quantile": 1.0, "value": 242099.99999999997, "Latitude": 39.69, "Longitude": -121.56, "Population": 1163.0}, {"index": 1139, "quantile": 0.0, "value": 62100.0, "Latitude": 39.74, "Longitude": -121.57, "Population": 705.0}, {"index": 1139, "quantile": 0.25, "value": 94675.0, "Latitude": 39.74, "Longitude": -121.57, "Population": 705.0}, {"index": 1139, "quantile": 0.5, "value": 126099.99999999999, "Latitude": 39.74, "Longitude": -121.57, "Population": 705.0}, {"index": 1139, "quantile": 0.75, "value": 126099.99999999999, "Latitude": 39.74, "Longitude": -121.57, "Population": 705.0}, {"index": 1139, "quantile": 1.0, "value": 126099.99999999999, "Latitude": 39.74, "Longitude": -121.57, "Population": 705.0}, {"index": 1140, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 39.74, "Longitude": -121.59, "Population": 750.0}, {"index": 1140, "quantile": 0.25, "value": 83800.0, "Latitude": 39.74, "Longitude": -121.59, "Population": 750.0}, {"index": 1140, "quantile": 0.5, "value": 83800.0, "Latitude": 39.74, "Longitude": -121.59, "Population": 750.0}, {"index": 1140, "quantile": 0.75, "value": 109700.0, "Latitude": 39.74, "Longitude": -121.59, "Population": 750.0}, {"index": 1140, "quantile": 1.0, "value": 267600.0, "Latitude": 39.74, "Longitude": -121.59, "Population": 750.0}, {"index": 1141, "quantile": 0.0, "value": 50300.0, "Latitude": 39.75, "Longitude": -121.6, "Population": 984.0}, {"index": 1141, "quantile": 0.25, "value": 84700.0, "Latitude": 39.75, "Longitude": -121.6, "Population": 984.0}, {"index": 1141, "quantile": 0.5, "value": 92600.0, "Latitude": 39.75, "Longitude": -121.6, "Population": 984.0}, {"index": 1141, "quantile": 0.75, "value": 92600.0, "Latitude": 39.75, "Longitude": -121.6, "Population": 984.0}, {"index": 1141, "quantile": 1.0, "value": 142300.0, "Latitude": 39.75, "Longitude": -121.6, "Population": 984.0}, {"index": 1142, "quantile": 0.0, "value": 61300.0, "Latitude": 39.68, "Longitude": -121.6, "Population": 844.0}, {"index": 1142, "quantile": 0.25, "value": 85700.0, "Latitude": 39.68, "Longitude": -121.6, "Population": 844.0}, {"index": 1142, "quantile": 0.5, "value": 91250.00000000001, "Latitude": 39.68, "Longitude": -121.6, "Population": 844.0}, {"index": 1142, "quantile": 0.75, "value": 97600.0, "Latitude": 39.68, "Longitude": -121.6, "Population": 844.0}, {"index": 1142, "quantile": 1.0, "value": 126099.99999999999, "Latitude": 39.68, "Longitude": -121.6, "Population": 844.0}, {"index": 1143, "quantile": 0.0, "value": 39400.0, "Latitude": 39.83, "Longitude": -121.5, "Population": 893.0}, {"index": 1143, "quantile": 0.25, "value": 65075.00000000001, "Latitude": 39.83, "Longitude": -121.5, "Population": 893.0}, {"index": 1143, "quantile": 0.5, "value": 81000.0, "Latitude": 39.83, "Longitude": -121.5, "Population": 893.0}, {"index": 1143, "quantile": 0.75, "value": 92300.0, "Latitude": 39.83, "Longitude": -121.5, "Population": 893.0}, {"index": 1143, "quantile": 1.0, "value": 156300.0, "Latitude": 39.83, "Longitude": -121.5, "Population": 893.0}, {"index": 1144, "quantile": 0.0, "value": 67500.0, "Latitude": 39.72, "Longitude": -121.41, "Population": 730.0}, {"index": 1144, "quantile": 0.25, "value": 87500.0, "Latitude": 39.72, "Longitude": -121.41, "Population": 730.0}, {"index": 1144, "quantile": 0.5, "value": 87500.0, "Latitude": 39.72, "Longitude": -121.41, "Population": 730.0}, {"index": 1144, "quantile": 0.75, "value": 89625.0, "Latitude": 39.72, "Longitude": -121.41, "Population": 730.0}, {"index": 1144, "quantile": 1.0, "value": 130300.0, "Latitude": 39.72, "Longitude": -121.41, "Population": 730.0}, {"index": 1145, "quantile": 0.0, "value": 48100.0, "Latitude": 39.61, "Longitude": -121.39, "Population": 986.0}, {"index": 1145, "quantile": 0.25, "value": 83500.0, "Latitude": 39.61, "Longitude": -121.39, "Population": 986.0}, {"index": 1145, "quantile": 0.5, "value": 89400.0, "Latitude": 39.61, "Longitude": -121.39, "Population": 986.0}, {"index": 1145, "quantile": 0.75, "value": 103450.0, "Latitude": 39.61, "Longitude": -121.39, "Population": 986.0}, {"index": 1145, "quantile": 1.0, "value": 183800.0, "Latitude": 39.61, "Longitude": -121.39, "Population": 986.0}, {"index": 1146, "quantile": 0.0, "value": 52600.0, "Latitude": 39.65, "Longitude": -121.24, "Population": 221.0}, {"index": 1146, "quantile": 0.25, "value": 62500.0, "Latitude": 39.65, "Longitude": -121.24, "Population": 221.0}, {"index": 1146, "quantile": 0.5, "value": 62500.0, "Latitude": 39.65, "Longitude": -121.24, "Population": 221.0}, {"index": 1146, "quantile": 0.75, "value": 75000.0, "Latitude": 39.65, "Longitude": -121.24, "Population": 221.0}, {"index": 1146, "quantile": 1.0, "value": 250000.0, "Latitude": 39.65, "Longitude": -121.24, "Population": 221.0}, {"index": 1147, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.55, "Longitude": -121.19, "Population": 481.0}, {"index": 1147, "quantile": 0.25, "value": 83300.0, "Latitude": 39.55, "Longitude": -121.19, "Population": 481.0}, {"index": 1147, "quantile": 0.5, "value": 83300.0, "Latitude": 39.55, "Longitude": -121.19, "Population": 481.0}, {"index": 1147, "quantile": 0.75, "value": 83300.0, "Latitude": 39.55, "Longitude": -121.19, "Population": 481.0}, {"index": 1147, "quantile": 1.0, "value": 145800.0, "Latitude": 39.55, "Longitude": -121.19, "Population": 481.0}, {"index": 1148, "quantile": 0.0, "value": 63600.0, "Latitude": 39.52, "Longitude": -121.36, "Population": 1229.0}, {"index": 1148, "quantile": 0.25, "value": 85700.0, "Latitude": 39.52, "Longitude": -121.36, "Population": 1229.0}, {"index": 1148, "quantile": 0.5, "value": 85700.0, "Latitude": 39.52, "Longitude": -121.36, "Population": 1229.0}, {"index": 1148, "quantile": 0.75, "value": 88050.0, "Latitude": 39.52, "Longitude": -121.36, "Population": 1229.0}, {"index": 1148, "quantile": 1.0, "value": 137500.0, "Latitude": 39.52, "Longitude": -121.36, "Population": 1229.0}, {"index": 1149, "quantile": 0.0, "value": 51600.0, "Latitude": 39.52, "Longitude": -121.56, "Population": 358.0}, {"index": 1149, "quantile": 0.25, "value": 79500.0, "Latitude": 39.52, "Longitude": -121.56, "Population": 358.0}, {"index": 1149, "quantile": 0.5, "value": 79500.0, "Latitude": 39.52, "Longitude": -121.56, "Population": 358.0}, {"index": 1149, "quantile": 0.75, "value": 109250.0, "Latitude": 39.52, "Longitude": -121.56, "Population": 358.0}, {"index": 1149, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 39.52, "Longitude": -121.56, "Population": 358.0}, {"index": 1150, "quantile": 0.0, "value": 45100.0, "Latitude": 39.52, "Longitude": -121.56, "Population": 945.0}, {"index": 1150, "quantile": 0.25, "value": 57599.99999999999, "Latitude": 39.52, "Longitude": -121.56, "Population": 945.0}, {"index": 1150, "quantile": 0.5, "value": 63200.0, "Latitude": 39.52, "Longitude": -121.56, "Population": 945.0}, {"index": 1150, "quantile": 0.75, "value": 78700.0, "Latitude": 39.52, "Longitude": -121.56, "Population": 945.0}, {"index": 1150, "quantile": 1.0, "value": 105700.0, "Latitude": 39.52, "Longitude": -121.56, "Population": 945.0}, {"index": 1151, "quantile": 0.0, "value": 45100.0, "Latitude": 39.53, "Longitude": -121.56, "Population": 1861.0}, {"index": 1151, "quantile": 0.25, "value": 65200.0, "Latitude": 39.53, "Longitude": -121.56, "Population": 1861.0}, {"index": 1151, "quantile": 0.5, "value": 65200.0, "Latitude": 39.53, "Longitude": -121.56, "Population": 1861.0}, {"index": 1151, "quantile": 0.75, "value": 65200.0, "Latitude": 39.53, "Longitude": -121.56, "Population": 1861.0}, {"index": 1151, "quantile": 1.0, "value": 193800.0, "Latitude": 39.53, "Longitude": -121.56, "Population": 1861.0}, {"index": 1152, "quantile": 0.0, "value": 49000.0, "Latitude": 39.6, "Longitude": -121.54, "Population": 576.0}, {"index": 1152, "quantile": 0.25, "value": 79500.0, "Latitude": 39.6, "Longitude": -121.54, "Population": 576.0}, {"index": 1152, "quantile": 0.5, "value": 84100.0, "Latitude": 39.6, "Longitude": -121.54, "Population": 576.0}, {"index": 1152, "quantile": 0.75, "value": 84100.0, "Latitude": 39.6, "Longitude": -121.54, "Population": 576.0}, {"index": 1152, "quantile": 1.0, "value": 137500.0, "Latitude": 39.6, "Longitude": -121.54, "Population": 576.0}, {"index": 1153, "quantile": 0.0, "value": 85100.0, "Latitude": 39.54, "Longitude": -121.46, "Population": 1822.0}, {"index": 1153, "quantile": 0.25, "value": 142300.0, "Latitude": 39.54, "Longitude": -121.46, "Population": 1822.0}, {"index": 1153, "quantile": 0.5, "value": 142300.0, "Latitude": 39.54, "Longitude": -121.46, "Population": 1822.0}, {"index": 1153, "quantile": 0.75, "value": 142300.0, "Latitude": 39.54, "Longitude": -121.46, "Population": 1822.0}, {"index": 1153, "quantile": 1.0, "value": 228700.0, "Latitude": 39.54, "Longitude": -121.46, "Population": 1822.0}, {"index": 1154, "quantile": 0.0, "value": 84200.0, "Latitude": 39.52, "Longitude": -121.49, "Population": 436.0}, {"index": 1154, "quantile": 0.25, "value": 93800.0, "Latitude": 39.52, "Longitude": -121.49, "Population": 436.0}, {"index": 1154, "quantile": 0.5, "value": 93800.0, "Latitude": 39.52, "Longitude": -121.49, "Population": 436.0}, {"index": 1154, "quantile": 0.75, "value": 101200.0, "Latitude": 39.52, "Longitude": -121.49, "Population": 436.0}, {"index": 1154, "quantile": 1.0, "value": 159700.0, "Latitude": 39.52, "Longitude": -121.49, "Population": 436.0}, {"index": 1155, "quantile": 0.0, "value": 61300.0, "Latitude": 39.5, "Longitude": -121.44, "Population": 790.0}, {"index": 1155, "quantile": 0.25, "value": 90800.0, "Latitude": 39.5, "Longitude": -121.44, "Population": 790.0}, {"index": 1155, "quantile": 0.5, "value": 90800.0, "Latitude": 39.5, "Longitude": -121.44, "Population": 790.0}, {"index": 1155, "quantile": 0.75, "value": 90800.0, "Latitude": 39.5, "Longitude": -121.44, "Population": 790.0}, {"index": 1155, "quantile": 1.0, "value": 137500.0, "Latitude": 39.5, "Longitude": -121.44, "Population": 790.0}, {"index": 1156, "quantile": 0.0, "value": 70800.0, "Latitude": 39.49, "Longitude": -121.47, "Population": 553.0}, {"index": 1156, "quantile": 0.25, "value": 92700.0, "Latitude": 39.49, "Longitude": -121.47, "Population": 553.0}, {"index": 1156, "quantile": 0.5, "value": 115599.99999999999, "Latitude": 39.49, "Longitude": -121.47, "Population": 553.0}, {"index": 1156, "quantile": 0.75, "value": 142899.99999999997, "Latitude": 39.49, "Longitude": -121.47, "Population": 553.0}, {"index": 1156, "quantile": 1.0, "value": 390800.0, "Latitude": 39.49, "Longitude": -121.47, "Population": 553.0}, {"index": 1157, "quantile": 0.0, "value": 58800.0, "Latitude": 39.51, "Longitude": -121.47, "Population": 1304.0}, {"index": 1157, "quantile": 0.25, "value": 93300.0, "Latitude": 39.51, "Longitude": -121.47, "Population": 1304.0}, {"index": 1157, "quantile": 0.5, "value": 115649.99999999999, "Latitude": 39.51, "Longitude": -121.47, "Population": 1304.0}, {"index": 1157, "quantile": 0.75, "value": 138925.0, "Latitude": 39.51, "Longitude": -121.47, "Population": 1304.0}, {"index": 1157, "quantile": 1.0, "value": 475000.0, "Latitude": 39.51, "Longitude": -121.47, "Population": 1304.0}, {"index": 1158, "quantile": 0.0, "value": 81300.0, "Latitude": 39.53, "Longitude": -121.53, "Population": 683.0}, {"index": 1158, "quantile": 0.25, "value": 91200.0, "Latitude": 39.53, "Longitude": -121.53, "Population": 683.0}, {"index": 1158, "quantile": 0.5, "value": 91200.0, "Latitude": 39.53, "Longitude": -121.53, "Population": 683.0}, {"index": 1158, "quantile": 0.75, "value": 133850.0, "Latitude": 39.53, "Longitude": -121.53, "Population": 683.0}, {"index": 1158, "quantile": 1.0, "value": 213200.0, "Latitude": 39.53, "Longitude": -121.53, "Population": 683.0}, {"index": 1159, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 39.52, "Longitude": -121.53, "Population": 448.0}, {"index": 1159, "quantile": 0.25, "value": 63400.0, "Latitude": 39.52, "Longitude": -121.53, "Population": 448.0}, {"index": 1159, "quantile": 0.5, "value": 71000.0, "Latitude": 39.52, "Longitude": -121.53, "Population": 448.0}, {"index": 1159, "quantile": 0.75, "value": 86400.0, "Latitude": 39.52, "Longitude": -121.53, "Population": 448.0}, {"index": 1159, "quantile": 1.0, "value": 165000.0, "Latitude": 39.52, "Longitude": -121.53, "Population": 448.0}, {"index": 1160, "quantile": 0.0, "value": 62100.0, "Latitude": 39.52, "Longitude": -121.53, "Population": 471.0}, {"index": 1160, "quantile": 0.25, "value": 86400.0, "Latitude": 39.52, "Longitude": -121.53, "Population": 471.0}, {"index": 1160, "quantile": 0.5, "value": 86400.0, "Latitude": 39.52, "Longitude": -121.53, "Population": 471.0}, {"index": 1160, "quantile": 0.75, "value": 86400.0, "Latitude": 39.52, "Longitude": -121.53, "Population": 471.0}, {"index": 1160, "quantile": 1.0, "value": 152000.0, "Latitude": 39.52, "Longitude": -121.53, "Population": 471.0}, {"index": 1161, "quantile": 0.0, "value": 56200.00000000001, "Latitude": 39.51, "Longitude": -121.54, "Population": 1887.0}, {"index": 1161, "quantile": 0.25, "value": 62100.0, "Latitude": 39.51, "Longitude": -121.54, "Population": 1887.0}, {"index": 1161, "quantile": 0.5, "value": 62100.0, "Latitude": 39.51, "Longitude": -121.54, "Population": 1887.0}, {"index": 1161, "quantile": 0.75, "value": 74525.0, "Latitude": 39.51, "Longitude": -121.54, "Population": 1887.0}, {"index": 1161, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 39.51, "Longitude": -121.54, "Population": 1887.0}, {"index": 1162, "quantile": 0.0, "value": 41800.0, "Latitude": 39.51, "Longitude": -121.52, "Population": 1688.0}, {"index": 1162, "quantile": 0.25, "value": 72200.0, "Latitude": 39.51, "Longitude": -121.52, "Population": 1688.0}, {"index": 1162, "quantile": 0.5, "value": 72200.0, "Latitude": 39.51, "Longitude": -121.52, "Population": 1688.0}, {"index": 1162, "quantile": 0.75, "value": 72200.0, "Latitude": 39.51, "Longitude": -121.52, "Population": 1688.0}, {"index": 1162, "quantile": 1.0, "value": 94000.0, "Latitude": 39.51, "Longitude": -121.52, "Population": 1688.0}, {"index": 1163, "quantile": 0.0, "value": 55500.00000000001, "Latitude": 39.51, "Longitude": -121.55, "Population": 684.0}, {"index": 1163, "quantile": 0.25, "value": 57599.99999999999, "Latitude": 39.51, "Longitude": -121.55, "Population": 684.0}, {"index": 1163, "quantile": 0.5, "value": 57599.99999999999, "Latitude": 39.51, "Longitude": -121.55, "Population": 684.0}, {"index": 1163, "quantile": 0.75, "value": 67750.0, "Latitude": 39.51, "Longitude": -121.55, "Population": 684.0}, {"index": 1163, "quantile": 1.0, "value": 113799.99999999999, "Latitude": 39.51, "Longitude": -121.55, "Population": 684.0}, {"index": 1164, "quantile": 0.0, "value": 36700.0, "Latitude": 39.51, "Longitude": -121.55, "Population": 396.0}, {"index": 1164, "quantile": 0.25, "value": 58299.99999999999, "Latitude": 39.51, "Longitude": -121.55, "Population": 396.0}, {"index": 1164, "quantile": 0.5, "value": 58299.99999999999, "Latitude": 39.51, "Longitude": -121.55, "Population": 396.0}, {"index": 1164, "quantile": 0.75, "value": 58299.99999999999, "Latitude": 39.51, "Longitude": -121.55, "Population": 396.0}, {"index": 1164, "quantile": 1.0, "value": 112500.0, "Latitude": 39.51, "Longitude": -121.55, "Population": 396.0}, {"index": 1165, "quantile": 0.0, "value": 55500.00000000001, "Latitude": 39.51, "Longitude": -121.55, "Population": 485.0}, {"index": 1165, "quantile": 0.25, "value": 79500.0, "Latitude": 39.51, "Longitude": -121.55, "Population": 485.0}, {"index": 1165, "quantile": 0.5, "value": 92300.0, "Latitude": 39.51, "Longitude": -121.55, "Population": 485.0}, {"index": 1165, "quantile": 0.75, "value": 137500.0, "Latitude": 39.51, "Longitude": -121.55, "Population": 485.0}, {"index": 1165, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 39.51, "Longitude": -121.55, "Population": 485.0}, {"index": 1166, "quantile": 0.0, "value": 39400.0, "Latitude": 39.51, "Longitude": -121.56, "Population": 603.0}, {"index": 1166, "quantile": 0.25, "value": 57899.99999999999, "Latitude": 39.51, "Longitude": -121.56, "Population": 603.0}, {"index": 1166, "quantile": 0.5, "value": 57899.99999999999, "Latitude": 39.51, "Longitude": -121.56, "Population": 603.0}, {"index": 1166, "quantile": 0.75, "value": 58199.99999999999, "Latitude": 39.51, "Longitude": -121.56, "Population": 603.0}, {"index": 1166, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 39.51, "Longitude": -121.56, "Population": 603.0}, {"index": 1167, "quantile": 0.0, "value": 39400.0, "Latitude": 39.51, "Longitude": -121.56, "Population": 871.0}, {"index": 1167, "quantile": 0.25, "value": 57450.0, "Latitude": 39.51, "Longitude": -121.56, "Population": 871.0}, {"index": 1167, "quantile": 0.5, "value": 63000.0, "Latitude": 39.51, "Longitude": -121.56, "Population": 871.0}, {"index": 1167, "quantile": 0.75, "value": 67850.0, "Latitude": 39.51, "Longitude": -121.56, "Population": 871.0}, {"index": 1167, "quantile": 1.0, "value": 123100.00000000001, "Latitude": 39.51, "Longitude": -121.56, "Population": 871.0}, {"index": 1168, "quantile": 0.0, "value": 45100.0, "Latitude": 39.5, "Longitude": -121.57, "Population": 1073.0}, {"index": 1168, "quantile": 0.25, "value": 56100.00000000001, "Latitude": 39.5, "Longitude": -121.57, "Population": 1073.0}, {"index": 1168, "quantile": 0.5, "value": 56100.00000000001, "Latitude": 39.5, "Longitude": -121.57, "Population": 1073.0}, {"index": 1168, "quantile": 0.75, "value": 60600.0, "Latitude": 39.5, "Longitude": -121.57, "Population": 1073.0}, {"index": 1168, "quantile": 1.0, "value": 105000.0, "Latitude": 39.5, "Longitude": -121.57, "Population": 1073.0}, {"index": 1169, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 39.52, "Longitude": -121.58, "Population": 1384.0}, {"index": 1169, "quantile": 0.25, "value": 57999.99999999999, "Latitude": 39.52, "Longitude": -121.58, "Population": 1384.0}, {"index": 1169, "quantile": 0.5, "value": 57999.99999999999, "Latitude": 39.52, "Longitude": -121.58, "Population": 1384.0}, {"index": 1169, "quantile": 0.75, "value": 58099.99999999999, "Latitude": 39.52, "Longitude": -121.58, "Population": 1384.0}, {"index": 1169, "quantile": 1.0, "value": 118800.0, "Latitude": 39.52, "Longitude": -121.58, "Population": 1384.0}, {"index": 1170, "quantile": 0.0, "value": 44000.0, "Latitude": 39.51, "Longitude": -121.58, "Population": 1087.0}, {"index": 1170, "quantile": 0.25, "value": 56699.99999999999, "Latitude": 39.51, "Longitude": -121.58, "Population": 1087.0}, {"index": 1170, "quantile": 0.5, "value": 56699.99999999999, "Latitude": 39.51, "Longitude": -121.58, "Population": 1087.0}, {"index": 1170, "quantile": 0.75, "value": 56699.99999999999, "Latitude": 39.51, "Longitude": -121.58, "Population": 1087.0}, {"index": 1170, "quantile": 1.0, "value": 88900.0, "Latitude": 39.51, "Longitude": -121.58, "Population": 1087.0}, {"index": 1171, "quantile": 0.0, "value": 39400.0, "Latitude": 39.5, "Longitude": -121.58, "Population": 925.0}, {"index": 1171, "quantile": 0.25, "value": 57599.99999999999, "Latitude": 39.5, "Longitude": -121.58, "Population": 925.0}, {"index": 1171, "quantile": 0.5, "value": 57599.99999999999, "Latitude": 39.5, "Longitude": -121.58, "Population": 925.0}, {"index": 1171, "quantile": 0.75, "value": 58875.0, "Latitude": 39.5, "Longitude": -121.58, "Population": 925.0}, {"index": 1171, "quantile": 1.0, "value": 123100.00000000001, "Latitude": 39.5, "Longitude": -121.58, "Population": 925.0}, {"index": 1172, "quantile": 0.0, "value": 49800.0, "Latitude": 39.5, "Longitude": -121.62, "Population": 974.0}, {"index": 1172, "quantile": 0.25, "value": 60600.0, "Latitude": 39.5, "Longitude": -121.62, "Population": 974.0}, {"index": 1172, "quantile": 0.5, "value": 70500.0, "Latitude": 39.5, "Longitude": -121.62, "Population": 974.0}, {"index": 1172, "quantile": 0.75, "value": 92300.0, "Latitude": 39.5, "Longitude": -121.62, "Population": 974.0}, {"index": 1172, "quantile": 1.0, "value": 119200.0, "Latitude": 39.5, "Longitude": -121.62, "Population": 974.0}, {"index": 1173, "quantile": 0.0, "value": 48300.0, "Latitude": 39.52, "Longitude": -121.61, "Population": 909.0}, {"index": 1173, "quantile": 0.25, "value": 59800.0, "Latitude": 39.52, "Longitude": -121.61, "Population": 909.0}, {"index": 1173, "quantile": 0.5, "value": 59800.0, "Latitude": 39.52, "Longitude": -121.61, "Population": 909.0}, {"index": 1173, "quantile": 0.75, "value": 59800.0, "Latitude": 39.52, "Longitude": -121.61, "Population": 909.0}, {"index": 1173, "quantile": 1.0, "value": 95000.0, "Latitude": 39.52, "Longitude": -121.61, "Population": 909.0}, {"index": 1174, "quantile": 0.0, "value": 39400.0, "Latitude": 39.53, "Longitude": -121.65, "Population": 640.0}, {"index": 1174, "quantile": 0.25, "value": 65200.0, "Latitude": 39.53, "Longitude": -121.65, "Population": 640.0}, {"index": 1174, "quantile": 0.5, "value": 65200.0, "Latitude": 39.53, "Longitude": -121.65, "Population": 640.0}, {"index": 1174, "quantile": 0.75, "value": 65200.0, "Latitude": 39.53, "Longitude": -121.65, "Population": 640.0}, {"index": 1174, "quantile": 1.0, "value": 101899.99999999999, "Latitude": 39.53, "Longitude": -121.65, "Population": 640.0}, {"index": 1175, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.48, "Longitude": -121.57, "Population": 145.0}, {"index": 1175, "quantile": 0.25, "value": 42500.0, "Latitude": 39.48, "Longitude": -121.57, "Population": 145.0}, {"index": 1175, "quantile": 0.5, "value": 42500.0, "Latitude": 39.48, "Longitude": -121.57, "Population": 145.0}, {"index": 1175, "quantile": 0.75, "value": 46400.0, "Latitude": 39.48, "Longitude": -121.57, "Population": 145.0}, {"index": 1175, "quantile": 1.0, "value": 162500.0, "Latitude": 39.48, "Longitude": -121.57, "Population": 145.0}, {"index": 1176, "quantile": 0.0, "value": 36700.0, "Latitude": 39.5, "Longitude": -121.55, "Population": 2041.0}, {"index": 1176, "quantile": 0.25, "value": 45100.0, "Latitude": 39.5, "Longitude": -121.55, "Population": 2041.0}, {"index": 1176, "quantile": 0.5, "value": 45100.0, "Latitude": 39.5, "Longitude": -121.55, "Population": 2041.0}, {"index": 1176, "quantile": 0.75, "value": 45100.0, "Latitude": 39.5, "Longitude": -121.55, "Population": 2041.0}, {"index": 1176, "quantile": 1.0, "value": 123100.00000000001, "Latitude": 39.5, "Longitude": -121.55, "Population": 2041.0}, {"index": 1177, "quantile": 0.0, "value": 39400.0, "Latitude": 39.5, "Longitude": -121.54, "Population": 779.0}, {"index": 1177, "quantile": 0.25, "value": 39400.0, "Latitude": 39.5, "Longitude": -121.54, "Population": 779.0}, {"index": 1177, "quantile": 0.5, "value": 39400.0, "Latitude": 39.5, "Longitude": -121.54, "Population": 779.0}, {"index": 1177, "quantile": 0.75, "value": 49500.0, "Latitude": 39.5, "Longitude": -121.54, "Population": 779.0}, {"index": 1177, "quantile": 1.0, "value": 84000.0, "Latitude": 39.5, "Longitude": -121.54, "Population": 779.0}, {"index": 1178, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.49, "Longitude": -121.53, "Population": 617.0}, {"index": 1178, "quantile": 0.25, "value": 50300.0, "Latitude": 39.49, "Longitude": -121.53, "Population": 617.0}, {"index": 1178, "quantile": 0.5, "value": 50300.0, "Latitude": 39.49, "Longitude": -121.53, "Population": 617.0}, {"index": 1178, "quantile": 0.75, "value": 66325.0, "Latitude": 39.49, "Longitude": -121.53, "Population": 617.0}, {"index": 1178, "quantile": 1.0, "value": 145800.0, "Latitude": 39.49, "Longitude": -121.53, "Population": 617.0}, {"index": 1179, "quantile": 0.0, "value": 39400.0, "Latitude": 39.48, "Longitude": -121.54, "Population": 1809.0}, {"index": 1179, "quantile": 0.25, "value": 49000.0, "Latitude": 39.48, "Longitude": -121.54, "Population": 1809.0}, {"index": 1179, "quantile": 0.5, "value": 56699.99999999999, "Latitude": 39.48, "Longitude": -121.54, "Population": 1809.0}, {"index": 1179, "quantile": 0.75, "value": 61200.0, "Latitude": 39.48, "Longitude": -121.54, "Population": 1809.0}, {"index": 1179, "quantile": 1.0, "value": 95000.0, "Latitude": 39.48, "Longitude": -121.54, "Population": 1809.0}, {"index": 1180, "quantile": 0.0, "value": 48100.0, "Latitude": 39.47, "Longitude": -121.54, "Population": 939.0}, {"index": 1180, "quantile": 0.25, "value": 71950.0, "Latitude": 39.47, "Longitude": -121.54, "Population": 939.0}, {"index": 1180, "quantile": 0.5, "value": 80400.0, "Latitude": 39.47, "Longitude": -121.54, "Population": 939.0}, {"index": 1180, "quantile": 0.75, "value": 99000.0, "Latitude": 39.47, "Longitude": -121.54, "Population": 939.0}, {"index": 1180, "quantile": 1.0, "value": 182500.0, "Latitude": 39.47, "Longitude": -121.54, "Population": 939.0}, {"index": 1181, "quantile": 0.0, "value": 34600.0, "Latitude": 39.48, "Longitude": -121.55, "Population": 284.0}, {"index": 1181, "quantile": 0.25, "value": 41800.0, "Latitude": 39.48, "Longitude": -121.55, "Population": 284.0}, {"index": 1181, "quantile": 0.5, "value": 41800.0, "Latitude": 39.48, "Longitude": -121.55, "Population": 284.0}, {"index": 1181, "quantile": 0.75, "value": 53000.0, "Latitude": 39.48, "Longitude": -121.55, "Population": 284.0}, {"index": 1181, "quantile": 1.0, "value": 112500.0, "Latitude": 39.48, "Longitude": -121.55, "Population": 284.0}, {"index": 1182, "quantile": 0.0, "value": 61300.0, "Latitude": 39.49, "Longitude": -121.49, "Population": 1174.0}, {"index": 1182, "quantile": 0.25, "value": 87700.0, "Latitude": 39.49, "Longitude": -121.49, "Population": 1174.0}, {"index": 1182, "quantile": 0.5, "value": 90800.0, "Latitude": 39.49, "Longitude": -121.49, "Population": 1174.0}, {"index": 1182, "quantile": 0.75, "value": 103050.0, "Latitude": 39.49, "Longitude": -121.49, "Population": 1174.0}, {"index": 1182, "quantile": 1.0, "value": 207900.00000000003, "Latitude": 39.49, "Longitude": -121.49, "Population": 1174.0}, {"index": 1183, "quantile": 0.0, "value": 70800.0, "Latitude": 39.5, "Longitude": -121.52, "Population": 569.0}, {"index": 1183, "quantile": 0.25, "value": 82600.0, "Latitude": 39.5, "Longitude": -121.52, "Population": 569.0}, {"index": 1183, "quantile": 0.5, "value": 82600.0, "Latitude": 39.5, "Longitude": -121.52, "Population": 569.0}, {"index": 1183, "quantile": 0.75, "value": 97375.0, "Latitude": 39.5, "Longitude": -121.52, "Population": 569.0}, {"index": 1183, "quantile": 1.0, "value": 248400.0, "Latitude": 39.5, "Longitude": -121.52, "Population": 569.0}, {"index": 1184, "quantile": 0.0, "value": 48100.0, "Latitude": 39.49, "Longitude": -121.52, "Population": 677.0}, {"index": 1184, "quantile": 0.25, "value": 63600.0, "Latitude": 39.49, "Longitude": -121.52, "Population": 677.0}, {"index": 1184, "quantile": 0.5, "value": 63600.0, "Latitude": 39.49, "Longitude": -121.52, "Population": 677.0}, {"index": 1184, "quantile": 0.75, "value": 72049.99999999999, "Latitude": 39.49, "Longitude": -121.52, "Population": 677.0}, {"index": 1184, "quantile": 1.0, "value": 129800.0, "Latitude": 39.49, "Longitude": -121.52, "Population": 677.0}, {"index": 1185, "quantile": 0.0, "value": 39400.0, "Latitude": 39.48, "Longitude": -121.52, "Population": 1364.0}, {"index": 1185, "quantile": 0.25, "value": 59400.0, "Latitude": 39.48, "Longitude": -121.52, "Population": 1364.0}, {"index": 1185, "quantile": 0.5, "value": 59400.0, "Latitude": 39.48, "Longitude": -121.52, "Population": 1364.0}, {"index": 1185, "quantile": 0.75, "value": 59400.0, "Latitude": 39.48, "Longitude": -121.52, "Population": 1364.0}, {"index": 1185, "quantile": 1.0, "value": 118800.0, "Latitude": 39.48, "Longitude": -121.52, "Population": 1364.0}, {"index": 1186, "quantile": 0.0, "value": 32500.0, "Latitude": 39.45, "Longitude": -121.55, "Population": 1185.0}, {"index": 1186, "quantile": 0.25, "value": 60600.0, "Latitude": 39.45, "Longitude": -121.55, "Population": 1185.0}, {"index": 1186, "quantile": 0.5, "value": 60600.0, "Latitude": 39.45, "Longitude": -121.55, "Population": 1185.0}, {"index": 1186, "quantile": 0.75, "value": 60600.0, "Latitude": 39.45, "Longitude": -121.55, "Population": 1185.0}, {"index": 1186, "quantile": 1.0, "value": 119200.0, "Latitude": 39.45, "Longitude": -121.55, "Population": 1185.0}, {"index": 1187, "quantile": 0.0, "value": 48100.0, "Latitude": 39.44, "Longitude": -121.53, "Population": 662.0}, {"index": 1187, "quantile": 0.25, "value": 72500.0, "Latitude": 39.44, "Longitude": -121.53, "Population": 662.0}, {"index": 1187, "quantile": 0.5, "value": 84800.0, "Latitude": 39.44, "Longitude": -121.53, "Population": 662.0}, {"index": 1187, "quantile": 0.75, "value": 95100.0, "Latitude": 39.44, "Longitude": -121.53, "Population": 662.0}, {"index": 1187, "quantile": 1.0, "value": 144400.0, "Latitude": 39.44, "Longitude": -121.53, "Population": 662.0}, {"index": 1188, "quantile": 0.0, "value": 41800.0, "Latitude": 39.44, "Longitude": -121.55, "Population": 811.0}, {"index": 1188, "quantile": 0.25, "value": 49000.0, "Latitude": 39.44, "Longitude": -121.55, "Population": 811.0}, {"index": 1188, "quantile": 0.5, "value": 49000.0, "Latitude": 39.44, "Longitude": -121.55, "Population": 811.0}, {"index": 1188, "quantile": 0.75, "value": 50000.0, "Latitude": 39.44, "Longitude": -121.55, "Population": 811.0}, {"index": 1188, "quantile": 1.0, "value": 84000.0, "Latitude": 39.44, "Longitude": -121.55, "Population": 811.0}, {"index": 1189, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 39.43, "Longitude": -121.52, "Population": 1079.0}, {"index": 1189, "quantile": 0.25, "value": 80400.0, "Latitude": 39.43, "Longitude": -121.52, "Population": 1079.0}, {"index": 1189, "quantile": 0.5, "value": 80400.0, "Latitude": 39.43, "Longitude": -121.52, "Population": 1079.0}, {"index": 1189, "quantile": 0.75, "value": 80400.0, "Latitude": 39.43, "Longitude": -121.52, "Population": 1079.0}, {"index": 1189, "quantile": 1.0, "value": 162500.0, "Latitude": 39.43, "Longitude": -121.52, "Population": 1079.0}, {"index": 1190, "quantile": 0.0, "value": 48100.0, "Latitude": 39.4, "Longitude": -121.46, "Population": 1970.0}, {"index": 1190, "quantile": 0.25, "value": 71125.0, "Latitude": 39.4, "Longitude": -121.46, "Population": 1970.0}, {"index": 1190, "quantile": 0.5, "value": 82200.0, "Latitude": 39.4, "Longitude": -121.46, "Population": 1970.0}, {"index": 1190, "quantile": 0.75, "value": 92200.0, "Latitude": 39.4, "Longitude": -121.46, "Population": 1970.0}, {"index": 1190, "quantile": 1.0, "value": 217499.99999999997, "Latitude": 39.4, "Longitude": -121.46, "Population": 1970.0}, {"index": 1191, "quantile": 0.0, "value": 34600.0, "Latitude": 39.39, "Longitude": -121.39, "Population": 121.0}, {"index": 1191, "quantile": 0.25, "value": 63600.0, "Latitude": 39.39, "Longitude": -121.39, "Population": 121.0}, {"index": 1191, "quantile": 0.5, "value": 87350.0, "Latitude": 39.39, "Longitude": -121.39, "Population": 121.0}, {"index": 1191, "quantile": 0.75, "value": 112500.0, "Latitude": 39.39, "Longitude": -121.39, "Population": 121.0}, {"index": 1191, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 39.39, "Longitude": -121.39, "Population": 121.0}, {"index": 1192, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 39.33, "Longitude": -121.54, "Population": 359.0}, {"index": 1192, "quantile": 0.25, "value": 61300.0, "Latitude": 39.33, "Longitude": -121.54, "Population": 359.0}, {"index": 1192, "quantile": 0.5, "value": 61300.0, "Latitude": 39.33, "Longitude": -121.54, "Population": 359.0}, {"index": 1192, "quantile": 0.75, "value": 88875.0, "Latitude": 39.33, "Longitude": -121.54, "Population": 359.0}, {"index": 1192, "quantile": 1.0, "value": 165000.0, "Latitude": 39.33, "Longitude": -121.54, "Population": 359.0}, {"index": 1193, "quantile": 0.0, "value": 49800.0, "Latitude": 39.39, "Longitude": -121.59, "Population": 1284.0}, {"index": 1193, "quantile": 0.25, "value": 67825.0, "Latitude": 39.39, "Longitude": -121.59, "Population": 1284.0}, {"index": 1193, "quantile": 0.5, "value": 73800.0, "Latitude": 39.39, "Longitude": -121.59, "Population": 1284.0}, {"index": 1193, "quantile": 0.75, "value": 73800.0, "Latitude": 39.39, "Longitude": -121.59, "Population": 1284.0}, {"index": 1193, "quantile": 1.0, "value": 79800.0, "Latitude": 39.39, "Longitude": -121.59, "Population": 1284.0}, {"index": 1194, "quantile": 0.0, "value": 49800.0, "Latitude": 39.37, "Longitude": -121.67, "Population": 1241.0}, {"index": 1194, "quantile": 0.25, "value": 59400.0, "Latitude": 39.37, "Longitude": -121.67, "Population": 1241.0}, {"index": 1194, "quantile": 0.5, "value": 67000.0, "Latitude": 39.37, "Longitude": -121.67, "Population": 1241.0}, {"index": 1194, "quantile": 0.75, "value": 87875.0, "Latitude": 39.37, "Longitude": -121.67, "Population": 1241.0}, {"index": 1194, "quantile": 1.0, "value": 121800.0, "Latitude": 39.37, "Longitude": -121.67, "Population": 1241.0}, {"index": 1195, "quantile": 0.0, "value": 34600.0, "Latitude": 39.35, "Longitude": -121.65, "Population": 1098.0}, {"index": 1195, "quantile": 0.25, "value": 57975.0, "Latitude": 39.35, "Longitude": -121.65, "Population": 1098.0}, {"index": 1195, "quantile": 0.5, "value": 62149.99999999999, "Latitude": 39.35, "Longitude": -121.65, "Population": 1098.0}, {"index": 1195, "quantile": 0.75, "value": 75075.0, "Latitude": 39.35, "Longitude": -121.65, "Population": 1098.0}, {"index": 1195, "quantile": 1.0, "value": 193800.0, "Latitude": 39.35, "Longitude": -121.65, "Population": 1098.0}, {"index": 1196, "quantile": 0.0, "value": 48100.0, "Latitude": 39.34, "Longitude": -121.67, "Population": 537.0}, {"index": 1196, "quantile": 0.25, "value": 84600.0, "Latitude": 39.34, "Longitude": -121.67, "Population": 537.0}, {"index": 1196, "quantile": 0.5, "value": 84600.0, "Latitude": 39.34, "Longitude": -121.67, "Population": 537.0}, {"index": 1196, "quantile": 0.75, "value": 84600.0, "Latitude": 39.34, "Longitude": -121.67, "Population": 537.0}, {"index": 1196, "quantile": 1.0, "value": 225000.0, "Latitude": 39.34, "Longitude": -121.67, "Population": 537.0}, {"index": 1197, "quantile": 0.0, "value": 61300.0, "Latitude": 39.32, "Longitude": -121.65, "Population": 374.0}, {"index": 1197, "quantile": 0.25, "value": 73500.0, "Latitude": 39.32, "Longitude": -121.65, "Population": 374.0}, {"index": 1197, "quantile": 0.5, "value": 73500.0, "Latitude": 39.32, "Longitude": -121.65, "Population": 374.0}, {"index": 1197, "quantile": 0.75, "value": 84400.0, "Latitude": 39.32, "Longitude": -121.65, "Population": 374.0}, {"index": 1197, "quantile": 1.0, "value": 225000.0, "Latitude": 39.32, "Longitude": -121.65, "Population": 374.0}, {"index": 1198, "quantile": 0.0, "value": 56200.00000000001, "Latitude": 39.36, "Longitude": -121.69, "Population": 1170.0}, {"index": 1198, "quantile": 0.25, "value": 56200.00000000001, "Latitude": 39.36, "Longitude": -121.69, "Population": 1170.0}, {"index": 1198, "quantile": 0.5, "value": 56200.00000000001, "Latitude": 39.36, "Longitude": -121.69, "Population": 1170.0}, {"index": 1198, "quantile": 0.75, "value": 62349.99999999999, "Latitude": 39.36, "Longitude": -121.69, "Population": 1170.0}, {"index": 1198, "quantile": 1.0, "value": 121800.0, "Latitude": 39.36, "Longitude": -121.69, "Population": 1170.0}, {"index": 1199, "quantile": 0.0, "value": 49000.0, "Latitude": 39.37, "Longitude": -121.7, "Population": 911.0}, {"index": 1199, "quantile": 0.25, "value": 56999.99999999999, "Latitude": 39.37, "Longitude": -121.7, "Population": 911.0}, {"index": 1199, "quantile": 0.5, "value": 56999.99999999999, "Latitude": 39.37, "Longitude": -121.7, "Population": 911.0}, {"index": 1199, "quantile": 0.75, "value": 62400.0, "Latitude": 39.37, "Longitude": -121.7, "Population": 911.0}, {"index": 1199, "quantile": 1.0, "value": 105700.0, "Latitude": 39.37, "Longitude": -121.7, "Population": 911.0}, {"index": 1200, "quantile": 0.0, "value": 55500.00000000001, "Latitude": 39.36, "Longitude": -121.7, "Population": 523.0}, {"index": 1200, "quantile": 0.25, "value": 63900.0, "Latitude": 39.36, "Longitude": -121.7, "Population": 523.0}, {"index": 1200, "quantile": 0.5, "value": 63900.0, "Latitude": 39.36, "Longitude": -121.7, "Population": 523.0}, {"index": 1200, "quantile": 0.75, "value": 69975.0, "Latitude": 39.36, "Longitude": -121.7, "Population": 523.0}, {"index": 1200, "quantile": 1.0, "value": 162500.0, "Latitude": 39.36, "Longitude": -121.7, "Population": 523.0}, {"index": 1201, "quantile": 0.0, "value": 53000.0, "Latitude": 39.36, "Longitude": -121.7, "Population": 1505.0}, {"index": 1201, "quantile": 0.25, "value": 56000.00000000001, "Latitude": 39.36, "Longitude": -121.7, "Population": 1505.0}, {"index": 1201, "quantile": 0.5, "value": 56000.00000000001, "Latitude": 39.36, "Longitude": -121.7, "Population": 1505.0}, {"index": 1201, "quantile": 0.75, "value": 57399.99999999999, "Latitude": 39.36, "Longitude": -121.7, "Population": 1505.0}, {"index": 1201, "quantile": 1.0, "value": 112500.0, "Latitude": 39.36, "Longitude": -121.7, "Population": 1505.0}, {"index": 1202, "quantile": 0.0, "value": 42500.0, "Latitude": 39.36, "Longitude": -121.69, "Population": 635.0}, {"index": 1202, "quantile": 0.25, "value": 63000.0, "Latitude": 39.36, "Longitude": -121.69, "Population": 635.0}, {"index": 1202, "quantile": 0.5, "value": 63000.0, "Latitude": 39.36, "Longitude": -121.69, "Population": 635.0}, {"index": 1202, "quantile": 0.75, "value": 63000.0, "Latitude": 39.36, "Longitude": -121.69, "Population": 635.0}, {"index": 1202, "quantile": 1.0, "value": 112500.0, "Latitude": 39.36, "Longitude": -121.69, "Population": 635.0}, {"index": 1203, "quantile": 0.0, "value": 39400.0, "Latitude": 39.38, "Longitude": -121.74, "Population": 1100.0}, {"index": 1203, "quantile": 0.25, "value": 84300.0, "Latitude": 39.38, "Longitude": -121.74, "Population": 1100.0}, {"index": 1203, "quantile": 0.5, "value": 85500.0, "Latitude": 39.38, "Longitude": -121.74, "Population": 1100.0}, {"index": 1203, "quantile": 0.75, "value": 85500.0, "Latitude": 39.38, "Longitude": -121.74, "Population": 1100.0}, {"index": 1203, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 39.38, "Longitude": -121.74, "Population": 1100.0}, {"index": 1204, "quantile": 0.0, "value": 52000.0, "Latitude": 39.33, "Longitude": -121.8, "Population": 501.0}, {"index": 1204, "quantile": 0.25, "value": 70500.0, "Latitude": 39.33, "Longitude": -121.8, "Population": 501.0}, {"index": 1204, "quantile": 0.5, "value": 77800.0, "Latitude": 39.33, "Longitude": -121.8, "Population": 501.0}, {"index": 1204, "quantile": 0.75, "value": 95100.0, "Latitude": 39.33, "Longitude": -121.8, "Population": 501.0}, {"index": 1204, "quantile": 1.0, "value": 275000.0, "Latitude": 39.33, "Longitude": -121.8, "Population": 501.0}, {"index": 1205, "quantile": 0.0, "value": 48100.0, "Latitude": 39.42, "Longitude": -121.71, "Population": 862.0}, {"index": 1205, "quantile": 0.25, "value": 59149.99999999999, "Latitude": 39.42, "Longitude": -121.71, "Population": 862.0}, {"index": 1205, "quantile": 0.5, "value": 71200.0, "Latitude": 39.42, "Longitude": -121.71, "Population": 862.0}, {"index": 1205, "quantile": 0.75, "value": 85800.0, "Latitude": 39.42, "Longitude": -121.71, "Population": 862.0}, {"index": 1205, "quantile": 1.0, "value": 200000.0, "Latitude": 39.42, "Longitude": -121.71, "Population": 862.0}, {"index": 1206, "quantile": 0.0, "value": 49000.0, "Latitude": 39.41, "Longitude": -121.71, "Population": 941.0}, {"index": 1206, "quantile": 0.25, "value": 59400.0, "Latitude": 39.41, "Longitude": -121.71, "Population": 941.0}, {"index": 1206, "quantile": 0.5, "value": 59400.0, "Latitude": 39.41, "Longitude": -121.71, "Population": 941.0}, {"index": 1206, "quantile": 0.75, "value": 59400.0, "Latitude": 39.41, "Longitude": -121.71, "Population": 941.0}, {"index": 1206, "quantile": 1.0, "value": 134000.0, "Latitude": 39.41, "Longitude": -121.71, "Population": 941.0}, {"index": 1207, "quantile": 0.0, "value": 56200.00000000001, "Latitude": 39.4, "Longitude": -121.75, "Population": 864.0}, {"index": 1207, "quantile": 0.25, "value": 81900.0, "Latitude": 39.4, "Longitude": -121.75, "Population": 864.0}, {"index": 1207, "quantile": 0.5, "value": 81900.0, "Latitude": 39.4, "Longitude": -121.75, "Population": 864.0}, {"index": 1207, "quantile": 0.75, "value": 81900.0, "Latitude": 39.4, "Longitude": -121.75, "Population": 864.0}, {"index": 1207, "quantile": 1.0, "value": 135900.0, "Latitude": 39.4, "Longitude": -121.75, "Population": 864.0}, {"index": 1208, "quantile": 0.0, "value": 71700.0, "Latitude": 39.48, "Longitude": -121.79, "Population": 408.0}, {"index": 1208, "quantile": 0.25, "value": 82100.0, "Latitude": 39.48, "Longitude": -121.79, "Population": 408.0}, {"index": 1208, "quantile": 0.5, "value": 82100.0, "Latitude": 39.48, "Longitude": -121.79, "Population": 408.0}, {"index": 1208, "quantile": 0.75, "value": 93000.0, "Latitude": 39.48, "Longitude": -121.79, "Population": 408.0}, {"index": 1208, "quantile": 1.0, "value": 277000.0, "Latitude": 39.48, "Longitude": -121.79, "Population": 408.0}, {"index": 1209, "quantile": 0.0, "value": 69300.0, "Latitude": 38.15, "Longitude": -120.46, "Population": 1516.0}, {"index": 1209, "quantile": 0.25, "value": 115999.99999999999, "Latitude": 38.15, "Longitude": -120.46, "Population": 1516.0}, {"index": 1209, "quantile": 0.5, "value": 115999.99999999999, "Latitude": 38.15, "Longitude": -120.46, "Population": 1516.0}, {"index": 1209, "quantile": 0.75, "value": 115999.99999999999, "Latitude": 38.15, "Longitude": -120.46, "Population": 1516.0}, {"index": 1209, "quantile": 1.0, "value": 219200.00000000003, "Latitude": 38.15, "Longitude": -120.46, "Population": 1516.0}, {"index": 1210, "quantile": 0.0, "value": 71500.0, "Latitude": 38.12, "Longitude": -120.55, "Population": 785.0}, {"index": 1210, "quantile": 0.25, "value": 116100.0, "Latitude": 38.12, "Longitude": -120.55, "Population": 785.0}, {"index": 1210, "quantile": 0.5, "value": 116100.0, "Latitude": 38.12, "Longitude": -120.55, "Population": 785.0}, {"index": 1210, "quantile": 0.75, "value": 116100.0, "Latitude": 38.12, "Longitude": -120.55, "Population": 785.0}, {"index": 1210, "quantile": 1.0, "value": 161100.0, "Latitude": 38.12, "Longitude": -120.55, "Population": 785.0}, {"index": 1211, "quantile": 0.0, "value": 70700.0, "Latitude": 38.09, "Longitude": -120.56, "Population": 1150.0}, {"index": 1211, "quantile": 0.25, "value": 94900.0, "Latitude": 38.09, "Longitude": -120.56, "Population": 1150.0}, {"index": 1211, "quantile": 0.5, "value": 94900.0, "Latitude": 38.09, "Longitude": -120.56, "Population": 1150.0}, {"index": 1211, "quantile": 0.75, "value": 98575.0, "Latitude": 38.09, "Longitude": -120.56, "Population": 1150.0}, {"index": 1211, "quantile": 1.0, "value": 198200.0, "Latitude": 38.09, "Longitude": -120.56, "Population": 1150.0}, {"index": 1212, "quantile": 0.0, "value": 76900.0, "Latitude": 38.07, "Longitude": -120.55, "Population": 463.0}, {"index": 1212, "quantile": 0.25, "value": 92200.0, "Latitude": 38.07, "Longitude": -120.55, "Population": 463.0}, {"index": 1212, "quantile": 0.5, "value": 92200.0, "Latitude": 38.07, "Longitude": -120.55, "Population": 463.0}, {"index": 1212, "quantile": 0.75, "value": 105850.0, "Latitude": 38.07, "Longitude": -120.55, "Population": 463.0}, {"index": 1212, "quantile": 1.0, "value": 187500.0, "Latitude": 38.07, "Longitude": -120.55, "Population": 463.0}, {"index": 1213, "quantile": 0.0, "value": 46300.0, "Latitude": 38.07, "Longitude": -120.54, "Population": 339.0}, {"index": 1213, "quantile": 0.25, "value": 79900.0, "Latitude": 38.07, "Longitude": -120.54, "Population": 339.0}, {"index": 1213, "quantile": 0.5, "value": 79900.0, "Latitude": 38.07, "Longitude": -120.54, "Population": 339.0}, {"index": 1213, "quantile": 0.75, "value": 95049.99999999999, "Latitude": 38.07, "Longitude": -120.54, "Population": 339.0}, {"index": 1213, "quantile": 1.0, "value": 250000.0, "Latitude": 38.07, "Longitude": -120.54, "Population": 339.0}, {"index": 1214, "quantile": 0.0, "value": 91900.0, "Latitude": 37.97, "Longitude": -120.67, "Population": 2233.0}, {"index": 1214, "quantile": 0.25, "value": 133000.0, "Latitude": 37.97, "Longitude": -120.67, "Population": 2233.0}, {"index": 1214, "quantile": 0.5, "value": 133000.0, "Latitude": 37.97, "Longitude": -120.67, "Population": 2233.0}, {"index": 1214, "quantile": 0.75, "value": 133000.0, "Latitude": 37.97, "Longitude": -120.67, "Population": 2233.0}, {"index": 1214, "quantile": 1.0, "value": 217499.99999999997, "Latitude": 37.97, "Longitude": -120.67, "Population": 2233.0}, {"index": 1215, "quantile": 0.0, "value": 63800.0, "Latitude": 38.09, "Longitude": -120.46, "Population": 1777.0}, {"index": 1215, "quantile": 0.25, "value": 122600.0, "Latitude": 38.09, "Longitude": -120.46, "Population": 1777.0}, {"index": 1215, "quantile": 0.5, "value": 122600.0, "Latitude": 38.09, "Longitude": -120.46, "Population": 1777.0}, {"index": 1215, "quantile": 0.75, "value": 122600.0, "Latitude": 38.09, "Longitude": -120.46, "Population": 1777.0}, {"index": 1215, "quantile": 1.0, "value": 182500.0, "Latitude": 38.09, "Longitude": -120.46, "Population": 1777.0}, {"index": 1216, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.24, "Longitude": -120.79, "Population": 538.0}, {"index": 1216, "quantile": 0.25, "value": 90400.0, "Latitude": 38.24, "Longitude": -120.79, "Population": 538.0}, {"index": 1216, "quantile": 0.5, "value": 90400.0, "Latitude": 38.24, "Longitude": -120.79, "Population": 538.0}, {"index": 1216, "quantile": 0.75, "value": 113399.99999999999, "Latitude": 38.24, "Longitude": -120.79, "Population": 538.0}, {"index": 1216, "quantile": 1.0, "value": 156100.0, "Latitude": 38.24, "Longitude": -120.79, "Population": 538.0}, {"index": 1217, "quantile": 0.0, "value": 49800.0, "Latitude": 38.2, "Longitude": -120.9, "Population": 1319.0}, {"index": 1217, "quantile": 0.25, "value": 93200.0, "Latitude": 38.2, "Longitude": -120.9, "Population": 1319.0}, {"index": 1217, "quantile": 0.5, "value": 93200.0, "Latitude": 38.2, "Longitude": -120.9, "Population": 1319.0}, {"index": 1217, "quantile": 0.75, "value": 97900.0, "Latitude": 38.2, "Longitude": -120.9, "Population": 1319.0}, {"index": 1217, "quantile": 1.0, "value": 193800.0, "Latitude": 38.2, "Longitude": -120.9, "Population": 1319.0}, {"index": 1218, "quantile": 0.0, "value": 84200.0, "Latitude": 38.16, "Longitude": -120.88, "Population": 1000.0}, {"index": 1218, "quantile": 0.25, "value": 125899.99999999999, "Latitude": 38.16, "Longitude": -120.88, "Population": 1000.0}, {"index": 1218, "quantile": 0.5, "value": 125899.99999999999, "Latitude": 38.16, "Longitude": -120.88, "Population": 1000.0}, {"index": 1218, "quantile": 0.75, "value": 141450.0, "Latitude": 38.16, "Longitude": -120.88, "Population": 1000.0}, {"index": 1218, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 38.16, "Longitude": -120.88, "Population": 1000.0}, {"index": 1219, "quantile": 0.0, "value": 80800.0, "Latitude": 38.11, "Longitude": -120.91, "Population": 1800.0}, {"index": 1219, "quantile": 0.25, "value": 117600.0, "Latitude": 38.11, "Longitude": -120.91, "Population": 1800.0}, {"index": 1219, "quantile": 0.5, "value": 139100.0, "Latitude": 38.11, "Longitude": -120.91, "Population": 1800.0}, {"index": 1219, "quantile": 0.75, "value": 162800.0, "Latitude": 38.11, "Longitude": -120.91, "Population": 1800.0}, {"index": 1219, "quantile": 1.0, "value": 269500.0, "Latitude": 38.11, "Longitude": -120.91, "Population": 1800.0}, {"index": 1220, "quantile": 0.0, "value": 91100.0, "Latitude": 38.12, "Longitude": -120.76, "Population": 3175.0}, {"index": 1220, "quantile": 0.25, "value": 130600.0, "Latitude": 38.12, "Longitude": -120.76, "Population": 3175.0}, {"index": 1220, "quantile": 0.5, "value": 130600.0, "Latitude": 38.12, "Longitude": -120.76, "Population": 3175.0}, {"index": 1220, "quantile": 0.75, "value": 137075.0, "Latitude": 38.12, "Longitude": -120.76, "Population": 3175.0}, {"index": 1220, "quantile": 1.0, "value": 269500.0, "Latitude": 38.12, "Longitude": -120.76, "Population": 3175.0}, {"index": 1221, "quantile": 0.0, "value": 84800.0, "Latitude": 38.28, "Longitude": -120.65, "Population": 1341.0}, {"index": 1221, "quantile": 0.25, "value": 104000.0, "Latitude": 38.28, "Longitude": -120.65, "Population": 1341.0}, {"index": 1221, "quantile": 0.5, "value": 104000.0, "Latitude": 38.28, "Longitude": -120.65, "Population": 1341.0}, {"index": 1221, "quantile": 0.75, "value": 104000.0, "Latitude": 38.28, "Longitude": -120.65, "Population": 1341.0}, {"index": 1221, "quantile": 1.0, "value": 156300.0, "Latitude": 38.28, "Longitude": -120.65, "Population": 1341.0}, {"index": 1222, "quantile": 0.0, "value": 92400.0, "Latitude": 38.24, "Longitude": -120.72, "Population": 1061.0}, {"index": 1222, "quantile": 0.25, "value": 101600.0, "Latitude": 38.24, "Longitude": -120.72, "Population": 1061.0}, {"index": 1222, "quantile": 0.5, "value": 101600.0, "Latitude": 38.24, "Longitude": -120.72, "Population": 1061.0}, {"index": 1222, "quantile": 0.75, "value": 105300.0, "Latitude": 38.24, "Longitude": -120.72, "Population": 1061.0}, {"index": 1222, "quantile": 1.0, "value": 190800.0, "Latitude": 38.24, "Longitude": -120.72, "Population": 1061.0}, {"index": 1223, "quantile": 0.0, "value": 68900.0, "Latitude": 38.19, "Longitude": -120.67, "Population": 1387.0}, {"index": 1223, "quantile": 0.25, "value": 94575.0, "Latitude": 38.19, "Longitude": -120.67, "Population": 1387.0}, {"index": 1223, "quantile": 0.5, "value": 103500.00000000001, "Latitude": 38.19, "Longitude": -120.67, "Population": 1387.0}, {"index": 1223, "quantile": 0.75, "value": 104000.0, "Latitude": 38.19, "Longitude": -120.67, "Population": 1387.0}, {"index": 1223, "quantile": 1.0, "value": 233700.00000000003, "Latitude": 38.19, "Longitude": -120.67, "Population": 1387.0}, {"index": 1224, "quantile": 0.0, "value": 71900.0, "Latitude": 38.2, "Longitude": -120.57, "Population": 1796.0}, {"index": 1224, "quantile": 0.25, "value": 120100.0, "Latitude": 38.2, "Longitude": -120.57, "Population": 1796.0}, {"index": 1224, "quantile": 0.5, "value": 122300.00000000001, "Latitude": 38.2, "Longitude": -120.57, "Population": 1796.0}, {"index": 1224, "quantile": 0.75, "value": 122300.00000000001, "Latitude": 38.2, "Longitude": -120.57, "Population": 1796.0}, {"index": 1224, "quantile": 1.0, "value": 212500.0, "Latitude": 38.2, "Longitude": -120.57, "Population": 1796.0}, {"index": 1225, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 38.25, "Longitude": -120.43, "Population": 311.0}, {"index": 1225, "quantile": 0.25, "value": 112500.0, "Latitude": 38.25, "Longitude": -120.43, "Population": 311.0}, {"index": 1225, "quantile": 0.5, "value": 112500.0, "Latitude": 38.25, "Longitude": -120.43, "Population": 311.0}, {"index": 1225, "quantile": 0.75, "value": 112500.0, "Latitude": 38.25, "Longitude": -120.43, "Population": 311.0}, {"index": 1225, "quantile": 1.0, "value": 217499.99999999997, "Latitude": 38.25, "Longitude": -120.43, "Population": 311.0}, {"index": 1226, "quantile": 0.0, "value": 71900.0, "Latitude": 38.39, "Longitude": -120.56, "Population": 563.0}, {"index": 1226, "quantile": 0.25, "value": 86600.0, "Latitude": 38.39, "Longitude": -120.56, "Population": 563.0}, {"index": 1226, "quantile": 0.5, "value": 86600.0, "Latitude": 38.39, "Longitude": -120.56, "Population": 563.0}, {"index": 1226, "quantile": 0.75, "value": 91900.0, "Latitude": 38.39, "Longitude": -120.56, "Population": 563.0}, {"index": 1226, "quantile": 1.0, "value": 201300.0, "Latitude": 38.39, "Longitude": -120.56, "Population": 563.0}, {"index": 1227, "quantile": 0.0, "value": 77400.0, "Latitude": 38.41, "Longitude": -120.54, "Population": 668.0}, {"index": 1227, "quantile": 0.25, "value": 77400.0, "Latitude": 38.41, "Longitude": -120.54, "Population": 668.0}, {"index": 1227, "quantile": 0.5, "value": 77400.0, "Latitude": 38.41, "Longitude": -120.54, "Population": 668.0}, {"index": 1227, "quantile": 0.75, "value": 107349.99999999999, "Latitude": 38.41, "Longitude": -120.54, "Population": 668.0}, {"index": 1227, "quantile": 1.0, "value": 161100.0, "Latitude": 38.41, "Longitude": -120.54, "Population": 668.0}, {"index": 1228, "quantile": 0.0, "value": 88200.0, "Latitude": 38.42, "Longitude": -120.42, "Population": 999.0}, {"index": 1228, "quantile": 0.25, "value": 91900.0, "Latitude": 38.42, "Longitude": -120.42, "Population": 999.0}, {"index": 1228, "quantile": 0.5, "value": 91900.0, "Latitude": 38.42, "Longitude": -120.42, "Population": 999.0}, {"index": 1228, "quantile": 0.75, "value": 91900.0, "Latitude": 38.42, "Longitude": -120.42, "Population": 999.0}, {"index": 1228, "quantile": 1.0, "value": 144100.0, "Latitude": 38.42, "Longitude": -120.42, "Population": 999.0}, {"index": 1229, "quantile": 0.0, "value": 66300.0, "Latitude": 38.33, "Longitude": -120.41, "Population": 529.0}, {"index": 1229, "quantile": 0.25, "value": 92200.0, "Latitude": 38.33, "Longitude": -120.41, "Population": 529.0}, {"index": 1229, "quantile": 0.5, "value": 118250.00000000001, "Latitude": 38.33, "Longitude": -120.41, "Population": 529.0}, {"index": 1229, "quantile": 0.75, "value": 134850.0, "Latitude": 38.33, "Longitude": -120.41, "Population": 529.0}, {"index": 1229, "quantile": 1.0, "value": 370800.0, "Latitude": 38.33, "Longitude": -120.41, "Population": 529.0}, {"index": 1230, "quantile": 0.0, "value": 48300.0, "Latitude": 38.31, "Longitude": -120.55, "Population": 592.0}, {"index": 1230, "quantile": 0.25, "value": 92000.0, "Latitude": 38.31, "Longitude": -120.55, "Population": 592.0}, {"index": 1230, "quantile": 0.5, "value": 94700.0, "Latitude": 38.31, "Longitude": -120.55, "Population": 592.0}, {"index": 1230, "quantile": 0.75, "value": 94700.0, "Latitude": 38.31, "Longitude": -120.55, "Population": 592.0}, {"index": 1230, "quantile": 1.0, "value": 247000.00000000003, "Latitude": 38.31, "Longitude": -120.55, "Population": 592.0}, {"index": 1231, "quantile": 0.0, "value": 68900.0, "Latitude": 38.35, "Longitude": -120.57, "Population": 661.0}, {"index": 1231, "quantile": 0.25, "value": 84800.0, "Latitude": 38.35, "Longitude": -120.57, "Population": 661.0}, {"index": 1231, "quantile": 0.5, "value": 84800.0, "Latitude": 38.35, "Longitude": -120.57, "Population": 661.0}, {"index": 1231, "quantile": 0.75, "value": 84800.0, "Latitude": 38.35, "Longitude": -120.57, "Population": 661.0}, {"index": 1231, "quantile": 1.0, "value": 247000.00000000003, "Latitude": 38.35, "Longitude": -120.57, "Population": 661.0}, {"index": 1232, "quantile": 0.0, "value": 91900.0, "Latitude": 38.21, "Longitude": -120.36, "Population": 1480.0}, {"index": 1232, "quantile": 0.25, "value": 139900.0, "Latitude": 38.21, "Longitude": -120.36, "Population": 1480.0}, {"index": 1232, "quantile": 0.5, "value": 139900.0, "Latitude": 38.21, "Longitude": -120.36, "Population": 1480.0}, {"index": 1232, "quantile": 0.75, "value": 139900.0, "Latitude": 38.21, "Longitude": -120.36, "Population": 1480.0}, {"index": 1232, "quantile": 1.0, "value": 158700.0, "Latitude": 38.21, "Longitude": -120.36, "Population": 1480.0}, {"index": 1233, "quantile": 0.0, "value": 96400.0, "Latitude": 38.23, "Longitude": -120.34, "Population": 546.0}, {"index": 1233, "quantile": 0.25, "value": 121400.0, "Latitude": 38.23, "Longitude": -120.34, "Population": 546.0}, {"index": 1233, "quantile": 0.5, "value": 121400.0, "Latitude": 38.23, "Longitude": -120.34, "Population": 546.0}, {"index": 1233, "quantile": 0.75, "value": 123800.0, "Latitude": 38.23, "Longitude": -120.34, "Population": 546.0}, {"index": 1233, "quantile": 1.0, "value": 244000.0, "Latitude": 38.23, "Longitude": -120.34, "Population": 546.0}, {"index": 1234, "quantile": 0.0, "value": 87500.0, "Latitude": 38.26, "Longitude": -120.33, "Population": 252.0}, {"index": 1234, "quantile": 0.25, "value": 155800.0, "Latitude": 38.26, "Longitude": -120.33, "Population": 252.0}, {"index": 1234, "quantile": 0.5, "value": 155800.0, "Latitude": 38.26, "Longitude": -120.33, "Population": 252.0}, {"index": 1234, "quantile": 0.75, "value": 155800.0, "Latitude": 38.26, "Longitude": -120.33, "Population": 252.0}, {"index": 1234, "quantile": 1.0, "value": 270600.0, "Latitude": 38.26, "Longitude": -120.33, "Population": 252.0}, {"index": 1235, "quantile": 0.0, "value": 70200.0, "Latitude": 38.25, "Longitude": -120.34, "Population": 997.0}, {"index": 1235, "quantile": 0.25, "value": 116500.0, "Latitude": 38.25, "Longitude": -120.34, "Population": 997.0}, {"index": 1235, "quantile": 0.5, "value": 120800.0, "Latitude": 38.25, "Longitude": -120.34, "Population": 997.0}, {"index": 1235, "quantile": 0.75, "value": 126874.99999999999, "Latitude": 38.25, "Longitude": -120.34, "Population": 997.0}, {"index": 1235, "quantile": 1.0, "value": 173400.0, "Latitude": 38.25, "Longitude": -120.34, "Population": 997.0}, {"index": 1236, "quantile": 0.0, "value": 70200.0, "Latitude": 38.23, "Longitude": -120.37, "Population": 924.0}, {"index": 1236, "quantile": 0.25, "value": 122250.00000000001, "Latitude": 38.23, "Longitude": -120.37, "Population": 924.0}, {"index": 1236, "quantile": 0.5, "value": 123500.00000000001, "Latitude": 38.23, "Longitude": -120.37, "Population": 924.0}, {"index": 1236, "quantile": 0.75, "value": 123500.00000000001, "Latitude": 38.23, "Longitude": -120.37, "Population": 924.0}, {"index": 1236, "quantile": 1.0, "value": 139900.0, "Latitude": 38.23, "Longitude": -120.37, "Population": 924.0}, {"index": 1237, "quantile": 0.0, "value": 53200.0, "Latitude": 38.25, "Longitude": -120.37, "Population": 1149.0}, {"index": 1237, "quantile": 0.25, "value": 111700.0, "Latitude": 38.25, "Longitude": -120.37, "Population": 1149.0}, {"index": 1237, "quantile": 0.5, "value": 122300.00000000001, "Latitude": 38.25, "Longitude": -120.37, "Population": 1149.0}, {"index": 1237, "quantile": 0.75, "value": 123575.00000000001, "Latitude": 38.25, "Longitude": -120.37, "Population": 1149.0}, {"index": 1237, "quantile": 1.0, "value": 217499.99999999997, "Latitude": 38.25, "Longitude": -120.37, "Population": 1149.0}, {"index": 1238, "quantile": 0.0, "value": 77500.0, "Latitude": 38.29, "Longitude": -120.27, "Population": 298.0}, {"index": 1238, "quantile": 0.25, "value": 103800.0, "Latitude": 38.29, "Longitude": -120.27, "Population": 298.0}, {"index": 1238, "quantile": 0.5, "value": 103800.0, "Latitude": 38.29, "Longitude": -120.27, "Population": 298.0}, {"index": 1238, "quantile": 0.75, "value": 121400.0, "Latitude": 38.29, "Longitude": -120.27, "Population": 298.0}, {"index": 1238, "quantile": 1.0, "value": 390800.0, "Latitude": 38.29, "Longitude": -120.27, "Population": 298.0}, {"index": 1239, "quantile": 0.0, "value": 73100.0, "Latitude": 38.31, "Longitude": -120.27, "Population": 267.0}, {"index": 1239, "quantile": 0.25, "value": 95625.0, "Latitude": 38.31, "Longitude": -120.27, "Population": 267.0}, {"index": 1239, "quantile": 0.5, "value": 104600.0, "Latitude": 38.31, "Longitude": -120.27, "Population": 267.0}, {"index": 1239, "quantile": 0.75, "value": 131700.0, "Latitude": 38.31, "Longitude": -120.27, "Population": 267.0}, {"index": 1239, "quantile": 1.0, "value": 291300.0, "Latitude": 38.31, "Longitude": -120.27, "Population": 267.0}, {"index": 1240, "quantile": 0.0, "value": 50000.0, "Latitude": 38.42, "Longitude": -120.19, "Population": 82.0}, {"index": 1240, "quantile": 0.25, "value": 77500.0, "Latitude": 38.42, "Longitude": -120.19, "Population": 82.0}, {"index": 1240, "quantile": 0.5, "value": 77500.0, "Latitude": 38.42, "Longitude": -120.19, "Population": 82.0}, {"index": 1240, "quantile": 0.75, "value": 100600.0, "Latitude": 38.42, "Longitude": -120.19, "Population": 82.0}, {"index": 1240, "quantile": 1.0, "value": 281900.0, "Latitude": 38.42, "Longitude": -120.19, "Population": 82.0}, {"index": 1241, "quantile": 0.0, "value": 61500.0, "Latitude": 39.03, "Longitude": -121.91, "Population": 657.0}, {"index": 1241, "quantile": 0.25, "value": 65800.0, "Latitude": 39.03, "Longitude": -121.91, "Population": 657.0}, {"index": 1241, "quantile": 0.5, "value": 65800.0, "Latitude": 39.03, "Longitude": -121.91, "Population": 657.0}, {"index": 1241, "quantile": 0.75, "value": 75000.0, "Latitude": 39.03, "Longitude": -121.91, "Population": 657.0}, {"index": 1241, "quantile": 1.0, "value": 275000.0, "Latitude": 39.03, "Longitude": -121.91, "Population": 657.0}, {"index": 1242, "quantile": 0.0, "value": 61500.0, "Latitude": 38.99, "Longitude": -122.0, "Population": 815.0}, {"index": 1242, "quantile": 0.25, "value": 78975.0, "Latitude": 38.99, "Longitude": -122.0, "Population": 815.0}, {"index": 1242, "quantile": 0.5, "value": 96300.0, "Latitude": 38.99, "Longitude": -122.0, "Population": 815.0}, {"index": 1242, "quantile": 0.75, "value": 109149.99999999999, "Latitude": 38.99, "Longitude": -122.0, "Population": 815.0}, {"index": 1242, "quantile": 1.0, "value": 162500.0, "Latitude": 38.99, "Longitude": -122.0, "Population": 815.0}, {"index": 1243, "quantile": 0.0, "value": 49800.0, "Latitude": 39.0, "Longitude": -122.13, "Population": 2435.0}, {"index": 1243, "quantile": 0.25, "value": 63400.0, "Latitude": 39.0, "Longitude": -122.13, "Population": 2435.0}, {"index": 1243, "quantile": 0.5, "value": 72500.0, "Latitude": 39.0, "Longitude": -122.13, "Population": 2435.0}, {"index": 1243, "quantile": 0.75, "value": 95550.0, "Latitude": 39.0, "Longitude": -122.13, "Population": 2435.0}, {"index": 1243, "quantile": 1.0, "value": 162500.0, "Latitude": 39.0, "Longitude": -122.13, "Population": 2435.0}, {"index": 1244, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 39.15, "Longitude": -121.99, "Population": 3266.0}, {"index": 1244, "quantile": 0.25, "value": 72000.0, "Latitude": 39.15, "Longitude": -121.99, "Population": 3266.0}, {"index": 1244, "quantile": 0.5, "value": 72000.0, "Latitude": 39.15, "Longitude": -121.99, "Population": 3266.0}, {"index": 1244, "quantile": 0.75, "value": 91700.0, "Latitude": 39.15, "Longitude": -121.99, "Population": 3266.0}, {"index": 1244, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 39.15, "Longitude": -121.99, "Population": 3266.0}, {"index": 1245, "quantile": 0.0, "value": 71700.0, "Latitude": 39.22, "Longitude": -122.04, "Population": 670.0}, {"index": 1245, "quantile": 0.25, "value": 92800.0, "Latitude": 39.22, "Longitude": -122.04, "Population": 670.0}, {"index": 1245, "quantile": 0.5, "value": 92800.0, "Latitude": 39.22, "Longitude": -122.04, "Population": 670.0}, {"index": 1245, "quantile": 0.75, "value": 122800.0, "Latitude": 39.22, "Longitude": -122.04, "Population": 670.0}, {"index": 1245, "quantile": 1.0, "value": 230600.0, "Latitude": 39.22, "Longitude": -122.04, "Population": 670.0}, {"index": 1246, "quantile": 0.0, "value": 61500.0, "Latitude": 39.25, "Longitude": -122.08, "Population": 120.0}, {"index": 1246, "quantile": 0.25, "value": 112500.0, "Latitude": 39.25, "Longitude": -122.08, "Population": 120.0}, {"index": 1246, "quantile": 0.5, "value": 112500.0, "Latitude": 39.25, "Longitude": -122.08, "Population": 120.0}, {"index": 1246, "quantile": 0.75, "value": 112500.0, "Latitude": 39.25, "Longitude": -122.08, "Population": 120.0}, {"index": 1246, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 39.25, "Longitude": -122.08, "Population": 120.0}, {"index": 1247, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.1, "Longitude": -122.33, "Population": 154.0}, {"index": 1247, "quantile": 0.25, "value": 70849.99999999999, "Latitude": 39.1, "Longitude": -122.33, "Population": 154.0}, {"index": 1247, "quantile": 0.5, "value": 91599.99999999999, "Latitude": 39.1, "Longitude": -122.33, "Population": 154.0}, {"index": 1247, "quantile": 0.75, "value": 117150.0, "Latitude": 39.1, "Longitude": -122.33, "Population": 154.0}, {"index": 1247, "quantile": 1.0, "value": 250000.0, "Latitude": 39.1, "Longitude": -122.33, "Population": 154.0}, {"index": 1248, "quantile": 0.0, "value": 61500.0, "Latitude": 39.15, "Longitude": -122.2, "Population": 434.0}, {"index": 1248, "quantile": 0.25, "value": 105750.00000000001, "Latitude": 39.15, "Longitude": -122.2, "Population": 434.0}, {"index": 1248, "quantile": 0.5, "value": 108000.0, "Latitude": 39.15, "Longitude": -122.2, "Population": 434.0}, {"index": 1248, "quantile": 0.75, "value": 108000.0, "Latitude": 39.15, "Longitude": -122.2, "Population": 434.0}, {"index": 1248, "quantile": 1.0, "value": 248400.0, "Latitude": 39.15, "Longitude": -122.2, "Population": 434.0}, {"index": 1249, "quantile": 0.0, "value": 53000.0, "Latitude": 39.13, "Longitude": -122.09, "Population": 2587.0}, {"index": 1249, "quantile": 0.25, "value": 65500.0, "Latitude": 39.13, "Longitude": -122.09, "Population": 2587.0}, {"index": 1249, "quantile": 0.5, "value": 65500.0, "Latitude": 39.13, "Longitude": -122.09, "Population": 2587.0}, {"index": 1249, "quantile": 0.75, "value": 65875.0, "Latitude": 39.13, "Longitude": -122.09, "Population": 2587.0}, {"index": 1249, "quantile": 1.0, "value": 166200.0, "Latitude": 39.13, "Longitude": -122.09, "Population": 2587.0}, {"index": 1250, "quantile": 0.0, "value": 61500.0, "Latitude": 39.34, "Longitude": -122.05, "Population": 494.0}, {"index": 1250, "quantile": 0.25, "value": 61500.0, "Latitude": 39.34, "Longitude": -122.05, "Population": 494.0}, {"index": 1250, "quantile": 0.5, "value": 61500.0, "Latitude": 39.34, "Longitude": -122.05, "Population": 494.0}, {"index": 1250, "quantile": 0.75, "value": 65500.0, "Latitude": 39.34, "Longitude": -122.05, "Population": 494.0}, {"index": 1250, "quantile": 1.0, "value": 304000.0, "Latitude": 39.34, "Longitude": -122.05, "Population": 494.0}, {"index": 1251, "quantile": 0.0, "value": 61500.0, "Latitude": 39.31, "Longitude": -122.17, "Population": 1395.0}, {"index": 1251, "quantile": 0.25, "value": 62700.0, "Latitude": 39.31, "Longitude": -122.17, "Population": 1395.0}, {"index": 1251, "quantile": 0.5, "value": 62700.0, "Latitude": 39.31, "Longitude": -122.17, "Population": 1395.0}, {"index": 1251, "quantile": 0.75, "value": 73300.0, "Latitude": 39.31, "Longitude": -122.17, "Population": 1395.0}, {"index": 1251, "quantile": 1.0, "value": 115399.99999999999, "Latitude": 39.31, "Longitude": -122.17, "Population": 1395.0}, {"index": 1252, "quantile": 0.0, "value": 50300.0, "Latitude": 39.3, "Longitude": -122.51, "Population": 551.0}, {"index": 1252, "quantile": 0.25, "value": 68800.0, "Latitude": 39.3, "Longitude": -122.51, "Population": 551.0}, {"index": 1252, "quantile": 0.5, "value": 68800.0, "Latitude": 39.3, "Longitude": -122.51, "Population": 551.0}, {"index": 1252, "quantile": 0.75, "value": 70375.0, "Latitude": 39.3, "Longitude": -122.51, "Population": 551.0}, {"index": 1252, "quantile": 1.0, "value": 225000.0, "Latitude": 39.3, "Longitude": -122.51, "Population": 551.0}, {"index": 1253, "quantile": 0.0, "value": 52000.0, "Latitude": 39.21, "Longitude": -122.01, "Population": 781.0}, {"index": 1253, "quantile": 0.25, "value": 69100.0, "Latitude": 39.21, "Longitude": -122.01, "Population": 781.0}, {"index": 1253, "quantile": 0.5, "value": 69100.0, "Latitude": 39.21, "Longitude": -122.01, "Population": 781.0}, {"index": 1253, "quantile": 0.75, "value": 69100.0, "Latitude": 39.21, "Longitude": -122.01, "Population": 781.0}, {"index": 1253, "quantile": 1.0, "value": 124000.0, "Latitude": 39.21, "Longitude": -122.01, "Population": 781.0}, {"index": 1254, "quantile": 0.0, "value": 61500.0, "Latitude": 39.21, "Longitude": -122.01, "Population": 985.0}, {"index": 1254, "quantile": 0.25, "value": 75800.0, "Latitude": 39.21, "Longitude": -122.01, "Population": 985.0}, {"index": 1254, "quantile": 0.5, "value": 75800.0, "Latitude": 39.21, "Longitude": -122.01, "Population": 985.0}, {"index": 1254, "quantile": 0.75, "value": 75800.0, "Latitude": 39.21, "Longitude": -122.01, "Population": 985.0}, {"index": 1254, "quantile": 1.0, "value": 163100.0, "Latitude": 39.21, "Longitude": -122.01, "Population": 985.0}, {"index": 1255, "quantile": 0.0, "value": 56200.00000000001, "Latitude": 39.21, "Longitude": -122.01, "Population": 660.0}, {"index": 1255, "quantile": 0.25, "value": 75000.0, "Latitude": 39.21, "Longitude": -122.01, "Population": 660.0}, {"index": 1255, "quantile": 0.5, "value": 75000.0, "Latitude": 39.21, "Longitude": -122.01, "Population": 660.0}, {"index": 1255, "quantile": 0.75, "value": 75075.0, "Latitude": 39.21, "Longitude": -122.01, "Population": 660.0}, {"index": 1255, "quantile": 1.0, "value": 126099.99999999999, "Latitude": 39.21, "Longitude": -122.01, "Population": 660.0}, {"index": 1256, "quantile": 0.0, "value": 41800.0, "Latitude": 39.3, "Longitude": -121.96, "Population": 271.0}, {"index": 1256, "quantile": 0.25, "value": 108600.00000000001, "Latitude": 39.3, "Longitude": -121.96, "Population": 271.0}, {"index": 1256, "quantile": 0.5, "value": 112500.0, "Latitude": 39.3, "Longitude": -121.96, "Population": 271.0}, {"index": 1256, "quantile": 0.75, "value": 112500.0, "Latitude": 39.3, "Longitude": -121.96, "Population": 271.0}, {"index": 1256, "quantile": 1.0, "value": 123200.0, "Latitude": 39.3, "Longitude": -121.96, "Population": 271.0}, {"index": 1257, "quantile": 0.0, "value": 81300.0, "Latitude": 38.03, "Longitude": -121.65, "Population": 1095.0}, {"index": 1257, "quantile": 0.25, "value": 164800.0, "Latitude": 38.03, "Longitude": -121.65, "Population": 1095.0}, {"index": 1257, "quantile": 0.5, "value": 192400.0, "Latitude": 38.03, "Longitude": -121.65, "Population": 1095.0}, {"index": 1257, "quantile": 0.75, "value": 192400.0, "Latitude": 38.03, "Longitude": -121.65, "Population": 1095.0}, {"index": 1257, "quantile": 1.0, "value": 278800.0, "Latitude": 38.03, "Longitude": -121.65, "Population": 1095.0}, {"index": 1258, "quantile": 0.0, "value": 71700.0, "Latitude": 38.03, "Longitude": -121.63, "Population": 1169.0}, {"index": 1258, "quantile": 0.25, "value": 182550.0, "Latitude": 38.03, "Longitude": -121.63, "Population": 1169.0}, {"index": 1258, "quantile": 0.5, "value": 209400.0, "Latitude": 38.03, "Longitude": -121.63, "Population": 1169.0}, {"index": 1258, "quantile": 0.75, "value": 209400.0, "Latitude": 38.03, "Longitude": -121.63, "Population": 1169.0}, {"index": 1258, "quantile": 1.0, "value": 231900.0, "Latitude": 38.03, "Longitude": -121.63, "Population": 1169.0}, {"index": 1259, "quantile": 0.0, "value": 77400.0, "Latitude": 38.04, "Longitude": -121.63, "Population": 888.0}, {"index": 1259, "quantile": 0.25, "value": 142225.0, "Latitude": 38.04, "Longitude": -121.63, "Population": 888.0}, {"index": 1259, "quantile": 0.5, "value": 183800.0, "Latitude": 38.04, "Longitude": -121.63, "Population": 888.0}, {"index": 1259, "quantile": 0.75, "value": 183800.0, "Latitude": 38.04, "Longitude": -121.63, "Population": 888.0}, {"index": 1259, "quantile": 1.0, "value": 195500.0, "Latitude": 38.04, "Longitude": -121.63, "Population": 888.0}, {"index": 1260, "quantile": 0.0, "value": 121400.0, "Latitude": 38.0, "Longitude": -121.73, "Population": 3578.0}, {"index": 1260, "quantile": 0.25, "value": 189100.0, "Latitude": 38.0, "Longitude": -121.73, "Population": 3578.0}, {"index": 1260, "quantile": 0.5, "value": 189100.0, "Latitude": 38.0, "Longitude": -121.73, "Population": 3578.0}, {"index": 1260, "quantile": 0.75, "value": 189100.0, "Latitude": 38.0, "Longitude": -121.73, "Population": 3578.0}, {"index": 1260, "quantile": 1.0, "value": 357900.0, "Latitude": 38.0, "Longitude": -121.73, "Population": 3578.0}, {"index": 1261, "quantile": 0.0, "value": 95900.0, "Latitude": 38.0, "Longitude": -121.72, "Population": 4460.0}, {"index": 1261, "quantile": 0.25, "value": 156500.0, "Latitude": 38.0, "Longitude": -121.72, "Population": 4460.0}, {"index": 1261, "quantile": 0.5, "value": 156500.0, "Latitude": 38.0, "Longitude": -121.72, "Population": 4460.0}, {"index": 1261, "quantile": 0.75, "value": 156500.0, "Latitude": 38.0, "Longitude": -121.72, "Population": 4460.0}, {"index": 1261, "quantile": 1.0, "value": 222000.00000000003, "Latitude": 38.0, "Longitude": -121.72, "Population": 4460.0}, {"index": 1262, "quantile": 0.0, "value": 118200.0, "Latitude": 37.98, "Longitude": -121.72, "Population": 3523.0}, {"index": 1262, "quantile": 0.25, "value": 168800.0, "Latitude": 37.98, "Longitude": -121.72, "Population": 3523.0}, {"index": 1262, "quantile": 0.5, "value": 168800.0, "Latitude": 37.98, "Longitude": -121.72, "Population": 3523.0}, {"index": 1262, "quantile": 0.75, "value": 168800.0, "Latitude": 37.98, "Longitude": -121.72, "Population": 3523.0}, {"index": 1262, "quantile": 1.0, "value": 279800.0, "Latitude": 37.98, "Longitude": -121.72, "Population": 3523.0}, {"index": 1263, "quantile": 0.0, "value": 84600.0, "Latitude": 37.98, "Longitude": -121.68, "Population": 1707.0}, {"index": 1263, "quantile": 0.25, "value": 139900.0, "Latitude": 37.98, "Longitude": -121.68, "Population": 1707.0}, {"index": 1263, "quantile": 0.5, "value": 162800.0, "Latitude": 37.98, "Longitude": -121.68, "Population": 1707.0}, {"index": 1263, "quantile": 0.75, "value": 162800.0, "Latitude": 37.98, "Longitude": -121.68, "Population": 1707.0}, {"index": 1263, "quantile": 1.0, "value": 269500.0, "Latitude": 37.98, "Longitude": -121.68, "Population": 1707.0}, {"index": 1264, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 37.98, "Longitude": -121.7, "Population": 1562.0}, {"index": 1264, "quantile": 0.25, "value": 172900.0, "Latitude": 37.98, "Longitude": -121.7, "Population": 1562.0}, {"index": 1264, "quantile": 0.5, "value": 172900.0, "Latitude": 37.98, "Longitude": -121.7, "Population": 1562.0}, {"index": 1264, "quantile": 0.75, "value": 172900.0, "Latitude": 37.98, "Longitude": -121.7, "Population": 1562.0}, {"index": 1264, "quantile": 1.0, "value": 386200.0, "Latitude": 37.98, "Longitude": -121.7, "Population": 1562.0}, {"index": 1265, "quantile": 0.0, "value": 83400.0, "Latitude": 37.99, "Longitude": -121.71, "Population": 2085.0}, {"index": 1265, "quantile": 0.25, "value": 129700.0, "Latitude": 37.99, "Longitude": -121.71, "Population": 2085.0}, {"index": 1265, "quantile": 0.5, "value": 129700.0, "Latitude": 37.99, "Longitude": -121.71, "Population": 2085.0}, {"index": 1265, "quantile": 0.75, "value": 129700.0, "Latitude": 37.99, "Longitude": -121.71, "Population": 2085.0}, {"index": 1265, "quantile": 1.0, "value": 183800.0, "Latitude": 37.99, "Longitude": -121.71, "Population": 2085.0}, {"index": 1266, "quantile": 0.0, "value": 94200.0, "Latitude": 37.99, "Longitude": -121.67, "Population": 527.0}, {"index": 1266, "quantile": 0.25, "value": 153700.0, "Latitude": 37.99, "Longitude": -121.67, "Population": 527.0}, {"index": 1266, "quantile": 0.5, "value": 213499.99999999997, "Latitude": 37.99, "Longitude": -121.67, "Population": 527.0}, {"index": 1266, "quantile": 0.75, "value": 213499.99999999997, "Latitude": 37.99, "Longitude": -121.67, "Population": 527.0}, {"index": 1266, "quantile": 1.0, "value": 306700.0, "Latitude": 37.99, "Longitude": -121.67, "Population": 527.0}, {"index": 1267, "quantile": 0.0, "value": 45000.0, "Latitude": 37.93, "Longitude": -121.68, "Population": 704.0}, {"index": 1267, "quantile": 0.25, "value": 119400.0, "Latitude": 37.93, "Longitude": -121.68, "Population": 704.0}, {"index": 1267, "quantile": 0.5, "value": 119400.0, "Latitude": 37.93, "Longitude": -121.68, "Population": 704.0}, {"index": 1267, "quantile": 0.75, "value": 119400.0, "Latitude": 37.93, "Longitude": -121.68, "Population": 704.0}, {"index": 1267, "quantile": 1.0, "value": 183300.0, "Latitude": 37.93, "Longitude": -121.68, "Population": 704.0}, {"index": 1268, "quantile": 0.0, "value": 68500.0, "Latitude": 37.94, "Longitude": -121.7, "Population": 861.0}, {"index": 1268, "quantile": 0.25, "value": 131100.0, "Latitude": 37.94, "Longitude": -121.7, "Population": 861.0}, {"index": 1268, "quantile": 0.5, "value": 131100.0, "Latitude": 37.94, "Longitude": -121.7, "Population": 861.0}, {"index": 1268, "quantile": 0.75, "value": 131100.0, "Latitude": 37.94, "Longitude": -121.7, "Population": 861.0}, {"index": 1268, "quantile": 1.0, "value": 225000.0, "Latitude": 37.94, "Longitude": -121.7, "Population": 861.0}, {"index": 1269, "quantile": 0.0, "value": 63800.0, "Latitude": 37.95, "Longitude": -121.69, "Population": 1348.0}, {"index": 1269, "quantile": 0.25, "value": 125400.0, "Latitude": 37.95, "Longitude": -121.69, "Population": 1348.0}, {"index": 1269, "quantile": 0.5, "value": 125400.0, "Latitude": 37.95, "Longitude": -121.69, "Population": 1348.0}, {"index": 1269, "quantile": 0.75, "value": 125400.0, "Latitude": 37.95, "Longitude": -121.69, "Population": 1348.0}, {"index": 1269, "quantile": 1.0, "value": 344400.0, "Latitude": 37.95, "Longitude": -121.69, "Population": 1348.0}, {"index": 1270, "quantile": 0.0, "value": 63800.0, "Latitude": 37.96, "Longitude": -121.7, "Population": 1391.0}, {"index": 1270, "quantile": 0.25, "value": 129700.0, "Latitude": 37.96, "Longitude": -121.7, "Population": 1391.0}, {"index": 1270, "quantile": 0.5, "value": 151400.0, "Latitude": 37.96, "Longitude": -121.7, "Population": 1391.0}, {"index": 1270, "quantile": 0.75, "value": 151400.0, "Latitude": 37.96, "Longitude": -121.7, "Population": 1391.0}, {"index": 1270, "quantile": 1.0, "value": 192300.0, "Latitude": 37.96, "Longitude": -121.7, "Population": 1391.0}, {"index": 1271, "quantile": 0.0, "value": 94200.0, "Latitude": 37.93, "Longitude": -121.66, "Population": 1064.0}, {"index": 1271, "quantile": 0.25, "value": 134050.0, "Latitude": 37.93, "Longitude": -121.66, "Population": 1064.0}, {"index": 1271, "quantile": 0.5, "value": 156550.0, "Latitude": 37.93, "Longitude": -121.66, "Population": 1064.0}, {"index": 1271, "quantile": 0.75, "value": 190400.0, "Latitude": 37.93, "Longitude": -121.66, "Population": 1064.0}, {"index": 1271, "quantile": 1.0, "value": 378000.0, "Latitude": 37.93, "Longitude": -121.66, "Population": 1064.0}, {"index": 1272, "quantile": 0.0, "value": 121300.00000000001, "Latitude": 37.91, "Longitude": -121.7, "Population": 825.0}, {"index": 1272, "quantile": 0.25, "value": 187100.0, "Latitude": 37.91, "Longitude": -121.7, "Population": 825.0}, {"index": 1272, "quantile": 0.5, "value": 187100.0, "Latitude": 37.91, "Longitude": -121.7, "Population": 825.0}, {"index": 1272, "quantile": 0.75, "value": 187100.0, "Latitude": 37.91, "Longitude": -121.7, "Population": 825.0}, {"index": 1272, "quantile": 1.0, "value": 333300.0, "Latitude": 37.91, "Longitude": -121.7, "Population": 825.0}, {"index": 1273, "quantile": 0.0, "value": 68700.0, "Latitude": 37.93, "Longitude": -121.7, "Population": 972.0}, {"index": 1273, "quantile": 0.25, "value": 109400.00000000001, "Latitude": 37.93, "Longitude": -121.7, "Population": 972.0}, {"index": 1273, "quantile": 0.5, "value": 156700.0, "Latitude": 37.93, "Longitude": -121.7, "Population": 972.0}, {"index": 1273, "quantile": 0.75, "value": 156700.0, "Latitude": 37.93, "Longitude": -121.7, "Population": 972.0}, {"index": 1273, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 37.93, "Longitude": -121.7, "Population": 972.0}, {"index": 1274, "quantile": 0.0, "value": 110100.0, "Latitude": 37.95, "Longitude": -121.74, "Population": 2399.0}, {"index": 1274, "quantile": 0.25, "value": 166800.0, "Latitude": 37.95, "Longitude": -121.74, "Population": 2399.0}, {"index": 1274, "quantile": 0.5, "value": 213700.0, "Latitude": 37.95, "Longitude": -121.74, "Population": 2399.0}, {"index": 1274, "quantile": 0.75, "value": 264975.0, "Latitude": 37.95, "Longitude": -121.74, "Population": 2399.0}, {"index": 1274, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -121.74, "Population": 2399.0}, {"index": 1275, "quantile": 0.0, "value": 96200.0, "Latitude": 37.93, "Longitude": -121.7, "Population": 1779.0}, {"index": 1275, "quantile": 0.25, "value": 152500.0, "Latitude": 37.93, "Longitude": -121.7, "Population": 1779.0}, {"index": 1275, "quantile": 0.5, "value": 152500.0, "Latitude": 37.93, "Longitude": -121.7, "Population": 1779.0}, {"index": 1275, "quantile": 0.75, "value": 152500.0, "Latitude": 37.93, "Longitude": -121.7, "Population": 1779.0}, {"index": 1275, "quantile": 1.0, "value": 281200.0, "Latitude": 37.93, "Longitude": -121.7, "Population": 1779.0}, {"index": 1276, "quantile": 0.0, "value": 97400.0, "Latitude": 37.91, "Longitude": -121.6, "Population": 1075.0}, {"index": 1276, "quantile": 0.25, "value": 241400.00000000003, "Latitude": 37.91, "Longitude": -121.6, "Population": 1075.0}, {"index": 1276, "quantile": 0.5, "value": 241400.00000000003, "Latitude": 37.91, "Longitude": -121.6, "Population": 1075.0}, {"index": 1276, "quantile": 0.75, "value": 241400.00000000003, "Latitude": 37.91, "Longitude": -121.6, "Population": 1075.0}, {"index": 1276, "quantile": 1.0, "value": 386200.0, "Latitude": 37.91, "Longitude": -121.6, "Population": 1075.0}, {"index": 1277, "quantile": 0.0, "value": 195900.0, "Latitude": 37.9, "Longitude": -121.6, "Population": 4276.0}, {"index": 1277, "quantile": 0.25, "value": 340900.0, "Latitude": 37.9, "Longitude": -121.6, "Population": 4276.0}, {"index": 1277, "quantile": 0.5, "value": 340900.0, "Latitude": 37.9, "Longitude": -121.6, "Population": 4276.0}, {"index": 1277, "quantile": 0.75, "value": 340900.0, "Latitude": 37.9, "Longitude": -121.6, "Population": 4276.0}, {"index": 1277, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -121.6, "Population": 4276.0}, {"index": 1278, "quantile": 0.0, "value": 67300.0, "Latitude": 37.86, "Longitude": -121.61, "Population": 989.0}, {"index": 1278, "quantile": 0.25, "value": 154400.0, "Latitude": 37.86, "Longitude": -121.61, "Population": 989.0}, {"index": 1278, "quantile": 0.5, "value": 154400.0, "Latitude": 37.86, "Longitude": -121.61, "Population": 989.0}, {"index": 1278, "quantile": 0.75, "value": 154400.0, "Latitude": 37.86, "Longitude": -121.61, "Population": 989.0}, {"index": 1278, "quantile": 1.0, "value": 292500.0, "Latitude": 37.86, "Longitude": -121.61, "Population": 989.0}, {"index": 1279, "quantile": 0.0, "value": 87500.0, "Latitude": 37.85, "Longitude": -121.64, "Population": 967.0}, {"index": 1279, "quantile": 0.25, "value": 188400.0, "Latitude": 37.85, "Longitude": -121.64, "Population": 967.0}, {"index": 1279, "quantile": 0.5, "value": 253900.00000000003, "Latitude": 37.85, "Longitude": -121.64, "Population": 967.0}, {"index": 1279, "quantile": 0.75, "value": 253900.00000000003, "Latitude": 37.85, "Longitude": -121.64, "Population": 967.0}, {"index": 1279, "quantile": 1.0, "value": 500000.0, "Latitude": 37.85, "Longitude": -121.64, "Population": 967.0}, {"index": 1280, "quantile": 0.0, "value": 86700.0, "Latitude": 38.01, "Longitude": -121.8, "Population": 1088.0}, {"index": 1280, "quantile": 0.25, "value": 109400.00000000001, "Latitude": 38.01, "Longitude": -121.8, "Population": 1088.0}, {"index": 1280, "quantile": 0.5, "value": 109400.00000000001, "Latitude": 38.01, "Longitude": -121.8, "Population": 1088.0}, {"index": 1280, "quantile": 0.75, "value": 109400.00000000001, "Latitude": 38.01, "Longitude": -121.8, "Population": 1088.0}, {"index": 1280, "quantile": 1.0, "value": 220500.0, "Latitude": 38.01, "Longitude": -121.8, "Population": 1088.0}, {"index": 1281, "quantile": 0.0, "value": 49800.0, "Latitude": 38.01, "Longitude": -121.81, "Population": 1074.0}, {"index": 1281, "quantile": 0.25, "value": 96200.0, "Latitude": 38.01, "Longitude": -121.81, "Population": 1074.0}, {"index": 1281, "quantile": 0.5, "value": 104050.0, "Latitude": 38.01, "Longitude": -121.81, "Population": 1074.0}, {"index": 1281, "quantile": 0.75, "value": 113599.99999999999, "Latitude": 38.01, "Longitude": -121.81, "Population": 1074.0}, {"index": 1281, "quantile": 1.0, "value": 262500.0, "Latitude": 38.01, "Longitude": -121.81, "Population": 1074.0}, {"index": 1282, "quantile": 0.0, "value": 75000.0, "Latitude": 38.01, "Longitude": -121.81, "Population": 528.0}, {"index": 1282, "quantile": 0.25, "value": 112399.99999999999, "Latitude": 38.01, "Longitude": -121.81, "Population": 528.0}, {"index": 1282, "quantile": 0.5, "value": 128499.99999999999, "Latitude": 38.01, "Longitude": -121.81, "Population": 528.0}, {"index": 1282, "quantile": 0.75, "value": 128499.99999999999, "Latitude": 38.01, "Longitude": -121.81, "Population": 528.0}, {"index": 1282, "quantile": 1.0, "value": 163100.0, "Latitude": 38.01, "Longitude": -121.81, "Population": 528.0}, {"index": 1283, "quantile": 0.0, "value": 22500.0, "Latitude": 38.02, "Longitude": -121.82, "Population": 101.0}, {"index": 1283, "quantile": 0.25, "value": 93800.0, "Latitude": 38.02, "Longitude": -121.82, "Population": 101.0}, {"index": 1283, "quantile": 0.5, "value": 93800.0, "Latitude": 38.02, "Longitude": -121.82, "Population": 101.0}, {"index": 1283, "quantile": 0.75, "value": 99200.0, "Latitude": 38.02, "Longitude": -121.82, "Population": 101.0}, {"index": 1283, "quantile": 1.0, "value": 325000.0, "Latitude": 38.02, "Longitude": -121.82, "Population": 101.0}, {"index": 1284, "quantile": 0.0, "value": 50500.0, "Latitude": 38.01, "Longitude": -121.82, "Population": 798.0}, {"index": 1284, "quantile": 0.25, "value": 88100.0, "Latitude": 38.01, "Longitude": -121.82, "Population": 798.0}, {"index": 1284, "quantile": 0.5, "value": 112650.0, "Latitude": 38.01, "Longitude": -121.82, "Population": 798.0}, {"index": 1284, "quantile": 0.75, "value": 137500.0, "Latitude": 38.01, "Longitude": -121.82, "Population": 798.0}, {"index": 1284, "quantile": 1.0, "value": 309100.0, "Latitude": 38.01, "Longitude": -121.82, "Population": 798.0}, {"index": 1285, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 38.01, "Longitude": -121.82, "Population": 625.0}, {"index": 1285, "quantile": 0.25, "value": 96400.0, "Latitude": 38.01, "Longitude": -121.82, "Population": 625.0}, {"index": 1285, "quantile": 0.5, "value": 96400.0, "Latitude": 38.01, "Longitude": -121.82, "Population": 625.0}, {"index": 1285, "quantile": 0.75, "value": 96725.0, "Latitude": 38.01, "Longitude": -121.82, "Population": 625.0}, {"index": 1285, "quantile": 1.0, "value": 159800.0, "Latitude": 38.01, "Longitude": -121.82, "Population": 625.0}, {"index": 1286, "quantile": 0.0, "value": 93800.0, "Latitude": 38.01, "Longitude": -121.82, "Population": 1614.0}, {"index": 1286, "quantile": 0.25, "value": 127000.0, "Latitude": 38.01, "Longitude": -121.82, "Population": 1614.0}, {"index": 1286, "quantile": 0.5, "value": 127000.0, "Latitude": 38.01, "Longitude": -121.82, "Population": 1614.0}, {"index": 1286, "quantile": 0.75, "value": 127000.0, "Latitude": 38.01, "Longitude": -121.82, "Population": 1614.0}, {"index": 1286, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.01, "Longitude": -121.82, "Population": 1614.0}, {"index": 1287, "quantile": 0.0, "value": 22500.0, "Latitude": 38.02, "Longitude": -121.84, "Population": 37.0}, {"index": 1287, "quantile": 0.25, "value": 87500.0, "Latitude": 38.02, "Longitude": -121.84, "Population": 37.0}, {"index": 1287, "quantile": 0.5, "value": 87500.0, "Latitude": 38.02, "Longitude": -121.84, "Population": 37.0}, {"index": 1287, "quantile": 0.75, "value": 120350.0, "Latitude": 38.02, "Longitude": -121.84, "Population": 37.0}, {"index": 1287, "quantile": 1.0, "value": 225000.0, "Latitude": 38.02, "Longitude": -121.84, "Population": 37.0}, {"index": 1288, "quantile": 0.0, "value": 72100.0, "Latitude": 38.01, "Longitude": -121.78, "Population": 1216.0}, {"index": 1288, "quantile": 0.25, "value": 133900.0, "Latitude": 38.01, "Longitude": -121.78, "Population": 1216.0}, {"index": 1288, "quantile": 0.5, "value": 133900.0, "Latitude": 38.01, "Longitude": -121.78, "Population": 1216.0}, {"index": 1288, "quantile": 0.75, "value": 157850.0, "Latitude": 38.01, "Longitude": -121.78, "Population": 1216.0}, {"index": 1288, "quantile": 1.0, "value": 266700.0, "Latitude": 38.01, "Longitude": -121.78, "Population": 1216.0}, {"index": 1289, "quantile": 0.0, "value": 90200.0, "Latitude": 38.01, "Longitude": -121.79, "Population": 1749.0}, {"index": 1289, "quantile": 0.25, "value": 107500.0, "Latitude": 38.01, "Longitude": -121.79, "Population": 1749.0}, {"index": 1289, "quantile": 0.5, "value": 131300.00000000003, "Latitude": 38.01, "Longitude": -121.79, "Population": 1749.0}, {"index": 1289, "quantile": 0.75, "value": 162925.0, "Latitude": 38.01, "Longitude": -121.79, "Population": 1749.0}, {"index": 1289, "quantile": 1.0, "value": 390800.0, "Latitude": 38.01, "Longitude": -121.79, "Population": 1749.0}, {"index": 1290, "quantile": 0.0, "value": 93800.0, "Latitude": 38.0, "Longitude": -121.79, "Population": 1588.0}, {"index": 1290, "quantile": 0.25, "value": 126874.99999999999, "Latitude": 38.0, "Longitude": -121.79, "Population": 1588.0}, {"index": 1290, "quantile": 0.5, "value": 133800.0, "Latitude": 38.0, "Longitude": -121.79, "Population": 1588.0}, {"index": 1290, "quantile": 0.75, "value": 139900.0, "Latitude": 38.0, "Longitude": -121.79, "Population": 1588.0}, {"index": 1290, "quantile": 1.0, "value": 251799.99999999997, "Latitude": 38.0, "Longitude": -121.79, "Population": 1588.0}, {"index": 1291, "quantile": 0.0, "value": 81300.0, "Latitude": 38.01, "Longitude": -121.8, "Population": 1399.0}, {"index": 1291, "quantile": 0.25, "value": 110200.00000000001, "Latitude": 38.01, "Longitude": -121.8, "Population": 1399.0}, {"index": 1291, "quantile": 0.5, "value": 110200.00000000001, "Latitude": 38.01, "Longitude": -121.8, "Population": 1399.0}, {"index": 1291, "quantile": 0.75, "value": 110200.00000000001, "Latitude": 38.01, "Longitude": -121.8, "Population": 1399.0}, {"index": 1291, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 38.01, "Longitude": -121.8, "Population": 1399.0}, {"index": 1292, "quantile": 0.0, "value": 80600.0, "Latitude": 38.01, "Longitude": -121.8, "Population": 1351.0}, {"index": 1292, "quantile": 0.25, "value": 130800.0, "Latitude": 38.01, "Longitude": -121.8, "Population": 1351.0}, {"index": 1292, "quantile": 0.5, "value": 130800.0, "Latitude": 38.01, "Longitude": -121.8, "Population": 1351.0}, {"index": 1292, "quantile": 0.75, "value": 130800.0, "Latitude": 38.01, "Longitude": -121.8, "Population": 1351.0}, {"index": 1292, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.01, "Longitude": -121.8, "Population": 1351.0}, {"index": 1293, "quantile": 0.0, "value": 118600.0, "Latitude": 38.0, "Longitude": -121.78, "Population": 1094.0}, {"index": 1293, "quantile": 0.25, "value": 172700.0, "Latitude": 38.0, "Longitude": -121.78, "Population": 1094.0}, {"index": 1293, "quantile": 0.5, "value": 174500.0, "Latitude": 38.0, "Longitude": -121.78, "Population": 1094.0}, {"index": 1293, "quantile": 0.75, "value": 174500.0, "Latitude": 38.0, "Longitude": -121.78, "Population": 1094.0}, {"index": 1293, "quantile": 1.0, "value": 273500.0, "Latitude": 38.0, "Longitude": -121.78, "Population": 1094.0}, {"index": 1294, "quantile": 0.0, "value": 120100.0, "Latitude": 38.01, "Longitude": -121.77, "Population": 1417.0}, {"index": 1294, "quantile": 0.25, "value": 168100.0, "Latitude": 38.01, "Longitude": -121.77, "Population": 1417.0}, {"index": 1294, "quantile": 0.5, "value": 168100.0, "Latitude": 38.01, "Longitude": -121.77, "Population": 1417.0}, {"index": 1294, "quantile": 0.75, "value": 168100.0, "Latitude": 38.01, "Longitude": -121.77, "Population": 1417.0}, {"index": 1294, "quantile": 1.0, "value": 309500.0, "Latitude": 38.01, "Longitude": -121.77, "Population": 1417.0}, {"index": 1295, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 37.99, "Longitude": -121.81, "Population": 1315.0}, {"index": 1295, "quantile": 0.25, "value": 143100.0, "Latitude": 37.99, "Longitude": -121.81, "Population": 1315.0}, {"index": 1295, "quantile": 0.5, "value": 148600.0, "Latitude": 37.99, "Longitude": -121.81, "Population": 1315.0}, {"index": 1295, "quantile": 0.75, "value": 161975.0, "Latitude": 37.99, "Longitude": -121.81, "Population": 1315.0}, {"index": 1295, "quantile": 1.0, "value": 283500.0, "Latitude": 37.99, "Longitude": -121.81, "Population": 1315.0}, {"index": 1296, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 37.99, "Longitude": -121.81, "Population": 1086.0}, {"index": 1296, "quantile": 0.25, "value": 150800.0, "Latitude": 37.99, "Longitude": -121.81, "Population": 1086.0}, {"index": 1296, "quantile": 0.5, "value": 150800.0, "Latitude": 37.99, "Longitude": -121.81, "Population": 1086.0}, {"index": 1296, "quantile": 0.75, "value": 173600.00000000003, "Latitude": 37.99, "Longitude": -121.81, "Population": 1086.0}, {"index": 1296, "quantile": 1.0, "value": 361700.0, "Latitude": 37.99, "Longitude": -121.81, "Population": 1086.0}, {"index": 1297, "quantile": 0.0, "value": 132400.0, "Latitude": 37.98, "Longitude": -121.82, "Population": 1969.0}, {"index": 1297, "quantile": 0.25, "value": 165200.0, "Latitude": 37.98, "Longitude": -121.82, "Population": 1969.0}, {"index": 1297, "quantile": 0.5, "value": 165200.0, "Latitude": 37.98, "Longitude": -121.82, "Population": 1969.0}, {"index": 1297, "quantile": 0.75, "value": 165200.0, "Latitude": 37.98, "Longitude": -121.82, "Population": 1969.0}, {"index": 1297, "quantile": 1.0, "value": 298400.0, "Latitude": 37.98, "Longitude": -121.82, "Population": 1969.0}, {"index": 1298, "quantile": 0.0, "value": 73500.0, "Latitude": 38.01, "Longitude": -121.82, "Population": 587.0}, {"index": 1298, "quantile": 0.25, "value": 94200.0, "Latitude": 38.01, "Longitude": -121.82, "Population": 587.0}, {"index": 1298, "quantile": 0.5, "value": 110200.00000000001, "Latitude": 38.01, "Longitude": -121.82, "Population": 587.0}, {"index": 1298, "quantile": 0.75, "value": 122775.00000000001, "Latitude": 38.01, "Longitude": -121.82, "Population": 587.0}, {"index": 1298, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 38.01, "Longitude": -121.82, "Population": 587.0}, {"index": 1299, "quantile": 0.0, "value": 68300.0, "Latitude": 38.0, "Longitude": -121.82, "Population": 985.0}, {"index": 1299, "quantile": 0.25, "value": 113399.99999999999, "Latitude": 38.0, "Longitude": -121.82, "Population": 985.0}, {"index": 1299, "quantile": 0.5, "value": 113399.99999999999, "Latitude": 38.0, "Longitude": -121.82, "Population": 985.0}, {"index": 1299, "quantile": 0.75, "value": 118225.0, "Latitude": 38.0, "Longitude": -121.82, "Population": 985.0}, {"index": 1299, "quantile": 1.0, "value": 275000.0, "Latitude": 38.0, "Longitude": -121.82, "Population": 985.0}, {"index": 1300, "quantile": 0.0, "value": 92200.0, "Latitude": 38.0, "Longitude": -121.81, "Population": 1400.0}, {"index": 1300, "quantile": 0.25, "value": 97300.0, "Latitude": 38.0, "Longitude": -121.81, "Population": 1400.0}, {"index": 1300, "quantile": 0.5, "value": 97300.0, "Latitude": 38.0, "Longitude": -121.81, "Population": 1400.0}, {"index": 1300, "quantile": 0.75, "value": 110200.00000000001, "Latitude": 38.0, "Longitude": -121.81, "Population": 1400.0}, {"index": 1300, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 38.0, "Longitude": -121.81, "Population": 1400.0}, {"index": 1301, "quantile": 0.0, "value": 92800.0, "Latitude": 38.0, "Longitude": -121.82, "Population": 1714.0}, {"index": 1301, "quantile": 0.25, "value": 131300.0, "Latitude": 38.0, "Longitude": -121.82, "Population": 1714.0}, {"index": 1301, "quantile": 0.5, "value": 145000.00000000003, "Latitude": 38.0, "Longitude": -121.82, "Population": 1714.0}, {"index": 1301, "quantile": 0.75, "value": 166900.0, "Latitude": 38.0, "Longitude": -121.82, "Population": 1714.0}, {"index": 1301, "quantile": 1.0, "value": 232600.0, "Latitude": 38.0, "Longitude": -121.82, "Population": 1714.0}, {"index": 1302, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 38.0, "Longitude": -121.85, "Population": 1806.0}, {"index": 1302, "quantile": 0.25, "value": 133400.0, "Latitude": 38.0, "Longitude": -121.85, "Population": 1806.0}, {"index": 1302, "quantile": 0.5, "value": 133400.0, "Latitude": 38.0, "Longitude": -121.85, "Population": 1806.0}, {"index": 1302, "quantile": 0.75, "value": 133400.0, "Latitude": 38.0, "Longitude": -121.85, "Population": 1806.0}, {"index": 1302, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 38.0, "Longitude": -121.85, "Population": 1806.0}, {"index": 1303, "quantile": 0.0, "value": 32500.0, "Latitude": 38.0, "Longitude": -121.85, "Population": 1239.0}, {"index": 1303, "quantile": 0.25, "value": 97350.0, "Latitude": 38.0, "Longitude": -121.85, "Population": 1239.0}, {"index": 1303, "quantile": 0.5, "value": 119400.0, "Latitude": 38.0, "Longitude": -121.85, "Population": 1239.0}, {"index": 1303, "quantile": 0.75, "value": 150125.0, "Latitude": 38.0, "Longitude": -121.85, "Population": 1239.0}, {"index": 1303, "quantile": 1.0, "value": 225000.0, "Latitude": 38.0, "Longitude": -121.85, "Population": 1239.0}, {"index": 1304, "quantile": 0.0, "value": 86000.0, "Latitude": 38.0, "Longitude": -121.83, "Population": 3838.0}, {"index": 1304, "quantile": 0.25, "value": 103600.0, "Latitude": 38.0, "Longitude": -121.83, "Population": 3838.0}, {"index": 1304, "quantile": 0.5, "value": 103600.0, "Latitude": 38.0, "Longitude": -121.83, "Population": 3838.0}, {"index": 1304, "quantile": 0.75, "value": 107600.0, "Latitude": 38.0, "Longitude": -121.83, "Population": 3838.0}, {"index": 1304, "quantile": 1.0, "value": 264700.0, "Latitude": 38.0, "Longitude": -121.83, "Population": 3838.0}, {"index": 1305, "quantile": 0.0, "value": 131300.0, "Latitude": 38.0, "Longitude": -121.83, "Population": 799.0}, {"index": 1305, "quantile": 0.25, "value": 145300.0, "Latitude": 38.0, "Longitude": -121.83, "Population": 799.0}, {"index": 1305, "quantile": 0.5, "value": 145300.0, "Latitude": 38.0, "Longitude": -121.83, "Population": 799.0}, {"index": 1305, "quantile": 0.75, "value": 145300.0, "Latitude": 38.0, "Longitude": -121.83, "Population": 799.0}, {"index": 1305, "quantile": 1.0, "value": 290600.0, "Latitude": 38.0, "Longitude": -121.83, "Population": 799.0}, {"index": 1306, "quantile": 0.0, "value": 87500.0, "Latitude": 37.99, "Longitude": -121.83, "Population": 572.0}, {"index": 1306, "quantile": 0.25, "value": 152400.0, "Latitude": 37.99, "Longitude": -121.83, "Population": 572.0}, {"index": 1306, "quantile": 0.5, "value": 152400.0, "Latitude": 37.99, "Longitude": -121.83, "Population": 572.0}, {"index": 1306, "quantile": 0.75, "value": 152400.0, "Latitude": 37.99, "Longitude": -121.83, "Population": 572.0}, {"index": 1306, "quantile": 1.0, "value": 244099.99999999997, "Latitude": 37.99, "Longitude": -121.83, "Population": 572.0}, {"index": 1307, "quantile": 0.0, "value": 115199.99999999999, "Latitude": 37.99, "Longitude": -121.83, "Population": 935.0}, {"index": 1307, "quantile": 0.25, "value": 145900.0, "Latitude": 37.99, "Longitude": -121.83, "Population": 935.0}, {"index": 1307, "quantile": 0.5, "value": 145900.0, "Latitude": 37.99, "Longitude": -121.83, "Population": 935.0}, {"index": 1307, "quantile": 0.75, "value": 146950.0, "Latitude": 37.99, "Longitude": -121.83, "Population": 935.0}, {"index": 1307, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.99, "Longitude": -121.83, "Population": 935.0}, {"index": 1308, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 37.99, "Longitude": -121.83, "Population": 1507.0}, {"index": 1308, "quantile": 0.25, "value": 142500.0, "Latitude": 37.99, "Longitude": -121.83, "Population": 1507.0}, {"index": 1308, "quantile": 0.5, "value": 142500.0, "Latitude": 37.99, "Longitude": -121.83, "Population": 1507.0}, {"index": 1308, "quantile": 0.75, "value": 142500.0, "Latitude": 37.99, "Longitude": -121.83, "Population": 1507.0}, {"index": 1308, "quantile": 1.0, "value": 274200.0, "Latitude": 37.99, "Longitude": -121.83, "Population": 1507.0}, {"index": 1309, "quantile": 0.0, "value": 37900.0, "Latitude": 38.0, "Longitude": -121.83, "Population": 1384.0}, {"index": 1309, "quantile": 0.25, "value": 75800.0, "Latitude": 38.0, "Longitude": -121.83, "Population": 1384.0}, {"index": 1309, "quantile": 0.5, "value": 75800.0, "Latitude": 38.0, "Longitude": -121.83, "Population": 1384.0}, {"index": 1309, "quantile": 0.75, "value": 112500.0, "Latitude": 38.0, "Longitude": -121.83, "Population": 1384.0}, {"index": 1309, "quantile": 1.0, "value": 336800.0, "Latitude": 38.0, "Longitude": -121.83, "Population": 1384.0}, {"index": 1310, "quantile": 0.0, "value": 96400.0, "Latitude": 37.99, "Longitude": -121.84, "Population": 2188.0}, {"index": 1310, "quantile": 0.25, "value": 134500.0, "Latitude": 37.99, "Longitude": -121.84, "Population": 2188.0}, {"index": 1310, "quantile": 0.5, "value": 144200.00000000003, "Latitude": 37.99, "Longitude": -121.84, "Population": 2188.0}, {"index": 1310, "quantile": 0.75, "value": 180375.0, "Latitude": 37.99, "Longitude": -121.84, "Population": 2188.0}, {"index": 1310, "quantile": 1.0, "value": 350800.0, "Latitude": 37.99, "Longitude": -121.84, "Population": 2188.0}, {"index": 1311, "quantile": 0.0, "value": 96900.0, "Latitude": 37.99, "Longitude": -121.84, "Population": 1292.0}, {"index": 1311, "quantile": 0.25, "value": 142600.0, "Latitude": 37.99, "Longitude": -121.84, "Population": 1292.0}, {"index": 1311, "quantile": 0.5, "value": 142600.0, "Latitude": 37.99, "Longitude": -121.84, "Population": 1292.0}, {"index": 1311, "quantile": 0.75, "value": 142600.0, "Latitude": 37.99, "Longitude": -121.84, "Population": 1292.0}, {"index": 1311, "quantile": 1.0, "value": 213800.0, "Latitude": 37.99, "Longitude": -121.84, "Population": 1292.0}, {"index": 1312, "quantile": 0.0, "value": 129500.0, "Latitude": 37.99, "Longitude": -121.83, "Population": 1456.0}, {"index": 1312, "quantile": 0.25, "value": 164700.0, "Latitude": 37.99, "Longitude": -121.83, "Population": 1456.0}, {"index": 1312, "quantile": 0.5, "value": 164700.0, "Latitude": 37.99, "Longitude": -121.83, "Population": 1456.0}, {"index": 1312, "quantile": 0.75, "value": 177500.0, "Latitude": 37.99, "Longitude": -121.83, "Population": 1456.0}, {"index": 1312, "quantile": 1.0, "value": 330400.0, "Latitude": 37.99, "Longitude": -121.83, "Population": 1456.0}, {"index": 1313, "quantile": 0.0, "value": 87000.0, "Latitude": 38.0, "Longitude": -121.79, "Population": 562.0}, {"index": 1313, "quantile": 0.25, "value": 108500.0, "Latitude": 38.0, "Longitude": -121.79, "Population": 562.0}, {"index": 1313, "quantile": 0.5, "value": 108500.0, "Latitude": 38.0, "Longitude": -121.79, "Population": 562.0}, {"index": 1313, "quantile": 0.75, "value": 108500.0, "Latitude": 38.0, "Longitude": -121.79, "Population": 562.0}, {"index": 1313, "quantile": 1.0, "value": 246700.0, "Latitude": 38.0, "Longitude": -121.79, "Population": 562.0}, {"index": 1314, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 37.99, "Longitude": -121.79, "Population": 1878.0}, {"index": 1314, "quantile": 0.25, "value": 178600.0, "Latitude": 37.99, "Longitude": -121.79, "Population": 1878.0}, {"index": 1314, "quantile": 0.5, "value": 178600.0, "Latitude": 37.99, "Longitude": -121.79, "Population": 1878.0}, {"index": 1314, "quantile": 0.75, "value": 179875.0, "Latitude": 37.99, "Longitude": -121.79, "Population": 1878.0}, {"index": 1314, "quantile": 1.0, "value": 386200.0, "Latitude": 37.99, "Longitude": -121.79, "Population": 1878.0}, {"index": 1315, "quantile": 0.0, "value": 151700.0, "Latitude": 37.99, "Longitude": -121.79, "Population": 1651.0}, {"index": 1315, "quantile": 0.25, "value": 164700.0, "Latitude": 37.99, "Longitude": -121.79, "Population": 1651.0}, {"index": 1315, "quantile": 0.5, "value": 164700.0, "Latitude": 37.99, "Longitude": -121.79, "Population": 1651.0}, {"index": 1315, "quantile": 0.75, "value": 226474.99999999997, "Latitude": 37.99, "Longitude": -121.79, "Population": 1651.0}, {"index": 1315, "quantile": 1.0, "value": 359100.0, "Latitude": 37.99, "Longitude": -121.79, "Population": 1651.0}, {"index": 1316, "quantile": 0.0, "value": 73600.0, "Latitude": 38.0, "Longitude": -121.8, "Population": 1316.0}, {"index": 1316, "quantile": 0.25, "value": 117600.0, "Latitude": 38.0, "Longitude": -121.8, "Population": 1316.0}, {"index": 1316, "quantile": 0.5, "value": 127450.0, "Latitude": 38.0, "Longitude": -121.8, "Population": 1316.0}, {"index": 1316, "quantile": 0.75, "value": 139750.0, "Latitude": 38.0, "Longitude": -121.8, "Population": 1316.0}, {"index": 1316, "quantile": 1.0, "value": 261900.00000000003, "Latitude": 38.0, "Longitude": -121.8, "Population": 1316.0}, {"index": 1317, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 37.99, "Longitude": -121.8, "Population": 1575.0}, {"index": 1317, "quantile": 0.25, "value": 179500.0, "Latitude": 37.99, "Longitude": -121.8, "Population": 1575.0}, {"index": 1317, "quantile": 0.5, "value": 179500.0, "Latitude": 37.99, "Longitude": -121.8, "Population": 1575.0}, {"index": 1317, "quantile": 0.75, "value": 179500.0, "Latitude": 37.99, "Longitude": -121.8, "Population": 1575.0}, {"index": 1317, "quantile": 1.0, "value": 353700.0, "Latitude": 37.99, "Longitude": -121.8, "Population": 1575.0}, {"index": 1318, "quantile": 0.0, "value": 97400.0, "Latitude": 37.99, "Longitude": -121.77, "Population": 2429.0}, {"index": 1318, "quantile": 0.25, "value": 194175.0, "Latitude": 37.99, "Longitude": -121.77, "Population": 2429.0}, {"index": 1318, "quantile": 0.5, "value": 205100.00000000003, "Latitude": 37.99, "Longitude": -121.77, "Population": 2429.0}, {"index": 1318, "quantile": 0.75, "value": 205100.00000000003, "Latitude": 37.99, "Longitude": -121.77, "Population": 2429.0}, {"index": 1318, "quantile": 1.0, "value": 386200.0, "Latitude": 37.99, "Longitude": -121.77, "Population": 2429.0}, {"index": 1319, "quantile": 0.0, "value": 78700.0, "Latitude": 38.03, "Longitude": -121.88, "Population": 1045.0}, {"index": 1319, "quantile": 0.25, "value": 158600.0, "Latitude": 38.03, "Longitude": -121.88, "Population": 1045.0}, {"index": 1319, "quantile": 0.5, "value": 158600.0, "Latitude": 38.03, "Longitude": -121.88, "Population": 1045.0}, {"index": 1319, "quantile": 0.75, "value": 170850.0, "Latitude": 38.03, "Longitude": -121.88, "Population": 1045.0}, {"index": 1319, "quantile": 1.0, "value": 285000.0, "Latitude": 38.03, "Longitude": -121.88, "Population": 1045.0}, {"index": 1320, "quantile": 0.0, "value": 44000.0, "Latitude": 38.04, "Longitude": -121.9, "Population": 838.0}, {"index": 1320, "quantile": 0.25, "value": 89525.0, "Latitude": 38.04, "Longitude": -121.9, "Population": 838.0}, {"index": 1320, "quantile": 0.5, "value": 90200.0, "Latitude": 38.04, "Longitude": -121.9, "Population": 838.0}, {"index": 1320, "quantile": 0.75, "value": 90200.0, "Latitude": 38.04, "Longitude": -121.9, "Population": 838.0}, {"index": 1320, "quantile": 1.0, "value": 193800.0, "Latitude": 38.04, "Longitude": -121.9, "Population": 838.0}, {"index": 1321, "quantile": 0.0, "value": 22500.0, "Latitude": 38.04, "Longitude": -121.86, "Population": 188.0}, {"index": 1321, "quantile": 0.25, "value": 67500.0, "Latitude": 38.04, "Longitude": -121.86, "Population": 188.0}, {"index": 1321, "quantile": 0.5, "value": 67500.0, "Latitude": 38.04, "Longitude": -121.86, "Population": 188.0}, {"index": 1321, "quantile": 0.75, "value": 67750.0, "Latitude": 38.04, "Longitude": -121.86, "Population": 188.0}, {"index": 1321, "quantile": 1.0, "value": 200000.0, "Latitude": 38.04, "Longitude": -121.86, "Population": 188.0}, {"index": 1322, "quantile": 0.0, "value": 69100.0, "Latitude": 38.02, "Longitude": -121.87, "Population": 1403.0}, {"index": 1322, "quantile": 0.25, "value": 94200.0, "Latitude": 38.02, "Longitude": -121.87, "Population": 1403.0}, {"index": 1322, "quantile": 0.5, "value": 109850.0, "Latitude": 38.02, "Longitude": -121.87, "Population": 1403.0}, {"index": 1322, "quantile": 0.75, "value": 120849.99999999999, "Latitude": 38.02, "Longitude": -121.87, "Population": 1403.0}, {"index": 1322, "quantile": 1.0, "value": 338900.0, "Latitude": 38.02, "Longitude": -121.87, "Population": 1403.0}, {"index": 1323, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 38.03, "Longitude": -121.88, "Population": 725.0}, {"index": 1323, "quantile": 0.25, "value": 100600.0, "Latitude": 38.03, "Longitude": -121.88, "Population": 725.0}, {"index": 1323, "quantile": 0.5, "value": 101400.0, "Latitude": 38.03, "Longitude": -121.88, "Population": 725.0}, {"index": 1323, "quantile": 0.75, "value": 101400.0, "Latitude": 38.03, "Longitude": -121.88, "Population": 725.0}, {"index": 1323, "quantile": 1.0, "value": 169900.0, "Latitude": 38.03, "Longitude": -121.88, "Population": 725.0}, {"index": 1324, "quantile": 0.0, "value": 52500.0, "Latitude": 38.03, "Longitude": -121.9, "Population": 1831.0}, {"index": 1324, "quantile": 0.25, "value": 90025.0, "Latitude": 38.03, "Longitude": -121.9, "Population": 1831.0}, {"index": 1324, "quantile": 0.5, "value": 99600.0, "Latitude": 38.03, "Longitude": -121.9, "Population": 1831.0}, {"index": 1324, "quantile": 0.75, "value": 105650.0, "Latitude": 38.03, "Longitude": -121.9, "Population": 1831.0}, {"index": 1324, "quantile": 1.0, "value": 156900.0, "Latitude": 38.03, "Longitude": -121.9, "Population": 1831.0}, {"index": 1325, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 38.02, "Longitude": -121.88, "Population": 1249.0}, {"index": 1325, "quantile": 0.25, "value": 87000.0, "Latitude": 38.02, "Longitude": -121.88, "Population": 1249.0}, {"index": 1325, "quantile": 0.5, "value": 87000.0, "Latitude": 38.02, "Longitude": -121.88, "Population": 1249.0}, {"index": 1325, "quantile": 0.75, "value": 102925.0, "Latitude": 38.02, "Longitude": -121.88, "Population": 1249.0}, {"index": 1325, "quantile": 1.0, "value": 225000.0, "Latitude": 38.02, "Longitude": -121.88, "Population": 1249.0}, {"index": 1326, "quantile": 0.0, "value": 67300.0, "Latitude": 38.02, "Longitude": -121.89, "Population": 1827.0}, {"index": 1326, "quantile": 0.25, "value": 94600.0, "Latitude": 38.02, "Longitude": -121.89, "Population": 1827.0}, {"index": 1326, "quantile": 0.5, "value": 94600.0, "Latitude": 38.02, "Longitude": -121.89, "Population": 1827.0}, {"index": 1326, "quantile": 0.75, "value": 107200.0, "Latitude": 38.02, "Longitude": -121.89, "Population": 1827.0}, {"index": 1326, "quantile": 1.0, "value": 165700.0, "Latitude": 38.02, "Longitude": -121.89, "Population": 1827.0}, {"index": 1327, "quantile": 0.0, "value": 94400.0, "Latitude": 38.02, "Longitude": -121.9, "Population": 1037.0}, {"index": 1327, "quantile": 0.25, "value": 143500.0, "Latitude": 38.02, "Longitude": -121.9, "Population": 1037.0}, {"index": 1327, "quantile": 0.5, "value": 181800.0, "Latitude": 38.02, "Longitude": -121.9, "Population": 1037.0}, {"index": 1327, "quantile": 0.75, "value": 181800.0, "Latitude": 38.02, "Longitude": -121.9, "Population": 1037.0}, {"index": 1327, "quantile": 1.0, "value": 204100.0, "Latitude": 38.02, "Longitude": -121.9, "Population": 1037.0}, {"index": 1328, "quantile": 0.0, "value": 67300.0, "Latitude": 38.02, "Longitude": -121.87, "Population": 2229.0}, {"index": 1328, "quantile": 0.25, "value": 99000.0, "Latitude": 38.02, "Longitude": -121.87, "Population": 2229.0}, {"index": 1328, "quantile": 0.5, "value": 110600.00000000001, "Latitude": 38.02, "Longitude": -121.87, "Population": 2229.0}, {"index": 1328, "quantile": 0.75, "value": 123850.0, "Latitude": 38.02, "Longitude": -121.87, "Population": 2229.0}, {"index": 1328, "quantile": 1.0, "value": 206300.00000000003, "Latitude": 38.02, "Longitude": -121.87, "Population": 2229.0}, {"index": 1329, "quantile": 0.0, "value": 122200.0, "Latitude": 38.0, "Longitude": -121.88, "Population": 1352.0}, {"index": 1329, "quantile": 0.25, "value": 140300.0, "Latitude": 38.0, "Longitude": -121.88, "Population": 1352.0}, {"index": 1329, "quantile": 0.5, "value": 140300.0, "Latitude": 38.0, "Longitude": -121.88, "Population": 1352.0}, {"index": 1329, "quantile": 0.75, "value": 140650.0, "Latitude": 38.0, "Longitude": -121.88, "Population": 1352.0}, {"index": 1329, "quantile": 1.0, "value": 260900.0, "Latitude": 38.0, "Longitude": -121.88, "Population": 1352.0}, {"index": 1330, "quantile": 0.0, "value": 86000.0, "Latitude": 38.01, "Longitude": -121.88, "Population": 2827.0}, {"index": 1330, "quantile": 0.25, "value": 150000.0, "Latitude": 38.01, "Longitude": -121.88, "Population": 2827.0}, {"index": 1330, "quantile": 0.5, "value": 150000.0, "Latitude": 38.01, "Longitude": -121.88, "Population": 2827.0}, {"index": 1330, "quantile": 0.75, "value": 150000.0, "Latitude": 38.01, "Longitude": -121.88, "Population": 2827.0}, {"index": 1330, "quantile": 1.0, "value": 287500.0, "Latitude": 38.01, "Longitude": -121.88, "Population": 2827.0}, {"index": 1331, "quantile": 0.0, "value": 108400.00000000001, "Latitude": 38.01, "Longitude": -121.89, "Population": 1994.0}, {"index": 1331, "quantile": 0.25, "value": 134400.0, "Latitude": 38.01, "Longitude": -121.89, "Population": 1994.0}, {"index": 1331, "quantile": 0.5, "value": 134400.0, "Latitude": 38.01, "Longitude": -121.89, "Population": 1994.0}, {"index": 1331, "quantile": 0.75, "value": 163825.0, "Latitude": 38.01, "Longitude": -121.89, "Population": 1994.0}, {"index": 1331, "quantile": 1.0, "value": 326500.0, "Latitude": 38.01, "Longitude": -121.89, "Population": 1994.0}, {"index": 1332, "quantile": 0.0, "value": 108700.0, "Latitude": 38.0, "Longitude": -121.88, "Population": 367.0}, {"index": 1332, "quantile": 0.25, "value": 151900.0, "Latitude": 38.0, "Longitude": -121.88, "Population": 367.0}, {"index": 1332, "quantile": 0.5, "value": 151900.0, "Latitude": 38.0, "Longitude": -121.88, "Population": 367.0}, {"index": 1332, "quantile": 0.75, "value": 152199.99999999997, "Latitude": 38.0, "Longitude": -121.88, "Population": 367.0}, {"index": 1332, "quantile": 1.0, "value": 339400.0, "Latitude": 38.0, "Longitude": -121.88, "Population": 367.0}, {"index": 1333, "quantile": 0.0, "value": 94400.0, "Latitude": 38.0, "Longitude": -121.86, "Population": 2239.0}, {"index": 1333, "quantile": 0.25, "value": 129600.0, "Latitude": 38.0, "Longitude": -121.86, "Population": 2239.0}, {"index": 1333, "quantile": 0.5, "value": 142900.0, "Latitude": 38.0, "Longitude": -121.86, "Population": 2239.0}, {"index": 1333, "quantile": 0.75, "value": 170875.0, "Latitude": 38.0, "Longitude": -121.86, "Population": 2239.0}, {"index": 1333, "quantile": 1.0, "value": 350800.0, "Latitude": 38.0, "Longitude": -121.86, "Population": 2239.0}, {"index": 1334, "quantile": 0.0, "value": 118200.0, "Latitude": 38.0, "Longitude": -121.86, "Population": 1504.0}, {"index": 1334, "quantile": 0.25, "value": 157700.0, "Latitude": 38.0, "Longitude": -121.86, "Population": 1504.0}, {"index": 1334, "quantile": 0.5, "value": 178600.0, "Latitude": 38.0, "Longitude": -121.86, "Population": 1504.0}, {"index": 1334, "quantile": 0.75, "value": 195000.0, "Latitude": 38.0, "Longitude": -121.86, "Population": 1504.0}, {"index": 1334, "quantile": 1.0, "value": 436700.0, "Latitude": 38.0, "Longitude": -121.86, "Population": 1504.0}, {"index": 1335, "quantile": 0.0, "value": 72100.0, "Latitude": 37.99, "Longitude": -121.89, "Population": 928.0}, {"index": 1335, "quantile": 0.25, "value": 170500.0, "Latitude": 37.99, "Longitude": -121.89, "Population": 928.0}, {"index": 1335, "quantile": 0.5, "value": 170500.0, "Latitude": 37.99, "Longitude": -121.89, "Population": 928.0}, {"index": 1335, "quantile": 0.75, "value": 173300.0, "Latitude": 37.99, "Longitude": -121.89, "Population": 928.0}, {"index": 1335, "quantile": 1.0, "value": 372300.0, "Latitude": 37.99, "Longitude": -121.89, "Population": 928.0}, {"index": 1336, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 37.99, "Longitude": -121.88, "Population": 1606.0}, {"index": 1336, "quantile": 0.25, "value": 164700.0, "Latitude": 37.99, "Longitude": -121.88, "Population": 1606.0}, {"index": 1336, "quantile": 0.5, "value": 179500.0, "Latitude": 37.99, "Longitude": -121.88, "Population": 1606.0}, {"index": 1336, "quantile": 0.75, "value": 220100.0, "Latitude": 37.99, "Longitude": -121.88, "Population": 1606.0}, {"index": 1336, "quantile": 1.0, "value": 346100.0, "Latitude": 37.99, "Longitude": -121.88, "Population": 1606.0}, {"index": 1337, "quantile": 0.0, "value": 71300.0, "Latitude": 38.0, "Longitude": -121.87, "Population": 1475.0}, {"index": 1337, "quantile": 0.25, "value": 144100.0, "Latitude": 38.0, "Longitude": -121.87, "Population": 1475.0}, {"index": 1337, "quantile": 0.5, "value": 144100.0, "Latitude": 38.0, "Longitude": -121.87, "Population": 1475.0}, {"index": 1337, "quantile": 0.75, "value": 146400.0, "Latitude": 38.0, "Longitude": -121.87, "Population": 1475.0}, {"index": 1337, "quantile": 1.0, "value": 279100.0, "Latitude": 38.0, "Longitude": -121.87, "Population": 1475.0}, {"index": 1338, "quantile": 0.0, "value": 71300.0, "Latitude": 37.99, "Longitude": -121.87, "Population": 1051.0}, {"index": 1338, "quantile": 0.25, "value": 151900.0, "Latitude": 37.99, "Longitude": -121.87, "Population": 1051.0}, {"index": 1338, "quantile": 0.5, "value": 164950.0, "Latitude": 37.99, "Longitude": -121.87, "Population": 1051.0}, {"index": 1338, "quantile": 0.75, "value": 206150.0, "Latitude": 37.99, "Longitude": -121.87, "Population": 1051.0}, {"index": 1338, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.99, "Longitude": -121.87, "Population": 1051.0}, {"index": 1339, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 38.01, "Longitude": -121.89, "Population": 2362.0}, {"index": 1339, "quantile": 0.25, "value": 103899.99999999999, "Latitude": 38.01, "Longitude": -121.89, "Population": 2362.0}, {"index": 1339, "quantile": 0.5, "value": 103899.99999999999, "Latitude": 38.01, "Longitude": -121.89, "Population": 2362.0}, {"index": 1339, "quantile": 0.75, "value": 103899.99999999999, "Latitude": 38.01, "Longitude": -121.89, "Population": 2362.0}, {"index": 1339, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 38.01, "Longitude": -121.89, "Population": 2362.0}, {"index": 1340, "quantile": 0.0, "value": 45100.0, "Latitude": 38.02, "Longitude": -121.9, "Population": 943.0}, {"index": 1340, "quantile": 0.25, "value": 93800.0, "Latitude": 38.02, "Longitude": -121.9, "Population": 943.0}, {"index": 1340, "quantile": 0.5, "value": 108850.0, "Latitude": 38.02, "Longitude": -121.9, "Population": 943.0}, {"index": 1340, "quantile": 0.75, "value": 152674.99999999997, "Latitude": 38.02, "Longitude": -121.9, "Population": 943.0}, {"index": 1340, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 38.02, "Longitude": -121.9, "Population": 943.0}, {"index": 1341, "quantile": 0.0, "value": 87500.0, "Latitude": 38.01, "Longitude": -121.9, "Population": 1696.0}, {"index": 1341, "quantile": 0.25, "value": 131300.0, "Latitude": 38.01, "Longitude": -121.9, "Population": 1696.0}, {"index": 1341, "quantile": 0.5, "value": 142600.0, "Latitude": 38.01, "Longitude": -121.9, "Population": 1696.0}, {"index": 1341, "quantile": 0.75, "value": 154500.0, "Latitude": 38.01, "Longitude": -121.9, "Population": 1696.0}, {"index": 1341, "quantile": 1.0, "value": 254400.0, "Latitude": 38.01, "Longitude": -121.9, "Population": 1696.0}, {"index": 1342, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 38.02, "Longitude": -121.92, "Population": 1526.0}, {"index": 1342, "quantile": 0.25, "value": 156500.0, "Latitude": 38.02, "Longitude": -121.92, "Population": 1526.0}, {"index": 1342, "quantile": 0.5, "value": 156500.0, "Latitude": 38.02, "Longitude": -121.92, "Population": 1526.0}, {"index": 1342, "quantile": 0.75, "value": 158625.0, "Latitude": 38.02, "Longitude": -121.92, "Population": 1526.0}, {"index": 1342, "quantile": 1.0, "value": 298400.0, "Latitude": 38.02, "Longitude": -121.92, "Population": 1526.0}, {"index": 1343, "quantile": 0.0, "value": 88900.0, "Latitude": 38.01, "Longitude": -121.89, "Population": 663.0}, {"index": 1343, "quantile": 0.25, "value": 112500.0, "Latitude": 38.01, "Longitude": -121.89, "Population": 663.0}, {"index": 1343, "quantile": 0.5, "value": 126600.0, "Latitude": 38.01, "Longitude": -121.89, "Population": 663.0}, {"index": 1343, "quantile": 0.75, "value": 152375.0, "Latitude": 38.01, "Longitude": -121.89, "Population": 663.0}, {"index": 1343, "quantile": 1.0, "value": 387500.0, "Latitude": 38.01, "Longitude": -121.89, "Population": 663.0}, {"index": 1344, "quantile": 0.0, "value": 94600.0, "Latitude": 38.01, "Longitude": -121.9, "Population": 2356.0}, {"index": 1344, "quantile": 0.25, "value": 110600.00000000001, "Latitude": 38.01, "Longitude": -121.9, "Population": 2356.0}, {"index": 1344, "quantile": 0.5, "value": 110600.00000000001, "Latitude": 38.01, "Longitude": -121.9, "Population": 2356.0}, {"index": 1344, "quantile": 0.75, "value": 110600.00000000001, "Latitude": 38.01, "Longitude": -121.9, "Population": 2356.0}, {"index": 1344, "quantile": 1.0, "value": 195000.0, "Latitude": 38.01, "Longitude": -121.9, "Population": 2356.0}, {"index": 1345, "quantile": 0.0, "value": 96200.0, "Latitude": 38.0, "Longitude": -121.9, "Population": 990.0}, {"index": 1345, "quantile": 0.25, "value": 162200.0, "Latitude": 38.0, "Longitude": -121.9, "Population": 990.0}, {"index": 1345, "quantile": 0.5, "value": 162200.0, "Latitude": 38.0, "Longitude": -121.9, "Population": 990.0}, {"index": 1345, "quantile": 0.75, "value": 162200.0, "Latitude": 38.0, "Longitude": -121.9, "Population": 990.0}, {"index": 1345, "quantile": 1.0, "value": 287800.0, "Latitude": 38.0, "Longitude": -121.9, "Population": 990.0}, {"index": 1346, "quantile": 0.0, "value": 151700.0, "Latitude": 38.0, "Longitude": -121.9, "Population": 1288.0}, {"index": 1346, "quantile": 0.25, "value": 177500.0, "Latitude": 38.0, "Longitude": -121.9, "Population": 1288.0}, {"index": 1346, "quantile": 0.5, "value": 177500.0, "Latitude": 38.0, "Longitude": -121.9, "Population": 1288.0}, {"index": 1346, "quantile": 0.75, "value": 198550.0, "Latitude": 38.0, "Longitude": -121.9, "Population": 1288.0}, {"index": 1346, "quantile": 1.0, "value": 289600.0, "Latitude": 38.0, "Longitude": -121.9, "Population": 1288.0}, {"index": 1347, "quantile": 0.0, "value": 149300.0, "Latitude": 38.01, "Longitude": -121.92, "Population": 879.0}, {"index": 1347, "quantile": 0.25, "value": 166000.0, "Latitude": 38.01, "Longitude": -121.92, "Population": 879.0}, {"index": 1347, "quantile": 0.5, "value": 166000.0, "Latitude": 38.01, "Longitude": -121.92, "Population": 879.0}, {"index": 1347, "quantile": 0.75, "value": 205349.99999999997, "Latitude": 38.01, "Longitude": -121.92, "Population": 879.0}, {"index": 1347, "quantile": 1.0, "value": 286200.0, "Latitude": 38.01, "Longitude": -121.92, "Population": 879.0}, {"index": 1348, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 38.01, "Longitude": -121.93, "Population": 1142.0}, {"index": 1348, "quantile": 0.25, "value": 160800.0, "Latitude": 38.01, "Longitude": -121.93, "Population": 1142.0}, {"index": 1348, "quantile": 0.5, "value": 160800.0, "Latitude": 38.01, "Longitude": -121.93, "Population": 1142.0}, {"index": 1348, "quantile": 0.75, "value": 178600.0, "Latitude": 38.01, "Longitude": -121.93, "Population": 1142.0}, {"index": 1348, "quantile": 1.0, "value": 269100.0, "Latitude": 38.01, "Longitude": -121.93, "Population": 1142.0}, {"index": 1349, "quantile": 0.0, "value": 107500.0, "Latitude": 38.02, "Longitude": -121.93, "Population": 940.0}, {"index": 1349, "quantile": 0.25, "value": 154800.0, "Latitude": 38.02, "Longitude": -121.93, "Population": 940.0}, {"index": 1349, "quantile": 0.5, "value": 154800.0, "Latitude": 38.02, "Longitude": -121.93, "Population": 940.0}, {"index": 1349, "quantile": 0.75, "value": 154800.0, "Latitude": 38.02, "Longitude": -121.93, "Population": 940.0}, {"index": 1349, "quantile": 1.0, "value": 267400.0, "Latitude": 38.02, "Longitude": -121.93, "Population": 940.0}, {"index": 1350, "quantile": 0.0, "value": 96800.0, "Latitude": 38.03, "Longitude": -121.95, "Population": 3207.0}, {"index": 1350, "quantile": 0.25, "value": 143100.0, "Latitude": 38.03, "Longitude": -121.95, "Population": 3207.0}, {"index": 1350, "quantile": 0.5, "value": 143100.0, "Latitude": 38.03, "Longitude": -121.95, "Population": 3207.0}, {"index": 1350, "quantile": 0.75, "value": 143100.0, "Latitude": 38.03, "Longitude": -121.95, "Population": 3207.0}, {"index": 1350, "quantile": 1.0, "value": 300600.0, "Latitude": 38.03, "Longitude": -121.95, "Population": 3207.0}, {"index": 1351, "quantile": 0.0, "value": 65800.0, "Latitude": 38.03, "Longitude": -121.94, "Population": 1141.0}, {"index": 1351, "quantile": 0.25, "value": 85100.0, "Latitude": 38.03, "Longitude": -121.94, "Population": 1141.0}, {"index": 1351, "quantile": 0.5, "value": 95500.0, "Latitude": 38.03, "Longitude": -121.94, "Population": 1141.0}, {"index": 1351, "quantile": 0.75, "value": 110250.0, "Latitude": 38.03, "Longitude": -121.94, "Population": 1141.0}, {"index": 1351, "quantile": 1.0, "value": 250000.0, "Latitude": 38.03, "Longitude": -121.94, "Population": 1141.0}, {"index": 1352, "quantile": 0.0, "value": 87900.0, "Latitude": 38.02, "Longitude": -121.96, "Population": 1409.0}, {"index": 1352, "quantile": 0.25, "value": 99000.0, "Latitude": 38.02, "Longitude": -121.96, "Population": 1409.0}, {"index": 1352, "quantile": 0.5, "value": 107300.0, "Latitude": 38.02, "Longitude": -121.96, "Population": 1409.0}, {"index": 1352, "quantile": 0.75, "value": 124600.0, "Latitude": 38.02, "Longitude": -121.96, "Population": 1409.0}, {"index": 1352, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 38.02, "Longitude": -121.96, "Population": 1409.0}, {"index": 1353, "quantile": 0.0, "value": 37900.0, "Latitude": 38.02, "Longitude": -121.95, "Population": 2041.0}, {"index": 1353, "quantile": 0.25, "value": 115124.99999999999, "Latitude": 38.02, "Longitude": -121.95, "Population": 2041.0}, {"index": 1353, "quantile": 0.5, "value": 143200.0, "Latitude": 38.02, "Longitude": -121.95, "Population": 2041.0}, {"index": 1353, "quantile": 0.75, "value": 153100.0, "Latitude": 38.02, "Longitude": -121.95, "Population": 2041.0}, {"index": 1353, "quantile": 1.0, "value": 350000.0, "Latitude": 38.02, "Longitude": -121.95, "Population": 2041.0}, {"index": 1354, "quantile": 0.0, "value": 81900.0, "Latitude": 38.02, "Longitude": -121.94, "Population": 3266.0}, {"index": 1354, "quantile": 0.25, "value": 113900.0, "Latitude": 38.02, "Longitude": -121.94, "Population": 3266.0}, {"index": 1354, "quantile": 0.5, "value": 113900.0, "Latitude": 38.02, "Longitude": -121.94, "Population": 3266.0}, {"index": 1354, "quantile": 0.75, "value": 113900.0, "Latitude": 38.02, "Longitude": -121.94, "Population": 3266.0}, {"index": 1354, "quantile": 1.0, "value": 166700.0, "Latitude": 38.02, "Longitude": -121.94, "Population": 3266.0}, {"index": 1355, "quantile": 0.0, "value": 90600.0, "Latitude": 38.03, "Longitude": -121.92, "Population": 1410.0}, {"index": 1355, "quantile": 0.25, "value": 100200.0, "Latitude": 38.03, "Longitude": -121.92, "Population": 1410.0}, {"index": 1355, "quantile": 0.5, "value": 100200.0, "Latitude": 38.03, "Longitude": -121.92, "Population": 1410.0}, {"index": 1355, "quantile": 0.75, "value": 124050.0, "Latitude": 38.03, "Longitude": -121.92, "Population": 1410.0}, {"index": 1355, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.03, "Longitude": -121.92, "Population": 1410.0}, {"index": 1356, "quantile": 0.0, "value": 92800.0, "Latitude": 38.02, "Longitude": -121.92, "Population": 1288.0}, {"index": 1356, "quantile": 0.25, "value": 125000.0, "Latitude": 38.02, "Longitude": -121.92, "Population": 1288.0}, {"index": 1356, "quantile": 0.5, "value": 125000.0, "Latitude": 38.02, "Longitude": -121.92, "Population": 1288.0}, {"index": 1356, "quantile": 0.75, "value": 133400.0, "Latitude": 38.02, "Longitude": -121.92, "Population": 1288.0}, {"index": 1356, "quantile": 1.0, "value": 260900.0, "Latitude": 38.02, "Longitude": -121.92, "Population": 1288.0}, {"index": 1357, "quantile": 0.0, "value": 84600.0, "Latitude": 38.02, "Longitude": -121.91, "Population": 1687.0}, {"index": 1357, "quantile": 0.25, "value": 100200.0, "Latitude": 38.02, "Longitude": -121.91, "Population": 1687.0}, {"index": 1357, "quantile": 0.5, "value": 126099.99999999999, "Latitude": 38.02, "Longitude": -121.91, "Population": 1687.0}, {"index": 1357, "quantile": 0.75, "value": 140100.0, "Latitude": 38.02, "Longitude": -121.91, "Population": 1687.0}, {"index": 1357, "quantile": 1.0, "value": 331600.0, "Latitude": 38.02, "Longitude": -121.91, "Population": 1687.0}, {"index": 1358, "quantile": 0.0, "value": 75800.0, "Latitude": 38.04, "Longitude": -121.97, "Population": 1595.0}, {"index": 1358, "quantile": 0.25, "value": 92800.0, "Latitude": 38.04, "Longitude": -121.97, "Population": 1595.0}, {"index": 1358, "quantile": 0.5, "value": 103600.0, "Latitude": 38.04, "Longitude": -121.97, "Population": 1595.0}, {"index": 1358, "quantile": 0.75, "value": 111700.0, "Latitude": 38.04, "Longitude": -121.97, "Population": 1595.0}, {"index": 1358, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 38.04, "Longitude": -121.97, "Population": 1595.0}, {"index": 1359, "quantile": 0.0, "value": 93800.0, "Latitude": 38.03, "Longitude": -121.97, "Population": 1939.0}, {"index": 1359, "quantile": 0.25, "value": 127000.0, "Latitude": 38.03, "Longitude": -121.97, "Population": 1939.0}, {"index": 1359, "quantile": 0.5, "value": 134900.00000000003, "Latitude": 38.03, "Longitude": -121.97, "Population": 1939.0}, {"index": 1359, "quantile": 0.75, "value": 162800.0, "Latitude": 38.03, "Longitude": -121.97, "Population": 1939.0}, {"index": 1359, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.03, "Longitude": -121.97, "Population": 1939.0}, {"index": 1360, "quantile": 0.0, "value": 82800.0, "Latitude": 38.05, "Longitude": -121.98, "Population": 1640.0}, {"index": 1360, "quantile": 0.25, "value": 98500.0, "Latitude": 38.05, "Longitude": -121.98, "Population": 1640.0}, {"index": 1360, "quantile": 0.5, "value": 98500.0, "Latitude": 38.05, "Longitude": -121.98, "Population": 1640.0}, {"index": 1360, "quantile": 0.75, "value": 110600.00000000001, "Latitude": 38.05, "Longitude": -121.98, "Population": 1640.0}, {"index": 1360, "quantile": 1.0, "value": 240099.99999999997, "Latitude": 38.05, "Longitude": -121.98, "Population": 1640.0}, {"index": 1361, "quantile": 0.0, "value": 85600.0, "Latitude": 38.02, "Longitude": -122.02, "Population": 817.0}, {"index": 1361, "quantile": 0.25, "value": 156900.0, "Latitude": 38.02, "Longitude": -122.02, "Population": 817.0}, {"index": 1361, "quantile": 0.5, "value": 156900.0, "Latitude": 38.02, "Longitude": -122.02, "Population": 817.0}, {"index": 1361, "quantile": 0.75, "value": 196350.0, "Latitude": 38.02, "Longitude": -122.02, "Population": 817.0}, {"index": 1361, "quantile": 1.0, "value": 450800.0, "Latitude": 38.02, "Longitude": -122.02, "Population": 817.0}, {"index": 1362, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 38.03, "Longitude": -122.0, "Population": 1235.0}, {"index": 1362, "quantile": 0.25, "value": 209400.0, "Latitude": 38.03, "Longitude": -122.0, "Population": 1235.0}, {"index": 1362, "quantile": 0.5, "value": 228200.0, "Latitude": 38.03, "Longitude": -122.0, "Population": 1235.0}, {"index": 1362, "quantile": 0.75, "value": 247900.0, "Latitude": 38.03, "Longitude": -122.0, "Population": 1235.0}, {"index": 1362, "quantile": 1.0, "value": 405400.0, "Latitude": 38.03, "Longitude": -122.0, "Population": 1235.0}, {"index": 1363, "quantile": 0.0, "value": 72500.0, "Latitude": 38.02, "Longitude": -122.14, "Population": 825.0}, {"index": 1363, "quantile": 0.25, "value": 133900.0, "Latitude": 38.02, "Longitude": -122.14, "Population": 825.0}, {"index": 1363, "quantile": 0.5, "value": 133900.0, "Latitude": 38.02, "Longitude": -122.14, "Population": 825.0}, {"index": 1363, "quantile": 0.75, "value": 133900.0, "Latitude": 38.02, "Longitude": -122.14, "Population": 825.0}, {"index": 1363, "quantile": 1.0, "value": 364300.0, "Latitude": 38.02, "Longitude": -122.14, "Population": 825.0}, {"index": 1364, "quantile": 0.0, "value": 67500.0, "Latitude": 38.03, "Longitude": -122.14, "Population": 54.0}, {"index": 1364, "quantile": 0.25, "value": 220450.0, "Latitude": 38.03, "Longitude": -122.14, "Population": 54.0}, {"index": 1364, "quantile": 0.5, "value": 225000.0, "Latitude": 38.03, "Longitude": -122.14, "Population": 54.0}, {"index": 1364, "quantile": 0.75, "value": 225000.0, "Latitude": 38.03, "Longitude": -122.14, "Population": 54.0}, {"index": 1364, "quantile": 1.0, "value": 287500.0, "Latitude": 38.03, "Longitude": -122.14, "Population": 54.0}, {"index": 1365, "quantile": 0.0, "value": 87500.0, "Latitude": 38.02, "Longitude": -122.13, "Population": 940.0}, {"index": 1365, "quantile": 0.25, "value": 165875.0, "Latitude": 38.02, "Longitude": -122.13, "Population": 940.0}, {"index": 1365, "quantile": 0.5, "value": 166000.0, "Latitude": 38.02, "Longitude": -122.13, "Population": 940.0}, {"index": 1365, "quantile": 0.75, "value": 166000.0, "Latitude": 38.02, "Longitude": -122.13, "Population": 940.0}, {"index": 1365, "quantile": 1.0, "value": 289500.0, "Latitude": 38.02, "Longitude": -122.13, "Population": 940.0}, {"index": 1366, "quantile": 0.0, "value": 73400.0, "Latitude": 38.01, "Longitude": -122.13, "Population": 859.0}, {"index": 1366, "quantile": 0.25, "value": 144800.0, "Latitude": 38.01, "Longitude": -122.13, "Population": 859.0}, {"index": 1366, "quantile": 0.5, "value": 144800.0, "Latitude": 38.01, "Longitude": -122.13, "Population": 859.0}, {"index": 1366, "quantile": 0.75, "value": 151950.0, "Latitude": 38.01, "Longitude": -122.13, "Population": 859.0}, {"index": 1366, "quantile": 1.0, "value": 350000.0, "Latitude": 38.01, "Longitude": -122.13, "Population": 859.0}, {"index": 1367, "quantile": 0.0, "value": 90400.0, "Latitude": 38.01, "Longitude": -122.14, "Population": 741.0}, {"index": 1367, "quantile": 0.25, "value": 178300.0, "Latitude": 38.01, "Longitude": -122.14, "Population": 741.0}, {"index": 1367, "quantile": 0.5, "value": 178300.0, "Latitude": 38.01, "Longitude": -122.14, "Population": 741.0}, {"index": 1367, "quantile": 0.75, "value": 178300.0, "Latitude": 38.01, "Longitude": -122.14, "Population": 741.0}, {"index": 1367, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.01, "Longitude": -122.14, "Population": 741.0}, {"index": 1368, "quantile": 0.0, "value": 37900.0, "Latitude": 38.01, "Longitude": -122.13, "Population": 608.0}, {"index": 1368, "quantile": 0.25, "value": 139300.0, "Latitude": 38.01, "Longitude": -122.13, "Population": 608.0}, {"index": 1368, "quantile": 0.5, "value": 139300.0, "Latitude": 38.01, "Longitude": -122.13, "Population": 608.0}, {"index": 1368, "quantile": 0.75, "value": 139800.0, "Latitude": 38.01, "Longitude": -122.13, "Population": 608.0}, {"index": 1368, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.01, "Longitude": -122.13, "Population": 608.0}, {"index": 1369, "quantile": 0.0, "value": 92600.0, "Latitude": 38.0, "Longitude": -122.13, "Population": 1206.0}, {"index": 1369, "quantile": 0.25, "value": 150800.0, "Latitude": 38.0, "Longitude": -122.13, "Population": 1206.0}, {"index": 1369, "quantile": 0.5, "value": 150800.0, "Latitude": 38.0, "Longitude": -122.13, "Population": 1206.0}, {"index": 1369, "quantile": 0.75, "value": 150800.0, "Latitude": 38.0, "Longitude": -122.13, "Population": 1206.0}, {"index": 1369, "quantile": 1.0, "value": 274000.0, "Latitude": 38.0, "Longitude": -122.13, "Population": 1206.0}, {"index": 1370, "quantile": 0.0, "value": 97300.0, "Latitude": 38.02, "Longitude": -122.16, "Population": 761.0}, {"index": 1370, "quantile": 0.25, "value": 196100.0, "Latitude": 38.02, "Longitude": -122.16, "Population": 761.0}, {"index": 1370, "quantile": 0.5, "value": 196100.0, "Latitude": 38.02, "Longitude": -122.16, "Population": 761.0}, {"index": 1370, "quantile": 0.75, "value": 196200.0, "Latitude": 38.02, "Longitude": -122.16, "Population": 761.0}, {"index": 1370, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 38.02, "Longitude": -122.16, "Population": 761.0}, {"index": 1371, "quantile": 0.0, "value": 87800.0, "Latitude": 38.01, "Longitude": -122.11, "Population": 575.0}, {"index": 1371, "quantile": 0.25, "value": 116100.0, "Latitude": 38.01, "Longitude": -122.11, "Population": 575.0}, {"index": 1371, "quantile": 0.5, "value": 116100.0, "Latitude": 38.01, "Longitude": -122.11, "Population": 575.0}, {"index": 1371, "quantile": 0.75, "value": 135950.00000000003, "Latitude": 38.01, "Longitude": -122.11, "Population": 575.0}, {"index": 1371, "quantile": 1.0, "value": 242600.00000000003, "Latitude": 38.01, "Longitude": -122.11, "Population": 575.0}, {"index": 1372, "quantile": 0.0, "value": 79800.0, "Latitude": 38.01, "Longitude": -122.11, "Population": 718.0}, {"index": 1372, "quantile": 0.25, "value": 129400.0, "Latitude": 38.01, "Longitude": -122.11, "Population": 718.0}, {"index": 1372, "quantile": 0.5, "value": 129400.0, "Latitude": 38.01, "Longitude": -122.11, "Population": 718.0}, {"index": 1372, "quantile": 0.75, "value": 139825.0, "Latitude": 38.01, "Longitude": -122.11, "Population": 718.0}, {"index": 1372, "quantile": 1.0, "value": 260800.0, "Latitude": 38.01, "Longitude": -122.11, "Population": 718.0}, {"index": 1373, "quantile": 0.0, "value": 84400.0, "Latitude": 38.0, "Longitude": -122.12, "Population": 3221.0}, {"index": 1373, "quantile": 0.25, "value": 169400.0, "Latitude": 38.0, "Longitude": -122.12, "Population": 3221.0}, {"index": 1373, "quantile": 0.5, "value": 183600.0, "Latitude": 38.0, "Longitude": -122.12, "Population": 3221.0}, {"index": 1373, "quantile": 0.75, "value": 190000.0, "Latitude": 38.0, "Longitude": -122.12, "Population": 3221.0}, {"index": 1373, "quantile": 1.0, "value": 395000.0, "Latitude": 38.0, "Longitude": -122.12, "Population": 3221.0}, {"index": 1374, "quantile": 0.0, "value": 93800.0, "Latitude": 38.01, "Longitude": -122.12, "Population": 691.0}, {"index": 1374, "quantile": 0.25, "value": 126499.99999999999, "Latitude": 38.01, "Longitude": -122.12, "Population": 691.0}, {"index": 1374, "quantile": 0.5, "value": 126499.99999999999, "Latitude": 38.01, "Longitude": -122.12, "Population": 691.0}, {"index": 1374, "quantile": 0.75, "value": 126499.99999999999, "Latitude": 38.01, "Longitude": -122.12, "Population": 691.0}, {"index": 1374, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.01, "Longitude": -122.12, "Population": 691.0}, {"index": 1375, "quantile": 0.0, "value": 118000.0, "Latitude": 38.01, "Longitude": -122.12, "Population": 837.0}, {"index": 1375, "quantile": 0.25, "value": 135700.0, "Latitude": 38.01, "Longitude": -122.12, "Population": 837.0}, {"index": 1375, "quantile": 0.5, "value": 135700.0, "Latitude": 38.01, "Longitude": -122.12, "Population": 837.0}, {"index": 1375, "quantile": 0.75, "value": 141400.0, "Latitude": 38.01, "Longitude": -122.12, "Population": 837.0}, {"index": 1375, "quantile": 1.0, "value": 299200.0, "Latitude": 38.01, "Longitude": -122.12, "Population": 837.0}, {"index": 1376, "quantile": 0.0, "value": 81300.0, "Latitude": 38.01, "Longitude": -122.12, "Population": 864.0}, {"index": 1376, "quantile": 0.25, "value": 164800.0, "Latitude": 38.01, "Longitude": -122.12, "Population": 864.0}, {"index": 1376, "quantile": 0.5, "value": 172400.0, "Latitude": 38.01, "Longitude": -122.12, "Population": 864.0}, {"index": 1376, "quantile": 0.75, "value": 172400.0, "Latitude": 38.01, "Longitude": -122.12, "Population": 864.0}, {"index": 1376, "quantile": 1.0, "value": 457500.0, "Latitude": 38.01, "Longitude": -122.12, "Population": 864.0}, {"index": 1377, "quantile": 0.0, "value": 85900.0, "Latitude": 38.02, "Longitude": -122.09, "Population": 1128.0}, {"index": 1377, "quantile": 0.25, "value": 110600.00000000001, "Latitude": 38.02, "Longitude": -122.09, "Population": 1128.0}, {"index": 1377, "quantile": 0.5, "value": 125850.0, "Latitude": 38.02, "Longitude": -122.09, "Population": 1128.0}, {"index": 1377, "quantile": 0.75, "value": 133025.0, "Latitude": 38.02, "Longitude": -122.09, "Population": 1128.0}, {"index": 1377, "quantile": 1.0, "value": 197300.0, "Latitude": 38.02, "Longitude": -122.09, "Population": 1128.0}, {"index": 1378, "quantile": 0.0, "value": 99000.0, "Latitude": 38.02, "Longitude": -122.1, "Population": 2086.0}, {"index": 1378, "quantile": 0.25, "value": 134075.0, "Latitude": 38.02, "Longitude": -122.1, "Population": 2086.0}, {"index": 1378, "quantile": 0.5, "value": 144900.0, "Latitude": 38.02, "Longitude": -122.1, "Population": 2086.0}, {"index": 1378, "quantile": 0.75, "value": 169925.00000000003, "Latitude": 38.02, "Longitude": -122.1, "Population": 2086.0}, {"index": 1378, "quantile": 1.0, "value": 246300.0, "Latitude": 38.02, "Longitude": -122.1, "Population": 2086.0}, {"index": 1379, "quantile": 0.0, "value": 82100.0, "Latitude": 38.0, "Longitude": -122.07, "Population": 462.0}, {"index": 1379, "quantile": 0.25, "value": 134900.0, "Latitude": 38.0, "Longitude": -122.07, "Population": 462.0}, {"index": 1379, "quantile": 0.5, "value": 157900.0, "Latitude": 38.0, "Longitude": -122.07, "Population": 462.0}, {"index": 1379, "quantile": 0.75, "value": 189125.0, "Latitude": 38.0, "Longitude": -122.07, "Population": 462.0}, {"index": 1379, "quantile": 1.0, "value": 304000.0, "Latitude": 38.0, "Longitude": -122.07, "Population": 462.0}, {"index": 1380, "quantile": 0.0, "value": 174200.0, "Latitude": 38.0, "Longitude": -122.09, "Population": 4377.0}, {"index": 1380, "quantile": 0.25, "value": 204199.99999999997, "Latitude": 38.0, "Longitude": -122.09, "Population": 4377.0}, {"index": 1380, "quantile": 0.5, "value": 204199.99999999997, "Latitude": 38.0, "Longitude": -122.09, "Population": 4377.0}, {"index": 1380, "quantile": 0.75, "value": 212200.0, "Latitude": 38.0, "Longitude": -122.09, "Population": 4377.0}, {"index": 1380, "quantile": 1.0, "value": 352900.0, "Latitude": 38.0, "Longitude": -122.09, "Population": 4377.0}, {"index": 1381, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 38.0, "Longitude": -122.11, "Population": 1460.0}, {"index": 1381, "quantile": 0.25, "value": 212600.0, "Latitude": 38.0, "Longitude": -122.11, "Population": 1460.0}, {"index": 1381, "quantile": 0.5, "value": 212600.0, "Latitude": 38.0, "Longitude": -122.11, "Population": 1460.0}, {"index": 1381, "quantile": 0.75, "value": 268700.0, "Latitude": 38.0, "Longitude": -122.11, "Population": 1460.0}, {"index": 1381, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.0, "Longitude": -122.11, "Population": 1460.0}, {"index": 1382, "quantile": 0.0, "value": 137200.0, "Latitude": 37.99, "Longitude": -122.08, "Population": 1914.0}, {"index": 1382, "quantile": 0.25, "value": 199900.0, "Latitude": 37.99, "Longitude": -122.08, "Population": 1914.0}, {"index": 1382, "quantile": 0.5, "value": 199900.0, "Latitude": 37.99, "Longitude": -122.08, "Population": 1914.0}, {"index": 1382, "quantile": 0.75, "value": 206700.00000000003, "Latitude": 37.99, "Longitude": -122.08, "Population": 1914.0}, {"index": 1382, "quantile": 1.0, "value": 362300.0, "Latitude": 37.99, "Longitude": -122.08, "Population": 1914.0}, {"index": 1383, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 37.99, "Longitude": -122.09, "Population": 1773.0}, {"index": 1383, "quantile": 0.25, "value": 183775.0, "Latitude": 37.99, "Longitude": -122.09, "Population": 1773.0}, {"index": 1383, "quantile": 0.5, "value": 209000.0, "Latitude": 37.99, "Longitude": -122.09, "Population": 1773.0}, {"index": 1383, "quantile": 0.75, "value": 237025.0, "Latitude": 37.99, "Longitude": -122.09, "Population": 1773.0}, {"index": 1383, "quantile": 1.0, "value": 436700.0, "Latitude": 37.99, "Longitude": -122.09, "Population": 1773.0}, {"index": 1384, "quantile": 0.0, "value": 124900.00000000001, "Latitude": 37.99, "Longitude": -122.11, "Population": 1782.0}, {"index": 1384, "quantile": 0.25, "value": 206075.0, "Latitude": 37.99, "Longitude": -122.11, "Population": 1782.0}, {"index": 1384, "quantile": 0.5, "value": 206700.00000000003, "Latitude": 37.99, "Longitude": -122.11, "Population": 1782.0}, {"index": 1384, "quantile": 0.75, "value": 206700.00000000003, "Latitude": 37.99, "Longitude": -122.11, "Population": 1782.0}, {"index": 1384, "quantile": 1.0, "value": 417500.0, "Latitude": 37.99, "Longitude": -122.11, "Population": 1782.0}, {"index": 1385, "quantile": 0.0, "value": 85700.0, "Latitude": 37.99, "Longitude": -122.11, "Population": 1300.0}, {"index": 1385, "quantile": 0.25, "value": 170500.0, "Latitude": 37.99, "Longitude": -122.11, "Population": 1300.0}, {"index": 1385, "quantile": 0.5, "value": 190300.0, "Latitude": 37.99, "Longitude": -122.11, "Population": 1300.0}, {"index": 1385, "quantile": 0.75, "value": 203925.0, "Latitude": 37.99, "Longitude": -122.11, "Population": 1300.0}, {"index": 1385, "quantile": 1.0, "value": 326500.0, "Latitude": 37.99, "Longitude": -122.11, "Population": 1300.0}, {"index": 1386, "quantile": 0.0, "value": 175000.0, "Latitude": 37.97, "Longitude": -122.08, "Population": 1105.0}, {"index": 1386, "quantile": 0.25, "value": 245200.0, "Latitude": 37.97, "Longitude": -122.08, "Population": 1105.0}, {"index": 1386, "quantile": 0.5, "value": 245200.0, "Latitude": 37.97, "Longitude": -122.08, "Population": 1105.0}, {"index": 1386, "quantile": 0.75, "value": 245200.0, "Latitude": 37.97, "Longitude": -122.08, "Population": 1105.0}, {"index": 1386, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -122.08, "Population": 1105.0}, {"index": 1387, "quantile": 0.0, "value": 218000.00000000003, "Latitude": 37.97, "Longitude": -122.09, "Population": 2017.0}, {"index": 1387, "quantile": 0.25, "value": 310700.0, "Latitude": 37.97, "Longitude": -122.09, "Population": 2017.0}, {"index": 1387, "quantile": 0.5, "value": 341600.0, "Latitude": 37.97, "Longitude": -122.09, "Population": 2017.0}, {"index": 1387, "quantile": 0.75, "value": 369900.0, "Latitude": 37.97, "Longitude": -122.09, "Population": 2017.0}, {"index": 1387, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -122.09, "Population": 2017.0}, {"index": 1388, "quantile": 0.0, "value": 179200.0, "Latitude": 37.98, "Longitude": -122.11, "Population": 1790.0}, {"index": 1388, "quantile": 0.25, "value": 266375.0, "Latitude": 37.98, "Longitude": -122.11, "Population": 1790.0}, {"index": 1388, "quantile": 0.5, "value": 297300.0, "Latitude": 37.98, "Longitude": -122.11, "Population": 1790.0}, {"index": 1388, "quantile": 0.75, "value": 297300.0, "Latitude": 37.98, "Longitude": -122.11, "Population": 1790.0}, {"index": 1388, "quantile": 1.0, "value": 496000.0, "Latitude": 37.98, "Longitude": -122.11, "Population": 1790.0}, {"index": 1389, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 37.98, "Longitude": -122.09, "Population": 2296.0}, {"index": 1389, "quantile": 0.25, "value": 211000.0, "Latitude": 37.98, "Longitude": -122.09, "Population": 2296.0}, {"index": 1389, "quantile": 0.5, "value": 211000.0, "Latitude": 37.98, "Longitude": -122.09, "Population": 2296.0}, {"index": 1389, "quantile": 0.75, "value": 212600.0, "Latitude": 37.98, "Longitude": -122.09, "Population": 2296.0}, {"index": 1389, "quantile": 1.0, "value": 485300.0, "Latitude": 37.98, "Longitude": -122.09, "Population": 2296.0}, {"index": 1390, "quantile": 0.0, "value": 125000.0, "Latitude": 37.99, "Longitude": -122.12, "Population": 741.0}, {"index": 1390, "quantile": 0.25, "value": 196950.0, "Latitude": 37.99, "Longitude": -122.12, "Population": 741.0}, {"index": 1390, "quantile": 0.5, "value": 225400.0, "Latitude": 37.99, "Longitude": -122.12, "Population": 741.0}, {"index": 1390, "quantile": 0.75, "value": 225400.0, "Latitude": 37.99, "Longitude": -122.12, "Population": 741.0}, {"index": 1390, "quantile": 1.0, "value": 279100.0, "Latitude": 37.99, "Longitude": -122.12, "Population": 741.0}, {"index": 1391, "quantile": 0.0, "value": 164700.0, "Latitude": 37.97, "Longitude": -122.1, "Population": 1753.0}, {"index": 1391, "quantile": 0.25, "value": 269600.0, "Latitude": 37.97, "Longitude": -122.1, "Population": 1753.0}, {"index": 1391, "quantile": 0.5, "value": 269600.0, "Latitude": 37.97, "Longitude": -122.1, "Population": 1753.0}, {"index": 1391, "quantile": 0.75, "value": 269600.0, "Latitude": 37.97, "Longitude": -122.1, "Population": 1753.0}, {"index": 1391, "quantile": 1.0, "value": 443600.0, "Latitude": 37.97, "Longitude": -122.1, "Population": 1753.0}, {"index": 1392, "quantile": 0.0, "value": 99000.0, "Latitude": 37.96, "Longitude": -122.1, "Population": 1679.0}, {"index": 1392, "quantile": 0.25, "value": 184000.0, "Latitude": 37.96, "Longitude": -122.1, "Population": 1679.0}, {"index": 1392, "quantile": 0.5, "value": 194850.0, "Latitude": 37.96, "Longitude": -122.1, "Population": 1679.0}, {"index": 1392, "quantile": 0.75, "value": 227400.0, "Latitude": 37.96, "Longitude": -122.1, "Population": 1679.0}, {"index": 1392, "quantile": 1.0, "value": 305000.0, "Latitude": 37.96, "Longitude": -122.1, "Population": 1679.0}, {"index": 1393, "quantile": 0.0, "value": 193200.0, "Latitude": 37.96, "Longitude": -122.1, "Population": 569.0}, {"index": 1393, "quantile": 0.25, "value": 235500.0, "Latitude": 37.96, "Longitude": -122.1, "Population": 569.0}, {"index": 1393, "quantile": 0.5, "value": 235500.0, "Latitude": 37.96, "Longitude": -122.1, "Population": 569.0}, {"index": 1393, "quantile": 0.75, "value": 340675.0, "Latitude": 37.96, "Longitude": -122.1, "Population": 569.0}, {"index": 1393, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.1, "Population": 569.0}, {"index": 1394, "quantile": 0.0, "value": 92800.0, "Latitude": 37.99, "Longitude": -122.07, "Population": 1811.0}, {"index": 1394, "quantile": 0.25, "value": 156825.0, "Latitude": 37.99, "Longitude": -122.07, "Population": 1811.0}, {"index": 1394, "quantile": 0.5, "value": 166900.0, "Latitude": 37.99, "Longitude": -122.07, "Population": 1811.0}, {"index": 1394, "quantile": 0.75, "value": 166900.0, "Latitude": 37.99, "Longitude": -122.07, "Population": 1811.0}, {"index": 1394, "quantile": 1.0, "value": 287500.0, "Latitude": 37.99, "Longitude": -122.07, "Population": 1811.0}, {"index": 1395, "quantile": 0.0, "value": 112500.0, "Latitude": 37.98, "Longitude": -122.07, "Population": 2940.0}, {"index": 1395, "quantile": 0.25, "value": 185500.0, "Latitude": 37.98, "Longitude": -122.07, "Population": 2940.0}, {"index": 1395, "quantile": 0.5, "value": 186100.0, "Latitude": 37.98, "Longitude": -122.07, "Population": 2940.0}, {"index": 1395, "quantile": 0.75, "value": 186100.0, "Latitude": 37.98, "Longitude": -122.07, "Population": 2940.0}, {"index": 1395, "quantile": 1.0, "value": 305800.0, "Latitude": 37.98, "Longitude": -122.07, "Population": 2940.0}, {"index": 1396, "quantile": 0.0, "value": 118500.0, "Latitude": 37.97, "Longitude": -122.07, "Population": 856.0}, {"index": 1396, "quantile": 0.25, "value": 174550.0, "Latitude": 37.97, "Longitude": -122.07, "Population": 856.0}, {"index": 1396, "quantile": 0.5, "value": 211800.0, "Latitude": 37.97, "Longitude": -122.07, "Population": 856.0}, {"index": 1396, "quantile": 0.75, "value": 211800.0, "Latitude": 37.97, "Longitude": -122.07, "Population": 856.0}, {"index": 1396, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 37.97, "Longitude": -122.07, "Population": 856.0}, {"index": 1397, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 37.96, "Longitude": -122.07, "Population": 836.0}, {"index": 1397, "quantile": 0.25, "value": 196875.0, "Latitude": 37.96, "Longitude": -122.07, "Population": 836.0}, {"index": 1397, "quantile": 0.5, "value": 197100.0, "Latitude": 37.96, "Longitude": -122.07, "Population": 836.0}, {"index": 1397, "quantile": 0.75, "value": 197100.0, "Latitude": 37.96, "Longitude": -122.07, "Population": 836.0}, {"index": 1397, "quantile": 1.0, "value": 274800.0, "Latitude": 37.96, "Longitude": -122.07, "Population": 836.0}, {"index": 1398, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 37.96, "Longitude": -122.06, "Population": 788.0}, {"index": 1398, "quantile": 0.25, "value": 188800.0, "Latitude": 37.96, "Longitude": -122.06, "Population": 788.0}, {"index": 1398, "quantile": 0.5, "value": 189600.0, "Latitude": 37.96, "Longitude": -122.06, "Population": 788.0}, {"index": 1398, "quantile": 0.75, "value": 189600.0, "Latitude": 37.96, "Longitude": -122.06, "Population": 788.0}, {"index": 1398, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.06, "Population": 788.0}, {"index": 1399, "quantile": 0.0, "value": 187500.0, "Latitude": 37.96, "Longitude": -122.08, "Population": 3748.0}, {"index": 1399, "quantile": 0.25, "value": 266000.0, "Latitude": 37.96, "Longitude": -122.08, "Population": 3748.0}, {"index": 1399, "quantile": 0.5, "value": 266000.0, "Latitude": 37.96, "Longitude": -122.08, "Population": 3748.0}, {"index": 1399, "quantile": 0.75, "value": 266000.0, "Latitude": 37.96, "Longitude": -122.08, "Population": 3748.0}, {"index": 1399, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.08, "Population": 3748.0}, {"index": 1400, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 37.95, "Longitude": -122.06, "Population": 950.0}, {"index": 1400, "quantile": 0.25, "value": 186400.0, "Latitude": 37.95, "Longitude": -122.06, "Population": 950.0}, {"index": 1400, "quantile": 0.5, "value": 186400.0, "Latitude": 37.95, "Longitude": -122.06, "Population": 950.0}, {"index": 1400, "quantile": 0.75, "value": 193200.0, "Latitude": 37.95, "Longitude": -122.06, "Population": 950.0}, {"index": 1400, "quantile": 1.0, "value": 361700.0, "Latitude": 37.95, "Longitude": -122.06, "Population": 950.0}, {"index": 1401, "quantile": 0.0, "value": 140600.0, "Latitude": 37.95, "Longitude": -122.07, "Population": 1025.0}, {"index": 1401, "quantile": 0.25, "value": 190000.0, "Latitude": 37.95, "Longitude": -122.07, "Population": 1025.0}, {"index": 1401, "quantile": 0.5, "value": 190000.0, "Latitude": 37.95, "Longitude": -122.07, "Population": 1025.0}, {"index": 1401, "quantile": 0.75, "value": 190275.0, "Latitude": 37.95, "Longitude": -122.07, "Population": 1025.0}, {"index": 1401, "quantile": 1.0, "value": 320300.0, "Latitude": 37.95, "Longitude": -122.07, "Population": 1025.0}, {"index": 1402, "quantile": 0.0, "value": 143100.0, "Latitude": 37.95, "Longitude": -122.08, "Population": 1351.0}, {"index": 1402, "quantile": 0.25, "value": 243000.00000000003, "Latitude": 37.95, "Longitude": -122.08, "Population": 1351.0}, {"index": 1402, "quantile": 0.5, "value": 243000.00000000003, "Latitude": 37.95, "Longitude": -122.08, "Population": 1351.0}, {"index": 1402, "quantile": 0.75, "value": 243000.00000000003, "Latitude": 37.95, "Longitude": -122.08, "Population": 1351.0}, {"index": 1402, "quantile": 1.0, "value": 392800.0, "Latitude": 37.95, "Longitude": -122.08, "Population": 1351.0}, {"index": 1403, "quantile": 0.0, "value": 121300.00000000001, "Latitude": 37.95, "Longitude": -122.08, "Population": 425.0}, {"index": 1403, "quantile": 0.25, "value": 225400.0, "Latitude": 37.95, "Longitude": -122.08, "Population": 425.0}, {"index": 1403, "quantile": 0.5, "value": 235600.0, "Latitude": 37.95, "Longitude": -122.08, "Population": 425.0}, {"index": 1403, "quantile": 0.75, "value": 235600.0, "Latitude": 37.95, "Longitude": -122.08, "Population": 425.0}, {"index": 1403, "quantile": 1.0, "value": 333300.0, "Latitude": 37.95, "Longitude": -122.08, "Population": 425.0}, {"index": 1404, "quantile": 0.0, "value": 100000.0, "Latitude": 37.96, "Longitude": -122.07, "Population": 552.0}, {"index": 1404, "quantile": 0.25, "value": 196200.0, "Latitude": 37.96, "Longitude": -122.07, "Population": 552.0}, {"index": 1404, "quantile": 0.5, "value": 196200.0, "Latitude": 37.96, "Longitude": -122.07, "Population": 552.0}, {"index": 1404, "quantile": 0.75, "value": 197100.0, "Latitude": 37.96, "Longitude": -122.07, "Population": 552.0}, {"index": 1404, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 37.96, "Longitude": -122.07, "Population": 552.0}, {"index": 1405, "quantile": 0.0, "value": 126699.99999999999, "Latitude": 37.96, "Longitude": -122.06, "Population": 2959.0}, {"index": 1405, "quantile": 0.25, "value": 182000.0, "Latitude": 37.96, "Longitude": -122.06, "Population": 2959.0}, {"index": 1405, "quantile": 0.5, "value": 182000.0, "Latitude": 37.96, "Longitude": -122.06, "Population": 2959.0}, {"index": 1405, "quantile": 0.75, "value": 186100.0, "Latitude": 37.96, "Longitude": -122.06, "Population": 2959.0}, {"index": 1405, "quantile": 1.0, "value": 305800.0, "Latitude": 37.96, "Longitude": -122.06, "Population": 2959.0}, {"index": 1406, "quantile": 0.0, "value": 63800.0, "Latitude": 37.95, "Longitude": -122.05, "Population": 738.0}, {"index": 1406, "quantile": 0.25, "value": 169400.0, "Latitude": 37.95, "Longitude": -122.05, "Population": 738.0}, {"index": 1406, "quantile": 0.5, "value": 169400.0, "Latitude": 37.95, "Longitude": -122.05, "Population": 738.0}, {"index": 1406, "quantile": 0.75, "value": 169400.0, "Latitude": 37.95, "Longitude": -122.05, "Population": 738.0}, {"index": 1406, "quantile": 1.0, "value": 293200.0, "Latitude": 37.95, "Longitude": -122.05, "Population": 738.0}, {"index": 1407, "quantile": 0.0, "value": 75800.0, "Latitude": 37.94, "Longitude": -122.05, "Population": 1804.0}, {"index": 1407, "quantile": 0.25, "value": 179300.0, "Latitude": 37.94, "Longitude": -122.05, "Population": 1804.0}, {"index": 1407, "quantile": 0.5, "value": 179300.0, "Latitude": 37.94, "Longitude": -122.05, "Population": 1804.0}, {"index": 1407, "quantile": 0.75, "value": 179300.0, "Latitude": 37.94, "Longitude": -122.05, "Population": 1804.0}, {"index": 1407, "quantile": 1.0, "value": 336800.0, "Latitude": 37.94, "Longitude": -122.05, "Population": 1804.0}, {"index": 1408, "quantile": 0.0, "value": 84400.0, "Latitude": 37.94, "Longitude": -122.06, "Population": 1896.0}, {"index": 1408, "quantile": 0.25, "value": 157375.0, "Latitude": 37.94, "Longitude": -122.06, "Population": 1896.0}, {"index": 1408, "quantile": 0.5, "value": 235700.00000000003, "Latitude": 37.94, "Longitude": -122.06, "Population": 1896.0}, {"index": 1408, "quantile": 0.75, "value": 235700.00000000003, "Latitude": 37.94, "Longitude": -122.06, "Population": 1896.0}, {"index": 1408, "quantile": 1.0, "value": 271000.0, "Latitude": 37.94, "Longitude": -122.06, "Population": 1896.0}, {"index": 1409, "quantile": 0.0, "value": 86600.0, "Latitude": 37.94, "Longitude": -122.07, "Population": 1111.0}, {"index": 1409, "quantile": 0.25, "value": 205100.00000000003, "Latitude": 37.94, "Longitude": -122.07, "Population": 1111.0}, {"index": 1409, "quantile": 0.5, "value": 205100.00000000003, "Latitude": 37.94, "Longitude": -122.07, "Population": 1111.0}, {"index": 1409, "quantile": 0.75, "value": 205100.00000000003, "Latitude": 37.94, "Longitude": -122.07, "Population": 1111.0}, {"index": 1409, "quantile": 1.0, "value": 305200.0, "Latitude": 37.94, "Longitude": -122.07, "Population": 1111.0}, {"index": 1410, "quantile": 0.0, "value": 22500.0, "Latitude": 37.94, "Longitude": -122.07, "Population": 707.0}, {"index": 1410, "quantile": 0.25, "value": 109850.0, "Latitude": 37.94, "Longitude": -122.07, "Population": 707.0}, {"index": 1410, "quantile": 0.5, "value": 220800.00000000003, "Latitude": 37.94, "Longitude": -122.07, "Population": 707.0}, {"index": 1410, "quantile": 0.75, "value": 220800.00000000003, "Latitude": 37.94, "Longitude": -122.07, "Population": 707.0}, {"index": 1410, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 37.94, "Longitude": -122.07, "Population": 707.0}, {"index": 1411, "quantile": 0.0, "value": 188300.0, "Latitude": 37.93, "Longitude": -122.08, "Population": 1832.0}, {"index": 1411, "quantile": 0.25, "value": 233199.99999999997, "Latitude": 37.93, "Longitude": -122.08, "Population": 1832.0}, {"index": 1411, "quantile": 0.5, "value": 233199.99999999997, "Latitude": 37.93, "Longitude": -122.08, "Population": 1832.0}, {"index": 1411, "quantile": 0.75, "value": 234800.0, "Latitude": 37.93, "Longitude": -122.08, "Population": 1832.0}, {"index": 1411, "quantile": 1.0, "value": 453700.0, "Latitude": 37.93, "Longitude": -122.08, "Population": 1832.0}, {"index": 1412, "quantile": 0.0, "value": 93900.0, "Latitude": 37.94, "Longitude": -122.08, "Population": 943.0}, {"index": 1412, "quantile": 0.25, "value": 232100.00000000003, "Latitude": 37.94, "Longitude": -122.08, "Population": 943.0}, {"index": 1412, "quantile": 0.5, "value": 232100.00000000003, "Latitude": 37.94, "Longitude": -122.08, "Population": 943.0}, {"index": 1412, "quantile": 0.75, "value": 232100.00000000003, "Latitude": 37.94, "Longitude": -122.08, "Population": 943.0}, {"index": 1412, "quantile": 1.0, "value": 450800.0, "Latitude": 37.94, "Longitude": -122.08, "Population": 943.0}, {"index": 1413, "quantile": 0.0, "value": 87200.0, "Latitude": 37.94, "Longitude": -122.07, "Population": 683.0}, {"index": 1413, "quantile": 0.25, "value": 234200.0, "Latitude": 37.94, "Longitude": -122.07, "Population": 683.0}, {"index": 1413, "quantile": 0.5, "value": 265700.0, "Latitude": 37.94, "Longitude": -122.07, "Population": 683.0}, {"index": 1413, "quantile": 0.75, "value": 265700.0, "Latitude": 37.94, "Longitude": -122.07, "Population": 683.0}, {"index": 1413, "quantile": 1.0, "value": 336200.0, "Latitude": 37.94, "Longitude": -122.07, "Population": 683.0}, {"index": 1414, "quantile": 0.0, "value": 196100.0, "Latitude": 37.95, "Longitude": -122.09, "Population": 601.0}, {"index": 1414, "quantile": 0.25, "value": 247900.0, "Latitude": 37.95, "Longitude": -122.09, "Population": 601.0}, {"index": 1414, "quantile": 0.5, "value": 247900.0, "Latitude": 37.95, "Longitude": -122.09, "Population": 601.0}, {"index": 1414, "quantile": 0.75, "value": 247900.0, "Latitude": 37.95, "Longitude": -122.09, "Population": 601.0}, {"index": 1414, "quantile": 1.0, "value": 450000.0, "Latitude": 37.95, "Longitude": -122.09, "Population": 601.0}, {"index": 1415, "quantile": 0.0, "value": 197000.0, "Latitude": 37.94, "Longitude": -122.09, "Population": 2634.0}, {"index": 1415, "quantile": 0.25, "value": 273200.0, "Latitude": 37.94, "Longitude": -122.09, "Population": 2634.0}, {"index": 1415, "quantile": 0.5, "value": 273200.0, "Latitude": 37.94, "Longitude": -122.09, "Population": 2634.0}, {"index": 1415, "quantile": 0.75, "value": 305100.0, "Latitude": 37.94, "Longitude": -122.09, "Population": 2634.0}, {"index": 1415, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.09, "Population": 2634.0}, {"index": 1416, "quantile": 0.0, "value": 77500.0, "Latitude": 38.0, "Longitude": -122.04, "Population": 1447.0}, {"index": 1416, "quantile": 0.25, "value": 157600.0, "Latitude": 38.0, "Longitude": -122.04, "Population": 1447.0}, {"index": 1416, "quantile": 0.5, "value": 189100.0, "Latitude": 38.0, "Longitude": -122.04, "Population": 1447.0}, {"index": 1416, "quantile": 0.75, "value": 221275.00000000003, "Latitude": 38.0, "Longitude": -122.04, "Population": 1447.0}, {"index": 1416, "quantile": 1.0, "value": 388500.0, "Latitude": 38.0, "Longitude": -122.04, "Population": 1447.0}, {"index": 1417, "quantile": 0.0, "value": 94600.0, "Latitude": 37.99, "Longitude": -122.04, "Population": 749.0}, {"index": 1417, "quantile": 0.25, "value": 134500.0, "Latitude": 37.99, "Longitude": -122.04, "Population": 749.0}, {"index": 1417, "quantile": 0.5, "value": 134500.0, "Latitude": 37.99, "Longitude": -122.04, "Population": 749.0}, {"index": 1417, "quantile": 0.75, "value": 134500.0, "Latitude": 37.99, "Longitude": -122.04, "Population": 749.0}, {"index": 1417, "quantile": 1.0, "value": 210300.00000000003, "Latitude": 37.99, "Longitude": -122.04, "Population": 749.0}, {"index": 1418, "quantile": 0.0, "value": 94600.0, "Latitude": 37.99, "Longitude": -122.04, "Population": 1478.0}, {"index": 1418, "quantile": 0.25, "value": 140300.0, "Latitude": 37.99, "Longitude": -122.04, "Population": 1478.0}, {"index": 1418, "quantile": 0.5, "value": 164400.0, "Latitude": 37.99, "Longitude": -122.04, "Population": 1478.0}, {"index": 1418, "quantile": 0.75, "value": 178200.0, "Latitude": 37.99, "Longitude": -122.04, "Population": 1478.0}, {"index": 1418, "quantile": 1.0, "value": 276500.0, "Latitude": 37.99, "Longitude": -122.04, "Population": 1478.0}, {"index": 1419, "quantile": 0.0, "value": 107500.0, "Latitude": 37.97, "Longitude": -122.05, "Population": 65.0}, {"index": 1419, "quantile": 0.25, "value": 228125.0, "Latitude": 37.97, "Longitude": -122.05, "Population": 65.0}, {"index": 1419, "quantile": 0.5, "value": 250000.0, "Latitude": 37.97, "Longitude": -122.05, "Population": 65.0}, {"index": 1419, "quantile": 0.75, "value": 250000.0, "Latitude": 37.97, "Longitude": -122.05, "Population": 65.0}, {"index": 1419, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -122.05, "Population": 65.0}, {"index": 1420, "quantile": 0.0, "value": 67500.0, "Latitude": 37.99, "Longitude": -122.06, "Population": 721.0}, {"index": 1420, "quantile": 0.25, "value": 87500.0, "Latitude": 37.99, "Longitude": -122.06, "Population": 721.0}, {"index": 1420, "quantile": 0.5, "value": 87500.0, "Latitude": 37.99, "Longitude": -122.06, "Population": 721.0}, {"index": 1420, "quantile": 0.75, "value": 134725.0, "Latitude": 37.99, "Longitude": -122.06, "Population": 721.0}, {"index": 1420, "quantile": 1.0, "value": 267600.0, "Latitude": 37.99, "Longitude": -122.06, "Population": 721.0}, {"index": 1421, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.99, "Longitude": -122.06, "Population": 384.0}, {"index": 1421, "quantile": 0.25, "value": 137500.0, "Latitude": 37.99, "Longitude": -122.06, "Population": 384.0}, {"index": 1421, "quantile": 0.5, "value": 137500.0, "Latitude": 37.99, "Longitude": -122.06, "Population": 384.0}, {"index": 1421, "quantile": 0.75, "value": 137500.0, "Latitude": 37.99, "Longitude": -122.06, "Population": 384.0}, {"index": 1421, "quantile": 1.0, "value": 325000.0, "Latitude": 37.99, "Longitude": -122.06, "Population": 384.0}, {"index": 1422, "quantile": 0.0, "value": 93800.0, "Latitude": 38.0, "Longitude": -122.05, "Population": 1213.0}, {"index": 1422, "quantile": 0.25, "value": 136400.0, "Latitude": 38.0, "Longitude": -122.05, "Population": 1213.0}, {"index": 1422, "quantile": 0.5, "value": 136400.0, "Latitude": 38.0, "Longitude": -122.05, "Population": 1213.0}, {"index": 1422, "quantile": 0.75, "value": 136400.0, "Latitude": 38.0, "Longitude": -122.05, "Population": 1213.0}, {"index": 1422, "quantile": 1.0, "value": 213499.99999999997, "Latitude": 38.0, "Longitude": -122.05, "Population": 1213.0}, {"index": 1423, "quantile": 0.0, "value": 67500.0, "Latitude": 38.0, "Longitude": -122.05, "Population": 356.0}, {"index": 1423, "quantile": 0.25, "value": 75000.0, "Latitude": 38.0, "Longitude": -122.05, "Population": 356.0}, {"index": 1423, "quantile": 0.5, "value": 75000.0, "Latitude": 38.0, "Longitude": -122.05, "Population": 356.0}, {"index": 1423, "quantile": 0.75, "value": 87500.0, "Latitude": 38.0, "Longitude": -122.05, "Population": 356.0}, {"index": 1423, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 38.0, "Longitude": -122.05, "Population": 356.0}, {"index": 1424, "quantile": 0.0, "value": 60000.0, "Latitude": 37.98, "Longitude": -122.03, "Population": 627.0}, {"index": 1424, "quantile": 0.25, "value": 87500.0, "Latitude": 37.98, "Longitude": -122.03, "Population": 627.0}, {"index": 1424, "quantile": 0.5, "value": 137500.0, "Latitude": 37.98, "Longitude": -122.03, "Population": 627.0}, {"index": 1424, "quantile": 0.75, "value": 162500.0, "Latitude": 37.98, "Longitude": -122.03, "Population": 627.0}, {"index": 1424, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -122.03, "Population": 627.0}, {"index": 1425, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.97, "Longitude": -122.04, "Population": 631.0}, {"index": 1425, "quantile": 0.25, "value": 101575.0, "Latitude": 37.97, "Longitude": -122.04, "Population": 631.0}, {"index": 1425, "quantile": 0.5, "value": 114300.0, "Latitude": 37.97, "Longitude": -122.04, "Population": 631.0}, {"index": 1425, "quantile": 0.75, "value": 141700.0, "Latitude": 37.97, "Longitude": -122.04, "Population": 631.0}, {"index": 1425, "quantile": 1.0, "value": 365600.0, "Latitude": 37.97, "Longitude": -122.04, "Population": 631.0}, {"index": 1426, "quantile": 0.0, "value": 133800.0, "Latitude": 38.0, "Longitude": -122.03, "Population": 1753.0}, {"index": 1426, "quantile": 0.25, "value": 192300.0, "Latitude": 38.0, "Longitude": -122.03, "Population": 1753.0}, {"index": 1426, "quantile": 0.5, "value": 217200.00000000003, "Latitude": 38.0, "Longitude": -122.03, "Population": 1753.0}, {"index": 1426, "quantile": 0.75, "value": 247900.0, "Latitude": 38.0, "Longitude": -122.03, "Population": 1753.0}, {"index": 1426, "quantile": 1.0, "value": 352700.0, "Latitude": 38.0, "Longitude": -122.03, "Population": 1753.0}, {"index": 1427, "quantile": 0.0, "value": 99600.0, "Latitude": 38.01, "Longitude": -122.03, "Population": 1666.0}, {"index": 1427, "quantile": 0.25, "value": 148349.99999999997, "Latitude": 38.01, "Longitude": -122.03, "Population": 1666.0}, {"index": 1427, "quantile": 0.5, "value": 170950.0, "Latitude": 38.01, "Longitude": -122.03, "Population": 1666.0}, {"index": 1427, "quantile": 0.75, "value": 191100.0, "Latitude": 38.01, "Longitude": -122.03, "Population": 1666.0}, {"index": 1427, "quantile": 1.0, "value": 332400.0, "Latitude": 38.01, "Longitude": -122.03, "Population": 1666.0}, {"index": 1428, "quantile": 0.0, "value": 85900.0, "Latitude": 37.99, "Longitude": -122.04, "Population": 1378.0}, {"index": 1428, "quantile": 0.25, "value": 139900.0, "Latitude": 37.99, "Longitude": -122.04, "Population": 1378.0}, {"index": 1428, "quantile": 0.5, "value": 139900.0, "Latitude": 37.99, "Longitude": -122.04, "Population": 1378.0}, {"index": 1428, "quantile": 0.75, "value": 139900.0, "Latitude": 37.99, "Longitude": -122.04, "Population": 1378.0}, {"index": 1428, "quantile": 1.0, "value": 204100.0, "Latitude": 37.99, "Longitude": -122.04, "Population": 1378.0}, {"index": 1429, "quantile": 0.0, "value": 114300.0, "Latitude": 37.98, "Longitude": -122.03, "Population": 1261.0}, {"index": 1429, "quantile": 0.25, "value": 138200.0, "Latitude": 37.98, "Longitude": -122.03, "Population": 1261.0}, {"index": 1429, "quantile": 0.5, "value": 138200.0, "Latitude": 37.98, "Longitude": -122.03, "Population": 1261.0}, {"index": 1429, "quantile": 0.75, "value": 143625.0, "Latitude": 37.98, "Longitude": -122.03, "Population": 1261.0}, {"index": 1429, "quantile": 1.0, "value": 256700.00000000003, "Latitude": 37.98, "Longitude": -122.03, "Population": 1261.0}, {"index": 1430, "quantile": 0.0, "value": 92800.0, "Latitude": 38.0, "Longitude": -122.02, "Population": 1591.0}, {"index": 1430, "quantile": 0.25, "value": 178200.0, "Latitude": 38.0, "Longitude": -122.02, "Population": 1591.0}, {"index": 1430, "quantile": 0.5, "value": 178200.0, "Latitude": 38.0, "Longitude": -122.02, "Population": 1591.0}, {"index": 1430, "quantile": 0.75, "value": 178200.0, "Latitude": 38.0, "Longitude": -122.02, "Population": 1591.0}, {"index": 1430, "quantile": 1.0, "value": 287500.0, "Latitude": 38.0, "Longitude": -122.02, "Population": 1591.0}, {"index": 1431, "quantile": 0.0, "value": 108400.00000000001, "Latitude": 37.99, "Longitude": -122.03, "Population": 1614.0}, {"index": 1431, "quantile": 0.25, "value": 143100.0, "Latitude": 37.99, "Longitude": -122.03, "Population": 1614.0}, {"index": 1431, "quantile": 0.5, "value": 166600.0, "Latitude": 37.99, "Longitude": -122.03, "Population": 1614.0}, {"index": 1431, "quantile": 0.75, "value": 192300.0, "Latitude": 37.99, "Longitude": -122.03, "Population": 1614.0}, {"index": 1431, "quantile": 1.0, "value": 282200.0, "Latitude": 37.99, "Longitude": -122.03, "Population": 1614.0}, {"index": 1432, "quantile": 0.0, "value": 92800.0, "Latitude": 37.99, "Longitude": -122.02, "Population": 1237.0}, {"index": 1432, "quantile": 0.25, "value": 157800.0, "Latitude": 37.99, "Longitude": -122.02, "Population": 1237.0}, {"index": 1432, "quantile": 0.5, "value": 161900.0, "Latitude": 37.99, "Longitude": -122.02, "Population": 1237.0}, {"index": 1432, "quantile": 0.75, "value": 161900.0, "Latitude": 37.99, "Longitude": -122.02, "Population": 1237.0}, {"index": 1432, "quantile": 1.0, "value": 296800.0, "Latitude": 37.99, "Longitude": -122.02, "Population": 1237.0}, {"index": 1433, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 37.99, "Longitude": -122.03, "Population": 882.0}, {"index": 1433, "quantile": 0.25, "value": 166600.0, "Latitude": 37.99, "Longitude": -122.03, "Population": 882.0}, {"index": 1433, "quantile": 0.5, "value": 166600.0, "Latitude": 37.99, "Longitude": -122.03, "Population": 882.0}, {"index": 1433, "quantile": 0.75, "value": 166600.0, "Latitude": 37.99, "Longitude": -122.03, "Population": 882.0}, {"index": 1433, "quantile": 1.0, "value": 250000.0, "Latitude": 37.99, "Longitude": -122.03, "Population": 882.0}, {"index": 1434, "quantile": 0.0, "value": 81300.0, "Latitude": 37.98, "Longitude": -122.03, "Population": 498.0}, {"index": 1434, "quantile": 0.25, "value": 148900.0, "Latitude": 37.98, "Longitude": -122.03, "Population": 498.0}, {"index": 1434, "quantile": 0.5, "value": 148900.0, "Latitude": 37.98, "Longitude": -122.03, "Population": 498.0}, {"index": 1434, "quantile": 0.75, "value": 148900.0, "Latitude": 37.98, "Longitude": -122.03, "Population": 498.0}, {"index": 1434, "quantile": 1.0, "value": 350000.0, "Latitude": 37.98, "Longitude": -122.03, "Population": 498.0}, {"index": 1435, "quantile": 0.0, "value": 99100.0, "Latitude": 37.98, "Longitude": -122.01, "Population": 777.0}, {"index": 1435, "quantile": 0.25, "value": 156950.0, "Latitude": 37.98, "Longitude": -122.01, "Population": 777.0}, {"index": 1435, "quantile": 0.5, "value": 165500.0, "Latitude": 37.98, "Longitude": -122.01, "Population": 777.0}, {"index": 1435, "quantile": 0.75, "value": 165500.0, "Latitude": 37.98, "Longitude": -122.01, "Population": 777.0}, {"index": 1435, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 37.98, "Longitude": -122.01, "Population": 777.0}, {"index": 1436, "quantile": 0.0, "value": 108400.00000000001, "Latitude": 37.98, "Longitude": -122.01, "Population": 956.0}, {"index": 1436, "quantile": 0.25, "value": 186625.0, "Latitude": 37.98, "Longitude": -122.01, "Population": 956.0}, {"index": 1436, "quantile": 0.5, "value": 194000.0, "Latitude": 37.98, "Longitude": -122.01, "Population": 956.0}, {"index": 1436, "quantile": 0.75, "value": 194000.0, "Latitude": 37.98, "Longitude": -122.01, "Population": 956.0}, {"index": 1436, "quantile": 1.0, "value": 318600.0, "Latitude": 37.98, "Longitude": -122.01, "Population": 956.0}, {"index": 1437, "quantile": 0.0, "value": 97300.0, "Latitude": 37.98, "Longitude": -122.0, "Population": 436.0}, {"index": 1437, "quantile": 0.25, "value": 180800.0, "Latitude": 37.98, "Longitude": -122.0, "Population": 436.0}, {"index": 1437, "quantile": 0.5, "value": 193200.0, "Latitude": 37.98, "Longitude": -122.0, "Population": 436.0}, {"index": 1437, "quantile": 0.75, "value": 227000.0, "Latitude": 37.98, "Longitude": -122.0, "Population": 436.0}, {"index": 1437, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -122.0, "Population": 436.0}, {"index": 1438, "quantile": 0.0, "value": 97300.0, "Latitude": 37.97, "Longitude": -122.0, "Population": 1171.0}, {"index": 1438, "quantile": 0.25, "value": 186400.0, "Latitude": 37.97, "Longitude": -122.0, "Population": 1171.0}, {"index": 1438, "quantile": 0.5, "value": 208250.0, "Latitude": 37.97, "Longitude": -122.0, "Population": 1171.0}, {"index": 1438, "quantile": 0.75, "value": 259424.99999999997, "Latitude": 37.97, "Longitude": -122.0, "Population": 1171.0}, {"index": 1438, "quantile": 1.0, "value": 453700.0, "Latitude": 37.97, "Longitude": -122.0, "Population": 1171.0}, {"index": 1439, "quantile": 0.0, "value": 94600.0, "Latitude": 37.97, "Longitude": -122.01, "Population": 1288.0}, {"index": 1439, "quantile": 0.25, "value": 178050.0, "Latitude": 37.97, "Longitude": -122.01, "Population": 1288.0}, {"index": 1439, "quantile": 0.5, "value": 211500.00000000003, "Latitude": 37.97, "Longitude": -122.01, "Population": 1288.0}, {"index": 1439, "quantile": 0.75, "value": 211500.00000000003, "Latitude": 37.97, "Longitude": -122.01, "Population": 1288.0}, {"index": 1439, "quantile": 1.0, "value": 243500.0, "Latitude": 37.97, "Longitude": -122.01, "Population": 1288.0}, {"index": 1440, "quantile": 0.0, "value": 75800.0, "Latitude": 37.98, "Longitude": -122.02, "Population": 756.0}, {"index": 1440, "quantile": 0.25, "value": 165500.0, "Latitude": 37.98, "Longitude": -122.02, "Population": 756.0}, {"index": 1440, "quantile": 0.5, "value": 165500.0, "Latitude": 37.98, "Longitude": -122.02, "Population": 756.0}, {"index": 1440, "quantile": 0.75, "value": 165500.0, "Latitude": 37.98, "Longitude": -122.02, "Population": 756.0}, {"index": 1440, "quantile": 1.0, "value": 364700.0, "Latitude": 37.98, "Longitude": -122.02, "Population": 756.0}, {"index": 1441, "quantile": 0.0, "value": 71700.0, "Latitude": 37.98, "Longitude": -122.02, "Population": 782.0}, {"index": 1441, "quantile": 0.25, "value": 161700.0, "Latitude": 37.98, "Longitude": -122.02, "Population": 782.0}, {"index": 1441, "quantile": 0.5, "value": 161700.0, "Latitude": 37.98, "Longitude": -122.02, "Population": 782.0}, {"index": 1441, "quantile": 0.75, "value": 161700.0, "Latitude": 37.98, "Longitude": -122.02, "Population": 782.0}, {"index": 1441, "quantile": 1.0, "value": 275000.0, "Latitude": 37.98, "Longitude": -122.02, "Population": 782.0}, {"index": 1442, "quantile": 0.0, "value": 133800.0, "Latitude": 37.99, "Longitude": -122.0, "Population": 1881.0}, {"index": 1442, "quantile": 0.25, "value": 192300.0, "Latitude": 37.99, "Longitude": -122.0, "Population": 1881.0}, {"index": 1442, "quantile": 0.5, "value": 192300.0, "Latitude": 37.99, "Longitude": -122.0, "Population": 1881.0}, {"index": 1442, "quantile": 0.75, "value": 192300.0, "Latitude": 37.99, "Longitude": -122.0, "Population": 1881.0}, {"index": 1442, "quantile": 1.0, "value": 352700.0, "Latitude": 37.99, "Longitude": -122.0, "Population": 1881.0}, {"index": 1443, "quantile": 0.0, "value": 146200.0, "Latitude": 37.98, "Longitude": -122.0, "Population": 867.0}, {"index": 1443, "quantile": 0.25, "value": 193200.0, "Latitude": 37.98, "Longitude": -122.0, "Population": 867.0}, {"index": 1443, "quantile": 0.5, "value": 193200.0, "Latitude": 37.98, "Longitude": -122.0, "Population": 867.0}, {"index": 1443, "quantile": 0.75, "value": 209800.0, "Latitude": 37.98, "Longitude": -122.0, "Population": 867.0}, {"index": 1443, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -122.0, "Population": 867.0}, {"index": 1444, "quantile": 0.0, "value": 100000.0, "Latitude": 37.98, "Longitude": -121.99, "Population": 969.0}, {"index": 1444, "quantile": 0.25, "value": 184000.0, "Latitude": 37.98, "Longitude": -121.99, "Population": 969.0}, {"index": 1444, "quantile": 0.5, "value": 184000.0, "Latitude": 37.98, "Longitude": -121.99, "Population": 969.0}, {"index": 1444, "quantile": 0.75, "value": 184250.0, "Latitude": 37.98, "Longitude": -121.99, "Population": 969.0}, {"index": 1444, "quantile": 1.0, "value": 309500.0, "Latitude": 37.98, "Longitude": -121.99, "Population": 969.0}, {"index": 1445, "quantile": 0.0, "value": 164700.0, "Latitude": 37.97, "Longitude": -121.99, "Population": 1372.0}, {"index": 1445, "quantile": 0.25, "value": 217200.00000000003, "Latitude": 37.97, "Longitude": -121.99, "Population": 1372.0}, {"index": 1445, "quantile": 0.5, "value": 217200.00000000003, "Latitude": 37.97, "Longitude": -121.99, "Population": 1372.0}, {"index": 1445, "quantile": 0.75, "value": 217200.00000000003, "Latitude": 37.97, "Longitude": -121.99, "Population": 1372.0}, {"index": 1445, "quantile": 1.0, "value": 340600.0, "Latitude": 37.97, "Longitude": -121.99, "Population": 1372.0}, {"index": 1446, "quantile": 0.0, "value": 139700.0, "Latitude": 37.98, "Longitude": -122.0, "Population": 535.0}, {"index": 1446, "quantile": 0.25, "value": 182000.0, "Latitude": 37.98, "Longitude": -122.0, "Population": 535.0}, {"index": 1446, "quantile": 0.5, "value": 182000.0, "Latitude": 37.98, "Longitude": -122.0, "Population": 535.0}, {"index": 1446, "quantile": 0.75, "value": 182000.0, "Latitude": 37.98, "Longitude": -122.0, "Population": 535.0}, {"index": 1446, "quantile": 1.0, "value": 365900.0, "Latitude": 37.98, "Longitude": -122.0, "Population": 535.0}, {"index": 1447, "quantile": 0.0, "value": 100000.0, "Latitude": 37.98, "Longitude": -122.0, "Population": 237.0}, {"index": 1447, "quantile": 0.25, "value": 161300.0, "Latitude": 37.98, "Longitude": -122.0, "Population": 237.0}, {"index": 1447, "quantile": 0.5, "value": 161300.0, "Latitude": 37.98, "Longitude": -122.0, "Population": 237.0}, {"index": 1447, "quantile": 0.75, "value": 166675.0, "Latitude": 37.98, "Longitude": -122.0, "Population": 237.0}, {"index": 1447, "quantile": 1.0, "value": 265700.0, "Latitude": 37.98, "Longitude": -122.0, "Population": 237.0}, {"index": 1448, "quantile": 0.0, "value": 96800.0, "Latitude": 37.98, "Longitude": -122.01, "Population": 638.0}, {"index": 1448, "quantile": 0.25, "value": 161000.0, "Latitude": 37.98, "Longitude": -122.01, "Population": 638.0}, {"index": 1448, "quantile": 0.5, "value": 161000.0, "Latitude": 37.98, "Longitude": -122.01, "Population": 638.0}, {"index": 1448, "quantile": 0.75, "value": 161000.0, "Latitude": 37.98, "Longitude": -122.01, "Population": 638.0}, {"index": 1448, "quantile": 1.0, "value": 211800.0, "Latitude": 37.98, "Longitude": -122.01, "Population": 638.0}, {"index": 1449, "quantile": 0.0, "value": 96400.0, "Latitude": 37.99, "Longitude": -122.01, "Population": 918.0}, {"index": 1449, "quantile": 0.25, "value": 144900.0, "Latitude": 37.99, "Longitude": -122.01, "Population": 918.0}, {"index": 1449, "quantile": 0.5, "value": 144900.0, "Latitude": 37.99, "Longitude": -122.01, "Population": 918.0}, {"index": 1449, "quantile": 0.75, "value": 144900.0, "Latitude": 37.99, "Longitude": -122.01, "Population": 918.0}, {"index": 1449, "quantile": 1.0, "value": 292700.0, "Latitude": 37.99, "Longitude": -122.01, "Population": 918.0}, {"index": 1450, "quantile": 0.0, "value": 179200.0, "Latitude": 37.96, "Longitude": -121.95, "Population": 1072.0}, {"index": 1450, "quantile": 0.25, "value": 254875.0, "Latitude": 37.96, "Longitude": -121.95, "Population": 1072.0}, {"index": 1450, "quantile": 0.5, "value": 286900.0, "Latitude": 37.96, "Longitude": -121.95, "Population": 1072.0}, {"index": 1450, "quantile": 0.75, "value": 297300.0, "Latitude": 37.96, "Longitude": -121.95, "Population": 1072.0}, {"index": 1450, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -121.95, "Population": 1072.0}, {"index": 1451, "quantile": 0.0, "value": 175200.0, "Latitude": 37.97, "Longitude": -121.97, "Population": 807.0}, {"index": 1451, "quantile": 0.25, "value": 210500.0, "Latitude": 37.97, "Longitude": -121.97, "Population": 807.0}, {"index": 1451, "quantile": 0.5, "value": 210500.0, "Latitude": 37.97, "Longitude": -121.97, "Population": 807.0}, {"index": 1451, "quantile": 0.75, "value": 238700.0, "Latitude": 37.97, "Longitude": -121.97, "Population": 807.0}, {"index": 1451, "quantile": 1.0, "value": 432900.0, "Latitude": 37.97, "Longitude": -121.97, "Population": 807.0}, {"index": 1452, "quantile": 0.0, "value": 87500.0, "Latitude": 37.97, "Longitude": -121.97, "Population": 656.0}, {"index": 1452, "quantile": 0.25, "value": 178050.0, "Latitude": 37.97, "Longitude": -121.97, "Population": 656.0}, {"index": 1452, "quantile": 0.5, "value": 244099.99999999997, "Latitude": 37.97, "Longitude": -121.97, "Population": 656.0}, {"index": 1452, "quantile": 0.75, "value": 244099.99999999997, "Latitude": 37.97, "Longitude": -121.97, "Population": 656.0}, {"index": 1452, "quantile": 1.0, "value": 297600.0, "Latitude": 37.97, "Longitude": -121.97, "Population": 656.0}, {"index": 1453, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 37.96, "Longitude": -121.97, "Population": 877.0}, {"index": 1453, "quantile": 0.25, "value": 168699.99999999997, "Latitude": 37.96, "Longitude": -121.97, "Population": 877.0}, {"index": 1453, "quantile": 0.5, "value": 184800.0, "Latitude": 37.96, "Longitude": -121.97, "Population": 877.0}, {"index": 1453, "quantile": 0.75, "value": 184800.0, "Latitude": 37.96, "Longitude": -121.97, "Population": 877.0}, {"index": 1453, "quantile": 1.0, "value": 336400.0, "Latitude": 37.96, "Longitude": -121.97, "Population": 877.0}, {"index": 1454, "quantile": 0.0, "value": 119300.0, "Latitude": 37.96, "Longitude": -121.96, "Population": 899.0}, {"index": 1454, "quantile": 0.25, "value": 229199.99999999997, "Latitude": 37.96, "Longitude": -121.96, "Population": 899.0}, {"index": 1454, "quantile": 0.5, "value": 229199.99999999997, "Latitude": 37.96, "Longitude": -121.96, "Population": 899.0}, {"index": 1454, "quantile": 0.75, "value": 229199.99999999997, "Latitude": 37.96, "Longitude": -121.96, "Population": 899.0}, {"index": 1454, "quantile": 1.0, "value": 298400.0, "Latitude": 37.96, "Longitude": -121.96, "Population": 899.0}, {"index": 1455, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 37.95, "Longitude": -121.96, "Population": 1583.0}, {"index": 1455, "quantile": 0.25, "value": 196100.0, "Latitude": 37.95, "Longitude": -121.96, "Population": 1583.0}, {"index": 1455, "quantile": 0.5, "value": 196100.0, "Latitude": 37.95, "Longitude": -121.96, "Population": 1583.0}, {"index": 1455, "quantile": 0.75, "value": 196100.0, "Latitude": 37.95, "Longitude": -121.96, "Population": 1583.0}, {"index": 1455, "quantile": 1.0, "value": 301100.0, "Latitude": 37.95, "Longitude": -121.96, "Population": 1583.0}, {"index": 1456, "quantile": 0.0, "value": 109800.00000000001, "Latitude": 37.96, "Longitude": -121.98, "Population": 1420.0}, {"index": 1456, "quantile": 0.25, "value": 192350.0, "Latitude": 37.96, "Longitude": -121.98, "Population": 1420.0}, {"index": 1456, "quantile": 0.5, "value": 204100.0, "Latitude": 37.96, "Longitude": -121.98, "Population": 1420.0}, {"index": 1456, "quantile": 0.75, "value": 204100.0, "Latitude": 37.96, "Longitude": -121.98, "Population": 1420.0}, {"index": 1456, "quantile": 1.0, "value": 220100.0, "Latitude": 37.96, "Longitude": -121.98, "Population": 1420.0}, {"index": 1457, "quantile": 0.0, "value": 136000.0, "Latitude": 37.97, "Longitude": -121.97, "Population": 817.0}, {"index": 1457, "quantile": 0.25, "value": 210874.99999999997, "Latitude": 37.97, "Longitude": -121.97, "Population": 817.0}, {"index": 1457, "quantile": 0.5, "value": 231100.0, "Latitude": 37.97, "Longitude": -121.97, "Population": 817.0}, {"index": 1457, "quantile": 0.75, "value": 267400.0, "Latitude": 37.97, "Longitude": -121.97, "Population": 817.0}, {"index": 1457, "quantile": 1.0, "value": 417600.0, "Latitude": 37.97, "Longitude": -121.97, "Population": 817.0}, {"index": 1458, "quantile": 0.0, "value": 164700.0, "Latitude": 37.97, "Longitude": -121.98, "Population": 1232.0}, {"index": 1458, "quantile": 0.25, "value": 231100.0, "Latitude": 37.97, "Longitude": -121.98, "Population": 1232.0}, {"index": 1458, "quantile": 0.5, "value": 231100.0, "Latitude": 37.97, "Longitude": -121.98, "Population": 1232.0}, {"index": 1458, "quantile": 0.75, "value": 231100.0, "Latitude": 37.97, "Longitude": -121.98, "Population": 1232.0}, {"index": 1458, "quantile": 1.0, "value": 360600.0, "Latitude": 37.97, "Longitude": -121.98, "Population": 1232.0}, {"index": 1459, "quantile": 0.0, "value": 133800.0, "Latitude": 37.97, "Longitude": -121.98, "Population": 1316.0}, {"index": 1459, "quantile": 0.25, "value": 213200.0, "Latitude": 37.97, "Longitude": -121.98, "Population": 1316.0}, {"index": 1459, "quantile": 0.5, "value": 213200.0, "Latitude": 37.97, "Longitude": -121.98, "Population": 1316.0}, {"index": 1459, "quantile": 0.75, "value": 213200.0, "Latitude": 37.97, "Longitude": -121.98, "Population": 1316.0}, {"index": 1459, "quantile": 1.0, "value": 359100.0, "Latitude": 37.97, "Longitude": -121.98, "Population": 1316.0}, {"index": 1460, "quantile": 0.0, "value": 146200.0, "Latitude": 37.97, "Longitude": -121.99, "Population": 1271.0}, {"index": 1460, "quantile": 0.25, "value": 201799.99999999997, "Latitude": 37.97, "Longitude": -121.99, "Population": 1271.0}, {"index": 1460, "quantile": 0.5, "value": 228050.0, "Latitude": 37.97, "Longitude": -121.99, "Population": 1271.0}, {"index": 1460, "quantile": 0.75, "value": 282824.99999999994, "Latitude": 37.97, "Longitude": -121.99, "Population": 1271.0}, {"index": 1460, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -121.99, "Population": 1271.0}, {"index": 1461, "quantile": 0.0, "value": 125200.0, "Latitude": 37.97, "Longitude": -121.99, "Population": 1470.0}, {"index": 1461, "quantile": 0.25, "value": 184600.0, "Latitude": 37.97, "Longitude": -121.99, "Population": 1470.0}, {"index": 1461, "quantile": 0.5, "value": 192750.0, "Latitude": 37.97, "Longitude": -121.99, "Population": 1470.0}, {"index": 1461, "quantile": 0.75, "value": 227400.0, "Latitude": 37.97, "Longitude": -121.99, "Population": 1470.0}, {"index": 1461, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 37.97, "Longitude": -121.99, "Population": 1470.0}, {"index": 1462, "quantile": 0.0, "value": 63800.0, "Latitude": 37.96, "Longitude": -122.0, "Population": 1980.0}, {"index": 1462, "quantile": 0.25, "value": 134650.0, "Latitude": 37.96, "Longitude": -122.0, "Population": 1980.0}, {"index": 1462, "quantile": 0.5, "value": 151700.0, "Latitude": 37.96, "Longitude": -122.0, "Population": 1980.0}, {"index": 1462, "quantile": 0.75, "value": 165700.0, "Latitude": 37.96, "Longitude": -122.0, "Population": 1980.0}, {"index": 1462, "quantile": 1.0, "value": 335500.0, "Latitude": 37.96, "Longitude": -122.0, "Population": 1980.0}, {"index": 1463, "quantile": 0.0, "value": 127200.0, "Latitude": 37.96, "Longitude": -122.0, "Population": 2033.0}, {"index": 1463, "quantile": 0.25, "value": 189950.0, "Latitude": 37.96, "Longitude": -122.0, "Population": 2033.0}, {"index": 1463, "quantile": 0.5, "value": 190700.0, "Latitude": 37.96, "Longitude": -122.0, "Population": 2033.0}, {"index": 1463, "quantile": 0.75, "value": 190700.0, "Latitude": 37.96, "Longitude": -122.0, "Population": 2033.0}, {"index": 1463, "quantile": 1.0, "value": 281200.0, "Latitude": 37.96, "Longitude": -122.0, "Population": 2033.0}, {"index": 1464, "quantile": 0.0, "value": 95600.0, "Latitude": 37.95, "Longitude": -121.96, "Population": 1627.0}, {"index": 1464, "quantile": 0.25, "value": 167800.0, "Latitude": 37.95, "Longitude": -121.96, "Population": 1627.0}, {"index": 1464, "quantile": 0.5, "value": 167800.0, "Latitude": 37.95, "Longitude": -121.96, "Population": 1627.0}, {"index": 1464, "quantile": 0.75, "value": 167800.0, "Latitude": 37.95, "Longitude": -121.96, "Population": 1627.0}, {"index": 1464, "quantile": 1.0, "value": 280900.0, "Latitude": 37.95, "Longitude": -121.96, "Population": 1627.0}, {"index": 1465, "quantile": 0.0, "value": 165000.0, "Latitude": 37.95, "Longitude": -121.97, "Population": 1883.0}, {"index": 1465, "quantile": 0.25, "value": 222750.0, "Latitude": 37.95, "Longitude": -121.97, "Population": 1883.0}, {"index": 1465, "quantile": 0.5, "value": 246700.0, "Latitude": 37.95, "Longitude": -121.97, "Population": 1883.0}, {"index": 1465, "quantile": 0.75, "value": 246700.0, "Latitude": 37.95, "Longitude": -121.97, "Population": 1883.0}, {"index": 1465, "quantile": 1.0, "value": 363500.0, "Latitude": 37.95, "Longitude": -121.97, "Population": 1883.0}, {"index": 1466, "quantile": 0.0, "value": 71700.0, "Latitude": 37.96, "Longitude": -121.98, "Population": 2209.0}, {"index": 1466, "quantile": 0.25, "value": 126699.99999999999, "Latitude": 37.96, "Longitude": -121.98, "Population": 2209.0}, {"index": 1466, "quantile": 0.5, "value": 126699.99999999999, "Latitude": 37.96, "Longitude": -121.98, "Population": 2209.0}, {"index": 1466, "quantile": 0.75, "value": 126699.99999999999, "Latitude": 37.96, "Longitude": -121.98, "Population": 2209.0}, {"index": 1466, "quantile": 1.0, "value": 271000.0, "Latitude": 37.96, "Longitude": -121.98, "Population": 2209.0}, {"index": 1467, "quantile": 0.0, "value": 194100.0, "Latitude": 37.96, "Longitude": -121.99, "Population": 1470.0}, {"index": 1467, "quantile": 0.25, "value": 327500.0, "Latitude": 37.96, "Longitude": -121.99, "Population": 1470.0}, {"index": 1467, "quantile": 0.5, "value": 348400.0, "Latitude": 37.96, "Longitude": -121.99, "Population": 1470.0}, {"index": 1467, "quantile": 0.75, "value": 378525.0, "Latitude": 37.96, "Longitude": -121.99, "Population": 1470.0}, {"index": 1467, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -121.99, "Population": 1470.0}, {"index": 1468, "quantile": 0.0, "value": 164700.0, "Latitude": 37.96, "Longitude": -121.99, "Population": 1228.0}, {"index": 1468, "quantile": 0.25, "value": 200599.99999999997, "Latitude": 37.96, "Longitude": -121.99, "Population": 1228.0}, {"index": 1468, "quantile": 0.5, "value": 200599.99999999997, "Latitude": 37.96, "Longitude": -121.99, "Population": 1228.0}, {"index": 1468, "quantile": 0.75, "value": 213200.0, "Latitude": 37.96, "Longitude": -121.99, "Population": 1228.0}, {"index": 1468, "quantile": 1.0, "value": 384400.0, "Latitude": 37.96, "Longitude": -121.99, "Population": 1228.0}, {"index": 1469, "quantile": 0.0, "value": 127200.0, "Latitude": 37.95, "Longitude": -121.98, "Population": 2724.0}, {"index": 1469, "quantile": 0.25, "value": 283700.0, "Latitude": 37.95, "Longitude": -121.98, "Population": 2724.0}, {"index": 1469, "quantile": 0.5, "value": 311500.0, "Latitude": 37.95, "Longitude": -121.98, "Population": 2724.0}, {"index": 1469, "quantile": 0.75, "value": 326625.0, "Latitude": 37.95, "Longitude": -121.98, "Population": 2724.0}, {"index": 1469, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -121.98, "Population": 2724.0}, {"index": 1470, "quantile": 0.0, "value": 198500.0, "Latitude": 37.95, "Longitude": -121.98, "Population": 1317.0}, {"index": 1470, "quantile": 0.25, "value": 289200.0, "Latitude": 37.95, "Longitude": -121.98, "Population": 1317.0}, {"index": 1470, "quantile": 0.5, "value": 311500.0, "Latitude": 37.95, "Longitude": -121.98, "Population": 1317.0}, {"index": 1470, "quantile": 0.75, "value": 334925.0, "Latitude": 37.95, "Longitude": -121.98, "Population": 1317.0}, {"index": 1470, "quantile": 1.0, "value": 411200.0, "Latitude": 37.95, "Longitude": -121.98, "Population": 1317.0}, {"index": 1471, "quantile": 0.0, "value": 136400.0, "Latitude": 37.97, "Longitude": -122.01, "Population": 1250.0}, {"index": 1471, "quantile": 0.25, "value": 199175.0, "Latitude": 37.97, "Longitude": -122.01, "Population": 1250.0}, {"index": 1471, "quantile": 0.5, "value": 261200.0, "Latitude": 37.97, "Longitude": -122.01, "Population": 1250.0}, {"index": 1471, "quantile": 0.75, "value": 299899.99999999994, "Latitude": 37.97, "Longitude": -122.01, "Population": 1250.0}, {"index": 1471, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -122.01, "Population": 1250.0}, {"index": 1472, "quantile": 0.0, "value": 99800.0, "Latitude": 37.97, "Longitude": -122.02, "Population": 1191.0}, {"index": 1472, "quantile": 0.25, "value": 161675.0, "Latitude": 37.97, "Longitude": -122.02, "Population": 1191.0}, {"index": 1472, "quantile": 0.5, "value": 171000.0, "Latitude": 37.97, "Longitude": -122.02, "Population": 1191.0}, {"index": 1472, "quantile": 0.75, "value": 171000.0, "Latitude": 37.97, "Longitude": -122.02, "Population": 1191.0}, {"index": 1472, "quantile": 1.0, "value": 276500.0, "Latitude": 37.97, "Longitude": -122.02, "Population": 1191.0}, {"index": 1473, "quantile": 0.0, "value": 79800.0, "Latitude": 37.97, "Longitude": -122.03, "Population": 865.0}, {"index": 1473, "quantile": 0.25, "value": 135775.0, "Latitude": 37.97, "Longitude": -122.03, "Population": 865.0}, {"index": 1473, "quantile": 0.5, "value": 151100.0, "Latitude": 37.97, "Longitude": -122.03, "Population": 865.0}, {"index": 1473, "quantile": 0.75, "value": 151100.0, "Latitude": 37.97, "Longitude": -122.03, "Population": 865.0}, {"index": 1473, "quantile": 1.0, "value": 227700.0, "Latitude": 37.97, "Longitude": -122.03, "Population": 865.0}, {"index": 1474, "quantile": 0.0, "value": 75800.0, "Latitude": 37.97, "Longitude": -122.04, "Population": 1174.0}, {"index": 1474, "quantile": 0.25, "value": 134050.0, "Latitude": 37.97, "Longitude": -122.04, "Population": 1174.0}, {"index": 1474, "quantile": 0.5, "value": 163800.0, "Latitude": 37.97, "Longitude": -122.04, "Population": 1174.0}, {"index": 1474, "quantile": 0.75, "value": 208775.00000000003, "Latitude": 37.97, "Longitude": -122.04, "Population": 1174.0}, {"index": 1474, "quantile": 1.0, "value": 287500.0, "Latitude": 37.97, "Longitude": -122.04, "Population": 1174.0}, {"index": 1475, "quantile": 0.0, "value": 81300.0, "Latitude": 37.97, "Longitude": -122.03, "Population": 2629.0}, {"index": 1475, "quantile": 0.25, "value": 149725.0, "Latitude": 37.97, "Longitude": -122.03, "Population": 2629.0}, {"index": 1475, "quantile": 0.5, "value": 166700.0, "Latitude": 37.97, "Longitude": -122.03, "Population": 2629.0}, {"index": 1475, "quantile": 0.75, "value": 166700.0, "Latitude": 37.97, "Longitude": -122.03, "Population": 2629.0}, {"index": 1475, "quantile": 1.0, "value": 190300.0, "Latitude": 37.97, "Longitude": -122.03, "Population": 2629.0}, {"index": 1476, "quantile": 0.0, "value": 37900.0, "Latitude": 37.96, "Longitude": -122.04, "Population": 1705.0}, {"index": 1476, "quantile": 0.25, "value": 112274.99999999999, "Latitude": 37.96, "Longitude": -122.04, "Population": 1705.0}, {"index": 1476, "quantile": 0.5, "value": 142800.0, "Latitude": 37.96, "Longitude": -122.04, "Population": 1705.0}, {"index": 1476, "quantile": 0.75, "value": 165900.0, "Latitude": 37.96, "Longitude": -122.04, "Population": 1705.0}, {"index": 1476, "quantile": 1.0, "value": 338900.0, "Latitude": 37.96, "Longitude": -122.04, "Population": 1705.0}, {"index": 1477, "quantile": 0.0, "value": 75800.0, "Latitude": 37.97, "Longitude": -122.04, "Population": 3621.0}, {"index": 1477, "quantile": 0.25, "value": 112500.0, "Latitude": 37.97, "Longitude": -122.04, "Population": 3621.0}, {"index": 1477, "quantile": 0.5, "value": 112500.0, "Latitude": 37.97, "Longitude": -122.04, "Population": 3621.0}, {"index": 1477, "quantile": 0.75, "value": 114300.0, "Latitude": 37.97, "Longitude": -122.04, "Population": 3621.0}, {"index": 1477, "quantile": 1.0, "value": 258400.0, "Latitude": 37.97, "Longitude": -122.04, "Population": 3621.0}, {"index": 1478, "quantile": 0.0, "value": 79800.0, "Latitude": 37.97, "Longitude": -122.04, "Population": 705.0}, {"index": 1478, "quantile": 0.25, "value": 151000.0, "Latitude": 37.97, "Longitude": -122.04, "Population": 705.0}, {"index": 1478, "quantile": 0.5, "value": 151000.0, "Latitude": 37.97, "Longitude": -122.04, "Population": 705.0}, {"index": 1478, "quantile": 0.75, "value": 151000.0, "Latitude": 37.97, "Longitude": -122.04, "Population": 705.0}, {"index": 1478, "quantile": 1.0, "value": 292500.0, "Latitude": 37.97, "Longitude": -122.04, "Population": 705.0}, {"index": 1479, "quantile": 0.0, "value": 67500.0, "Latitude": 37.96, "Longitude": -122.04, "Population": 578.0}, {"index": 1479, "quantile": 0.25, "value": 111825.0, "Latitude": 37.96, "Longitude": -122.04, "Population": 578.0}, {"index": 1479, "quantile": 0.5, "value": 141700.0, "Latitude": 37.96, "Longitude": -122.04, "Population": 578.0}, {"index": 1479, "quantile": 0.75, "value": 162500.0, "Latitude": 37.96, "Longitude": -122.04, "Population": 578.0}, {"index": 1479, "quantile": 1.0, "value": 307100.0, "Latitude": 37.96, "Longitude": -122.04, "Population": 578.0}, {"index": 1480, "quantile": 0.0, "value": 63800.0, "Latitude": 37.96, "Longitude": -122.05, "Population": 1154.0}, {"index": 1480, "quantile": 0.25, "value": 134500.0, "Latitude": 37.96, "Longitude": -122.05, "Population": 1154.0}, {"index": 1480, "quantile": 0.5, "value": 156400.0, "Latitude": 37.96, "Longitude": -122.05, "Population": 1154.0}, {"index": 1480, "quantile": 0.75, "value": 171000.0, "Latitude": 37.96, "Longitude": -122.05, "Population": 1154.0}, {"index": 1480, "quantile": 1.0, "value": 342800.0, "Latitude": 37.96, "Longitude": -122.05, "Population": 1154.0}, {"index": 1481, "quantile": 0.0, "value": 63800.0, "Latitude": 37.96, "Longitude": -122.04, "Population": 724.0}, {"index": 1481, "quantile": 0.25, "value": 165700.0, "Latitude": 37.96, "Longitude": -122.04, "Population": 724.0}, {"index": 1481, "quantile": 0.5, "value": 165700.0, "Latitude": 37.96, "Longitude": -122.04, "Population": 724.0}, {"index": 1481, "quantile": 0.75, "value": 165700.0, "Latitude": 37.96, "Longitude": -122.04, "Population": 724.0}, {"index": 1481, "quantile": 1.0, "value": 204100.0, "Latitude": 37.96, "Longitude": -122.04, "Population": 724.0}, {"index": 1482, "quantile": 0.0, "value": 32500.0, "Latitude": 37.96, "Longitude": -122.04, "Population": 1500.0}, {"index": 1482, "quantile": 0.25, "value": 87875.0, "Latitude": 37.96, "Longitude": -122.04, "Population": 1500.0}, {"index": 1482, "quantile": 0.5, "value": 103149.99999999999, "Latitude": 37.96, "Longitude": -122.04, "Population": 1500.0}, {"index": 1482, "quantile": 0.75, "value": 125450.0, "Latitude": 37.96, "Longitude": -122.04, "Population": 1500.0}, {"index": 1482, "quantile": 1.0, "value": 250000.0, "Latitude": 37.96, "Longitude": -122.04, "Population": 1500.0}, {"index": 1483, "quantile": 0.0, "value": 84300.0, "Latitude": 37.95, "Longitude": -122.05, "Population": 1875.0}, {"index": 1483, "quantile": 0.25, "value": 127000.0, "Latitude": 37.95, "Longitude": -122.05, "Population": 1875.0}, {"index": 1483, "quantile": 0.5, "value": 144600.0, "Latitude": 37.95, "Longitude": -122.05, "Population": 1875.0}, {"index": 1483, "quantile": 0.75, "value": 166800.00000000003, "Latitude": 37.95, "Longitude": -122.05, "Population": 1875.0}, {"index": 1483, "quantile": 1.0, "value": 263800.0, "Latitude": 37.95, "Longitude": -122.05, "Population": 1875.0}, {"index": 1484, "quantile": 0.0, "value": 154000.0, "Latitude": 37.95, "Longitude": -122.05, "Population": 246.0}, {"index": 1484, "quantile": 0.25, "value": 190800.0, "Latitude": 37.95, "Longitude": -122.05, "Population": 246.0}, {"index": 1484, "quantile": 0.5, "value": 190800.0, "Latitude": 37.95, "Longitude": -122.05, "Population": 246.0}, {"index": 1484, "quantile": 0.75, "value": 216474.99999999997, "Latitude": 37.95, "Longitude": -122.05, "Population": 246.0}, {"index": 1484, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -122.05, "Population": 246.0}, {"index": 1485, "quantile": 0.0, "value": 143000.0, "Latitude": 37.95, "Longitude": -122.01, "Population": 1555.0}, {"index": 1485, "quantile": 0.25, "value": 274325.0, "Latitude": 37.95, "Longitude": -122.01, "Population": 1555.0}, {"index": 1485, "quantile": 0.5, "value": 298200.0, "Latitude": 37.95, "Longitude": -122.01, "Population": 1555.0}, {"index": 1485, "quantile": 0.75, "value": 298200.0, "Latitude": 37.95, "Longitude": -122.01, "Population": 1555.0}, {"index": 1485, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -122.01, "Population": 1555.0}, {"index": 1486, "quantile": 0.0, "value": 220699.99999999997, "Latitude": 37.96, "Longitude": -122.02, "Population": 935.0}, {"index": 1486, "quantile": 0.25, "value": 305100.0, "Latitude": 37.96, "Longitude": -122.02, "Population": 935.0}, {"index": 1486, "quantile": 0.5, "value": 305100.0, "Latitude": 37.96, "Longitude": -122.02, "Population": 935.0}, {"index": 1486, "quantile": 0.75, "value": 305100.0, "Latitude": 37.96, "Longitude": -122.02, "Population": 935.0}, {"index": 1486, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.02, "Population": 935.0}, {"index": 1487, "quantile": 0.0, "value": 72500.0, "Latitude": 37.96, "Longitude": -122.03, "Population": 1142.0}, {"index": 1487, "quantile": 0.25, "value": 156800.0, "Latitude": 37.96, "Longitude": -122.03, "Population": 1142.0}, {"index": 1487, "quantile": 0.5, "value": 162500.0, "Latitude": 37.96, "Longitude": -122.03, "Population": 1142.0}, {"index": 1487, "quantile": 0.75, "value": 162500.0, "Latitude": 37.96, "Longitude": -122.03, "Population": 1142.0}, {"index": 1487, "quantile": 1.0, "value": 270800.0, "Latitude": 37.96, "Longitude": -122.03, "Population": 1142.0}, {"index": 1488, "quantile": 0.0, "value": 105300.0, "Latitude": 37.95, "Longitude": -122.03, "Population": 1601.0}, {"index": 1488, "quantile": 0.25, "value": 161575.0, "Latitude": 37.95, "Longitude": -122.03, "Population": 1601.0}, {"index": 1488, "quantile": 0.5, "value": 220500.0, "Latitude": 37.95, "Longitude": -122.03, "Population": 1601.0}, {"index": 1488, "quantile": 0.75, "value": 220500.0, "Latitude": 37.95, "Longitude": -122.03, "Population": 1601.0}, {"index": 1488, "quantile": 1.0, "value": 387200.0, "Latitude": 37.95, "Longitude": -122.03, "Population": 1601.0}, {"index": 1489, "quantile": 0.0, "value": 70000.0, "Latitude": 37.95, "Longitude": -122.02, "Population": 608.0}, {"index": 1489, "quantile": 0.25, "value": 157300.0, "Latitude": 37.95, "Longitude": -122.02, "Population": 608.0}, {"index": 1489, "quantile": 0.5, "value": 208300.00000000003, "Latitude": 37.95, "Longitude": -122.02, "Population": 608.0}, {"index": 1489, "quantile": 0.75, "value": 208300.00000000003, "Latitude": 37.95, "Longitude": -122.02, "Population": 608.0}, {"index": 1489, "quantile": 1.0, "value": 219000.0, "Latitude": 37.95, "Longitude": -122.02, "Population": 608.0}, {"index": 1490, "quantile": 0.0, "value": 146200.0, "Latitude": 37.95, "Longitude": -122.03, "Population": 804.0}, {"index": 1490, "quantile": 0.25, "value": 187225.0, "Latitude": 37.95, "Longitude": -122.03, "Population": 804.0}, {"index": 1490, "quantile": 0.5, "value": 197100.0, "Latitude": 37.95, "Longitude": -122.03, "Population": 804.0}, {"index": 1490, "quantile": 0.75, "value": 241500.0, "Latitude": 37.95, "Longitude": -122.03, "Population": 804.0}, {"index": 1490, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -122.03, "Population": 804.0}, {"index": 1491, "quantile": 0.0, "value": 147200.0, "Latitude": 37.95, "Longitude": -122.02, "Population": 1660.0}, {"index": 1491, "quantile": 0.25, "value": 237000.0, "Latitude": 37.95, "Longitude": -122.02, "Population": 1660.0}, {"index": 1491, "quantile": 0.5, "value": 237000.0, "Latitude": 37.95, "Longitude": -122.02, "Population": 1660.0}, {"index": 1491, "quantile": 0.75, "value": 237000.0, "Latitude": 37.95, "Longitude": -122.02, "Population": 1660.0}, {"index": 1491, "quantile": 1.0, "value": 276400.0, "Latitude": 37.95, "Longitude": -122.02, "Population": 1660.0}, {"index": 1492, "quantile": 0.0, "value": 134400.0, "Latitude": 37.94, "Longitude": -122.02, "Population": 1465.0}, {"index": 1492, "quantile": 0.25, "value": 208849.99999999997, "Latitude": 37.94, "Longitude": -122.02, "Population": 1465.0}, {"index": 1492, "quantile": 0.5, "value": 213099.99999999997, "Latitude": 37.94, "Longitude": -122.02, "Population": 1465.0}, {"index": 1492, "quantile": 0.75, "value": 213099.99999999997, "Latitude": 37.94, "Longitude": -122.02, "Population": 1465.0}, {"index": 1492, "quantile": 1.0, "value": 431900.0, "Latitude": 37.94, "Longitude": -122.02, "Population": 1465.0}, {"index": 1493, "quantile": 0.0, "value": 220500.0, "Latitude": 37.94, "Longitude": -122.01, "Population": 1339.0}, {"index": 1493, "quantile": 0.25, "value": 322300.0, "Latitude": 37.94, "Longitude": -122.01, "Population": 1339.0}, {"index": 1493, "quantile": 0.5, "value": 322300.0, "Latitude": 37.94, "Longitude": -122.01, "Population": 1339.0}, {"index": 1493, "quantile": 0.75, "value": 322300.0, "Latitude": 37.94, "Longitude": -122.01, "Population": 1339.0}, {"index": 1493, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.01, "Population": 1339.0}, {"index": 1494, "quantile": 0.0, "value": 126000.0, "Latitude": 37.94, "Longitude": -122.02, "Population": 1317.0}, {"index": 1494, "quantile": 0.25, "value": 251675.0, "Latitude": 37.94, "Longitude": -122.02, "Population": 1317.0}, {"index": 1494, "quantile": 0.5, "value": 267100.0, "Latitude": 37.94, "Longitude": -122.02, "Population": 1317.0}, {"index": 1494, "quantile": 0.75, "value": 267100.0, "Latitude": 37.94, "Longitude": -122.02, "Population": 1317.0}, {"index": 1494, "quantile": 1.0, "value": 339300.0, "Latitude": 37.94, "Longitude": -122.02, "Population": 1317.0}, {"index": 1495, "quantile": 0.0, "value": 120000.0, "Latitude": 37.94, "Longitude": -122.01, "Population": 706.0}, {"index": 1495, "quantile": 0.25, "value": 213700.0, "Latitude": 37.94, "Longitude": -122.01, "Population": 706.0}, {"index": 1495, "quantile": 0.5, "value": 240300.0, "Latitude": 37.94, "Longitude": -122.01, "Population": 706.0}, {"index": 1495, "quantile": 0.75, "value": 259600.0, "Latitude": 37.94, "Longitude": -122.01, "Population": 706.0}, {"index": 1495, "quantile": 1.0, "value": 405400.0, "Latitude": 37.94, "Longitude": -122.01, "Population": 706.0}, {"index": 1496, "quantile": 0.0, "value": 165200.0, "Latitude": 37.94, "Longitude": -122.01, "Population": 937.0}, {"index": 1496, "quantile": 0.25, "value": 273600.0, "Latitude": 37.94, "Longitude": -122.01, "Population": 937.0}, {"index": 1496, "quantile": 0.5, "value": 273600.0, "Latitude": 37.94, "Longitude": -122.01, "Population": 937.0}, {"index": 1496, "quantile": 0.75, "value": 273600.0, "Latitude": 37.94, "Longitude": -122.01, "Population": 937.0}, {"index": 1496, "quantile": 1.0, "value": 387700.0, "Latitude": 37.94, "Longitude": -122.01, "Population": 937.0}, {"index": 1497, "quantile": 0.0, "value": 127200.0, "Latitude": 37.95, "Longitude": -122.0, "Population": 848.0}, {"index": 1497, "quantile": 0.25, "value": 312325.0, "Latitude": 37.95, "Longitude": -122.0, "Population": 848.0}, {"index": 1497, "quantile": 0.5, "value": 339200.0, "Latitude": 37.95, "Longitude": -122.0, "Population": 848.0}, {"index": 1497, "quantile": 0.75, "value": 339200.0, "Latitude": 37.95, "Longitude": -122.0, "Population": 848.0}, {"index": 1497, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -122.0, "Population": 848.0}, {"index": 1498, "quantile": 0.0, "value": 225000.0, "Latitude": 37.93, "Longitude": -122.01, "Population": 1062.0}, {"index": 1498, "quantile": 0.25, "value": 330200.0, "Latitude": 37.93, "Longitude": -122.01, "Population": 1062.0}, {"index": 1498, "quantile": 0.5, "value": 330200.0, "Latitude": 37.93, "Longitude": -122.01, "Population": 1062.0}, {"index": 1498, "quantile": 0.75, "value": 330200.0, "Latitude": 37.93, "Longitude": -122.01, "Population": 1062.0}, {"index": 1498, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.93, "Longitude": -122.01, "Population": 1062.0}, {"index": 1499, "quantile": 0.0, "value": 73100.0, "Latitude": 37.95, "Longitude": -122.04, "Population": 814.0}, {"index": 1499, "quantile": 0.25, "value": 129400.0, "Latitude": 37.95, "Longitude": -122.04, "Population": 814.0}, {"index": 1499, "quantile": 0.5, "value": 150350.0, "Latitude": 37.95, "Longitude": -122.04, "Population": 814.0}, {"index": 1499, "quantile": 0.75, "value": 161700.0, "Latitude": 37.95, "Longitude": -122.04, "Population": 814.0}, {"index": 1499, "quantile": 1.0, "value": 292500.0, "Latitude": 37.95, "Longitude": -122.04, "Population": 814.0}, {"index": 1500, "quantile": 0.0, "value": 124900.00000000001, "Latitude": 37.94, "Longitude": -122.04, "Population": 2444.0}, {"index": 1500, "quantile": 0.25, "value": 200599.99999999997, "Latitude": 37.94, "Longitude": -122.04, "Population": 2444.0}, {"index": 1500, "quantile": 0.5, "value": 264200.0, "Latitude": 37.94, "Longitude": -122.04, "Population": 2444.0}, {"index": 1500, "quantile": 0.75, "value": 287075.0, "Latitude": 37.94, "Longitude": -122.04, "Population": 2444.0}, {"index": 1500, "quantile": 1.0, "value": 451300.0, "Latitude": 37.94, "Longitude": -122.04, "Population": 2444.0}, {"index": 1501, "quantile": 0.0, "value": 133900.0, "Latitude": 37.94, "Longitude": -122.05, "Population": 993.0}, {"index": 1501, "quantile": 0.25, "value": 202124.99999999997, "Latitude": 37.94, "Longitude": -122.05, "Population": 993.0}, {"index": 1501, "quantile": 0.5, "value": 227800.0, "Latitude": 37.94, "Longitude": -122.05, "Population": 993.0}, {"index": 1501, "quantile": 0.75, "value": 227800.0, "Latitude": 37.94, "Longitude": -122.05, "Population": 993.0}, {"index": 1501, "quantile": 1.0, "value": 288900.0, "Latitude": 37.94, "Longitude": -122.05, "Population": 993.0}, {"index": 1502, "quantile": 0.0, "value": 142500.0, "Latitude": 37.95, "Longitude": -122.04, "Population": 341.0}, {"index": 1502, "quantile": 0.25, "value": 197100.0, "Latitude": 37.95, "Longitude": -122.04, "Population": 341.0}, {"index": 1502, "quantile": 0.5, "value": 197100.0, "Latitude": 37.95, "Longitude": -122.04, "Population": 341.0}, {"index": 1502, "quantile": 0.75, "value": 197100.0, "Latitude": 37.95, "Longitude": -122.04, "Population": 341.0}, {"index": 1502, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -122.04, "Population": 341.0}, {"index": 1503, "quantile": 0.0, "value": 22500.0, "Latitude": 37.95, "Longitude": -122.05, "Population": 2804.0}, {"index": 1503, "quantile": 0.25, "value": 144600.0, "Latitude": 37.95, "Longitude": -122.05, "Population": 2804.0}, {"index": 1503, "quantile": 0.5, "value": 144600.0, "Latitude": 37.95, "Longitude": -122.05, "Population": 2804.0}, {"index": 1503, "quantile": 0.75, "value": 150000.0, "Latitude": 37.95, "Longitude": -122.05, "Population": 2804.0}, {"index": 1503, "quantile": 1.0, "value": 220500.0, "Latitude": 37.95, "Longitude": -122.05, "Population": 2804.0}, {"index": 1504, "quantile": 0.0, "value": 153100.0, "Latitude": 37.94, "Longitude": -122.03, "Population": 2214.0}, {"index": 1504, "quantile": 0.25, "value": 279300.0, "Latitude": 37.94, "Longitude": -122.03, "Population": 2214.0}, {"index": 1504, "quantile": 0.5, "value": 279300.0, "Latitude": 37.94, "Longitude": -122.03, "Population": 2214.0}, {"index": 1504, "quantile": 0.75, "value": 279300.0, "Latitude": 37.94, "Longitude": -122.03, "Population": 2214.0}, {"index": 1504, "quantile": 1.0, "value": 367000.0, "Latitude": 37.94, "Longitude": -122.03, "Population": 2214.0}, {"index": 1505, "quantile": 0.0, "value": 196900.0, "Latitude": 37.93, "Longitude": -122.03, "Population": 1773.0}, {"index": 1505, "quantile": 0.25, "value": 247900.0, "Latitude": 37.93, "Longitude": -122.03, "Population": 1773.0}, {"index": 1505, "quantile": 0.5, "value": 283399.99999999994, "Latitude": 37.93, "Longitude": -122.03, "Population": 1773.0}, {"index": 1505, "quantile": 0.75, "value": 327875.0, "Latitude": 37.93, "Longitude": -122.03, "Population": 1773.0}, {"index": 1505, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.93, "Longitude": -122.03, "Population": 1773.0}, {"index": 1506, "quantile": 0.0, "value": 72100.0, "Latitude": 37.93, "Longitude": -122.05, "Population": 1503.0}, {"index": 1506, "quantile": 0.25, "value": 218875.00000000003, "Latitude": 37.93, "Longitude": -122.05, "Population": 1503.0}, {"index": 1506, "quantile": 0.5, "value": 266500.0, "Latitude": 37.93, "Longitude": -122.05, "Population": 1503.0}, {"index": 1506, "quantile": 0.75, "value": 266500.0, "Latitude": 37.93, "Longitude": -122.05, "Population": 1503.0}, {"index": 1506, "quantile": 1.0, "value": 417600.0, "Latitude": 37.93, "Longitude": -122.05, "Population": 1503.0}, {"index": 1507, "quantile": 0.0, "value": 166300.0, "Latitude": 37.93, "Longitude": -122.05, "Population": 2957.0}, {"index": 1507, "quantile": 0.25, "value": 184900.0, "Latitude": 37.93, "Longitude": -122.05, "Population": 2957.0}, {"index": 1507, "quantile": 0.5, "value": 184900.0, "Latitude": 37.93, "Longitude": -122.05, "Population": 2957.0}, {"index": 1507, "quantile": 0.75, "value": 234700.0, "Latitude": 37.93, "Longitude": -122.05, "Population": 2957.0}, {"index": 1507, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 37.93, "Longitude": -122.05, "Population": 2957.0}, {"index": 1508, "quantile": 0.0, "value": 182000.0, "Latitude": 37.92, "Longitude": -122.05, "Population": 4741.0}, {"index": 1508, "quantile": 0.25, "value": 234700.0, "Latitude": 37.92, "Longitude": -122.05, "Population": 4741.0}, {"index": 1508, "quantile": 0.5, "value": 234700.0, "Latitude": 37.92, "Longitude": -122.05, "Population": 4741.0}, {"index": 1508, "quantile": 0.75, "value": 256100.0, "Latitude": 37.92, "Longitude": -122.05, "Population": 4741.0}, {"index": 1508, "quantile": 1.0, "value": 430900.0, "Latitude": 37.92, "Longitude": -122.05, "Population": 4741.0}, {"index": 1509, "quantile": 0.0, "value": 279300.0, "Latitude": 37.92, "Longitude": -122.02, "Population": 1872.0}, {"index": 1509, "quantile": 0.25, "value": 351200.0, "Latitude": 37.92, "Longitude": -122.02, "Population": 1872.0}, {"index": 1509, "quantile": 0.5, "value": 351200.0, "Latitude": 37.92, "Longitude": -122.02, "Population": 1872.0}, {"index": 1509, "quantile": 0.75, "value": 351200.0, "Latitude": 37.92, "Longitude": -122.02, "Population": 1872.0}, {"index": 1509, "quantile": 1.0, "value": 454100.00000000006, "Latitude": 37.92, "Longitude": -122.02, "Population": 1872.0}, {"index": 1510, "quantile": 0.0, "value": 204400.0, "Latitude": 37.92, "Longitude": -122.03, "Population": 1124.0}, {"index": 1510, "quantile": 0.25, "value": 358800.0, "Latitude": 37.92, "Longitude": -122.03, "Population": 1124.0}, {"index": 1510, "quantile": 0.5, "value": 358800.0, "Latitude": 37.92, "Longitude": -122.03, "Population": 1124.0}, {"index": 1510, "quantile": 0.75, "value": 358800.0, "Latitude": 37.92, "Longitude": -122.03, "Population": 1124.0}, {"index": 1510, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.03, "Population": 1124.0}, {"index": 1511, "quantile": 0.0, "value": 273200.0, "Latitude": 37.91, "Longitude": -122.01, "Population": 3645.0}, {"index": 1511, "quantile": 0.25, "value": 367700.0, "Latitude": 37.91, "Longitude": -122.01, "Population": 3645.0}, {"index": 1511, "quantile": 0.5, "value": 367700.0, "Latitude": 37.91, "Longitude": -122.01, "Population": 3645.0}, {"index": 1511, "quantile": 0.75, "value": 367700.0, "Latitude": 37.91, "Longitude": -122.01, "Population": 3645.0}, {"index": 1511, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.01, "Population": 3645.0}, {"index": 1512, "quantile": 0.0, "value": 180200.0, "Latitude": 37.91, "Longitude": -122.03, "Population": 2310.0}, {"index": 1512, "quantile": 0.25, "value": 275300.0, "Latitude": 37.91, "Longitude": -122.03, "Population": 2310.0}, {"index": 1512, "quantile": 0.5, "value": 275300.0, "Latitude": 37.91, "Longitude": -122.03, "Population": 2310.0}, {"index": 1512, "quantile": 0.75, "value": 275300.0, "Latitude": 37.91, "Longitude": -122.03, "Population": 2310.0}, {"index": 1512, "quantile": 1.0, "value": 362300.0, "Latitude": 37.91, "Longitude": -122.03, "Population": 2310.0}, {"index": 1513, "quantile": 0.0, "value": 114300.0, "Latitude": 37.91, "Longitude": -122.06, "Population": 2133.0}, {"index": 1513, "quantile": 0.25, "value": 186100.0, "Latitude": 37.91, "Longitude": -122.06, "Population": 2133.0}, {"index": 1513, "quantile": 0.5, "value": 234200.0, "Latitude": 37.91, "Longitude": -122.06, "Population": 2133.0}, {"index": 1513, "quantile": 0.75, "value": 267550.0, "Latitude": 37.91, "Longitude": -122.06, "Population": 2133.0}, {"index": 1513, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.06, "Population": 2133.0}, {"index": 1514, "quantile": 0.0, "value": 104200.0, "Latitude": 37.9, "Longitude": -122.06, "Population": 2669.0}, {"index": 1514, "quantile": 0.25, "value": 177100.0, "Latitude": 37.9, "Longitude": -122.06, "Population": 2669.0}, {"index": 1514, "quantile": 0.5, "value": 206800.0, "Latitude": 37.9, "Longitude": -122.06, "Population": 2669.0}, {"index": 1514, "quantile": 0.75, "value": 234500.00000000003, "Latitude": 37.9, "Longitude": -122.06, "Population": 2669.0}, {"index": 1514, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.06, "Population": 2669.0}, {"index": 1515, "quantile": 0.0, "value": 87500.0, "Latitude": 37.89, "Longitude": -122.06, "Population": 2575.0}, {"index": 1515, "quantile": 0.25, "value": 114300.0, "Latitude": 37.89, "Longitude": -122.06, "Population": 2575.0}, {"index": 1515, "quantile": 0.5, "value": 114300.0, "Latitude": 37.89, "Longitude": -122.06, "Population": 2575.0}, {"index": 1515, "quantile": 0.75, "value": 234100.00000000003, "Latitude": 37.89, "Longitude": -122.06, "Population": 2575.0}, {"index": 1515, "quantile": 1.0, "value": 380000.0, "Latitude": 37.89, "Longitude": -122.06, "Population": 2575.0}, {"index": 1516, "quantile": 0.0, "value": 161900.0, "Latitude": 37.93, "Longitude": -122.07, "Population": 614.0}, {"index": 1516, "quantile": 0.25, "value": 225999.99999999997, "Latitude": 37.93, "Longitude": -122.07, "Population": 614.0}, {"index": 1516, "quantile": 0.5, "value": 225999.99999999997, "Latitude": 37.93, "Longitude": -122.07, "Population": 614.0}, {"index": 1516, "quantile": 0.75, "value": 225999.99999999997, "Latitude": 37.93, "Longitude": -122.07, "Population": 614.0}, {"index": 1516, "quantile": 1.0, "value": 456300.0, "Latitude": 37.93, "Longitude": -122.07, "Population": 614.0}, {"index": 1517, "quantile": 0.0, "value": 130800.0, "Latitude": 37.93, "Longitude": -122.07, "Population": 3264.0}, {"index": 1517, "quantile": 0.25, "value": 219875.0, "Latitude": 37.93, "Longitude": -122.07, "Population": 3264.0}, {"index": 1517, "quantile": 0.5, "value": 252100.0, "Latitude": 37.93, "Longitude": -122.07, "Population": 3264.0}, {"index": 1517, "quantile": 0.75, "value": 252100.0, "Latitude": 37.93, "Longitude": -122.07, "Population": 3264.0}, {"index": 1517, "quantile": 1.0, "value": 369300.0, "Latitude": 37.93, "Longitude": -122.07, "Population": 3264.0}, {"index": 1518, "quantile": 0.0, "value": 144000.0, "Latitude": 37.92, "Longitude": -122.07, "Population": 1629.0}, {"index": 1518, "quantile": 0.25, "value": 191425.0, "Latitude": 37.92, "Longitude": -122.07, "Population": 1629.0}, {"index": 1518, "quantile": 0.5, "value": 213099.99999999997, "Latitude": 37.92, "Longitude": -122.07, "Population": 1629.0}, {"index": 1518, "quantile": 0.75, "value": 256500.0, "Latitude": 37.92, "Longitude": -122.07, "Population": 1629.0}, {"index": 1518, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.07, "Population": 1629.0}, {"index": 1519, "quantile": 0.0, "value": 144000.0, "Latitude": 37.92, "Longitude": -122.08, "Population": 1068.0}, {"index": 1519, "quantile": 0.25, "value": 181200.0, "Latitude": 37.92, "Longitude": -122.08, "Population": 1068.0}, {"index": 1519, "quantile": 0.5, "value": 194200.0, "Latitude": 37.92, "Longitude": -122.08, "Population": 1068.0}, {"index": 1519, "quantile": 0.75, "value": 225500.0, "Latitude": 37.92, "Longitude": -122.08, "Population": 1068.0}, {"index": 1519, "quantile": 1.0, "value": 384400.0, "Latitude": 37.92, "Longitude": -122.08, "Population": 1068.0}, {"index": 1520, "quantile": 0.0, "value": 196900.0, "Latitude": 37.92, "Longitude": -122.08, "Population": 796.0}, {"index": 1520, "quantile": 0.25, "value": 247900.0, "Latitude": 37.92, "Longitude": -122.08, "Population": 796.0}, {"index": 1520, "quantile": 0.5, "value": 286350.0, "Latitude": 37.92, "Longitude": -122.08, "Population": 796.0}, {"index": 1520, "quantile": 0.75, "value": 350000.0, "Latitude": 37.92, "Longitude": -122.08, "Population": 796.0}, {"index": 1520, "quantile": 1.0, "value": 450000.0, "Latitude": 37.92, "Longitude": -122.08, "Population": 796.0}, {"index": 1521, "quantile": 0.0, "value": 134400.0, "Latitude": 37.91, "Longitude": -122.07, "Population": 810.0}, {"index": 1521, "quantile": 0.25, "value": 259800.0, "Latitude": 37.91, "Longitude": -122.07, "Population": 810.0}, {"index": 1521, "quantile": 0.5, "value": 259800.0, "Latitude": 37.91, "Longitude": -122.07, "Population": 810.0}, {"index": 1521, "quantile": 0.75, "value": 259800.0, "Latitude": 37.91, "Longitude": -122.07, "Population": 810.0}, {"index": 1521, "quantile": 1.0, "value": 376600.0, "Latitude": 37.91, "Longitude": -122.07, "Population": 810.0}, {"index": 1522, "quantile": 0.0, "value": 132900.0, "Latitude": 37.91, "Longitude": -122.07, "Population": 638.0}, {"index": 1522, "quantile": 0.25, "value": 210700.00000000003, "Latitude": 37.91, "Longitude": -122.07, "Population": 638.0}, {"index": 1522, "quantile": 0.5, "value": 292500.0, "Latitude": 37.91, "Longitude": -122.07, "Population": 638.0}, {"index": 1522, "quantile": 0.75, "value": 292500.0, "Latitude": 37.91, "Longitude": -122.07, "Population": 638.0}, {"index": 1522, "quantile": 1.0, "value": 331600.0, "Latitude": 37.91, "Longitude": -122.07, "Population": 638.0}, {"index": 1523, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 37.9, "Longitude": -122.08, "Population": 486.0}, {"index": 1523, "quantile": 0.25, "value": 200900.0, "Latitude": 37.9, "Longitude": -122.08, "Population": 486.0}, {"index": 1523, "quantile": 0.5, "value": 246349.99999999997, "Latitude": 37.9, "Longitude": -122.08, "Population": 486.0}, {"index": 1523, "quantile": 0.75, "value": 263600.0, "Latitude": 37.9, "Longitude": -122.08, "Population": 486.0}, {"index": 1523, "quantile": 1.0, "value": 427299.99999999994, "Latitude": 37.9, "Longitude": -122.08, "Population": 486.0}, {"index": 1524, "quantile": 0.0, "value": 176300.0, "Latitude": 37.91, "Longitude": -122.09, "Population": 3486.0}, {"index": 1524, "quantile": 0.25, "value": 312050.0, "Latitude": 37.91, "Longitude": -122.09, "Population": 3486.0}, {"index": 1524, "quantile": 0.5, "value": 354000.0, "Latitude": 37.91, "Longitude": -122.09, "Population": 3486.0}, {"index": 1524, "quantile": 0.75, "value": 369900.0, "Latitude": 37.91, "Longitude": -122.09, "Population": 3486.0}, {"index": 1524, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.09, "Population": 3486.0}, {"index": 1525, "quantile": 0.0, "value": 213099.99999999997, "Latitude": 37.89, "Longitude": -122.07, "Population": 1428.0}, {"index": 1525, "quantile": 0.25, "value": 266800.0, "Latitude": 37.89, "Longitude": -122.07, "Population": 1428.0}, {"index": 1525, "quantile": 0.5, "value": 266800.0, "Latitude": 37.89, "Longitude": -122.07, "Population": 1428.0}, {"index": 1525, "quantile": 0.75, "value": 266800.0, "Latitude": 37.89, "Longitude": -122.07, "Population": 1428.0}, {"index": 1525, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.07, "Population": 1428.0}, {"index": 1526, "quantile": 0.0, "value": 169300.0, "Latitude": 37.89, "Longitude": -122.08, "Population": 1223.0}, {"index": 1526, "quantile": 0.25, "value": 283900.0, "Latitude": 37.89, "Longitude": -122.08, "Population": 1223.0}, {"index": 1526, "quantile": 0.5, "value": 283900.0, "Latitude": 37.89, "Longitude": -122.08, "Population": 1223.0}, {"index": 1526, "quantile": 0.75, "value": 346800.0, "Latitude": 37.89, "Longitude": -122.08, "Population": 1223.0}, {"index": 1526, "quantile": 1.0, "value": 448299.99999999994, "Latitude": 37.89, "Longitude": -122.08, "Population": 1223.0}, {"index": 1527, "quantile": 0.0, "value": 150900.0, "Latitude": 37.9, "Longitude": -122.08, "Population": 1691.0}, {"index": 1527, "quantile": 0.25, "value": 288000.0, "Latitude": 37.9, "Longitude": -122.08, "Population": 1691.0}, {"index": 1527, "quantile": 0.5, "value": 288000.0, "Latitude": 37.9, "Longitude": -122.08, "Population": 1691.0}, {"index": 1527, "quantile": 0.75, "value": 288000.0, "Latitude": 37.9, "Longitude": -122.08, "Population": 1691.0}, {"index": 1527, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.08, "Population": 1691.0}, {"index": 1528, "quantile": 0.0, "value": 143300.0, "Latitude": 37.89, "Longitude": -122.07, "Population": 809.0}, {"index": 1528, "quantile": 0.25, "value": 268800.0, "Latitude": 37.89, "Longitude": -122.07, "Population": 809.0}, {"index": 1528, "quantile": 0.5, "value": 268800.0, "Latitude": 37.89, "Longitude": -122.07, "Population": 809.0}, {"index": 1528, "quantile": 0.75, "value": 290275.0, "Latitude": 37.89, "Longitude": -122.07, "Population": 809.0}, {"index": 1528, "quantile": 1.0, "value": 438400.00000000006, "Latitude": 37.89, "Longitude": -122.07, "Population": 809.0}, {"index": 1529, "quantile": 0.0, "value": 153100.0, "Latitude": 37.89, "Longitude": -122.07, "Population": 319.0}, {"index": 1529, "quantile": 0.25, "value": 263300.0, "Latitude": 37.89, "Longitude": -122.07, "Population": 319.0}, {"index": 1529, "quantile": 0.5, "value": 263300.0, "Latitude": 37.89, "Longitude": -122.07, "Population": 319.0}, {"index": 1529, "quantile": 0.75, "value": 279700.0, "Latitude": 37.89, "Longitude": -122.07, "Population": 319.0}, {"index": 1529, "quantile": 1.0, "value": 432100.0, "Latitude": 37.89, "Longitude": -122.07, "Population": 319.0}, {"index": 1530, "quantile": 0.0, "value": 253600.0, "Latitude": 37.88, "Longitude": -122.06, "Population": 1879.0}, {"index": 1530, "quantile": 0.25, "value": 340900.0, "Latitude": 37.88, "Longitude": -122.06, "Population": 1879.0}, {"index": 1530, "quantile": 0.5, "value": 340900.0, "Latitude": 37.88, "Longitude": -122.06, "Population": 1879.0}, {"index": 1530, "quantile": 0.75, "value": 341550.0, "Latitude": 37.88, "Longitude": -122.06, "Population": 1879.0}, {"index": 1530, "quantile": 1.0, "value": 452299.99999999994, "Latitude": 37.88, "Longitude": -122.06, "Population": 1879.0}, {"index": 1531, "quantile": 0.0, "value": 169300.0, "Latitude": 37.87, "Longitude": -122.05, "Population": 847.0}, {"index": 1531, "quantile": 0.25, "value": 397500.0, "Latitude": 37.87, "Longitude": -122.05, "Population": 847.0}, {"index": 1531, "quantile": 0.5, "value": 397500.0, "Latitude": 37.87, "Longitude": -122.05, "Population": 847.0}, {"index": 1531, "quantile": 0.75, "value": 397500.0, "Latitude": 37.87, "Longitude": -122.05, "Population": 847.0}, {"index": 1531, "quantile": 1.0, "value": 466399.99999999994, "Latitude": 37.87, "Longitude": -122.05, "Population": 847.0}, {"index": 1532, "quantile": 0.0, "value": 73400.0, "Latitude": 37.9, "Longitude": -122.05, "Population": 1699.0}, {"index": 1532, "quantile": 0.25, "value": 271000.0, "Latitude": 37.9, "Longitude": -122.05, "Population": 1699.0}, {"index": 1532, "quantile": 0.5, "value": 271000.0, "Latitude": 37.9, "Longitude": -122.05, "Population": 1699.0}, {"index": 1532, "quantile": 0.75, "value": 271000.0, "Latitude": 37.9, "Longitude": -122.05, "Population": 1699.0}, {"index": 1532, "quantile": 1.0, "value": 377300.0, "Latitude": 37.9, "Longitude": -122.05, "Population": 1699.0}, {"index": 1533, "quantile": 0.0, "value": 123100.00000000001, "Latitude": 37.9, "Longitude": -122.05, "Population": 986.0}, {"index": 1533, "quantile": 0.25, "value": 321200.0, "Latitude": 37.9, "Longitude": -122.05, "Population": 986.0}, {"index": 1533, "quantile": 0.5, "value": 335700.0, "Latitude": 37.9, "Longitude": -122.05, "Population": 986.0}, {"index": 1533, "quantile": 0.75, "value": 335700.0, "Latitude": 37.9, "Longitude": -122.05, "Population": 986.0}, {"index": 1533, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.05, "Population": 986.0}, {"index": 1534, "quantile": 0.0, "value": 78600.0, "Latitude": 37.89, "Longitude": -122.05, "Population": 689.0}, {"index": 1534, "quantile": 0.25, "value": 181200.0, "Latitude": 37.89, "Longitude": -122.05, "Population": 689.0}, {"index": 1534, "quantile": 0.5, "value": 196400.0, "Latitude": 37.89, "Longitude": -122.05, "Population": 689.0}, {"index": 1534, "quantile": 0.75, "value": 231599.99999999997, "Latitude": 37.89, "Longitude": -122.05, "Population": 689.0}, {"index": 1534, "quantile": 1.0, "value": 495800.0, "Latitude": 37.89, "Longitude": -122.05, "Population": 689.0}, {"index": 1535, "quantile": 0.0, "value": 171700.0, "Latitude": 37.89, "Longitude": -122.04, "Population": 998.0}, {"index": 1535, "quantile": 0.25, "value": 349100.0, "Latitude": 37.89, "Longitude": -122.04, "Population": 998.0}, {"index": 1535, "quantile": 0.5, "value": 349100.0, "Latitude": 37.89, "Longitude": -122.04, "Population": 998.0}, {"index": 1535, "quantile": 0.75, "value": 364625.0, "Latitude": 37.89, "Longitude": -122.04, "Population": 998.0}, {"index": 1535, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.04, "Population": 998.0}, {"index": 1536, "quantile": 0.0, "value": 139100.0, "Latitude": 37.9, "Longitude": -122.05, "Population": 1818.0}, {"index": 1536, "quantile": 0.25, "value": 321200.0, "Latitude": 37.9, "Longitude": -122.05, "Population": 1818.0}, {"index": 1536, "quantile": 0.5, "value": 321200.0, "Latitude": 37.9, "Longitude": -122.05, "Population": 1818.0}, {"index": 1536, "quantile": 0.75, "value": 321200.0, "Latitude": 37.9, "Longitude": -122.05, "Population": 1818.0}, {"index": 1536, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.05, "Population": 1818.0}, {"index": 1537, "quantile": 0.0, "value": 204199.99999999997, "Latitude": 37.9, "Longitude": -122.04, "Population": 2310.0}, {"index": 1537, "quantile": 0.25, "value": 275800.0, "Latitude": 37.9, "Longitude": -122.04, "Population": 2310.0}, {"index": 1537, "quantile": 0.5, "value": 275800.0, "Latitude": 37.9, "Longitude": -122.04, "Population": 2310.0}, {"index": 1537, "quantile": 0.75, "value": 275800.0, "Latitude": 37.9, "Longitude": -122.04, "Population": 2310.0}, {"index": 1537, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.04, "Population": 2310.0}, {"index": 1538, "quantile": 0.0, "value": 228700.0, "Latitude": 37.89, "Longitude": -122.02, "Population": 2450.0}, {"index": 1538, "quantile": 0.25, "value": 356200.0, "Latitude": 37.89, "Longitude": -122.02, "Population": 2450.0}, {"index": 1538, "quantile": 0.5, "value": 356200.0, "Latitude": 37.89, "Longitude": -122.02, "Population": 2450.0}, {"index": 1538, "quantile": 0.75, "value": 367100.0, "Latitude": 37.89, "Longitude": -122.02, "Population": 2450.0}, {"index": 1538, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.02, "Population": 2450.0}, {"index": 1539, "quantile": 0.0, "value": 209400.0, "Latitude": 37.88, "Longitude": -122.04, "Population": 1230.0}, {"index": 1539, "quantile": 0.25, "value": 312700.0, "Latitude": 37.88, "Longitude": -122.04, "Population": 1230.0}, {"index": 1539, "quantile": 0.5, "value": 312700.0, "Latitude": 37.88, "Longitude": -122.04, "Population": 1230.0}, {"index": 1539, "quantile": 0.75, "value": 312700.0, "Latitude": 37.88, "Longitude": -122.04, "Population": 1230.0}, {"index": 1539, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.04, "Population": 1230.0}, {"index": 1540, "quantile": 0.0, "value": 169300.0, "Latitude": 37.86, "Longitude": -122.03, "Population": 1035.0}, {"index": 1540, "quantile": 0.25, "value": 325825.0, "Latitude": 37.86, "Longitude": -122.03, "Population": 1035.0}, {"index": 1540, "quantile": 0.5, "value": 366100.0, "Latitude": 37.86, "Longitude": -122.03, "Population": 1035.0}, {"index": 1540, "quantile": 0.75, "value": 434950.0, "Latitude": 37.86, "Longitude": -122.03, "Population": 1035.0}, {"index": 1540, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.03, "Population": 1035.0}, {"index": 1541, "quantile": 0.0, "value": 397000.0, "Latitude": 37.85, "Longitude": -122.04, "Population": 2181.0}, {"index": 1541, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.04, "Population": 2181.0}, {"index": 1541, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.04, "Population": 2181.0}, {"index": 1541, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.04, "Population": 2181.0}, {"index": 1541, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.04, "Population": 2181.0}, {"index": 1542, "quantile": 0.0, "value": 218600.0, "Latitude": 37.73, "Longitude": -121.94, "Population": 861.0}, {"index": 1542, "quantile": 0.25, "value": 274800.0, "Latitude": 37.73, "Longitude": -121.94, "Population": 861.0}, {"index": 1542, "quantile": 0.5, "value": 286599.99999999994, "Latitude": 37.73, "Longitude": -121.94, "Population": 861.0}, {"index": 1542, "quantile": 0.75, "value": 306500.0, "Latitude": 37.73, "Longitude": -121.94, "Population": 861.0}, {"index": 1542, "quantile": 1.0, "value": 466899.99999999994, "Latitude": 37.73, "Longitude": -121.94, "Population": 861.0}, {"index": 1543, "quantile": 0.0, "value": 179200.0, "Latitude": 37.73, "Longitude": -121.94, "Population": 2843.0}, {"index": 1543, "quantile": 0.25, "value": 268125.00000000006, "Latitude": 37.73, "Longitude": -121.94, "Population": 2843.0}, {"index": 1543, "quantile": 0.5, "value": 297700.00000000006, "Latitude": 37.73, "Longitude": -121.94, "Population": 2843.0}, {"index": 1543, "quantile": 0.75, "value": 398525.0, "Latitude": 37.73, "Longitude": -121.94, "Population": 2843.0}, {"index": 1543, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -121.94, "Population": 2843.0}, {"index": 1544, "quantile": 0.0, "value": 218600.0, "Latitude": 37.73, "Longitude": -121.93, "Population": 1043.0}, {"index": 1544, "quantile": 0.25, "value": 275000.0, "Latitude": 37.73, "Longitude": -121.93, "Population": 1043.0}, {"index": 1544, "quantile": 0.5, "value": 275000.0, "Latitude": 37.73, "Longitude": -121.93, "Population": 1043.0}, {"index": 1544, "quantile": 0.75, "value": 275000.0, "Latitude": 37.73, "Longitude": -121.93, "Population": 1043.0}, {"index": 1544, "quantile": 1.0, "value": 450000.0, "Latitude": 37.73, "Longitude": -121.93, "Population": 1043.0}, {"index": 1545, "quantile": 0.0, "value": 77500.0, "Latitude": 37.73, "Longitude": -121.93, "Population": 404.0}, {"index": 1545, "quantile": 0.25, "value": 215675.00000000003, "Latitude": 37.73, "Longitude": -121.93, "Population": 404.0}, {"index": 1545, "quantile": 0.5, "value": 350000.0, "Latitude": 37.73, "Longitude": -121.93, "Population": 404.0}, {"index": 1545, "quantile": 0.75, "value": 350000.0, "Latitude": 37.73, "Longitude": -121.93, "Population": 404.0}, {"index": 1545, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -121.93, "Population": 404.0}, {"index": 1546, "quantile": 0.0, "value": 143000.0, "Latitude": 37.74, "Longitude": -121.95, "Population": 518.0}, {"index": 1546, "quantile": 0.25, "value": 250000.0, "Latitude": 37.74, "Longitude": -121.95, "Population": 518.0}, {"index": 1546, "quantile": 0.5, "value": 250000.0, "Latitude": 37.74, "Longitude": -121.95, "Population": 518.0}, {"index": 1546, "quantile": 0.75, "value": 273675.0, "Latitude": 37.74, "Longitude": -121.95, "Population": 518.0}, {"index": 1546, "quantile": 1.0, "value": 390000.0, "Latitude": 37.74, "Longitude": -121.95, "Population": 518.0}, {"index": 1547, "quantile": 0.0, "value": 154800.0, "Latitude": 37.74, "Longitude": -121.95, "Population": 2653.0}, {"index": 1547, "quantile": 0.25, "value": 241299.99999999997, "Latitude": 37.74, "Longitude": -121.95, "Population": 2653.0}, {"index": 1547, "quantile": 0.5, "value": 254350.0, "Latitude": 37.74, "Longitude": -121.95, "Population": 2653.0}, {"index": 1547, "quantile": 0.75, "value": 272900.0, "Latitude": 37.74, "Longitude": -121.95, "Population": 2653.0}, {"index": 1547, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 37.74, "Longitude": -121.95, "Population": 2653.0}, {"index": 1548, "quantile": 0.0, "value": 151700.0, "Latitude": 37.75, "Longitude": -121.94, "Population": 1238.0}, {"index": 1548, "quantile": 0.25, "value": 259200.0, "Latitude": 37.75, "Longitude": -121.94, "Population": 1238.0}, {"index": 1548, "quantile": 0.5, "value": 269800.0, "Latitude": 37.75, "Longitude": -121.94, "Population": 1238.0}, {"index": 1548, "quantile": 0.75, "value": 269800.0, "Latitude": 37.75, "Longitude": -121.94, "Population": 1238.0}, {"index": 1548, "quantile": 1.0, "value": 322200.0, "Latitude": 37.75, "Longitude": -121.94, "Population": 1238.0}, {"index": 1549, "quantile": 0.0, "value": 72300.0, "Latitude": 37.73, "Longitude": -121.92, "Population": 501.0}, {"index": 1549, "quantile": 0.25, "value": 157200.0, "Latitude": 37.73, "Longitude": -121.92, "Population": 501.0}, {"index": 1549, "quantile": 0.5, "value": 157200.0, "Latitude": 37.73, "Longitude": -121.92, "Population": 501.0}, {"index": 1549, "quantile": 0.75, "value": 157200.0, "Latitude": 37.73, "Longitude": -121.92, "Population": 501.0}, {"index": 1549, "quantile": 1.0, "value": 275000.0, "Latitude": 37.73, "Longitude": -121.92, "Population": 501.0}, {"index": 1550, "quantile": 0.0, "value": 127200.0, "Latitude": 37.74, "Longitude": -121.93, "Population": 1272.0}, {"index": 1550, "quantile": 0.25, "value": 290975.0, "Latitude": 37.74, "Longitude": -121.93, "Population": 1272.0}, {"index": 1550, "quantile": 0.5, "value": 320400.0, "Latitude": 37.74, "Longitude": -121.93, "Population": 1272.0}, {"index": 1550, "quantile": 0.75, "value": 382075.0, "Latitude": 37.74, "Longitude": -121.93, "Population": 1272.0}, {"index": 1550, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -121.93, "Population": 1272.0}, {"index": 1551, "quantile": 0.0, "value": 264800.0, "Latitude": 37.75, "Longitude": -121.94, "Population": 2464.0}, {"index": 1551, "quantile": 0.25, "value": 296100.0, "Latitude": 37.75, "Longitude": -121.94, "Population": 2464.0}, {"index": 1551, "quantile": 0.5, "value": 296100.0, "Latitude": 37.75, "Longitude": -121.94, "Population": 2464.0}, {"index": 1551, "quantile": 0.75, "value": 296100.0, "Latitude": 37.75, "Longitude": -121.94, "Population": 2464.0}, {"index": 1551, "quantile": 1.0, "value": 393100.0, "Latitude": 37.75, "Longitude": -121.94, "Population": 2464.0}, {"index": 1552, "quantile": 0.0, "value": 102800.0, "Latitude": 37.79, "Longitude": -121.97, "Population": 2111.0}, {"index": 1552, "quantile": 0.25, "value": 312500.0, "Latitude": 37.79, "Longitude": -121.97, "Population": 2111.0}, {"index": 1552, "quantile": 0.5, "value": 312500.0, "Latitude": 37.79, "Longitude": -121.97, "Population": 2111.0}, {"index": 1552, "quantile": 0.75, "value": 322475.0, "Latitude": 37.79, "Longitude": -121.97, "Population": 2111.0}, {"index": 1552, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -121.97, "Population": 2111.0}, {"index": 1553, "quantile": 0.0, "value": 194100.0, "Latitude": 37.8, "Longitude": -121.98, "Population": 1457.0}, {"index": 1553, "quantile": 0.25, "value": 320400.0, "Latitude": 37.8, "Longitude": -121.98, "Population": 1457.0}, {"index": 1553, "quantile": 0.5, "value": 332000.0, "Latitude": 37.8, "Longitude": -121.98, "Population": 1457.0}, {"index": 1553, "quantile": 0.75, "value": 368000.0, "Latitude": 37.8, "Longitude": -121.98, "Population": 1457.0}, {"index": 1553, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -121.98, "Population": 1457.0}, {"index": 1554, "quantile": 0.0, "value": 193500.0, "Latitude": 37.8, "Longitude": -121.98, "Population": 1027.0}, {"index": 1554, "quantile": 0.25, "value": 355900.0, "Latitude": 37.8, "Longitude": -121.98, "Population": 1027.0}, {"index": 1554, "quantile": 0.5, "value": 358700.0, "Latitude": 37.8, "Longitude": -121.98, "Population": 1027.0}, {"index": 1554, "quantile": 0.75, "value": 393000.0, "Latitude": 37.8, "Longitude": -121.98, "Population": 1027.0}, {"index": 1554, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -121.98, "Population": 1027.0}, {"index": 1555, "quantile": 0.0, "value": 157700.0, "Latitude": 37.81, "Longitude": -121.98, "Population": 1127.0}, {"index": 1555, "quantile": 0.25, "value": 295500.0, "Latitude": 37.81, "Longitude": -121.98, "Population": 1127.0}, {"index": 1555, "quantile": 0.5, "value": 359100.0, "Latitude": 37.81, "Longitude": -121.98, "Population": 1127.0}, {"index": 1555, "quantile": 0.75, "value": 359100.0, "Latitude": 37.81, "Longitude": -121.98, "Population": 1127.0}, {"index": 1555, "quantile": 1.0, "value": 404500.0, "Latitude": 37.81, "Longitude": -121.98, "Population": 1127.0}, {"index": 1556, "quantile": 0.0, "value": 193500.0, "Latitude": 37.81, "Longitude": -121.96, "Population": 2404.0}, {"index": 1556, "quantile": 0.25, "value": 403400.0, "Latitude": 37.81, "Longitude": -121.96, "Population": 2404.0}, {"index": 1556, "quantile": 0.5, "value": 403400.0, "Latitude": 37.81, "Longitude": -121.96, "Population": 2404.0}, {"index": 1556, "quantile": 0.75, "value": 403400.0, "Latitude": 37.81, "Longitude": -121.96, "Population": 2404.0}, {"index": 1556, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -121.96, "Population": 2404.0}, {"index": 1557, "quantile": 0.0, "value": 194100.0, "Latitude": 37.8, "Longitude": -121.97, "Population": 1222.0}, {"index": 1557, "quantile": 0.25, "value": 353600.0, "Latitude": 37.8, "Longitude": -121.97, "Population": 1222.0}, {"index": 1557, "quantile": 0.5, "value": 369050.0, "Latitude": 37.8, "Longitude": -121.97, "Population": 1222.0}, {"index": 1557, "quantile": 0.75, "value": 403400.0, "Latitude": 37.8, "Longitude": -121.97, "Population": 1222.0}, {"index": 1557, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -121.97, "Population": 1222.0}, {"index": 1558, "quantile": 0.0, "value": 287300.0, "Latitude": 37.8, "Longitude": -121.94, "Population": 4089.0}, {"index": 1558, "quantile": 0.25, "value": 369200.0, "Latitude": 37.8, "Longitude": -121.94, "Population": 4089.0}, {"index": 1558, "quantile": 0.5, "value": 369200.0, "Latitude": 37.8, "Longitude": -121.94, "Population": 4089.0}, {"index": 1558, "quantile": 0.75, "value": 369200.0, "Latitude": 37.8, "Longitude": -121.94, "Population": 4089.0}, {"index": 1558, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -121.94, "Population": 4089.0}, {"index": 1559, "quantile": 0.0, "value": 218600.0, "Latitude": 37.79, "Longitude": -121.97, "Population": 1451.0}, {"index": 1559, "quantile": 0.25, "value": 291325.0, "Latitude": 37.79, "Longitude": -121.97, "Population": 1451.0}, {"index": 1559, "quantile": 0.5, "value": 321350.0, "Latitude": 37.79, "Longitude": -121.97, "Population": 1451.0}, {"index": 1559, "quantile": 0.75, "value": 347600.0, "Latitude": 37.79, "Longitude": -121.97, "Population": 1451.0}, {"index": 1559, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -121.97, "Population": 1451.0}, {"index": 1560, "quantile": 0.0, "value": 175000.0, "Latitude": 37.78, "Longitude": -121.95, "Population": 5613.0}, {"index": 1560, "quantile": 0.25, "value": 320800.0, "Latitude": 37.78, "Longitude": -121.95, "Population": 5613.0}, {"index": 1560, "quantile": 0.5, "value": 356700.0, "Latitude": 37.78, "Longitude": -121.95, "Population": 5613.0}, {"index": 1560, "quantile": 0.75, "value": 356700.0, "Latitude": 37.78, "Longitude": -121.95, "Population": 5613.0}, {"index": 1560, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -121.95, "Population": 5613.0}, {"index": 1561, "quantile": 0.0, "value": 314000.0, "Latitude": 37.76, "Longitude": -121.96, "Population": 1548.0}, {"index": 1561, "quantile": 0.25, "value": 431224.99999999994, "Latitude": 37.76, "Longitude": -121.96, "Population": 1548.0}, {"index": 1561, "quantile": 0.5, "value": 477600.0, "Latitude": 37.76, "Longitude": -121.96, "Population": 1548.0}, {"index": 1561, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -121.96, "Population": 1548.0}, {"index": 1561, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -121.96, "Population": 1548.0}, {"index": 1562, "quantile": 0.0, "value": 72100.0, "Latitude": 37.76, "Longitude": -121.94, "Population": 2889.0}, {"index": 1562, "quantile": 0.25, "value": 259800.0, "Latitude": 37.76, "Longitude": -121.94, "Population": 2889.0}, {"index": 1562, "quantile": 0.5, "value": 356100.0, "Latitude": 37.76, "Longitude": -121.94, "Population": 2889.0}, {"index": 1562, "quantile": 0.75, "value": 356100.0, "Latitude": 37.76, "Longitude": -121.94, "Population": 2889.0}, {"index": 1562, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 37.76, "Longitude": -121.94, "Population": 2889.0}, {"index": 1563, "quantile": 0.0, "value": 345900.0, "Latitude": 37.76, "Longitude": -121.93, "Population": 876.0}, {"index": 1563, "quantile": 0.25, "value": 450399.99999999994, "Latitude": 37.76, "Longitude": -121.93, "Population": 876.0}, {"index": 1563, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -121.93, "Population": 876.0}, {"index": 1563, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -121.93, "Population": 876.0}, {"index": 1563, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -121.93, "Population": 876.0}, {"index": 1564, "quantile": 0.0, "value": 350000.0, "Latitude": 37.74, "Longitude": -121.92, "Population": 140.0}, {"index": 1564, "quantile": 0.25, "value": 432400.0, "Latitude": 37.74, "Longitude": -121.92, "Population": 140.0}, {"index": 1564, "quantile": 0.5, "value": 432400.0, "Latitude": 37.74, "Longitude": -121.92, "Population": 140.0}, {"index": 1564, "quantile": 0.75, "value": 475800.0, "Latitude": 37.74, "Longitude": -121.92, "Population": 140.0}, {"index": 1564, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -121.92, "Population": 140.0}, {"index": 1565, "quantile": 0.0, "value": 74600.0, "Latitude": 37.78, "Longitude": -121.93, "Population": 114.0}, {"index": 1565, "quantile": 0.25, "value": 319675.0, "Latitude": 37.78, "Longitude": -121.93, "Population": 114.0}, {"index": 1565, "quantile": 0.5, "value": 434700.00000000006, "Latitude": 37.78, "Longitude": -121.93, "Population": 114.0}, {"index": 1565, "quantile": 0.75, "value": 434700.00000000006, "Latitude": 37.78, "Longitude": -121.93, "Population": 114.0}, {"index": 1565, "quantile": 1.0, "value": 475000.0, "Latitude": 37.78, "Longitude": -121.93, "Population": 114.0}, {"index": 1566, "quantile": 0.0, "value": 225000.0, "Latitude": 37.74, "Longitude": -121.96, "Population": 25.0}, {"index": 1566, "quantile": 0.25, "value": 350000.0, "Latitude": 37.74, "Longitude": -121.96, "Population": 25.0}, {"index": 1566, "quantile": 0.5, "value": 350000.0, "Latitude": 37.74, "Longitude": -121.96, "Population": 25.0}, {"index": 1566, "quantile": 0.75, "value": 432400.0, "Latitude": 37.74, "Longitude": -121.96, "Population": 25.0}, {"index": 1566, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -121.96, "Population": 25.0}, {"index": 1567, "quantile": 0.0, "value": 218000.00000000003, "Latitude": 37.76, "Longitude": -121.97, "Population": 1633.0}, {"index": 1567, "quantile": 0.25, "value": 320500.0, "Latitude": 37.76, "Longitude": -121.97, "Population": 1633.0}, {"index": 1567, "quantile": 0.5, "value": 381900.0, "Latitude": 37.76, "Longitude": -121.97, "Population": 1633.0}, {"index": 1567, "quantile": 0.75, "value": 381900.0, "Latitude": 37.76, "Longitude": -121.97, "Population": 1633.0}, {"index": 1567, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -121.97, "Population": 1633.0}, {"index": 1568, "quantile": 0.0, "value": 225000.0, "Latitude": 37.77, "Longitude": -121.97, "Population": 3221.0}, {"index": 1568, "quantile": 0.25, "value": 324600.0, "Latitude": 37.77, "Longitude": -121.97, "Population": 3221.0}, {"index": 1568, "quantile": 0.5, "value": 324600.0, "Latitude": 37.77, "Longitude": -121.97, "Population": 3221.0}, {"index": 1568, "quantile": 0.75, "value": 327750.0, "Latitude": 37.77, "Longitude": -121.97, "Population": 3221.0}, {"index": 1568, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -121.97, "Population": 3221.0}, {"index": 1569, "quantile": 0.0, "value": 193500.0, "Latitude": 37.74, "Longitude": -121.98, "Population": 1376.0}, {"index": 1569, "quantile": 0.25, "value": 337725.0, "Latitude": 37.74, "Longitude": -121.98, "Population": 1376.0}, {"index": 1569, "quantile": 0.5, "value": 360750.0, "Latitude": 37.74, "Longitude": -121.98, "Population": 1376.0}, {"index": 1569, "quantile": 0.75, "value": 387500.0, "Latitude": 37.74, "Longitude": -121.98, "Population": 1376.0}, {"index": 1569, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -121.98, "Population": 1376.0}, {"index": 1570, "quantile": 0.0, "value": 255900.00000000003, "Latitude": 37.84, "Longitude": -122.02, "Population": 729.0}, {"index": 1570, "quantile": 0.25, "value": 423200.0, "Latitude": 37.84, "Longitude": -122.02, "Population": 729.0}, {"index": 1570, "quantile": 0.5, "value": 443800.0, "Latitude": 37.84, "Longitude": -122.02, "Population": 729.0}, {"index": 1570, "quantile": 0.75, "value": 443800.0, "Latitude": 37.84, "Longitude": -122.02, "Population": 729.0}, {"index": 1570, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.02, "Population": 729.0}, {"index": 1571, "quantile": 0.0, "value": 160100.0, "Latitude": 37.83, "Longitude": -122.01, "Population": 1330.0}, {"index": 1571, "quantile": 0.25, "value": 386600.0, "Latitude": 37.83, "Longitude": -122.01, "Population": 1330.0}, {"index": 1571, "quantile": 0.5, "value": 386600.0, "Latitude": 37.83, "Longitude": -122.01, "Population": 1330.0}, {"index": 1571, "quantile": 0.75, "value": 386600.0, "Latitude": 37.83, "Longitude": -122.01, "Population": 1330.0}, {"index": 1571, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.01, "Population": 1330.0}, {"index": 1572, "quantile": 0.0, "value": 186800.0, "Latitude": 37.82, "Longitude": -122.0, "Population": 926.0}, {"index": 1572, "quantile": 0.25, "value": 256400.0, "Latitude": 37.82, "Longitude": -122.0, "Population": 926.0}, {"index": 1572, "quantile": 0.5, "value": 256400.0, "Latitude": 37.82, "Longitude": -122.0, "Population": 926.0}, {"index": 1572, "quantile": 0.75, "value": 266875.0, "Latitude": 37.82, "Longitude": -122.0, "Population": 926.0}, {"index": 1572, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.0, "Population": 926.0}, {"index": 1573, "quantile": 0.0, "value": 40000.0, "Latitude": 37.82, "Longitude": -121.99, "Population": 579.0}, {"index": 1573, "quantile": 0.25, "value": 200000.0, "Latitude": 37.82, "Longitude": -121.99, "Population": 579.0}, {"index": 1573, "quantile": 0.5, "value": 200000.0, "Latitude": 37.82, "Longitude": -121.99, "Population": 579.0}, {"index": 1573, "quantile": 0.75, "value": 209375.0, "Latitude": 37.82, "Longitude": -121.99, "Population": 579.0}, {"index": 1573, "quantile": 1.0, "value": 400000.0, "Latitude": 37.82, "Longitude": -121.99, "Population": 579.0}, {"index": 1574, "quantile": 0.0, "value": 392600.0, "Latitude": 37.83, "Longitude": -122.03, "Population": 1997.0}, {"index": 1574, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.03, "Population": 1997.0}, {"index": 1574, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.03, "Population": 1997.0}, {"index": 1574, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.03, "Population": 1997.0}, {"index": 1574, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.03, "Population": 1997.0}, {"index": 1575, "quantile": 0.0, "value": 190300.0, "Latitude": 37.77, "Longitude": -121.99, "Population": 3283.0}, {"index": 1575, "quantile": 0.25, "value": 277775.0, "Latitude": 37.77, "Longitude": -121.99, "Population": 3283.0}, {"index": 1575, "quantile": 0.5, "value": 294800.0, "Latitude": 37.77, "Longitude": -121.99, "Population": 3283.0}, {"index": 1575, "quantile": 0.75, "value": 294800.0, "Latitude": 37.77, "Longitude": -121.99, "Population": 3283.0}, {"index": 1575, "quantile": 1.0, "value": 452100.0, "Latitude": 37.77, "Longitude": -121.99, "Population": 3283.0}, {"index": 1576, "quantile": 0.0, "value": 47500.0, "Latitude": 37.81, "Longitude": -121.99, "Population": 146.0}, {"index": 1576, "quantile": 0.25, "value": 188500.0, "Latitude": 37.81, "Longitude": -121.99, "Population": 146.0}, {"index": 1576, "quantile": 0.5, "value": 188500.0, "Latitude": 37.81, "Longitude": -121.99, "Population": 146.0}, {"index": 1576, "quantile": 0.75, "value": 188500.0, "Latitude": 37.81, "Longitude": -121.99, "Population": 146.0}, {"index": 1576, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 37.81, "Longitude": -121.99, "Population": 146.0}, {"index": 1577, "quantile": 0.0, "value": 250000.0, "Latitude": 37.8, "Longitude": -122.02, "Population": 2286.0}, {"index": 1577, "quantile": 0.25, "value": 359300.0, "Latitude": 37.8, "Longitude": -122.02, "Population": 2286.0}, {"index": 1577, "quantile": 0.5, "value": 359300.0, "Latitude": 37.8, "Longitude": -122.02, "Population": 2286.0}, {"index": 1577, "quantile": 0.75, "value": 359300.0, "Latitude": 37.8, "Longitude": -122.02, "Population": 2286.0}, {"index": 1577, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.02, "Population": 2286.0}, {"index": 1578, "quantile": 0.0, "value": 193500.0, "Latitude": 37.87, "Longitude": -122.03, "Population": 1396.0}, {"index": 1578, "quantile": 0.25, "value": 358700.0, "Latitude": 37.87, "Longitude": -122.03, "Population": 1396.0}, {"index": 1578, "quantile": 0.5, "value": 358700.0, "Latitude": 37.87, "Longitude": -122.03, "Population": 1396.0}, {"index": 1578, "quantile": 0.75, "value": 358700.0, "Latitude": 37.87, "Longitude": -122.03, "Population": 1396.0}, {"index": 1578, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.03, "Population": 1396.0}, {"index": 1579, "quantile": 0.0, "value": 212500.0, "Latitude": 37.88, "Longitude": -122.02, "Population": 1087.0}, {"index": 1579, "quantile": 0.25, "value": 287300.0, "Latitude": 37.88, "Longitude": -122.02, "Population": 1087.0}, {"index": 1579, "quantile": 0.5, "value": 287300.0, "Latitude": 37.88, "Longitude": -122.02, "Population": 1087.0}, {"index": 1579, "quantile": 0.75, "value": 330800.0, "Latitude": 37.88, "Longitude": -122.02, "Population": 1087.0}, {"index": 1579, "quantile": 1.0, "value": 447300.0, "Latitude": 37.88, "Longitude": -122.02, "Population": 1087.0}, {"index": 1580, "quantile": 0.0, "value": 193500.0, "Latitude": 37.87, "Longitude": -122.02, "Population": 1209.0}, {"index": 1580, "quantile": 0.25, "value": 353600.0, "Latitude": 37.87, "Longitude": -122.02, "Population": 1209.0}, {"index": 1580, "quantile": 0.5, "value": 378000.0, "Latitude": 37.87, "Longitude": -122.02, "Population": 1209.0}, {"index": 1580, "quantile": 0.75, "value": 451850.00000000006, "Latitude": 37.87, "Longitude": -122.02, "Population": 1209.0}, {"index": 1580, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.02, "Population": 1209.0}, {"index": 1581, "quantile": 0.0, "value": 270100.0, "Latitude": 37.86, "Longitude": -122.03, "Population": 1145.0}, {"index": 1581, "quantile": 0.25, "value": 311800.0, "Latitude": 37.86, "Longitude": -122.03, "Population": 1145.0}, {"index": 1581, "quantile": 0.5, "value": 334300.0, "Latitude": 37.86, "Longitude": -122.03, "Population": 1145.0}, {"index": 1581, "quantile": 0.75, "value": 367700.0, "Latitude": 37.86, "Longitude": -122.03, "Population": 1145.0}, {"index": 1581, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.03, "Population": 1145.0}, {"index": 1582, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 37.86, "Longitude": -122.0, "Population": 3011.0}, {"index": 1582, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.0, "Population": 3011.0}, {"index": 1582, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.0, "Population": 3011.0}, {"index": 1582, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.0, "Population": 3011.0}, {"index": 1582, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.0, "Population": 3011.0}, {"index": 1583, "quantile": 0.0, "value": 345900.0, "Latitude": 37.87, "Longitude": -121.97, "Population": 416.0}, {"index": 1583, "quantile": 0.25, "value": 432400.0, "Latitude": 37.87, "Longitude": -121.97, "Population": 416.0}, {"index": 1583, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -121.97, "Population": 416.0}, {"index": 1583, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -121.97, "Population": 416.0}, {"index": 1583, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -121.97, "Population": 416.0}, {"index": 1584, "quantile": 0.0, "value": 279300.0, "Latitude": 37.84, "Longitude": -121.96, "Population": 2744.0}, {"index": 1584, "quantile": 0.25, "value": 395675.0, "Latitude": 37.84, "Longitude": -121.96, "Population": 2744.0}, {"index": 1584, "quantile": 0.5, "value": 398200.0, "Latitude": 37.84, "Longitude": -121.96, "Population": 2744.0}, {"index": 1584, "quantile": 0.75, "value": 398200.0, "Latitude": 37.84, "Longitude": -121.96, "Population": 2744.0}, {"index": 1584, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -121.96, "Population": 2744.0}, {"index": 1585, "quantile": 0.0, "value": 345900.0, "Latitude": 37.84, "Longitude": -122.0, "Population": 2777.0}, {"index": 1585, "quantile": 0.25, "value": 427700.0, "Latitude": 37.84, "Longitude": -122.0, "Population": 2777.0}, {"index": 1585, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.0, "Population": 2777.0}, {"index": 1585, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.0, "Population": 2777.0}, {"index": 1585, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.0, "Population": 2777.0}, {"index": 1586, "quantile": 0.0, "value": 392600.0, "Latitude": 37.85, "Longitude": -121.96, "Population": 1199.0}, {"index": 1586, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -121.96, "Population": 1199.0}, {"index": 1586, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -121.96, "Population": 1199.0}, {"index": 1586, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -121.96, "Population": 1199.0}, {"index": 1586, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -121.96, "Population": 1199.0}, {"index": 1587, "quantile": 0.0, "value": 193500.0, "Latitude": 37.83, "Longitude": -121.99, "Population": 1177.0}, {"index": 1587, "quantile": 0.25, "value": 353600.0, "Latitude": 37.83, "Longitude": -121.99, "Population": 1177.0}, {"index": 1587, "quantile": 0.5, "value": 358700.0, "Latitude": 37.83, "Longitude": -121.99, "Population": 1177.0}, {"index": 1587, "quantile": 0.75, "value": 367300.0, "Latitude": 37.83, "Longitude": -121.99, "Population": 1177.0}, {"index": 1587, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -121.99, "Population": 1177.0}, {"index": 1588, "quantile": 0.0, "value": 308400.0, "Latitude": 37.82, "Longitude": -121.98, "Population": 3280.0}, {"index": 1588, "quantile": 0.25, "value": 351300.0, "Latitude": 37.82, "Longitude": -121.98, "Population": 3280.0}, {"index": 1588, "quantile": 0.5, "value": 351300.0, "Latitude": 37.82, "Longitude": -121.98, "Population": 3280.0}, {"index": 1588, "quantile": 0.75, "value": 366650.0, "Latitude": 37.82, "Longitude": -121.98, "Population": 3280.0}, {"index": 1588, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -121.98, "Population": 3280.0}, {"index": 1589, "quantile": 0.0, "value": 413699.99999999994, "Latitude": 37.81, "Longitude": -121.95, "Population": 2823.0}, {"index": 1589, "quantile": 0.25, "value": 450399.99999999994, "Latitude": 37.81, "Longitude": -121.95, "Population": 2823.0}, {"index": 1589, "quantile": 0.5, "value": 450399.99999999994, "Latitude": 37.81, "Longitude": -121.95, "Population": 2823.0}, {"index": 1589, "quantile": 0.75, "value": 453125.0, "Latitude": 37.81, "Longitude": -121.95, "Population": 2823.0}, {"index": 1589, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -121.95, "Population": 2823.0}, {"index": 1590, "quantile": 0.0, "value": 351300.0, "Latitude": 37.93, "Longitude": -122.1, "Population": 4083.0}, {"index": 1590, "quantile": 0.25, "value": 382200.0, "Latitude": 37.93, "Longitude": -122.1, "Population": 4083.0}, {"index": 1590, "quantile": 0.5, "value": 382200.0, "Latitude": 37.93, "Longitude": -122.1, "Population": 4083.0}, {"index": 1590, "quantile": 0.75, "value": 382200.0, "Latitude": 37.93, "Longitude": -122.1, "Population": 4083.0}, {"index": 1590, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.93, "Longitude": -122.1, "Population": 4083.0}, {"index": 1591, "quantile": 0.0, "value": 392600.0, "Latitude": 37.94, "Longitude": -122.12, "Population": 1850.0}, {"index": 1591, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.12, "Population": 1850.0}, {"index": 1591, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.12, "Population": 1850.0}, {"index": 1591, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.12, "Population": 1850.0}, {"index": 1591, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.12, "Population": 1850.0}, {"index": 1592, "quantile": 0.0, "value": 157700.0, "Latitude": 37.9, "Longitude": -122.1, "Population": 368.0}, {"index": 1592, "quantile": 0.25, "value": 294400.0, "Latitude": 37.9, "Longitude": -122.1, "Population": 368.0}, {"index": 1592, "quantile": 0.5, "value": 294400.0, "Latitude": 37.9, "Longitude": -122.1, "Population": 368.0}, {"index": 1592, "quantile": 0.75, "value": 310900.0, "Latitude": 37.9, "Longitude": -122.1, "Population": 368.0}, {"index": 1592, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.1, "Population": 368.0}, {"index": 1593, "quantile": 0.0, "value": 397000.0, "Latitude": 37.9, "Longitude": -122.14, "Population": 2099.0}, {"index": 1593, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.14, "Population": 2099.0}, {"index": 1593, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.14, "Population": 2099.0}, {"index": 1593, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.14, "Population": 2099.0}, {"index": 1593, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.14, "Population": 2099.0}, {"index": 1594, "quantile": 0.0, "value": 338700.0, "Latitude": 37.91, "Longitude": -122.12, "Population": 1962.0}, {"index": 1594, "quantile": 0.25, "value": 455300.0, "Latitude": 37.91, "Longitude": -122.12, "Population": 1962.0}, {"index": 1594, "quantile": 0.5, "value": 455300.0, "Latitude": 37.91, "Longitude": -122.12, "Population": 1962.0}, {"index": 1594, "quantile": 0.75, "value": 455300.0, "Latitude": 37.91, "Longitude": -122.12, "Population": 1962.0}, {"index": 1594, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.12, "Population": 1962.0}, {"index": 1595, "quantile": 0.0, "value": 195900.0, "Latitude": 37.89, "Longitude": -122.09, "Population": 352.0}, {"index": 1595, "quantile": 0.25, "value": 368450.0, "Latitude": 37.89, "Longitude": -122.09, "Population": 352.0}, {"index": 1595, "quantile": 0.5, "value": 406500.00000000006, "Latitude": 37.89, "Longitude": -122.09, "Population": 352.0}, {"index": 1595, "quantile": 0.75, "value": 406500.00000000006, "Latitude": 37.89, "Longitude": -122.09, "Population": 352.0}, {"index": 1595, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.09, "Population": 352.0}, {"index": 1596, "quantile": 0.0, "value": 150900.0, "Latitude": 37.89, "Longitude": -122.1, "Population": 1398.0}, {"index": 1596, "quantile": 0.25, "value": 289425.0, "Latitude": 37.89, "Longitude": -122.1, "Population": 1398.0}, {"index": 1596, "quantile": 0.5, "value": 310300.0, "Latitude": 37.89, "Longitude": -122.1, "Population": 1398.0}, {"index": 1596, "quantile": 0.75, "value": 310300.0, "Latitude": 37.89, "Longitude": -122.1, "Population": 1398.0}, {"index": 1596, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.1, "Population": 1398.0}, {"index": 1597, "quantile": 0.0, "value": 209400.0, "Latitude": 37.89, "Longitude": -122.11, "Population": 1067.0}, {"index": 1597, "quantile": 0.25, "value": 279500.0, "Latitude": 37.89, "Longitude": -122.11, "Population": 1067.0}, {"index": 1597, "quantile": 0.5, "value": 279500.0, "Latitude": 37.89, "Longitude": -122.11, "Population": 1067.0}, {"index": 1597, "quantile": 0.75, "value": 279500.0, "Latitude": 37.89, "Longitude": -122.11, "Population": 1067.0}, {"index": 1597, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.11, "Population": 1067.0}, {"index": 1598, "quantile": 0.0, "value": 255900.00000000003, "Latitude": 37.88, "Longitude": -122.11, "Population": 1602.0}, {"index": 1598, "quantile": 0.25, "value": 348200.0, "Latitude": 37.88, "Longitude": -122.11, "Population": 1602.0}, {"index": 1598, "quantile": 0.5, "value": 348200.0, "Latitude": 37.88, "Longitude": -122.11, "Population": 1602.0}, {"index": 1598, "quantile": 0.75, "value": 349750.0, "Latitude": 37.88, "Longitude": -122.11, "Population": 1602.0}, {"index": 1598, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.11, "Population": 1602.0}, {"index": 1599, "quantile": 0.0, "value": 329800.0, "Latitude": 37.88, "Longitude": -122.12, "Population": 1001.0}, {"index": 1599, "quantile": 0.25, "value": 382200.0, "Latitude": 37.88, "Longitude": -122.12, "Population": 1001.0}, {"index": 1599, "quantile": 0.5, "value": 452600.0, "Latitude": 37.88, "Longitude": -122.12, "Population": 1001.0}, {"index": 1599, "quantile": 0.75, "value": 471600.0, "Latitude": 37.88, "Longitude": -122.12, "Population": 1001.0}, {"index": 1599, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.12, "Population": 1001.0}, {"index": 1600, "quantile": 0.0, "value": 182600.0, "Latitude": 37.89, "Longitude": -122.12, "Population": 1260.0}, {"index": 1600, "quantile": 0.25, "value": 257100.00000000003, "Latitude": 37.89, "Longitude": -122.12, "Population": 1260.0}, {"index": 1600, "quantile": 0.5, "value": 257100.00000000003, "Latitude": 37.89, "Longitude": -122.12, "Population": 1260.0}, {"index": 1600, "quantile": 0.75, "value": 257100.00000000003, "Latitude": 37.89, "Longitude": -122.12, "Population": 1260.0}, {"index": 1600, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.12, "Population": 1260.0}, {"index": 1601, "quantile": 0.0, "value": 73400.0, "Latitude": 37.89, "Longitude": -122.13, "Population": 295.0}, {"index": 1601, "quantile": 0.25, "value": 265750.0, "Latitude": 37.89, "Longitude": -122.13, "Population": 295.0}, {"index": 1601, "quantile": 0.5, "value": 350000.0, "Latitude": 37.89, "Longitude": -122.13, "Population": 295.0}, {"index": 1601, "quantile": 0.75, "value": 350000.0, "Latitude": 37.89, "Longitude": -122.13, "Population": 295.0}, {"index": 1601, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.13, "Population": 295.0}, {"index": 1602, "quantile": 0.0, "value": 239100.0, "Latitude": 37.87, "Longitude": -122.13, "Population": 728.0}, {"index": 1602, "quantile": 0.25, "value": 426100.0, "Latitude": 37.87, "Longitude": -122.13, "Population": 728.0}, {"index": 1602, "quantile": 0.5, "value": 426100.0, "Latitude": 37.87, "Longitude": -122.13, "Population": 728.0}, {"index": 1602, "quantile": 0.75, "value": 488650.0, "Latitude": 37.87, "Longitude": -122.13, "Population": 728.0}, {"index": 1602, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.13, "Population": 728.0}, {"index": 1603, "quantile": 0.0, "value": 169300.0, "Latitude": 37.88, "Longitude": -122.14, "Population": 2865.0}, {"index": 1603, "quantile": 0.25, "value": 282500.0, "Latitude": 37.88, "Longitude": -122.14, "Population": 2865.0}, {"index": 1603, "quantile": 0.5, "value": 348200.0, "Latitude": 37.88, "Longitude": -122.14, "Population": 2865.0}, {"index": 1603, "quantile": 0.75, "value": 405500.0, "Latitude": 37.88, "Longitude": -122.14, "Population": 2865.0}, {"index": 1603, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.14, "Population": 2865.0}, {"index": 1604, "quantile": 0.0, "value": 78700.0, "Latitude": 37.88, "Longitude": -122.07, "Population": 590.0}, {"index": 1604, "quantile": 0.25, "value": 288425.0, "Latitude": 37.88, "Longitude": -122.07, "Population": 590.0}, {"index": 1604, "quantile": 0.5, "value": 387200.0, "Latitude": 37.88, "Longitude": -122.07, "Population": 590.0}, {"index": 1604, "quantile": 0.75, "value": 387200.0, "Latitude": 37.88, "Longitude": -122.07, "Population": 590.0}, {"index": 1604, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.07, "Population": 590.0}, {"index": 1605, "quantile": 0.0, "value": 73400.0, "Latitude": 37.88, "Longitude": -122.08, "Population": 410.0}, {"index": 1605, "quantile": 0.25, "value": 99400.0, "Latitude": 37.88, "Longitude": -122.08, "Population": 410.0}, {"index": 1605, "quantile": 0.5, "value": 99400.0, "Latitude": 37.88, "Longitude": -122.08, "Population": 410.0}, {"index": 1605, "quantile": 0.75, "value": 153900.00000000003, "Latitude": 37.88, "Longitude": -122.08, "Population": 410.0}, {"index": 1605, "quantile": 1.0, "value": 377300.0, "Latitude": 37.88, "Longitude": -122.08, "Population": 410.0}, {"index": 1606, "quantile": 0.0, "value": 73400.0, "Latitude": 37.88, "Longitude": -122.08, "Population": 825.0}, {"index": 1606, "quantile": 0.25, "value": 87175.0, "Latitude": 37.88, "Longitude": -122.08, "Population": 825.0}, {"index": 1606, "quantile": 0.5, "value": 150750.0, "Latitude": 37.88, "Longitude": -122.08, "Population": 825.0}, {"index": 1606, "quantile": 0.75, "value": 233500.0, "Latitude": 37.88, "Longitude": -122.08, "Population": 825.0}, {"index": 1606, "quantile": 1.0, "value": 369100.0, "Latitude": 37.88, "Longitude": -122.08, "Population": 825.0}, {"index": 1607, "quantile": 0.0, "value": 73400.0, "Latitude": 37.87, "Longitude": -122.08, "Population": 1750.0}, {"index": 1607, "quantile": 0.25, "value": 86200.0, "Latitude": 37.87, "Longitude": -122.08, "Population": 1750.0}, {"index": 1607, "quantile": 0.5, "value": 156150.0, "Latitude": 37.87, "Longitude": -122.08, "Population": 1750.0}, {"index": 1607, "quantile": 0.75, "value": 254999.99999999997, "Latitude": 37.87, "Longitude": -122.08, "Population": 1750.0}, {"index": 1607, "quantile": 1.0, "value": 369100.0, "Latitude": 37.87, "Longitude": -122.08, "Population": 1750.0}, {"index": 1608, "quantile": 0.0, "value": 126000.0, "Latitude": 37.85, "Longitude": -122.06, "Population": 2092.0}, {"index": 1608, "quantile": 0.25, "value": 186500.0, "Latitude": 37.85, "Longitude": -122.06, "Population": 2092.0}, {"index": 1608, "quantile": 0.5, "value": 186500.0, "Latitude": 37.85, "Longitude": -122.06, "Population": 2092.0}, {"index": 1608, "quantile": 0.75, "value": 186750.0, "Latitude": 37.85, "Longitude": -122.06, "Population": 2092.0}, {"index": 1608, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.06, "Population": 2092.0}, {"index": 1609, "quantile": 0.0, "value": 40000.0, "Latitude": 37.86, "Longitude": -122.07, "Population": 263.0}, {"index": 1609, "quantile": 0.25, "value": 155000.0, "Latitude": 37.86, "Longitude": -122.07, "Population": 263.0}, {"index": 1609, "quantile": 0.5, "value": 155000.0, "Latitude": 37.86, "Longitude": -122.07, "Population": 263.0}, {"index": 1609, "quantile": 0.75, "value": 155000.0, "Latitude": 37.86, "Longitude": -122.07, "Population": 263.0}, {"index": 1609, "quantile": 1.0, "value": 500000.0, "Latitude": 37.86, "Longitude": -122.07, "Population": 263.0}, {"index": 1610, "quantile": 0.0, "value": 112500.0, "Latitude": 37.86, "Longitude": -122.06, "Population": 1512.0}, {"index": 1610, "quantile": 0.25, "value": 245699.99999999997, "Latitude": 37.86, "Longitude": -122.06, "Population": 1512.0}, {"index": 1610, "quantile": 0.5, "value": 252400.0, "Latitude": 37.86, "Longitude": -122.06, "Population": 1512.0}, {"index": 1610, "quantile": 0.75, "value": 252400.0, "Latitude": 37.86, "Longitude": -122.06, "Population": 1512.0}, {"index": 1610, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.06, "Population": 1512.0}, {"index": 1611, "quantile": 0.0, "value": 40000.0, "Latitude": 37.86, "Longitude": -122.07, "Population": 317.0}, {"index": 1611, "quantile": 0.25, "value": 206300.00000000003, "Latitude": 37.86, "Longitude": -122.07, "Population": 317.0}, {"index": 1611, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 37.86, "Longitude": -122.07, "Population": 317.0}, {"index": 1611, "quantile": 0.75, "value": 206300.00000000003, "Latitude": 37.86, "Longitude": -122.07, "Population": 317.0}, {"index": 1611, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.07, "Population": 317.0}, {"index": 1612, "quantile": 0.0, "value": 72500.0, "Latitude": 37.87, "Longitude": -122.08, "Population": 680.0}, {"index": 1612, "quantile": 0.25, "value": 73400.0, "Latitude": 37.87, "Longitude": -122.08, "Population": 680.0}, {"index": 1612, "quantile": 0.5, "value": 73400.0, "Latitude": 37.87, "Longitude": -122.08, "Population": 680.0}, {"index": 1612, "quantile": 0.75, "value": 102099.99999999999, "Latitude": 37.87, "Longitude": -122.08, "Population": 680.0}, {"index": 1612, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.08, "Population": 680.0}, {"index": 1613, "quantile": 0.0, "value": 228700.0, "Latitude": 37.88, "Longitude": -122.1, "Population": 1511.0}, {"index": 1613, "quantile": 0.25, "value": 367100.0, "Latitude": 37.88, "Longitude": -122.1, "Population": 1511.0}, {"index": 1613, "quantile": 0.5, "value": 367100.0, "Latitude": 37.88, "Longitude": -122.1, "Population": 1511.0}, {"index": 1613, "quantile": 0.75, "value": 368100.0, "Latitude": 37.88, "Longitude": -122.1, "Population": 1511.0}, {"index": 1613, "quantile": 1.0, "value": 485300.0, "Latitude": 37.88, "Longitude": -122.1, "Population": 1511.0}, {"index": 1614, "quantile": 0.0, "value": 323700.0, "Latitude": 37.86, "Longitude": -122.09, "Population": 2212.0}, {"index": 1614, "quantile": 0.25, "value": 402600.0, "Latitude": 37.86, "Longitude": -122.09, "Population": 2212.0}, {"index": 1614, "quantile": 0.5, "value": 402600.0, "Latitude": 37.86, "Longitude": -122.09, "Population": 2212.0}, {"index": 1614, "quantile": 0.75, "value": 402600.0, "Latitude": 37.86, "Longitude": -122.09, "Population": 2212.0}, {"index": 1614, "quantile": 1.0, "value": 471600.0, "Latitude": 37.86, "Longitude": -122.09, "Population": 2212.0}, {"index": 1615, "quantile": 0.0, "value": 196900.0, "Latitude": 37.87, "Longitude": -122.11, "Population": 1351.0}, {"index": 1615, "quantile": 0.25, "value": 314200.0, "Latitude": 37.87, "Longitude": -122.11, "Population": 1351.0}, {"index": 1615, "quantile": 0.5, "value": 314200.0, "Latitude": 37.87, "Longitude": -122.11, "Population": 1351.0}, {"index": 1615, "quantile": 0.75, "value": 394000.0, "Latitude": 37.87, "Longitude": -122.11, "Population": 1351.0}, {"index": 1615, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.11, "Population": 1351.0}, {"index": 1616, "quantile": 0.0, "value": 193500.0, "Latitude": 37.85, "Longitude": -122.12, "Population": 1870.0}, {"index": 1616, "quantile": 0.25, "value": 432100.0, "Latitude": 37.85, "Longitude": -122.12, "Population": 1870.0}, {"index": 1616, "quantile": 0.5, "value": 454100.00000000006, "Latitude": 37.85, "Longitude": -122.12, "Population": 1870.0}, {"index": 1616, "quantile": 0.75, "value": 454100.00000000006, "Latitude": 37.85, "Longitude": -122.12, "Population": 1870.0}, {"index": 1616, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.12, "Population": 1870.0}, {"index": 1617, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 37.84, "Longitude": -122.08, "Population": 1722.0}, {"index": 1617, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.08, "Population": 1722.0}, {"index": 1617, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.08, "Population": 1722.0}, {"index": 1617, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.08, "Population": 1722.0}, {"index": 1617, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.08, "Population": 1722.0}, {"index": 1618, "quantile": 0.0, "value": 285800.0, "Latitude": 37.81, "Longitude": -122.12, "Population": 1486.0}, {"index": 1618, "quantile": 0.25, "value": 416500.0, "Latitude": 37.81, "Longitude": -122.12, "Population": 1486.0}, {"index": 1618, "quantile": 0.5, "value": 416500.0, "Latitude": 37.81, "Longitude": -122.12, "Population": 1486.0}, {"index": 1618, "quantile": 0.75, "value": 416500.0, "Latitude": 37.81, "Longitude": -122.12, "Population": 1486.0}, {"index": 1618, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.12, "Population": 1486.0}, {"index": 1619, "quantile": 0.0, "value": 196900.0, "Latitude": 37.82, "Longitude": -122.12, "Population": 918.0}, {"index": 1619, "quantile": 0.25, "value": 296699.99999999994, "Latitude": 37.82, "Longitude": -122.12, "Population": 918.0}, {"index": 1619, "quantile": 0.5, "value": 339200.0, "Latitude": 37.82, "Longitude": -122.12, "Population": 918.0}, {"index": 1619, "quantile": 0.75, "value": 359100.0, "Latitude": 37.82, "Longitude": -122.12, "Population": 918.0}, {"index": 1619, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.12, "Population": 918.0}, {"index": 1620, "quantile": 0.0, "value": 176300.0, "Latitude": 37.83, "Longitude": -122.11, "Population": 1887.0}, {"index": 1620, "quantile": 0.25, "value": 366525.0, "Latitude": 37.83, "Longitude": -122.11, "Population": 1887.0}, {"index": 1620, "quantile": 0.5, "value": 369900.0, "Latitude": 37.83, "Longitude": -122.11, "Population": 1887.0}, {"index": 1620, "quantile": 0.75, "value": 369900.0, "Latitude": 37.83, "Longitude": -122.11, "Population": 1887.0}, {"index": 1620, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.11, "Population": 1887.0}, {"index": 1621, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 37.82, "Longitude": -122.08, "Population": 830.0}, {"index": 1621, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.08, "Population": 830.0}, {"index": 1621, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.08, "Population": 830.0}, {"index": 1621, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.08, "Population": 830.0}, {"index": 1621, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -122.08, "Population": 830.0}, {"index": 1622, "quantile": 0.0, "value": 137500.0, "Latitude": 37.86, "Longitude": -122.14, "Population": 2415.0}, {"index": 1622, "quantile": 0.25, "value": 270800.0, "Latitude": 37.86, "Longitude": -122.14, "Population": 2415.0}, {"index": 1622, "quantile": 0.5, "value": 314000.0, "Latitude": 37.86, "Longitude": -122.14, "Population": 2415.0}, {"index": 1622, "quantile": 0.75, "value": 314000.0, "Latitude": 37.86, "Longitude": -122.14, "Population": 2415.0}, {"index": 1622, "quantile": 1.0, "value": 409700.00000000006, "Latitude": 37.86, "Longitude": -122.14, "Population": 2415.0}, {"index": 1623, "quantile": 0.0, "value": 171700.0, "Latitude": 37.85, "Longitude": -122.14, "Population": 3371.0}, {"index": 1623, "quantile": 0.25, "value": 350675.0, "Latitude": 37.85, "Longitude": -122.14, "Population": 3371.0}, {"index": 1623, "quantile": 0.5, "value": 372350.0, "Latitude": 37.85, "Longitude": -122.14, "Population": 3371.0}, {"index": 1623, "quantile": 0.75, "value": 406625.0, "Latitude": 37.85, "Longitude": -122.14, "Population": 3371.0}, {"index": 1623, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.14, "Population": 3371.0}, {"index": 1624, "quantile": 0.0, "value": 174200.0, "Latitude": 37.84, "Longitude": -122.14, "Population": 874.0}, {"index": 1624, "quantile": 0.25, "value": 275375.0, "Latitude": 37.84, "Longitude": -122.14, "Population": 874.0}, {"index": 1624, "quantile": 0.5, "value": 315950.0, "Latitude": 37.84, "Longitude": -122.14, "Population": 874.0}, {"index": 1624, "quantile": 0.75, "value": 403275.0, "Latitude": 37.84, "Longitude": -122.14, "Population": 874.0}, {"index": 1624, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.84, "Longitude": -122.14, "Population": 874.0}, {"index": 1625, "quantile": 0.0, "value": 250000.0, "Latitude": 37.83, "Longitude": -122.16, "Population": 1480.0}, {"index": 1625, "quantile": 0.25, "value": 370200.0, "Latitude": 37.83, "Longitude": -122.16, "Population": 1480.0}, {"index": 1625, "quantile": 0.5, "value": 370200.0, "Latitude": 37.83, "Longitude": -122.16, "Population": 1480.0}, {"index": 1625, "quantile": 0.75, "value": 370200.0, "Latitude": 37.83, "Longitude": -122.16, "Population": 1480.0}, {"index": 1625, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -122.16, "Population": 1480.0}, {"index": 1626, "quantile": 0.0, "value": 357300.0, "Latitude": 37.86, "Longitude": -122.16, "Population": 1298.0}, {"index": 1626, "quantile": 0.25, "value": 430500.0, "Latitude": 37.86, "Longitude": -122.16, "Population": 1298.0}, {"index": 1626, "quantile": 0.5, "value": 455300.0, "Latitude": 37.86, "Longitude": -122.16, "Population": 1298.0}, {"index": 1626, "quantile": 0.75, "value": 470775.0, "Latitude": 37.86, "Longitude": -122.16, "Population": 1298.0}, {"index": 1626, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.16, "Population": 1298.0}, {"index": 1627, "quantile": 0.0, "value": 182600.0, "Latitude": 37.88, "Longitude": -122.18, "Population": 231.0}, {"index": 1627, "quantile": 0.25, "value": 354200.0, "Latitude": 37.88, "Longitude": -122.18, "Population": 231.0}, {"index": 1627, "quantile": 0.5, "value": 354200.0, "Latitude": 37.88, "Longitude": -122.18, "Population": 231.0}, {"index": 1627, "quantile": 0.75, "value": 354200.0, "Latitude": 37.88, "Longitude": -122.18, "Population": 231.0}, {"index": 1627, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.18, "Population": 231.0}, {"index": 1628, "quantile": 0.0, "value": 410300.0, "Latitude": 37.86, "Longitude": -122.18, "Population": 1684.0}, {"index": 1628, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.18, "Population": 1684.0}, {"index": 1628, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.18, "Population": 1684.0}, {"index": 1628, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.18, "Population": 1684.0}, {"index": 1628, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.18, "Population": 1684.0}, {"index": 1629, "quantile": 0.0, "value": 276600.0, "Latitude": 37.89, "Longitude": -122.16, "Population": 721.0}, {"index": 1629, "quantile": 0.25, "value": 434500.0, "Latitude": 37.89, "Longitude": -122.16, "Population": 721.0}, {"index": 1629, "quantile": 0.5, "value": 434500.0, "Latitude": 37.89, "Longitude": -122.16, "Population": 721.0}, {"index": 1629, "quantile": 0.75, "value": 434500.0, "Latitude": 37.89, "Longitude": -122.16, "Population": 721.0}, {"index": 1629, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.16, "Population": 721.0}, {"index": 1630, "quantile": 0.0, "value": 349100.0, "Latitude": 37.88, "Longitude": -122.17, "Population": 1393.0}, {"index": 1630, "quantile": 0.25, "value": 401800.0, "Latitude": 37.88, "Longitude": -122.17, "Population": 1393.0}, {"index": 1630, "quantile": 0.5, "value": 401800.0, "Latitude": 37.88, "Longitude": -122.17, "Population": 1393.0}, {"index": 1630, "quantile": 0.75, "value": 401800.0, "Latitude": 37.88, "Longitude": -122.17, "Population": 1393.0}, {"index": 1630, "quantile": 1.0, "value": 474300.00000000006, "Latitude": 37.88, "Longitude": -122.17, "Population": 1393.0}, {"index": 1631, "quantile": 0.0, "value": 228700.0, "Latitude": 37.88, "Longitude": -122.17, "Population": 1348.0}, {"index": 1631, "quantile": 0.25, "value": 423200.0, "Latitude": 37.88, "Longitude": -122.17, "Population": 1348.0}, {"index": 1631, "quantile": 0.5, "value": 423200.0, "Latitude": 37.88, "Longitude": -122.17, "Population": 1348.0}, {"index": 1631, "quantile": 0.75, "value": 423200.0, "Latitude": 37.88, "Longitude": -122.17, "Population": 1348.0}, {"index": 1631, "quantile": 1.0, "value": 485300.0, "Latitude": 37.88, "Longitude": -122.17, "Population": 1348.0}, {"index": 1632, "quantile": 0.0, "value": 188300.0, "Latitude": 37.87, "Longitude": -122.17, "Population": 472.0}, {"index": 1632, "quantile": 0.25, "value": 438000.0, "Latitude": 37.87, "Longitude": -122.17, "Population": 472.0}, {"index": 1632, "quantile": 0.5, "value": 438000.0, "Latitude": 37.87, "Longitude": -122.17, "Population": 472.0}, {"index": 1632, "quantile": 0.75, "value": 438000.0, "Latitude": 37.87, "Longitude": -122.17, "Population": 472.0}, {"index": 1632, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.17, "Population": 472.0}, {"index": 1633, "quantile": 0.0, "value": 60000.0, "Latitude": 37.88, "Longitude": -122.22, "Population": 31.0}, {"index": 1633, "quantile": 0.25, "value": 254375.00000000003, "Latitude": 37.88, "Longitude": -122.22, "Population": 31.0}, {"index": 1633, "quantile": 0.5, "value": 475000.0, "Latitude": 37.88, "Longitude": -122.22, "Population": 31.0}, {"index": 1633, "quantile": 0.75, "value": 475000.0, "Latitude": 37.88, "Longitude": -122.22, "Population": 31.0}, {"index": 1633, "quantile": 1.0, "value": 475000.0, "Latitude": 37.88, "Longitude": -122.22, "Population": 31.0}, {"index": 1634, "quantile": 0.0, "value": 314200.0, "Latitude": 37.89, "Longitude": -122.2, "Population": 1315.0}, {"index": 1634, "quantile": 0.25, "value": 367500.0, "Latitude": 37.89, "Longitude": -122.2, "Population": 1315.0}, {"index": 1634, "quantile": 0.5, "value": 367500.0, "Latitude": 37.89, "Longitude": -122.2, "Population": 1315.0}, {"index": 1634, "quantile": 0.75, "value": 367500.0, "Latitude": 37.89, "Longitude": -122.2, "Population": 1315.0}, {"index": 1634, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.2, "Population": 1315.0}, {"index": 1635, "quantile": 0.0, "value": 263700.0, "Latitude": 37.88, "Longitude": -122.2, "Population": 398.0}, {"index": 1635, "quantile": 0.25, "value": 368550.0, "Latitude": 37.88, "Longitude": -122.2, "Population": 398.0}, {"index": 1635, "quantile": 0.5, "value": 423550.0, "Latitude": 37.88, "Longitude": -122.2, "Population": 398.0}, {"index": 1635, "quantile": 0.75, "value": 444400.0, "Latitude": 37.88, "Longitude": -122.2, "Population": 398.0}, {"index": 1635, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.2, "Population": 398.0}, {"index": 1636, "quantile": 0.0, "value": 397000.0, "Latitude": 37.91, "Longitude": -122.18, "Population": 2428.0}, {"index": 1636, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.18, "Population": 2428.0}, {"index": 1636, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.18, "Population": 2428.0}, {"index": 1636, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.18, "Population": 2428.0}, {"index": 1636, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.18, "Population": 2428.0}, {"index": 1637, "quantile": 0.0, "value": 397000.0, "Latitude": 37.9, "Longitude": -122.2, "Population": 740.0}, {"index": 1637, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.2, "Population": 740.0}, {"index": 1637, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.2, "Population": 740.0}, {"index": 1637, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.2, "Population": 740.0}, {"index": 1637, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.2, "Population": 740.0}, {"index": 1638, "quantile": 0.0, "value": 374400.0, "Latitude": 37.9, "Longitude": -122.18, "Population": 1511.0}, {"index": 1638, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.18, "Population": 1511.0}, {"index": 1638, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.18, "Population": 1511.0}, {"index": 1638, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.18, "Population": 1511.0}, {"index": 1638, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.18, "Population": 1511.0}, {"index": 1639, "quantile": 0.0, "value": 285400.0, "Latitude": 37.89, "Longitude": -122.18, "Population": 1634.0}, {"index": 1639, "quantile": 0.25, "value": 393000.0, "Latitude": 37.89, "Longitude": -122.18, "Population": 1634.0}, {"index": 1639, "quantile": 0.5, "value": 499000.0, "Latitude": 37.89, "Longitude": -122.18, "Population": 1634.0}, {"index": 1639, "quantile": 0.75, "value": 499000.0, "Latitude": 37.89, "Longitude": -122.18, "Population": 1634.0}, {"index": 1639, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.18, "Population": 1634.0}, {"index": 1640, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 37.98, "Longitude": -121.84, "Population": 3325.0}, {"index": 1640, "quantile": 0.25, "value": 168800.0, "Latitude": 37.98, "Longitude": -121.84, "Population": 3325.0}, {"index": 1640, "quantile": 0.5, "value": 191700.0, "Latitude": 37.98, "Longitude": -121.84, "Population": 3325.0}, {"index": 1640, "quantile": 0.75, "value": 208100.0, "Latitude": 37.98, "Longitude": -121.84, "Population": 3325.0}, {"index": 1640, "quantile": 1.0, "value": 386200.0, "Latitude": 37.98, "Longitude": -121.84, "Population": 3325.0}, {"index": 1641, "quantile": 0.0, "value": 138200.0, "Latitude": 37.97, "Longitude": -121.81, "Population": 615.0}, {"index": 1641, "quantile": 0.25, "value": 250000.0, "Latitude": 37.97, "Longitude": -121.81, "Population": 615.0}, {"index": 1641, "quantile": 0.5, "value": 300100.00000000006, "Latitude": 37.97, "Longitude": -121.81, "Population": 615.0}, {"index": 1641, "quantile": 0.75, "value": 356799.99999999994, "Latitude": 37.97, "Longitude": -121.81, "Population": 615.0}, {"index": 1641, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -121.81, "Population": 615.0}, {"index": 1642, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 37.97, "Longitude": -121.78, "Population": 7653.0}, {"index": 1642, "quantile": 0.25, "value": 202575.0, "Latitude": 37.97, "Longitude": -121.78, "Population": 7653.0}, {"index": 1642, "quantile": 0.5, "value": 213700.0, "Latitude": 37.97, "Longitude": -121.78, "Population": 7653.0}, {"index": 1642, "quantile": 0.75, "value": 213700.0, "Latitude": 37.97, "Longitude": -121.78, "Population": 7653.0}, {"index": 1642, "quantile": 1.0, "value": 386200.0, "Latitude": 37.97, "Longitude": -121.78, "Population": 7653.0}, {"index": 1643, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 37.95, "Longitude": -121.83, "Population": 716.0}, {"index": 1643, "quantile": 0.25, "value": 137550.0, "Latitude": 37.95, "Longitude": -121.83, "Population": 716.0}, {"index": 1643, "quantile": 0.5, "value": 162500.0, "Latitude": 37.95, "Longitude": -121.83, "Population": 716.0}, {"index": 1643, "quantile": 0.75, "value": 162500.0, "Latitude": 37.95, "Longitude": -121.83, "Population": 716.0}, {"index": 1643, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 37.95, "Longitude": -121.83, "Population": 716.0}, {"index": 1644, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 37.83, "Longitude": -121.94, "Population": 959.0}, {"index": 1644, "quantile": 0.25, "value": 426100.0, "Latitude": 37.83, "Longitude": -121.94, "Population": 959.0}, {"index": 1644, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -121.94, "Population": 959.0}, {"index": 1644, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -121.94, "Population": 959.0}, {"index": 1644, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.83, "Longitude": -121.94, "Population": 959.0}, {"index": 1645, "quantile": 0.0, "value": 345900.0, "Latitude": 37.82, "Longitude": -121.89, "Population": 3898.0}, {"index": 1645, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -121.89, "Population": 3898.0}, {"index": 1645, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -121.89, "Population": 3898.0}, {"index": 1645, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -121.89, "Population": 3898.0}, {"index": 1645, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.82, "Longitude": -121.89, "Population": 3898.0}, {"index": 1646, "quantile": 0.0, "value": 345900.0, "Latitude": 37.81, "Longitude": -121.91, "Population": 1216.0}, {"index": 1646, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -121.91, "Population": 1216.0}, {"index": 1646, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -121.91, "Population": 1216.0}, {"index": 1646, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -121.91, "Population": 1216.0}, {"index": 1646, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -121.91, "Population": 1216.0}, {"index": 1647, "quantile": 0.0, "value": 193500.0, "Latitude": 37.81, "Longitude": -121.82, "Population": 2089.0}, {"index": 1647, "quantile": 0.25, "value": 353400.0, "Latitude": 37.81, "Longitude": -121.82, "Population": 2089.0}, {"index": 1647, "quantile": 0.5, "value": 378100.0, "Latitude": 37.81, "Longitude": -121.82, "Population": 2089.0}, {"index": 1647, "quantile": 0.75, "value": 418300.0, "Latitude": 37.81, "Longitude": -121.82, "Population": 2089.0}, {"index": 1647, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -121.82, "Population": 2089.0}, {"index": 1648, "quantile": 0.0, "value": 73000.0, "Latitude": 37.99, "Longitude": -121.96, "Population": 1606.0}, {"index": 1648, "quantile": 0.25, "value": 143975.0, "Latitude": 37.99, "Longitude": -121.96, "Population": 1606.0}, {"index": 1648, "quantile": 0.5, "value": 163400.0, "Latitude": 37.99, "Longitude": -121.96, "Population": 1606.0}, {"index": 1648, "quantile": 0.75, "value": 178399.99999999997, "Latitude": 37.99, "Longitude": -121.96, "Population": 1606.0}, {"index": 1648, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 37.99, "Longitude": -121.96, "Population": 1606.0}, {"index": 1649, "quantile": 0.0, "value": 140600.0, "Latitude": 37.94, "Longitude": -121.96, "Population": 1557.0}, {"index": 1649, "quantile": 0.25, "value": 194700.0, "Latitude": 37.94, "Longitude": -121.96, "Population": 1557.0}, {"index": 1649, "quantile": 0.5, "value": 194700.0, "Latitude": 37.94, "Longitude": -121.96, "Population": 1557.0}, {"index": 1649, "quantile": 0.75, "value": 213200.0, "Latitude": 37.94, "Longitude": -121.96, "Population": 1557.0}, {"index": 1649, "quantile": 1.0, "value": 436700.0, "Latitude": 37.94, "Longitude": -121.96, "Population": 1557.0}, {"index": 1650, "quantile": 0.0, "value": 96800.0, "Latitude": 37.95, "Longitude": -121.96, "Population": 1850.0}, {"index": 1650, "quantile": 0.25, "value": 181200.0, "Latitude": 37.95, "Longitude": -121.96, "Population": 1850.0}, {"index": 1650, "quantile": 0.5, "value": 181200.0, "Latitude": 37.95, "Longitude": -121.96, "Population": 1850.0}, {"index": 1650, "quantile": 0.75, "value": 181200.0, "Latitude": 37.95, "Longitude": -121.96, "Population": 1850.0}, {"index": 1650, "quantile": 1.0, "value": 316900.0, "Latitude": 37.95, "Longitude": -121.96, "Population": 1850.0}, {"index": 1651, "quantile": 0.0, "value": 141200.0, "Latitude": 37.94, "Longitude": -121.95, "Population": 1318.0}, {"index": 1651, "quantile": 0.25, "value": 296900.0, "Latitude": 37.94, "Longitude": -121.95, "Population": 1318.0}, {"index": 1651, "quantile": 0.5, "value": 328400.0, "Latitude": 37.94, "Longitude": -121.95, "Population": 1318.0}, {"index": 1651, "quantile": 0.75, "value": 359750.0, "Latitude": 37.94, "Longitude": -121.95, "Population": 1318.0}, {"index": 1651, "quantile": 1.0, "value": 467699.99999999994, "Latitude": 37.94, "Longitude": -121.95, "Population": 1318.0}, {"index": 1652, "quantile": 0.0, "value": 170300.0, "Latitude": 37.93, "Longitude": -121.97, "Population": 1552.0}, {"index": 1652, "quantile": 0.25, "value": 307000.0, "Latitude": 37.93, "Longitude": -121.97, "Population": 1552.0}, {"index": 1652, "quantile": 0.5, "value": 307000.0, "Latitude": 37.93, "Longitude": -121.97, "Population": 1552.0}, {"index": 1652, "quantile": 0.75, "value": 307000.0, "Latitude": 37.93, "Longitude": -121.97, "Population": 1552.0}, {"index": 1652, "quantile": 1.0, "value": 389800.0, "Latitude": 37.93, "Longitude": -121.97, "Population": 1552.0}, {"index": 1653, "quantile": 0.0, "value": 305200.0, "Latitude": 37.92, "Longitude": -122.01, "Population": 1038.0}, {"index": 1653, "quantile": 0.25, "value": 353600.0, "Latitude": 37.92, "Longitude": -122.01, "Population": 1038.0}, {"index": 1653, "quantile": 0.5, "value": 353600.0, "Latitude": 37.92, "Longitude": -122.01, "Population": 1038.0}, {"index": 1653, "quantile": 0.75, "value": 387525.0, "Latitude": 37.92, "Longitude": -122.01, "Population": 1038.0}, {"index": 1653, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.01, "Population": 1038.0}, {"index": 1654, "quantile": 0.0, "value": 324600.0, "Latitude": 37.92, "Longitude": -122.01, "Population": 1055.0}, {"index": 1654, "quantile": 0.25, "value": 365800.0, "Latitude": 37.92, "Longitude": -122.01, "Population": 1055.0}, {"index": 1654, "quantile": 0.5, "value": 365800.0, "Latitude": 37.92, "Longitude": -122.01, "Population": 1055.0}, {"index": 1654, "quantile": 0.75, "value": 365800.0, "Latitude": 37.92, "Longitude": -122.01, "Population": 1055.0}, {"index": 1654, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.01, "Population": 1055.0}, {"index": 1655, "quantile": 0.0, "value": 239100.0, "Latitude": 37.92, "Longitude": -121.99, "Population": 764.0}, {"index": 1655, "quantile": 0.25, "value": 427700.0, "Latitude": 37.92, "Longitude": -121.99, "Population": 764.0}, {"index": 1655, "quantile": 0.5, "value": 427700.0, "Latitude": 37.92, "Longitude": -121.99, "Population": 764.0}, {"index": 1655, "quantile": 0.75, "value": 450399.99999999994, "Latitude": 37.92, "Longitude": -121.99, "Population": 764.0}, {"index": 1655, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -121.99, "Population": 764.0}, {"index": 1656, "quantile": 0.0, "value": 141200.0, "Latitude": 37.89, "Longitude": -121.93, "Population": 852.0}, {"index": 1656, "quantile": 0.25, "value": 324600.0, "Latitude": 37.89, "Longitude": -121.93, "Population": 852.0}, {"index": 1656, "quantile": 0.5, "value": 366700.0, "Latitude": 37.89, "Longitude": -121.93, "Population": 852.0}, {"index": 1656, "quantile": 0.75, "value": 366700.0, "Latitude": 37.89, "Longitude": -121.93, "Population": 852.0}, {"index": 1656, "quantile": 1.0, "value": 485300.0, "Latitude": 37.89, "Longitude": -121.93, "Population": 852.0}, {"index": 1657, "quantile": 0.0, "value": 183400.0, "Latitude": 37.96, "Longitude": -121.92, "Population": 2093.0}, {"index": 1657, "quantile": 0.25, "value": 212200.0, "Latitude": 37.96, "Longitude": -121.92, "Population": 2093.0}, {"index": 1657, "quantile": 0.5, "value": 249400.00000000003, "Latitude": 37.96, "Longitude": -121.92, "Population": 2093.0}, {"index": 1657, "quantile": 0.75, "value": 293225.0, "Latitude": 37.96, "Longitude": -121.92, "Population": 2093.0}, {"index": 1657, "quantile": 1.0, "value": 452100.0, "Latitude": 37.96, "Longitude": -121.92, "Population": 2093.0}, {"index": 1658, "quantile": 0.0, "value": 165200.0, "Latitude": 37.95, "Longitude": -121.94, "Population": 986.0}, {"index": 1658, "quantile": 0.25, "value": 287300.0, "Latitude": 37.95, "Longitude": -121.94, "Population": 986.0}, {"index": 1658, "quantile": 0.5, "value": 317800.0, "Latitude": 37.95, "Longitude": -121.94, "Population": 986.0}, {"index": 1658, "quantile": 0.75, "value": 358800.0, "Latitude": 37.95, "Longitude": -121.94, "Population": 986.0}, {"index": 1658, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -121.94, "Population": 986.0}, {"index": 1659, "quantile": 0.0, "value": 173200.0, "Latitude": 37.93, "Longitude": -121.91, "Population": 703.0}, {"index": 1659, "quantile": 0.25, "value": 329400.0, "Latitude": 37.93, "Longitude": -121.91, "Population": 703.0}, {"index": 1659, "quantile": 0.5, "value": 329400.0, "Latitude": 37.93, "Longitude": -121.91, "Population": 703.0}, {"index": 1659, "quantile": 0.75, "value": 358925.0, "Latitude": 37.93, "Longitude": -121.91, "Population": 703.0}, {"index": 1659, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.93, "Longitude": -121.91, "Population": 703.0}, {"index": 1660, "quantile": 0.0, "value": 213200.0, "Latitude": 37.94, "Longitude": -121.94, "Population": 533.0}, {"index": 1660, "quantile": 0.25, "value": 283275.0, "Latitude": 37.94, "Longitude": -121.94, "Population": 533.0}, {"index": 1660, "quantile": 0.5, "value": 291700.0, "Latitude": 37.94, "Longitude": -121.94, "Population": 533.0}, {"index": 1660, "quantile": 0.75, "value": 291700.0, "Latitude": 37.94, "Longitude": -121.94, "Population": 533.0}, {"index": 1660, "quantile": 1.0, "value": 417000.0, "Latitude": 37.94, "Longitude": -121.94, "Population": 533.0}, {"index": 1661, "quantile": 0.0, "value": 311800.0, "Latitude": 37.93, "Longitude": -121.94, "Population": 1341.0}, {"index": 1661, "quantile": 0.25, "value": 320400.0, "Latitude": 37.93, "Longitude": -121.94, "Population": 1341.0}, {"index": 1661, "quantile": 0.5, "value": 320400.0, "Latitude": 37.93, "Longitude": -121.94, "Population": 1341.0}, {"index": 1661, "quantile": 0.75, "value": 335250.0, "Latitude": 37.93, "Longitude": -121.94, "Population": 1341.0}, {"index": 1661, "quantile": 1.0, "value": 462700.0, "Latitude": 37.93, "Longitude": -121.94, "Population": 1341.0}, {"index": 1662, "quantile": 0.0, "value": 221600.00000000003, "Latitude": 37.93, "Longitude": -121.93, "Population": 1089.0}, {"index": 1662, "quantile": 0.25, "value": 286900.0, "Latitude": 37.93, "Longitude": -121.93, "Population": 1089.0}, {"index": 1662, "quantile": 0.5, "value": 286900.0, "Latitude": 37.93, "Longitude": -121.93, "Population": 1089.0}, {"index": 1662, "quantile": 0.75, "value": 286900.0, "Latitude": 37.93, "Longitude": -121.93, "Population": 1089.0}, {"index": 1662, "quantile": 1.0, "value": 450000.0, "Latitude": 37.93, "Longitude": -121.93, "Population": 1089.0}, {"index": 1663, "quantile": 0.0, "value": 127200.0, "Latitude": 37.93, "Longitude": -121.93, "Population": 877.0}, {"index": 1663, "quantile": 0.25, "value": 312600.0, "Latitude": 37.93, "Longitude": -121.93, "Population": 877.0}, {"index": 1663, "quantile": 0.5, "value": 312600.0, "Latitude": 37.93, "Longitude": -121.93, "Population": 877.0}, {"index": 1663, "quantile": 0.75, "value": 312600.0, "Latitude": 37.93, "Longitude": -121.93, "Population": 877.0}, {"index": 1663, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.93, "Longitude": -121.93, "Population": 877.0}, {"index": 1664, "quantile": 0.0, "value": 197000.0, "Latitude": 37.94, "Longitude": -121.95, "Population": 578.0}, {"index": 1664, "quantile": 0.25, "value": 253600.0, "Latitude": 37.94, "Longitude": -121.95, "Population": 578.0}, {"index": 1664, "quantile": 0.5, "value": 253600.0, "Latitude": 37.94, "Longitude": -121.95, "Population": 578.0}, {"index": 1664, "quantile": 0.75, "value": 253600.0, "Latitude": 37.94, "Longitude": -121.95, "Population": 578.0}, {"index": 1664, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -121.95, "Population": 578.0}, {"index": 1665, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 38.02, "Longitude": -122.25, "Population": 946.0}, {"index": 1665, "quantile": 0.25, "value": 205100.00000000003, "Latitude": 38.02, "Longitude": -122.25, "Population": 946.0}, {"index": 1665, "quantile": 0.5, "value": 205100.00000000003, "Latitude": 38.02, "Longitude": -122.25, "Population": 946.0}, {"index": 1665, "quantile": 0.75, "value": 205100.00000000003, "Latitude": 38.02, "Longitude": -122.25, "Population": 946.0}, {"index": 1665, "quantile": 1.0, "value": 283500.0, "Latitude": 38.02, "Longitude": -122.25, "Population": 946.0}, {"index": 1666, "quantile": 0.0, "value": 150800.0, "Latitude": 38.03, "Longitude": -122.25, "Population": 1834.0}, {"index": 1666, "quantile": 0.25, "value": 197600.0, "Latitude": 38.03, "Longitude": -122.25, "Population": 1834.0}, {"index": 1666, "quantile": 0.5, "value": 197600.0, "Latitude": 38.03, "Longitude": -122.25, "Population": 1834.0}, {"index": 1666, "quantile": 0.75, "value": 205100.00000000003, "Latitude": 38.03, "Longitude": -122.25, "Population": 1834.0}, {"index": 1666, "quantile": 1.0, "value": 325400.0, "Latitude": 38.03, "Longitude": -122.25, "Population": 1834.0}, {"index": 1667, "quantile": 0.0, "value": 120000.0, "Latitude": 38.02, "Longitude": -122.21, "Population": 1094.0}, {"index": 1667, "quantile": 0.25, "value": 198500.0, "Latitude": 38.02, "Longitude": -122.21, "Population": 1094.0}, {"index": 1667, "quantile": 0.5, "value": 198500.0, "Latitude": 38.02, "Longitude": -122.21, "Population": 1094.0}, {"index": 1667, "quantile": 0.75, "value": 198500.0, "Latitude": 38.02, "Longitude": -122.21, "Population": 1094.0}, {"index": 1667, "quantile": 1.0, "value": 276800.0, "Latitude": 38.02, "Longitude": -122.21, "Population": 1094.0}, {"index": 1668, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 37.96, "Longitude": -122.2, "Population": 2581.0}, {"index": 1668, "quantile": 0.25, "value": 310700.0, "Latitude": 37.96, "Longitude": -122.2, "Population": 2581.0}, {"index": 1668, "quantile": 0.5, "value": 310700.0, "Latitude": 37.96, "Longitude": -122.2, "Population": 2581.0}, {"index": 1668, "quantile": 0.75, "value": 310700.0, "Latitude": 37.96, "Longitude": -122.2, "Population": 2581.0}, {"index": 1668, "quantile": 1.0, "value": 439200.00000000006, "Latitude": 37.96, "Longitude": -122.2, "Population": 2581.0}, {"index": 1669, "quantile": 0.0, "value": 101499.99999999999, "Latitude": 38.06, "Longitude": -122.23, "Population": 490.0}, {"index": 1669, "quantile": 0.25, "value": 171100.0, "Latitude": 38.06, "Longitude": -122.23, "Population": 490.0}, {"index": 1669, "quantile": 0.5, "value": 171100.0, "Latitude": 38.06, "Longitude": -122.23, "Population": 490.0}, {"index": 1669, "quantile": 0.75, "value": 171100.0, "Latitude": 38.06, "Longitude": -122.23, "Population": 490.0}, {"index": 1669, "quantile": 1.0, "value": 291200.0, "Latitude": 38.06, "Longitude": -122.23, "Population": 490.0}, {"index": 1670, "quantile": 0.0, "value": 62500.0, "Latitude": 38.05, "Longitude": -122.23, "Population": 638.0}, {"index": 1670, "quantile": 0.25, "value": 122875.0, "Latitude": 38.05, "Longitude": -122.23, "Population": 638.0}, {"index": 1670, "quantile": 0.5, "value": 140350.0, "Latitude": 38.05, "Longitude": -122.23, "Population": 638.0}, {"index": 1670, "quantile": 0.75, "value": 166000.0, "Latitude": 38.05, "Longitude": -122.23, "Population": 638.0}, {"index": 1670, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.05, "Longitude": -122.23, "Population": 638.0}, {"index": 1671, "quantile": 0.0, "value": 81300.0, "Latitude": 38.06, "Longitude": -122.21, "Population": 1076.0}, {"index": 1671, "quantile": 0.25, "value": 155700.0, "Latitude": 38.06, "Longitude": -122.21, "Population": 1076.0}, {"index": 1671, "quantile": 0.5, "value": 155700.0, "Latitude": 38.06, "Longitude": -122.21, "Population": 1076.0}, {"index": 1671, "quantile": 0.75, "value": 155700.0, "Latitude": 38.06, "Longitude": -122.21, "Population": 1076.0}, {"index": 1671, "quantile": 1.0, "value": 304000.0, "Latitude": 38.06, "Longitude": -122.21, "Population": 1076.0}, {"index": 1672, "quantile": 0.0, "value": 136400.0, "Latitude": 38.04, "Longitude": -122.2, "Population": 1236.0}, {"index": 1672, "quantile": 0.25, "value": 197000.0, "Latitude": 38.04, "Longitude": -122.2, "Population": 1236.0}, {"index": 1672, "quantile": 0.5, "value": 197000.0, "Latitude": 38.04, "Longitude": -122.2, "Population": 1236.0}, {"index": 1672, "quantile": 0.75, "value": 325950.0, "Latitude": 38.04, "Longitude": -122.2, "Population": 1236.0}, {"index": 1672, "quantile": 1.0, "value": 451700.00000000006, "Latitude": 38.04, "Longitude": -122.2, "Population": 1236.0}, {"index": 1673, "quantile": 0.0, "value": 96800.0, "Latitude": 38.03, "Longitude": -122.26, "Population": 928.0}, {"index": 1673, "quantile": 0.25, "value": 203425.0, "Latitude": 38.03, "Longitude": -122.26, "Population": 928.0}, {"index": 1673, "quantile": 0.5, "value": 203700.0, "Latitude": 38.03, "Longitude": -122.26, "Population": 928.0}, {"index": 1673, "quantile": 0.75, "value": 203700.0, "Latitude": 38.03, "Longitude": -122.26, "Population": 928.0}, {"index": 1673, "quantile": 1.0, "value": 326500.0, "Latitude": 38.03, "Longitude": -122.26, "Population": 928.0}, {"index": 1674, "quantile": 0.0, "value": 67200.0, "Latitude": 38.04, "Longitude": -122.27, "Population": 835.0}, {"index": 1674, "quantile": 0.25, "value": 134500.0, "Latitude": 38.04, "Longitude": -122.27, "Population": 835.0}, {"index": 1674, "quantile": 0.5, "value": 134500.0, "Latitude": 38.04, "Longitude": -122.27, "Population": 835.0}, {"index": 1674, "quantile": 0.75, "value": 134500.0, "Latitude": 38.04, "Longitude": -122.27, "Population": 835.0}, {"index": 1674, "quantile": 1.0, "value": 192100.0, "Latitude": 38.04, "Longitude": -122.27, "Population": 835.0}, {"index": 1675, "quantile": 0.0, "value": 99000.0, "Latitude": 38.03, "Longitude": -122.26, "Population": 752.0}, {"index": 1675, "quantile": 0.25, "value": 150200.0, "Latitude": 38.03, "Longitude": -122.26, "Population": 752.0}, {"index": 1675, "quantile": 0.5, "value": 150200.0, "Latitude": 38.03, "Longitude": -122.26, "Population": 752.0}, {"index": 1675, "quantile": 0.75, "value": 150200.0, "Latitude": 38.03, "Longitude": -122.26, "Population": 752.0}, {"index": 1675, "quantile": 1.0, "value": 270900.0, "Latitude": 38.03, "Longitude": -122.26, "Population": 752.0}, {"index": 1676, "quantile": 0.0, "value": 98900.0, "Latitude": 38.04, "Longitude": -122.26, "Population": 1179.0}, {"index": 1676, "quantile": 0.25, "value": 112100.0, "Latitude": 38.04, "Longitude": -122.26, "Population": 1179.0}, {"index": 1676, "quantile": 0.5, "value": 123000.0, "Latitude": 38.04, "Longitude": -122.26, "Population": 1179.0}, {"index": 1676, "quantile": 0.75, "value": 123000.0, "Latitude": 38.04, "Longitude": -122.26, "Population": 1179.0}, {"index": 1676, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 38.04, "Longitude": -122.26, "Population": 1179.0}, {"index": 1677, "quantile": 0.0, "value": 37900.0, "Latitude": 38.05, "Longitude": -122.25, "Population": 779.0}, {"index": 1677, "quantile": 0.25, "value": 121575.00000000001, "Latitude": 38.05, "Longitude": -122.25, "Population": 779.0}, {"index": 1677, "quantile": 0.5, "value": 147700.0, "Latitude": 38.05, "Longitude": -122.25, "Population": 779.0}, {"index": 1677, "quantile": 0.75, "value": 147700.0, "Latitude": 38.05, "Longitude": -122.25, "Population": 779.0}, {"index": 1677, "quantile": 1.0, "value": 177500.0, "Latitude": 38.05, "Longitude": -122.25, "Population": 779.0}, {"index": 1678, "quantile": 0.0, "value": 143700.0, "Latitude": 38.06, "Longitude": -122.32, "Population": 3596.0}, {"index": 1678, "quantile": 0.25, "value": 174200.0, "Latitude": 38.06, "Longitude": -122.32, "Population": 3596.0}, {"index": 1678, "quantile": 0.5, "value": 174200.0, "Latitude": 38.06, "Longitude": -122.32, "Population": 3596.0}, {"index": 1678, "quantile": 0.75, "value": 204825.0, "Latitude": 38.06, "Longitude": -122.32, "Population": 3596.0}, {"index": 1678, "quantile": 1.0, "value": 452100.0, "Latitude": 38.06, "Longitude": -122.32, "Population": 3596.0}, {"index": 1679, "quantile": 0.0, "value": 91600.0, "Latitude": 38.0, "Longitude": -122.28, "Population": 980.0}, {"index": 1679, "quantile": 0.25, "value": 178900.0, "Latitude": 38.0, "Longitude": -122.28, "Population": 980.0}, {"index": 1679, "quantile": 0.5, "value": 178900.0, "Latitude": 38.0, "Longitude": -122.28, "Population": 980.0}, {"index": 1679, "quantile": 0.75, "value": 178900.0, "Latitude": 38.0, "Longitude": -122.28, "Population": 980.0}, {"index": 1679, "quantile": 1.0, "value": 487500.0, "Latitude": 38.0, "Longitude": -122.28, "Population": 980.0}, {"index": 1680, "quantile": 0.0, "value": 115900.0, "Latitude": 38.0, "Longitude": -122.29, "Population": 2805.0}, {"index": 1680, "quantile": 0.25, "value": 173200.0, "Latitude": 38.0, "Longitude": -122.29, "Population": 2805.0}, {"index": 1680, "quantile": 0.5, "value": 173200.0, "Latitude": 38.0, "Longitude": -122.29, "Population": 2805.0}, {"index": 1680, "quantile": 0.75, "value": 173200.0, "Latitude": 38.0, "Longitude": -122.29, "Population": 2805.0}, {"index": 1680, "quantile": 1.0, "value": 374600.0, "Latitude": 38.0, "Longitude": -122.29, "Population": 2805.0}, {"index": 1681, "quantile": 0.0, "value": 137500.0, "Latitude": 38.03, "Longitude": -122.36, "Population": 981.0}, {"index": 1681, "quantile": 0.25, "value": 175400.0, "Latitude": 38.03, "Longitude": -122.36, "Population": 981.0}, {"index": 1681, "quantile": 0.5, "value": 175400.0, "Latitude": 38.03, "Longitude": -122.36, "Population": 981.0}, {"index": 1681, "quantile": 0.75, "value": 189600.0, "Latitude": 38.03, "Longitude": -122.36, "Population": 981.0}, {"index": 1681, "quantile": 1.0, "value": 329200.0, "Latitude": 38.03, "Longitude": -122.36, "Population": 981.0}, {"index": 1682, "quantile": 0.0, "value": 108400.00000000001, "Latitude": 38.0, "Longitude": -122.3, "Population": 956.0}, {"index": 1682, "quantile": 0.25, "value": 162000.0, "Latitude": 38.0, "Longitude": -122.3, "Population": 956.0}, {"index": 1682, "quantile": 0.5, "value": 162000.0, "Latitude": 38.0, "Longitude": -122.3, "Population": 956.0}, {"index": 1682, "quantile": 0.75, "value": 162200.0, "Latitude": 38.0, "Longitude": -122.3, "Population": 956.0}, {"index": 1682, "quantile": 1.0, "value": 285000.0, "Latitude": 38.0, "Longitude": -122.3, "Population": 956.0}, {"index": 1683, "quantile": 0.0, "value": 143100.0, "Latitude": 38.0, "Longitude": -122.31, "Population": 1708.0}, {"index": 1683, "quantile": 0.25, "value": 191100.0, "Latitude": 38.0, "Longitude": -122.31, "Population": 1708.0}, {"index": 1683, "quantile": 0.5, "value": 191100.0, "Latitude": 38.0, "Longitude": -122.31, "Population": 1708.0}, {"index": 1683, "quantile": 0.75, "value": 195100.0, "Latitude": 38.0, "Longitude": -122.31, "Population": 1708.0}, {"index": 1683, "quantile": 1.0, "value": 361100.0, "Latitude": 38.0, "Longitude": -122.31, "Population": 1708.0}, {"index": 1684, "quantile": 0.0, "value": 98400.0, "Latitude": 38.01, "Longitude": -122.31, "Population": 1895.0}, {"index": 1684, "quantile": 0.25, "value": 183900.0, "Latitude": 38.01, "Longitude": -122.31, "Population": 1895.0}, {"index": 1684, "quantile": 0.5, "value": 195000.0, "Latitude": 38.01, "Longitude": -122.31, "Population": 1895.0}, {"index": 1684, "quantile": 0.75, "value": 195000.0, "Latitude": 38.01, "Longitude": -122.31, "Population": 1895.0}, {"index": 1684, "quantile": 1.0, "value": 331600.0, "Latitude": 38.01, "Longitude": -122.31, "Population": 1895.0}, {"index": 1685, "quantile": 0.0, "value": 71300.0, "Latitude": 37.99, "Longitude": -122.28, "Population": 1654.0}, {"index": 1685, "quantile": 0.25, "value": 193300.0, "Latitude": 37.99, "Longitude": -122.28, "Population": 1654.0}, {"index": 1685, "quantile": 0.5, "value": 193300.0, "Latitude": 37.99, "Longitude": -122.28, "Population": 1654.0}, {"index": 1685, "quantile": 0.75, "value": 193300.0, "Latitude": 37.99, "Longitude": -122.28, "Population": 1654.0}, {"index": 1685, "quantile": 1.0, "value": 278400.0, "Latitude": 37.99, "Longitude": -122.28, "Population": 1654.0}, {"index": 1686, "quantile": 0.0, "value": 97300.0, "Latitude": 37.98, "Longitude": -122.26, "Population": 947.0}, {"index": 1686, "quantile": 0.25, "value": 190200.0, "Latitude": 37.98, "Longitude": -122.26, "Population": 947.0}, {"index": 1686, "quantile": 0.5, "value": 211000.0, "Latitude": 37.98, "Longitude": -122.26, "Population": 947.0}, {"index": 1686, "quantile": 0.75, "value": 262225.0, "Latitude": 37.98, "Longitude": -122.26, "Population": 947.0}, {"index": 1686, "quantile": 1.0, "value": 444500.0, "Latitude": 37.98, "Longitude": -122.26, "Population": 947.0}, {"index": 1687, "quantile": 0.0, "value": 175700.0, "Latitude": 37.99, "Longitude": -122.27, "Population": 2312.0}, {"index": 1687, "quantile": 0.25, "value": 243200.0, "Latitude": 37.99, "Longitude": -122.27, "Population": 2312.0}, {"index": 1687, "quantile": 0.5, "value": 243200.0, "Latitude": 37.99, "Longitude": -122.27, "Population": 2312.0}, {"index": 1687, "quantile": 0.75, "value": 243200.0, "Latitude": 37.99, "Longitude": -122.27, "Population": 2312.0}, {"index": 1687, "quantile": 1.0, "value": 375700.0, "Latitude": 37.99, "Longitude": -122.27, "Population": 2312.0}, {"index": 1688, "quantile": 0.0, "value": 196900.0, "Latitude": 37.98, "Longitude": -122.27, "Population": 1375.0}, {"index": 1688, "quantile": 0.25, "value": 218600.0, "Latitude": 37.98, "Longitude": -122.27, "Population": 1375.0}, {"index": 1688, "quantile": 0.5, "value": 218600.0, "Latitude": 37.98, "Longitude": -122.27, "Population": 1375.0}, {"index": 1688, "quantile": 0.75, "value": 239100.0, "Latitude": 37.98, "Longitude": -122.27, "Population": 1375.0}, {"index": 1688, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -122.27, "Population": 1375.0}, {"index": 1689, "quantile": 0.0, "value": 130900.0, "Latitude": 38.02, "Longitude": -122.26, "Population": 2053.0}, {"index": 1689, "quantile": 0.25, "value": 184800.0, "Latitude": 38.02, "Longitude": -122.26, "Population": 2053.0}, {"index": 1689, "quantile": 0.5, "value": 184800.0, "Latitude": 38.02, "Longitude": -122.26, "Population": 2053.0}, {"index": 1689, "quantile": 0.75, "value": 188950.0, "Latitude": 38.02, "Longitude": -122.26, "Population": 2053.0}, {"index": 1689, "quantile": 1.0, "value": 340400.0, "Latitude": 38.02, "Longitude": -122.26, "Population": 2053.0}, {"index": 1690, "quantile": 0.0, "value": 130600.0, "Latitude": 38.01, "Longitude": -122.24, "Population": 1949.0}, {"index": 1690, "quantile": 0.25, "value": 243200.0, "Latitude": 38.01, "Longitude": -122.24, "Population": 1949.0}, {"index": 1690, "quantile": 0.5, "value": 269400.0, "Latitude": 38.01, "Longitude": -122.24, "Population": 1949.0}, {"index": 1690, "quantile": 0.75, "value": 269400.0, "Latitude": 38.01, "Longitude": -122.24, "Population": 1949.0}, {"index": 1690, "quantile": 1.0, "value": 302700.0, "Latitude": 38.01, "Longitude": -122.24, "Population": 1949.0}, {"index": 1691, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 38.01, "Longitude": -122.24, "Population": 1154.0}, {"index": 1691, "quantile": 0.25, "value": 205050.0, "Latitude": 38.01, "Longitude": -122.24, "Population": 1154.0}, {"index": 1691, "quantile": 0.5, "value": 240300.0, "Latitude": 38.01, "Longitude": -122.24, "Population": 1154.0}, {"index": 1691, "quantile": 0.75, "value": 250000.0, "Latitude": 38.01, "Longitude": -122.24, "Population": 1154.0}, {"index": 1691, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.01, "Longitude": -122.24, "Population": 1154.0}, {"index": 1692, "quantile": 0.0, "value": 151700.0, "Latitude": 38.0, "Longitude": -122.25, "Population": 1531.0}, {"index": 1692, "quantile": 0.25, "value": 237699.99999999997, "Latitude": 38.0, "Longitude": -122.25, "Population": 1531.0}, {"index": 1692, "quantile": 0.5, "value": 237699.99999999997, "Latitude": 38.0, "Longitude": -122.25, "Population": 1531.0}, {"index": 1692, "quantile": 0.75, "value": 308950.0, "Latitude": 38.0, "Longitude": -122.25, "Population": 1531.0}, {"index": 1692, "quantile": 1.0, "value": 466899.99999999994, "Latitude": 38.0, "Longitude": -122.25, "Population": 1531.0}, {"index": 1693, "quantile": 0.0, "value": 128800.0, "Latitude": 38.0, "Longitude": -122.26, "Population": 1003.0}, {"index": 1693, "quantile": 0.25, "value": 170500.0, "Latitude": 38.0, "Longitude": -122.26, "Population": 1003.0}, {"index": 1693, "quantile": 0.5, "value": 170500.0, "Latitude": 38.0, "Longitude": -122.26, "Population": 1003.0}, {"index": 1693, "quantile": 0.75, "value": 173500.0, "Latitude": 38.0, "Longitude": -122.26, "Population": 1003.0}, {"index": 1693, "quantile": 1.0, "value": 326500.0, "Latitude": 38.0, "Longitude": -122.26, "Population": 1003.0}, {"index": 1694, "quantile": 0.0, "value": 87500.0, "Latitude": 38.0, "Longitude": -122.26, "Population": 318.0}, {"index": 1694, "quantile": 0.25, "value": 170525.0, "Latitude": 38.0, "Longitude": -122.26, "Population": 318.0}, {"index": 1694, "quantile": 0.5, "value": 223150.0, "Latitude": 38.0, "Longitude": -122.26, "Population": 318.0}, {"index": 1694, "quantile": 0.75, "value": 325400.0, "Latitude": 38.0, "Longitude": -122.26, "Population": 318.0}, {"index": 1694, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.0, "Longitude": -122.26, "Population": 318.0}, {"index": 1695, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 38.0, "Longitude": -122.27, "Population": 572.0}, {"index": 1695, "quantile": 0.25, "value": 240300.0, "Latitude": 38.0, "Longitude": -122.27, "Population": 572.0}, {"index": 1695, "quantile": 0.5, "value": 240300.0, "Latitude": 38.0, "Longitude": -122.27, "Population": 572.0}, {"index": 1695, "quantile": 0.75, "value": 240300.0, "Latitude": 38.0, "Longitude": -122.27, "Population": 572.0}, {"index": 1695, "quantile": 1.0, "value": 276100.0, "Latitude": 38.0, "Longitude": -122.27, "Population": 572.0}, {"index": 1696, "quantile": 0.0, "value": 120000.0, "Latitude": 38.0, "Longitude": -122.27, "Population": 969.0}, {"index": 1696, "quantile": 0.25, "value": 248700.0, "Latitude": 38.0, "Longitude": -122.27, "Population": 969.0}, {"index": 1696, "quantile": 0.5, "value": 248700.0, "Latitude": 38.0, "Longitude": -122.27, "Population": 969.0}, {"index": 1696, "quantile": 0.75, "value": 248700.0, "Latitude": 38.0, "Longitude": -122.27, "Population": 969.0}, {"index": 1696, "quantile": 1.0, "value": 276100.0, "Latitude": 38.0, "Longitude": -122.27, "Population": 969.0}, {"index": 1697, "quantile": 0.0, "value": 166000.0, "Latitude": 38.0, "Longitude": -122.26, "Population": 3326.0}, {"index": 1697, "quantile": 0.25, "value": 248700.0, "Latitude": 38.0, "Longitude": -122.26, "Population": 3326.0}, {"index": 1697, "quantile": 0.5, "value": 272900.0, "Latitude": 38.0, "Longitude": -122.26, "Population": 3326.0}, {"index": 1697, "quantile": 0.75, "value": 272900.0, "Latitude": 38.0, "Longitude": -122.26, "Population": 3326.0}, {"index": 1697, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 38.0, "Longitude": -122.26, "Population": 3326.0}, {"index": 1698, "quantile": 0.0, "value": 170800.0, "Latitude": 37.98, "Longitude": -122.29, "Population": 850.0}, {"index": 1698, "quantile": 0.25, "value": 209800.0, "Latitude": 37.98, "Longitude": -122.29, "Population": 850.0}, {"index": 1698, "quantile": 0.5, "value": 209800.0, "Latitude": 37.98, "Longitude": -122.29, "Population": 850.0}, {"index": 1698, "quantile": 0.75, "value": 209800.0, "Latitude": 37.98, "Longitude": -122.29, "Population": 850.0}, {"index": 1698, "quantile": 1.0, "value": 456300.0, "Latitude": 37.98, "Longitude": -122.29, "Population": 850.0}, {"index": 1699, "quantile": 0.0, "value": 136000.0, "Latitude": 37.96, "Longitude": -122.28, "Population": 734.0}, {"index": 1699, "quantile": 0.25, "value": 200999.99999999997, "Latitude": 37.96, "Longitude": -122.28, "Population": 734.0}, {"index": 1699, "quantile": 0.5, "value": 200999.99999999997, "Latitude": 37.96, "Longitude": -122.28, "Population": 734.0}, {"index": 1699, "quantile": 0.75, "value": 200999.99999999997, "Latitude": 37.96, "Longitude": -122.28, "Population": 734.0}, {"index": 1699, "quantile": 1.0, "value": 440299.99999999994, "Latitude": 37.96, "Longitude": -122.28, "Population": 734.0}, {"index": 1700, "quantile": 0.0, "value": 110100.0, "Latitude": 37.97, "Longitude": -122.27, "Population": 7266.0}, {"index": 1700, "quantile": 0.25, "value": 241500.0, "Latitude": 37.97, "Longitude": -122.27, "Population": 7266.0}, {"index": 1700, "quantile": 0.5, "value": 272400.0, "Latitude": 37.97, "Longitude": -122.27, "Population": 7266.0}, {"index": 1700, "quantile": 0.75, "value": 272400.0, "Latitude": 37.97, "Longitude": -122.27, "Population": 7266.0}, {"index": 1700, "quantile": 1.0, "value": 394000.0, "Latitude": 37.97, "Longitude": -122.27, "Population": 7266.0}, {"index": 1701, "quantile": 0.0, "value": 103699.99999999999, "Latitude": 37.97, "Longitude": -122.3, "Population": 1777.0}, {"index": 1701, "quantile": 0.25, "value": 184000.0, "Latitude": 37.97, "Longitude": -122.3, "Population": 1777.0}, {"index": 1701, "quantile": 0.5, "value": 184000.0, "Latitude": 37.97, "Longitude": -122.3, "Population": 1777.0}, {"index": 1701, "quantile": 0.75, "value": 184000.0, "Latitude": 37.97, "Longitude": -122.3, "Population": 1777.0}, {"index": 1701, "quantile": 1.0, "value": 251799.99999999997, "Latitude": 37.97, "Longitude": -122.3, "Population": 1777.0}, {"index": 1702, "quantile": 0.0, "value": 96400.0, "Latitude": 37.97, "Longitude": -122.3, "Population": 1211.0}, {"index": 1702, "quantile": 0.25, "value": 164700.0, "Latitude": 37.97, "Longitude": -122.3, "Population": 1211.0}, {"index": 1702, "quantile": 0.5, "value": 164700.0, "Latitude": 37.97, "Longitude": -122.3, "Population": 1211.0}, {"index": 1702, "quantile": 0.75, "value": 164700.0, "Latitude": 37.97, "Longitude": -122.3, "Population": 1211.0}, {"index": 1702, "quantile": 1.0, "value": 331600.0, "Latitude": 37.97, "Longitude": -122.3, "Population": 1211.0}, {"index": 1703, "quantile": 0.0, "value": 170500.0, "Latitude": 37.97, "Longitude": -122.29, "Population": 1512.0}, {"index": 1703, "quantile": 0.25, "value": 211125.0, "Latitude": 37.97, "Longitude": -122.29, "Population": 1512.0}, {"index": 1703, "quantile": 0.5, "value": 227400.0, "Latitude": 37.97, "Longitude": -122.29, "Population": 1512.0}, {"index": 1703, "quantile": 0.75, "value": 227400.0, "Latitude": 37.97, "Longitude": -122.29, "Population": 1512.0}, {"index": 1703, "quantile": 1.0, "value": 361100.0, "Latitude": 37.97, "Longitude": -122.29, "Population": 1512.0}, {"index": 1704, "quantile": 0.0, "value": 90600.0, "Latitude": 37.97, "Longitude": -122.3, "Population": 911.0}, {"index": 1704, "quantile": 0.25, "value": 149700.0, "Latitude": 37.97, "Longitude": -122.3, "Population": 911.0}, {"index": 1704, "quantile": 0.5, "value": 149700.0, "Latitude": 37.97, "Longitude": -122.3, "Population": 911.0}, {"index": 1704, "quantile": 0.75, "value": 149700.0, "Latitude": 37.97, "Longitude": -122.3, "Population": 911.0}, {"index": 1704, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 37.97, "Longitude": -122.3, "Population": 911.0}, {"index": 1705, "quantile": 0.0, "value": 134400.0, "Latitude": 37.94, "Longitude": -122.29, "Population": 3637.0}, {"index": 1705, "quantile": 0.25, "value": 190000.0, "Latitude": 37.94, "Longitude": -122.29, "Population": 3637.0}, {"index": 1705, "quantile": 0.5, "value": 190000.0, "Latitude": 37.94, "Longitude": -122.29, "Population": 3637.0}, {"index": 1705, "quantile": 0.75, "value": 190075.0, "Latitude": 37.94, "Longitude": -122.29, "Population": 3637.0}, {"index": 1705, "quantile": 1.0, "value": 366000.0, "Latitude": 37.94, "Longitude": -122.29, "Population": 3637.0}, {"index": 1706, "quantile": 0.0, "value": 150100.0, "Latitude": 37.95, "Longitude": -122.32, "Population": 895.0}, {"index": 1706, "quantile": 0.25, "value": 193875.0, "Latitude": 37.95, "Longitude": -122.32, "Population": 895.0}, {"index": 1706, "quantile": 0.5, "value": 196600.0, "Latitude": 37.95, "Longitude": -122.32, "Population": 895.0}, {"index": 1706, "quantile": 0.75, "value": 196600.0, "Latitude": 37.95, "Longitude": -122.32, "Population": 895.0}, {"index": 1706, "quantile": 1.0, "value": 364200.0, "Latitude": 37.95, "Longitude": -122.32, "Population": 895.0}, {"index": 1707, "quantile": 0.0, "value": 84400.0, "Latitude": 37.94, "Longitude": -122.31, "Population": 810.0}, {"index": 1707, "quantile": 0.25, "value": 155125.0, "Latitude": 37.94, "Longitude": -122.31, "Population": 810.0}, {"index": 1707, "quantile": 0.5, "value": 191700.0, "Latitude": 37.94, "Longitude": -122.31, "Population": 810.0}, {"index": 1707, "quantile": 0.75, "value": 230775.0, "Latitude": 37.94, "Longitude": -122.31, "Population": 810.0}, {"index": 1707, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.94, "Longitude": -122.31, "Population": 810.0}, {"index": 1708, "quantile": 0.0, "value": 150800.0, "Latitude": 37.94, "Longitude": -122.31, "Population": 945.0}, {"index": 1708, "quantile": 0.25, "value": 194200.0, "Latitude": 37.94, "Longitude": -122.31, "Population": 945.0}, {"index": 1708, "quantile": 0.5, "value": 194200.0, "Latitude": 37.94, "Longitude": -122.31, "Population": 945.0}, {"index": 1708, "quantile": 0.75, "value": 194200.0, "Latitude": 37.94, "Longitude": -122.31, "Population": 945.0}, {"index": 1708, "quantile": 1.0, "value": 374200.0, "Latitude": 37.94, "Longitude": -122.31, "Population": 945.0}, {"index": 1709, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 37.95, "Longitude": -122.32, "Population": 573.0}, {"index": 1709, "quantile": 0.25, "value": 185000.0, "Latitude": 37.95, "Longitude": -122.32, "Population": 573.0}, {"index": 1709, "quantile": 0.5, "value": 185000.0, "Latitude": 37.95, "Longitude": -122.32, "Population": 573.0}, {"index": 1709, "quantile": 0.75, "value": 194400.0, "Latitude": 37.95, "Longitude": -122.32, "Population": 573.0}, {"index": 1709, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -122.32, "Population": 573.0}, {"index": 1710, "quantile": 0.0, "value": 114500.0, "Latitude": 37.99, "Longitude": -122.31, "Population": 3259.0}, {"index": 1710, "quantile": 0.25, "value": 143100.0, "Latitude": 37.99, "Longitude": -122.31, "Population": 3259.0}, {"index": 1710, "quantile": 0.5, "value": 167500.0, "Latitude": 37.99, "Longitude": -122.31, "Population": 3259.0}, {"index": 1710, "quantile": 0.75, "value": 181725.0, "Latitude": 37.99, "Longitude": -122.31, "Population": 3259.0}, {"index": 1710, "quantile": 1.0, "value": 326500.0, "Latitude": 37.99, "Longitude": -122.31, "Population": 3259.0}, {"index": 1711, "quantile": 0.0, "value": 93600.0, "Latitude": 37.98, "Longitude": -122.3, "Population": 1821.0}, {"index": 1711, "quantile": 0.25, "value": 161000.0, "Latitude": 37.98, "Longitude": -122.3, "Population": 1821.0}, {"index": 1711, "quantile": 0.5, "value": 178900.0, "Latitude": 37.98, "Longitude": -122.3, "Population": 1821.0}, {"index": 1711, "quantile": 0.75, "value": 210375.00000000003, "Latitude": 37.98, "Longitude": -122.3, "Population": 1821.0}, {"index": 1711, "quantile": 1.0, "value": 369300.0, "Latitude": 37.98, "Longitude": -122.3, "Population": 1821.0}, {"index": 1712, "quantile": 0.0, "value": 93600.0, "Latitude": 37.97, "Longitude": -122.32, "Population": 1135.0}, {"index": 1712, "quantile": 0.25, "value": 161000.0, "Latitude": 37.97, "Longitude": -122.32, "Population": 1135.0}, {"index": 1712, "quantile": 0.5, "value": 161000.0, "Latitude": 37.97, "Longitude": -122.32, "Population": 1135.0}, {"index": 1712, "quantile": 0.75, "value": 161000.0, "Latitude": 37.97, "Longitude": -122.32, "Population": 1135.0}, {"index": 1712, "quantile": 1.0, "value": 458500.0, "Latitude": 37.97, "Longitude": -122.32, "Population": 1135.0}, {"index": 1713, "quantile": 0.0, "value": 133800.0, "Latitude": 38.01, "Longitude": -122.32, "Population": 1495.0}, {"index": 1713, "quantile": 0.25, "value": 171100.0, "Latitude": 38.01, "Longitude": -122.32, "Population": 1495.0}, {"index": 1713, "quantile": 0.5, "value": 171100.0, "Latitude": 38.01, "Longitude": -122.32, "Population": 1495.0}, {"index": 1713, "quantile": 0.75, "value": 171100.0, "Latitude": 38.01, "Longitude": -122.32, "Population": 1495.0}, {"index": 1713, "quantile": 1.0, "value": 361100.0, "Latitude": 38.01, "Longitude": -122.32, "Population": 1495.0}, {"index": 1714, "quantile": 0.0, "value": 81300.0, "Latitude": 38.0, "Longitude": -122.33, "Population": 2493.0}, {"index": 1714, "quantile": 0.25, "value": 109000.00000000001, "Latitude": 38.0, "Longitude": -122.33, "Population": 2493.0}, {"index": 1714, "quantile": 0.5, "value": 109000.00000000001, "Latitude": 38.0, "Longitude": -122.33, "Population": 2493.0}, {"index": 1714, "quantile": 0.75, "value": 109000.00000000001, "Latitude": 38.0, "Longitude": -122.33, "Population": 2493.0}, {"index": 1714, "quantile": 1.0, "value": 237300.00000000003, "Latitude": 38.0, "Longitude": -122.33, "Population": 2493.0}, {"index": 1715, "quantile": 0.0, "value": 121300.00000000001, "Latitude": 38.0, "Longitude": -122.31, "Population": 1687.0}, {"index": 1715, "quantile": 0.25, "value": 170800.0, "Latitude": 38.0, "Longitude": -122.31, "Population": 1687.0}, {"index": 1715, "quantile": 0.5, "value": 170800.0, "Latitude": 38.0, "Longitude": -122.31, "Population": 1687.0}, {"index": 1715, "quantile": 0.75, "value": 170800.0, "Latitude": 38.0, "Longitude": -122.31, "Population": 1687.0}, {"index": 1715, "quantile": 1.0, "value": 287500.0, "Latitude": 38.0, "Longitude": -122.31, "Population": 1687.0}, {"index": 1716, "quantile": 0.0, "value": 134400.0, "Latitude": 37.99, "Longitude": -122.32, "Population": 2315.0}, {"index": 1716, "quantile": 0.25, "value": 173500.0, "Latitude": 37.99, "Longitude": -122.32, "Population": 2315.0}, {"index": 1716, "quantile": 0.5, "value": 173500.0, "Latitude": 37.99, "Longitude": -122.32, "Population": 2315.0}, {"index": 1716, "quantile": 0.75, "value": 180700.0, "Latitude": 37.99, "Longitude": -122.32, "Population": 2315.0}, {"index": 1716, "quantile": 1.0, "value": 252700.0, "Latitude": 37.99, "Longitude": -122.32, "Population": 2315.0}, {"index": 1717, "quantile": 0.0, "value": 114599.99999999999, "Latitude": 38.0, "Longitude": -122.32, "Population": 1233.0}, {"index": 1717, "quantile": 0.25, "value": 161500.0, "Latitude": 38.0, "Longitude": -122.32, "Population": 1233.0}, {"index": 1717, "quantile": 0.5, "value": 162800.0, "Latitude": 38.0, "Longitude": -122.32, "Population": 1233.0}, {"index": 1717, "quantile": 0.75, "value": 162800.0, "Latitude": 38.0, "Longitude": -122.32, "Population": 1233.0}, {"index": 1717, "quantile": 1.0, "value": 183300.0, "Latitude": 38.0, "Longitude": -122.32, "Population": 1233.0}, {"index": 1718, "quantile": 0.0, "value": 22500.0, "Latitude": 37.99, "Longitude": -122.34, "Population": 1271.0}, {"index": 1718, "quantile": 0.25, "value": 85100.0, "Latitude": 37.99, "Longitude": -122.34, "Population": 1271.0}, {"index": 1718, "quantile": 0.5, "value": 85100.0, "Latitude": 37.99, "Longitude": -122.34, "Population": 1271.0}, {"index": 1718, "quantile": 0.75, "value": 133525.0, "Latitude": 37.99, "Longitude": -122.34, "Population": 1271.0}, {"index": 1718, "quantile": 1.0, "value": 371400.0, "Latitude": 37.99, "Longitude": -122.34, "Population": 1271.0}, {"index": 1719, "quantile": 0.0, "value": 175000.0, "Latitude": 37.98, "Longitude": -122.33, "Population": 1024.0}, {"index": 1719, "quantile": 0.25, "value": 175000.0, "Latitude": 37.98, "Longitude": -122.33, "Population": 1024.0}, {"index": 1719, "quantile": 0.5, "value": 175000.0, "Latitude": 37.98, "Longitude": -122.33, "Population": 1024.0}, {"index": 1719, "quantile": 0.75, "value": 251025.0, "Latitude": 37.98, "Longitude": -122.33, "Population": 1024.0}, {"index": 1719, "quantile": 1.0, "value": 464600.0, "Latitude": 37.98, "Longitude": -122.33, "Population": 1024.0}, {"index": 1720, "quantile": 0.0, "value": 77500.0, "Latitude": 37.99, "Longitude": -122.33, "Population": 1591.0}, {"index": 1720, "quantile": 0.25, "value": 112500.0, "Latitude": 37.99, "Longitude": -122.33, "Population": 1591.0}, {"index": 1720, "quantile": 0.5, "value": 112500.0, "Latitude": 37.99, "Longitude": -122.33, "Population": 1591.0}, {"index": 1720, "quantile": 0.75, "value": 177800.0, "Latitude": 37.99, "Longitude": -122.33, "Population": 1591.0}, {"index": 1720, "quantile": 1.0, "value": 417600.0, "Latitude": 37.99, "Longitude": -122.33, "Population": 1591.0}, {"index": 1721, "quantile": 0.0, "value": 81300.0, "Latitude": 38.0, "Longitude": -122.39, "Population": 23.0}, {"index": 1721, "quantile": 0.25, "value": 212500.0, "Latitude": 38.0, "Longitude": -122.39, "Population": 23.0}, {"index": 1721, "quantile": 0.5, "value": 212500.0, "Latitude": 38.0, "Longitude": -122.39, "Population": 23.0}, {"index": 1721, "quantile": 0.75, "value": 212500.0, "Latitude": 38.0, "Longitude": -122.39, "Population": 23.0}, {"index": 1721, "quantile": 1.0, "value": 443000.0, "Latitude": 38.0, "Longitude": -122.39, "Population": 23.0}, {"index": 1722, "quantile": 0.0, "value": 65400.0, "Latitude": 37.96, "Longitude": -122.36, "Population": 316.0}, {"index": 1722, "quantile": 0.25, "value": 99650.0, "Latitude": 37.96, "Longitude": -122.36, "Population": 316.0}, {"index": 1722, "quantile": 0.5, "value": 104200.0, "Latitude": 37.96, "Longitude": -122.36, "Population": 316.0}, {"index": 1722, "quantile": 0.75, "value": 104200.0, "Latitude": 37.96, "Longitude": -122.36, "Population": 316.0}, {"index": 1722, "quantile": 1.0, "value": 371400.0, "Latitude": 37.96, "Longitude": -122.36, "Population": 316.0}, {"index": 1723, "quantile": 0.0, "value": 61200.0, "Latitude": 37.96, "Longitude": -122.36, "Population": 956.0}, {"index": 1723, "quantile": 0.25, "value": 80400.0, "Latitude": 37.96, "Longitude": -122.36, "Population": 956.0}, {"index": 1723, "quantile": 0.5, "value": 80400.0, "Latitude": 37.96, "Longitude": -122.36, "Population": 956.0}, {"index": 1723, "quantile": 0.75, "value": 87900.0, "Latitude": 37.96, "Longitude": -122.36, "Population": 956.0}, {"index": 1723, "quantile": 1.0, "value": 212500.0, "Latitude": 37.96, "Longitude": -122.36, "Population": 956.0}, {"index": 1724, "quantile": 0.0, "value": 43000.0, "Latitude": 37.95, "Longitude": -122.36, "Population": 302.0}, {"index": 1724, "quantile": 0.25, "value": 79700.0, "Latitude": 37.95, "Longitude": -122.36, "Population": 302.0}, {"index": 1724, "quantile": 0.5, "value": 82500.0, "Latitude": 37.95, "Longitude": -122.36, "Population": 302.0}, {"index": 1724, "quantile": 0.75, "value": 87300.0, "Latitude": 37.95, "Longitude": -122.36, "Population": 302.0}, {"index": 1724, "quantile": 1.0, "value": 125000.0, "Latitude": 37.95, "Longitude": -122.36, "Population": 302.0}, {"index": 1725, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 37.95, "Longitude": -122.37, "Population": 100.0}, {"index": 1725, "quantile": 0.25, "value": 80400.0, "Latitude": 37.95, "Longitude": -122.37, "Population": 100.0}, {"index": 1725, "quantile": 0.5, "value": 87300.0, "Latitude": 37.95, "Longitude": -122.37, "Population": 100.0}, {"index": 1725, "quantile": 0.75, "value": 104200.0, "Latitude": 37.95, "Longitude": -122.37, "Population": 100.0}, {"index": 1725, "quantile": 1.0, "value": 450000.0, "Latitude": 37.95, "Longitude": -122.37, "Population": 100.0}, {"index": 1726, "quantile": 0.0, "value": 37900.0, "Latitude": 37.95, "Longitude": -122.37, "Population": 716.0}, {"index": 1726, "quantile": 0.25, "value": 81975.0, "Latitude": 37.95, "Longitude": -122.37, "Population": 716.0}, {"index": 1726, "quantile": 0.5, "value": 91400.0, "Latitude": 37.95, "Longitude": -122.37, "Population": 716.0}, {"index": 1726, "quantile": 0.75, "value": 113599.99999999999, "Latitude": 37.95, "Longitude": -122.37, "Population": 716.0}, {"index": 1726, "quantile": 1.0, "value": 450000.0, "Latitude": 37.95, "Longitude": -122.37, "Population": 716.0}, {"index": 1727, "quantile": 0.0, "value": 37900.0, "Latitude": 37.96, "Longitude": -122.37, "Population": 1046.0}, {"index": 1727, "quantile": 0.25, "value": 76275.0, "Latitude": 37.96, "Longitude": -122.37, "Population": 1046.0}, {"index": 1727, "quantile": 0.5, "value": 93800.0, "Latitude": 37.96, "Longitude": -122.37, "Population": 1046.0}, {"index": 1727, "quantile": 0.75, "value": 105275.00000000001, "Latitude": 37.96, "Longitude": -122.37, "Population": 1046.0}, {"index": 1727, "quantile": 1.0, "value": 450000.0, "Latitude": 37.96, "Longitude": -122.37, "Population": 1046.0}, {"index": 1728, "quantile": 0.0, "value": 60000.0, "Latitude": 37.98, "Longitude": -122.41, "Population": 42.0}, {"index": 1728, "quantile": 0.25, "value": 67500.0, "Latitude": 37.98, "Longitude": -122.41, "Population": 42.0}, {"index": 1728, "quantile": 0.5, "value": 67500.0, "Latitude": 37.98, "Longitude": -122.41, "Population": 42.0}, {"index": 1728, "quantile": 0.75, "value": 144975.0, "Latitude": 37.98, "Longitude": -122.41, "Population": 42.0}, {"index": 1728, "quantile": 1.0, "value": 375000.0, "Latitude": 37.98, "Longitude": -122.41, "Population": 42.0}, {"index": 1729, "quantile": 0.0, "value": 113799.99999999999, "Latitude": 37.98, "Longitude": -122.34, "Population": 1354.0}, {"index": 1729, "quantile": 0.25, "value": 131300.0, "Latitude": 37.98, "Longitude": -122.34, "Population": 1354.0}, {"index": 1729, "quantile": 0.5, "value": 131300.0, "Latitude": 37.98, "Longitude": -122.34, "Population": 1354.0}, {"index": 1729, "quantile": 0.75, "value": 142075.0, "Latitude": 37.98, "Longitude": -122.34, "Population": 1354.0}, {"index": 1729, "quantile": 1.0, "value": 240899.99999999997, "Latitude": 37.98, "Longitude": -122.34, "Population": 1354.0}, {"index": 1730, "quantile": 0.0, "value": 110600.00000000001, "Latitude": 37.98, "Longitude": -122.35, "Population": 2237.0}, {"index": 1730, "quantile": 0.25, "value": 132900.0, "Latitude": 37.98, "Longitude": -122.35, "Population": 2237.0}, {"index": 1730, "quantile": 0.5, "value": 132900.0, "Latitude": 37.98, "Longitude": -122.35, "Population": 2237.0}, {"index": 1730, "quantile": 0.75, "value": 132900.0, "Latitude": 37.98, "Longitude": -122.35, "Population": 2237.0}, {"index": 1730, "quantile": 1.0, "value": 271800.0, "Latitude": 37.98, "Longitude": -122.35, "Population": 2237.0}, {"index": 1731, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 37.97, "Longitude": -122.34, "Population": 287.0}, {"index": 1731, "quantile": 0.25, "value": 110000.00000000001, "Latitude": 37.97, "Longitude": -122.34, "Population": 287.0}, {"index": 1731, "quantile": 0.5, "value": 110000.00000000001, "Latitude": 37.97, "Longitude": -122.34, "Population": 287.0}, {"index": 1731, "quantile": 0.75, "value": 221225.0, "Latitude": 37.97, "Longitude": -122.34, "Population": 287.0}, {"index": 1731, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -122.34, "Population": 287.0}, {"index": 1732, "quantile": 0.0, "value": 68900.0, "Latitude": 37.96, "Longitude": -122.35, "Population": 1139.0}, {"index": 1732, "quantile": 0.25, "value": 100225.00000000001, "Latitude": 37.96, "Longitude": -122.35, "Population": 1139.0}, {"index": 1732, "quantile": 0.5, "value": 113599.99999999999, "Latitude": 37.96, "Longitude": -122.35, "Population": 1139.0}, {"index": 1732, "quantile": 0.75, "value": 113599.99999999999, "Latitude": 37.96, "Longitude": -122.35, "Population": 1139.0}, {"index": 1732, "quantile": 1.0, "value": 132000.0, "Latitude": 37.96, "Longitude": -122.35, "Population": 1139.0}, {"index": 1733, "quantile": 0.0, "value": 80000.0, "Latitude": 37.97, "Longitude": -122.35, "Population": 1545.0}, {"index": 1733, "quantile": 0.25, "value": 110100.0, "Latitude": 37.97, "Longitude": -122.35, "Population": 1545.0}, {"index": 1733, "quantile": 0.5, "value": 112200.00000000001, "Latitude": 37.97, "Longitude": -122.35, "Population": 1545.0}, {"index": 1733, "quantile": 0.75, "value": 112200.00000000001, "Latitude": 37.97, "Longitude": -122.35, "Population": 1545.0}, {"index": 1733, "quantile": 1.0, "value": 209600.0, "Latitude": 37.97, "Longitude": -122.35, "Population": 1545.0}, {"index": 1734, "quantile": 0.0, "value": 100200.0, "Latitude": 37.97, "Longitude": -122.35, "Population": 2104.0}, {"index": 1734, "quantile": 0.25, "value": 113799.99999999999, "Latitude": 37.97, "Longitude": -122.35, "Population": 2104.0}, {"index": 1734, "quantile": 0.5, "value": 113799.99999999999, "Latitude": 37.97, "Longitude": -122.35, "Population": 2104.0}, {"index": 1734, "quantile": 0.75, "value": 114599.99999999999, "Latitude": 37.97, "Longitude": -122.35, "Population": 2104.0}, {"index": 1734, "quantile": 1.0, "value": 265100.0, "Latitude": 37.97, "Longitude": -122.35, "Population": 2104.0}, {"index": 1735, "quantile": 0.0, "value": 131300.0, "Latitude": 37.97, "Longitude": -122.32, "Population": 991.0}, {"index": 1735, "quantile": 0.25, "value": 134100.0, "Latitude": 37.97, "Longitude": -122.32, "Population": 991.0}, {"index": 1735, "quantile": 0.5, "value": 134100.0, "Latitude": 37.97, "Longitude": -122.32, "Population": 991.0}, {"index": 1735, "quantile": 0.75, "value": 146950.0, "Latitude": 37.97, "Longitude": -122.32, "Population": 991.0}, {"index": 1735, "quantile": 1.0, "value": 271800.0, "Latitude": 37.97, "Longitude": -122.32, "Population": 991.0}, {"index": 1736, "quantile": 0.0, "value": 118900.0, "Latitude": 37.97, "Longitude": -122.32, "Population": 643.0}, {"index": 1736, "quantile": 0.25, "value": 156600.0, "Latitude": 37.97, "Longitude": -122.32, "Population": 643.0}, {"index": 1736, "quantile": 0.5, "value": 156600.0, "Latitude": 37.97, "Longitude": -122.32, "Population": 643.0}, {"index": 1736, "quantile": 0.75, "value": 156600.0, "Latitude": 37.97, "Longitude": -122.32, "Population": 643.0}, {"index": 1736, "quantile": 1.0, "value": 260900.0, "Latitude": 37.97, "Longitude": -122.32, "Population": 643.0}, {"index": 1737, "quantile": 0.0, "value": 112500.0, "Latitude": 37.97, "Longitude": -122.33, "Population": 2548.0}, {"index": 1737, "quantile": 0.25, "value": 158800.0, "Latitude": 37.97, "Longitude": -122.33, "Population": 2548.0}, {"index": 1737, "quantile": 0.5, "value": 158800.0, "Latitude": 37.97, "Longitude": -122.33, "Population": 2548.0}, {"index": 1737, "quantile": 0.75, "value": 158800.0, "Latitude": 37.97, "Longitude": -122.33, "Population": 2548.0}, {"index": 1737, "quantile": 1.0, "value": 417600.0, "Latitude": 37.97, "Longitude": -122.33, "Population": 2548.0}, {"index": 1738, "quantile": 0.0, "value": 92800.0, "Latitude": 37.98, "Longitude": -122.33, "Population": 1144.0}, {"index": 1738, "quantile": 0.25, "value": 150100.0, "Latitude": 37.98, "Longitude": -122.33, "Population": 1144.0}, {"index": 1738, "quantile": 0.5, "value": 150100.0, "Latitude": 37.98, "Longitude": -122.33, "Population": 1144.0}, {"index": 1738, "quantile": 0.75, "value": 156500.0, "Latitude": 37.98, "Longitude": -122.33, "Population": 1144.0}, {"index": 1738, "quantile": 1.0, "value": 327300.0, "Latitude": 37.98, "Longitude": -122.33, "Population": 1144.0}, {"index": 1739, "quantile": 0.0, "value": 111600.00000000001, "Latitude": 37.97, "Longitude": -122.33, "Population": 1179.0}, {"index": 1739, "quantile": 0.25, "value": 130800.0, "Latitude": 37.97, "Longitude": -122.33, "Population": 1179.0}, {"index": 1739, "quantile": 0.5, "value": 130800.0, "Latitude": 37.97, "Longitude": -122.33, "Population": 1179.0}, {"index": 1739, "quantile": 0.75, "value": 134100.0, "Latitude": 37.97, "Longitude": -122.33, "Population": 1179.0}, {"index": 1739, "quantile": 1.0, "value": 418400.0, "Latitude": 37.97, "Longitude": -122.33, "Population": 1179.0}, {"index": 1740, "quantile": 0.0, "value": 50500.0, "Latitude": 37.97, "Longitude": -122.34, "Population": 1438.0}, {"index": 1740, "quantile": 0.25, "value": 120700.00000000001, "Latitude": 37.97, "Longitude": -122.34, "Population": 1438.0}, {"index": 1740, "quantile": 0.5, "value": 120700.00000000001, "Latitude": 37.97, "Longitude": -122.34, "Population": 1438.0}, {"index": 1740, "quantile": 0.75, "value": 120700.00000000001, "Latitude": 37.97, "Longitude": -122.34, "Population": 1438.0}, {"index": 1740, "quantile": 1.0, "value": 233000.0, "Latitude": 37.97, "Longitude": -122.34, "Population": 1438.0}, {"index": 1741, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.96, "Longitude": -122.33, "Population": 819.0}, {"index": 1741, "quantile": 0.25, "value": 130800.0, "Latitude": 37.96, "Longitude": -122.33, "Population": 819.0}, {"index": 1741, "quantile": 0.5, "value": 134100.0, "Latitude": 37.96, "Longitude": -122.33, "Population": 819.0}, {"index": 1741, "quantile": 0.75, "value": 172700.0, "Latitude": 37.96, "Longitude": -122.33, "Population": 819.0}, {"index": 1741, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.33, "Population": 819.0}, {"index": 1742, "quantile": 0.0, "value": 85100.0, "Latitude": 37.96, "Longitude": -122.35, "Population": 1563.0}, {"index": 1742, "quantile": 0.25, "value": 114199.99999999999, "Latitude": 37.96, "Longitude": -122.35, "Population": 1563.0}, {"index": 1742, "quantile": 0.5, "value": 114199.99999999999, "Latitude": 37.96, "Longitude": -122.35, "Population": 1563.0}, {"index": 1742, "quantile": 0.75, "value": 114199.99999999999, "Latitude": 37.96, "Longitude": -122.35, "Population": 1563.0}, {"index": 1742, "quantile": 1.0, "value": 350000.0, "Latitude": 37.96, "Longitude": -122.35, "Population": 1563.0}, {"index": 1743, "quantile": 0.0, "value": 37900.0, "Latitude": 37.96, "Longitude": -122.35, "Population": 1357.0}, {"index": 1743, "quantile": 0.25, "value": 97200.0, "Latitude": 37.96, "Longitude": -122.35, "Population": 1357.0}, {"index": 1743, "quantile": 0.5, "value": 97200.0, "Latitude": 37.96, "Longitude": -122.35, "Population": 1357.0}, {"index": 1743, "quantile": 0.75, "value": 97200.0, "Latitude": 37.96, "Longitude": -122.35, "Population": 1357.0}, {"index": 1743, "quantile": 1.0, "value": 183300.0, "Latitude": 37.96, "Longitude": -122.35, "Population": 1357.0}, {"index": 1744, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 37.96, "Longitude": -122.35, "Population": 1023.0}, {"index": 1744, "quantile": 0.25, "value": 97700.0, "Latitude": 37.96, "Longitude": -122.35, "Population": 1023.0}, {"index": 1744, "quantile": 0.5, "value": 97700.0, "Latitude": 37.96, "Longitude": -122.35, "Population": 1023.0}, {"index": 1744, "quantile": 0.75, "value": 97700.0, "Latitude": 37.96, "Longitude": -122.35, "Population": 1023.0}, {"index": 1744, "quantile": 1.0, "value": 137000.0, "Latitude": 37.96, "Longitude": -122.35, "Population": 1023.0}, {"index": 1745, "quantile": 0.0, "value": 80000.0, "Latitude": 37.95, "Longitude": -122.35, "Population": 1801.0}, {"index": 1745, "quantile": 0.25, "value": 110300.0, "Latitude": 37.95, "Longitude": -122.35, "Population": 1801.0}, {"index": 1745, "quantile": 0.5, "value": 110300.0, "Latitude": 37.95, "Longitude": -122.35, "Population": 1801.0}, {"index": 1745, "quantile": 0.75, "value": 112125.00000000001, "Latitude": 37.95, "Longitude": -122.35, "Population": 1801.0}, {"index": 1745, "quantile": 1.0, "value": 258400.0, "Latitude": 37.95, "Longitude": -122.35, "Population": 1801.0}, {"index": 1746, "quantile": 0.0, "value": 59800.0, "Latitude": 37.96, "Longitude": -122.35, "Population": 1272.0}, {"index": 1746, "quantile": 0.25, "value": 103475.0, "Latitude": 37.96, "Longitude": -122.35, "Population": 1272.0}, {"index": 1746, "quantile": 0.5, "value": 110300.0, "Latitude": 37.96, "Longitude": -122.35, "Population": 1272.0}, {"index": 1746, "quantile": 0.75, "value": 112200.00000000001, "Latitude": 37.96, "Longitude": -122.35, "Population": 1272.0}, {"index": 1746, "quantile": 1.0, "value": 193800.0, "Latitude": 37.96, "Longitude": -122.35, "Population": 1272.0}, {"index": 1747, "quantile": 0.0, "value": 72500.0, "Latitude": 37.96, "Longitude": -122.36, "Population": 1073.0}, {"index": 1747, "quantile": 0.25, "value": 107800.0, "Latitude": 37.96, "Longitude": -122.36, "Population": 1073.0}, {"index": 1747, "quantile": 0.5, "value": 107800.0, "Latitude": 37.96, "Longitude": -122.36, "Population": 1073.0}, {"index": 1747, "quantile": 0.75, "value": 107800.0, "Latitude": 37.96, "Longitude": -122.36, "Population": 1073.0}, {"index": 1747, "quantile": 1.0, "value": 225000.0, "Latitude": 37.96, "Longitude": -122.36, "Population": 1073.0}, {"index": 1748, "quantile": 0.0, "value": 93600.0, "Latitude": 37.96, "Longitude": -122.32, "Population": 934.0}, {"index": 1748, "quantile": 0.25, "value": 143900.0, "Latitude": 37.96, "Longitude": -122.32, "Population": 934.0}, {"index": 1748, "quantile": 0.5, "value": 178400.0, "Latitude": 37.96, "Longitude": -122.32, "Population": 934.0}, {"index": 1748, "quantile": 0.75, "value": 220100.0, "Latitude": 37.96, "Longitude": -122.32, "Population": 934.0}, {"index": 1748, "quantile": 1.0, "value": 458500.0, "Latitude": 37.96, "Longitude": -122.32, "Population": 934.0}, {"index": 1749, "quantile": 0.0, "value": 132900.0, "Latitude": 37.96, "Longitude": -122.32, "Population": 784.0}, {"index": 1749, "quantile": 0.25, "value": 182800.0, "Latitude": 37.96, "Longitude": -122.32, "Population": 784.0}, {"index": 1749, "quantile": 0.5, "value": 182800.0, "Latitude": 37.96, "Longitude": -122.32, "Population": 784.0}, {"index": 1749, "quantile": 0.75, "value": 182800.0, "Latitude": 37.96, "Longitude": -122.32, "Population": 784.0}, {"index": 1749, "quantile": 1.0, "value": 361100.0, "Latitude": 37.96, "Longitude": -122.32, "Population": 784.0}, {"index": 1750, "quantile": 0.0, "value": 73500.0, "Latitude": 37.95, "Longitude": -122.32, "Population": 887.0}, {"index": 1750, "quantile": 0.25, "value": 135200.0, "Latitude": 37.95, "Longitude": -122.32, "Population": 887.0}, {"index": 1750, "quantile": 0.5, "value": 146100.0, "Latitude": 37.95, "Longitude": -122.32, "Population": 887.0}, {"index": 1750, "quantile": 0.75, "value": 146100.0, "Latitude": 37.95, "Longitude": -122.32, "Population": 887.0}, {"index": 1750, "quantile": 1.0, "value": 246700.0, "Latitude": 37.95, "Longitude": -122.32, "Population": 887.0}, {"index": 1751, "quantile": 0.0, "value": 37900.0, "Latitude": 37.95, "Longitude": -122.33, "Population": 1135.0}, {"index": 1751, "quantile": 0.25, "value": 109200.00000000001, "Latitude": 37.95, "Longitude": -122.33, "Population": 1135.0}, {"index": 1751, "quantile": 0.5, "value": 139800.0, "Latitude": 37.95, "Longitude": -122.33, "Population": 1135.0}, {"index": 1751, "quantile": 0.75, "value": 156725.0, "Latitude": 37.95, "Longitude": -122.33, "Population": 1135.0}, {"index": 1751, "quantile": 1.0, "value": 337500.0, "Latitude": 37.95, "Longitude": -122.33, "Population": 1135.0}, {"index": 1752, "quantile": 0.0, "value": 73300.0, "Latitude": 37.96, "Longitude": -122.34, "Population": 3408.0}, {"index": 1752, "quantile": 0.25, "value": 112500.0, "Latitude": 37.96, "Longitude": -122.34, "Population": 3408.0}, {"index": 1752, "quantile": 0.5, "value": 139800.0, "Latitude": 37.96, "Longitude": -122.34, "Population": 3408.0}, {"index": 1752, "quantile": 0.75, "value": 162500.0, "Latitude": 37.96, "Longitude": -122.34, "Population": 3408.0}, {"index": 1752, "quantile": 1.0, "value": 364300.0, "Latitude": 37.96, "Longitude": -122.34, "Population": 3408.0}, {"index": 1753, "quantile": 0.0, "value": 73500.0, "Latitude": 37.96, "Longitude": -122.34, "Population": 1220.0}, {"index": 1753, "quantile": 0.25, "value": 103600.0, "Latitude": 37.96, "Longitude": -122.34, "Population": 1220.0}, {"index": 1753, "quantile": 0.5, "value": 103600.0, "Latitude": 37.96, "Longitude": -122.34, "Population": 1220.0}, {"index": 1753, "quantile": 0.75, "value": 104700.0, "Latitude": 37.96, "Longitude": -122.34, "Population": 1220.0}, {"index": 1753, "quantile": 1.0, "value": 183100.0, "Latitude": 37.96, "Longitude": -122.34, "Population": 1220.0}, {"index": 1754, "quantile": 0.0, "value": 111600.00000000001, "Latitude": 37.94, "Longitude": -122.32, "Population": 1390.0}, {"index": 1754, "quantile": 0.25, "value": 139900.0, "Latitude": 37.94, "Longitude": -122.32, "Population": 1390.0}, {"index": 1754, "quantile": 0.5, "value": 163300.0, "Latitude": 37.94, "Longitude": -122.32, "Population": 1390.0}, {"index": 1754, "quantile": 0.75, "value": 209125.0, "Latitude": 37.94, "Longitude": -122.32, "Population": 1390.0}, {"index": 1754, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.94, "Longitude": -122.32, "Population": 1390.0}, {"index": 1755, "quantile": 0.0, "value": 162000.0, "Latitude": 37.94, "Longitude": -122.32, "Population": 833.0}, {"index": 1755, "quantile": 0.25, "value": 210800.0, "Latitude": 37.94, "Longitude": -122.32, "Population": 833.0}, {"index": 1755, "quantile": 0.5, "value": 210800.0, "Latitude": 37.94, "Longitude": -122.32, "Population": 833.0}, {"index": 1755, "quantile": 0.75, "value": 297300.0, "Latitude": 37.94, "Longitude": -122.32, "Population": 833.0}, {"index": 1755, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.32, "Population": 833.0}, {"index": 1756, "quantile": 0.0, "value": 123100.00000000001, "Latitude": 37.93, "Longitude": -122.32, "Population": 434.0}, {"index": 1756, "quantile": 0.25, "value": 174725.0, "Latitude": 37.93, "Longitude": -122.32, "Population": 434.0}, {"index": 1756, "quantile": 0.5, "value": 238700.0, "Latitude": 37.93, "Longitude": -122.32, "Population": 434.0}, {"index": 1756, "quantile": 0.75, "value": 311500.0, "Latitude": 37.93, "Longitude": -122.32, "Population": 434.0}, {"index": 1756, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.93, "Longitude": -122.32, "Population": 434.0}, {"index": 1757, "quantile": 0.0, "value": 129400.0, "Latitude": 37.95, "Longitude": -122.33, "Population": 848.0}, {"index": 1757, "quantile": 0.25, "value": 144600.0, "Latitude": 37.95, "Longitude": -122.33, "Population": 848.0}, {"index": 1757, "quantile": 0.5, "value": 144600.0, "Latitude": 37.95, "Longitude": -122.33, "Population": 848.0}, {"index": 1757, "quantile": 0.75, "value": 144600.0, "Latitude": 37.95, "Longitude": -122.33, "Population": 848.0}, {"index": 1757, "quantile": 1.0, "value": 342800.0, "Latitude": 37.95, "Longitude": -122.33, "Population": 848.0}, {"index": 1758, "quantile": 0.0, "value": 22500.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 590.0}, {"index": 1758, "quantile": 0.25, "value": 140400.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 590.0}, {"index": 1758, "quantile": 0.5, "value": 140400.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 590.0}, {"index": 1758, "quantile": 0.75, "value": 144800.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 590.0}, {"index": 1758, "quantile": 1.0, "value": 350000.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 590.0}, {"index": 1759, "quantile": 0.0, "value": 87600.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 797.0}, {"index": 1759, "quantile": 0.25, "value": 140800.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 797.0}, {"index": 1759, "quantile": 0.5, "value": 140800.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 797.0}, {"index": 1759, "quantile": 0.75, "value": 141525.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 797.0}, {"index": 1759, "quantile": 1.0, "value": 405400.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 797.0}, {"index": 1760, "quantile": 0.0, "value": 93600.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 807.0}, {"index": 1760, "quantile": 0.25, "value": 141600.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 807.0}, {"index": 1760, "quantile": 0.5, "value": 141600.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 807.0}, {"index": 1760, "quantile": 0.75, "value": 143900.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 807.0}, {"index": 1760, "quantile": 1.0, "value": 350000.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 807.0}, {"index": 1761, "quantile": 0.0, "value": 124200.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 719.0}, {"index": 1761, "quantile": 0.25, "value": 139100.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 719.0}, {"index": 1761, "quantile": 0.5, "value": 139100.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 719.0}, {"index": 1761, "quantile": 0.75, "value": 143900.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 719.0}, {"index": 1761, "quantile": 1.0, "value": 458500.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 719.0}, {"index": 1762, "quantile": 0.0, "value": 109500.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 828.0}, {"index": 1762, "quantile": 0.25, "value": 150800.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 828.0}, {"index": 1762, "quantile": 0.5, "value": 150800.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 828.0}, {"index": 1762, "quantile": 0.75, "value": 195125.0, "Latitude": 37.94, "Longitude": -122.33, "Population": 828.0}, {"index": 1762, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.33, "Population": 828.0}, {"index": 1763, "quantile": 0.0, "value": 80000.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 702.0}, {"index": 1763, "quantile": 0.25, "value": 134100.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 702.0}, {"index": 1763, "quantile": 0.5, "value": 134100.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 702.0}, {"index": 1763, "quantile": 0.75, "value": 140499.99999999997, "Latitude": 37.95, "Longitude": -122.34, "Population": 702.0}, {"index": 1763, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -122.34, "Population": 702.0}, {"index": 1764, "quantile": 0.0, "value": 84300.0, "Latitude": 37.95, "Longitude": -122.33, "Population": 981.0}, {"index": 1764, "quantile": 0.25, "value": 135800.0, "Latitude": 37.95, "Longitude": -122.33, "Population": 981.0}, {"index": 1764, "quantile": 0.5, "value": 135800.0, "Latitude": 37.95, "Longitude": -122.33, "Population": 981.0}, {"index": 1764, "quantile": 0.75, "value": 135800.0, "Latitude": 37.95, "Longitude": -122.33, "Population": 981.0}, {"index": 1764, "quantile": 1.0, "value": 273100.0, "Latitude": 37.95, "Longitude": -122.33, "Population": 981.0}, {"index": 1765, "quantile": 0.0, "value": 84400.0, "Latitude": 37.95, "Longitude": -122.33, "Population": 777.0}, {"index": 1765, "quantile": 0.25, "value": 150800.0, "Latitude": 37.95, "Longitude": -122.33, "Population": 777.0}, {"index": 1765, "quantile": 0.5, "value": 177800.0, "Latitude": 37.95, "Longitude": -122.33, "Population": 777.0}, {"index": 1765, "quantile": 0.75, "value": 272150.0, "Latitude": 37.95, "Longitude": -122.33, "Population": 777.0}, {"index": 1765, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -122.33, "Population": 777.0}, {"index": 1766, "quantile": 0.0, "value": 73500.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 806.0}, {"index": 1766, "quantile": 0.25, "value": 135300.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 806.0}, {"index": 1766, "quantile": 0.5, "value": 135300.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 806.0}, {"index": 1766, "quantile": 0.75, "value": 135300.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 806.0}, {"index": 1766, "quantile": 1.0, "value": 350800.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 806.0}, {"index": 1767, "quantile": 0.0, "value": 87000.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 933.0}, {"index": 1767, "quantile": 0.25, "value": 121600.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 933.0}, {"index": 1767, "quantile": 0.5, "value": 133400.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 933.0}, {"index": 1767, "quantile": 0.75, "value": 133400.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 933.0}, {"index": 1767, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 37.95, "Longitude": -122.34, "Population": 933.0}, {"index": 1768, "quantile": 0.0, "value": 96700.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 1041.0}, {"index": 1768, "quantile": 0.25, "value": 135100.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 1041.0}, {"index": 1768, "quantile": 0.5, "value": 135100.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 1041.0}, {"index": 1768, "quantile": 0.75, "value": 145975.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 1041.0}, {"index": 1768, "quantile": 1.0, "value": 230200.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 1041.0}, {"index": 1769, "quantile": 0.0, "value": 91100.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 766.0}, {"index": 1769, "quantile": 0.25, "value": 111700.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 766.0}, {"index": 1769, "quantile": 0.5, "value": 111700.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 766.0}, {"index": 1769, "quantile": 0.75, "value": 111700.0, "Latitude": 37.95, "Longitude": -122.34, "Population": 766.0}, {"index": 1769, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.95, "Longitude": -122.34, "Population": 766.0}, {"index": 1770, "quantile": 0.0, "value": 93300.0, "Latitude": 37.95, "Longitude": -122.35, "Population": 1318.0}, {"index": 1770, "quantile": 0.25, "value": 111600.00000000001, "Latitude": 37.95, "Longitude": -122.35, "Population": 1318.0}, {"index": 1770, "quantile": 0.5, "value": 111600.00000000001, "Latitude": 37.95, "Longitude": -122.35, "Population": 1318.0}, {"index": 1770, "quantile": 0.75, "value": 112700.0, "Latitude": 37.95, "Longitude": -122.35, "Population": 1318.0}, {"index": 1770, "quantile": 1.0, "value": 418400.0, "Latitude": 37.95, "Longitude": -122.35, "Population": 1318.0}, {"index": 1771, "quantile": 0.0, "value": 63800.0, "Latitude": 37.95, "Longitude": -122.35, "Population": 971.0}, {"index": 1771, "quantile": 0.25, "value": 114599.99999999999, "Latitude": 37.95, "Longitude": -122.35, "Population": 971.0}, {"index": 1771, "quantile": 0.5, "value": 114599.99999999999, "Latitude": 37.95, "Longitude": -122.35, "Population": 971.0}, {"index": 1771, "quantile": 0.75, "value": 117575.00000000001, "Latitude": 37.95, "Longitude": -122.35, "Population": 971.0}, {"index": 1771, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.95, "Longitude": -122.35, "Population": 971.0}, {"index": 1772, "quantile": 0.0, "value": 22500.0, "Latitude": 37.95, "Longitude": -122.36, "Population": 773.0}, {"index": 1772, "quantile": 0.25, "value": 104700.0, "Latitude": 37.95, "Longitude": -122.36, "Population": 773.0}, {"index": 1772, "quantile": 0.5, "value": 104700.0, "Latitude": 37.95, "Longitude": -122.36, "Population": 773.0}, {"index": 1772, "quantile": 0.75, "value": 113000.00000000001, "Latitude": 37.95, "Longitude": -122.36, "Population": 773.0}, {"index": 1772, "quantile": 1.0, "value": 258599.99999999997, "Latitude": 37.95, "Longitude": -122.36, "Population": 773.0}, {"index": 1773, "quantile": 0.0, "value": 107600.0, "Latitude": 37.94, "Longitude": -122.34, "Population": 947.0}, {"index": 1773, "quantile": 0.25, "value": 139100.0, "Latitude": 37.94, "Longitude": -122.34, "Population": 947.0}, {"index": 1773, "quantile": 0.5, "value": 147100.0, "Latitude": 37.94, "Longitude": -122.34, "Population": 947.0}, {"index": 1773, "quantile": 0.75, "value": 229924.99999999997, "Latitude": 37.94, "Longitude": -122.34, "Population": 947.0}, {"index": 1773, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.34, "Population": 947.0}, {"index": 1774, "quantile": 0.0, "value": 90700.0, "Latitude": 37.94, "Longitude": -122.34, "Population": 936.0}, {"index": 1774, "quantile": 0.25, "value": 140300.0, "Latitude": 37.94, "Longitude": -122.34, "Population": 936.0}, {"index": 1774, "quantile": 0.5, "value": 140300.0, "Latitude": 37.94, "Longitude": -122.34, "Population": 936.0}, {"index": 1774, "quantile": 0.75, "value": 172225.0, "Latitude": 37.94, "Longitude": -122.34, "Population": 936.0}, {"index": 1774, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.94, "Longitude": -122.34, "Population": 936.0}, {"index": 1775, "quantile": 0.0, "value": 67500.0, "Latitude": 37.94, "Longitude": -122.34, "Population": 786.0}, {"index": 1775, "quantile": 0.25, "value": 145325.00000000003, "Latitude": 37.94, "Longitude": -122.34, "Population": 786.0}, {"index": 1775, "quantile": 0.5, "value": 145500.0, "Latitude": 37.94, "Longitude": -122.34, "Population": 786.0}, {"index": 1775, "quantile": 0.75, "value": 145500.0, "Latitude": 37.94, "Longitude": -122.34, "Population": 786.0}, {"index": 1775, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.94, "Longitude": -122.34, "Population": 786.0}, {"index": 1776, "quantile": 0.0, "value": 93600.0, "Latitude": 37.94, "Longitude": -122.34, "Population": 989.0}, {"index": 1776, "quantile": 0.25, "value": 143900.0, "Latitude": 37.94, "Longitude": -122.34, "Population": 989.0}, {"index": 1776, "quantile": 0.5, "value": 143900.0, "Latitude": 37.94, "Longitude": -122.34, "Population": 989.0}, {"index": 1776, "quantile": 0.75, "value": 143900.0, "Latitude": 37.94, "Longitude": -122.34, "Population": 989.0}, {"index": 1776, "quantile": 1.0, "value": 275900.0, "Latitude": 37.94, "Longitude": -122.34, "Population": 989.0}, {"index": 1777, "quantile": 0.0, "value": 78800.0, "Latitude": 37.94, "Longitude": -122.35, "Population": 1406.0}, {"index": 1777, "quantile": 0.25, "value": 102625.00000000001, "Latitude": 37.94, "Longitude": -122.35, "Population": 1406.0}, {"index": 1777, "quantile": 0.5, "value": 105200.0, "Latitude": 37.94, "Longitude": -122.35, "Population": 1406.0}, {"index": 1777, "quantile": 0.75, "value": 105200.0, "Latitude": 37.94, "Longitude": -122.35, "Population": 1406.0}, {"index": 1777, "quantile": 1.0, "value": 140600.0, "Latitude": 37.94, "Longitude": -122.35, "Population": 1406.0}, {"index": 1778, "quantile": 0.0, "value": 52000.0, "Latitude": 37.94, "Longitude": -122.35, "Population": 1358.0}, {"index": 1778, "quantile": 0.25, "value": 93800.0, "Latitude": 37.94, "Longitude": -122.35, "Population": 1358.0}, {"index": 1778, "quantile": 0.5, "value": 105200.0, "Latitude": 37.94, "Longitude": -122.35, "Population": 1358.0}, {"index": 1778, "quantile": 0.75, "value": 105200.0, "Latitude": 37.94, "Longitude": -122.35, "Population": 1358.0}, {"index": 1778, "quantile": 1.0, "value": 132500.0, "Latitude": 37.94, "Longitude": -122.35, "Population": 1358.0}, {"index": 1779, "quantile": 0.0, "value": 22500.0, "Latitude": 37.94, "Longitude": -122.35, "Population": 844.0}, {"index": 1779, "quantile": 0.25, "value": 95600.0, "Latitude": 37.94, "Longitude": -122.35, "Population": 844.0}, {"index": 1779, "quantile": 0.5, "value": 95600.0, "Latitude": 37.94, "Longitude": -122.35, "Population": 844.0}, {"index": 1779, "quantile": 0.75, "value": 112200.00000000001, "Latitude": 37.94, "Longitude": -122.35, "Population": 844.0}, {"index": 1779, "quantile": 1.0, "value": 270300.0, "Latitude": 37.94, "Longitude": -122.35, "Population": 844.0}, {"index": 1780, "quantile": 0.0, "value": 37900.0, "Latitude": 37.95, "Longitude": -122.36, "Population": 729.0}, {"index": 1780, "quantile": 0.25, "value": 81575.0, "Latitude": 37.95, "Longitude": -122.36, "Population": 729.0}, {"index": 1780, "quantile": 0.5, "value": 110200.00000000001, "Latitude": 37.95, "Longitude": -122.36, "Population": 729.0}, {"index": 1780, "quantile": 0.75, "value": 147700.0, "Latitude": 37.95, "Longitude": -122.36, "Population": 729.0}, {"index": 1780, "quantile": 1.0, "value": 212800.0, "Latitude": 37.95, "Longitude": -122.36, "Population": 729.0}, {"index": 1781, "quantile": 0.0, "value": 22500.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 479.0}, {"index": 1781, "quantile": 0.25, "value": 111675.00000000001, "Latitude": 37.94, "Longitude": -122.36, "Population": 479.0}, {"index": 1781, "quantile": 0.5, "value": 135300.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 479.0}, {"index": 1781, "quantile": 0.75, "value": 204650.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 479.0}, {"index": 1781, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.36, "Population": 479.0}, {"index": 1782, "quantile": 0.0, "value": 37900.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 583.0}, {"index": 1782, "quantile": 0.25, "value": 105800.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 583.0}, {"index": 1782, "quantile": 0.5, "value": 105800.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 583.0}, {"index": 1782, "quantile": 0.75, "value": 107475.00000000001, "Latitude": 37.94, "Longitude": -122.36, "Population": 583.0}, {"index": 1782, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.94, "Longitude": -122.36, "Population": 583.0}, {"index": 1783, "quantile": 0.0, "value": 37900.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 1007.0}, {"index": 1783, "quantile": 0.25, "value": 82500.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 1007.0}, {"index": 1783, "quantile": 0.5, "value": 91350.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 1007.0}, {"index": 1783, "quantile": 0.75, "value": 105200.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 1007.0}, {"index": 1783, "quantile": 1.0, "value": 183300.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 1007.0}, {"index": 1784, "quantile": 0.0, "value": 60400.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 1638.0}, {"index": 1784, "quantile": 0.25, "value": 79700.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 1638.0}, {"index": 1784, "quantile": 0.5, "value": 79700.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 1638.0}, {"index": 1784, "quantile": 0.75, "value": 87900.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 1638.0}, {"index": 1784, "quantile": 1.0, "value": 132500.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 1638.0}, {"index": 1785, "quantile": 0.0, "value": 37900.0, "Latitude": 37.94, "Longitude": -122.37, "Population": 599.0}, {"index": 1785, "quantile": 0.25, "value": 78575.0, "Latitude": 37.94, "Longitude": -122.37, "Population": 599.0}, {"index": 1785, "quantile": 0.5, "value": 89250.0, "Latitude": 37.94, "Longitude": -122.37, "Population": 599.0}, {"index": 1785, "quantile": 0.75, "value": 105200.0, "Latitude": 37.94, "Longitude": -122.37, "Population": 599.0}, {"index": 1785, "quantile": 1.0, "value": 450000.0, "Latitude": 37.94, "Longitude": -122.37, "Population": 599.0}, {"index": 1786, "quantile": 0.0, "value": 37900.0, "Latitude": 37.93, "Longitude": -122.35, "Population": 1048.0}, {"index": 1786, "quantile": 0.25, "value": 88000.0, "Latitude": 37.93, "Longitude": -122.35, "Population": 1048.0}, {"index": 1786, "quantile": 0.5, "value": 88000.0, "Latitude": 37.93, "Longitude": -122.35, "Population": 1048.0}, {"index": 1786, "quantile": 0.75, "value": 95000.0, "Latitude": 37.93, "Longitude": -122.35, "Population": 1048.0}, {"index": 1786, "quantile": 1.0, "value": 350000.0, "Latitude": 37.93, "Longitude": -122.35, "Population": 1048.0}, {"index": 1787, "quantile": 0.0, "value": 84300.0, "Latitude": 37.93, "Longitude": -122.35, "Population": 1182.0}, {"index": 1787, "quantile": 0.25, "value": 84300.0, "Latitude": 37.93, "Longitude": -122.35, "Population": 1182.0}, {"index": 1787, "quantile": 0.5, "value": 84300.0, "Latitude": 37.93, "Longitude": -122.35, "Population": 1182.0}, {"index": 1787, "quantile": 0.75, "value": 98225.0, "Latitude": 37.93, "Longitude": -122.35, "Population": 1182.0}, {"index": 1787, "quantile": 1.0, "value": 166200.0, "Latitude": 37.93, "Longitude": -122.35, "Population": 1182.0}, {"index": 1788, "quantile": 0.0, "value": 22500.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 371.0}, {"index": 1788, "quantile": 0.25, "value": 79400.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 371.0}, {"index": 1788, "quantile": 0.5, "value": 79400.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 371.0}, {"index": 1788, "quantile": 0.75, "value": 88225.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 371.0}, {"index": 1788, "quantile": 1.0, "value": 350000.0, "Latitude": 37.94, "Longitude": -122.36, "Population": 371.0}, {"index": 1789, "quantile": 0.0, "value": 76200.0, "Latitude": 37.93, "Longitude": -122.36, "Population": 885.0}, {"index": 1789, "quantile": 0.25, "value": 121600.0, "Latitude": 37.93, "Longitude": -122.36, "Population": 885.0}, {"index": 1789, "quantile": 0.5, "value": 121600.0, "Latitude": 37.93, "Longitude": -122.36, "Population": 885.0}, {"index": 1789, "quantile": 0.75, "value": 121600.0, "Latitude": 37.93, "Longitude": -122.36, "Population": 885.0}, {"index": 1789, "quantile": 1.0, "value": 274200.0, "Latitude": 37.93, "Longitude": -122.36, "Population": 885.0}, {"index": 1790, "quantile": 0.0, "value": 37900.0, "Latitude": 37.94, "Longitude": -122.37, "Population": 912.0}, {"index": 1790, "quantile": 0.25, "value": 69100.0, "Latitude": 37.94, "Longitude": -122.37, "Population": 912.0}, {"index": 1790, "quantile": 0.5, "value": 69100.0, "Latitude": 37.94, "Longitude": -122.37, "Population": 912.0}, {"index": 1790, "quantile": 0.75, "value": 79700.0, "Latitude": 37.94, "Longitude": -122.37, "Population": 912.0}, {"index": 1790, "quantile": 1.0, "value": 450000.0, "Latitude": 37.94, "Longitude": -122.37, "Population": 912.0}, {"index": 1791, "quantile": 0.0, "value": 37900.0, "Latitude": 37.93, "Longitude": -122.37, "Population": 1798.0}, {"index": 1791, "quantile": 0.25, "value": 37900.0, "Latitude": 37.93, "Longitude": -122.37, "Population": 1798.0}, {"index": 1791, "quantile": 0.5, "value": 37900.0, "Latitude": 37.93, "Longitude": -122.37, "Population": 1798.0}, {"index": 1791, "quantile": 0.75, "value": 110775.0, "Latitude": 37.93, "Longitude": -122.37, "Population": 1798.0}, {"index": 1791, "quantile": 1.0, "value": 450000.0, "Latitude": 37.93, "Longitude": -122.37, "Population": 1798.0}, {"index": 1792, "quantile": 0.0, "value": 137500.0, "Latitude": 37.91, "Longitude": -122.38, "Population": 1224.0}, {"index": 1792, "quantile": 0.25, "value": 269800.0, "Latitude": 37.91, "Longitude": -122.38, "Population": 1224.0}, {"index": 1792, "quantile": 0.5, "value": 269800.0, "Latitude": 37.91, "Longitude": -122.38, "Population": 1224.0}, {"index": 1792, "quantile": 0.75, "value": 269800.0, "Latitude": 37.91, "Longitude": -122.38, "Population": 1224.0}, {"index": 1792, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.38, "Population": 1224.0}, {"index": 1793, "quantile": 0.0, "value": 143900.0, "Latitude": 37.93, "Longitude": -122.42, "Population": 1353.0}, {"index": 1793, "quantile": 0.25, "value": 274500.0, "Latitude": 37.93, "Longitude": -122.42, "Population": 1353.0}, {"index": 1793, "quantile": 0.5, "value": 274500.0, "Latitude": 37.93, "Longitude": -122.42, "Population": 1353.0}, {"index": 1793, "quantile": 0.75, "value": 341600.0, "Latitude": 37.93, "Longitude": -122.42, "Population": 1353.0}, {"index": 1793, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.93, "Longitude": -122.42, "Population": 1353.0}, {"index": 1794, "quantile": 0.0, "value": 107600.0, "Latitude": 37.94, "Longitude": -122.41, "Population": 89.0}, {"index": 1794, "quantile": 0.25, "value": 275000.0, "Latitude": 37.94, "Longitude": -122.41, "Population": 89.0}, {"index": 1794, "quantile": 0.5, "value": 275000.0, "Latitude": 37.94, "Longitude": -122.41, "Population": 89.0}, {"index": 1794, "quantile": 0.75, "value": 275000.0, "Latitude": 37.94, "Longitude": -122.41, "Population": 89.0}, {"index": 1794, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.41, "Population": 89.0}, {"index": 1795, "quantile": 0.0, "value": 57599.99999999999, "Latitude": 37.93, "Longitude": -122.34, "Population": 1327.0}, {"index": 1795, "quantile": 0.25, "value": 95000.0, "Latitude": 37.93, "Longitude": -122.34, "Population": 1327.0}, {"index": 1795, "quantile": 0.5, "value": 95000.0, "Latitude": 37.93, "Longitude": -122.34, "Population": 1327.0}, {"index": 1795, "quantile": 0.75, "value": 95000.0, "Latitude": 37.93, "Longitude": -122.34, "Population": 1327.0}, {"index": 1795, "quantile": 1.0, "value": 193800.0, "Latitude": 37.93, "Longitude": -122.34, "Population": 1327.0}, {"index": 1796, "quantile": 0.0, "value": 46200.0, "Latitude": 37.93, "Longitude": -122.35, "Population": 1166.0}, {"index": 1796, "quantile": 0.25, "value": 91500.0, "Latitude": 37.93, "Longitude": -122.35, "Population": 1166.0}, {"index": 1796, "quantile": 0.5, "value": 91500.0, "Latitude": 37.93, "Longitude": -122.35, "Population": 1166.0}, {"index": 1796, "quantile": 0.75, "value": 91500.0, "Latitude": 37.93, "Longitude": -122.35, "Population": 1166.0}, {"index": 1796, "quantile": 1.0, "value": 112200.00000000001, "Latitude": 37.93, "Longitude": -122.35, "Population": 1166.0}, {"index": 1797, "quantile": 0.0, "value": 37900.0, "Latitude": 37.93, "Longitude": -122.36, "Population": 1047.0}, {"index": 1797, "quantile": 0.25, "value": 87000.0, "Latitude": 37.93, "Longitude": -122.36, "Population": 1047.0}, {"index": 1797, "quantile": 0.5, "value": 108900.0, "Latitude": 37.93, "Longitude": -122.36, "Population": 1047.0}, {"index": 1797, "quantile": 0.75, "value": 150500.0, "Latitude": 37.93, "Longitude": -122.36, "Population": 1047.0}, {"index": 1797, "quantile": 1.0, "value": 450000.0, "Latitude": 37.93, "Longitude": -122.36, "Population": 1047.0}, {"index": 1798, "quantile": 0.0, "value": 70500.0, "Latitude": 37.93, "Longitude": -122.36, "Population": 1107.0}, {"index": 1798, "quantile": 0.25, "value": 87000.0, "Latitude": 37.93, "Longitude": -122.36, "Population": 1107.0}, {"index": 1798, "quantile": 0.5, "value": 87000.0, "Latitude": 37.93, "Longitude": -122.36, "Population": 1107.0}, {"index": 1798, "quantile": 0.75, "value": 91275.0, "Latitude": 37.93, "Longitude": -122.36, "Population": 1107.0}, {"index": 1798, "quantile": 1.0, "value": 146000.0, "Latitude": 37.93, "Longitude": -122.36, "Population": 1107.0}, {"index": 1799, "quantile": 0.0, "value": 37900.0, "Latitude": 37.93, "Longitude": -122.37, "Population": 644.0}, {"index": 1799, "quantile": 0.25, "value": 69100.0, "Latitude": 37.93, "Longitude": -122.37, "Population": 644.0}, {"index": 1799, "quantile": 0.5, "value": 88300.0, "Latitude": 37.93, "Longitude": -122.37, "Population": 644.0}, {"index": 1799, "quantile": 0.75, "value": 112500.0, "Latitude": 37.93, "Longitude": -122.37, "Population": 644.0}, {"index": 1799, "quantile": 1.0, "value": 270000.0, "Latitude": 37.93, "Longitude": -122.37, "Population": 644.0}, {"index": 1800, "quantile": 0.0, "value": 66100.0, "Latitude": 37.91, "Longitude": -122.33, "Population": 1437.0}, {"index": 1800, "quantile": 0.25, "value": 93800.0, "Latitude": 37.91, "Longitude": -122.33, "Population": 1437.0}, {"index": 1800, "quantile": 0.5, "value": 93800.0, "Latitude": 37.91, "Longitude": -122.33, "Population": 1437.0}, {"index": 1800, "quantile": 0.75, "value": 93800.0, "Latitude": 37.91, "Longitude": -122.33, "Population": 1437.0}, {"index": 1800, "quantile": 1.0, "value": 146900.0, "Latitude": 37.91, "Longitude": -122.33, "Population": 1437.0}, {"index": 1801, "quantile": 0.0, "value": 37900.0, "Latitude": 37.92, "Longitude": -122.35, "Population": 585.0}, {"index": 1801, "quantile": 0.25, "value": 87350.0, "Latitude": 37.92, "Longitude": -122.35, "Population": 585.0}, {"index": 1801, "quantile": 0.5, "value": 115950.0, "Latitude": 37.92, "Longitude": -122.35, "Population": 585.0}, {"index": 1801, "quantile": 0.75, "value": 147550.0, "Latitude": 37.92, "Longitude": -122.35, "Population": 585.0}, {"index": 1801, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.92, "Longitude": -122.35, "Population": 585.0}, {"index": 1802, "quantile": 0.0, "value": 34200.0, "Latitude": 37.92, "Longitude": -122.36, "Population": 126.0}, {"index": 1802, "quantile": 0.25, "value": 104200.0, "Latitude": 37.92, "Longitude": -122.36, "Population": 126.0}, {"index": 1802, "quantile": 0.5, "value": 104200.0, "Latitude": 37.92, "Longitude": -122.36, "Population": 126.0}, {"index": 1802, "quantile": 0.75, "value": 112400.00000000001, "Latitude": 37.92, "Longitude": -122.36, "Population": 126.0}, {"index": 1802, "quantile": 1.0, "value": 450000.0, "Latitude": 37.92, "Longitude": -122.36, "Population": 126.0}, {"index": 1803, "quantile": 0.0, "value": 130200.0, "Latitude": 37.91, "Longitude": -122.35, "Population": 1285.0}, {"index": 1803, "quantile": 0.25, "value": 186800.0, "Latitude": 37.91, "Longitude": -122.35, "Population": 1285.0}, {"index": 1803, "quantile": 0.5, "value": 186800.0, "Latitude": 37.91, "Longitude": -122.35, "Population": 1285.0}, {"index": 1803, "quantile": 0.75, "value": 194150.0, "Latitude": 37.91, "Longitude": -122.35, "Population": 1285.0}, {"index": 1803, "quantile": 1.0, "value": 387200.0, "Latitude": 37.91, "Longitude": -122.35, "Population": 1285.0}, {"index": 1804, "quantile": 0.0, "value": 84300.0, "Latitude": 37.93, "Longitude": -122.33, "Population": 1356.0}, {"index": 1804, "quantile": 0.25, "value": 90300.0, "Latitude": 37.93, "Longitude": -122.33, "Population": 1356.0}, {"index": 1804, "quantile": 0.5, "value": 90300.0, "Latitude": 37.93, "Longitude": -122.33, "Population": 1356.0}, {"index": 1804, "quantile": 0.75, "value": 92075.0, "Latitude": 37.93, "Longitude": -122.33, "Population": 1356.0}, {"index": 1804, "quantile": 1.0, "value": 166200.0, "Latitude": 37.93, "Longitude": -122.33, "Population": 1356.0}, {"index": 1805, "quantile": 0.0, "value": 22500.0, "Latitude": 37.93, "Longitude": -122.33, "Population": 1220.0}, {"index": 1805, "quantile": 0.25, "value": 111600.00000000001, "Latitude": 37.93, "Longitude": -122.33, "Population": 1220.0}, {"index": 1805, "quantile": 0.5, "value": 134350.0, "Latitude": 37.93, "Longitude": -122.33, "Population": 1220.0}, {"index": 1805, "quantile": 0.75, "value": 152725.0, "Latitude": 37.93, "Longitude": -122.33, "Population": 1220.0}, {"index": 1805, "quantile": 1.0, "value": 237300.00000000003, "Latitude": 37.93, "Longitude": -122.33, "Population": 1220.0}, {"index": 1806, "quantile": 0.0, "value": 37900.0, "Latitude": 37.93, "Longitude": -122.34, "Population": 1672.0}, {"index": 1806, "quantile": 0.25, "value": 88300.0, "Latitude": 37.93, "Longitude": -122.34, "Population": 1672.0}, {"index": 1806, "quantile": 0.5, "value": 88300.0, "Latitude": 37.93, "Longitude": -122.34, "Population": 1672.0}, {"index": 1806, "quantile": 0.75, "value": 88300.0, "Latitude": 37.93, "Longitude": -122.34, "Population": 1672.0}, {"index": 1806, "quantile": 1.0, "value": 350000.0, "Latitude": 37.93, "Longitude": -122.34, "Population": 1672.0}, {"index": 1807, "quantile": 0.0, "value": 22500.0, "Latitude": 37.93, "Longitude": -122.34, "Population": 1304.0}, {"index": 1807, "quantile": 0.25, "value": 112100.0, "Latitude": 37.93, "Longitude": -122.34, "Population": 1304.0}, {"index": 1807, "quantile": 0.5, "value": 112100.0, "Latitude": 37.93, "Longitude": -122.34, "Population": 1304.0}, {"index": 1807, "quantile": 0.75, "value": 112100.0, "Latitude": 37.93, "Longitude": -122.34, "Population": 1304.0}, {"index": 1807, "quantile": 1.0, "value": 211800.0, "Latitude": 37.93, "Longitude": -122.34, "Population": 1304.0}, {"index": 1808, "quantile": 0.0, "value": 67500.0, "Latitude": 37.93, "Longitude": -122.35, "Population": 198.0}, {"index": 1808, "quantile": 0.25, "value": 156300.0, "Latitude": 37.93, "Longitude": -122.35, "Population": 198.0}, {"index": 1808, "quantile": 0.5, "value": 156300.0, "Latitude": 37.93, "Longitude": -122.35, "Population": 198.0}, {"index": 1808, "quantile": 0.75, "value": 156300.0, "Latitude": 37.93, "Longitude": -122.35, "Population": 198.0}, {"index": 1808, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.93, "Longitude": -122.35, "Population": 198.0}, {"index": 1809, "quantile": 0.0, "value": 134100.0, "Latitude": 37.92, "Longitude": -122.32, "Population": 1377.0}, {"index": 1809, "quantile": 0.25, "value": 140600.0, "Latitude": 37.92, "Longitude": -122.32, "Population": 1377.0}, {"index": 1809, "quantile": 0.5, "value": 140600.0, "Latitude": 37.92, "Longitude": -122.32, "Population": 1377.0}, {"index": 1809, "quantile": 0.75, "value": 186125.0, "Latitude": 37.92, "Longitude": -122.32, "Population": 1377.0}, {"index": 1809, "quantile": 1.0, "value": 350000.0, "Latitude": 37.92, "Longitude": -122.32, "Population": 1377.0}, {"index": 1810, "quantile": 0.0, "value": 62300.0, "Latitude": 37.92, "Longitude": -122.33, "Population": 2512.0}, {"index": 1810, "quantile": 0.25, "value": 108975.0, "Latitude": 37.92, "Longitude": -122.33, "Population": 2512.0}, {"index": 1810, "quantile": 0.5, "value": 122400.0, "Latitude": 37.92, "Longitude": -122.33, "Population": 2512.0}, {"index": 1810, "quantile": 0.75, "value": 122400.0, "Latitude": 37.92, "Longitude": -122.33, "Population": 2512.0}, {"index": 1810, "quantile": 1.0, "value": 225000.0, "Latitude": 37.92, "Longitude": -122.33, "Population": 2512.0}, {"index": 1811, "quantile": 0.0, "value": 103699.99999999999, "Latitude": 37.92, "Longitude": -122.32, "Population": 2606.0}, {"index": 1811, "quantile": 0.25, "value": 152700.0, "Latitude": 37.92, "Longitude": -122.32, "Population": 2606.0}, {"index": 1811, "quantile": 0.5, "value": 181150.0, "Latitude": 37.92, "Longitude": -122.32, "Population": 2606.0}, {"index": 1811, "quantile": 0.75, "value": 242525.0, "Latitude": 37.92, "Longitude": -122.32, "Population": 2606.0}, {"index": 1811, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.92, "Longitude": -122.32, "Population": 2606.0}, {"index": 1812, "quantile": 0.0, "value": 22500.0, "Latitude": 37.91, "Longitude": -122.32, "Population": 1341.0}, {"index": 1812, "quantile": 0.25, "value": 119600.0, "Latitude": 37.91, "Longitude": -122.32, "Population": 1341.0}, {"index": 1812, "quantile": 0.5, "value": 119600.0, "Latitude": 37.91, "Longitude": -122.32, "Population": 1341.0}, {"index": 1812, "quantile": 0.75, "value": 119600.0, "Latitude": 37.91, "Longitude": -122.32, "Population": 1341.0}, {"index": 1812, "quantile": 1.0, "value": 272900.0, "Latitude": 37.91, "Longitude": -122.32, "Population": 1341.0}, {"index": 1813, "quantile": 0.0, "value": 112500.0, "Latitude": 37.91, "Longitude": -122.31, "Population": 1417.0}, {"index": 1813, "quantile": 0.25, "value": 167800.0, "Latitude": 37.91, "Longitude": -122.31, "Population": 1417.0}, {"index": 1813, "quantile": 0.5, "value": 167800.0, "Latitude": 37.91, "Longitude": -122.31, "Population": 1417.0}, {"index": 1813, "quantile": 0.75, "value": 192100.0, "Latitude": 37.91, "Longitude": -122.31, "Population": 1417.0}, {"index": 1813, "quantile": 1.0, "value": 307600.0, "Latitude": 37.91, "Longitude": -122.31, "Population": 1417.0}, {"index": 1814, "quantile": 0.0, "value": 141600.0, "Latitude": 37.91, "Longitude": -122.31, "Population": 1060.0}, {"index": 1814, "quantile": 0.25, "value": 178400.0, "Latitude": 37.91, "Longitude": -122.31, "Population": 1060.0}, {"index": 1814, "quantile": 0.5, "value": 178400.0, "Latitude": 37.91, "Longitude": -122.31, "Population": 1060.0}, {"index": 1814, "quantile": 0.75, "value": 224200.0, "Latitude": 37.91, "Longitude": -122.31, "Population": 1060.0}, {"index": 1814, "quantile": 1.0, "value": 459999.99999999994, "Latitude": 37.91, "Longitude": -122.31, "Population": 1060.0}, {"index": 1815, "quantile": 0.0, "value": 111600.00000000001, "Latitude": 37.91, "Longitude": -122.31, "Population": 1992.0}, {"index": 1815, "quantile": 0.25, "value": 177800.0, "Latitude": 37.91, "Longitude": -122.31, "Population": 1992.0}, {"index": 1815, "quantile": 0.5, "value": 177800.0, "Latitude": 37.91, "Longitude": -122.31, "Population": 1992.0}, {"index": 1815, "quantile": 0.75, "value": 201274.99999999997, "Latitude": 37.91, "Longitude": -122.31, "Population": 1992.0}, {"index": 1815, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.31, "Population": 1992.0}, {"index": 1816, "quantile": 0.0, "value": 143300.0, "Latitude": 37.93, "Longitude": -122.31, "Population": 872.0}, {"index": 1816, "quantile": 0.25, "value": 286500.0, "Latitude": 37.93, "Longitude": -122.31, "Population": 872.0}, {"index": 1816, "quantile": 0.5, "value": 286500.0, "Latitude": 37.93, "Longitude": -122.31, "Population": 872.0}, {"index": 1816, "quantile": 0.75, "value": 311400.0, "Latitude": 37.93, "Longitude": -122.31, "Population": 872.0}, {"index": 1816, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.93, "Longitude": -122.31, "Population": 872.0}, {"index": 1817, "quantile": 0.0, "value": 185000.0, "Latitude": 37.93, "Longitude": -122.31, "Population": 917.0}, {"index": 1817, "quantile": 0.25, "value": 239374.99999999997, "Latitude": 37.93, "Longitude": -122.31, "Population": 917.0}, {"index": 1817, "quantile": 0.5, "value": 287250.0, "Latitude": 37.93, "Longitude": -122.31, "Population": 917.0}, {"index": 1817, "quantile": 0.75, "value": 336700.0, "Latitude": 37.93, "Longitude": -122.31, "Population": 917.0}, {"index": 1817, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.93, "Longitude": -122.31, "Population": 917.0}, {"index": 1818, "quantile": 0.0, "value": 143300.0, "Latitude": 37.93, "Longitude": -122.32, "Population": 1103.0}, {"index": 1818, "quantile": 0.25, "value": 253925.0, "Latitude": 37.93, "Longitude": -122.32, "Population": 1103.0}, {"index": 1818, "quantile": 0.5, "value": 307800.0, "Latitude": 37.93, "Longitude": -122.32, "Population": 1103.0}, {"index": 1818, "quantile": 0.75, "value": 387700.0, "Latitude": 37.93, "Longitude": -122.32, "Population": 1103.0}, {"index": 1818, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.93, "Longitude": -122.32, "Population": 1103.0}, {"index": 1819, "quantile": 0.0, "value": 160100.0, "Latitude": 37.94, "Longitude": -122.32, "Population": 697.0}, {"index": 1819, "quantile": 0.25, "value": 349200.0, "Latitude": 37.94, "Longitude": -122.32, "Population": 697.0}, {"index": 1819, "quantile": 0.5, "value": 404450.0, "Latitude": 37.94, "Longitude": -122.32, "Population": 697.0}, {"index": 1819, "quantile": 0.75, "value": 431574.99999999994, "Latitude": 37.94, "Longitude": -122.32, "Population": 697.0}, {"index": 1819, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.32, "Population": 697.0}, {"index": 1820, "quantile": 0.0, "value": 193200.0, "Latitude": 37.92, "Longitude": -122.3, "Population": 1524.0}, {"index": 1820, "quantile": 0.25, "value": 311400.0, "Latitude": 37.92, "Longitude": -122.3, "Population": 1524.0}, {"index": 1820, "quantile": 0.5, "value": 349200.0, "Latitude": 37.92, "Longitude": -122.3, "Population": 1524.0}, {"index": 1820, "quantile": 0.75, "value": 433300.0, "Latitude": 37.92, "Longitude": -122.3, "Population": 1524.0}, {"index": 1820, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.3, "Population": 1524.0}, {"index": 1821, "quantile": 0.0, "value": 136000.0, "Latitude": 37.92, "Longitude": -122.29, "Population": 235.0}, {"index": 1821, "quantile": 0.25, "value": 250825.0, "Latitude": 37.92, "Longitude": -122.29, "Population": 235.0}, {"index": 1821, "quantile": 0.5, "value": 318300.0, "Latitude": 37.92, "Longitude": -122.29, "Population": 235.0}, {"index": 1821, "quantile": 0.75, "value": 405100.0, "Latitude": 37.92, "Longitude": -122.29, "Population": 235.0}, {"index": 1821, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.29, "Population": 235.0}, {"index": 1822, "quantile": 0.0, "value": 218600.0, "Latitude": 37.92, "Longitude": -122.29, "Population": 602.0}, {"index": 1822, "quantile": 0.25, "value": 396625.0, "Latitude": 37.92, "Longitude": -122.29, "Population": 602.0}, {"index": 1822, "quantile": 0.5, "value": 401000.0, "Latitude": 37.92, "Longitude": -122.29, "Population": 602.0}, {"index": 1822, "quantile": 0.75, "value": 401000.0, "Latitude": 37.92, "Longitude": -122.29, "Population": 602.0}, {"index": 1822, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.29, "Population": 602.0}, {"index": 1823, "quantile": 0.0, "value": 150900.0, "Latitude": 37.93, "Longitude": -122.3, "Population": 715.0}, {"index": 1823, "quantile": 0.25, "value": 304000.0, "Latitude": 37.93, "Longitude": -122.3, "Population": 715.0}, {"index": 1823, "quantile": 0.5, "value": 304000.0, "Latitude": 37.93, "Longitude": -122.3, "Population": 715.0}, {"index": 1823, "quantile": 0.75, "value": 304000.0, "Latitude": 37.93, "Longitude": -122.3, "Population": 715.0}, {"index": 1823, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.93, "Longitude": -122.3, "Population": 715.0}, {"index": 1824, "quantile": 0.0, "value": 129900.0, "Latitude": 37.93, "Longitude": -122.31, "Population": 696.0}, {"index": 1824, "quantile": 0.25, "value": 178050.0, "Latitude": 37.93, "Longitude": -122.31, "Population": 696.0}, {"index": 1824, "quantile": 0.5, "value": 261900.00000000003, "Latitude": 37.93, "Longitude": -122.31, "Population": 696.0}, {"index": 1824, "quantile": 0.75, "value": 261900.00000000003, "Latitude": 37.93, "Longitude": -122.31, "Population": 696.0}, {"index": 1824, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.93, "Longitude": -122.31, "Population": 696.0}, {"index": 1825, "quantile": 0.0, "value": 22500.0, "Latitude": 37.93, "Longitude": -122.32, "Population": 216.0}, {"index": 1825, "quantile": 0.25, "value": 22500.0, "Latitude": 37.93, "Longitude": -122.32, "Population": 216.0}, {"index": 1825, "quantile": 0.5, "value": 22500.0, "Latitude": 37.93, "Longitude": -122.32, "Population": 216.0}, {"index": 1825, "quantile": 0.75, "value": 100075.0, "Latitude": 37.93, "Longitude": -122.32, "Population": 216.0}, {"index": 1825, "quantile": 1.0, "value": 475000.0, "Latitude": 37.93, "Longitude": -122.32, "Population": 216.0}, {"index": 1826, "quantile": 0.0, "value": 22500.0, "Latitude": 37.92, "Longitude": -122.31, "Population": 537.0}, {"index": 1826, "quantile": 0.25, "value": 104299.99999999999, "Latitude": 37.92, "Longitude": -122.31, "Population": 537.0}, {"index": 1826, "quantile": 0.5, "value": 129200.0, "Latitude": 37.92, "Longitude": -122.31, "Population": 537.0}, {"index": 1826, "quantile": 0.75, "value": 154000.0, "Latitude": 37.92, "Longitude": -122.31, "Population": 537.0}, {"index": 1826, "quantile": 1.0, "value": 275000.0, "Latitude": 37.92, "Longitude": -122.31, "Population": 537.0}, {"index": 1827, "quantile": 0.0, "value": 110400.00000000001, "Latitude": 37.92, "Longitude": -122.31, "Population": 631.0}, {"index": 1827, "quantile": 0.25, "value": 220100.0, "Latitude": 37.92, "Longitude": -122.31, "Population": 631.0}, {"index": 1827, "quantile": 0.5, "value": 220100.0, "Latitude": 37.92, "Longitude": -122.31, "Population": 631.0}, {"index": 1827, "quantile": 0.75, "value": 220100.0, "Latitude": 37.92, "Longitude": -122.31, "Population": 631.0}, {"index": 1827, "quantile": 1.0, "value": 420000.0, "Latitude": 37.92, "Longitude": -122.31, "Population": 631.0}, {"index": 1828, "quantile": 0.0, "value": 60000.0, "Latitude": 37.92, "Longitude": -122.31, "Population": 983.0}, {"index": 1828, "quantile": 0.25, "value": 195800.0, "Latitude": 37.92, "Longitude": -122.31, "Population": 983.0}, {"index": 1828, "quantile": 0.5, "value": 195800.0, "Latitude": 37.92, "Longitude": -122.31, "Population": 983.0}, {"index": 1828, "quantile": 0.75, "value": 195800.0, "Latitude": 37.92, "Longitude": -122.31, "Population": 983.0}, {"index": 1828, "quantile": 1.0, "value": 275000.0, "Latitude": 37.92, "Longitude": -122.31, "Population": 983.0}, {"index": 1829, "quantile": 0.0, "value": 90600.0, "Latitude": 37.92, "Longitude": -122.32, "Population": 565.0}, {"index": 1829, "quantile": 0.25, "value": 135800.0, "Latitude": 37.92, "Longitude": -122.32, "Population": 565.0}, {"index": 1829, "quantile": 0.5, "value": 175500.0, "Latitude": 37.92, "Longitude": -122.32, "Population": 565.0}, {"index": 1829, "quantile": 0.75, "value": 247300.0, "Latitude": 37.92, "Longitude": -122.32, "Population": 565.0}, {"index": 1829, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.92, "Longitude": -122.32, "Population": 565.0}, {"index": 1830, "quantile": 0.0, "value": 85900.0, "Latitude": 37.92, "Longitude": -122.31, "Population": 900.0}, {"index": 1830, "quantile": 0.25, "value": 177800.0, "Latitude": 37.92, "Longitude": -122.31, "Population": 900.0}, {"index": 1830, "quantile": 0.5, "value": 236050.0, "Latitude": 37.92, "Longitude": -122.31, "Population": 900.0}, {"index": 1830, "quantile": 0.75, "value": 307400.0, "Latitude": 37.92, "Longitude": -122.31, "Population": 900.0}, {"index": 1830, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.31, "Population": 900.0}, {"index": 1831, "quantile": 0.0, "value": 108400.00000000001, "Latitude": 37.92, "Longitude": -122.3, "Population": 710.0}, {"index": 1831, "quantile": 0.25, "value": 177800.0, "Latitude": 37.92, "Longitude": -122.3, "Population": 710.0}, {"index": 1831, "quantile": 0.5, "value": 194400.0, "Latitude": 37.92, "Longitude": -122.3, "Population": 710.0}, {"index": 1831, "quantile": 0.75, "value": 261900.00000000003, "Latitude": 37.92, "Longitude": -122.3, "Population": 710.0}, {"index": 1831, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.3, "Population": 710.0}, {"index": 1832, "quantile": 0.0, "value": 73400.0, "Latitude": 37.91, "Longitude": -122.31, "Population": 681.0}, {"index": 1832, "quantile": 0.25, "value": 162500.0, "Latitude": 37.91, "Longitude": -122.31, "Population": 681.0}, {"index": 1832, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 37.91, "Longitude": -122.31, "Population": 681.0}, {"index": 1832, "quantile": 0.75, "value": 228974.99999999997, "Latitude": 37.91, "Longitude": -122.31, "Population": 681.0}, {"index": 1832, "quantile": 1.0, "value": 375000.0, "Latitude": 37.91, "Longitude": -122.31, "Population": 681.0}, {"index": 1833, "quantile": 0.0, "value": 87500.0, "Latitude": 37.91, "Longitude": -122.3, "Population": 1159.0}, {"index": 1833, "quantile": 0.25, "value": 200400.0, "Latitude": 37.91, "Longitude": -122.3, "Population": 1159.0}, {"index": 1833, "quantile": 0.5, "value": 200400.0, "Latitude": 37.91, "Longitude": -122.3, "Population": 1159.0}, {"index": 1833, "quantile": 0.75, "value": 200400.0, "Latitude": 37.91, "Longitude": -122.3, "Population": 1159.0}, {"index": 1833, "quantile": 1.0, "value": 360300.0, "Latitude": 37.91, "Longitude": -122.3, "Population": 1159.0}, {"index": 1834, "quantile": 0.0, "value": 87500.0, "Latitude": 37.91, "Longitude": -122.3, "Population": 1305.0}, {"index": 1834, "quantile": 0.25, "value": 209100.00000000003, "Latitude": 37.91, "Longitude": -122.3, "Population": 1305.0}, {"index": 1834, "quantile": 0.5, "value": 209100.00000000003, "Latitude": 37.91, "Longitude": -122.3, "Population": 1305.0}, {"index": 1834, "quantile": 0.75, "value": 211375.0, "Latitude": 37.91, "Longitude": -122.3, "Population": 1305.0}, {"index": 1834, "quantile": 1.0, "value": 361900.0, "Latitude": 37.91, "Longitude": -122.3, "Population": 1305.0}, {"index": 1835, "quantile": 0.0, "value": 74300.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 912.0}, {"index": 1835, "quantile": 0.25, "value": 171600.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 912.0}, {"index": 1835, "quantile": 0.5, "value": 200400.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 912.0}, {"index": 1835, "quantile": 0.75, "value": 233100.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 912.0}, {"index": 1835, "quantile": 1.0, "value": 415000.00000000006, "Latitude": 37.9, "Longitude": -122.3, "Population": 912.0}, {"index": 1836, "quantile": 0.0, "value": 139100.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 873.0}, {"index": 1836, "quantile": 0.25, "value": 223000.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 873.0}, {"index": 1836, "quantile": 0.5, "value": 223000.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 873.0}, {"index": 1836, "quantile": 0.75, "value": 223000.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 873.0}, {"index": 1836, "quantile": 1.0, "value": 458300.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 873.0}, {"index": 1837, "quantile": 0.0, "value": 37900.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 688.0}, {"index": 1837, "quantile": 0.25, "value": 141700.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 688.0}, {"index": 1837, "quantile": 0.5, "value": 141700.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 688.0}, {"index": 1837, "quantile": 0.75, "value": 171225.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 688.0}, {"index": 1837, "quantile": 1.0, "value": 338900.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 688.0}, {"index": 1838, "quantile": 0.0, "value": 37900.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 880.0}, {"index": 1838, "quantile": 0.25, "value": 162500.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 880.0}, {"index": 1838, "quantile": 0.5, "value": 162500.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 880.0}, {"index": 1838, "quantile": 0.75, "value": 165900.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 880.0}, {"index": 1838, "quantile": 1.0, "value": 336800.0, "Latitude": 37.9, "Longitude": -122.3, "Population": 880.0}, {"index": 1839, "quantile": 0.0, "value": 263200.0, "Latitude": 37.92, "Longitude": -122.29, "Population": 568.0}, {"index": 1839, "quantile": 0.25, "value": 311400.0, "Latitude": 37.92, "Longitude": -122.29, "Population": 568.0}, {"index": 1839, "quantile": 0.5, "value": 311400.0, "Latitude": 37.92, "Longitude": -122.29, "Population": 568.0}, {"index": 1839, "quantile": 0.75, "value": 340175.0, "Latitude": 37.92, "Longitude": -122.29, "Population": 568.0}, {"index": 1839, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.29, "Population": 568.0}, {"index": 1840, "quantile": 0.0, "value": 183400.0, "Latitude": 37.91, "Longitude": -122.29, "Population": 905.0}, {"index": 1840, "quantile": 0.25, "value": 263200.0, "Latitude": 37.91, "Longitude": -122.29, "Population": 905.0}, {"index": 1840, "quantile": 0.5, "value": 263200.0, "Latitude": 37.91, "Longitude": -122.29, "Population": 905.0}, {"index": 1840, "quantile": 0.75, "value": 271200.0, "Latitude": 37.91, "Longitude": -122.29, "Population": 905.0}, {"index": 1840, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.29, "Population": 905.0}, {"index": 1841, "quantile": 0.0, "value": 139100.0, "Latitude": 37.91, "Longitude": -122.29, "Population": 748.0}, {"index": 1841, "quantile": 0.25, "value": 262000.0, "Latitude": 37.91, "Longitude": -122.29, "Population": 748.0}, {"index": 1841, "quantile": 0.5, "value": 262000.0, "Latitude": 37.91, "Longitude": -122.29, "Population": 748.0}, {"index": 1841, "quantile": 0.75, "value": 262000.0, "Latitude": 37.91, "Longitude": -122.29, "Population": 748.0}, {"index": 1841, "quantile": 1.0, "value": 411100.0, "Latitude": 37.91, "Longitude": -122.29, "Population": 748.0}, {"index": 1842, "quantile": 0.0, "value": 143300.0, "Latitude": 37.91, "Longitude": -122.29, "Population": 796.0}, {"index": 1842, "quantile": 0.25, "value": 273700.0, "Latitude": 37.91, "Longitude": -122.29, "Population": 796.0}, {"index": 1842, "quantile": 0.5, "value": 273700.0, "Latitude": 37.91, "Longitude": -122.29, "Population": 796.0}, {"index": 1842, "quantile": 0.75, "value": 332425.0, "Latitude": 37.91, "Longitude": -122.29, "Population": 796.0}, {"index": 1842, "quantile": 1.0, "value": 477299.99999999994, "Latitude": 37.91, "Longitude": -122.29, "Population": 796.0}, {"index": 1843, "quantile": 0.0, "value": 228799.99999999997, "Latitude": 37.9, "Longitude": -122.29, "Population": 1131.0}, {"index": 1843, "quantile": 0.25, "value": 234900.00000000003, "Latitude": 37.9, "Longitude": -122.29, "Population": 1131.0}, {"index": 1843, "quantile": 0.5, "value": 234900.00000000003, "Latitude": 37.9, "Longitude": -122.29, "Population": 1131.0}, {"index": 1843, "quantile": 0.75, "value": 238975.00000000003, "Latitude": 37.9, "Longitude": -122.29, "Population": 1131.0}, {"index": 1843, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.29, "Population": 1131.0}, {"index": 1844, "quantile": 0.0, "value": 295500.0, "Latitude": 37.91, "Longitude": -122.28, "Population": 805.0}, {"index": 1844, "quantile": 0.25, "value": 358500.0, "Latitude": 37.91, "Longitude": -122.28, "Population": 805.0}, {"index": 1844, "quantile": 0.5, "value": 358500.0, "Latitude": 37.91, "Longitude": -122.28, "Population": 805.0}, {"index": 1844, "quantile": 0.75, "value": 358800.0, "Latitude": 37.91, "Longitude": -122.28, "Population": 805.0}, {"index": 1844, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.28, "Population": 805.0}, {"index": 1845, "quantile": 0.0, "value": 275000.0, "Latitude": 37.9, "Longitude": -122.28, "Population": 1148.0}, {"index": 1845, "quantile": 0.25, "value": 343550.0, "Latitude": 37.9, "Longitude": -122.28, "Population": 1148.0}, {"index": 1845, "quantile": 0.5, "value": 373600.0, "Latitude": 37.9, "Longitude": -122.28, "Population": 1148.0}, {"index": 1845, "quantile": 0.75, "value": 400249.99999999994, "Latitude": 37.9, "Longitude": -122.28, "Population": 1148.0}, {"index": 1845, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.28, "Population": 1148.0}, {"index": 1846, "quantile": 0.0, "value": 112500.0, "Latitude": 37.9, "Longitude": -122.28, "Population": 490.0}, {"index": 1846, "quantile": 0.25, "value": 229700.00000000003, "Latitude": 37.9, "Longitude": -122.28, "Population": 490.0}, {"index": 1846, "quantile": 0.5, "value": 270900.0, "Latitude": 37.9, "Longitude": -122.28, "Population": 490.0}, {"index": 1846, "quantile": 0.75, "value": 312975.0, "Latitude": 37.9, "Longitude": -122.28, "Population": 490.0}, {"index": 1846, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.28, "Population": 490.0}, {"index": 1847, "quantile": 0.0, "value": 176600.0, "Latitude": 37.91, "Longitude": -122.28, "Population": 1053.0}, {"index": 1847, "quantile": 0.25, "value": 302100.0, "Latitude": 37.91, "Longitude": -122.28, "Population": 1053.0}, {"index": 1847, "quantile": 0.5, "value": 367700.0, "Latitude": 37.91, "Longitude": -122.28, "Population": 1053.0}, {"index": 1847, "quantile": 0.75, "value": 400850.0, "Latitude": 37.91, "Longitude": -122.28, "Population": 1053.0}, {"index": 1847, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.28, "Population": 1053.0}, {"index": 1848, "quantile": 0.0, "value": 169300.0, "Latitude": 37.91, "Longitude": -122.27, "Population": 692.0}, {"index": 1848, "quantile": 0.25, "value": 342200.0, "Latitude": 37.91, "Longitude": -122.27, "Population": 692.0}, {"index": 1848, "quantile": 0.5, "value": 358500.0, "Latitude": 37.91, "Longitude": -122.27, "Population": 692.0}, {"index": 1848, "quantile": 0.75, "value": 394000.0, "Latitude": 37.91, "Longitude": -122.27, "Population": 692.0}, {"index": 1848, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.27, "Population": 692.0}, {"index": 1849, "quantile": 0.0, "value": 228700.0, "Latitude": 37.91, "Longitude": -122.28, "Population": 685.0}, {"index": 1849, "quantile": 0.25, "value": 331200.0, "Latitude": 37.91, "Longitude": -122.28, "Population": 685.0}, {"index": 1849, "quantile": 0.5, "value": 331200.0, "Latitude": 37.91, "Longitude": -122.28, "Population": 685.0}, {"index": 1849, "quantile": 0.75, "value": 362900.0, "Latitude": 37.91, "Longitude": -122.28, "Population": 685.0}, {"index": 1849, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.28, "Population": 685.0}, {"index": 1850, "quantile": 0.0, "value": 73600.0, "Latitude": 41.8, "Longitude": -124.17, "Population": 1259.0}, {"index": 1850, "quantile": 0.25, "value": 109400.00000000001, "Latitude": 41.8, "Longitude": -124.17, "Population": 1259.0}, {"index": 1850, "quantile": 0.5, "value": 109400.00000000001, "Latitude": 41.8, "Longitude": -124.17, "Population": 1259.0}, {"index": 1850, "quantile": 0.75, "value": 119900.0, "Latitude": 41.8, "Longitude": -124.17, "Population": 1259.0}, {"index": 1850, "quantile": 1.0, "value": 164100.0, "Latitude": 41.8, "Longitude": -124.17, "Population": 1259.0}, {"index": 1851, "quantile": 0.0, "value": 50000.0, "Latitude": 41.8, "Longitude": -124.3, "Population": 1298.0}, {"index": 1851, "quantile": 0.25, "value": 71100.0, "Latitude": 41.8, "Longitude": -124.3, "Population": 1298.0}, {"index": 1851, "quantile": 0.5, "value": 85800.0, "Latitude": 41.8, "Longitude": -124.3, "Population": 1298.0}, {"index": 1851, "quantile": 0.75, "value": 85800.0, "Latitude": 41.8, "Longitude": -124.3, "Population": 1298.0}, {"index": 1851, "quantile": 1.0, "value": 105900.0, "Latitude": 41.8, "Longitude": -124.3, "Population": 1298.0}, {"index": 1852, "quantile": 0.0, "value": 64500.0, "Latitude": 41.75, "Longitude": -124.23, "Population": 1343.0}, {"index": 1852, "quantile": 0.25, "value": 73200.0, "Latitude": 41.75, "Longitude": -124.23, "Population": 1343.0}, {"index": 1852, "quantile": 0.5, "value": 73200.0, "Latitude": 41.75, "Longitude": -124.23, "Population": 1343.0}, {"index": 1852, "quantile": 0.75, "value": 92600.0, "Latitude": 41.75, "Longitude": -124.23, "Population": 1343.0}, {"index": 1852, "quantile": 1.0, "value": 152700.0, "Latitude": 41.75, "Longitude": -124.23, "Population": 1343.0}, {"index": 1853, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 41.77, "Longitude": -124.21, "Population": 1947.0}, {"index": 1853, "quantile": 0.25, "value": 68400.0, "Latitude": 41.77, "Longitude": -124.21, "Population": 1947.0}, {"index": 1853, "quantile": 0.5, "value": 68400.0, "Latitude": 41.77, "Longitude": -124.21, "Population": 1947.0}, {"index": 1853, "quantile": 0.75, "value": 79950.00000000001, "Latitude": 41.77, "Longitude": -124.21, "Population": 1947.0}, {"index": 1853, "quantile": 1.0, "value": 140700.0, "Latitude": 41.77, "Longitude": -124.21, "Population": 1947.0}, {"index": 1854, "quantile": 0.0, "value": 46200.0, "Latitude": 41.78, "Longitude": -124.19, "Population": 1645.0}, {"index": 1854, "quantile": 0.25, "value": 57499.99999999999, "Latitude": 41.78, "Longitude": -124.19, "Population": 1645.0}, {"index": 1854, "quantile": 0.5, "value": 66900.0, "Latitude": 41.78, "Longitude": -124.19, "Population": 1645.0}, {"index": 1854, "quantile": 0.75, "value": 78400.0, "Latitude": 41.78, "Longitude": -124.19, "Population": 1645.0}, {"index": 1854, "quantile": 1.0, "value": 119200.0, "Latitude": 41.78, "Longitude": -124.19, "Population": 1645.0}, {"index": 1855, "quantile": 0.0, "value": 44000.0, "Latitude": 41.73, "Longitude": -124.22, "Population": 1530.0}, {"index": 1855, "quantile": 0.25, "value": 66025.0, "Latitude": 41.73, "Longitude": -124.22, "Population": 1530.0}, {"index": 1855, "quantile": 0.5, "value": 78300.0, "Latitude": 41.73, "Longitude": -124.22, "Population": 1530.0}, {"index": 1855, "quantile": 0.75, "value": 78300.0, "Latitude": 41.73, "Longitude": -124.22, "Population": 1530.0}, {"index": 1855, "quantile": 1.0, "value": 85800.0, "Latitude": 41.73, "Longitude": -124.22, "Population": 1530.0}, {"index": 1856, "quantile": 0.0, "value": 50000.0, "Latitude": 41.75, "Longitude": -124.21, "Population": 1993.0}, {"index": 1856, "quantile": 0.25, "value": 66900.0, "Latitude": 41.75, "Longitude": -124.21, "Population": 1993.0}, {"index": 1856, "quantile": 0.5, "value": 66900.0, "Latitude": 41.75, "Longitude": -124.21, "Population": 1993.0}, {"index": 1856, "quantile": 0.75, "value": 69500.0, "Latitude": 41.75, "Longitude": -124.21, "Population": 1993.0}, {"index": 1856, "quantile": 1.0, "value": 130700.0, "Latitude": 41.75, "Longitude": -124.21, "Population": 1993.0}, {"index": 1857, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 41.76, "Longitude": -124.17, "Population": 1282.0}, {"index": 1857, "quantile": 0.25, "value": 100350.0, "Latitude": 41.76, "Longitude": -124.17, "Population": 1282.0}, {"index": 1857, "quantile": 0.5, "value": 105900.0, "Latitude": 41.76, "Longitude": -124.17, "Population": 1282.0}, {"index": 1857, "quantile": 0.75, "value": 105900.0, "Latitude": 41.76, "Longitude": -124.17, "Population": 1282.0}, {"index": 1857, "quantile": 1.0, "value": 119400.0, "Latitude": 41.76, "Longitude": -124.17, "Population": 1282.0}, {"index": 1858, "quantile": 0.0, "value": 47500.0, "Latitude": 41.74, "Longitude": -124.16, "Population": 1532.0}, {"index": 1858, "quantile": 0.25, "value": 69500.0, "Latitude": 41.74, "Longitude": -124.16, "Population": 1532.0}, {"index": 1858, "quantile": 0.5, "value": 69500.0, "Latitude": 41.74, "Longitude": -124.16, "Population": 1532.0}, {"index": 1858, "quantile": 0.75, "value": 75125.0, "Latitude": 41.74, "Longitude": -124.16, "Population": 1532.0}, {"index": 1858, "quantile": 1.0, "value": 119200.0, "Latitude": 41.74, "Longitude": -124.16, "Population": 1532.0}, {"index": 1859, "quantile": 0.0, "value": 53500.0, "Latitude": 41.95, "Longitude": -124.14, "Population": 1208.0}, {"index": 1859, "quantile": 0.25, "value": 81100.0, "Latitude": 41.95, "Longitude": -124.14, "Population": 1208.0}, {"index": 1859, "quantile": 0.5, "value": 122400.0, "Latitude": 41.95, "Longitude": -124.14, "Population": 1208.0}, {"index": 1859, "quantile": 0.75, "value": 122400.0, "Latitude": 41.95, "Longitude": -124.14, "Population": 1208.0}, {"index": 1859, "quantile": 1.0, "value": 122400.0, "Latitude": 41.95, "Longitude": -124.14, "Population": 1208.0}, {"index": 1860, "quantile": 0.0, "value": 47500.0, "Latitude": 41.92, "Longitude": -124.16, "Population": 841.0}, {"index": 1860, "quantile": 0.25, "value": 75000.0, "Latitude": 41.92, "Longitude": -124.16, "Population": 841.0}, {"index": 1860, "quantile": 0.5, "value": 75000.0, "Latitude": 41.92, "Longitude": -124.16, "Population": 841.0}, {"index": 1860, "quantile": 0.75, "value": 75000.0, "Latitude": 41.92, "Longitude": -124.16, "Population": 841.0}, {"index": 1860, "quantile": 1.0, "value": 123200.0, "Latitude": 41.92, "Longitude": -124.16, "Population": 841.0}, {"index": 1861, "quantile": 0.0, "value": 61500.0, "Latitude": 41.84, "Longitude": -124.3, "Population": 1244.0}, {"index": 1861, "quantile": 0.25, "value": 81600.0, "Latitude": 41.84, "Longitude": -124.3, "Population": 1244.0}, {"index": 1861, "quantile": 0.5, "value": 101200.0, "Latitude": 41.84, "Longitude": -124.3, "Population": 1244.0}, {"index": 1861, "quantile": 0.75, "value": 119700.0, "Latitude": 41.84, "Longitude": -124.3, "Population": 1244.0}, {"index": 1861, "quantile": 1.0, "value": 152700.0, "Latitude": 41.84, "Longitude": -124.3, "Population": 1244.0}, {"index": 1862, "quantile": 0.0, "value": 50000.0, "Latitude": 41.81, "Longitude": -124.15, "Population": 3546.0}, {"index": 1862, "quantile": 0.25, "value": 90625.0, "Latitude": 41.81, "Longitude": -124.15, "Population": 3546.0}, {"index": 1862, "quantile": 0.5, "value": 103099.99999999999, "Latitude": 41.81, "Longitude": -124.15, "Population": 3546.0}, {"index": 1862, "quantile": 0.75, "value": 103099.99999999999, "Latitude": 41.81, "Longitude": -124.15, "Population": 3546.0}, {"index": 1862, "quantile": 1.0, "value": 193800.0, "Latitude": 41.81, "Longitude": -124.15, "Population": 3546.0}, {"index": 1863, "quantile": 0.0, "value": 64600.0, "Latitude": 41.68, "Longitude": -123.91, "Population": 743.0}, {"index": 1863, "quantile": 0.25, "value": 108625.0, "Latitude": 41.68, "Longitude": -123.91, "Population": 743.0}, {"index": 1863, "quantile": 0.5, "value": 152700.0, "Latitude": 41.68, "Longitude": -123.91, "Population": 743.0}, {"index": 1863, "quantile": 0.75, "value": 152700.0, "Latitude": 41.68, "Longitude": -123.91, "Population": 743.0}, {"index": 1863, "quantile": 1.0, "value": 152700.0, "Latitude": 41.68, "Longitude": -123.91, "Population": 743.0}, {"index": 1864, "quantile": 0.0, "value": 50800.0, "Latitude": 41.88, "Longitude": -123.83, "Population": 660.0}, {"index": 1864, "quantile": 0.25, "value": 116700.0, "Latitude": 41.88, "Longitude": -123.83, "Population": 660.0}, {"index": 1864, "quantile": 0.5, "value": 116700.0, "Latitude": 41.88, "Longitude": -123.83, "Population": 660.0}, {"index": 1864, "quantile": 0.75, "value": 116700.0, "Latitude": 41.88, "Longitude": -123.83, "Population": 660.0}, {"index": 1864, "quantile": 1.0, "value": 277000.0, "Latitude": 41.88, "Longitude": -123.83, "Population": 660.0}, {"index": 1865, "quantile": 0.0, "value": 50000.0, "Latitude": 41.54, "Longitude": -123.92, "Population": 1382.0}, {"index": 1865, "quantile": 0.25, "value": 71100.0, "Latitude": 41.54, "Longitude": -123.92, "Population": 1382.0}, {"index": 1865, "quantile": 0.5, "value": 71100.0, "Latitude": 41.54, "Longitude": -123.92, "Population": 1382.0}, {"index": 1865, "quantile": 0.75, "value": 71100.0, "Latitude": 41.54, "Longitude": -123.92, "Population": 1382.0}, {"index": 1865, "quantile": 1.0, "value": 122400.0, "Latitude": 41.54, "Longitude": -123.92, "Population": 1382.0}, {"index": 1866, "quantile": 0.0, "value": 55300.00000000001, "Latitude": 38.96, "Longitude": -119.94, "Population": 467.0}, {"index": 1866, "quantile": 0.25, "value": 108100.0, "Latitude": 38.96, "Longitude": -119.94, "Population": 467.0}, {"index": 1866, "quantile": 0.5, "value": 212500.0, "Latitude": 38.96, "Longitude": -119.94, "Population": 467.0}, {"index": 1866, "quantile": 0.75, "value": 212500.0, "Latitude": 38.96, "Longitude": -119.94, "Population": 467.0}, {"index": 1866, "quantile": 1.0, "value": 248100.0, "Latitude": 38.96, "Longitude": -119.94, "Population": 467.0}, {"index": 1867, "quantile": 0.0, "value": 37500.0, "Latitude": 38.95, "Longitude": -119.95, "Population": 36.0}, {"index": 1867, "quantile": 0.25, "value": 121200.0, "Latitude": 38.95, "Longitude": -119.95, "Population": 36.0}, {"index": 1867, "quantile": 0.5, "value": 187500.0, "Latitude": 38.95, "Longitude": -119.95, "Population": 36.0}, {"index": 1867, "quantile": 0.75, "value": 187500.0, "Latitude": 38.95, "Longitude": -119.95, "Population": 36.0}, {"index": 1867, "quantile": 1.0, "value": 212500.0, "Latitude": 38.95, "Longitude": -119.95, "Population": 36.0}, {"index": 1868, "quantile": 0.0, "value": 39200.0, "Latitude": 38.95, "Longitude": -119.95, "Population": 851.0}, {"index": 1868, "quantile": 0.25, "value": 86400.0, "Latitude": 38.95, "Longitude": -119.95, "Population": 851.0}, {"index": 1868, "quantile": 0.5, "value": 87500.0, "Latitude": 38.95, "Longitude": -119.95, "Population": 851.0}, {"index": 1868, "quantile": 0.75, "value": 87500.0, "Latitude": 38.95, "Longitude": -119.95, "Population": 851.0}, {"index": 1868, "quantile": 1.0, "value": 350000.0, "Latitude": 38.95, "Longitude": -119.95, "Population": 851.0}, {"index": 1869, "quantile": 0.0, "value": 48300.0, "Latitude": 38.95, "Longitude": -119.95, "Population": 952.0}, {"index": 1869, "quantile": 0.25, "value": 92200.0, "Latitude": 38.95, "Longitude": -119.95, "Population": 952.0}, {"index": 1869, "quantile": 0.5, "value": 92200.0, "Latitude": 38.95, "Longitude": -119.95, "Population": 952.0}, {"index": 1869, "quantile": 0.75, "value": 92200.0, "Latitude": 38.95, "Longitude": -119.95, "Population": 952.0}, {"index": 1869, "quantile": 1.0, "value": 225000.0, "Latitude": 38.95, "Longitude": -119.95, "Population": 952.0}, {"index": 1870, "quantile": 0.0, "value": 39200.0, "Latitude": 38.95, "Longitude": -119.94, "Population": 1134.0}, {"index": 1870, "quantile": 0.25, "value": 69300.0, "Latitude": 38.95, "Longitude": -119.94, "Population": 1134.0}, {"index": 1870, "quantile": 0.5, "value": 90950.0, "Latitude": 38.95, "Longitude": -119.94, "Population": 1134.0}, {"index": 1870, "quantile": 0.75, "value": 107800.0, "Latitude": 38.95, "Longitude": -119.94, "Population": 1134.0}, {"index": 1870, "quantile": 1.0, "value": 225000.0, "Latitude": 38.95, "Longitude": -119.94, "Population": 1134.0}, {"index": 1871, "quantile": 0.0, "value": 58800.0, "Latitude": 38.94, "Longitude": -119.95, "Population": 755.0}, {"index": 1871, "quantile": 0.25, "value": 107800.0, "Latitude": 38.94, "Longitude": -119.95, "Population": 755.0}, {"index": 1871, "quantile": 0.5, "value": 173400.0, "Latitude": 38.94, "Longitude": -119.95, "Population": 755.0}, {"index": 1871, "quantile": 0.75, "value": 173400.0, "Latitude": 38.94, "Longitude": -119.95, "Population": 755.0}, {"index": 1871, "quantile": 1.0, "value": 180500.0, "Latitude": 38.94, "Longitude": -119.95, "Population": 755.0}, {"index": 1872, "quantile": 0.0, "value": 43500.0, "Latitude": 38.94, "Longitude": -119.93, "Population": 97.0}, {"index": 1872, "quantile": 0.25, "value": 117600.0, "Latitude": 38.94, "Longitude": -119.93, "Population": 97.0}, {"index": 1872, "quantile": 0.5, "value": 139300.0, "Latitude": 38.94, "Longitude": -119.93, "Population": 97.0}, {"index": 1872, "quantile": 0.75, "value": 172275.0, "Latitude": 38.94, "Longitude": -119.93, "Population": 97.0}, {"index": 1872, "quantile": 1.0, "value": 268800.0, "Latitude": 38.94, "Longitude": -119.93, "Population": 97.0}, {"index": 1873, "quantile": 0.0, "value": 40000.0, "Latitude": 38.94, "Longitude": -119.97, "Population": 406.0}, {"index": 1873, "quantile": 0.25, "value": 84600.0, "Latitude": 38.94, "Longitude": -119.97, "Population": 406.0}, {"index": 1873, "quantile": 0.5, "value": 84600.0, "Latitude": 38.94, "Longitude": -119.97, "Population": 406.0}, {"index": 1873, "quantile": 0.75, "value": 94400.0, "Latitude": 38.94, "Longitude": -119.97, "Population": 406.0}, {"index": 1873, "quantile": 1.0, "value": 225000.0, "Latitude": 38.94, "Longitude": -119.97, "Population": 406.0}, {"index": 1874, "quantile": 0.0, "value": 71400.0, "Latitude": 38.93, "Longitude": -119.97, "Population": 388.0}, {"index": 1874, "quantile": 0.25, "value": 102699.99999999999, "Latitude": 38.93, "Longitude": -119.97, "Population": 388.0}, {"index": 1874, "quantile": 0.5, "value": 107200.0, "Latitude": 38.93, "Longitude": -119.97, "Population": 388.0}, {"index": 1874, "quantile": 0.75, "value": 107200.0, "Latitude": 38.93, "Longitude": -119.97, "Population": 388.0}, {"index": 1874, "quantile": 1.0, "value": 196900.0, "Latitude": 38.93, "Longitude": -119.97, "Population": 388.0}, {"index": 1875, "quantile": 0.0, "value": 71400.0, "Latitude": 38.96, "Longitude": -119.98, "Population": 868.0}, {"index": 1875, "quantile": 0.25, "value": 114799.99999999999, "Latitude": 38.96, "Longitude": -119.98, "Population": 868.0}, {"index": 1875, "quantile": 0.5, "value": 114799.99999999999, "Latitude": 38.96, "Longitude": -119.98, "Population": 868.0}, {"index": 1875, "quantile": 0.75, "value": 114799.99999999999, "Latitude": 38.96, "Longitude": -119.98, "Population": 868.0}, {"index": 1875, "quantile": 1.0, "value": 186100.0, "Latitude": 38.96, "Longitude": -119.98, "Population": 868.0}, {"index": 1876, "quantile": 0.0, "value": 52500.0, "Latitude": 38.94, "Longitude": -119.96, "Population": 585.0}, {"index": 1876, "quantile": 0.25, "value": 90275.0, "Latitude": 38.94, "Longitude": -119.96, "Population": 585.0}, {"index": 1876, "quantile": 0.5, "value": 99300.0, "Latitude": 38.94, "Longitude": -119.96, "Population": 585.0}, {"index": 1876, "quantile": 0.75, "value": 107350.00000000001, "Latitude": 38.94, "Longitude": -119.96, "Population": 585.0}, {"index": 1876, "quantile": 1.0, "value": 225000.0, "Latitude": 38.94, "Longitude": -119.96, "Population": 585.0}, {"index": 1877, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 38.94, "Longitude": -119.96, "Population": 717.0}, {"index": 1877, "quantile": 0.25, "value": 95800.0, "Latitude": 38.94, "Longitude": -119.96, "Population": 717.0}, {"index": 1877, "quantile": 0.5, "value": 104200.0, "Latitude": 38.94, "Longitude": -119.96, "Population": 717.0}, {"index": 1877, "quantile": 0.75, "value": 104200.0, "Latitude": 38.94, "Longitude": -119.96, "Population": 717.0}, {"index": 1877, "quantile": 1.0, "value": 225000.0, "Latitude": 38.94, "Longitude": -119.96, "Population": 717.0}, {"index": 1878, "quantile": 0.0, "value": 43500.0, "Latitude": 38.93, "Longitude": -119.96, "Population": 1215.0}, {"index": 1878, "quantile": 0.25, "value": 97875.0, "Latitude": 38.93, "Longitude": -119.96, "Population": 1215.0}, {"index": 1878, "quantile": 0.5, "value": 107800.0, "Latitude": 38.93, "Longitude": -119.96, "Population": 1215.0}, {"index": 1878, "quantile": 0.75, "value": 126099.99999999999, "Latitude": 38.93, "Longitude": -119.96, "Population": 1215.0}, {"index": 1878, "quantile": 1.0, "value": 173400.0, "Latitude": 38.93, "Longitude": -119.96, "Population": 1215.0}, {"index": 1879, "quantile": 0.0, "value": 87500.0, "Latitude": 38.92, "Longitude": -119.94, "Population": 235.0}, {"index": 1879, "quantile": 0.25, "value": 136800.0, "Latitude": 38.92, "Longitude": -119.94, "Population": 235.0}, {"index": 1879, "quantile": 0.5, "value": 136800.0, "Latitude": 38.92, "Longitude": -119.94, "Population": 235.0}, {"index": 1879, "quantile": 0.75, "value": 146900.0, "Latitude": 38.92, "Longitude": -119.94, "Population": 235.0}, {"index": 1879, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.92, "Longitude": -119.94, "Population": 235.0}, {"index": 1880, "quantile": 0.0, "value": 40000.0, "Latitude": 38.94, "Longitude": -119.98, "Population": 503.0}, {"index": 1880, "quantile": 0.25, "value": 84600.0, "Latitude": 38.94, "Longitude": -119.98, "Population": 503.0}, {"index": 1880, "quantile": 0.5, "value": 89600.0, "Latitude": 38.94, "Longitude": -119.98, "Population": 503.0}, {"index": 1880, "quantile": 0.75, "value": 104050.0, "Latitude": 38.94, "Longitude": -119.98, "Population": 503.0}, {"index": 1880, "quantile": 1.0, "value": 225000.0, "Latitude": 38.94, "Longitude": -119.98, "Population": 503.0}, {"index": 1881, "quantile": 0.0, "value": 40000.0, "Latitude": 38.94, "Longitude": -119.98, "Population": 339.0}, {"index": 1881, "quantile": 0.25, "value": 103600.0, "Latitude": 38.94, "Longitude": -119.98, "Population": 339.0}, {"index": 1881, "quantile": 0.5, "value": 127800.0, "Latitude": 38.94, "Longitude": -119.98, "Population": 339.0}, {"index": 1881, "quantile": 0.75, "value": 174875.0, "Latitude": 38.94, "Longitude": -119.98, "Population": 339.0}, {"index": 1881, "quantile": 1.0, "value": 437500.0, "Latitude": 38.94, "Longitude": -119.98, "Population": 339.0}, {"index": 1882, "quantile": 0.0, "value": 71700.0, "Latitude": 38.94, "Longitude": -119.99, "Population": 421.0}, {"index": 1882, "quantile": 0.25, "value": 103600.0, "Latitude": 38.94, "Longitude": -119.99, "Population": 421.0}, {"index": 1882, "quantile": 0.5, "value": 103600.0, "Latitude": 38.94, "Longitude": -119.99, "Population": 421.0}, {"index": 1882, "quantile": 0.75, "value": 103600.0, "Latitude": 38.94, "Longitude": -119.99, "Population": 421.0}, {"index": 1882, "quantile": 1.0, "value": 244000.0, "Latitude": 38.94, "Longitude": -119.99, "Population": 421.0}, {"index": 1883, "quantile": 0.0, "value": 71700.0, "Latitude": 38.94, "Longitude": -119.99, "Population": 786.0}, {"index": 1883, "quantile": 0.25, "value": 118500.0, "Latitude": 38.94, "Longitude": -119.99, "Population": 786.0}, {"index": 1883, "quantile": 0.5, "value": 118500.0, "Latitude": 38.94, "Longitude": -119.99, "Population": 786.0}, {"index": 1883, "quantile": 0.75, "value": 124224.99999999999, "Latitude": 38.94, "Longitude": -119.99, "Population": 786.0}, {"index": 1883, "quantile": 1.0, "value": 244000.0, "Latitude": 38.94, "Longitude": -119.99, "Population": 786.0}, {"index": 1884, "quantile": 0.0, "value": 79700.0, "Latitude": 38.93, "Longitude": -119.99, "Population": 673.0}, {"index": 1884, "quantile": 0.25, "value": 102899.99999999999, "Latitude": 38.93, "Longitude": -119.99, "Population": 673.0}, {"index": 1884, "quantile": 0.5, "value": 109450.0, "Latitude": 38.93, "Longitude": -119.99, "Population": 673.0}, {"index": 1884, "quantile": 0.75, "value": 126099.99999999999, "Latitude": 38.93, "Longitude": -119.99, "Population": 673.0}, {"index": 1884, "quantile": 1.0, "value": 173400.0, "Latitude": 38.93, "Longitude": -119.99, "Population": 673.0}, {"index": 1885, "quantile": 0.0, "value": 43500.0, "Latitude": 38.93, "Longitude": -119.98, "Population": 494.0}, {"index": 1885, "quantile": 0.25, "value": 89600.0, "Latitude": 38.93, "Longitude": -119.98, "Population": 494.0}, {"index": 1885, "quantile": 0.5, "value": 93000.0, "Latitude": 38.93, "Longitude": -119.98, "Population": 494.0}, {"index": 1885, "quantile": 0.75, "value": 108700.0, "Latitude": 38.93, "Longitude": -119.98, "Population": 494.0}, {"index": 1885, "quantile": 1.0, "value": 166800.0, "Latitude": 38.93, "Longitude": -119.98, "Population": 494.0}, {"index": 1886, "quantile": 0.0, "value": 52600.0, "Latitude": 38.93, "Longitude": -119.98, "Population": 534.0}, {"index": 1886, "quantile": 0.25, "value": 93975.0, "Latitude": 38.93, "Longitude": -119.98, "Population": 534.0}, {"index": 1886, "quantile": 0.5, "value": 104200.0, "Latitude": 38.93, "Longitude": -119.98, "Population": 534.0}, {"index": 1886, "quantile": 0.75, "value": 123800.0, "Latitude": 38.93, "Longitude": -119.98, "Population": 534.0}, {"index": 1886, "quantile": 1.0, "value": 173400.0, "Latitude": 38.93, "Longitude": -119.98, "Population": 534.0}, {"index": 1887, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.92, "Longitude": -119.98, "Population": 1010.0}, {"index": 1887, "quantile": 0.25, "value": 86900.0, "Latitude": 38.92, "Longitude": -119.98, "Population": 1010.0}, {"index": 1887, "quantile": 0.5, "value": 86900.0, "Latitude": 38.92, "Longitude": -119.98, "Population": 1010.0}, {"index": 1887, "quantile": 0.75, "value": 107200.0, "Latitude": 38.92, "Longitude": -119.98, "Population": 1010.0}, {"index": 1887, "quantile": 1.0, "value": 196900.0, "Latitude": 38.92, "Longitude": -119.98, "Population": 1010.0}, {"index": 1888, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 38.92, "Longitude": -119.98, "Population": 522.0}, {"index": 1888, "quantile": 0.25, "value": 89600.0, "Latitude": 38.92, "Longitude": -119.98, "Population": 522.0}, {"index": 1888, "quantile": 0.5, "value": 89600.0, "Latitude": 38.92, "Longitude": -119.98, "Population": 522.0}, {"index": 1888, "quantile": 0.75, "value": 89900.0, "Latitude": 38.92, "Longitude": -119.98, "Population": 522.0}, {"index": 1888, "quantile": 1.0, "value": 114100.0, "Latitude": 38.92, "Longitude": -119.98, "Population": 522.0}, {"index": 1889, "quantile": 0.0, "value": 109700.0, "Latitude": 38.93, "Longitude": -120.0, "Population": 999.0}, {"index": 1889, "quantile": 0.25, "value": 118800.0, "Latitude": 38.93, "Longitude": -120.0, "Population": 999.0}, {"index": 1889, "quantile": 0.5, "value": 141200.0, "Latitude": 38.93, "Longitude": -120.0, "Population": 999.0}, {"index": 1889, "quantile": 0.75, "value": 161550.0, "Latitude": 38.93, "Longitude": -120.0, "Population": 999.0}, {"index": 1889, "quantile": 1.0, "value": 437500.0, "Latitude": 38.93, "Longitude": -120.0, "Population": 999.0}, {"index": 1890, "quantile": 0.0, "value": 70200.0, "Latitude": 38.93, "Longitude": -120.01, "Population": 1045.0}, {"index": 1890, "quantile": 0.25, "value": 125450.0, "Latitude": 38.93, "Longitude": -120.01, "Population": 1045.0}, {"index": 1890, "quantile": 0.5, "value": 126099.99999999999, "Latitude": 38.93, "Longitude": -120.01, "Population": 1045.0}, {"index": 1890, "quantile": 0.75, "value": 126099.99999999999, "Latitude": 38.93, "Longitude": -120.01, "Population": 1045.0}, {"index": 1890, "quantile": 1.0, "value": 173400.0, "Latitude": 38.93, "Longitude": -120.01, "Population": 1045.0}, {"index": 1891, "quantile": 0.0, "value": 78300.0, "Latitude": 38.92, "Longitude": -120.0, "Population": 466.0}, {"index": 1891, "quantile": 0.25, "value": 119800.0, "Latitude": 38.92, "Longitude": -120.0, "Population": 466.0}, {"index": 1891, "quantile": 0.5, "value": 126600.0, "Latitude": 38.92, "Longitude": -120.0, "Population": 466.0}, {"index": 1891, "quantile": 0.75, "value": 126600.0, "Latitude": 38.92, "Longitude": -120.0, "Population": 466.0}, {"index": 1891, "quantile": 1.0, "value": 264600.0, "Latitude": 38.92, "Longitude": -120.0, "Population": 466.0}, {"index": 1892, "quantile": 0.0, "value": 71400.0, "Latitude": 38.92, "Longitude": -120.0, "Population": 191.0}, {"index": 1892, "quantile": 0.25, "value": 103600.0, "Latitude": 38.92, "Longitude": -120.0, "Population": 191.0}, {"index": 1892, "quantile": 0.5, "value": 103600.0, "Latitude": 38.92, "Longitude": -120.0, "Population": 191.0}, {"index": 1892, "quantile": 0.75, "value": 103600.0, "Latitude": 38.92, "Longitude": -120.0, "Population": 191.0}, {"index": 1892, "quantile": 1.0, "value": 437500.0, "Latitude": 38.92, "Longitude": -120.0, "Population": 191.0}, {"index": 1893, "quantile": 0.0, "value": 47100.0, "Latitude": 38.92, "Longitude": -120.01, "Population": 485.0}, {"index": 1893, "quantile": 0.25, "value": 87800.0, "Latitude": 38.92, "Longitude": -120.01, "Population": 485.0}, {"index": 1893, "quantile": 0.5, "value": 94400.0, "Latitude": 38.92, "Longitude": -120.01, "Population": 485.0}, {"index": 1893, "quantile": 0.75, "value": 109650.0, "Latitude": 38.92, "Longitude": -120.01, "Population": 485.0}, {"index": 1893, "quantile": 1.0, "value": 225000.0, "Latitude": 38.92, "Longitude": -120.01, "Population": 485.0}, {"index": 1894, "quantile": 0.0, "value": 43500.0, "Latitude": 38.92, "Longitude": -120.01, "Population": 689.0}, {"index": 1894, "quantile": 0.25, "value": 104200.0, "Latitude": 38.92, "Longitude": -120.01, "Population": 689.0}, {"index": 1894, "quantile": 0.5, "value": 104200.0, "Latitude": 38.92, "Longitude": -120.01, "Population": 689.0}, {"index": 1894, "quantile": 0.75, "value": 104200.0, "Latitude": 38.92, "Longitude": -120.01, "Population": 689.0}, {"index": 1894, "quantile": 1.0, "value": 180500.0, "Latitude": 38.92, "Longitude": -120.01, "Population": 689.0}, {"index": 1895, "quantile": 0.0, "value": 49800.0, "Latitude": 38.91, "Longitude": -120.02, "Population": 829.0}, {"index": 1895, "quantile": 0.25, "value": 107200.0, "Latitude": 38.91, "Longitude": -120.02, "Population": 829.0}, {"index": 1895, "quantile": 0.5, "value": 107200.0, "Latitude": 38.91, "Longitude": -120.02, "Population": 829.0}, {"index": 1895, "quantile": 0.75, "value": 107200.0, "Latitude": 38.91, "Longitude": -120.02, "Population": 829.0}, {"index": 1895, "quantile": 1.0, "value": 126099.99999999999, "Latitude": 38.91, "Longitude": -120.02, "Population": 829.0}, {"index": 1896, "quantile": 0.0, "value": 99800.0, "Latitude": 38.92, "Longitude": -120.02, "Population": 414.0}, {"index": 1896, "quantile": 0.25, "value": 101899.99999999999, "Latitude": 38.92, "Longitude": -120.02, "Population": 414.0}, {"index": 1896, "quantile": 0.5, "value": 101899.99999999999, "Latitude": 38.92, "Longitude": -120.02, "Population": 414.0}, {"index": 1896, "quantile": 0.75, "value": 101899.99999999999, "Latitude": 38.92, "Longitude": -120.02, "Population": 414.0}, {"index": 1896, "quantile": 1.0, "value": 196900.0, "Latitude": 38.92, "Longitude": -120.02, "Population": 414.0}, {"index": 1897, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.91, "Longitude": -120.01, "Population": 283.0}, {"index": 1897, "quantile": 0.25, "value": 94400.0, "Latitude": 38.91, "Longitude": -120.01, "Population": 283.0}, {"index": 1897, "quantile": 0.5, "value": 94400.0, "Latitude": 38.91, "Longitude": -120.01, "Population": 283.0}, {"index": 1897, "quantile": 0.75, "value": 94400.0, "Latitude": 38.91, "Longitude": -120.01, "Population": 283.0}, {"index": 1897, "quantile": 1.0, "value": 225000.0, "Latitude": 38.91, "Longitude": -120.01, "Population": 283.0}, {"index": 1898, "quantile": 0.0, "value": 66900.0, "Latitude": 38.91, "Longitude": -120.01, "Population": 1005.0}, {"index": 1898, "quantile": 0.25, "value": 86700.0, "Latitude": 38.91, "Longitude": -120.01, "Population": 1005.0}, {"index": 1898, "quantile": 0.5, "value": 86700.0, "Latitude": 38.91, "Longitude": -120.01, "Population": 1005.0}, {"index": 1898, "quantile": 0.75, "value": 96225.0, "Latitude": 38.91, "Longitude": -120.01, "Population": 1005.0}, {"index": 1898, "quantile": 1.0, "value": 212500.0, "Latitude": 38.91, "Longitude": -120.01, "Population": 1005.0}, {"index": 1899, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.89, "Longitude": -120.01, "Population": 589.0}, {"index": 1899, "quantile": 0.25, "value": 100800.0, "Latitude": 38.89, "Longitude": -120.01, "Population": 589.0}, {"index": 1899, "quantile": 0.5, "value": 100800.0, "Latitude": 38.89, "Longitude": -120.01, "Population": 589.0}, {"index": 1899, "quantile": 0.75, "value": 127075.0, "Latitude": 38.89, "Longitude": -120.01, "Population": 589.0}, {"index": 1899, "quantile": 1.0, "value": 183200.0, "Latitude": 38.89, "Longitude": -120.01, "Population": 589.0}, {"index": 1900, "quantile": 0.0, "value": 67500.0, "Latitude": 38.9, "Longitude": -120.0, "Population": 737.0}, {"index": 1900, "quantile": 0.25, "value": 113700.0, "Latitude": 38.9, "Longitude": -120.0, "Population": 737.0}, {"index": 1900, "quantile": 0.5, "value": 114100.0, "Latitude": 38.9, "Longitude": -120.0, "Population": 737.0}, {"index": 1900, "quantile": 0.75, "value": 114100.0, "Latitude": 38.9, "Longitude": -120.0, "Population": 737.0}, {"index": 1900, "quantile": 1.0, "value": 114799.99999999999, "Latitude": 38.9, "Longitude": -120.0, "Population": 737.0}, {"index": 1901, "quantile": 0.0, "value": 72500.0, "Latitude": 38.88, "Longitude": -119.99, "Population": 675.0}, {"index": 1901, "quantile": 0.25, "value": 107800.0, "Latitude": 38.88, "Longitude": -119.99, "Population": 675.0}, {"index": 1901, "quantile": 0.5, "value": 107800.0, "Latitude": 38.88, "Longitude": -119.99, "Population": 675.0}, {"index": 1901, "quantile": 0.75, "value": 107800.0, "Latitude": 38.88, "Longitude": -119.99, "Population": 675.0}, {"index": 1901, "quantile": 1.0, "value": 173400.0, "Latitude": 38.88, "Longitude": -119.99, "Population": 675.0}, {"index": 1902, "quantile": 0.0, "value": 86900.0, "Latitude": 38.9, "Longitude": -119.98, "Population": 885.0}, {"index": 1902, "quantile": 0.25, "value": 109700.0, "Latitude": 38.9, "Longitude": -119.98, "Population": 885.0}, {"index": 1902, "quantile": 0.5, "value": 116650.00000000001, "Latitude": 38.9, "Longitude": -119.98, "Population": 885.0}, {"index": 1902, "quantile": 0.75, "value": 120300.0, "Latitude": 38.9, "Longitude": -119.98, "Population": 885.0}, {"index": 1902, "quantile": 1.0, "value": 213200.0, "Latitude": 38.9, "Longitude": -119.98, "Population": 885.0}, {"index": 1903, "quantile": 0.0, "value": 88900.0, "Latitude": 38.91, "Longitude": -119.92, "Population": 984.0}, {"index": 1903, "quantile": 0.25, "value": 162500.0, "Latitude": 38.91, "Longitude": -119.92, "Population": 984.0}, {"index": 1903, "quantile": 0.5, "value": 162500.0, "Latitude": 38.91, "Longitude": -119.92, "Population": 984.0}, {"index": 1903, "quantile": 0.75, "value": 169650.0, "Latitude": 38.91, "Longitude": -119.92, "Population": 984.0}, {"index": 1903, "quantile": 1.0, "value": 386200.0, "Latitude": 38.91, "Longitude": -119.92, "Population": 984.0}, {"index": 1904, "quantile": 0.0, "value": 117300.0, "Latitude": 38.87, "Longitude": -120.0, "Population": 395.0}, {"index": 1904, "quantile": 0.25, "value": 127600.0, "Latitude": 38.87, "Longitude": -120.0, "Population": 395.0}, {"index": 1904, "quantile": 0.5, "value": 127600.0, "Latitude": 38.87, "Longitude": -120.0, "Population": 395.0}, {"index": 1904, "quantile": 0.75, "value": 127600.0, "Latitude": 38.87, "Longitude": -120.0, "Population": 395.0}, {"index": 1904, "quantile": 1.0, "value": 209600.0, "Latitude": 38.87, "Longitude": -120.0, "Population": 395.0}, {"index": 1905, "quantile": 0.0, "value": 86900.0, "Latitude": 38.84, "Longitude": -119.96, "Population": 828.0}, {"index": 1905, "quantile": 0.25, "value": 109700.0, "Latitude": 38.84, "Longitude": -119.96, "Population": 828.0}, {"index": 1905, "quantile": 0.5, "value": 109700.0, "Latitude": 38.84, "Longitude": -119.96, "Population": 828.0}, {"index": 1905, "quantile": 0.75, "value": 109700.0, "Latitude": 38.84, "Longitude": -119.96, "Population": 828.0}, {"index": 1905, "quantile": 1.0, "value": 437500.0, "Latitude": 38.84, "Longitude": -119.96, "Population": 828.0}, {"index": 1906, "quantile": 0.0, "value": 88500.0, "Latitude": 38.76, "Longitude": -120.02, "Population": 725.0}, {"index": 1906, "quantile": 0.25, "value": 121400.0, "Latitude": 38.76, "Longitude": -120.02, "Population": 725.0}, {"index": 1906, "quantile": 0.5, "value": 121400.0, "Latitude": 38.76, "Longitude": -120.02, "Population": 725.0}, {"index": 1906, "quantile": 0.75, "value": 136800.0, "Latitude": 38.76, "Longitude": -120.02, "Population": 725.0}, {"index": 1906, "quantile": 1.0, "value": 326500.0, "Latitude": 38.76, "Longitude": -120.02, "Population": 725.0}, {"index": 1907, "quantile": 0.0, "value": 88500.0, "Latitude": 38.86, "Longitude": -120.04, "Population": 712.0}, {"index": 1907, "quantile": 0.25, "value": 117700.0, "Latitude": 38.86, "Longitude": -120.04, "Population": 712.0}, {"index": 1907, "quantile": 0.5, "value": 117700.0, "Latitude": 38.86, "Longitude": -120.04, "Population": 712.0}, {"index": 1907, "quantile": 0.75, "value": 117700.0, "Latitude": 38.86, "Longitude": -120.04, "Population": 712.0}, {"index": 1907, "quantile": 1.0, "value": 437500.0, "Latitude": 38.86, "Longitude": -120.04, "Population": 712.0}, {"index": 1908, "quantile": 0.0, "value": 86900.0, "Latitude": 38.89, "Longitude": -120.03, "Population": 918.0}, {"index": 1908, "quantile": 0.25, "value": 118800.0, "Latitude": 38.89, "Longitude": -120.03, "Population": 918.0}, {"index": 1908, "quantile": 0.5, "value": 118800.0, "Latitude": 38.89, "Longitude": -120.03, "Population": 918.0}, {"index": 1908, "quantile": 0.75, "value": 118800.0, "Latitude": 38.89, "Longitude": -120.03, "Population": 918.0}, {"index": 1908, "quantile": 1.0, "value": 437500.0, "Latitude": 38.89, "Longitude": -120.03, "Population": 918.0}, {"index": 1909, "quantile": 0.0, "value": 46300.0, "Latitude": 38.86, "Longitude": -120.02, "Population": 883.0}, {"index": 1909, "quantile": 0.25, "value": 107650.0, "Latitude": 38.86, "Longitude": -120.02, "Population": 883.0}, {"index": 1909, "quantile": 0.5, "value": 116199.99999999999, "Latitude": 38.86, "Longitude": -120.02, "Population": 883.0}, {"index": 1909, "quantile": 0.75, "value": 135875.0, "Latitude": 38.86, "Longitude": -120.02, "Population": 883.0}, {"index": 1909, "quantile": 1.0, "value": 182500.0, "Latitude": 38.86, "Longitude": -120.02, "Population": 883.0}, {"index": 1910, "quantile": 0.0, "value": 87500.0, "Latitude": 39.06, "Longitude": -120.13, "Population": 381.0}, {"index": 1910, "quantile": 0.25, "value": 87500.0, "Latitude": 39.06, "Longitude": -120.13, "Population": 381.0}, {"index": 1910, "quantile": 0.5, "value": 87500.0, "Latitude": 39.06, "Longitude": -120.13, "Population": 381.0}, {"index": 1910, "quantile": 0.75, "value": 107800.0, "Latitude": 39.06, "Longitude": -120.13, "Population": 381.0}, {"index": 1910, "quantile": 1.0, "value": 196900.0, "Latitude": 39.06, "Longitude": -120.13, "Population": 381.0}, {"index": 1911, "quantile": 0.0, "value": 77500.0, "Latitude": 39.04, "Longitude": -120.16, "Population": 350.0}, {"index": 1911, "quantile": 0.25, "value": 124374.99999999999, "Latitude": 39.04, "Longitude": -120.16, "Population": 350.0}, {"index": 1911, "quantile": 0.5, "value": 141300.0, "Latitude": 39.04, "Longitude": -120.16, "Population": 350.0}, {"index": 1911, "quantile": 0.75, "value": 155450.0, "Latitude": 39.04, "Longitude": -120.16, "Population": 350.0}, {"index": 1911, "quantile": 1.0, "value": 213200.0, "Latitude": 39.04, "Longitude": -120.16, "Population": 350.0}, {"index": 1912, "quantile": 0.0, "value": 67500.0, "Latitude": 39.01, "Longitude": -120.16, "Population": 54.0}, {"index": 1912, "quantile": 0.25, "value": 169725.0, "Latitude": 39.01, "Longitude": -120.16, "Population": 54.0}, {"index": 1912, "quantile": 0.5, "value": 283300.0, "Latitude": 39.01, "Longitude": -120.16, "Population": 54.0}, {"index": 1912, "quantile": 0.75, "value": 285050.0, "Latitude": 39.01, "Longitude": -120.16, "Population": 54.0}, {"index": 1912, "quantile": 1.0, "value": 454100.00000000006, "Latitude": 39.01, "Longitude": -120.16, "Population": 54.0}, {"index": 1913, "quantile": 0.0, "value": 77500.0, "Latitude": 39.01, "Longitude": -120.06, "Population": 112.0}, {"index": 1913, "quantile": 0.25, "value": 217375.0, "Latitude": 39.01, "Longitude": -120.06, "Population": 112.0}, {"index": 1913, "quantile": 0.5, "value": 437500.0, "Latitude": 39.01, "Longitude": -120.06, "Population": 112.0}, {"index": 1913, "quantile": 0.75, "value": 437500.0, "Latitude": 39.01, "Longitude": -120.06, "Population": 112.0}, {"index": 1913, "quantile": 1.0, "value": 437500.0, "Latitude": 39.01, "Longitude": -120.06, "Population": 112.0}, {"index": 1914, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 38.91, "Longitude": -120.1, "Population": 30.0}, {"index": 1914, "quantile": 0.25, "value": 143800.0, "Latitude": 38.91, "Longitude": -120.1, "Population": 30.0}, {"index": 1914, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 38.91, "Longitude": -120.1, "Population": 30.0}, {"index": 1914, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 38.91, "Longitude": -120.1, "Population": 30.0}, {"index": 1914, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.91, "Longitude": -120.1, "Population": 30.0}, {"index": 1915, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 38.91, "Longitude": -120.97, "Population": 1978.0}, {"index": 1915, "quantile": 0.25, "value": 184375.0, "Latitude": 38.91, "Longitude": -120.97, "Population": 1978.0}, {"index": 1915, "quantile": 0.5, "value": 197500.0, "Latitude": 38.91, "Longitude": -120.97, "Population": 1978.0}, {"index": 1915, "quantile": 0.75, "value": 201900.0, "Latitude": 38.91, "Longitude": -120.97, "Population": 1978.0}, {"index": 1915, "quantile": 1.0, "value": 347700.0, "Latitude": 38.91, "Longitude": -120.97, "Population": 1978.0}, {"index": 1916, "quantile": 0.0, "value": 80800.0, "Latitude": 38.81, "Longitude": -121.04, "Population": 1456.0}, {"index": 1916, "quantile": 0.25, "value": 163400.0, "Latitude": 38.81, "Longitude": -121.04, "Population": 1456.0}, {"index": 1916, "quantile": 0.5, "value": 163400.0, "Latitude": 38.81, "Longitude": -121.04, "Population": 1456.0}, {"index": 1916, "quantile": 0.75, "value": 163400.0, "Latitude": 38.81, "Longitude": -121.04, "Population": 1456.0}, {"index": 1916, "quantile": 1.0, "value": 390800.0, "Latitude": 38.81, "Longitude": -121.04, "Population": 1456.0}, {"index": 1917, "quantile": 0.0, "value": 109700.0, "Latitude": 38.94, "Longitude": -120.72, "Population": 540.0}, {"index": 1917, "quantile": 0.25, "value": 113199.99999999999, "Latitude": 38.94, "Longitude": -120.72, "Population": 540.0}, {"index": 1917, "quantile": 0.5, "value": 113199.99999999999, "Latitude": 38.94, "Longitude": -120.72, "Population": 540.0}, {"index": 1917, "quantile": 0.75, "value": 120100.0, "Latitude": 38.94, "Longitude": -120.72, "Population": 540.0}, {"index": 1917, "quantile": 1.0, "value": 300600.0, "Latitude": 38.94, "Longitude": -120.72, "Population": 540.0}, {"index": 1918, "quantile": 0.0, "value": 111300.0, "Latitude": 38.91, "Longitude": -120.88, "Population": 1960.0}, {"index": 1918, "quantile": 0.25, "value": 127299.99999999999, "Latitude": 38.91, "Longitude": -120.88, "Population": 1960.0}, {"index": 1918, "quantile": 0.5, "value": 127299.99999999999, "Latitude": 38.91, "Longitude": -120.88, "Population": 1960.0}, {"index": 1918, "quantile": 0.75, "value": 127525.0, "Latitude": 38.91, "Longitude": -120.88, "Population": 1960.0}, {"index": 1918, "quantile": 1.0, "value": 182500.0, "Latitude": 38.91, "Longitude": -120.88, "Population": 1960.0}, {"index": 1919, "quantile": 0.0, "value": 86400.0, "Latitude": 38.86, "Longitude": -120.92, "Population": 850.0}, {"index": 1919, "quantile": 0.25, "value": 119900.0, "Latitude": 38.86, "Longitude": -120.92, "Population": 850.0}, {"index": 1919, "quantile": 0.5, "value": 151500.0, "Latitude": 38.86, "Longitude": -120.92, "Population": 850.0}, {"index": 1919, "quantile": 0.75, "value": 163000.0, "Latitude": 38.86, "Longitude": -120.92, "Population": 850.0}, {"index": 1919, "quantile": 1.0, "value": 239200.0, "Latitude": 38.86, "Longitude": -120.92, "Population": 850.0}, {"index": 1920, "quantile": 0.0, "value": 94900.0, "Latitude": 38.83, "Longitude": -120.87, "Population": 1070.0}, {"index": 1920, "quantile": 0.25, "value": 128200.0, "Latitude": 38.83, "Longitude": -120.87, "Population": 1070.0}, {"index": 1920, "quantile": 0.5, "value": 128200.0, "Latitude": 38.83, "Longitude": -120.87, "Population": 1070.0}, {"index": 1920, "quantile": 0.75, "value": 128200.0, "Latitude": 38.83, "Longitude": -120.87, "Population": 1070.0}, {"index": 1920, "quantile": 1.0, "value": 207900.00000000003, "Latitude": 38.83, "Longitude": -120.87, "Population": 1070.0}, {"index": 1921, "quantile": 0.0, "value": 71700.0, "Latitude": 38.81, "Longitude": -120.84, "Population": 609.0}, {"index": 1921, "quantile": 0.25, "value": 110725.0, "Latitude": 38.81, "Longitude": -120.84, "Population": 609.0}, {"index": 1921, "quantile": 0.5, "value": 140900.0, "Latitude": 38.81, "Longitude": -120.84, "Population": 609.0}, {"index": 1921, "quantile": 0.75, "value": 163300.0, "Latitude": 38.81, "Longitude": -120.84, "Population": 609.0}, {"index": 1921, "quantile": 1.0, "value": 475000.0, "Latitude": 38.81, "Longitude": -120.84, "Population": 609.0}, {"index": 1922, "quantile": 0.0, "value": 69800.0, "Latitude": 38.89, "Longitude": -120.81, "Population": 675.0}, {"index": 1922, "quantile": 0.25, "value": 119300.0, "Latitude": 38.89, "Longitude": -120.81, "Population": 675.0}, {"index": 1922, "quantile": 0.5, "value": 119300.0, "Latitude": 38.89, "Longitude": -120.81, "Population": 675.0}, {"index": 1922, "quantile": 0.75, "value": 119300.0, "Latitude": 38.89, "Longitude": -120.81, "Population": 675.0}, {"index": 1922, "quantile": 1.0, "value": 187500.0, "Latitude": 38.89, "Longitude": -120.81, "Population": 675.0}, {"index": 1923, "quantile": 0.0, "value": 32500.0, "Latitude": 38.83, "Longitude": -120.79, "Population": 709.0}, {"index": 1923, "quantile": 0.25, "value": 110425.0, "Latitude": 38.83, "Longitude": -120.79, "Population": 709.0}, {"index": 1923, "quantile": 0.5, "value": 118500.0, "Latitude": 38.83, "Longitude": -120.79, "Population": 709.0}, {"index": 1923, "quantile": 0.75, "value": 118500.0, "Latitude": 38.83, "Longitude": -120.79, "Population": 709.0}, {"index": 1923, "quantile": 1.0, "value": 166800.0, "Latitude": 38.83, "Longitude": -120.79, "Population": 709.0}, {"index": 1924, "quantile": 0.0, "value": 85100.0, "Latitude": 38.85, "Longitude": -120.71, "Population": 884.0}, {"index": 1924, "quantile": 0.25, "value": 120100.0, "Latitude": 38.85, "Longitude": -120.71, "Population": 884.0}, {"index": 1924, "quantile": 0.5, "value": 120100.0, "Latitude": 38.85, "Longitude": -120.71, "Population": 884.0}, {"index": 1924, "quantile": 0.75, "value": 120100.0, "Latitude": 38.85, "Longitude": -120.71, "Population": 884.0}, {"index": 1924, "quantile": 1.0, "value": 300000.0, "Latitude": 38.85, "Longitude": -120.71, "Population": 884.0}, {"index": 1925, "quantile": 0.0, "value": 87500.0, "Latitude": 38.87, "Longitude": -120.5, "Population": 55.0}, {"index": 1925, "quantile": 0.25, "value": 87500.0, "Latitude": 38.87, "Longitude": -120.5, "Population": 55.0}, {"index": 1925, "quantile": 0.5, "value": 87500.0, "Latitude": 38.87, "Longitude": -120.5, "Population": 55.0}, {"index": 1925, "quantile": 0.75, "value": 143475.0, "Latitude": 38.87, "Longitude": -120.5, "Population": 55.0}, {"index": 1925, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.87, "Longitude": -120.5, "Population": 55.0}, {"index": 1926, "quantile": 0.0, "value": 62500.0, "Latitude": 38.9, "Longitude": -120.3, "Population": 113.0}, {"index": 1926, "quantile": 0.25, "value": 95500.0, "Latitude": 38.9, "Longitude": -120.3, "Population": 113.0}, {"index": 1926, "quantile": 0.5, "value": 95500.0, "Latitude": 38.9, "Longitude": -120.3, "Population": 113.0}, {"index": 1926, "quantile": 0.75, "value": 95500.0, "Latitude": 38.9, "Longitude": -120.3, "Population": 113.0}, {"index": 1926, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.9, "Longitude": -120.3, "Population": 113.0}, {"index": 1927, "quantile": 0.0, "value": 120900.00000000001, "Latitude": 38.68, "Longitude": -121.09, "Population": 1949.0}, {"index": 1927, "quantile": 0.25, "value": 212000.0, "Latitude": 38.68, "Longitude": -121.09, "Population": 1949.0}, {"index": 1927, "quantile": 0.5, "value": 213300.0, "Latitude": 38.68, "Longitude": -121.09, "Population": 1949.0}, {"index": 1927, "quantile": 0.75, "value": 213300.0, "Latitude": 38.68, "Longitude": -121.09, "Population": 1949.0}, {"index": 1927, "quantile": 1.0, "value": 326800.0, "Latitude": 38.68, "Longitude": -121.09, "Population": 1949.0}, {"index": 1928, "quantile": 0.0, "value": 165200.0, "Latitude": 38.67, "Longitude": -121.08, "Population": 1040.0}, {"index": 1928, "quantile": 0.25, "value": 239600.0, "Latitude": 38.67, "Longitude": -121.08, "Population": 1040.0}, {"index": 1928, "quantile": 0.5, "value": 239600.0, "Latitude": 38.67, "Longitude": -121.08, "Population": 1040.0}, {"index": 1928, "quantile": 0.75, "value": 286125.0, "Latitude": 38.67, "Longitude": -121.08, "Population": 1040.0}, {"index": 1928, "quantile": 1.0, "value": 422900.0, "Latitude": 38.67, "Longitude": -121.08, "Population": 1040.0}, {"index": 1929, "quantile": 0.0, "value": 121400.0, "Latitude": 38.66, "Longitude": -121.07, "Population": 813.0}, {"index": 1929, "quantile": 0.25, "value": 173400.0, "Latitude": 38.66, "Longitude": -121.07, "Population": 813.0}, {"index": 1929, "quantile": 0.5, "value": 173400.0, "Latitude": 38.66, "Longitude": -121.07, "Population": 813.0}, {"index": 1929, "quantile": 0.75, "value": 192000.0, "Latitude": 38.66, "Longitude": -121.07, "Population": 813.0}, {"index": 1929, "quantile": 1.0, "value": 270600.0, "Latitude": 38.66, "Longitude": -121.07, "Population": 813.0}, {"index": 1930, "quantile": 0.0, "value": 138100.0, "Latitude": 38.7, "Longitude": -121.06, "Population": 5001.0}, {"index": 1930, "quantile": 0.25, "value": 228900.00000000003, "Latitude": 38.7, "Longitude": -121.06, "Population": 5001.0}, {"index": 1930, "quantile": 0.5, "value": 228900.00000000003, "Latitude": 38.7, "Longitude": -121.06, "Population": 5001.0}, {"index": 1930, "quantile": 0.75, "value": 228900.00000000003, "Latitude": 38.7, "Longitude": -121.06, "Population": 5001.0}, {"index": 1930, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.7, "Longitude": -121.06, "Population": 5001.0}, {"index": 1931, "quantile": 0.0, "value": 161900.0, "Latitude": 38.58, "Longitude": -121.0, "Population": 1357.0}, {"index": 1931, "quantile": 0.25, "value": 217499.99999999997, "Latitude": 38.58, "Longitude": -121.0, "Population": 1357.0}, {"index": 1931, "quantile": 0.5, "value": 217499.99999999997, "Latitude": 38.58, "Longitude": -121.0, "Population": 1357.0}, {"index": 1931, "quantile": 0.75, "value": 217499.99999999997, "Latitude": 38.58, "Longitude": -121.0, "Population": 1357.0}, {"index": 1931, "quantile": 1.0, "value": 429000.0, "Latitude": 38.58, "Longitude": -121.0, "Population": 1357.0}, {"index": 1932, "quantile": 0.0, "value": 120500.0, "Latitude": 38.73, "Longitude": -121.01, "Population": 2957.0}, {"index": 1932, "quantile": 0.25, "value": 197500.0, "Latitude": 38.73, "Longitude": -121.01, "Population": 2957.0}, {"index": 1932, "quantile": 0.5, "value": 197500.0, "Latitude": 38.73, "Longitude": -121.01, "Population": 2957.0}, {"index": 1932, "quantile": 0.75, "value": 197500.0, "Latitude": 38.73, "Longitude": -121.01, "Population": 2957.0}, {"index": 1932, "quantile": 1.0, "value": 300600.0, "Latitude": 38.73, "Longitude": -121.01, "Population": 2957.0}, {"index": 1933, "quantile": 0.0, "value": 110900.0, "Latitude": 38.69, "Longitude": -120.99, "Population": 2651.0}, {"index": 1933, "quantile": 0.25, "value": 167925.0, "Latitude": 38.69, "Longitude": -120.99, "Population": 2651.0}, {"index": 1933, "quantile": 0.5, "value": 172500.0, "Latitude": 38.69, "Longitude": -120.99, "Population": 2651.0}, {"index": 1933, "quantile": 0.75, "value": 172500.0, "Latitude": 38.69, "Longitude": -120.99, "Population": 2651.0}, {"index": 1933, "quantile": 1.0, "value": 212900.0, "Latitude": 38.69, "Longitude": -120.99, "Population": 2651.0}, {"index": 1934, "quantile": 0.0, "value": 90600.0, "Latitude": 38.66, "Longitude": -121.02, "Population": 3096.0}, {"index": 1934, "quantile": 0.25, "value": 195525.0, "Latitude": 38.66, "Longitude": -121.02, "Population": 3096.0}, {"index": 1934, "quantile": 0.5, "value": 198900.0, "Latitude": 38.66, "Longitude": -121.02, "Population": 3096.0}, {"index": 1934, "quantile": 0.75, "value": 198900.0, "Latitude": 38.66, "Longitude": -121.02, "Population": 3096.0}, {"index": 1934, "quantile": 1.0, "value": 300600.0, "Latitude": 38.66, "Longitude": -121.02, "Population": 3096.0}, {"index": 1935, "quantile": 0.0, "value": 146200.0, "Latitude": 38.67, "Longitude": -120.99, "Population": 2005.0}, {"index": 1935, "quantile": 0.25, "value": 187900.0, "Latitude": 38.67, "Longitude": -120.99, "Population": 2005.0}, {"index": 1935, "quantile": 0.5, "value": 187900.0, "Latitude": 38.67, "Longitude": -120.99, "Population": 2005.0}, {"index": 1935, "quantile": 0.75, "value": 217199.99999999997, "Latitude": 38.67, "Longitude": -120.99, "Population": 2005.0}, {"index": 1935, "quantile": 1.0, "value": 267400.0, "Latitude": 38.67, "Longitude": -120.99, "Population": 2005.0}, {"index": 1936, "quantile": 0.0, "value": 138100.0, "Latitude": 38.67, "Longitude": -120.98, "Population": 1286.0}, {"index": 1936, "quantile": 0.25, "value": 186600.0, "Latitude": 38.67, "Longitude": -120.98, "Population": 1286.0}, {"index": 1936, "quantile": 0.5, "value": 186600.0, "Latitude": 38.67, "Longitude": -120.98, "Population": 1286.0}, {"index": 1936, "quantile": 0.75, "value": 186600.0, "Latitude": 38.67, "Longitude": -120.98, "Population": 1286.0}, {"index": 1936, "quantile": 1.0, "value": 394900.0, "Latitude": 38.67, "Longitude": -120.98, "Population": 1286.0}, {"index": 1937, "quantile": 0.0, "value": 87900.0, "Latitude": 38.66, "Longitude": -120.98, "Population": 916.0}, {"index": 1937, "quantile": 0.25, "value": 156800.0, "Latitude": 38.66, "Longitude": -120.98, "Population": 916.0}, {"index": 1937, "quantile": 0.5, "value": 163300.0, "Latitude": 38.66, "Longitude": -120.98, "Population": 916.0}, {"index": 1937, "quantile": 0.75, "value": 163300.0, "Latitude": 38.66, "Longitude": -120.98, "Population": 916.0}, {"index": 1937, "quantile": 1.0, "value": 390800.0, "Latitude": 38.66, "Longitude": -120.98, "Population": 916.0}, {"index": 1938, "quantile": 0.0, "value": 116799.99999999999, "Latitude": 38.68, "Longitude": -120.98, "Population": 2242.0}, {"index": 1938, "quantile": 0.25, "value": 162800.0, "Latitude": 38.68, "Longitude": -120.98, "Population": 2242.0}, {"index": 1938, "quantile": 0.5, "value": 176900.0, "Latitude": 38.68, "Longitude": -120.98, "Population": 2242.0}, {"index": 1938, "quantile": 0.75, "value": 176900.0, "Latitude": 38.68, "Longitude": -120.98, "Population": 2242.0}, {"index": 1938, "quantile": 1.0, "value": 176900.0, "Latitude": 38.68, "Longitude": -120.98, "Population": 2242.0}, {"index": 1939, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 38.69, "Longitude": -120.95, "Population": 1689.0}, {"index": 1939, "quantile": 0.25, "value": 213475.0, "Latitude": 38.69, "Longitude": -120.95, "Population": 1689.0}, {"index": 1939, "quantile": 0.5, "value": 217099.99999999997, "Latitude": 38.69, "Longitude": -120.95, "Population": 1689.0}, {"index": 1939, "quantile": 0.75, "value": 217099.99999999997, "Latitude": 38.69, "Longitude": -120.95, "Population": 1689.0}, {"index": 1939, "quantile": 1.0, "value": 286400.0, "Latitude": 38.69, "Longitude": -120.95, "Population": 1689.0}, {"index": 1940, "quantile": 0.0, "value": 100000.0, "Latitude": 38.66, "Longitude": -120.96, "Population": 1062.0}, {"index": 1940, "quantile": 0.25, "value": 140200.0, "Latitude": 38.66, "Longitude": -120.96, "Population": 1062.0}, {"index": 1940, "quantile": 0.5, "value": 155900.0, "Latitude": 38.66, "Longitude": -120.96, "Population": 1062.0}, {"index": 1940, "quantile": 0.75, "value": 163750.0, "Latitude": 38.66, "Longitude": -120.96, "Population": 1062.0}, {"index": 1940, "quantile": 1.0, "value": 300600.0, "Latitude": 38.66, "Longitude": -120.96, "Population": 1062.0}, {"index": 1941, "quantile": 0.0, "value": 107600.0, "Latitude": 38.65, "Longitude": -120.97, "Population": 1601.0}, {"index": 1941, "quantile": 0.25, "value": 191400.00000000003, "Latitude": 38.65, "Longitude": -120.97, "Population": 1601.0}, {"index": 1941, "quantile": 0.5, "value": 300600.0, "Latitude": 38.65, "Longitude": -120.97, "Population": 1601.0}, {"index": 1941, "quantile": 0.75, "value": 300600.0, "Latitude": 38.65, "Longitude": -120.97, "Population": 1601.0}, {"index": 1941, "quantile": 1.0, "value": 300600.0, "Latitude": 38.65, "Longitude": -120.97, "Population": 1601.0}, {"index": 1942, "quantile": 0.0, "value": 71300.0, "Latitude": 38.65, "Longitude": -120.93, "Population": 1097.0}, {"index": 1942, "quantile": 0.25, "value": 170100.0, "Latitude": 38.65, "Longitude": -120.93, "Population": 1097.0}, {"index": 1942, "quantile": 0.5, "value": 170100.0, "Latitude": 38.65, "Longitude": -120.93, "Population": 1097.0}, {"index": 1942, "quantile": 0.75, "value": 174100.0, "Latitude": 38.65, "Longitude": -120.93, "Population": 1097.0}, {"index": 1942, "quantile": 1.0, "value": 300600.0, "Latitude": 38.65, "Longitude": -120.93, "Population": 1097.0}, {"index": 1943, "quantile": 0.0, "value": 87500.0, "Latitude": 38.62, "Longitude": -120.91, "Population": 2033.0}, {"index": 1943, "quantile": 0.25, "value": 146250.0, "Latitude": 38.62, "Longitude": -120.91, "Population": 2033.0}, {"index": 1943, "quantile": 0.5, "value": 172500.0, "Latitude": 38.62, "Longitude": -120.91, "Population": 2033.0}, {"index": 1943, "quantile": 0.75, "value": 209600.0, "Latitude": 38.62, "Longitude": -120.91, "Population": 2033.0}, {"index": 1943, "quantile": 1.0, "value": 346100.0, "Latitude": 38.62, "Longitude": -120.91, "Population": 2033.0}, {"index": 1944, "quantile": 0.0, "value": 96200.0, "Latitude": 38.79, "Longitude": -120.95, "Population": 1459.0}, {"index": 1944, "quantile": 0.25, "value": 151850.0, "Latitude": 38.79, "Longitude": -120.95, "Population": 1459.0}, {"index": 1944, "quantile": 0.5, "value": 172500.0, "Latitude": 38.79, "Longitude": -120.95, "Population": 1459.0}, {"index": 1944, "quantile": 0.75, "value": 192600.0, "Latitude": 38.79, "Longitude": -120.95, "Population": 1459.0}, {"index": 1944, "quantile": 1.0, "value": 353000.0, "Latitude": 38.79, "Longitude": -120.95, "Population": 1459.0}, {"index": 1945, "quantile": 0.0, "value": 138100.0, "Latitude": 38.77, "Longitude": -120.93, "Population": 788.0}, {"index": 1945, "quantile": 0.25, "value": 196300.0, "Latitude": 38.77, "Longitude": -120.93, "Population": 788.0}, {"index": 1945, "quantile": 0.5, "value": 196300.0, "Latitude": 38.77, "Longitude": -120.93, "Population": 788.0}, {"index": 1945, "quantile": 0.75, "value": 214075.00000000003, "Latitude": 38.77, "Longitude": -120.93, "Population": 788.0}, {"index": 1945, "quantile": 1.0, "value": 361900.0, "Latitude": 38.77, "Longitude": -120.93, "Population": 788.0}, {"index": 1946, "quantile": 0.0, "value": 87200.0, "Latitude": 38.73, "Longitude": -120.91, "Population": 2645.0}, {"index": 1946, "quantile": 0.25, "value": 155450.0, "Latitude": 38.73, "Longitude": -120.91, "Population": 2645.0}, {"index": 1946, "quantile": 0.5, "value": 185450.0, "Latitude": 38.73, "Longitude": -120.91, "Population": 2645.0}, {"index": 1946, "quantile": 0.75, "value": 201900.0, "Latitude": 38.73, "Longitude": -120.91, "Population": 2645.0}, {"index": 1946, "quantile": 1.0, "value": 298400.0, "Latitude": 38.73, "Longitude": -120.91, "Population": 2645.0}, {"index": 1947, "quantile": 0.0, "value": 96600.0, "Latitude": 38.71, "Longitude": -120.87, "Population": 1302.0}, {"index": 1947, "quantile": 0.25, "value": 161524.99999999997, "Latitude": 38.71, "Longitude": -120.87, "Population": 1302.0}, {"index": 1947, "quantile": 0.5, "value": 167400.0, "Latitude": 38.71, "Longitude": -120.87, "Population": 1302.0}, {"index": 1947, "quantile": 0.75, "value": 167400.0, "Latitude": 38.71, "Longitude": -120.87, "Population": 1302.0}, {"index": 1947, "quantile": 1.0, "value": 239200.0, "Latitude": 38.71, "Longitude": -120.87, "Population": 1302.0}, {"index": 1948, "quantile": 0.0, "value": 87500.0, "Latitude": 38.77, "Longitude": -120.84, "Population": 410.0}, {"index": 1948, "quantile": 0.25, "value": 169500.0, "Latitude": 38.77, "Longitude": -120.84, "Population": 410.0}, {"index": 1948, "quantile": 0.5, "value": 184600.0, "Latitude": 38.77, "Longitude": -120.84, "Population": 410.0}, {"index": 1948, "quantile": 0.75, "value": 184600.0, "Latitude": 38.77, "Longitude": -120.84, "Population": 410.0}, {"index": 1948, "quantile": 1.0, "value": 290600.0, "Latitude": 38.77, "Longitude": -120.84, "Population": 410.0}, {"index": 1949, "quantile": 0.0, "value": 75900.0, "Latitude": 38.75, "Longitude": -120.86, "Population": 674.0}, {"index": 1949, "quantile": 0.25, "value": 129099.99999999999, "Latitude": 38.75, "Longitude": -120.86, "Population": 674.0}, {"index": 1949, "quantile": 0.5, "value": 146100.0, "Latitude": 38.75, "Longitude": -120.86, "Population": 674.0}, {"index": 1949, "quantile": 0.75, "value": 146100.0, "Latitude": 38.75, "Longitude": -120.86, "Population": 674.0}, {"index": 1949, "quantile": 1.0, "value": 187500.0, "Latitude": 38.75, "Longitude": -120.86, "Population": 674.0}, {"index": 1950, "quantile": 0.0, "value": 75400.0, "Latitude": 38.74, "Longitude": -120.83, "Population": 1714.0}, {"index": 1950, "quantile": 0.25, "value": 128299.99999999999, "Latitude": 38.74, "Longitude": -120.83, "Population": 1714.0}, {"index": 1950, "quantile": 0.5, "value": 128299.99999999999, "Latitude": 38.74, "Longitude": -120.83, "Population": 1714.0}, {"index": 1950, "quantile": 0.75, "value": 128299.99999999999, "Latitude": 38.74, "Longitude": -120.83, "Population": 1714.0}, {"index": 1950, "quantile": 1.0, "value": 158600.0, "Latitude": 38.74, "Longitude": -120.83, "Population": 1714.0}, {"index": 1951, "quantile": 0.0, "value": 90400.0, "Latitude": 38.73, "Longitude": -120.84, "Population": 1158.0}, {"index": 1951, "quantile": 0.25, "value": 118250.00000000001, "Latitude": 38.73, "Longitude": -120.84, "Population": 1158.0}, {"index": 1951, "quantile": 0.5, "value": 126000.0, "Latitude": 38.73, "Longitude": -120.84, "Population": 1158.0}, {"index": 1951, "quantile": 0.75, "value": 141300.0, "Latitude": 38.73, "Longitude": -120.84, "Population": 1158.0}, {"index": 1951, "quantile": 1.0, "value": 213000.0, "Latitude": 38.73, "Longitude": -120.84, "Population": 1158.0}, {"index": 1952, "quantile": 0.0, "value": 62000.0, "Latitude": 38.73, "Longitude": -120.81, "Population": 882.0}, {"index": 1952, "quantile": 0.25, "value": 88575.0, "Latitude": 38.73, "Longitude": -120.81, "Population": 882.0}, {"index": 1952, "quantile": 0.5, "value": 114699.99999999999, "Latitude": 38.73, "Longitude": -120.81, "Population": 882.0}, {"index": 1952, "quantile": 0.75, "value": 123950.0, "Latitude": 38.73, "Longitude": -120.81, "Population": 882.0}, {"index": 1952, "quantile": 1.0, "value": 201300.0, "Latitude": 38.73, "Longitude": -120.81, "Population": 882.0}, {"index": 1953, "quantile": 0.0, "value": 64300.0, "Latitude": 38.74, "Longitude": -120.78, "Population": 2008.0}, {"index": 1953, "quantile": 0.25, "value": 111300.0, "Latitude": 38.74, "Longitude": -120.78, "Population": 2008.0}, {"index": 1953, "quantile": 0.5, "value": 111300.0, "Latitude": 38.74, "Longitude": -120.78, "Population": 2008.0}, {"index": 1953, "quantile": 0.75, "value": 113899.99999999999, "Latitude": 38.74, "Longitude": -120.78, "Population": 2008.0}, {"index": 1953, "quantile": 1.0, "value": 179800.0, "Latitude": 38.74, "Longitude": -120.78, "Population": 2008.0}, {"index": 1954, "quantile": 0.0, "value": 73500.0, "Latitude": 38.74, "Longitude": -120.81, "Population": 1099.0}, {"index": 1954, "quantile": 0.25, "value": 117400.0, "Latitude": 38.74, "Longitude": -120.81, "Population": 1099.0}, {"index": 1954, "quantile": 0.5, "value": 121600.0, "Latitude": 38.74, "Longitude": -120.81, "Population": 1099.0}, {"index": 1954, "quantile": 0.75, "value": 121600.0, "Latitude": 38.74, "Longitude": -120.81, "Population": 1099.0}, {"index": 1954, "quantile": 1.0, "value": 148500.0, "Latitude": 38.74, "Longitude": -120.81, "Population": 1099.0}, {"index": 1955, "quantile": 0.0, "value": 70400.0, "Latitude": 38.76, "Longitude": -120.76, "Population": 1576.0}, {"index": 1955, "quantile": 0.25, "value": 133750.0, "Latitude": 38.76, "Longitude": -120.76, "Population": 1576.0}, {"index": 1955, "quantile": 0.5, "value": 148500.0, "Latitude": 38.76, "Longitude": -120.76, "Population": 1576.0}, {"index": 1955, "quantile": 0.75, "value": 148500.0, "Latitude": 38.76, "Longitude": -120.76, "Population": 1576.0}, {"index": 1955, "quantile": 1.0, "value": 201300.0, "Latitude": 38.76, "Longitude": -120.76, "Population": 1576.0}, {"index": 1956, "quantile": 0.0, "value": 32500.0, "Latitude": 38.73, "Longitude": -120.76, "Population": 314.0}, {"index": 1956, "quantile": 0.25, "value": 80700.0, "Latitude": 38.73, "Longitude": -120.76, "Population": 314.0}, {"index": 1956, "quantile": 0.5, "value": 94900.0, "Latitude": 38.73, "Longitude": -120.76, "Population": 314.0}, {"index": 1956, "quantile": 0.75, "value": 115575.0, "Latitude": 38.73, "Longitude": -120.76, "Population": 314.0}, {"index": 1956, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.73, "Longitude": -120.76, "Population": 314.0}, {"index": 1957, "quantile": 0.0, "value": 69800.0, "Latitude": 38.73, "Longitude": -120.78, "Population": 1606.0}, {"index": 1957, "quantile": 0.25, "value": 112650.0, "Latitude": 38.73, "Longitude": -120.78, "Population": 1606.0}, {"index": 1957, "quantile": 0.5, "value": 118849.99999999999, "Latitude": 38.73, "Longitude": -120.78, "Population": 1606.0}, {"index": 1957, "quantile": 0.75, "value": 137500.0, "Latitude": 38.73, "Longitude": -120.78, "Population": 1606.0}, {"index": 1957, "quantile": 1.0, "value": 187500.0, "Latitude": 38.73, "Longitude": -120.78, "Population": 1606.0}, {"index": 1958, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 38.73, "Longitude": -120.81, "Population": 799.0}, {"index": 1958, "quantile": 0.25, "value": 80200.0, "Latitude": 38.73, "Longitude": -120.81, "Population": 799.0}, {"index": 1958, "quantile": 0.5, "value": 90500.0, "Latitude": 38.73, "Longitude": -120.81, "Population": 799.0}, {"index": 1958, "quantile": 0.75, "value": 122050.00000000001, "Latitude": 38.73, "Longitude": -120.81, "Population": 799.0}, {"index": 1958, "quantile": 1.0, "value": 187500.0, "Latitude": 38.73, "Longitude": -120.81, "Population": 799.0}, {"index": 1959, "quantile": 0.0, "value": 105700.0, "Latitude": 38.72, "Longitude": -120.78, "Population": 1865.0}, {"index": 1959, "quantile": 0.25, "value": 150900.0, "Latitude": 38.72, "Longitude": -120.78, "Population": 1865.0}, {"index": 1959, "quantile": 0.5, "value": 150900.0, "Latitude": 38.72, "Longitude": -120.78, "Population": 1865.0}, {"index": 1959, "quantile": 0.75, "value": 150900.0, "Latitude": 38.72, "Longitude": -120.78, "Population": 1865.0}, {"index": 1959, "quantile": 1.0, "value": 269500.0, "Latitude": 38.72, "Longitude": -120.78, "Population": 1865.0}, {"index": 1960, "quantile": 0.0, "value": 49800.0, "Latitude": 38.76, "Longitude": -120.67, "Population": 1060.0}, {"index": 1960, "quantile": 0.25, "value": 113799.99999999999, "Latitude": 38.76, "Longitude": -120.67, "Population": 1060.0}, {"index": 1960, "quantile": 0.5, "value": 138100.0, "Latitude": 38.76, "Longitude": -120.67, "Population": 1060.0}, {"index": 1960, "quantile": 0.75, "value": 138100.0, "Latitude": 38.76, "Longitude": -120.67, "Population": 1060.0}, {"index": 1960, "quantile": 1.0, "value": 153300.0, "Latitude": 38.76, "Longitude": -120.67, "Population": 1060.0}, {"index": 1961, "quantile": 0.0, "value": 91900.0, "Latitude": 38.75, "Longitude": -120.7, "Population": 967.0}, {"index": 1961, "quantile": 0.25, "value": 143400.00000000003, "Latitude": 38.75, "Longitude": -120.7, "Population": 967.0}, {"index": 1961, "quantile": 0.5, "value": 158700.0, "Latitude": 38.75, "Longitude": -120.7, "Population": 967.0}, {"index": 1961, "quantile": 0.75, "value": 158700.0, "Latitude": 38.75, "Longitude": -120.7, "Population": 967.0}, {"index": 1961, "quantile": 1.0, "value": 182500.0, "Latitude": 38.75, "Longitude": -120.7, "Population": 967.0}, {"index": 1962, "quantile": 0.0, "value": 71900.0, "Latitude": 38.73, "Longitude": -120.71, "Population": 862.0}, {"index": 1962, "quantile": 0.25, "value": 141300.0, "Latitude": 38.73, "Longitude": -120.71, "Population": 862.0}, {"index": 1962, "quantile": 0.5, "value": 141300.0, "Latitude": 38.73, "Longitude": -120.71, "Population": 862.0}, {"index": 1962, "quantile": 0.75, "value": 141300.0, "Latitude": 38.73, "Longitude": -120.71, "Population": 862.0}, {"index": 1962, "quantile": 1.0, "value": 187500.0, "Latitude": 38.73, "Longitude": -120.71, "Population": 862.0}, {"index": 1963, "quantile": 0.0, "value": 109500.0, "Latitude": 38.77, "Longitude": -120.58, "Population": 857.0}, {"index": 1963, "quantile": 0.25, "value": 141200.0, "Latitude": 38.77, "Longitude": -120.58, "Population": 857.0}, {"index": 1963, "quantile": 0.5, "value": 141200.0, "Latitude": 38.77, "Longitude": -120.58, "Population": 857.0}, {"index": 1963, "quantile": 0.75, "value": 141200.0, "Latitude": 38.77, "Longitude": -120.58, "Population": 857.0}, {"index": 1963, "quantile": 1.0, "value": 297400.0, "Latitude": 38.77, "Longitude": -120.58, "Population": 857.0}, {"index": 1964, "quantile": 0.0, "value": 60200.0, "Latitude": 38.77, "Longitude": -120.58, "Population": 789.0}, {"index": 1964, "quantile": 0.25, "value": 108700.0, "Latitude": 38.77, "Longitude": -120.58, "Population": 789.0}, {"index": 1964, "quantile": 0.5, "value": 108700.0, "Latitude": 38.77, "Longitude": -120.58, "Population": 789.0}, {"index": 1964, "quantile": 0.75, "value": 108700.0, "Latitude": 38.77, "Longitude": -120.58, "Population": 789.0}, {"index": 1964, "quantile": 1.0, "value": 148500.0, "Latitude": 38.77, "Longitude": -120.58, "Population": 789.0}, {"index": 1965, "quantile": 0.0, "value": 69800.0, "Latitude": 38.76, "Longitude": -120.6, "Population": 615.0}, {"index": 1965, "quantile": 0.25, "value": 106900.0, "Latitude": 38.76, "Longitude": -120.6, "Population": 615.0}, {"index": 1965, "quantile": 0.5, "value": 106900.0, "Latitude": 38.76, "Longitude": -120.6, "Population": 615.0}, {"index": 1965, "quantile": 0.75, "value": 106900.0, "Latitude": 38.76, "Longitude": -120.6, "Population": 615.0}, {"index": 1965, "quantile": 1.0, "value": 190200.0, "Latitude": 38.76, "Longitude": -120.6, "Population": 615.0}, {"index": 1966, "quantile": 0.0, "value": 50000.0, "Latitude": 38.76, "Longitude": -120.59, "Population": 731.0}, {"index": 1966, "quantile": 0.25, "value": 94700.0, "Latitude": 38.76, "Longitude": -120.59, "Population": 731.0}, {"index": 1966, "quantile": 0.5, "value": 94700.0, "Latitude": 38.76, "Longitude": -120.59, "Population": 731.0}, {"index": 1966, "quantile": 0.75, "value": 94900.0, "Latitude": 38.76, "Longitude": -120.59, "Population": 731.0}, {"index": 1966, "quantile": 1.0, "value": 183200.0, "Latitude": 38.76, "Longitude": -120.59, "Population": 731.0}, {"index": 1967, "quantile": 0.0, "value": 77400.0, "Latitude": 38.75, "Longitude": -120.63, "Population": 1432.0}, {"index": 1967, "quantile": 0.25, "value": 117500.0, "Latitude": 38.75, "Longitude": -120.63, "Population": 1432.0}, {"index": 1967, "quantile": 0.5, "value": 117500.0, "Latitude": 38.75, "Longitude": -120.63, "Population": 1432.0}, {"index": 1967, "quantile": 0.75, "value": 117775.00000000001, "Latitude": 38.75, "Longitude": -120.63, "Population": 1432.0}, {"index": 1967, "quantile": 1.0, "value": 201300.0, "Latitude": 38.75, "Longitude": -120.63, "Population": 1432.0}, {"index": 1968, "quantile": 0.0, "value": 96200.0, "Latitude": 38.69, "Longitude": -120.7, "Population": 2093.0}, {"index": 1968, "quantile": 0.25, "value": 151700.0, "Latitude": 38.69, "Longitude": -120.7, "Population": 2093.0}, {"index": 1968, "quantile": 0.5, "value": 151700.0, "Latitude": 38.69, "Longitude": -120.7, "Population": 2093.0}, {"index": 1968, "quantile": 0.75, "value": 151700.0, "Latitude": 38.69, "Longitude": -120.7, "Population": 2093.0}, {"index": 1968, "quantile": 1.0, "value": 300600.0, "Latitude": 38.69, "Longitude": -120.7, "Population": 2093.0}, {"index": 1969, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 38.73, "Longitude": -120.63, "Population": 1944.0}, {"index": 1969, "quantile": 0.25, "value": 140200.0, "Latitude": 38.73, "Longitude": -120.63, "Population": 1944.0}, {"index": 1969, "quantile": 0.5, "value": 140200.0, "Latitude": 38.73, "Longitude": -120.63, "Population": 1944.0}, {"index": 1969, "quantile": 0.75, "value": 140200.0, "Latitude": 38.73, "Longitude": -120.63, "Population": 1944.0}, {"index": 1969, "quantile": 1.0, "value": 300600.0, "Latitude": 38.73, "Longitude": -120.63, "Population": 1944.0}, {"index": 1970, "quantile": 0.0, "value": 99800.0, "Latitude": 38.71, "Longitude": -120.62, "Population": 2597.0}, {"index": 1970, "quantile": 0.25, "value": 132200.0, "Latitude": 38.71, "Longitude": -120.62, "Population": 2597.0}, {"index": 1970, "quantile": 0.5, "value": 132200.0, "Latitude": 38.71, "Longitude": -120.62, "Population": 2597.0}, {"index": 1970, "quantile": 0.75, "value": 132600.0, "Latitude": 38.71, "Longitude": -120.62, "Population": 2597.0}, {"index": 1970, "quantile": 1.0, "value": 300600.0, "Latitude": 38.71, "Longitude": -120.62, "Population": 2597.0}, {"index": 1971, "quantile": 0.0, "value": 90400.0, "Latitude": 38.68, "Longitude": -120.63, "Population": 769.0}, {"index": 1971, "quantile": 0.25, "value": 131700.0, "Latitude": 38.68, "Longitude": -120.63, "Population": 769.0}, {"index": 1971, "quantile": 0.5, "value": 131700.0, "Latitude": 38.68, "Longitude": -120.63, "Population": 769.0}, {"index": 1971, "quantile": 0.75, "value": 131700.0, "Latitude": 38.68, "Longitude": -120.63, "Population": 769.0}, {"index": 1971, "quantile": 1.0, "value": 244000.0, "Latitude": 38.68, "Longitude": -120.63, "Population": 769.0}, {"index": 1972, "quantile": 0.0, "value": 103000.0, "Latitude": 38.75, "Longitude": -120.54, "Population": 1102.0}, {"index": 1972, "quantile": 0.25, "value": 129575.0, "Latitude": 38.75, "Longitude": -120.54, "Population": 1102.0}, {"index": 1972, "quantile": 0.5, "value": 140200.0, "Latitude": 38.75, "Longitude": -120.54, "Population": 1102.0}, {"index": 1972, "quantile": 0.75, "value": 158300.0, "Latitude": 38.75, "Longitude": -120.54, "Population": 1102.0}, {"index": 1972, "quantile": 1.0, "value": 326500.0, "Latitude": 38.75, "Longitude": -120.54, "Population": 1102.0}, {"index": 1973, "quantile": 0.0, "value": 71400.0, "Latitude": 38.6, "Longitude": -120.76, "Population": 1226.0}, {"index": 1973, "quantile": 0.25, "value": 132825.00000000003, "Latitude": 38.6, "Longitude": -120.76, "Population": 1226.0}, {"index": 1973, "quantile": 0.5, "value": 133800.0, "Latitude": 38.6, "Longitude": -120.76, "Population": 1226.0}, {"index": 1973, "quantile": 0.75, "value": 133800.0, "Latitude": 38.6, "Longitude": -120.76, "Population": 1226.0}, {"index": 1973, "quantile": 1.0, "value": 182500.0, "Latitude": 38.6, "Longitude": -120.76, "Population": 1226.0}, {"index": 1974, "quantile": 0.0, "value": 77400.0, "Latitude": 38.61, "Longitude": -120.66, "Population": 1301.0}, {"index": 1974, "quantile": 0.25, "value": 126400.0, "Latitude": 38.61, "Longitude": -120.66, "Population": 1301.0}, {"index": 1974, "quantile": 0.5, "value": 126400.0, "Latitude": 38.61, "Longitude": -120.66, "Population": 1301.0}, {"index": 1974, "quantile": 0.75, "value": 126400.0, "Latitude": 38.61, "Longitude": -120.66, "Population": 1301.0}, {"index": 1974, "quantile": 1.0, "value": 201300.0, "Latitude": 38.61, "Longitude": -120.66, "Population": 1301.0}, {"index": 1975, "quantile": 0.0, "value": 50000.0, "Latitude": 38.57, "Longitude": -120.72, "Population": 427.0}, {"index": 1975, "quantile": 0.25, "value": 118675.0, "Latitude": 38.57, "Longitude": -120.72, "Population": 427.0}, {"index": 1975, "quantile": 0.5, "value": 118800.0, "Latitude": 38.57, "Longitude": -120.72, "Population": 427.0}, {"index": 1975, "quantile": 0.75, "value": 118800.0, "Latitude": 38.57, "Longitude": -120.72, "Population": 427.0}, {"index": 1975, "quantile": 1.0, "value": 187500.0, "Latitude": 38.57, "Longitude": -120.72, "Population": 427.0}, {"index": 1976, "quantile": 0.0, "value": 63800.0, "Latitude": 38.53, "Longitude": -120.59, "Population": 208.0}, {"index": 1976, "quantile": 0.25, "value": 100000.0, "Latitude": 38.53, "Longitude": -120.59, "Population": 208.0}, {"index": 1976, "quantile": 0.5, "value": 100000.0, "Latitude": 38.53, "Longitude": -120.59, "Population": 208.0}, {"index": 1976, "quantile": 0.75, "value": 110425.0, "Latitude": 38.53, "Longitude": -120.59, "Population": 208.0}, {"index": 1976, "quantile": 1.0, "value": 239200.0, "Latitude": 38.53, "Longitude": -120.59, "Population": 208.0}, {"index": 1977, "quantile": 0.0, "value": 93400.0, "Latitude": 38.61, "Longitude": -120.44, "Population": 796.0}, {"index": 1977, "quantile": 0.25, "value": 115599.99999999999, "Latitude": 38.61, "Longitude": -120.44, "Population": 796.0}, {"index": 1977, "quantile": 0.5, "value": 120100.0, "Latitude": 38.61, "Longitude": -120.44, "Population": 796.0}, {"index": 1977, "quantile": 0.75, "value": 139850.0, "Latitude": 38.61, "Longitude": -120.44, "Population": 796.0}, {"index": 1977, "quantile": 1.0, "value": 244000.0, "Latitude": 38.61, "Longitude": -120.44, "Population": 796.0}, {"index": 1978, "quantile": 0.0, "value": 77500.0, "Latitude": 38.71, "Longitude": -120.32, "Population": 86.0}, {"index": 1978, "quantile": 0.25, "value": 115599.99999999999, "Latitude": 38.71, "Longitude": -120.32, "Population": 86.0}, {"index": 1978, "quantile": 0.5, "value": 115599.99999999999, "Latitude": 38.71, "Longitude": -120.32, "Population": 86.0}, {"index": 1978, "quantile": 0.75, "value": 115599.99999999999, "Latitude": 38.71, "Longitude": -120.32, "Population": 86.0}, {"index": 1978, "quantile": 1.0, "value": 475000.0, "Latitude": 38.71, "Longitude": -120.32, "Population": 86.0}, {"index": 1979, "quantile": 0.0, "value": 98300.0, "Latitude": 38.8, "Longitude": -120.08, "Population": 36.0}, {"index": 1979, "quantile": 0.25, "value": 162500.0, "Latitude": 38.8, "Longitude": -120.08, "Population": 36.0}, {"index": 1979, "quantile": 0.5, "value": 162500.0, "Latitude": 38.8, "Longitude": -120.08, "Population": 36.0}, {"index": 1979, "quantile": 0.75, "value": 169500.0, "Latitude": 38.8, "Longitude": -120.08, "Population": 36.0}, {"index": 1979, "quantile": 1.0, "value": 495800.0, "Latitude": 38.8, "Longitude": -120.08, "Population": 36.0}, {"index": 1980, "quantile": 0.0, "value": 84200.0, "Latitude": 38.58, "Longitude": -120.88, "Population": 1703.0}, {"index": 1980, "quantile": 0.25, "value": 151275.0, "Latitude": 38.58, "Longitude": -120.88, "Population": 1703.0}, {"index": 1980, "quantile": 0.5, "value": 170700.0, "Latitude": 38.58, "Longitude": -120.88, "Population": 1703.0}, {"index": 1980, "quantile": 0.75, "value": 170700.0, "Latitude": 38.58, "Longitude": -120.88, "Population": 1703.0}, {"index": 1980, "quantile": 1.0, "value": 300600.0, "Latitude": 38.58, "Longitude": -120.88, "Population": 1703.0}, {"index": 1981, "quantile": 0.0, "value": 67500.0, "Latitude": 38.63, "Longitude": -120.84, "Population": 731.0}, {"index": 1981, "quantile": 0.25, "value": 166800.0, "Latitude": 38.63, "Longitude": -120.84, "Population": 731.0}, {"index": 1981, "quantile": 0.5, "value": 196700.0, "Latitude": 38.63, "Longitude": -120.84, "Population": 731.0}, {"index": 1981, "quantile": 0.75, "value": 220600.0, "Latitude": 38.63, "Longitude": -120.84, "Population": 731.0}, {"index": 1981, "quantile": 1.0, "value": 322300.0, "Latitude": 38.63, "Longitude": -120.84, "Population": 731.0}, {"index": 1982, "quantile": 0.0, "value": 97400.0, "Latitude": 38.67, "Longitude": -120.81, "Population": 3952.0}, {"index": 1982, "quantile": 0.25, "value": 118800.0, "Latitude": 38.67, "Longitude": -120.81, "Population": 3952.0}, {"index": 1982, "quantile": 0.5, "value": 118800.0, "Latitude": 38.67, "Longitude": -120.81, "Population": 3952.0}, {"index": 1982, "quantile": 0.75, "value": 120650.00000000001, "Latitude": 38.67, "Longitude": -120.81, "Population": 3952.0}, {"index": 1982, "quantile": 1.0, "value": 201300.0, "Latitude": 38.67, "Longitude": -120.81, "Population": 3952.0}, {"index": 1983, "quantile": 0.0, "value": 80800.0, "Latitude": 38.65, "Longitude": -120.76, "Population": 1126.0}, {"index": 1983, "quantile": 0.25, "value": 132800.0, "Latitude": 38.65, "Longitude": -120.76, "Population": 1126.0}, {"index": 1983, "quantile": 0.5, "value": 155900.0, "Latitude": 38.65, "Longitude": -120.76, "Population": 1126.0}, {"index": 1983, "quantile": 0.75, "value": 155900.0, "Latitude": 38.65, "Longitude": -120.76, "Population": 1126.0}, {"index": 1983, "quantile": 1.0, "value": 300600.0, "Latitude": 38.65, "Longitude": -120.76, "Population": 1126.0}, {"index": 1984, "quantile": 0.0, "value": 90600.0, "Latitude": 38.69, "Longitude": -120.85, "Population": 2697.0}, {"index": 1984, "quantile": 0.25, "value": 126975.0, "Latitude": 38.69, "Longitude": -120.85, "Population": 2697.0}, {"index": 1984, "quantile": 0.5, "value": 151900.0, "Latitude": 38.69, "Longitude": -120.85, "Population": 2697.0}, {"index": 1984, "quantile": 0.75, "value": 170700.0, "Latitude": 38.69, "Longitude": -120.85, "Population": 2697.0}, {"index": 1984, "quantile": 1.0, "value": 390800.0, "Latitude": 38.69, "Longitude": -120.85, "Population": 2697.0}, {"index": 1985, "quantile": 0.0, "value": 77400.0, "Latitude": 38.7, "Longitude": -120.79, "Population": 2243.0}, {"index": 1985, "quantile": 0.25, "value": 108700.0, "Latitude": 38.7, "Longitude": -120.79, "Population": 2243.0}, {"index": 1985, "quantile": 0.5, "value": 121600.0, "Latitude": 38.7, "Longitude": -120.79, "Population": 2243.0}, {"index": 1985, "quantile": 0.75, "value": 131900.0, "Latitude": 38.7, "Longitude": -120.79, "Population": 2243.0}, {"index": 1985, "quantile": 1.0, "value": 231700.00000000003, "Latitude": 38.7, "Longitude": -120.79, "Population": 2243.0}, {"index": 1986, "quantile": 0.0, "value": 26900.0, "Latitude": 36.73, "Longitude": -119.81, "Population": 662.0}, {"index": 1986, "quantile": 0.25, "value": 56699.99999999999, "Latitude": 36.73, "Longitude": -119.81, "Population": 662.0}, {"index": 1986, "quantile": 0.5, "value": 56699.99999999999, "Latitude": 36.73, "Longitude": -119.81, "Population": 662.0}, {"index": 1986, "quantile": 0.75, "value": 59124.99999999999, "Latitude": 36.73, "Longitude": -119.81, "Population": 662.0}, {"index": 1986, "quantile": 1.0, "value": 112500.0, "Latitude": 36.73, "Longitude": -119.81, "Population": 662.0}, {"index": 1987, "quantile": 0.0, "value": 41400.0, "Latitude": 36.73, "Longitude": -119.81, "Population": 1155.0}, {"index": 1987, "quantile": 0.25, "value": 49600.0, "Latitude": 36.73, "Longitude": -119.81, "Population": 1155.0}, {"index": 1987, "quantile": 0.5, "value": 49600.0, "Latitude": 36.73, "Longitude": -119.81, "Population": 1155.0}, {"index": 1987, "quantile": 0.75, "value": 49600.0, "Latitude": 36.73, "Longitude": -119.81, "Population": 1155.0}, {"index": 1987, "quantile": 1.0, "value": 87500.0, "Latitude": 36.73, "Longitude": -119.81, "Population": 1155.0}, {"index": 1988, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 36.74, "Longitude": -119.81, "Population": 483.0}, {"index": 1988, "quantile": 0.25, "value": 44025.0, "Latitude": 36.74, "Longitude": -119.81, "Population": 483.0}, {"index": 1988, "quantile": 0.5, "value": 52100.0, "Latitude": 36.74, "Longitude": -119.81, "Population": 483.0}, {"index": 1988, "quantile": 0.75, "value": 56499.99999999999, "Latitude": 36.74, "Longitude": -119.81, "Population": 483.0}, {"index": 1988, "quantile": 1.0, "value": 112500.0, "Latitude": 36.74, "Longitude": -119.81, "Population": 483.0}, {"index": 1989, "quantile": 0.0, "value": 22500.0, "Latitude": 36.73, "Longitude": -119.79, "Population": 193.0}, {"index": 1989, "quantile": 0.25, "value": 47500.0, "Latitude": 36.73, "Longitude": -119.79, "Population": 193.0}, {"index": 1989, "quantile": 0.5, "value": 47500.0, "Latitude": 36.73, "Longitude": -119.79, "Population": 193.0}, {"index": 1989, "quantile": 0.75, "value": 47500.0, "Latitude": 36.73, "Longitude": -119.79, "Population": 193.0}, {"index": 1989, "quantile": 1.0, "value": 162500.0, "Latitude": 36.73, "Longitude": -119.79, "Population": 193.0}, {"index": 1990, "quantile": 0.0, "value": 42100.0, "Latitude": 36.73, "Longitude": -119.8, "Population": 797.0}, {"index": 1990, "quantile": 0.25, "value": 44800.0, "Latitude": 36.73, "Longitude": -119.8, "Population": 797.0}, {"index": 1990, "quantile": 0.5, "value": 44800.0, "Latitude": 36.73, "Longitude": -119.8, "Population": 797.0}, {"index": 1990, "quantile": 0.75, "value": 49600.0, "Latitude": 36.73, "Longitude": -119.8, "Population": 797.0}, {"index": 1990, "quantile": 1.0, "value": 84400.0, "Latitude": 36.73, "Longitude": -119.8, "Population": 797.0}, {"index": 1991, "quantile": 0.0, "value": 39600.0, "Latitude": 36.72, "Longitude": -119.8, "Population": 972.0}, {"index": 1991, "quantile": 0.25, "value": 51800.0, "Latitude": 36.72, "Longitude": -119.8, "Population": 972.0}, {"index": 1991, "quantile": 0.5, "value": 59300.0, "Latitude": 36.72, "Longitude": -119.8, "Population": 972.0}, {"index": 1991, "quantile": 0.75, "value": 67575.00000000001, "Latitude": 36.72, "Longitude": -119.8, "Population": 972.0}, {"index": 1991, "quantile": 1.0, "value": 350000.0, "Latitude": 36.72, "Longitude": -119.8, "Population": 972.0}, {"index": 1992, "quantile": 0.0, "value": 37500.0, "Latitude": 36.72, "Longitude": -119.81, "Population": 902.0}, {"index": 1992, "quantile": 0.25, "value": 49900.0, "Latitude": 36.72, "Longitude": -119.81, "Population": 902.0}, {"index": 1992, "quantile": 0.5, "value": 54050.0, "Latitude": 36.72, "Longitude": -119.81, "Population": 902.0}, {"index": 1992, "quantile": 0.75, "value": 66100.0, "Latitude": 36.72, "Longitude": -119.81, "Population": 902.0}, {"index": 1992, "quantile": 1.0, "value": 110000.00000000001, "Latitude": 36.72, "Longitude": -119.81, "Population": 902.0}, {"index": 1993, "quantile": 0.0, "value": 26900.0, "Latitude": 36.73, "Longitude": -119.81, "Population": 606.0}, {"index": 1993, "quantile": 0.25, "value": 59200.0, "Latitude": 36.73, "Longitude": -119.81, "Population": 606.0}, {"index": 1993, "quantile": 0.5, "value": 59200.0, "Latitude": 36.73, "Longitude": -119.81, "Population": 606.0}, {"index": 1993, "quantile": 0.75, "value": 59200.0, "Latitude": 36.73, "Longitude": -119.81, "Population": 606.0}, {"index": 1993, "quantile": 1.0, "value": 84400.0, "Latitude": 36.73, "Longitude": -119.81, "Population": 606.0}, {"index": 1994, "quantile": 0.0, "value": 40900.0, "Latitude": 36.73, "Longitude": -119.77, "Population": 1286.0}, {"index": 1994, "quantile": 0.25, "value": 54150.00000000001, "Latitude": 36.73, "Longitude": -119.77, "Population": 1286.0}, {"index": 1994, "quantile": 0.5, "value": 59900.0, "Latitude": 36.73, "Longitude": -119.77, "Population": 1286.0}, {"index": 1994, "quantile": 0.75, "value": 64400.0, "Latitude": 36.73, "Longitude": -119.77, "Population": 1286.0}, {"index": 1994, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 36.73, "Longitude": -119.77, "Population": 1286.0}, {"index": 1995, "quantile": 0.0, "value": 42500.0, "Latitude": 36.72, "Longitude": -119.77, "Population": 1623.0}, {"index": 1995, "quantile": 0.25, "value": 44575.0, "Latitude": 36.72, "Longitude": -119.77, "Population": 1623.0}, {"index": 1995, "quantile": 0.5, "value": 45500.0, "Latitude": 36.72, "Longitude": -119.77, "Population": 1623.0}, {"index": 1995, "quantile": 0.75, "value": 51875.00000000001, "Latitude": 36.72, "Longitude": -119.77, "Population": 1623.0}, {"index": 1995, "quantile": 1.0, "value": 84400.0, "Latitude": 36.72, "Longitude": -119.77, "Population": 1623.0}, {"index": 1996, "quantile": 0.0, "value": 39400.0, "Latitude": 36.73, "Longitude": -119.78, "Population": 1280.0}, {"index": 1996, "quantile": 0.25, "value": 44475.0, "Latitude": 36.73, "Longitude": -119.78, "Population": 1280.0}, {"index": 1996, "quantile": 0.5, "value": 50000.0, "Latitude": 36.73, "Longitude": -119.78, "Population": 1280.0}, {"index": 1996, "quantile": 0.75, "value": 57499.99999999999, "Latitude": 36.73, "Longitude": -119.78, "Population": 1280.0}, {"index": 1996, "quantile": 1.0, "value": 84400.0, "Latitude": 36.73, "Longitude": -119.78, "Population": 1280.0}, {"index": 1997, "quantile": 0.0, "value": 39400.0, "Latitude": 36.73, "Longitude": -119.77, "Population": 821.0}, {"index": 1997, "quantile": 0.25, "value": 49000.0, "Latitude": 36.73, "Longitude": -119.77, "Population": 821.0}, {"index": 1997, "quantile": 0.5, "value": 55650.0, "Latitude": 36.73, "Longitude": -119.77, "Population": 821.0}, {"index": 1997, "quantile": 0.75, "value": 60100.0, "Latitude": 36.73, "Longitude": -119.77, "Population": 821.0}, {"index": 1997, "quantile": 1.0, "value": 84400.0, "Latitude": 36.73, "Longitude": -119.77, "Population": 821.0}, {"index": 1998, "quantile": 0.0, "value": 41700.0, "Latitude": 36.75, "Longitude": -119.77, "Population": 1386.0}, {"index": 1998, "quantile": 0.25, "value": 46900.0, "Latitude": 36.75, "Longitude": -119.77, "Population": 1386.0}, {"index": 1998, "quantile": 0.5, "value": 46900.0, "Latitude": 36.75, "Longitude": -119.77, "Population": 1386.0}, {"index": 1998, "quantile": 0.75, "value": 49100.0, "Latitude": 36.75, "Longitude": -119.77, "Population": 1386.0}, {"index": 1998, "quantile": 1.0, "value": 71000.0, "Latitude": 36.75, "Longitude": -119.77, "Population": 1386.0}, {"index": 1999, "quantile": 0.0, "value": 47500.0, "Latitude": 36.74, "Longitude": -119.77, "Population": 1091.0}, {"index": 1999, "quantile": 0.25, "value": 64175.00000000001, "Latitude": 36.74, "Longitude": -119.77, "Population": 1091.0}, {"index": 1999, "quantile": 0.5, "value": 93900.0, "Latitude": 36.74, "Longitude": -119.77, "Population": 1091.0}, {"index": 1999, "quantile": 0.75, "value": 93900.0, "Latitude": 36.74, "Longitude": -119.77, "Population": 1091.0}, {"index": 1999, "quantile": 1.0, "value": 216100.0, "Latitude": 36.74, "Longitude": -119.77, "Population": 1091.0}, {"index": 2000, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.74, "Longitude": -119.78, "Population": 924.0}, {"index": 2000, "quantile": 0.25, "value": 90300.0, "Latitude": 36.74, "Longitude": -119.78, "Population": 924.0}, {"index": 2000, "quantile": 0.5, "value": 90300.0, "Latitude": 36.74, "Longitude": -119.78, "Population": 924.0}, {"index": 2000, "quantile": 0.75, "value": 90300.0, "Latitude": 36.74, "Longitude": -119.78, "Population": 924.0}, {"index": 2000, "quantile": 1.0, "value": 256000.0, "Latitude": 36.74, "Longitude": -119.78, "Population": 924.0}, {"index": 2001, "quantile": 0.0, "value": 41500.0, "Latitude": 36.75, "Longitude": -119.78, "Population": 2050.0}, {"index": 2001, "quantile": 0.25, "value": 46700.0, "Latitude": 36.75, "Longitude": -119.78, "Population": 2050.0}, {"index": 2001, "quantile": 0.5, "value": 50000.0, "Latitude": 36.75, "Longitude": -119.78, "Population": 2050.0}, {"index": 2001, "quantile": 0.75, "value": 50000.0, "Latitude": 36.75, "Longitude": -119.78, "Population": 2050.0}, {"index": 2001, "quantile": 1.0, "value": 57799.99999999999, "Latitude": 36.75, "Longitude": -119.78, "Population": 2050.0}, {"index": 2002, "quantile": 0.0, "value": 34400.0, "Latitude": 36.75, "Longitude": -119.78, "Population": 1515.0}, {"index": 2002, "quantile": 0.25, "value": 52625.0, "Latitude": 36.75, "Longitude": -119.78, "Population": 1515.0}, {"index": 2002, "quantile": 0.5, "value": 56399.99999999999, "Latitude": 36.75, "Longitude": -119.78, "Population": 1515.0}, {"index": 2002, "quantile": 0.75, "value": 56399.99999999999, "Latitude": 36.75, "Longitude": -119.78, "Population": 1515.0}, {"index": 2002, "quantile": 1.0, "value": 71000.0, "Latitude": 36.75, "Longitude": -119.78, "Population": 1515.0}, {"index": 2003, "quantile": 0.0, "value": 39600.0, "Latitude": 36.74, "Longitude": -119.79, "Population": 1228.0}, {"index": 2003, "quantile": 0.25, "value": 39600.0, "Latitude": 36.74, "Longitude": -119.79, "Population": 1228.0}, {"index": 2003, "quantile": 0.5, "value": 39600.0, "Latitude": 36.74, "Longitude": -119.79, "Population": 1228.0}, {"index": 2003, "quantile": 0.75, "value": 49100.0, "Latitude": 36.74, "Longitude": -119.79, "Population": 1228.0}, {"index": 2003, "quantile": 1.0, "value": 312500.0, "Latitude": 36.74, "Longitude": -119.79, "Population": 1228.0}, {"index": 2004, "quantile": 0.0, "value": 34400.0, "Latitude": 36.74, "Longitude": -119.79, "Population": 401.0}, {"index": 2004, "quantile": 0.25, "value": 51200.0, "Latitude": 36.74, "Longitude": -119.79, "Population": 401.0}, {"index": 2004, "quantile": 0.5, "value": 75000.0, "Latitude": 36.74, "Longitude": -119.79, "Population": 401.0}, {"index": 2004, "quantile": 0.75, "value": 75000.0, "Latitude": 36.74, "Longitude": -119.79, "Population": 401.0}, {"index": 2004, "quantile": 1.0, "value": 237500.0, "Latitude": 36.74, "Longitude": -119.79, "Population": 401.0}, {"index": 2005, "quantile": 0.0, "value": 41700.0, "Latitude": 36.74, "Longitude": -119.8, "Population": 1343.0}, {"index": 2005, "quantile": 0.25, "value": 51800.0, "Latitude": 36.74, "Longitude": -119.8, "Population": 1343.0}, {"index": 2005, "quantile": 0.5, "value": 51800.0, "Latitude": 36.74, "Longitude": -119.8, "Population": 1343.0}, {"index": 2005, "quantile": 0.75, "value": 71325.0, "Latitude": 36.74, "Longitude": -119.8, "Population": 1343.0}, {"index": 2005, "quantile": 1.0, "value": 325000.0, "Latitude": 36.74, "Longitude": -119.8, "Population": 1343.0}, {"index": 2006, "quantile": 0.0, "value": 43000.0, "Latitude": 36.75, "Longitude": -119.8, "Population": 1391.0}, {"index": 2006, "quantile": 0.25, "value": 61200.0, "Latitude": 36.75, "Longitude": -119.8, "Population": 1391.0}, {"index": 2006, "quantile": 0.5, "value": 61200.0, "Latitude": 36.75, "Longitude": -119.8, "Population": 1391.0}, {"index": 2006, "quantile": 0.75, "value": 61200.0, "Latitude": 36.75, "Longitude": -119.8, "Population": 1391.0}, {"index": 2006, "quantile": 1.0, "value": 127099.99999999999, "Latitude": 36.75, "Longitude": -119.8, "Population": 1391.0}, {"index": 2007, "quantile": 0.0, "value": 33200.0, "Latitude": 36.75, "Longitude": -119.79, "Population": 3530.0}, {"index": 2007, "quantile": 0.25, "value": 46700.0, "Latitude": 36.75, "Longitude": -119.79, "Population": 3530.0}, {"index": 2007, "quantile": 0.5, "value": 46700.0, "Latitude": 36.75, "Longitude": -119.79, "Population": 3530.0}, {"index": 2007, "quantile": 0.75, "value": 49100.0, "Latitude": 36.75, "Longitude": -119.79, "Population": 3530.0}, {"index": 2007, "quantile": 1.0, "value": 300000.0, "Latitude": 36.75, "Longitude": -119.79, "Population": 3530.0}, {"index": 2008, "quantile": 0.0, "value": 33200.0, "Latitude": 36.74, "Longitude": -119.82, "Population": 406.0}, {"index": 2008, "quantile": 0.25, "value": 54975.00000000001, "Latitude": 36.74, "Longitude": -119.82, "Population": 406.0}, {"index": 2008, "quantile": 0.5, "value": 67450.00000000001, "Latitude": 36.74, "Longitude": -119.82, "Population": 406.0}, {"index": 2008, "quantile": 0.75, "value": 81300.0, "Latitude": 36.74, "Longitude": -119.82, "Population": 406.0}, {"index": 2008, "quantile": 1.0, "value": 137500.0, "Latitude": 36.74, "Longitude": -119.82, "Population": 406.0}, {"index": 2009, "quantile": 0.0, "value": 42700.0, "Latitude": 36.72, "Longitude": -119.82, "Population": 1642.0}, {"index": 2009, "quantile": 0.25, "value": 52600.0, "Latitude": 36.72, "Longitude": -119.82, "Population": 1642.0}, {"index": 2009, "quantile": 0.5, "value": 52600.0, "Latitude": 36.72, "Longitude": -119.82, "Population": 1642.0}, {"index": 2009, "quantile": 0.75, "value": 52975.00000000001, "Latitude": 36.72, "Longitude": -119.82, "Population": 1642.0}, {"index": 2009, "quantile": 1.0, "value": 96000.0, "Latitude": 36.72, "Longitude": -119.82, "Population": 1642.0}, {"index": 2010, "quantile": 0.0, "value": 54100.00000000001, "Latitude": 36.72, "Longitude": -119.82, "Population": 927.0}, {"index": 2010, "quantile": 0.25, "value": 54100.00000000001, "Latitude": 36.72, "Longitude": -119.82, "Population": 927.0}, {"index": 2010, "quantile": 0.5, "value": 54100.00000000001, "Latitude": 36.72, "Longitude": -119.82, "Population": 927.0}, {"index": 2010, "quantile": 0.75, "value": 62700.0, "Latitude": 36.72, "Longitude": -119.82, "Population": 927.0}, {"index": 2010, "quantile": 1.0, "value": 93200.0, "Latitude": 36.72, "Longitude": -119.82, "Population": 927.0}, {"index": 2011, "quantile": 0.0, "value": 49200.0, "Latitude": 36.73, "Longitude": -119.83, "Population": 1347.0}, {"index": 2011, "quantile": 0.25, "value": 59300.0, "Latitude": 36.73, "Longitude": -119.83, "Population": 1347.0}, {"index": 2011, "quantile": 0.5, "value": 64950.0, "Latitude": 36.73, "Longitude": -119.83, "Population": 1347.0}, {"index": 2011, "quantile": 0.75, "value": 74600.0, "Latitude": 36.73, "Longitude": -119.83, "Population": 1347.0}, {"index": 2011, "quantile": 1.0, "value": 114199.99999999999, "Latitude": 36.73, "Longitude": -119.83, "Population": 1347.0}, {"index": 2012, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 36.72, "Longitude": -119.83, "Population": 46.0}, {"index": 2012, "quantile": 0.25, "value": 67500.0, "Latitude": 36.72, "Longitude": -119.83, "Population": 46.0}, {"index": 2012, "quantile": 0.5, "value": 67500.0, "Latitude": 36.72, "Longitude": -119.83, "Population": 46.0}, {"index": 2012, "quantile": 0.75, "value": 102450.0, "Latitude": 36.72, "Longitude": -119.83, "Population": 46.0}, {"index": 2012, "quantile": 1.0, "value": 338100.0, "Latitude": 36.72, "Longitude": -119.83, "Population": 46.0}, {"index": 2013, "quantile": 0.0, "value": 30000.0, "Latitude": 36.71, "Longitude": -119.83, "Population": 233.0}, {"index": 2013, "quantile": 0.25, "value": 73900.0, "Latitude": 36.71, "Longitude": -119.83, "Population": 233.0}, {"index": 2013, "quantile": 0.5, "value": 73900.0, "Latitude": 36.71, "Longitude": -119.83, "Population": 233.0}, {"index": 2013, "quantile": 0.75, "value": 73900.0, "Latitude": 36.71, "Longitude": -119.83, "Population": 233.0}, {"index": 2013, "quantile": 1.0, "value": 225000.0, "Latitude": 36.71, "Longitude": -119.83, "Population": 233.0}, {"index": 2014, "quantile": 0.0, "value": 42700.0, "Latitude": 36.72, "Longitude": -119.79, "Population": 1369.0}, {"index": 2014, "quantile": 0.25, "value": 52425.0, "Latitude": 36.72, "Longitude": -119.79, "Population": 1369.0}, {"index": 2014, "quantile": 0.5, "value": 53000.0, "Latitude": 36.72, "Longitude": -119.79, "Population": 1369.0}, {"index": 2014, "quantile": 0.75, "value": 53000.0, "Latitude": 36.72, "Longitude": -119.79, "Population": 1369.0}, {"index": 2014, "quantile": 1.0, "value": 65900.0, "Latitude": 36.72, "Longitude": -119.79, "Population": 1369.0}, {"index": 2015, "quantile": 0.0, "value": 47700.0, "Latitude": 36.71, "Longitude": -119.8, "Population": 1007.0}, {"index": 2015, "quantile": 0.25, "value": 53500.0, "Latitude": 36.71, "Longitude": -119.8, "Population": 1007.0}, {"index": 2015, "quantile": 0.5, "value": 53500.0, "Latitude": 36.71, "Longitude": -119.8, "Population": 1007.0}, {"index": 2015, "quantile": 0.75, "value": 56425.0, "Latitude": 36.71, "Longitude": -119.8, "Population": 1007.0}, {"index": 2015, "quantile": 1.0, "value": 96000.0, "Latitude": 36.71, "Longitude": -119.8, "Population": 1007.0}, {"index": 2016, "quantile": 0.0, "value": 41400.0, "Latitude": 36.71, "Longitude": -119.81, "Population": 789.0}, {"index": 2016, "quantile": 0.25, "value": 52800.0, "Latitude": 36.71, "Longitude": -119.81, "Population": 789.0}, {"index": 2016, "quantile": 0.5, "value": 52800.0, "Latitude": 36.71, "Longitude": -119.81, "Population": 789.0}, {"index": 2016, "quantile": 0.75, "value": 52800.0, "Latitude": 36.71, "Longitude": -119.81, "Population": 789.0}, {"index": 2016, "quantile": 1.0, "value": 89400.0, "Latitude": 36.71, "Longitude": -119.81, "Population": 789.0}, {"index": 2017, "quantile": 0.0, "value": 39600.0, "Latitude": 36.72, "Longitude": -119.8, "Population": 1171.0}, {"index": 2017, "quantile": 0.25, "value": 49250.0, "Latitude": 36.72, "Longitude": -119.8, "Population": 1171.0}, {"index": 2017, "quantile": 0.5, "value": 53000.0, "Latitude": 36.72, "Longitude": -119.8, "Population": 1171.0}, {"index": 2017, "quantile": 0.75, "value": 57799.99999999999, "Latitude": 36.72, "Longitude": -119.8, "Population": 1171.0}, {"index": 2017, "quantile": 1.0, "value": 93900.0, "Latitude": 36.72, "Longitude": -119.8, "Population": 1171.0}, {"index": 2018, "quantile": 0.0, "value": 42700.0, "Latitude": 36.72, "Longitude": -119.8, "Population": 1383.0}, {"index": 2018, "quantile": 0.25, "value": 53000.0, "Latitude": 36.72, "Longitude": -119.8, "Population": 1383.0}, {"index": 2018, "quantile": 0.5, "value": 57799.99999999999, "Latitude": 36.72, "Longitude": -119.8, "Population": 1383.0}, {"index": 2018, "quantile": 0.75, "value": 57799.99999999999, "Latitude": 36.72, "Longitude": -119.8, "Population": 1383.0}, {"index": 2018, "quantile": 1.0, "value": 66100.0, "Latitude": 36.72, "Longitude": -119.8, "Population": 1383.0}, {"index": 2019, "quantile": 0.0, "value": 42700.0, "Latitude": 36.7, "Longitude": -119.79, "Population": 1210.0}, {"index": 2019, "quantile": 0.25, "value": 49500.0, "Latitude": 36.7, "Longitude": -119.79, "Population": 1210.0}, {"index": 2019, "quantile": 0.5, "value": 49500.0, "Latitude": 36.7, "Longitude": -119.79, "Population": 1210.0}, {"index": 2019, "quantile": 0.75, "value": 51300.0, "Latitude": 36.7, "Longitude": -119.79, "Population": 1210.0}, {"index": 2019, "quantile": 1.0, "value": 67000.0, "Latitude": 36.7, "Longitude": -119.79, "Population": 1210.0}, {"index": 2020, "quantile": 0.0, "value": 42700.0, "Latitude": 36.7, "Longitude": -119.8, "Population": 962.0}, {"index": 2020, "quantile": 0.25, "value": 51300.0, "Latitude": 36.7, "Longitude": -119.8, "Population": 962.0}, {"index": 2020, "quantile": 0.5, "value": 51300.0, "Latitude": 36.7, "Longitude": -119.8, "Population": 962.0}, {"index": 2020, "quantile": 0.75, "value": 52800.0, "Latitude": 36.7, "Longitude": -119.8, "Population": 962.0}, {"index": 2020, "quantile": 1.0, "value": 95500.0, "Latitude": 36.7, "Longitude": -119.8, "Population": 962.0}, {"index": 2021, "quantile": 0.0, "value": 47500.0, "Latitude": 36.7, "Longitude": -119.81, "Population": 178.0}, {"index": 2021, "quantile": 0.25, "value": 58850.0, "Latitude": 36.7, "Longitude": -119.81, "Population": 178.0}, {"index": 2021, "quantile": 0.5, "value": 69150.0, "Latitude": 36.7, "Longitude": -119.81, "Population": 178.0}, {"index": 2021, "quantile": 0.75, "value": 120800.0, "Latitude": 36.7, "Longitude": -119.81, "Population": 178.0}, {"index": 2021, "quantile": 1.0, "value": 450000.0, "Latitude": 36.7, "Longitude": -119.81, "Population": 178.0}, {"index": 2022, "quantile": 0.0, "value": 33200.0, "Latitude": 36.72, "Longitude": -119.78, "Population": 530.0}, {"index": 2022, "quantile": 0.25, "value": 34400.0, "Latitude": 36.72, "Longitude": -119.78, "Population": 530.0}, {"index": 2022, "quantile": 0.5, "value": 34400.0, "Latitude": 36.72, "Longitude": -119.78, "Population": 530.0}, {"index": 2022, "quantile": 0.75, "value": 52500.0, "Latitude": 36.72, "Longitude": -119.78, "Population": 530.0}, {"index": 2022, "quantile": 1.0, "value": 212500.0, "Latitude": 36.72, "Longitude": -119.78, "Population": 530.0}, {"index": 2023, "quantile": 0.0, "value": 39400.0, "Latitude": 36.72, "Longitude": -119.79, "Population": 927.0}, {"index": 2023, "quantile": 0.25, "value": 44100.0, "Latitude": 36.72, "Longitude": -119.79, "Population": 927.0}, {"index": 2023, "quantile": 0.5, "value": 44100.0, "Latitude": 36.72, "Longitude": -119.79, "Population": 927.0}, {"index": 2023, "quantile": 0.75, "value": 51300.0, "Latitude": 36.72, "Longitude": -119.79, "Population": 927.0}, {"index": 2023, "quantile": 1.0, "value": 112500.0, "Latitude": 36.72, "Longitude": -119.79, "Population": 927.0}, {"index": 2024, "quantile": 0.0, "value": 42700.0, "Latitude": 36.71, "Longitude": -119.78, "Population": 1233.0}, {"index": 2024, "quantile": 0.25, "value": 45300.0, "Latitude": 36.71, "Longitude": -119.78, "Population": 1233.0}, {"index": 2024, "quantile": 0.5, "value": 45300.0, "Latitude": 36.71, "Longitude": -119.78, "Population": 1233.0}, {"index": 2024, "quantile": 0.75, "value": 49500.0, "Latitude": 36.71, "Longitude": -119.78, "Population": 1233.0}, {"index": 2024, "quantile": 1.0, "value": 72000.0, "Latitude": 36.71, "Longitude": -119.78, "Population": 1233.0}, {"index": 2025, "quantile": 0.0, "value": 47400.0, "Latitude": 36.71, "Longitude": -119.74, "Population": 5034.0}, {"index": 2025, "quantile": 0.25, "value": 61800.0, "Latitude": 36.71, "Longitude": -119.74, "Population": 5034.0}, {"index": 2025, "quantile": 0.5, "value": 61800.0, "Latitude": 36.71, "Longitude": -119.74, "Population": 5034.0}, {"index": 2025, "quantile": 0.75, "value": 61800.0, "Latitude": 36.71, "Longitude": -119.74, "Population": 5034.0}, {"index": 2025, "quantile": 1.0, "value": 112500.0, "Latitude": 36.71, "Longitude": -119.74, "Population": 5034.0}, {"index": 2026, "quantile": 0.0, "value": 41400.0, "Latitude": 36.71, "Longitude": -119.76, "Population": 1530.0}, {"index": 2026, "quantile": 0.25, "value": 44400.0, "Latitude": 36.71, "Longitude": -119.76, "Population": 1530.0}, {"index": 2026, "quantile": 0.5, "value": 44400.0, "Latitude": 36.71, "Longitude": -119.76, "Population": 1530.0}, {"index": 2026, "quantile": 0.75, "value": 50875.0, "Latitude": 36.71, "Longitude": -119.76, "Population": 1530.0}, {"index": 2026, "quantile": 1.0, "value": 71300.0, "Latitude": 36.71, "Longitude": -119.76, "Population": 1530.0}, {"index": 2027, "quantile": 0.0, "value": 54100.00000000001, "Latitude": 36.72, "Longitude": -119.76, "Population": 1035.0}, {"index": 2027, "quantile": 0.25, "value": 60600.0, "Latitude": 36.72, "Longitude": -119.76, "Population": 1035.0}, {"index": 2027, "quantile": 0.5, "value": 60600.0, "Latitude": 36.72, "Longitude": -119.76, "Population": 1035.0}, {"index": 2027, "quantile": 0.75, "value": 60600.0, "Latitude": 36.72, "Longitude": -119.76, "Population": 1035.0}, {"index": 2027, "quantile": 1.0, "value": 225000.0, "Latitude": 36.72, "Longitude": -119.76, "Population": 1035.0}, {"index": 2028, "quantile": 0.0, "value": 33200.0, "Latitude": 36.71, "Longitude": -119.75, "Population": 1543.0}, {"index": 2028, "quantile": 0.25, "value": 45500.0, "Latitude": 36.71, "Longitude": -119.75, "Population": 1543.0}, {"index": 2028, "quantile": 0.5, "value": 49100.0, "Latitude": 36.71, "Longitude": -119.75, "Population": 1543.0}, {"index": 2028, "quantile": 0.75, "value": 52850.0, "Latitude": 36.71, "Longitude": -119.75, "Population": 1543.0}, {"index": 2028, "quantile": 1.0, "value": 64700.0, "Latitude": 36.71, "Longitude": -119.75, "Population": 1543.0}, {"index": 2029, "quantile": 0.0, "value": 40900.0, "Latitude": 36.73, "Longitude": -119.74, "Population": 1056.0}, {"index": 2029, "quantile": 0.25, "value": 55100.00000000001, "Latitude": 36.73, "Longitude": -119.74, "Population": 1056.0}, {"index": 2029, "quantile": 0.5, "value": 62000.0, "Latitude": 36.73, "Longitude": -119.74, "Population": 1056.0}, {"index": 2029, "quantile": 0.75, "value": 64300.0, "Latitude": 36.73, "Longitude": -119.74, "Population": 1056.0}, {"index": 2029, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 36.73, "Longitude": -119.74, "Population": 1056.0}, {"index": 2030, "quantile": 0.0, "value": 48000.0, "Latitude": 36.72, "Longitude": -119.74, "Population": 2863.0}, {"index": 2030, "quantile": 0.25, "value": 58500.0, "Latitude": 36.72, "Longitude": -119.74, "Population": 2863.0}, {"index": 2030, "quantile": 0.5, "value": 58500.0, "Latitude": 36.72, "Longitude": -119.74, "Population": 2863.0}, {"index": 2030, "quantile": 0.75, "value": 63900.0, "Latitude": 36.72, "Longitude": -119.74, "Population": 2863.0}, {"index": 2030, "quantile": 1.0, "value": 112500.0, "Latitude": 36.72, "Longitude": -119.74, "Population": 2863.0}, {"index": 2031, "quantile": 0.0, "value": 39600.0, "Latitude": 36.72, "Longitude": -119.75, "Population": 4179.0}, {"index": 2031, "quantile": 0.25, "value": 49100.0, "Latitude": 36.72, "Longitude": -119.75, "Population": 4179.0}, {"index": 2031, "quantile": 0.5, "value": 55600.00000000001, "Latitude": 36.72, "Longitude": -119.75, "Population": 4179.0}, {"index": 2031, "quantile": 0.75, "value": 56399.99999999999, "Latitude": 36.72, "Longitude": -119.75, "Population": 4179.0}, {"index": 2031, "quantile": 1.0, "value": 350000.0, "Latitude": 36.72, "Longitude": -119.75, "Population": 4179.0}, {"index": 2032, "quantile": 0.0, "value": 39400.0, "Latitude": 36.73, "Longitude": -119.76, "Population": 854.0}, {"index": 2032, "quantile": 0.25, "value": 54025.0, "Latitude": 36.73, "Longitude": -119.76, "Population": 854.0}, {"index": 2032, "quantile": 0.5, "value": 57149.99999999999, "Latitude": 36.73, "Longitude": -119.76, "Population": 854.0}, {"index": 2032, "quantile": 0.75, "value": 67000.0, "Latitude": 36.73, "Longitude": -119.76, "Population": 854.0}, {"index": 2032, "quantile": 1.0, "value": 112500.0, "Latitude": 36.73, "Longitude": -119.76, "Population": 854.0}, {"index": 2033, "quantile": 0.0, "value": 42500.0, "Latitude": 36.73, "Longitude": -119.76, "Population": 1449.0}, {"index": 2033, "quantile": 0.25, "value": 45500.0, "Latitude": 36.73, "Longitude": -119.76, "Population": 1449.0}, {"index": 2033, "quantile": 0.5, "value": 45500.0, "Latitude": 36.73, "Longitude": -119.76, "Population": 1449.0}, {"index": 2033, "quantile": 0.75, "value": 45500.0, "Latitude": 36.73, "Longitude": -119.76, "Population": 1449.0}, {"index": 2033, "quantile": 1.0, "value": 57599.99999999999, "Latitude": 36.73, "Longitude": -119.76, "Population": 1449.0}, {"index": 2034, "quantile": 0.0, "value": 41400.0, "Latitude": 36.73, "Longitude": -119.75, "Population": 1685.0}, {"index": 2034, "quantile": 0.25, "value": 52100.0, "Latitude": 36.73, "Longitude": -119.75, "Population": 1685.0}, {"index": 2034, "quantile": 0.5, "value": 52100.0, "Latitude": 36.73, "Longitude": -119.75, "Population": 1685.0}, {"index": 2034, "quantile": 0.75, "value": 52800.0, "Latitude": 36.73, "Longitude": -119.75, "Population": 1685.0}, {"index": 2034, "quantile": 1.0, "value": 99200.0, "Latitude": 36.73, "Longitude": -119.75, "Population": 1685.0}, {"index": 2035, "quantile": 0.0, "value": 47700.0, "Latitude": 36.73, "Longitude": -119.74, "Population": 946.0}, {"index": 2035, "quantile": 0.25, "value": 50000.0, "Latitude": 36.73, "Longitude": -119.74, "Population": 946.0}, {"index": 2035, "quantile": 0.5, "value": 50000.0, "Latitude": 36.73, "Longitude": -119.74, "Population": 946.0}, {"index": 2035, "quantile": 0.75, "value": 50000.0, "Latitude": 36.73, "Longitude": -119.74, "Population": 946.0}, {"index": 2035, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 36.73, "Longitude": -119.74, "Population": 946.0}, {"index": 2036, "quantile": 0.0, "value": 87200.0, "Latitude": 36.75, "Longitude": -119.69, "Population": 965.0}, {"index": 2036, "quantile": 0.25, "value": 93100.0, "Latitude": 36.75, "Longitude": -119.69, "Population": 965.0}, {"index": 2036, "quantile": 0.5, "value": 93100.0, "Latitude": 36.75, "Longitude": -119.69, "Population": 965.0}, {"index": 2036, "quantile": 0.75, "value": 106200.0, "Latitude": 36.75, "Longitude": -119.69, "Population": 965.0}, {"index": 2036, "quantile": 1.0, "value": 261000.0, "Latitude": 36.75, "Longitude": -119.69, "Population": 965.0}, {"index": 2037, "quantile": 0.0, "value": 52100.0, "Latitude": 36.74, "Longitude": -119.67, "Population": 1365.0}, {"index": 2037, "quantile": 0.25, "value": 84250.0, "Latitude": 36.74, "Longitude": -119.67, "Population": 1365.0}, {"index": 2037, "quantile": 0.5, "value": 120300.0, "Latitude": 36.74, "Longitude": -119.67, "Population": 1365.0}, {"index": 2037, "quantile": 0.75, "value": 120300.0, "Latitude": 36.74, "Longitude": -119.67, "Population": 1365.0}, {"index": 2037, "quantile": 1.0, "value": 139700.0, "Latitude": 36.74, "Longitude": -119.67, "Population": 1365.0}, {"index": 2038, "quantile": 0.0, "value": 47500.0, "Latitude": 36.74, "Longitude": -119.69, "Population": 1563.0}, {"index": 2038, "quantile": 0.25, "value": 62500.0, "Latitude": 36.74, "Longitude": -119.69, "Population": 1563.0}, {"index": 2038, "quantile": 0.5, "value": 62500.0, "Latitude": 36.74, "Longitude": -119.69, "Population": 1563.0}, {"index": 2038, "quantile": 0.75, "value": 62500.0, "Latitude": 36.74, "Longitude": -119.69, "Population": 1563.0}, {"index": 2038, "quantile": 1.0, "value": 71800.0, "Latitude": 36.74, "Longitude": -119.69, "Population": 1563.0}, {"index": 2039, "quantile": 0.0, "value": 72300.0, "Latitude": 36.75, "Longitude": -119.69, "Population": 1347.0}, {"index": 2039, "quantile": 0.25, "value": 92650.00000000001, "Latitude": 36.75, "Longitude": -119.69, "Population": 1347.0}, {"index": 2039, "quantile": 0.5, "value": 93100.0, "Latitude": 36.75, "Longitude": -119.69, "Population": 1347.0}, {"index": 2039, "quantile": 0.75, "value": 93100.0, "Latitude": 36.75, "Longitude": -119.69, "Population": 1347.0}, {"index": 2039, "quantile": 1.0, "value": 149000.0, "Latitude": 36.75, "Longitude": -119.69, "Population": 1347.0}, {"index": 2040, "quantile": 0.0, "value": 78600.0, "Latitude": 36.73, "Longitude": -119.67, "Population": 1219.0}, {"index": 2040, "quantile": 0.25, "value": 109975.0, "Latitude": 36.73, "Longitude": -119.67, "Population": 1219.0}, {"index": 2040, "quantile": 0.5, "value": 232099.99999999997, "Latitude": 36.73, "Longitude": -119.67, "Population": 1219.0}, {"index": 2040, "quantile": 0.75, "value": 308800.0, "Latitude": 36.73, "Longitude": -119.67, "Population": 1219.0}, {"index": 2040, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.73, "Longitude": -119.67, "Population": 1219.0}, {"index": 2041, "quantile": 0.0, "value": 171700.0, "Latitude": 36.73, "Longitude": -119.69, "Population": 1005.0}, {"index": 2041, "quantile": 0.25, "value": 171700.0, "Latitude": 36.73, "Longitude": -119.69, "Population": 1005.0}, {"index": 2041, "quantile": 0.5, "value": 171700.0, "Latitude": 36.73, "Longitude": -119.69, "Population": 1005.0}, {"index": 2041, "quantile": 0.75, "value": 392700.0, "Latitude": 36.73, "Longitude": -119.69, "Population": 1005.0}, {"index": 2041, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.73, "Longitude": -119.69, "Population": 1005.0}, {"index": 2042, "quantile": 0.0, "value": 85000.0, "Latitude": 36.74, "Longitude": -119.69, "Population": 911.0}, {"index": 2042, "quantile": 0.25, "value": 121600.0, "Latitude": 36.74, "Longitude": -119.69, "Population": 911.0}, {"index": 2042, "quantile": 0.5, "value": 121600.0, "Latitude": 36.74, "Longitude": -119.69, "Population": 911.0}, {"index": 2042, "quantile": 0.75, "value": 121600.0, "Latitude": 36.74, "Longitude": -119.69, "Population": 911.0}, {"index": 2042, "quantile": 1.0, "value": 386100.0, "Latitude": 36.74, "Longitude": -119.69, "Population": 911.0}, {"index": 2043, "quantile": 0.0, "value": 67500.0, "Latitude": 36.71, "Longitude": -119.69, "Population": 249.0}, {"index": 2043, "quantile": 0.25, "value": 118800.00000000001, "Latitude": 36.71, "Longitude": -119.69, "Population": 249.0}, {"index": 2043, "quantile": 0.5, "value": 148400.0, "Latitude": 36.71, "Longitude": -119.69, "Population": 249.0}, {"index": 2043, "quantile": 0.75, "value": 179500.0, "Latitude": 36.71, "Longitude": -119.69, "Population": 249.0}, {"index": 2043, "quantile": 1.0, "value": 375000.0, "Latitude": 36.71, "Longitude": -119.69, "Population": 249.0}, {"index": 2044, "quantile": 0.0, "value": 30000.0, "Latitude": 36.72, "Longitude": -119.67, "Population": 453.0}, {"index": 2044, "quantile": 0.25, "value": 129300.00000000001, "Latitude": 36.72, "Longitude": -119.67, "Population": 453.0}, {"index": 2044, "quantile": 0.5, "value": 153800.0, "Latitude": 36.72, "Longitude": -119.67, "Population": 453.0}, {"index": 2044, "quantile": 0.75, "value": 153800.0, "Latitude": 36.72, "Longitude": -119.67, "Population": 453.0}, {"index": 2044, "quantile": 1.0, "value": 156300.0, "Latitude": 36.72, "Longitude": -119.67, "Population": 453.0}, {"index": 2045, "quantile": 0.0, "value": 48100.0, "Latitude": 36.73, "Longitude": -119.73, "Population": 1587.0}, {"index": 2045, "quantile": 0.25, "value": 65900.0, "Latitude": 36.73, "Longitude": -119.73, "Population": 1587.0}, {"index": 2045, "quantile": 0.5, "value": 225000.0, "Latitude": 36.73, "Longitude": -119.73, "Population": 1587.0}, {"index": 2045, "quantile": 0.75, "value": 225000.0, "Latitude": 36.73, "Longitude": -119.73, "Population": 1587.0}, {"index": 2045, "quantile": 1.0, "value": 225000.0, "Latitude": 36.73, "Longitude": -119.73, "Population": 1587.0}, {"index": 2046, "quantile": 0.0, "value": 47500.0, "Latitude": 36.73, "Longitude": -119.72, "Population": 1116.0}, {"index": 2046, "quantile": 0.25, "value": 62900.0, "Latitude": 36.73, "Longitude": -119.72, "Population": 1116.0}, {"index": 2046, "quantile": 0.5, "value": 65900.0, "Latitude": 36.73, "Longitude": -119.72, "Population": 1116.0}, {"index": 2046, "quantile": 0.75, "value": 65900.0, "Latitude": 36.73, "Longitude": -119.72, "Population": 1116.0}, {"index": 2046, "quantile": 1.0, "value": 93900.0, "Latitude": 36.73, "Longitude": -119.72, "Population": 1116.0}, {"index": 2047, "quantile": 0.0, "value": 127200.0, "Latitude": 36.72, "Longitude": -119.72, "Population": 766.0}, {"index": 2047, "quantile": 0.25, "value": 127200.0, "Latitude": 36.72, "Longitude": -119.72, "Population": 766.0}, {"index": 2047, "quantile": 0.5, "value": 127200.0, "Latitude": 36.72, "Longitude": -119.72, "Population": 766.0}, {"index": 2047, "quantile": 0.75, "value": 284450.0, "Latitude": 36.72, "Longitude": -119.72, "Population": 766.0}, {"index": 2047, "quantile": 1.0, "value": 412600.00000000006, "Latitude": 36.72, "Longitude": -119.72, "Population": 766.0}, {"index": 2048, "quantile": 0.0, "value": 50600.0, "Latitude": 36.72, "Longitude": -119.73, "Population": 1660.0}, {"index": 2048, "quantile": 0.25, "value": 89500.0, "Latitude": 36.72, "Longitude": -119.73, "Population": 1660.0}, {"index": 2048, "quantile": 0.5, "value": 89500.0, "Latitude": 36.72, "Longitude": -119.73, "Population": 1660.0}, {"index": 2048, "quantile": 0.75, "value": 154325.0, "Latitude": 36.72, "Longitude": -119.73, "Population": 1660.0}, {"index": 2048, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.72, "Longitude": -119.73, "Population": 1660.0}, {"index": 2049, "quantile": 0.0, "value": 50600.0, "Latitude": 36.73, "Longitude": -119.73, "Population": 678.0}, {"index": 2049, "quantile": 0.25, "value": 75900.0, "Latitude": 36.73, "Longitude": -119.73, "Population": 678.0}, {"index": 2049, "quantile": 0.5, "value": 96500.0, "Latitude": 36.73, "Longitude": -119.73, "Population": 678.0}, {"index": 2049, "quantile": 0.75, "value": 204924.99999999997, "Latitude": 36.73, "Longitude": -119.73, "Population": 678.0}, {"index": 2049, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.73, "Longitude": -119.73, "Population": 678.0}, {"index": 2050, "quantile": 0.0, "value": 110900.0, "Latitude": 36.73, "Longitude": -119.71, "Population": 1586.0}, {"index": 2050, "quantile": 0.25, "value": 151400.0, "Latitude": 36.73, "Longitude": -119.71, "Population": 1586.0}, {"index": 2050, "quantile": 0.5, "value": 151400.0, "Latitude": 36.73, "Longitude": -119.71, "Population": 1586.0}, {"index": 2050, "quantile": 0.75, "value": 240650.0, "Latitude": 36.73, "Longitude": -119.71, "Population": 1586.0}, {"index": 2050, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.73, "Longitude": -119.71, "Population": 1586.0}, {"index": 2051, "quantile": 0.0, "value": 46300.0, "Latitude": 36.71, "Longitude": -119.72, "Population": 1350.0}, {"index": 2051, "quantile": 0.25, "value": 71600.0, "Latitude": 36.71, "Longitude": -119.72, "Population": 1350.0}, {"index": 2051, "quantile": 0.5, "value": 79700.0, "Latitude": 36.71, "Longitude": -119.72, "Population": 1350.0}, {"index": 2051, "quantile": 0.75, "value": 95300.0, "Latitude": 36.71, "Longitude": -119.72, "Population": 1350.0}, {"index": 2051, "quantile": 1.0, "value": 153800.0, "Latitude": 36.71, "Longitude": -119.72, "Population": 1350.0}, {"index": 2052, "quantile": 0.0, "value": 26900.0, "Latitude": 36.72, "Longitude": -119.73, "Population": 1190.0}, {"index": 2052, "quantile": 0.25, "value": 62100.0, "Latitude": 36.72, "Longitude": -119.73, "Population": 1190.0}, {"index": 2052, "quantile": 0.5, "value": 68450.0, "Latitude": 36.72, "Longitude": -119.73, "Population": 1190.0}, {"index": 2052, "quantile": 0.75, "value": 92600.0, "Latitude": 36.72, "Longitude": -119.73, "Population": 1190.0}, {"index": 2052, "quantile": 1.0, "value": 225000.0, "Latitude": 36.72, "Longitude": -119.73, "Population": 1190.0}, {"index": 2053, "quantile": 0.0, "value": 42100.0, "Latitude": 36.68, "Longitude": -119.73, "Population": 681.0}, {"index": 2053, "quantile": 0.25, "value": 49300.0, "Latitude": 36.68, "Longitude": -119.73, "Population": 681.0}, {"index": 2053, "quantile": 0.5, "value": 49300.0, "Latitude": 36.68, "Longitude": -119.73, "Population": 681.0}, {"index": 2053, "quantile": 0.75, "value": 55600.00000000001, "Latitude": 36.68, "Longitude": -119.73, "Population": 681.0}, {"index": 2053, "quantile": 1.0, "value": 265500.0, "Latitude": 36.68, "Longitude": -119.73, "Population": 681.0}, {"index": 2054, "quantile": 0.0, "value": 37500.0, "Latitude": 36.69, "Longitude": -119.69, "Population": 836.0}, {"index": 2054, "quantile": 0.25, "value": 57975.0, "Latitude": 36.69, "Longitude": -119.69, "Population": 836.0}, {"index": 2054, "quantile": 0.5, "value": 63400.0, "Latitude": 36.69, "Longitude": -119.69, "Population": 836.0}, {"index": 2054, "quantile": 0.75, "value": 92500.0, "Latitude": 36.69, "Longitude": -119.69, "Population": 836.0}, {"index": 2054, "quantile": 1.0, "value": 120100.0, "Latitude": 36.69, "Longitude": -119.69, "Population": 836.0}, {"index": 2055, "quantile": 0.0, "value": 26900.0, "Latitude": 36.68, "Longitude": -119.76, "Population": 836.0}, {"index": 2055, "quantile": 0.25, "value": 55300.00000000001, "Latitude": 36.68, "Longitude": -119.76, "Population": 836.0}, {"index": 2055, "quantile": 0.5, "value": 58349.99999999999, "Latitude": 36.68, "Longitude": -119.76, "Population": 836.0}, {"index": 2055, "quantile": 0.75, "value": 62800.0, "Latitude": 36.68, "Longitude": -119.76, "Population": 836.0}, {"index": 2055, "quantile": 1.0, "value": 69200.0, "Latitude": 36.68, "Longitude": -119.76, "Population": 836.0}, {"index": 2056, "quantile": 0.0, "value": 69200.0, "Latitude": 36.65, "Longitude": -119.67, "Population": 1464.0}, {"index": 2056, "quantile": 0.25, "value": 92300.0, "Latitude": 36.65, "Longitude": -119.67, "Population": 1464.0}, {"index": 2056, "quantile": 0.5, "value": 92300.0, "Latitude": 36.65, "Longitude": -119.67, "Population": 1464.0}, {"index": 2056, "quantile": 0.75, "value": 92300.0, "Latitude": 36.65, "Longitude": -119.67, "Population": 1464.0}, {"index": 2056, "quantile": 1.0, "value": 133300.0, "Latitude": 36.65, "Longitude": -119.67, "Population": 1464.0}, {"index": 2057, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 36.64, "Longitude": -119.63, "Population": 620.0}, {"index": 2057, "quantile": 0.25, "value": 101600.0, "Latitude": 36.64, "Longitude": -119.63, "Population": 620.0}, {"index": 2057, "quantile": 0.5, "value": 110400.00000000001, "Latitude": 36.64, "Longitude": -119.63, "Population": 620.0}, {"index": 2057, "quantile": 0.75, "value": 110400.00000000001, "Latitude": 36.64, "Longitude": -119.63, "Population": 620.0}, {"index": 2057, "quantile": 1.0, "value": 118100.0, "Latitude": 36.64, "Longitude": -119.63, "Population": 620.0}, {"index": 2058, "quantile": 0.0, "value": 49400.0, "Latitude": 36.62, "Longitude": -119.65, "Population": 1344.0}, {"index": 2058, "quantile": 0.25, "value": 57999.99999999999, "Latitude": 36.62, "Longitude": -119.65, "Population": 1344.0}, {"index": 2058, "quantile": 0.5, "value": 57999.99999999999, "Latitude": 36.62, "Longitude": -119.65, "Population": 1344.0}, {"index": 2058, "quantile": 0.75, "value": 57999.99999999999, "Latitude": 36.62, "Longitude": -119.65, "Population": 1344.0}, {"index": 2058, "quantile": 1.0, "value": 225000.0, "Latitude": 36.62, "Longitude": -119.65, "Population": 1344.0}, {"index": 2059, "quantile": 0.0, "value": 30000.0, "Latitude": 36.63, "Longitude": -119.68, "Population": 638.0}, {"index": 2059, "quantile": 0.25, "value": 65300.0, "Latitude": 36.63, "Longitude": -119.68, "Population": 638.0}, {"index": 2059, "quantile": 0.5, "value": 65300.0, "Latitude": 36.63, "Longitude": -119.68, "Population": 638.0}, {"index": 2059, "quantile": 0.75, "value": 68300.0, "Latitude": 36.63, "Longitude": -119.68, "Population": 638.0}, {"index": 2059, "quantile": 1.0, "value": 133300.0, "Latitude": 36.63, "Longitude": -119.68, "Population": 638.0}, {"index": 2060, "quantile": 0.0, "value": 52100.0, "Latitude": 36.65, "Longitude": -119.74, "Population": 1257.0}, {"index": 2060, "quantile": 0.25, "value": 76175.0, "Latitude": 36.65, "Longitude": -119.74, "Population": 1257.0}, {"index": 2060, "quantile": 0.5, "value": 90000.0, "Latitude": 36.65, "Longitude": -119.74, "Population": 1257.0}, {"index": 2060, "quantile": 0.75, "value": 104700.0, "Latitude": 36.65, "Longitude": -119.74, "Population": 1257.0}, {"index": 2060, "quantile": 1.0, "value": 139700.0, "Latitude": 36.65, "Longitude": -119.74, "Population": 1257.0}, {"index": 2061, "quantile": 0.0, "value": 33200.0, "Latitude": 36.62, "Longitude": -119.68, "Population": 616.0}, {"index": 2061, "quantile": 0.25, "value": 61200.0, "Latitude": 36.62, "Longitude": -119.68, "Population": 616.0}, {"index": 2061, "quantile": 0.5, "value": 61200.0, "Latitude": 36.62, "Longitude": -119.68, "Population": 616.0}, {"index": 2061, "quantile": 0.75, "value": 61200.0, "Latitude": 36.62, "Longitude": -119.68, "Population": 616.0}, {"index": 2061, "quantile": 1.0, "value": 309100.0, "Latitude": 36.62, "Longitude": -119.68, "Population": 616.0}, {"index": 2062, "quantile": 0.0, "value": 46300.0, "Latitude": 36.62, "Longitude": -119.73, "Population": 1026.0}, {"index": 2062, "quantile": 0.25, "value": 92000.0, "Latitude": 36.62, "Longitude": -119.73, "Population": 1026.0}, {"index": 2062, "quantile": 0.5, "value": 92800.0, "Latitude": 36.62, "Longitude": -119.73, "Population": 1026.0}, {"index": 2062, "quantile": 0.75, "value": 92800.0, "Latitude": 36.62, "Longitude": -119.73, "Population": 1026.0}, {"index": 2062, "quantile": 1.0, "value": 165400.0, "Latitude": 36.62, "Longitude": -119.73, "Population": 1026.0}, {"index": 2063, "quantile": 0.0, "value": 55600.00000000001, "Latitude": 36.59, "Longitude": -119.73, "Population": 1058.0}, {"index": 2063, "quantile": 0.25, "value": 70449.99999999999, "Latitude": 36.59, "Longitude": -119.73, "Population": 1058.0}, {"index": 2063, "quantile": 0.5, "value": 76200.0, "Latitude": 36.59, "Longitude": -119.73, "Population": 1058.0}, {"index": 2063, "quantile": 0.75, "value": 93800.0, "Latitude": 36.59, "Longitude": -119.73, "Population": 1058.0}, {"index": 2063, "quantile": 1.0, "value": 196600.0, "Latitude": 36.59, "Longitude": -119.73, "Population": 1058.0}, {"index": 2064, "quantile": 0.0, "value": 50800.0, "Latitude": 36.68, "Longitude": -119.8, "Population": 1326.0}, {"index": 2064, "quantile": 0.25, "value": 66700.0, "Latitude": 36.68, "Longitude": -119.8, "Population": 1326.0}, {"index": 2064, "quantile": 0.5, "value": 66700.0, "Latitude": 36.68, "Longitude": -119.8, "Population": 1326.0}, {"index": 2064, "quantile": 0.75, "value": 66700.0, "Latitude": 36.68, "Longitude": -119.8, "Population": 1326.0}, {"index": 2064, "quantile": 1.0, "value": 110000.00000000001, "Latitude": 36.68, "Longitude": -119.8, "Population": 1326.0}, {"index": 2065, "quantile": 0.0, "value": 46300.0, "Latitude": 36.65, "Longitude": -119.78, "Population": 706.0}, {"index": 2065, "quantile": 0.25, "value": 68400.0, "Latitude": 36.65, "Longitude": -119.78, "Population": 706.0}, {"index": 2065, "quantile": 0.5, "value": 68400.0, "Latitude": 36.65, "Longitude": -119.78, "Population": 706.0}, {"index": 2065, "quantile": 0.75, "value": 73000.0, "Latitude": 36.65, "Longitude": -119.78, "Population": 706.0}, {"index": 2065, "quantile": 1.0, "value": 129200.0, "Latitude": 36.65, "Longitude": -119.78, "Population": 706.0}, {"index": 2066, "quantile": 0.0, "value": 39200.0, "Latitude": 36.64, "Longitude": -119.82, "Population": 1008.0}, {"index": 2066, "quantile": 0.25, "value": 74425.0, "Latitude": 36.64, "Longitude": -119.82, "Population": 1008.0}, {"index": 2066, "quantile": 0.5, "value": 96000.0, "Latitude": 36.64, "Longitude": -119.82, "Population": 1008.0}, {"index": 2066, "quantile": 0.75, "value": 96000.0, "Latitude": 36.64, "Longitude": -119.82, "Population": 1008.0}, {"index": 2066, "quantile": 1.0, "value": 110000.00000000001, "Latitude": 36.64, "Longitude": -119.82, "Population": 1008.0}, {"index": 2067, "quantile": 0.0, "value": 48700.0, "Latitude": 36.65, "Longitude": -119.8, "Population": 1184.0}, {"index": 2067, "quantile": 0.25, "value": 74200.0, "Latitude": 36.65, "Longitude": -119.8, "Population": 1184.0}, {"index": 2067, "quantile": 0.5, "value": 74200.0, "Latitude": 36.65, "Longitude": -119.8, "Population": 1184.0}, {"index": 2067, "quantile": 0.75, "value": 74200.0, "Latitude": 36.65, "Longitude": -119.8, "Population": 1184.0}, {"index": 2067, "quantile": 1.0, "value": 95500.0, "Latitude": 36.65, "Longitude": -119.8, "Population": 1184.0}, {"index": 2068, "quantile": 0.0, "value": 58099.99999999999, "Latitude": 36.73, "Longitude": -119.89, "Population": 302.0}, {"index": 2068, "quantile": 0.25, "value": 81300.0, "Latitude": 36.73, "Longitude": -119.89, "Population": 302.0}, {"index": 2068, "quantile": 0.5, "value": 81300.0, "Latitude": 36.73, "Longitude": -119.89, "Population": 302.0}, {"index": 2068, "quantile": 0.75, "value": 81300.0, "Latitude": 36.73, "Longitude": -119.89, "Population": 302.0}, {"index": 2068, "quantile": 1.0, "value": 187500.0, "Latitude": 36.73, "Longitude": -119.89, "Population": 302.0}, {"index": 2069, "quantile": 0.0, "value": 39200.0, "Latitude": 36.72, "Longitude": -119.87, "Population": 984.0}, {"index": 2069, "quantile": 0.25, "value": 67900.0, "Latitude": 36.72, "Longitude": -119.87, "Population": 984.0}, {"index": 2069, "quantile": 0.5, "value": 67900.0, "Latitude": 36.72, "Longitude": -119.87, "Population": 984.0}, {"index": 2069, "quantile": 0.75, "value": 67900.0, "Latitude": 36.72, "Longitude": -119.87, "Population": 984.0}, {"index": 2069, "quantile": 1.0, "value": 137500.0, "Latitude": 36.72, "Longitude": -119.87, "Population": 984.0}, {"index": 2070, "quantile": 0.0, "value": 59600.0, "Latitude": 36.7, "Longitude": -119.89, "Population": 867.0}, {"index": 2070, "quantile": 0.25, "value": 77850.0, "Latitude": 36.7, "Longitude": -119.89, "Population": 867.0}, {"index": 2070, "quantile": 0.5, "value": 78300.0, "Latitude": 36.7, "Longitude": -119.89, "Population": 867.0}, {"index": 2070, "quantile": 0.75, "value": 78300.0, "Latitude": 36.7, "Longitude": -119.89, "Population": 867.0}, {"index": 2070, "quantile": 1.0, "value": 153800.0, "Latitude": 36.7, "Longitude": -119.89, "Population": 867.0}, {"index": 2071, "quantile": 0.0, "value": 65600.0, "Latitude": 36.74, "Longitude": -119.85, "Population": 537.0}, {"index": 2071, "quantile": 0.25, "value": 75900.0, "Latitude": 36.74, "Longitude": -119.85, "Population": 537.0}, {"index": 2071, "quantile": 0.5, "value": 92800.0, "Latitude": 36.74, "Longitude": -119.85, "Population": 537.0}, {"index": 2071, "quantile": 0.75, "value": 103224.99999999999, "Latitude": 36.74, "Longitude": -119.85, "Population": 537.0}, {"index": 2071, "quantile": 1.0, "value": 166000.0, "Latitude": 36.74, "Longitude": -119.85, "Population": 537.0}, {"index": 2072, "quantile": 0.0, "value": 44400.0, "Latitude": 36.77, "Longitude": -119.84, "Population": 1397.0}, {"index": 2072, "quantile": 0.25, "value": 72000.0, "Latitude": 36.77, "Longitude": -119.84, "Population": 1397.0}, {"index": 2072, "quantile": 0.5, "value": 72000.0, "Latitude": 36.77, "Longitude": -119.84, "Population": 1397.0}, {"index": 2072, "quantile": 0.75, "value": 72000.0, "Latitude": 36.77, "Longitude": -119.84, "Population": 1397.0}, {"index": 2072, "quantile": 1.0, "value": 225000.0, "Latitude": 36.77, "Longitude": -119.84, "Population": 1397.0}, {"index": 2073, "quantile": 0.0, "value": 39200.0, "Latitude": 36.76, "Longitude": -119.83, "Population": 1738.0}, {"index": 2073, "quantile": 0.25, "value": 67000.0, "Latitude": 36.76, "Longitude": -119.83, "Population": 1738.0}, {"index": 2073, "quantile": 0.5, "value": 67300.0, "Latitude": 36.76, "Longitude": -119.83, "Population": 1738.0}, {"index": 2073, "quantile": 0.75, "value": 67300.0, "Latitude": 36.76, "Longitude": -119.83, "Population": 1738.0}, {"index": 2073, "quantile": 1.0, "value": 99300.0, "Latitude": 36.76, "Longitude": -119.83, "Population": 1738.0}, {"index": 2074, "quantile": 0.0, "value": 34400.0, "Latitude": 36.75, "Longitude": -119.82, "Population": 741.0}, {"index": 2074, "quantile": 0.25, "value": 48800.0, "Latitude": 36.75, "Longitude": -119.82, "Population": 741.0}, {"index": 2074, "quantile": 0.5, "value": 48800.0, "Latitude": 36.75, "Longitude": -119.82, "Population": 741.0}, {"index": 2074, "quantile": 0.75, "value": 57050.0, "Latitude": 36.75, "Longitude": -119.82, "Population": 741.0}, {"index": 2074, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 36.75, "Longitude": -119.82, "Population": 741.0}, {"index": 2075, "quantile": 0.0, "value": 50200.0, "Latitude": 36.75, "Longitude": -119.84, "Population": 774.0}, {"index": 2075, "quantile": 0.25, "value": 57099.99999999999, "Latitude": 36.75, "Longitude": -119.84, "Population": 774.0}, {"index": 2075, "quantile": 0.5, "value": 57099.99999999999, "Latitude": 36.75, "Longitude": -119.84, "Population": 774.0}, {"index": 2075, "quantile": 0.75, "value": 57099.99999999999, "Latitude": 36.75, "Longitude": -119.84, "Population": 774.0}, {"index": 2075, "quantile": 1.0, "value": 74200.0, "Latitude": 36.75, "Longitude": -119.84, "Population": 774.0}, {"index": 2076, "quantile": 0.0, "value": 33200.0, "Latitude": 36.75, "Longitude": -119.83, "Population": 607.0}, {"index": 2076, "quantile": 0.25, "value": 55600.00000000001, "Latitude": 36.75, "Longitude": -119.83, "Population": 607.0}, {"index": 2076, "quantile": 0.5, "value": 55600.00000000001, "Latitude": 36.75, "Longitude": -119.83, "Population": 607.0}, {"index": 2076, "quantile": 0.75, "value": 55600.00000000001, "Latitude": 36.75, "Longitude": -119.83, "Population": 607.0}, {"index": 2076, "quantile": 1.0, "value": 72000.0, "Latitude": 36.75, "Longitude": -119.83, "Population": 607.0}, {"index": 2077, "quantile": 0.0, "value": 67000.0, "Latitude": 36.76, "Longitude": -119.81, "Population": 834.0}, {"index": 2077, "quantile": 0.25, "value": 67900.0, "Latitude": 36.76, "Longitude": -119.81, "Population": 834.0}, {"index": 2077, "quantile": 0.5, "value": 67900.0, "Latitude": 36.76, "Longitude": -119.81, "Population": 834.0}, {"index": 2077, "quantile": 0.75, "value": 79100.0, "Latitude": 36.76, "Longitude": -119.81, "Population": 834.0}, {"index": 2077, "quantile": 1.0, "value": 427600.0, "Latitude": 36.76, "Longitude": -119.81, "Population": 834.0}, {"index": 2078, "quantile": 0.0, "value": 26900.0, "Latitude": 36.76, "Longitude": -119.81, "Population": 1284.0}, {"index": 2078, "quantile": 0.25, "value": 54200.00000000001, "Latitude": 36.76, "Longitude": -119.81, "Population": 1284.0}, {"index": 2078, "quantile": 0.5, "value": 54200.00000000001, "Latitude": 36.76, "Longitude": -119.81, "Population": 1284.0}, {"index": 2078, "quantile": 0.75, "value": 59100.0, "Latitude": 36.76, "Longitude": -119.81, "Population": 1284.0}, {"index": 2078, "quantile": 1.0, "value": 87500.0, "Latitude": 36.76, "Longitude": -119.81, "Population": 1284.0}, {"index": 2079, "quantile": 0.0, "value": 42700.0, "Latitude": 36.75, "Longitude": -119.81, "Population": 855.0}, {"index": 2079, "quantile": 0.25, "value": 55100.00000000001, "Latitude": 36.75, "Longitude": -119.81, "Population": 855.0}, {"index": 2079, "quantile": 0.5, "value": 55100.00000000001, "Latitude": 36.75, "Longitude": -119.81, "Population": 855.0}, {"index": 2079, "quantile": 0.75, "value": 57099.99999999999, "Latitude": 36.75, "Longitude": -119.81, "Population": 855.0}, {"index": 2079, "quantile": 1.0, "value": 96000.0, "Latitude": 36.75, "Longitude": -119.81, "Population": 855.0}, {"index": 2080, "quantile": 0.0, "value": 45300.0, "Latitude": 36.76, "Longitude": -119.82, "Population": 1107.0}, {"index": 2080, "quantile": 0.25, "value": 58324.99999999999, "Latitude": 36.76, "Longitude": -119.82, "Population": 1107.0}, {"index": 2080, "quantile": 0.5, "value": 62800.0, "Latitude": 36.76, "Longitude": -119.82, "Population": 1107.0}, {"index": 2080, "quantile": 0.75, "value": 70025.0, "Latitude": 36.76, "Longitude": -119.82, "Population": 1107.0}, {"index": 2080, "quantile": 1.0, "value": 112500.0, "Latitude": 36.76, "Longitude": -119.82, "Population": 1107.0}, {"index": 2081, "quantile": 0.0, "value": 50600.0, "Latitude": 36.76, "Longitude": -119.82, "Population": 924.0}, {"index": 2081, "quantile": 0.25, "value": 68500.0, "Latitude": 36.76, "Longitude": -119.82, "Population": 924.0}, {"index": 2081, "quantile": 0.5, "value": 68500.0, "Latitude": 36.76, "Longitude": -119.82, "Population": 924.0}, {"index": 2081, "quantile": 0.75, "value": 72700.0, "Latitude": 36.76, "Longitude": -119.82, "Population": 924.0}, {"index": 2081, "quantile": 1.0, "value": 320600.0, "Latitude": 36.76, "Longitude": -119.82, "Population": 924.0}, {"index": 2082, "quantile": 0.0, "value": 48500.0, "Latitude": 36.76, "Longitude": -119.8, "Population": 764.0}, {"index": 2082, "quantile": 0.25, "value": 69200.0, "Latitude": 36.76, "Longitude": -119.8, "Population": 764.0}, {"index": 2082, "quantile": 0.5, "value": 69200.0, "Latitude": 36.76, "Longitude": -119.8, "Population": 764.0}, {"index": 2082, "quantile": 0.75, "value": 69200.0, "Latitude": 36.76, "Longitude": -119.8, "Population": 764.0}, {"index": 2082, "quantile": 1.0, "value": 225000.0, "Latitude": 36.76, "Longitude": -119.8, "Population": 764.0}, {"index": 2083, "quantile": 0.0, "value": 44800.0, "Latitude": 36.75, "Longitude": -119.8, "Population": 1156.0}, {"index": 2083, "quantile": 0.25, "value": 58399.99999999999, "Latitude": 36.75, "Longitude": -119.8, "Population": 1156.0}, {"index": 2083, "quantile": 0.5, "value": 58399.99999999999, "Latitude": 36.75, "Longitude": -119.8, "Population": 1156.0}, {"index": 2083, "quantile": 0.75, "value": 58399.99999999999, "Latitude": 36.75, "Longitude": -119.8, "Population": 1156.0}, {"index": 2083, "quantile": 1.0, "value": 93900.0, "Latitude": 36.75, "Longitude": -119.8, "Population": 1156.0}, {"index": 2084, "quantile": 0.0, "value": 30000.0, "Latitude": 36.76, "Longitude": -119.81, "Population": 1049.0}, {"index": 2084, "quantile": 0.25, "value": 64600.0, "Latitude": 36.76, "Longitude": -119.81, "Population": 1049.0}, {"index": 2084, "quantile": 0.5, "value": 69700.0, "Latitude": 36.76, "Longitude": -119.81, "Population": 1049.0}, {"index": 2084, "quantile": 0.75, "value": 73700.0, "Latitude": 36.76, "Longitude": -119.81, "Population": 1049.0}, {"index": 2084, "quantile": 1.0, "value": 162500.0, "Latitude": 36.76, "Longitude": -119.81, "Population": 1049.0}, {"index": 2085, "quantile": 0.0, "value": 58099.99999999999, "Latitude": 36.76, "Longitude": -119.8, "Population": 832.0}, {"index": 2085, "quantile": 0.25, "value": 67900.0, "Latitude": 36.76, "Longitude": -119.8, "Population": 832.0}, {"index": 2085, "quantile": 0.5, "value": 73400.0, "Latitude": 36.76, "Longitude": -119.8, "Population": 832.0}, {"index": 2085, "quantile": 0.75, "value": 98450.0, "Latitude": 36.76, "Longitude": -119.8, "Population": 832.0}, {"index": 2085, "quantile": 1.0, "value": 364700.0, "Latitude": 36.76, "Longitude": -119.8, "Population": 832.0}, {"index": 2086, "quantile": 0.0, "value": 47500.0, "Latitude": 36.76, "Longitude": -119.79, "Population": 635.0}, {"index": 2086, "quantile": 0.25, "value": 56100.00000000001, "Latitude": 36.76, "Longitude": -119.79, "Population": 635.0}, {"index": 2086, "quantile": 0.5, "value": 56100.00000000001, "Latitude": 36.76, "Longitude": -119.79, "Population": 635.0}, {"index": 2086, "quantile": 0.75, "value": 56100.00000000001, "Latitude": 36.76, "Longitude": -119.79, "Population": 635.0}, {"index": 2086, "quantile": 1.0, "value": 96400.0, "Latitude": 36.76, "Longitude": -119.79, "Population": 635.0}, {"index": 2087, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 36.75, "Longitude": -119.79, "Population": 530.0}, {"index": 2087, "quantile": 0.25, "value": 34400.0, "Latitude": 36.75, "Longitude": -119.79, "Population": 530.0}, {"index": 2087, "quantile": 0.5, "value": 44800.0, "Latitude": 36.75, "Longitude": -119.79, "Population": 530.0}, {"index": 2087, "quantile": 0.75, "value": 49600.0, "Latitude": 36.75, "Longitude": -119.79, "Population": 530.0}, {"index": 2087, "quantile": 1.0, "value": 112500.0, "Latitude": 36.75, "Longitude": -119.79, "Population": 530.0}, {"index": 2088, "quantile": 0.0, "value": 44600.0, "Latitude": 36.75, "Longitude": -119.8, "Population": 1368.0}, {"index": 2088, "quantile": 0.25, "value": 59000.0, "Latitude": 36.75, "Longitude": -119.8, "Population": 1368.0}, {"index": 2088, "quantile": 0.5, "value": 59000.0, "Latitude": 36.75, "Longitude": -119.8, "Population": 1368.0}, {"index": 2088, "quantile": 0.75, "value": 59000.0, "Latitude": 36.75, "Longitude": -119.8, "Population": 1368.0}, {"index": 2088, "quantile": 1.0, "value": 74200.0, "Latitude": 36.75, "Longitude": -119.8, "Population": 1368.0}, {"index": 2089, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 36.76, "Longitude": -119.79, "Population": 1361.0}, {"index": 2089, "quantile": 0.25, "value": 61300.0, "Latitude": 36.76, "Longitude": -119.79, "Population": 1361.0}, {"index": 2089, "quantile": 0.5, "value": 61300.0, "Latitude": 36.76, "Longitude": -119.79, "Population": 1361.0}, {"index": 2089, "quantile": 0.75, "value": 61300.0, "Latitude": 36.76, "Longitude": -119.79, "Population": 1361.0}, {"index": 2089, "quantile": 1.0, "value": 75000.0, "Latitude": 36.76, "Longitude": -119.79, "Population": 1361.0}, {"index": 2090, "quantile": 0.0, "value": 47100.0, "Latitude": 36.76, "Longitude": -119.78, "Population": 949.0}, {"index": 2090, "quantile": 0.25, "value": 54975.00000000001, "Latitude": 36.76, "Longitude": -119.78, "Population": 949.0}, {"index": 2090, "quantile": 0.5, "value": 58399.99999999999, "Latitude": 36.76, "Longitude": -119.78, "Population": 949.0}, {"index": 2090, "quantile": 0.75, "value": 62800.0, "Latitude": 36.76, "Longitude": -119.78, "Population": 949.0}, {"index": 2090, "quantile": 1.0, "value": 74200.0, "Latitude": 36.76, "Longitude": -119.78, "Population": 949.0}, {"index": 2091, "quantile": 0.0, "value": 39400.0, "Latitude": 36.75, "Longitude": -119.78, "Population": 982.0}, {"index": 2091, "quantile": 0.25, "value": 46900.0, "Latitude": 36.75, "Longitude": -119.78, "Population": 982.0}, {"index": 2091, "quantile": 0.5, "value": 49600.0, "Latitude": 36.75, "Longitude": -119.78, "Population": 982.0}, {"index": 2091, "quantile": 0.75, "value": 51500.0, "Latitude": 36.75, "Longitude": -119.78, "Population": 982.0}, {"index": 2091, "quantile": 1.0, "value": 84400.0, "Latitude": 36.75, "Longitude": -119.78, "Population": 982.0}, {"index": 2092, "quantile": 0.0, "value": 39400.0, "Latitude": 36.75, "Longitude": -119.78, "Population": 1925.0}, {"index": 2092, "quantile": 0.25, "value": 45500.0, "Latitude": 36.75, "Longitude": -119.78, "Population": 1925.0}, {"index": 2092, "quantile": 0.5, "value": 50000.0, "Latitude": 36.75, "Longitude": -119.78, "Population": 1925.0}, {"index": 2092, "quantile": 0.75, "value": 52375.00000000001, "Latitude": 36.75, "Longitude": -119.78, "Population": 1925.0}, {"index": 2092, "quantile": 1.0, "value": 66100.0, "Latitude": 36.75, "Longitude": -119.78, "Population": 1925.0}, {"index": 2093, "quantile": 0.0, "value": 44800.0, "Latitude": 36.76, "Longitude": -119.78, "Population": 1063.0}, {"index": 2093, "quantile": 0.25, "value": 49800.0, "Latitude": 36.76, "Longitude": -119.78, "Population": 1063.0}, {"index": 2093, "quantile": 0.5, "value": 49800.0, "Latitude": 36.76, "Longitude": -119.78, "Population": 1063.0}, {"index": 2093, "quantile": 0.75, "value": 55400.00000000001, "Latitude": 36.76, "Longitude": -119.78, "Population": 1063.0}, {"index": 2093, "quantile": 1.0, "value": 122700.00000000001, "Latitude": 36.76, "Longitude": -119.78, "Population": 1063.0}, {"index": 2094, "quantile": 0.0, "value": 33200.0, "Latitude": 36.76, "Longitude": -119.76, "Population": 3786.0}, {"index": 2094, "quantile": 0.25, "value": 46400.0, "Latitude": 36.76, "Longitude": -119.76, "Population": 3786.0}, {"index": 2094, "quantile": 0.5, "value": 52900.0, "Latitude": 36.76, "Longitude": -119.76, "Population": 3786.0}, {"index": 2094, "quantile": 0.75, "value": 58500.0, "Latitude": 36.76, "Longitude": -119.76, "Population": 3786.0}, {"index": 2094, "quantile": 1.0, "value": 71000.0, "Latitude": 36.76, "Longitude": -119.76, "Population": 3786.0}, {"index": 2095, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 36.75, "Longitude": -119.76, "Population": 1407.0}, {"index": 2095, "quantile": 0.25, "value": 52600.0, "Latitude": 36.75, "Longitude": -119.76, "Population": 1407.0}, {"index": 2095, "quantile": 0.5, "value": 59000.0, "Latitude": 36.75, "Longitude": -119.76, "Population": 1407.0}, {"index": 2095, "quantile": 0.75, "value": 70425.0, "Latitude": 36.75, "Longitude": -119.76, "Population": 1407.0}, {"index": 2095, "quantile": 1.0, "value": 305800.0, "Latitude": 36.75, "Longitude": -119.76, "Population": 1407.0}, {"index": 2096, "quantile": 0.0, "value": 43100.0, "Latitude": 36.75, "Longitude": -119.76, "Population": 1567.0}, {"index": 2096, "quantile": 0.25, "value": 45500.0, "Latitude": 36.75, "Longitude": -119.76, "Population": 1567.0}, {"index": 2096, "quantile": 0.5, "value": 45500.0, "Latitude": 36.75, "Longitude": -119.76, "Population": 1567.0}, {"index": 2096, "quantile": 0.75, "value": 46900.0, "Latitude": 36.75, "Longitude": -119.76, "Population": 1567.0}, {"index": 2096, "quantile": 1.0, "value": 56699.99999999999, "Latitude": 36.75, "Longitude": -119.76, "Population": 1567.0}, {"index": 2097, "quantile": 0.0, "value": 41700.0, "Latitude": 36.76, "Longitude": -119.77, "Population": 2219.0}, {"index": 2097, "quantile": 0.25, "value": 48550.0, "Latitude": 36.76, "Longitude": -119.77, "Population": 2219.0}, {"index": 2097, "quantile": 0.5, "value": 49100.0, "Latitude": 36.76, "Longitude": -119.77, "Population": 2219.0}, {"index": 2097, "quantile": 0.75, "value": 49100.0, "Latitude": 36.76, "Longitude": -119.77, "Population": 2219.0}, {"index": 2097, "quantile": 1.0, "value": 62700.0, "Latitude": 36.76, "Longitude": -119.77, "Population": 2219.0}, {"index": 2098, "quantile": 0.0, "value": 43800.0, "Latitude": 36.76, "Longitude": -119.77, "Population": 781.0}, {"index": 2098, "quantile": 0.25, "value": 56000.00000000001, "Latitude": 36.76, "Longitude": -119.77, "Population": 781.0}, {"index": 2098, "quantile": 0.5, "value": 56000.00000000001, "Latitude": 36.76, "Longitude": -119.77, "Population": 781.0}, {"index": 2098, "quantile": 0.75, "value": 62275.0, "Latitude": 36.76, "Longitude": -119.77, "Population": 781.0}, {"index": 2098, "quantile": 1.0, "value": 110000.00000000001, "Latitude": 36.76, "Longitude": -119.77, "Population": 781.0}, {"index": 2099, "quantile": 0.0, "value": 39400.0, "Latitude": 36.76, "Longitude": -119.77, "Population": 1492.0}, {"index": 2099, "quantile": 0.25, "value": 49950.0, "Latitude": 36.76, "Longitude": -119.77, "Population": 1492.0}, {"index": 2099, "quantile": 0.5, "value": 54600.00000000001, "Latitude": 36.76, "Longitude": -119.77, "Population": 1492.0}, {"index": 2099, "quantile": 0.75, "value": 54600.00000000001, "Latitude": 36.76, "Longitude": -119.77, "Population": 1492.0}, {"index": 2099, "quantile": 1.0, "value": 68600.0, "Latitude": 36.76, "Longitude": -119.77, "Population": 1492.0}, {"index": 2100, "quantile": 0.0, "value": 41500.0, "Latitude": 36.75, "Longitude": -119.76, "Population": 1676.0}, {"index": 2100, "quantile": 0.25, "value": 49400.0, "Latitude": 36.75, "Longitude": -119.76, "Population": 1676.0}, {"index": 2100, "quantile": 0.5, "value": 49400.0, "Latitude": 36.75, "Longitude": -119.76, "Population": 1676.0}, {"index": 2100, "quantile": 0.75, "value": 54100.00000000001, "Latitude": 36.75, "Longitude": -119.76, "Population": 1676.0}, {"index": 2100, "quantile": 1.0, "value": 69800.0, "Latitude": 36.75, "Longitude": -119.76, "Population": 1676.0}, {"index": 2101, "quantile": 0.0, "value": 45300.0, "Latitude": 36.74, "Longitude": -119.76, "Population": 1194.0}, {"index": 2101, "quantile": 0.25, "value": 62800.0, "Latitude": 36.74, "Longitude": -119.76, "Population": 1194.0}, {"index": 2101, "quantile": 0.5, "value": 69100.0, "Latitude": 36.74, "Longitude": -119.76, "Population": 1194.0}, {"index": 2101, "quantile": 0.75, "value": 69100.0, "Latitude": 36.74, "Longitude": -119.76, "Population": 1194.0}, {"index": 2101, "quantile": 1.0, "value": 80900.0, "Latitude": 36.74, "Longitude": -119.76, "Population": 1194.0}, {"index": 2102, "quantile": 0.0, "value": 53800.0, "Latitude": 36.74, "Longitude": -119.77, "Population": 811.0}, {"index": 2102, "quantile": 0.25, "value": 62800.0, "Latitude": 36.74, "Longitude": -119.77, "Population": 811.0}, {"index": 2102, "quantile": 0.5, "value": 62800.0, "Latitude": 36.74, "Longitude": -119.77, "Population": 811.0}, {"index": 2102, "quantile": 0.75, "value": 62800.0, "Latitude": 36.74, "Longitude": -119.77, "Population": 811.0}, {"index": 2102, "quantile": 1.0, "value": 72300.0, "Latitude": 36.74, "Longitude": -119.77, "Population": 811.0}, {"index": 2103, "quantile": 0.0, "value": 65600.0, "Latitude": 36.74, "Longitude": -119.77, "Population": 729.0}, {"index": 2103, "quantile": 0.25, "value": 70100.0, "Latitude": 36.74, "Longitude": -119.77, "Population": 729.0}, {"index": 2103, "quantile": 0.5, "value": 70100.0, "Latitude": 36.74, "Longitude": -119.77, "Population": 729.0}, {"index": 2103, "quantile": 0.75, "value": 133300.0, "Latitude": 36.74, "Longitude": -119.77, "Population": 729.0}, {"index": 2103, "quantile": 1.0, "value": 292300.0, "Latitude": 36.74, "Longitude": -119.77, "Population": 729.0}, {"index": 2104, "quantile": 0.0, "value": 44400.0, "Latitude": 36.75, "Longitude": -119.77, "Population": 1680.0}, {"index": 2104, "quantile": 0.25, "value": 48300.0, "Latitude": 36.75, "Longitude": -119.77, "Population": 1680.0}, {"index": 2104, "quantile": 0.5, "value": 48300.0, "Latitude": 36.75, "Longitude": -119.77, "Population": 1680.0}, {"index": 2104, "quantile": 0.75, "value": 49750.0, "Latitude": 36.75, "Longitude": -119.77, "Population": 1680.0}, {"index": 2104, "quantile": 1.0, "value": 84400.0, "Latitude": 36.75, "Longitude": -119.77, "Population": 1680.0}, {"index": 2105, "quantile": 0.0, "value": 41500.0, "Latitude": 36.75, "Longitude": -119.76, "Population": 2031.0}, {"index": 2105, "quantile": 0.25, "value": 50800.0, "Latitude": 36.75, "Longitude": -119.76, "Population": 2031.0}, {"index": 2105, "quantile": 0.5, "value": 50800.0, "Latitude": 36.75, "Longitude": -119.76, "Population": 2031.0}, {"index": 2105, "quantile": 0.75, "value": 50800.0, "Latitude": 36.75, "Longitude": -119.76, "Population": 2031.0}, {"index": 2105, "quantile": 1.0, "value": 67000.0, "Latitude": 36.75, "Longitude": -119.76, "Population": 2031.0}, {"index": 2106, "quantile": 0.0, "value": 30000.0, "Latitude": 36.75, "Longitude": -119.74, "Population": 1042.0}, {"index": 2106, "quantile": 0.25, "value": 59600.0, "Latitude": 36.75, "Longitude": -119.74, "Population": 1042.0}, {"index": 2106, "quantile": 0.5, "value": 59600.0, "Latitude": 36.75, "Longitude": -119.74, "Population": 1042.0}, {"index": 2106, "quantile": 0.75, "value": 72225.0, "Latitude": 36.75, "Longitude": -119.74, "Population": 1042.0}, {"index": 2106, "quantile": 1.0, "value": 206599.99999999997, "Latitude": 36.75, "Longitude": -119.74, "Population": 1042.0}, {"index": 2107, "quantile": 0.0, "value": 41500.0, "Latitude": 36.74, "Longitude": -119.74, "Population": 4749.0}, {"index": 2107, "quantile": 0.25, "value": 45500.0, "Latitude": 36.74, "Longitude": -119.74, "Population": 4749.0}, {"index": 2107, "quantile": 0.5, "value": 49350.0, "Latitude": 36.74, "Longitude": -119.74, "Population": 4749.0}, {"index": 2107, "quantile": 0.75, "value": 50425.0, "Latitude": 36.74, "Longitude": -119.74, "Population": 4749.0}, {"index": 2107, "quantile": 1.0, "value": 66100.0, "Latitude": 36.74, "Longitude": -119.74, "Population": 4749.0}, {"index": 2108, "quantile": 0.0, "value": 47700.0, "Latitude": 36.74, "Longitude": -119.75, "Population": 1098.0}, {"index": 2108, "quantile": 0.25, "value": 55575.00000000001, "Latitude": 36.74, "Longitude": -119.75, "Population": 1098.0}, {"index": 2108, "quantile": 0.5, "value": 60900.0, "Latitude": 36.74, "Longitude": -119.75, "Population": 1098.0}, {"index": 2108, "quantile": 0.75, "value": 68300.0, "Latitude": 36.74, "Longitude": -119.75, "Population": 1098.0}, {"index": 2108, "quantile": 1.0, "value": 112500.0, "Latitude": 36.74, "Longitude": -119.75, "Population": 1098.0}, {"index": 2109, "quantile": 0.0, "value": 26600.0, "Latitude": 36.75, "Longitude": -119.75, "Population": 852.0}, {"index": 2109, "quantile": 0.25, "value": 54200.00000000001, "Latitude": 36.75, "Longitude": -119.75, "Population": 852.0}, {"index": 2109, "quantile": 0.5, "value": 54200.00000000001, "Latitude": 36.75, "Longitude": -119.75, "Population": 852.0}, {"index": 2109, "quantile": 0.75, "value": 59424.99999999999, "Latitude": 36.75, "Longitude": -119.75, "Population": 852.0}, {"index": 2109, "quantile": 1.0, "value": 95500.0, "Latitude": 36.75, "Longitude": -119.75, "Population": 852.0}, {"index": 2110, "quantile": 0.0, "value": 30000.0, "Latitude": 36.75, "Longitude": -119.75, "Population": 1290.0}, {"index": 2110, "quantile": 0.25, "value": 66400.0, "Latitude": 36.75, "Longitude": -119.75, "Population": 1290.0}, {"index": 2110, "quantile": 0.5, "value": 70150.0, "Latitude": 36.75, "Longitude": -119.75, "Population": 1290.0}, {"index": 2110, "quantile": 0.75, "value": 73625.0, "Latitude": 36.75, "Longitude": -119.75, "Population": 1290.0}, {"index": 2110, "quantile": 1.0, "value": 260100.0, "Latitude": 36.75, "Longitude": -119.75, "Population": 1290.0}, {"index": 2111, "quantile": 0.0, "value": 41500.0, "Latitude": 36.76, "Longitude": -119.74, "Population": 1621.0}, {"index": 2111, "quantile": 0.25, "value": 49400.0, "Latitude": 36.76, "Longitude": -119.74, "Population": 1621.0}, {"index": 2111, "quantile": 0.5, "value": 51550.00000000001, "Latitude": 36.76, "Longitude": -119.74, "Population": 1621.0}, {"index": 2111, "quantile": 0.75, "value": 58024.99999999999, "Latitude": 36.76, "Longitude": -119.74, "Population": 1621.0}, {"index": 2111, "quantile": 1.0, "value": 73300.0, "Latitude": 36.76, "Longitude": -119.74, "Population": 1621.0}, {"index": 2112, "quantile": 0.0, "value": 42100.0, "Latitude": 36.76, "Longitude": -119.74, "Population": 842.0}, {"index": 2112, "quantile": 0.25, "value": 52800.0, "Latitude": 36.76, "Longitude": -119.74, "Population": 842.0}, {"index": 2112, "quantile": 0.5, "value": 52800.0, "Latitude": 36.76, "Longitude": -119.74, "Population": 842.0}, {"index": 2112, "quantile": 0.75, "value": 52800.0, "Latitude": 36.76, "Longitude": -119.74, "Population": 842.0}, {"index": 2112, "quantile": 1.0, "value": 72300.0, "Latitude": 36.76, "Longitude": -119.74, "Population": 842.0}, {"index": 2113, "quantile": 0.0, "value": 41400.0, "Latitude": 36.76, "Longitude": -119.75, "Population": 1887.0}, {"index": 2113, "quantile": 0.25, "value": 45500.0, "Latitude": 36.76, "Longitude": -119.75, "Population": 1887.0}, {"index": 2113, "quantile": 0.5, "value": 52100.0, "Latitude": 36.76, "Longitude": -119.75, "Population": 1887.0}, {"index": 2113, "quantile": 0.75, "value": 54550.00000000001, "Latitude": 36.76, "Longitude": -119.75, "Population": 1887.0}, {"index": 2113, "quantile": 1.0, "value": 62500.0, "Latitude": 36.76, "Longitude": -119.75, "Population": 1887.0}, {"index": 2114, "quantile": 0.0, "value": 41500.0, "Latitude": 36.76, "Longitude": -119.75, "Population": 2002.0}, {"index": 2114, "quantile": 0.25, "value": 44500.0, "Latitude": 36.76, "Longitude": -119.75, "Population": 2002.0}, {"index": 2114, "quantile": 0.5, "value": 44500.0, "Latitude": 36.76, "Longitude": -119.75, "Population": 2002.0}, {"index": 2114, "quantile": 0.75, "value": 46700.0, "Latitude": 36.76, "Longitude": -119.75, "Population": 2002.0}, {"index": 2114, "quantile": 1.0, "value": 57499.99999999999, "Latitude": 36.76, "Longitude": -119.75, "Population": 2002.0}, {"index": 2115, "quantile": 0.0, "value": 58299.99999999999, "Latitude": 36.76, "Longitude": -119.72, "Population": 3573.0}, {"index": 2115, "quantile": 0.25, "value": 69000.0, "Latitude": 36.76, "Longitude": -119.72, "Population": 3573.0}, {"index": 2115, "quantile": 0.5, "value": 69000.0, "Latitude": 36.76, "Longitude": -119.72, "Population": 3573.0}, {"index": 2115, "quantile": 0.75, "value": 70025.0, "Latitude": 36.76, "Longitude": -119.72, "Population": 3573.0}, {"index": 2115, "quantile": 1.0, "value": 92700.0, "Latitude": 36.76, "Longitude": -119.72, "Population": 3573.0}, {"index": 2116, "quantile": 0.0, "value": 60600.0, "Latitude": 36.75, "Longitude": -119.72, "Population": 2190.0}, {"index": 2116, "quantile": 0.25, "value": 74700.0, "Latitude": 36.75, "Longitude": -119.72, "Population": 2190.0}, {"index": 2116, "quantile": 0.5, "value": 74700.0, "Latitude": 36.75, "Longitude": -119.72, "Population": 2190.0}, {"index": 2116, "quantile": 0.75, "value": 83775.0, "Latitude": 36.75, "Longitude": -119.72, "Population": 2190.0}, {"index": 2116, "quantile": 1.0, "value": 130000.0, "Latitude": 36.75, "Longitude": -119.72, "Population": 2190.0}, {"index": 2117, "quantile": 0.0, "value": 52100.0, "Latitude": 36.76, "Longitude": -119.73, "Population": 886.0}, {"index": 2117, "quantile": 0.25, "value": 71300.0, "Latitude": 36.76, "Longitude": -119.73, "Population": 886.0}, {"index": 2117, "quantile": 0.5, "value": 71300.0, "Latitude": 36.76, "Longitude": -119.73, "Population": 886.0}, {"index": 2117, "quantile": 0.75, "value": 71300.0, "Latitude": 36.76, "Longitude": -119.73, "Population": 886.0}, {"index": 2117, "quantile": 1.0, "value": 335000.0, "Latitude": 36.76, "Longitude": -119.73, "Population": 886.0}, {"index": 2118, "quantile": 0.0, "value": 69200.0, "Latitude": 36.75, "Longitude": -119.72, "Population": 869.0}, {"index": 2118, "quantile": 0.25, "value": 82000.0, "Latitude": 36.75, "Longitude": -119.72, "Population": 869.0}, {"index": 2118, "quantile": 0.5, "value": 91450.00000000001, "Latitude": 36.75, "Longitude": -119.72, "Population": 869.0}, {"index": 2118, "quantile": 0.75, "value": 202599.99999999997, "Latitude": 36.75, "Longitude": -119.72, "Population": 869.0}, {"index": 2118, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.75, "Longitude": -119.72, "Population": 869.0}, {"index": 2119, "quantile": 0.0, "value": 41500.0, "Latitude": 36.74, "Longitude": -119.73, "Population": 5561.0}, {"index": 2119, "quantile": 0.25, "value": 58299.99999999999, "Latitude": 36.74, "Longitude": -119.73, "Population": 5561.0}, {"index": 2119, "quantile": 0.5, "value": 64700.0, "Latitude": 36.74, "Longitude": -119.73, "Population": 5561.0}, {"index": 2119, "quantile": 0.75, "value": 64700.0, "Latitude": 36.74, "Longitude": -119.73, "Population": 5561.0}, {"index": 2119, "quantile": 1.0, "value": 72000.0, "Latitude": 36.74, "Longitude": -119.73, "Population": 5561.0}, {"index": 2120, "quantile": 0.0, "value": 65300.0, "Latitude": 36.75, "Longitude": -119.73, "Population": 901.0}, {"index": 2120, "quantile": 0.25, "value": 67900.0, "Latitude": 36.75, "Longitude": -119.73, "Population": 901.0}, {"index": 2120, "quantile": 0.5, "value": 67900.0, "Latitude": 36.75, "Longitude": -119.73, "Population": 901.0}, {"index": 2120, "quantile": 0.75, "value": 78200.0, "Latitude": 36.75, "Longitude": -119.73, "Population": 901.0}, {"index": 2120, "quantile": 1.0, "value": 193700.0, "Latitude": 36.75, "Longitude": -119.73, "Population": 901.0}, {"index": 2121, "quantile": 0.0, "value": 68200.0, "Latitude": 36.75, "Longitude": -119.7, "Population": 1819.0}, {"index": 2121, "quantile": 0.25, "value": 84375.0, "Latitude": 36.75, "Longitude": -119.7, "Population": 1819.0}, {"index": 2121, "quantile": 0.5, "value": 87500.0, "Latitude": 36.75, "Longitude": -119.7, "Population": 1819.0}, {"index": 2121, "quantile": 0.75, "value": 87500.0, "Latitude": 36.75, "Longitude": -119.7, "Population": 1819.0}, {"index": 2121, "quantile": 1.0, "value": 124100.00000000001, "Latitude": 36.75, "Longitude": -119.7, "Population": 1819.0}, {"index": 2122, "quantile": 0.0, "value": 49200.0, "Latitude": 36.74, "Longitude": -119.71, "Population": 4476.0}, {"index": 2122, "quantile": 0.25, "value": 69075.0, "Latitude": 36.74, "Longitude": -119.71, "Population": 4476.0}, {"index": 2122, "quantile": 0.5, "value": 74250.0, "Latitude": 36.74, "Longitude": -119.71, "Population": 4476.0}, {"index": 2122, "quantile": 0.75, "value": 83549.99999999999, "Latitude": 36.74, "Longitude": -119.71, "Population": 4476.0}, {"index": 2122, "quantile": 1.0, "value": 130000.0, "Latitude": 36.74, "Longitude": -119.71, "Population": 4476.0}, {"index": 2123, "quantile": 0.0, "value": 52900.0, "Latitude": 36.76, "Longitude": -119.71, "Population": 1392.0}, {"index": 2123, "quantile": 0.25, "value": 72000.0, "Latitude": 36.76, "Longitude": -119.71, "Population": 1392.0}, {"index": 2123, "quantile": 0.5, "value": 72000.0, "Latitude": 36.76, "Longitude": -119.71, "Population": 1392.0}, {"index": 2123, "quantile": 0.75, "value": 72000.0, "Latitude": 36.76, "Longitude": -119.71, "Population": 1392.0}, {"index": 2123, "quantile": 1.0, "value": 120300.0, "Latitude": 36.76, "Longitude": -119.71, "Population": 1392.0}, {"index": 2124, "quantile": 0.0, "value": 65600.0, "Latitude": 36.8, "Longitude": -119.7, "Population": 888.0}, {"index": 2124, "quantile": 0.25, "value": 78825.0, "Latitude": 36.8, "Longitude": -119.7, "Population": 888.0}, {"index": 2124, "quantile": 0.5, "value": 82549.99999999999, "Latitude": 36.8, "Longitude": -119.7, "Population": 888.0}, {"index": 2124, "quantile": 0.75, "value": 90500.0, "Latitude": 36.8, "Longitude": -119.7, "Population": 888.0}, {"index": 2124, "quantile": 1.0, "value": 139200.0, "Latitude": 36.8, "Longitude": -119.7, "Population": 888.0}, {"index": 2125, "quantile": 0.0, "value": 65600.0, "Latitude": 36.79, "Longitude": -119.71, "Population": 966.0}, {"index": 2125, "quantile": 0.25, "value": 82000.0, "Latitude": 36.79, "Longitude": -119.71, "Population": 966.0}, {"index": 2125, "quantile": 0.5, "value": 82000.0, "Latitude": 36.79, "Longitude": -119.71, "Population": 966.0}, {"index": 2125, "quantile": 0.75, "value": 82000.0, "Latitude": 36.79, "Longitude": -119.71, "Population": 966.0}, {"index": 2125, "quantile": 1.0, "value": 209000.0, "Latitude": 36.79, "Longitude": -119.71, "Population": 966.0}, {"index": 2126, "quantile": 0.0, "value": 50600.0, "Latitude": 36.77, "Longitude": -119.71, "Population": 2487.0}, {"index": 2126, "quantile": 0.25, "value": 75900.0, "Latitude": 36.77, "Longitude": -119.71, "Population": 2487.0}, {"index": 2126, "quantile": 0.5, "value": 75900.0, "Latitude": 36.77, "Longitude": -119.71, "Population": 2487.0}, {"index": 2126, "quantile": 0.75, "value": 100299.99999999999, "Latitude": 36.77, "Longitude": -119.71, "Population": 2487.0}, {"index": 2126, "quantile": 1.0, "value": 300000.0, "Latitude": 36.77, "Longitude": -119.71, "Population": 2487.0}, {"index": 2127, "quantile": 0.0, "value": 73000.0, "Latitude": 36.8, "Longitude": -119.73, "Population": 1197.0}, {"index": 2127, "quantile": 0.25, "value": 74600.0, "Latitude": 36.8, "Longitude": -119.73, "Population": 1197.0}, {"index": 2127, "quantile": 0.5, "value": 74600.0, "Latitude": 36.8, "Longitude": -119.73, "Population": 1197.0}, {"index": 2127, "quantile": 0.75, "value": 102575.0, "Latitude": 36.8, "Longitude": -119.73, "Population": 1197.0}, {"index": 2127, "quantile": 1.0, "value": 450000.0, "Latitude": 36.8, "Longitude": -119.73, "Population": 1197.0}, {"index": 2128, "quantile": 0.0, "value": 52900.0, "Latitude": 36.8, "Longitude": -119.72, "Population": 1338.0}, {"index": 2128, "quantile": 0.25, "value": 71400.0, "Latitude": 36.8, "Longitude": -119.72, "Population": 1338.0}, {"index": 2128, "quantile": 0.5, "value": 78800.0, "Latitude": 36.8, "Longitude": -119.72, "Population": 1338.0}, {"index": 2128, "quantile": 0.75, "value": 78800.0, "Latitude": 36.8, "Longitude": -119.72, "Population": 1338.0}, {"index": 2128, "quantile": 1.0, "value": 112500.0, "Latitude": 36.8, "Longitude": -119.72, "Population": 1338.0}, {"index": 2129, "quantile": 0.0, "value": 71700.0, "Latitude": 36.8, "Longitude": -119.72, "Population": 1340.0}, {"index": 2129, "quantile": 0.25, "value": 85700.0, "Latitude": 36.8, "Longitude": -119.72, "Population": 1340.0}, {"index": 2129, "quantile": 0.5, "value": 85700.0, "Latitude": 36.8, "Longitude": -119.72, "Population": 1340.0}, {"index": 2129, "quantile": 0.75, "value": 87675.0, "Latitude": 36.8, "Longitude": -119.72, "Population": 1340.0}, {"index": 2129, "quantile": 1.0, "value": 320800.0, "Latitude": 36.8, "Longitude": -119.72, "Population": 1340.0}, {"index": 2130, "quantile": 0.0, "value": 65600.0, "Latitude": 36.8, "Longitude": -119.71, "Population": 1259.0}, {"index": 2130, "quantile": 0.25, "value": 84700.0, "Latitude": 36.8, "Longitude": -119.71, "Population": 1259.0}, {"index": 2130, "quantile": 0.5, "value": 84700.0, "Latitude": 36.8, "Longitude": -119.71, "Population": 1259.0}, {"index": 2130, "quantile": 0.75, "value": 84700.0, "Latitude": 36.8, "Longitude": -119.71, "Population": 1259.0}, {"index": 2130, "quantile": 1.0, "value": 293800.0, "Latitude": 36.8, "Longitude": -119.71, "Population": 1259.0}, {"index": 2131, "quantile": 0.0, "value": 65600.0, "Latitude": 36.8, "Longitude": -119.71, "Population": 861.0}, {"index": 2131, "quantile": 0.25, "value": 81400.0, "Latitude": 36.8, "Longitude": -119.71, "Population": 861.0}, {"index": 2131, "quantile": 0.5, "value": 81400.0, "Latitude": 36.8, "Longitude": -119.71, "Population": 861.0}, {"index": 2131, "quantile": 0.75, "value": 81400.0, "Latitude": 36.8, "Longitude": -119.71, "Population": 861.0}, {"index": 2131, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 36.8, "Longitude": -119.71, "Population": 861.0}, {"index": 2132, "quantile": 0.0, "value": 47500.0, "Latitude": 36.81, "Longitude": -119.71, "Population": 662.0}, {"index": 2132, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 36.81, "Longitude": -119.71, "Population": 662.0}, {"index": 2132, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 36.81, "Longitude": -119.71, "Population": 662.0}, {"index": 2132, "quantile": 0.75, "value": 72325.0, "Latitude": 36.81, "Longitude": -119.71, "Population": 662.0}, {"index": 2132, "quantile": 1.0, "value": 244000.0, "Latitude": 36.81, "Longitude": -119.71, "Population": 662.0}, {"index": 2133, "quantile": 0.0, "value": 55600.00000000001, "Latitude": 36.8, "Longitude": -119.7, "Population": 1186.0}, {"index": 2133, "quantile": 0.25, "value": 66400.0, "Latitude": 36.8, "Longitude": -119.7, "Population": 1186.0}, {"index": 2133, "quantile": 0.5, "value": 66400.0, "Latitude": 36.8, "Longitude": -119.7, "Population": 1186.0}, {"index": 2133, "quantile": 0.75, "value": 66400.0, "Latitude": 36.8, "Longitude": -119.7, "Population": 1186.0}, {"index": 2133, "quantile": 1.0, "value": 225900.0, "Latitude": 36.8, "Longitude": -119.7, "Population": 1186.0}, {"index": 2134, "quantile": 0.0, "value": 54100.00000000001, "Latitude": 36.8, "Longitude": -119.71, "Population": 646.0}, {"index": 2134, "quantile": 0.25, "value": 60000.0, "Latitude": 36.8, "Longitude": -119.71, "Population": 646.0}, {"index": 2134, "quantile": 0.5, "value": 62300.0, "Latitude": 36.8, "Longitude": -119.71, "Population": 646.0}, {"index": 2134, "quantile": 0.75, "value": 69375.0, "Latitude": 36.8, "Longitude": -119.71, "Population": 646.0}, {"index": 2134, "quantile": 1.0, "value": 153800.0, "Latitude": 36.8, "Longitude": -119.71, "Population": 646.0}, {"index": 2135, "quantile": 0.0, "value": 59700.0, "Latitude": 36.8, "Longitude": -119.72, "Population": 1047.0}, {"index": 2135, "quantile": 0.25, "value": 71500.0, "Latitude": 36.8, "Longitude": -119.72, "Population": 1047.0}, {"index": 2135, "quantile": 0.5, "value": 71500.0, "Latitude": 36.8, "Longitude": -119.72, "Population": 1047.0}, {"index": 2135, "quantile": 0.75, "value": 72225.0, "Latitude": 36.8, "Longitude": -119.72, "Population": 1047.0}, {"index": 2135, "quantile": 1.0, "value": 176000.0, "Latitude": 36.8, "Longitude": -119.72, "Population": 1047.0}, {"index": 2136, "quantile": 0.0, "value": 62000.0, "Latitude": 36.8, "Longitude": -119.73, "Population": 781.0}, {"index": 2136, "quantile": 0.25, "value": 69200.0, "Latitude": 36.8, "Longitude": -119.73, "Population": 781.0}, {"index": 2136, "quantile": 0.5, "value": 69200.0, "Latitude": 36.8, "Longitude": -119.73, "Population": 781.0}, {"index": 2136, "quantile": 0.75, "value": 72100.0, "Latitude": 36.8, "Longitude": -119.73, "Population": 781.0}, {"index": 2136, "quantile": 1.0, "value": 179400.0, "Latitude": 36.8, "Longitude": -119.73, "Population": 781.0}, {"index": 2137, "quantile": 0.0, "value": 61100.0, "Latitude": 36.81, "Longitude": -119.72, "Population": 1194.0}, {"index": 2137, "quantile": 0.25, "value": 71600.0, "Latitude": 36.81, "Longitude": -119.72, "Population": 1194.0}, {"index": 2137, "quantile": 0.5, "value": 84650.0, "Latitude": 36.81, "Longitude": -119.72, "Population": 1194.0}, {"index": 2137, "quantile": 0.75, "value": 104700.00000000001, "Latitude": 36.81, "Longitude": -119.72, "Population": 1194.0}, {"index": 2137, "quantile": 1.0, "value": 245000.00000000003, "Latitude": 36.81, "Longitude": -119.72, "Population": 1194.0}, {"index": 2138, "quantile": 0.0, "value": 63500.0, "Latitude": 36.77, "Longitude": -119.73, "Population": 2362.0}, {"index": 2138, "quantile": 0.25, "value": 73000.0, "Latitude": 36.77, "Longitude": -119.73, "Population": 2362.0}, {"index": 2138, "quantile": 0.5, "value": 73000.0, "Latitude": 36.77, "Longitude": -119.73, "Population": 2362.0}, {"index": 2138, "quantile": 0.75, "value": 73000.0, "Latitude": 36.77, "Longitude": -119.73, "Population": 2362.0}, {"index": 2138, "quantile": 1.0, "value": 139700.0, "Latitude": 36.77, "Longitude": -119.73, "Population": 2362.0}, {"index": 2139, "quantile": 0.0, "value": 59700.0, "Latitude": 36.77, "Longitude": -119.74, "Population": 1375.0}, {"index": 2139, "quantile": 0.25, "value": 76900.0, "Latitude": 36.77, "Longitude": -119.74, "Population": 1375.0}, {"index": 2139, "quantile": 0.5, "value": 76900.0, "Latitude": 36.77, "Longitude": -119.74, "Population": 1375.0}, {"index": 2139, "quantile": 0.75, "value": 76900.0, "Latitude": 36.77, "Longitude": -119.74, "Population": 1375.0}, {"index": 2139, "quantile": 1.0, "value": 153800.0, "Latitude": 36.77, "Longitude": -119.74, "Population": 1375.0}, {"index": 2140, "quantile": 0.0, "value": 63500.0, "Latitude": 36.77, "Longitude": -119.75, "Population": 1005.0}, {"index": 2140, "quantile": 0.25, "value": 69200.0, "Latitude": 36.77, "Longitude": -119.75, "Population": 1005.0}, {"index": 2140, "quantile": 0.5, "value": 72300.0, "Latitude": 36.77, "Longitude": -119.75, "Population": 1005.0}, {"index": 2140, "quantile": 0.75, "value": 73700.0, "Latitude": 36.77, "Longitude": -119.75, "Population": 1005.0}, {"index": 2140, "quantile": 1.0, "value": 153800.0, "Latitude": 36.77, "Longitude": -119.75, "Population": 1005.0}, {"index": 2141, "quantile": 0.0, "value": 59700.0, "Latitude": 36.78, "Longitude": -119.75, "Population": 474.0}, {"index": 2141, "quantile": 0.25, "value": 74300.0, "Latitude": 36.78, "Longitude": -119.75, "Population": 474.0}, {"index": 2141, "quantile": 0.5, "value": 74300.0, "Latitude": 36.78, "Longitude": -119.75, "Population": 474.0}, {"index": 2141, "quantile": 0.75, "value": 74300.0, "Latitude": 36.78, "Longitude": -119.75, "Population": 474.0}, {"index": 2141, "quantile": 1.0, "value": 274000.0, "Latitude": 36.78, "Longitude": -119.75, "Population": 474.0}, {"index": 2142, "quantile": 0.0, "value": 26900.0, "Latitude": 36.78, "Longitude": -119.75, "Population": 508.0}, {"index": 2142, "quantile": 0.25, "value": 80700.0, "Latitude": 36.78, "Longitude": -119.75, "Population": 508.0}, {"index": 2142, "quantile": 0.5, "value": 81300.0, "Latitude": 36.78, "Longitude": -119.75, "Population": 508.0}, {"index": 2142, "quantile": 0.75, "value": 81300.0, "Latitude": 36.78, "Longitude": -119.75, "Population": 508.0}, {"index": 2142, "quantile": 1.0, "value": 132800.0, "Latitude": 36.78, "Longitude": -119.75, "Population": 508.0}, {"index": 2143, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 36.78, "Longitude": -119.74, "Population": 2254.0}, {"index": 2143, "quantile": 0.25, "value": 69000.0, "Latitude": 36.78, "Longitude": -119.74, "Population": 2254.0}, {"index": 2143, "quantile": 0.5, "value": 72550.0, "Latitude": 36.78, "Longitude": -119.74, "Population": 2254.0}, {"index": 2143, "quantile": 0.75, "value": 81300.0, "Latitude": 36.78, "Longitude": -119.74, "Population": 2254.0}, {"index": 2143, "quantile": 1.0, "value": 99300.0, "Latitude": 36.78, "Longitude": -119.74, "Population": 2254.0}, {"index": 2144, "quantile": 0.0, "value": 61100.0, "Latitude": 36.77, "Longitude": -119.76, "Population": 1227.0}, {"index": 2144, "quantile": 0.25, "value": 71975.0, "Latitude": 36.77, "Longitude": -119.76, "Population": 1227.0}, {"index": 2144, "quantile": 0.5, "value": 72300.0, "Latitude": 36.77, "Longitude": -119.76, "Population": 1227.0}, {"index": 2144, "quantile": 0.75, "value": 72300.0, "Latitude": 36.77, "Longitude": -119.76, "Population": 1227.0}, {"index": 2144, "quantile": 1.0, "value": 120300.0, "Latitude": 36.77, "Longitude": -119.76, "Population": 1227.0}, {"index": 2145, "quantile": 0.0, "value": 55500.00000000001, "Latitude": 36.77, "Longitude": -119.76, "Population": 2142.0}, {"index": 2145, "quantile": 0.25, "value": 60200.0, "Latitude": 36.77, "Longitude": -119.76, "Population": 2142.0}, {"index": 2145, "quantile": 0.5, "value": 60200.0, "Latitude": 36.77, "Longitude": -119.76, "Population": 2142.0}, {"index": 2145, "quantile": 0.75, "value": 67200.0, "Latitude": 36.77, "Longitude": -119.76, "Population": 2142.0}, {"index": 2145, "quantile": 1.0, "value": 85500.0, "Latitude": 36.77, "Longitude": -119.76, "Population": 2142.0}, {"index": 2146, "quantile": 0.0, "value": 52400.0, "Latitude": 36.77, "Longitude": -119.77, "Population": 1441.0}, {"index": 2146, "quantile": 0.25, "value": 64700.0, "Latitude": 36.77, "Longitude": -119.77, "Population": 1441.0}, {"index": 2146, "quantile": 0.5, "value": 64700.0, "Latitude": 36.77, "Longitude": -119.77, "Population": 1441.0}, {"index": 2146, "quantile": 0.75, "value": 64700.0, "Latitude": 36.77, "Longitude": -119.77, "Population": 1441.0}, {"index": 2146, "quantile": 1.0, "value": 78900.0, "Latitude": 36.77, "Longitude": -119.77, "Population": 1441.0}, {"index": 2147, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 36.78, "Longitude": -119.77, "Population": 1994.0}, {"index": 2147, "quantile": 0.25, "value": 66775.0, "Latitude": 36.78, "Longitude": -119.77, "Population": 1994.0}, {"index": 2147, "quantile": 0.5, "value": 71400.0, "Latitude": 36.78, "Longitude": -119.77, "Population": 1994.0}, {"index": 2147, "quantile": 0.75, "value": 76900.0, "Latitude": 36.78, "Longitude": -119.77, "Population": 1994.0}, {"index": 2147, "quantile": 1.0, "value": 362200.0, "Latitude": 36.78, "Longitude": -119.77, "Population": 1994.0}, {"index": 2148, "quantile": 0.0, "value": 47700.0, "Latitude": 36.78, "Longitude": -119.77, "Population": 609.0}, {"index": 2148, "quantile": 0.25, "value": 67700.0, "Latitude": 36.78, "Longitude": -119.77, "Population": 609.0}, {"index": 2148, "quantile": 0.5, "value": 67700.0, "Latitude": 36.78, "Longitude": -119.77, "Population": 609.0}, {"index": 2148, "quantile": 0.75, "value": 67700.0, "Latitude": 36.78, "Longitude": -119.77, "Population": 609.0}, {"index": 2148, "quantile": 1.0, "value": 236100.00000000003, "Latitude": 36.78, "Longitude": -119.77, "Population": 609.0}, {"index": 2149, "quantile": 0.0, "value": 41700.0, "Latitude": 36.77, "Longitude": -119.77, "Population": 2669.0}, {"index": 2149, "quantile": 0.25, "value": 56175.0, "Latitude": 36.77, "Longitude": -119.77, "Population": 2669.0}, {"index": 2149, "quantile": 0.5, "value": 61900.0, "Latitude": 36.77, "Longitude": -119.77, "Population": 2669.0}, {"index": 2149, "quantile": 0.75, "value": 61900.0, "Latitude": 36.77, "Longitude": -119.77, "Population": 2669.0}, {"index": 2149, "quantile": 1.0, "value": 62700.0, "Latitude": 36.77, "Longitude": -119.77, "Population": 2669.0}, {"index": 2150, "quantile": 0.0, "value": 30000.0, "Latitude": 36.77, "Longitude": -119.78, "Population": 666.0}, {"index": 2150, "quantile": 0.25, "value": 58099.99999999999, "Latitude": 36.77, "Longitude": -119.78, "Population": 666.0}, {"index": 2150, "quantile": 0.5, "value": 58099.99999999999, "Latitude": 36.77, "Longitude": -119.78, "Population": 666.0}, {"index": 2150, "quantile": 0.75, "value": 61075.0, "Latitude": 36.77, "Longitude": -119.78, "Population": 666.0}, {"index": 2150, "quantile": 1.0, "value": 129200.0, "Latitude": 36.77, "Longitude": -119.78, "Population": 666.0}, {"index": 2151, "quantile": 0.0, "value": 45300.0, "Latitude": 36.78, "Longitude": -119.78, "Population": 1143.0}, {"index": 2151, "quantile": 0.25, "value": 64700.0, "Latitude": 36.78, "Longitude": -119.78, "Population": 1143.0}, {"index": 2151, "quantile": 0.5, "value": 70700.0, "Latitude": 36.78, "Longitude": -119.78, "Population": 1143.0}, {"index": 2151, "quantile": 0.75, "value": 70700.0, "Latitude": 36.78, "Longitude": -119.78, "Population": 1143.0}, {"index": 2151, "quantile": 1.0, "value": 78800.0, "Latitude": 36.78, "Longitude": -119.78, "Population": 1143.0}, {"index": 2152, "quantile": 0.0, "value": 47500.0, "Latitude": 36.77, "Longitude": -119.79, "Population": 1000.0}, {"index": 2152, "quantile": 0.25, "value": 60200.0, "Latitude": 36.77, "Longitude": -119.79, "Population": 1000.0}, {"index": 2152, "quantile": 0.5, "value": 60200.0, "Latitude": 36.77, "Longitude": -119.79, "Population": 1000.0}, {"index": 2152, "quantile": 0.75, "value": 60200.0, "Latitude": 36.77, "Longitude": -119.79, "Population": 1000.0}, {"index": 2152, "quantile": 1.0, "value": 139300.0, "Latitude": 36.77, "Longitude": -119.79, "Population": 1000.0}, {"index": 2153, "quantile": 0.0, "value": 79400.0, "Latitude": 36.77, "Longitude": -119.8, "Population": 1114.0}, {"index": 2153, "quantile": 0.25, "value": 87600.0, "Latitude": 36.77, "Longitude": -119.8, "Population": 1114.0}, {"index": 2153, "quantile": 0.5, "value": 87600.0, "Latitude": 36.77, "Longitude": -119.8, "Population": 1114.0}, {"index": 2153, "quantile": 0.75, "value": 160950.0, "Latitude": 36.77, "Longitude": -119.8, "Population": 1114.0}, {"index": 2153, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.77, "Longitude": -119.8, "Population": 1114.0}, {"index": 2154, "quantile": 0.0, "value": 50600.0, "Latitude": 36.78, "Longitude": -119.8, "Population": 737.0}, {"index": 2154, "quantile": 0.25, "value": 63800.0, "Latitude": 36.78, "Longitude": -119.8, "Population": 737.0}, {"index": 2154, "quantile": 0.5, "value": 74250.0, "Latitude": 36.78, "Longitude": -119.8, "Population": 737.0}, {"index": 2154, "quantile": 0.75, "value": 79700.0, "Latitude": 36.78, "Longitude": -119.8, "Population": 737.0}, {"index": 2154, "quantile": 1.0, "value": 364700.0, "Latitude": 36.78, "Longitude": -119.8, "Population": 737.0}, {"index": 2155, "quantile": 0.0, "value": 26900.0, "Latitude": 36.78, "Longitude": -119.79, "Population": 1129.0}, {"index": 2155, "quantile": 0.25, "value": 59100.0, "Latitude": 36.78, "Longitude": -119.79, "Population": 1129.0}, {"index": 2155, "quantile": 0.5, "value": 59100.0, "Latitude": 36.78, "Longitude": -119.79, "Population": 1129.0}, {"index": 2155, "quantile": 0.75, "value": 59575.0, "Latitude": 36.78, "Longitude": -119.79, "Population": 1129.0}, {"index": 2155, "quantile": 1.0, "value": 96000.0, "Latitude": 36.78, "Longitude": -119.79, "Population": 1129.0}, {"index": 2156, "quantile": 0.0, "value": 35000.0, "Latitude": 36.77, "Longitude": -119.79, "Population": 1144.0}, {"index": 2156, "quantile": 0.25, "value": 63800.0, "Latitude": 36.77, "Longitude": -119.79, "Population": 1144.0}, {"index": 2156, "quantile": 0.5, "value": 68600.0, "Latitude": 36.77, "Longitude": -119.79, "Population": 1144.0}, {"index": 2156, "quantile": 0.75, "value": 73625.0, "Latitude": 36.77, "Longitude": -119.79, "Population": 1144.0}, {"index": 2156, "quantile": 1.0, "value": 129200.0, "Latitude": 36.77, "Longitude": -119.79, "Population": 1144.0}, {"index": 2157, "quantile": 0.0, "value": 79400.0, "Latitude": 36.78, "Longitude": -119.81, "Population": 839.0}, {"index": 2157, "quantile": 0.25, "value": 87600.0, "Latitude": 36.78, "Longitude": -119.81, "Population": 839.0}, {"index": 2157, "quantile": 0.5, "value": 93900.0, "Latitude": 36.78, "Longitude": -119.81, "Population": 839.0}, {"index": 2157, "quantile": 0.75, "value": 144200.0, "Latitude": 36.78, "Longitude": -119.81, "Population": 839.0}, {"index": 2157, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.78, "Longitude": -119.81, "Population": 839.0}, {"index": 2158, "quantile": 0.0, "value": 37500.0, "Latitude": 36.77, "Longitude": -119.81, "Population": 705.0}, {"index": 2158, "quantile": 0.25, "value": 84450.0, "Latitude": 36.77, "Longitude": -119.81, "Population": 705.0}, {"index": 2158, "quantile": 0.5, "value": 98250.0, "Latitude": 36.77, "Longitude": -119.81, "Population": 705.0}, {"index": 2158, "quantile": 0.75, "value": 207450.0, "Latitude": 36.77, "Longitude": -119.81, "Population": 705.0}, {"index": 2158, "quantile": 1.0, "value": 450000.0, "Latitude": 36.77, "Longitude": -119.81, "Population": 705.0}, {"index": 2159, "quantile": 0.0, "value": 59100.0, "Latitude": 36.77, "Longitude": -119.81, "Population": 741.0}, {"index": 2159, "quantile": 0.25, "value": 77300.0, "Latitude": 36.77, "Longitude": -119.81, "Population": 741.0}, {"index": 2159, "quantile": 0.5, "value": 78900.0, "Latitude": 36.77, "Longitude": -119.81, "Population": 741.0}, {"index": 2159, "quantile": 0.75, "value": 78900.0, "Latitude": 36.77, "Longitude": -119.81, "Population": 741.0}, {"index": 2159, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 36.77, "Longitude": -119.81, "Population": 741.0}, {"index": 2160, "quantile": 0.0, "value": 75000.0, "Latitude": 36.77, "Longitude": -119.81, "Population": 890.0}, {"index": 2160, "quantile": 0.25, "value": 85000.0, "Latitude": 36.77, "Longitude": -119.81, "Population": 890.0}, {"index": 2160, "quantile": 0.5, "value": 85000.0, "Latitude": 36.77, "Longitude": -119.81, "Population": 890.0}, {"index": 2160, "quantile": 0.75, "value": 85000.0, "Latitude": 36.77, "Longitude": -119.81, "Population": 890.0}, {"index": 2160, "quantile": 1.0, "value": 342000.0, "Latitude": 36.77, "Longitude": -119.81, "Population": 890.0}, {"index": 2161, "quantile": 0.0, "value": 65300.0, "Latitude": 36.78, "Longitude": -119.81, "Population": 796.0}, {"index": 2161, "quantile": 0.25, "value": 83400.0, "Latitude": 36.78, "Longitude": -119.81, "Population": 796.0}, {"index": 2161, "quantile": 0.5, "value": 83400.0, "Latitude": 36.78, "Longitude": -119.81, "Population": 796.0}, {"index": 2161, "quantile": 0.75, "value": 83400.0, "Latitude": 36.78, "Longitude": -119.81, "Population": 796.0}, {"index": 2161, "quantile": 1.0, "value": 252800.0, "Latitude": 36.78, "Longitude": -119.81, "Population": 796.0}, {"index": 2162, "quantile": 0.0, "value": 46300.0, "Latitude": 36.78, "Longitude": -119.82, "Population": 812.0}, {"index": 2162, "quantile": 0.25, "value": 65900.0, "Latitude": 36.78, "Longitude": -119.82, "Population": 812.0}, {"index": 2162, "quantile": 0.5, "value": 69550.0, "Latitude": 36.78, "Longitude": -119.82, "Population": 812.0}, {"index": 2162, "quantile": 0.75, "value": 73600.0, "Latitude": 36.78, "Longitude": -119.82, "Population": 812.0}, {"index": 2162, "quantile": 1.0, "value": 225900.0, "Latitude": 36.78, "Longitude": -119.82, "Population": 812.0}, {"index": 2163, "quantile": 0.0, "value": 62400.0, "Latitude": 36.77, "Longitude": -119.82, "Population": 646.0}, {"index": 2163, "quantile": 0.25, "value": 71300.0, "Latitude": 36.77, "Longitude": -119.82, "Population": 646.0}, {"index": 2163, "quantile": 0.5, "value": 71300.0, "Latitude": 36.77, "Longitude": -119.82, "Population": 646.0}, {"index": 2163, "quantile": 0.75, "value": 79100.0, "Latitude": 36.77, "Longitude": -119.82, "Population": 646.0}, {"index": 2163, "quantile": 1.0, "value": 272500.0, "Latitude": 36.77, "Longitude": -119.82, "Population": 646.0}, {"index": 2164, "quantile": 0.0, "value": 52100.0, "Latitude": 36.77, "Longitude": -119.82, "Population": 1117.0}, {"index": 2164, "quantile": 0.25, "value": 65800.0, "Latitude": 36.77, "Longitude": -119.82, "Population": 1117.0}, {"index": 2164, "quantile": 0.5, "value": 68300.0, "Latitude": 36.77, "Longitude": -119.82, "Population": 1117.0}, {"index": 2164, "quantile": 0.75, "value": 71375.0, "Latitude": 36.77, "Longitude": -119.82, "Population": 1117.0}, {"index": 2164, "quantile": 1.0, "value": 85500.0, "Latitude": 36.77, "Longitude": -119.82, "Population": 1117.0}, {"index": 2165, "quantile": 0.0, "value": 52100.0, "Latitude": 36.77, "Longitude": -119.83, "Population": 1705.0}, {"index": 2165, "quantile": 0.25, "value": 68100.0, "Latitude": 36.77, "Longitude": -119.83, "Population": 1705.0}, {"index": 2165, "quantile": 0.5, "value": 68100.0, "Latitude": 36.77, "Longitude": -119.83, "Population": 1705.0}, {"index": 2165, "quantile": 0.75, "value": 68325.0, "Latitude": 36.77, "Longitude": -119.83, "Population": 1705.0}, {"index": 2165, "quantile": 1.0, "value": 88800.0, "Latitude": 36.77, "Longitude": -119.83, "Population": 1705.0}, {"index": 2166, "quantile": 0.0, "value": 59700.0, "Latitude": 36.77, "Longitude": -119.83, "Population": 1190.0}, {"index": 2166, "quantile": 0.25, "value": 71600.0, "Latitude": 36.77, "Longitude": -119.83, "Population": 1190.0}, {"index": 2166, "quantile": 0.5, "value": 71600.0, "Latitude": 36.77, "Longitude": -119.83, "Population": 1190.0}, {"index": 2166, "quantile": 0.75, "value": 71600.0, "Latitude": 36.77, "Longitude": -119.83, "Population": 1190.0}, {"index": 2166, "quantile": 1.0, "value": 139700.0, "Latitude": 36.77, "Longitude": -119.83, "Population": 1190.0}, {"index": 2167, "quantile": 0.0, "value": 52100.0, "Latitude": 36.78, "Longitude": -119.83, "Population": 1660.0}, {"index": 2167, "quantile": 0.25, "value": 76500.0, "Latitude": 36.78, "Longitude": -119.83, "Population": 1660.0}, {"index": 2167, "quantile": 0.5, "value": 80300.0, "Latitude": 36.78, "Longitude": -119.83, "Population": 1660.0}, {"index": 2167, "quantile": 0.75, "value": 80300.0, "Latitude": 36.78, "Longitude": -119.83, "Population": 1660.0}, {"index": 2167, "quantile": 1.0, "value": 90000.0, "Latitude": 36.78, "Longitude": -119.83, "Population": 1660.0}, {"index": 2168, "quantile": 0.0, "value": 68000.0, "Latitude": 36.79, "Longitude": -119.87, "Population": 1718.0}, {"index": 2168, "quantile": 0.25, "value": 80200.0, "Latitude": 36.79, "Longitude": -119.87, "Population": 1718.0}, {"index": 2168, "quantile": 0.5, "value": 80200.0, "Latitude": 36.79, "Longitude": -119.87, "Population": 1718.0}, {"index": 2168, "quantile": 0.75, "value": 80200.0, "Latitude": 36.79, "Longitude": -119.87, "Population": 1718.0}, {"index": 2168, "quantile": 1.0, "value": 98500.0, "Latitude": 36.79, "Longitude": -119.87, "Population": 1718.0}, {"index": 2169, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 36.79, "Longitude": -119.87, "Population": 1014.0}, {"index": 2169, "quantile": 0.25, "value": 75900.0, "Latitude": 36.79, "Longitude": -119.87, "Population": 1014.0}, {"index": 2169, "quantile": 0.5, "value": 86500.0, "Latitude": 36.79, "Longitude": -119.87, "Population": 1014.0}, {"index": 2169, "quantile": 0.75, "value": 100800.0, "Latitude": 36.79, "Longitude": -119.87, "Population": 1014.0}, {"index": 2169, "quantile": 1.0, "value": 161500.0, "Latitude": 36.79, "Longitude": -119.87, "Population": 1014.0}, {"index": 2170, "quantile": 0.0, "value": 68000.0, "Latitude": 36.79, "Longitude": -119.89, "Population": 2179.0}, {"index": 2170, "quantile": 0.25, "value": 80400.0, "Latitude": 36.79, "Longitude": -119.89, "Population": 2179.0}, {"index": 2170, "quantile": 0.5, "value": 80400.0, "Latitude": 36.79, "Longitude": -119.89, "Population": 2179.0}, {"index": 2170, "quantile": 0.75, "value": 80400.0, "Latitude": 36.79, "Longitude": -119.89, "Population": 2179.0}, {"index": 2170, "quantile": 1.0, "value": 221200.00000000003, "Latitude": 36.79, "Longitude": -119.89, "Population": 2179.0}, {"index": 2171, "quantile": 0.0, "value": 68400.0, "Latitude": 36.78, "Longitude": -119.87, "Population": 3406.0}, {"index": 2171, "quantile": 0.25, "value": 83025.0, "Latitude": 36.78, "Longitude": -119.87, "Population": 3406.0}, {"index": 2171, "quantile": 0.5, "value": 84500.0, "Latitude": 36.78, "Longitude": -119.87, "Population": 3406.0}, {"index": 2171, "quantile": 0.75, "value": 84500.0, "Latitude": 36.78, "Longitude": -119.87, "Population": 3406.0}, {"index": 2171, "quantile": 1.0, "value": 140800.0, "Latitude": 36.78, "Longitude": -119.87, "Population": 3406.0}, {"index": 2172, "quantile": 0.0, "value": 43500.0, "Latitude": 36.78, "Longitude": -119.85, "Population": 1454.0}, {"index": 2172, "quantile": 0.25, "value": 79700.0, "Latitude": 36.78, "Longitude": -119.85, "Population": 1454.0}, {"index": 2172, "quantile": 0.5, "value": 79700.0, "Latitude": 36.78, "Longitude": -119.85, "Population": 1454.0}, {"index": 2172, "quantile": 0.75, "value": 83775.0, "Latitude": 36.78, "Longitude": -119.85, "Population": 1454.0}, {"index": 2172, "quantile": 1.0, "value": 165000.0, "Latitude": 36.78, "Longitude": -119.85, "Population": 1454.0}, {"index": 2173, "quantile": 0.0, "value": 69300.0, "Latitude": 36.78, "Longitude": -119.86, "Population": 1274.0}, {"index": 2173, "quantile": 0.25, "value": 74700.0, "Latitude": 36.78, "Longitude": -119.86, "Population": 1274.0}, {"index": 2173, "quantile": 0.5, "value": 74700.0, "Latitude": 36.78, "Longitude": -119.86, "Population": 1274.0}, {"index": 2173, "quantile": 0.75, "value": 74700.0, "Latitude": 36.78, "Longitude": -119.86, "Population": 1274.0}, {"index": 2173, "quantile": 1.0, "value": 238700.0, "Latitude": 36.78, "Longitude": -119.86, "Population": 1274.0}, {"index": 2174, "quantile": 0.0, "value": 26900.0, "Latitude": 36.77, "Longitude": -119.85, "Population": 620.0}, {"index": 2174, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 36.77, "Longitude": -119.85, "Population": 620.0}, {"index": 2174, "quantile": 0.5, "value": 69300.0, "Latitude": 36.77, "Longitude": -119.85, "Population": 620.0}, {"index": 2174, "quantile": 0.75, "value": 75900.0, "Latitude": 36.77, "Longitude": -119.85, "Population": 620.0}, {"index": 2174, "quantile": 1.0, "value": 376100.0, "Latitude": 36.77, "Longitude": -119.85, "Population": 620.0}, {"index": 2175, "quantile": 0.0, "value": 46300.0, "Latitude": 36.77, "Longitude": -119.85, "Population": 847.0}, {"index": 2175, "quantile": 0.25, "value": 74500.0, "Latitude": 36.77, "Longitude": -119.85, "Population": 847.0}, {"index": 2175, "quantile": 0.5, "value": 83200.0, "Latitude": 36.77, "Longitude": -119.85, "Population": 847.0}, {"index": 2175, "quantile": 0.75, "value": 83200.0, "Latitude": 36.77, "Longitude": -119.85, "Population": 847.0}, {"index": 2175, "quantile": 1.0, "value": 120300.0, "Latitude": 36.77, "Longitude": -119.85, "Population": 847.0}, {"index": 2176, "quantile": 0.0, "value": 45500.0, "Latitude": 36.76, "Longitude": -119.85, "Population": 845.0}, {"index": 2176, "quantile": 0.25, "value": 59475.0, "Latitude": 36.76, "Longitude": -119.85, "Population": 845.0}, {"index": 2176, "quantile": 0.5, "value": 69400.0, "Latitude": 36.76, "Longitude": -119.85, "Population": 845.0}, {"index": 2176, "quantile": 0.75, "value": 92200.0, "Latitude": 36.76, "Longitude": -119.85, "Population": 845.0}, {"index": 2176, "quantile": 1.0, "value": 120100.0, "Latitude": 36.76, "Longitude": -119.85, "Population": 845.0}, {"index": 2177, "quantile": 0.0, "value": 43500.0, "Latitude": 36.75, "Longitude": -119.85, "Population": 608.0}, {"index": 2177, "quantile": 0.25, "value": 71400.0, "Latitude": 36.75, "Longitude": -119.85, "Population": 608.0}, {"index": 2177, "quantile": 0.5, "value": 79700.0, "Latitude": 36.75, "Longitude": -119.85, "Population": 608.0}, {"index": 2177, "quantile": 0.75, "value": 84600.0, "Latitude": 36.75, "Longitude": -119.85, "Population": 608.0}, {"index": 2177, "quantile": 1.0, "value": 153800.0, "Latitude": 36.75, "Longitude": -119.85, "Population": 608.0}, {"index": 2178, "quantile": 0.0, "value": 52100.0, "Latitude": 36.76, "Longitude": -119.87, "Population": 919.0}, {"index": 2178, "quantile": 0.25, "value": 73425.0, "Latitude": 36.76, "Longitude": -119.87, "Population": 919.0}, {"index": 2178, "quantile": 0.5, "value": 74500.0, "Latitude": 36.76, "Longitude": -119.87, "Population": 919.0}, {"index": 2178, "quantile": 0.75, "value": 74500.0, "Latitude": 36.76, "Longitude": -119.87, "Population": 919.0}, {"index": 2178, "quantile": 1.0, "value": 129200.0, "Latitude": 36.76, "Longitude": -119.87, "Population": 919.0}, {"index": 2179, "quantile": 0.0, "value": 65600.0, "Latitude": 36.79, "Longitude": -119.9, "Population": 1066.0}, {"index": 2179, "quantile": 0.25, "value": 85275.0, "Latitude": 36.79, "Longitude": -119.9, "Population": 1066.0}, {"index": 2179, "quantile": 0.5, "value": 93150.0, "Latitude": 36.79, "Longitude": -119.9, "Population": 1066.0}, {"index": 2179, "quantile": 0.75, "value": 131700.0, "Latitude": 36.79, "Longitude": -119.9, "Population": 1066.0}, {"index": 2179, "quantile": 1.0, "value": 226399.99999999997, "Latitude": 36.79, "Longitude": -119.9, "Population": 1066.0}, {"index": 2180, "quantile": 0.0, "value": 67500.0, "Latitude": 36.76, "Longitude": -119.89, "Population": 1152.0}, {"index": 2180, "quantile": 0.25, "value": 125125.0, "Latitude": 36.76, "Longitude": -119.89, "Population": 1152.0}, {"index": 2180, "quantile": 0.5, "value": 126400.0, "Latitude": 36.76, "Longitude": -119.89, "Population": 1152.0}, {"index": 2180, "quantile": 0.75, "value": 126400.0, "Latitude": 36.76, "Longitude": -119.89, "Population": 1152.0}, {"index": 2180, "quantile": 1.0, "value": 265900.0, "Latitude": 36.76, "Longitude": -119.89, "Population": 1152.0}, {"index": 2181, "quantile": 0.0, "value": 68000.0, "Latitude": 36.77, "Longitude": -119.92, "Population": 702.0}, {"index": 2181, "quantile": 0.25, "value": 84200.0, "Latitude": 36.77, "Longitude": -119.92, "Population": 702.0}, {"index": 2181, "quantile": 0.5, "value": 96000.0, "Latitude": 36.77, "Longitude": -119.92, "Population": 702.0}, {"index": 2181, "quantile": 0.75, "value": 130224.99999999999, "Latitude": 36.77, "Longitude": -119.92, "Population": 702.0}, {"index": 2181, "quantile": 1.0, "value": 226399.99999999997, "Latitude": 36.77, "Longitude": -119.92, "Population": 702.0}, {"index": 2182, "quantile": 0.0, "value": 30000.0, "Latitude": 36.79, "Longitude": -120.08, "Population": 928.0}, {"index": 2182, "quantile": 0.25, "value": 60900.0, "Latitude": 36.79, "Longitude": -120.08, "Population": 928.0}, {"index": 2182, "quantile": 0.5, "value": 65000.0, "Latitude": 36.79, "Longitude": -120.08, "Population": 928.0}, {"index": 2182, "quantile": 0.75, "value": 85300.0, "Latitude": 36.79, "Longitude": -120.08, "Population": 928.0}, {"index": 2182, "quantile": 1.0, "value": 207900.00000000003, "Latitude": 36.79, "Longitude": -120.08, "Population": 928.0}, {"index": 2183, "quantile": 0.0, "value": 44100.0, "Latitude": 36.77, "Longitude": -120.21, "Population": 1093.0}, {"index": 2183, "quantile": 0.25, "value": 69000.0, "Latitude": 36.77, "Longitude": -120.21, "Population": 1093.0}, {"index": 2183, "quantile": 0.5, "value": 76600.0, "Latitude": 36.77, "Longitude": -120.21, "Population": 1093.0}, {"index": 2183, "quantile": 0.75, "value": 90600.0, "Latitude": 36.77, "Longitude": -120.21, "Population": 1093.0}, {"index": 2183, "quantile": 1.0, "value": 150000.0, "Latitude": 36.77, "Longitude": -120.21, "Population": 1093.0}, {"index": 2184, "quantile": 0.0, "value": 38800.0, "Latitude": 36.66, "Longitude": -120.1, "Population": 1341.0}, {"index": 2184, "quantile": 0.25, "value": 69000.0, "Latitude": 36.66, "Longitude": -120.1, "Population": 1341.0}, {"index": 2184, "quantile": 0.5, "value": 69000.0, "Latitude": 36.66, "Longitude": -120.1, "Population": 1341.0}, {"index": 2184, "quantile": 0.75, "value": 69000.0, "Latitude": 36.66, "Longitude": -120.1, "Population": 1341.0}, {"index": 2184, "quantile": 1.0, "value": 125000.0, "Latitude": 36.66, "Longitude": -120.1, "Population": 1341.0}, {"index": 2185, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 36.74, "Longitude": -119.98, "Population": 896.0}, {"index": 2185, "quantile": 0.25, "value": 71300.0, "Latitude": 36.74, "Longitude": -119.98, "Population": 896.0}, {"index": 2185, "quantile": 0.5, "value": 82800.0, "Latitude": 36.74, "Longitude": -119.98, "Population": 896.0}, {"index": 2185, "quantile": 0.75, "value": 93350.0, "Latitude": 36.74, "Longitude": -119.98, "Population": 896.0}, {"index": 2185, "quantile": 1.0, "value": 226399.99999999997, "Latitude": 36.74, "Longitude": -119.98, "Population": 896.0}, {"index": 2186, "quantile": 0.0, "value": 46300.0, "Latitude": 36.7, "Longitude": -120.0, "Population": 1168.0}, {"index": 2186, "quantile": 0.25, "value": 70800.0, "Latitude": 36.7, "Longitude": -120.0, "Population": 1168.0}, {"index": 2186, "quantile": 0.5, "value": 70800.0, "Latitude": 36.7, "Longitude": -120.0, "Population": 1168.0}, {"index": 2186, "quantile": 0.75, "value": 70800.0, "Latitude": 36.7, "Longitude": -120.0, "Population": 1168.0}, {"index": 2186, "quantile": 1.0, "value": 153800.0, "Latitude": 36.7, "Longitude": -120.0, "Population": 1168.0}, {"index": 2187, "quantile": 0.0, "value": 49500.0, "Latitude": 36.74, "Longitude": -120.04, "Population": 2298.0}, {"index": 2187, "quantile": 0.25, "value": 61000.0, "Latitude": 36.74, "Longitude": -120.04, "Population": 2298.0}, {"index": 2187, "quantile": 0.5, "value": 71800.0, "Latitude": 36.74, "Longitude": -120.04, "Population": 2298.0}, {"index": 2187, "quantile": 0.75, "value": 71800.0, "Latitude": 36.74, "Longitude": -120.04, "Population": 2298.0}, {"index": 2187, "quantile": 1.0, "value": 71800.0, "Latitude": 36.74, "Longitude": -120.04, "Population": 2298.0}, {"index": 2188, "quantile": 0.0, "value": 38800.0, "Latitude": 36.72, "Longitude": -120.05, "Population": 1559.0}, {"index": 2188, "quantile": 0.25, "value": 53975.00000000001, "Latitude": 36.72, "Longitude": -120.05, "Population": 1559.0}, {"index": 2188, "quantile": 0.5, "value": 60650.00000000001, "Latitude": 36.72, "Longitude": -120.05, "Population": 1559.0}, {"index": 2188, "quantile": 0.75, "value": 69000.0, "Latitude": 36.72, "Longitude": -120.05, "Population": 1559.0}, {"index": 2188, "quantile": 1.0, "value": 137500.0, "Latitude": 36.72, "Longitude": -120.05, "Population": 1559.0}, {"index": 2189, "quantile": 0.0, "value": 65600.0, "Latitude": 36.72, "Longitude": -120.08, "Population": 820.0}, {"index": 2189, "quantile": 0.25, "value": 83200.0, "Latitude": 36.72, "Longitude": -120.08, "Population": 820.0}, {"index": 2189, "quantile": 0.5, "value": 83200.0, "Latitude": 36.72, "Longitude": -120.08, "Population": 820.0}, {"index": 2189, "quantile": 0.75, "value": 83200.0, "Latitude": 36.72, "Longitude": -120.08, "Population": 820.0}, {"index": 2189, "quantile": 1.0, "value": 281300.0, "Latitude": 36.72, "Longitude": -120.08, "Population": 820.0}, {"index": 2190, "quantile": 0.0, "value": 38800.0, "Latitude": 36.72, "Longitude": -120.06, "Population": 736.0}, {"index": 2190, "quantile": 0.25, "value": 51800.0, "Latitude": 36.72, "Longitude": -120.06, "Population": 736.0}, {"index": 2190, "quantile": 0.5, "value": 56299.99999999999, "Latitude": 36.72, "Longitude": -120.06, "Population": 736.0}, {"index": 2190, "quantile": 0.75, "value": 62200.0, "Latitude": 36.72, "Longitude": -120.06, "Population": 736.0}, {"index": 2190, "quantile": 1.0, "value": 309100.0, "Latitude": 36.72, "Longitude": -120.06, "Population": 736.0}, {"index": 2191, "quantile": 0.0, "value": 40400.0, "Latitude": 36.74, "Longitude": -120.07, "Population": 1295.0}, {"index": 2191, "quantile": 0.25, "value": 88200.0, "Latitude": 36.74, "Longitude": -120.07, "Population": 1295.0}, {"index": 2191, "quantile": 0.5, "value": 88200.0, "Latitude": 36.74, "Longitude": -120.07, "Population": 1295.0}, {"index": 2191, "quantile": 0.75, "value": 88200.0, "Latitude": 36.74, "Longitude": -120.07, "Population": 1295.0}, {"index": 2191, "quantile": 1.0, "value": 336800.0, "Latitude": 36.74, "Longitude": -120.07, "Population": 1295.0}, {"index": 2192, "quantile": 0.0, "value": 65600.0, "Latitude": 36.8, "Longitude": -119.95, "Population": 620.0}, {"index": 2192, "quantile": 0.25, "value": 72700.0, "Latitude": 36.8, "Longitude": -119.95, "Population": 620.0}, {"index": 2192, "quantile": 0.5, "value": 90650.00000000001, "Latitude": 36.8, "Longitude": -119.95, "Population": 620.0}, {"index": 2192, "quantile": 0.75, "value": 104925.0, "Latitude": 36.8, "Longitude": -119.95, "Population": 620.0}, {"index": 2192, "quantile": 1.0, "value": 226399.99999999997, "Latitude": 36.8, "Longitude": -119.95, "Population": 620.0}, {"index": 2193, "quantile": 0.0, "value": 65600.0, "Latitude": 36.8, "Longitude": -119.99, "Population": 598.0}, {"index": 2193, "quantile": 0.25, "value": 83250.0, "Latitude": 36.8, "Longitude": -119.99, "Population": 598.0}, {"index": 2193, "quantile": 0.5, "value": 125850.0, "Latitude": 36.8, "Longitude": -119.99, "Population": 598.0}, {"index": 2193, "quantile": 0.75, "value": 214675.0, "Latitude": 36.8, "Longitude": -119.99, "Population": 598.0}, {"index": 2193, "quantile": 1.0, "value": 397900.0, "Latitude": 36.8, "Longitude": -119.99, "Population": 598.0}, {"index": 2194, "quantile": 0.0, "value": 38800.0, "Latitude": 36.8, "Longitude": -120.02, "Population": 1050.0}, {"index": 2194, "quantile": 0.25, "value": 55300.00000000001, "Latitude": 36.8, "Longitude": -120.02, "Population": 1050.0}, {"index": 2194, "quantile": 0.5, "value": 55300.00000000001, "Latitude": 36.8, "Longitude": -120.02, "Population": 1050.0}, {"index": 2194, "quantile": 0.75, "value": 58500.0, "Latitude": 36.8, "Longitude": -120.02, "Population": 1050.0}, {"index": 2194, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 36.8, "Longitude": -120.02, "Population": 1050.0}, {"index": 2195, "quantile": 0.0, "value": 30000.0, "Latitude": 36.79, "Longitude": -120.04, "Population": 671.0}, {"index": 2195, "quantile": 0.25, "value": 82800.0, "Latitude": 36.79, "Longitude": -120.04, "Population": 671.0}, {"index": 2195, "quantile": 0.5, "value": 82800.0, "Latitude": 36.79, "Longitude": -120.04, "Population": 671.0}, {"index": 2195, "quantile": 0.75, "value": 84050.0, "Latitude": 36.79, "Longitude": -120.04, "Population": 671.0}, {"index": 2195, "quantile": 1.0, "value": 200000.0, "Latitude": 36.79, "Longitude": -120.04, "Population": 671.0}, {"index": 2196, "quantile": 0.0, "value": 65600.0, "Latitude": 36.83, "Longitude": -119.91, "Population": 1072.0}, {"index": 2196, "quantile": 0.25, "value": 88300.0, "Latitude": 36.83, "Longitude": -119.91, "Population": 1072.0}, {"index": 2196, "quantile": 0.5, "value": 165400.0, "Latitude": 36.83, "Longitude": -119.91, "Population": 1072.0}, {"index": 2196, "quantile": 0.75, "value": 165400.0, "Latitude": 36.83, "Longitude": -119.91, "Population": 1072.0}, {"index": 2196, "quantile": 1.0, "value": 165400.0, "Latitude": 36.83, "Longitude": -119.91, "Population": 1072.0}, {"index": 2197, "quantile": 0.0, "value": 42700.0, "Latitude": 36.81, "Longitude": -119.88, "Population": 1435.0}, {"index": 2197, "quantile": 0.25, "value": 59400.0, "Latitude": 36.81, "Longitude": -119.88, "Population": 1435.0}, {"index": 2197, "quantile": 0.5, "value": 61200.0, "Latitude": 36.81, "Longitude": -119.88, "Population": 1435.0}, {"index": 2197, "quantile": 0.75, "value": 61200.0, "Latitude": 36.81, "Longitude": -119.88, "Population": 1435.0}, {"index": 2197, "quantile": 1.0, "value": 73500.0, "Latitude": 36.81, "Longitude": -119.88, "Population": 1435.0}, {"index": 2198, "quantile": 0.0, "value": 141200.0, "Latitude": 36.85, "Longitude": -119.88, "Population": 1111.0}, {"index": 2198, "quantile": 0.25, "value": 285400.0, "Latitude": 36.85, "Longitude": -119.88, "Population": 1111.0}, {"index": 2198, "quantile": 0.5, "value": 329300.0, "Latitude": 36.85, "Longitude": -119.88, "Population": 1111.0}, {"index": 2198, "quantile": 0.75, "value": 354400.0, "Latitude": 36.85, "Longitude": -119.88, "Population": 1111.0}, {"index": 2198, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.85, "Longitude": -119.88, "Population": 1111.0}, {"index": 2199, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 36.83, "Longitude": -119.87, "Population": 2088.0}, {"index": 2199, "quantile": 0.25, "value": 122500.00000000001, "Latitude": 36.83, "Longitude": -119.87, "Population": 2088.0}, {"index": 2199, "quantile": 0.5, "value": 122500.00000000001, "Latitude": 36.83, "Longitude": -119.87, "Population": 2088.0}, {"index": 2199, "quantile": 0.75, "value": 167675.0, "Latitude": 36.83, "Longitude": -119.87, "Population": 2088.0}, {"index": 2199, "quantile": 1.0, "value": 402200.0, "Latitude": 36.83, "Longitude": -119.87, "Population": 2088.0}, {"index": 2200, "quantile": 0.0, "value": 141200.0, "Latitude": 36.83, "Longitude": -119.85, "Population": 1080.0}, {"index": 2200, "quantile": 0.25, "value": 272400.0, "Latitude": 36.83, "Longitude": -119.85, "Population": 1080.0}, {"index": 2200, "quantile": 0.5, "value": 314450.0, "Latitude": 36.83, "Longitude": -119.85, "Population": 1080.0}, {"index": 2200, "quantile": 0.75, "value": 348400.0, "Latitude": 36.83, "Longitude": -119.85, "Population": 1080.0}, {"index": 2200, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.83, "Longitude": -119.85, "Population": 1080.0}, {"index": 2201, "quantile": 0.0, "value": 84500.0, "Latitude": 36.83, "Longitude": -119.85, "Population": 1101.0}, {"index": 2201, "quantile": 0.25, "value": 113050.0, "Latitude": 36.83, "Longitude": -119.85, "Population": 1101.0}, {"index": 2201, "quantile": 0.5, "value": 144000.0, "Latitude": 36.83, "Longitude": -119.85, "Population": 1101.0}, {"index": 2201, "quantile": 0.75, "value": 253300.0, "Latitude": 36.83, "Longitude": -119.85, "Population": 1101.0}, {"index": 2201, "quantile": 1.0, "value": 351800.0, "Latitude": 36.83, "Longitude": -119.85, "Population": 1101.0}, {"index": 2202, "quantile": 0.0, "value": 67500.0, "Latitude": 36.82, "Longitude": -119.86, "Population": 675.0}, {"index": 2202, "quantile": 0.25, "value": 94300.0, "Latitude": 36.82, "Longitude": -119.86, "Population": 675.0}, {"index": 2202, "quantile": 0.5, "value": 114399.99999999999, "Latitude": 36.82, "Longitude": -119.86, "Population": 675.0}, {"index": 2202, "quantile": 0.75, "value": 146200.0, "Latitude": 36.82, "Longitude": -119.86, "Population": 675.0}, {"index": 2202, "quantile": 1.0, "value": 450800.0, "Latitude": 36.82, "Longitude": -119.86, "Population": 675.0}, {"index": 2203, "quantile": 0.0, "value": 72700.0, "Latitude": 36.82, "Longitude": -119.85, "Population": 1691.0}, {"index": 2203, "quantile": 0.25, "value": 91300.0, "Latitude": 36.82, "Longitude": -119.85, "Population": 1691.0}, {"index": 2203, "quantile": 0.5, "value": 91300.0, "Latitude": 36.82, "Longitude": -119.85, "Population": 1691.0}, {"index": 2203, "quantile": 0.75, "value": 91300.0, "Latitude": 36.82, "Longitude": -119.85, "Population": 1691.0}, {"index": 2203, "quantile": 1.0, "value": 242099.99999999997, "Latitude": 36.82, "Longitude": -119.85, "Population": 1691.0}, {"index": 2204, "quantile": 0.0, "value": 88900.0, "Latitude": 36.82, "Longitude": -119.85, "Population": 638.0}, {"index": 2204, "quantile": 0.25, "value": 88900.0, "Latitude": 36.82, "Longitude": -119.85, "Population": 638.0}, {"index": 2204, "quantile": 0.5, "value": 88900.0, "Latitude": 36.82, "Longitude": -119.85, "Population": 638.0}, {"index": 2204, "quantile": 0.75, "value": 129775.0, "Latitude": 36.82, "Longitude": -119.85, "Population": 638.0}, {"index": 2204, "quantile": 1.0, "value": 376800.0, "Latitude": 36.82, "Longitude": -119.85, "Population": 638.0}, {"index": 2205, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 36.82, "Longitude": -119.85, "Population": 887.0}, {"index": 2205, "quantile": 0.25, "value": 119300.0, "Latitude": 36.82, "Longitude": -119.85, "Population": 887.0}, {"index": 2205, "quantile": 0.5, "value": 119300.0, "Latitude": 36.82, "Longitude": -119.85, "Population": 887.0}, {"index": 2205, "quantile": 0.75, "value": 119300.0, "Latitude": 36.82, "Longitude": -119.85, "Population": 887.0}, {"index": 2205, "quantile": 1.0, "value": 372000.0, "Latitude": 36.82, "Longitude": -119.85, "Population": 887.0}, {"index": 2206, "quantile": 0.0, "value": 84500.0, "Latitude": 36.83, "Longitude": -119.88, "Population": 1730.0}, {"index": 2206, "quantile": 0.25, "value": 95200.0, "Latitude": 36.83, "Longitude": -119.88, "Population": 1730.0}, {"index": 2206, "quantile": 0.5, "value": 126500.00000000001, "Latitude": 36.83, "Longitude": -119.88, "Population": 1730.0}, {"index": 2206, "quantile": 0.75, "value": 140300.0, "Latitude": 36.83, "Longitude": -119.88, "Population": 1730.0}, {"index": 2206, "quantile": 1.0, "value": 346100.0, "Latitude": 36.83, "Longitude": -119.88, "Population": 1730.0}, {"index": 2207, "quantile": 0.0, "value": 72100.0, "Latitude": 36.81, "Longitude": -119.86, "Population": 1804.0}, {"index": 2207, "quantile": 0.25, "value": 72100.0, "Latitude": 36.81, "Longitude": -119.86, "Population": 1804.0}, {"index": 2207, "quantile": 0.5, "value": 72100.0, "Latitude": 36.81, "Longitude": -119.86, "Population": 1804.0}, {"index": 2207, "quantile": 0.75, "value": 141375.0, "Latitude": 36.81, "Longitude": -119.86, "Population": 1804.0}, {"index": 2207, "quantile": 1.0, "value": 356100.0, "Latitude": 36.81, "Longitude": -119.86, "Population": 1804.0}, {"index": 2208, "quantile": 0.0, "value": 88000.0, "Latitude": 36.81, "Longitude": -119.87, "Population": 969.0}, {"index": 2208, "quantile": 0.25, "value": 107800.0, "Latitude": 36.81, "Longitude": -119.87, "Population": 969.0}, {"index": 2208, "quantile": 0.5, "value": 107800.0, "Latitude": 36.81, "Longitude": -119.87, "Population": 969.0}, {"index": 2208, "quantile": 0.75, "value": 107800.0, "Latitude": 36.81, "Longitude": -119.87, "Population": 969.0}, {"index": 2208, "quantile": 1.0, "value": 294000.0, "Latitude": 36.81, "Longitude": -119.87, "Population": 969.0}, {"index": 2209, "quantile": 0.0, "value": 65600.0, "Latitude": 36.81, "Longitude": -119.85, "Population": 1011.0}, {"index": 2209, "quantile": 0.25, "value": 68000.0, "Latitude": 36.81, "Longitude": -119.85, "Population": 1011.0}, {"index": 2209, "quantile": 0.5, "value": 68000.0, "Latitude": 36.81, "Longitude": -119.85, "Population": 1011.0}, {"index": 2209, "quantile": 0.75, "value": 81549.99999999999, "Latitude": 36.81, "Longitude": -119.85, "Population": 1011.0}, {"index": 2209, "quantile": 1.0, "value": 95700.0, "Latitude": 36.81, "Longitude": -119.85, "Population": 1011.0}, {"index": 2210, "quantile": 0.0, "value": 68000.0, "Latitude": 36.8, "Longitude": -119.85, "Population": 1031.0}, {"index": 2210, "quantile": 0.25, "value": 88800.0, "Latitude": 36.8, "Longitude": -119.85, "Population": 1031.0}, {"index": 2210, "quantile": 0.5, "value": 88800.0, "Latitude": 36.8, "Longitude": -119.85, "Population": 1031.0}, {"index": 2210, "quantile": 0.75, "value": 88800.0, "Latitude": 36.8, "Longitude": -119.85, "Population": 1031.0}, {"index": 2210, "quantile": 1.0, "value": 165400.0, "Latitude": 36.8, "Longitude": -119.85, "Population": 1031.0}, {"index": 2211, "quantile": 0.0, "value": 65700.0, "Latitude": 36.8, "Longitude": -119.85, "Population": 2300.0}, {"index": 2211, "quantile": 0.25, "value": 73000.0, "Latitude": 36.8, "Longitude": -119.85, "Population": 2300.0}, {"index": 2211, "quantile": 0.5, "value": 73000.0, "Latitude": 36.8, "Longitude": -119.85, "Population": 2300.0}, {"index": 2211, "quantile": 0.75, "value": 73000.0, "Latitude": 36.8, "Longitude": -119.85, "Population": 2300.0}, {"index": 2211, "quantile": 1.0, "value": 128899.99999999999, "Latitude": 36.8, "Longitude": -119.85, "Population": 2300.0}, {"index": 2212, "quantile": 0.0, "value": 52100.0, "Latitude": 36.8, "Longitude": -119.86, "Population": 1196.0}, {"index": 2212, "quantile": 0.25, "value": 74675.0, "Latitude": 36.8, "Longitude": -119.86, "Population": 1196.0}, {"index": 2212, "quantile": 0.5, "value": 81300.0, "Latitude": 36.8, "Longitude": -119.86, "Population": 1196.0}, {"index": 2212, "quantile": 0.75, "value": 88800.0, "Latitude": 36.8, "Longitude": -119.86, "Population": 1196.0}, {"index": 2212, "quantile": 1.0, "value": 139700.0, "Latitude": 36.8, "Longitude": -119.86, "Population": 1196.0}, {"index": 2213, "quantile": 0.0, "value": 345900.0, "Latitude": 36.85, "Longitude": -119.84, "Population": 1424.0}, {"index": 2213, "quantile": 0.25, "value": 345900.0, "Latitude": 36.85, "Longitude": -119.84, "Population": 1424.0}, {"index": 2213, "quantile": 0.5, "value": 345900.0, "Latitude": 36.85, "Longitude": -119.84, "Population": 1424.0}, {"index": 2213, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 36.85, "Longitude": -119.84, "Population": 1424.0}, {"index": 2213, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.85, "Longitude": -119.84, "Population": 1424.0}, {"index": 2214, "quantile": 0.0, "value": 224100.0, "Latitude": 36.84, "Longitude": -119.85, "Population": 840.0}, {"index": 2214, "quantile": 0.25, "value": 450399.99999999994, "Latitude": 36.84, "Longitude": -119.85, "Population": 840.0}, {"index": 2214, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 36.84, "Longitude": -119.85, "Population": 840.0}, {"index": 2214, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 36.84, "Longitude": -119.85, "Population": 840.0}, {"index": 2214, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.84, "Longitude": -119.85, "Population": 840.0}, {"index": 2215, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 36.84, "Longitude": -119.84, "Population": 863.0}, {"index": 2215, "quantile": 0.25, "value": 229199.99999999997, "Latitude": 36.84, "Longitude": -119.84, "Population": 863.0}, {"index": 2215, "quantile": 0.5, "value": 229199.99999999997, "Latitude": 36.84, "Longitude": -119.84, "Population": 863.0}, {"index": 2215, "quantile": 0.75, "value": 426275.00000000006, "Latitude": 36.84, "Longitude": -119.84, "Population": 863.0}, {"index": 2215, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.84, "Longitude": -119.84, "Population": 863.0}, {"index": 2216, "quantile": 0.0, "value": 169300.0, "Latitude": 36.83, "Longitude": -119.84, "Population": 700.0}, {"index": 2216, "quantile": 0.25, "value": 195900.0, "Latitude": 36.83, "Longitude": -119.84, "Population": 700.0}, {"index": 2216, "quantile": 0.5, "value": 195900.0, "Latitude": 36.83, "Longitude": -119.84, "Population": 700.0}, {"index": 2216, "quantile": 0.75, "value": 331700.0, "Latitude": 36.83, "Longitude": -119.84, "Population": 700.0}, {"index": 2216, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.83, "Longitude": -119.84, "Population": 700.0}, {"index": 2217, "quantile": 0.0, "value": 127200.0, "Latitude": 36.83, "Longitude": -119.83, "Population": 1128.0}, {"index": 2217, "quantile": 0.25, "value": 141200.0, "Latitude": 36.83, "Longitude": -119.83, "Population": 1128.0}, {"index": 2217, "quantile": 0.5, "value": 141200.0, "Latitude": 36.83, "Longitude": -119.83, "Population": 1128.0}, {"index": 2217, "quantile": 0.75, "value": 318775.0, "Latitude": 36.83, "Longitude": -119.83, "Population": 1128.0}, {"index": 2217, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.83, "Longitude": -119.83, "Population": 1128.0}, {"index": 2218, "quantile": 0.0, "value": 88900.0, "Latitude": 36.83, "Longitude": -119.82, "Population": 1408.0}, {"index": 2218, "quantile": 0.25, "value": 123000.0, "Latitude": 36.83, "Longitude": -119.82, "Population": 1408.0}, {"index": 2218, "quantile": 0.5, "value": 123000.0, "Latitude": 36.83, "Longitude": -119.82, "Population": 1408.0}, {"index": 2218, "quantile": 0.75, "value": 123000.0, "Latitude": 36.83, "Longitude": -119.82, "Population": 1408.0}, {"index": 2218, "quantile": 1.0, "value": 346100.0, "Latitude": 36.83, "Longitude": -119.82, "Population": 1408.0}, {"index": 2219, "quantile": 0.0, "value": 165200.0, "Latitude": 36.83, "Longitude": -119.84, "Population": 987.0}, {"index": 2219, "quantile": 0.25, "value": 229700.00000000003, "Latitude": 36.83, "Longitude": -119.84, "Population": 987.0}, {"index": 2219, "quantile": 0.5, "value": 229700.00000000003, "Latitude": 36.83, "Longitude": -119.84, "Population": 987.0}, {"index": 2219, "quantile": 0.75, "value": 342900.0, "Latitude": 36.83, "Longitude": -119.84, "Population": 987.0}, {"index": 2219, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.83, "Longitude": -119.84, "Population": 987.0}, {"index": 2220, "quantile": 0.0, "value": 102800.0, "Latitude": 36.83, "Longitude": -119.82, "Population": 1016.0}, {"index": 2220, "quantile": 0.25, "value": 240275.00000000003, "Latitude": 36.83, "Longitude": -119.82, "Population": 1016.0}, {"index": 2220, "quantile": 0.5, "value": 294950.0, "Latitude": 36.83, "Longitude": -119.82, "Population": 1016.0}, {"index": 2220, "quantile": 0.75, "value": 355600.0, "Latitude": 36.83, "Longitude": -119.82, "Population": 1016.0}, {"index": 2220, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.83, "Longitude": -119.82, "Population": 1016.0}, {"index": 2221, "quantile": 0.0, "value": 97400.0, "Latitude": 36.82, "Longitude": -119.84, "Population": 996.0}, {"index": 2221, "quantile": 0.25, "value": 167700.0, "Latitude": 36.82, "Longitude": -119.84, "Population": 996.0}, {"index": 2221, "quantile": 0.5, "value": 167700.0, "Latitude": 36.82, "Longitude": -119.84, "Population": 996.0}, {"index": 2221, "quantile": 0.75, "value": 227150.0, "Latitude": 36.82, "Longitude": -119.84, "Population": 996.0}, {"index": 2221, "quantile": 1.0, "value": 391000.0, "Latitude": 36.82, "Longitude": -119.84, "Population": 996.0}, {"index": 2222, "quantile": 0.0, "value": 115700.0, "Latitude": 36.82, "Longitude": -119.83, "Population": 365.0}, {"index": 2222, "quantile": 0.25, "value": 182400.0, "Latitude": 36.82, "Longitude": -119.83, "Population": 365.0}, {"index": 2222, "quantile": 0.5, "value": 260600.0, "Latitude": 36.82, "Longitude": -119.83, "Population": 365.0}, {"index": 2222, "quantile": 0.75, "value": 328050.0, "Latitude": 36.82, "Longitude": -119.83, "Population": 365.0}, {"index": 2222, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.82, "Longitude": -119.83, "Population": 365.0}, {"index": 2223, "quantile": 0.0, "value": 143300.0, "Latitude": 36.82, "Longitude": -119.82, "Population": 752.0}, {"index": 2223, "quantile": 0.25, "value": 234300.0, "Latitude": 36.82, "Longitude": -119.82, "Population": 752.0}, {"index": 2223, "quantile": 0.5, "value": 335500.0, "Latitude": 36.82, "Longitude": -119.82, "Population": 752.0}, {"index": 2223, "quantile": 0.75, "value": 400250.00000000006, "Latitude": 36.82, "Longitude": -119.82, "Population": 752.0}, {"index": 2223, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.82, "Longitude": -119.82, "Population": 752.0}, {"index": 2224, "quantile": 0.0, "value": 143300.0, "Latitude": 36.81, "Longitude": -119.82, "Population": 1149.0}, {"index": 2224, "quantile": 0.25, "value": 150900.0, "Latitude": 36.81, "Longitude": -119.82, "Population": 1149.0}, {"index": 2224, "quantile": 0.5, "value": 150900.0, "Latitude": 36.81, "Longitude": -119.82, "Population": 1149.0}, {"index": 2224, "quantile": 0.75, "value": 293574.99999999994, "Latitude": 36.81, "Longitude": -119.82, "Population": 1149.0}, {"index": 2224, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.81, "Longitude": -119.82, "Population": 1149.0}, {"index": 2225, "quantile": 0.0, "value": 188300.0, "Latitude": 36.81, "Longitude": -119.84, "Population": 937.0}, {"index": 2225, "quantile": 0.25, "value": 188300.0, "Latitude": 36.81, "Longitude": -119.84, "Population": 937.0}, {"index": 2225, "quantile": 0.5, "value": 188300.0, "Latitude": 36.81, "Longitude": -119.84, "Population": 937.0}, {"index": 2225, "quantile": 0.75, "value": 369225.0, "Latitude": 36.81, "Longitude": -119.84, "Population": 937.0}, {"index": 2225, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.81, "Longitude": -119.84, "Population": 937.0}, {"index": 2226, "quantile": 0.0, "value": 193500.0, "Latitude": 36.86, "Longitude": -119.78, "Population": 1200.0}, {"index": 2226, "quantile": 0.25, "value": 353025.0, "Latitude": 36.86, "Longitude": -119.78, "Population": 1200.0}, {"index": 2226, "quantile": 0.5, "value": 390000.0, "Latitude": 36.86, "Longitude": -119.78, "Population": 1200.0}, {"index": 2226, "quantile": 0.75, "value": 441000.0, "Latitude": 36.86, "Longitude": -119.78, "Population": 1200.0}, {"index": 2226, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.86, "Longitude": -119.78, "Population": 1200.0}, {"index": 2227, "quantile": 0.0, "value": 193500.0, "Latitude": 36.86, "Longitude": -119.77, "Population": 1843.0}, {"index": 2227, "quantile": 0.25, "value": 193500.0, "Latitude": 36.86, "Longitude": -119.77, "Population": 1843.0}, {"index": 2227, "quantile": 0.5, "value": 193500.0, "Latitude": 36.86, "Longitude": -119.77, "Population": 1843.0}, {"index": 2227, "quantile": 0.75, "value": 353375.0, "Latitude": 36.86, "Longitude": -119.77, "Population": 1843.0}, {"index": 2227, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.86, "Longitude": -119.77, "Population": 1843.0}, {"index": 2228, "quantile": 0.0, "value": 102800.0, "Latitude": 36.85, "Longitude": -119.77, "Population": 711.0}, {"index": 2228, "quantile": 0.25, "value": 209499.99999999997, "Latitude": 36.85, "Longitude": -119.77, "Population": 711.0}, {"index": 2228, "quantile": 0.5, "value": 267350.0, "Latitude": 36.85, "Longitude": -119.77, "Population": 711.0}, {"index": 2228, "quantile": 0.75, "value": 294800.0, "Latitude": 36.85, "Longitude": -119.77, "Population": 711.0}, {"index": 2228, "quantile": 1.0, "value": 413500.0, "Latitude": 36.85, "Longitude": -119.77, "Population": 711.0}, {"index": 2229, "quantile": 0.0, "value": 93100.0, "Latitude": 36.84, "Longitude": -119.77, "Population": 848.0}, {"index": 2229, "quantile": 0.25, "value": 125299.99999999999, "Latitude": 36.84, "Longitude": -119.77, "Population": 848.0}, {"index": 2229, "quantile": 0.5, "value": 125299.99999999999, "Latitude": 36.84, "Longitude": -119.77, "Population": 848.0}, {"index": 2229, "quantile": 0.75, "value": 125299.99999999999, "Latitude": 36.84, "Longitude": -119.77, "Population": 848.0}, {"index": 2229, "quantile": 1.0, "value": 353700.0, "Latitude": 36.84, "Longitude": -119.77, "Population": 848.0}, {"index": 2230, "quantile": 0.0, "value": 74600.0, "Latitude": 36.84, "Longitude": -119.77, "Population": 891.0}, {"index": 2230, "quantile": 0.25, "value": 124400.0, "Latitude": 36.84, "Longitude": -119.77, "Population": 891.0}, {"index": 2230, "quantile": 0.5, "value": 124400.0, "Latitude": 36.84, "Longitude": -119.77, "Population": 891.0}, {"index": 2230, "quantile": 0.75, "value": 124400.0, "Latitude": 36.84, "Longitude": -119.77, "Population": 891.0}, {"index": 2230, "quantile": 1.0, "value": 229500.0, "Latitude": 36.84, "Longitude": -119.77, "Population": 891.0}, {"index": 2231, "quantile": 0.0, "value": 72100.0, "Latitude": 36.84, "Longitude": -119.78, "Population": 2014.0}, {"index": 2231, "quantile": 0.25, "value": 111900.0, "Latitude": 36.84, "Longitude": -119.78, "Population": 2014.0}, {"index": 2231, "quantile": 0.5, "value": 111900.0, "Latitude": 36.84, "Longitude": -119.78, "Population": 2014.0}, {"index": 2231, "quantile": 0.75, "value": 124400.0, "Latitude": 36.84, "Longitude": -119.78, "Population": 2014.0}, {"index": 2231, "quantile": 1.0, "value": 320800.0, "Latitude": 36.84, "Longitude": -119.78, "Population": 2014.0}, {"index": 2232, "quantile": 0.0, "value": 58800.0, "Latitude": 36.85, "Longitude": -119.78, "Population": 292.0}, {"index": 2232, "quantile": 0.25, "value": 88775.0, "Latitude": 36.85, "Longitude": -119.78, "Population": 292.0}, {"index": 2232, "quantile": 0.5, "value": 122350.0, "Latitude": 36.85, "Longitude": -119.78, "Population": 292.0}, {"index": 2232, "quantile": 0.75, "value": 175250.0, "Latitude": 36.85, "Longitude": -119.78, "Population": 292.0}, {"index": 2232, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.85, "Longitude": -119.78, "Population": 292.0}, {"index": 2233, "quantile": 0.0, "value": 80700.0, "Latitude": 36.86, "Longitude": -119.78, "Population": 1604.0}, {"index": 2233, "quantile": 0.25, "value": 127350.00000000001, "Latitude": 36.86, "Longitude": -119.78, "Population": 1604.0}, {"index": 2233, "quantile": 0.5, "value": 128299.99999999999, "Latitude": 36.86, "Longitude": -119.78, "Population": 1604.0}, {"index": 2233, "quantile": 0.75, "value": 128299.99999999999, "Latitude": 36.86, "Longitude": -119.78, "Population": 1604.0}, {"index": 2233, "quantile": 1.0, "value": 288900.0, "Latitude": 36.86, "Longitude": -119.78, "Population": 1604.0}, {"index": 2234, "quantile": 0.0, "value": 47700.0, "Latitude": 36.85, "Longitude": -119.79, "Population": 1765.0}, {"index": 2234, "quantile": 0.25, "value": 54000.0, "Latitude": 36.85, "Longitude": -119.79, "Population": 1765.0}, {"index": 2234, "quantile": 0.5, "value": 54000.0, "Latitude": 36.85, "Longitude": -119.79, "Population": 1765.0}, {"index": 2234, "quantile": 0.75, "value": 56450.0, "Latitude": 36.85, "Longitude": -119.79, "Population": 1765.0}, {"index": 2234, "quantile": 1.0, "value": 225000.0, "Latitude": 36.85, "Longitude": -119.79, "Population": 1765.0}, {"index": 2235, "quantile": 0.0, "value": 45500.0, "Latitude": 36.84, "Longitude": -119.79, "Population": 1543.0}, {"index": 2235, "quantile": 0.25, "value": 51700.0, "Latitude": 36.84, "Longitude": -119.79, "Population": 1543.0}, {"index": 2235, "quantile": 0.5, "value": 51700.0, "Latitude": 36.84, "Longitude": -119.79, "Population": 1543.0}, {"index": 2235, "quantile": 0.75, "value": 52925.0, "Latitude": 36.84, "Longitude": -119.79, "Population": 1543.0}, {"index": 2235, "quantile": 1.0, "value": 68600.0, "Latitude": 36.84, "Longitude": -119.79, "Population": 1543.0}, {"index": 2236, "quantile": 0.0, "value": 79800.0, "Latitude": 36.86, "Longitude": -119.8, "Population": 2733.0}, {"index": 2236, "quantile": 0.25, "value": 140800.0, "Latitude": 36.86, "Longitude": -119.8, "Population": 2733.0}, {"index": 2236, "quantile": 0.5, "value": 145000.0, "Latitude": 36.86, "Longitude": -119.8, "Population": 2733.0}, {"index": 2236, "quantile": 0.75, "value": 145000.0, "Latitude": 36.86, "Longitude": -119.8, "Population": 2733.0}, {"index": 2236, "quantile": 1.0, "value": 242700.0, "Latitude": 36.86, "Longitude": -119.8, "Population": 2733.0}, {"index": 2237, "quantile": 0.0, "value": 72100.0, "Latitude": 36.85, "Longitude": -119.81, "Population": 1174.0}, {"index": 2237, "quantile": 0.25, "value": 94400.0, "Latitude": 36.85, "Longitude": -119.81, "Population": 1174.0}, {"index": 2237, "quantile": 0.5, "value": 94400.0, "Latitude": 36.85, "Longitude": -119.81, "Population": 1174.0}, {"index": 2237, "quantile": 0.75, "value": 94400.0, "Latitude": 36.85, "Longitude": -119.81, "Population": 1174.0}, {"index": 2237, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 36.85, "Longitude": -119.81, "Population": 1174.0}, {"index": 2238, "quantile": 0.0, "value": 88900.0, "Latitude": 36.84, "Longitude": -119.82, "Population": 1077.0}, {"index": 2238, "quantile": 0.25, "value": 119300.0, "Latitude": 36.84, "Longitude": -119.82, "Population": 1077.0}, {"index": 2238, "quantile": 0.5, "value": 133800.0, "Latitude": 36.84, "Longitude": -119.82, "Population": 1077.0}, {"index": 2238, "quantile": 0.75, "value": 192775.0, "Latitude": 36.84, "Longitude": -119.82, "Population": 1077.0}, {"index": 2238, "quantile": 1.0, "value": 372000.0, "Latitude": 36.84, "Longitude": -119.82, "Population": 1077.0}, {"index": 2239, "quantile": 0.0, "value": 40000.0, "Latitude": 36.84, "Longitude": -119.82, "Population": 860.0}, {"index": 2239, "quantile": 0.25, "value": 129200.0, "Latitude": 36.84, "Longitude": -119.82, "Population": 860.0}, {"index": 2239, "quantile": 0.5, "value": 153000.0, "Latitude": 36.84, "Longitude": -119.82, "Population": 860.0}, {"index": 2239, "quantile": 0.75, "value": 227874.99999999997, "Latitude": 36.84, "Longitude": -119.82, "Population": 860.0}, {"index": 2239, "quantile": 1.0, "value": 450000.0, "Latitude": 36.84, "Longitude": -119.82, "Population": 860.0}, {"index": 2240, "quantile": 0.0, "value": 72100.0, "Latitude": 36.83, "Longitude": -119.81, "Population": 2325.0}, {"index": 2240, "quantile": 0.25, "value": 126000.0, "Latitude": 36.83, "Longitude": -119.81, "Population": 2325.0}, {"index": 2240, "quantile": 0.5, "value": 126000.0, "Latitude": 36.83, "Longitude": -119.81, "Population": 2325.0}, {"index": 2240, "quantile": 0.75, "value": 242800.0, "Latitude": 36.83, "Longitude": -119.81, "Population": 2325.0}, {"index": 2240, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.83, "Longitude": -119.81, "Population": 2325.0}, {"index": 2241, "quantile": 0.0, "value": 88900.0, "Latitude": 36.83, "Longitude": -119.81, "Population": 2712.0}, {"index": 2241, "quantile": 0.25, "value": 156700.0, "Latitude": 36.83, "Longitude": -119.81, "Population": 2712.0}, {"index": 2241, "quantile": 0.5, "value": 244950.0, "Latitude": 36.83, "Longitude": -119.81, "Population": 2712.0}, {"index": 2241, "quantile": 0.75, "value": 277500.0, "Latitude": 36.83, "Longitude": -119.81, "Population": 2712.0}, {"index": 2241, "quantile": 1.0, "value": 374200.0, "Latitude": 36.83, "Longitude": -119.81, "Population": 2712.0}, {"index": 2242, "quantile": 0.0, "value": 65200.0, "Latitude": 36.83, "Longitude": -119.78, "Population": 1328.0}, {"index": 2242, "quantile": 0.25, "value": 69300.0, "Latitude": 36.83, "Longitude": -119.78, "Population": 1328.0}, {"index": 2242, "quantile": 0.5, "value": 69300.0, "Latitude": 36.83, "Longitude": -119.78, "Population": 1328.0}, {"index": 2242, "quantile": 0.75, "value": 75300.0, "Latitude": 36.83, "Longitude": -119.78, "Population": 1328.0}, {"index": 2242, "quantile": 1.0, "value": 130600.0, "Latitude": 36.83, "Longitude": -119.78, "Population": 1328.0}, {"index": 2243, "quantile": 0.0, "value": 65600.0, "Latitude": 36.82, "Longitude": -119.79, "Population": 1215.0}, {"index": 2243, "quantile": 0.25, "value": 92875.00000000001, "Latitude": 36.82, "Longitude": -119.79, "Population": 1215.0}, {"index": 2243, "quantile": 0.5, "value": 93000.0, "Latitude": 36.82, "Longitude": -119.79, "Population": 1215.0}, {"index": 2243, "quantile": 0.75, "value": 93000.0, "Latitude": 36.82, "Longitude": -119.79, "Population": 1215.0}, {"index": 2243, "quantile": 1.0, "value": 364200.0, "Latitude": 36.82, "Longitude": -119.79, "Population": 1215.0}, {"index": 2244, "quantile": 0.0, "value": 86300.0, "Latitude": 36.83, "Longitude": -119.8, "Population": 709.0}, {"index": 2244, "quantile": 0.25, "value": 96350.0, "Latitude": 36.83, "Longitude": -119.8, "Population": 709.0}, {"index": 2244, "quantile": 0.5, "value": 113599.99999999999, "Latitude": 36.83, "Longitude": -119.8, "Population": 709.0}, {"index": 2244, "quantile": 0.75, "value": 145700.0, "Latitude": 36.83, "Longitude": -119.8, "Population": 709.0}, {"index": 2244, "quantile": 1.0, "value": 329700.0, "Latitude": 36.83, "Longitude": -119.8, "Population": 709.0}, {"index": 2245, "quantile": 0.0, "value": 52500.0, "Latitude": 36.83, "Longitude": -119.79, "Population": 1232.0}, {"index": 2245, "quantile": 0.25, "value": 72200.0, "Latitude": 36.83, "Longitude": -119.79, "Population": 1232.0}, {"index": 2245, "quantile": 0.5, "value": 72200.0, "Latitude": 36.83, "Longitude": -119.79, "Population": 1232.0}, {"index": 2245, "quantile": 0.75, "value": 72200.0, "Latitude": 36.83, "Longitude": -119.79, "Population": 1232.0}, {"index": 2245, "quantile": 1.0, "value": 350000.0, "Latitude": 36.83, "Longitude": -119.79, "Population": 1232.0}, {"index": 2246, "quantile": 0.0, "value": 80400.0, "Latitude": 36.82, "Longitude": -119.79, "Population": 1852.0}, {"index": 2246, "quantile": 0.25, "value": 105200.0, "Latitude": 36.82, "Longitude": -119.79, "Population": 1852.0}, {"index": 2246, "quantile": 0.5, "value": 105200.0, "Latitude": 36.82, "Longitude": -119.79, "Population": 1852.0}, {"index": 2246, "quantile": 0.75, "value": 105200.0, "Latitude": 36.82, "Longitude": -119.79, "Population": 1852.0}, {"index": 2246, "quantile": 1.0, "value": 218299.99999999997, "Latitude": 36.82, "Longitude": -119.79, "Population": 1852.0}, {"index": 2247, "quantile": 0.0, "value": 47500.0, "Latitude": 36.82, "Longitude": -119.78, "Population": 1929.0}, {"index": 2247, "quantile": 0.25, "value": 53500.0, "Latitude": 36.82, "Longitude": -119.78, "Population": 1929.0}, {"index": 2247, "quantile": 0.5, "value": 53500.0, "Latitude": 36.82, "Longitude": -119.78, "Population": 1929.0}, {"index": 2247, "quantile": 0.75, "value": 69324.99999999999, "Latitude": 36.82, "Longitude": -119.78, "Population": 1929.0}, {"index": 2247, "quantile": 1.0, "value": 166700.0, "Latitude": 36.82, "Longitude": -119.78, "Population": 1929.0}, {"index": 2248, "quantile": 0.0, "value": 37500.0, "Latitude": 36.82, "Longitude": -119.8, "Population": 2010.0}, {"index": 2248, "quantile": 0.25, "value": 121600.0, "Latitude": 36.82, "Longitude": -119.8, "Population": 2010.0}, {"index": 2248, "quantile": 0.5, "value": 217700.0, "Latitude": 36.82, "Longitude": -119.8, "Population": 2010.0}, {"index": 2248, "quantile": 0.75, "value": 313900.0, "Latitude": 36.82, "Longitude": -119.8, "Population": 2010.0}, {"index": 2248, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.82, "Longitude": -119.8, "Population": 2010.0}, {"index": 2249, "quantile": 0.0, "value": 139100.0, "Latitude": 36.81, "Longitude": -119.81, "Population": 1324.0}, {"index": 2249, "quantile": 0.25, "value": 143300.0, "Latitude": 36.81, "Longitude": -119.81, "Population": 1324.0}, {"index": 2249, "quantile": 0.5, "value": 143300.0, "Latitude": 36.81, "Longitude": -119.81, "Population": 1324.0}, {"index": 2249, "quantile": 0.75, "value": 377000.0, "Latitude": 36.81, "Longitude": -119.81, "Population": 1324.0}, {"index": 2249, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.81, "Longitude": -119.81, "Population": 1324.0}, {"index": 2250, "quantile": 0.0, "value": 160100.0, "Latitude": 36.8, "Longitude": -119.8, "Population": 725.0}, {"index": 2250, "quantile": 0.25, "value": 169300.0, "Latitude": 36.8, "Longitude": -119.8, "Population": 725.0}, {"index": 2250, "quantile": 0.5, "value": 169300.0, "Latitude": 36.8, "Longitude": -119.8, "Population": 725.0}, {"index": 2250, "quantile": 0.75, "value": 361400.0, "Latitude": 36.8, "Longitude": -119.8, "Population": 725.0}, {"index": 2250, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.8, "Longitude": -119.8, "Population": 725.0}, {"index": 2251, "quantile": 0.0, "value": 143300.0, "Latitude": 36.8, "Longitude": -119.81, "Population": 777.0}, {"index": 2251, "quantile": 0.25, "value": 160100.0, "Latitude": 36.8, "Longitude": -119.81, "Population": 777.0}, {"index": 2251, "quantile": 0.5, "value": 160100.0, "Latitude": 36.8, "Longitude": -119.81, "Population": 777.0}, {"index": 2251, "quantile": 0.75, "value": 331400.0, "Latitude": 36.8, "Longitude": -119.81, "Population": 777.0}, {"index": 2251, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.8, "Longitude": -119.81, "Population": 777.0}, {"index": 2252, "quantile": 0.0, "value": 90100.0, "Latitude": 36.8, "Longitude": -119.83, "Population": 1586.0}, {"index": 2252, "quantile": 0.25, "value": 90100.0, "Latitude": 36.8, "Longitude": -119.83, "Population": 1586.0}, {"index": 2252, "quantile": 0.5, "value": 90100.0, "Latitude": 36.8, "Longitude": -119.83, "Population": 1586.0}, {"index": 2252, "quantile": 0.75, "value": 247100.0, "Latitude": 36.8, "Longitude": -119.83, "Population": 1586.0}, {"index": 2252, "quantile": 1.0, "value": 443000.0, "Latitude": 36.8, "Longitude": -119.83, "Population": 1586.0}, {"index": 2253, "quantile": 0.0, "value": 37500.0, "Latitude": 36.8, "Longitude": -119.82, "Population": 528.0}, {"index": 2253, "quantile": 0.25, "value": 74300.0, "Latitude": 36.8, "Longitude": -119.82, "Population": 528.0}, {"index": 2253, "quantile": 0.5, "value": 95550.0, "Latitude": 36.8, "Longitude": -119.82, "Population": 528.0}, {"index": 2253, "quantile": 0.75, "value": 134350.0, "Latitude": 36.8, "Longitude": -119.82, "Population": 528.0}, {"index": 2253, "quantile": 1.0, "value": 475000.0, "Latitude": 36.8, "Longitude": -119.82, "Population": 528.0}, {"index": 2254, "quantile": 0.0, "value": 82000.0, "Latitude": 36.8, "Longitude": -119.81, "Population": 1242.0}, {"index": 2254, "quantile": 0.25, "value": 88800.0, "Latitude": 36.8, "Longitude": -119.81, "Population": 1242.0}, {"index": 2254, "quantile": 0.5, "value": 88800.0, "Latitude": 36.8, "Longitude": -119.81, "Population": 1242.0}, {"index": 2254, "quantile": 0.75, "value": 88800.0, "Latitude": 36.8, "Longitude": -119.81, "Population": 1242.0}, {"index": 2254, "quantile": 1.0, "value": 364800.0, "Latitude": 36.8, "Longitude": -119.81, "Population": 1242.0}, {"index": 2255, "quantile": 0.0, "value": 52100.0, "Latitude": 36.8, "Longitude": -119.83, "Population": 3407.0}, {"index": 2255, "quantile": 0.25, "value": 72400.0, "Latitude": 36.8, "Longitude": -119.83, "Population": 3407.0}, {"index": 2255, "quantile": 0.5, "value": 74850.0, "Latitude": 36.8, "Longitude": -119.83, "Population": 3407.0}, {"index": 2255, "quantile": 0.75, "value": 81400.0, "Latitude": 36.8, "Longitude": -119.83, "Population": 3407.0}, {"index": 2255, "quantile": 1.0, "value": 144800.0, "Latitude": 36.8, "Longitude": -119.83, "Population": 3407.0}, {"index": 2256, "quantile": 0.0, "value": 68000.0, "Latitude": 36.8, "Longitude": -119.84, "Population": 1508.0}, {"index": 2256, "quantile": 0.25, "value": 72700.0, "Latitude": 36.8, "Longitude": -119.84, "Population": 1508.0}, {"index": 2256, "quantile": 0.5, "value": 72700.0, "Latitude": 36.8, "Longitude": -119.84, "Population": 1508.0}, {"index": 2256, "quantile": 0.75, "value": 85000.0, "Latitude": 36.8, "Longitude": -119.84, "Population": 1508.0}, {"index": 2256, "quantile": 1.0, "value": 126499.99999999999, "Latitude": 36.8, "Longitude": -119.84, "Population": 1508.0}, {"index": 2257, "quantile": 0.0, "value": 47500.0, "Latitude": 36.8, "Longitude": -119.84, "Population": 1463.0}, {"index": 2257, "quantile": 0.25, "value": 66900.0, "Latitude": 36.8, "Longitude": -119.84, "Population": 1463.0}, {"index": 2257, "quantile": 0.5, "value": 66900.0, "Latitude": 36.8, "Longitude": -119.84, "Population": 1463.0}, {"index": 2257, "quantile": 0.75, "value": 67500.0, "Latitude": 36.8, "Longitude": -119.84, "Population": 1463.0}, {"index": 2257, "quantile": 1.0, "value": 350000.0, "Latitude": 36.8, "Longitude": -119.84, "Population": 1463.0}, {"index": 2258, "quantile": 0.0, "value": 65600.0, "Latitude": 36.79, "Longitude": -119.83, "Population": 1054.0}, {"index": 2258, "quantile": 0.25, "value": 65600.0, "Latitude": 36.79, "Longitude": -119.83, "Population": 1054.0}, {"index": 2258, "quantile": 0.5, "value": 65600.0, "Latitude": 36.79, "Longitude": -119.83, "Population": 1054.0}, {"index": 2258, "quantile": 0.75, "value": 75100.0, "Latitude": 36.79, "Longitude": -119.83, "Population": 1054.0}, {"index": 2258, "quantile": 1.0, "value": 209000.0, "Latitude": 36.79, "Longitude": -119.83, "Population": 1054.0}, {"index": 2259, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 36.78, "Longitude": -119.83, "Population": 933.0}, {"index": 2259, "quantile": 0.25, "value": 65900.0, "Latitude": 36.78, "Longitude": -119.83, "Population": 933.0}, {"index": 2259, "quantile": 0.5, "value": 69200.0, "Latitude": 36.78, "Longitude": -119.83, "Population": 933.0}, {"index": 2259, "quantile": 0.75, "value": 72900.0, "Latitude": 36.78, "Longitude": -119.83, "Population": 933.0}, {"index": 2259, "quantile": 1.0, "value": 153800.0, "Latitude": 36.78, "Longitude": -119.83, "Population": 933.0}, {"index": 2260, "quantile": 0.0, "value": 41700.0, "Latitude": 36.78, "Longitude": -119.84, "Population": 2764.0}, {"index": 2260, "quantile": 0.25, "value": 58800.0, "Latitude": 36.78, "Longitude": -119.84, "Population": 2764.0}, {"index": 2260, "quantile": 0.5, "value": 58800.0, "Latitude": 36.78, "Longitude": -119.84, "Population": 2764.0}, {"index": 2260, "quantile": 0.75, "value": 58800.0, "Latitude": 36.78, "Longitude": -119.84, "Population": 2764.0}, {"index": 2260, "quantile": 1.0, "value": 67800.0, "Latitude": 36.78, "Longitude": -119.84, "Population": 2764.0}, {"index": 2261, "quantile": 0.0, "value": 52100.0, "Latitude": 36.79, "Longitude": -119.84, "Population": 1820.0}, {"index": 2261, "quantile": 0.25, "value": 72400.0, "Latitude": 36.79, "Longitude": -119.84, "Population": 1820.0}, {"index": 2261, "quantile": 0.5, "value": 79550.00000000001, "Latitude": 36.79, "Longitude": -119.84, "Population": 1820.0}, {"index": 2261, "quantile": 0.75, "value": 84500.0, "Latitude": 36.79, "Longitude": -119.84, "Population": 1820.0}, {"index": 2261, "quantile": 1.0, "value": 139200.0, "Latitude": 36.79, "Longitude": -119.84, "Population": 1820.0}, {"index": 2262, "quantile": 0.0, "value": 52600.0, "Latitude": 36.79, "Longitude": -119.83, "Population": 2098.0}, {"index": 2262, "quantile": 0.25, "value": 67000.0, "Latitude": 36.79, "Longitude": -119.83, "Population": 2098.0}, {"index": 2262, "quantile": 0.5, "value": 67000.0, "Latitude": 36.79, "Longitude": -119.83, "Population": 2098.0}, {"index": 2262, "quantile": 0.75, "value": 67000.0, "Latitude": 36.79, "Longitude": -119.83, "Population": 2098.0}, {"index": 2262, "quantile": 1.0, "value": 84700.0, "Latitude": 36.79, "Longitude": -119.83, "Population": 2098.0}, {"index": 2263, "quantile": 0.0, "value": 49300.0, "Latitude": 36.78, "Longitude": -119.81, "Population": 633.0}, {"index": 2263, "quantile": 0.25, "value": 55500.00000000001, "Latitude": 36.78, "Longitude": -119.81, "Population": 633.0}, {"index": 2263, "quantile": 0.5, "value": 55500.00000000001, "Latitude": 36.78, "Longitude": -119.81, "Population": 633.0}, {"index": 2263, "quantile": 0.75, "value": 58500.0, "Latitude": 36.78, "Longitude": -119.81, "Population": 633.0}, {"index": 2263, "quantile": 1.0, "value": 250000.0, "Latitude": 36.78, "Longitude": -119.81, "Population": 633.0}, {"index": 2264, "quantile": 0.0, "value": 59600.0, "Latitude": 36.78, "Longitude": -119.81, "Population": 660.0}, {"index": 2264, "quantile": 0.25, "value": 79700.0, "Latitude": 36.78, "Longitude": -119.81, "Population": 660.0}, {"index": 2264, "quantile": 0.5, "value": 79700.0, "Latitude": 36.78, "Longitude": -119.81, "Population": 660.0}, {"index": 2264, "quantile": 0.75, "value": 79700.0, "Latitude": 36.78, "Longitude": -119.81, "Population": 660.0}, {"index": 2264, "quantile": 1.0, "value": 228100.0, "Latitude": 36.78, "Longitude": -119.81, "Population": 660.0}, {"index": 2265, "quantile": 0.0, "value": 62400.0, "Latitude": 36.78, "Longitude": -119.82, "Population": 761.0}, {"index": 2265, "quantile": 0.25, "value": 69200.0, "Latitude": 36.78, "Longitude": -119.82, "Population": 761.0}, {"index": 2265, "quantile": 0.5, "value": 69200.0, "Latitude": 36.78, "Longitude": -119.82, "Population": 761.0}, {"index": 2265, "quantile": 0.75, "value": 69200.0, "Latitude": 36.78, "Longitude": -119.82, "Population": 761.0}, {"index": 2265, "quantile": 1.0, "value": 80300.0, "Latitude": 36.78, "Longitude": -119.82, "Population": 761.0}, {"index": 2266, "quantile": 0.0, "value": 43500.0, "Latitude": 36.79, "Longitude": -119.82, "Population": 709.0}, {"index": 2266, "quantile": 0.25, "value": 65900.0, "Latitude": 36.79, "Longitude": -119.82, "Population": 709.0}, {"index": 2266, "quantile": 0.5, "value": 65900.0, "Latitude": 36.79, "Longitude": -119.82, "Population": 709.0}, {"index": 2266, "quantile": 0.75, "value": 66025.0, "Latitude": 36.79, "Longitude": -119.82, "Population": 709.0}, {"index": 2266, "quantile": 1.0, "value": 78900.0, "Latitude": 36.79, "Longitude": -119.82, "Population": 709.0}, {"index": 2267, "quantile": 0.0, "value": 44600.0, "Latitude": 36.79, "Longitude": -119.82, "Population": 3415.0}, {"index": 2267, "quantile": 0.25, "value": 64700.0, "Latitude": 36.79, "Longitude": -119.82, "Population": 3415.0}, {"index": 2267, "quantile": 0.5, "value": 64700.0, "Latitude": 36.79, "Longitude": -119.82, "Population": 3415.0}, {"index": 2267, "quantile": 0.75, "value": 64700.0, "Latitude": 36.79, "Longitude": -119.82, "Population": 3415.0}, {"index": 2267, "quantile": 1.0, "value": 93900.0, "Latitude": 36.79, "Longitude": -119.82, "Population": 3415.0}, {"index": 2268, "quantile": 0.0, "value": 37500.0, "Latitude": 36.79, "Longitude": -119.81, "Population": 954.0}, {"index": 2268, "quantile": 0.25, "value": 67900.0, "Latitude": 36.79, "Longitude": -119.81, "Population": 954.0}, {"index": 2268, "quantile": 0.5, "value": 73400.0, "Latitude": 36.79, "Longitude": -119.81, "Population": 954.0}, {"index": 2268, "quantile": 0.75, "value": 106000.0, "Latitude": 36.79, "Longitude": -119.81, "Population": 954.0}, {"index": 2268, "quantile": 1.0, "value": 427600.0, "Latitude": 36.79, "Longitude": -119.81, "Population": 954.0}, {"index": 2269, "quantile": 0.0, "value": 47500.0, "Latitude": 36.79, "Longitude": -119.79, "Population": 1806.0}, {"index": 2269, "quantile": 0.25, "value": 67500.0, "Latitude": 36.79, "Longitude": -119.79, "Population": 1806.0}, {"index": 2269, "quantile": 0.5, "value": 67500.0, "Latitude": 36.79, "Longitude": -119.79, "Population": 1806.0}, {"index": 2269, "quantile": 0.75, "value": 67500.0, "Latitude": 36.79, "Longitude": -119.79, "Population": 1806.0}, {"index": 2269, "quantile": 1.0, "value": 112500.0, "Latitude": 36.79, "Longitude": -119.79, "Population": 1806.0}, {"index": 2270, "quantile": 0.0, "value": 26900.0, "Latitude": 36.78, "Longitude": -119.79, "Population": 1131.0}, {"index": 2270, "quantile": 0.25, "value": 58800.0, "Latitude": 36.78, "Longitude": -119.79, "Population": 1131.0}, {"index": 2270, "quantile": 0.5, "value": 58800.0, "Latitude": 36.78, "Longitude": -119.79, "Population": 1131.0}, {"index": 2270, "quantile": 0.75, "value": 58800.0, "Latitude": 36.78, "Longitude": -119.79, "Population": 1131.0}, {"index": 2270, "quantile": 1.0, "value": 70700.0, "Latitude": 36.78, "Longitude": -119.79, "Population": 1131.0}, {"index": 2271, "quantile": 0.0, "value": 37500.0, "Latitude": 36.78, "Longitude": -119.8, "Population": 874.0}, {"index": 2271, "quantile": 0.25, "value": 96500.0, "Latitude": 36.78, "Longitude": -119.8, "Population": 874.0}, {"index": 2271, "quantile": 0.5, "value": 96500.0, "Latitude": 36.78, "Longitude": -119.8, "Population": 874.0}, {"index": 2271, "quantile": 0.75, "value": 96500.0, "Latitude": 36.78, "Longitude": -119.8, "Population": 874.0}, {"index": 2271, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.78, "Longitude": -119.8, "Population": 874.0}, {"index": 2272, "quantile": 0.0, "value": 49200.0, "Latitude": 36.79, "Longitude": -119.81, "Population": 1118.0}, {"index": 2272, "quantile": 0.25, "value": 61749.99999999999, "Latitude": 36.79, "Longitude": -119.81, "Population": 1118.0}, {"index": 2272, "quantile": 0.5, "value": 70900.0, "Latitude": 36.79, "Longitude": -119.81, "Population": 1118.0}, {"index": 2272, "quantile": 0.75, "value": 78900.0, "Latitude": 36.79, "Longitude": -119.81, "Population": 1118.0}, {"index": 2272, "quantile": 1.0, "value": 129200.0, "Latitude": 36.79, "Longitude": -119.81, "Population": 1118.0}, {"index": 2273, "quantile": 0.0, "value": 110700.0, "Latitude": 36.79, "Longitude": -119.8, "Population": 471.0}, {"index": 2273, "quantile": 0.25, "value": 153800.0, "Latitude": 36.79, "Longitude": -119.8, "Population": 471.0}, {"index": 2273, "quantile": 0.5, "value": 153800.0, "Latitude": 36.79, "Longitude": -119.8, "Population": 471.0}, {"index": 2273, "quantile": 0.75, "value": 225800.0, "Latitude": 36.79, "Longitude": -119.8, "Population": 471.0}, {"index": 2273, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.79, "Longitude": -119.8, "Population": 471.0}, {"index": 2274, "quantile": 0.0, "value": 46300.0, "Latitude": 36.81, "Longitude": -119.79, "Population": 1155.0}, {"index": 2274, "quantile": 0.25, "value": 69600.0, "Latitude": 36.81, "Longitude": -119.79, "Population": 1155.0}, {"index": 2274, "quantile": 0.5, "value": 69600.0, "Latitude": 36.81, "Longitude": -119.79, "Population": 1155.0}, {"index": 2274, "quantile": 0.75, "value": 70800.0, "Latitude": 36.81, "Longitude": -119.79, "Population": 1155.0}, {"index": 2274, "quantile": 1.0, "value": 153800.0, "Latitude": 36.81, "Longitude": -119.79, "Population": 1155.0}, {"index": 2275, "quantile": 0.0, "value": 51000.0, "Latitude": 36.8, "Longitude": -119.78, "Population": 1243.0}, {"index": 2275, "quantile": 0.25, "value": 63175.0, "Latitude": 36.8, "Longitude": -119.78, "Population": 1243.0}, {"index": 2275, "quantile": 0.5, "value": 66500.0, "Latitude": 36.8, "Longitude": -119.78, "Population": 1243.0}, {"index": 2275, "quantile": 0.75, "value": 66500.0, "Latitude": 36.8, "Longitude": -119.78, "Population": 1243.0}, {"index": 2275, "quantile": 1.0, "value": 74200.0, "Latitude": 36.8, "Longitude": -119.78, "Population": 1243.0}, {"index": 2276, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 36.8, "Longitude": -119.79, "Population": 852.0}, {"index": 2276, "quantile": 0.25, "value": 124700.00000000001, "Latitude": 36.8, "Longitude": -119.79, "Population": 852.0}, {"index": 2276, "quantile": 0.5, "value": 124700.00000000001, "Latitude": 36.8, "Longitude": -119.79, "Population": 852.0}, {"index": 2276, "quantile": 0.75, "value": 265050.0, "Latitude": 36.8, "Longitude": -119.79, "Population": 852.0}, {"index": 2276, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.8, "Longitude": -119.79, "Population": 852.0}, {"index": 2277, "quantile": 0.0, "value": 124700.00000000001, "Latitude": 36.81, "Longitude": -119.79, "Population": 494.0}, {"index": 2277, "quantile": 0.25, "value": 132200.0, "Latitude": 36.81, "Longitude": -119.79, "Population": 494.0}, {"index": 2277, "quantile": 0.5, "value": 132200.0, "Latitude": 36.81, "Longitude": -119.79, "Population": 494.0}, {"index": 2277, "quantile": 0.75, "value": 332500.0, "Latitude": 36.81, "Longitude": -119.79, "Population": 494.0}, {"index": 2277, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.81, "Longitude": -119.79, "Population": 494.0}, {"index": 2278, "quantile": 0.0, "value": 61500.0, "Latitude": 36.79, "Longitude": -119.77, "Population": 1141.0}, {"index": 2278, "quantile": 0.25, "value": 89400.0, "Latitude": 36.79, "Longitude": -119.77, "Population": 1141.0}, {"index": 2278, "quantile": 0.5, "value": 89600.0, "Latitude": 36.79, "Longitude": -119.77, "Population": 1141.0}, {"index": 2278, "quantile": 0.75, "value": 89600.0, "Latitude": 36.79, "Longitude": -119.77, "Population": 1141.0}, {"index": 2278, "quantile": 1.0, "value": 230399.99999999997, "Latitude": 36.79, "Longitude": -119.77, "Population": 1141.0}, {"index": 2279, "quantile": 0.0, "value": 53500.0, "Latitude": 36.78, "Longitude": -119.78, "Population": 959.0}, {"index": 2279, "quantile": 0.25, "value": 73400.0, "Latitude": 36.78, "Longitude": -119.78, "Population": 959.0}, {"index": 2279, "quantile": 0.5, "value": 73400.0, "Latitude": 36.78, "Longitude": -119.78, "Population": 959.0}, {"index": 2279, "quantile": 0.75, "value": 73400.0, "Latitude": 36.78, "Longitude": -119.78, "Population": 959.0}, {"index": 2279, "quantile": 1.0, "value": 113900.0, "Latitude": 36.78, "Longitude": -119.78, "Population": 959.0}, {"index": 2280, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.79, "Longitude": -119.79, "Population": 909.0}, {"index": 2280, "quantile": 0.25, "value": 69000.0, "Latitude": 36.79, "Longitude": -119.79, "Population": 909.0}, {"index": 2280, "quantile": 0.5, "value": 72800.0, "Latitude": 36.79, "Longitude": -119.79, "Population": 909.0}, {"index": 2280, "quantile": 0.75, "value": 78825.0, "Latitude": 36.79, "Longitude": -119.79, "Population": 909.0}, {"index": 2280, "quantile": 1.0, "value": 217499.99999999997, "Latitude": 36.79, "Longitude": -119.79, "Population": 909.0}, {"index": 2281, "quantile": 0.0, "value": 47500.0, "Latitude": 36.79, "Longitude": -119.79, "Population": 960.0}, {"index": 2281, "quantile": 0.25, "value": 47500.0, "Latitude": 36.79, "Longitude": -119.79, "Population": 960.0}, {"index": 2281, "quantile": 0.5, "value": 47500.0, "Latitude": 36.79, "Longitude": -119.79, "Population": 960.0}, {"index": 2281, "quantile": 0.75, "value": 58624.99999999999, "Latitude": 36.79, "Longitude": -119.79, "Population": 960.0}, {"index": 2281, "quantile": 1.0, "value": 376100.0, "Latitude": 36.79, "Longitude": -119.79, "Population": 960.0}, {"index": 2282, "quantile": 0.0, "value": 61100.0, "Latitude": 36.79, "Longitude": -119.78, "Population": 966.0}, {"index": 2282, "quantile": 0.25, "value": 68300.0, "Latitude": 36.79, "Longitude": -119.78, "Population": 966.0}, {"index": 2282, "quantile": 0.5, "value": 68300.0, "Latitude": 36.79, "Longitude": -119.78, "Population": 966.0}, {"index": 2282, "quantile": 0.75, "value": 84600.0, "Latitude": 36.79, "Longitude": -119.78, "Population": 966.0}, {"index": 2282, "quantile": 1.0, "value": 281500.0, "Latitude": 36.79, "Longitude": -119.78, "Population": 966.0}, {"index": 2283, "quantile": 0.0, "value": 53500.0, "Latitude": 36.79, "Longitude": -119.76, "Population": 1976.0}, {"index": 2283, "quantile": 0.25, "value": 72800.0, "Latitude": 36.79, "Longitude": -119.76, "Population": 1976.0}, {"index": 2283, "quantile": 0.5, "value": 72800.0, "Latitude": 36.79, "Longitude": -119.76, "Population": 1976.0}, {"index": 2283, "quantile": 0.75, "value": 72800.0, "Latitude": 36.79, "Longitude": -119.76, "Population": 1976.0}, {"index": 2283, "quantile": 1.0, "value": 89600.0, "Latitude": 36.79, "Longitude": -119.76, "Population": 1976.0}, {"index": 2284, "quantile": 0.0, "value": 52400.0, "Latitude": 36.78, "Longitude": -119.76, "Population": 2768.0}, {"index": 2284, "quantile": 0.25, "value": 78800.0, "Latitude": 36.78, "Longitude": -119.76, "Population": 2768.0}, {"index": 2284, "quantile": 0.5, "value": 78800.0, "Latitude": 36.78, "Longitude": -119.76, "Population": 2768.0}, {"index": 2284, "quantile": 0.75, "value": 78800.0, "Latitude": 36.78, "Longitude": -119.76, "Population": 2768.0}, {"index": 2284, "quantile": 1.0, "value": 268800.0, "Latitude": 36.78, "Longitude": -119.76, "Population": 2768.0}, {"index": 2285, "quantile": 0.0, "value": 60900.0, "Latitude": 36.79, "Longitude": -119.77, "Population": 1076.0}, {"index": 2285, "quantile": 0.25, "value": 72200.0, "Latitude": 36.79, "Longitude": -119.77, "Population": 1076.0}, {"index": 2285, "quantile": 0.5, "value": 72649.99999999999, "Latitude": 36.79, "Longitude": -119.77, "Population": 1076.0}, {"index": 2285, "quantile": 0.75, "value": 81900.0, "Latitude": 36.79, "Longitude": -119.77, "Population": 1076.0}, {"index": 2285, "quantile": 1.0, "value": 124100.00000000001, "Latitude": 36.79, "Longitude": -119.77, "Population": 1076.0}, {"index": 2286, "quantile": 0.0, "value": 65600.0, "Latitude": 36.79, "Longitude": -119.76, "Population": 1261.0}, {"index": 2286, "quantile": 0.25, "value": 75100.0, "Latitude": 36.79, "Longitude": -119.76, "Population": 1261.0}, {"index": 2286, "quantile": 0.5, "value": 75100.0, "Latitude": 36.79, "Longitude": -119.76, "Population": 1261.0}, {"index": 2286, "quantile": 0.75, "value": 75100.0, "Latitude": 36.79, "Longitude": -119.76, "Population": 1261.0}, {"index": 2286, "quantile": 1.0, "value": 186300.0, "Latitude": 36.79, "Longitude": -119.76, "Population": 1261.0}, {"index": 2287, "quantile": 0.0, "value": 53500.0, "Latitude": 36.79, "Longitude": -119.74, "Population": 1614.0}, {"index": 2287, "quantile": 0.25, "value": 67200.0, "Latitude": 36.79, "Longitude": -119.74, "Population": 1614.0}, {"index": 2287, "quantile": 0.5, "value": 71400.0, "Latitude": 36.79, "Longitude": -119.74, "Population": 1614.0}, {"index": 2287, "quantile": 0.75, "value": 71400.0, "Latitude": 36.79, "Longitude": -119.74, "Population": 1614.0}, {"index": 2287, "quantile": 1.0, "value": 78800.0, "Latitude": 36.79, "Longitude": -119.74, "Population": 1614.0}, {"index": 2288, "quantile": 0.0, "value": 26600.0, "Latitude": 36.78, "Longitude": -119.75, "Population": 1981.0}, {"index": 2288, "quantile": 0.25, "value": 67000.0, "Latitude": 36.78, "Longitude": -119.75, "Population": 1981.0}, {"index": 2288, "quantile": 0.5, "value": 71400.0, "Latitude": 36.78, "Longitude": -119.75, "Population": 1981.0}, {"index": 2288, "quantile": 0.75, "value": 74500.0, "Latitude": 36.78, "Longitude": -119.75, "Population": 1981.0}, {"index": 2288, "quantile": 1.0, "value": 98400.0, "Latitude": 36.78, "Longitude": -119.75, "Population": 1981.0}, {"index": 2289, "quantile": 0.0, "value": 49200.0, "Latitude": 36.8, "Longitude": -119.76, "Population": 1781.0}, {"index": 2289, "quantile": 0.25, "value": 70900.0, "Latitude": 36.8, "Longitude": -119.76, "Population": 1781.0}, {"index": 2289, "quantile": 0.5, "value": 70900.0, "Latitude": 36.8, "Longitude": -119.76, "Population": 1781.0}, {"index": 2289, "quantile": 0.75, "value": 72625.0, "Latitude": 36.8, "Longitude": -119.76, "Population": 1781.0}, {"index": 2289, "quantile": 1.0, "value": 129200.0, "Latitude": 36.8, "Longitude": -119.76, "Population": 1781.0}, {"index": 2290, "quantile": 0.0, "value": 63500.0, "Latitude": 36.8, "Longitude": -119.77, "Population": 1507.0}, {"index": 2290, "quantile": 0.25, "value": 75475.0, "Latitude": 36.8, "Longitude": -119.77, "Population": 1507.0}, {"index": 2290, "quantile": 0.5, "value": 84600.0, "Latitude": 36.8, "Longitude": -119.77, "Population": 1507.0}, {"index": 2290, "quantile": 0.75, "value": 84600.0, "Latitude": 36.8, "Longitude": -119.77, "Population": 1507.0}, {"index": 2290, "quantile": 1.0, "value": 158300.0, "Latitude": 36.8, "Longitude": -119.77, "Population": 1507.0}, {"index": 2291, "quantile": 0.0, "value": 52100.0, "Latitude": 36.8, "Longitude": -119.78, "Population": 1938.0}, {"index": 2291, "quantile": 0.25, "value": 69600.0, "Latitude": 36.8, "Longitude": -119.78, "Population": 1938.0}, {"index": 2291, "quantile": 0.5, "value": 72300.0, "Latitude": 36.8, "Longitude": -119.78, "Population": 1938.0}, {"index": 2291, "quantile": 0.75, "value": 80300.0, "Latitude": 36.8, "Longitude": -119.78, "Population": 1938.0}, {"index": 2291, "quantile": 1.0, "value": 153800.0, "Latitude": 36.8, "Longitude": -119.78, "Population": 1938.0}, {"index": 2292, "quantile": 0.0, "value": 50000.0, "Latitude": 36.8, "Longitude": -119.76, "Population": 2795.0}, {"index": 2292, "quantile": 0.25, "value": 78800.0, "Latitude": 36.8, "Longitude": -119.76, "Population": 2795.0}, {"index": 2292, "quantile": 0.5, "value": 83700.0, "Latitude": 36.8, "Longitude": -119.76, "Population": 2795.0}, {"index": 2292, "quantile": 0.75, "value": 83700.0, "Latitude": 36.8, "Longitude": -119.76, "Population": 2795.0}, {"index": 2292, "quantile": 1.0, "value": 130600.0, "Latitude": 36.8, "Longitude": -119.76, "Population": 2795.0}, {"index": 2293, "quantile": 0.0, "value": 63500.0, "Latitude": 36.8, "Longitude": -119.77, "Population": 1827.0}, {"index": 2293, "quantile": 0.25, "value": 80300.0, "Latitude": 36.8, "Longitude": -119.77, "Population": 1827.0}, {"index": 2293, "quantile": 0.5, "value": 83100.0, "Latitude": 36.8, "Longitude": -119.77, "Population": 1827.0}, {"index": 2293, "quantile": 0.75, "value": 83100.0, "Latitude": 36.8, "Longitude": -119.77, "Population": 1827.0}, {"index": 2293, "quantile": 1.0, "value": 107600.0, "Latitude": 36.8, "Longitude": -119.77, "Population": 1827.0}, {"index": 2294, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 36.8, "Longitude": -119.74, "Population": 5466.0}, {"index": 2294, "quantile": 0.25, "value": 70049.99999999999, "Latitude": 36.8, "Longitude": -119.74, "Population": 5466.0}, {"index": 2294, "quantile": 0.5, "value": 73000.0, "Latitude": 36.8, "Longitude": -119.74, "Population": 5466.0}, {"index": 2294, "quantile": 0.75, "value": 86525.0, "Latitude": 36.8, "Longitude": -119.74, "Population": 5466.0}, {"index": 2294, "quantile": 1.0, "value": 159400.0, "Latitude": 36.8, "Longitude": -119.74, "Population": 5466.0}, {"index": 2295, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 36.8, "Longitude": -119.75, "Population": 1257.0}, {"index": 2295, "quantile": 0.25, "value": 80700.0, "Latitude": 36.8, "Longitude": -119.75, "Population": 1257.0}, {"index": 2295, "quantile": 0.5, "value": 90600.0, "Latitude": 36.8, "Longitude": -119.75, "Population": 1257.0}, {"index": 2295, "quantile": 0.75, "value": 90600.0, "Latitude": 36.8, "Longitude": -119.75, "Population": 1257.0}, {"index": 2295, "quantile": 1.0, "value": 132800.0, "Latitude": 36.8, "Longitude": -119.75, "Population": 1257.0}, {"index": 2296, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 36.8, "Longitude": -119.75, "Population": 1894.0}, {"index": 2296, "quantile": 0.25, "value": 71550.0, "Latitude": 36.8, "Longitude": -119.75, "Population": 1894.0}, {"index": 2296, "quantile": 0.5, "value": 74500.0, "Latitude": 36.8, "Longitude": -119.75, "Population": 1894.0}, {"index": 2296, "quantile": 0.75, "value": 74500.0, "Latitude": 36.8, "Longitude": -119.75, "Population": 1894.0}, {"index": 2296, "quantile": 1.0, "value": 90600.0, "Latitude": 36.8, "Longitude": -119.75, "Population": 1894.0}, {"index": 2297, "quantile": 0.0, "value": 34400.0, "Latitude": 36.81, "Longitude": -119.76, "Population": 4638.0}, {"index": 2297, "quantile": 0.25, "value": 54300.00000000001, "Latitude": 36.81, "Longitude": -119.76, "Population": 4638.0}, {"index": 2297, "quantile": 0.5, "value": 58800.0, "Latitude": 36.81, "Longitude": -119.76, "Population": 4638.0}, {"index": 2297, "quantile": 0.75, "value": 62949.99999999999, "Latitude": 36.81, "Longitude": -119.76, "Population": 4638.0}, {"index": 2297, "quantile": 1.0, "value": 350000.0, "Latitude": 36.81, "Longitude": -119.76, "Population": 4638.0}, {"index": 2298, "quantile": 0.0, "value": 69200.0, "Latitude": 36.81, "Longitude": -119.77, "Population": 661.0}, {"index": 2298, "quantile": 0.25, "value": 85500.0, "Latitude": 36.81, "Longitude": -119.77, "Population": 661.0}, {"index": 2298, "quantile": 0.5, "value": 91900.0, "Latitude": 36.81, "Longitude": -119.77, "Population": 661.0}, {"index": 2298, "quantile": 0.75, "value": 105200.0, "Latitude": 36.81, "Longitude": -119.77, "Population": 661.0}, {"index": 2298, "quantile": 1.0, "value": 405400.0, "Latitude": 36.81, "Longitude": -119.77, "Population": 661.0}, {"index": 2299, "quantile": 0.0, "value": 65200.0, "Latitude": 36.82, "Longitude": -119.76, "Population": 3056.0}, {"index": 2299, "quantile": 0.25, "value": 97650.0, "Latitude": 36.82, "Longitude": -119.76, "Population": 3056.0}, {"index": 2299, "quantile": 0.5, "value": 99300.0, "Latitude": 36.82, "Longitude": -119.76, "Population": 3056.0}, {"index": 2299, "quantile": 0.75, "value": 99300.0, "Latitude": 36.82, "Longitude": -119.76, "Population": 3056.0}, {"index": 2299, "quantile": 1.0, "value": 229199.99999999997, "Latitude": 36.82, "Longitude": -119.76, "Population": 3056.0}, {"index": 2300, "quantile": 0.0, "value": 69200.0, "Latitude": 36.81, "Longitude": -119.77, "Population": 663.0}, {"index": 2300, "quantile": 0.25, "value": 85500.0, "Latitude": 36.81, "Longitude": -119.77, "Population": 663.0}, {"index": 2300, "quantile": 0.5, "value": 85500.0, "Latitude": 36.81, "Longitude": -119.77, "Population": 663.0}, {"index": 2300, "quantile": 0.75, "value": 88800.0, "Latitude": 36.81, "Longitude": -119.77, "Population": 663.0}, {"index": 2300, "quantile": 1.0, "value": 341700.0, "Latitude": 36.81, "Longitude": -119.77, "Population": 663.0}, {"index": 2301, "quantile": 0.0, "value": 83400.0, "Latitude": 36.82, "Longitude": -119.78, "Population": 2133.0}, {"index": 2301, "quantile": 0.25, "value": 89500.0, "Latitude": 36.82, "Longitude": -119.78, "Population": 2133.0}, {"index": 2301, "quantile": 0.5, "value": 89500.0, "Latitude": 36.82, "Longitude": -119.78, "Population": 2133.0}, {"index": 2301, "quantile": 0.75, "value": 90100.0, "Latitude": 36.82, "Longitude": -119.78, "Population": 2133.0}, {"index": 2301, "quantile": 1.0, "value": 404800.0, "Latitude": 36.82, "Longitude": -119.78, "Population": 2133.0}, {"index": 2302, "quantile": 0.0, "value": 72100.0, "Latitude": 36.83, "Longitude": -119.78, "Population": 1817.0}, {"index": 2302, "quantile": 0.25, "value": 95200.0, "Latitude": 36.83, "Longitude": -119.78, "Population": 1817.0}, {"index": 2302, "quantile": 0.5, "value": 95200.0, "Latitude": 36.83, "Longitude": -119.78, "Population": 1817.0}, {"index": 2302, "quantile": 0.75, "value": 124150.0, "Latitude": 36.83, "Longitude": -119.78, "Population": 1817.0}, {"index": 2302, "quantile": 1.0, "value": 334100.0, "Latitude": 36.83, "Longitude": -119.78, "Population": 1817.0}, {"index": 2303, "quantile": 0.0, "value": 78600.0, "Latitude": 36.83, "Longitude": -119.76, "Population": 1234.0}, {"index": 2303, "quantile": 0.25, "value": 99600.0, "Latitude": 36.83, "Longitude": -119.76, "Population": 1234.0}, {"index": 2303, "quantile": 0.5, "value": 99600.0, "Latitude": 36.83, "Longitude": -119.76, "Population": 1234.0}, {"index": 2303, "quantile": 0.75, "value": 106999.99999999999, "Latitude": 36.83, "Longitude": -119.76, "Population": 1234.0}, {"index": 2303, "quantile": 1.0, "value": 322400.0, "Latitude": 36.83, "Longitude": -119.76, "Population": 1234.0}, {"index": 2304, "quantile": 0.0, "value": 100800.0, "Latitude": 36.83, "Longitude": -119.76, "Population": 1360.0}, {"index": 2304, "quantile": 0.25, "value": 110900.0, "Latitude": 36.83, "Longitude": -119.76, "Population": 1360.0}, {"index": 2304, "quantile": 0.5, "value": 110900.0, "Latitude": 36.83, "Longitude": -119.76, "Population": 1360.0}, {"index": 2304, "quantile": 0.75, "value": 210675.0, "Latitude": 36.83, "Longitude": -119.76, "Population": 1360.0}, {"index": 2304, "quantile": 1.0, "value": 445200.0, "Latitude": 36.83, "Longitude": -119.76, "Population": 1360.0}, {"index": 2305, "quantile": 0.0, "value": 86300.0, "Latitude": 36.83, "Longitude": -119.77, "Population": 1378.0}, {"index": 2305, "quantile": 0.25, "value": 101099.99999999999, "Latitude": 36.83, "Longitude": -119.77, "Population": 1378.0}, {"index": 2305, "quantile": 0.5, "value": 101099.99999999999, "Latitude": 36.83, "Longitude": -119.77, "Population": 1378.0}, {"index": 2305, "quantile": 0.75, "value": 149025.0, "Latitude": 36.83, "Longitude": -119.77, "Population": 1378.0}, {"index": 2305, "quantile": 1.0, "value": 336400.0, "Latitude": 36.83, "Longitude": -119.77, "Population": 1378.0}, {"index": 2306, "quantile": 0.0, "value": 89500.0, "Latitude": 36.83, "Longitude": -119.77, "Population": 1034.0}, {"index": 2306, "quantile": 0.25, "value": 111400.00000000001, "Latitude": 36.83, "Longitude": -119.77, "Population": 1034.0}, {"index": 2306, "quantile": 0.5, "value": 148800.0, "Latitude": 36.83, "Longitude": -119.77, "Population": 1034.0}, {"index": 2306, "quantile": 0.75, "value": 242349.99999999997, "Latitude": 36.83, "Longitude": -119.77, "Population": 1034.0}, {"index": 2306, "quantile": 1.0, "value": 353000.0, "Latitude": 36.83, "Longitude": -119.77, "Population": 1034.0}, {"index": 2307, "quantile": 0.0, "value": 72100.0, "Latitude": 36.83, "Longitude": -119.76, "Population": 1888.0}, {"index": 2307, "quantile": 0.25, "value": 84200.0, "Latitude": 36.83, "Longitude": -119.76, "Population": 1888.0}, {"index": 2307, "quantile": 0.5, "value": 84200.0, "Latitude": 36.83, "Longitude": -119.76, "Population": 1888.0}, {"index": 2307, "quantile": 0.75, "value": 93800.0, "Latitude": 36.83, "Longitude": -119.76, "Population": 1888.0}, {"index": 2307, "quantile": 1.0, "value": 236200.0, "Latitude": 36.83, "Longitude": -119.76, "Population": 1888.0}, {"index": 2308, "quantile": 0.0, "value": 83000.0, "Latitude": 36.83, "Longitude": -119.75, "Population": 1411.0}, {"index": 2308, "quantile": 0.25, "value": 109400.00000000001, "Latitude": 36.83, "Longitude": -119.75, "Population": 1411.0}, {"index": 2308, "quantile": 0.5, "value": 109400.00000000001, "Latitude": 36.83, "Longitude": -119.75, "Population": 1411.0}, {"index": 2308, "quantile": 0.75, "value": 109900.00000000001, "Latitude": 36.83, "Longitude": -119.75, "Population": 1411.0}, {"index": 2308, "quantile": 1.0, "value": 298400.0, "Latitude": 36.83, "Longitude": -119.75, "Population": 1411.0}, {"index": 2309, "quantile": 0.0, "value": 68700.0, "Latitude": 36.83, "Longitude": -119.74, "Population": 2235.0}, {"index": 2309, "quantile": 0.25, "value": 108200.00000000001, "Latitude": 36.83, "Longitude": -119.74, "Population": 2235.0}, {"index": 2309, "quantile": 0.5, "value": 108200.00000000001, "Latitude": 36.83, "Longitude": -119.74, "Population": 2235.0}, {"index": 2309, "quantile": 0.75, "value": 108200.00000000001, "Latitude": 36.83, "Longitude": -119.74, "Population": 2235.0}, {"index": 2309, "quantile": 1.0, "value": 194100.0, "Latitude": 36.83, "Longitude": -119.74, "Population": 2235.0}, {"index": 2310, "quantile": 0.0, "value": 106300.0, "Latitude": 36.91, "Longitude": -119.77, "Population": 2878.0}, {"index": 2310, "quantile": 0.25, "value": 143700.0, "Latitude": 36.91, "Longitude": -119.77, "Population": 2878.0}, {"index": 2310, "quantile": 0.5, "value": 217550.0, "Latitude": 36.91, "Longitude": -119.77, "Population": 2878.0}, {"index": 2310, "quantile": 0.75, "value": 277300.0, "Latitude": 36.91, "Longitude": -119.77, "Population": 2878.0}, {"index": 2310, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.91, "Longitude": -119.77, "Population": 2878.0}, {"index": 2311, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 36.87, "Longitude": -119.75, "Population": 5226.0}, {"index": 2311, "quantile": 0.25, "value": 143700.0, "Latitude": 36.87, "Longitude": -119.75, "Population": 5226.0}, {"index": 2311, "quantile": 0.5, "value": 143700.0, "Latitude": 36.87, "Longitude": -119.75, "Population": 5226.0}, {"index": 2311, "quantile": 0.75, "value": 156725.0, "Latitude": 36.87, "Longitude": -119.75, "Population": 5226.0}, {"index": 2311, "quantile": 1.0, "value": 452100.0, "Latitude": 36.87, "Longitude": -119.75, "Population": 5226.0}, {"index": 2312, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 36.85, "Longitude": -119.74, "Population": 4432.0}, {"index": 2312, "quantile": 0.25, "value": 140800.0, "Latitude": 36.85, "Longitude": -119.74, "Population": 4432.0}, {"index": 2312, "quantile": 0.5, "value": 140800.0, "Latitude": 36.85, "Longitude": -119.74, "Population": 4432.0}, {"index": 2312, "quantile": 0.75, "value": 140800.0, "Latitude": 36.85, "Longitude": -119.74, "Population": 4432.0}, {"index": 2312, "quantile": 1.0, "value": 160700.0, "Latitude": 36.85, "Longitude": -119.74, "Population": 4432.0}, {"index": 2313, "quantile": 0.0, "value": 66700.0, "Latitude": 36.94, "Longitude": -119.7, "Population": 649.0}, {"index": 2313, "quantile": 0.25, "value": 86300.0, "Latitude": 36.94, "Longitude": -119.7, "Population": 649.0}, {"index": 2313, "quantile": 0.5, "value": 86300.0, "Latitude": 36.94, "Longitude": -119.7, "Population": 649.0}, {"index": 2313, "quantile": 0.75, "value": 86300.0, "Latitude": 36.94, "Longitude": -119.7, "Population": 649.0}, {"index": 2313, "quantile": 1.0, "value": 126400.0, "Latitude": 36.94, "Longitude": -119.7, "Population": 649.0}, {"index": 2314, "quantile": 0.0, "value": 127200.0, "Latitude": 36.88, "Longitude": -119.71, "Population": 992.0}, {"index": 2314, "quantile": 0.25, "value": 165200.0, "Latitude": 36.88, "Longitude": -119.71, "Population": 992.0}, {"index": 2314, "quantile": 0.5, "value": 165200.0, "Latitude": 36.88, "Longitude": -119.71, "Population": 992.0}, {"index": 2314, "quantile": 0.75, "value": 277275.0, "Latitude": 36.88, "Longitude": -119.71, "Population": 992.0}, {"index": 2314, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.88, "Longitude": -119.71, "Population": 992.0}, {"index": 2315, "quantile": 0.0, "value": 71400.0, "Latitude": 36.86, "Longitude": -119.69, "Population": 786.0}, {"index": 2315, "quantile": 0.25, "value": 129575.0, "Latitude": 36.86, "Longitude": -119.69, "Population": 786.0}, {"index": 2315, "quantile": 0.5, "value": 164600.0, "Latitude": 36.86, "Longitude": -119.69, "Population": 786.0}, {"index": 2315, "quantile": 0.75, "value": 164600.0, "Latitude": 36.86, "Longitude": -119.69, "Population": 786.0}, {"index": 2315, "quantile": 1.0, "value": 336800.0, "Latitude": 36.86, "Longitude": -119.69, "Population": 786.0}, {"index": 2316, "quantile": 0.0, "value": 91600.0, "Latitude": 36.85, "Longitude": -119.69, "Population": 1081.0}, {"index": 2316, "quantile": 0.25, "value": 143100.0, "Latitude": 36.85, "Longitude": -119.69, "Population": 1081.0}, {"index": 2316, "quantile": 0.5, "value": 143100.0, "Latitude": 36.85, "Longitude": -119.69, "Population": 1081.0}, {"index": 2316, "quantile": 0.75, "value": 143100.0, "Latitude": 36.85, "Longitude": -119.69, "Population": 1081.0}, {"index": 2316, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.85, "Longitude": -119.69, "Population": 1081.0}, {"index": 2317, "quantile": 0.0, "value": 97400.0, "Latitude": 36.89, "Longitude": -119.67, "Population": 1280.0}, {"index": 2317, "quantile": 0.25, "value": 126200.0, "Latitude": 36.89, "Longitude": -119.67, "Population": 1280.0}, {"index": 2317, "quantile": 0.5, "value": 167500.0, "Latitude": 36.89, "Longitude": -119.67, "Population": 1280.0}, {"index": 2317, "quantile": 0.75, "value": 167500.0, "Latitude": 36.89, "Longitude": -119.67, "Population": 1280.0}, {"index": 2317, "quantile": 1.0, "value": 253500.0, "Latitude": 36.89, "Longitude": -119.67, "Population": 1280.0}, {"index": 2318, "quantile": 0.0, "value": 65600.0, "Latitude": 36.83, "Longitude": -119.7, "Population": 1885.0}, {"index": 2318, "quantile": 0.25, "value": 71400.0, "Latitude": 36.83, "Longitude": -119.7, "Population": 1885.0}, {"index": 2318, "quantile": 0.5, "value": 71400.0, "Latitude": 36.83, "Longitude": -119.7, "Population": 1885.0}, {"index": 2318, "quantile": 0.75, "value": 79700.0, "Latitude": 36.83, "Longitude": -119.7, "Population": 1885.0}, {"index": 2318, "quantile": 1.0, "value": 120900.00000000001, "Latitude": 36.83, "Longitude": -119.7, "Population": 1885.0}, {"index": 2319, "quantile": 0.0, "value": 47400.0, "Latitude": 36.82, "Longitude": -119.7, "Population": 1482.0}, {"index": 2319, "quantile": 0.25, "value": 68200.0, "Latitude": 36.82, "Longitude": -119.7, "Population": 1482.0}, {"index": 2319, "quantile": 0.5, "value": 68200.0, "Latitude": 36.82, "Longitude": -119.7, "Population": 1482.0}, {"index": 2319, "quantile": 0.75, "value": 68200.0, "Latitude": 36.82, "Longitude": -119.7, "Population": 1482.0}, {"index": 2319, "quantile": 1.0, "value": 99300.0, "Latitude": 36.82, "Longitude": -119.7, "Population": 1482.0}, {"index": 2320, "quantile": 0.0, "value": 49200.0, "Latitude": 36.81, "Longitude": -119.7, "Population": 1570.0}, {"index": 2320, "quantile": 0.25, "value": 68000.0, "Latitude": 36.81, "Longitude": -119.7, "Population": 1570.0}, {"index": 2320, "quantile": 0.5, "value": 68000.0, "Latitude": 36.81, "Longitude": -119.7, "Population": 1570.0}, {"index": 2320, "quantile": 0.75, "value": 70100.0, "Latitude": 36.81, "Longitude": -119.7, "Population": 1570.0}, {"index": 2320, "quantile": 1.0, "value": 153800.0, "Latitude": 36.81, "Longitude": -119.7, "Population": 1570.0}, {"index": 2321, "quantile": 0.0, "value": 50600.0, "Latitude": 36.83, "Longitude": -119.71, "Population": 623.0}, {"index": 2321, "quantile": 0.25, "value": 113399.99999999999, "Latitude": 36.83, "Longitude": -119.71, "Population": 623.0}, {"index": 2321, "quantile": 0.5, "value": 113399.99999999999, "Latitude": 36.83, "Longitude": -119.71, "Population": 623.0}, {"index": 2321, "quantile": 0.75, "value": 113399.99999999999, "Latitude": 36.83, "Longitude": -119.71, "Population": 623.0}, {"index": 2321, "quantile": 1.0, "value": 402500.00000000006, "Latitude": 36.83, "Longitude": -119.71, "Population": 623.0}, {"index": 2322, "quantile": 0.0, "value": 68500.0, "Latitude": 36.83, "Longitude": -119.71, "Population": 1228.0}, {"index": 2322, "quantile": 0.25, "value": 90750.0, "Latitude": 36.83, "Longitude": -119.71, "Population": 1228.0}, {"index": 2322, "quantile": 0.5, "value": 110349.99999999999, "Latitude": 36.83, "Longitude": -119.71, "Population": 1228.0}, {"index": 2322, "quantile": 0.75, "value": 124400.0, "Latitude": 36.83, "Longitude": -119.71, "Population": 1228.0}, {"index": 2322, "quantile": 1.0, "value": 166000.0, "Latitude": 36.83, "Longitude": -119.71, "Population": 1228.0}, {"index": 2323, "quantile": 0.0, "value": 67500.0, "Latitude": 36.83, "Longitude": -119.73, "Population": 1959.0}, {"index": 2323, "quantile": 0.25, "value": 121875.0, "Latitude": 36.83, "Longitude": -119.73, "Population": 1959.0}, {"index": 2323, "quantile": 0.5, "value": 132000.0, "Latitude": 36.83, "Longitude": -119.73, "Population": 1959.0}, {"index": 2323, "quantile": 0.75, "value": 167500.0, "Latitude": 36.83, "Longitude": -119.73, "Population": 1959.0}, {"index": 2323, "quantile": 1.0, "value": 319000.0, "Latitude": 36.83, "Longitude": -119.73, "Population": 1959.0}, {"index": 2324, "quantile": 0.0, "value": 93600.0, "Latitude": 36.83, "Longitude": -119.73, "Population": 1584.0}, {"index": 2324, "quantile": 0.25, "value": 111400.00000000001, "Latitude": 36.83, "Longitude": -119.73, "Population": 1584.0}, {"index": 2324, "quantile": 0.5, "value": 111400.00000000001, "Latitude": 36.83, "Longitude": -119.73, "Population": 1584.0}, {"index": 2324, "quantile": 0.75, "value": 111400.00000000001, "Latitude": 36.83, "Longitude": -119.73, "Population": 1584.0}, {"index": 2324, "quantile": 1.0, "value": 436700.0, "Latitude": 36.83, "Longitude": -119.73, "Population": 1584.0}, {"index": 2325, "quantile": 0.0, "value": 52500.0, "Latitude": 36.82, "Longitude": -119.71, "Population": 1320.0}, {"index": 2325, "quantile": 0.25, "value": 112500.0, "Latitude": 36.82, "Longitude": -119.71, "Population": 1320.0}, {"index": 2325, "quantile": 0.5, "value": 112500.0, "Latitude": 36.82, "Longitude": -119.71, "Population": 1320.0}, {"index": 2325, "quantile": 0.75, "value": 112500.0, "Latitude": 36.82, "Longitude": -119.71, "Population": 1320.0}, {"index": 2325, "quantile": 1.0, "value": 275000.0, "Latitude": 36.82, "Longitude": -119.71, "Population": 1320.0}, {"index": 2326, "quantile": 0.0, "value": 53500.0, "Latitude": 36.81, "Longitude": -119.71, "Population": 1034.0}, {"index": 2326, "quantile": 0.25, "value": 69700.0, "Latitude": 36.81, "Longitude": -119.71, "Population": 1034.0}, {"index": 2326, "quantile": 0.5, "value": 69700.0, "Latitude": 36.81, "Longitude": -119.71, "Population": 1034.0}, {"index": 2326, "quantile": 0.75, "value": 69700.0, "Latitude": 36.81, "Longitude": -119.71, "Population": 1034.0}, {"index": 2326, "quantile": 1.0, "value": 144800.0, "Latitude": 36.81, "Longitude": -119.71, "Population": 1034.0}, {"index": 2327, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.81, "Longitude": -119.71, "Population": 557.0}, {"index": 2327, "quantile": 0.25, "value": 72800.0, "Latitude": 36.81, "Longitude": -119.71, "Population": 557.0}, {"index": 2327, "quantile": 0.5, "value": 72800.0, "Latitude": 36.81, "Longitude": -119.71, "Population": 557.0}, {"index": 2327, "quantile": 0.75, "value": 72800.0, "Latitude": 36.81, "Longitude": -119.71, "Population": 557.0}, {"index": 2327, "quantile": 1.0, "value": 350000.0, "Latitude": 36.81, "Longitude": -119.71, "Population": 557.0}, {"index": 2328, "quantile": 0.0, "value": 65900.0, "Latitude": 36.81, "Longitude": -119.72, "Population": 780.0}, {"index": 2328, "quantile": 0.25, "value": 72200.0, "Latitude": 36.81, "Longitude": -119.72, "Population": 780.0}, {"index": 2328, "quantile": 0.5, "value": 72200.0, "Latitude": 36.81, "Longitude": -119.72, "Population": 780.0}, {"index": 2328, "quantile": 0.75, "value": 72200.0, "Latitude": 36.81, "Longitude": -119.72, "Population": 780.0}, {"index": 2328, "quantile": 1.0, "value": 98500.0, "Latitude": 36.81, "Longitude": -119.72, "Population": 780.0}, {"index": 2329, "quantile": 0.0, "value": 52100.0, "Latitude": 36.81, "Longitude": -119.73, "Population": 994.0}, {"index": 2329, "quantile": 0.25, "value": 79700.0, "Latitude": 36.81, "Longitude": -119.73, "Population": 994.0}, {"index": 2329, "quantile": 0.5, "value": 79700.0, "Latitude": 36.81, "Longitude": -119.73, "Population": 994.0}, {"index": 2329, "quantile": 0.75, "value": 79700.0, "Latitude": 36.81, "Longitude": -119.73, "Population": 994.0}, {"index": 2329, "quantile": 1.0, "value": 120300.0, "Latitude": 36.81, "Longitude": -119.73, "Population": 994.0}, {"index": 2330, "quantile": 0.0, "value": 51700.0, "Latitude": 36.82, "Longitude": -119.72, "Population": 1054.0}, {"index": 2330, "quantile": 0.25, "value": 74075.0, "Latitude": 36.82, "Longitude": -119.72, "Population": 1054.0}, {"index": 2330, "quantile": 0.5, "value": 97649.99999999999, "Latitude": 36.82, "Longitude": -119.72, "Population": 1054.0}, {"index": 2330, "quantile": 0.75, "value": 121775.00000000001, "Latitude": 36.82, "Longitude": -119.72, "Population": 1054.0}, {"index": 2330, "quantile": 1.0, "value": 402500.00000000006, "Latitude": 36.82, "Longitude": -119.72, "Population": 1054.0}, {"index": 2331, "quantile": 0.0, "value": 45000.0, "Latitude": 36.82, "Longitude": -119.72, "Population": 550.0}, {"index": 2331, "quantile": 0.25, "value": 52500.0, "Latitude": 36.82, "Longitude": -119.72, "Population": 550.0}, {"index": 2331, "quantile": 0.5, "value": 52500.0, "Latitude": 36.82, "Longitude": -119.72, "Population": 550.0}, {"index": 2331, "quantile": 0.75, "value": 103299.99999999999, "Latitude": 36.82, "Longitude": -119.72, "Population": 550.0}, {"index": 2331, "quantile": 1.0, "value": 275000.0, "Latitude": 36.82, "Longitude": -119.72, "Population": 550.0}, {"index": 2332, "quantile": 0.0, "value": 70600.0, "Latitude": 36.83, "Longitude": -119.69, "Population": 1040.0}, {"index": 2332, "quantile": 0.25, "value": 90575.0, "Latitude": 36.83, "Longitude": -119.69, "Population": 1040.0}, {"index": 2332, "quantile": 0.5, "value": 106200.0, "Latitude": 36.83, "Longitude": -119.69, "Population": 1040.0}, {"index": 2332, "quantile": 0.75, "value": 110600.00000000001, "Latitude": 36.83, "Longitude": -119.69, "Population": 1040.0}, {"index": 2332, "quantile": 1.0, "value": 165400.0, "Latitude": 36.83, "Longitude": -119.69, "Population": 1040.0}, {"index": 2333, "quantile": 0.0, "value": 87500.0, "Latitude": 36.83, "Longitude": -119.69, "Population": 475.0}, {"index": 2333, "quantile": 0.25, "value": 89500.0, "Latitude": 36.83, "Longitude": -119.69, "Population": 475.0}, {"index": 2333, "quantile": 0.5, "value": 89500.0, "Latitude": 36.83, "Longitude": -119.69, "Population": 475.0}, {"index": 2333, "quantile": 0.75, "value": 114399.99999999999, "Latitude": 36.83, "Longitude": -119.69, "Population": 475.0}, {"index": 2333, "quantile": 1.0, "value": 385700.0, "Latitude": 36.83, "Longitude": -119.69, "Population": 475.0}, {"index": 2334, "quantile": 0.0, "value": 42700.0, "Latitude": 36.83, "Longitude": -119.69, "Population": 726.0}, {"index": 2334, "quantile": 0.25, "value": 54600.00000000001, "Latitude": 36.83, "Longitude": -119.69, "Population": 726.0}, {"index": 2334, "quantile": 0.5, "value": 54600.00000000001, "Latitude": 36.83, "Longitude": -119.69, "Population": 726.0}, {"index": 2334, "quantile": 0.75, "value": 54600.00000000001, "Latitude": 36.83, "Longitude": -119.69, "Population": 726.0}, {"index": 2334, "quantile": 1.0, "value": 73400.0, "Latitude": 36.83, "Longitude": -119.69, "Population": 726.0}, {"index": 2335, "quantile": 0.0, "value": 65600.0, "Latitude": 36.83, "Longitude": -119.69, "Population": 898.0}, {"index": 2335, "quantile": 0.25, "value": 78900.0, "Latitude": 36.83, "Longitude": -119.69, "Population": 898.0}, {"index": 2335, "quantile": 0.5, "value": 78900.0, "Latitude": 36.83, "Longitude": -119.69, "Population": 898.0}, {"index": 2335, "quantile": 0.75, "value": 81575.0, "Latitude": 36.83, "Longitude": -119.69, "Population": 898.0}, {"index": 2335, "quantile": 1.0, "value": 165400.0, "Latitude": 36.83, "Longitude": -119.69, "Population": 898.0}, {"index": 2336, "quantile": 0.0, "value": 72100.0, "Latitude": 36.83, "Longitude": -119.67, "Population": 1003.0}, {"index": 2336, "quantile": 0.25, "value": 98500.0, "Latitude": 36.83, "Longitude": -119.67, "Population": 1003.0}, {"index": 2336, "quantile": 0.5, "value": 107800.0, "Latitude": 36.83, "Longitude": -119.67, "Population": 1003.0}, {"index": 2336, "quantile": 0.75, "value": 118800.00000000001, "Latitude": 36.83, "Longitude": -119.67, "Population": 1003.0}, {"index": 2336, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.83, "Longitude": -119.67, "Population": 1003.0}, {"index": 2337, "quantile": 0.0, "value": 87200.0, "Latitude": 36.83, "Longitude": -119.67, "Population": 1024.0}, {"index": 2337, "quantile": 0.25, "value": 100250.0, "Latitude": 36.83, "Longitude": -119.67, "Population": 1024.0}, {"index": 2337, "quantile": 0.5, "value": 123300.00000000001, "Latitude": 36.83, "Longitude": -119.67, "Population": 1024.0}, {"index": 2337, "quantile": 0.75, "value": 157300.0, "Latitude": 36.83, "Longitude": -119.67, "Population": 1024.0}, {"index": 2337, "quantile": 1.0, "value": 319000.0, "Latitude": 36.83, "Longitude": -119.67, "Population": 1024.0}, {"index": 2338, "quantile": 0.0, "value": 120000.0, "Latitude": 36.83, "Longitude": -119.68, "Population": 1110.0}, {"index": 2338, "quantile": 0.25, "value": 120000.0, "Latitude": 36.83, "Longitude": -119.68, "Population": 1110.0}, {"index": 2338, "quantile": 0.5, "value": 120000.0, "Latitude": 36.83, "Longitude": -119.68, "Population": 1110.0}, {"index": 2338, "quantile": 0.75, "value": 220174.99999999997, "Latitude": 36.83, "Longitude": -119.68, "Population": 1110.0}, {"index": 2338, "quantile": 1.0, "value": 402600.0, "Latitude": 36.83, "Longitude": -119.68, "Population": 1110.0}, {"index": 2339, "quantile": 0.0, "value": 71300.0, "Latitude": 36.82, "Longitude": -119.67, "Population": 1133.0}, {"index": 2339, "quantile": 0.25, "value": 123300.00000000001, "Latitude": 36.82, "Longitude": -119.67, "Population": 1133.0}, {"index": 2339, "quantile": 0.5, "value": 123300.00000000001, "Latitude": 36.82, "Longitude": -119.67, "Population": 1133.0}, {"index": 2339, "quantile": 0.75, "value": 123300.00000000001, "Latitude": 36.82, "Longitude": -119.67, "Population": 1133.0}, {"index": 2339, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.82, "Longitude": -119.67, "Population": 1133.0}, {"index": 2340, "quantile": 0.0, "value": 87200.0, "Latitude": 36.81, "Longitude": -119.67, "Population": 622.0}, {"index": 2340, "quantile": 0.25, "value": 108625.0, "Latitude": 36.81, "Longitude": -119.67, "Population": 622.0}, {"index": 2340, "quantile": 0.5, "value": 114399.99999999999, "Latitude": 36.81, "Longitude": -119.67, "Population": 622.0}, {"index": 2340, "quantile": 0.75, "value": 114399.99999999999, "Latitude": 36.81, "Longitude": -119.67, "Population": 622.0}, {"index": 2340, "quantile": 1.0, "value": 347700.0, "Latitude": 36.81, "Longitude": -119.67, "Population": 622.0}, {"index": 2341, "quantile": 0.0, "value": 88000.0, "Latitude": 36.81, "Longitude": -119.68, "Population": 1356.0}, {"index": 2341, "quantile": 0.25, "value": 106200.0, "Latitude": 36.81, "Longitude": -119.68, "Population": 1356.0}, {"index": 2341, "quantile": 0.5, "value": 106200.0, "Latitude": 36.81, "Longitude": -119.68, "Population": 1356.0}, {"index": 2341, "quantile": 0.75, "value": 111400.00000000001, "Latitude": 36.81, "Longitude": -119.68, "Population": 1356.0}, {"index": 2341, "quantile": 1.0, "value": 325200.0, "Latitude": 36.81, "Longitude": -119.68, "Population": 1356.0}, {"index": 2342, "quantile": 0.0, "value": 51600.0, "Latitude": 36.82, "Longitude": -119.69, "Population": 1207.0}, {"index": 2342, "quantile": 0.25, "value": 55900.00000000001, "Latitude": 36.82, "Longitude": -119.69, "Population": 1207.0}, {"index": 2342, "quantile": 0.5, "value": 55900.00000000001, "Latitude": 36.82, "Longitude": -119.69, "Population": 1207.0}, {"index": 2342, "quantile": 0.75, "value": 55900.00000000001, "Latitude": 36.82, "Longitude": -119.69, "Population": 1207.0}, {"index": 2342, "quantile": 1.0, "value": 78800.0, "Latitude": 36.82, "Longitude": -119.69, "Population": 1207.0}, {"index": 2343, "quantile": 0.0, "value": 88000.0, "Latitude": 36.82, "Longitude": -119.69, "Population": 1687.0}, {"index": 2343, "quantile": 0.25, "value": 93600.0, "Latitude": 36.82, "Longitude": -119.69, "Population": 1687.0}, {"index": 2343, "quantile": 0.5, "value": 93600.0, "Latitude": 36.82, "Longitude": -119.69, "Population": 1687.0}, {"index": 2343, "quantile": 0.75, "value": 93600.0, "Latitude": 36.82, "Longitude": -119.69, "Population": 1687.0}, {"index": 2343, "quantile": 1.0, "value": 199600.0, "Latitude": 36.82, "Longitude": -119.69, "Population": 1687.0}, {"index": 2344, "quantile": 0.0, "value": 71300.0, "Latitude": 36.81, "Longitude": -119.68, "Population": 1536.0}, {"index": 2344, "quantile": 0.25, "value": 88900.0, "Latitude": 36.81, "Longitude": -119.68, "Population": 1536.0}, {"index": 2344, "quantile": 0.5, "value": 88900.0, "Latitude": 36.81, "Longitude": -119.68, "Population": 1536.0}, {"index": 2344, "quantile": 0.75, "value": 88900.0, "Latitude": 36.81, "Longitude": -119.68, "Population": 1536.0}, {"index": 2344, "quantile": 1.0, "value": 160100.0, "Latitude": 36.81, "Longitude": -119.68, "Population": 1536.0}, {"index": 2345, "quantile": 0.0, "value": 50500.0, "Latitude": 36.81, "Longitude": -119.69, "Population": 994.0}, {"index": 2345, "quantile": 0.25, "value": 87500.0, "Latitude": 36.81, "Longitude": -119.69, "Population": 994.0}, {"index": 2345, "quantile": 0.5, "value": 90300.0, "Latitude": 36.81, "Longitude": -119.69, "Population": 994.0}, {"index": 2345, "quantile": 0.75, "value": 138000.0, "Latitude": 36.81, "Longitude": -119.69, "Population": 994.0}, {"index": 2345, "quantile": 1.0, "value": 265500.0, "Latitude": 36.81, "Longitude": -119.69, "Population": 994.0}, {"index": 2346, "quantile": 0.0, "value": 79300.0, "Latitude": 36.81, "Longitude": -119.69, "Population": 1634.0}, {"index": 2346, "quantile": 0.25, "value": 88000.0, "Latitude": 36.81, "Longitude": -119.69, "Population": 1634.0}, {"index": 2346, "quantile": 0.5, "value": 88000.0, "Latitude": 36.81, "Longitude": -119.69, "Population": 1634.0}, {"index": 2346, "quantile": 0.75, "value": 88000.0, "Latitude": 36.81, "Longitude": -119.69, "Population": 1634.0}, {"index": 2346, "quantile": 1.0, "value": 225599.99999999997, "Latitude": 36.81, "Longitude": -119.69, "Population": 1634.0}, {"index": 2347, "quantile": 0.0, "value": 67500.0, "Latitude": 36.8, "Longitude": -119.68, "Population": 1748.0}, {"index": 2347, "quantile": 0.25, "value": 88400.0, "Latitude": 36.8, "Longitude": -119.68, "Population": 1748.0}, {"index": 2347, "quantile": 0.5, "value": 88400.0, "Latitude": 36.8, "Longitude": -119.68, "Population": 1748.0}, {"index": 2347, "quantile": 0.75, "value": 88400.0, "Latitude": 36.8, "Longitude": -119.68, "Population": 1748.0}, {"index": 2347, "quantile": 1.0, "value": 217600.00000000003, "Latitude": 36.8, "Longitude": -119.68, "Population": 1748.0}, {"index": 2348, "quantile": 0.0, "value": 68700.0, "Latitude": 36.8, "Longitude": -119.69, "Population": 1306.0}, {"index": 2348, "quantile": 0.25, "value": 68700.0, "Latitude": 36.8, "Longitude": -119.69, "Population": 1306.0}, {"index": 2348, "quantile": 0.5, "value": 68700.0, "Latitude": 36.8, "Longitude": -119.69, "Population": 1306.0}, {"index": 2348, "quantile": 0.75, "value": 72700.0, "Latitude": 36.8, "Longitude": -119.69, "Population": 1306.0}, {"index": 2348, "quantile": 1.0, "value": 165400.0, "Latitude": 36.8, "Longitude": -119.69, "Population": 1306.0}, {"index": 2349, "quantile": 0.0, "value": 120000.0, "Latitude": 36.8, "Longitude": -119.67, "Population": 1632.0}, {"index": 2349, "quantile": 0.25, "value": 154800.0, "Latitude": 36.8, "Longitude": -119.67, "Population": 1632.0}, {"index": 2349, "quantile": 0.5, "value": 241800.00000000003, "Latitude": 36.8, "Longitude": -119.67, "Population": 1632.0}, {"index": 2349, "quantile": 0.75, "value": 268800.0, "Latitude": 36.8, "Longitude": -119.67, "Population": 1632.0}, {"index": 2349, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.8, "Longitude": -119.67, "Population": 1632.0}, {"index": 2350, "quantile": 0.0, "value": 65600.0, "Latitude": 36.79, "Longitude": -119.69, "Population": 993.0}, {"index": 2350, "quantile": 0.25, "value": 83600.0, "Latitude": 36.79, "Longitude": -119.69, "Population": 993.0}, {"index": 2350, "quantile": 0.5, "value": 83600.0, "Latitude": 36.79, "Longitude": -119.69, "Population": 993.0}, {"index": 2350, "quantile": 0.75, "value": 83600.0, "Latitude": 36.79, "Longitude": -119.69, "Population": 993.0}, {"index": 2350, "quantile": 1.0, "value": 126400.0, "Latitude": 36.79, "Longitude": -119.69, "Population": 993.0}, {"index": 2351, "quantile": 0.0, "value": 68000.0, "Latitude": 36.79, "Longitude": -119.68, "Population": 1010.0}, {"index": 2351, "quantile": 0.25, "value": 71300.0, "Latitude": 36.79, "Longitude": -119.68, "Population": 1010.0}, {"index": 2351, "quantile": 0.5, "value": 71300.0, "Latitude": 36.79, "Longitude": -119.68, "Population": 1010.0}, {"index": 2351, "quantile": 0.75, "value": 74600.0, "Latitude": 36.79, "Longitude": -119.68, "Population": 1010.0}, {"index": 2351, "quantile": 1.0, "value": 131700.0, "Latitude": 36.79, "Longitude": -119.68, "Population": 1010.0}, {"index": 2352, "quantile": 0.0, "value": 60200.0, "Latitude": 36.79, "Longitude": -119.69, "Population": 1207.0}, {"index": 2352, "quantile": 0.25, "value": 76300.0, "Latitude": 36.79, "Longitude": -119.69, "Population": 1207.0}, {"index": 2352, "quantile": 0.5, "value": 76300.0, "Latitude": 36.79, "Longitude": -119.69, "Population": 1207.0}, {"index": 2352, "quantile": 0.75, "value": 76300.0, "Latitude": 36.79, "Longitude": -119.69, "Population": 1207.0}, {"index": 2352, "quantile": 1.0, "value": 111100.0, "Latitude": 36.79, "Longitude": -119.69, "Population": 1207.0}, {"index": 2353, "quantile": 0.0, "value": 22500.0, "Latitude": 36.77, "Longitude": -119.69, "Population": 1720.0}, {"index": 2353, "quantile": 0.25, "value": 60600.0, "Latitude": 36.77, "Longitude": -119.69, "Population": 1720.0}, {"index": 2353, "quantile": 0.5, "value": 60600.0, "Latitude": 36.77, "Longitude": -119.69, "Population": 1720.0}, {"index": 2353, "quantile": 0.75, "value": 62400.0, "Latitude": 36.77, "Longitude": -119.69, "Population": 1720.0}, {"index": 2353, "quantile": 1.0, "value": 94400.0, "Latitude": 36.77, "Longitude": -119.69, "Population": 1720.0}, {"index": 2354, "quantile": 0.0, "value": 79300.0, "Latitude": 36.79, "Longitude": -119.69, "Population": 1490.0}, {"index": 2354, "quantile": 0.25, "value": 83000.0, "Latitude": 36.79, "Longitude": -119.69, "Population": 1490.0}, {"index": 2354, "quantile": 0.5, "value": 83000.0, "Latitude": 36.79, "Longitude": -119.69, "Population": 1490.0}, {"index": 2354, "quantile": 0.75, "value": 83025.0, "Latitude": 36.79, "Longitude": -119.69, "Population": 1490.0}, {"index": 2354, "quantile": 1.0, "value": 227900.0, "Latitude": 36.79, "Longitude": -119.69, "Population": 1490.0}, {"index": 2355, "quantile": 0.0, "value": 102800.0, "Latitude": 36.77, "Longitude": -119.68, "Population": 583.0}, {"index": 2355, "quantile": 0.25, "value": 150800.0, "Latitude": 36.77, "Longitude": -119.68, "Population": 583.0}, {"index": 2355, "quantile": 0.5, "value": 150800.0, "Latitude": 36.77, "Longitude": -119.68, "Population": 583.0}, {"index": 2355, "quantile": 0.75, "value": 240200.0, "Latitude": 36.77, "Longitude": -119.68, "Population": 583.0}, {"index": 2355, "quantile": 1.0, "value": 405400.0, "Latitude": 36.77, "Longitude": -119.68, "Population": 583.0}, {"index": 2356, "quantile": 0.0, "value": 88900.0, "Latitude": 36.85, "Longitude": -119.64, "Population": 1258.0}, {"index": 2356, "quantile": 0.25, "value": 128775.0, "Latitude": 36.85, "Longitude": -119.64, "Population": 1258.0}, {"index": 2356, "quantile": 0.5, "value": 157300.0, "Latitude": 36.85, "Longitude": -119.64, "Population": 1258.0}, {"index": 2356, "quantile": 0.75, "value": 157300.0, "Latitude": 36.85, "Longitude": -119.64, "Population": 1258.0}, {"index": 2356, "quantile": 1.0, "value": 447100.0, "Latitude": 36.85, "Longitude": -119.64, "Population": 1258.0}, {"index": 2357, "quantile": 0.0, "value": 88900.0, "Latitude": 36.82, "Longitude": -119.64, "Population": 2085.0}, {"index": 2357, "quantile": 0.25, "value": 156225.0, "Latitude": 36.82, "Longitude": -119.64, "Population": 2085.0}, {"index": 2357, "quantile": 0.5, "value": 215000.0, "Latitude": 36.82, "Longitude": -119.64, "Population": 2085.0}, {"index": 2357, "quantile": 0.75, "value": 266775.0, "Latitude": 36.82, "Longitude": -119.64, "Population": 2085.0}, {"index": 2357, "quantile": 1.0, "value": 386800.0, "Latitude": 36.82, "Longitude": -119.64, "Population": 2085.0}, {"index": 2358, "quantile": 0.0, "value": 84500.0, "Latitude": 36.79, "Longitude": -119.63, "Population": 517.0}, {"index": 2358, "quantile": 0.25, "value": 148700.0, "Latitude": 36.79, "Longitude": -119.63, "Population": 517.0}, {"index": 2358, "quantile": 0.5, "value": 148700.0, "Latitude": 36.79, "Longitude": -119.63, "Population": 517.0}, {"index": 2358, "quantile": 0.75, "value": 148700.0, "Latitude": 36.79, "Longitude": -119.63, "Population": 517.0}, {"index": 2358, "quantile": 1.0, "value": 318600.0, "Latitude": 36.79, "Longitude": -119.63, "Population": 517.0}, {"index": 2359, "quantile": 0.0, "value": 93600.0, "Latitude": 36.76, "Longitude": -119.63, "Population": 1795.0}, {"index": 2359, "quantile": 0.25, "value": 130600.0, "Latitude": 36.76, "Longitude": -119.63, "Population": 1795.0}, {"index": 2359, "quantile": 0.5, "value": 158600.0, "Latitude": 36.76, "Longitude": -119.63, "Population": 1795.0}, {"index": 2359, "quantile": 0.75, "value": 241100.0, "Latitude": 36.76, "Longitude": -119.63, "Population": 1795.0}, {"index": 2359, "quantile": 1.0, "value": 450800.0, "Latitude": 36.76, "Longitude": -119.63, "Population": 1795.0}, {"index": 2360, "quantile": 0.0, "value": 59600.0, "Latitude": 36.7, "Longitude": -119.63, "Population": 617.0}, {"index": 2360, "quantile": 0.25, "value": 106800.0, "Latitude": 36.7, "Longitude": -119.63, "Population": 617.0}, {"index": 2360, "quantile": 0.5, "value": 133300.0, "Latitude": 36.7, "Longitude": -119.63, "Population": 617.0}, {"index": 2360, "quantile": 0.75, "value": 133300.0, "Latitude": 36.7, "Longitude": -119.63, "Population": 617.0}, {"index": 2360, "quantile": 1.0, "value": 361700.0, "Latitude": 36.7, "Longitude": -119.63, "Population": 617.0}, {"index": 2361, "quantile": 0.0, "value": 72100.0, "Latitude": 36.78, "Longitude": -119.53, "Population": 1372.0}, {"index": 2361, "quantile": 0.25, "value": 136900.0, "Latitude": 36.78, "Longitude": -119.53, "Population": 1372.0}, {"index": 2361, "quantile": 0.5, "value": 136900.0, "Latitude": 36.78, "Longitude": -119.53, "Population": 1372.0}, {"index": 2361, "quantile": 0.75, "value": 136900.0, "Latitude": 36.78, "Longitude": -119.53, "Population": 1372.0}, {"index": 2361, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.78, "Longitude": -119.53, "Population": 1372.0}, {"index": 2362, "quantile": 0.0, "value": 97400.0, "Latitude": 36.83, "Longitude": -119.58, "Population": 2473.0}, {"index": 2362, "quantile": 0.25, "value": 156700.0, "Latitude": 36.83, "Longitude": -119.58, "Population": 2473.0}, {"index": 2362, "quantile": 0.5, "value": 156700.0, "Latitude": 36.83, "Longitude": -119.58, "Population": 2473.0}, {"index": 2362, "quantile": 0.75, "value": 156700.0, "Latitude": 36.83, "Longitude": -119.58, "Population": 2473.0}, {"index": 2362, "quantile": 1.0, "value": 380000.0, "Latitude": 36.83, "Longitude": -119.58, "Population": 2473.0}, {"index": 2363, "quantile": 0.0, "value": 70600.0, "Latitude": 36.77, "Longitude": -119.58, "Population": 1760.0}, {"index": 2363, "quantile": 0.25, "value": 92900.0, "Latitude": 36.77, "Longitude": -119.58, "Population": 1760.0}, {"index": 2363, "quantile": 0.5, "value": 126499.99999999999, "Latitude": 36.77, "Longitude": -119.58, "Population": 1760.0}, {"index": 2363, "quantile": 0.75, "value": 126499.99999999999, "Latitude": 36.77, "Longitude": -119.58, "Population": 1760.0}, {"index": 2363, "quantile": 1.0, "value": 225800.0, "Latitude": 36.77, "Longitude": -119.58, "Population": 1760.0}, {"index": 2364, "quantile": 0.0, "value": 71300.0, "Latitude": 36.72, "Longitude": -119.59, "Population": 621.0}, {"index": 2364, "quantile": 0.25, "value": 130600.0, "Latitude": 36.72, "Longitude": -119.59, "Population": 621.0}, {"index": 2364, "quantile": 0.5, "value": 130600.0, "Latitude": 36.72, "Longitude": -119.59, "Population": 621.0}, {"index": 2364, "quantile": 0.75, "value": 136900.0, "Latitude": 36.72, "Longitude": -119.59, "Population": 621.0}, {"index": 2364, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.72, "Longitude": -119.59, "Population": 621.0}, {"index": 2365, "quantile": 0.0, "value": 67500.0, "Latitude": 36.74, "Longitude": -119.5, "Population": 531.0}, {"index": 2365, "quantile": 0.25, "value": 106900.0, "Latitude": 36.74, "Longitude": -119.5, "Population": 531.0}, {"index": 2365, "quantile": 0.5, "value": 106900.0, "Latitude": 36.74, "Longitude": -119.5, "Population": 531.0}, {"index": 2365, "quantile": 0.75, "value": 121000.0, "Latitude": 36.74, "Longitude": -119.5, "Population": 531.0}, {"index": 2365, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.74, "Longitude": -119.5, "Population": 531.0}, {"index": 2366, "quantile": 0.0, "value": 65600.0, "Latitude": 36.72, "Longitude": -119.57, "Population": 1248.0}, {"index": 2366, "quantile": 0.25, "value": 92950.0, "Latitude": 36.72, "Longitude": -119.57, "Population": 1248.0}, {"index": 2366, "quantile": 0.5, "value": 99500.0, "Latitude": 36.72, "Longitude": -119.57, "Population": 1248.0}, {"index": 2366, "quantile": 0.75, "value": 99500.0, "Latitude": 36.72, "Longitude": -119.57, "Population": 1248.0}, {"index": 2366, "quantile": 1.0, "value": 160100.0, "Latitude": 36.72, "Longitude": -119.57, "Population": 1248.0}, {"index": 2367, "quantile": 0.0, "value": 59700.0, "Latitude": 36.71, "Longitude": -119.56, "Population": 1208.0}, {"index": 2367, "quantile": 0.25, "value": 73000.0, "Latitude": 36.71, "Longitude": -119.56, "Population": 1208.0}, {"index": 2367, "quantile": 0.5, "value": 73000.0, "Latitude": 36.71, "Longitude": -119.56, "Population": 1208.0}, {"index": 2367, "quantile": 0.75, "value": 73000.0, "Latitude": 36.71, "Longitude": -119.56, "Population": 1208.0}, {"index": 2367, "quantile": 1.0, "value": 87500.0, "Latitude": 36.71, "Longitude": -119.56, "Population": 1208.0}, {"index": 2368, "quantile": 0.0, "value": 39200.0, "Latitude": 36.71, "Longitude": -119.56, "Population": 1173.0}, {"index": 2368, "quantile": 0.25, "value": 59200.0, "Latitude": 36.71, "Longitude": -119.56, "Population": 1173.0}, {"index": 2368, "quantile": 0.5, "value": 59900.0, "Latitude": 36.71, "Longitude": -119.56, "Population": 1173.0}, {"index": 2368, "quantile": 0.75, "value": 59900.0, "Latitude": 36.71, "Longitude": -119.56, "Population": 1173.0}, {"index": 2368, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 36.71, "Longitude": -119.56, "Population": 1173.0}, {"index": 2369, "quantile": 0.0, "value": 50500.0, "Latitude": 36.71, "Longitude": -119.57, "Population": 958.0}, {"index": 2369, "quantile": 0.25, "value": 84800.0, "Latitude": 36.71, "Longitude": -119.57, "Population": 958.0}, {"index": 2369, "quantile": 0.5, "value": 84800.0, "Latitude": 36.71, "Longitude": -119.57, "Population": 958.0}, {"index": 2369, "quantile": 0.75, "value": 87500.0, "Latitude": 36.71, "Longitude": -119.57, "Population": 958.0}, {"index": 2369, "quantile": 1.0, "value": 450000.0, "Latitude": 36.71, "Longitude": -119.57, "Population": 958.0}, {"index": 2370, "quantile": 0.0, "value": 59100.0, "Latitude": 36.7, "Longitude": -119.57, "Population": 899.0}, {"index": 2370, "quantile": 0.25, "value": 72900.0, "Latitude": 36.7, "Longitude": -119.57, "Population": 899.0}, {"index": 2370, "quantile": 0.5, "value": 72900.0, "Latitude": 36.7, "Longitude": -119.57, "Population": 899.0}, {"index": 2370, "quantile": 0.75, "value": 72900.0, "Latitude": 36.7, "Longitude": -119.57, "Population": 899.0}, {"index": 2370, "quantile": 1.0, "value": 153800.0, "Latitude": 36.7, "Longitude": -119.57, "Population": 899.0}, {"index": 2371, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 36.7, "Longitude": -119.56, "Population": 1135.0}, {"index": 2371, "quantile": 0.25, "value": 49600.0, "Latitude": 36.7, "Longitude": -119.56, "Population": 1135.0}, {"index": 2371, "quantile": 0.5, "value": 56600.00000000001, "Latitude": 36.7, "Longitude": -119.56, "Population": 1135.0}, {"index": 2371, "quantile": 0.75, "value": 73125.0, "Latitude": 36.7, "Longitude": -119.56, "Population": 1135.0}, {"index": 2371, "quantile": 1.0, "value": 248100.0, "Latitude": 36.7, "Longitude": -119.56, "Population": 1135.0}, {"index": 2372, "quantile": 0.0, "value": 43100.0, "Latitude": 36.7, "Longitude": -119.55, "Population": 1371.0}, {"index": 2372, "quantile": 0.25, "value": 60149.99999999999, "Latitude": 36.7, "Longitude": -119.55, "Population": 1371.0}, {"index": 2372, "quantile": 0.5, "value": 63900.0, "Latitude": 36.7, "Longitude": -119.55, "Population": 1371.0}, {"index": 2372, "quantile": 0.75, "value": 63900.0, "Latitude": 36.7, "Longitude": -119.55, "Population": 1371.0}, {"index": 2372, "quantile": 1.0, "value": 90600.0, "Latitude": 36.7, "Longitude": -119.55, "Population": 1371.0}, {"index": 2373, "quantile": 0.0, "value": 67600.0, "Latitude": 36.7, "Longitude": -119.57, "Population": 1248.0}, {"index": 2373, "quantile": 0.25, "value": 72300.0, "Latitude": 36.7, "Longitude": -119.57, "Population": 1248.0}, {"index": 2373, "quantile": 0.5, "value": 72300.0, "Latitude": 36.7, "Longitude": -119.57, "Population": 1248.0}, {"index": 2373, "quantile": 0.75, "value": 72300.0, "Latitude": 36.7, "Longitude": -119.57, "Population": 1248.0}, {"index": 2373, "quantile": 1.0, "value": 139200.0, "Latitude": 36.7, "Longitude": -119.57, "Population": 1248.0}, {"index": 2374, "quantile": 0.0, "value": 68000.0, "Latitude": 36.7, "Longitude": -119.57, "Population": 974.0}, {"index": 2374, "quantile": 0.25, "value": 83600.0, "Latitude": 36.7, "Longitude": -119.57, "Population": 974.0}, {"index": 2374, "quantile": 0.5, "value": 91050.00000000001, "Latitude": 36.7, "Longitude": -119.57, "Population": 974.0}, {"index": 2374, "quantile": 0.75, "value": 95400.0, "Latitude": 36.7, "Longitude": -119.57, "Population": 974.0}, {"index": 2374, "quantile": 1.0, "value": 160100.0, "Latitude": 36.7, "Longitude": -119.57, "Population": 974.0}, {"index": 2375, "quantile": 0.0, "value": 41400.0, "Latitude": 36.69, "Longitude": -119.58, "Population": 812.0}, {"index": 2375, "quantile": 0.25, "value": 58075.0, "Latitude": 36.69, "Longitude": -119.58, "Population": 812.0}, {"index": 2375, "quantile": 0.5, "value": 58099.99999999999, "Latitude": 36.69, "Longitude": -119.58, "Population": 812.0}, {"index": 2375, "quantile": 0.75, "value": 58099.99999999999, "Latitude": 36.69, "Longitude": -119.58, "Population": 812.0}, {"index": 2375, "quantile": 1.0, "value": 132800.0, "Latitude": 36.69, "Longitude": -119.58, "Population": 812.0}, {"index": 2376, "quantile": 0.0, "value": 37500.0, "Latitude": 36.69, "Longitude": -119.55, "Population": 1519.0}, {"index": 2376, "quantile": 0.25, "value": 54225.0, "Latitude": 36.69, "Longitude": -119.55, "Population": 1519.0}, {"index": 2376, "quantile": 0.5, "value": 55900.00000000001, "Latitude": 36.69, "Longitude": -119.55, "Population": 1519.0}, {"index": 2376, "quantile": 0.75, "value": 55900.00000000001, "Latitude": 36.69, "Longitude": -119.55, "Population": 1519.0}, {"index": 2376, "quantile": 1.0, "value": 71000.0, "Latitude": 36.69, "Longitude": -119.55, "Population": 1519.0}, {"index": 2377, "quantile": 0.0, "value": 34400.0, "Latitude": 36.7, "Longitude": -119.54, "Population": 1665.0}, {"index": 2377, "quantile": 0.25, "value": 53200.0, "Latitude": 36.7, "Longitude": -119.54, "Population": 1665.0}, {"index": 2377, "quantile": 0.5, "value": 57099.99999999999, "Latitude": 36.7, "Longitude": -119.54, "Population": 1665.0}, {"index": 2377, "quantile": 0.75, "value": 61949.99999999999, "Latitude": 36.7, "Longitude": -119.54, "Population": 1665.0}, {"index": 2377, "quantile": 1.0, "value": 262500.0, "Latitude": 36.7, "Longitude": -119.54, "Population": 1665.0}, {"index": 2378, "quantile": 0.0, "value": 46900.0, "Latitude": 36.71, "Longitude": -119.55, "Population": 2052.0}, {"index": 2378, "quantile": 0.25, "value": 55800.00000000001, "Latitude": 36.71, "Longitude": -119.55, "Population": 2052.0}, {"index": 2378, "quantile": 0.5, "value": 55800.00000000001, "Latitude": 36.71, "Longitude": -119.55, "Population": 2052.0}, {"index": 2378, "quantile": 0.75, "value": 55800.00000000001, "Latitude": 36.71, "Longitude": -119.55, "Population": 2052.0}, {"index": 2378, "quantile": 1.0, "value": 262500.0, "Latitude": 36.71, "Longitude": -119.55, "Population": 2052.0}, {"index": 2379, "quantile": 0.0, "value": 50800.0, "Latitude": 36.72, "Longitude": -119.55, "Population": 1135.0}, {"index": 2379, "quantile": 0.25, "value": 63900.0, "Latitude": 36.72, "Longitude": -119.55, "Population": 1135.0}, {"index": 2379, "quantile": 0.5, "value": 63900.0, "Latitude": 36.72, "Longitude": -119.55, "Population": 1135.0}, {"index": 2379, "quantile": 0.75, "value": 63900.0, "Latitude": 36.72, "Longitude": -119.55, "Population": 1135.0}, {"index": 2379, "quantile": 1.0, "value": 225000.0, "Latitude": 36.72, "Longitude": -119.55, "Population": 1135.0}, {"index": 2380, "quantile": 0.0, "value": 54000.0, "Latitude": 36.71, "Longitude": -119.52, "Population": 1120.0}, {"index": 2380, "quantile": 0.25, "value": 69300.0, "Latitude": 36.71, "Longitude": -119.52, "Population": 1120.0}, {"index": 2380, "quantile": 0.5, "value": 69300.0, "Latitude": 36.71, "Longitude": -119.52, "Population": 1120.0}, {"index": 2380, "quantile": 0.75, "value": 69300.0, "Latitude": 36.71, "Longitude": -119.52, "Population": 1120.0}, {"index": 2380, "quantile": 1.0, "value": 150000.0, "Latitude": 36.71, "Longitude": -119.52, "Population": 1120.0}, {"index": 2381, "quantile": 0.0, "value": 68500.0, "Latitude": 36.69, "Longitude": -119.47, "Population": 1578.0}, {"index": 2381, "quantile": 0.25, "value": 111800.00000000001, "Latitude": 36.69, "Longitude": -119.47, "Population": 1578.0}, {"index": 2381, "quantile": 0.5, "value": 160100.0, "Latitude": 36.69, "Longitude": -119.47, "Population": 1578.0}, {"index": 2381, "quantile": 0.75, "value": 160100.0, "Latitude": 36.69, "Longitude": -119.47, "Population": 1578.0}, {"index": 2381, "quantile": 1.0, "value": 160100.0, "Latitude": 36.69, "Longitude": -119.47, "Population": 1578.0}, {"index": 2382, "quantile": 0.0, "value": 68700.0, "Latitude": 36.68, "Longitude": -119.41, "Population": 945.0}, {"index": 2382, "quantile": 0.25, "value": 115300.0, "Latitude": 36.68, "Longitude": -119.41, "Population": 945.0}, {"index": 2382, "quantile": 0.5, "value": 115300.0, "Latitude": 36.68, "Longitude": -119.41, "Population": 945.0}, {"index": 2382, "quantile": 0.75, "value": 115300.0, "Latitude": 36.68, "Longitude": -119.41, "Population": 945.0}, {"index": 2382, "quantile": 1.0, "value": 160100.0, "Latitude": 36.68, "Longitude": -119.41, "Population": 945.0}, {"index": 2383, "quantile": 0.0, "value": 69200.0, "Latitude": 36.63, "Longitude": -119.43, "Population": 904.0}, {"index": 2383, "quantile": 0.25, "value": 87300.0, "Latitude": 36.63, "Longitude": -119.43, "Population": 904.0}, {"index": 2383, "quantile": 0.5, "value": 92900.0, "Latitude": 36.63, "Longitude": -119.43, "Population": 904.0}, {"index": 2383, "quantile": 0.75, "value": 110400.00000000001, "Latitude": 36.63, "Longitude": -119.43, "Population": 904.0}, {"index": 2383, "quantile": 1.0, "value": 145700.0, "Latitude": 36.63, "Longitude": -119.43, "Population": 904.0}, {"index": 2384, "quantile": 0.0, "value": 26600.0, "Latitude": 36.64, "Longitude": -119.39, "Population": 578.0}, {"index": 2384, "quantile": 0.25, "value": 59850.0, "Latitude": 36.64, "Longitude": -119.39, "Population": 578.0}, {"index": 2384, "quantile": 0.5, "value": 70000.0, "Latitude": 36.64, "Longitude": -119.39, "Population": 578.0}, {"index": 2384, "quantile": 0.75, "value": 75000.0, "Latitude": 36.64, "Longitude": -119.39, "Population": 578.0}, {"index": 2384, "quantile": 1.0, "value": 122300.00000000001, "Latitude": 36.64, "Longitude": -119.39, "Population": 578.0}, {"index": 2385, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 36.59, "Longitude": -119.4, "Population": 977.0}, {"index": 2385, "quantile": 0.25, "value": 93800.0, "Latitude": 36.59, "Longitude": -119.4, "Population": 977.0}, {"index": 2385, "quantile": 0.5, "value": 93800.0, "Latitude": 36.59, "Longitude": -119.4, "Population": 977.0}, {"index": 2385, "quantile": 0.75, "value": 93800.0, "Latitude": 36.59, "Longitude": -119.4, "Population": 977.0}, {"index": 2385, "quantile": 1.0, "value": 177700.0, "Latitude": 36.59, "Longitude": -119.4, "Population": 977.0}, {"index": 2386, "quantile": 0.0, "value": 47400.0, "Latitude": 37.1, "Longitude": -119.49, "Population": 1564.0}, {"index": 2386, "quantile": 0.25, "value": 70550.0, "Latitude": 37.1, "Longitude": -119.49, "Population": 1564.0}, {"index": 2386, "quantile": 0.5, "value": 92400.0, "Latitude": 37.1, "Longitude": -119.49, "Population": 1564.0}, {"index": 2386, "quantile": 0.75, "value": 92400.0, "Latitude": 37.1, "Longitude": -119.49, "Population": 1564.0}, {"index": 2386, "quantile": 1.0, "value": 122300.00000000001, "Latitude": 37.1, "Longitude": -119.49, "Population": 1564.0}, {"index": 2387, "quantile": 0.0, "value": 87500.0, "Latitude": 36.94, "Longitude": -119.61, "Population": 315.0}, {"index": 2387, "quantile": 0.25, "value": 151800.0, "Latitude": 36.94, "Longitude": -119.61, "Population": 315.0}, {"index": 2387, "quantile": 0.5, "value": 151800.0, "Latitude": 36.94, "Longitude": -119.61, "Population": 315.0}, {"index": 2387, "quantile": 0.75, "value": 151800.0, "Latitude": 36.94, "Longitude": -119.61, "Population": 315.0}, {"index": 2387, "quantile": 1.0, "value": 437500.0, "Latitude": 36.94, "Longitude": -119.61, "Population": 315.0}, {"index": 2388, "quantile": 0.0, "value": 72400.0, "Latitude": 37.02, "Longitude": -119.57, "Population": 2140.0}, {"index": 2388, "quantile": 0.25, "value": 111800.00000000001, "Latitude": 37.02, "Longitude": -119.57, "Population": 2140.0}, {"index": 2388, "quantile": 0.5, "value": 111800.00000000001, "Latitude": 37.02, "Longitude": -119.57, "Population": 2140.0}, {"index": 2388, "quantile": 0.75, "value": 111800.00000000001, "Latitude": 37.02, "Longitude": -119.57, "Population": 2140.0}, {"index": 2388, "quantile": 1.0, "value": 166000.0, "Latitude": 37.02, "Longitude": -119.57, "Population": 2140.0}, {"index": 2389, "quantile": 0.0, "value": 56200.00000000001, "Latitude": 37.0, "Longitude": -119.48, "Population": 1467.0}, {"index": 2389, "quantile": 0.25, "value": 111800.00000000001, "Latitude": 37.0, "Longitude": -119.48, "Population": 1467.0}, {"index": 2389, "quantile": 0.5, "value": 111800.00000000001, "Latitude": 37.0, "Longitude": -119.48, "Population": 1467.0}, {"index": 2389, "quantile": 0.75, "value": 111800.00000000001, "Latitude": 37.0, "Longitude": -119.48, "Population": 1467.0}, {"index": 2389, "quantile": 1.0, "value": 160100.0, "Latitude": 37.0, "Longitude": -119.48, "Population": 1467.0}, {"index": 2390, "quantile": 0.0, "value": 95300.0, "Latitude": 36.91, "Longitude": -119.46, "Population": 1184.0}, {"index": 2390, "quantile": 0.25, "value": 123900.00000000001, "Latitude": 36.91, "Longitude": -119.46, "Population": 1184.0}, {"index": 2390, "quantile": 0.5, "value": 123900.00000000001, "Latitude": 36.91, "Longitude": -119.46, "Population": 1184.0}, {"index": 2390, "quantile": 0.75, "value": 123900.00000000001, "Latitude": 36.91, "Longitude": -119.46, "Population": 1184.0}, {"index": 2390, "quantile": 1.0, "value": 247600.0, "Latitude": 36.91, "Longitude": -119.46, "Population": 1184.0}, {"index": 2391, "quantile": 0.0, "value": 42100.0, "Latitude": 36.89, "Longitude": -119.33, "Population": 755.0}, {"index": 2391, "quantile": 0.25, "value": 83300.0, "Latitude": 36.89, "Longitude": -119.33, "Population": 755.0}, {"index": 2391, "quantile": 0.5, "value": 83300.0, "Latitude": 36.89, "Longitude": -119.33, "Population": 755.0}, {"index": 2391, "quantile": 0.75, "value": 83700.0, "Latitude": 36.89, "Longitude": -119.33, "Population": 755.0}, {"index": 2391, "quantile": 1.0, "value": 120100.0, "Latitude": 36.89, "Longitude": -119.33, "Population": 755.0}, {"index": 2392, "quantile": 0.0, "value": 67500.0, "Latitude": 37.25, "Longitude": -119.21, "Population": 335.0}, {"index": 2392, "quantile": 0.25, "value": 85600.0, "Latitude": 37.25, "Longitude": -119.21, "Population": 335.0}, {"index": 2392, "quantile": 0.5, "value": 85600.0, "Latitude": 37.25, "Longitude": -119.21, "Population": 335.0}, {"index": 2392, "quantile": 0.75, "value": 147950.0, "Latitude": 37.25, "Longitude": -119.21, "Population": 335.0}, {"index": 2392, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -119.21, "Population": 335.0}, {"index": 2393, "quantile": 0.0, "value": 84200.0, "Latitude": 37.13, "Longitude": -118.94, "Population": 1006.0}, {"index": 2393, "quantile": 0.25, "value": 109875.00000000001, "Latitude": 37.13, "Longitude": -118.94, "Population": 1006.0}, {"index": 2393, "quantile": 0.5, "value": 129199.99999999999, "Latitude": 37.13, "Longitude": -118.94, "Population": 1006.0}, {"index": 2393, "quantile": 0.75, "value": 149000.0, "Latitude": 37.13, "Longitude": -118.94, "Population": 1006.0}, {"index": 2393, "quantile": 1.0, "value": 375000.0, "Latitude": 37.13, "Longitude": -118.94, "Population": 1006.0}, {"index": 2394, "quantile": 0.0, "value": 78900.0, "Latitude": 37.09, "Longitude": -119.4, "Population": 773.0}, {"index": 2394, "quantile": 0.25, "value": 102699.99999999999, "Latitude": 37.09, "Longitude": -119.4, "Population": 773.0}, {"index": 2394, "quantile": 0.5, "value": 102699.99999999999, "Latitude": 37.09, "Longitude": -119.4, "Population": 773.0}, {"index": 2394, "quantile": 0.75, "value": 111800.00000000001, "Latitude": 37.09, "Longitude": -119.4, "Population": 773.0}, {"index": 2394, "quantile": 1.0, "value": 221400.0, "Latitude": 37.09, "Longitude": -119.4, "Population": 773.0}, {"index": 2395, "quantile": 0.0, "value": 37500.0, "Latitude": 37.12, "Longitude": -119.34, "Population": 64.0}, {"index": 2395, "quantile": 0.25, "value": 265000.0, "Latitude": 37.12, "Longitude": -119.34, "Population": 64.0}, {"index": 2395, "quantile": 0.5, "value": 443750.0, "Latitude": 37.12, "Longitude": -119.34, "Population": 64.0}, {"index": 2395, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.12, "Longitude": -119.34, "Population": 64.0}, {"index": 2395, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.12, "Longitude": -119.34, "Population": 64.0}, {"index": 2396, "quantile": 0.0, "value": 37500.0, "Latitude": 37.11, "Longitude": -119.28, "Population": 171.0}, {"index": 2396, "quantile": 0.25, "value": 144600.0, "Latitude": 37.11, "Longitude": -119.28, "Population": 171.0}, {"index": 2396, "quantile": 0.5, "value": 144600.0, "Latitude": 37.11, "Longitude": -119.28, "Population": 171.0}, {"index": 2396, "quantile": 0.75, "value": 144600.0, "Latitude": 37.11, "Longitude": -119.28, "Population": 171.0}, {"index": 2396, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.11, "Longitude": -119.28, "Population": 171.0}, {"index": 2397, "quantile": 0.0, "value": 87500.0, "Latitude": 37.06, "Longitude": -119.32, "Population": 276.0}, {"index": 2397, "quantile": 0.25, "value": 166500.0, "Latitude": 37.06, "Longitude": -119.32, "Population": 276.0}, {"index": 2397, "quantile": 0.5, "value": 231000.0, "Latitude": 37.06, "Longitude": -119.32, "Population": 276.0}, {"index": 2397, "quantile": 0.75, "value": 314600.0, "Latitude": 37.06, "Longitude": -119.32, "Population": 276.0}, {"index": 2397, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.06, "Longitude": -119.32, "Population": 276.0}, {"index": 2398, "quantile": 0.0, "value": 72100.0, "Latitude": 36.79, "Longitude": -118.91, "Population": 187.0}, {"index": 2398, "quantile": 0.25, "value": 125099.99999999999, "Latitude": 36.79, "Longitude": -118.91, "Population": 187.0}, {"index": 2398, "quantile": 0.5, "value": 155550.0, "Latitude": 36.79, "Longitude": -118.91, "Population": 187.0}, {"index": 2398, "quantile": 0.75, "value": 221400.0, "Latitude": 36.79, "Longitude": -118.91, "Population": 187.0}, {"index": 2398, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.79, "Longitude": -118.91, "Population": 187.0}, {"index": 2399, "quantile": 0.0, "value": 49200.0, "Latitude": 36.8, "Longitude": -119.24, "Population": 975.0}, {"index": 2399, "quantile": 0.25, "value": 93400.0, "Latitude": 36.8, "Longitude": -119.24, "Population": 975.0}, {"index": 2399, "quantile": 0.5, "value": 94400.0, "Latitude": 36.8, "Longitude": -119.24, "Population": 975.0}, {"index": 2399, "quantile": 0.75, "value": 94400.0, "Latitude": 36.8, "Longitude": -119.24, "Population": 975.0}, {"index": 2399, "quantile": 1.0, "value": 120300.0, "Latitude": 36.8, "Longitude": -119.24, "Population": 975.0}, {"index": 2400, "quantile": 0.0, "value": 26900.0, "Latitude": 36.71, "Longitude": -119.25, "Population": 1385.0}, {"index": 2400, "quantile": 0.25, "value": 67800.0, "Latitude": 36.71, "Longitude": -119.25, "Population": 1385.0}, {"index": 2400, "quantile": 0.5, "value": 89550.0, "Latitude": 36.71, "Longitude": -119.25, "Population": 1385.0}, {"index": 2400, "quantile": 0.75, "value": 92600.0, "Latitude": 36.71, "Longitude": -119.25, "Population": 1385.0}, {"index": 2400, "quantile": 1.0, "value": 132800.0, "Latitude": 36.71, "Longitude": -119.25, "Population": 1385.0}, {"index": 2401, "quantile": 0.0, "value": 49200.0, "Latitude": 36.69, "Longitude": -119.12, "Population": 1905.0}, {"index": 2401, "quantile": 0.25, "value": 90500.0, "Latitude": 36.69, "Longitude": -119.12, "Population": 1905.0}, {"index": 2401, "quantile": 0.5, "value": 90500.0, "Latitude": 36.69, "Longitude": -119.12, "Population": 1905.0}, {"index": 2401, "quantile": 0.75, "value": 90500.0, "Latitude": 36.69, "Longitude": -119.12, "Population": 1905.0}, {"index": 2401, "quantile": 1.0, "value": 132800.0, "Latitude": 36.69, "Longitude": -119.12, "Population": 1905.0}, {"index": 2402, "quantile": 0.0, "value": 54000.0, "Latitude": 36.62, "Longitude": -119.34, "Population": 1148.0}, {"index": 2402, "quantile": 0.25, "value": 69975.0, "Latitude": 36.62, "Longitude": -119.34, "Population": 1148.0}, {"index": 2402, "quantile": 0.5, "value": 92200.0, "Latitude": 36.62, "Longitude": -119.34, "Population": 1148.0}, {"index": 2402, "quantile": 0.75, "value": 92200.0, "Latitude": 36.62, "Longitude": -119.34, "Population": 1148.0}, {"index": 2402, "quantile": 1.0, "value": 132800.0, "Latitude": 36.62, "Longitude": -119.34, "Population": 1148.0}, {"index": 2403, "quantile": 0.0, "value": 41500.0, "Latitude": 36.63, "Longitude": -119.31, "Population": 1834.0}, {"index": 2403, "quantile": 0.25, "value": 51025.0, "Latitude": 36.63, "Longitude": -119.31, "Population": 1834.0}, {"index": 2403, "quantile": 0.5, "value": 52400.0, "Latitude": 36.63, "Longitude": -119.31, "Population": 1834.0}, {"index": 2403, "quantile": 0.75, "value": 55350.00000000001, "Latitude": 36.63, "Longitude": -119.31, "Population": 1834.0}, {"index": 2403, "quantile": 1.0, "value": 67500.0, "Latitude": 36.63, "Longitude": -119.31, "Population": 1834.0}, {"index": 2404, "quantile": 0.0, "value": 40900.0, "Latitude": 36.62, "Longitude": -119.31, "Population": 1544.0}, {"index": 2404, "quantile": 0.25, "value": 51249.99999999999, "Latitude": 36.62, "Longitude": -119.31, "Population": 1544.0}, {"index": 2404, "quantile": 0.5, "value": 52000.0, "Latitude": 36.62, "Longitude": -119.31, "Population": 1544.0}, {"index": 2404, "quantile": 0.75, "value": 52000.0, "Latitude": 36.62, "Longitude": -119.31, "Population": 1544.0}, {"index": 2404, "quantile": 1.0, "value": 68600.0, "Latitude": 36.62, "Longitude": -119.31, "Population": 1544.0}, {"index": 2405, "quantile": 0.0, "value": 48600.0, "Latitude": 36.62, "Longitude": -119.32, "Population": 1070.0}, {"index": 2405, "quantile": 0.25, "value": 51500.0, "Latitude": 36.62, "Longitude": -119.32, "Population": 1070.0}, {"index": 2405, "quantile": 0.5, "value": 51500.0, "Latitude": 36.62, "Longitude": -119.32, "Population": 1070.0}, {"index": 2405, "quantile": 0.75, "value": 55100.00000000001, "Latitude": 36.62, "Longitude": -119.32, "Population": 1070.0}, {"index": 2405, "quantile": 1.0, "value": 64700.0, "Latitude": 36.62, "Longitude": -119.32, "Population": 1070.0}, {"index": 2406, "quantile": 0.0, "value": 34400.0, "Latitude": 36.62, "Longitude": -119.31, "Population": 947.0}, {"index": 2406, "quantile": 0.25, "value": 51700.0, "Latitude": 36.62, "Longitude": -119.31, "Population": 947.0}, {"index": 2406, "quantile": 0.5, "value": 51700.0, "Latitude": 36.62, "Longitude": -119.31, "Population": 947.0}, {"index": 2406, "quantile": 0.75, "value": 55900.00000000001, "Latitude": 36.62, "Longitude": -119.31, "Population": 947.0}, {"index": 2406, "quantile": 1.0, "value": 105000.0, "Latitude": 36.62, "Longitude": -119.31, "Population": 947.0}, {"index": 2407, "quantile": 0.0, "value": 47500.0, "Latitude": 36.61, "Longitude": -119.43, "Population": 1296.0}, {"index": 2407, "quantile": 0.25, "value": 62400.0, "Latitude": 36.61, "Longitude": -119.43, "Population": 1296.0}, {"index": 2407, "quantile": 0.5, "value": 65800.0, "Latitude": 36.61, "Longitude": -119.43, "Population": 1296.0}, {"index": 2407, "quantile": 0.75, "value": 65800.0, "Latitude": 36.61, "Longitude": -119.43, "Population": 1296.0}, {"index": 2407, "quantile": 1.0, "value": 87500.0, "Latitude": 36.61, "Longitude": -119.43, "Population": 1296.0}, {"index": 2408, "quantile": 0.0, "value": 34400.0, "Latitude": 36.6, "Longitude": -119.44, "Population": 2505.0}, {"index": 2408, "quantile": 0.25, "value": 69200.0, "Latitude": 36.6, "Longitude": -119.44, "Population": 2505.0}, {"index": 2408, "quantile": 0.5, "value": 69200.0, "Latitude": 36.6, "Longitude": -119.44, "Population": 2505.0}, {"index": 2408, "quantile": 0.75, "value": 69200.0, "Latitude": 36.6, "Longitude": -119.44, "Population": 2505.0}, {"index": 2408, "quantile": 1.0, "value": 182000.0, "Latitude": 36.6, "Longitude": -119.44, "Population": 2505.0}, {"index": 2409, "quantile": 0.0, "value": 39200.0, "Latitude": 36.6, "Longitude": -119.44, "Population": 579.0}, {"index": 2409, "quantile": 0.25, "value": 72500.0, "Latitude": 36.6, "Longitude": -119.44, "Population": 579.0}, {"index": 2409, "quantile": 0.5, "value": 72500.0, "Latitude": 36.6, "Longitude": -119.44, "Population": 579.0}, {"index": 2409, "quantile": 0.75, "value": 72500.0, "Latitude": 36.6, "Longitude": -119.44, "Population": 579.0}, {"index": 2409, "quantile": 1.0, "value": 112500.0, "Latitude": 36.6, "Longitude": -119.44, "Population": 579.0}, {"index": 2410, "quantile": 0.0, "value": 30000.0, "Latitude": 36.6, "Longitude": -119.45, "Population": 247.0}, {"index": 2410, "quantile": 0.25, "value": 73000.0, "Latitude": 36.6, "Longitude": -119.45, "Population": 247.0}, {"index": 2410, "quantile": 0.5, "value": 73000.0, "Latitude": 36.6, "Longitude": -119.45, "Population": 247.0}, {"index": 2410, "quantile": 0.75, "value": 81300.0, "Latitude": 36.6, "Longitude": -119.45, "Population": 247.0}, {"index": 2410, "quantile": 1.0, "value": 450000.0, "Latitude": 36.6, "Longitude": -119.45, "Population": 247.0}, {"index": 2411, "quantile": 0.0, "value": 62000.0, "Latitude": 36.61, "Longitude": -119.46, "Population": 719.0}, {"index": 2411, "quantile": 0.25, "value": 83600.0, "Latitude": 36.61, "Longitude": -119.46, "Population": 719.0}, {"index": 2411, "quantile": 0.5, "value": 87300.0, "Latitude": 36.61, "Longitude": -119.46, "Population": 719.0}, {"index": 2411, "quantile": 0.75, "value": 93800.0, "Latitude": 36.61, "Longitude": -119.46, "Population": 719.0}, {"index": 2411, "quantile": 1.0, "value": 139200.0, "Latitude": 36.61, "Longitude": -119.46, "Population": 719.0}, {"index": 2412, "quantile": 0.0, "value": 62000.0, "Latitude": 36.61, "Longitude": -119.45, "Population": 693.0}, {"index": 2412, "quantile": 0.25, "value": 84200.0, "Latitude": 36.61, "Longitude": -119.45, "Population": 693.0}, {"index": 2412, "quantile": 0.5, "value": 90500.0, "Latitude": 36.61, "Longitude": -119.45, "Population": 693.0}, {"index": 2412, "quantile": 0.75, "value": 90500.0, "Latitude": 36.61, "Longitude": -119.45, "Population": 693.0}, {"index": 2412, "quantile": 1.0, "value": 139200.0, "Latitude": 36.61, "Longitude": -119.45, "Population": 693.0}, {"index": 2413, "quantile": 0.0, "value": 62000.0, "Latitude": 36.61, "Longitude": -119.44, "Population": 775.0}, {"index": 2413, "quantile": 0.25, "value": 91600.0, "Latitude": 36.61, "Longitude": -119.44, "Population": 775.0}, {"index": 2413, "quantile": 0.5, "value": 91600.0, "Latitude": 36.61, "Longitude": -119.44, "Population": 775.0}, {"index": 2413, "quantile": 0.75, "value": 92000.0, "Latitude": 36.61, "Longitude": -119.44, "Population": 775.0}, {"index": 2413, "quantile": 1.0, "value": 170500.0, "Latitude": 36.61, "Longitude": -119.44, "Population": 775.0}, {"index": 2414, "quantile": 0.0, "value": 41400.0, "Latitude": 36.59, "Longitude": -119.43, "Population": 1266.0}, {"index": 2414, "quantile": 0.25, "value": 51700.0, "Latitude": 36.59, "Longitude": -119.43, "Population": 1266.0}, {"index": 2414, "quantile": 0.5, "value": 54100.00000000001, "Latitude": 36.59, "Longitude": -119.43, "Population": 1266.0}, {"index": 2414, "quantile": 0.75, "value": 56699.99999999999, "Latitude": 36.59, "Longitude": -119.43, "Population": 1266.0}, {"index": 2414, "quantile": 1.0, "value": 68600.0, "Latitude": 36.59, "Longitude": -119.43, "Population": 1266.0}, {"index": 2415, "quantile": 0.0, "value": 26600.0, "Latitude": 36.59, "Longitude": -119.44, "Population": 761.0}, {"index": 2415, "quantile": 0.25, "value": 65600.0, "Latitude": 36.59, "Longitude": -119.44, "Population": 761.0}, {"index": 2415, "quantile": 0.5, "value": 72000.0, "Latitude": 36.59, "Longitude": -119.44, "Population": 761.0}, {"index": 2415, "quantile": 0.75, "value": 74500.0, "Latitude": 36.59, "Longitude": -119.44, "Population": 761.0}, {"index": 2415, "quantile": 1.0, "value": 180500.0, "Latitude": 36.59, "Longitude": -119.44, "Population": 761.0}, {"index": 2416, "quantile": 0.0, "value": 47700.0, "Latitude": 36.6, "Longitude": -119.45, "Population": 1430.0}, {"index": 2416, "quantile": 0.25, "value": 60900.0, "Latitude": 36.6, "Longitude": -119.45, "Population": 1430.0}, {"index": 2416, "quantile": 0.5, "value": 60900.0, "Latitude": 36.6, "Longitude": -119.45, "Population": 1430.0}, {"index": 2416, "quantile": 0.75, "value": 60900.0, "Latitude": 36.6, "Longitude": -119.45, "Population": 1430.0}, {"index": 2416, "quantile": 1.0, "value": 112500.0, "Latitude": 36.6, "Longitude": -119.45, "Population": 1430.0}, {"index": 2417, "quantile": 0.0, "value": 41700.0, "Latitude": 36.59, "Longitude": -119.44, "Population": 1331.0}, {"index": 2417, "quantile": 0.25, "value": 54625.0, "Latitude": 36.59, "Longitude": -119.44, "Population": 1331.0}, {"index": 2417, "quantile": 0.5, "value": 56699.99999999999, "Latitude": 36.59, "Longitude": -119.44, "Population": 1331.0}, {"index": 2417, "quantile": 0.75, "value": 56699.99999999999, "Latitude": 36.59, "Longitude": -119.44, "Population": 1331.0}, {"index": 2417, "quantile": 1.0, "value": 66100.0, "Latitude": 36.59, "Longitude": -119.44, "Population": 1331.0}, {"index": 2418, "quantile": 0.0, "value": 72100.0, "Latitude": 36.6, "Longitude": -119.46, "Population": 754.0}, {"index": 2418, "quantile": 0.25, "value": 118100.0, "Latitude": 36.6, "Longitude": -119.46, "Population": 754.0}, {"index": 2418, "quantile": 0.5, "value": 118100.0, "Latitude": 36.6, "Longitude": -119.46, "Population": 754.0}, {"index": 2418, "quantile": 0.75, "value": 118100.0, "Latitude": 36.6, "Longitude": -119.46, "Population": 754.0}, {"index": 2418, "quantile": 1.0, "value": 265900.0, "Latitude": 36.6, "Longitude": -119.46, "Population": 754.0}, {"index": 2419, "quantile": 0.0, "value": 41500.0, "Latitude": 36.59, "Longitude": -119.45, "Population": 1171.0}, {"index": 2419, "quantile": 0.25, "value": 54975.00000000001, "Latitude": 36.59, "Longitude": -119.45, "Population": 1171.0}, {"index": 2419, "quantile": 0.5, "value": 66100.0, "Latitude": 36.59, "Longitude": -119.45, "Population": 1171.0}, {"index": 2419, "quantile": 0.75, "value": 66100.0, "Latitude": 36.59, "Longitude": -119.45, "Population": 1171.0}, {"index": 2419, "quantile": 1.0, "value": 112500.0, "Latitude": 36.59, "Longitude": -119.45, "Population": 1171.0}, {"index": 2420, "quantile": 0.0, "value": 44800.0, "Latitude": 36.58, "Longitude": -119.44, "Population": 879.0}, {"index": 2420, "quantile": 0.25, "value": 71475.0, "Latitude": 36.58, "Longitude": -119.44, "Population": 879.0}, {"index": 2420, "quantile": 0.5, "value": 91700.0, "Latitude": 36.58, "Longitude": -119.44, "Population": 879.0}, {"index": 2420, "quantile": 0.75, "value": 113799.99999999999, "Latitude": 36.58, "Longitude": -119.44, "Population": 879.0}, {"index": 2420, "quantile": 1.0, "value": 305800.0, "Latitude": 36.58, "Longitude": -119.44, "Population": 879.0}, {"index": 2421, "quantile": 0.0, "value": 62000.0, "Latitude": 36.58, "Longitude": -119.45, "Population": 753.0}, {"index": 2421, "quantile": 0.25, "value": 87300.0, "Latitude": 36.58, "Longitude": -119.45, "Population": 753.0}, {"index": 2421, "quantile": 0.5, "value": 87300.0, "Latitude": 36.58, "Longitude": -119.45, "Population": 753.0}, {"index": 2421, "quantile": 0.75, "value": 90500.0, "Latitude": 36.58, "Longitude": -119.45, "Population": 753.0}, {"index": 2421, "quantile": 1.0, "value": 131700.0, "Latitude": 36.58, "Longitude": -119.45, "Population": 753.0}, {"index": 2422, "quantile": 0.0, "value": 68800.0, "Latitude": 36.59, "Longitude": -119.45, "Population": 572.0}, {"index": 2422, "quantile": 0.25, "value": 84200.0, "Latitude": 36.59, "Longitude": -119.45, "Population": 572.0}, {"index": 2422, "quantile": 0.5, "value": 84200.0, "Latitude": 36.59, "Longitude": -119.45, "Population": 572.0}, {"index": 2422, "quantile": 0.75, "value": 85900.0, "Latitude": 36.59, "Longitude": -119.45, "Population": 572.0}, {"index": 2422, "quantile": 1.0, "value": 160100.0, "Latitude": 36.59, "Longitude": -119.45, "Population": 572.0}, {"index": 2423, "quantile": 0.0, "value": 49200.0, "Latitude": 36.6, "Longitude": -119.55, "Population": 1638.0}, {"index": 2423, "quantile": 0.25, "value": 57099.99999999999, "Latitude": 36.6, "Longitude": -119.55, "Population": 1638.0}, {"index": 2423, "quantile": 0.5, "value": 57099.99999999999, "Latitude": 36.6, "Longitude": -119.55, "Population": 1638.0}, {"index": 2423, "quantile": 0.75, "value": 58124.99999999999, "Latitude": 36.6, "Longitude": -119.55, "Population": 1638.0}, {"index": 2423, "quantile": 1.0, "value": 106300.0, "Latitude": 36.6, "Longitude": -119.55, "Population": 1638.0}, {"index": 2424, "quantile": 0.0, "value": 42700.0, "Latitude": 36.61, "Longitude": -119.54, "Population": 1474.0}, {"index": 2424, "quantile": 0.25, "value": 51500.0, "Latitude": 36.61, "Longitude": -119.54, "Population": 1474.0}, {"index": 2424, "quantile": 0.5, "value": 53000.0, "Latitude": 36.61, "Longitude": -119.54, "Population": 1474.0}, {"index": 2424, "quantile": 0.75, "value": 54600.00000000001, "Latitude": 36.61, "Longitude": -119.54, "Population": 1474.0}, {"index": 2424, "quantile": 1.0, "value": 64900.0, "Latitude": 36.61, "Longitude": -119.54, "Population": 1474.0}, {"index": 2425, "quantile": 0.0, "value": 41700.0, "Latitude": 36.61, "Longitude": -119.55, "Population": 3535.0}, {"index": 2425, "quantile": 0.25, "value": 56899.99999999999, "Latitude": 36.61, "Longitude": -119.55, "Population": 3535.0}, {"index": 2425, "quantile": 0.5, "value": 56899.99999999999, "Latitude": 36.61, "Longitude": -119.55, "Population": 3535.0}, {"index": 2425, "quantile": 0.75, "value": 56899.99999999999, "Latitude": 36.61, "Longitude": -119.55, "Population": 3535.0}, {"index": 2425, "quantile": 1.0, "value": 72300.0, "Latitude": 36.61, "Longitude": -119.55, "Population": 3535.0}, {"index": 2426, "quantile": 0.0, "value": 40900.0, "Latitude": 36.62, "Longitude": -119.5, "Population": 1018.0}, {"index": 2426, "quantile": 0.25, "value": 63400.0, "Latitude": 36.62, "Longitude": -119.5, "Population": 1018.0}, {"index": 2426, "quantile": 0.5, "value": 63400.0, "Latitude": 36.62, "Longitude": -119.5, "Population": 1018.0}, {"index": 2426, "quantile": 0.75, "value": 63400.0, "Latitude": 36.62, "Longitude": -119.5, "Population": 1018.0}, {"index": 2426, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 36.62, "Longitude": -119.5, "Population": 1018.0}, {"index": 2427, "quantile": 0.0, "value": 50400.0, "Latitude": 36.58, "Longitude": -119.49, "Population": 867.0}, {"index": 2427, "quantile": 0.25, "value": 90650.00000000001, "Latitude": 36.58, "Longitude": -119.49, "Population": 867.0}, {"index": 2427, "quantile": 0.5, "value": 95300.0, "Latitude": 36.58, "Longitude": -119.49, "Population": 867.0}, {"index": 2427, "quantile": 0.75, "value": 95300.0, "Latitude": 36.58, "Longitude": -119.49, "Population": 867.0}, {"index": 2427, "quantile": 1.0, "value": 122300.00000000001, "Latitude": 36.58, "Longitude": -119.49, "Population": 867.0}, {"index": 2428, "quantile": 0.0, "value": 38800.0, "Latitude": 36.61, "Longitude": -119.52, "Population": 1065.0}, {"index": 2428, "quantile": 0.25, "value": 55100.00000000001, "Latitude": 36.61, "Longitude": -119.52, "Population": 1065.0}, {"index": 2428, "quantile": 0.5, "value": 55100.00000000001, "Latitude": 36.61, "Longitude": -119.52, "Population": 1065.0}, {"index": 2428, "quantile": 0.75, "value": 55100.00000000001, "Latitude": 36.61, "Longitude": -119.52, "Population": 1065.0}, {"index": 2428, "quantile": 1.0, "value": 112500.0, "Latitude": 36.61, "Longitude": -119.52, "Population": 1065.0}, {"index": 2429, "quantile": 0.0, "value": 33200.0, "Latitude": 36.61, "Longitude": -119.53, "Population": 730.0}, {"index": 2429, "quantile": 0.25, "value": 43000.0, "Latitude": 36.61, "Longitude": -119.53, "Population": 730.0}, {"index": 2429, "quantile": 0.5, "value": 51049.99999999999, "Latitude": 36.61, "Longitude": -119.53, "Population": 730.0}, {"index": 2429, "quantile": 0.75, "value": 56025.0, "Latitude": 36.61, "Longitude": -119.53, "Population": 730.0}, {"index": 2429, "quantile": 1.0, "value": 71000.0, "Latitude": 36.61, "Longitude": -119.53, "Population": 730.0}, {"index": 2430, "quantile": 0.0, "value": 41500.0, "Latitude": 36.66, "Longitude": -119.6, "Population": 1056.0}, {"index": 2430, "quantile": 0.25, "value": 53000.0, "Latitude": 36.66, "Longitude": -119.6, "Population": 1056.0}, {"index": 2430, "quantile": 0.5, "value": 55200.00000000001, "Latitude": 36.66, "Longitude": -119.6, "Population": 1056.0}, {"index": 2430, "quantile": 0.75, "value": 55200.00000000001, "Latitude": 36.66, "Longitude": -119.6, "Population": 1056.0}, {"index": 2430, "quantile": 1.0, "value": 67000.0, "Latitude": 36.66, "Longitude": -119.6, "Population": 1056.0}, {"index": 2431, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.64, "Longitude": -119.59, "Population": 798.0}, {"index": 2431, "quantile": 0.25, "value": 113799.99999999999, "Latitude": 36.64, "Longitude": -119.59, "Population": 798.0}, {"index": 2431, "quantile": 0.5, "value": 113799.99999999999, "Latitude": 36.64, "Longitude": -119.59, "Population": 798.0}, {"index": 2431, "quantile": 0.75, "value": 113799.99999999999, "Latitude": 36.64, "Longitude": -119.59, "Population": 798.0}, {"index": 2431, "quantile": 1.0, "value": 225000.0, "Latitude": 36.64, "Longitude": -119.59, "Population": 798.0}, {"index": 2432, "quantile": 0.0, "value": 54100.00000000001, "Latitude": 36.65, "Longitude": -119.53, "Population": 1056.0}, {"index": 2432, "quantile": 0.25, "value": 81200.0, "Latitude": 36.65, "Longitude": -119.53, "Population": 1056.0}, {"index": 2432, "quantile": 0.5, "value": 93200.0, "Latitude": 36.65, "Longitude": -119.53, "Population": 1056.0}, {"index": 2432, "quantile": 0.75, "value": 93200.0, "Latitude": 36.65, "Longitude": -119.53, "Population": 1056.0}, {"index": 2432, "quantile": 1.0, "value": 93200.0, "Latitude": 36.65, "Longitude": -119.53, "Population": 1056.0}, {"index": 2433, "quantile": 0.0, "value": 48800.0, "Latitude": 36.6, "Longitude": -119.63, "Population": 1102.0}, {"index": 2433, "quantile": 0.25, "value": 59100.0, "Latitude": 36.6, "Longitude": -119.63, "Population": 1102.0}, {"index": 2433, "quantile": 0.5, "value": 62400.0, "Latitude": 36.6, "Longitude": -119.63, "Population": 1102.0}, {"index": 2433, "quantile": 0.75, "value": 62400.0, "Latitude": 36.6, "Longitude": -119.63, "Population": 1102.0}, {"index": 2433, "quantile": 1.0, "value": 132800.0, "Latitude": 36.6, "Longitude": -119.63, "Population": 1102.0}, {"index": 2434, "quantile": 0.0, "value": 54100.00000000001, "Latitude": 36.58, "Longitude": -119.62, "Population": 1652.0}, {"index": 2434, "quantile": 0.25, "value": 62400.0, "Latitude": 36.58, "Longitude": -119.62, "Population": 1652.0}, {"index": 2434, "quantile": 0.5, "value": 62400.0, "Latitude": 36.58, "Longitude": -119.62, "Population": 1652.0}, {"index": 2434, "quantile": 0.75, "value": 62400.0, "Latitude": 36.58, "Longitude": -119.62, "Population": 1652.0}, {"index": 2434, "quantile": 1.0, "value": 159600.0, "Latitude": 36.58, "Longitude": -119.62, "Population": 1652.0}, {"index": 2435, "quantile": 0.0, "value": 69200.0, "Latitude": 36.57, "Longitude": -119.59, "Population": 911.0}, {"index": 2435, "quantile": 0.25, "value": 113100.0, "Latitude": 36.57, "Longitude": -119.59, "Population": 911.0}, {"index": 2435, "quantile": 0.5, "value": 131700.0, "Latitude": 36.57, "Longitude": -119.59, "Population": 911.0}, {"index": 2435, "quantile": 0.75, "value": 131700.0, "Latitude": 36.57, "Longitude": -119.59, "Population": 911.0}, {"index": 2435, "quantile": 1.0, "value": 248300.0, "Latitude": 36.57, "Longitude": -119.59, "Population": 911.0}, {"index": 2436, "quantile": 0.0, "value": 52100.0, "Latitude": 36.58, "Longitude": -119.6, "Population": 919.0}, {"index": 2436, "quantile": 0.25, "value": 71875.0, "Latitude": 36.58, "Longitude": -119.6, "Population": 919.0}, {"index": 2436, "quantile": 0.5, "value": 73000.0, "Latitude": 36.58, "Longitude": -119.6, "Population": 919.0}, {"index": 2436, "quantile": 0.75, "value": 79700.0, "Latitude": 36.58, "Longitude": -119.6, "Population": 919.0}, {"index": 2436, "quantile": 1.0, "value": 129200.0, "Latitude": 36.58, "Longitude": -119.6, "Population": 919.0}, {"index": 2437, "quantile": 0.0, "value": 52100.0, "Latitude": 36.58, "Longitude": -119.61, "Population": 788.0}, {"index": 2437, "quantile": 0.25, "value": 73000.0, "Latitude": 36.58, "Longitude": -119.61, "Population": 788.0}, {"index": 2437, "quantile": 0.5, "value": 73000.0, "Latitude": 36.58, "Longitude": -119.61, "Population": 788.0}, {"index": 2437, "quantile": 0.75, "value": 73000.0, "Latitude": 36.58, "Longitude": -119.61, "Population": 788.0}, {"index": 2437, "quantile": 1.0, "value": 225900.0, "Latitude": 36.58, "Longitude": -119.61, "Population": 788.0}, {"index": 2438, "quantile": 0.0, "value": 72900.0, "Latitude": 36.59, "Longitude": -119.62, "Population": 1330.0}, {"index": 2438, "quantile": 0.25, "value": 88900.0, "Latitude": 36.59, "Longitude": -119.62, "Population": 1330.0}, {"index": 2438, "quantile": 0.5, "value": 93100.0, "Latitude": 36.59, "Longitude": -119.62, "Population": 1330.0}, {"index": 2438, "quantile": 0.75, "value": 95125.0, "Latitude": 36.59, "Longitude": -119.62, "Population": 1330.0}, {"index": 2438, "quantile": 1.0, "value": 214800.0, "Latitude": 36.59, "Longitude": -119.62, "Population": 1330.0}, {"index": 2439, "quantile": 0.0, "value": 50400.0, "Latitude": 36.59, "Longitude": -119.61, "Population": 1443.0}, {"index": 2439, "quantile": 0.25, "value": 76700.0, "Latitude": 36.59, "Longitude": -119.61, "Population": 1443.0}, {"index": 2439, "quantile": 0.5, "value": 92700.0, "Latitude": 36.59, "Longitude": -119.61, "Population": 1443.0}, {"index": 2439, "quantile": 0.75, "value": 92700.0, "Latitude": 36.59, "Longitude": -119.61, "Population": 1443.0}, {"index": 2439, "quantile": 1.0, "value": 150000.0, "Latitude": 36.59, "Longitude": -119.61, "Population": 1443.0}, {"index": 2440, "quantile": 0.0, "value": 30000.0, "Latitude": 36.57, "Longitude": -119.6, "Population": 1347.0}, {"index": 2440, "quantile": 0.25, "value": 69700.0, "Latitude": 36.57, "Longitude": -119.6, "Population": 1347.0}, {"index": 2440, "quantile": 0.5, "value": 69700.0, "Latitude": 36.57, "Longitude": -119.6, "Population": 1347.0}, {"index": 2440, "quantile": 0.75, "value": 69800.0, "Latitude": 36.57, "Longitude": -119.6, "Population": 1347.0}, {"index": 2440, "quantile": 1.0, "value": 129200.0, "Latitude": 36.57, "Longitude": -119.6, "Population": 1347.0}, {"index": 2441, "quantile": 0.0, "value": 47800.0, "Latitude": 36.57, "Longitude": -119.6, "Population": 1205.0}, {"index": 2441, "quantile": 0.25, "value": 57749.99999999999, "Latitude": 36.57, "Longitude": -119.6, "Population": 1205.0}, {"index": 2441, "quantile": 0.5, "value": 68300.0, "Latitude": 36.57, "Longitude": -119.6, "Population": 1205.0}, {"index": 2441, "quantile": 0.75, "value": 68300.0, "Latitude": 36.57, "Longitude": -119.6, "Population": 1205.0}, {"index": 2441, "quantile": 1.0, "value": 70700.0, "Latitude": 36.57, "Longitude": -119.6, "Population": 1205.0}, {"index": 2442, "quantile": 0.0, "value": 47800.0, "Latitude": 36.57, "Longitude": -119.61, "Population": 1359.0}, {"index": 2442, "quantile": 0.25, "value": 62500.0, "Latitude": 36.57, "Longitude": -119.61, "Population": 1359.0}, {"index": 2442, "quantile": 0.5, "value": 65100.0, "Latitude": 36.57, "Longitude": -119.61, "Population": 1359.0}, {"index": 2442, "quantile": 0.75, "value": 65100.0, "Latitude": 36.57, "Longitude": -119.61, "Population": 1359.0}, {"index": 2442, "quantile": 1.0, "value": 69100.0, "Latitude": 36.57, "Longitude": -119.61, "Population": 1359.0}, {"index": 2443, "quantile": 0.0, "value": 43600.0, "Latitude": 36.58, "Longitude": -119.63, "Population": 1127.0}, {"index": 2443, "quantile": 0.25, "value": 55300.00000000001, "Latitude": 36.58, "Longitude": -119.63, "Population": 1127.0}, {"index": 2443, "quantile": 0.5, "value": 55300.00000000001, "Latitude": 36.58, "Longitude": -119.63, "Population": 1127.0}, {"index": 2443, "quantile": 0.75, "value": 55300.00000000001, "Latitude": 36.58, "Longitude": -119.63, "Population": 1127.0}, {"index": 2443, "quantile": 1.0, "value": 225000.0, "Latitude": 36.58, "Longitude": -119.63, "Population": 1127.0}, {"index": 2444, "quantile": 0.0, "value": 42100.0, "Latitude": 36.56, "Longitude": -119.6, "Population": 737.0}, {"index": 2444, "quantile": 0.25, "value": 54400.00000000001, "Latitude": 36.56, "Longitude": -119.6, "Population": 737.0}, {"index": 2444, "quantile": 0.5, "value": 54400.00000000001, "Latitude": 36.56, "Longitude": -119.6, "Population": 737.0}, {"index": 2444, "quantile": 0.75, "value": 54400.00000000001, "Latitude": 36.56, "Longitude": -119.6, "Population": 737.0}, {"index": 2444, "quantile": 1.0, "value": 72300.0, "Latitude": 36.56, "Longitude": -119.6, "Population": 737.0}, {"index": 2445, "quantile": 0.0, "value": 37500.0, "Latitude": 36.56, "Longitude": -119.64, "Population": 363.0}, {"index": 2445, "quantile": 0.25, "value": 69700.0, "Latitude": 36.56, "Longitude": -119.64, "Population": 363.0}, {"index": 2445, "quantile": 0.5, "value": 92500.0, "Latitude": 36.56, "Longitude": -119.64, "Population": 363.0}, {"index": 2445, "quantile": 0.75, "value": 92500.0, "Latitude": 36.56, "Longitude": -119.64, "Population": 363.0}, {"index": 2445, "quantile": 1.0, "value": 118800.0, "Latitude": 36.56, "Longitude": -119.64, "Population": 363.0}, {"index": 2446, "quantile": 0.0, "value": 41500.0, "Latitude": 36.56, "Longitude": -119.61, "Population": 1886.0}, {"index": 2446, "quantile": 0.25, "value": 53000.0, "Latitude": 36.56, "Longitude": -119.61, "Population": 1886.0}, {"index": 2446, "quantile": 0.5, "value": 53000.0, "Latitude": 36.56, "Longitude": -119.61, "Population": 1886.0}, {"index": 2446, "quantile": 0.75, "value": 53000.0, "Latitude": 36.56, "Longitude": -119.61, "Population": 1886.0}, {"index": 2446, "quantile": 1.0, "value": 61200.0, "Latitude": 36.56, "Longitude": -119.61, "Population": 1886.0}, {"index": 2447, "quantile": 0.0, "value": 44600.0, "Latitude": 36.56, "Longitude": -119.62, "Population": 1467.0}, {"index": 2447, "quantile": 0.25, "value": 51600.0, "Latitude": 36.56, "Longitude": -119.62, "Population": 1467.0}, {"index": 2447, "quantile": 0.5, "value": 51600.0, "Latitude": 36.56, "Longitude": -119.62, "Population": 1467.0}, {"index": 2447, "quantile": 0.75, "value": 51750.00000000001, "Latitude": 36.56, "Longitude": -119.62, "Population": 1467.0}, {"index": 2447, "quantile": 1.0, "value": 112500.0, "Latitude": 36.56, "Longitude": -119.62, "Population": 1467.0}, {"index": 2448, "quantile": 0.0, "value": 67600.0, "Latitude": 36.55, "Longitude": -119.53, "Population": 1041.0}, {"index": 2448, "quantile": 0.25, "value": 71400.0, "Latitude": 36.55, "Longitude": -119.53, "Population": 1041.0}, {"index": 2448, "quantile": 0.5, "value": 87750.0, "Latitude": 36.55, "Longitude": -119.53, "Population": 1041.0}, {"index": 2448, "quantile": 0.75, "value": 106300.0, "Latitude": 36.55, "Longitude": -119.53, "Population": 1041.0}, {"index": 2448, "quantile": 1.0, "value": 165400.0, "Latitude": 36.55, "Longitude": -119.53, "Population": 1041.0}, {"index": 2449, "quantile": 0.0, "value": 84000.0, "Latitude": 36.52, "Longitude": -119.54, "Population": 1106.0}, {"index": 2449, "quantile": 0.25, "value": 120900.00000000001, "Latitude": 36.52, "Longitude": -119.54, "Population": 1106.0}, {"index": 2449, "quantile": 0.5, "value": 120900.00000000001, "Latitude": 36.52, "Longitude": -119.54, "Population": 1106.0}, {"index": 2449, "quantile": 0.75, "value": 132175.0, "Latitude": 36.52, "Longitude": -119.54, "Population": 1106.0}, {"index": 2449, "quantile": 1.0, "value": 336800.0, "Latitude": 36.52, "Longitude": -119.54, "Population": 1106.0}, {"index": 2450, "quantile": 0.0, "value": 26900.0, "Latitude": 36.51, "Longitude": -119.55, "Population": 971.0}, {"index": 2450, "quantile": 0.25, "value": 61024.99999999999, "Latitude": 36.51, "Longitude": -119.55, "Population": 971.0}, {"index": 2450, "quantile": 0.5, "value": 67450.00000000001, "Latitude": 36.51, "Longitude": -119.55, "Population": 971.0}, {"index": 2450, "quantile": 0.75, "value": 74200.0, "Latitude": 36.51, "Longitude": -119.55, "Population": 971.0}, {"index": 2450, "quantile": 1.0, "value": 92700.0, "Latitude": 36.51, "Longitude": -119.55, "Population": 971.0}, {"index": 2451, "quantile": 0.0, "value": 39400.0, "Latitude": 36.51, "Longitude": -119.56, "Population": 663.0}, {"index": 2451, "quantile": 0.25, "value": 55050.0, "Latitude": 36.51, "Longitude": -119.56, "Population": 663.0}, {"index": 2451, "quantile": 0.5, "value": 67000.0, "Latitude": 36.51, "Longitude": -119.56, "Population": 663.0}, {"index": 2451, "quantile": 0.75, "value": 67000.0, "Latitude": 36.51, "Longitude": -119.56, "Population": 663.0}, {"index": 2451, "quantile": 1.0, "value": 84400.0, "Latitude": 36.51, "Longitude": -119.56, "Population": 663.0}, {"index": 2452, "quantile": 0.0, "value": 58800.0, "Latitude": 36.51, "Longitude": -119.56, "Population": 2157.0}, {"index": 2452, "quantile": 0.25, "value": 70100.0, "Latitude": 36.51, "Longitude": -119.56, "Population": 2157.0}, {"index": 2452, "quantile": 0.5, "value": 70100.0, "Latitude": 36.51, "Longitude": -119.56, "Population": 2157.0}, {"index": 2452, "quantile": 0.75, "value": 73225.0, "Latitude": 36.51, "Longitude": -119.56, "Population": 2157.0}, {"index": 2452, "quantile": 1.0, "value": 97900.0, "Latitude": 36.51, "Longitude": -119.56, "Population": 2157.0}, {"index": 2453, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 36.52, "Longitude": -119.55, "Population": 1042.0}, {"index": 2453, "quantile": 0.25, "value": 70200.0, "Latitude": 36.52, "Longitude": -119.55, "Population": 1042.0}, {"index": 2453, "quantile": 0.5, "value": 70200.0, "Latitude": 36.52, "Longitude": -119.55, "Population": 1042.0}, {"index": 2453, "quantile": 0.75, "value": 72049.99999999999, "Latitude": 36.52, "Longitude": -119.55, "Population": 1042.0}, {"index": 2453, "quantile": 1.0, "value": 218500.0, "Latitude": 36.52, "Longitude": -119.55, "Population": 1042.0}, {"index": 2454, "quantile": 0.0, "value": 68000.0, "Latitude": 36.53, "Longitude": -119.56, "Population": 1670.0}, {"index": 2454, "quantile": 0.25, "value": 81400.0, "Latitude": 36.53, "Longitude": -119.56, "Population": 1670.0}, {"index": 2454, "quantile": 0.5, "value": 95700.0, "Latitude": 36.53, "Longitude": -119.56, "Population": 1670.0}, {"index": 2454, "quantile": 0.75, "value": 95700.0, "Latitude": 36.53, "Longitude": -119.56, "Population": 1670.0}, {"index": 2454, "quantile": 1.0, "value": 131700.0, "Latitude": 36.53, "Longitude": -119.56, "Population": 1670.0}, {"index": 2455, "quantile": 0.0, "value": 54100.00000000001, "Latitude": 36.56, "Longitude": -119.73, "Population": 1038.0}, {"index": 2455, "quantile": 0.25, "value": 60000.0, "Latitude": 36.56, "Longitude": -119.73, "Population": 1038.0}, {"index": 2455, "quantile": 0.5, "value": 62000.0, "Latitude": 36.56, "Longitude": -119.73, "Population": 1038.0}, {"index": 2455, "quantile": 0.75, "value": 70400.0, "Latitude": 36.56, "Longitude": -119.73, "Population": 1038.0}, {"index": 2455, "quantile": 1.0, "value": 139700.0, "Latitude": 36.56, "Longitude": -119.73, "Population": 1038.0}, {"index": 2456, "quantile": 0.0, "value": 50800.0, "Latitude": 36.57, "Longitude": -119.67, "Population": 868.0}, {"index": 2456, "quantile": 0.25, "value": 73325.0, "Latitude": 36.57, "Longitude": -119.67, "Population": 868.0}, {"index": 2456, "quantile": 0.5, "value": 110000.00000000001, "Latitude": 36.57, "Longitude": -119.67, "Population": 868.0}, {"index": 2456, "quantile": 0.75, "value": 110000.00000000001, "Latitude": 36.57, "Longitude": -119.67, "Population": 868.0}, {"index": 2456, "quantile": 1.0, "value": 112500.0, "Latitude": 36.57, "Longitude": -119.67, "Population": 868.0}, {"index": 2457, "quantile": 0.0, "value": 54100.00000000001, "Latitude": 36.51, "Longitude": -119.65, "Population": 966.0}, {"index": 2457, "quantile": 0.25, "value": 79000.0, "Latitude": 36.51, "Longitude": -119.65, "Population": 966.0}, {"index": 2457, "quantile": 0.5, "value": 100000.0, "Latitude": 36.51, "Longitude": -119.65, "Population": 966.0}, {"index": 2457, "quantile": 0.75, "value": 100000.0, "Latitude": 36.51, "Longitude": -119.65, "Population": 966.0}, {"index": 2457, "quantile": 1.0, "value": 115799.99999999999, "Latitude": 36.51, "Longitude": -119.65, "Population": 966.0}, {"index": 2458, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 36.52, "Longitude": -119.59, "Population": 674.0}, {"index": 2458, "quantile": 0.25, "value": 90500.0, "Latitude": 36.52, "Longitude": -119.59, "Population": 674.0}, {"index": 2458, "quantile": 0.5, "value": 101600.0, "Latitude": 36.52, "Longitude": -119.59, "Population": 674.0}, {"index": 2458, "quantile": 0.75, "value": 101600.0, "Latitude": 36.52, "Longitude": -119.59, "Population": 674.0}, {"index": 2458, "quantile": 1.0, "value": 126400.0, "Latitude": 36.52, "Longitude": -119.59, "Population": 674.0}, {"index": 2459, "quantile": 0.0, "value": 22500.0, "Latitude": 36.52, "Longitude": -119.73, "Population": 1466.0}, {"index": 2459, "quantile": 0.25, "value": 60200.0, "Latitude": 36.52, "Longitude": -119.73, "Population": 1466.0}, {"index": 2459, "quantile": 0.5, "value": 60600.0, "Latitude": 36.52, "Longitude": -119.73, "Population": 1466.0}, {"index": 2459, "quantile": 0.75, "value": 80000.0, "Latitude": 36.52, "Longitude": -119.73, "Population": 1466.0}, {"index": 2459, "quantile": 1.0, "value": 262500.0, "Latitude": 36.52, "Longitude": -119.73, "Population": 1466.0}, {"index": 2460, "quantile": 0.0, "value": 68700.0, "Latitude": 36.44, "Longitude": -119.77, "Population": 802.0}, {"index": 2460, "quantile": 0.25, "value": 75000.0, "Latitude": 36.44, "Longitude": -119.77, "Population": 802.0}, {"index": 2460, "quantile": 0.5, "value": 75000.0, "Latitude": 36.44, "Longitude": -119.77, "Population": 802.0}, {"index": 2460, "quantile": 0.75, "value": 92800.0, "Latitude": 36.44, "Longitude": -119.77, "Population": 802.0}, {"index": 2460, "quantile": 1.0, "value": 165400.0, "Latitude": 36.44, "Longitude": -119.77, "Population": 802.0}, {"index": 2461, "quantile": 0.0, "value": 56799.99999999999, "Latitude": 36.46, "Longitude": -119.69, "Population": 914.0}, {"index": 2461, "quantile": 0.25, "value": 69300.0, "Latitude": 36.46, "Longitude": -119.69, "Population": 914.0}, {"index": 2461, "quantile": 0.5, "value": 83300.0, "Latitude": 36.46, "Longitude": -119.69, "Population": 914.0}, {"index": 2461, "quantile": 0.75, "value": 104700.0, "Latitude": 36.46, "Longitude": -119.69, "Population": 914.0}, {"index": 2461, "quantile": 1.0, "value": 133300.0, "Latitude": 36.46, "Longitude": -119.69, "Population": 914.0}, {"index": 2462, "quantile": 0.0, "value": 41400.0, "Latitude": 36.43, "Longitude": -119.69, "Population": 1278.0}, {"index": 2462, "quantile": 0.25, "value": 53500.0, "Latitude": 36.43, "Longitude": -119.69, "Population": 1278.0}, {"index": 2462, "quantile": 0.5, "value": 57699.99999999999, "Latitude": 36.43, "Longitude": -119.69, "Population": 1278.0}, {"index": 2462, "quantile": 0.75, "value": 60900.0, "Latitude": 36.43, "Longitude": -119.69, "Population": 1278.0}, {"index": 2462, "quantile": 1.0, "value": 72300.0, "Latitude": 36.43, "Longitude": -119.69, "Population": 1278.0}, {"index": 2463, "quantile": 0.0, "value": 47400.0, "Latitude": 36.54, "Longitude": -119.87, "Population": 818.0}, {"index": 2463, "quantile": 0.25, "value": 65775.0, "Latitude": 36.54, "Longitude": -119.87, "Population": 818.0}, {"index": 2463, "quantile": 0.5, "value": 68300.0, "Latitude": 36.54, "Longitude": -119.87, "Population": 818.0}, {"index": 2463, "quantile": 0.75, "value": 73725.0, "Latitude": 36.54, "Longitude": -119.87, "Population": 818.0}, {"index": 2463, "quantile": 1.0, "value": 132800.0, "Latitude": 36.54, "Longitude": -119.87, "Population": 818.0}, {"index": 2464, "quantile": 0.0, "value": 26900.0, "Latitude": 36.55, "Longitude": -119.79, "Population": 999.0}, {"index": 2464, "quantile": 0.25, "value": 54025.0, "Latitude": 36.55, "Longitude": -119.79, "Population": 999.0}, {"index": 2464, "quantile": 0.5, "value": 60749.99999999999, "Latitude": 36.55, "Longitude": -119.79, "Population": 999.0}, {"index": 2464, "quantile": 0.75, "value": 69649.99999999999, "Latitude": 36.55, "Longitude": -119.79, "Population": 999.0}, {"index": 2464, "quantile": 1.0, "value": 137500.0, "Latitude": 36.55, "Longitude": -119.79, "Population": 999.0}, {"index": 2465, "quantile": 0.0, "value": 46300.0, "Latitude": 36.51, "Longitude": -119.81, "Population": 767.0}, {"index": 2465, "quantile": 0.25, "value": 61275.0, "Latitude": 36.51, "Longitude": -119.81, "Population": 767.0}, {"index": 2465, "quantile": 0.5, "value": 68400.0, "Latitude": 36.51, "Longitude": -119.81, "Population": 767.0}, {"index": 2465, "quantile": 0.75, "value": 76400.0, "Latitude": 36.51, "Longitude": -119.81, "Population": 767.0}, {"index": 2465, "quantile": 1.0, "value": 127499.99999999999, "Latitude": 36.51, "Longitude": -119.81, "Population": 767.0}, {"index": 2466, "quantile": 0.0, "value": 48800.0, "Latitude": 36.54, "Longitude": -119.84, "Population": 702.0}, {"index": 2466, "quantile": 0.25, "value": 70775.0, "Latitude": 36.54, "Longitude": -119.84, "Population": 702.0}, {"index": 2466, "quantile": 0.5, "value": 83050.0, "Latitude": 36.54, "Longitude": -119.84, "Population": 702.0}, {"index": 2466, "quantile": 0.75, "value": 104325.0, "Latitude": 36.54, "Longitude": -119.84, "Population": 702.0}, {"index": 2466, "quantile": 1.0, "value": 137500.0, "Latitude": 36.54, "Longitude": -119.84, "Population": 702.0}, {"index": 2467, "quantile": 0.0, "value": 52900.0, "Latitude": 36.54, "Longitude": -119.83, "Population": 979.0}, {"index": 2467, "quantile": 0.25, "value": 60000.0, "Latitude": 36.54, "Longitude": -119.83, "Population": 979.0}, {"index": 2467, "quantile": 0.5, "value": 60000.0, "Latitude": 36.54, "Longitude": -119.83, "Population": 979.0}, {"index": 2467, "quantile": 0.75, "value": 68400.0, "Latitude": 36.54, "Longitude": -119.83, "Population": 979.0}, {"index": 2467, "quantile": 1.0, "value": 114199.99999999999, "Latitude": 36.54, "Longitude": -119.83, "Population": 979.0}, {"index": 2468, "quantile": 0.0, "value": 43500.0, "Latitude": 36.64, "Longitude": -119.89, "Population": 716.0}, {"index": 2468, "quantile": 0.25, "value": 72275.0, "Latitude": 36.64, "Longitude": -119.89, "Population": 716.0}, {"index": 2468, "quantile": 0.5, "value": 83050.0, "Latitude": 36.64, "Longitude": -119.89, "Population": 716.0}, {"index": 2468, "quantile": 0.75, "value": 107775.0, "Latitude": 36.64, "Longitude": -119.89, "Population": 716.0}, {"index": 2468, "quantile": 1.0, "value": 163500.0, "Latitude": 36.64, "Longitude": -119.89, "Population": 716.0}, {"index": 2469, "quantile": 0.0, "value": 37500.0, "Latitude": 36.57, "Longitude": -119.97, "Population": 1425.0}, {"index": 2469, "quantile": 0.25, "value": 69400.0, "Latitude": 36.57, "Longitude": -119.97, "Population": 1425.0}, {"index": 2469, "quantile": 0.5, "value": 69400.0, "Latitude": 36.57, "Longitude": -119.97, "Population": 1425.0}, {"index": 2469, "quantile": 0.75, "value": 70025.0, "Latitude": 36.57, "Longitude": -119.97, "Population": 1425.0}, {"index": 2469, "quantile": 1.0, "value": 137500.0, "Latitude": 36.57, "Longitude": -119.97, "Population": 1425.0}, {"index": 2470, "quantile": 0.0, "value": 54100.00000000001, "Latitude": 36.58, "Longitude": -119.9, "Population": 1319.0}, {"index": 2470, "quantile": 0.25, "value": 64900.0, "Latitude": 36.58, "Longitude": -119.9, "Population": 1319.0}, {"index": 2470, "quantile": 0.5, "value": 74600.0, "Latitude": 36.58, "Longitude": -119.9, "Population": 1319.0}, {"index": 2470, "quantile": 0.75, "value": 74600.0, "Latitude": 36.58, "Longitude": -119.9, "Population": 1319.0}, {"index": 2470, "quantile": 1.0, "value": 93200.0, "Latitude": 36.58, "Longitude": -119.9, "Population": 1319.0}, {"index": 2471, "quantile": 0.0, "value": 47500.0, "Latitude": 36.6, "Longitude": -119.81, "Population": 1291.0}, {"index": 2471, "quantile": 0.25, "value": 74075.0, "Latitude": 36.6, "Longitude": -119.81, "Population": 1291.0}, {"index": 2471, "quantile": 0.5, "value": 76400.0, "Latitude": 36.6, "Longitude": -119.81, "Population": 1291.0}, {"index": 2471, "quantile": 0.75, "value": 76400.0, "Latitude": 36.6, "Longitude": -119.81, "Population": 1291.0}, {"index": 2471, "quantile": 1.0, "value": 159400.0, "Latitude": 36.6, "Longitude": -119.81, "Population": 1291.0}, {"index": 2472, "quantile": 0.0, "value": 49200.0, "Latitude": 36.45, "Longitude": -119.86, "Population": 1416.0}, {"index": 2472, "quantile": 0.25, "value": 69924.99999999999, "Latitude": 36.45, "Longitude": -119.86, "Population": 1416.0}, {"index": 2472, "quantile": 0.5, "value": 75250.0, "Latitude": 36.45, "Longitude": -119.86, "Population": 1416.0}, {"index": 2472, "quantile": 0.75, "value": 83549.99999999999, "Latitude": 36.45, "Longitude": -119.86, "Population": 1416.0}, {"index": 2472, "quantile": 1.0, "value": 129200.0, "Latitude": 36.45, "Longitude": -119.86, "Population": 1416.0}, {"index": 2473, "quantile": 0.0, "value": 47100.0, "Latitude": 36.43, "Longitude": -119.86, "Population": 683.0}, {"index": 2473, "quantile": 0.25, "value": 58399.99999999999, "Latitude": 36.43, "Longitude": -119.86, "Population": 683.0}, {"index": 2473, "quantile": 0.5, "value": 58399.99999999999, "Latitude": 36.43, "Longitude": -119.86, "Population": 683.0}, {"index": 2473, "quantile": 0.75, "value": 58399.99999999999, "Latitude": 36.43, "Longitude": -119.86, "Population": 683.0}, {"index": 2473, "quantile": 1.0, "value": 101499.99999999999, "Latitude": 36.43, "Longitude": -119.86, "Population": 683.0}, {"index": 2474, "quantile": 0.0, "value": 52100.0, "Latitude": 36.43, "Longitude": -119.85, "Population": 1146.0}, {"index": 2474, "quantile": 0.25, "value": 68475.00000000001, "Latitude": 36.43, "Longitude": -119.85, "Population": 1146.0}, {"index": 2474, "quantile": 0.5, "value": 74500.0, "Latitude": 36.43, "Longitude": -119.85, "Population": 1146.0}, {"index": 2474, "quantile": 0.75, "value": 87925.0, "Latitude": 36.43, "Longitude": -119.85, "Population": 1146.0}, {"index": 2474, "quantile": 1.0, "value": 180500.0, "Latitude": 36.43, "Longitude": -119.85, "Population": 1146.0}, {"index": 2475, "quantile": 0.0, "value": 39200.0, "Latitude": 36.44, "Longitude": -119.97, "Population": 772.0}, {"index": 2475, "quantile": 0.25, "value": 39200.0, "Latitude": 36.44, "Longitude": -119.97, "Population": 772.0}, {"index": 2475, "quantile": 0.5, "value": 39200.0, "Latitude": 36.44, "Longitude": -119.97, "Population": 772.0}, {"index": 2475, "quantile": 0.75, "value": 55300.00000000001, "Latitude": 36.44, "Longitude": -119.97, "Population": 772.0}, {"index": 2475, "quantile": 1.0, "value": 112500.0, "Latitude": 36.44, "Longitude": -119.97, "Population": 772.0}, {"index": 2476, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 36.34, "Longitude": -120.08, "Population": 2030.0}, {"index": 2476, "quantile": 0.25, "value": 112450.0, "Latitude": 36.34, "Longitude": -120.08, "Population": 2030.0}, {"index": 2476, "quantile": 0.5, "value": 112500.0, "Latitude": 36.34, "Longitude": -120.08, "Population": 2030.0}, {"index": 2476, "quantile": 0.75, "value": 112500.0, "Latitude": 36.34, "Longitude": -120.08, "Population": 2030.0}, {"index": 2476, "quantile": 1.0, "value": 155000.0, "Latitude": 36.34, "Longitude": -120.08, "Population": 2030.0}, {"index": 2477, "quantile": 0.0, "value": 34400.0, "Latitude": 36.16, "Longitude": -120.1, "Population": 715.0}, {"index": 2477, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 36.16, "Longitude": -120.1, "Population": 715.0}, {"index": 2477, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 36.16, "Longitude": -120.1, "Population": 715.0}, {"index": 2477, "quantile": 0.75, "value": 70849.99999999999, "Latitude": 36.16, "Longitude": -120.1, "Population": 715.0}, {"index": 2477, "quantile": 1.0, "value": 262500.0, "Latitude": 36.16, "Longitude": -120.1, "Population": 715.0}, {"index": 2478, "quantile": 0.0, "value": 41700.0, "Latitude": 36.21, "Longitude": -120.1, "Population": 1708.0}, {"index": 2478, "quantile": 0.25, "value": 56399.99999999999, "Latitude": 36.21, "Longitude": -120.1, "Population": 1708.0}, {"index": 2478, "quantile": 0.5, "value": 64700.0, "Latitude": 36.21, "Longitude": -120.1, "Population": 1708.0}, {"index": 2478, "quantile": 0.75, "value": 64700.0, "Latitude": 36.21, "Longitude": -120.1, "Population": 1708.0}, {"index": 2478, "quantile": 1.0, "value": 112500.0, "Latitude": 36.21, "Longitude": -120.1, "Population": 1708.0}, {"index": 2479, "quantile": 0.0, "value": 39600.0, "Latitude": 36.19, "Longitude": -120.09, "Population": 2809.0}, {"index": 2479, "quantile": 0.25, "value": 55100.00000000001, "Latitude": 36.19, "Longitude": -120.09, "Population": 2809.0}, {"index": 2479, "quantile": 0.5, "value": 55100.00000000001, "Latitude": 36.19, "Longitude": -120.09, "Population": 2809.0}, {"index": 2479, "quantile": 0.75, "value": 55225.0, "Latitude": 36.19, "Longitude": -120.09, "Population": 2809.0}, {"index": 2479, "quantile": 1.0, "value": 112500.0, "Latitude": 36.19, "Longitude": -120.09, "Population": 2809.0}, {"index": 2480, "quantile": 0.0, "value": 49200.0, "Latitude": 36.29, "Longitude": -120.27, "Population": 1376.0}, {"index": 2480, "quantile": 0.25, "value": 69200.0, "Latitude": 36.29, "Longitude": -120.27, "Population": 1376.0}, {"index": 2480, "quantile": 0.5, "value": 98500.0, "Latitude": 36.29, "Longitude": -120.27, "Population": 1376.0}, {"index": 2480, "quantile": 0.75, "value": 129800.0, "Latitude": 36.29, "Longitude": -120.27, "Population": 1376.0}, {"index": 2480, "quantile": 1.0, "value": 350000.0, "Latitude": 36.29, "Longitude": -120.27, "Population": 1376.0}, {"index": 2481, "quantile": 0.0, "value": 59400.0, "Latitude": 36.18, "Longitude": -120.43, "Population": 218.0}, {"index": 2481, "quantile": 0.25, "value": 104200.0, "Latitude": 36.18, "Longitude": -120.43, "Population": 218.0}, {"index": 2481, "quantile": 0.5, "value": 104200.0, "Latitude": 36.18, "Longitude": -120.43, "Population": 218.0}, {"index": 2481, "quantile": 0.75, "value": 104200.0, "Latitude": 36.18, "Longitude": -120.43, "Population": 218.0}, {"index": 2481, "quantile": 1.0, "value": 333300.0, "Latitude": 36.18, "Longitude": -120.43, "Population": 218.0}, {"index": 2482, "quantile": 0.0, "value": 63800.0, "Latitude": 36.16, "Longitude": -120.37, "Population": 310.0}, {"index": 2482, "quantile": 0.25, "value": 65000.0, "Latitude": 36.16, "Longitude": -120.37, "Population": 310.0}, {"index": 2482, "quantile": 0.5, "value": 65000.0, "Latitude": 36.16, "Longitude": -120.37, "Population": 310.0}, {"index": 2482, "quantile": 0.75, "value": 77375.0, "Latitude": 36.16, "Longitude": -120.37, "Population": 310.0}, {"index": 2482, "quantile": 1.0, "value": 225000.0, "Latitude": 36.16, "Longitude": -120.37, "Population": 310.0}, {"index": 2483, "quantile": 0.0, "value": 38800.0, "Latitude": 36.14, "Longitude": -120.36, "Population": 622.0}, {"index": 2483, "quantile": 0.25, "value": 62000.0, "Latitude": 36.14, "Longitude": -120.36, "Population": 622.0}, {"index": 2483, "quantile": 0.5, "value": 62000.0, "Latitude": 36.14, "Longitude": -120.36, "Population": 622.0}, {"index": 2483, "quantile": 0.75, "value": 62850.00000000001, "Latitude": 36.14, "Longitude": -120.36, "Population": 622.0}, {"index": 2483, "quantile": 1.0, "value": 140600.0, "Latitude": 36.14, "Longitude": -120.36, "Population": 622.0}, {"index": 2484, "quantile": 0.0, "value": 60900.0, "Latitude": 36.15, "Longitude": -120.38, "Population": 1200.0}, {"index": 2484, "quantile": 0.25, "value": 70000.0, "Latitude": 36.15, "Longitude": -120.38, "Population": 1200.0}, {"index": 2484, "quantile": 0.5, "value": 70000.0, "Latitude": 36.15, "Longitude": -120.38, "Population": 1200.0}, {"index": 2484, "quantile": 0.75, "value": 70000.0, "Latitude": 36.15, "Longitude": -120.38, "Population": 1200.0}, {"index": 2484, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 36.15, "Longitude": -120.38, "Population": 1200.0}, {"index": 2485, "quantile": 0.0, "value": 81400.0, "Latitude": 36.13, "Longitude": -120.37, "Population": 1335.0}, {"index": 2485, "quantile": 0.25, "value": 86400.0, "Latitude": 36.13, "Longitude": -120.37, "Population": 1335.0}, {"index": 2485, "quantile": 0.5, "value": 86400.0, "Latitude": 36.13, "Longitude": -120.37, "Population": 1335.0}, {"index": 2485, "quantile": 0.75, "value": 114075.0, "Latitude": 36.13, "Longitude": -120.37, "Population": 1335.0}, {"index": 2485, "quantile": 1.0, "value": 256700.00000000003, "Latitude": 36.13, "Longitude": -120.37, "Population": 1335.0}, {"index": 2486, "quantile": 0.0, "value": 65000.0, "Latitude": 36.15, "Longitude": -120.37, "Population": 868.0}, {"index": 2486, "quantile": 0.25, "value": 86300.0, "Latitude": 36.15, "Longitude": -120.37, "Population": 868.0}, {"index": 2486, "quantile": 0.5, "value": 86300.0, "Latitude": 36.15, "Longitude": -120.37, "Population": 868.0}, {"index": 2486, "quantile": 0.75, "value": 86300.0, "Latitude": 36.15, "Longitude": -120.37, "Population": 868.0}, {"index": 2486, "quantile": 1.0, "value": 329700.0, "Latitude": 36.15, "Longitude": -120.37, "Population": 868.0}, {"index": 2487, "quantile": 0.0, "value": 46300.0, "Latitude": 36.16, "Longitude": -120.35, "Population": 846.0}, {"index": 2487, "quantile": 0.25, "value": 85300.0, "Latitude": 36.16, "Longitude": -120.35, "Population": 846.0}, {"index": 2487, "quantile": 0.5, "value": 85300.0, "Latitude": 36.16, "Longitude": -120.35, "Population": 846.0}, {"index": 2487, "quantile": 0.75, "value": 85300.0, "Latitude": 36.16, "Longitude": -120.35, "Population": 846.0}, {"index": 2487, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 36.16, "Longitude": -120.35, "Population": 846.0}, {"index": 2488, "quantile": 0.0, "value": 47100.0, "Latitude": 36.14, "Longitude": -120.35, "Population": 1484.0}, {"index": 2488, "quantile": 0.25, "value": 60400.0, "Latitude": 36.14, "Longitude": -120.35, "Population": 1484.0}, {"index": 2488, "quantile": 0.5, "value": 60400.0, "Latitude": 36.14, "Longitude": -120.35, "Population": 1484.0}, {"index": 2488, "quantile": 0.75, "value": 64625.0, "Latitude": 36.14, "Longitude": -120.35, "Population": 1484.0}, {"index": 2488, "quantile": 1.0, "value": 225000.0, "Latitude": 36.14, "Longitude": -120.35, "Population": 1484.0}, {"index": 2489, "quantile": 0.0, "value": 46300.0, "Latitude": 36.13, "Longitude": -120.36, "Population": 1306.0}, {"index": 2489, "quantile": 0.25, "value": 63800.0, "Latitude": 36.13, "Longitude": -120.36, "Population": 1306.0}, {"index": 2489, "quantile": 0.5, "value": 87050.0, "Latitude": 36.13, "Longitude": -120.36, "Population": 1306.0}, {"index": 2489, "quantile": 0.75, "value": 106525.0, "Latitude": 36.13, "Longitude": -120.36, "Population": 1306.0}, {"index": 2489, "quantile": 1.0, "value": 290100.0, "Latitude": 36.13, "Longitude": -120.36, "Population": 1306.0}, {"index": 2490, "quantile": 0.0, "value": 37500.0, "Latitude": 36.65, "Longitude": -120.31, "Population": 514.0}, {"index": 2490, "quantile": 0.25, "value": 76600.0, "Latitude": 36.65, "Longitude": -120.31, "Population": 514.0}, {"index": 2490, "quantile": 0.5, "value": 76600.0, "Latitude": 36.65, "Longitude": -120.31, "Population": 514.0}, {"index": 2490, "quantile": 0.75, "value": 87525.0, "Latitude": 36.65, "Longitude": -120.31, "Population": 514.0}, {"index": 2490, "quantile": 1.0, "value": 362500.0, "Latitude": 36.65, "Longitude": -120.31, "Population": 514.0}, {"index": 2491, "quantile": 0.0, "value": 39200.0, "Latitude": 36.65, "Longitude": -120.25, "Population": 744.0}, {"index": 2491, "quantile": 0.25, "value": 62300.0, "Latitude": 36.65, "Longitude": -120.25, "Population": 744.0}, {"index": 2491, "quantile": 0.5, "value": 71600.0, "Latitude": 36.65, "Longitude": -120.25, "Population": 744.0}, {"index": 2491, "quantile": 0.75, "value": 83900.0, "Latitude": 36.65, "Longitude": -120.25, "Population": 744.0}, {"index": 2491, "quantile": 1.0, "value": 170200.0, "Latitude": 36.65, "Longitude": -120.25, "Population": 744.0}, {"index": 2492, "quantile": 0.0, "value": 37500.0, "Latitude": 36.59, "Longitude": -120.18, "Population": 613.0}, {"index": 2492, "quantile": 0.25, "value": 75900.0, "Latitude": 36.59, "Longitude": -120.18, "Population": 613.0}, {"index": 2492, "quantile": 0.5, "value": 90600.0, "Latitude": 36.59, "Longitude": -120.18, "Population": 613.0}, {"index": 2492, "quantile": 0.75, "value": 90600.0, "Latitude": 36.59, "Longitude": -120.18, "Population": 613.0}, {"index": 2492, "quantile": 1.0, "value": 95800.0, "Latitude": 36.59, "Longitude": -120.18, "Population": 613.0}, {"index": 2493, "quantile": 0.0, "value": 38800.0, "Latitude": 36.61, "Longitude": -120.19, "Population": 1408.0}, {"index": 2493, "quantile": 0.25, "value": 57199.99999999999, "Latitude": 36.61, "Longitude": -120.19, "Population": 1408.0}, {"index": 2493, "quantile": 0.5, "value": 57199.99999999999, "Latitude": 36.61, "Longitude": -120.19, "Population": 1408.0}, {"index": 2493, "quantile": 0.75, "value": 57699.99999999999, "Latitude": 36.61, "Longitude": -120.19, "Population": 1408.0}, {"index": 2493, "quantile": 1.0, "value": 92700.0, "Latitude": 36.61, "Longitude": -120.19, "Population": 1408.0}, {"index": 2494, "quantile": 0.0, "value": 38800.0, "Latitude": 36.6, "Longitude": -120.19, "Population": 931.0}, {"index": 2494, "quantile": 0.25, "value": 55150.00000000001, "Latitude": 36.6, "Longitude": -120.19, "Population": 931.0}, {"index": 2494, "quantile": 0.5, "value": 58299.99999999999, "Latitude": 36.6, "Longitude": -120.19, "Population": 931.0}, {"index": 2494, "quantile": 0.75, "value": 58299.99999999999, "Latitude": 36.6, "Longitude": -120.19, "Population": 931.0}, {"index": 2494, "quantile": 1.0, "value": 112500.0, "Latitude": 36.6, "Longitude": -120.19, "Population": 931.0}, {"index": 2495, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.49, "Longitude": -120.22, "Population": 1679.0}, {"index": 2495, "quantile": 0.25, "value": 56000.00000000001, "Latitude": 36.49, "Longitude": -120.22, "Population": 1679.0}, {"index": 2495, "quantile": 0.5, "value": 56000.00000000001, "Latitude": 36.49, "Longitude": -120.22, "Population": 1679.0}, {"index": 2495, "quantile": 0.75, "value": 61275.0, "Latitude": 36.49, "Longitude": -120.22, "Population": 1679.0}, {"index": 2495, "quantile": 1.0, "value": 262500.0, "Latitude": 36.49, "Longitude": -120.22, "Population": 1679.0}, {"index": 2496, "quantile": 0.0, "value": 38800.0, "Latitude": 36.77, "Longitude": -120.41, "Population": 1180.0}, {"index": 2496, "quantile": 0.25, "value": 68900.0, "Latitude": 36.77, "Longitude": -120.41, "Population": 1180.0}, {"index": 2496, "quantile": 0.5, "value": 68900.0, "Latitude": 36.77, "Longitude": -120.41, "Population": 1180.0}, {"index": 2496, "quantile": 0.75, "value": 68900.0, "Latitude": 36.77, "Longitude": -120.41, "Population": 1180.0}, {"index": 2496, "quantile": 1.0, "value": 117200.0, "Latitude": 36.77, "Longitude": -120.41, "Population": 1180.0}, {"index": 2497, "quantile": 0.0, "value": 34400.0, "Latitude": 36.72, "Longitude": -120.67, "Population": 996.0}, {"index": 2497, "quantile": 0.25, "value": 105775.0, "Latitude": 36.72, "Longitude": -120.67, "Population": 996.0}, {"index": 2497, "quantile": 0.5, "value": 112500.0, "Latitude": 36.72, "Longitude": -120.67, "Population": 996.0}, {"index": 2497, "quantile": 0.75, "value": 112500.0, "Latitude": 36.72, "Longitude": -120.67, "Population": 996.0}, {"index": 2497, "quantile": 1.0, "value": 152500.0, "Latitude": 36.72, "Longitude": -120.67, "Population": 996.0}, {"index": 2498, "quantile": 0.0, "value": 38800.0, "Latitude": 36.55, "Longitude": -120.51, "Population": 1274.0}, {"index": 2498, "quantile": 0.25, "value": 38800.0, "Latitude": 36.55, "Longitude": -120.51, "Population": 1274.0}, {"index": 2498, "quantile": 0.5, "value": 38800.0, "Latitude": 36.55, "Longitude": -120.51, "Population": 1274.0}, {"index": 2498, "quantile": 0.75, "value": 52750.00000000001, "Latitude": 36.55, "Longitude": -120.51, "Population": 1274.0}, {"index": 2498, "quantile": 1.0, "value": 270000.0, "Latitude": 36.55, "Longitude": -120.51, "Population": 1274.0}, {"index": 2499, "quantile": 0.0, "value": 49100.0, "Latitude": 36.78, "Longitude": -120.39, "Population": 2104.0}, {"index": 2499, "quantile": 0.25, "value": 55200.00000000001, "Latitude": 36.78, "Longitude": -120.39, "Population": 2104.0}, {"index": 2499, "quantile": 0.5, "value": 55200.00000000001, "Latitude": 36.78, "Longitude": -120.39, "Population": 2104.0}, {"index": 2499, "quantile": 0.75, "value": 56299.99999999999, "Latitude": 36.78, "Longitude": -120.39, "Population": 2104.0}, {"index": 2499, "quantile": 1.0, "value": 140600.0, "Latitude": 36.78, "Longitude": -120.39, "Population": 2104.0}, {"index": 2500, "quantile": 0.0, "value": 45000.0, "Latitude": 36.75, "Longitude": -120.38, "Population": 1745.0}, {"index": 2500, "quantile": 0.25, "value": 56749.99999999999, "Latitude": 36.75, "Longitude": -120.38, "Population": 1745.0}, {"index": 2500, "quantile": 0.5, "value": 58250.0, "Latitude": 36.75, "Longitude": -120.38, "Population": 1745.0}, {"index": 2500, "quantile": 0.75, "value": 76500.0, "Latitude": 36.75, "Longitude": -120.38, "Population": 1745.0}, {"index": 2500, "quantile": 1.0, "value": 221500.0, "Latitude": 36.75, "Longitude": -120.38, "Population": 1745.0}, {"index": 2501, "quantile": 0.0, "value": 44800.0, "Latitude": 36.76, "Longitude": -120.38, "Population": 941.0}, {"index": 2501, "quantile": 0.25, "value": 57999.99999999999, "Latitude": 36.76, "Longitude": -120.38, "Population": 941.0}, {"index": 2501, "quantile": 0.5, "value": 57999.99999999999, "Latitude": 36.76, "Longitude": -120.38, "Population": 941.0}, {"index": 2501, "quantile": 0.75, "value": 58424.99999999999, "Latitude": 36.76, "Longitude": -120.38, "Population": 941.0}, {"index": 2501, "quantile": 1.0, "value": 246700.0, "Latitude": 36.76, "Longitude": -120.38, "Population": 941.0}, {"index": 2502, "quantile": 0.0, "value": 39600.0, "Latitude": 36.76, "Longitude": -120.38, "Population": 1043.0}, {"index": 2502, "quantile": 0.25, "value": 54300.00000000001, "Latitude": 36.76, "Longitude": -120.38, "Population": 1043.0}, {"index": 2502, "quantile": 0.5, "value": 54300.00000000001, "Latitude": 36.76, "Longitude": -120.38, "Population": 1043.0}, {"index": 2502, "quantile": 0.75, "value": 56299.99999999999, "Latitude": 36.76, "Longitude": -120.38, "Population": 1043.0}, {"index": 2502, "quantile": 1.0, "value": 69000.0, "Latitude": 36.76, "Longitude": -120.38, "Population": 1043.0}, {"index": 2503, "quantile": 0.0, "value": 38800.0, "Latitude": 36.87, "Longitude": -120.46, "Population": 954.0}, {"index": 2503, "quantile": 0.25, "value": 63000.0, "Latitude": 36.87, "Longitude": -120.46, "Population": 954.0}, {"index": 2503, "quantile": 0.5, "value": 63000.0, "Latitude": 36.87, "Longitude": -120.46, "Population": 954.0}, {"index": 2503, "quantile": 0.75, "value": 63000.0, "Latitude": 36.87, "Longitude": -120.46, "Population": 954.0}, {"index": 2503, "quantile": 1.0, "value": 136900.0, "Latitude": 36.87, "Longitude": -120.46, "Population": 954.0}, {"index": 2504, "quantile": 0.0, "value": 50500.0, "Latitude": 36.86, "Longitude": -120.45, "Population": 539.0}, {"index": 2504, "quantile": 0.25, "value": 66000.0, "Latitude": 36.86, "Longitude": -120.45, "Population": 539.0}, {"index": 2504, "quantile": 0.5, "value": 66000.0, "Latitude": 36.86, "Longitude": -120.45, "Population": 539.0}, {"index": 2504, "quantile": 0.75, "value": 69649.99999999999, "Latitude": 36.86, "Longitude": -120.45, "Population": 539.0}, {"index": 2504, "quantile": 1.0, "value": 362500.0, "Latitude": 36.86, "Longitude": -120.45, "Population": 539.0}, {"index": 2505, "quantile": 0.0, "value": 46300.0, "Latitude": 36.84, "Longitude": -120.44, "Population": 883.0}, {"index": 2505, "quantile": 0.25, "value": 84949.99999999999, "Latitude": 36.84, "Longitude": -120.44, "Population": 883.0}, {"index": 2505, "quantile": 0.5, "value": 90500.0, "Latitude": 36.84, "Longitude": -120.44, "Population": 883.0}, {"index": 2505, "quantile": 0.75, "value": 90500.0, "Latitude": 36.84, "Longitude": -120.44, "Population": 883.0}, {"index": 2505, "quantile": 1.0, "value": 163200.0, "Latitude": 36.84, "Longitude": -120.44, "Population": 883.0}, {"index": 2506, "quantile": 0.0, "value": 37500.0, "Latitude": 36.85, "Longitude": -120.45, "Population": 1681.0}, {"index": 2506, "quantile": 0.25, "value": 58099.99999999999, "Latitude": 36.85, "Longitude": -120.45, "Population": 1681.0}, {"index": 2506, "quantile": 0.5, "value": 58099.99999999999, "Latitude": 36.85, "Longitude": -120.45, "Population": 1681.0}, {"index": 2506, "quantile": 0.75, "value": 58099.99999999999, "Latitude": 36.85, "Longitude": -120.45, "Population": 1681.0}, {"index": 2506, "quantile": 1.0, "value": 137500.0, "Latitude": 36.85, "Longitude": -120.45, "Population": 1681.0}, {"index": 2507, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 36.86, "Longitude": -120.51, "Population": 1446.0}, {"index": 2507, "quantile": 0.25, "value": 71900.0, "Latitude": 36.86, "Longitude": -120.51, "Population": 1446.0}, {"index": 2507, "quantile": 0.5, "value": 71900.0, "Latitude": 36.86, "Longitude": -120.51, "Population": 1446.0}, {"index": 2507, "quantile": 0.75, "value": 76400.0, "Latitude": 36.86, "Longitude": -120.51, "Population": 1446.0}, {"index": 2507, "quantile": 1.0, "value": 289100.0, "Latitude": 36.86, "Longitude": -120.51, "Population": 1446.0}, {"index": 2508, "quantile": 0.0, "value": 46300.0, "Latitude": 36.97, "Longitude": -120.55, "Population": 1084.0}, {"index": 2508, "quantile": 0.25, "value": 74400.0, "Latitude": 36.97, "Longitude": -120.55, "Population": 1084.0}, {"index": 2508, "quantile": 0.5, "value": 74400.0, "Latitude": 36.97, "Longitude": -120.55, "Population": 1084.0}, {"index": 2508, "quantile": 0.75, "value": 74400.0, "Latitude": 36.97, "Longitude": -120.55, "Population": 1084.0}, {"index": 2508, "quantile": 1.0, "value": 140000.0, "Latitude": 36.97, "Longitude": -120.55, "Population": 1084.0}, {"index": 2509, "quantile": 0.0, "value": 38800.0, "Latitude": 36.84, "Longitude": -120.69, "Population": 771.0}, {"index": 2509, "quantile": 0.25, "value": 59224.99999999999, "Latitude": 36.84, "Longitude": -120.69, "Population": 771.0}, {"index": 2509, "quantile": 0.5, "value": 68950.0, "Latitude": 36.84, "Longitude": -120.69, "Population": 771.0}, {"index": 2509, "quantile": 0.75, "value": 103799.99999999999, "Latitude": 36.84, "Longitude": -120.69, "Population": 771.0}, {"index": 2509, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 36.84, "Longitude": -120.69, "Population": 771.0}, {"index": 2510, "quantile": 0.0, "value": 67500.0, "Latitude": 36.51, "Longitude": -119.55, "Population": 26.0}, {"index": 2510, "quantile": 0.25, "value": 67500.0, "Latitude": 36.51, "Longitude": -119.55, "Population": 26.0}, {"index": 2510, "quantile": 0.5, "value": 67500.0, "Latitude": 36.51, "Longitude": -119.55, "Population": 26.0}, {"index": 2510, "quantile": 0.75, "value": 176200.0, "Latitude": 36.51, "Longitude": -119.55, "Population": 26.0}, {"index": 2510, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.51, "Longitude": -119.55, "Population": 26.0}, {"index": 2511, "quantile": 0.0, "value": 67500.0, "Latitude": 36.51, "Longitude": -119.54, "Population": 28.0}, {"index": 2511, "quantile": 0.25, "value": 162500.0, "Latitude": 36.51, "Longitude": -119.54, "Population": 28.0}, {"index": 2511, "quantile": 0.5, "value": 162500.0, "Latitude": 36.51, "Longitude": -119.54, "Population": 28.0}, {"index": 2511, "quantile": 0.75, "value": 162500.0, "Latitude": 36.51, "Longitude": -119.54, "Population": 28.0}, {"index": 2511, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.51, "Longitude": -119.54, "Population": 28.0}, {"index": 2512, "quantile": 0.0, "value": 51600.0, "Latitude": 39.75, "Longitude": -122.2, "Population": 1616.0}, {"index": 2512, "quantile": 0.25, "value": 63700.0, "Latitude": 39.75, "Longitude": -122.2, "Population": 1616.0}, {"index": 2512, "quantile": 0.5, "value": 63700.0, "Latitude": 39.75, "Longitude": -122.2, "Population": 1616.0}, {"index": 2512, "quantile": 0.75, "value": 64900.0, "Latitude": 39.75, "Longitude": -122.2, "Population": 1616.0}, {"index": 2512, "quantile": 1.0, "value": 154900.0, "Latitude": 39.75, "Longitude": -122.2, "Population": 1616.0}, {"index": 2513, "quantile": 0.0, "value": 44000.0, "Latitude": 39.75, "Longitude": -122.18, "Population": 1885.0}, {"index": 2513, "quantile": 0.25, "value": 67500.0, "Latitude": 39.75, "Longitude": -122.18, "Population": 1885.0}, {"index": 2513, "quantile": 0.5, "value": 67500.0, "Latitude": 39.75, "Longitude": -122.18, "Population": 1885.0}, {"index": 2513, "quantile": 0.75, "value": 67500.0, "Latitude": 39.75, "Longitude": -122.18, "Population": 1885.0}, {"index": 2513, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 39.75, "Longitude": -122.18, "Population": 1885.0}, {"index": 2514, "quantile": 0.0, "value": 61300.0, "Latitude": 39.74, "Longitude": -122.16, "Population": 337.0}, {"index": 2514, "quantile": 0.25, "value": 85000.0, "Latitude": 39.74, "Longitude": -122.16, "Population": 337.0}, {"index": 2514, "quantile": 0.5, "value": 85000.0, "Latitude": 39.74, "Longitude": -122.16, "Population": 337.0}, {"index": 2514, "quantile": 0.75, "value": 88475.0, "Latitude": 39.74, "Longitude": -122.16, "Population": 337.0}, {"index": 2514, "quantile": 1.0, "value": 165000.0, "Latitude": 39.74, "Longitude": -122.16, "Population": 337.0}, {"index": 2515, "quantile": 0.0, "value": 49500.0, "Latitude": 39.74, "Longitude": -122.19, "Population": 2111.0}, {"index": 2515, "quantile": 0.25, "value": 70500.0, "Latitude": 39.74, "Longitude": -122.19, "Population": 2111.0}, {"index": 2515, "quantile": 0.5, "value": 81900.0, "Latitude": 39.74, "Longitude": -122.19, "Population": 2111.0}, {"index": 2515, "quantile": 0.75, "value": 85950.0, "Latitude": 39.74, "Longitude": -122.19, "Population": 2111.0}, {"index": 2515, "quantile": 1.0, "value": 138900.0, "Latitude": 39.74, "Longitude": -122.19, "Population": 2111.0}, {"index": 2516, "quantile": 0.0, "value": 62700.0, "Latitude": 39.79, "Longitude": -122.25, "Population": 1104.0}, {"index": 2516, "quantile": 0.25, "value": 72200.0, "Latitude": 39.79, "Longitude": -122.25, "Population": 1104.0}, {"index": 2516, "quantile": 0.5, "value": 72200.0, "Latitude": 39.79, "Longitude": -122.25, "Population": 1104.0}, {"index": 2516, "quantile": 0.75, "value": 88475.0, "Latitude": 39.79, "Longitude": -122.25, "Population": 1104.0}, {"index": 2516, "quantile": 1.0, "value": 170400.0, "Latitude": 39.79, "Longitude": -122.25, "Population": 1104.0}, {"index": 2517, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 39.78, "Longitude": -122.16, "Population": 562.0}, {"index": 2517, "quantile": 0.25, "value": 69600.0, "Latitude": 39.78, "Longitude": -122.16, "Population": 562.0}, {"index": 2517, "quantile": 0.5, "value": 69600.0, "Latitude": 39.78, "Longitude": -122.16, "Population": 562.0}, {"index": 2517, "quantile": 0.75, "value": 69600.0, "Latitude": 39.78, "Longitude": -122.16, "Population": 562.0}, {"index": 2517, "quantile": 1.0, "value": 136700.0, "Latitude": 39.78, "Longitude": -122.16, "Population": 562.0}, {"index": 2518, "quantile": 0.0, "value": 34600.0, "Latitude": 39.74, "Longitude": -122.13, "Population": 668.0}, {"index": 2518, "quantile": 0.25, "value": 69100.0, "Latitude": 39.74, "Longitude": -122.13, "Population": 668.0}, {"index": 2518, "quantile": 0.5, "value": 94300.0, "Latitude": 39.74, "Longitude": -122.13, "Population": 668.0}, {"index": 2518, "quantile": 0.75, "value": 94300.0, "Latitude": 39.74, "Longitude": -122.13, "Population": 668.0}, {"index": 2518, "quantile": 1.0, "value": 130700.0, "Latitude": 39.74, "Longitude": -122.13, "Population": 668.0}, {"index": 2519, "quantile": 0.0, "value": 73600.0, "Latitude": 39.7, "Longitude": -122.18, "Population": 836.0}, {"index": 2519, "quantile": 0.25, "value": 85400.0, "Latitude": 39.7, "Longitude": -122.18, "Population": 836.0}, {"index": 2519, "quantile": 0.5, "value": 85400.0, "Latitude": 39.7, "Longitude": -122.18, "Population": 836.0}, {"index": 2519, "quantile": 0.75, "value": 96775.0, "Latitude": 39.7, "Longitude": -122.18, "Population": 836.0}, {"index": 2519, "quantile": 1.0, "value": 158500.0, "Latitude": 39.7, "Longitude": -122.18, "Population": 836.0}, {"index": 2520, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 39.75, "Longitude": -122.23, "Population": 1031.0}, {"index": 2520, "quantile": 0.25, "value": 73100.0, "Latitude": 39.75, "Longitude": -122.23, "Population": 1031.0}, {"index": 2520, "quantile": 0.5, "value": 73100.0, "Latitude": 39.75, "Longitude": -122.23, "Population": 1031.0}, {"index": 2520, "quantile": 0.75, "value": 73100.0, "Latitude": 39.75, "Longitude": -122.23, "Population": 1031.0}, {"index": 2520, "quantile": 1.0, "value": 119200.0, "Latitude": 39.75, "Longitude": -122.23, "Population": 1031.0}, {"index": 2521, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.71, "Longitude": -122.74, "Population": 85.0}, {"index": 2521, "quantile": 0.25, "value": 14999.000000000002, "Latitude": 39.71, "Longitude": -122.74, "Population": 85.0}, {"index": 2521, "quantile": 0.5, "value": 14999.000000000002, "Latitude": 39.71, "Longitude": -122.74, "Population": 85.0}, {"index": 2521, "quantile": 0.75, "value": 56699.99999999999, "Latitude": 39.71, "Longitude": -122.74, "Population": 85.0}, {"index": 2521, "quantile": 1.0, "value": 175000.0, "Latitude": 39.71, "Longitude": -122.74, "Population": 85.0}, {"index": 2522, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 39.68, "Longitude": -122.38, "Population": 510.0}, {"index": 2522, "quantile": 0.25, "value": 67500.0, "Latitude": 39.68, "Longitude": -122.38, "Population": 510.0}, {"index": 2522, "quantile": 0.5, "value": 67500.0, "Latitude": 39.68, "Longitude": -122.38, "Population": 510.0}, {"index": 2522, "quantile": 0.75, "value": 67500.0, "Latitude": 39.68, "Longitude": -122.38, "Population": 510.0}, {"index": 2522, "quantile": 1.0, "value": 140700.0, "Latitude": 39.68, "Longitude": -122.38, "Population": 510.0}, {"index": 2523, "quantile": 0.0, "value": 73600.0, "Latitude": 39.65, "Longitude": -122.14, "Population": 190.0}, {"index": 2523, "quantile": 0.25, "value": 87500.0, "Latitude": 39.65, "Longitude": -122.14, "Population": 190.0}, {"index": 2523, "quantile": 0.5, "value": 87500.0, "Latitude": 39.65, "Longitude": -122.14, "Population": 190.0}, {"index": 2523, "quantile": 0.75, "value": 97800.0, "Latitude": 39.65, "Longitude": -122.14, "Population": 190.0}, {"index": 2523, "quantile": 1.0, "value": 200000.0, "Latitude": 39.65, "Longitude": -122.14, "Population": 190.0}, {"index": 2524, "quantile": 0.0, "value": 70800.0, "Latitude": 39.55, "Longitude": -122.18, "Population": 673.0}, {"index": 2524, "quantile": 0.25, "value": 81600.0, "Latitude": 39.55, "Longitude": -122.18, "Population": 673.0}, {"index": 2524, "quantile": 0.5, "value": 81600.0, "Latitude": 39.55, "Longitude": -122.18, "Population": 673.0}, {"index": 2524, "quantile": 0.75, "value": 85775.0, "Latitude": 39.55, "Longitude": -122.18, "Population": 673.0}, {"index": 2524, "quantile": 1.0, "value": 170200.0, "Latitude": 39.55, "Longitude": -122.18, "Population": 673.0}, {"index": 2525, "quantile": 0.0, "value": 48100.0, "Latitude": 39.5, "Longitude": -122.53, "Population": 658.0}, {"index": 2525, "quantile": 0.25, "value": 70000.0, "Latitude": 39.5, "Longitude": -122.53, "Population": 658.0}, {"index": 2525, "quantile": 0.5, "value": 72500.0, "Latitude": 39.5, "Longitude": -122.53, "Population": 658.0}, {"index": 2525, "quantile": 0.75, "value": 83900.0, "Latitude": 39.5, "Longitude": -122.53, "Population": 658.0}, {"index": 2525, "quantile": 1.0, "value": 166800.0, "Latitude": 39.5, "Longitude": -122.53, "Population": 658.0}, {"index": 2526, "quantile": 0.0, "value": 53000.0, "Latitude": 39.53, "Longitude": -122.19, "Population": 1287.0}, {"index": 2526, "quantile": 0.25, "value": 58700.0, "Latitude": 39.53, "Longitude": -122.19, "Population": 1287.0}, {"index": 2526, "quantile": 0.5, "value": 58700.0, "Latitude": 39.53, "Longitude": -122.19, "Population": 1287.0}, {"index": 2526, "quantile": 0.75, "value": 60724.99999999999, "Latitude": 39.53, "Longitude": -122.19, "Population": 1287.0}, {"index": 2526, "quantile": 1.0, "value": 112500.0, "Latitude": 39.53, "Longitude": -122.19, "Population": 1287.0}, {"index": 2527, "quantile": 0.0, "value": 53000.0, "Latitude": 39.53, "Longitude": -122.2, "Population": 1647.0}, {"index": 2527, "quantile": 0.25, "value": 63400.0, "Latitude": 39.53, "Longitude": -122.2, "Population": 1647.0}, {"index": 2527, "quantile": 0.5, "value": 77450.0, "Latitude": 39.53, "Longitude": -122.2, "Population": 1647.0}, {"index": 2527, "quantile": 0.75, "value": 91700.0, "Latitude": 39.53, "Longitude": -122.2, "Population": 1647.0}, {"index": 2527, "quantile": 1.0, "value": 130700.0, "Latitude": 39.53, "Longitude": -122.2, "Population": 1647.0}, {"index": 2528, "quantile": 0.0, "value": 51600.0, "Latitude": 39.53, "Longitude": -122.23, "Population": 1237.0}, {"index": 2528, "quantile": 0.25, "value": 81275.0, "Latitude": 39.53, "Longitude": -122.23, "Population": 1237.0}, {"index": 2528, "quantile": 0.5, "value": 125000.0, "Latitude": 39.53, "Longitude": -122.23, "Population": 1237.0}, {"index": 2528, "quantile": 0.75, "value": 125000.0, "Latitude": 39.53, "Longitude": -122.23, "Population": 1237.0}, {"index": 2528, "quantile": 1.0, "value": 270000.0, "Latitude": 39.53, "Longitude": -122.23, "Population": 1237.0}, {"index": 2529, "quantile": 0.0, "value": 52800.0, "Latitude": 39.51, "Longitude": -122.22, "Population": 555.0}, {"index": 2529, "quantile": 0.25, "value": 66900.0, "Latitude": 39.51, "Longitude": -122.22, "Population": 555.0}, {"index": 2529, "quantile": 0.5, "value": 66900.0, "Latitude": 39.51, "Longitude": -122.22, "Population": 555.0}, {"index": 2529, "quantile": 0.75, "value": 81600.0, "Latitude": 39.51, "Longitude": -122.22, "Population": 555.0}, {"index": 2529, "quantile": 1.0, "value": 225000.0, "Latitude": 39.51, "Longitude": -122.22, "Population": 555.0}, {"index": 2530, "quantile": 0.0, "value": 53500.0, "Latitude": 39.52, "Longitude": -122.2, "Population": 1181.0}, {"index": 2530, "quantile": 0.25, "value": 63400.0, "Latitude": 39.52, "Longitude": -122.2, "Population": 1181.0}, {"index": 2530, "quantile": 0.5, "value": 63400.0, "Latitude": 39.52, "Longitude": -122.2, "Population": 1181.0}, {"index": 2530, "quantile": 0.75, "value": 63400.0, "Latitude": 39.52, "Longitude": -122.2, "Population": 1181.0}, {"index": 2530, "quantile": 1.0, "value": 200000.0, "Latitude": 39.52, "Longitude": -122.2, "Population": 1181.0}, {"index": 2531, "quantile": 0.0, "value": 61500.0, "Latitude": 39.51, "Longitude": -122.2, "Population": 1060.0}, {"index": 2531, "quantile": 0.25, "value": 75800.0, "Latitude": 39.51, "Longitude": -122.2, "Population": 1060.0}, {"index": 2531, "quantile": 0.5, "value": 87700.0, "Latitude": 39.51, "Longitude": -122.2, "Population": 1060.0}, {"index": 2531, "quantile": 0.75, "value": 110250.0, "Latitude": 39.51, "Longitude": -122.2, "Population": 1060.0}, {"index": 2531, "quantile": 1.0, "value": 275000.0, "Latitude": 39.51, "Longitude": -122.2, "Population": 1060.0}, {"index": 2532, "quantile": 0.0, "value": 41800.0, "Latitude": 39.5, "Longitude": -122.19, "Population": 261.0}, {"index": 2532, "quantile": 0.25, "value": 53000.0, "Latitude": 39.5, "Longitude": -122.19, "Population": 261.0}, {"index": 2532, "quantile": 0.5, "value": 53000.0, "Latitude": 39.5, "Longitude": -122.19, "Population": 261.0}, {"index": 2532, "quantile": 0.75, "value": 62325.0, "Latitude": 39.5, "Longitude": -122.19, "Population": 261.0}, {"index": 2532, "quantile": 1.0, "value": 200000.0, "Latitude": 39.5, "Longitude": -122.19, "Population": 261.0}, {"index": 2533, "quantile": 0.0, "value": 48100.0, "Latitude": 39.72, "Longitude": -122.04, "Population": 1443.0}, {"index": 2533, "quantile": 0.25, "value": 70000.0, "Latitude": 39.72, "Longitude": -122.04, "Population": 1443.0}, {"index": 2533, "quantile": 0.5, "value": 70000.0, "Latitude": 39.72, "Longitude": -122.04, "Population": 1443.0}, {"index": 2533, "quantile": 0.75, "value": 71200.0, "Latitude": 39.72, "Longitude": -122.04, "Population": 1443.0}, {"index": 2533, "quantile": 1.0, "value": 141600.0, "Latitude": 39.72, "Longitude": -122.04, "Population": 1443.0}, {"index": 2534, "quantile": 0.0, "value": 59200.0, "Latitude": 39.6, "Longitude": -122.05, "Population": 958.0}, {"index": 2534, "quantile": 0.25, "value": 72150.0, "Latitude": 39.6, "Longitude": -122.05, "Population": 958.0}, {"index": 2534, "quantile": 0.5, "value": 76150.0, "Latitude": 39.6, "Longitude": -122.05, "Population": 958.0}, {"index": 2534, "quantile": 0.75, "value": 93500.0, "Latitude": 39.6, "Longitude": -122.05, "Population": 958.0}, {"index": 2534, "quantile": 1.0, "value": 165000.0, "Latitude": 39.6, "Longitude": -122.05, "Population": 958.0}, {"index": 2535, "quantile": 0.0, "value": 52000.0, "Latitude": 39.47, "Longitude": -122.1, "Population": 512.0}, {"index": 2535, "quantile": 0.25, "value": 70275.0, "Latitude": 39.47, "Longitude": -122.1, "Population": 512.0}, {"index": 2535, "quantile": 0.5, "value": 75450.0, "Latitude": 39.47, "Longitude": -122.1, "Population": 512.0}, {"index": 2535, "quantile": 0.75, "value": 96100.0, "Latitude": 39.47, "Longitude": -122.1, "Population": 512.0}, {"index": 2535, "quantile": 1.0, "value": 162100.0, "Latitude": 39.47, "Longitude": -122.1, "Population": 512.0}, {"index": 2536, "quantile": 0.0, "value": 41800.0, "Latitude": 39.45, "Longitude": -121.94, "Population": 535.0}, {"index": 2536, "quantile": 0.25, "value": 70500.0, "Latitude": 39.45, "Longitude": -121.94, "Population": 535.0}, {"index": 2536, "quantile": 0.5, "value": 70500.0, "Latitude": 39.45, "Longitude": -121.94, "Population": 535.0}, {"index": 2536, "quantile": 0.75, "value": 70500.0, "Latitude": 39.45, "Longitude": -121.94, "Population": 535.0}, {"index": 2536, "quantile": 1.0, "value": 200000.0, "Latitude": 39.45, "Longitude": -121.94, "Population": 535.0}, {"index": 2537, "quantile": 0.0, "value": 34600.0, "Latitude": 39.74, "Longitude": -122.01, "Population": 1856.0}, {"index": 2537, "quantile": 0.25, "value": 58700.0, "Latitude": 39.74, "Longitude": -122.01, "Population": 1856.0}, {"index": 2537, "quantile": 0.5, "value": 58700.0, "Latitude": 39.74, "Longitude": -122.01, "Population": 1856.0}, {"index": 2537, "quantile": 0.75, "value": 59349.99999999999, "Latitude": 39.74, "Longitude": -122.01, "Population": 1856.0}, {"index": 2537, "quantile": 1.0, "value": 193800.0, "Latitude": 39.74, "Longitude": -122.01, "Population": 1856.0}, {"index": 2538, "quantile": 0.0, "value": 60000.0, "Latitude": 40.8, "Longitude": -124.17, "Population": 392.0}, {"index": 2538, "quantile": 0.25, "value": 60000.0, "Latitude": 40.8, "Longitude": -124.17, "Population": 392.0}, {"index": 2538, "quantile": 0.5, "value": 60000.0, "Latitude": 40.8, "Longitude": -124.17, "Population": 392.0}, {"index": 2538, "quantile": 0.75, "value": 87500.0, "Latitude": 40.8, "Longitude": -124.17, "Population": 392.0}, {"index": 2538, "quantile": 1.0, "value": 450000.0, "Latitude": 40.8, "Longitude": -124.17, "Population": 392.0}, {"index": 2539, "quantile": 0.0, "value": 32500.0, "Latitude": 40.8, "Longitude": -124.16, "Population": 1150.0}, {"index": 2539, "quantile": 0.25, "value": 74500.0, "Latitude": 40.8, "Longitude": -124.16, "Population": 1150.0}, {"index": 2539, "quantile": 0.5, "value": 86650.0, "Latitude": 40.8, "Longitude": -124.16, "Population": 1150.0}, {"index": 2539, "quantile": 0.75, "value": 150000.0, "Latitude": 40.8, "Longitude": -124.16, "Population": 1150.0}, {"index": 2539, "quantile": 1.0, "value": 425000.0, "Latitude": 40.8, "Longitude": -124.16, "Population": 1150.0}, {"index": 2540, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 40.79, "Longitude": -124.16, "Population": 591.0}, {"index": 2540, "quantile": 0.25, "value": 76900.0, "Latitude": 40.79, "Longitude": -124.16, "Population": 591.0}, {"index": 2540, "quantile": 0.5, "value": 76900.0, "Latitude": 40.79, "Longitude": -124.16, "Population": 591.0}, {"index": 2540, "quantile": 0.75, "value": 76900.0, "Latitude": 40.79, "Longitude": -124.16, "Population": 591.0}, {"index": 2540, "quantile": 1.0, "value": 183300.0, "Latitude": 40.79, "Longitude": -124.16, "Population": 591.0}, {"index": 2541, "quantile": 0.0, "value": 53300.0, "Latitude": 40.8, "Longitude": -124.17, "Population": 891.0}, {"index": 2541, "quantile": 0.25, "value": 74550.0, "Latitude": 40.8, "Longitude": -124.17, "Population": 891.0}, {"index": 2541, "quantile": 0.5, "value": 75500.0, "Latitude": 40.8, "Longitude": -124.17, "Population": 891.0}, {"index": 2541, "quantile": 0.75, "value": 75500.0, "Latitude": 40.8, "Longitude": -124.17, "Population": 891.0}, {"index": 2541, "quantile": 1.0, "value": 112500.0, "Latitude": 40.8, "Longitude": -124.17, "Population": 891.0}, {"index": 2542, "quantile": 0.0, "value": 49600.0, "Latitude": 40.8, "Longitude": -124.17, "Population": 758.0}, {"index": 2542, "quantile": 0.25, "value": 62500.0, "Latitude": 40.8, "Longitude": -124.17, "Population": 758.0}, {"index": 2542, "quantile": 0.5, "value": 62500.0, "Latitude": 40.8, "Longitude": -124.17, "Population": 758.0}, {"index": 2542, "quantile": 0.75, "value": 74800.0, "Latitude": 40.8, "Longitude": -124.17, "Population": 758.0}, {"index": 2542, "quantile": 1.0, "value": 111400.00000000001, "Latitude": 40.8, "Longitude": -124.17, "Population": 758.0}, {"index": 2543, "quantile": 0.0, "value": 60200.0, "Latitude": 40.79, "Longitude": -124.16, "Population": 975.0}, {"index": 2543, "quantile": 0.25, "value": 92700.0, "Latitude": 40.79, "Longitude": -124.16, "Population": 975.0}, {"index": 2543, "quantile": 0.5, "value": 92700.0, "Latitude": 40.79, "Longitude": -124.16, "Population": 975.0}, {"index": 2543, "quantile": 0.75, "value": 92700.0, "Latitude": 40.79, "Longitude": -124.16, "Population": 975.0}, {"index": 2543, "quantile": 1.0, "value": 200000.0, "Latitude": 40.79, "Longitude": -124.16, "Population": 975.0}, {"index": 2544, "quantile": 0.0, "value": 62500.0, "Latitude": 40.78, "Longitude": -124.16, "Population": 837.0}, {"index": 2544, "quantile": 0.25, "value": 85400.0, "Latitude": 40.78, "Longitude": -124.16, "Population": 837.0}, {"index": 2544, "quantile": 0.5, "value": 85400.0, "Latitude": 40.78, "Longitude": -124.16, "Population": 837.0}, {"index": 2544, "quantile": 0.75, "value": 85400.0, "Latitude": 40.78, "Longitude": -124.16, "Population": 837.0}, {"index": 2544, "quantile": 1.0, "value": 247600.0, "Latitude": 40.78, "Longitude": -124.16, "Population": 837.0}, {"index": 2545, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 40.78, "Longitude": -124.17, "Population": 731.0}, {"index": 2545, "quantile": 0.25, "value": 65050.00000000001, "Latitude": 40.78, "Longitude": -124.17, "Population": 731.0}, {"index": 2545, "quantile": 0.5, "value": 70500.0, "Latitude": 40.78, "Longitude": -124.17, "Population": 731.0}, {"index": 2545, "quantile": 0.75, "value": 75500.0, "Latitude": 40.78, "Longitude": -124.17, "Population": 731.0}, {"index": 2545, "quantile": 1.0, "value": 200000.0, "Latitude": 40.78, "Longitude": -124.17, "Population": 731.0}, {"index": 2546, "quantile": 0.0, "value": 37500.0, "Latitude": 40.78, "Longitude": -124.19, "Population": 640.0}, {"index": 2546, "quantile": 0.25, "value": 64600.0, "Latitude": 40.78, "Longitude": -124.19, "Population": 640.0}, {"index": 2546, "quantile": 0.5, "value": 70000.0, "Latitude": 40.78, "Longitude": -124.19, "Population": 640.0}, {"index": 2546, "quantile": 0.75, "value": 70000.0, "Latitude": 40.78, "Longitude": -124.19, "Population": 640.0}, {"index": 2546, "quantile": 1.0, "value": 79200.0, "Latitude": 40.78, "Longitude": -124.19, "Population": 640.0}, {"index": 2547, "quantile": 0.0, "value": 49600.0, "Latitude": 40.79, "Longitude": -124.18, "Population": 883.0}, {"index": 2547, "quantile": 0.25, "value": 70500.0, "Latitude": 40.79, "Longitude": -124.18, "Population": 883.0}, {"index": 2547, "quantile": 0.5, "value": 70500.0, "Latitude": 40.79, "Longitude": -124.18, "Population": 883.0}, {"index": 2547, "quantile": 0.75, "value": 70500.0, "Latitude": 40.79, "Longitude": -124.18, "Population": 883.0}, {"index": 2547, "quantile": 1.0, "value": 86400.0, "Latitude": 40.79, "Longitude": -124.18, "Population": 883.0}, {"index": 2548, "quantile": 0.0, "value": 36700.0, "Latitude": 40.79, "Longitude": -124.18, "Population": 788.0}, {"index": 2548, "quantile": 0.25, "value": 64600.0, "Latitude": 40.79, "Longitude": -124.18, "Population": 788.0}, {"index": 2548, "quantile": 0.5, "value": 64600.0, "Latitude": 40.79, "Longitude": -124.18, "Population": 788.0}, {"index": 2548, "quantile": 0.75, "value": 68600.0, "Latitude": 40.79, "Longitude": -124.18, "Population": 788.0}, {"index": 2548, "quantile": 1.0, "value": 84500.0, "Latitude": 40.79, "Longitude": -124.18, "Population": 788.0}, {"index": 2549, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 40.79, "Longitude": -124.17, "Population": 1169.0}, {"index": 2549, "quantile": 0.25, "value": 70500.0, "Latitude": 40.79, "Longitude": -124.17, "Population": 1169.0}, {"index": 2549, "quantile": 0.5, "value": 78100.0, "Latitude": 40.79, "Longitude": -124.17, "Population": 1169.0}, {"index": 2549, "quantile": 0.75, "value": 90600.0, "Latitude": 40.79, "Longitude": -124.17, "Population": 1169.0}, {"index": 2549, "quantile": 1.0, "value": 119200.0, "Latitude": 40.79, "Longitude": -124.17, "Population": 1169.0}, {"index": 2550, "quantile": 0.0, "value": 72200.0, "Latitude": 40.78, "Longitude": -124.16, "Population": 932.0}, {"index": 2550, "quantile": 0.25, "value": 82000.0, "Latitude": 40.78, "Longitude": -124.16, "Population": 932.0}, {"index": 2550, "quantile": 0.5, "value": 82000.0, "Latitude": 40.78, "Longitude": -124.16, "Population": 932.0}, {"index": 2550, "quantile": 0.75, "value": 86400.0, "Latitude": 40.78, "Longitude": -124.16, "Population": 932.0}, {"index": 2550, "quantile": 1.0, "value": 165600.0, "Latitude": 40.78, "Longitude": -124.16, "Population": 932.0}, {"index": 2551, "quantile": 0.0, "value": 64600.0, "Latitude": 40.77, "Longitude": -124.16, "Population": 1053.0}, {"index": 2551, "quantile": 0.25, "value": 85600.0, "Latitude": 40.77, "Longitude": -124.16, "Population": 1053.0}, {"index": 2551, "quantile": 0.5, "value": 85600.0, "Latitude": 40.77, "Longitude": -124.16, "Population": 1053.0}, {"index": 2551, "quantile": 0.75, "value": 85600.0, "Latitude": 40.77, "Longitude": -124.16, "Population": 1053.0}, {"index": 2551, "quantile": 1.0, "value": 157000.0, "Latitude": 40.77, "Longitude": -124.16, "Population": 1053.0}, {"index": 2552, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 40.77, "Longitude": -124.17, "Population": 990.0}, {"index": 2552, "quantile": 0.25, "value": 75100.0, "Latitude": 40.77, "Longitude": -124.17, "Population": 990.0}, {"index": 2552, "quantile": 0.5, "value": 81300.0, "Latitude": 40.77, "Longitude": -124.17, "Population": 990.0}, {"index": 2552, "quantile": 0.75, "value": 81300.0, "Latitude": 40.77, "Longitude": -124.17, "Population": 990.0}, {"index": 2552, "quantile": 1.0, "value": 122400.0, "Latitude": 40.77, "Longitude": -124.17, "Population": 990.0}, {"index": 2553, "quantile": 0.0, "value": 59600.0, "Latitude": 40.78, "Longitude": -124.18, "Population": 867.0}, {"index": 2553, "quantile": 0.25, "value": 72200.0, "Latitude": 40.78, "Longitude": -124.18, "Population": 867.0}, {"index": 2553, "quantile": 0.5, "value": 77400.0, "Latitude": 40.78, "Longitude": -124.18, "Population": 867.0}, {"index": 2553, "quantile": 0.75, "value": 85600.0, "Latitude": 40.78, "Longitude": -124.18, "Population": 867.0}, {"index": 2553, "quantile": 1.0, "value": 113300.0, "Latitude": 40.78, "Longitude": -124.18, "Population": 867.0}, {"index": 2554, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 40.78, "Longitude": -124.18, "Population": 656.0}, {"index": 2554, "quantile": 0.25, "value": 72200.0, "Latitude": 40.78, "Longitude": -124.18, "Population": 656.0}, {"index": 2554, "quantile": 0.5, "value": 72200.0, "Latitude": 40.78, "Longitude": -124.18, "Population": 656.0}, {"index": 2554, "quantile": 0.75, "value": 75300.0, "Latitude": 40.78, "Longitude": -124.18, "Population": 656.0}, {"index": 2554, "quantile": 1.0, "value": 209600.0, "Latitude": 40.78, "Longitude": -124.18, "Population": 656.0}, {"index": 2555, "quantile": 0.0, "value": 49800.0, "Latitude": 40.78, "Longitude": -124.18, "Population": 950.0}, {"index": 2555, "quantile": 0.25, "value": 67000.0, "Latitude": 40.78, "Longitude": -124.18, "Population": 950.0}, {"index": 2555, "quantile": 0.5, "value": 67000.0, "Latitude": 40.78, "Longitude": -124.18, "Population": 950.0}, {"index": 2555, "quantile": 0.75, "value": 72300.0, "Latitude": 40.78, "Longitude": -124.18, "Population": 950.0}, {"index": 2555, "quantile": 1.0, "value": 123200.0, "Latitude": 40.78, "Longitude": -124.18, "Population": 950.0}, {"index": 2556, "quantile": 0.0, "value": 116100.0, "Latitude": 40.75, "Longitude": -124.17, "Population": 951.0}, {"index": 2556, "quantile": 0.25, "value": 116100.0, "Latitude": 40.75, "Longitude": -124.17, "Population": 951.0}, {"index": 2556, "quantile": 0.5, "value": 116100.0, "Latitude": 40.75, "Longitude": -124.17, "Population": 951.0}, {"index": 2556, "quantile": 0.75, "value": 162825.0, "Latitude": 40.75, "Longitude": -124.17, "Population": 951.0}, {"index": 2556, "quantile": 1.0, "value": 336700.0, "Latitude": 40.75, "Longitude": -124.17, "Population": 951.0}, {"index": 2557, "quantile": 0.0, "value": 82100.0, "Latitude": 40.76, "Longitude": -124.17, "Population": 992.0}, {"index": 2557, "quantile": 0.25, "value": 82800.0, "Latitude": 40.76, "Longitude": -124.17, "Population": 992.0}, {"index": 2557, "quantile": 0.5, "value": 82800.0, "Latitude": 40.76, "Longitude": -124.17, "Population": 992.0}, {"index": 2557, "quantile": 0.75, "value": 90200.0, "Latitude": 40.76, "Longitude": -124.17, "Population": 992.0}, {"index": 2557, "quantile": 1.0, "value": 142100.0, "Latitude": 40.76, "Longitude": -124.17, "Population": 992.0}, {"index": 2558, "quantile": 0.0, "value": 66400.0, "Latitude": 40.77, "Longitude": -124.19, "Population": 1367.0}, {"index": 2558, "quantile": 0.25, "value": 69000.0, "Latitude": 40.77, "Longitude": -124.19, "Population": 1367.0}, {"index": 2558, "quantile": 0.5, "value": 69000.0, "Latitude": 40.77, "Longitude": -124.19, "Population": 1367.0}, {"index": 2558, "quantile": 0.75, "value": 75225.0, "Latitude": 40.77, "Longitude": -124.19, "Population": 1367.0}, {"index": 2558, "quantile": 1.0, "value": 138900.0, "Latitude": 40.77, "Longitude": -124.19, "Population": 1367.0}, {"index": 2559, "quantile": 0.0, "value": 37900.0, "Latitude": 40.81, "Longitude": -124.15, "Population": 235.0}, {"index": 2559, "quantile": 0.25, "value": 67500.0, "Latitude": 40.81, "Longitude": -124.15, "Population": 235.0}, {"index": 2559, "quantile": 0.5, "value": 67500.0, "Latitude": 40.81, "Longitude": -124.15, "Population": 235.0}, {"index": 2559, "quantile": 0.75, "value": 72500.0, "Latitude": 40.81, "Longitude": -124.15, "Population": 235.0}, {"index": 2559, "quantile": 1.0, "value": 350000.0, "Latitude": 40.81, "Longitude": -124.15, "Population": 235.0}, {"index": 2560, "quantile": 0.0, "value": 63200.0, "Latitude": 40.8, "Longitude": -124.14, "Population": 872.0}, {"index": 2560, "quantile": 0.25, "value": 72600.0, "Latitude": 40.8, "Longitude": -124.14, "Population": 872.0}, {"index": 2560, "quantile": 0.5, "value": 72600.0, "Latitude": 40.8, "Longitude": -124.14, "Population": 872.0}, {"index": 2560, "quantile": 0.75, "value": 75600.0, "Latitude": 40.8, "Longitude": -124.14, "Population": 872.0}, {"index": 2560, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 40.8, "Longitude": -124.14, "Population": 872.0}, {"index": 2561, "quantile": 0.0, "value": 49600.0, "Latitude": 40.8, "Longitude": -124.15, "Population": 765.0}, {"index": 2561, "quantile": 0.25, "value": 72249.99999999999, "Latitude": 40.8, "Longitude": -124.15, "Population": 765.0}, {"index": 2561, "quantile": 0.5, "value": 74100.0, "Latitude": 40.8, "Longitude": -124.15, "Population": 765.0}, {"index": 2561, "quantile": 0.75, "value": 74100.0, "Latitude": 40.8, "Longitude": -124.15, "Population": 765.0}, {"index": 2561, "quantile": 1.0, "value": 90600.0, "Latitude": 40.8, "Longitude": -124.15, "Population": 765.0}, {"index": 2562, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 40.8, "Longitude": -124.16, "Population": 908.0}, {"index": 2562, "quantile": 0.25, "value": 74700.0, "Latitude": 40.8, "Longitude": -124.16, "Population": 908.0}, {"index": 2562, "quantile": 0.5, "value": 74700.0, "Latitude": 40.8, "Longitude": -124.16, "Population": 908.0}, {"index": 2562, "quantile": 0.75, "value": 74700.0, "Latitude": 40.8, "Longitude": -124.16, "Population": 908.0}, {"index": 2562, "quantile": 1.0, "value": 118300.0, "Latitude": 40.8, "Longitude": -124.16, "Population": 908.0}, {"index": 2563, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 40.8, "Longitude": -124.16, "Population": 952.0}, {"index": 2563, "quantile": 0.25, "value": 74100.0, "Latitude": 40.8, "Longitude": -124.16, "Population": 952.0}, {"index": 2563, "quantile": 0.5, "value": 74100.0, "Latitude": 40.8, "Longitude": -124.16, "Population": 952.0}, {"index": 2563, "quantile": 0.75, "value": 74100.0, "Latitude": 40.8, "Longitude": -124.16, "Population": 952.0}, {"index": 2563, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 40.8, "Longitude": -124.16, "Population": 952.0}, {"index": 2564, "quantile": 0.0, "value": 62700.0, "Latitude": 40.79, "Longitude": -124.14, "Population": 873.0}, {"index": 2564, "quantile": 0.25, "value": 75225.0, "Latitude": 40.79, "Longitude": -124.14, "Population": 873.0}, {"index": 2564, "quantile": 0.5, "value": 81000.0, "Latitude": 40.79, "Longitude": -124.14, "Population": 873.0}, {"index": 2564, "quantile": 0.75, "value": 81000.0, "Latitude": 40.79, "Longitude": -124.14, "Population": 873.0}, {"index": 2564, "quantile": 1.0, "value": 136700.0, "Latitude": 40.79, "Longitude": -124.14, "Population": 873.0}, {"index": 2565, "quantile": 0.0, "value": 73600.0, "Latitude": 40.78, "Longitude": -124.15, "Population": 911.0}, {"index": 2565, "quantile": 0.25, "value": 99525.0, "Latitude": 40.78, "Longitude": -124.15, "Population": 911.0}, {"index": 2565, "quantile": 0.5, "value": 104200.0, "Latitude": 40.78, "Longitude": -124.15, "Population": 911.0}, {"index": 2565, "quantile": 0.75, "value": 104200.0, "Latitude": 40.78, "Longitude": -124.15, "Population": 911.0}, {"index": 2565, "quantile": 1.0, "value": 277000.0, "Latitude": 40.78, "Longitude": -124.15, "Population": 911.0}, {"index": 2566, "quantile": 0.0, "value": 81300.0, "Latitude": 40.78, "Longitude": -124.16, "Population": 791.0}, {"index": 2566, "quantile": 0.25, "value": 81800.0, "Latitude": 40.78, "Longitude": -124.16, "Population": 791.0}, {"index": 2566, "quantile": 0.5, "value": 81800.0, "Latitude": 40.78, "Longitude": -124.16, "Population": 791.0}, {"index": 2566, "quantile": 0.75, "value": 90000.0, "Latitude": 40.78, "Longitude": -124.16, "Population": 791.0}, {"index": 2566, "quantile": 1.0, "value": 295700.0, "Latitude": 40.78, "Longitude": -124.16, "Population": 791.0}, {"index": 2567, "quantile": 0.0, "value": 65500.0, "Latitude": 40.79, "Longitude": -124.16, "Population": 1206.0}, {"index": 2567, "quantile": 0.25, "value": 90600.0, "Latitude": 40.79, "Longitude": -124.16, "Population": 1206.0}, {"index": 2567, "quantile": 0.5, "value": 90600.0, "Latitude": 40.79, "Longitude": -124.16, "Population": 1206.0}, {"index": 2567, "quantile": 0.75, "value": 90600.0, "Latitude": 40.79, "Longitude": -124.16, "Population": 1206.0}, {"index": 2567, "quantile": 1.0, "value": 122400.0, "Latitude": 40.79, "Longitude": -124.16, "Population": 1206.0}, {"index": 2568, "quantile": 0.0, "value": 75600.0, "Latitude": 40.79, "Longitude": -124.15, "Population": 1263.0}, {"index": 2568, "quantile": 0.25, "value": 86400.0, "Latitude": 40.79, "Longitude": -124.15, "Population": 1263.0}, {"index": 2568, "quantile": 0.5, "value": 86400.0, "Latitude": 40.79, "Longitude": -124.15, "Population": 1263.0}, {"index": 2568, "quantile": 0.75, "value": 86400.0, "Latitude": 40.79, "Longitude": -124.15, "Population": 1263.0}, {"index": 2568, "quantile": 1.0, "value": 136000.0, "Latitude": 40.79, "Longitude": -124.15, "Population": 1263.0}, {"index": 2569, "quantile": 0.0, "value": 81300.0, "Latitude": 40.78, "Longitude": -124.14, "Population": 982.0}, {"index": 2569, "quantile": 0.25, "value": 81800.0, "Latitude": 40.78, "Longitude": -124.14, "Population": 982.0}, {"index": 2569, "quantile": 0.5, "value": 81800.0, "Latitude": 40.78, "Longitude": -124.14, "Population": 982.0}, {"index": 2569, "quantile": 0.75, "value": 95200.0, "Latitude": 40.78, "Longitude": -124.14, "Population": 982.0}, {"index": 2569, "quantile": 1.0, "value": 295700.0, "Latitude": 40.78, "Longitude": -124.14, "Population": 982.0}, {"index": 2570, "quantile": 0.0, "value": 69000.0, "Latitude": 40.77, "Longitude": -124.14, "Population": 1407.0}, {"index": 2570, "quantile": 0.25, "value": 99600.0, "Latitude": 40.77, "Longitude": -124.14, "Population": 1407.0}, {"index": 2570, "quantile": 0.5, "value": 99600.0, "Latitude": 40.77, "Longitude": -124.14, "Population": 1407.0}, {"index": 2570, "quantile": 0.75, "value": 99600.0, "Latitude": 40.77, "Longitude": -124.14, "Population": 1407.0}, {"index": 2570, "quantile": 1.0, "value": 126899.99999999999, "Latitude": 40.77, "Longitude": -124.14, "Population": 1407.0}, {"index": 2571, "quantile": 0.0, "value": 61300.0, "Latitude": 40.76, "Longitude": -124.15, "Population": 1388.0}, {"index": 2571, "quantile": 0.25, "value": 92800.0, "Latitude": 40.76, "Longitude": -124.15, "Population": 1388.0}, {"index": 2571, "quantile": 0.5, "value": 96000.0, "Latitude": 40.76, "Longitude": -124.15, "Population": 1388.0}, {"index": 2571, "quantile": 0.75, "value": 101200.0, "Latitude": 40.76, "Longitude": -124.15, "Population": 1388.0}, {"index": 2571, "quantile": 1.0, "value": 147100.0, "Latitude": 40.76, "Longitude": -124.15, "Population": 1388.0}, {"index": 2572, "quantile": 0.0, "value": 81300.0, "Latitude": 40.78, "Longitude": -124.15, "Population": 829.0}, {"index": 2572, "quantile": 0.25, "value": 90000.0, "Latitude": 40.78, "Longitude": -124.15, "Population": 829.0}, {"index": 2572, "quantile": 0.5, "value": 90000.0, "Latitude": 40.78, "Longitude": -124.15, "Population": 829.0}, {"index": 2572, "quantile": 0.75, "value": 90000.0, "Latitude": 40.78, "Longitude": -124.15, "Population": 829.0}, {"index": 2572, "quantile": 1.0, "value": 295700.0, "Latitude": 40.78, "Longitude": -124.15, "Population": 829.0}, {"index": 2573, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 40.81, "Longitude": -124.11, "Population": 425.0}, {"index": 2573, "quantile": 0.25, "value": 96100.0, "Latitude": 40.81, "Longitude": -124.11, "Population": 425.0}, {"index": 2573, "quantile": 0.5, "value": 96100.0, "Latitude": 40.81, "Longitude": -124.11, "Population": 425.0}, {"index": 2573, "quantile": 0.75, "value": 96100.0, "Latitude": 40.81, "Longitude": -124.11, "Population": 425.0}, {"index": 2573, "quantile": 1.0, "value": 165000.0, "Latitude": 40.81, "Longitude": -124.11, "Population": 425.0}, {"index": 2574, "quantile": 0.0, "value": 53500.0, "Latitude": 40.78, "Longitude": -124.13, "Population": 1056.0}, {"index": 2574, "quantile": 0.25, "value": 71100.0, "Latitude": 40.78, "Longitude": -124.13, "Population": 1056.0}, {"index": 2574, "quantile": 0.5, "value": 79600.0, "Latitude": 40.78, "Longitude": -124.13, "Population": 1056.0}, {"index": 2574, "quantile": 0.75, "value": 81100.0, "Latitude": 40.78, "Longitude": -124.13, "Population": 1056.0}, {"index": 2574, "quantile": 1.0, "value": 92600.0, "Latitude": 40.78, "Longitude": -124.13, "Population": 1056.0}, {"index": 2575, "quantile": 0.0, "value": 46200.0, "Latitude": 40.8, "Longitude": -124.13, "Population": 1259.0}, {"index": 2575, "quantile": 0.25, "value": 72300.0, "Latitude": 40.8, "Longitude": -124.13, "Population": 1259.0}, {"index": 2575, "quantile": 0.5, "value": 81100.0, "Latitude": 40.8, "Longitude": -124.13, "Population": 1259.0}, {"index": 2575, "quantile": 0.75, "value": 81100.0, "Latitude": 40.8, "Longitude": -124.13, "Population": 1259.0}, {"index": 2575, "quantile": 1.0, "value": 123200.0, "Latitude": 40.8, "Longitude": -124.13, "Population": 1259.0}, {"index": 2576, "quantile": 0.0, "value": 63600.0, "Latitude": 40.79, "Longitude": -124.13, "Population": 1130.0}, {"index": 2576, "quantile": 0.25, "value": 82075.0, "Latitude": 40.79, "Longitude": -124.13, "Population": 1130.0}, {"index": 2576, "quantile": 0.5, "value": 88850.0, "Latitude": 40.79, "Longitude": -124.13, "Population": 1130.0}, {"index": 2576, "quantile": 0.75, "value": 103375.0, "Latitude": 40.79, "Longitude": -124.13, "Population": 1130.0}, {"index": 2576, "quantile": 1.0, "value": 165000.0, "Latitude": 40.79, "Longitude": -124.13, "Population": 1130.0}, {"index": 2577, "quantile": 0.0, "value": 73600.0, "Latitude": 40.79, "Longitude": -124.13, "Population": 855.0}, {"index": 2577, "quantile": 0.25, "value": 92800.0, "Latitude": 40.79, "Longitude": -124.13, "Population": 855.0}, {"index": 2577, "quantile": 0.5, "value": 92800.0, "Latitude": 40.79, "Longitude": -124.13, "Population": 855.0}, {"index": 2577, "quantile": 0.75, "value": 97249.99999999999, "Latitude": 40.79, "Longitude": -124.13, "Population": 855.0}, {"index": 2577, "quantile": 1.0, "value": 153100.0, "Latitude": 40.79, "Longitude": -124.13, "Population": 855.0}, {"index": 2578, "quantile": 0.0, "value": 73600.0, "Latitude": 40.86, "Longitude": -124.06, "Population": 1891.0}, {"index": 2578, "quantile": 0.25, "value": 98100.0, "Latitude": 40.86, "Longitude": -124.06, "Population": 1891.0}, {"index": 2578, "quantile": 0.5, "value": 98100.0, "Latitude": 40.86, "Longitude": -124.06, "Population": 1891.0}, {"index": 2578, "quantile": 0.75, "value": 98100.0, "Latitude": 40.86, "Longitude": -124.06, "Population": 1891.0}, {"index": 2578, "quantile": 1.0, "value": 187800.0, "Latitude": 40.86, "Longitude": -124.06, "Population": 1891.0}, {"index": 2579, "quantile": 0.0, "value": 73600.0, "Latitude": 40.85, "Longitude": -124.05, "Population": 1005.0}, {"index": 2579, "quantile": 0.25, "value": 95100.0, "Latitude": 40.85, "Longitude": -124.05, "Population": 1005.0}, {"index": 2579, "quantile": 0.5, "value": 143000.0, "Latitude": 40.85, "Longitude": -124.05, "Population": 1005.0}, {"index": 2579, "quantile": 0.75, "value": 143000.0, "Latitude": 40.85, "Longitude": -124.05, "Population": 1005.0}, {"index": 2579, "quantile": 1.0, "value": 143800.0, "Latitude": 40.85, "Longitude": -124.05, "Population": 1005.0}, {"index": 2580, "quantile": 0.0, "value": 73600.0, "Latitude": 40.8, "Longitude": -124.02, "Population": 1198.0}, {"index": 2580, "quantile": 0.25, "value": 128899.99999999999, "Latitude": 40.8, "Longitude": -124.02, "Population": 1198.0}, {"index": 2580, "quantile": 0.5, "value": 133900.0, "Latitude": 40.8, "Longitude": -124.02, "Population": 1198.0}, {"index": 2580, "quantile": 0.75, "value": 133900.0, "Latitude": 40.8, "Longitude": -124.02, "Population": 1198.0}, {"index": 2580, "quantile": 1.0, "value": 244600.00000000003, "Latitude": 40.8, "Longitude": -124.02, "Population": 1198.0}, {"index": 2581, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 40.86, "Longitude": -124.08, "Population": 805.0}, {"index": 2581, "quantile": 0.25, "value": 138850.0, "Latitude": 40.86, "Longitude": -124.08, "Population": 805.0}, {"index": 2581, "quantile": 0.5, "value": 150000.0, "Latitude": 40.86, "Longitude": -124.08, "Population": 805.0}, {"index": 2581, "quantile": 0.75, "value": 150000.0, "Latitude": 40.86, "Longitude": -124.08, "Population": 805.0}, {"index": 2581, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 40.86, "Longitude": -124.08, "Population": 805.0}, {"index": 2582, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 40.86, "Longitude": -124.09, "Population": 794.0}, {"index": 2582, "quantile": 0.25, "value": 74800.0, "Latitude": 40.86, "Longitude": -124.09, "Population": 794.0}, {"index": 2582, "quantile": 0.5, "value": 87500.0, "Latitude": 40.86, "Longitude": -124.09, "Population": 794.0}, {"index": 2582, "quantile": 0.75, "value": 126325.0, "Latitude": 40.86, "Longitude": -124.09, "Population": 794.0}, {"index": 2582, "quantile": 1.0, "value": 268800.0, "Latitude": 40.86, "Longitude": -124.09, "Population": 794.0}, {"index": 2583, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 40.87, "Longitude": -124.09, "Population": 398.0}, {"index": 2583, "quantile": 0.25, "value": 87500.0, "Latitude": 40.87, "Longitude": -124.09, "Population": 398.0}, {"index": 2583, "quantile": 0.5, "value": 87500.0, "Latitude": 40.87, "Longitude": -124.09, "Population": 398.0}, {"index": 2583, "quantile": 0.75, "value": 87500.0, "Latitude": 40.87, "Longitude": -124.09, "Population": 398.0}, {"index": 2583, "quantile": 1.0, "value": 312500.0, "Latitude": 40.87, "Longitude": -124.09, "Population": 398.0}, {"index": 2584, "quantile": 0.0, "value": 54100.00000000001, "Latitude": 40.87, "Longitude": -124.07, "Population": 796.0}, {"index": 2584, "quantile": 0.25, "value": 80800.0, "Latitude": 40.87, "Longitude": -124.07, "Population": 796.0}, {"index": 2584, "quantile": 0.5, "value": 92700.0, "Latitude": 40.87, "Longitude": -124.07, "Population": 796.0}, {"index": 2584, "quantile": 0.75, "value": 105800.0, "Latitude": 40.87, "Longitude": -124.07, "Population": 796.0}, {"index": 2584, "quantile": 1.0, "value": 153100.0, "Latitude": 40.87, "Longitude": -124.07, "Population": 796.0}, {"index": 2585, "quantile": 0.0, "value": 49600.0, "Latitude": 40.87, "Longitude": -124.08, "Population": 990.0}, {"index": 2585, "quantile": 0.25, "value": 69524.99999999999, "Latitude": 40.87, "Longitude": -124.08, "Population": 990.0}, {"index": 2585, "quantile": 0.5, "value": 72500.0, "Latitude": 40.87, "Longitude": -124.08, "Population": 990.0}, {"index": 2585, "quantile": 0.75, "value": 78800.0, "Latitude": 40.87, "Longitude": -124.08, "Population": 990.0}, {"index": 2585, "quantile": 1.0, "value": 425000.0, "Latitude": 40.87, "Longitude": -124.08, "Population": 990.0}, {"index": 2586, "quantile": 0.0, "value": 62500.0, "Latitude": 40.88, "Longitude": -124.09, "Population": 420.0}, {"index": 2586, "quantile": 0.25, "value": 90600.0, "Latitude": 40.88, "Longitude": -124.09, "Population": 420.0}, {"index": 2586, "quantile": 0.5, "value": 105800.0, "Latitude": 40.88, "Longitude": -124.09, "Population": 420.0}, {"index": 2586, "quantile": 0.75, "value": 105800.0, "Latitude": 40.88, "Longitude": -124.09, "Population": 420.0}, {"index": 2586, "quantile": 1.0, "value": 105800.0, "Latitude": 40.88, "Longitude": -124.09, "Population": 420.0}, {"index": 2587, "quantile": 0.0, "value": 34400.0, "Latitude": 40.87, "Longitude": -124.07, "Population": 780.0}, {"index": 2587, "quantile": 0.25, "value": 150000.0, "Latitude": 40.87, "Longitude": -124.07, "Population": 780.0}, {"index": 2587, "quantile": 0.5, "value": 153100.0, "Latitude": 40.87, "Longitude": -124.07, "Population": 780.0}, {"index": 2587, "quantile": 0.75, "value": 153100.0, "Latitude": 40.87, "Longitude": -124.07, "Population": 780.0}, {"index": 2587, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 40.87, "Longitude": -124.07, "Population": 780.0}, {"index": 2588, "quantile": 0.0, "value": 46200.0, "Latitude": 40.88, "Longitude": -124.15, "Population": 1165.0}, {"index": 2588, "quantile": 0.25, "value": 57499.99999999999, "Latitude": 40.88, "Longitude": -124.15, "Population": 1165.0}, {"index": 2588, "quantile": 0.5, "value": 57499.99999999999, "Latitude": 40.88, "Longitude": -124.15, "Population": 1165.0}, {"index": 2588, "quantile": 0.75, "value": 67000.0, "Latitude": 40.88, "Longitude": -124.15, "Population": 1165.0}, {"index": 2588, "quantile": 1.0, "value": 153100.0, "Latitude": 40.88, "Longitude": -124.15, "Population": 1165.0}, {"index": 2589, "quantile": 0.0, "value": 46200.0, "Latitude": 40.88, "Longitude": -124.1, "Population": 1581.0}, {"index": 2589, "quantile": 0.25, "value": 74800.0, "Latitude": 40.88, "Longitude": -124.1, "Population": 1581.0}, {"index": 2589, "quantile": 0.5, "value": 81100.0, "Latitude": 40.88, "Longitude": -124.1, "Population": 1581.0}, {"index": 2589, "quantile": 0.75, "value": 81100.0, "Latitude": 40.88, "Longitude": -124.1, "Population": 1581.0}, {"index": 2589, "quantile": 1.0, "value": 153100.0, "Latitude": 40.88, "Longitude": -124.1, "Population": 1581.0}, {"index": 2590, "quantile": 0.0, "value": 37900.0, "Latitude": 40.88, "Longitude": -124.09, "Population": 1052.0}, {"index": 2590, "quantile": 0.25, "value": 57499.99999999999, "Latitude": 40.88, "Longitude": -124.09, "Population": 1052.0}, {"index": 2590, "quantile": 0.5, "value": 69000.0, "Latitude": 40.88, "Longitude": -124.09, "Population": 1052.0}, {"index": 2590, "quantile": 0.75, "value": 78800.0, "Latitude": 40.88, "Longitude": -124.09, "Population": 1052.0}, {"index": 2590, "quantile": 1.0, "value": 425000.0, "Latitude": 40.88, "Longitude": -124.09, "Population": 1052.0}, {"index": 2591, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 40.88, "Longitude": -124.09, "Population": 1353.0}, {"index": 2591, "quantile": 0.25, "value": 82100.0, "Latitude": 40.88, "Longitude": -124.09, "Population": 1353.0}, {"index": 2591, "quantile": 0.5, "value": 82100.0, "Latitude": 40.88, "Longitude": -124.09, "Population": 1353.0}, {"index": 2591, "quantile": 0.75, "value": 82100.0, "Latitude": 40.88, "Longitude": -124.09, "Population": 1353.0}, {"index": 2591, "quantile": 1.0, "value": 122400.0, "Latitude": 40.88, "Longitude": -124.09, "Population": 1353.0}, {"index": 2592, "quantile": 0.0, "value": 78700.0, "Latitude": 40.9, "Longitude": -124.1, "Population": 1948.0}, {"index": 2592, "quantile": 0.25, "value": 92600.0, "Latitude": 40.9, "Longitude": -124.1, "Population": 1948.0}, {"index": 2592, "quantile": 0.5, "value": 92600.0, "Latitude": 40.9, "Longitude": -124.1, "Population": 1948.0}, {"index": 2592, "quantile": 0.75, "value": 92600.0, "Latitude": 40.9, "Longitude": -124.1, "Population": 1948.0}, {"index": 2592, "quantile": 1.0, "value": 140700.0, "Latitude": 40.9, "Longitude": -124.1, "Population": 1948.0}, {"index": 2593, "quantile": 0.0, "value": 50800.0, "Latitude": 40.81, "Longitude": -124.23, "Population": 544.0}, {"index": 2593, "quantile": 0.25, "value": 50800.0, "Latitude": 40.81, "Longitude": -124.23, "Population": 544.0}, {"index": 2593, "quantile": 0.5, "value": 50800.0, "Latitude": 40.81, "Longitude": -124.23, "Population": 544.0}, {"index": 2593, "quantile": 0.75, "value": 104200.0, "Latitude": 40.81, "Longitude": -124.23, "Population": 544.0}, {"index": 2593, "quantile": 1.0, "value": 418400.0, "Latitude": 40.81, "Longitude": -124.23, "Population": 544.0}, {"index": 2594, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 40.88, "Longitude": -124.06, "Population": 1603.0}, {"index": 2594, "quantile": 0.25, "value": 75000.0, "Latitude": 40.88, "Longitude": -124.06, "Population": 1603.0}, {"index": 2594, "quantile": 0.5, "value": 93000.0, "Latitude": 40.88, "Longitude": -124.06, "Population": 1603.0}, {"index": 2594, "quantile": 0.75, "value": 115175.0, "Latitude": 40.88, "Longitude": -124.06, "Population": 1603.0}, {"index": 2594, "quantile": 1.0, "value": 275000.0, "Latitude": 40.88, "Longitude": -124.06, "Population": 1603.0}, {"index": 2595, "quantile": 0.0, "value": 76100.0, "Latitude": 40.66, "Longitude": -123.74, "Population": 983.0}, {"index": 2595, "quantile": 0.25, "value": 118950.0, "Latitude": 40.66, "Longitude": -123.74, "Population": 983.0}, {"index": 2595, "quantile": 0.5, "value": 136000.0, "Latitude": 40.66, "Longitude": -123.74, "Population": 983.0}, {"index": 2595, "quantile": 0.75, "value": 136000.0, "Latitude": 40.66, "Longitude": -123.74, "Population": 983.0}, {"index": 2595, "quantile": 1.0, "value": 154200.0, "Latitude": 40.66, "Longitude": -123.74, "Population": 983.0}, {"index": 2596, "quantile": 0.0, "value": 32500.0, "Latitude": 40.91, "Longitude": -124.08, "Population": 1381.0}, {"index": 2596, "quantile": 0.25, "value": 78800.0, "Latitude": 40.91, "Longitude": -124.08, "Population": 1381.0}, {"index": 2596, "quantile": 0.5, "value": 78800.0, "Latitude": 40.91, "Longitude": -124.08, "Population": 1381.0}, {"index": 2596, "quantile": 0.75, "value": 81549.99999999999, "Latitude": 40.91, "Longitude": -124.08, "Population": 1381.0}, {"index": 2596, "quantile": 1.0, "value": 271400.0, "Latitude": 40.91, "Longitude": -124.08, "Population": 1381.0}, {"index": 2597, "quantile": 0.0, "value": 49600.0, "Latitude": 41.03, "Longitude": -123.76, "Population": 1058.0}, {"index": 2597, "quantile": 0.25, "value": 75075.0, "Latitude": 41.03, "Longitude": -123.76, "Population": 1058.0}, {"index": 2597, "quantile": 0.5, "value": 79800.0, "Latitude": 41.03, "Longitude": -123.76, "Population": 1058.0}, {"index": 2597, "quantile": 0.75, "value": 79800.0, "Latitude": 41.03, "Longitude": -123.76, "Population": 1058.0}, {"index": 2597, "quantile": 1.0, "value": 123200.0, "Latitude": 41.03, "Longitude": -123.76, "Population": 1058.0}, {"index": 2598, "quantile": 0.0, "value": 36700.0, "Latitude": 41.32, "Longitude": -123.85, "Population": 425.0}, {"index": 2598, "quantile": 0.25, "value": 36700.0, "Latitude": 41.32, "Longitude": -123.85, "Population": 425.0}, {"index": 2598, "quantile": 0.5, "value": 36700.0, "Latitude": 41.32, "Longitude": -123.85, "Population": 425.0}, {"index": 2598, "quantile": 0.75, "value": 62800.0, "Latitude": 41.32, "Longitude": -123.85, "Population": 425.0}, {"index": 2598, "quantile": 1.0, "value": 145800.0, "Latitude": 41.32, "Longitude": -123.85, "Population": 425.0}, {"index": 2599, "quantile": 0.0, "value": 50000.0, "Latitude": 41.09, "Longitude": -123.72, "Population": 1166.0}, {"index": 2599, "quantile": 0.25, "value": 50000.0, "Latitude": 41.09, "Longitude": -123.72, "Population": 1166.0}, {"index": 2599, "quantile": 0.5, "value": 50000.0, "Latitude": 41.09, "Longitude": -123.72, "Population": 1166.0}, {"index": 2599, "quantile": 0.75, "value": 71100.0, "Latitude": 41.09, "Longitude": -123.72, "Population": 1166.0}, {"index": 2599, "quantile": 1.0, "value": 118800.0, "Latitude": 41.09, "Longitude": -123.72, "Population": 1166.0}, {"index": 2600, "quantile": 0.0, "value": 46200.0, "Latitude": 41.11, "Longitude": -123.63, "Population": 1033.0}, {"index": 2600, "quantile": 0.25, "value": 50000.0, "Latitude": 41.11, "Longitude": -123.63, "Population": 1033.0}, {"index": 2600, "quantile": 0.5, "value": 57899.99999999999, "Latitude": 41.11, "Longitude": -123.63, "Population": 1033.0}, {"index": 2600, "quantile": 0.75, "value": 76800.0, "Latitude": 41.11, "Longitude": -123.63, "Population": 1033.0}, {"index": 2600, "quantile": 1.0, "value": 118800.0, "Latitude": 41.11, "Longitude": -123.63, "Population": 1033.0}, {"index": 2601, "quantile": 0.0, "value": 46200.0, "Latitude": 41.3, "Longitude": -123.66, "Population": 686.0}, {"index": 2601, "quantile": 0.25, "value": 57499.99999999999, "Latitude": 41.3, "Longitude": -123.66, "Population": 686.0}, {"index": 2601, "quantile": 0.5, "value": 65750.0, "Latitude": 41.3, "Longitude": -123.66, "Population": 686.0}, {"index": 2601, "quantile": 0.75, "value": 79200.0, "Latitude": 41.3, "Longitude": -123.66, "Population": 686.0}, {"index": 2601, "quantile": 1.0, "value": 145800.0, "Latitude": 41.3, "Longitude": -123.66, "Population": 686.0}, {"index": 2602, "quantile": 0.0, "value": 37500.0, "Latitude": 41.01, "Longitude": -123.52, "Population": 517.0}, {"index": 2602, "quantile": 0.25, "value": 83800.0, "Latitude": 41.01, "Longitude": -123.52, "Population": 517.0}, {"index": 2602, "quantile": 0.5, "value": 83800.0, "Latitude": 41.01, "Longitude": -123.52, "Population": 517.0}, {"index": 2602, "quantile": 0.75, "value": 83800.0, "Latitude": 41.01, "Longitude": -123.52, "Population": 517.0}, {"index": 2602, "quantile": 1.0, "value": 145800.0, "Latitude": 41.01, "Longitude": -123.52, "Population": 517.0}, {"index": 2603, "quantile": 0.0, "value": 36700.0, "Latitude": 41.36, "Longitude": -124.08, "Population": 509.0}, {"index": 2603, "quantile": 0.25, "value": 62800.0, "Latitude": 41.36, "Longitude": -124.08, "Population": 509.0}, {"index": 2603, "quantile": 0.5, "value": 62800.0, "Latitude": 41.36, "Longitude": -124.08, "Population": 509.0}, {"index": 2603, "quantile": 0.75, "value": 67550.0, "Latitude": 41.36, "Longitude": -124.08, "Population": 509.0}, {"index": 2603, "quantile": 1.0, "value": 93600.0, "Latitude": 41.36, "Longitude": -124.08, "Population": 509.0}, {"index": 2604, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 41.13, "Longitude": -124.06, "Population": 1384.0}, {"index": 2604, "quantile": 0.25, "value": 110325.0, "Latitude": 41.13, "Longitude": -124.06, "Population": 1384.0}, {"index": 2604, "quantile": 0.5, "value": 119400.0, "Latitude": 41.13, "Longitude": -124.06, "Population": 1384.0}, {"index": 2604, "quantile": 0.75, "value": 119400.0, "Latitude": 41.13, "Longitude": -124.06, "Population": 1384.0}, {"index": 2604, "quantile": 1.0, "value": 152700.0, "Latitude": 41.13, "Longitude": -124.06, "Population": 1384.0}, {"index": 2605, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 41.06, "Longitude": -124.14, "Population": 421.0}, {"index": 2605, "quantile": 0.25, "value": 142875.0, "Latitude": 41.06, "Longitude": -124.14, "Population": 421.0}, {"index": 2605, "quantile": 0.5, "value": 143400.0, "Latitude": 41.06, "Longitude": -124.14, "Population": 421.0}, {"index": 2605, "quantile": 0.75, "value": 143400.0, "Latitude": 41.06, "Longitude": -124.14, "Population": 421.0}, {"index": 2605, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 41.06, "Longitude": -124.14, "Population": 421.0}, {"index": 2606, "quantile": 0.0, "value": 49600.0, "Latitude": 41.04, "Longitude": -124.1, "Population": 890.0}, {"index": 2606, "quantile": 0.25, "value": 66725.0, "Latitude": 41.04, "Longitude": -124.1, "Population": 890.0}, {"index": 2606, "quantile": 0.5, "value": 75000.0, "Latitude": 41.04, "Longitude": -124.1, "Population": 890.0}, {"index": 2606, "quantile": 0.75, "value": 80800.0, "Latitude": 41.04, "Longitude": -124.1, "Population": 890.0}, {"index": 2606, "quantile": 1.0, "value": 119200.0, "Latitude": 41.04, "Longitude": -124.1, "Population": 890.0}, {"index": 2607, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 40.97, "Longitude": -124.01, "Population": 943.0}, {"index": 2607, "quantile": 0.25, "value": 86350.0, "Latitude": 40.97, "Longitude": -124.01, "Population": 943.0}, {"index": 2607, "quantile": 0.5, "value": 96000.0, "Latitude": 40.97, "Longitude": -124.01, "Population": 943.0}, {"index": 2607, "quantile": 0.75, "value": 143000.0, "Latitude": 40.97, "Longitude": -124.01, "Population": 943.0}, {"index": 2607, "quantile": 1.0, "value": 271800.0, "Latitude": 40.97, "Longitude": -124.01, "Population": 943.0}, {"index": 2608, "quantile": 0.0, "value": 76100.0, "Latitude": 40.92, "Longitude": -124.0, "Population": 672.0}, {"index": 2608, "quantile": 0.25, "value": 98800.0, "Latitude": 40.92, "Longitude": -124.0, "Population": 672.0}, {"index": 2608, "quantile": 0.5, "value": 98800.0, "Latitude": 40.92, "Longitude": -124.0, "Population": 672.0}, {"index": 2608, "quantile": 0.75, "value": 98800.0, "Latitude": 40.92, "Longitude": -124.0, "Population": 672.0}, {"index": 2608, "quantile": 1.0, "value": 152700.0, "Latitude": 40.92, "Longitude": -124.0, "Population": 672.0}, {"index": 2609, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 40.89, "Longitude": -124.01, "Population": 811.0}, {"index": 2609, "quantile": 0.25, "value": 75600.0, "Latitude": 40.89, "Longitude": -124.01, "Population": 811.0}, {"index": 2609, "quantile": 0.5, "value": 75600.0, "Latitude": 40.89, "Longitude": -124.01, "Population": 811.0}, {"index": 2609, "quantile": 0.75, "value": 80800.0, "Latitude": 40.89, "Longitude": -124.01, "Population": 811.0}, {"index": 2609, "quantile": 1.0, "value": 255300.0, "Latitude": 40.89, "Longitude": -124.01, "Population": 811.0}, {"index": 2610, "quantile": 0.0, "value": 69000.0, "Latitude": 40.88, "Longitude": -123.98, "Population": 844.0}, {"index": 2610, "quantile": 0.25, "value": 84200.0, "Latitude": 40.88, "Longitude": -123.98, "Population": 844.0}, {"index": 2610, "quantile": 0.5, "value": 84200.0, "Latitude": 40.88, "Longitude": -123.98, "Population": 844.0}, {"index": 2610, "quantile": 0.75, "value": 84200.0, "Latitude": 40.88, "Longitude": -123.98, "Population": 844.0}, {"index": 2610, "quantile": 1.0, "value": 125600.0, "Latitude": 40.88, "Longitude": -123.98, "Population": 844.0}, {"index": 2611, "quantile": 0.0, "value": 81300.0, "Latitude": 40.93, "Longitude": -123.88, "Population": 519.0}, {"index": 2611, "quantile": 0.25, "value": 106300.0, "Latitude": 40.93, "Longitude": -123.88, "Population": 519.0}, {"index": 2611, "quantile": 0.5, "value": 106300.0, "Latitude": 40.93, "Longitude": -123.88, "Population": 519.0}, {"index": 2611, "quantile": 0.75, "value": 106300.0, "Latitude": 40.93, "Longitude": -123.88, "Population": 519.0}, {"index": 2611, "quantile": 1.0, "value": 277000.0, "Latitude": 40.93, "Longitude": -123.88, "Population": 519.0}, {"index": 2612, "quantile": 0.0, "value": 51600.0, "Latitude": 41.02, "Longitude": -124.16, "Population": 1060.0}, {"index": 2612, "quantile": 0.25, "value": 75500.0, "Latitude": 41.02, "Longitude": -124.16, "Population": 1060.0}, {"index": 2612, "quantile": 0.5, "value": 75500.0, "Latitude": 41.02, "Longitude": -124.16, "Population": 1060.0}, {"index": 2612, "quantile": 0.75, "value": 75500.0, "Latitude": 41.02, "Longitude": -124.16, "Population": 1060.0}, {"index": 2612, "quantile": 1.0, "value": 187500.0, "Latitude": 41.02, "Longitude": -124.16, "Population": 1060.0}, {"index": 2613, "quantile": 0.0, "value": 68400.0, "Latitude": 40.99, "Longitude": -124.08, "Population": 1554.0}, {"index": 2613, "quantile": 0.25, "value": 104175.0, "Latitude": 40.99, "Longitude": -124.08, "Population": 1554.0}, {"index": 2613, "quantile": 0.5, "value": 111300.0, "Latitude": 40.99, "Longitude": -124.08, "Population": 1554.0}, {"index": 2613, "quantile": 0.75, "value": 111300.0, "Latitude": 40.99, "Longitude": -124.08, "Population": 1554.0}, {"index": 2613, "quantile": 1.0, "value": 141600.0, "Latitude": 40.99, "Longitude": -124.08, "Population": 1554.0}, {"index": 2614, "quantile": 0.0, "value": 73600.0, "Latitude": 40.95, "Longitude": -124.16, "Population": 529.0}, {"index": 2614, "quantile": 0.25, "value": 96000.0, "Latitude": 40.95, "Longitude": -124.16, "Population": 529.0}, {"index": 2614, "quantile": 0.5, "value": 96000.0, "Latitude": 40.95, "Longitude": -124.16, "Population": 529.0}, {"index": 2614, "quantile": 0.75, "value": 96000.0, "Latitude": 40.95, "Longitude": -124.16, "Population": 529.0}, {"index": 2614, "quantile": 1.0, "value": 277000.0, "Latitude": 40.95, "Longitude": -124.16, "Population": 529.0}, {"index": 2615, "quantile": 0.0, "value": 76100.0, "Latitude": 40.95, "Longitude": -124.11, "Population": 866.0}, {"index": 2615, "quantile": 0.25, "value": 81700.0, "Latitude": 40.95, "Longitude": -124.11, "Population": 866.0}, {"index": 2615, "quantile": 0.5, "value": 81700.0, "Latitude": 40.95, "Longitude": -124.11, "Population": 866.0}, {"index": 2615, "quantile": 0.75, "value": 94950.0, "Latitude": 40.95, "Longitude": -124.11, "Population": 866.0}, {"index": 2615, "quantile": 1.0, "value": 152700.0, "Latitude": 40.95, "Longitude": -124.11, "Population": 866.0}, {"index": 2616, "quantile": 0.0, "value": 72600.0, "Latitude": 40.95, "Longitude": -124.09, "Population": 1248.0}, {"index": 2616, "quantile": 0.25, "value": 99600.0, "Latitude": 40.95, "Longitude": -124.09, "Population": 1248.0}, {"index": 2616, "quantile": 0.5, "value": 99600.0, "Latitude": 40.95, "Longitude": -124.09, "Population": 1248.0}, {"index": 2616, "quantile": 0.75, "value": 99600.0, "Latitude": 40.95, "Longitude": -124.09, "Population": 1248.0}, {"index": 2616, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 40.95, "Longitude": -124.09, "Population": 1248.0}, {"index": 2617, "quantile": 0.0, "value": 73600.0, "Latitude": 40.93, "Longitude": -124.11, "Population": 1298.0}, {"index": 2617, "quantile": 0.25, "value": 73600.0, "Latitude": 40.93, "Longitude": -124.11, "Population": 1298.0}, {"index": 2617, "quantile": 0.5, "value": 73600.0, "Latitude": 40.93, "Longitude": -124.11, "Population": 1298.0}, {"index": 2617, "quantile": 0.75, "value": 96000.0, "Latitude": 40.93, "Longitude": -124.11, "Population": 1298.0}, {"index": 2617, "quantile": 1.0, "value": 143000.0, "Latitude": 40.93, "Longitude": -124.11, "Population": 1298.0}, {"index": 2618, "quantile": 0.0, "value": 75600.0, "Latitude": 40.93, "Longitude": -124.11, "Population": 948.0}, {"index": 2618, "quantile": 0.25, "value": 90200.0, "Latitude": 40.93, "Longitude": -124.11, "Population": 948.0}, {"index": 2618, "quantile": 0.5, "value": 90200.0, "Latitude": 40.93, "Longitude": -124.11, "Population": 948.0}, {"index": 2618, "quantile": 0.75, "value": 93875.0, "Latitude": 40.93, "Longitude": -124.11, "Population": 948.0}, {"index": 2618, "quantile": 1.0, "value": 190300.0, "Latitude": 40.93, "Longitude": -124.11, "Population": 948.0}, {"index": 2619, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 40.94, "Longitude": -124.08, "Population": 941.0}, {"index": 2619, "quantile": 0.25, "value": 75150.0, "Latitude": 40.94, "Longitude": -124.08, "Population": 941.0}, {"index": 2619, "quantile": 0.5, "value": 85200.0, "Latitude": 40.94, "Longitude": -124.08, "Population": 941.0}, {"index": 2619, "quantile": 0.75, "value": 101000.0, "Latitude": 40.94, "Longitude": -124.08, "Population": 941.0}, {"index": 2619, "quantile": 1.0, "value": 130700.0, "Latitude": 40.94, "Longitude": -124.08, "Population": 941.0}, {"index": 2620, "quantile": 0.0, "value": 81100.0, "Latitude": 40.92, "Longitude": -124.09, "Population": 1153.0}, {"index": 2620, "quantile": 0.25, "value": 110900.0, "Latitude": 40.92, "Longitude": -124.09, "Population": 1153.0}, {"index": 2620, "quantile": 0.5, "value": 126899.99999999999, "Latitude": 40.92, "Longitude": -124.09, "Population": 1153.0}, {"index": 2620, "quantile": 0.75, "value": 126899.99999999999, "Latitude": 40.92, "Longitude": -124.09, "Population": 1153.0}, {"index": 2620, "quantile": 1.0, "value": 129800.0, "Latitude": 40.92, "Longitude": -124.09, "Population": 1153.0}, {"index": 2621, "quantile": 0.0, "value": 71300.0, "Latitude": 40.94, "Longitude": -124.05, "Population": 516.0}, {"index": 2621, "quantile": 0.25, "value": 165600.0, "Latitude": 40.94, "Longitude": -124.05, "Population": 516.0}, {"index": 2621, "quantile": 0.5, "value": 165600.0, "Latitude": 40.94, "Longitude": -124.05, "Population": 516.0}, {"index": 2621, "quantile": 0.75, "value": 192650.0, "Latitude": 40.94, "Longitude": -124.05, "Population": 516.0}, {"index": 2621, "quantile": 1.0, "value": 500000.0, "Latitude": 40.94, "Longitude": -124.05, "Population": 516.0}, {"index": 2622, "quantile": 0.0, "value": 49600.0, "Latitude": 40.95, "Longitude": -124.1, "Population": 823.0}, {"index": 2622, "quantile": 0.25, "value": 78400.0, "Latitude": 40.95, "Longitude": -124.1, "Population": 823.0}, {"index": 2622, "quantile": 0.5, "value": 78400.0, "Latitude": 40.95, "Longitude": -124.1, "Population": 823.0}, {"index": 2622, "quantile": 0.75, "value": 78400.0, "Latitude": 40.95, "Longitude": -124.1, "Population": 823.0}, {"index": 2622, "quantile": 1.0, "value": 145800.0, "Latitude": 40.95, "Longitude": -124.1, "Population": 823.0}, {"index": 2623, "quantile": 0.0, "value": 64600.0, "Latitude": 40.81, "Longitude": -124.07, "Population": 1019.0}, {"index": 2623, "quantile": 0.25, "value": 99600.0, "Latitude": 40.81, "Longitude": -124.07, "Population": 1019.0}, {"index": 2623, "quantile": 0.5, "value": 119700.0, "Latitude": 40.81, "Longitude": -124.07, "Population": 1019.0}, {"index": 2623, "quantile": 0.75, "value": 119700.0, "Latitude": 40.81, "Longitude": -124.07, "Population": 1019.0}, {"index": 2623, "quantile": 1.0, "value": 165000.0, "Latitude": 40.81, "Longitude": -124.07, "Population": 1019.0}, {"index": 2624, "quantile": 0.0, "value": 73600.0, "Latitude": 40.72, "Longitude": -124.02, "Population": 1658.0}, {"index": 2624, "quantile": 0.25, "value": 119900.0, "Latitude": 40.72, "Longitude": -124.02, "Population": 1658.0}, {"index": 2624, "quantile": 0.5, "value": 119900.0, "Latitude": 40.72, "Longitude": -124.02, "Population": 1658.0}, {"index": 2624, "quantile": 0.75, "value": 119900.0, "Latitude": 40.72, "Longitude": -124.02, "Population": 1658.0}, {"index": 2624, "quantile": 1.0, "value": 159800.0, "Latitude": 40.72, "Longitude": -124.02, "Population": 1658.0}, {"index": 2625, "quantile": 0.0, "value": 73600.0, "Latitude": 40.73, "Longitude": -124.1, "Population": 334.0}, {"index": 2625, "quantile": 0.25, "value": 101400.0, "Latitude": 40.73, "Longitude": -124.1, "Population": 334.0}, {"index": 2625, "quantile": 0.5, "value": 128899.99999999999, "Latitude": 40.73, "Longitude": -124.1, "Population": 334.0}, {"index": 2625, "quantile": 0.75, "value": 133900.0, "Latitude": 40.73, "Longitude": -124.1, "Population": 334.0}, {"index": 2625, "quantile": 1.0, "value": 269800.0, "Latitude": 40.73, "Longitude": -124.1, "Population": 334.0}, {"index": 2626, "quantile": 0.0, "value": 90100.0, "Latitude": 40.74, "Longitude": -124.17, "Population": 873.0}, {"index": 2626, "quantile": 0.25, "value": 128899.99999999999, "Latitude": 40.74, "Longitude": -124.17, "Population": 873.0}, {"index": 2626, "quantile": 0.5, "value": 128899.99999999999, "Latitude": 40.74, "Longitude": -124.17, "Population": 873.0}, {"index": 2626, "quantile": 0.75, "value": 128899.99999999999, "Latitude": 40.74, "Longitude": -124.17, "Population": 873.0}, {"index": 2626, "quantile": 1.0, "value": 269800.0, "Latitude": 40.74, "Longitude": -124.17, "Population": 873.0}, {"index": 2627, "quantile": 0.0, "value": 75600.0, "Latitude": 40.72, "Longitude": -124.14, "Population": 1375.0}, {"index": 2627, "quantile": 0.25, "value": 100499.99999999999, "Latitude": 40.72, "Longitude": -124.14, "Population": 1375.0}, {"index": 2627, "quantile": 0.5, "value": 100499.99999999999, "Latitude": 40.72, "Longitude": -124.14, "Population": 1375.0}, {"index": 2627, "quantile": 0.75, "value": 100499.99999999999, "Latitude": 40.72, "Longitude": -124.14, "Population": 1375.0}, {"index": 2627, "quantile": 1.0, "value": 140700.0, "Latitude": 40.72, "Longitude": -124.14, "Population": 1375.0}, {"index": 2628, "quantile": 0.0, "value": 71300.0, "Latitude": 40.67, "Longitude": -124.14, "Population": 320.0}, {"index": 2628, "quantile": 0.25, "value": 130600.0, "Latitude": 40.67, "Longitude": -124.14, "Population": 320.0}, {"index": 2628, "quantile": 0.5, "value": 130600.0, "Latitude": 40.67, "Longitude": -124.14, "Population": 320.0}, {"index": 2628, "quantile": 0.75, "value": 135725.0, "Latitude": 40.67, "Longitude": -124.14, "Population": 320.0}, {"index": 2628, "quantile": 1.0, "value": 287500.0, "Latitude": 40.67, "Longitude": -124.14, "Population": 320.0}, {"index": 2629, "quantile": 0.0, "value": 50800.0, "Latitude": 40.73, "Longitude": -124.19, "Population": 2907.0}, {"index": 2629, "quantile": 0.25, "value": 90100.0, "Latitude": 40.73, "Longitude": -124.19, "Population": 2907.0}, {"index": 2629, "quantile": 0.5, "value": 90100.0, "Latitude": 40.73, "Longitude": -124.19, "Population": 2907.0}, {"index": 2629, "quantile": 0.75, "value": 98875.0, "Latitude": 40.73, "Longitude": -124.19, "Population": 2907.0}, {"index": 2629, "quantile": 1.0, "value": 171900.0, "Latitude": 40.73, "Longitude": -124.19, "Population": 2907.0}, {"index": 2630, "quantile": 0.0, "value": 52000.0, "Latitude": 40.75, "Longitude": -124.21, "Population": 620.0}, {"index": 2630, "quantile": 0.25, "value": 58099.99999999999, "Latitude": 40.75, "Longitude": -124.21, "Population": 620.0}, {"index": 2630, "quantile": 0.5, "value": 58099.99999999999, "Latitude": 40.75, "Longitude": -124.21, "Population": 620.0}, {"index": 2630, "quantile": 0.75, "value": 62800.0, "Latitude": 40.75, "Longitude": -124.21, "Population": 620.0}, {"index": 2630, "quantile": 1.0, "value": 105000.0, "Latitude": 40.75, "Longitude": -124.21, "Population": 620.0}, {"index": 2631, "quantile": 0.0, "value": 56200.00000000001, "Latitude": 40.69, "Longitude": -124.27, "Population": 1194.0}, {"index": 2631, "quantile": 0.25, "value": 79000.0, "Latitude": 40.69, "Longitude": -124.27, "Population": 1194.0}, {"index": 2631, "quantile": 0.5, "value": 79000.0, "Latitude": 40.69, "Longitude": -124.27, "Population": 1194.0}, {"index": 2631, "quantile": 0.75, "value": 79000.0, "Latitude": 40.69, "Longitude": -124.27, "Population": 1194.0}, {"index": 2631, "quantile": 1.0, "value": 112900.0, "Latitude": 40.69, "Longitude": -124.27, "Population": 1194.0}, {"index": 2632, "quantile": 0.0, "value": 61500.0, "Latitude": 40.62, "Longitude": -124.18, "Population": 480.0}, {"index": 2632, "quantile": 0.25, "value": 86400.0, "Latitude": 40.62, "Longitude": -124.18, "Population": 480.0}, {"index": 2632, "quantile": 0.5, "value": 95500.0, "Latitude": 40.62, "Longitude": -124.18, "Population": 480.0}, {"index": 2632, "quantile": 0.75, "value": 104200.0, "Latitude": 40.62, "Longitude": -124.18, "Population": 480.0}, {"index": 2632, "quantile": 1.0, "value": 165600.0, "Latitude": 40.62, "Longitude": -124.18, "Population": 480.0}, {"index": 2633, "quantile": 0.0, "value": 79800.0, "Latitude": 40.62, "Longitude": -124.17, "Population": 706.0}, {"index": 2633, "quantile": 0.25, "value": 86400.0, "Latitude": 40.62, "Longitude": -124.17, "Population": 706.0}, {"index": 2633, "quantile": 0.5, "value": 86400.0, "Latitude": 40.62, "Longitude": -124.17, "Population": 706.0}, {"index": 2633, "quantile": 0.75, "value": 93800.0, "Latitude": 40.62, "Longitude": -124.17, "Population": 706.0}, {"index": 2633, "quantile": 1.0, "value": 165000.0, "Latitude": 40.62, "Longitude": -124.17, "Population": 706.0}, {"index": 2634, "quantile": 0.0, "value": 63600.0, "Latitude": 40.62, "Longitude": -124.13, "Population": 910.0}, {"index": 2634, "quantile": 0.25, "value": 81000.0, "Latitude": 40.62, "Longitude": -124.13, "Population": 910.0}, {"index": 2634, "quantile": 0.5, "value": 85600.0, "Latitude": 40.62, "Longitude": -124.13, "Population": 910.0}, {"index": 2634, "quantile": 0.75, "value": 104200.0, "Latitude": 40.62, "Longitude": -124.13, "Population": 910.0}, {"index": 2634, "quantile": 1.0, "value": 165600.0, "Latitude": 40.62, "Longitude": -124.13, "Population": 910.0}, {"index": 2635, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 40.6, "Longitude": -124.16, "Population": 642.0}, {"index": 2635, "quantile": 0.25, "value": 85100.0, "Latitude": 40.6, "Longitude": -124.16, "Population": 642.0}, {"index": 2635, "quantile": 0.5, "value": 85100.0, "Latitude": 40.6, "Longitude": -124.16, "Population": 642.0}, {"index": 2635, "quantile": 0.75, "value": 85100.0, "Latitude": 40.6, "Longitude": -124.16, "Population": 642.0}, {"index": 2635, "quantile": 1.0, "value": 267600.0, "Latitude": 40.6, "Longitude": -124.16, "Population": 642.0}, {"index": 2636, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 40.59, "Longitude": -124.15, "Population": 539.0}, {"index": 2636, "quantile": 0.25, "value": 79600.0, "Latitude": 40.59, "Longitude": -124.15, "Population": 539.0}, {"index": 2636, "quantile": 0.5, "value": 79600.0, "Latitude": 40.59, "Longitude": -124.15, "Population": 539.0}, {"index": 2636, "quantile": 0.75, "value": 79600.0, "Latitude": 40.59, "Longitude": -124.15, "Population": 539.0}, {"index": 2636, "quantile": 1.0, "value": 122400.0, "Latitude": 40.59, "Longitude": -124.15, "Population": 539.0}, {"index": 2637, "quantile": 0.0, "value": 67500.0, "Latitude": 40.6, "Longitude": -124.14, "Population": 521.0}, {"index": 2637, "quantile": 0.25, "value": 128099.99999999999, "Latitude": 40.6, "Longitude": -124.14, "Population": 521.0}, {"index": 2637, "quantile": 0.5, "value": 128099.99999999999, "Latitude": 40.6, "Longitude": -124.14, "Population": 521.0}, {"index": 2637, "quantile": 0.75, "value": 128275.0, "Latitude": 40.6, "Longitude": -124.14, "Population": 521.0}, {"index": 2637, "quantile": 1.0, "value": 304700.0, "Latitude": 40.6, "Longitude": -124.14, "Population": 521.0}, {"index": 2638, "quantile": 0.0, "value": 64600.0, "Latitude": 40.59, "Longitude": -124.14, "Population": 826.0}, {"index": 2638, "quantile": 0.25, "value": 66800.0, "Latitude": 40.59, "Longitude": -124.14, "Population": 826.0}, {"index": 2638, "quantile": 0.5, "value": 66800.0, "Latitude": 40.59, "Longitude": -124.14, "Population": 826.0}, {"index": 2638, "quantile": 0.75, "value": 69400.0, "Latitude": 40.59, "Longitude": -124.14, "Population": 826.0}, {"index": 2638, "quantile": 1.0, "value": 150000.0, "Latitude": 40.59, "Longitude": -124.14, "Population": 826.0}, {"index": 2639, "quantile": 0.0, "value": 51600.0, "Latitude": 40.59, "Longitude": -124.14, "Population": 1544.0}, {"index": 2639, "quantile": 0.25, "value": 69500.0, "Latitude": 40.59, "Longitude": -124.14, "Population": 1544.0}, {"index": 2639, "quantile": 0.5, "value": 75800.0, "Latitude": 40.59, "Longitude": -124.14, "Population": 1544.0}, {"index": 2639, "quantile": 0.75, "value": 81600.0, "Latitude": 40.59, "Longitude": -124.14, "Population": 1544.0}, {"index": 2639, "quantile": 1.0, "value": 145800.0, "Latitude": 40.59, "Longitude": -124.14, "Population": 1544.0}, {"index": 2640, "quantile": 0.0, "value": 73600.0, "Latitude": 40.59, "Longitude": -124.05, "Population": 937.0}, {"index": 2640, "quantile": 0.25, "value": 95200.0, "Latitude": 40.59, "Longitude": -124.05, "Population": 937.0}, {"index": 2640, "quantile": 0.5, "value": 95200.0, "Latitude": 40.59, "Longitude": -124.05, "Population": 937.0}, {"index": 2640, "quantile": 0.75, "value": 96000.0, "Latitude": 40.59, "Longitude": -124.05, "Population": 937.0}, {"index": 2640, "quantile": 1.0, "value": 143000.0, "Latitude": 40.59, "Longitude": -124.05, "Population": 937.0}, {"index": 2641, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 40.55, "Longitude": -124.09, "Population": 1370.0}, {"index": 2641, "quantile": 0.25, "value": 79600.0, "Latitude": 40.55, "Longitude": -124.09, "Population": 1370.0}, {"index": 2641, "quantile": 0.5, "value": 88800.0, "Latitude": 40.55, "Longitude": -124.09, "Population": 1370.0}, {"index": 2641, "quantile": 0.75, "value": 108450.0, "Latitude": 40.55, "Longitude": -124.09, "Population": 1370.0}, {"index": 2641, "quantile": 1.0, "value": 165000.0, "Latitude": 40.55, "Longitude": -124.09, "Population": 1370.0}, {"index": 2642, "quantile": 0.0, "value": 52000.0, "Latitude": 40.57, "Longitude": -123.96, "Population": 883.0}, {"index": 2642, "quantile": 0.25, "value": 76650.0, "Latitude": 40.57, "Longitude": -123.96, "Population": 883.0}, {"index": 2642, "quantile": 0.5, "value": 92600.0, "Latitude": 40.57, "Longitude": -123.96, "Population": 883.0}, {"index": 2642, "quantile": 0.75, "value": 92600.0, "Latitude": 40.57, "Longitude": -123.96, "Population": 883.0}, {"index": 2642, "quantile": 1.0, "value": 122400.0, "Latitude": 40.57, "Longitude": -123.96, "Population": 883.0}, {"index": 2643, "quantile": 0.0, "value": 36700.0, "Latitude": 40.48, "Longitude": -123.73, "Population": 746.0}, {"index": 2643, "quantile": 0.25, "value": 77100.0, "Latitude": 40.48, "Longitude": -123.73, "Population": 746.0}, {"index": 2643, "quantile": 0.5, "value": 77100.0, "Latitude": 40.48, "Longitude": -123.73, "Population": 746.0}, {"index": 2643, "quantile": 0.75, "value": 77100.0, "Latitude": 40.48, "Longitude": -123.73, "Population": 746.0}, {"index": 2643, "quantile": 1.0, "value": 145800.0, "Latitude": 40.48, "Longitude": -123.73, "Population": 746.0}, {"index": 2644, "quantile": 0.0, "value": 64600.0, "Latitude": 40.58, "Longitude": -124.14, "Population": 891.0}, {"index": 2644, "quantile": 0.25, "value": 92500.0, "Latitude": 40.58, "Longitude": -124.14, "Population": 891.0}, {"index": 2644, "quantile": 0.5, "value": 92500.0, "Latitude": 40.58, "Longitude": -124.14, "Population": 891.0}, {"index": 2644, "quantile": 0.75, "value": 92500.0, "Latitude": 40.58, "Longitude": -124.14, "Population": 891.0}, {"index": 2644, "quantile": 1.0, "value": 138900.0, "Latitude": 40.58, "Longitude": -124.14, "Population": 891.0}, {"index": 2645, "quantile": 0.0, "value": 56599.99999999999, "Latitude": 40.57, "Longitude": -124.14, "Population": 1314.0}, {"index": 2645, "quantile": 0.25, "value": 75100.0, "Latitude": 40.57, "Longitude": -124.14, "Population": 1314.0}, {"index": 2645, "quantile": 0.5, "value": 75100.0, "Latitude": 40.57, "Longitude": -124.14, "Population": 1314.0}, {"index": 2645, "quantile": 0.75, "value": 75100.0, "Latitude": 40.57, "Longitude": -124.14, "Population": 1314.0}, {"index": 2645, "quantile": 1.0, "value": 105800.0, "Latitude": 40.57, "Longitude": -124.14, "Population": 1314.0}, {"index": 2646, "quantile": 0.0, "value": 63600.0, "Latitude": 40.57, "Longitude": -124.11, "Population": 573.0}, {"index": 2646, "quantile": 0.25, "value": 74100.0, "Latitude": 40.57, "Longitude": -124.11, "Population": 573.0}, {"index": 2646, "quantile": 0.5, "value": 74100.0, "Latitude": 40.57, "Longitude": -124.11, "Population": 573.0}, {"index": 2646, "quantile": 0.75, "value": 82850.0, "Latitude": 40.57, "Longitude": -124.11, "Population": 573.0}, {"index": 2646, "quantile": 1.0, "value": 136700.0, "Latitude": 40.57, "Longitude": -124.11, "Population": 573.0}, {"index": 2647, "quantile": 0.0, "value": 81300.0, "Latitude": 40.55, "Longitude": -124.13, "Population": 240.0}, {"index": 2647, "quantile": 0.25, "value": 94800.0, "Latitude": 40.55, "Longitude": -124.13, "Population": 240.0}, {"index": 2647, "quantile": 0.5, "value": 94800.0, "Latitude": 40.55, "Longitude": -124.13, "Population": 240.0}, {"index": 2647, "quantile": 0.75, "value": 95400.0, "Latitude": 40.55, "Longitude": -124.13, "Population": 240.0}, {"index": 2647, "quantile": 1.0, "value": 170200.0, "Latitude": 40.55, "Longitude": -124.13, "Population": 240.0}, {"index": 2648, "quantile": 0.0, "value": 46200.0, "Latitude": 40.5, "Longitude": -124.1, "Population": 996.0}, {"index": 2648, "quantile": 0.25, "value": 72300.0, "Latitude": 40.5, "Longitude": -124.1, "Population": 996.0}, {"index": 2648, "quantile": 0.5, "value": 72300.0, "Latitude": 40.5, "Longitude": -124.1, "Population": 996.0}, {"index": 2648, "quantile": 0.75, "value": 76575.0, "Latitude": 40.5, "Longitude": -124.1, "Population": 996.0}, {"index": 2648, "quantile": 1.0, "value": 115199.99999999999, "Latitude": 40.5, "Longitude": -124.1, "Population": 996.0}, {"index": 2649, "quantile": 0.0, "value": 44400.0, "Latitude": 40.5, "Longitude": -124.1, "Population": 1300.0}, {"index": 2649, "quantile": 0.25, "value": 62875.0, "Latitude": 40.5, "Longitude": -124.1, "Population": 1300.0}, {"index": 2649, "quantile": 0.5, "value": 70500.0, "Latitude": 40.5, "Longitude": -124.1, "Population": 1300.0}, {"index": 2649, "quantile": 0.75, "value": 78300.0, "Latitude": 40.5, "Longitude": -124.1, "Population": 1300.0}, {"index": 2649, "quantile": 1.0, "value": 94700.0, "Latitude": 40.5, "Longitude": -124.1, "Population": 1300.0}, {"index": 2650, "quantile": 0.0, "value": 64600.0, "Latitude": 40.44, "Longitude": -124.09, "Population": 1041.0}, {"index": 2650, "quantile": 0.25, "value": 70500.0, "Latitude": 40.44, "Longitude": -124.09, "Population": 1041.0}, {"index": 2650, "quantile": 0.5, "value": 70500.0, "Latitude": 40.44, "Longitude": -124.09, "Population": 1041.0}, {"index": 2650, "quantile": 0.75, "value": 81150.0, "Latitude": 40.44, "Longitude": -124.09, "Population": 1041.0}, {"index": 2650, "quantile": 1.0, "value": 183100.0, "Latitude": 40.44, "Longitude": -124.09, "Population": 1041.0}, {"index": 2651, "quantile": 0.0, "value": 50800.0, "Latitude": 40.47, "Longitude": -124.1, "Population": 965.0}, {"index": 2651, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 40.47, "Longitude": -124.1, "Population": 965.0}, {"index": 2651, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 40.47, "Longitude": -124.1, "Population": 965.0}, {"index": 2651, "quantile": 0.75, "value": 75650.0, "Latitude": 40.47, "Longitude": -124.1, "Population": 965.0}, {"index": 2651, "quantile": 1.0, "value": 446900.00000000006, "Latitude": 40.47, "Longitude": -124.1, "Population": 965.0}, {"index": 2652, "quantile": 0.0, "value": 59200.0, "Latitude": 40.45, "Longitude": -124.03, "Population": 443.0}, {"index": 2652, "quantile": 0.25, "value": 68175.00000000001, "Latitude": 40.45, "Longitude": -124.03, "Population": 443.0}, {"index": 2652, "quantile": 0.5, "value": 80950.0, "Latitude": 40.45, "Longitude": -124.03, "Population": 443.0}, {"index": 2652, "quantile": 0.75, "value": 110400.00000000001, "Latitude": 40.45, "Longitude": -124.03, "Population": 443.0}, {"index": 2652, "quantile": 1.0, "value": 165600.0, "Latitude": 40.45, "Longitude": -124.03, "Population": 443.0}, {"index": 2653, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 40.58, "Longitude": -124.26, "Population": 907.0}, {"index": 2653, "quantile": 0.25, "value": 86400.0, "Latitude": 40.58, "Longitude": -124.26, "Population": 907.0}, {"index": 2653, "quantile": 0.5, "value": 111400.00000000001, "Latitude": 40.58, "Longitude": -124.26, "Population": 907.0}, {"index": 2653, "quantile": 0.75, "value": 111400.00000000001, "Latitude": 40.58, "Longitude": -124.26, "Population": 907.0}, {"index": 2653, "quantile": 1.0, "value": 163100.0, "Latitude": 40.58, "Longitude": -124.26, "Population": 907.0}, {"index": 2654, "quantile": 0.0, "value": 50800.0, "Latitude": 40.54, "Longitude": -124.23, "Population": 1152.0}, {"index": 2654, "quantile": 0.25, "value": 106700.0, "Latitude": 40.54, "Longitude": -124.23, "Population": 1152.0}, {"index": 2654, "quantile": 0.5, "value": 106700.0, "Latitude": 40.54, "Longitude": -124.23, "Population": 1152.0}, {"index": 2654, "quantile": 0.75, "value": 106700.0, "Latitude": 40.54, "Longitude": -124.23, "Population": 1152.0}, {"index": 2654, "quantile": 1.0, "value": 398400.0, "Latitude": 40.54, "Longitude": -124.23, "Population": 1152.0}, {"index": 2655, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 40.54, "Longitude": -124.35, "Population": 806.0}, {"index": 2655, "quantile": 0.25, "value": 94600.0, "Latitude": 40.54, "Longitude": -124.35, "Population": 806.0}, {"index": 2655, "quantile": 0.5, "value": 94600.0, "Latitude": 40.54, "Longitude": -124.35, "Population": 806.0}, {"index": 2655, "quantile": 0.75, "value": 94600.0, "Latitude": 40.54, "Longitude": -124.35, "Population": 806.0}, {"index": 2655, "quantile": 1.0, "value": 280000.0, "Latitude": 40.54, "Longitude": -124.35, "Population": 806.0}, {"index": 2656, "quantile": 0.0, "value": 37500.0, "Latitude": 40.28, "Longitude": -124.25, "Population": 434.0}, {"index": 2656, "quantile": 0.25, "value": 65300.0, "Latitude": 40.28, "Longitude": -124.25, "Population": 434.0}, {"index": 2656, "quantile": 0.5, "value": 76100.0, "Latitude": 40.28, "Longitude": -124.25, "Population": 434.0}, {"index": 2656, "quantile": 0.75, "value": 90600.0, "Latitude": 40.28, "Longitude": -124.25, "Population": 434.0}, {"index": 2656, "quantile": 1.0, "value": 145800.0, "Latitude": 40.28, "Longitude": -124.25, "Population": 434.0}, {"index": 2657, "quantile": 0.0, "value": 64500.0, "Latitude": 40.06, "Longitude": -124.08, "Population": 393.0}, {"index": 2657, "quantile": 0.25, "value": 135600.0, "Latitude": 40.06, "Longitude": -124.08, "Population": 393.0}, {"index": 2657, "quantile": 0.5, "value": 135600.0, "Latitude": 40.06, "Longitude": -124.08, "Population": 393.0}, {"index": 2657, "quantile": 0.75, "value": 135600.0, "Latitude": 40.06, "Longitude": -124.08, "Population": 393.0}, {"index": 2657, "quantile": 1.0, "value": 213200.0, "Latitude": 40.06, "Longitude": -124.08, "Population": 393.0}, {"index": 2658, "quantile": 0.0, "value": 50000.0, "Latitude": 40.22, "Longitude": -124.0, "Population": 816.0}, {"index": 2658, "quantile": 0.25, "value": 70700.0, "Latitude": 40.22, "Longitude": -124.0, "Population": 816.0}, {"index": 2658, "quantile": 0.5, "value": 70700.0, "Latitude": 40.22, "Longitude": -124.0, "Population": 816.0}, {"index": 2658, "quantile": 0.75, "value": 81300.0, "Latitude": 40.22, "Longitude": -124.0, "Population": 816.0}, {"index": 2658, "quantile": 1.0, "value": 145800.0, "Latitude": 40.22, "Longitude": -124.0, "Population": 816.0}, {"index": 2659, "quantile": 0.0, "value": 51900.0, "Latitude": 40.28, "Longitude": -123.84, "Population": 1093.0}, {"index": 2659, "quantile": 0.25, "value": 74000.0, "Latitude": 40.28, "Longitude": -123.84, "Population": 1093.0}, {"index": 2659, "quantile": 0.5, "value": 74000.0, "Latitude": 40.28, "Longitude": -123.84, "Population": 1093.0}, {"index": 2659, "quantile": 0.75, "value": 79800.0, "Latitude": 40.28, "Longitude": -123.84, "Population": 1093.0}, {"index": 2659, "quantile": 1.0, "value": 145800.0, "Latitude": 40.28, "Longitude": -123.84, "Population": 1093.0}, {"index": 2660, "quantile": 0.0, "value": 44400.0, "Latitude": 40.24, "Longitude": -123.68, "Population": 917.0}, {"index": 2660, "quantile": 0.25, "value": 54300.00000000001, "Latitude": 40.24, "Longitude": -123.68, "Population": 917.0}, {"index": 2660, "quantile": 0.5, "value": 54300.00000000001, "Latitude": 40.24, "Longitude": -123.68, "Population": 917.0}, {"index": 2660, "quantile": 0.75, "value": 58324.99999999999, "Latitude": 40.24, "Longitude": -123.68, "Population": 917.0}, {"index": 2660, "quantile": 1.0, "value": 82400.0, "Latitude": 40.24, "Longitude": -123.68, "Population": 917.0}, {"index": 2661, "quantile": 0.0, "value": 42500.0, "Latitude": 40.16, "Longitude": -123.82, "Population": 1184.0}, {"index": 2661, "quantile": 0.25, "value": 76800.0, "Latitude": 40.16, "Longitude": -123.82, "Population": 1184.0}, {"index": 2661, "quantile": 0.5, "value": 76800.0, "Latitude": 40.16, "Longitude": -123.82, "Population": 1184.0}, {"index": 2661, "quantile": 0.75, "value": 76800.0, "Latitude": 40.16, "Longitude": -123.82, "Population": 1184.0}, {"index": 2661, "quantile": 1.0, "value": 145800.0, "Latitude": 40.16, "Longitude": -123.82, "Population": 1184.0}, {"index": 2662, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 40.12, "Longitude": -123.82, "Population": 1221.0}, {"index": 2662, "quantile": 0.25, "value": 74000.0, "Latitude": 40.12, "Longitude": -123.82, "Population": 1221.0}, {"index": 2662, "quantile": 0.5, "value": 82400.0, "Latitude": 40.12, "Longitude": -123.82, "Population": 1221.0}, {"index": 2662, "quantile": 0.75, "value": 82400.0, "Latitude": 40.12, "Longitude": -123.82, "Population": 1221.0}, {"index": 2662, "quantile": 1.0, "value": 98700.0, "Latitude": 40.12, "Longitude": -123.82, "Population": 1221.0}, {"index": 2663, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 40.11, "Longitude": -123.75, "Population": 900.0}, {"index": 2663, "quantile": 0.25, "value": 65275.00000000001, "Latitude": 40.11, "Longitude": -123.75, "Population": 900.0}, {"index": 2663, "quantile": 0.5, "value": 72449.99999999999, "Latitude": 40.11, "Longitude": -123.75, "Population": 900.0}, {"index": 2663, "quantile": 0.75, "value": 84000.0, "Latitude": 40.11, "Longitude": -123.75, "Population": 900.0}, {"index": 2663, "quantile": 1.0, "value": 145800.0, "Latitude": 40.11, "Longitude": -123.75, "Population": 900.0}, {"index": 2664, "quantile": 0.0, "value": 58600.0, "Latitude": 40.05, "Longitude": -123.78, "Population": 899.0}, {"index": 2664, "quantile": 0.25, "value": 74000.0, "Latitude": 40.05, "Longitude": -123.78, "Population": 899.0}, {"index": 2664, "quantile": 0.5, "value": 79800.0, "Latitude": 40.05, "Longitude": -123.78, "Population": 899.0}, {"index": 2664, "quantile": 0.75, "value": 94300.0, "Latitude": 40.05, "Longitude": -123.78, "Population": 899.0}, {"index": 2664, "quantile": 1.0, "value": 145800.0, "Latitude": 40.05, "Longitude": -123.78, "Population": 899.0}, {"index": 2665, "quantile": 0.0, "value": 44400.0, "Latitude": 33.12, "Longitude": -115.52, "Population": 784.0}, {"index": 2665, "quantile": 0.25, "value": 60800.0, "Latitude": 33.12, "Longitude": -115.52, "Population": 784.0}, {"index": 2665, "quantile": 0.5, "value": 60800.0, "Latitude": 33.12, "Longitude": -115.52, "Population": 784.0}, {"index": 2665, "quantile": 0.75, "value": 66075.0, "Latitude": 33.12, "Longitude": -115.52, "Population": 784.0}, {"index": 2665, "quantile": 1.0, "value": 80900.0, "Latitude": 33.12, "Longitude": -115.52, "Population": 784.0}, {"index": 2666, "quantile": 0.0, "value": 44400.0, "Latitude": 33.13, "Longitude": -115.52, "Population": 1006.0}, {"index": 2666, "quantile": 0.25, "value": 53400.0, "Latitude": 33.13, "Longitude": -115.52, "Population": 1006.0}, {"index": 2666, "quantile": 0.5, "value": 53400.0, "Latitude": 33.13, "Longitude": -115.52, "Population": 1006.0}, {"index": 2666, "quantile": 0.75, "value": 63100.0, "Latitude": 33.13, "Longitude": -115.52, "Population": 1006.0}, {"index": 2666, "quantile": 1.0, "value": 143200.0, "Latitude": 33.13, "Longitude": -115.52, "Population": 1006.0}, {"index": 2667, "quantile": 0.0, "value": 44400.0, "Latitude": 33.12, "Longitude": -115.51, "Population": 890.0}, {"index": 2667, "quantile": 0.25, "value": 46700.0, "Latitude": 33.12, "Longitude": -115.51, "Population": 890.0}, {"index": 2667, "quantile": 0.5, "value": 46700.0, "Latitude": 33.12, "Longitude": -115.51, "Population": 890.0}, {"index": 2667, "quantile": 0.75, "value": 60900.0, "Latitude": 33.12, "Longitude": -115.51, "Population": 890.0}, {"index": 2667, "quantile": 1.0, "value": 95800.0, "Latitude": 33.12, "Longitude": -115.51, "Population": 890.0}, {"index": 2668, "quantile": 0.0, "value": 25000.0, "Latitude": 33.19, "Longitude": -115.46, "Population": 777.0}, {"index": 2668, "quantile": 0.25, "value": 40000.0, "Latitude": 33.19, "Longitude": -115.46, "Population": 777.0}, {"index": 2668, "quantile": 0.5, "value": 40000.0, "Latitude": 33.19, "Longitude": -115.46, "Population": 777.0}, {"index": 2668, "quantile": 0.75, "value": 53600.0, "Latitude": 33.19, "Longitude": -115.46, "Population": 777.0}, {"index": 2668, "quantile": 1.0, "value": 166100.0, "Latitude": 33.19, "Longitude": -115.46, "Population": 777.0}, {"index": 2669, "quantile": 0.0, "value": 40000.0, "Latitude": 33.24, "Longitude": -115.51, "Population": 1069.0}, {"index": 2669, "quantile": 0.25, "value": 53400.0, "Latitude": 33.24, "Longitude": -115.51, "Population": 1069.0}, {"index": 2669, "quantile": 0.5, "value": 58900.0, "Latitude": 33.24, "Longitude": -115.51, "Population": 1069.0}, {"index": 2669, "quantile": 0.75, "value": 62200.0, "Latitude": 33.24, "Longitude": -115.51, "Population": 1069.0}, {"index": 2669, "quantile": 1.0, "value": 93800.0, "Latitude": 33.24, "Longitude": -115.51, "Population": 1069.0}, {"index": 2670, "quantile": 0.0, "value": 58800.0, "Latitude": 33.2, "Longitude": -115.6, "Population": 390.0}, {"index": 2670, "quantile": 0.25, "value": 67500.0, "Latitude": 33.2, "Longitude": -115.6, "Population": 390.0}, {"index": 2670, "quantile": 0.5, "value": 70750.0, "Latitude": 33.2, "Longitude": -115.6, "Population": 390.0}, {"index": 2670, "quantile": 0.75, "value": 94900.0, "Latitude": 33.2, "Longitude": -115.6, "Population": 390.0}, {"index": 2670, "quantile": 1.0, "value": 366700.0, "Latitude": 33.2, "Longitude": -115.6, "Population": 390.0}, {"index": 2671, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 33.09, "Longitude": -115.73, "Population": 258.0}, {"index": 2671, "quantile": 0.25, "value": 87500.0, "Latitude": 33.09, "Longitude": -115.73, "Population": 258.0}, {"index": 2671, "quantile": 0.5, "value": 87500.0, "Latitude": 33.09, "Longitude": -115.73, "Population": 258.0}, {"index": 2671, "quantile": 0.75, "value": 87500.0, "Latitude": 33.09, "Longitude": -115.73, "Population": 258.0}, {"index": 2671, "quantile": 1.0, "value": 159400.0, "Latitude": 33.09, "Longitude": -115.73, "Population": 258.0}, {"index": 2672, "quantile": 0.0, "value": 46700.0, "Latitude": 33.04, "Longitude": -115.62, "Population": 745.0}, {"index": 2672, "quantile": 0.25, "value": 61200.0, "Latitude": 33.04, "Longitude": -115.62, "Population": 745.0}, {"index": 2672, "quantile": 0.5, "value": 61200.0, "Latitude": 33.04, "Longitude": -115.62, "Population": 745.0}, {"index": 2672, "quantile": 0.75, "value": 61549.99999999999, "Latitude": 33.04, "Longitude": -115.62, "Population": 745.0}, {"index": 2672, "quantile": 1.0, "value": 100000.0, "Latitude": 33.04, "Longitude": -115.62, "Population": 745.0}, {"index": 2673, "quantile": 0.0, "value": 44400.0, "Latitude": 33.04, "Longitude": -115.62, "Population": 766.0}, {"index": 2673, "quantile": 0.25, "value": 62000.0, "Latitude": 33.04, "Longitude": -115.62, "Population": 766.0}, {"index": 2673, "quantile": 0.5, "value": 62000.0, "Latitude": 33.04, "Longitude": -115.62, "Population": 766.0}, {"index": 2673, "quantile": 0.75, "value": 62000.0, "Latitude": 33.04, "Longitude": -115.62, "Population": 766.0}, {"index": 2673, "quantile": 1.0, "value": 96300.0, "Latitude": 33.04, "Longitude": -115.62, "Population": 766.0}, {"index": 2674, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 33.04, "Longitude": -115.6, "Population": 152.0}, {"index": 2674, "quantile": 0.25, "value": 91700.0, "Latitude": 33.04, "Longitude": -115.6, "Population": 152.0}, {"index": 2674, "quantile": 0.5, "value": 91700.0, "Latitude": 33.04, "Longitude": -115.6, "Population": 152.0}, {"index": 2674, "quantile": 0.75, "value": 91700.0, "Latitude": 33.04, "Longitude": -115.6, "Population": 152.0}, {"index": 2674, "quantile": 1.0, "value": 294600.0, "Latitude": 33.04, "Longitude": -115.6, "Population": 152.0}, {"index": 2675, "quantile": 0.0, "value": 62300.0, "Latitude": 32.99, "Longitude": -115.41, "Population": 684.0}, {"index": 2675, "quantile": 0.25, "value": 80800.0, "Latitude": 32.99, "Longitude": -115.41, "Population": 684.0}, {"index": 2675, "quantile": 0.5, "value": 107800.0, "Latitude": 32.99, "Longitude": -115.41, "Population": 684.0}, {"index": 2675, "quantile": 0.75, "value": 107800.0, "Latitude": 32.99, "Longitude": -115.41, "Population": 684.0}, {"index": 2675, "quantile": 1.0, "value": 167200.0, "Latitude": 32.99, "Longitude": -115.41, "Population": 684.0}, {"index": 2676, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.96, "Longitude": -115.59, "Population": 473.0}, {"index": 2676, "quantile": 0.25, "value": 62300.0, "Latitude": 32.96, "Longitude": -115.59, "Population": 473.0}, {"index": 2676, "quantile": 0.5, "value": 76200.0, "Latitude": 32.96, "Longitude": -115.59, "Population": 473.0}, {"index": 2676, "quantile": 0.75, "value": 102800.0, "Latitude": 32.96, "Longitude": -115.59, "Population": 473.0}, {"index": 2676, "quantile": 1.0, "value": 167200.0, "Latitude": 32.96, "Longitude": -115.59, "Population": 473.0}, {"index": 2677, "quantile": 0.0, "value": 43900.0, "Latitude": 32.98, "Longitude": -115.52, "Population": 1307.0}, {"index": 2677, "quantile": 0.25, "value": 58600.0, "Latitude": 32.98, "Longitude": -115.52, "Population": 1307.0}, {"index": 2677, "quantile": 0.5, "value": 58600.0, "Latitude": 32.98, "Longitude": -115.52, "Population": 1307.0}, {"index": 2677, "quantile": 0.75, "value": 59624.99999999999, "Latitude": 32.98, "Longitude": -115.52, "Population": 1307.0}, {"index": 2677, "quantile": 1.0, "value": 75500.0, "Latitude": 32.98, "Longitude": -115.52, "Population": 1307.0}, {"index": 2678, "quantile": 0.0, "value": 46700.0, "Latitude": 32.98, "Longitude": -115.52, "Population": 1244.0}, {"index": 2678, "quantile": 0.25, "value": 66400.0, "Latitude": 32.98, "Longitude": -115.52, "Population": 1244.0}, {"index": 2678, "quantile": 0.5, "value": 66400.0, "Latitude": 32.98, "Longitude": -115.52, "Population": 1244.0}, {"index": 2678, "quantile": 0.75, "value": 66400.0, "Latitude": 32.98, "Longitude": -115.52, "Population": 1244.0}, {"index": 2678, "quantile": 1.0, "value": 143200.0, "Latitude": 32.98, "Longitude": -115.52, "Population": 1244.0}, {"index": 2679, "quantile": 0.0, "value": 46700.0, "Latitude": 32.99, "Longitude": -115.53, "Population": 2082.0}, {"index": 2679, "quantile": 0.25, "value": 62200.0, "Latitude": 32.99, "Longitude": -115.53, "Population": 2082.0}, {"index": 2679, "quantile": 0.5, "value": 62200.0, "Latitude": 32.99, "Longitude": -115.53, "Population": 2082.0}, {"index": 2679, "quantile": 0.75, "value": 62200.0, "Latitude": 32.99, "Longitude": -115.53, "Population": 2082.0}, {"index": 2679, "quantile": 1.0, "value": 70700.0, "Latitude": 32.99, "Longitude": -115.53, "Population": 2082.0}, {"index": 2680, "quantile": 0.0, "value": 45000.0, "Latitude": 32.99, "Longitude": -115.51, "Population": 1104.0}, {"index": 2680, "quantile": 0.25, "value": 46700.0, "Latitude": 32.99, "Longitude": -115.51, "Population": 1104.0}, {"index": 2680, "quantile": 0.5, "value": 61600.0, "Latitude": 32.99, "Longitude": -115.51, "Population": 1104.0}, {"index": 2680, "quantile": 0.75, "value": 66675.0, "Latitude": 32.99, "Longitude": -115.51, "Population": 1104.0}, {"index": 2680, "quantile": 1.0, "value": 95800.0, "Latitude": 32.99, "Longitude": -115.51, "Population": 1104.0}, {"index": 2681, "quantile": 0.0, "value": 53600.0, "Latitude": 32.99, "Longitude": -115.54, "Population": 1148.0}, {"index": 2681, "quantile": 0.25, "value": 69400.0, "Latitude": 32.99, "Longitude": -115.54, "Population": 1148.0}, {"index": 2681, "quantile": 0.5, "value": 69400.0, "Latitude": 32.99, "Longitude": -115.54, "Population": 1148.0}, {"index": 2681, "quantile": 0.75, "value": 69400.0, "Latitude": 32.99, "Longitude": -115.54, "Population": 1148.0}, {"index": 2681, "quantile": 1.0, "value": 152500.0, "Latitude": 32.99, "Longitude": -115.54, "Population": 1148.0}, {"index": 2682, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 32.98, "Longitude": -115.54, "Population": 1121.0}, {"index": 2682, "quantile": 0.25, "value": 65800.0, "Latitude": 32.98, "Longitude": -115.54, "Population": 1121.0}, {"index": 2682, "quantile": 0.5, "value": 66400.0, "Latitude": 32.98, "Longitude": -115.54, "Population": 1121.0}, {"index": 2682, "quantile": 0.75, "value": 73150.0, "Latitude": 32.98, "Longitude": -115.54, "Population": 1121.0}, {"index": 2682, "quantile": 1.0, "value": 145800.0, "Latitude": 32.98, "Longitude": -115.54, "Population": 1121.0}, {"index": 2683, "quantile": 0.0, "value": 83200.0, "Latitude": 32.99, "Longitude": -115.54, "Population": 911.0}, {"index": 2683, "quantile": 0.25, "value": 96000.0, "Latitude": 32.99, "Longitude": -115.54, "Population": 911.0}, {"index": 2683, "quantile": 0.5, "value": 96000.0, "Latitude": 32.99, "Longitude": -115.54, "Population": 911.0}, {"index": 2683, "quantile": 0.75, "value": 96075.0, "Latitude": 32.99, "Longitude": -115.54, "Population": 911.0}, {"index": 2683, "quantile": 1.0, "value": 336800.0, "Latitude": 32.99, "Longitude": -115.54, "Population": 911.0}, {"index": 2684, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.98, "Longitude": -115.55, "Population": 1447.0}, {"index": 2684, "quantile": 0.25, "value": 76200.0, "Latitude": 32.98, "Longitude": -115.55, "Population": 1447.0}, {"index": 2684, "quantile": 0.5, "value": 80800.0, "Latitude": 32.98, "Longitude": -115.55, "Population": 1447.0}, {"index": 2684, "quantile": 0.75, "value": 80800.0, "Latitude": 32.98, "Longitude": -115.55, "Population": 1447.0}, {"index": 2684, "quantile": 1.0, "value": 167200.0, "Latitude": 32.98, "Longitude": -115.55, "Population": 1447.0}, {"index": 2685, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.97, "Longitude": -115.54, "Population": 1188.0}, {"index": 2685, "quantile": 0.25, "value": 70700.0, "Latitude": 32.97, "Longitude": -115.54, "Population": 1188.0}, {"index": 2685, "quantile": 0.5, "value": 72100.0, "Latitude": 32.97, "Longitude": -115.54, "Population": 1188.0}, {"index": 2685, "quantile": 0.75, "value": 95249.99999999999, "Latitude": 32.97, "Longitude": -115.54, "Population": 1188.0}, {"index": 2685, "quantile": 1.0, "value": 222900.0, "Latitude": 32.97, "Longitude": -115.54, "Population": 1188.0}, {"index": 2686, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 32.97, "Longitude": -115.53, "Population": 933.0}, {"index": 2686, "quantile": 0.25, "value": 70700.0, "Latitude": 32.97, "Longitude": -115.53, "Population": 933.0}, {"index": 2686, "quantile": 0.5, "value": 70700.0, "Latitude": 32.97, "Longitude": -115.53, "Population": 933.0}, {"index": 2686, "quantile": 0.75, "value": 70700.0, "Latitude": 32.97, "Longitude": -115.53, "Population": 933.0}, {"index": 2686, "quantile": 1.0, "value": 120700.00000000001, "Latitude": 32.97, "Longitude": -115.53, "Population": 933.0}, {"index": 2687, "quantile": 0.0, "value": 137200.0, "Latitude": 32.98, "Longitude": -115.55, "Population": 952.0}, {"index": 2687, "quantile": 0.25, "value": 190200.0, "Latitude": 32.98, "Longitude": -115.55, "Population": 952.0}, {"index": 2687, "quantile": 0.5, "value": 227800.0, "Latitude": 32.98, "Longitude": -115.55, "Population": 952.0}, {"index": 2687, "quantile": 0.75, "value": 271500.0, "Latitude": 32.98, "Longitude": -115.55, "Population": 952.0}, {"index": 2687, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.98, "Longitude": -115.55, "Population": 952.0}, {"index": 2688, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.96, "Longitude": -115.56, "Population": 1164.0}, {"index": 2688, "quantile": 0.25, "value": 107200.0, "Latitude": 32.96, "Longitude": -115.56, "Population": 1164.0}, {"index": 2688, "quantile": 0.5, "value": 107200.0, "Latitude": 32.96, "Longitude": -115.56, "Population": 1164.0}, {"index": 2688, "quantile": 0.75, "value": 107200.0, "Latitude": 32.96, "Longitude": -115.56, "Population": 1164.0}, {"index": 2688, "quantile": 1.0, "value": 232900.00000000003, "Latitude": 32.96, "Longitude": -115.56, "Population": 1164.0}, {"index": 2689, "quantile": 0.0, "value": 43900.0, "Latitude": 32.97, "Longitude": -115.53, "Population": 1568.0}, {"index": 2689, "quantile": 0.25, "value": 60300.0, "Latitude": 32.97, "Longitude": -115.53, "Population": 1568.0}, {"index": 2689, "quantile": 0.5, "value": 60300.0, "Latitude": 32.97, "Longitude": -115.53, "Population": 1568.0}, {"index": 2689, "quantile": 0.75, "value": 60324.99999999999, "Latitude": 32.97, "Longitude": -115.53, "Population": 1568.0}, {"index": 2689, "quantile": 1.0, "value": 93800.0, "Latitude": 32.97, "Longitude": -115.53, "Population": 1568.0}, {"index": 2690, "quantile": 0.0, "value": 46700.0, "Latitude": 32.97, "Longitude": -115.52, "Population": 1416.0}, {"index": 2690, "quantile": 0.25, "value": 66400.0, "Latitude": 32.97, "Longitude": -115.52, "Population": 1416.0}, {"index": 2690, "quantile": 0.5, "value": 66400.0, "Latitude": 32.97, "Longitude": -115.52, "Population": 1416.0}, {"index": 2690, "quantile": 0.75, "value": 66400.0, "Latitude": 32.97, "Longitude": -115.52, "Population": 1416.0}, {"index": 2690, "quantile": 1.0, "value": 187500.0, "Latitude": 32.97, "Longitude": -115.52, "Population": 1416.0}, {"index": 2691, "quantile": 0.0, "value": 44400.0, "Latitude": 32.97, "Longitude": -115.52, "Population": 1376.0}, {"index": 2691, "quantile": 0.25, "value": 67500.0, "Latitude": 32.97, "Longitude": -115.52, "Population": 1376.0}, {"index": 2691, "quantile": 0.5, "value": 67500.0, "Latitude": 32.97, "Longitude": -115.52, "Population": 1376.0}, {"index": 2691, "quantile": 0.75, "value": 67500.0, "Latitude": 32.97, "Longitude": -115.52, "Population": 1376.0}, {"index": 2691, "quantile": 1.0, "value": 93800.0, "Latitude": 32.97, "Longitude": -115.52, "Population": 1376.0}, {"index": 2692, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.82, "Longitude": -115.32, "Population": 327.0}, {"index": 2692, "quantile": 0.25, "value": 76200.0, "Latitude": 32.82, "Longitude": -115.32, "Population": 327.0}, {"index": 2692, "quantile": 0.5, "value": 107800.0, "Latitude": 32.82, "Longitude": -115.32, "Population": 327.0}, {"index": 2692, "quantile": 0.75, "value": 113799.99999999999, "Latitude": 32.82, "Longitude": -115.32, "Population": 327.0}, {"index": 2692, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -115.32, "Population": 327.0}, {"index": 2693, "quantile": 0.0, "value": 146300.0, "Latitude": 32.76, "Longitude": -115.39, "Population": 481.0}, {"index": 2693, "quantile": 0.25, "value": 146300.0, "Latitude": 32.76, "Longitude": -115.39, "Population": 481.0}, {"index": 2693, "quantile": 0.5, "value": 146300.0, "Latitude": 32.76, "Longitude": -115.39, "Population": 481.0}, {"index": 2693, "quantile": 0.75, "value": 237300.00000000003, "Latitude": 32.76, "Longitude": -115.39, "Population": 481.0}, {"index": 2693, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.76, "Longitude": -115.39, "Population": 481.0}, {"index": 2694, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.86, "Longitude": -115.4, "Population": 649.0}, {"index": 2694, "quantile": 0.25, "value": 102800.0, "Latitude": 32.86, "Longitude": -115.4, "Population": 649.0}, {"index": 2694, "quantile": 0.5, "value": 113799.99999999999, "Latitude": 32.86, "Longitude": -115.4, "Population": 649.0}, {"index": 2694, "quantile": 0.75, "value": 113799.99999999999, "Latitude": 32.86, "Longitude": -115.4, "Population": 649.0}, {"index": 2694, "quantile": 1.0, "value": 150900.0, "Latitude": 32.86, "Longitude": -115.4, "Population": 649.0}, {"index": 2695, "quantile": 0.0, "value": 58800.0, "Latitude": 32.81, "Longitude": -115.37, "Population": 866.0}, {"index": 2695, "quantile": 0.25, "value": 70700.0, "Latitude": 32.81, "Longitude": -115.37, "Population": 866.0}, {"index": 2695, "quantile": 0.5, "value": 74300.0, "Latitude": 32.81, "Longitude": -115.37, "Population": 866.0}, {"index": 2695, "quantile": 0.75, "value": 74300.0, "Latitude": 32.81, "Longitude": -115.37, "Population": 866.0}, {"index": 2695, "quantile": 1.0, "value": 91200.0, "Latitude": 32.81, "Longitude": -115.37, "Population": 866.0}, {"index": 2696, "quantile": 0.0, "value": 44400.0, "Latitude": 32.82, "Longitude": -115.37, "Population": 867.0}, {"index": 2696, "quantile": 0.25, "value": 68100.0, "Latitude": 32.82, "Longitude": -115.37, "Population": 867.0}, {"index": 2696, "quantile": 0.5, "value": 80900.0, "Latitude": 32.82, "Longitude": -115.37, "Population": 867.0}, {"index": 2696, "quantile": 0.75, "value": 80900.0, "Latitude": 32.82, "Longitude": -115.37, "Population": 867.0}, {"index": 2696, "quantile": 1.0, "value": 95800.0, "Latitude": 32.82, "Longitude": -115.37, "Population": 867.0}, {"index": 2697, "quantile": 0.0, "value": 62300.0, "Latitude": 32.82, "Longitude": -115.37, "Population": 1130.0}, {"index": 2697, "quantile": 0.25, "value": 75650.0, "Latitude": 32.82, "Longitude": -115.37, "Population": 1130.0}, {"index": 2697, "quantile": 0.5, "value": 107200.0, "Latitude": 32.82, "Longitude": -115.37, "Population": 1130.0}, {"index": 2697, "quantile": 0.75, "value": 125400.0, "Latitude": 32.82, "Longitude": -115.37, "Population": 1130.0}, {"index": 2697, "quantile": 1.0, "value": 168900.0, "Latitude": 32.82, "Longitude": -115.37, "Population": 1130.0}, {"index": 2698, "quantile": 0.0, "value": 45000.0, "Latitude": 32.82, "Longitude": -115.38, "Population": 1175.0}, {"index": 2698, "quantile": 0.25, "value": 65800.0, "Latitude": 32.82, "Longitude": -115.38, "Population": 1175.0}, {"index": 2698, "quantile": 0.5, "value": 65800.0, "Latitude": 32.82, "Longitude": -115.38, "Population": 1175.0}, {"index": 2698, "quantile": 0.75, "value": 66675.0, "Latitude": 32.82, "Longitude": -115.38, "Population": 1175.0}, {"index": 2698, "quantile": 1.0, "value": 93800.0, "Latitude": 32.82, "Longitude": -115.38, "Population": 1175.0}, {"index": 2699, "quantile": 0.0, "value": 44400.0, "Latitude": 32.81, "Longitude": -115.38, "Population": 950.0}, {"index": 2699, "quantile": 0.25, "value": 67500.0, "Latitude": 32.81, "Longitude": -115.38, "Population": 950.0}, {"index": 2699, "quantile": 0.5, "value": 67500.0, "Latitude": 32.81, "Longitude": -115.38, "Population": 950.0}, {"index": 2699, "quantile": 0.75, "value": 67500.0, "Latitude": 32.81, "Longitude": -115.38, "Population": 950.0}, {"index": 2699, "quantile": 1.0, "value": 93800.0, "Latitude": 32.81, "Longitude": -115.38, "Population": 950.0}, {"index": 2700, "quantile": 0.0, "value": 44400.0, "Latitude": 32.81, "Longitude": -115.37, "Population": 623.0}, {"index": 2700, "quantile": 0.25, "value": 68600.0, "Latitude": 32.81, "Longitude": -115.37, "Population": 623.0}, {"index": 2700, "quantile": 0.5, "value": 68600.0, "Latitude": 32.81, "Longitude": -115.37, "Population": 623.0}, {"index": 2700, "quantile": 0.75, "value": 68600.0, "Latitude": 32.81, "Longitude": -115.37, "Population": 623.0}, {"index": 2700, "quantile": 1.0, "value": 100000.0, "Latitude": 32.81, "Longitude": -115.37, "Population": 623.0}, {"index": 2701, "quantile": 0.0, "value": 62300.0, "Latitude": 32.85, "Longitude": -115.57, "Population": 825.0}, {"index": 2701, "quantile": 0.25, "value": 62300.0, "Latitude": 32.85, "Longitude": -115.57, "Population": 825.0}, {"index": 2701, "quantile": 0.5, "value": 62300.0, "Latitude": 32.85, "Longitude": -115.57, "Population": 825.0}, {"index": 2701, "quantile": 0.75, "value": 76200.0, "Latitude": 32.85, "Longitude": -115.57, "Population": 825.0}, {"index": 2701, "quantile": 1.0, "value": 174900.0, "Latitude": 32.85, "Longitude": -115.57, "Population": 825.0}, {"index": 2702, "quantile": 0.0, "value": 40000.0, "Latitude": 32.85, "Longitude": -115.57, "Population": 728.0}, {"index": 2702, "quantile": 0.25, "value": 59400.0, "Latitude": 32.85, "Longitude": -115.57, "Population": 728.0}, {"index": 2702, "quantile": 0.5, "value": 69400.0, "Latitude": 32.85, "Longitude": -115.57, "Population": 728.0}, {"index": 2702, "quantile": 0.75, "value": 73850.0, "Latitude": 32.85, "Longitude": -115.57, "Population": 728.0}, {"index": 2702, "quantile": 1.0, "value": 205300.0, "Latitude": 32.85, "Longitude": -115.57, "Population": 728.0}, {"index": 2703, "quantile": 0.0, "value": 40000.0, "Latitude": 32.84, "Longitude": -115.57, "Population": 804.0}, {"index": 2703, "quantile": 0.25, "value": 59400.0, "Latitude": 32.84, "Longitude": -115.57, "Population": 804.0}, {"index": 2703, "quantile": 0.5, "value": 66400.0, "Latitude": 32.84, "Longitude": -115.57, "Population": 804.0}, {"index": 2703, "quantile": 0.75, "value": 73300.0, "Latitude": 32.84, "Longitude": -115.57, "Population": 804.0}, {"index": 2703, "quantile": 1.0, "value": 156600.0, "Latitude": 32.84, "Longitude": -115.57, "Population": 804.0}, {"index": 2704, "quantile": 0.0, "value": 62300.0, "Latitude": 32.83, "Longitude": -115.57, "Population": 959.0}, {"index": 2704, "quantile": 0.25, "value": 67500.0, "Latitude": 32.83, "Longitude": -115.57, "Population": 959.0}, {"index": 2704, "quantile": 0.5, "value": 67500.0, "Latitude": 32.83, "Longitude": -115.57, "Population": 959.0}, {"index": 2704, "quantile": 0.75, "value": 77350.00000000001, "Latitude": 32.83, "Longitude": -115.57, "Population": 959.0}, {"index": 2704, "quantile": 1.0, "value": 160400.0, "Latitude": 32.83, "Longitude": -115.57, "Population": 959.0}, {"index": 2705, "quantile": 0.0, "value": 68600.0, "Latitude": 32.85, "Longitude": -115.59, "Population": 862.0}, {"index": 2705, "quantile": 0.25, "value": 90800.0, "Latitude": 32.85, "Longitude": -115.59, "Population": 862.0}, {"index": 2705, "quantile": 0.5, "value": 90800.0, "Latitude": 32.85, "Longitude": -115.59, "Population": 862.0}, {"index": 2705, "quantile": 0.75, "value": 101325.0, "Latitude": 32.85, "Longitude": -115.59, "Population": 862.0}, {"index": 2705, "quantile": 1.0, "value": 320700.0, "Latitude": 32.85, "Longitude": -115.59, "Population": 862.0}, {"index": 2706, "quantile": 0.0, "value": 67500.0, "Latitude": 32.87, "Longitude": -115.6, "Population": 1005.0}, {"index": 2706, "quantile": 0.25, "value": 83200.0, "Latitude": 32.87, "Longitude": -115.6, "Population": 1005.0}, {"index": 2706, "quantile": 0.5, "value": 83200.0, "Latitude": 32.87, "Longitude": -115.6, "Population": 1005.0}, {"index": 2706, "quantile": 0.75, "value": 96000.0, "Latitude": 32.87, "Longitude": -115.6, "Population": 1005.0}, {"index": 2706, "quantile": 1.0, "value": 225900.0, "Latitude": 32.87, "Longitude": -115.6, "Population": 1005.0}, {"index": 2707, "quantile": 0.0, "value": 62300.0, "Latitude": 32.87, "Longitude": -115.49, "Population": 457.0}, {"index": 2707, "quantile": 0.25, "value": 102800.0, "Latitude": 32.87, "Longitude": -115.49, "Population": 457.0}, {"index": 2707, "quantile": 0.5, "value": 102800.0, "Latitude": 32.87, "Longitude": -115.49, "Population": 457.0}, {"index": 2707, "quantile": 0.75, "value": 102800.0, "Latitude": 32.87, "Longitude": -115.49, "Population": 457.0}, {"index": 2707, "quantile": 1.0, "value": 150400.0, "Latitude": 32.87, "Longitude": -115.49, "Population": 457.0}, {"index": 2708, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.8, "Longitude": -115.64, "Population": 569.0}, {"index": 2708, "quantile": 0.25, "value": 91700.0, "Latitude": 32.8, "Longitude": -115.64, "Population": 569.0}, {"index": 2708, "quantile": 0.5, "value": 125000.0, "Latitude": 32.8, "Longitude": -115.64, "Population": 569.0}, {"index": 2708, "quantile": 0.75, "value": 125000.0, "Latitude": 32.8, "Longitude": -115.64, "Population": 569.0}, {"index": 2708, "quantile": 1.0, "value": 200599.99999999997, "Latitude": 32.8, "Longitude": -115.64, "Population": 569.0}, {"index": 2709, "quantile": 0.0, "value": 45000.0, "Latitude": 32.79, "Longitude": -115.69, "Population": 1161.0}, {"index": 2709, "quantile": 0.25, "value": 61200.0, "Latitude": 32.79, "Longitude": -115.69, "Population": 1161.0}, {"index": 2709, "quantile": 0.5, "value": 67700.0, "Latitude": 32.79, "Longitude": -115.69, "Population": 1161.0}, {"index": 2709, "quantile": 0.75, "value": 79200.0, "Latitude": 32.79, "Longitude": -115.69, "Population": 1161.0}, {"index": 2709, "quantile": 1.0, "value": 154200.0, "Latitude": 32.79, "Longitude": -115.69, "Population": 1161.0}, {"index": 2710, "quantile": 0.0, "value": 45000.0, "Latitude": 32.8, "Longitude": -115.73, "Population": 206.0}, {"index": 2710, "quantile": 0.25, "value": 70700.0, "Latitude": 32.8, "Longitude": -115.73, "Population": 206.0}, {"index": 2710, "quantile": 0.5, "value": 93800.0, "Latitude": 32.8, "Longitude": -115.73, "Population": 206.0}, {"index": 2710, "quantile": 0.75, "value": 93800.0, "Latitude": 32.8, "Longitude": -115.73, "Population": 206.0}, {"index": 2710, "quantile": 1.0, "value": 375000.0, "Latitude": 32.8, "Longitude": -115.73, "Population": 206.0}, {"index": 2711, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 32.75, "Longitude": -115.72, "Population": 123.0}, {"index": 2711, "quantile": 0.25, "value": 54300.00000000001, "Latitude": 32.75, "Longitude": -115.72, "Population": 123.0}, {"index": 2711, "quantile": 0.5, "value": 78400.0, "Latitude": 32.75, "Longitude": -115.72, "Population": 123.0}, {"index": 2711, "quantile": 0.75, "value": 93800.0, "Latitude": 32.75, "Longitude": -115.72, "Population": 123.0}, {"index": 2711, "quantile": 1.0, "value": 375000.0, "Latitude": 32.75, "Longitude": -115.72, "Population": 123.0}, {"index": 2712, "quantile": 0.0, "value": 43900.0, "Latitude": 32.75, "Longitude": -115.64, "Population": 198.0}, {"index": 2712, "quantile": 0.25, "value": 56100.00000000001, "Latitude": 32.75, "Longitude": -115.64, "Population": 198.0}, {"index": 2712, "quantile": 0.5, "value": 67500.0, "Latitude": 32.75, "Longitude": -115.64, "Population": 198.0}, {"index": 2712, "quantile": 0.75, "value": 93800.0, "Latitude": 32.75, "Longitude": -115.64, "Population": 198.0}, {"index": 2712, "quantile": 1.0, "value": 127099.99999999999, "Latitude": 32.75, "Longitude": -115.64, "Population": 198.0}, {"index": 2713, "quantile": 0.0, "value": 68600.0, "Latitude": 32.81, "Longitude": -115.58, "Population": 458.0}, {"index": 2713, "quantile": 0.25, "value": 96300.0, "Latitude": 32.81, "Longitude": -115.58, "Population": 458.0}, {"index": 2713, "quantile": 0.5, "value": 96300.0, "Latitude": 32.81, "Longitude": -115.58, "Population": 458.0}, {"index": 2713, "quantile": 0.75, "value": 96300.0, "Latitude": 32.81, "Longitude": -115.58, "Population": 458.0}, {"index": 2713, "quantile": 1.0, "value": 210900.0, "Latitude": 32.81, "Longitude": -115.58, "Population": 458.0}, {"index": 2714, "quantile": 0.0, "value": 58800.0, "Latitude": 32.82, "Longitude": -115.55, "Population": 1013.0}, {"index": 2714, "quantile": 0.25, "value": 67500.0, "Latitude": 32.82, "Longitude": -115.55, "Population": 1013.0}, {"index": 2714, "quantile": 0.5, "value": 67500.0, "Latitude": 32.82, "Longitude": -115.55, "Population": 1013.0}, {"index": 2714, "quantile": 0.75, "value": 70700.0, "Latitude": 32.82, "Longitude": -115.55, "Population": 1013.0}, {"index": 2714, "quantile": 1.0, "value": 169600.0, "Latitude": 32.82, "Longitude": -115.55, "Population": 1013.0}, {"index": 2715, "quantile": 0.0, "value": 62300.0, "Latitude": 32.81, "Longitude": -115.58, "Population": 533.0}, {"index": 2715, "quantile": 0.25, "value": 73900.0, "Latitude": 32.81, "Longitude": -115.58, "Population": 533.0}, {"index": 2715, "quantile": 0.5, "value": 107200.0, "Latitude": 32.81, "Longitude": -115.58, "Population": 533.0}, {"index": 2715, "quantile": 0.75, "value": 150200.0, "Latitude": 32.81, "Longitude": -115.58, "Population": 533.0}, {"index": 2715, "quantile": 1.0, "value": 287500.0, "Latitude": 32.81, "Longitude": -115.58, "Population": 533.0}, {"index": 2716, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 32.8, "Longitude": -115.57, "Population": 1595.0}, {"index": 2716, "quantile": 0.25, "value": 69900.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 1595.0}, {"index": 2716, "quantile": 0.5, "value": 69900.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 1595.0}, {"index": 2716, "quantile": 0.75, "value": 69900.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 1595.0}, {"index": 2716, "quantile": 1.0, "value": 125000.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 1595.0}, {"index": 2717, "quantile": 0.0, "value": 40000.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 961.0}, {"index": 2717, "quantile": 0.25, "value": 69400.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 961.0}, {"index": 2717, "quantile": 0.5, "value": 72600.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 961.0}, {"index": 2717, "quantile": 0.75, "value": 72600.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 961.0}, {"index": 2717, "quantile": 1.0, "value": 131300.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 961.0}, {"index": 2718, "quantile": 0.0, "value": 44400.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 1184.0}, {"index": 2718, "quantile": 0.25, "value": 68975.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 1184.0}, {"index": 2718, "quantile": 0.5, "value": 93800.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 1184.0}, {"index": 2718, "quantile": 0.75, "value": 93800.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 1184.0}, {"index": 2718, "quantile": 1.0, "value": 110700.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 1184.0}, {"index": 2719, "quantile": 0.0, "value": 58800.0, "Latitude": 32.8, "Longitude": -115.48, "Population": 805.0}, {"index": 2719, "quantile": 0.25, "value": 84300.0, "Latitude": 32.8, "Longitude": -115.48, "Population": 805.0}, {"index": 2719, "quantile": 0.5, "value": 88500.0, "Latitude": 32.8, "Longitude": -115.48, "Population": 805.0}, {"index": 2719, "quantile": 0.75, "value": 88500.0, "Latitude": 32.8, "Longitude": -115.48, "Population": 805.0}, {"index": 2719, "quantile": 1.0, "value": 169600.0, "Latitude": 32.8, "Longitude": -115.48, "Population": 805.0}, {"index": 2720, "quantile": 0.0, "value": 45000.0, "Latitude": 32.77, "Longitude": -115.52, "Population": 1166.0}, {"index": 2720, "quantile": 0.25, "value": 68000.0, "Latitude": 32.77, "Longitude": -115.52, "Population": 1166.0}, {"index": 2720, "quantile": 0.5, "value": 79200.0, "Latitude": 32.77, "Longitude": -115.52, "Population": 1166.0}, {"index": 2720, "quantile": 0.75, "value": 79200.0, "Latitude": 32.77, "Longitude": -115.52, "Population": 1166.0}, {"index": 2720, "quantile": 1.0, "value": 117000.0, "Latitude": 32.77, "Longitude": -115.52, "Population": 1166.0}, {"index": 2721, "quantile": 0.0, "value": 46700.0, "Latitude": 32.73, "Longitude": -115.53, "Population": 1453.0}, {"index": 2721, "quantile": 0.25, "value": 61200.0, "Latitude": 32.73, "Longitude": -115.53, "Population": 1453.0}, {"index": 2721, "quantile": 0.5, "value": 61200.0, "Latitude": 32.73, "Longitude": -115.53, "Population": 1453.0}, {"index": 2721, "quantile": 0.75, "value": 67550.0, "Latitude": 32.73, "Longitude": -115.53, "Population": 1453.0}, {"index": 2721, "quantile": 1.0, "value": 95800.0, "Latitude": 32.73, "Longitude": -115.53, "Population": 1453.0}, {"index": 2722, "quantile": 0.0, "value": 61200.0, "Latitude": 32.73, "Longitude": -115.52, "Population": 1113.0}, {"index": 2722, "quantile": 0.25, "value": 63100.0, "Latitude": 32.73, "Longitude": -115.52, "Population": 1113.0}, {"index": 2722, "quantile": 0.5, "value": 63100.0, "Latitude": 32.73, "Longitude": -115.52, "Population": 1113.0}, {"index": 2722, "quantile": 0.75, "value": 70700.0, "Latitude": 32.73, "Longitude": -115.52, "Population": 1113.0}, {"index": 2722, "quantile": 1.0, "value": 112300.0, "Latitude": 32.73, "Longitude": -115.52, "Population": 1113.0}, {"index": 2723, "quantile": 0.0, "value": 67500.0, "Latitude": 32.75, "Longitude": -115.5, "Population": 822.0}, {"index": 2723, "quantile": 0.25, "value": 107800.0, "Latitude": 32.75, "Longitude": -115.5, "Population": 822.0}, {"index": 2723, "quantile": 0.5, "value": 142500.0, "Latitude": 32.75, "Longitude": -115.5, "Population": 822.0}, {"index": 2723, "quantile": 0.75, "value": 142500.0, "Latitude": 32.75, "Longitude": -115.5, "Population": 822.0}, {"index": 2723, "quantile": 1.0, "value": 144400.0, "Latitude": 32.75, "Longitude": -115.5, "Population": 822.0}, {"index": 2724, "quantile": 0.0, "value": 40000.0, "Latitude": 32.8, "Longitude": -115.55, "Population": 580.0}, {"index": 2724, "quantile": 0.25, "value": 63225.0, "Latitude": 32.8, "Longitude": -115.55, "Population": 580.0}, {"index": 2724, "quantile": 0.5, "value": 66400.0, "Latitude": 32.8, "Longitude": -115.55, "Population": 580.0}, {"index": 2724, "quantile": 0.75, "value": 75500.0, "Latitude": 32.8, "Longitude": -115.55, "Population": 580.0}, {"index": 2724, "quantile": 1.0, "value": 187500.0, "Latitude": 32.8, "Longitude": -115.55, "Population": 580.0}, {"index": 2725, "quantile": 0.0, "value": 40000.0, "Latitude": 32.79, "Longitude": -115.55, "Population": 692.0}, {"index": 2725, "quantile": 0.25, "value": 53600.0, "Latitude": 32.79, "Longitude": -115.55, "Population": 692.0}, {"index": 2725, "quantile": 0.5, "value": 53600.0, "Latitude": 32.79, "Longitude": -115.55, "Population": 692.0}, {"index": 2725, "quantile": 0.75, "value": 56100.00000000001, "Latitude": 32.79, "Longitude": -115.55, "Population": 692.0}, {"index": 2725, "quantile": 1.0, "value": 100000.0, "Latitude": 32.79, "Longitude": -115.55, "Population": 692.0}, {"index": 2726, "quantile": 0.0, "value": 40000.0, "Latitude": 32.79, "Longitude": -115.54, "Population": 733.0}, {"index": 2726, "quantile": 0.25, "value": 56100.00000000001, "Latitude": 32.79, "Longitude": -115.54, "Population": 733.0}, {"index": 2726, "quantile": 0.5, "value": 56100.00000000001, "Latitude": 32.79, "Longitude": -115.54, "Population": 733.0}, {"index": 2726, "quantile": 0.75, "value": 58949.99999999999, "Latitude": 32.79, "Longitude": -115.54, "Population": 733.0}, {"index": 2726, "quantile": 1.0, "value": 100000.0, "Latitude": 32.79, "Longitude": -115.54, "Population": 733.0}, {"index": 2727, "quantile": 0.0, "value": 43900.0, "Latitude": 32.79, "Longitude": -115.54, "Population": 1370.0}, {"index": 2727, "quantile": 0.25, "value": 60400.0, "Latitude": 32.79, "Longitude": -115.54, "Population": 1370.0}, {"index": 2727, "quantile": 0.5, "value": 60400.0, "Latitude": 32.79, "Longitude": -115.54, "Population": 1370.0}, {"index": 2727, "quantile": 0.75, "value": 60400.0, "Latitude": 32.79, "Longitude": -115.54, "Population": 1370.0}, {"index": 2727, "quantile": 1.0, "value": 75500.0, "Latitude": 32.79, "Longitude": -115.54, "Population": 1370.0}, {"index": 2728, "quantile": 0.0, "value": 43900.0, "Latitude": 32.79, "Longitude": -115.55, "Population": 697.0}, {"index": 2728, "quantile": 0.25, "value": 58600.0, "Latitude": 32.79, "Longitude": -115.55, "Population": 697.0}, {"index": 2728, "quantile": 0.5, "value": 62000.0, "Latitude": 32.79, "Longitude": -115.55, "Population": 697.0}, {"index": 2728, "quantile": 0.75, "value": 68100.0, "Latitude": 32.79, "Longitude": -115.55, "Population": 697.0}, {"index": 2728, "quantile": 1.0, "value": 95800.0, "Latitude": 32.79, "Longitude": -115.55, "Population": 697.0}, {"index": 2729, "quantile": 0.0, "value": 68600.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 1066.0}, {"index": 2729, "quantile": 0.25, "value": 68600.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 1066.0}, {"index": 2729, "quantile": 0.5, "value": 68600.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 1066.0}, {"index": 2729, "quantile": 0.75, "value": 86200.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 1066.0}, {"index": 2729, "quantile": 1.0, "value": 188000.0, "Latitude": 32.8, "Longitude": -115.57, "Population": 1066.0}, {"index": 2730, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 32.8, "Longitude": -115.56, "Population": 1193.0}, {"index": 2730, "quantile": 0.25, "value": 63900.0, "Latitude": 32.8, "Longitude": -115.56, "Population": 1193.0}, {"index": 2730, "quantile": 0.5, "value": 63900.0, "Latitude": 32.8, "Longitude": -115.56, "Population": 1193.0}, {"index": 2730, "quantile": 0.75, "value": 66400.0, "Latitude": 32.8, "Longitude": -115.56, "Population": 1193.0}, {"index": 2730, "quantile": 1.0, "value": 187500.0, "Latitude": 32.8, "Longitude": -115.56, "Population": 1193.0}, {"index": 2731, "quantile": 0.0, "value": 44400.0, "Latitude": 32.8, "Longitude": -115.56, "Population": 1335.0}, {"index": 2731, "quantile": 0.25, "value": 59400.0, "Latitude": 32.8, "Longitude": -115.56, "Population": 1335.0}, {"index": 2731, "quantile": 0.5, "value": 59400.0, "Latitude": 32.8, "Longitude": -115.56, "Population": 1335.0}, {"index": 2731, "quantile": 0.75, "value": 60400.0, "Latitude": 32.8, "Longitude": -115.56, "Population": 1335.0}, {"index": 2731, "quantile": 1.0, "value": 84700.0, "Latitude": 32.8, "Longitude": -115.56, "Population": 1335.0}, {"index": 2732, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 32.8, "Longitude": -115.56, "Population": 1024.0}, {"index": 2732, "quantile": 0.25, "value": 69400.0, "Latitude": 32.8, "Longitude": -115.56, "Population": 1024.0}, {"index": 2732, "quantile": 0.5, "value": 69400.0, "Latitude": 32.8, "Longitude": -115.56, "Population": 1024.0}, {"index": 2732, "quantile": 0.75, "value": 69400.0, "Latitude": 32.8, "Longitude": -115.56, "Population": 1024.0}, {"index": 2732, "quantile": 1.0, "value": 104200.0, "Latitude": 32.8, "Longitude": -115.56, "Population": 1024.0}, {"index": 2733, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 32.79, "Longitude": -115.56, "Population": 1377.0}, {"index": 2733, "quantile": 0.25, "value": 58299.99999999999, "Latitude": 32.79, "Longitude": -115.56, "Population": 1377.0}, {"index": 2733, "quantile": 0.5, "value": 58299.99999999999, "Latitude": 32.79, "Longitude": -115.56, "Population": 1377.0}, {"index": 2733, "quantile": 0.75, "value": 84700.0, "Latitude": 32.79, "Longitude": -115.56, "Population": 1377.0}, {"index": 2733, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.79, "Longitude": -115.56, "Population": 1377.0}, {"index": 2734, "quantile": 0.0, "value": 62300.0, "Latitude": 32.78, "Longitude": -115.56, "Population": 1627.0}, {"index": 2734, "quantile": 0.25, "value": 76200.0, "Latitude": 32.78, "Longitude": -115.56, "Population": 1627.0}, {"index": 2734, "quantile": 0.5, "value": 76200.0, "Latitude": 32.78, "Longitude": -115.56, "Population": 1627.0}, {"index": 2734, "quantile": 0.75, "value": 76200.0, "Latitude": 32.78, "Longitude": -115.56, "Population": 1627.0}, {"index": 2734, "quantile": 1.0, "value": 200599.99999999997, "Latitude": 32.78, "Longitude": -115.56, "Population": 1627.0}, {"index": 2735, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 32.79, "Longitude": -115.56, "Population": 2283.0}, {"index": 2735, "quantile": 0.25, "value": 62500.0, "Latitude": 32.79, "Longitude": -115.56, "Population": 2283.0}, {"index": 2735, "quantile": 0.5, "value": 62500.0, "Latitude": 32.79, "Longitude": -115.56, "Population": 2283.0}, {"index": 2735, "quantile": 0.75, "value": 70575.0, "Latitude": 32.79, "Longitude": -115.56, "Population": 2283.0}, {"index": 2735, "quantile": 1.0, "value": 400000.0, "Latitude": 32.79, "Longitude": -115.56, "Population": 2283.0}, {"index": 2736, "quantile": 0.0, "value": 44400.0, "Latitude": 32.79, "Longitude": -115.57, "Population": 864.0}, {"index": 2736, "quantile": 0.25, "value": 68100.0, "Latitude": 32.79, "Longitude": -115.57, "Population": 864.0}, {"index": 2736, "quantile": 0.5, "value": 68100.0, "Latitude": 32.79, "Longitude": -115.57, "Population": 864.0}, {"index": 2736, "quantile": 0.75, "value": 68100.0, "Latitude": 32.79, "Longitude": -115.57, "Population": 864.0}, {"index": 2736, "quantile": 1.0, "value": 110700.0, "Latitude": 32.79, "Longitude": -115.57, "Population": 864.0}, {"index": 2737, "quantile": 0.0, "value": 67500.0, "Latitude": 32.78, "Longitude": -115.56, "Population": 1583.0}, {"index": 2737, "quantile": 0.25, "value": 70800.0, "Latitude": 32.78, "Longitude": -115.56, "Population": 1583.0}, {"index": 2737, "quantile": 0.5, "value": 70800.0, "Latitude": 32.78, "Longitude": -115.56, "Population": 1583.0}, {"index": 2737, "quantile": 0.75, "value": 84300.0, "Latitude": 32.78, "Longitude": -115.56, "Population": 1583.0}, {"index": 2737, "quantile": 1.0, "value": 219800.0, "Latitude": 32.78, "Longitude": -115.56, "Population": 1583.0}, {"index": 2738, "quantile": 0.0, "value": 68600.0, "Latitude": 32.78, "Longitude": -115.56, "Population": 615.0}, {"index": 2738, "quantile": 0.25, "value": 86200.0, "Latitude": 32.78, "Longitude": -115.56, "Population": 615.0}, {"index": 2738, "quantile": 0.5, "value": 86200.0, "Latitude": 32.78, "Longitude": -115.56, "Population": 615.0}, {"index": 2738, "quantile": 0.75, "value": 96300.0, "Latitude": 32.78, "Longitude": -115.56, "Population": 615.0}, {"index": 2738, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.78, "Longitude": -115.56, "Population": 615.0}, {"index": 2739, "quantile": 0.0, "value": 68600.0, "Latitude": 32.78, "Longitude": -115.57, "Population": 1135.0}, {"index": 2739, "quantile": 0.25, "value": 133000.0, "Latitude": 32.78, "Longitude": -115.57, "Population": 1135.0}, {"index": 2739, "quantile": 0.5, "value": 145850.0, "Latitude": 32.78, "Longitude": -115.57, "Population": 1135.0}, {"index": 2739, "quantile": 0.75, "value": 158825.0, "Latitude": 32.78, "Longitude": -115.57, "Population": 1135.0}, {"index": 2739, "quantile": 1.0, "value": 249400.00000000003, "Latitude": 32.78, "Longitude": -115.57, "Population": 1135.0}, {"index": 2740, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.78, "Longitude": -115.56, "Population": 848.0}, {"index": 2740, "quantile": 0.25, "value": 76200.0, "Latitude": 32.78, "Longitude": -115.56, "Population": 848.0}, {"index": 2740, "quantile": 0.5, "value": 76200.0, "Latitude": 32.78, "Longitude": -115.56, "Population": 848.0}, {"index": 2740, "quantile": 0.75, "value": 76200.0, "Latitude": 32.78, "Longitude": -115.56, "Population": 848.0}, {"index": 2740, "quantile": 1.0, "value": 176400.0, "Latitude": 32.78, "Longitude": -115.56, "Population": 848.0}, {"index": 2741, "quantile": 0.0, "value": 58800.0, "Latitude": 32.78, "Longitude": -115.55, "Population": 1767.0}, {"index": 2741, "quantile": 0.25, "value": 84300.0, "Latitude": 32.78, "Longitude": -115.55, "Population": 1767.0}, {"index": 2741, "quantile": 0.5, "value": 84300.0, "Latitude": 32.78, "Longitude": -115.55, "Population": 1767.0}, {"index": 2741, "quantile": 0.75, "value": 84300.0, "Latitude": 32.78, "Longitude": -115.55, "Population": 1767.0}, {"index": 2741, "quantile": 1.0, "value": 169600.0, "Latitude": 32.78, "Longitude": -115.55, "Population": 1767.0}, {"index": 2742, "quantile": 0.0, "value": 97200.0, "Latitude": 32.78, "Longitude": -115.58, "Population": 1416.0}, {"index": 2742, "quantile": 0.25, "value": 110100.0, "Latitude": 32.78, "Longitude": -115.58, "Population": 1416.0}, {"index": 2742, "quantile": 0.5, "value": 110100.0, "Latitude": 32.78, "Longitude": -115.58, "Population": 1416.0}, {"index": 2742, "quantile": 0.75, "value": 200475.0, "Latitude": 32.78, "Longitude": -115.58, "Population": 1416.0}, {"index": 2742, "quantile": 1.0, "value": 296400.0, "Latitude": 32.78, "Longitude": -115.58, "Population": 1416.0}, {"index": 2743, "quantile": 0.0, "value": 97200.0, "Latitude": 32.79, "Longitude": -115.59, "Population": 1000.0}, {"index": 2743, "quantile": 0.25, "value": 248775.0, "Latitude": 32.79, "Longitude": -115.59, "Population": 1000.0}, {"index": 2743, "quantile": 0.5, "value": 275050.0, "Latitude": 32.79, "Longitude": -115.59, "Population": 1000.0}, {"index": 2743, "quantile": 0.75, "value": 300300.0, "Latitude": 32.79, "Longitude": -115.59, "Population": 1000.0}, {"index": 2743, "quantile": 1.0, "value": 392900.0, "Latitude": 32.79, "Longitude": -115.59, "Population": 1000.0}, {"index": 2744, "quantile": 0.0, "value": 25000.0, "Latitude": 32.79, "Longitude": -115.58, "Population": 762.0}, {"index": 2744, "quantile": 0.25, "value": 64400.0, "Latitude": 32.79, "Longitude": -115.58, "Population": 762.0}, {"index": 2744, "quantile": 0.5, "value": 64400.0, "Latitude": 32.79, "Longitude": -115.58, "Population": 762.0}, {"index": 2744, "quantile": 0.75, "value": 86800.00000000001, "Latitude": 32.79, "Longitude": -115.58, "Population": 762.0}, {"index": 2744, "quantile": 1.0, "value": 162500.0, "Latitude": 32.79, "Longitude": -115.58, "Population": 762.0}, {"index": 2745, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.79, "Longitude": -115.57, "Population": 621.0}, {"index": 2745, "quantile": 0.25, "value": 73600.0, "Latitude": 32.79, "Longitude": -115.57, "Population": 621.0}, {"index": 2745, "quantile": 0.5, "value": 73600.0, "Latitude": 32.79, "Longitude": -115.57, "Population": 621.0}, {"index": 2745, "quantile": 0.75, "value": 73600.0, "Latitude": 32.79, "Longitude": -115.57, "Population": 621.0}, {"index": 2745, "quantile": 1.0, "value": 189700.0, "Latitude": 32.79, "Longitude": -115.57, "Population": 621.0}, {"index": 2746, "quantile": 0.0, "value": 67500.0, "Latitude": 32.78, "Longitude": -115.57, "Population": 1173.0}, {"index": 2746, "quantile": 0.25, "value": 86400.0, "Latitude": 32.78, "Longitude": -115.57, "Population": 1173.0}, {"index": 2746, "quantile": 0.5, "value": 86400.0, "Latitude": 32.78, "Longitude": -115.57, "Population": 1173.0}, {"index": 2746, "quantile": 0.75, "value": 86400.0, "Latitude": 32.78, "Longitude": -115.57, "Population": 1173.0}, {"index": 2746, "quantile": 1.0, "value": 240099.99999999997, "Latitude": 32.78, "Longitude": -115.57, "Population": 1173.0}, {"index": 2747, "quantile": 0.0, "value": 97200.0, "Latitude": 32.78, "Longitude": -115.57, "Population": 871.0}, {"index": 2747, "quantile": 0.25, "value": 97200.0, "Latitude": 32.78, "Longitude": -115.57, "Population": 871.0}, {"index": 2747, "quantile": 0.5, "value": 97200.0, "Latitude": 32.78, "Longitude": -115.57, "Population": 871.0}, {"index": 2747, "quantile": 0.75, "value": 228850.0, "Latitude": 32.78, "Longitude": -115.57, "Population": 871.0}, {"index": 2747, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 32.78, "Longitude": -115.57, "Population": 871.0}, {"index": 2748, "quantile": 0.0, "value": 67500.0, "Latitude": 32.78, "Longitude": -115.57, "Population": 803.0}, {"index": 2748, "quantile": 0.25, "value": 86200.0, "Latitude": 32.78, "Longitude": -115.57, "Population": 803.0}, {"index": 2748, "quantile": 0.5, "value": 133599.99999999997, "Latitude": 32.78, "Longitude": -115.57, "Population": 803.0}, {"index": 2748, "quantile": 0.75, "value": 166100.0, "Latitude": 32.78, "Longitude": -115.57, "Population": 803.0}, {"index": 2748, "quantile": 1.0, "value": 366000.0, "Latitude": 32.78, "Longitude": -115.57, "Population": 803.0}, {"index": 2749, "quantile": 0.0, "value": 68600.0, "Latitude": 32.76, "Longitude": -115.56, "Population": 653.0}, {"index": 2749, "quantile": 0.25, "value": 90800.0, "Latitude": 32.76, "Longitude": -115.56, "Population": 653.0}, {"index": 2749, "quantile": 0.5, "value": 96300.0, "Latitude": 32.76, "Longitude": -115.56, "Population": 653.0}, {"index": 2749, "quantile": 0.75, "value": 168300.0, "Latitude": 32.76, "Longitude": -115.56, "Population": 653.0}, {"index": 2749, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.76, "Longitude": -115.56, "Population": 653.0}, {"index": 2750, "quantile": 0.0, "value": 58800.0, "Latitude": 32.69, "Longitude": -115.59, "Population": 649.0}, {"index": 2750, "quantile": 0.25, "value": 67500.0, "Latitude": 32.69, "Longitude": -115.59, "Population": 649.0}, {"index": 2750, "quantile": 0.5, "value": 73600.0, "Latitude": 32.69, "Longitude": -115.59, "Population": 649.0}, {"index": 2750, "quantile": 0.75, "value": 87500.0, "Latitude": 32.69, "Longitude": -115.59, "Population": 649.0}, {"index": 2750, "quantile": 1.0, "value": 130400.0, "Latitude": 32.69, "Longitude": -115.59, "Population": 649.0}, {"index": 2751, "quantile": 0.0, "value": 58600.0, "Latitude": 32.69, "Longitude": -115.49, "Population": 1691.0}, {"index": 2751, "quantile": 0.25, "value": 64000.0, "Latitude": 32.69, "Longitude": -115.49, "Population": 1691.0}, {"index": 2751, "quantile": 0.5, "value": 64000.0, "Latitude": 32.69, "Longitude": -115.49, "Population": 1691.0}, {"index": 2751, "quantile": 0.75, "value": 67700.0, "Latitude": 32.69, "Longitude": -115.49, "Population": 1691.0}, {"index": 2751, "quantile": 1.0, "value": 127099.99999999999, "Latitude": 32.69, "Longitude": -115.49, "Population": 1691.0}, {"index": 2752, "quantile": 0.0, "value": 44400.0, "Latitude": 32.7, "Longitude": -115.4, "Population": 531.0}, {"index": 2752, "quantile": 0.25, "value": 73100.0, "Latitude": 32.7, "Longitude": -115.4, "Population": 531.0}, {"index": 2752, "quantile": 0.5, "value": 95800.0, "Latitude": 32.7, "Longitude": -115.4, "Population": 531.0}, {"index": 2752, "quantile": 0.75, "value": 95800.0, "Latitude": 32.7, "Longitude": -115.4, "Population": 531.0}, {"index": 2752, "quantile": 1.0, "value": 450000.0, "Latitude": 32.7, "Longitude": -115.4, "Population": 531.0}, {"index": 2753, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 32.67, "Longitude": -115.49, "Population": 2185.0}, {"index": 2753, "quantile": 0.25, "value": 70100.0, "Latitude": 32.67, "Longitude": -115.49, "Population": 2185.0}, {"index": 2753, "quantile": 0.5, "value": 70100.0, "Latitude": 32.67, "Longitude": -115.49, "Population": 2185.0}, {"index": 2753, "quantile": 0.75, "value": 70100.0, "Latitude": 32.67, "Longitude": -115.49, "Population": 2185.0}, {"index": 2753, "quantile": 1.0, "value": 122600.0, "Latitude": 32.67, "Longitude": -115.49, "Population": 2185.0}, {"index": 2754, "quantile": 0.0, "value": 44400.0, "Latitude": 32.67, "Longitude": -115.49, "Population": 1083.0}, {"index": 2754, "quantile": 0.25, "value": 70100.0, "Latitude": 32.67, "Longitude": -115.49, "Population": 1083.0}, {"index": 2754, "quantile": 0.5, "value": 73100.0, "Latitude": 32.67, "Longitude": -115.49, "Population": 1083.0}, {"index": 2754, "quantile": 0.75, "value": 73100.0, "Latitude": 32.67, "Longitude": -115.49, "Population": 1083.0}, {"index": 2754, "quantile": 1.0, "value": 127099.99999999999, "Latitude": 32.67, "Longitude": -115.49, "Population": 1083.0}, {"index": 2755, "quantile": 0.0, "value": 58800.0, "Latitude": 32.68, "Longitude": -115.48, "Population": 2097.0}, {"index": 2755, "quantile": 0.25, "value": 74300.0, "Latitude": 32.68, "Longitude": -115.48, "Population": 2097.0}, {"index": 2755, "quantile": 0.5, "value": 91200.0, "Latitude": 32.68, "Longitude": -115.48, "Population": 2097.0}, {"index": 2755, "quantile": 0.75, "value": 91200.0, "Latitude": 32.68, "Longitude": -115.48, "Population": 2097.0}, {"index": 2755, "quantile": 1.0, "value": 127099.99999999999, "Latitude": 32.68, "Longitude": -115.48, "Population": 2097.0}, {"index": 2756, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 32.68, "Longitude": -115.5, "Population": 3565.0}, {"index": 2756, "quantile": 0.25, "value": 70100.0, "Latitude": 32.68, "Longitude": -115.5, "Population": 3565.0}, {"index": 2756, "quantile": 0.5, "value": 88400.0, "Latitude": 32.68, "Longitude": -115.5, "Population": 3565.0}, {"index": 2756, "quantile": 0.75, "value": 88400.0, "Latitude": 32.68, "Longitude": -115.5, "Population": 3565.0}, {"index": 2756, "quantile": 1.0, "value": 127099.99999999999, "Latitude": 32.68, "Longitude": -115.5, "Population": 3565.0}, {"index": 2757, "quantile": 0.0, "value": 45000.0, "Latitude": 32.67, "Longitude": -115.5, "Population": 1694.0}, {"index": 2757, "quantile": 0.25, "value": 75500.0, "Latitude": 32.67, "Longitude": -115.5, "Population": 1694.0}, {"index": 2757, "quantile": 0.5, "value": 75500.0, "Latitude": 32.67, "Longitude": -115.5, "Population": 1694.0}, {"index": 2757, "quantile": 0.75, "value": 75500.0, "Latitude": 32.67, "Longitude": -115.5, "Population": 1694.0}, {"index": 2757, "quantile": 1.0, "value": 127099.99999999999, "Latitude": 32.67, "Longitude": -115.5, "Population": 1694.0}, {"index": 2758, "quantile": 0.0, "value": 40000.0, "Latitude": 32.67, "Longitude": -115.49, "Population": 1302.0}, {"index": 2758, "quantile": 0.25, "value": 69400.0, "Latitude": 32.67, "Longitude": -115.49, "Population": 1302.0}, {"index": 2758, "quantile": 0.5, "value": 84700.0, "Latitude": 32.67, "Longitude": -115.49, "Population": 1302.0}, {"index": 2758, "quantile": 0.75, "value": 84700.0, "Latitude": 32.67, "Longitude": -115.49, "Population": 1302.0}, {"index": 2758, "quantile": 1.0, "value": 124700.00000000001, "Latitude": 32.67, "Longitude": -115.49, "Population": 1302.0}, {"index": 2759, "quantile": 0.0, "value": 58800.0, "Latitude": 32.68, "Longitude": -115.51, "Population": 2644.0}, {"index": 2759, "quantile": 0.25, "value": 74000.0, "Latitude": 32.68, "Longitude": -115.51, "Population": 2644.0}, {"index": 2759, "quantile": 0.5, "value": 84300.0, "Latitude": 32.68, "Longitude": -115.51, "Population": 2644.0}, {"index": 2759, "quantile": 0.75, "value": 88500.0, "Latitude": 32.68, "Longitude": -115.51, "Population": 2644.0}, {"index": 2759, "quantile": 1.0, "value": 216900.0, "Latitude": 32.68, "Longitude": -115.51, "Population": 2644.0}, {"index": 2760, "quantile": 0.0, "value": 46700.0, "Latitude": 32.67, "Longitude": -115.52, "Population": 2807.0}, {"index": 2760, "quantile": 0.25, "value": 67700.0, "Latitude": 32.67, "Longitude": -115.52, "Population": 2807.0}, {"index": 2760, "quantile": 0.5, "value": 67700.0, "Latitude": 32.67, "Longitude": -115.52, "Population": 2807.0}, {"index": 2760, "quantile": 0.75, "value": 73700.0, "Latitude": 32.67, "Longitude": -115.52, "Population": 2807.0}, {"index": 2760, "quantile": 1.0, "value": 137500.0, "Latitude": 32.67, "Longitude": -115.52, "Population": 2807.0}, {"index": 2761, "quantile": 0.0, "value": 25000.0, "Latitude": 33.33, "Longitude": -116.05, "Population": 135.0}, {"index": 2761, "quantile": 0.25, "value": 78199.99999999999, "Latitude": 33.33, "Longitude": -116.05, "Population": 135.0}, {"index": 2761, "quantile": 0.5, "value": 81300.0, "Latitude": 33.33, "Longitude": -116.05, "Population": 135.0}, {"index": 2761, "quantile": 0.75, "value": 81300.0, "Latitude": 33.33, "Longitude": -116.05, "Population": 135.0}, {"index": 2761, "quantile": 1.0, "value": 100000.0, "Latitude": 33.33, "Longitude": -116.05, "Population": 135.0}, {"index": 2762, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 33.19, "Longitude": -116.0, "Population": 81.0}, {"index": 2762, "quantile": 0.25, "value": 51300.0, "Latitude": 33.19, "Longitude": -116.0, "Population": 81.0}, {"index": 2762, "quantile": 0.5, "value": 51300.0, "Latitude": 33.19, "Longitude": -116.0, "Population": 81.0}, {"index": 2762, "quantile": 0.75, "value": 66900.0, "Latitude": 33.19, "Longitude": -116.0, "Population": 81.0}, {"index": 2762, "quantile": 1.0, "value": 115599.99999999999, "Latitude": 33.19, "Longitude": -116.0, "Population": 81.0}, {"index": 2763, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.93, "Longitude": -115.88, "Population": 51.0}, {"index": 2763, "quantile": 0.25, "value": 118550.0, "Latitude": 32.93, "Longitude": -115.88, "Population": 51.0}, {"index": 2763, "quantile": 0.5, "value": 176250.0, "Latitude": 32.93, "Longitude": -115.88, "Population": 51.0}, {"index": 2763, "quantile": 0.75, "value": 229150.0, "Latitude": 32.93, "Longitude": -115.88, "Population": 51.0}, {"index": 2763, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.93, "Longitude": -115.88, "Population": 51.0}, {"index": 2764, "quantile": 0.0, "value": 42500.0, "Latitude": 32.74, "Longitude": -116.0, "Population": 329.0}, {"index": 2764, "quantile": 0.25, "value": 43900.0, "Latitude": 32.74, "Longitude": -116.0, "Population": 329.0}, {"index": 2764, "quantile": 0.5, "value": 43900.0, "Latitude": 32.74, "Longitude": -116.0, "Population": 329.0}, {"index": 2764, "quantile": 0.75, "value": 62800.0, "Latitude": 32.74, "Longitude": -116.0, "Population": 329.0}, {"index": 2764, "quantile": 1.0, "value": 275000.0, "Latitude": 32.74, "Longitude": -116.0, "Population": 329.0}, {"index": 2765, "quantile": 0.0, "value": 43900.0, "Latitude": 32.69, "Longitude": -115.9, "Population": 98.0}, {"index": 2765, "quantile": 0.25, "value": 57499.99999999999, "Latitude": 32.69, "Longitude": -115.9, "Population": 98.0}, {"index": 2765, "quantile": 0.5, "value": 57499.99999999999, "Latitude": 32.69, "Longitude": -115.9, "Population": 98.0}, {"index": 2765, "quantile": 0.75, "value": 62800.0, "Latitude": 32.69, "Longitude": -115.9, "Population": 98.0}, {"index": 2765, "quantile": 1.0, "value": 275000.0, "Latitude": 32.69, "Longitude": -115.9, "Population": 98.0}, {"index": 2766, "quantile": 0.0, "value": 45000.0, "Latitude": 33.41, "Longitude": -116.01, "Population": 659.0}, {"index": 2766, "quantile": 0.25, "value": 62800.0, "Latitude": 33.41, "Longitude": -116.01, "Population": 659.0}, {"index": 2766, "quantile": 0.5, "value": 62800.0, "Latitude": 33.41, "Longitude": -116.01, "Population": 659.0}, {"index": 2766, "quantile": 0.75, "value": 94900.0, "Latitude": 33.41, "Longitude": -116.01, "Population": 659.0}, {"index": 2766, "quantile": 1.0, "value": 366700.0, "Latitude": 33.41, "Longitude": -116.01, "Population": 659.0}, {"index": 2767, "quantile": 0.0, "value": 53800.0, "Latitude": 33.4, "Longitude": -115.99, "Population": 515.0}, {"index": 2767, "quantile": 0.25, "value": 54300.00000000001, "Latitude": 33.4, "Longitude": -115.99, "Population": 515.0}, {"index": 2767, "quantile": 0.5, "value": 54300.00000000001, "Latitude": 33.4, "Longitude": -115.99, "Population": 515.0}, {"index": 2767, "quantile": 0.75, "value": 67500.0, "Latitude": 33.4, "Longitude": -115.99, "Population": 515.0}, {"index": 2767, "quantile": 1.0, "value": 248100.0, "Latitude": 33.4, "Longitude": -115.99, "Population": 515.0}, {"index": 2768, "quantile": 0.0, "value": 58800.0, "Latitude": 33.38, "Longitude": -115.94, "Population": 41.0}, {"index": 2768, "quantile": 0.25, "value": 58800.0, "Latitude": 33.38, "Longitude": -115.94, "Population": 41.0}, {"index": 2768, "quantile": 0.5, "value": 58800.0, "Latitude": 33.38, "Longitude": -115.94, "Population": 41.0}, {"index": 2768, "quantile": 0.75, "value": 83975.0, "Latitude": 33.38, "Longitude": -115.94, "Population": 41.0}, {"index": 2768, "quantile": 1.0, "value": 450000.0, "Latitude": 33.38, "Longitude": -115.94, "Population": 41.0}, {"index": 2769, "quantile": 0.0, "value": 25000.0, "Latitude": 33.32, "Longitude": -115.98, "Population": 63.0}, {"index": 2769, "quantile": 0.25, "value": 51300.0, "Latitude": 33.32, "Longitude": -115.98, "Population": 63.0}, {"index": 2769, "quantile": 0.5, "value": 54650.0, "Latitude": 33.32, "Longitude": -115.98, "Population": 63.0}, {"index": 2769, "quantile": 0.75, "value": 69649.99999999999, "Latitude": 33.32, "Longitude": -115.98, "Population": 63.0}, {"index": 2769, "quantile": 1.0, "value": 375000.0, "Latitude": 33.32, "Longitude": -115.98, "Population": 63.0}, {"index": 2770, "quantile": 0.0, "value": 25000.0, "Latitude": 33.36, "Longitude": -115.91, "Population": 160.0}, {"index": 2770, "quantile": 0.25, "value": 59200.0, "Latitude": 33.36, "Longitude": -115.91, "Population": 160.0}, {"index": 2770, "quantile": 0.5, "value": 67500.0, "Latitude": 33.36, "Longitude": -115.91, "Population": 160.0}, {"index": 2770, "quantile": 0.75, "value": 67500.0, "Latitude": 33.36, "Longitude": -115.91, "Population": 160.0}, {"index": 2770, "quantile": 1.0, "value": 275000.0, "Latitude": 33.36, "Longitude": -115.91, "Population": 160.0}, {"index": 2771, "quantile": 0.0, "value": 32900.0, "Latitude": 33.34, "Longitude": -115.9, "Population": 329.0}, {"index": 2771, "quantile": 0.25, "value": 62800.0, "Latitude": 33.34, "Longitude": -115.9, "Population": 329.0}, {"index": 2771, "quantile": 0.5, "value": 62800.0, "Latitude": 33.34, "Longitude": -115.9, "Population": 329.0}, {"index": 2771, "quantile": 0.75, "value": 62800.0, "Latitude": 33.34, "Longitude": -115.9, "Population": 329.0}, {"index": 2771, "quantile": 1.0, "value": 275000.0, "Latitude": 33.34, "Longitude": -115.9, "Population": 329.0}, {"index": 2772, "quantile": 0.0, "value": 42500.0, "Latitude": 33.3, "Longitude": -115.96, "Population": 112.0}, {"index": 2772, "quantile": 0.25, "value": 45000.0, "Latitude": 33.3, "Longitude": -115.96, "Population": 112.0}, {"index": 2772, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 33.3, "Longitude": -115.96, "Population": 112.0}, {"index": 2772, "quantile": 0.75, "value": 62800.0, "Latitude": 33.3, "Longitude": -115.96, "Population": 112.0}, {"index": 2772, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.3, "Longitude": -115.96, "Population": 112.0}, {"index": 2773, "quantile": 0.0, "value": 25000.0, "Latitude": 33.28, "Longitude": -115.95, "Population": 37.0}, {"index": 2773, "quantile": 0.25, "value": 53800.0, "Latitude": 33.28, "Longitude": -115.95, "Population": 37.0}, {"index": 2773, "quantile": 0.5, "value": 53800.0, "Latitude": 33.28, "Longitude": -115.95, "Population": 37.0}, {"index": 2773, "quantile": 0.75, "value": 62800.0, "Latitude": 33.28, "Longitude": -115.95, "Population": 37.0}, {"index": 2773, "quantile": 1.0, "value": 500000.0, "Latitude": 33.28, "Longitude": -115.95, "Population": 37.0}, {"index": 2774, "quantile": 0.0, "value": 47500.0, "Latitude": 33.26, "Longitude": -115.8, "Population": 30.0}, {"index": 2774, "quantile": 0.25, "value": 47500.0, "Latitude": 33.26, "Longitude": -115.8, "Population": 30.0}, {"index": 2774, "quantile": 0.5, "value": 47500.0, "Latitude": 33.26, "Longitude": -115.8, "Population": 30.0}, {"index": 2774, "quantile": 0.75, "value": 196800.0, "Latitude": 33.26, "Longitude": -115.8, "Population": 30.0}, {"index": 2774, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.26, "Longitude": -115.8, "Population": 30.0}, {"index": 2775, "quantile": 0.0, "value": 40000.0, "Latitude": 33.43, "Longitude": -114.73, "Population": 227.0}, {"index": 2775, "quantile": 0.25, "value": 59200.0, "Latitude": 33.43, "Longitude": -114.73, "Population": 227.0}, {"index": 2775, "quantile": 0.5, "value": 59200.0, "Latitude": 33.43, "Longitude": -114.73, "Population": 227.0}, {"index": 2775, "quantile": 0.75, "value": 82525.0, "Latitude": 33.43, "Longitude": -114.73, "Population": 227.0}, {"index": 2775, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.43, "Longitude": -114.73, "Population": 227.0}, {"index": 2776, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 33.07, "Longitude": -114.98, "Population": 374.0}, {"index": 2776, "quantile": 0.25, "value": 57499.99999999999, "Latitude": 33.07, "Longitude": -114.98, "Population": 374.0}, {"index": 2776, "quantile": 0.5, "value": 57499.99999999999, "Latitude": 33.07, "Longitude": -114.98, "Population": 374.0}, {"index": 2776, "quantile": 0.75, "value": 76200.0, "Latitude": 33.07, "Longitude": -114.98, "Population": 374.0}, {"index": 2776, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.07, "Longitude": -114.98, "Population": 374.0}, {"index": 2777, "quantile": 0.0, "value": 40000.0, "Latitude": 33.36, "Longitude": -115.73, "Population": 476.0}, {"index": 2777, "quantile": 0.25, "value": 60300.0, "Latitude": 33.36, "Longitude": -115.73, "Population": 476.0}, {"index": 2777, "quantile": 0.5, "value": 64149.99999999999, "Latitude": 33.36, "Longitude": -115.73, "Population": 476.0}, {"index": 2777, "quantile": 0.75, "value": 81900.0, "Latitude": 33.36, "Longitude": -115.73, "Population": 476.0}, {"index": 2777, "quantile": 1.0, "value": 100000.0, "Latitude": 33.36, "Longitude": -115.73, "Population": 476.0}, {"index": 2778, "quantile": 0.0, "value": 32900.0, "Latitude": 33.35, "Longitude": -115.73, "Population": 338.0}, {"index": 2778, "quantile": 0.25, "value": 53225.0, "Latitude": 33.35, "Longitude": -115.73, "Population": 338.0}, {"index": 2778, "quantile": 0.5, "value": 59200.0, "Latitude": 33.35, "Longitude": -115.73, "Population": 338.0}, {"index": 2778, "quantile": 0.75, "value": 66900.0, "Latitude": 33.35, "Longitude": -115.73, "Population": 338.0}, {"index": 2778, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.35, "Longitude": -115.73, "Population": 338.0}, {"index": 2779, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 32.79, "Longitude": -114.65, "Population": 64.0}, {"index": 2779, "quantile": 0.25, "value": 25000.0, "Latitude": 32.79, "Longitude": -114.65, "Population": 64.0}, {"index": 2779, "quantile": 0.5, "value": 25000.0, "Latitude": 32.79, "Longitude": -114.65, "Population": 64.0}, {"index": 2779, "quantile": 0.75, "value": 57699.99999999999, "Latitude": 32.79, "Longitude": -114.65, "Population": 64.0}, {"index": 2779, "quantile": 1.0, "value": 187500.0, "Latitude": 32.79, "Longitude": -114.65, "Population": 64.0}, {"index": 2780, "quantile": 0.0, "value": 25000.0, "Latitude": 32.8, "Longitude": -114.55, "Population": 1431.0}, {"index": 2780, "quantile": 0.25, "value": 56100.00000000001, "Latitude": 32.8, "Longitude": -114.55, "Population": 1431.0}, {"index": 2780, "quantile": 0.5, "value": 56100.00000000001, "Latitude": 32.8, "Longitude": -114.55, "Population": 1431.0}, {"index": 2780, "quantile": 0.75, "value": 56100.00000000001, "Latitude": 32.8, "Longitude": -114.55, "Population": 1431.0}, {"index": 2780, "quantile": 1.0, "value": 166100.0, "Latitude": 32.8, "Longitude": -114.55, "Population": 1431.0}, {"index": 2781, "quantile": 0.0, "value": 40000.0, "Latitude": 32.76, "Longitude": -114.63, "Population": 949.0}, {"index": 2781, "quantile": 0.25, "value": 45000.0, "Latitude": 32.76, "Longitude": -114.63, "Population": 949.0}, {"index": 2781, "quantile": 0.5, "value": 45000.0, "Latitude": 32.76, "Longitude": -114.63, "Population": 949.0}, {"index": 2781, "quantile": 0.75, "value": 67500.0, "Latitude": 32.76, "Longitude": -114.63, "Population": 949.0}, {"index": 2781, "quantile": 1.0, "value": 127099.99999999999, "Latitude": 32.76, "Longitude": -114.63, "Population": 949.0}, {"index": 2782, "quantile": 0.0, "value": 40000.0, "Latitude": 32.74, "Longitude": -114.66, "Population": 775.0}, {"index": 2782, "quantile": 0.25, "value": 45000.0, "Latitude": 32.74, "Longitude": -114.66, "Population": 775.0}, {"index": 2782, "quantile": 0.5, "value": 60400.0, "Latitude": 32.74, "Longitude": -114.66, "Population": 775.0}, {"index": 2782, "quantile": 0.75, "value": 87700.0, "Latitude": 32.74, "Longitude": -114.66, "Population": 775.0}, {"index": 2782, "quantile": 1.0, "value": 111300.0, "Latitude": 32.74, "Longitude": -114.66, "Population": 775.0}, {"index": 2783, "quantile": 0.0, "value": 26900.0, "Latitude": 37.35, "Longitude": -118.18, "Population": 1501.0}, {"index": 2783, "quantile": 0.25, "value": 73975.0, "Latitude": 37.35, "Longitude": -118.18, "Population": 1501.0}, {"index": 2783, "quantile": 0.5, "value": 98400.0, "Latitude": 37.35, "Longitude": -118.18, "Population": 1501.0}, {"index": 2783, "quantile": 0.75, "value": 116700.0, "Latitude": 37.35, "Longitude": -118.18, "Population": 1501.0}, {"index": 2783, "quantile": 1.0, "value": 180400.0, "Latitude": 37.35, "Longitude": -118.18, "Population": 1501.0}, {"index": 2784, "quantile": 0.0, "value": 72100.0, "Latitude": 37.4, "Longitude": -118.43, "Population": 1225.0}, {"index": 2784, "quantile": 0.25, "value": 141500.0, "Latitude": 37.4, "Longitude": -118.43, "Population": 1225.0}, {"index": 2784, "quantile": 0.5, "value": 141500.0, "Latitude": 37.4, "Longitude": -118.43, "Population": 1225.0}, {"index": 2784, "quantile": 0.75, "value": 141500.0, "Latitude": 37.4, "Longitude": -118.43, "Population": 1225.0}, {"index": 2784, "quantile": 1.0, "value": 242700.0, "Latitude": 37.4, "Longitude": -118.43, "Population": 1225.0}, {"index": 2785, "quantile": 0.0, "value": 75000.0, "Latitude": 37.39, "Longitude": -118.6, "Population": 1134.0}, {"index": 2785, "quantile": 0.25, "value": 146525.0, "Latitude": 37.39, "Longitude": -118.6, "Population": 1134.0}, {"index": 2785, "quantile": 0.5, "value": 166000.0, "Latitude": 37.39, "Longitude": -118.6, "Population": 1134.0}, {"index": 2785, "quantile": 0.75, "value": 166000.0, "Latitude": 37.39, "Longitude": -118.6, "Population": 1134.0}, {"index": 2785, "quantile": 1.0, "value": 221400.0, "Latitude": 37.39, "Longitude": -118.6, "Population": 1134.0}, {"index": 2786, "quantile": 0.0, "value": 52100.0, "Latitude": 37.25, "Longitude": -118.45, "Population": 721.0}, {"index": 2786, "quantile": 0.25, "value": 80700.0, "Latitude": 37.25, "Longitude": -118.45, "Population": 721.0}, {"index": 2786, "quantile": 0.5, "value": 95849.99999999999, "Latitude": 37.25, "Longitude": -118.45, "Population": 721.0}, {"index": 2786, "quantile": 0.75, "value": 123425.0, "Latitude": 37.25, "Longitude": -118.45, "Population": 721.0}, {"index": 2786, "quantile": 1.0, "value": 221400.0, "Latitude": 37.25, "Longitude": -118.45, "Population": 721.0}, {"index": 2787, "quantile": 0.0, "value": 67500.0, "Latitude": 37.37, "Longitude": -118.45, "Population": 1385.0}, {"index": 2787, "quantile": 0.25, "value": 94875.0, "Latitude": 37.37, "Longitude": -118.45, "Population": 1385.0}, {"index": 2787, "quantile": 0.5, "value": 141500.0, "Latitude": 37.37, "Longitude": -118.45, "Population": 1385.0}, {"index": 2787, "quantile": 0.75, "value": 211150.0, "Latitude": 37.37, "Longitude": -118.45, "Population": 1385.0}, {"index": 2787, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 37.37, "Longitude": -118.45, "Population": 1385.0}, {"index": 2788, "quantile": 0.0, "value": 79000.0, "Latitude": 37.35, "Longitude": -118.42, "Population": 1413.0}, {"index": 2788, "quantile": 0.25, "value": 148625.0, "Latitude": 37.35, "Longitude": -118.42, "Population": 1413.0}, {"index": 2788, "quantile": 0.5, "value": 180400.0, "Latitude": 37.35, "Longitude": -118.42, "Population": 1413.0}, {"index": 2788, "quantile": 0.75, "value": 180400.0, "Latitude": 37.35, "Longitude": -118.42, "Population": 1413.0}, {"index": 2788, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -118.42, "Population": 1413.0}, {"index": 2789, "quantile": 0.0, "value": 50900.0, "Latitude": 37.36, "Longitude": -118.42, "Population": 1425.0}, {"index": 2789, "quantile": 0.25, "value": 54400.00000000001, "Latitude": 37.36, "Longitude": -118.42, "Population": 1425.0}, {"index": 2789, "quantile": 0.5, "value": 54400.00000000001, "Latitude": 37.36, "Longitude": -118.42, "Population": 1425.0}, {"index": 2789, "quantile": 0.75, "value": 55900.00000000001, "Latitude": 37.36, "Longitude": -118.42, "Population": 1425.0}, {"index": 2789, "quantile": 1.0, "value": 123500.00000000001, "Latitude": 37.36, "Longitude": -118.42, "Population": 1425.0}, {"index": 2790, "quantile": 0.0, "value": 50600.0, "Latitude": 37.36, "Longitude": -118.4, "Population": 1172.0}, {"index": 2790, "quantile": 0.25, "value": 116100.0, "Latitude": 37.36, "Longitude": -118.4, "Population": 1172.0}, {"index": 2790, "quantile": 0.5, "value": 116100.0, "Latitude": 37.36, "Longitude": -118.4, "Population": 1172.0}, {"index": 2790, "quantile": 0.75, "value": 116100.0, "Latitude": 37.36, "Longitude": -118.4, "Population": 1172.0}, {"index": 2790, "quantile": 1.0, "value": 327300.0, "Latitude": 37.36, "Longitude": -118.4, "Population": 1172.0}, {"index": 2791, "quantile": 0.0, "value": 50600.0, "Latitude": 37.37, "Longitude": -118.39, "Population": 1477.0}, {"index": 2791, "quantile": 0.25, "value": 93900.0, "Latitude": 37.37, "Longitude": -118.39, "Population": 1477.0}, {"index": 2791, "quantile": 0.5, "value": 116100.0, "Latitude": 37.37, "Longitude": -118.39, "Population": 1477.0}, {"index": 2791, "quantile": 0.75, "value": 121775.00000000001, "Latitude": 37.37, "Longitude": -118.39, "Population": 1477.0}, {"index": 2791, "quantile": 1.0, "value": 350000.0, "Latitude": 37.37, "Longitude": -118.39, "Population": 1477.0}, {"index": 2792, "quantile": 0.0, "value": 47400.0, "Latitude": 37.36, "Longitude": -118.39, "Population": 902.0}, {"index": 2792, "quantile": 0.25, "value": 97725.0, "Latitude": 37.36, "Longitude": -118.39, "Population": 902.0}, {"index": 2792, "quantile": 0.5, "value": 98400.0, "Latitude": 37.36, "Longitude": -118.39, "Population": 902.0}, {"index": 2792, "quantile": 0.75, "value": 98400.0, "Latitude": 37.36, "Longitude": -118.39, "Population": 902.0}, {"index": 2792, "quantile": 1.0, "value": 177000.0, "Latitude": 37.36, "Longitude": -118.39, "Population": 902.0}, {"index": 2793, "quantile": 0.0, "value": 65600.0, "Latitude": 37.17, "Longitude": -118.3, "Population": 1541.0}, {"index": 2793, "quantile": 0.25, "value": 94500.0, "Latitude": 37.17, "Longitude": -118.3, "Population": 1541.0}, {"index": 2793, "quantile": 0.5, "value": 94500.0, "Latitude": 37.17, "Longitude": -118.3, "Population": 1541.0}, {"index": 2793, "quantile": 0.75, "value": 94500.0, "Latitude": 37.17, "Longitude": -118.3, "Population": 1541.0}, {"index": 2793, "quantile": 1.0, "value": 150000.0, "Latitude": 37.17, "Longitude": -118.3, "Population": 1541.0}, {"index": 2794, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 36.95, "Longitude": -117.9, "Population": 51.0}, {"index": 2794, "quantile": 0.25, "value": 57399.99999999999, "Latitude": 36.95, "Longitude": -117.9, "Population": 51.0}, {"index": 2794, "quantile": 0.5, "value": 82949.99999999999, "Latitude": 36.95, "Longitude": -117.9, "Population": 51.0}, {"index": 2794, "quantile": 0.75, "value": 120800.0, "Latitude": 36.95, "Longitude": -117.9, "Population": 51.0}, {"index": 2794, "quantile": 1.0, "value": 225000.0, "Latitude": 36.95, "Longitude": -117.9, "Population": 51.0}, {"index": 2795, "quantile": 0.0, "value": 26600.0, "Latitude": 36.94, "Longitude": -118.31, "Population": 861.0}, {"index": 2795, "quantile": 0.25, "value": 62400.0, "Latitude": 36.94, "Longitude": -118.31, "Population": 861.0}, {"index": 2795, "quantile": 0.5, "value": 76000.0, "Latitude": 36.94, "Longitude": -118.31, "Population": 861.0}, {"index": 2795, "quantile": 0.75, "value": 98400.0, "Latitude": 36.94, "Longitude": -118.31, "Population": 861.0}, {"index": 2795, "quantile": 1.0, "value": 189200.0, "Latitude": 36.94, "Longitude": -118.31, "Population": 861.0}, {"index": 2796, "quantile": 0.0, "value": 26600.0, "Latitude": 36.64, "Longitude": -118.05, "Population": 896.0}, {"index": 2796, "quantile": 0.25, "value": 69700.0, "Latitude": 36.64, "Longitude": -118.05, "Population": 896.0}, {"index": 2796, "quantile": 0.5, "value": 74200.0, "Latitude": 36.64, "Longitude": -118.05, "Population": 896.0}, {"index": 2796, "quantile": 0.75, "value": 74200.0, "Latitude": 36.64, "Longitude": -118.05, "Population": 896.0}, {"index": 2796, "quantile": 1.0, "value": 192700.0, "Latitude": 36.64, "Longitude": -118.05, "Population": 896.0}, {"index": 2797, "quantile": 0.0, "value": 52400.0, "Latitude": 36.63, "Longitude": -118.18, "Population": 1019.0}, {"index": 2797, "quantile": 0.25, "value": 90500.0, "Latitude": 36.63, "Longitude": -118.18, "Population": 1019.0}, {"index": 2797, "quantile": 0.5, "value": 104700.0, "Latitude": 36.63, "Longitude": -118.18, "Population": 1019.0}, {"index": 2797, "quantile": 0.75, "value": 104700.0, "Latitude": 36.63, "Longitude": -118.18, "Population": 1019.0}, {"index": 2797, "quantile": 1.0, "value": 132800.0, "Latitude": 36.63, "Longitude": -118.18, "Population": 1019.0}, {"index": 2798, "quantile": 0.0, "value": 32900.0, "Latitude": 36.13, "Longitude": -117.69, "Population": 632.0}, {"index": 2798, "quantile": 0.25, "value": 45500.0, "Latitude": 36.13, "Longitude": -117.69, "Population": 632.0}, {"index": 2798, "quantile": 0.5, "value": 45500.0, "Latitude": 36.13, "Longitude": -117.69, "Population": 632.0}, {"index": 2798, "quantile": 0.75, "value": 59400.0, "Latitude": 36.13, "Longitude": -117.69, "Population": 632.0}, {"index": 2798, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 36.13, "Longitude": -117.69, "Population": 632.0}, {"index": 2799, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 36.4, "Longitude": -117.02, "Population": 490.0}, {"index": 2799, "quantile": 0.25, "value": 14999.000000000002, "Latitude": 36.4, "Longitude": -117.02, "Population": 490.0}, {"index": 2799, "quantile": 0.5, "value": 14999.000000000002, "Latitude": 36.4, "Longitude": -117.02, "Population": 490.0}, {"index": 2799, "quantile": 0.75, "value": 68825.0, "Latitude": 36.4, "Longitude": -117.02, "Population": 490.0}, {"index": 2799, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.4, "Longitude": -117.02, "Population": 490.0}, {"index": 2800, "quantile": 0.0, "value": 32900.0, "Latitude": 36.0, "Longitude": -116.22, "Population": 436.0}, {"index": 2800, "quantile": 0.25, "value": 32900.0, "Latitude": 36.0, "Longitude": -116.22, "Population": 436.0}, {"index": 2800, "quantile": 0.5, "value": 32900.0, "Latitude": 36.0, "Longitude": -116.22, "Population": 436.0}, {"index": 2800, "quantile": 0.75, "value": 59400.0, "Latitude": 36.0, "Longitude": -116.22, "Population": 436.0}, {"index": 2800, "quantile": 1.0, "value": 366700.0, "Latitude": 36.0, "Longitude": -116.22, "Population": 436.0}, {"index": 2801, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 35.42, "Longitude": -119.02, "Population": 1124.0}, {"index": 2801, "quantile": 0.25, "value": 64900.0, "Latitude": 35.42, "Longitude": -119.02, "Population": 1124.0}, {"index": 2801, "quantile": 0.5, "value": 64900.0, "Latitude": 35.42, "Longitude": -119.02, "Population": 1124.0}, {"index": 2801, "quantile": 0.75, "value": 69500.0, "Latitude": 35.42, "Longitude": -119.02, "Population": 1124.0}, {"index": 2801, "quantile": 1.0, "value": 129200.0, "Latitude": 35.42, "Longitude": -119.02, "Population": 1124.0}, {"index": 2802, "quantile": 0.0, "value": 56799.99999999999, "Latitude": 35.42, "Longitude": -119.03, "Population": 754.0}, {"index": 2802, "quantile": 0.25, "value": 62400.0, "Latitude": 35.42, "Longitude": -119.03, "Population": 754.0}, {"index": 2802, "quantile": 0.5, "value": 62400.0, "Latitude": 35.42, "Longitude": -119.03, "Population": 754.0}, {"index": 2802, "quantile": 0.75, "value": 68225.0, "Latitude": 35.42, "Longitude": -119.03, "Population": 754.0}, {"index": 2802, "quantile": 1.0, "value": 274300.0, "Latitude": 35.42, "Longitude": -119.03, "Population": 754.0}, {"index": 2803, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 35.42, "Longitude": -119.03, "Population": 1491.0}, {"index": 2803, "quantile": 0.25, "value": 67900.0, "Latitude": 35.42, "Longitude": -119.03, "Population": 1491.0}, {"index": 2803, "quantile": 0.5, "value": 67900.0, "Latitude": 35.42, "Longitude": -119.03, "Population": 1491.0}, {"index": 2803, "quantile": 0.75, "value": 69500.0, "Latitude": 35.42, "Longitude": -119.03, "Population": 1491.0}, {"index": 2803, "quantile": 1.0, "value": 88800.0, "Latitude": 35.42, "Longitude": -119.03, "Population": 1491.0}, {"index": 2804, "quantile": 0.0, "value": 72100.0, "Latitude": 35.45, "Longitude": -119.03, "Population": 1748.0}, {"index": 2804, "quantile": 0.25, "value": 87100.0, "Latitude": 35.45, "Longitude": -119.03, "Population": 1748.0}, {"index": 2804, "quantile": 0.5, "value": 87100.0, "Latitude": 35.45, "Longitude": -119.03, "Population": 1748.0}, {"index": 2804, "quantile": 0.75, "value": 99600.0, "Latitude": 35.45, "Longitude": -119.03, "Population": 1748.0}, {"index": 2804, "quantile": 1.0, "value": 335200.0, "Latitude": 35.45, "Longitude": -119.03, "Population": 1748.0}, {"index": 2805, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 35.44, "Longitude": -119.05, "Population": 1182.0}, {"index": 2805, "quantile": 0.25, "value": 77000.0, "Latitude": 35.44, "Longitude": -119.05, "Population": 1182.0}, {"index": 2805, "quantile": 0.5, "value": 77000.0, "Latitude": 35.44, "Longitude": -119.05, "Population": 1182.0}, {"index": 2805, "quantile": 0.75, "value": 83600.0, "Latitude": 35.44, "Longitude": -119.05, "Population": 1182.0}, {"index": 2805, "quantile": 1.0, "value": 160300.0, "Latitude": 35.44, "Longitude": -119.05, "Population": 1182.0}, {"index": 2806, "quantile": 0.0, "value": 70600.0, "Latitude": 35.44, "Longitude": -119.02, "Population": 1527.0}, {"index": 2806, "quantile": 0.25, "value": 84400.0, "Latitude": 35.44, "Longitude": -119.02, "Population": 1527.0}, {"index": 2806, "quantile": 0.5, "value": 84400.0, "Latitude": 35.44, "Longitude": -119.02, "Population": 1527.0}, {"index": 2806, "quantile": 0.75, "value": 87700.0, "Latitude": 35.44, "Longitude": -119.02, "Population": 1527.0}, {"index": 2806, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 35.44, "Longitude": -119.02, "Population": 1527.0}, {"index": 2807, "quantile": 0.0, "value": 64900.0, "Latitude": 35.43, "Longitude": -119.02, "Population": 956.0}, {"index": 2807, "quantile": 0.25, "value": 70700.0, "Latitude": 35.43, "Longitude": -119.02, "Population": 956.0}, {"index": 2807, "quantile": 0.5, "value": 70700.0, "Latitude": 35.43, "Longitude": -119.02, "Population": 956.0}, {"index": 2807, "quantile": 0.75, "value": 74300.0, "Latitude": 35.43, "Longitude": -119.02, "Population": 956.0}, {"index": 2807, "quantile": 1.0, "value": 106800.0, "Latitude": 35.43, "Longitude": -119.02, "Population": 956.0}, {"index": 2808, "quantile": 0.0, "value": 26600.0, "Latitude": 35.42, "Longitude": -119.02, "Population": 520.0}, {"index": 2808, "quantile": 0.25, "value": 63375.0, "Latitude": 35.42, "Longitude": -119.02, "Population": 520.0}, {"index": 2808, "quantile": 0.5, "value": 70000.0, "Latitude": 35.42, "Longitude": -119.02, "Population": 520.0}, {"index": 2808, "quantile": 0.75, "value": 76000.0, "Latitude": 35.42, "Longitude": -119.02, "Population": 520.0}, {"index": 2808, "quantile": 1.0, "value": 120100.0, "Latitude": 35.42, "Longitude": -119.02, "Population": 520.0}, {"index": 2809, "quantile": 0.0, "value": 42100.0, "Latitude": 35.42, "Longitude": -119.02, "Population": 1021.0}, {"index": 2809, "quantile": 0.25, "value": 57399.99999999999, "Latitude": 35.42, "Longitude": -119.02, "Population": 1021.0}, {"index": 2809, "quantile": 0.5, "value": 57399.99999999999, "Latitude": 35.42, "Longitude": -119.02, "Population": 1021.0}, {"index": 2809, "quantile": 0.75, "value": 57399.99999999999, "Latitude": 35.42, "Longitude": -119.02, "Population": 1021.0}, {"index": 2809, "quantile": 1.0, "value": 225000.0, "Latitude": 35.42, "Longitude": -119.02, "Population": 1021.0}, {"index": 2810, "quantile": 0.0, "value": 44600.0, "Latitude": 35.42, "Longitude": -119.02, "Population": 1015.0}, {"index": 2810, "quantile": 0.25, "value": 52600.0, "Latitude": 35.42, "Longitude": -119.02, "Population": 1015.0}, {"index": 2810, "quantile": 0.5, "value": 52600.0, "Latitude": 35.42, "Longitude": -119.02, "Population": 1015.0}, {"index": 2810, "quantile": 0.75, "value": 52600.0, "Latitude": 35.42, "Longitude": -119.02, "Population": 1015.0}, {"index": 2810, "quantile": 1.0, "value": 69100.0, "Latitude": 35.42, "Longitude": -119.02, "Population": 1015.0}, {"index": 2811, "quantile": 0.0, "value": 50600.0, "Latitude": 35.42, "Longitude": -119.03, "Population": 905.0}, {"index": 2811, "quantile": 0.25, "value": 54600.00000000001, "Latitude": 35.42, "Longitude": -119.03, "Population": 905.0}, {"index": 2811, "quantile": 0.5, "value": 54600.00000000001, "Latitude": 35.42, "Longitude": -119.03, "Population": 905.0}, {"index": 2811, "quantile": 0.75, "value": 54800.00000000001, "Latitude": 35.42, "Longitude": -119.03, "Population": 905.0}, {"index": 2811, "quantile": 1.0, "value": 376100.0, "Latitude": 35.42, "Longitude": -119.03, "Population": 905.0}, {"index": 2812, "quantile": 0.0, "value": 50400.0, "Latitude": 35.41, "Longitude": -119.03, "Population": 1005.0}, {"index": 2812, "quantile": 0.25, "value": 54300.00000000001, "Latitude": 35.41, "Longitude": -119.03, "Population": 1005.0}, {"index": 2812, "quantile": 0.5, "value": 54300.00000000001, "Latitude": 35.41, "Longitude": -119.03, "Population": 1005.0}, {"index": 2812, "quantile": 0.75, "value": 54300.00000000001, "Latitude": 35.41, "Longitude": -119.03, "Population": 1005.0}, {"index": 2812, "quantile": 1.0, "value": 69100.0, "Latitude": 35.41, "Longitude": -119.03, "Population": 1005.0}, {"index": 2813, "quantile": 0.0, "value": 50400.0, "Latitude": 35.42, "Longitude": -119.04, "Population": 913.0}, {"index": 2813, "quantile": 0.25, "value": 54300.00000000001, "Latitude": 35.42, "Longitude": -119.04, "Population": 913.0}, {"index": 2813, "quantile": 0.5, "value": 55500.00000000001, "Latitude": 35.42, "Longitude": -119.04, "Population": 913.0}, {"index": 2813, "quantile": 0.75, "value": 61900.0, "Latitude": 35.42, "Longitude": -119.04, "Population": 913.0}, {"index": 2813, "quantile": 1.0, "value": 114300.0, "Latitude": 35.42, "Longitude": -119.04, "Population": 913.0}, {"index": 2814, "quantile": 0.0, "value": 52100.0, "Latitude": 35.42, "Longitude": -119.05, "Population": 1006.0}, {"index": 2814, "quantile": 0.25, "value": 64900.0, "Latitude": 35.42, "Longitude": -119.05, "Population": 1006.0}, {"index": 2814, "quantile": 0.5, "value": 69500.0, "Latitude": 35.42, "Longitude": -119.05, "Population": 1006.0}, {"index": 2814, "quantile": 0.75, "value": 72550.0, "Latitude": 35.42, "Longitude": -119.05, "Population": 1006.0}, {"index": 2814, "quantile": 1.0, "value": 240200.0, "Latitude": 35.42, "Longitude": -119.05, "Population": 1006.0}, {"index": 2815, "quantile": 0.0, "value": 26600.0, "Latitude": 35.42, "Longitude": -119.05, "Population": 1368.0}, {"index": 2815, "quantile": 0.25, "value": 60975.0, "Latitude": 35.42, "Longitude": -119.05, "Population": 1368.0}, {"index": 2815, "quantile": 0.5, "value": 65800.0, "Latitude": 35.42, "Longitude": -119.05, "Population": 1368.0}, {"index": 2815, "quantile": 0.75, "value": 69900.0, "Latitude": 35.42, "Longitude": -119.05, "Population": 1368.0}, {"index": 2815, "quantile": 1.0, "value": 105300.0, "Latitude": 35.42, "Longitude": -119.05, "Population": 1368.0}, {"index": 2816, "quantile": 0.0, "value": 42700.0, "Latitude": 35.41, "Longitude": -119.02, "Population": 1297.0}, {"index": 2816, "quantile": 0.25, "value": 67000.0, "Latitude": 35.41, "Longitude": -119.02, "Population": 1297.0}, {"index": 2816, "quantile": 0.5, "value": 67000.0, "Latitude": 35.41, "Longitude": -119.02, "Population": 1297.0}, {"index": 2816, "quantile": 0.75, "value": 67000.0, "Latitude": 35.41, "Longitude": -119.02, "Population": 1297.0}, {"index": 2816, "quantile": 1.0, "value": 92700.0, "Latitude": 35.41, "Longitude": -119.02, "Population": 1297.0}, {"index": 2817, "quantile": 0.0, "value": 45500.0, "Latitude": 35.41, "Longitude": -119.02, "Population": 1106.0}, {"index": 2817, "quantile": 0.25, "value": 56699.99999999999, "Latitude": 35.41, "Longitude": -119.02, "Population": 1106.0}, {"index": 2817, "quantile": 0.5, "value": 63300.0, "Latitude": 35.41, "Longitude": -119.02, "Population": 1106.0}, {"index": 2817, "quantile": 0.75, "value": 67700.0, "Latitude": 35.41, "Longitude": -119.02, "Population": 1106.0}, {"index": 2817, "quantile": 1.0, "value": 95300.0, "Latitude": 35.41, "Longitude": -119.02, "Population": 1106.0}, {"index": 2818, "quantile": 0.0, "value": 42100.0, "Latitude": 35.41, "Longitude": -119.03, "Population": 911.0}, {"index": 2818, "quantile": 0.25, "value": 57399.99999999999, "Latitude": 35.41, "Longitude": -119.03, "Population": 911.0}, {"index": 2818, "quantile": 0.5, "value": 61300.0, "Latitude": 35.41, "Longitude": -119.03, "Population": 911.0}, {"index": 2818, "quantile": 0.75, "value": 67175.0, "Latitude": 35.41, "Longitude": -119.03, "Population": 911.0}, {"index": 2818, "quantile": 1.0, "value": 114300.0, "Latitude": 35.41, "Longitude": -119.03, "Population": 911.0}, {"index": 2819, "quantile": 0.0, "value": 55600.00000000001, "Latitude": 35.41, "Longitude": -119.04, "Population": 844.0}, {"index": 2819, "quantile": 0.25, "value": 69400.0, "Latitude": 35.41, "Longitude": -119.04, "Population": 844.0}, {"index": 2819, "quantile": 0.5, "value": 69400.0, "Latitude": 35.41, "Longitude": -119.04, "Population": 844.0}, {"index": 2819, "quantile": 0.75, "value": 77150.00000000001, "Latitude": 35.41, "Longitude": -119.04, "Population": 844.0}, {"index": 2819, "quantile": 1.0, "value": 139700.0, "Latitude": 35.41, "Longitude": -119.04, "Population": 844.0}, {"index": 2820, "quantile": 0.0, "value": 47500.0, "Latitude": 35.41, "Longitude": -119.02, "Population": 1413.0}, {"index": 2820, "quantile": 0.25, "value": 52025.0, "Latitude": 35.41, "Longitude": -119.02, "Population": 1413.0}, {"index": 2820, "quantile": 0.5, "value": 61250.00000000001, "Latitude": 35.41, "Longitude": -119.02, "Population": 1413.0}, {"index": 2820, "quantile": 0.75, "value": 91425.0, "Latitude": 35.41, "Longitude": -119.02, "Population": 1413.0}, {"index": 2820, "quantile": 1.0, "value": 281300.0, "Latitude": 35.41, "Longitude": -119.02, "Population": 1413.0}, {"index": 2821, "quantile": 0.0, "value": 26900.0, "Latitude": 35.4, "Longitude": -119.03, "Population": 1566.0}, {"index": 2821, "quantile": 0.25, "value": 63500.0, "Latitude": 35.4, "Longitude": -119.03, "Population": 1566.0}, {"index": 2821, "quantile": 0.5, "value": 63500.0, "Latitude": 35.4, "Longitude": -119.03, "Population": 1566.0}, {"index": 2821, "quantile": 0.75, "value": 63500.0, "Latitude": 35.4, "Longitude": -119.03, "Population": 1566.0}, {"index": 2821, "quantile": 1.0, "value": 92400.0, "Latitude": 35.4, "Longitude": -119.03, "Population": 1566.0}, {"index": 2822, "quantile": 0.0, "value": 48000.0, "Latitude": 35.41, "Longitude": -119.04, "Population": 1622.0}, {"index": 2822, "quantile": 0.25, "value": 67500.0, "Latitude": 35.41, "Longitude": -119.04, "Population": 1622.0}, {"index": 2822, "quantile": 0.5, "value": 67500.0, "Latitude": 35.41, "Longitude": -119.04, "Population": 1622.0}, {"index": 2822, "quantile": 0.75, "value": 68350.0, "Latitude": 35.41, "Longitude": -119.04, "Population": 1622.0}, {"index": 2822, "quantile": 1.0, "value": 327300.0, "Latitude": 35.41, "Longitude": -119.04, "Population": 1622.0}, {"index": 2823, "quantile": 0.0, "value": 97400.0, "Latitude": 35.42, "Longitude": -119.08, "Population": 2089.0}, {"index": 2823, "quantile": 0.25, "value": 132000.0, "Latitude": 35.42, "Longitude": -119.08, "Population": 2089.0}, {"index": 2823, "quantile": 0.5, "value": 132000.0, "Latitude": 35.42, "Longitude": -119.08, "Population": 2089.0}, {"index": 2823, "quantile": 0.75, "value": 144099.99999999997, "Latitude": 35.42, "Longitude": -119.08, "Population": 2089.0}, {"index": 2823, "quantile": 1.0, "value": 269100.0, "Latitude": 35.42, "Longitude": -119.08, "Population": 2089.0}, {"index": 2824, "quantile": 0.0, "value": 65600.0, "Latitude": 35.42, "Longitude": -119.07, "Population": 1872.0}, {"index": 2824, "quantile": 0.25, "value": 95300.0, "Latitude": 35.42, "Longitude": -119.07, "Population": 1872.0}, {"index": 2824, "quantile": 0.5, "value": 107600.0, "Latitude": 35.42, "Longitude": -119.07, "Population": 1872.0}, {"index": 2824, "quantile": 0.75, "value": 107600.0, "Latitude": 35.42, "Longitude": -119.07, "Population": 1872.0}, {"index": 2824, "quantile": 1.0, "value": 128899.99999999999, "Latitude": 35.42, "Longitude": -119.07, "Population": 1872.0}, {"index": 2825, "quantile": 0.0, "value": 97400.0, "Latitude": 35.41, "Longitude": -119.09, "Population": 1754.0}, {"index": 2825, "quantile": 0.25, "value": 130600.0, "Latitude": 35.41, "Longitude": -119.09, "Population": 1754.0}, {"index": 2825, "quantile": 0.5, "value": 130600.0, "Latitude": 35.41, "Longitude": -119.09, "Population": 1754.0}, {"index": 2825, "quantile": 0.75, "value": 131000.0, "Latitude": 35.41, "Longitude": -119.09, "Population": 1754.0}, {"index": 2825, "quantile": 1.0, "value": 321600.0, "Latitude": 35.41, "Longitude": -119.09, "Population": 1754.0}, {"index": 2826, "quantile": 0.0, "value": 112500.0, "Latitude": 35.42, "Longitude": -119.11, "Population": 37.0}, {"index": 2826, "quantile": 0.25, "value": 385250.0, "Latitude": 35.42, "Longitude": -119.11, "Population": 37.0}, {"index": 2826, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 35.42, "Longitude": -119.11, "Population": 37.0}, {"index": 2826, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 35.42, "Longitude": -119.11, "Population": 37.0}, {"index": 2826, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.42, "Longitude": -119.11, "Population": 37.0}, {"index": 2827, "quantile": 0.0, "value": 67500.0, "Latitude": 35.43, "Longitude": -119.09, "Population": 118.0}, {"index": 2827, "quantile": 0.25, "value": 174600.0, "Latitude": 35.43, "Longitude": -119.09, "Population": 118.0}, {"index": 2827, "quantile": 0.5, "value": 237500.0, "Latitude": 35.43, "Longitude": -119.09, "Population": 118.0}, {"index": 2827, "quantile": 0.75, "value": 237500.0, "Latitude": 35.43, "Longitude": -119.09, "Population": 118.0}, {"index": 2827, "quantile": 1.0, "value": 326800.0, "Latitude": 35.43, "Longitude": -119.09, "Population": 118.0}, {"index": 2828, "quantile": 0.0, "value": 76200.0, "Latitude": 35.4, "Longitude": -119.05, "Population": 846.0}, {"index": 2828, "quantile": 0.25, "value": 96100.0, "Latitude": 35.4, "Longitude": -119.05, "Population": 846.0}, {"index": 2828, "quantile": 0.5, "value": 126400.0, "Latitude": 35.4, "Longitude": -119.05, "Population": 846.0}, {"index": 2828, "quantile": 0.75, "value": 126400.0, "Latitude": 35.4, "Longitude": -119.05, "Population": 846.0}, {"index": 2828, "quantile": 1.0, "value": 145000.0, "Latitude": 35.4, "Longitude": -119.05, "Population": 846.0}, {"index": 2829, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 35.39, "Longitude": -119.08, "Population": 3242.0}, {"index": 2829, "quantile": 0.25, "value": 132200.0, "Latitude": 35.39, "Longitude": -119.08, "Population": 3242.0}, {"index": 2829, "quantile": 0.5, "value": 132200.0, "Latitude": 35.39, "Longitude": -119.08, "Population": 3242.0}, {"index": 2829, "quantile": 0.75, "value": 132200.0, "Latitude": 35.39, "Longitude": -119.08, "Population": 3242.0}, {"index": 2829, "quantile": 1.0, "value": 236300.0, "Latitude": 35.39, "Longitude": -119.08, "Population": 3242.0}, {"index": 2830, "quantile": 0.0, "value": 44600.0, "Latitude": 35.4, "Longitude": -119.01, "Population": 4781.0}, {"index": 2830, "quantile": 0.25, "value": 44600.0, "Latitude": 35.4, "Longitude": -119.01, "Population": 4781.0}, {"index": 2830, "quantile": 0.5, "value": 44600.0, "Latitude": 35.4, "Longitude": -119.01, "Population": 4781.0}, {"index": 2830, "quantile": 0.75, "value": 64000.0, "Latitude": 35.4, "Longitude": -119.01, "Population": 4781.0}, {"index": 2830, "quantile": 1.0, "value": 84700.0, "Latitude": 35.4, "Longitude": -119.01, "Population": 4781.0}, {"index": 2831, "quantile": 0.0, "value": 44600.0, "Latitude": 35.39, "Longitude": -119.01, "Population": 1134.0}, {"index": 2831, "quantile": 0.25, "value": 54300.00000000001, "Latitude": 35.39, "Longitude": -119.01, "Population": 1134.0}, {"index": 2831, "quantile": 0.5, "value": 57499.99999999999, "Latitude": 35.39, "Longitude": -119.01, "Population": 1134.0}, {"index": 2831, "quantile": 0.75, "value": 63475.00000000001, "Latitude": 35.39, "Longitude": -119.01, "Population": 1134.0}, {"index": 2831, "quantile": 1.0, "value": 93900.0, "Latitude": 35.39, "Longitude": -119.01, "Population": 1134.0}, {"index": 2832, "quantile": 0.0, "value": 33200.0, "Latitude": 35.38, "Longitude": -119.01, "Population": 426.0}, {"index": 2832, "quantile": 0.25, "value": 50600.0, "Latitude": 35.38, "Longitude": -119.01, "Population": 426.0}, {"index": 2832, "quantile": 0.5, "value": 50600.0, "Latitude": 35.38, "Longitude": -119.01, "Population": 426.0}, {"index": 2832, "quantile": 0.75, "value": 63949.99999999999, "Latitude": 35.38, "Longitude": -119.01, "Population": 426.0}, {"index": 2832, "quantile": 1.0, "value": 327300.0, "Latitude": 35.38, "Longitude": -119.01, "Population": 426.0}, {"index": 2833, "quantile": 0.0, "value": 17500.0, "Latitude": 35.39, "Longitude": -119.02, "Population": 169.0}, {"index": 2833, "quantile": 0.25, "value": 60000.0, "Latitude": 35.39, "Longitude": -119.02, "Population": 169.0}, {"index": 2833, "quantile": 0.5, "value": 60000.0, "Latitude": 35.39, "Longitude": -119.02, "Population": 169.0}, {"index": 2833, "quantile": 0.75, "value": 122549.99999999999, "Latitude": 35.39, "Longitude": -119.02, "Population": 169.0}, {"index": 2833, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.39, "Longitude": -119.02, "Population": 169.0}, {"index": 2834, "quantile": 0.0, "value": 64400.0, "Latitude": 35.4, "Longitude": -118.99, "Population": 890.0}, {"index": 2834, "quantile": 0.25, "value": 90400.0, "Latitude": 35.4, "Longitude": -118.99, "Population": 890.0}, {"index": 2834, "quantile": 0.5, "value": 90400.0, "Latitude": 35.4, "Longitude": -118.99, "Population": 890.0}, {"index": 2834, "quantile": 0.75, "value": 96200.0, "Latitude": 35.4, "Longitude": -118.99, "Population": 890.0}, {"index": 2834, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.4, "Longitude": -118.99, "Population": 890.0}, {"index": 2835, "quantile": 0.0, "value": 68800.0, "Latitude": 35.4, "Longitude": -118.99, "Population": 789.0}, {"index": 2835, "quantile": 0.25, "value": 84600.0, "Latitude": 35.4, "Longitude": -118.99, "Population": 789.0}, {"index": 2835, "quantile": 0.5, "value": 84600.0, "Latitude": 35.4, "Longitude": -118.99, "Population": 789.0}, {"index": 2835, "quantile": 0.75, "value": 124774.99999999999, "Latitude": 35.4, "Longitude": -118.99, "Population": 789.0}, {"index": 2835, "quantile": 1.0, "value": 395700.0, "Latitude": 35.4, "Longitude": -118.99, "Population": 789.0}, {"index": 2836, "quantile": 0.0, "value": 67500.0, "Latitude": 35.4, "Longitude": -119.0, "Population": 928.0}, {"index": 2836, "quantile": 0.25, "value": 93900.0, "Latitude": 35.4, "Longitude": -119.0, "Population": 928.0}, {"index": 2836, "quantile": 0.5, "value": 93900.0, "Latitude": 35.4, "Longitude": -119.0, "Population": 928.0}, {"index": 2836, "quantile": 0.75, "value": 227850.00000000003, "Latitude": 35.4, "Longitude": -119.0, "Population": 928.0}, {"index": 2836, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 35.4, "Longitude": -119.0, "Population": 928.0}, {"index": 2837, "quantile": 0.0, "value": 70600.0, "Latitude": 35.39, "Longitude": -119.0, "Population": 1203.0}, {"index": 2837, "quantile": 0.25, "value": 79400.0, "Latitude": 35.39, "Longitude": -119.0, "Population": 1203.0}, {"index": 2837, "quantile": 0.5, "value": 79400.0, "Latitude": 35.39, "Longitude": -119.0, "Population": 1203.0}, {"index": 2837, "quantile": 0.75, "value": 84400.0, "Latitude": 35.39, "Longitude": -119.0, "Population": 1203.0}, {"index": 2837, "quantile": 1.0, "value": 258800.0, "Latitude": 35.39, "Longitude": -119.0, "Population": 1203.0}, {"index": 2838, "quantile": 0.0, "value": 50600.0, "Latitude": 35.39, "Longitude": -119.0, "Population": 648.0}, {"index": 2838, "quantile": 0.25, "value": 71300.0, "Latitude": 35.39, "Longitude": -119.0, "Population": 648.0}, {"index": 2838, "quantile": 0.5, "value": 91800.0, "Latitude": 35.39, "Longitude": -119.0, "Population": 648.0}, {"index": 2838, "quantile": 0.75, "value": 192225.0, "Latitude": 35.39, "Longitude": -119.0, "Population": 648.0}, {"index": 2838, "quantile": 1.0, "value": 456200.0, "Latitude": 35.39, "Longitude": -119.0, "Population": 648.0}, {"index": 2839, "quantile": 0.0, "value": 64400.0, "Latitude": 35.41, "Longitude": -118.97, "Population": 937.0}, {"index": 2839, "quantile": 0.25, "value": 84575.0, "Latitude": 35.41, "Longitude": -118.97, "Population": 937.0}, {"index": 2839, "quantile": 0.5, "value": 94049.99999999999, "Latitude": 35.41, "Longitude": -118.97, "Population": 937.0}, {"index": 2839, "quantile": 0.75, "value": 113900.0, "Latitude": 35.41, "Longitude": -118.97, "Population": 937.0}, {"index": 2839, "quantile": 1.0, "value": 338100.0, "Latitude": 35.41, "Longitude": -118.97, "Population": 937.0}, {"index": 2840, "quantile": 0.0, "value": 67600.0, "Latitude": 35.4, "Longitude": -118.97, "Population": 854.0}, {"index": 2840, "quantile": 0.25, "value": 76200.0, "Latitude": 35.4, "Longitude": -118.97, "Population": 854.0}, {"index": 2840, "quantile": 0.5, "value": 76200.0, "Latitude": 35.4, "Longitude": -118.97, "Population": 854.0}, {"index": 2840, "quantile": 0.75, "value": 78200.0, "Latitude": 35.4, "Longitude": -118.97, "Population": 854.0}, {"index": 2840, "quantile": 1.0, "value": 126400.0, "Latitude": 35.4, "Longitude": -118.97, "Population": 854.0}, {"index": 2841, "quantile": 0.0, "value": 52100.0, "Latitude": 35.4, "Longitude": -118.98, "Population": 440.0}, {"index": 2841, "quantile": 0.25, "value": 69500.0, "Latitude": 35.4, "Longitude": -118.98, "Population": 440.0}, {"index": 2841, "quantile": 0.5, "value": 74500.0, "Latitude": 35.4, "Longitude": -118.98, "Population": 440.0}, {"index": 2841, "quantile": 0.75, "value": 98875.0, "Latitude": 35.4, "Longitude": -118.98, "Population": 440.0}, {"index": 2841, "quantile": 1.0, "value": 225000.0, "Latitude": 35.4, "Longitude": -118.98, "Population": 440.0}, {"index": 2842, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 35.4, "Longitude": -118.98, "Population": 680.0}, {"index": 2842, "quantile": 0.25, "value": 65300.0, "Latitude": 35.4, "Longitude": -118.98, "Population": 680.0}, {"index": 2842, "quantile": 0.5, "value": 71900.0, "Latitude": 35.4, "Longitude": -118.98, "Population": 680.0}, {"index": 2842, "quantile": 0.75, "value": 78650.0, "Latitude": 35.4, "Longitude": -118.98, "Population": 680.0}, {"index": 2842, "quantile": 1.0, "value": 129200.0, "Latitude": 35.4, "Longitude": -118.98, "Population": 680.0}, {"index": 2843, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 35.4, "Longitude": -118.98, "Population": 1052.0}, {"index": 2843, "quantile": 0.25, "value": 76600.0, "Latitude": 35.4, "Longitude": -118.98, "Population": 1052.0}, {"index": 2843, "quantile": 0.5, "value": 76600.0, "Latitude": 35.4, "Longitude": -118.98, "Population": 1052.0}, {"index": 2843, "quantile": 0.75, "value": 82600.0, "Latitude": 35.4, "Longitude": -118.98, "Population": 1052.0}, {"index": 2843, "quantile": 1.0, "value": 139200.0, "Latitude": 35.4, "Longitude": -118.98, "Population": 1052.0}, {"index": 2844, "quantile": 0.0, "value": 70700.0, "Latitude": 35.41, "Longitude": -118.98, "Population": 640.0}, {"index": 2844, "quantile": 0.25, "value": 94500.0, "Latitude": 35.41, "Longitude": -118.98, "Population": 640.0}, {"index": 2844, "quantile": 0.5, "value": 94500.0, "Latitude": 35.41, "Longitude": -118.98, "Population": 640.0}, {"index": 2844, "quantile": 0.75, "value": 94500.0, "Latitude": 35.41, "Longitude": -118.98, "Population": 640.0}, {"index": 2844, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.41, "Longitude": -118.98, "Population": 640.0}, {"index": 2845, "quantile": 0.0, "value": 67600.0, "Latitude": 35.4, "Longitude": -118.96, "Population": 2404.0}, {"index": 2845, "quantile": 0.25, "value": 89000.0, "Latitude": 35.4, "Longitude": -118.96, "Population": 2404.0}, {"index": 2845, "quantile": 0.5, "value": 89000.0, "Latitude": 35.4, "Longitude": -118.96, "Population": 2404.0}, {"index": 2845, "quantile": 0.75, "value": 89000.0, "Latitude": 35.4, "Longitude": -118.96, "Population": 2404.0}, {"index": 2845, "quantile": 1.0, "value": 124400.0, "Latitude": 35.4, "Longitude": -118.96, "Population": 2404.0}, {"index": 2846, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 35.41, "Longitude": -118.96, "Population": 1542.0}, {"index": 2846, "quantile": 0.25, "value": 82100.0, "Latitude": 35.41, "Longitude": -118.96, "Population": 1542.0}, {"index": 2846, "quantile": 0.5, "value": 87100.0, "Latitude": 35.41, "Longitude": -118.96, "Population": 1542.0}, {"index": 2846, "quantile": 0.75, "value": 87100.0, "Latitude": 35.41, "Longitude": -118.96, "Population": 1542.0}, {"index": 2846, "quantile": 1.0, "value": 239500.0, "Latitude": 35.41, "Longitude": -118.96, "Population": 1542.0}, {"index": 2847, "quantile": 0.0, "value": 70600.0, "Latitude": 35.4, "Longitude": -118.95, "Population": 2136.0}, {"index": 2847, "quantile": 0.25, "value": 99500.0, "Latitude": 35.4, "Longitude": -118.95, "Population": 2136.0}, {"index": 2847, "quantile": 0.5, "value": 101699.99999999999, "Latitude": 35.4, "Longitude": -118.95, "Population": 2136.0}, {"index": 2847, "quantile": 0.75, "value": 101699.99999999999, "Latitude": 35.4, "Longitude": -118.95, "Population": 2136.0}, {"index": 2847, "quantile": 1.0, "value": 281000.0, "Latitude": 35.4, "Longitude": -118.95, "Population": 2136.0}, {"index": 2848, "quantile": 0.0, "value": 70600.0, "Latitude": 35.4, "Longitude": -118.96, "Population": 1271.0}, {"index": 2848, "quantile": 0.25, "value": 89000.0, "Latitude": 35.4, "Longitude": -118.96, "Population": 1271.0}, {"index": 2848, "quantile": 0.5, "value": 89100.0, "Latitude": 35.4, "Longitude": -118.96, "Population": 1271.0}, {"index": 2848, "quantile": 0.75, "value": 89100.0, "Latitude": 35.4, "Longitude": -118.96, "Population": 1271.0}, {"index": 2848, "quantile": 1.0, "value": 139200.0, "Latitude": 35.4, "Longitude": -118.96, "Population": 1271.0}, {"index": 2849, "quantile": 0.0, "value": 66800.0, "Latitude": 35.39, "Longitude": -118.96, "Population": 2842.0}, {"index": 2849, "quantile": 0.25, "value": 79000.0, "Latitude": 35.39, "Longitude": -118.96, "Population": 2842.0}, {"index": 2849, "quantile": 0.5, "value": 79000.0, "Latitude": 35.39, "Longitude": -118.96, "Population": 2842.0}, {"index": 2849, "quantile": 0.75, "value": 79000.0, "Latitude": 35.39, "Longitude": -118.96, "Population": 2842.0}, {"index": 2849, "quantile": 1.0, "value": 140800.0, "Latitude": 35.39, "Longitude": -118.96, "Population": 2842.0}, {"index": 2850, "quantile": 0.0, "value": 70700.0, "Latitude": 35.38, "Longitude": -118.96, "Population": 888.0}, {"index": 2850, "quantile": 0.25, "value": 87700.0, "Latitude": 35.38, "Longitude": -118.96, "Population": 888.0}, {"index": 2850, "quantile": 0.5, "value": 92900.0, "Latitude": 35.38, "Longitude": -118.96, "Population": 888.0}, {"index": 2850, "quantile": 0.75, "value": 92900.0, "Latitude": 35.38, "Longitude": -118.96, "Population": 888.0}, {"index": 2850, "quantile": 1.0, "value": 116300.0, "Latitude": 35.38, "Longitude": -118.96, "Population": 888.0}, {"index": 2851, "quantile": 0.0, "value": 68800.0, "Latitude": 35.38, "Longitude": -118.95, "Population": 906.0}, {"index": 2851, "quantile": 0.25, "value": 95200.0, "Latitude": 35.38, "Longitude": -118.95, "Population": 906.0}, {"index": 2851, "quantile": 0.5, "value": 95200.0, "Latitude": 35.38, "Longitude": -118.95, "Population": 906.0}, {"index": 2851, "quantile": 0.75, "value": 95200.0, "Latitude": 35.38, "Longitude": -118.95, "Population": 906.0}, {"index": 2851, "quantile": 1.0, "value": 131700.0, "Latitude": 35.38, "Longitude": -118.95, "Population": 906.0}, {"index": 2852, "quantile": 0.0, "value": 40400.0, "Latitude": 35.38, "Longitude": -118.96, "Population": 973.0}, {"index": 2852, "quantile": 0.25, "value": 85375.0, "Latitude": 35.38, "Longitude": -118.96, "Population": 973.0}, {"index": 2852, "quantile": 0.5, "value": 85600.0, "Latitude": 35.38, "Longitude": -118.96, "Population": 973.0}, {"index": 2852, "quantile": 0.75, "value": 85600.0, "Latitude": 35.38, "Longitude": -118.96, "Population": 973.0}, {"index": 2852, "quantile": 1.0, "value": 254100.0, "Latitude": 35.38, "Longitude": -118.96, "Population": 973.0}, {"index": 2853, "quantile": 0.0, "value": 67600.0, "Latitude": 35.38, "Longitude": -118.94, "Population": 2365.0}, {"index": 2853, "quantile": 0.25, "value": 87000.0, "Latitude": 35.38, "Longitude": -118.94, "Population": 2365.0}, {"index": 2853, "quantile": 0.5, "value": 87000.0, "Latitude": 35.38, "Longitude": -118.94, "Population": 2365.0}, {"index": 2853, "quantile": 0.75, "value": 87000.0, "Latitude": 35.38, "Longitude": -118.94, "Population": 2365.0}, {"index": 2853, "quantile": 1.0, "value": 195300.0, "Latitude": 35.38, "Longitude": -118.94, "Population": 2365.0}, {"index": 2854, "quantile": 0.0, "value": 62000.0, "Latitude": 35.38, "Longitude": -118.95, "Population": 1419.0}, {"index": 2854, "quantile": 0.25, "value": 83100.0, "Latitude": 35.38, "Longitude": -118.95, "Population": 1419.0}, {"index": 2854, "quantile": 0.5, "value": 83100.0, "Latitude": 35.38, "Longitude": -118.95, "Population": 1419.0}, {"index": 2854, "quantile": 0.75, "value": 83100.0, "Latitude": 35.38, "Longitude": -118.95, "Population": 1419.0}, {"index": 2854, "quantile": 1.0, "value": 139200.0, "Latitude": 35.38, "Longitude": -118.95, "Population": 1419.0}, {"index": 2855, "quantile": 0.0, "value": 67600.0, "Latitude": 35.38, "Longitude": -118.92, "Population": 1733.0}, {"index": 2855, "quantile": 0.25, "value": 70600.0, "Latitude": 35.38, "Longitude": -118.92, "Population": 1733.0}, {"index": 2855, "quantile": 0.5, "value": 70600.0, "Latitude": 35.38, "Longitude": -118.92, "Population": 1733.0}, {"index": 2855, "quantile": 0.75, "value": 82875.0, "Latitude": 35.38, "Longitude": -118.92, "Population": 1733.0}, {"index": 2855, "quantile": 1.0, "value": 115799.99999999999, "Latitude": 35.38, "Longitude": -118.92, "Population": 1733.0}, {"index": 2856, "quantile": 0.0, "value": 70200.0, "Latitude": 35.41, "Longitude": -118.95, "Population": 1889.0}, {"index": 2856, "quantile": 0.25, "value": 95200.0, "Latitude": 35.41, "Longitude": -118.95, "Population": 1889.0}, {"index": 2856, "quantile": 0.5, "value": 99500.0, "Latitude": 35.41, "Longitude": -118.95, "Population": 1889.0}, {"index": 2856, "quantile": 0.75, "value": 99500.0, "Latitude": 35.41, "Longitude": -118.95, "Population": 1889.0}, {"index": 2856, "quantile": 1.0, "value": 126600.0, "Latitude": 35.41, "Longitude": -118.95, "Population": 1889.0}, {"index": 2857, "quantile": 0.0, "value": 72100.0, "Latitude": 35.4, "Longitude": -118.94, "Population": 2815.0}, {"index": 2857, "quantile": 0.25, "value": 87100.0, "Latitude": 35.4, "Longitude": -118.94, "Population": 2815.0}, {"index": 2857, "quantile": 0.5, "value": 92500.0, "Latitude": 35.4, "Longitude": -118.94, "Population": 2815.0}, {"index": 2857, "quantile": 0.75, "value": 108125.0, "Latitude": 35.4, "Longitude": -118.94, "Population": 2815.0}, {"index": 2857, "quantile": 1.0, "value": 293300.0, "Latitude": 35.4, "Longitude": -118.94, "Population": 2815.0}, {"index": 2858, "quantile": 0.0, "value": 139100.0, "Latitude": 35.39, "Longitude": -118.94, "Population": 1223.0}, {"index": 2858, "quantile": 0.25, "value": 139100.0, "Latitude": 35.39, "Longitude": -118.94, "Population": 1223.0}, {"index": 2858, "quantile": 0.5, "value": 139100.0, "Latitude": 35.39, "Longitude": -118.94, "Population": 1223.0}, {"index": 2858, "quantile": 0.75, "value": 268500.0, "Latitude": 35.39, "Longitude": -118.94, "Population": 1223.0}, {"index": 2858, "quantile": 1.0, "value": 463800.0, "Latitude": 35.39, "Longitude": -118.94, "Population": 1223.0}, {"index": 2859, "quantile": 0.0, "value": 194100.0, "Latitude": 35.39, "Longitude": -118.94, "Population": 1318.0}, {"index": 2859, "quantile": 0.25, "value": 194100.0, "Latitude": 35.39, "Longitude": -118.94, "Population": 1318.0}, {"index": 2859, "quantile": 0.5, "value": 194100.0, "Latitude": 35.39, "Longitude": -118.94, "Population": 1318.0}, {"index": 2859, "quantile": 0.75, "value": 353075.0, "Latitude": 35.39, "Longitude": -118.94, "Population": 1318.0}, {"index": 2859, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.39, "Longitude": -118.94, "Population": 1318.0}, {"index": 2860, "quantile": 0.0, "value": 65000.0, "Latitude": 35.41, "Longitude": -118.9, "Population": 2320.0}, {"index": 2860, "quantile": 0.25, "value": 100525.0, "Latitude": 35.41, "Longitude": -118.9, "Population": 2320.0}, {"index": 2860, "quantile": 0.5, "value": 100800.0, "Latitude": 35.41, "Longitude": -118.9, "Population": 2320.0}, {"index": 2860, "quantile": 0.75, "value": 100800.0, "Latitude": 35.41, "Longitude": -118.9, "Population": 2320.0}, {"index": 2860, "quantile": 1.0, "value": 152800.0, "Latitude": 35.41, "Longitude": -118.9, "Population": 2320.0}, {"index": 2861, "quantile": 0.0, "value": 143000.0, "Latitude": 35.41, "Longitude": -118.94, "Population": 1539.0}, {"index": 2861, "quantile": 0.25, "value": 143000.0, "Latitude": 35.41, "Longitude": -118.94, "Population": 1539.0}, {"index": 2861, "quantile": 0.5, "value": 143000.0, "Latitude": 35.41, "Longitude": -118.94, "Population": 1539.0}, {"index": 2861, "quantile": 0.75, "value": 185600.0, "Latitude": 35.41, "Longitude": -118.94, "Population": 1539.0}, {"index": 2861, "quantile": 1.0, "value": 390000.0, "Latitude": 35.41, "Longitude": -118.94, "Population": 1539.0}, {"index": 2862, "quantile": 0.0, "value": 66900.0, "Latitude": 35.4, "Longitude": -118.91, "Population": 1398.0}, {"index": 2862, "quantile": 0.25, "value": 91075.0, "Latitude": 35.4, "Longitude": -118.91, "Population": 1398.0}, {"index": 2862, "quantile": 0.5, "value": 120600.0, "Latitude": 35.4, "Longitude": -118.91, "Population": 1398.0}, {"index": 2862, "quantile": 0.75, "value": 164600.0, "Latitude": 35.4, "Longitude": -118.91, "Population": 1398.0}, {"index": 2862, "quantile": 1.0, "value": 320600.0, "Latitude": 35.4, "Longitude": -118.91, "Population": 1398.0}, {"index": 2863, "quantile": 0.0, "value": 67600.0, "Latitude": 35.37, "Longitude": -118.87, "Population": 1352.0}, {"index": 2863, "quantile": 0.25, "value": 87000.0, "Latitude": 35.37, "Longitude": -118.87, "Population": 1352.0}, {"index": 2863, "quantile": 0.5, "value": 87000.0, "Latitude": 35.37, "Longitude": -118.87, "Population": 1352.0}, {"index": 2863, "quantile": 0.75, "value": 87000.0, "Latitude": 35.37, "Longitude": -118.87, "Population": 1352.0}, {"index": 2863, "quantile": 1.0, "value": 131700.0, "Latitude": 35.37, "Longitude": -118.87, "Population": 1352.0}, {"index": 2864, "quantile": 0.0, "value": 67600.0, "Latitude": 35.37, "Longitude": -118.91, "Population": 2590.0}, {"index": 2864, "quantile": 0.25, "value": 67600.0, "Latitude": 35.37, "Longitude": -118.91, "Population": 2590.0}, {"index": 2864, "quantile": 0.5, "value": 67600.0, "Latitude": 35.37, "Longitude": -118.91, "Population": 2590.0}, {"index": 2864, "quantile": 0.75, "value": 76200.0, "Latitude": 35.37, "Longitude": -118.91, "Population": 2590.0}, {"index": 2864, "quantile": 1.0, "value": 95800.0, "Latitude": 35.37, "Longitude": -118.91, "Population": 2590.0}, {"index": 2865, "quantile": 0.0, "value": 52200.0, "Latitude": 35.34, "Longitude": -118.88, "Population": 762.0}, {"index": 2865, "quantile": 0.25, "value": 94924.99999999999, "Latitude": 35.34, "Longitude": -118.88, "Population": 762.0}, {"index": 2865, "quantile": 0.5, "value": 105300.0, "Latitude": 35.34, "Longitude": -118.88, "Population": 762.0}, {"index": 2865, "quantile": 0.75, "value": 105300.0, "Latitude": 35.34, "Longitude": -118.88, "Population": 762.0}, {"index": 2865, "quantile": 1.0, "value": 132800.0, "Latitude": 35.34, "Longitude": -118.88, "Population": 762.0}, {"index": 2866, "quantile": 0.0, "value": 49200.0, "Latitude": 35.37, "Longitude": -118.92, "Population": 1746.0}, {"index": 2866, "quantile": 0.25, "value": 75700.0, "Latitude": 35.37, "Longitude": -118.92, "Population": 1746.0}, {"index": 2866, "quantile": 0.5, "value": 75700.0, "Latitude": 35.37, "Longitude": -118.92, "Population": 1746.0}, {"index": 2866, "quantile": 0.75, "value": 75700.0, "Latitude": 35.37, "Longitude": -118.92, "Population": 1746.0}, {"index": 2866, "quantile": 1.0, "value": 163800.0, "Latitude": 35.37, "Longitude": -118.92, "Population": 1746.0}, {"index": 2867, "quantile": 0.0, "value": 47400.0, "Latitude": 35.37, "Longitude": -118.93, "Population": 1558.0}, {"index": 2867, "quantile": 0.25, "value": 62800.0, "Latitude": 35.37, "Longitude": -118.93, "Population": 1558.0}, {"index": 2867, "quantile": 0.5, "value": 62800.0, "Latitude": 35.37, "Longitude": -118.93, "Population": 1558.0}, {"index": 2867, "quantile": 0.75, "value": 62800.0, "Latitude": 35.37, "Longitude": -118.93, "Population": 1558.0}, {"index": 2867, "quantile": 1.0, "value": 107600.0, "Latitude": 35.37, "Longitude": -118.93, "Population": 1558.0}, {"index": 2868, "quantile": 0.0, "value": 26900.0, "Latitude": 35.37, "Longitude": -118.94, "Population": 2352.0}, {"index": 2868, "quantile": 0.25, "value": 54700.00000000001, "Latitude": 35.37, "Longitude": -118.94, "Population": 2352.0}, {"index": 2868, "quantile": 0.5, "value": 56599.99999999999, "Latitude": 35.37, "Longitude": -118.94, "Population": 2352.0}, {"index": 2868, "quantile": 0.75, "value": 62100.0, "Latitude": 35.37, "Longitude": -118.94, "Population": 2352.0}, {"index": 2868, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 35.37, "Longitude": -118.94, "Population": 2352.0}, {"index": 2869, "quantile": 0.0, "value": 39200.0, "Latitude": 35.37, "Longitude": -118.94, "Population": 790.0}, {"index": 2869, "quantile": 0.25, "value": 58900.0, "Latitude": 35.37, "Longitude": -118.94, "Population": 790.0}, {"index": 2869, "quantile": 0.5, "value": 59700.0, "Latitude": 35.37, "Longitude": -118.94, "Population": 790.0}, {"index": 2869, "quantile": 0.75, "value": 59700.0, "Latitude": 35.37, "Longitude": -118.94, "Population": 790.0}, {"index": 2869, "quantile": 1.0, "value": 72500.0, "Latitude": 35.37, "Longitude": -118.94, "Population": 790.0}, {"index": 2870, "quantile": 0.0, "value": 26600.0, "Latitude": 35.37, "Longitude": -118.95, "Population": 1059.0}, {"index": 2870, "quantile": 0.25, "value": 61300.0, "Latitude": 35.37, "Longitude": -118.95, "Population": 1059.0}, {"index": 2870, "quantile": 0.5, "value": 61300.0, "Latitude": 35.37, "Longitude": -118.95, "Population": 1059.0}, {"index": 2870, "quantile": 0.75, "value": 61300.0, "Latitude": 35.37, "Longitude": -118.95, "Population": 1059.0}, {"index": 2870, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 35.37, "Longitude": -118.95, "Population": 1059.0}, {"index": 2871, "quantile": 0.0, "value": 46300.0, "Latitude": 35.37, "Longitude": -118.94, "Population": 971.0}, {"index": 2871, "quantile": 0.25, "value": 57399.99999999999, "Latitude": 35.37, "Longitude": -118.94, "Population": 971.0}, {"index": 2871, "quantile": 0.5, "value": 57399.99999999999, "Latitude": 35.37, "Longitude": -118.94, "Population": 971.0}, {"index": 2871, "quantile": 0.75, "value": 67950.0, "Latitude": 35.37, "Longitude": -118.94, "Population": 971.0}, {"index": 2871, "quantile": 1.0, "value": 129200.0, "Latitude": 35.37, "Longitude": -118.94, "Population": 971.0}, {"index": 2872, "quantile": 0.0, "value": 39400.0, "Latitude": 35.37, "Longitude": -118.95, "Population": 946.0}, {"index": 2872, "quantile": 0.25, "value": 55400.00000000001, "Latitude": 35.37, "Longitude": -118.95, "Population": 946.0}, {"index": 2872, "quantile": 0.5, "value": 55400.00000000001, "Latitude": 35.37, "Longitude": -118.95, "Population": 946.0}, {"index": 2872, "quantile": 0.75, "value": 55400.00000000001, "Latitude": 35.37, "Longitude": -118.95, "Population": 946.0}, {"index": 2872, "quantile": 1.0, "value": 104800.0, "Latitude": 35.37, "Longitude": -118.95, "Population": 946.0}, {"index": 2873, "quantile": 0.0, "value": 39400.0, "Latitude": 35.37, "Longitude": -118.96, "Population": 1066.0}, {"index": 2873, "quantile": 0.25, "value": 52400.0, "Latitude": 35.37, "Longitude": -118.96, "Population": 1066.0}, {"index": 2873, "quantile": 0.5, "value": 52400.0, "Latitude": 35.37, "Longitude": -118.96, "Population": 1066.0}, {"index": 2873, "quantile": 0.75, "value": 53925.0, "Latitude": 35.37, "Longitude": -118.96, "Population": 1066.0}, {"index": 2873, "quantile": 1.0, "value": 66100.0, "Latitude": 35.37, "Longitude": -118.96, "Population": 1066.0}, {"index": 2874, "quantile": 0.0, "value": 42500.0, "Latitude": 35.37, "Longitude": -118.96, "Population": 1026.0}, {"index": 2874, "quantile": 0.25, "value": 54300.00000000001, "Latitude": 35.37, "Longitude": -118.96, "Population": 1026.0}, {"index": 2874, "quantile": 0.5, "value": 54300.00000000001, "Latitude": 35.37, "Longitude": -118.96, "Population": 1026.0}, {"index": 2874, "quantile": 0.75, "value": 54375.00000000001, "Latitude": 35.37, "Longitude": -118.96, "Population": 1026.0}, {"index": 2874, "quantile": 1.0, "value": 66000.0, "Latitude": 35.37, "Longitude": -118.96, "Population": 1026.0}, {"index": 2875, "quantile": 0.0, "value": 47400.0, "Latitude": 35.39, "Longitude": -118.97, "Population": 1547.0}, {"index": 2875, "quantile": 0.25, "value": 59500.0, "Latitude": 35.39, "Longitude": -118.97, "Population": 1547.0}, {"index": 2875, "quantile": 0.5, "value": 59500.0, "Latitude": 35.39, "Longitude": -118.97, "Population": 1547.0}, {"index": 2875, "quantile": 0.75, "value": 59500.0, "Latitude": 35.39, "Longitude": -118.97, "Population": 1547.0}, {"index": 2875, "quantile": 1.0, "value": 109100.0, "Latitude": 35.39, "Longitude": -118.97, "Population": 1547.0}, {"index": 2876, "quantile": 0.0, "value": 32900.0, "Latitude": 35.38, "Longitude": -118.97, "Population": 1483.0}, {"index": 2876, "quantile": 0.25, "value": 46800.0, "Latitude": 35.38, "Longitude": -118.97, "Population": 1483.0}, {"index": 2876, "quantile": 0.5, "value": 46800.0, "Latitude": 35.38, "Longitude": -118.97, "Population": 1483.0}, {"index": 2876, "quantile": 0.75, "value": 48300.0, "Latitude": 35.38, "Longitude": -118.97, "Population": 1483.0}, {"index": 2876, "quantile": 1.0, "value": 57399.99999999999, "Latitude": 35.38, "Longitude": -118.97, "Population": 1483.0}, {"index": 2877, "quantile": 0.0, "value": 42100.0, "Latitude": 35.38, "Longitude": -118.98, "Population": 1182.0}, {"index": 2877, "quantile": 0.25, "value": 49250.0, "Latitude": 35.38, "Longitude": -118.98, "Population": 1182.0}, {"index": 2877, "quantile": 0.5, "value": 50000.0, "Latitude": 35.38, "Longitude": -118.98, "Population": 1182.0}, {"index": 2877, "quantile": 0.75, "value": 50000.0, "Latitude": 35.38, "Longitude": -118.98, "Population": 1182.0}, {"index": 2877, "quantile": 1.0, "value": 72300.0, "Latitude": 35.38, "Longitude": -118.98, "Population": 1182.0}, {"index": 2878, "quantile": 0.0, "value": 39400.0, "Latitude": 35.38, "Longitude": -118.97, "Population": 1038.0}, {"index": 2878, "quantile": 0.25, "value": 48000.0, "Latitude": 35.38, "Longitude": -118.97, "Population": 1038.0}, {"index": 2878, "quantile": 0.5, "value": 48000.0, "Latitude": 35.38, "Longitude": -118.97, "Population": 1038.0}, {"index": 2878, "quantile": 0.75, "value": 48624.99999999999, "Latitude": 35.38, "Longitude": -118.97, "Population": 1038.0}, {"index": 2878, "quantile": 1.0, "value": 112500.0, "Latitude": 35.38, "Longitude": -118.97, "Population": 1038.0}, {"index": 2879, "quantile": 0.0, "value": 44600.0, "Latitude": 35.37, "Longitude": -118.97, "Population": 1781.0}, {"index": 2879, "quantile": 0.25, "value": 57599.99999999999, "Latitude": 35.37, "Longitude": -118.97, "Population": 1781.0}, {"index": 2879, "quantile": 0.5, "value": 57999.99999999999, "Latitude": 35.37, "Longitude": -118.97, "Population": 1781.0}, {"index": 2879, "quantile": 0.75, "value": 57999.99999999999, "Latitude": 35.37, "Longitude": -118.97, "Population": 1781.0}, {"index": 2879, "quantile": 1.0, "value": 66100.0, "Latitude": 35.37, "Longitude": -118.97, "Population": 1781.0}, {"index": 2880, "quantile": 0.0, "value": 42100.0, "Latitude": 35.38, "Longitude": -118.97, "Population": 1041.0}, {"index": 2880, "quantile": 0.25, "value": 55200.00000000001, "Latitude": 35.38, "Longitude": -118.97, "Population": 1041.0}, {"index": 2880, "quantile": 0.5, "value": 57499.99999999999, "Latitude": 35.38, "Longitude": -118.97, "Population": 1041.0}, {"index": 2880, "quantile": 0.75, "value": 57499.99999999999, "Latitude": 35.38, "Longitude": -118.97, "Population": 1041.0}, {"index": 2880, "quantile": 1.0, "value": 112500.0, "Latitude": 35.38, "Longitude": -118.97, "Population": 1041.0}, {"index": 2881, "quantile": 0.0, "value": 42500.0, "Latitude": 35.38, "Longitude": -118.99, "Population": 1025.0}, {"index": 2881, "quantile": 0.25, "value": 51000.0, "Latitude": 35.38, "Longitude": -118.99, "Population": 1025.0}, {"index": 2881, "quantile": 0.5, "value": 51000.0, "Latitude": 35.38, "Longitude": -118.99, "Population": 1025.0}, {"index": 2881, "quantile": 0.75, "value": 51000.0, "Latitude": 35.38, "Longitude": -118.99, "Population": 1025.0}, {"index": 2881, "quantile": 1.0, "value": 57599.99999999999, "Latitude": 35.38, "Longitude": -118.99, "Population": 1025.0}, {"index": 2882, "quantile": 0.0, "value": 42500.0, "Latitude": 35.38, "Longitude": -118.99, "Population": 1116.0}, {"index": 2882, "quantile": 0.25, "value": 49000.0, "Latitude": 35.38, "Longitude": -118.99, "Population": 1116.0}, {"index": 2882, "quantile": 0.5, "value": 57499.99999999999, "Latitude": 35.38, "Longitude": -118.99, "Population": 1116.0}, {"index": 2882, "quantile": 0.75, "value": 57499.99999999999, "Latitude": 35.38, "Longitude": -118.99, "Population": 1116.0}, {"index": 2882, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 35.38, "Longitude": -118.99, "Population": 1116.0}, {"index": 2883, "quantile": 0.0, "value": 33200.0, "Latitude": 35.39, "Longitude": -118.98, "Population": 1592.0}, {"index": 2883, "quantile": 0.25, "value": 45250.0, "Latitude": 35.39, "Longitude": -118.98, "Population": 1592.0}, {"index": 2883, "quantile": 0.5, "value": 49400.0, "Latitude": 35.39, "Longitude": -118.98, "Population": 1592.0}, {"index": 2883, "quantile": 0.75, "value": 51700.0, "Latitude": 35.39, "Longitude": -118.98, "Population": 1592.0}, {"index": 2883, "quantile": 1.0, "value": 71000.0, "Latitude": 35.39, "Longitude": -118.98, "Population": 1592.0}, {"index": 2884, "quantile": 0.0, "value": 42700.0, "Latitude": 35.38, "Longitude": -118.98, "Population": 1460.0}, {"index": 2884, "quantile": 0.25, "value": 54100.00000000001, "Latitude": 35.38, "Longitude": -118.98, "Population": 1460.0}, {"index": 2884, "quantile": 0.5, "value": 54800.00000000001, "Latitude": 35.38, "Longitude": -118.98, "Population": 1460.0}, {"index": 2884, "quantile": 0.75, "value": 54800.00000000001, "Latitude": 35.38, "Longitude": -118.98, "Population": 1460.0}, {"index": 2884, "quantile": 1.0, "value": 65900.0, "Latitude": 35.38, "Longitude": -118.98, "Population": 1460.0}, {"index": 2885, "quantile": 0.0, "value": 41400.0, "Latitude": 35.38, "Longitude": -118.98, "Population": 795.0}, {"index": 2885, "quantile": 0.25, "value": 50800.0, "Latitude": 35.38, "Longitude": -118.98, "Population": 795.0}, {"index": 2885, "quantile": 0.5, "value": 50800.0, "Latitude": 35.38, "Longitude": -118.98, "Population": 795.0}, {"index": 2885, "quantile": 0.75, "value": 50800.0, "Latitude": 35.38, "Longitude": -118.98, "Population": 795.0}, {"index": 2885, "quantile": 1.0, "value": 59700.0, "Latitude": 35.38, "Longitude": -118.98, "Population": 795.0}, {"index": 2886, "quantile": 0.0, "value": 41700.0, "Latitude": 35.38, "Longitude": -118.98, "Population": 1193.0}, {"index": 2886, "quantile": 0.25, "value": 49400.0, "Latitude": 35.38, "Longitude": -118.98, "Population": 1193.0}, {"index": 2886, "quantile": 0.5, "value": 49400.0, "Latitude": 35.38, "Longitude": -118.98, "Population": 1193.0}, {"index": 2886, "quantile": 0.75, "value": 49400.0, "Latitude": 35.38, "Longitude": -118.98, "Population": 1193.0}, {"index": 2886, "quantile": 1.0, "value": 112500.0, "Latitude": 35.38, "Longitude": -118.98, "Population": 1193.0}, {"index": 2887, "quantile": 0.0, "value": 39400.0, "Latitude": 35.39, "Longitude": -118.99, "Population": 1516.0}, {"index": 2887, "quantile": 0.25, "value": 48075.0, "Latitude": 35.39, "Longitude": -118.99, "Population": 1516.0}, {"index": 2887, "quantile": 0.5, "value": 53000.0, "Latitude": 35.39, "Longitude": -118.99, "Population": 1516.0}, {"index": 2887, "quantile": 0.75, "value": 56050.0, "Latitude": 35.39, "Longitude": -118.99, "Population": 1516.0}, {"index": 2887, "quantile": 1.0, "value": 106300.0, "Latitude": 35.39, "Longitude": -118.99, "Population": 1516.0}, {"index": 2888, "quantile": 0.0, "value": 33200.0, "Latitude": 35.39, "Longitude": -118.99, "Population": 1054.0}, {"index": 2888, "quantile": 0.25, "value": 55400.00000000001, "Latitude": 35.39, "Longitude": -118.99, "Population": 1054.0}, {"index": 2888, "quantile": 0.5, "value": 55400.00000000001, "Latitude": 35.39, "Longitude": -118.99, "Population": 1054.0}, {"index": 2888, "quantile": 0.75, "value": 55400.00000000001, "Latitude": 35.39, "Longitude": -118.99, "Population": 1054.0}, {"index": 2888, "quantile": 1.0, "value": 112500.0, "Latitude": 35.39, "Longitude": -118.99, "Population": 1054.0}, {"index": 2889, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 35.39, "Longitude": -118.99, "Population": 1325.0}, {"index": 2889, "quantile": 0.25, "value": 70100.0, "Latitude": 35.39, "Longitude": -118.99, "Population": 1325.0}, {"index": 2889, "quantile": 0.5, "value": 70100.0, "Latitude": 35.39, "Longitude": -118.99, "Population": 1325.0}, {"index": 2889, "quantile": 0.75, "value": 70100.0, "Latitude": 35.39, "Longitude": -118.99, "Population": 1325.0}, {"index": 2889, "quantile": 1.0, "value": 137500.0, "Latitude": 35.39, "Longitude": -118.99, "Population": 1325.0}, {"index": 2890, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 35.39, "Longitude": -118.98, "Population": 476.0}, {"index": 2890, "quantile": 0.25, "value": 49550.0, "Latitude": 35.39, "Longitude": -118.98, "Population": 476.0}, {"index": 2890, "quantile": 0.5, "value": 50700.0, "Latitude": 35.39, "Longitude": -118.98, "Population": 476.0}, {"index": 2890, "quantile": 0.75, "value": 50700.0, "Latitude": 35.39, "Longitude": -118.98, "Population": 476.0}, {"index": 2890, "quantile": 1.0, "value": 100000.0, "Latitude": 35.39, "Longitude": -118.98, "Population": 476.0}, {"index": 2891, "quantile": 0.0, "value": 42100.0, "Latitude": 35.39, "Longitude": -118.98, "Population": 2375.0}, {"index": 2891, "quantile": 0.25, "value": 46900.0, "Latitude": 35.39, "Longitude": -118.98, "Population": 2375.0}, {"index": 2891, "quantile": 0.5, "value": 46900.0, "Latitude": 35.39, "Longitude": -118.98, "Population": 2375.0}, {"index": 2891, "quantile": 0.75, "value": 48024.99999999999, "Latitude": 35.39, "Longitude": -118.98, "Population": 2375.0}, {"index": 2891, "quantile": 1.0, "value": 67500.0, "Latitude": 35.39, "Longitude": -118.98, "Population": 2375.0}, {"index": 2892, "quantile": 0.0, "value": 33200.0, "Latitude": 35.37, "Longitude": -119.0, "Population": 216.0}, {"index": 2892, "quantile": 0.25, "value": 65000.0, "Latitude": 35.37, "Longitude": -119.0, "Population": 216.0}, {"index": 2892, "quantile": 0.5, "value": 75000.0, "Latitude": 35.37, "Longitude": -119.0, "Population": 216.0}, {"index": 2892, "quantile": 0.75, "value": 112500.0, "Latitude": 35.37, "Longitude": -119.0, "Population": 216.0}, {"index": 2892, "quantile": 1.0, "value": 333300.0, "Latitude": 35.37, "Longitude": -119.0, "Population": 216.0}, {"index": 2893, "quantile": 0.0, "value": 42500.0, "Latitude": 35.37, "Longitude": -118.99, "Population": 814.0}, {"index": 2893, "quantile": 0.25, "value": 50800.0, "Latitude": 35.37, "Longitude": -118.99, "Population": 814.0}, {"index": 2893, "quantile": 0.5, "value": 57399.99999999999, "Latitude": 35.37, "Longitude": -118.99, "Population": 814.0}, {"index": 2893, "quantile": 0.75, "value": 57399.99999999999, "Latitude": 35.37, "Longitude": -118.99, "Population": 814.0}, {"index": 2893, "quantile": 1.0, "value": 57799.99999999999, "Latitude": 35.37, "Longitude": -118.99, "Population": 814.0}, {"index": 2894, "quantile": 0.0, "value": 33200.0, "Latitude": 35.37, "Longitude": -118.99, "Population": 743.0}, {"index": 2894, "quantile": 0.25, "value": 45325.00000000001, "Latitude": 35.37, "Longitude": -118.99, "Population": 743.0}, {"index": 2894, "quantile": 0.5, "value": 49300.0, "Latitude": 35.37, "Longitude": -118.99, "Population": 743.0}, {"index": 2894, "quantile": 0.75, "value": 53150.00000000001, "Latitude": 35.37, "Longitude": -118.99, "Population": 743.0}, {"index": 2894, "quantile": 1.0, "value": 84400.0, "Latitude": 35.37, "Longitude": -118.99, "Population": 743.0}, {"index": 2895, "quantile": 0.0, "value": 39600.0, "Latitude": 35.37, "Longitude": -118.98, "Population": 670.0}, {"index": 2895, "quantile": 0.25, "value": 45600.0, "Latitude": 35.37, "Longitude": -118.98, "Population": 670.0}, {"index": 2895, "quantile": 0.5, "value": 47100.0, "Latitude": 35.37, "Longitude": -118.98, "Population": 670.0}, {"index": 2895, "quantile": 0.75, "value": 50800.0, "Latitude": 35.37, "Longitude": -118.98, "Population": 670.0}, {"index": 2895, "quantile": 1.0, "value": 84400.0, "Latitude": 35.37, "Longitude": -118.98, "Population": 670.0}, {"index": 2896, "quantile": 0.0, "value": 33200.0, "Latitude": 35.37, "Longitude": -118.97, "Population": 380.0}, {"index": 2896, "quantile": 0.25, "value": 42500.0, "Latitude": 35.37, "Longitude": -118.97, "Population": 380.0}, {"index": 2896, "quantile": 0.5, "value": 42500.0, "Latitude": 35.37, "Longitude": -118.97, "Population": 380.0}, {"index": 2896, "quantile": 0.75, "value": 45525.00000000001, "Latitude": 35.37, "Longitude": -118.97, "Population": 380.0}, {"index": 2896, "quantile": 1.0, "value": 96900.0, "Latitude": 35.37, "Longitude": -118.97, "Population": 380.0}, {"index": 2897, "quantile": 0.0, "value": 39400.0, "Latitude": 35.38, "Longitude": -119.01, "Population": 274.0}, {"index": 2897, "quantile": 0.25, "value": 57499.99999999999, "Latitude": 35.38, "Longitude": -119.01, "Population": 274.0}, {"index": 2897, "quantile": 0.5, "value": 57499.99999999999, "Latitude": 35.38, "Longitude": -119.01, "Population": 274.0}, {"index": 2897, "quantile": 0.75, "value": 57499.99999999999, "Latitude": 35.38, "Longitude": -119.01, "Population": 274.0}, {"index": 2897, "quantile": 1.0, "value": 150000.0, "Latitude": 35.38, "Longitude": -119.01, "Population": 274.0}, {"index": 2898, "quantile": 0.0, "value": 33200.0, "Latitude": 35.38, "Longitude": -119.01, "Population": 158.0}, {"index": 2898, "quantile": 0.25, "value": 67500.0, "Latitude": 35.38, "Longitude": -119.01, "Population": 158.0}, {"index": 2898, "quantile": 0.5, "value": 67500.0, "Latitude": 35.38, "Longitude": -119.01, "Population": 158.0}, {"index": 2898, "quantile": 0.75, "value": 67500.0, "Latitude": 35.38, "Longitude": -119.01, "Population": 158.0}, {"index": 2898, "quantile": 1.0, "value": 262500.0, "Latitude": 35.38, "Longitude": -119.01, "Population": 158.0}, {"index": 2899, "quantile": 0.0, "value": 33200.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 477.0}, {"index": 2899, "quantile": 0.25, "value": 47500.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 477.0}, {"index": 2899, "quantile": 0.5, "value": 47500.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 477.0}, {"index": 2899, "quantile": 0.75, "value": 48300.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 477.0}, {"index": 2899, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.37, "Longitude": -119.01, "Population": 477.0}, {"index": 2900, "quantile": 0.0, "value": 39400.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 364.0}, {"index": 2900, "quantile": 0.25, "value": 57499.99999999999, "Latitude": 35.37, "Longitude": -119.01, "Population": 364.0}, {"index": 2900, "quantile": 0.5, "value": 66000.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 364.0}, {"index": 2900, "quantile": 0.75, "value": 66000.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 364.0}, {"index": 2900, "quantile": 1.0, "value": 137500.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 364.0}, {"index": 2901, "quantile": 0.0, "value": 17500.0, "Latitude": 35.38, "Longitude": -119.02, "Population": 36.0}, {"index": 2901, "quantile": 0.25, "value": 90450.00000000001, "Latitude": 35.38, "Longitude": -119.02, "Population": 36.0}, {"index": 2901, "quantile": 0.5, "value": 191700.0, "Latitude": 35.38, "Longitude": -119.02, "Population": 36.0}, {"index": 2901, "quantile": 0.75, "value": 350000.0, "Latitude": 35.38, "Longitude": -119.02, "Population": 36.0}, {"index": 2901, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.38, "Longitude": -119.02, "Population": 36.0}, {"index": 2902, "quantile": 0.0, "value": 32900.0, "Latitude": 35.38, "Longitude": -119.02, "Population": 129.0}, {"index": 2902, "quantile": 0.25, "value": 63800.0, "Latitude": 35.38, "Longitude": -119.02, "Population": 129.0}, {"index": 2902, "quantile": 0.5, "value": 63800.0, "Latitude": 35.38, "Longitude": -119.02, "Population": 129.0}, {"index": 2902, "quantile": 0.75, "value": 90000.0, "Latitude": 35.38, "Longitude": -119.02, "Population": 129.0}, {"index": 2902, "quantile": 1.0, "value": 450000.0, "Latitude": 35.38, "Longitude": -119.02, "Population": 129.0}, {"index": 2903, "quantile": 0.0, "value": 47500.0, "Latitude": 35.39, "Longitude": -119.02, "Population": 106.0}, {"index": 2903, "quantile": 0.25, "value": 72500.0, "Latitude": 35.39, "Longitude": -119.02, "Population": 106.0}, {"index": 2903, "quantile": 0.5, "value": 72500.0, "Latitude": 35.39, "Longitude": -119.02, "Population": 106.0}, {"index": 2903, "quantile": 0.75, "value": 72500.0, "Latitude": 35.39, "Longitude": -119.02, "Population": 106.0}, {"index": 2903, "quantile": 1.0, "value": 475000.0, "Latitude": 35.39, "Longitude": -119.02, "Population": 106.0}, {"index": 2904, "quantile": 0.0, "value": 33200.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 568.0}, {"index": 2904, "quantile": 0.25, "value": 71250.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 568.0}, {"index": 2904, "quantile": 0.5, "value": 84400.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 568.0}, {"index": 2904, "quantile": 0.75, "value": 84400.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 568.0}, {"index": 2904, "quantile": 1.0, "value": 112500.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 568.0}, {"index": 2905, "quantile": 0.0, "value": 50600.0, "Latitude": 35.38, "Longitude": -119.03, "Population": 843.0}, {"index": 2905, "quantile": 0.25, "value": 81950.0, "Latitude": 35.38, "Longitude": -119.03, "Population": 843.0}, {"index": 2905, "quantile": 0.5, "value": 91800.0, "Latitude": 35.38, "Longitude": -119.03, "Population": 843.0}, {"index": 2905, "quantile": 0.75, "value": 91800.0, "Latitude": 35.38, "Longitude": -119.03, "Population": 843.0}, {"index": 2905, "quantile": 1.0, "value": 425000.0, "Latitude": 35.38, "Longitude": -119.03, "Population": 843.0}, {"index": 2906, "quantile": 0.0, "value": 30000.0, "Latitude": 35.38, "Longitude": -119.03, "Population": 540.0}, {"index": 2906, "quantile": 0.25, "value": 79500.0, "Latitude": 35.38, "Longitude": -119.03, "Population": 540.0}, {"index": 2906, "quantile": 0.5, "value": 115750.0, "Latitude": 35.38, "Longitude": -119.03, "Population": 540.0}, {"index": 2906, "quantile": 0.75, "value": 235400.0, "Latitude": 35.38, "Longitude": -119.03, "Population": 540.0}, {"index": 2906, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.38, "Longitude": -119.03, "Population": 540.0}, {"index": 2907, "quantile": 0.0, "value": 32900.0, "Latitude": 35.37, "Longitude": -119.03, "Population": 554.0}, {"index": 2907, "quantile": 0.25, "value": 61400.0, "Latitude": 35.37, "Longitude": -119.03, "Population": 554.0}, {"index": 2907, "quantile": 0.5, "value": 68850.0, "Latitude": 35.37, "Longitude": -119.03, "Population": 554.0}, {"index": 2907, "quantile": 0.75, "value": 76125.0, "Latitude": 35.37, "Longitude": -119.03, "Population": 554.0}, {"index": 2907, "quantile": 1.0, "value": 236100.00000000003, "Latitude": 35.37, "Longitude": -119.03, "Population": 554.0}, {"index": 2908, "quantile": 0.0, "value": 50600.0, "Latitude": 35.37, "Longitude": -119.04, "Population": 667.0}, {"index": 2908, "quantile": 0.25, "value": 82700.0, "Latitude": 35.37, "Longitude": -119.04, "Population": 667.0}, {"index": 2908, "quantile": 0.5, "value": 82700.0, "Latitude": 35.37, "Longitude": -119.04, "Population": 667.0}, {"index": 2908, "quantile": 0.75, "value": 82700.0, "Latitude": 35.37, "Longitude": -119.04, "Population": 667.0}, {"index": 2908, "quantile": 1.0, "value": 318400.0, "Latitude": 35.37, "Longitude": -119.04, "Population": 667.0}, {"index": 2909, "quantile": 0.0, "value": 37500.0, "Latitude": 35.39, "Longitude": -119.03, "Population": 1593.0}, {"index": 2909, "quantile": 0.25, "value": 118700.0, "Latitude": 35.39, "Longitude": -119.03, "Population": 1593.0}, {"index": 2909, "quantile": 0.5, "value": 118700.0, "Latitude": 35.39, "Longitude": -119.03, "Population": 1593.0}, {"index": 2909, "quantile": 0.75, "value": 118700.0, "Latitude": 35.39, "Longitude": -119.03, "Population": 1593.0}, {"index": 2909, "quantile": 1.0, "value": 425000.0, "Latitude": 35.39, "Longitude": -119.03, "Population": 1593.0}, {"index": 2910, "quantile": 0.0, "value": 47100.0, "Latitude": 35.36, "Longitude": -119.04, "Population": 1051.0}, {"index": 2910, "quantile": 0.25, "value": 54300.00000000001, "Latitude": 35.36, "Longitude": -119.04, "Population": 1051.0}, {"index": 2910, "quantile": 0.5, "value": 58250.0, "Latitude": 35.36, "Longitude": -119.04, "Population": 1051.0}, {"index": 2910, "quantile": 0.75, "value": 64725.0, "Latitude": 35.36, "Longitude": -119.04, "Population": 1051.0}, {"index": 2910, "quantile": 1.0, "value": 84700.0, "Latitude": 35.36, "Longitude": -119.04, "Population": 1051.0}, {"index": 2911, "quantile": 0.0, "value": 67600.0, "Latitude": 35.36, "Longitude": -119.05, "Population": 2307.0}, {"index": 2911, "quantile": 0.25, "value": 84700.0, "Latitude": 35.36, "Longitude": -119.05, "Population": 2307.0}, {"index": 2911, "quantile": 0.5, "value": 84700.0, "Latitude": 35.36, "Longitude": -119.05, "Population": 2307.0}, {"index": 2911, "quantile": 0.75, "value": 84700.0, "Latitude": 35.36, "Longitude": -119.05, "Population": 2307.0}, {"index": 2911, "quantile": 1.0, "value": 165400.0, "Latitude": 35.36, "Longitude": -119.05, "Population": 2307.0}, {"index": 2912, "quantile": 0.0, "value": 74600.0, "Latitude": 35.36, "Longitude": -119.05, "Population": 2261.0}, {"index": 2912, "quantile": 0.25, "value": 118400.0, "Latitude": 35.36, "Longitude": -119.05, "Population": 2261.0}, {"index": 2912, "quantile": 0.5, "value": 118400.0, "Latitude": 35.36, "Longitude": -119.05, "Population": 2261.0}, {"index": 2912, "quantile": 0.75, "value": 118400.0, "Latitude": 35.36, "Longitude": -119.05, "Population": 2261.0}, {"index": 2912, "quantile": 1.0, "value": 335000.0, "Latitude": 35.36, "Longitude": -119.05, "Population": 2261.0}, {"index": 2913, "quantile": 0.0, "value": 93900.0, "Latitude": 35.36, "Longitude": -119.07, "Population": 2155.0}, {"index": 2913, "quantile": 0.25, "value": 110700.0, "Latitude": 35.36, "Longitude": -119.07, "Population": 2155.0}, {"index": 2913, "quantile": 0.5, "value": 110700.0, "Latitude": 35.36, "Longitude": -119.07, "Population": 2155.0}, {"index": 2913, "quantile": 0.75, "value": 212800.0, "Latitude": 35.36, "Longitude": -119.07, "Population": 2155.0}, {"index": 2913, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.36, "Longitude": -119.07, "Population": 2155.0}, {"index": 2914, "quantile": 0.0, "value": 72100.0, "Latitude": 35.36, "Longitude": -119.08, "Population": 2966.0}, {"index": 2914, "quantile": 0.25, "value": 123400.0, "Latitude": 35.36, "Longitude": -119.08, "Population": 2966.0}, {"index": 2914, "quantile": 0.5, "value": 123400.0, "Latitude": 35.36, "Longitude": -119.08, "Population": 2966.0}, {"index": 2914, "quantile": 0.75, "value": 123400.0, "Latitude": 35.36, "Longitude": -119.08, "Population": 2966.0}, {"index": 2914, "quantile": 1.0, "value": 335000.0, "Latitude": 35.36, "Longitude": -119.08, "Population": 2966.0}, {"index": 2915, "quantile": 0.0, "value": 95200.0, "Latitude": 35.36, "Longitude": -119.06, "Population": 409.0}, {"index": 2915, "quantile": 0.25, "value": 95200.0, "Latitude": 35.36, "Longitude": -119.06, "Population": 409.0}, {"index": 2915, "quantile": 0.5, "value": 95200.0, "Latitude": 35.36, "Longitude": -119.06, "Population": 409.0}, {"index": 2915, "quantile": 0.75, "value": 167475.0, "Latitude": 35.36, "Longitude": -119.06, "Population": 409.0}, {"index": 2915, "quantile": 1.0, "value": 349000.0, "Latitude": 35.36, "Longitude": -119.06, "Population": 409.0}, {"index": 2916, "quantile": 0.0, "value": 30000.0, "Latitude": 35.37, "Longitude": -119.03, "Population": 1035.0}, {"index": 2916, "quantile": 0.25, "value": 72300.0, "Latitude": 35.37, "Longitude": -119.03, "Population": 1035.0}, {"index": 2916, "quantile": 0.5, "value": 72300.0, "Latitude": 35.37, "Longitude": -119.03, "Population": 1035.0}, {"index": 2916, "quantile": 0.75, "value": 72300.0, "Latitude": 35.37, "Longitude": -119.03, "Population": 1035.0}, {"index": 2916, "quantile": 1.0, "value": 252800.0, "Latitude": 35.37, "Longitude": -119.03, "Population": 1035.0}, {"index": 2917, "quantile": 0.0, "value": 65600.0, "Latitude": 35.36, "Longitude": -119.03, "Population": 977.0}, {"index": 2917, "quantile": 0.25, "value": 79400.0, "Latitude": 35.36, "Longitude": -119.03, "Population": 977.0}, {"index": 2917, "quantile": 0.5, "value": 87000.0, "Latitude": 35.36, "Longitude": -119.03, "Population": 977.0}, {"index": 2917, "quantile": 0.75, "value": 181825.0, "Latitude": 35.36, "Longitude": -119.03, "Population": 977.0}, {"index": 2917, "quantile": 1.0, "value": 356900.0, "Latitude": 35.36, "Longitude": -119.03, "Population": 977.0}, {"index": 2918, "quantile": 0.0, "value": 56799.99999999999, "Latitude": 35.36, "Longitude": -119.04, "Population": 771.0}, {"index": 2918, "quantile": 0.25, "value": 69500.0, "Latitude": 35.36, "Longitude": -119.04, "Population": 771.0}, {"index": 2918, "quantile": 0.5, "value": 69500.0, "Latitude": 35.36, "Longitude": -119.04, "Population": 771.0}, {"index": 2918, "quantile": 0.75, "value": 69500.0, "Latitude": 35.36, "Longitude": -119.04, "Population": 771.0}, {"index": 2918, "quantile": 1.0, "value": 285800.0, "Latitude": 35.36, "Longitude": -119.04, "Population": 771.0}, {"index": 2919, "quantile": 0.0, "value": 48100.0, "Latitude": 35.37, "Longitude": -119.04, "Population": 714.0}, {"index": 2919, "quantile": 0.25, "value": 75300.0, "Latitude": 35.37, "Longitude": -119.04, "Population": 714.0}, {"index": 2919, "quantile": 0.5, "value": 75300.0, "Latitude": 35.37, "Longitude": -119.04, "Population": 714.0}, {"index": 2919, "quantile": 0.75, "value": 75300.0, "Latitude": 35.37, "Longitude": -119.04, "Population": 714.0}, {"index": 2919, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 35.37, "Longitude": -119.04, "Population": 714.0}, {"index": 2920, "quantile": 0.0, "value": 50900.0, "Latitude": 35.37, "Longitude": -119.02, "Population": 1521.0}, {"index": 2920, "quantile": 0.25, "value": 60700.0, "Latitude": 35.37, "Longitude": -119.02, "Population": 1521.0}, {"index": 2920, "quantile": 0.5, "value": 61600.0, "Latitude": 35.37, "Longitude": -119.02, "Population": 1521.0}, {"index": 2920, "quantile": 0.75, "value": 61600.0, "Latitude": 35.37, "Longitude": -119.02, "Population": 1521.0}, {"index": 2920, "quantile": 1.0, "value": 67000.0, "Latitude": 35.37, "Longitude": -119.02, "Population": 1521.0}, {"index": 2921, "quantile": 0.0, "value": 26600.0, "Latitude": 35.36, "Longitude": -119.02, "Population": 947.0}, {"index": 2921, "quantile": 0.25, "value": 70000.0, "Latitude": 35.36, "Longitude": -119.02, "Population": 947.0}, {"index": 2921, "quantile": 0.5, "value": 70000.0, "Latitude": 35.36, "Longitude": -119.02, "Population": 947.0}, {"index": 2921, "quantile": 0.75, "value": 70000.0, "Latitude": 35.36, "Longitude": -119.02, "Population": 947.0}, {"index": 2921, "quantile": 1.0, "value": 120100.0, "Latitude": 35.36, "Longitude": -119.02, "Population": 947.0}, {"index": 2922, "quantile": 0.0, "value": 30000.0, "Latitude": 35.36, "Longitude": -119.02, "Population": 847.0}, {"index": 2922, "quantile": 0.25, "value": 68900.0, "Latitude": 35.36, "Longitude": -119.02, "Population": 847.0}, {"index": 2922, "quantile": 0.5, "value": 73700.0, "Latitude": 35.36, "Longitude": -119.02, "Population": 847.0}, {"index": 2922, "quantile": 0.75, "value": 73700.0, "Latitude": 35.36, "Longitude": -119.02, "Population": 847.0}, {"index": 2922, "quantile": 1.0, "value": 85600.0, "Latitude": 35.36, "Longitude": -119.02, "Population": 847.0}, {"index": 2923, "quantile": 0.0, "value": 47500.0, "Latitude": 35.36, "Longitude": -119.03, "Population": 1342.0}, {"index": 2923, "quantile": 0.25, "value": 61549.99999999999, "Latitude": 35.36, "Longitude": -119.03, "Population": 1342.0}, {"index": 2923, "quantile": 0.5, "value": 67700.0, "Latitude": 35.36, "Longitude": -119.03, "Population": 1342.0}, {"index": 2923, "quantile": 0.75, "value": 87050.0, "Latitude": 35.36, "Longitude": -119.03, "Population": 1342.0}, {"index": 2923, "quantile": 1.0, "value": 364300.0, "Latitude": 35.36, "Longitude": -119.03, "Population": 1342.0}, {"index": 2924, "quantile": 0.0, "value": 44600.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 1191.0}, {"index": 2924, "quantile": 0.25, "value": 57799.99999999999, "Latitude": 35.37, "Longitude": -119.01, "Population": 1191.0}, {"index": 2924, "quantile": 0.5, "value": 57799.99999999999, "Latitude": 35.37, "Longitude": -119.01, "Population": 1191.0}, {"index": 2924, "quantile": 0.75, "value": 57799.99999999999, "Latitude": 35.37, "Longitude": -119.01, "Population": 1191.0}, {"index": 2924, "quantile": 1.0, "value": 68600.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 1191.0}, {"index": 2925, "quantile": 0.0, "value": 26600.0, "Latitude": 35.36, "Longitude": -119.01, "Population": 1203.0}, {"index": 2925, "quantile": 0.25, "value": 56399.99999999999, "Latitude": 35.36, "Longitude": -119.01, "Population": 1203.0}, {"index": 2925, "quantile": 0.5, "value": 60700.0, "Latitude": 35.36, "Longitude": -119.01, "Population": 1203.0}, {"index": 2925, "quantile": 0.75, "value": 60700.0, "Latitude": 35.36, "Longitude": -119.01, "Population": 1203.0}, {"index": 2925, "quantile": 1.0, "value": 66000.0, "Latitude": 35.36, "Longitude": -119.01, "Population": 1203.0}, {"index": 2926, "quantile": 0.0, "value": 44600.0, "Latitude": 35.36, "Longitude": -119.01, "Population": 1490.0}, {"index": 2926, "quantile": 0.25, "value": 56999.99999999999, "Latitude": 35.36, "Longitude": -119.01, "Population": 1490.0}, {"index": 2926, "quantile": 0.5, "value": 56999.99999999999, "Latitude": 35.36, "Longitude": -119.01, "Population": 1490.0}, {"index": 2926, "quantile": 0.75, "value": 56999.99999999999, "Latitude": 35.36, "Longitude": -119.01, "Population": 1490.0}, {"index": 2926, "quantile": 1.0, "value": 66000.0, "Latitude": 35.36, "Longitude": -119.01, "Population": 1490.0}, {"index": 2927, "quantile": 0.0, "value": 44600.0, "Latitude": 35.36, "Longitude": -119.01, "Population": 1277.0}, {"index": 2927, "quantile": 0.25, "value": 51600.0, "Latitude": 35.36, "Longitude": -119.01, "Population": 1277.0}, {"index": 2927, "quantile": 0.5, "value": 51600.0, "Latitude": 35.36, "Longitude": -119.01, "Population": 1277.0}, {"index": 2927, "quantile": 0.75, "value": 51600.0, "Latitude": 35.36, "Longitude": -119.01, "Population": 1277.0}, {"index": 2927, "quantile": 1.0, "value": 112500.0, "Latitude": 35.36, "Longitude": -119.01, "Population": 1277.0}, {"index": 2928, "quantile": 0.0, "value": 43100.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 579.0}, {"index": 2928, "quantile": 0.25, "value": 46700.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 579.0}, {"index": 2928, "quantile": 0.5, "value": 46700.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 579.0}, {"index": 2928, "quantile": 0.75, "value": 49300.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 579.0}, {"index": 2928, "quantile": 1.0, "value": 112500.0, "Latitude": 35.37, "Longitude": -119.01, "Population": 579.0}, {"index": 2929, "quantile": 0.0, "value": 42500.0, "Latitude": 35.36, "Longitude": -119.0, "Population": 764.0}, {"index": 2929, "quantile": 0.25, "value": 43600.0, "Latitude": 35.36, "Longitude": -119.0, "Population": 764.0}, {"index": 2929, "quantile": 0.5, "value": 43600.0, "Latitude": 35.36, "Longitude": -119.0, "Population": 764.0}, {"index": 2929, "quantile": 0.75, "value": 43875.0, "Latitude": 35.36, "Longitude": -119.0, "Population": 764.0}, {"index": 2929, "quantile": 1.0, "value": 105300.0, "Latitude": 35.36, "Longitude": -119.0, "Population": 764.0}, {"index": 2930, "quantile": 0.0, "value": 39400.0, "Latitude": 35.36, "Longitude": -119.0, "Population": 805.0}, {"index": 2930, "quantile": 0.25, "value": 43600.0, "Latitude": 35.36, "Longitude": -119.0, "Population": 805.0}, {"index": 2930, "quantile": 0.5, "value": 45150.0, "Latitude": 35.36, "Longitude": -119.0, "Population": 805.0}, {"index": 2930, "quantile": 0.75, "value": 46700.0, "Latitude": 35.36, "Longitude": -119.0, "Population": 805.0}, {"index": 2930, "quantile": 1.0, "value": 84400.0, "Latitude": 35.36, "Longitude": -119.0, "Population": 805.0}, {"index": 2931, "quantile": 0.0, "value": 33200.0, "Latitude": 35.35, "Longitude": -119.0, "Population": 992.0}, {"index": 2931, "quantile": 0.25, "value": 48700.0, "Latitude": 35.35, "Longitude": -119.0, "Population": 992.0}, {"index": 2931, "quantile": 0.5, "value": 48700.0, "Latitude": 35.35, "Longitude": -119.0, "Population": 992.0}, {"index": 2931, "quantile": 0.75, "value": 48700.0, "Latitude": 35.35, "Longitude": -119.0, "Population": 992.0}, {"index": 2931, "quantile": 1.0, "value": 72300.0, "Latitude": 35.35, "Longitude": -119.0, "Population": 992.0}, {"index": 2932, "quantile": 0.0, "value": 33200.0, "Latitude": 35.36, "Longitude": -119.0, "Population": 1258.0}, {"index": 2932, "quantile": 0.25, "value": 48375.0, "Latitude": 35.36, "Longitude": -119.0, "Population": 1258.0}, {"index": 2932, "quantile": 0.5, "value": 48600.0, "Latitude": 35.36, "Longitude": -119.0, "Population": 1258.0}, {"index": 2932, "quantile": 0.75, "value": 48600.0, "Latitude": 35.36, "Longitude": -119.0, "Population": 1258.0}, {"index": 2932, "quantile": 1.0, "value": 112500.0, "Latitude": 35.36, "Longitude": -119.0, "Population": 1258.0}, {"index": 2933, "quantile": 0.0, "value": 42500.0, "Latitude": 35.37, "Longitude": -118.98, "Population": 1223.0}, {"index": 2933, "quantile": 0.25, "value": 47100.0, "Latitude": 35.37, "Longitude": -118.98, "Population": 1223.0}, {"index": 2933, "quantile": 0.5, "value": 47100.0, "Latitude": 35.37, "Longitude": -118.98, "Population": 1223.0}, {"index": 2933, "quantile": 0.75, "value": 47100.0, "Latitude": 35.37, "Longitude": -118.98, "Population": 1223.0}, {"index": 2933, "quantile": 1.0, "value": 57499.99999999999, "Latitude": 35.37, "Longitude": -118.98, "Population": 1223.0}, {"index": 2934, "quantile": 0.0, "value": 39400.0, "Latitude": 35.36, "Longitude": -118.98, "Population": 933.0}, {"index": 2934, "quantile": 0.25, "value": 49400.0, "Latitude": 35.36, "Longitude": -118.98, "Population": 933.0}, {"index": 2934, "quantile": 0.5, "value": 49400.0, "Latitude": 35.36, "Longitude": -118.98, "Population": 933.0}, {"index": 2934, "quantile": 0.75, "value": 49400.0, "Latitude": 35.36, "Longitude": -118.98, "Population": 933.0}, {"index": 2934, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 35.36, "Longitude": -118.98, "Population": 933.0}, {"index": 2935, "quantile": 0.0, "value": 39400.0, "Latitude": 35.36, "Longitude": -118.98, "Population": 1059.0}, {"index": 2935, "quantile": 0.25, "value": 42700.0, "Latitude": 35.36, "Longitude": -118.98, "Population": 1059.0}, {"index": 2935, "quantile": 0.5, "value": 42700.0, "Latitude": 35.36, "Longitude": -118.98, "Population": 1059.0}, {"index": 2935, "quantile": 0.75, "value": 48775.0, "Latitude": 35.36, "Longitude": -118.98, "Population": 1059.0}, {"index": 2935, "quantile": 1.0, "value": 64700.0, "Latitude": 35.36, "Longitude": -118.98, "Population": 1059.0}, {"index": 2936, "quantile": 0.0, "value": 43600.0, "Latitude": 35.36, "Longitude": -118.99, "Population": 1210.0}, {"index": 2936, "quantile": 0.25, "value": 47800.0, "Latitude": 35.36, "Longitude": -118.99, "Population": 1210.0}, {"index": 2936, "quantile": 0.5, "value": 47800.0, "Latitude": 35.36, "Longitude": -118.99, "Population": 1210.0}, {"index": 2936, "quantile": 0.75, "value": 49300.0, "Latitude": 35.36, "Longitude": -118.99, "Population": 1210.0}, {"index": 2936, "quantile": 1.0, "value": 63200.0, "Latitude": 35.36, "Longitude": -118.99, "Population": 1210.0}, {"index": 2937, "quantile": 0.0, "value": 43700.0, "Latitude": 35.36, "Longitude": -118.99, "Population": 1168.0}, {"index": 2937, "quantile": 0.25, "value": 49200.0, "Latitude": 35.36, "Longitude": -118.99, "Population": 1168.0}, {"index": 2937, "quantile": 0.5, "value": 49300.0, "Latitude": 35.36, "Longitude": -118.99, "Population": 1168.0}, {"index": 2937, "quantile": 0.75, "value": 49300.0, "Latitude": 35.36, "Longitude": -118.99, "Population": 1168.0}, {"index": 2937, "quantile": 1.0, "value": 65900.0, "Latitude": 35.36, "Longitude": -118.99, "Population": 1168.0}, {"index": 2938, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 35.36, "Longitude": -118.94, "Population": 1823.0}, {"index": 2938, "quantile": 0.25, "value": 76200.0, "Latitude": 35.36, "Longitude": -118.94, "Population": 1823.0}, {"index": 2938, "quantile": 0.5, "value": 76200.0, "Latitude": 35.36, "Longitude": -118.94, "Population": 1823.0}, {"index": 2938, "quantile": 0.75, "value": 76200.0, "Latitude": 35.36, "Longitude": -118.94, "Population": 1823.0}, {"index": 2938, "quantile": 1.0, "value": 106300.0, "Latitude": 35.36, "Longitude": -118.94, "Population": 1823.0}, {"index": 2939, "quantile": 0.0, "value": 40900.0, "Latitude": 35.36, "Longitude": -118.95, "Population": 1753.0}, {"index": 2939, "quantile": 0.25, "value": 54700.00000000001, "Latitude": 35.36, "Longitude": -118.95, "Population": 1753.0}, {"index": 2939, "quantile": 0.5, "value": 54700.00000000001, "Latitude": 35.36, "Longitude": -118.95, "Population": 1753.0}, {"index": 2939, "quantile": 0.75, "value": 54700.00000000001, "Latitude": 35.36, "Longitude": -118.95, "Population": 1753.0}, {"index": 2939, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 35.36, "Longitude": -118.95, "Population": 1753.0}, {"index": 2940, "quantile": 0.0, "value": 33200.0, "Latitude": 35.37, "Longitude": -118.96, "Population": 874.0}, {"index": 2940, "quantile": 0.25, "value": 53400.0, "Latitude": 35.37, "Longitude": -118.96, "Population": 874.0}, {"index": 2940, "quantile": 0.5, "value": 53400.0, "Latitude": 35.37, "Longitude": -118.96, "Population": 874.0}, {"index": 2940, "quantile": 0.75, "value": 53525.0, "Latitude": 35.37, "Longitude": -118.96, "Population": 874.0}, {"index": 2940, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 35.37, "Longitude": -118.96, "Population": 874.0}, {"index": 2941, "quantile": 0.0, "value": 47400.0, "Latitude": 35.36, "Longitude": -118.96, "Population": 1738.0}, {"index": 2941, "quantile": 0.25, "value": 54000.0, "Latitude": 35.36, "Longitude": -118.96, "Population": 1738.0}, {"index": 2941, "quantile": 0.5, "value": 54000.0, "Latitude": 35.36, "Longitude": -118.96, "Population": 1738.0}, {"index": 2941, "quantile": 0.75, "value": 59349.99999999999, "Latitude": 35.36, "Longitude": -118.96, "Population": 1738.0}, {"index": 2941, "quantile": 1.0, "value": 82200.0, "Latitude": 35.36, "Longitude": -118.96, "Population": 1738.0}, {"index": 2942, "quantile": 0.0, "value": 41400.0, "Latitude": 35.37, "Longitude": -118.97, "Population": 1156.0}, {"index": 2942, "quantile": 0.25, "value": 48900.0, "Latitude": 35.37, "Longitude": -118.97, "Population": 1156.0}, {"index": 2942, "quantile": 0.5, "value": 48900.0, "Latitude": 35.37, "Longitude": -118.97, "Population": 1156.0}, {"index": 2942, "quantile": 0.75, "value": 52400.0, "Latitude": 35.37, "Longitude": -118.97, "Population": 1156.0}, {"index": 2942, "quantile": 1.0, "value": 61600.0, "Latitude": 35.37, "Longitude": -118.97, "Population": 1156.0}, {"index": 2943, "quantile": 0.0, "value": 40900.0, "Latitude": 35.36, "Longitude": -118.97, "Population": 1219.0}, {"index": 2943, "quantile": 0.25, "value": 47675.0, "Latitude": 35.36, "Longitude": -118.97, "Population": 1219.0}, {"index": 2943, "quantile": 0.5, "value": 49400.0, "Latitude": 35.36, "Longitude": -118.97, "Population": 1219.0}, {"index": 2943, "quantile": 0.75, "value": 54100.00000000001, "Latitude": 35.36, "Longitude": -118.97, "Population": 1219.0}, {"index": 2943, "quantile": 1.0, "value": 60700.0, "Latitude": 35.36, "Longitude": -118.97, "Population": 1219.0}, {"index": 2944, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 35.32, "Longitude": -118.95, "Population": 2007.0}, {"index": 2944, "quantile": 0.25, "value": 78700.0, "Latitude": 35.32, "Longitude": -118.95, "Population": 2007.0}, {"index": 2944, "quantile": 0.5, "value": 78700.0, "Latitude": 35.32, "Longitude": -118.95, "Population": 2007.0}, {"index": 2944, "quantile": 0.75, "value": 78700.0, "Latitude": 35.32, "Longitude": -118.95, "Population": 2007.0}, {"index": 2944, "quantile": 1.0, "value": 160100.0, "Latitude": 35.32, "Longitude": -118.95, "Population": 2007.0}, {"index": 2945, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 35.35, "Longitude": -118.98, "Population": 511.0}, {"index": 2945, "quantile": 0.25, "value": 33200.0, "Latitude": 35.35, "Longitude": -118.98, "Population": 511.0}, {"index": 2945, "quantile": 0.5, "value": 33200.0, "Latitude": 35.35, "Longitude": -118.98, "Population": 511.0}, {"index": 2945, "quantile": 0.75, "value": 42500.0, "Latitude": 35.35, "Longitude": -118.98, "Population": 511.0}, {"index": 2945, "quantile": 1.0, "value": 84400.0, "Latitude": 35.35, "Longitude": -118.98, "Population": 511.0}, {"index": 2946, "quantile": 0.0, "value": 40900.0, "Latitude": 35.35, "Longitude": -118.99, "Population": 1380.0}, {"index": 2946, "quantile": 0.25, "value": 48700.0, "Latitude": 35.35, "Longitude": -118.99, "Population": 1380.0}, {"index": 2946, "quantile": 0.5, "value": 51849.99999999999, "Latitude": 35.35, "Longitude": -118.99, "Population": 1380.0}, {"index": 2946, "quantile": 0.75, "value": 55250.0, "Latitude": 35.35, "Longitude": -118.99, "Population": 1380.0}, {"index": 2946, "quantile": 1.0, "value": 71300.0, "Latitude": 35.35, "Longitude": -118.99, "Population": 1380.0}, {"index": 2947, "quantile": 0.0, "value": 33200.0, "Latitude": 35.33, "Longitude": -118.99, "Population": 1311.0}, {"index": 2947, "quantile": 0.25, "value": 52900.0, "Latitude": 35.33, "Longitude": -118.99, "Population": 1311.0}, {"index": 2947, "quantile": 0.5, "value": 52900.0, "Latitude": 35.33, "Longitude": -118.99, "Population": 1311.0}, {"index": 2947, "quantile": 0.75, "value": 52900.0, "Latitude": 35.33, "Longitude": -118.99, "Population": 1311.0}, {"index": 2947, "quantile": 1.0, "value": 59000.0, "Latitude": 35.33, "Longitude": -118.99, "Population": 1311.0}, {"index": 2948, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 35.32, "Longitude": -118.99, "Population": 567.0}, {"index": 2948, "quantile": 0.25, "value": 51800.0, "Latitude": 35.32, "Longitude": -118.99, "Population": 567.0}, {"index": 2948, "quantile": 0.5, "value": 57499.99999999999, "Latitude": 35.32, "Longitude": -118.99, "Population": 567.0}, {"index": 2948, "quantile": 0.75, "value": 66525.0, "Latitude": 35.32, "Longitude": -118.99, "Population": 567.0}, {"index": 2948, "quantile": 1.0, "value": 246700.0, "Latitude": 35.32, "Longitude": -118.99, "Population": 567.0}, {"index": 2949, "quantile": 0.0, "value": 47400.0, "Latitude": 35.35, "Longitude": -119.0, "Population": 1969.0}, {"index": 2949, "quantile": 0.25, "value": 59575.0, "Latitude": 35.35, "Longitude": -119.0, "Population": 1969.0}, {"index": 2949, "quantile": 0.5, "value": 62100.0, "Latitude": 35.35, "Longitude": -119.0, "Population": 1969.0}, {"index": 2949, "quantile": 0.75, "value": 62100.0, "Latitude": 35.35, "Longitude": -119.0, "Population": 1969.0}, {"index": 2949, "quantile": 1.0, "value": 94500.0, "Latitude": 35.35, "Longitude": -119.0, "Population": 1969.0}, {"index": 2950, "quantile": 0.0, "value": 40900.0, "Latitude": 35.35, "Longitude": -118.99, "Population": 1109.0}, {"index": 2950, "quantile": 0.25, "value": 45600.0, "Latitude": 35.35, "Longitude": -118.99, "Population": 1109.0}, {"index": 2950, "quantile": 0.5, "value": 45600.0, "Latitude": 35.35, "Longitude": -118.99, "Population": 1109.0}, {"index": 2950, "quantile": 0.75, "value": 45600.0, "Latitude": 35.35, "Longitude": -118.99, "Population": 1109.0}, {"index": 2950, "quantile": 1.0, "value": 57499.99999999999, "Latitude": 35.35, "Longitude": -118.99, "Population": 1109.0}, {"index": 2951, "quantile": 0.0, "value": 52900.0, "Latitude": 35.35, "Longitude": -119.01, "Population": 922.0}, {"index": 2951, "quantile": 0.25, "value": 57999.99999999999, "Latitude": 35.35, "Longitude": -119.01, "Population": 922.0}, {"index": 2951, "quantile": 0.5, "value": 57999.99999999999, "Latitude": 35.35, "Longitude": -119.01, "Population": 922.0}, {"index": 2951, "quantile": 0.75, "value": 61300.0, "Latitude": 35.35, "Longitude": -119.01, "Population": 922.0}, {"index": 2951, "quantile": 1.0, "value": 134200.0, "Latitude": 35.35, "Longitude": -119.01, "Population": 922.0}, {"index": 2952, "quantile": 0.0, "value": 22500.0, "Latitude": 35.34, "Longitude": -119.01, "Population": 782.0}, {"index": 2952, "quantile": 0.25, "value": 69100.0, "Latitude": 35.34, "Longitude": -119.01, "Population": 782.0}, {"index": 2952, "quantile": 0.5, "value": 82749.99999999999, "Latitude": 35.34, "Longitude": -119.01, "Population": 782.0}, {"index": 2952, "quantile": 0.75, "value": 121574.99999999999, "Latitude": 35.34, "Longitude": -119.01, "Population": 782.0}, {"index": 2952, "quantile": 1.0, "value": 208800.0, "Latitude": 35.34, "Longitude": -119.01, "Population": 782.0}, {"index": 2953, "quantile": 0.0, "value": 47700.0, "Latitude": 35.35, "Longitude": -119.02, "Population": 776.0}, {"index": 2953, "quantile": 0.25, "value": 62575.0, "Latitude": 35.35, "Longitude": -119.02, "Population": 776.0}, {"index": 2953, "quantile": 0.5, "value": 63300.0, "Latitude": 35.35, "Longitude": -119.02, "Population": 776.0}, {"index": 2953, "quantile": 0.75, "value": 63300.0, "Latitude": 35.35, "Longitude": -119.02, "Population": 776.0}, {"index": 2953, "quantile": 1.0, "value": 132800.0, "Latitude": 35.35, "Longitude": -119.02, "Population": 776.0}, {"index": 2954, "quantile": 0.0, "value": 39800.0, "Latitude": 35.35, "Longitude": -119.01, "Population": 366.0}, {"index": 2954, "quantile": 0.25, "value": 57899.99999999999, "Latitude": 35.35, "Longitude": -119.01, "Population": 366.0}, {"index": 2954, "quantile": 0.5, "value": 57899.99999999999, "Latitude": 35.35, "Longitude": -119.01, "Population": 366.0}, {"index": 2954, "quantile": 0.75, "value": 59424.99999999999, "Latitude": 35.35, "Longitude": -119.01, "Population": 366.0}, {"index": 2954, "quantile": 1.0, "value": 150000.0, "Latitude": 35.35, "Longitude": -119.01, "Population": 366.0}, {"index": 2955, "quantile": 0.0, "value": 52400.0, "Latitude": 35.35, "Longitude": -119.02, "Population": 670.0}, {"index": 2955, "quantile": 0.25, "value": 74725.0, "Latitude": 35.35, "Longitude": -119.02, "Population": 670.0}, {"index": 2955, "quantile": 0.5, "value": 76000.0, "Latitude": 35.35, "Longitude": -119.02, "Population": 670.0}, {"index": 2955, "quantile": 0.75, "value": 76000.0, "Latitude": 35.35, "Longitude": -119.02, "Population": 670.0}, {"index": 2955, "quantile": 1.0, "value": 120800.0, "Latitude": 35.35, "Longitude": -119.02, "Population": 670.0}, {"index": 2956, "quantile": 0.0, "value": 26600.0, "Latitude": 35.34, "Longitude": -119.02, "Population": 692.0}, {"index": 2956, "quantile": 0.25, "value": 65650.00000000001, "Latitude": 35.34, "Longitude": -119.02, "Population": 692.0}, {"index": 2956, "quantile": 0.5, "value": 71750.0, "Latitude": 35.34, "Longitude": -119.02, "Population": 692.0}, {"index": 2956, "quantile": 0.75, "value": 76000.0, "Latitude": 35.34, "Longitude": -119.02, "Population": 692.0}, {"index": 2956, "quantile": 1.0, "value": 137500.0, "Latitude": 35.34, "Longitude": -119.02, "Population": 692.0}, {"index": 2957, "quantile": 0.0, "value": 59600.0, "Latitude": 35.34, "Longitude": -119.03, "Population": 1679.0}, {"index": 2957, "quantile": 0.25, "value": 71900.0, "Latitude": 35.34, "Longitude": -119.03, "Population": 1679.0}, {"index": 2957, "quantile": 0.5, "value": 71900.0, "Latitude": 35.34, "Longitude": -119.03, "Population": 1679.0}, {"index": 2957, "quantile": 0.75, "value": 71900.0, "Latitude": 35.34, "Longitude": -119.03, "Population": 1679.0}, {"index": 2957, "quantile": 1.0, "value": 96900.0, "Latitude": 35.34, "Longitude": -119.03, "Population": 1679.0}, {"index": 2958, "quantile": 0.0, "value": 62400.0, "Latitude": 35.35, "Longitude": -119.03, "Population": 695.0}, {"index": 2958, "quantile": 0.25, "value": 73700.0, "Latitude": 35.35, "Longitude": -119.03, "Population": 695.0}, {"index": 2958, "quantile": 0.5, "value": 73700.0, "Latitude": 35.35, "Longitude": -119.03, "Population": 695.0}, {"index": 2958, "quantile": 0.75, "value": 73700.0, "Latitude": 35.35, "Longitude": -119.03, "Population": 695.0}, {"index": 2958, "quantile": 1.0, "value": 107600.0, "Latitude": 35.35, "Longitude": -119.03, "Population": 695.0}, {"index": 2959, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 35.35, "Longitude": -119.04, "Population": 817.0}, {"index": 2959, "quantile": 0.25, "value": 69800.0, "Latitude": 35.35, "Longitude": -119.04, "Population": 817.0}, {"index": 2959, "quantile": 0.5, "value": 73700.0, "Latitude": 35.35, "Longitude": -119.04, "Population": 817.0}, {"index": 2959, "quantile": 0.75, "value": 73700.0, "Latitude": 35.35, "Longitude": -119.04, "Population": 817.0}, {"index": 2959, "quantile": 1.0, "value": 103400.0, "Latitude": 35.35, "Longitude": -119.04, "Population": 817.0}, {"index": 2960, "quantile": 0.0, "value": 63500.0, "Latitude": 35.35, "Longitude": -119.04, "Population": 2212.0}, {"index": 2960, "quantile": 0.25, "value": 84925.0, "Latitude": 35.35, "Longitude": -119.04, "Population": 2212.0}, {"index": 2960, "quantile": 0.5, "value": 85000.0, "Latitude": 35.35, "Longitude": -119.04, "Population": 2212.0}, {"index": 2960, "quantile": 0.75, "value": 85000.0, "Latitude": 35.35, "Longitude": -119.04, "Population": 2212.0}, {"index": 2960, "quantile": 1.0, "value": 137900.0, "Latitude": 35.35, "Longitude": -119.04, "Population": 2212.0}, {"index": 2961, "quantile": 0.0, "value": 65600.0, "Latitude": 35.35, "Longitude": -119.06, "Population": 4584.0}, {"index": 2961, "quantile": 0.25, "value": 69900.0, "Latitude": 35.35, "Longitude": -119.06, "Population": 4584.0}, {"index": 2961, "quantile": 0.5, "value": 69900.0, "Latitude": 35.35, "Longitude": -119.06, "Population": 4584.0}, {"index": 2961, "quantile": 0.75, "value": 84700.0, "Latitude": 35.35, "Longitude": -119.06, "Population": 4584.0}, {"index": 2961, "quantile": 1.0, "value": 275000.0, "Latitude": 35.35, "Longitude": -119.06, "Population": 4584.0}, {"index": 2962, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 35.34, "Longitude": -119.05, "Population": 1933.0}, {"index": 2962, "quantile": 0.25, "value": 175000.0, "Latitude": 35.34, "Longitude": -119.05, "Population": 1933.0}, {"index": 2962, "quantile": 0.5, "value": 175000.0, "Latitude": 35.34, "Longitude": -119.05, "Population": 1933.0}, {"index": 2962, "quantile": 0.75, "value": 175000.0, "Latitude": 35.34, "Longitude": -119.05, "Population": 1933.0}, {"index": 2962, "quantile": 1.0, "value": 425000.0, "Latitude": 35.34, "Longitude": -119.05, "Population": 1933.0}, {"index": 2963, "quantile": 0.0, "value": 22500.0, "Latitude": 35.33, "Longitude": -119.05, "Population": 7009.0}, {"index": 2963, "quantile": 0.25, "value": 79000.0, "Latitude": 35.33, "Longitude": -119.05, "Population": 7009.0}, {"index": 2963, "quantile": 0.5, "value": 87200.0, "Latitude": 35.33, "Longitude": -119.05, "Population": 7009.0}, {"index": 2963, "quantile": 0.75, "value": 87200.0, "Latitude": 35.33, "Longitude": -119.05, "Population": 7009.0}, {"index": 2963, "quantile": 1.0, "value": 227599.99999999997, "Latitude": 35.33, "Longitude": -119.05, "Population": 7009.0}, {"index": 2964, "quantile": 0.0, "value": 70200.0, "Latitude": 35.34, "Longitude": -119.05, "Population": 1204.0}, {"index": 2964, "quantile": 0.25, "value": 106200.0, "Latitude": 35.34, "Longitude": -119.05, "Population": 1204.0}, {"index": 2964, "quantile": 0.5, "value": 106200.0, "Latitude": 35.34, "Longitude": -119.05, "Population": 1204.0}, {"index": 2964, "quantile": 0.75, "value": 106200.0, "Latitude": 35.34, "Longitude": -119.05, "Population": 1204.0}, {"index": 2964, "quantile": 1.0, "value": 228100.0, "Latitude": 35.34, "Longitude": -119.05, "Population": 1204.0}, {"index": 2965, "quantile": 0.0, "value": 50600.0, "Latitude": 35.35, "Longitude": -119.07, "Population": 1294.0}, {"index": 2965, "quantile": 0.25, "value": 86200.0, "Latitude": 35.35, "Longitude": -119.07, "Population": 1294.0}, {"index": 2965, "quantile": 0.5, "value": 86200.0, "Latitude": 35.35, "Longitude": -119.07, "Population": 1294.0}, {"index": 2965, "quantile": 0.75, "value": 86200.0, "Latitude": 35.35, "Longitude": -119.07, "Population": 1294.0}, {"index": 2965, "quantile": 1.0, "value": 282600.0, "Latitude": 35.35, "Longitude": -119.07, "Population": 1294.0}, {"index": 2966, "quantile": 0.0, "value": 95200.0, "Latitude": 35.34, "Longitude": -119.07, "Population": 1667.0}, {"index": 2966, "quantile": 0.25, "value": 134100.0, "Latitude": 35.34, "Longitude": -119.07, "Population": 1667.0}, {"index": 2966, "quantile": 0.5, "value": 134100.0, "Latitude": 35.34, "Longitude": -119.07, "Population": 1667.0}, {"index": 2966, "quantile": 0.75, "value": 201025.0, "Latitude": 35.34, "Longitude": -119.07, "Population": 1667.0}, {"index": 2966, "quantile": 1.0, "value": 357900.0, "Latitude": 35.34, "Longitude": -119.07, "Population": 1667.0}, {"index": 2967, "quantile": 0.0, "value": 87100.0, "Latitude": 35.33, "Longitude": -119.12, "Population": 4250.0}, {"index": 2967, "quantile": 0.25, "value": 115599.99999999999, "Latitude": 35.33, "Longitude": -119.12, "Population": 4250.0}, {"index": 2967, "quantile": 0.5, "value": 151750.0, "Latitude": 35.33, "Longitude": -119.12, "Population": 4250.0}, {"index": 2967, "quantile": 0.75, "value": 221925.00000000003, "Latitude": 35.33, "Longitude": -119.12, "Population": 4250.0}, {"index": 2967, "quantile": 1.0, "value": 363500.0, "Latitude": 35.33, "Longitude": -119.12, "Population": 4250.0}, {"index": 2968, "quantile": 0.0, "value": 72100.0, "Latitude": 35.35, "Longitude": -119.1, "Population": 1916.0}, {"index": 2968, "quantile": 0.25, "value": 131000.0, "Latitude": 35.35, "Longitude": -119.1, "Population": 1916.0}, {"index": 2968, "quantile": 0.5, "value": 131000.0, "Latitude": 35.35, "Longitude": -119.1, "Population": 1916.0}, {"index": 2968, "quantile": 0.75, "value": 188500.0, "Latitude": 35.35, "Longitude": -119.1, "Population": 1916.0}, {"index": 2968, "quantile": 1.0, "value": 341300.0, "Latitude": 35.35, "Longitude": -119.1, "Population": 1916.0}, {"index": 2969, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 35.34, "Longitude": -119.08, "Population": 1580.0}, {"index": 2969, "quantile": 0.25, "value": 245800.00000000003, "Latitude": 35.34, "Longitude": -119.08, "Population": 1580.0}, {"index": 2969, "quantile": 0.5, "value": 245800.00000000003, "Latitude": 35.34, "Longitude": -119.08, "Population": 1580.0}, {"index": 2969, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 35.34, "Longitude": -119.08, "Population": 1580.0}, {"index": 2969, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.34, "Longitude": -119.08, "Population": 1580.0}, {"index": 2970, "quantile": 0.0, "value": 176300.0, "Latitude": 35.35, "Longitude": -119.08, "Population": 331.0}, {"index": 2970, "quantile": 0.25, "value": 176300.0, "Latitude": 35.35, "Longitude": -119.08, "Population": 331.0}, {"index": 2970, "quantile": 0.5, "value": 176300.0, "Latitude": 35.35, "Longitude": -119.08, "Population": 331.0}, {"index": 2970, "quantile": 0.75, "value": 177825.0, "Latitude": 35.35, "Longitude": -119.08, "Population": 331.0}, {"index": 2970, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.35, "Longitude": -119.08, "Population": 331.0}, {"index": 2971, "quantile": 0.0, "value": 193500.0, "Latitude": 35.35, "Longitude": -119.09, "Population": 842.0}, {"index": 2971, "quantile": 0.25, "value": 224100.0, "Latitude": 35.35, "Longitude": -119.09, "Population": 842.0}, {"index": 2971, "quantile": 0.5, "value": 224100.0, "Latitude": 35.35, "Longitude": -119.09, "Population": 842.0}, {"index": 2971, "quantile": 0.75, "value": 356550.0, "Latitude": 35.35, "Longitude": -119.09, "Population": 842.0}, {"index": 2971, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.35, "Longitude": -119.09, "Population": 842.0}, {"index": 2972, "quantile": 0.0, "value": 88900.0, "Latitude": 35.34, "Longitude": -119.08, "Population": 768.0}, {"index": 2972, "quantile": 0.25, "value": 119300.0, "Latitude": 35.34, "Longitude": -119.08, "Population": 768.0}, {"index": 2972, "quantile": 0.5, "value": 189650.0, "Latitude": 35.34, "Longitude": -119.08, "Population": 768.0}, {"index": 2972, "quantile": 0.75, "value": 239175.0, "Latitude": 35.34, "Longitude": -119.08, "Population": 768.0}, {"index": 2972, "quantile": 1.0, "value": 436700.0, "Latitude": 35.34, "Longitude": -119.08, "Population": 768.0}, {"index": 2973, "quantile": 0.0, "value": 72100.0, "Latitude": 35.34, "Longitude": -119.08, "Population": 768.0}, {"index": 2973, "quantile": 0.25, "value": 97300.0, "Latitude": 35.34, "Longitude": -119.08, "Population": 768.0}, {"index": 2973, "quantile": 0.5, "value": 130100.0, "Latitude": 35.34, "Longitude": -119.08, "Population": 768.0}, {"index": 2973, "quantile": 0.75, "value": 130100.0, "Latitude": 35.34, "Longitude": -119.08, "Population": 768.0}, {"index": 2973, "quantile": 1.0, "value": 209100.00000000003, "Latitude": 35.34, "Longitude": -119.08, "Population": 768.0}, {"index": 2974, "quantile": 0.0, "value": 127200.0, "Latitude": 35.33, "Longitude": -119.1, "Population": 3121.0}, {"index": 2974, "quantile": 0.25, "value": 170300.0, "Latitude": 35.33, "Longitude": -119.1, "Population": 3121.0}, {"index": 2974, "quantile": 0.5, "value": 170300.0, "Latitude": 35.33, "Longitude": -119.1, "Population": 3121.0}, {"index": 2974, "quantile": 0.75, "value": 312000.0, "Latitude": 35.33, "Longitude": -119.1, "Population": 3121.0}, {"index": 2974, "quantile": 1.0, "value": 393100.0, "Latitude": 35.33, "Longitude": -119.1, "Population": 3121.0}, {"index": 2975, "quantile": 0.0, "value": 84000.0, "Latitude": 35.32, "Longitude": -119.08, "Population": 5696.0}, {"index": 2975, "quantile": 0.25, "value": 106300.0, "Latitude": 35.32, "Longitude": -119.08, "Population": 5696.0}, {"index": 2975, "quantile": 0.5, "value": 106300.0, "Latitude": 35.32, "Longitude": -119.08, "Population": 5696.0}, {"index": 2975, "quantile": 0.75, "value": 123400.0, "Latitude": 35.32, "Longitude": -119.08, "Population": 5696.0}, {"index": 2975, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.32, "Longitude": -119.08, "Population": 5696.0}, {"index": 2976, "quantile": 0.0, "value": 87200.0, "Latitude": 35.33, "Longitude": -119.09, "Population": 3084.0}, {"index": 2976, "quantile": 0.25, "value": 122800.00000000001, "Latitude": 35.33, "Longitude": -119.09, "Population": 3084.0}, {"index": 2976, "quantile": 0.5, "value": 146200.0, "Latitude": 35.33, "Longitude": -119.09, "Population": 3084.0}, {"index": 2976, "quantile": 0.75, "value": 190525.0, "Latitude": 35.33, "Longitude": -119.09, "Population": 3084.0}, {"index": 2976, "quantile": 1.0, "value": 363500.0, "Latitude": 35.33, "Longitude": -119.09, "Population": 3084.0}, {"index": 2977, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 35.32, "Longitude": -119.06, "Population": 2355.0}, {"index": 2977, "quantile": 0.25, "value": 70700.0, "Latitude": 35.32, "Longitude": -119.06, "Population": 2355.0}, {"index": 2977, "quantile": 0.5, "value": 70700.0, "Latitude": 35.32, "Longitude": -119.06, "Population": 2355.0}, {"index": 2977, "quantile": 0.75, "value": 82600.0, "Latitude": 35.32, "Longitude": -119.06, "Population": 2355.0}, {"index": 2977, "quantile": 1.0, "value": 131700.0, "Latitude": 35.32, "Longitude": -119.06, "Population": 2355.0}, {"index": 2978, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 35.33, "Longitude": -119.07, "Population": 4870.0}, {"index": 2978, "quantile": 0.25, "value": 99500.0, "Latitude": 35.33, "Longitude": -119.07, "Population": 4870.0}, {"index": 2978, "quantile": 0.5, "value": 100699.99999999999, "Latitude": 35.33, "Longitude": -119.07, "Population": 4870.0}, {"index": 2978, "quantile": 0.75, "value": 100699.99999999999, "Latitude": 35.33, "Longitude": -119.07, "Population": 4870.0}, {"index": 2978, "quantile": 1.0, "value": 262400.0, "Latitude": 35.33, "Longitude": -119.07, "Population": 4870.0}, {"index": 2979, "quantile": 0.0, "value": 68400.0, "Latitude": 35.33, "Longitude": -119.06, "Population": 3278.0}, {"index": 2979, "quantile": 0.25, "value": 82800.0, "Latitude": 35.33, "Longitude": -119.06, "Population": 3278.0}, {"index": 2979, "quantile": 0.5, "value": 82800.0, "Latitude": 35.33, "Longitude": -119.06, "Population": 3278.0}, {"index": 2979, "quantile": 0.75, "value": 82800.0, "Latitude": 35.33, "Longitude": -119.06, "Population": 3278.0}, {"index": 2979, "quantile": 1.0, "value": 299300.0, "Latitude": 35.33, "Longitude": -119.06, "Population": 3278.0}, {"index": 2980, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 35.34, "Longitude": -119.02, "Population": 1375.0}, {"index": 2980, "quantile": 0.25, "value": 74300.0, "Latitude": 35.34, "Longitude": -119.02, "Population": 1375.0}, {"index": 2980, "quantile": 0.5, "value": 79050.0, "Latitude": 35.34, "Longitude": -119.02, "Population": 1375.0}, {"index": 2980, "quantile": 0.75, "value": 84775.0, "Latitude": 35.34, "Longitude": -119.02, "Population": 1375.0}, {"index": 2980, "quantile": 1.0, "value": 158600.0, "Latitude": 35.34, "Longitude": -119.02, "Population": 1375.0}, {"index": 2981, "quantile": 0.0, "value": 51000.0, "Latitude": 35.33, "Longitude": -119.02, "Population": 2072.0}, {"index": 2981, "quantile": 0.25, "value": 74725.0, "Latitude": 35.33, "Longitude": -119.02, "Population": 2072.0}, {"index": 2981, "quantile": 0.5, "value": 84700.0, "Latitude": 35.33, "Longitude": -119.02, "Population": 2072.0}, {"index": 2981, "quantile": 0.75, "value": 84700.0, "Latitude": 35.33, "Longitude": -119.02, "Population": 2072.0}, {"index": 2981, "quantile": 1.0, "value": 105300.0, "Latitude": 35.33, "Longitude": -119.02, "Population": 2072.0}, {"index": 2982, "quantile": 0.0, "value": 59700.0, "Latitude": 35.33, "Longitude": -119.03, "Population": 1627.0}, {"index": 2982, "quantile": 0.25, "value": 84675.0, "Latitude": 35.33, "Longitude": -119.03, "Population": 1627.0}, {"index": 2982, "quantile": 0.5, "value": 84700.0, "Latitude": 35.33, "Longitude": -119.03, "Population": 1627.0}, {"index": 2982, "quantile": 0.75, "value": 84700.0, "Latitude": 35.33, "Longitude": -119.03, "Population": 1627.0}, {"index": 2982, "quantile": 1.0, "value": 296100.0, "Latitude": 35.33, "Longitude": -119.03, "Population": 1627.0}, {"index": 2983, "quantile": 0.0, "value": 52100.0, "Latitude": 35.34, "Longitude": -119.03, "Population": 1131.0}, {"index": 2983, "quantile": 0.25, "value": 68500.0, "Latitude": 35.34, "Longitude": -119.03, "Population": 1131.0}, {"index": 2983, "quantile": 0.5, "value": 68500.0, "Latitude": 35.34, "Longitude": -119.03, "Population": 1131.0}, {"index": 2983, "quantile": 0.75, "value": 71825.0, "Latitude": 35.34, "Longitude": -119.03, "Population": 1131.0}, {"index": 2983, "quantile": 1.0, "value": 139700.0, "Latitude": 35.34, "Longitude": -119.03, "Population": 1131.0}, {"index": 2984, "quantile": 0.0, "value": 39400.0, "Latitude": 35.34, "Longitude": -119.01, "Population": 613.0}, {"index": 2984, "quantile": 0.25, "value": 42700.0, "Latitude": 35.34, "Longitude": -119.01, "Population": 613.0}, {"index": 2984, "quantile": 0.5, "value": 52850.0, "Latitude": 35.34, "Longitude": -119.01, "Population": 613.0}, {"index": 2984, "quantile": 0.75, "value": 57175.0, "Latitude": 35.34, "Longitude": -119.01, "Population": 613.0}, {"index": 2984, "quantile": 1.0, "value": 112500.0, "Latitude": 35.34, "Longitude": -119.01, "Population": 613.0}, {"index": 2985, "quantile": 0.0, "value": 39400.0, "Latitude": 35.33, "Longitude": -119.01, "Population": 677.0}, {"index": 2985, "quantile": 0.25, "value": 39400.0, "Latitude": 35.33, "Longitude": -119.01, "Population": 677.0}, {"index": 2985, "quantile": 0.5, "value": 39400.0, "Latitude": 35.33, "Longitude": -119.01, "Population": 677.0}, {"index": 2985, "quantile": 0.75, "value": 53150.00000000001, "Latitude": 35.33, "Longitude": -119.01, "Population": 677.0}, {"index": 2985, "quantile": 1.0, "value": 112500.0, "Latitude": 35.33, "Longitude": -119.01, "Population": 677.0}, {"index": 2986, "quantile": 0.0, "value": 33200.0, "Latitude": 35.33, "Longitude": -119.0, "Population": 620.0}, {"index": 2986, "quantile": 0.25, "value": 53800.0, "Latitude": 35.33, "Longitude": -119.0, "Population": 620.0}, {"index": 2986, "quantile": 0.5, "value": 53800.0, "Latitude": 35.33, "Longitude": -119.0, "Population": 620.0}, {"index": 2986, "quantile": 0.75, "value": 57999.99999999999, "Latitude": 35.33, "Longitude": -119.0, "Population": 620.0}, {"index": 2986, "quantile": 1.0, "value": 84700.0, "Latitude": 35.33, "Longitude": -119.0, "Population": 620.0}, {"index": 2987, "quantile": 0.0, "value": 47400.0, "Latitude": 35.33, "Longitude": -119.01, "Population": 1897.0}, {"index": 2987, "quantile": 0.25, "value": 63700.0, "Latitude": 35.33, "Longitude": -119.01, "Population": 1897.0}, {"index": 2987, "quantile": 0.5, "value": 63700.0, "Latitude": 35.33, "Longitude": -119.01, "Population": 1897.0}, {"index": 2987, "quantile": 0.75, "value": 67925.0, "Latitude": 35.33, "Longitude": -119.01, "Population": 1897.0}, {"index": 2987, "quantile": 1.0, "value": 105300.0, "Latitude": 35.33, "Longitude": -119.01, "Population": 1897.0}, {"index": 2988, "quantile": 0.0, "value": 52900.0, "Latitude": 35.33, "Longitude": -119.02, "Population": 1193.0}, {"index": 2988, "quantile": 0.25, "value": 65800.0, "Latitude": 35.33, "Longitude": -119.02, "Population": 1193.0}, {"index": 2988, "quantile": 0.5, "value": 65800.0, "Latitude": 35.33, "Longitude": -119.02, "Population": 1193.0}, {"index": 2988, "quantile": 0.75, "value": 67900.0, "Latitude": 35.33, "Longitude": -119.02, "Population": 1193.0}, {"index": 2988, "quantile": 1.0, "value": 96900.0, "Latitude": 35.33, "Longitude": -119.02, "Population": 1193.0}, {"index": 2989, "quantile": 0.0, "value": 39400.0, "Latitude": 35.34, "Longitude": -119.02, "Population": 1145.0}, {"index": 2989, "quantile": 0.25, "value": 53225.0, "Latitude": 35.34, "Longitude": -119.02, "Population": 1145.0}, {"index": 2989, "quantile": 0.5, "value": 56499.99999999999, "Latitude": 35.34, "Longitude": -119.02, "Population": 1145.0}, {"index": 2989, "quantile": 0.75, "value": 56499.99999999999, "Latitude": 35.34, "Longitude": -119.02, "Population": 1145.0}, {"index": 2989, "quantile": 1.0, "value": 65900.0, "Latitude": 35.34, "Longitude": -119.02, "Population": 1145.0}, {"index": 2990, "quantile": 0.0, "value": 39400.0, "Latitude": 35.32, "Longitude": -118.99, "Population": 870.0}, {"index": 2990, "quantile": 0.25, "value": 59500.0, "Latitude": 35.32, "Longitude": -118.99, "Population": 870.0}, {"index": 2990, "quantile": 0.5, "value": 59500.0, "Latitude": 35.32, "Longitude": -118.99, "Population": 870.0}, {"index": 2990, "quantile": 0.75, "value": 59500.0, "Latitude": 35.32, "Longitude": -118.99, "Population": 870.0}, {"index": 2990, "quantile": 1.0, "value": 112500.0, "Latitude": 35.32, "Longitude": -118.99, "Population": 870.0}, {"index": 2991, "quantile": 0.0, "value": 55600.00000000001, "Latitude": 35.3, "Longitude": -118.99, "Population": 1461.0}, {"index": 2991, "quantile": 0.25, "value": 56200.00000000001, "Latitude": 35.3, "Longitude": -118.99, "Population": 1461.0}, {"index": 2991, "quantile": 0.5, "value": 56200.00000000001, "Latitude": 35.3, "Longitude": -118.99, "Population": 1461.0}, {"index": 2991, "quantile": 0.75, "value": 61500.0, "Latitude": 35.3, "Longitude": -118.99, "Population": 1461.0}, {"index": 2991, "quantile": 1.0, "value": 106900.0, "Latitude": 35.3, "Longitude": -118.99, "Population": 1461.0}, {"index": 2992, "quantile": 0.0, "value": 48500.0, "Latitude": 35.31, "Longitude": -119.0, "Population": 767.0}, {"index": 2992, "quantile": 0.25, "value": 53300.0, "Latitude": 35.31, "Longitude": -119.0, "Population": 767.0}, {"index": 2992, "quantile": 0.5, "value": 53300.0, "Latitude": 35.31, "Longitude": -119.0, "Population": 767.0}, {"index": 2992, "quantile": 0.75, "value": 53800.0, "Latitude": 35.31, "Longitude": -119.0, "Population": 767.0}, {"index": 2992, "quantile": 1.0, "value": 93800.0, "Latitude": 35.31, "Longitude": -119.0, "Population": 767.0}, {"index": 2993, "quantile": 0.0, "value": 72900.0, "Latitude": 35.3, "Longitude": -119.09, "Population": 1353.0}, {"index": 2993, "quantile": 0.25, "value": 99500.0, "Latitude": 35.3, "Longitude": -119.09, "Population": 1353.0}, {"index": 2993, "quantile": 0.5, "value": 109800.00000000001, "Latitude": 35.3, "Longitude": -119.09, "Population": 1353.0}, {"index": 2993, "quantile": 0.75, "value": 109800.00000000001, "Latitude": 35.3, "Longitude": -119.09, "Population": 1353.0}, {"index": 2993, "quantile": 1.0, "value": 145000.0, "Latitude": 35.3, "Longitude": -119.09, "Population": 1353.0}, {"index": 2994, "quantile": 0.0, "value": 33200.0, "Latitude": 35.32, "Longitude": -119.04, "Population": 34.0}, {"index": 2994, "quantile": 0.25, "value": 50000.0, "Latitude": 35.32, "Longitude": -119.04, "Population": 34.0}, {"index": 2994, "quantile": 0.5, "value": 50000.0, "Latitude": 35.32, "Longitude": -119.04, "Population": 34.0}, {"index": 2994, "quantile": 0.75, "value": 73550.0, "Latitude": 35.32, "Longitude": -119.04, "Population": 34.0}, {"index": 2994, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.32, "Longitude": -119.04, "Population": 34.0}, {"index": 2995, "quantile": 0.0, "value": 40400.0, "Latitude": 35.32, "Longitude": -119.05, "Population": 3525.0}, {"index": 2995, "quantile": 0.25, "value": 93600.0, "Latitude": 35.32, "Longitude": -119.05, "Population": 3525.0}, {"index": 2995, "quantile": 0.5, "value": 93600.0, "Latitude": 35.32, "Longitude": -119.05, "Population": 3525.0}, {"index": 2995, "quantile": 0.75, "value": 99575.0, "Latitude": 35.32, "Longitude": -119.05, "Population": 3525.0}, {"index": 2995, "quantile": 1.0, "value": 198700.0, "Latitude": 35.32, "Longitude": -119.05, "Population": 3525.0}, {"index": 2996, "quantile": 0.0, "value": 70200.0, "Latitude": 35.31, "Longitude": -119.04, "Population": 1267.0}, {"index": 2996, "quantile": 0.25, "value": 92700.0, "Latitude": 35.31, "Longitude": -119.04, "Population": 1267.0}, {"index": 2996, "quantile": 0.5, "value": 92700.0, "Latitude": 35.31, "Longitude": -119.04, "Population": 1267.0}, {"index": 2996, "quantile": 0.75, "value": 92700.0, "Latitude": 35.31, "Longitude": -119.04, "Population": 1267.0}, {"index": 2996, "quantile": 1.0, "value": 179600.0, "Latitude": 35.31, "Longitude": -119.04, "Population": 1267.0}, {"index": 2997, "quantile": 0.0, "value": 52100.0, "Latitude": 35.32, "Longitude": -119.03, "Population": 1294.0}, {"index": 2997, "quantile": 0.25, "value": 75700.0, "Latitude": 35.32, "Longitude": -119.03, "Population": 1294.0}, {"index": 2997, "quantile": 0.5, "value": 84800.0, "Latitude": 35.32, "Longitude": -119.03, "Population": 1294.0}, {"index": 2997, "quantile": 0.75, "value": 89200.0, "Latitude": 35.32, "Longitude": -119.03, "Population": 1294.0}, {"index": 2997, "quantile": 1.0, "value": 163800.0, "Latitude": 35.32, "Longitude": -119.03, "Population": 1294.0}, {"index": 2998, "quantile": 0.0, "value": 68500.0, "Latitude": 35.32, "Longitude": -119.02, "Population": 1821.0}, {"index": 2998, "quantile": 0.25, "value": 82600.0, "Latitude": 35.32, "Longitude": -119.02, "Population": 1821.0}, {"index": 2998, "quantile": 0.5, "value": 82600.0, "Latitude": 35.32, "Longitude": -119.02, "Population": 1821.0}, {"index": 2998, "quantile": 0.75, "value": 82600.0, "Latitude": 35.32, "Longitude": -119.02, "Population": 1821.0}, {"index": 2998, "quantile": 1.0, "value": 235000.0, "Latitude": 35.32, "Longitude": -119.02, "Population": 1821.0}, {"index": 2999, "quantile": 0.0, "value": 72100.0, "Latitude": 35.3, "Longitude": -119.05, "Population": 6241.0}, {"index": 2999, "quantile": 0.25, "value": 88200.0, "Latitude": 35.3, "Longitude": -119.05, "Population": 6241.0}, {"index": 2999, "quantile": 0.5, "value": 88200.0, "Latitude": 35.3, "Longitude": -119.05, "Population": 6241.0}, {"index": 2999, "quantile": 0.75, "value": 88250.0, "Latitude": 35.3, "Longitude": -119.05, "Population": 6241.0}, {"index": 2999, "quantile": 1.0, "value": 205399.99999999997, "Latitude": 35.3, "Longitude": -119.05, "Population": 6241.0}, {"index": 3000, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 35.3, "Longitude": -119.03, "Population": 447.0}, {"index": 3000, "quantile": 0.25, "value": 102899.99999999999, "Latitude": 35.3, "Longitude": -119.03, "Population": 447.0}, {"index": 3000, "quantile": 0.5, "value": 102899.99999999999, "Latitude": 35.3, "Longitude": -119.03, "Population": 447.0}, {"index": 3000, "quantile": 0.75, "value": 102899.99999999999, "Latitude": 35.3, "Longitude": -119.03, "Population": 447.0}, {"index": 3000, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.3, "Longitude": -119.03, "Population": 447.0}, {"index": 3001, "quantile": 0.0, "value": 67600.0, "Latitude": 35.3, "Longitude": -119.02, "Population": 4611.0}, {"index": 3001, "quantile": 0.25, "value": 80900.0, "Latitude": 35.3, "Longitude": -119.02, "Population": 4611.0}, {"index": 3001, "quantile": 0.5, "value": 81600.0, "Latitude": 35.3, "Longitude": -119.02, "Population": 4611.0}, {"index": 3001, "quantile": 0.75, "value": 81600.0, "Latitude": 35.3, "Longitude": -119.02, "Population": 4611.0}, {"index": 3001, "quantile": 1.0, "value": 140800.0, "Latitude": 35.3, "Longitude": -119.02, "Population": 4611.0}, {"index": 3002, "quantile": 0.0, "value": 52100.0, "Latitude": 35.32, "Longitude": -119.01, "Population": 2717.0}, {"index": 3002, "quantile": 0.25, "value": 70000.0, "Latitude": 35.32, "Longitude": -119.01, "Population": 2717.0}, {"index": 3002, "quantile": 0.5, "value": 70000.0, "Latitude": 35.32, "Longitude": -119.01, "Population": 2717.0}, {"index": 3002, "quantile": 0.75, "value": 70000.0, "Latitude": 35.32, "Longitude": -119.01, "Population": 2717.0}, {"index": 3002, "quantile": 1.0, "value": 97900.0, "Latitude": 35.32, "Longitude": -119.01, "Population": 2717.0}, {"index": 3003, "quantile": 0.0, "value": 26600.0, "Latitude": 35.31, "Longitude": -119.01, "Population": 4101.0}, {"index": 3003, "quantile": 0.25, "value": 71075.0, "Latitude": 35.31, "Longitude": -119.01, "Population": 4101.0}, {"index": 3003, "quantile": 0.5, "value": 74800.0, "Latitude": 35.31, "Longitude": -119.01, "Population": 4101.0}, {"index": 3003, "quantile": 0.75, "value": 74800.0, "Latitude": 35.31, "Longitude": -119.01, "Population": 4101.0}, {"index": 3003, "quantile": 1.0, "value": 176700.0, "Latitude": 35.31, "Longitude": -119.01, "Population": 4101.0}, {"index": 3004, "quantile": 0.0, "value": 72100.0, "Latitude": 35.3, "Longitude": -119.01, "Population": 4893.0}, {"index": 3004, "quantile": 0.25, "value": 80900.0, "Latitude": 35.3, "Longitude": -119.01, "Population": 4893.0}, {"index": 3004, "quantile": 0.5, "value": 80900.0, "Latitude": 35.3, "Longitude": -119.01, "Population": 4893.0}, {"index": 3004, "quantile": 0.75, "value": 88200.0, "Latitude": 35.3, "Longitude": -119.01, "Population": 4893.0}, {"index": 3004, "quantile": 1.0, "value": 205399.99999999997, "Latitude": 35.3, "Longitude": -119.01, "Population": 4893.0}, {"index": 3005, "quantile": 0.0, "value": 26600.0, "Latitude": 35.27, "Longitude": -119.07, "Population": 1830.0}, {"index": 3005, "quantile": 0.25, "value": 73275.0, "Latitude": 35.27, "Longitude": -119.07, "Population": 1830.0}, {"index": 3005, "quantile": 0.5, "value": 97900.0, "Latitude": 35.27, "Longitude": -119.07, "Population": 1830.0}, {"index": 3005, "quantile": 0.75, "value": 97900.0, "Latitude": 35.27, "Longitude": -119.07, "Population": 1830.0}, {"index": 3005, "quantile": 1.0, "value": 128899.99999999999, "Latitude": 35.27, "Longitude": -119.07, "Population": 1830.0}, {"index": 3006, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 35.22, "Longitude": -119.13, "Population": 3269.0}, {"index": 3006, "quantile": 0.25, "value": 118200.0, "Latitude": 35.22, "Longitude": -119.13, "Population": 3269.0}, {"index": 3006, "quantile": 0.5, "value": 118200.0, "Latitude": 35.22, "Longitude": -119.13, "Population": 3269.0}, {"index": 3006, "quantile": 0.75, "value": 157300.0, "Latitude": 35.22, "Longitude": -119.13, "Population": 3269.0}, {"index": 3006, "quantile": 1.0, "value": 311200.0, "Latitude": 35.22, "Longitude": -119.13, "Population": 3269.0}, {"index": 3007, "quantile": 0.0, "value": 61100.0, "Latitude": 35.24, "Longitude": -119.01, "Population": 66.0}, {"index": 3007, "quantile": 0.25, "value": 65000.0, "Latitude": 35.24, "Longitude": -119.01, "Population": 66.0}, {"index": 3007, "quantile": 0.5, "value": 65000.0, "Latitude": 35.24, "Longitude": -119.01, "Population": 66.0}, {"index": 3007, "quantile": 0.75, "value": 94125.0, "Latitude": 35.24, "Longitude": -119.01, "Population": 66.0}, {"index": 3007, "quantile": 1.0, "value": 475000.0, "Latitude": 35.24, "Longitude": -119.01, "Population": 66.0}, {"index": 3008, "quantile": 0.0, "value": 63300.0, "Latitude": 35.28, "Longitude": -119.01, "Population": 4163.0}, {"index": 3008, "quantile": 0.25, "value": 77500.0, "Latitude": 35.28, "Longitude": -119.01, "Population": 4163.0}, {"index": 3008, "quantile": 0.5, "value": 77500.0, "Latitude": 35.28, "Longitude": -119.01, "Population": 4163.0}, {"index": 3008, "quantile": 0.75, "value": 77500.0, "Latitude": 35.28, "Longitude": -119.01, "Population": 4163.0}, {"index": 3008, "quantile": 1.0, "value": 130000.0, "Latitude": 35.28, "Longitude": -119.01, "Population": 4163.0}, {"index": 3009, "quantile": 0.0, "value": 17500.0, "Latitude": 35.24, "Longitude": -118.99, "Population": 213.0}, {"index": 3009, "quantile": 0.25, "value": 91700.0, "Latitude": 35.24, "Longitude": -118.99, "Population": 213.0}, {"index": 3009, "quantile": 0.5, "value": 91700.0, "Latitude": 35.24, "Longitude": -118.99, "Population": 213.0}, {"index": 3009, "quantile": 0.75, "value": 91700.0, "Latitude": 35.24, "Longitude": -118.99, "Population": 213.0}, {"index": 3009, "quantile": 1.0, "value": 337500.0, "Latitude": 35.24, "Longitude": -118.99, "Population": 213.0}, {"index": 3010, "quantile": 0.0, "value": 39800.0, "Latitude": 35.27, "Longitude": -118.99, "Population": 242.0}, {"index": 3010, "quantile": 0.25, "value": 96625.0, "Latitude": 35.27, "Longitude": -118.99, "Population": 242.0}, {"index": 3010, "quantile": 0.5, "value": 150000.0, "Latitude": 35.27, "Longitude": -118.99, "Population": 242.0}, {"index": 3010, "quantile": 0.75, "value": 150000.0, "Latitude": 35.27, "Longitude": -118.99, "Population": 242.0}, {"index": 3010, "quantile": 1.0, "value": 158300.0, "Latitude": 35.27, "Longitude": -118.99, "Population": 242.0}, {"index": 3011, "quantile": 0.0, "value": 37500.0, "Latitude": 34.82, "Longitude": -118.93, "Population": 323.0}, {"index": 3011, "quantile": 0.25, "value": 113900.0, "Latitude": 34.82, "Longitude": -118.93, "Population": 323.0}, {"index": 3011, "quantile": 0.5, "value": 113900.0, "Latitude": 34.82, "Longitude": -118.93, "Population": 323.0}, {"index": 3011, "quantile": 0.75, "value": 113900.0, "Latitude": 34.82, "Longitude": -118.93, "Population": 323.0}, {"index": 3011, "quantile": 1.0, "value": 395500.0, "Latitude": 34.82, "Longitude": -118.93, "Population": 323.0}, {"index": 3012, "quantile": 0.0, "value": 40400.0, "Latitude": 34.83, "Longitude": -118.95, "Population": 1338.0}, {"index": 3012, "quantile": 0.25, "value": 83450.0, "Latitude": 34.83, "Longitude": -118.95, "Population": 1338.0}, {"index": 3012, "quantile": 0.5, "value": 107250.0, "Latitude": 34.83, "Longitude": -118.95, "Population": 1338.0}, {"index": 3012, "quantile": 0.75, "value": 139700.0, "Latitude": 34.83, "Longitude": -118.95, "Population": 1338.0}, {"index": 3012, "quantile": 1.0, "value": 230799.99999999997, "Latitude": 34.83, "Longitude": -118.95, "Population": 1338.0}, {"index": 3013, "quantile": 0.0, "value": 40400.0, "Latitude": 34.81, "Longitude": -118.95, "Population": 1089.0}, {"index": 3013, "quantile": 0.25, "value": 123500.00000000001, "Latitude": 34.81, "Longitude": -118.95, "Population": 1089.0}, {"index": 3013, "quantile": 0.5, "value": 123500.00000000001, "Latitude": 34.81, "Longitude": -118.95, "Population": 1089.0}, {"index": 3013, "quantile": 0.75, "value": 123500.00000000001, "Latitude": 34.81, "Longitude": -118.95, "Population": 1089.0}, {"index": 3013, "quantile": 1.0, "value": 324400.0, "Latitude": 34.81, "Longitude": -118.95, "Population": 1089.0}, {"index": 3014, "quantile": 0.0, "value": 88300.0, "Latitude": 34.83, "Longitude": -119.15, "Population": 2006.0}, {"index": 3014, "quantile": 0.25, "value": 168400.0, "Latitude": 34.83, "Longitude": -119.15, "Population": 2006.0}, {"index": 3014, "quantile": 0.5, "value": 168400.0, "Latitude": 34.83, "Longitude": -119.15, "Population": 2006.0}, {"index": 3014, "quantile": 0.75, "value": 168400.0, "Latitude": 34.83, "Longitude": -119.15, "Population": 2006.0}, {"index": 3014, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.83, "Longitude": -119.15, "Population": 2006.0}, {"index": 3015, "quantile": 0.0, "value": 71000.0, "Latitude": 34.95, "Longitude": -119.16, "Population": 1581.0}, {"index": 3015, "quantile": 0.25, "value": 132550.0, "Latitude": 34.95, "Longitude": -119.16, "Population": 1581.0}, {"index": 3015, "quantile": 0.5, "value": 148200.0, "Latitude": 34.95, "Longitude": -119.16, "Population": 1581.0}, {"index": 3015, "quantile": 0.75, "value": 148200.0, "Latitude": 34.95, "Longitude": -119.16, "Population": 1581.0}, {"index": 3015, "quantile": 1.0, "value": 166000.0, "Latitude": 34.95, "Longitude": -119.16, "Population": 1581.0}, {"index": 3016, "quantile": 0.0, "value": 84500.0, "Latitude": 34.82, "Longitude": -118.93, "Population": 229.0}, {"index": 3016, "quantile": 0.25, "value": 128299.99999999999, "Latitude": 34.82, "Longitude": -118.93, "Population": 229.0}, {"index": 3016, "quantile": 0.5, "value": 128299.99999999999, "Latitude": 34.82, "Longitude": -118.93, "Population": 229.0}, {"index": 3016, "quantile": 0.75, "value": 128299.99999999999, "Latitude": 34.82, "Longitude": -118.93, "Population": 229.0}, {"index": 3016, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.82, "Longitude": -118.93, "Population": 229.0}, {"index": 3017, "quantile": 0.0, "value": 52100.0, "Latitude": 35.06, "Longitude": -119.4, "Population": 1250.0}, {"index": 3017, "quantile": 0.25, "value": 52100.0, "Latitude": 35.06, "Longitude": -119.4, "Population": 1250.0}, {"index": 3017, "quantile": 0.5, "value": 52100.0, "Latitude": 35.06, "Longitude": -119.4, "Population": 1250.0}, {"index": 3017, "quantile": 0.75, "value": 75925.0, "Latitude": 35.06, "Longitude": -119.4, "Population": 1250.0}, {"index": 3017, "quantile": 1.0, "value": 204800.0, "Latitude": 35.06, "Longitude": -119.4, "Population": 1250.0}, {"index": 3018, "quantile": 0.0, "value": 30000.0, "Latitude": 35.07, "Longitude": -119.45, "Population": 500.0}, {"index": 3018, "quantile": 0.25, "value": 30000.0, "Latitude": 35.07, "Longitude": -119.45, "Population": 500.0}, {"index": 3018, "quantile": 0.5, "value": 30000.0, "Latitude": 35.07, "Longitude": -119.45, "Population": 500.0}, {"index": 3018, "quantile": 0.75, "value": 71000.0, "Latitude": 35.07, "Longitude": -119.45, "Population": 500.0}, {"index": 3018, "quantile": 1.0, "value": 204800.0, "Latitude": 35.07, "Longitude": -119.45, "Population": 500.0}, {"index": 3019, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 35.19, "Longitude": -119.42, "Population": 483.0}, {"index": 3019, "quantile": 0.25, "value": 85825.0, "Latitude": 35.19, "Longitude": -119.42, "Population": 483.0}, {"index": 3019, "quantile": 0.5, "value": 102749.99999999999, "Latitude": 35.19, "Longitude": -119.42, "Population": 483.0}, {"index": 3019, "quantile": 0.75, "value": 131500.0, "Latitude": 35.19, "Longitude": -119.42, "Population": 483.0}, {"index": 3019, "quantile": 1.0, "value": 400000.0, "Latitude": 35.19, "Longitude": -119.42, "Population": 483.0}, {"index": 3020, "quantile": 0.0, "value": 37500.0, "Latitude": 35.27, "Longitude": -119.5, "Population": 1993.0}, {"index": 3020, "quantile": 0.25, "value": 77275.0, "Latitude": 35.27, "Longitude": -119.5, "Population": 1993.0}, {"index": 3020, "quantile": 0.5, "value": 104700.0, "Latitude": 35.27, "Longitude": -119.5, "Population": 1993.0}, {"index": 3020, "quantile": 0.75, "value": 126299.99999999999, "Latitude": 35.27, "Longitude": -119.5, "Population": 1993.0}, {"index": 3020, "quantile": 1.0, "value": 204800.0, "Latitude": 35.27, "Longitude": -119.5, "Population": 1993.0}, {"index": 3021, "quantile": 0.0, "value": 37500.0, "Latitude": 35.17, "Longitude": -119.48, "Population": 39.0}, {"index": 3021, "quantile": 0.25, "value": 37500.0, "Latitude": 35.17, "Longitude": -119.48, "Population": 39.0}, {"index": 3021, "quantile": 0.5, "value": 37500.0, "Latitude": 35.17, "Longitude": -119.48, "Population": 39.0}, {"index": 3021, "quantile": 0.75, "value": 126025.00000000001, "Latitude": 35.17, "Longitude": -119.48, "Population": 39.0}, {"index": 3021, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.17, "Longitude": -119.48, "Population": 39.0}, {"index": 3022, "quantile": 0.0, "value": 26600.0, "Latitude": 35.16, "Longitude": -119.45, "Population": 1783.0}, {"index": 3022, "quantile": 0.25, "value": 52900.0, "Latitude": 35.16, "Longitude": -119.45, "Population": 1783.0}, {"index": 3022, "quantile": 0.5, "value": 52900.0, "Latitude": 35.16, "Longitude": -119.45, "Population": 1783.0}, {"index": 3022, "quantile": 0.75, "value": 64300.0, "Latitude": 35.16, "Longitude": -119.45, "Population": 1783.0}, {"index": 3022, "quantile": 1.0, "value": 247000.00000000003, "Latitude": 35.16, "Longitude": -119.45, "Population": 1783.0}, {"index": 3023, "quantile": 0.0, "value": 26600.0, "Latitude": 35.17, "Longitude": -119.46, "Population": 1998.0}, {"index": 3023, "quantile": 0.25, "value": 63800.0, "Latitude": 35.17, "Longitude": -119.46, "Population": 1998.0}, {"index": 3023, "quantile": 0.5, "value": 67900.0, "Latitude": 35.17, "Longitude": -119.46, "Population": 1998.0}, {"index": 3023, "quantile": 0.75, "value": 72900.0, "Latitude": 35.17, "Longitude": -119.46, "Population": 1998.0}, {"index": 3023, "quantile": 1.0, "value": 414700.0, "Latitude": 35.17, "Longitude": -119.46, "Population": 1998.0}, {"index": 3024, "quantile": 0.0, "value": 26600.0, "Latitude": 35.14, "Longitude": -119.46, "Population": 1565.0}, {"index": 3024, "quantile": 0.25, "value": 60324.99999999999, "Latitude": 35.14, "Longitude": -119.46, "Population": 1565.0}, {"index": 3024, "quantile": 0.5, "value": 71600.0, "Latitude": 35.14, "Longitude": -119.46, "Population": 1565.0}, {"index": 3024, "quantile": 0.75, "value": 85900.0, "Latitude": 35.14, "Longitude": -119.46, "Population": 1565.0}, {"index": 3024, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 35.14, "Longitude": -119.46, "Population": 1565.0}, {"index": 3025, "quantile": 0.0, "value": 70700.0, "Latitude": 35.14, "Longitude": -119.47, "Population": 1973.0}, {"index": 3025, "quantile": 0.25, "value": 88300.0, "Latitude": 35.14, "Longitude": -119.47, "Population": 1973.0}, {"index": 3025, "quantile": 0.5, "value": 88300.0, "Latitude": 35.14, "Longitude": -119.47, "Population": 1973.0}, {"index": 3025, "quantile": 0.75, "value": 88300.0, "Latitude": 35.14, "Longitude": -119.47, "Population": 1973.0}, {"index": 3025, "quantile": 1.0, "value": 147100.0, "Latitude": 35.14, "Longitude": -119.47, "Population": 1973.0}, {"index": 3026, "quantile": 0.0, "value": 63500.0, "Latitude": 35.15, "Longitude": -119.45, "Population": 2293.0}, {"index": 3026, "quantile": 0.25, "value": 75400.0, "Latitude": 35.15, "Longitude": -119.45, "Population": 2293.0}, {"index": 3026, "quantile": 0.5, "value": 75400.0, "Latitude": 35.15, "Longitude": -119.45, "Population": 2293.0}, {"index": 3026, "quantile": 0.75, "value": 81924.99999999999, "Latitude": 35.15, "Longitude": -119.45, "Population": 2293.0}, {"index": 3026, "quantile": 1.0, "value": 257100.00000000003, "Latitude": 35.15, "Longitude": -119.45, "Population": 2293.0}, {"index": 3027, "quantile": 0.0, "value": 26600.0, "Latitude": 35.13, "Longitude": -119.45, "Population": 808.0}, {"index": 3027, "quantile": 0.25, "value": 26600.0, "Latitude": 35.13, "Longitude": -119.45, "Population": 808.0}, {"index": 3027, "quantile": 0.5, "value": 26600.0, "Latitude": 35.13, "Longitude": -119.45, "Population": 808.0}, {"index": 3027, "quantile": 0.75, "value": 58149.99999999999, "Latitude": 35.13, "Longitude": -119.45, "Population": 808.0}, {"index": 3027, "quantile": 1.0, "value": 263500.0, "Latitude": 35.13, "Longitude": -119.45, "Population": 808.0}, {"index": 3028, "quantile": 0.0, "value": 26600.0, "Latitude": 35.13, "Longitude": -119.46, "Population": 1423.0}, {"index": 3028, "quantile": 0.25, "value": 26900.0, "Latitude": 35.13, "Longitude": -119.46, "Population": 1423.0}, {"index": 3028, "quantile": 0.5, "value": 26900.0, "Latitude": 35.13, "Longitude": -119.46, "Population": 1423.0}, {"index": 3028, "quantile": 0.75, "value": 59300.0, "Latitude": 35.13, "Longitude": -119.46, "Population": 1423.0}, {"index": 3028, "quantile": 1.0, "value": 247000.00000000003, "Latitude": 35.13, "Longitude": -119.46, "Population": 1423.0}, {"index": 3029, "quantile": 0.0, "value": 30000.0, "Latitude": 35.13, "Longitude": -119.47, "Population": 2140.0}, {"index": 3029, "quantile": 0.25, "value": 63800.0, "Latitude": 35.13, "Longitude": -119.47, "Population": 2140.0}, {"index": 3029, "quantile": 0.5, "value": 63800.0, "Latitude": 35.13, "Longitude": -119.47, "Population": 2140.0}, {"index": 3029, "quantile": 0.75, "value": 66675.0, "Latitude": 35.13, "Longitude": -119.47, "Population": 2140.0}, {"index": 3029, "quantile": 1.0, "value": 258400.0, "Latitude": 35.13, "Longitude": -119.47, "Population": 2140.0}, {"index": 3030, "quantile": 0.0, "value": 48700.0, "Latitude": 35.4, "Longitude": -119.47, "Population": 1301.0}, {"index": 3030, "quantile": 0.25, "value": 69800.0, "Latitude": 35.4, "Longitude": -119.47, "Population": 1301.0}, {"index": 3030, "quantile": 0.5, "value": 69800.0, "Latitude": 35.4, "Longitude": -119.47, "Population": 1301.0}, {"index": 3030, "quantile": 0.75, "value": 69800.0, "Latitude": 35.4, "Longitude": -119.47, "Population": 1301.0}, {"index": 3030, "quantile": 1.0, "value": 112500.0, "Latitude": 35.4, "Longitude": -119.47, "Population": 1301.0}, {"index": 3031, "quantile": 0.0, "value": 56200.00000000001, "Latitude": 35.4, "Longitude": -119.42, "Population": 1442.0}, {"index": 3031, "quantile": 0.25, "value": 87800.0, "Latitude": 35.4, "Longitude": -119.42, "Population": 1442.0}, {"index": 3031, "quantile": 0.5, "value": 104700.0, "Latitude": 35.4, "Longitude": -119.42, "Population": 1442.0}, {"index": 3031, "quantile": 0.75, "value": 104700.0, "Latitude": 35.4, "Longitude": -119.42, "Population": 1442.0}, {"index": 3031, "quantile": 1.0, "value": 129200.0, "Latitude": 35.4, "Longitude": -119.42, "Population": 1442.0}, {"index": 3032, "quantile": 0.0, "value": 78700.0, "Latitude": 35.41, "Longitude": -119.12, "Population": 3018.0}, {"index": 3032, "quantile": 0.25, "value": 96900.0, "Latitude": 35.41, "Longitude": -119.12, "Population": 3018.0}, {"index": 3032, "quantile": 0.5, "value": 96900.0, "Latitude": 35.41, "Longitude": -119.12, "Population": 3018.0}, {"index": 3032, "quantile": 0.75, "value": 97000.0, "Latitude": 35.41, "Longitude": -119.12, "Population": 3018.0}, {"index": 3032, "quantile": 1.0, "value": 205399.99999999997, "Latitude": 35.41, "Longitude": -119.12, "Population": 3018.0}, {"index": 3033, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 35.39, "Longitude": -119.11, "Population": 451.0}, {"index": 3033, "quantile": 0.25, "value": 82800.0, "Latitude": 35.39, "Longitude": -119.11, "Population": 451.0}, {"index": 3033, "quantile": 0.5, "value": 95800.0, "Latitude": 35.39, "Longitude": -119.11, "Population": 451.0}, {"index": 3033, "quantile": 0.75, "value": 105300.0, "Latitude": 35.39, "Longitude": -119.11, "Population": 451.0}, {"index": 3033, "quantile": 1.0, "value": 139200.0, "Latitude": 35.39, "Longitude": -119.11, "Population": 451.0}, {"index": 3034, "quantile": 0.0, "value": 87100.0, "Latitude": 35.39, "Longitude": -119.12, "Population": 552.0}, {"index": 3034, "quantile": 0.25, "value": 94300.0, "Latitude": 35.39, "Longitude": -119.12, "Population": 552.0}, {"index": 3034, "quantile": 0.5, "value": 94300.0, "Latitude": 35.39, "Longitude": -119.12, "Population": 552.0}, {"index": 3034, "quantile": 0.75, "value": 117225.0, "Latitude": 35.39, "Longitude": -119.12, "Population": 552.0}, {"index": 3034, "quantile": 1.0, "value": 385700.0, "Latitude": 35.39, "Longitude": -119.12, "Population": 552.0}, {"index": 3035, "quantile": 0.0, "value": 79300.0, "Latitude": 35.41, "Longitude": -119.19, "Population": 1399.0}, {"index": 3035, "quantile": 0.25, "value": 127975.0, "Latitude": 35.41, "Longitude": -119.19, "Population": 1399.0}, {"index": 3035, "quantile": 0.5, "value": 149000.0, "Latitude": 35.41, "Longitude": -119.19, "Population": 1399.0}, {"index": 3035, "quantile": 0.75, "value": 149000.0, "Latitude": 35.41, "Longitude": -119.19, "Population": 1399.0}, {"index": 3035, "quantile": 1.0, "value": 164600.0, "Latitude": 35.41, "Longitude": -119.19, "Population": 1399.0}, {"index": 3036, "quantile": 0.0, "value": 118200.0, "Latitude": 35.37, "Longitude": -119.2, "Population": 3415.0}, {"index": 3036, "quantile": 0.25, "value": 157300.0, "Latitude": 35.37, "Longitude": -119.2, "Population": 3415.0}, {"index": 3036, "quantile": 0.5, "value": 157300.0, "Latitude": 35.37, "Longitude": -119.2, "Population": 3415.0}, {"index": 3036, "quantile": 0.75, "value": 157300.0, "Latitude": 35.37, "Longitude": -119.2, "Population": 3415.0}, {"index": 3036, "quantile": 1.0, "value": 311200.0, "Latitude": 35.37, "Longitude": -119.2, "Population": 3415.0}, {"index": 3037, "quantile": 0.0, "value": 86300.0, "Latitude": 35.38, "Longitude": -119.12, "Population": 706.0}, {"index": 3037, "quantile": 0.25, "value": 121000.0, "Latitude": 35.38, "Longitude": -119.12, "Population": 706.0}, {"index": 3037, "quantile": 0.5, "value": 121000.0, "Latitude": 35.38, "Longitude": -119.12, "Population": 706.0}, {"index": 3037, "quantile": 0.75, "value": 121000.0, "Latitude": 35.38, "Longitude": -119.12, "Population": 706.0}, {"index": 3037, "quantile": 1.0, "value": 221800.0, "Latitude": 35.38, "Longitude": -119.12, "Population": 706.0}, {"index": 3038, "quantile": 0.0, "value": 40400.0, "Latitude": 35.38, "Longitude": -119.11, "Population": 894.0}, {"index": 3038, "quantile": 0.25, "value": 67625.0, "Latitude": 35.38, "Longitude": -119.11, "Population": 894.0}, {"index": 3038, "quantile": 0.5, "value": 72300.0, "Latitude": 35.38, "Longitude": -119.11, "Population": 894.0}, {"index": 3038, "quantile": 0.75, "value": 85500.0, "Latitude": 35.38, "Longitude": -119.11, "Population": 894.0}, {"index": 3038, "quantile": 1.0, "value": 139700.0, "Latitude": 35.38, "Longitude": -119.11, "Population": 894.0}, {"index": 3039, "quantile": 0.0, "value": 87200.0, "Latitude": 35.37, "Longitude": -119.12, "Population": 2170.0}, {"index": 3039, "quantile": 0.25, "value": 146200.0, "Latitude": 35.37, "Longitude": -119.12, "Population": 2170.0}, {"index": 3039, "quantile": 0.5, "value": 146200.0, "Latitude": 35.37, "Longitude": -119.12, "Population": 2170.0}, {"index": 3039, "quantile": 0.75, "value": 146200.0, "Latitude": 35.37, "Longitude": -119.12, "Population": 2170.0}, {"index": 3039, "quantile": 1.0, "value": 279700.0, "Latitude": 35.37, "Longitude": -119.12, "Population": 2170.0}, {"index": 3040, "quantile": 0.0, "value": 37500.0, "Latitude": 35.5, "Longitude": -119.18, "Population": 932.0}, {"index": 3040, "quantile": 0.25, "value": 59275.0, "Latitude": 35.5, "Longitude": -119.18, "Population": 932.0}, {"index": 3040, "quantile": 0.5, "value": 110400.00000000001, "Latitude": 35.5, "Longitude": -119.18, "Population": 932.0}, {"index": 3040, "quantile": 0.75, "value": 110400.00000000001, "Latitude": 35.5, "Longitude": -119.18, "Population": 932.0}, {"index": 3040, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 35.5, "Longitude": -119.18, "Population": 932.0}, {"index": 3041, "quantile": 0.0, "value": 37500.0, "Latitude": 35.52, "Longitude": -119.28, "Population": 573.0}, {"index": 3041, "quantile": 0.25, "value": 37500.0, "Latitude": 35.52, "Longitude": -119.28, "Population": 573.0}, {"index": 3041, "quantile": 0.5, "value": 37500.0, "Latitude": 35.52, "Longitude": -119.28, "Population": 573.0}, {"index": 3041, "quantile": 0.75, "value": 64525.0, "Latitude": 35.52, "Longitude": -119.28, "Population": 573.0}, {"index": 3041, "quantile": 1.0, "value": 137500.0, "Latitude": 35.52, "Longitude": -119.28, "Population": 573.0}, {"index": 3042, "quantile": 0.0, "value": 26600.0, "Latitude": 35.49, "Longitude": -119.27, "Population": 1815.0}, {"index": 3042, "quantile": 0.25, "value": 53900.0, "Latitude": 35.49, "Longitude": -119.27, "Population": 1815.0}, {"index": 3042, "quantile": 0.5, "value": 60050.0, "Latitude": 35.49, "Longitude": -119.27, "Population": 1815.0}, {"index": 3042, "quantile": 0.75, "value": 69824.99999999999, "Latitude": 35.49, "Longitude": -119.27, "Population": 1815.0}, {"index": 3042, "quantile": 1.0, "value": 129200.0, "Latitude": 35.49, "Longitude": -119.27, "Population": 1815.0}, {"index": 3043, "quantile": 0.0, "value": 70700.0, "Latitude": 35.5, "Longitude": -119.26, "Population": 1133.0}, {"index": 3043, "quantile": 0.25, "value": 78600.0, "Latitude": 35.5, "Longitude": -119.26, "Population": 1133.0}, {"index": 3043, "quantile": 0.5, "value": 78600.0, "Latitude": 35.5, "Longitude": -119.26, "Population": 1133.0}, {"index": 3043, "quantile": 0.75, "value": 93900.0, "Latitude": 35.5, "Longitude": -119.26, "Population": 1133.0}, {"index": 3043, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 35.5, "Longitude": -119.26, "Population": 1133.0}, {"index": 3044, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 35.5, "Longitude": -119.27, "Population": 796.0}, {"index": 3044, "quantile": 0.25, "value": 61100.0, "Latitude": 35.5, "Longitude": -119.27, "Population": 796.0}, {"index": 3044, "quantile": 0.5, "value": 61100.0, "Latitude": 35.5, "Longitude": -119.27, "Population": 796.0}, {"index": 3044, "quantile": 0.75, "value": 78550.0, "Latitude": 35.5, "Longitude": -119.27, "Population": 796.0}, {"index": 3044, "quantile": 1.0, "value": 279200.0, "Latitude": 35.5, "Longitude": -119.27, "Population": 796.0}, {"index": 3045, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 35.51, "Longitude": -119.27, "Population": 544.0}, {"index": 3045, "quantile": 0.25, "value": 89000.0, "Latitude": 35.51, "Longitude": -119.27, "Population": 544.0}, {"index": 3045, "quantile": 0.5, "value": 95800.0, "Latitude": 35.51, "Longitude": -119.27, "Population": 544.0}, {"index": 3045, "quantile": 0.75, "value": 95800.0, "Latitude": 35.51, "Longitude": -119.27, "Population": 544.0}, {"index": 3045, "quantile": 1.0, "value": 139200.0, "Latitude": 35.51, "Longitude": -119.27, "Population": 544.0}, {"index": 3046, "quantile": 0.0, "value": 49200.0, "Latitude": 35.5, "Longitude": -119.28, "Population": 1101.0}, {"index": 3046, "quantile": 0.25, "value": 65800.0, "Latitude": 35.5, "Longitude": -119.28, "Population": 1101.0}, {"index": 3046, "quantile": 0.5, "value": 65800.0, "Latitude": 35.5, "Longitude": -119.28, "Population": 1101.0}, {"index": 3046, "quantile": 0.75, "value": 68500.0, "Latitude": 35.5, "Longitude": -119.28, "Population": 1101.0}, {"index": 3046, "quantile": 1.0, "value": 129200.0, "Latitude": 35.5, "Longitude": -119.28, "Population": 1101.0}, {"index": 3047, "quantile": 0.0, "value": 41400.0, "Latitude": 35.5, "Longitude": -119.28, "Population": 3260.0}, {"index": 3047, "quantile": 0.25, "value": 46550.0, "Latitude": 35.5, "Longitude": -119.28, "Population": 3260.0}, {"index": 3047, "quantile": 0.5, "value": 49800.0, "Latitude": 35.5, "Longitude": -119.28, "Population": 3260.0}, {"index": 3047, "quantile": 0.75, "value": 56499.99999999999, "Latitude": 35.5, "Longitude": -119.28, "Population": 3260.0}, {"index": 3047, "quantile": 1.0, "value": 64700.0, "Latitude": 35.5, "Longitude": -119.28, "Population": 3260.0}, {"index": 3048, "quantile": 0.0, "value": 42700.0, "Latitude": 35.5, "Longitude": -119.27, "Population": 1315.0}, {"index": 3048, "quantile": 0.25, "value": 54525.0, "Latitude": 35.5, "Longitude": -119.27, "Population": 1315.0}, {"index": 3048, "quantile": 0.5, "value": 61600.0, "Latitude": 35.5, "Longitude": -119.27, "Population": 1315.0}, {"index": 3048, "quantile": 0.75, "value": 64600.0, "Latitude": 35.5, "Longitude": -119.27, "Population": 1315.0}, {"index": 3048, "quantile": 1.0, "value": 74200.0, "Latitude": 35.5, "Longitude": -119.27, "Population": 1315.0}, {"index": 3049, "quantile": 0.0, "value": 26900.0, "Latitude": 35.49, "Longitude": -119.38, "Population": 1506.0}, {"index": 3049, "quantile": 0.25, "value": 64600.0, "Latitude": 35.49, "Longitude": -119.38, "Population": 1506.0}, {"index": 3049, "quantile": 0.5, "value": 64600.0, "Latitude": 35.49, "Longitude": -119.38, "Population": 1506.0}, {"index": 3049, "quantile": 0.75, "value": 64600.0, "Latitude": 35.49, "Longitude": -119.38, "Population": 1506.0}, {"index": 3049, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 35.49, "Longitude": -119.38, "Population": 1506.0}, {"index": 3050, "quantile": 0.0, "value": 53300.0, "Latitude": 35.6, "Longitude": -119.34, "Population": 1011.0}, {"index": 3050, "quantile": 0.25, "value": 58800.0, "Latitude": 35.6, "Longitude": -119.34, "Population": 1011.0}, {"index": 3050, "quantile": 0.5, "value": 58800.0, "Latitude": 35.6, "Longitude": -119.34, "Population": 1011.0}, {"index": 3050, "quantile": 0.75, "value": 59524.99999999999, "Latitude": 35.6, "Longitude": -119.34, "Population": 1011.0}, {"index": 3050, "quantile": 1.0, "value": 104700.0, "Latitude": 35.6, "Longitude": -119.34, "Population": 1011.0}, {"index": 3051, "quantile": 0.0, "value": 22500.0, "Latitude": 35.55, "Longitude": -119.36, "Population": 236.0}, {"index": 3051, "quantile": 0.25, "value": 83300.0, "Latitude": 35.55, "Longitude": -119.36, "Population": 236.0}, {"index": 3051, "quantile": 0.5, "value": 125600.0, "Latitude": 35.55, "Longitude": -119.36, "Population": 236.0}, {"index": 3051, "quantile": 0.75, "value": 156300.0, "Latitude": 35.55, "Longitude": -119.36, "Population": 236.0}, {"index": 3051, "quantile": 1.0, "value": 187500.0, "Latitude": 35.55, "Longitude": -119.36, "Population": 236.0}, {"index": 3052, "quantile": 0.0, "value": 41500.0, "Latitude": 35.58, "Longitude": -119.35, "Population": 1186.0}, {"index": 3052, "quantile": 0.25, "value": 63200.0, "Latitude": 35.58, "Longitude": -119.35, "Population": 1186.0}, {"index": 3052, "quantile": 0.5, "value": 63200.0, "Latitude": 35.58, "Longitude": -119.35, "Population": 1186.0}, {"index": 3052, "quantile": 0.75, "value": 63200.0, "Latitude": 35.58, "Longitude": -119.35, "Population": 1186.0}, {"index": 3052, "quantile": 1.0, "value": 72300.0, "Latitude": 35.58, "Longitude": -119.35, "Population": 1186.0}, {"index": 3053, "quantile": 0.0, "value": 47400.0, "Latitude": 35.59, "Longitude": -119.34, "Population": 1809.0}, {"index": 3053, "quantile": 0.25, "value": 63700.0, "Latitude": 35.59, "Longitude": -119.34, "Population": 1809.0}, {"index": 3053, "quantile": 0.5, "value": 67950.0, "Latitude": 35.59, "Longitude": -119.34, "Population": 1809.0}, {"index": 3053, "quantile": 0.75, "value": 73600.0, "Latitude": 35.59, "Longitude": -119.34, "Population": 1809.0}, {"index": 3053, "quantile": 1.0, "value": 118800.0, "Latitude": 35.59, "Longitude": -119.34, "Population": 1809.0}, {"index": 3054, "quantile": 0.0, "value": 42100.0, "Latitude": 35.6, "Longitude": -119.34, "Population": 1732.0}, {"index": 3054, "quantile": 0.25, "value": 56250.0, "Latitude": 35.6, "Longitude": -119.34, "Population": 1732.0}, {"index": 3054, "quantile": 0.5, "value": 59000.0, "Latitude": 35.6, "Longitude": -119.34, "Population": 1732.0}, {"index": 3054, "quantile": 0.75, "value": 59000.0, "Latitude": 35.6, "Longitude": -119.34, "Population": 1732.0}, {"index": 3054, "quantile": 1.0, "value": 99200.0, "Latitude": 35.6, "Longitude": -119.34, "Population": 1732.0}, {"index": 3055, "quantile": 0.0, "value": 43700.0, "Latitude": 35.6, "Longitude": -119.33, "Population": 2682.0}, {"index": 3055, "quantile": 0.25, "value": 54975.00000000001, "Latitude": 35.6, "Longitude": -119.33, "Population": 2682.0}, {"index": 3055, "quantile": 0.5, "value": 60500.0, "Latitude": 35.6, "Longitude": -119.33, "Population": 2682.0}, {"index": 3055, "quantile": 0.75, "value": 60500.0, "Latitude": 35.6, "Longitude": -119.33, "Population": 2682.0}, {"index": 3055, "quantile": 1.0, "value": 63700.0, "Latitude": 35.6, "Longitude": -119.33, "Population": 2682.0}, {"index": 3056, "quantile": 0.0, "value": 68500.0, "Latitude": 35.59, "Longitude": -119.35, "Population": 1497.0}, {"index": 3056, "quantile": 0.25, "value": 71800.0, "Latitude": 35.59, "Longitude": -119.35, "Population": 1497.0}, {"index": 3056, "quantile": 0.5, "value": 71800.0, "Latitude": 35.59, "Longitude": -119.35, "Population": 1497.0}, {"index": 3056, "quantile": 0.75, "value": 73300.0, "Latitude": 35.59, "Longitude": -119.35, "Population": 1497.0}, {"index": 3056, "quantile": 1.0, "value": 131700.0, "Latitude": 35.59, "Longitude": -119.35, "Population": 1497.0}, {"index": 3057, "quantile": 0.0, "value": 44500.0, "Latitude": 35.59, "Longitude": -119.33, "Population": 2645.0}, {"index": 3057, "quantile": 0.25, "value": 54100.00000000001, "Latitude": 35.59, "Longitude": -119.33, "Population": 2645.0}, {"index": 3057, "quantile": 0.5, "value": 54100.00000000001, "Latitude": 35.59, "Longitude": -119.33, "Population": 2645.0}, {"index": 3057, "quantile": 0.75, "value": 54100.00000000001, "Latitude": 35.59, "Longitude": -119.33, "Population": 2645.0}, {"index": 3057, "quantile": 1.0, "value": 65900.0, "Latitude": 35.59, "Longitude": -119.33, "Population": 2645.0}, {"index": 3058, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 35.62, "Longitude": -119.69, "Population": 1345.0}, {"index": 3058, "quantile": 0.25, "value": 47500.0, "Latitude": 35.62, "Longitude": -119.69, "Population": 1345.0}, {"index": 3058, "quantile": 0.5, "value": 47500.0, "Latitude": 35.62, "Longitude": -119.69, "Population": 1345.0}, {"index": 3058, "quantile": 0.75, "value": 53350.00000000001, "Latitude": 35.62, "Longitude": -119.69, "Population": 1345.0}, {"index": 3058, "quantile": 1.0, "value": 270000.0, "Latitude": 35.62, "Longitude": -119.69, "Population": 1345.0}, {"index": 3059, "quantile": 0.0, "value": 58500.0, "Latitude": 35.65, "Longitude": -119.77, "Population": 1647.0}, {"index": 3059, "quantile": 0.25, "value": 67125.0, "Latitude": 35.65, "Longitude": -119.77, "Population": 1647.0}, {"index": 3059, "quantile": 0.5, "value": 80000.0, "Latitude": 35.65, "Longitude": -119.77, "Population": 1647.0}, {"index": 3059, "quantile": 0.75, "value": 80000.0, "Latitude": 35.65, "Longitude": -119.77, "Population": 1647.0}, {"index": 3059, "quantile": 1.0, "value": 104700.0, "Latitude": 35.65, "Longitude": -119.77, "Population": 1647.0}, {"index": 3060, "quantile": 0.0, "value": 22500.0, "Latitude": 35.76, "Longitude": -119.14, "Population": 421.0}, {"index": 3060, "quantile": 0.25, "value": 89600.0, "Latitude": 35.76, "Longitude": -119.14, "Population": 421.0}, {"index": 3060, "quantile": 0.5, "value": 156300.0, "Latitude": 35.76, "Longitude": -119.14, "Population": 421.0}, {"index": 3060, "quantile": 0.75, "value": 156300.0, "Latitude": 35.76, "Longitude": -119.14, "Population": 421.0}, {"index": 3060, "quantile": 1.0, "value": 187500.0, "Latitude": 35.76, "Longitude": -119.14, "Population": 421.0}, {"index": 3061, "quantile": 0.0, "value": 40900.0, "Latitude": 35.76, "Longitude": -119.29, "Population": 3500.0}, {"index": 3061, "quantile": 0.25, "value": 53500.0, "Latitude": 35.76, "Longitude": -119.29, "Population": 3500.0}, {"index": 3061, "quantile": 0.5, "value": 58299.99999999999, "Latitude": 35.76, "Longitude": -119.29, "Population": 3500.0}, {"index": 3061, "quantile": 0.75, "value": 63900.0, "Latitude": 35.76, "Longitude": -119.29, "Population": 3500.0}, {"index": 3061, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 35.76, "Longitude": -119.29, "Population": 3500.0}, {"index": 3062, "quantile": 0.0, "value": 22500.0, "Latitude": 35.64, "Longitude": -119.19, "Population": 902.0}, {"index": 3062, "quantile": 0.25, "value": 83300.0, "Latitude": 35.64, "Longitude": -119.19, "Population": 902.0}, {"index": 3062, "quantile": 0.5, "value": 83300.0, "Latitude": 35.64, "Longitude": -119.19, "Population": 902.0}, {"index": 3062, "quantile": 0.75, "value": 83300.0, "Latitude": 35.64, "Longitude": -119.19, "Population": 902.0}, {"index": 3062, "quantile": 1.0, "value": 173400.0, "Latitude": 35.64, "Longitude": -119.19, "Population": 902.0}, {"index": 3063, "quantile": 0.0, "value": 47400.0, "Latitude": 35.68, "Longitude": -119.24, "Population": 1539.0}, {"index": 3063, "quantile": 0.25, "value": 58500.0, "Latitude": 35.68, "Longitude": -119.24, "Population": 1539.0}, {"index": 3063, "quantile": 0.5, "value": 58500.0, "Latitude": 35.68, "Longitude": -119.24, "Population": 1539.0}, {"index": 3063, "quantile": 0.75, "value": 58500.0, "Latitude": 35.68, "Longitude": -119.24, "Population": 1539.0}, {"index": 3063, "quantile": 1.0, "value": 225900.0, "Latitude": 35.68, "Longitude": -119.24, "Population": 1539.0}, {"index": 3064, "quantile": 0.0, "value": 40900.0, "Latitude": 35.68, "Longitude": -119.22, "Population": 3078.0}, {"index": 3064, "quantile": 0.25, "value": 51700.0, "Latitude": 35.68, "Longitude": -119.22, "Population": 3078.0}, {"index": 3064, "quantile": 0.5, "value": 54100.00000000001, "Latitude": 35.68, "Longitude": -119.22, "Population": 3078.0}, {"index": 3064, "quantile": 0.75, "value": 58299.99999999999, "Latitude": 35.68, "Longitude": -119.22, "Population": 3078.0}, {"index": 3064, "quantile": 1.0, "value": 71300.0, "Latitude": 35.68, "Longitude": -119.22, "Population": 3078.0}, {"index": 3065, "quantile": 0.0, "value": 40900.0, "Latitude": 35.67, "Longitude": -119.24, "Population": 2639.0}, {"index": 3065, "quantile": 0.25, "value": 53975.00000000001, "Latitude": 35.67, "Longitude": -119.24, "Population": 2639.0}, {"index": 3065, "quantile": 0.5, "value": 54700.00000000001, "Latitude": 35.67, "Longitude": -119.24, "Population": 2639.0}, {"index": 3065, "quantile": 0.75, "value": 54700.00000000001, "Latitude": 35.67, "Longitude": -119.24, "Population": 2639.0}, {"index": 3065, "quantile": 1.0, "value": 74800.0, "Latitude": 35.67, "Longitude": -119.24, "Population": 2639.0}, {"index": 3066, "quantile": 0.0, "value": 47500.0, "Latitude": 35.78, "Longitude": -119.25, "Population": 1346.0}, {"index": 3066, "quantile": 0.25, "value": 58600.0, "Latitude": 35.78, "Longitude": -119.25, "Population": 1346.0}, {"index": 3066, "quantile": 0.5, "value": 59800.0, "Latitude": 35.78, "Longitude": -119.25, "Population": 1346.0}, {"index": 3066, "quantile": 0.75, "value": 59800.0, "Latitude": 35.78, "Longitude": -119.25, "Population": 1346.0}, {"index": 3066, "quantile": 1.0, "value": 224500.0, "Latitude": 35.78, "Longitude": -119.25, "Population": 1346.0}, {"index": 3067, "quantile": 0.0, "value": 42100.0, "Latitude": 35.77, "Longitude": -119.25, "Population": 1449.0}, {"index": 3067, "quantile": 0.25, "value": 56499.99999999999, "Latitude": 35.77, "Longitude": -119.25, "Population": 1449.0}, {"index": 3067, "quantile": 0.5, "value": 56499.99999999999, "Latitude": 35.77, "Longitude": -119.25, "Population": 1449.0}, {"index": 3067, "quantile": 0.75, "value": 56499.99999999999, "Latitude": 35.77, "Longitude": -119.25, "Population": 1449.0}, {"index": 3067, "quantile": 1.0, "value": 71000.0, "Latitude": 35.77, "Longitude": -119.25, "Population": 1449.0}, {"index": 3068, "quantile": 0.0, "value": 41400.0, "Latitude": 35.76, "Longitude": -119.25, "Population": 2175.0}, {"index": 3068, "quantile": 0.25, "value": 52900.0, "Latitude": 35.76, "Longitude": -119.25, "Population": 2175.0}, {"index": 3068, "quantile": 0.5, "value": 57299.99999999999, "Latitude": 35.76, "Longitude": -119.25, "Population": 2175.0}, {"index": 3068, "quantile": 0.75, "value": 57299.99999999999, "Latitude": 35.76, "Longitude": -119.25, "Population": 2175.0}, {"index": 3068, "quantile": 1.0, "value": 177500.0, "Latitude": 35.76, "Longitude": -119.25, "Population": 2175.0}, {"index": 3069, "quantile": 0.0, "value": 41500.0, "Latitude": 35.75, "Longitude": -119.25, "Population": 1658.0}, {"index": 3069, "quantile": 0.25, "value": 52100.0, "Latitude": 35.75, "Longitude": -119.25, "Population": 1658.0}, {"index": 3069, "quantile": 0.5, "value": 52100.0, "Latitude": 35.75, "Longitude": -119.25, "Population": 1658.0}, {"index": 3069, "quantile": 0.75, "value": 52100.0, "Latitude": 35.75, "Longitude": -119.25, "Population": 1658.0}, {"index": 3069, "quantile": 1.0, "value": 67800.0, "Latitude": 35.75, "Longitude": -119.25, "Population": 1658.0}, {"index": 3070, "quantile": 0.0, "value": 43800.0, "Latitude": 35.79, "Longitude": -119.25, "Population": 2700.0}, {"index": 3070, "quantile": 0.25, "value": 58224.99999999999, "Latitude": 35.79, "Longitude": -119.25, "Population": 2700.0}, {"index": 3070, "quantile": 0.5, "value": 62200.0, "Latitude": 35.79, "Longitude": -119.25, "Population": 2700.0}, {"index": 3070, "quantile": 0.75, "value": 62200.0, "Latitude": 35.79, "Longitude": -119.25, "Population": 2700.0}, {"index": 3070, "quantile": 1.0, "value": 225000.0, "Latitude": 35.79, "Longitude": -119.25, "Population": 2700.0}, {"index": 3071, "quantile": 0.0, "value": 47400.0, "Latitude": 35.78, "Longitude": -119.25, "Population": 1371.0}, {"index": 3071, "quantile": 0.25, "value": 61124.99999999999, "Latitude": 35.78, "Longitude": -119.25, "Population": 1371.0}, {"index": 3071, "quantile": 0.5, "value": 69900.0, "Latitude": 35.78, "Longitude": -119.25, "Population": 1371.0}, {"index": 3071, "quantile": 0.75, "value": 69900.0, "Latitude": 35.78, "Longitude": -119.25, "Population": 1371.0}, {"index": 3071, "quantile": 1.0, "value": 73600.0, "Latitude": 35.78, "Longitude": -119.25, "Population": 1371.0}, {"index": 3072, "quantile": 0.0, "value": 39200.0, "Latitude": 35.78, "Longitude": -119.23, "Population": 1230.0}, {"index": 3072, "quantile": 0.25, "value": 62175.0, "Latitude": 35.78, "Longitude": -119.23, "Population": 1230.0}, {"index": 3072, "quantile": 0.5, "value": 67200.0, "Latitude": 35.78, "Longitude": -119.23, "Population": 1230.0}, {"index": 3072, "quantile": 0.75, "value": 67200.0, "Latitude": 35.78, "Longitude": -119.23, "Population": 1230.0}, {"index": 3072, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 35.78, "Longitude": -119.23, "Population": 1230.0}, {"index": 3073, "quantile": 0.0, "value": 47400.0, "Latitude": 35.79, "Longitude": -119.23, "Population": 2467.0}, {"index": 3073, "quantile": 0.25, "value": 53275.00000000001, "Latitude": 35.79, "Longitude": -119.23, "Population": 2467.0}, {"index": 3073, "quantile": 0.5, "value": 57099.99999999999, "Latitude": 35.79, "Longitude": -119.23, "Population": 2467.0}, {"index": 3073, "quantile": 0.75, "value": 64900.0, "Latitude": 35.79, "Longitude": -119.23, "Population": 2467.0}, {"index": 3073, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 35.79, "Longitude": -119.23, "Population": 2467.0}, {"index": 3074, "quantile": 0.0, "value": 34400.0, "Latitude": 35.77, "Longitude": -119.24, "Population": 1764.0}, {"index": 3074, "quantile": 0.25, "value": 56499.99999999999, "Latitude": 35.77, "Longitude": -119.24, "Population": 1764.0}, {"index": 3074, "quantile": 0.5, "value": 67800.0, "Latitude": 35.77, "Longitude": -119.24, "Population": 1764.0}, {"index": 3074, "quantile": 0.75, "value": 67800.0, "Latitude": 35.77, "Longitude": -119.24, "Population": 1764.0}, {"index": 3074, "quantile": 1.0, "value": 193800.0, "Latitude": 35.77, "Longitude": -119.24, "Population": 1764.0}, {"index": 3075, "quantile": 0.0, "value": 47400.0, "Latitude": 35.77, "Longitude": -119.23, "Population": 2034.0}, {"index": 3075, "quantile": 0.25, "value": 70700.0, "Latitude": 35.77, "Longitude": -119.23, "Population": 2034.0}, {"index": 3075, "quantile": 0.5, "value": 72500.0, "Latitude": 35.77, "Longitude": -119.23, "Population": 2034.0}, {"index": 3075, "quantile": 0.75, "value": 72500.0, "Latitude": 35.77, "Longitude": -119.23, "Population": 2034.0}, {"index": 3075, "quantile": 1.0, "value": 92200.0, "Latitude": 35.77, "Longitude": -119.23, "Population": 2034.0}, {"index": 3076, "quantile": 0.0, "value": 45500.0, "Latitude": 35.74, "Longitude": -119.23, "Population": 1914.0}, {"index": 3076, "quantile": 0.25, "value": 57199.99999999999, "Latitude": 35.74, "Longitude": -119.23, "Population": 1914.0}, {"index": 3076, "quantile": 0.5, "value": 66100.0, "Latitude": 35.74, "Longitude": -119.23, "Population": 1914.0}, {"index": 3076, "quantile": 0.75, "value": 96800.0, "Latitude": 35.74, "Longitude": -119.23, "Population": 1914.0}, {"index": 3076, "quantile": 1.0, "value": 360000.0, "Latitude": 35.74, "Longitude": -119.23, "Population": 1914.0}, {"index": 3077, "quantile": 0.0, "value": 67500.0, "Latitude": 35.77, "Longitude": -119.23, "Population": 1416.0}, {"index": 3077, "quantile": 0.25, "value": 84000.0, "Latitude": 35.77, "Longitude": -119.23, "Population": 1416.0}, {"index": 3077, "quantile": 0.5, "value": 84000.0, "Latitude": 35.77, "Longitude": -119.23, "Population": 1416.0}, {"index": 3077, "quantile": 0.75, "value": 86300.0, "Latitude": 35.77, "Longitude": -119.23, "Population": 1416.0}, {"index": 3077, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 35.77, "Longitude": -119.23, "Population": 1416.0}, {"index": 3078, "quantile": 0.0, "value": 138200.0, "Latitude": 35.47, "Longitude": -118.92, "Population": 664.0}, {"index": 3078, "quantile": 0.25, "value": 307400.0, "Latitude": 35.47, "Longitude": -118.92, "Population": 664.0}, {"index": 3078, "quantile": 0.5, "value": 348250.0, "Latitude": 35.47, "Longitude": -118.92, "Population": 664.0}, {"index": 3078, "quantile": 0.75, "value": 376925.0, "Latitude": 35.47, "Longitude": -118.92, "Population": 664.0}, {"index": 3078, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.47, "Longitude": -118.92, "Population": 664.0}, {"index": 3079, "quantile": 0.0, "value": 49200.0, "Latitude": 35.44, "Longitude": -119.01, "Population": 1465.0}, {"index": 3079, "quantile": 0.25, "value": 72300.0, "Latitude": 35.44, "Longitude": -119.01, "Population": 1465.0}, {"index": 3079, "quantile": 0.5, "value": 84600.0, "Latitude": 35.44, "Longitude": -119.01, "Population": 1465.0}, {"index": 3079, "quantile": 0.75, "value": 88800.0, "Latitude": 35.44, "Longitude": -119.01, "Population": 1465.0}, {"index": 3079, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 35.44, "Longitude": -119.01, "Population": 1465.0}, {"index": 3080, "quantile": 0.0, "value": 161700.0, "Latitude": 35.44, "Longitude": -118.93, "Population": 557.0}, {"index": 3080, "quantile": 0.25, "value": 204199.99999999997, "Latitude": 35.44, "Longitude": -118.93, "Population": 557.0}, {"index": 3080, "quantile": 0.5, "value": 204199.99999999997, "Latitude": 35.44, "Longitude": -118.93, "Population": 557.0}, {"index": 3080, "quantile": 0.75, "value": 281799.99999999994, "Latitude": 35.44, "Longitude": -118.93, "Population": 557.0}, {"index": 3080, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.44, "Longitude": -118.93, "Population": 557.0}, {"index": 3081, "quantile": 0.0, "value": 32900.0, "Latitude": 35.74, "Longitude": -118.31, "Population": 799.0}, {"index": 3081, "quantile": 0.25, "value": 59400.0, "Latitude": 35.74, "Longitude": -118.31, "Population": 799.0}, {"index": 3081, "quantile": 0.5, "value": 69100.0, "Latitude": 35.74, "Longitude": -118.31, "Population": 799.0}, {"index": 3081, "quantile": 0.75, "value": 87650.0, "Latitude": 35.74, "Longitude": -118.31, "Population": 799.0}, {"index": 3081, "quantile": 1.0, "value": 120100.0, "Latitude": 35.74, "Longitude": -118.31, "Population": 799.0}, {"index": 3082, "quantile": 0.0, "value": 37500.0, "Latitude": 35.68, "Longitude": -118.06, "Population": 730.0}, {"index": 3082, "quantile": 0.25, "value": 67500.0, "Latitude": 35.68, "Longitude": -118.06, "Population": 730.0}, {"index": 3082, "quantile": 0.5, "value": 67500.0, "Latitude": 35.68, "Longitude": -118.06, "Population": 730.0}, {"index": 3082, "quantile": 0.75, "value": 96900.0, "Latitude": 35.68, "Longitude": -118.06, "Population": 730.0}, {"index": 3082, "quantile": 1.0, "value": 219200.00000000003, "Latitude": 35.68, "Longitude": -118.06, "Population": 730.0}, {"index": 3083, "quantile": 0.0, "value": 53200.0, "Latitude": 35.75, "Longitude": -118.44, "Population": 1097.0}, {"index": 3083, "quantile": 0.25, "value": 96000.0, "Latitude": 35.75, "Longitude": -118.44, "Population": 1097.0}, {"index": 3083, "quantile": 0.5, "value": 96000.0, "Latitude": 35.75, "Longitude": -118.44, "Population": 1097.0}, {"index": 3083, "quantile": 0.75, "value": 96000.0, "Latitude": 35.75, "Longitude": -118.44, "Population": 1097.0}, {"index": 3083, "quantile": 1.0, "value": 263800.0, "Latitude": 35.75, "Longitude": -118.44, "Population": 1097.0}, {"index": 3084, "quantile": 0.0, "value": 45500.0, "Latitude": 35.72, "Longitude": -118.47, "Population": 1366.0}, {"index": 3084, "quantile": 0.25, "value": 81200.0, "Latitude": 35.72, "Longitude": -118.47, "Population": 1366.0}, {"index": 3084, "quantile": 0.5, "value": 81200.0, "Latitude": 35.72, "Longitude": -118.47, "Population": 1366.0}, {"index": 3084, "quantile": 0.75, "value": 94624.99999999999, "Latitude": 35.72, "Longitude": -118.47, "Population": 1366.0}, {"index": 3084, "quantile": 1.0, "value": 236100.00000000003, "Latitude": 35.72, "Longitude": -118.47, "Population": 1366.0}, {"index": 3085, "quantile": 0.0, "value": 32900.0, "Latitude": 35.7, "Longitude": -118.5, "Population": 986.0}, {"index": 3085, "quantile": 0.25, "value": 77075.0, "Latitude": 35.7, "Longitude": -118.5, "Population": 986.0}, {"index": 3085, "quantile": 0.5, "value": 101400.0, "Latitude": 35.7, "Longitude": -118.5, "Population": 986.0}, {"index": 3085, "quantile": 0.75, "value": 101400.0, "Latitude": 35.7, "Longitude": -118.5, "Population": 986.0}, {"index": 3085, "quantile": 1.0, "value": 212500.0, "Latitude": 35.7, "Longitude": -118.5, "Population": 986.0}, {"index": 3086, "quantile": 0.0, "value": 32900.0, "Latitude": 35.72, "Longitude": -118.59, "Population": 98.0}, {"index": 3086, "quantile": 0.25, "value": 90000.0, "Latitude": 35.72, "Longitude": -118.59, "Population": 98.0}, {"index": 3086, "quantile": 0.5, "value": 90000.0, "Latitude": 35.72, "Longitude": -118.59, "Population": 98.0}, {"index": 3086, "quantile": 0.75, "value": 90000.0, "Latitude": 35.72, "Longitude": -118.59, "Population": 98.0}, {"index": 3086, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.72, "Longitude": -118.59, "Population": 98.0}, {"index": 3087, "quantile": 0.0, "value": 40400.0, "Latitude": 35.65, "Longitude": -118.87, "Population": 584.0}, {"index": 3087, "quantile": 0.25, "value": 86350.0, "Latitude": 35.65, "Longitude": -118.87, "Population": 584.0}, {"index": 3087, "quantile": 0.5, "value": 94600.0, "Latitude": 35.65, "Longitude": -118.87, "Population": 584.0}, {"index": 3087, "quantile": 0.75, "value": 94600.0, "Latitude": 35.65, "Longitude": -118.87, "Population": 584.0}, {"index": 3087, "quantile": 1.0, "value": 242700.0, "Latitude": 35.65, "Longitude": -118.87, "Population": 584.0}, {"index": 3088, "quantile": 0.0, "value": 32900.0, "Latitude": 35.48, "Longitude": -118.23, "Population": 775.0}, {"index": 3088, "quantile": 0.25, "value": 59400.0, "Latitude": 35.48, "Longitude": -118.23, "Population": 775.0}, {"index": 3088, "quantile": 0.5, "value": 59400.0, "Latitude": 35.48, "Longitude": -118.23, "Population": 775.0}, {"index": 3088, "quantile": 0.75, "value": 75800.0, "Latitude": 35.48, "Longitude": -118.23, "Population": 775.0}, {"index": 3088, "quantile": 1.0, "value": 328600.0, "Latitude": 35.48, "Longitude": -118.23, "Population": 775.0}, {"index": 3089, "quantile": 0.0, "value": 32900.0, "Latitude": 35.64, "Longitude": -118.33, "Population": 1007.0}, {"index": 3089, "quantile": 0.25, "value": 62275.0, "Latitude": 35.64, "Longitude": -118.33, "Population": 1007.0}, {"index": 3089, "quantile": 0.5, "value": 69100.0, "Latitude": 35.64, "Longitude": -118.33, "Population": 1007.0}, {"index": 3089, "quantile": 0.75, "value": 90125.0, "Latitude": 35.64, "Longitude": -118.33, "Population": 1007.0}, {"index": 3089, "quantile": 1.0, "value": 212500.0, "Latitude": 35.64, "Longitude": -118.33, "Population": 1007.0}, {"index": 3090, "quantile": 0.0, "value": 67500.0, "Latitude": 35.63, "Longitude": -118.41, "Population": 2310.0}, {"index": 3090, "quantile": 0.25, "value": 96900.0, "Latitude": 35.63, "Longitude": -118.41, "Population": 2310.0}, {"index": 3090, "quantile": 0.5, "value": 96900.0, "Latitude": 35.63, "Longitude": -118.41, "Population": 2310.0}, {"index": 3090, "quantile": 0.75, "value": 96900.0, "Latitude": 35.63, "Longitude": -118.41, "Population": 2310.0}, {"index": 3090, "quantile": 1.0, "value": 189200.0, "Latitude": 35.63, "Longitude": -118.41, "Population": 2310.0}, {"index": 3091, "quantile": 0.0, "value": 42500.0, "Latitude": 35.62, "Longitude": -118.45, "Population": 782.0}, {"index": 3091, "quantile": 0.25, "value": 75800.0, "Latitude": 35.62, "Longitude": -118.45, "Population": 782.0}, {"index": 3091, "quantile": 0.5, "value": 75800.0, "Latitude": 35.62, "Longitude": -118.45, "Population": 782.0}, {"index": 3091, "quantile": 0.75, "value": 75800.0, "Latitude": 35.62, "Longitude": -118.45, "Population": 782.0}, {"index": 3091, "quantile": 1.0, "value": 113900.0, "Latitude": 35.62, "Longitude": -118.45, "Population": 782.0}, {"index": 3092, "quantile": 0.0, "value": 32900.0, "Latitude": 35.64, "Longitude": -118.47, "Population": 927.0}, {"index": 3092, "quantile": 0.25, "value": 68500.0, "Latitude": 35.64, "Longitude": -118.47, "Population": 927.0}, {"index": 3092, "quantile": 0.5, "value": 68500.0, "Latitude": 35.64, "Longitude": -118.47, "Population": 927.0}, {"index": 3092, "quantile": 0.75, "value": 68500.0, "Latitude": 35.64, "Longitude": -118.47, "Population": 927.0}, {"index": 3092, "quantile": 1.0, "value": 101400.0, "Latitude": 35.64, "Longitude": -118.47, "Population": 927.0}, {"index": 3093, "quantile": 0.0, "value": 26900.0, "Latitude": 35.61, "Longitude": -118.48, "Population": 1614.0}, {"index": 3093, "quantile": 0.25, "value": 59500.0, "Latitude": 35.61, "Longitude": -118.48, "Population": 1614.0}, {"index": 3093, "quantile": 0.5, "value": 68500.0, "Latitude": 35.61, "Longitude": -118.48, "Population": 1614.0}, {"index": 3093, "quantile": 0.75, "value": 75800.0, "Latitude": 35.61, "Longitude": -118.48, "Population": 1614.0}, {"index": 3093, "quantile": 1.0, "value": 137500.0, "Latitude": 35.61, "Longitude": -118.48, "Population": 1614.0}, {"index": 3094, "quantile": 0.0, "value": 32900.0, "Latitude": 35.58, "Longitude": -118.45, "Population": 1802.0}, {"index": 3094, "quantile": 0.25, "value": 60400.0, "Latitude": 35.58, "Longitude": -118.45, "Population": 1802.0}, {"index": 3094, "quantile": 0.5, "value": 75800.0, "Latitude": 35.58, "Longitude": -118.45, "Population": 1802.0}, {"index": 3094, "quantile": 0.75, "value": 93875.0, "Latitude": 35.58, "Longitude": -118.45, "Population": 1802.0}, {"index": 3094, "quantile": 1.0, "value": 247000.00000000003, "Latitude": 35.58, "Longitude": -118.45, "Population": 1802.0}, {"index": 3095, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 35.47, "Longitude": -118.61, "Population": 756.0}, {"index": 3095, "quantile": 0.25, "value": 78400.0, "Latitude": 35.47, "Longitude": -118.61, "Population": 756.0}, {"index": 3095, "quantile": 0.5, "value": 78400.0, "Latitude": 35.47, "Longitude": -118.61, "Population": 756.0}, {"index": 3095, "quantile": 0.75, "value": 82100.0, "Latitude": 35.47, "Longitude": -118.61, "Population": 756.0}, {"index": 3095, "quantile": 1.0, "value": 173400.0, "Latitude": 35.47, "Longitude": -118.61, "Population": 756.0}, {"index": 3096, "quantile": 0.0, "value": 40400.0, "Latitude": 35.73, "Longitude": -117.73, "Population": 1870.0}, {"index": 3096, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 35.73, "Longitude": -117.73, "Population": 1870.0}, {"index": 3096, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 35.73, "Longitude": -117.73, "Population": 1870.0}, {"index": 3096, "quantile": 0.75, "value": 84700.0, "Latitude": 35.73, "Longitude": -117.73, "Population": 1870.0}, {"index": 3096, "quantile": 1.0, "value": 314100.0, "Latitude": 35.73, "Longitude": -117.73, "Population": 1870.0}, {"index": 3097, "quantile": 0.0, "value": 39400.0, "Latitude": 35.63, "Longitude": -117.66, "Population": 1155.0}, {"index": 3097, "quantile": 0.25, "value": 42100.0, "Latitude": 35.63, "Longitude": -117.66, "Population": 1155.0}, {"index": 3097, "quantile": 0.5, "value": 42100.0, "Latitude": 35.63, "Longitude": -117.66, "Population": 1155.0}, {"index": 3097, "quantile": 0.75, "value": 57399.99999999999, "Latitude": 35.63, "Longitude": -117.66, "Population": 1155.0}, {"index": 3097, "quantile": 1.0, "value": 96900.0, "Latitude": 35.63, "Longitude": -117.66, "Population": 1155.0}, {"index": 3098, "quantile": 0.0, "value": 63500.0, "Latitude": 35.65, "Longitude": -117.67, "Population": 1128.0}, {"index": 3098, "quantile": 0.25, "value": 72000.0, "Latitude": 35.65, "Longitude": -117.67, "Population": 1128.0}, {"index": 3098, "quantile": 0.5, "value": 72000.0, "Latitude": 35.65, "Longitude": -117.67, "Population": 1128.0}, {"index": 3098, "quantile": 0.75, "value": 115599.99999999999, "Latitude": 35.65, "Longitude": -117.67, "Population": 1128.0}, {"index": 3098, "quantile": 1.0, "value": 245500.0, "Latitude": 35.65, "Longitude": -117.67, "Population": 1128.0}, {"index": 3099, "quantile": 0.0, "value": 40400.0, "Latitude": 35.65, "Longitude": -117.68, "Population": 1245.0}, {"index": 3099, "quantile": 0.25, "value": 81900.0, "Latitude": 35.65, "Longitude": -117.68, "Population": 1245.0}, {"index": 3099, "quantile": 0.5, "value": 81900.0, "Latitude": 35.65, "Longitude": -117.68, "Population": 1245.0}, {"index": 3099, "quantile": 0.75, "value": 81900.0, "Latitude": 35.65, "Longitude": -117.68, "Population": 1245.0}, {"index": 3099, "quantile": 1.0, "value": 150200.0, "Latitude": 35.65, "Longitude": -117.68, "Population": 1245.0}, {"index": 3100, "quantile": 0.0, "value": 73400.0, "Latitude": 35.65, "Longitude": -117.69, "Population": 520.0}, {"index": 3100, "quantile": 0.25, "value": 87500.0, "Latitude": 35.65, "Longitude": -117.69, "Population": 520.0}, {"index": 3100, "quantile": 0.5, "value": 87500.0, "Latitude": 35.65, "Longitude": -117.69, "Population": 520.0}, {"index": 3100, "quantile": 0.75, "value": 146800.0, "Latitude": 35.65, "Longitude": -117.69, "Population": 520.0}, {"index": 3100, "quantile": 1.0, "value": 450000.0, "Latitude": 35.65, "Longitude": -117.69, "Population": 520.0}, {"index": 3101, "quantile": 0.0, "value": 102800.0, "Latitude": 35.64, "Longitude": -117.7, "Population": 1154.0}, {"index": 3101, "quantile": 0.25, "value": 146925.0, "Latitude": 35.64, "Longitude": -117.7, "Population": 1154.0}, {"index": 3101, "quantile": 0.5, "value": 255349.99999999997, "Latitude": 35.64, "Longitude": -117.7, "Population": 1154.0}, {"index": 3101, "quantile": 0.75, "value": 297900.0, "Latitude": 35.64, "Longitude": -117.7, "Population": 1154.0}, {"index": 3101, "quantile": 1.0, "value": 491200.0, "Latitude": 35.64, "Longitude": -117.7, "Population": 1154.0}, {"index": 3102, "quantile": 0.0, "value": 84500.0, "Latitude": 35.64, "Longitude": -117.68, "Population": 1408.0}, {"index": 3102, "quantile": 0.25, "value": 188025.0, "Latitude": 35.64, "Longitude": -117.68, "Population": 1408.0}, {"index": 3102, "quantile": 0.5, "value": 208600.00000000003, "Latitude": 35.64, "Longitude": -117.68, "Population": 1408.0}, {"index": 3102, "quantile": 0.75, "value": 245000.00000000003, "Latitude": 35.64, "Longitude": -117.68, "Population": 1408.0}, {"index": 3102, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.64, "Longitude": -117.68, "Population": 1408.0}, {"index": 3103, "quantile": 0.0, "value": 102800.0, "Latitude": 35.64, "Longitude": -117.67, "Population": 927.0}, {"index": 3103, "quantile": 0.25, "value": 115700.0, "Latitude": 35.64, "Longitude": -117.67, "Population": 927.0}, {"index": 3103, "quantile": 0.5, "value": 115700.0, "Latitude": 35.64, "Longitude": -117.67, "Population": 927.0}, {"index": 3103, "quantile": 0.75, "value": 272100.0, "Latitude": 35.64, "Longitude": -117.67, "Population": 927.0}, {"index": 3103, "quantile": 1.0, "value": 430600.0, "Latitude": 35.64, "Longitude": -117.67, "Population": 927.0}, {"index": 3104, "quantile": 0.0, "value": 37500.0, "Latitude": 35.63, "Longitude": -117.67, "Population": 1613.0}, {"index": 3104, "quantile": 0.25, "value": 63500.0, "Latitude": 35.63, "Longitude": -117.67, "Population": 1613.0}, {"index": 3104, "quantile": 0.5, "value": 63500.0, "Latitude": 35.63, "Longitude": -117.67, "Population": 1613.0}, {"index": 3104, "quantile": 0.75, "value": 87100.0, "Latitude": 35.63, "Longitude": -117.67, "Population": 1613.0}, {"index": 3104, "quantile": 1.0, "value": 300000.0, "Latitude": 35.63, "Longitude": -117.67, "Population": 1613.0}, {"index": 3105, "quantile": 0.0, "value": 102800.0, "Latitude": 35.63, "Longitude": -117.68, "Population": 1777.0}, {"index": 3105, "quantile": 0.25, "value": 105300.0, "Latitude": 35.63, "Longitude": -117.68, "Population": 1777.0}, {"index": 3105, "quantile": 0.5, "value": 105300.0, "Latitude": 35.63, "Longitude": -117.68, "Population": 1777.0}, {"index": 3105, "quantile": 0.75, "value": 143975.0, "Latitude": 35.63, "Longitude": -117.68, "Population": 1777.0}, {"index": 3105, "quantile": 1.0, "value": 477299.99999999994, "Latitude": 35.63, "Longitude": -117.68, "Population": 1777.0}, {"index": 3106, "quantile": 0.0, "value": 87200.0, "Latitude": 35.63, "Longitude": -117.69, "Population": 1335.0}, {"index": 3106, "quantile": 0.25, "value": 109000.00000000001, "Latitude": 35.63, "Longitude": -117.69, "Population": 1335.0}, {"index": 3106, "quantile": 0.5, "value": 109000.00000000001, "Latitude": 35.63, "Longitude": -117.69, "Population": 1335.0}, {"index": 3106, "quantile": 0.75, "value": 120800.0, "Latitude": 35.63, "Longitude": -117.69, "Population": 1335.0}, {"index": 3106, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.63, "Longitude": -117.69, "Population": 1335.0}, {"index": 3107, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 35.62, "Longitude": -117.7, "Population": 1426.0}, {"index": 3107, "quantile": 0.25, "value": 71900.0, "Latitude": 35.62, "Longitude": -117.7, "Population": 1426.0}, {"index": 3107, "quantile": 0.5, "value": 71900.0, "Latitude": 35.62, "Longitude": -117.7, "Population": 1426.0}, {"index": 3107, "quantile": 0.75, "value": 71900.0, "Latitude": 35.62, "Longitude": -117.7, "Population": 1426.0}, {"index": 3107, "quantile": 1.0, "value": 137300.0, "Latitude": 35.62, "Longitude": -117.7, "Population": 1426.0}, {"index": 3108, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 35.61, "Longitude": -117.68, "Population": 1929.0}, {"index": 3108, "quantile": 0.25, "value": 84500.0, "Latitude": 35.61, "Longitude": -117.68, "Population": 1929.0}, {"index": 3108, "quantile": 0.5, "value": 84500.0, "Latitude": 35.61, "Longitude": -117.68, "Population": 1929.0}, {"index": 3108, "quantile": 0.75, "value": 84500.0, "Latitude": 35.61, "Longitude": -117.68, "Population": 1929.0}, {"index": 3108, "quantile": 1.0, "value": 133000.0, "Latitude": 35.61, "Longitude": -117.68, "Population": 1929.0}, {"index": 3109, "quantile": 0.0, "value": 102800.0, "Latitude": 35.6, "Longitude": -117.68, "Population": 765.0}, {"index": 3109, "quantile": 0.25, "value": 102800.0, "Latitude": 35.6, "Longitude": -117.68, "Population": 765.0}, {"index": 3109, "quantile": 0.5, "value": 102800.0, "Latitude": 35.6, "Longitude": -117.68, "Population": 765.0}, {"index": 3109, "quantile": 0.75, "value": 105300.0, "Latitude": 35.6, "Longitude": -117.68, "Population": 765.0}, {"index": 3109, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.6, "Longitude": -117.68, "Population": 765.0}, {"index": 3110, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 35.6, "Longitude": -117.7, "Population": 1473.0}, {"index": 3110, "quantile": 0.25, "value": 70200.0, "Latitude": 35.6, "Longitude": -117.7, "Population": 1473.0}, {"index": 3110, "quantile": 0.5, "value": 70200.0, "Latitude": 35.6, "Longitude": -117.7, "Population": 1473.0}, {"index": 3110, "quantile": 0.75, "value": 71900.0, "Latitude": 35.6, "Longitude": -117.7, "Population": 1473.0}, {"index": 3110, "quantile": 1.0, "value": 152500.0, "Latitude": 35.6, "Longitude": -117.7, "Population": 1473.0}, {"index": 3111, "quantile": 0.0, "value": 39800.0, "Latitude": 35.62, "Longitude": -117.68, "Population": 1481.0}, {"index": 3111, "quantile": 0.25, "value": 52400.0, "Latitude": 35.62, "Longitude": -117.68, "Population": 1481.0}, {"index": 3111, "quantile": 0.5, "value": 52400.0, "Latitude": 35.62, "Longitude": -117.68, "Population": 1481.0}, {"index": 3111, "quantile": 0.75, "value": 67750.0, "Latitude": 35.62, "Longitude": -117.68, "Population": 1481.0}, {"index": 3111, "quantile": 1.0, "value": 98400.0, "Latitude": 35.62, "Longitude": -117.68, "Population": 1481.0}, {"index": 3112, "quantile": 0.0, "value": 83200.0, "Latitude": 35.61, "Longitude": -117.64, "Population": 1349.0}, {"index": 3112, "quantile": 0.25, "value": 83200.0, "Latitude": 35.61, "Longitude": -117.64, "Population": 1349.0}, {"index": 3112, "quantile": 0.5, "value": 83200.0, "Latitude": 35.61, "Longitude": -117.64, "Population": 1349.0}, {"index": 3112, "quantile": 0.75, "value": 85700.0, "Latitude": 35.61, "Longitude": -117.64, "Population": 1349.0}, {"index": 3112, "quantile": 1.0, "value": 252199.99999999997, "Latitude": 35.61, "Longitude": -117.64, "Population": 1349.0}, {"index": 3113, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 35.62, "Longitude": -117.66, "Population": 2728.0}, {"index": 3113, "quantile": 0.25, "value": 85700.0, "Latitude": 35.62, "Longitude": -117.66, "Population": 2728.0}, {"index": 3113, "quantile": 0.5, "value": 85700.0, "Latitude": 35.62, "Longitude": -117.66, "Population": 2728.0}, {"index": 3113, "quantile": 0.75, "value": 89325.0, "Latitude": 35.62, "Longitude": -117.66, "Population": 2728.0}, {"index": 3113, "quantile": 1.0, "value": 215600.0, "Latitude": 35.62, "Longitude": -117.66, "Population": 2728.0}, {"index": 3114, "quantile": 0.0, "value": 64400.0, "Latitude": 35.61, "Longitude": -117.66, "Population": 2623.0}, {"index": 3114, "quantile": 0.25, "value": 87200.0, "Latitude": 35.61, "Longitude": -117.66, "Population": 2623.0}, {"index": 3114, "quantile": 0.5, "value": 87200.0, "Latitude": 35.61, "Longitude": -117.66, "Population": 2623.0}, {"index": 3114, "quantile": 0.75, "value": 121875.0, "Latitude": 35.61, "Longitude": -117.66, "Population": 2623.0}, {"index": 3114, "quantile": 1.0, "value": 347700.0, "Latitude": 35.61, "Longitude": -117.66, "Population": 2623.0}, {"index": 3115, "quantile": 0.0, "value": 48100.0, "Latitude": 35.6, "Longitude": -117.66, "Population": 850.0}, {"index": 3115, "quantile": 0.25, "value": 90975.0, "Latitude": 35.6, "Longitude": -117.66, "Population": 850.0}, {"index": 3115, "quantile": 0.5, "value": 91700.0, "Latitude": 35.6, "Longitude": -117.66, "Population": 850.0}, {"index": 3115, "quantile": 0.75, "value": 91700.0, "Latitude": 35.6, "Longitude": -117.66, "Population": 850.0}, {"index": 3115, "quantile": 1.0, "value": 159400.0, "Latitude": 35.6, "Longitude": -117.66, "Population": 850.0}, {"index": 3116, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 35.63, "Longitude": -117.76, "Population": 1027.0}, {"index": 3116, "quantile": 0.25, "value": 71900.0, "Latitude": 35.63, "Longitude": -117.76, "Population": 1027.0}, {"index": 3116, "quantile": 0.5, "value": 84600.0, "Latitude": 35.63, "Longitude": -117.76, "Population": 1027.0}, {"index": 3116, "quantile": 0.75, "value": 96950.0, "Latitude": 35.63, "Longitude": -117.76, "Population": 1027.0}, {"index": 3116, "quantile": 1.0, "value": 145700.0, "Latitude": 35.63, "Longitude": -117.76, "Population": 1027.0}, {"index": 3117, "quantile": 0.0, "value": 102800.0, "Latitude": 35.55, "Longitude": -117.68, "Population": 1518.0}, {"index": 3117, "quantile": 0.25, "value": 142500.0, "Latitude": 35.55, "Longitude": -117.68, "Population": 1518.0}, {"index": 3117, "quantile": 0.5, "value": 142500.0, "Latitude": 35.55, "Longitude": -117.68, "Population": 1518.0}, {"index": 3117, "quantile": 0.75, "value": 234574.99999999997, "Latitude": 35.55, "Longitude": -117.68, "Population": 1518.0}, {"index": 3117, "quantile": 1.0, "value": 402200.0, "Latitude": 35.55, "Longitude": -117.68, "Population": 1518.0}, {"index": 3118, "quantile": 0.0, "value": 32900.0, "Latitude": 35.65, "Longitude": -117.81, "Population": 598.0}, {"index": 3118, "quantile": 0.25, "value": 54300.00000000001, "Latitude": 35.65, "Longitude": -117.81, "Population": 598.0}, {"index": 3118, "quantile": 0.5, "value": 54300.00000000001, "Latitude": 35.65, "Longitude": -117.81, "Population": 598.0}, {"index": 3118, "quantile": 0.75, "value": 55150.0, "Latitude": 35.65, "Longitude": -117.81, "Population": 598.0}, {"index": 3118, "quantile": 1.0, "value": 195800.0, "Latitude": 35.65, "Longitude": -117.81, "Population": 598.0}, {"index": 3119, "quantile": 0.0, "value": 64400.0, "Latitude": 35.73, "Longitude": -117.87, "Population": 1181.0}, {"index": 3119, "quantile": 0.25, "value": 91800.0, "Latitude": 35.73, "Longitude": -117.87, "Population": 1181.0}, {"index": 3119, "quantile": 0.5, "value": 91800.0, "Latitude": 35.73, "Longitude": -117.87, "Population": 1181.0}, {"index": 3119, "quantile": 0.75, "value": 96100.0, "Latitude": 35.73, "Longitude": -117.87, "Population": 1181.0}, {"index": 3119, "quantile": 1.0, "value": 262500.0, "Latitude": 35.73, "Longitude": -117.87, "Population": 1181.0}, {"index": 3120, "quantile": 0.0, "value": 84500.0, "Latitude": 35.54, "Longitude": -117.84, "Population": 765.0}, {"index": 3120, "quantile": 0.25, "value": 161350.0, "Latitude": 35.54, "Longitude": -117.84, "Population": 765.0}, {"index": 3120, "quantile": 0.5, "value": 221950.0, "Latitude": 35.54, "Longitude": -117.84, "Population": 765.0}, {"index": 3120, "quantile": 0.75, "value": 264625.0, "Latitude": 35.54, "Longitude": -117.84, "Population": 765.0}, {"index": 3120, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.54, "Longitude": -117.84, "Population": 765.0}, {"index": 3121, "quantile": 0.0, "value": 67600.0, "Latitude": 35.65, "Longitude": -117.74, "Population": 1110.0}, {"index": 3121, "quantile": 0.25, "value": 81700.0, "Latitude": 35.65, "Longitude": -117.74, "Population": 1110.0}, {"index": 3121, "quantile": 0.5, "value": 81700.0, "Latitude": 35.65, "Longitude": -117.74, "Population": 1110.0}, {"index": 3121, "quantile": 0.75, "value": 81900.0, "Latitude": 35.65, "Longitude": -117.74, "Population": 1110.0}, {"index": 3121, "quantile": 1.0, "value": 120300.0, "Latitude": 35.65, "Longitude": -117.74, "Population": 1110.0}, {"index": 3122, "quantile": 0.0, "value": 32900.0, "Latitude": 35.35, "Longitude": -117.84, "Population": 858.0}, {"index": 3122, "quantile": 0.25, "value": 52400.0, "Latitude": 35.35, "Longitude": -117.84, "Population": 858.0}, {"index": 3122, "quantile": 0.5, "value": 60749.99999999999, "Latitude": 35.35, "Longitude": -117.84, "Population": 858.0}, {"index": 3122, "quantile": 0.75, "value": 74350.0, "Latitude": 35.35, "Longitude": -117.84, "Population": 858.0}, {"index": 3122, "quantile": 1.0, "value": 179700.0, "Latitude": 35.35, "Longitude": -117.84, "Population": 858.0}, {"index": 3123, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 35.05, "Longitude": -118.0, "Population": 945.0}, {"index": 3123, "quantile": 0.25, "value": 86500.0, "Latitude": 35.05, "Longitude": -118.0, "Population": 945.0}, {"index": 3123, "quantile": 0.5, "value": 86500.0, "Latitude": 35.05, "Longitude": -118.0, "Population": 945.0}, {"index": 3123, "quantile": 0.75, "value": 91250.0, "Latitude": 35.05, "Longitude": -118.0, "Population": 945.0}, {"index": 3123, "quantile": 1.0, "value": 300500.0, "Latitude": 35.05, "Longitude": -118.0, "Population": 945.0}, {"index": 3124, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 35.03, "Longitude": -117.82, "Population": 1347.0}, {"index": 3124, "quantile": 0.25, "value": 71800.0, "Latitude": 35.03, "Longitude": -117.82, "Population": 1347.0}, {"index": 3124, "quantile": 0.5, "value": 71800.0, "Latitude": 35.03, "Longitude": -117.82, "Population": 1347.0}, {"index": 3124, "quantile": 0.75, "value": 71800.0, "Latitude": 35.03, "Longitude": -117.82, "Population": 1347.0}, {"index": 3124, "quantile": 1.0, "value": 138500.0, "Latitude": 35.03, "Longitude": -117.82, "Population": 1347.0}, {"index": 3125, "quantile": 0.0, "value": 45000.0, "Latitude": 35.22, "Longitude": -117.76, "Population": 8.0}, {"index": 3125, "quantile": 0.25, "value": 67500.0, "Latitude": 35.22, "Longitude": -117.76, "Population": 8.0}, {"index": 3125, "quantile": 0.5, "value": 113399.99999999999, "Latitude": 35.22, "Longitude": -117.76, "Population": 8.0}, {"index": 3125, "quantile": 0.75, "value": 204700.00000000003, "Latitude": 35.22, "Longitude": -117.76, "Population": 8.0}, {"index": 3125, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.22, "Longitude": -117.76, "Population": 8.0}, {"index": 3126, "quantile": 0.0, "value": 47500.0, "Latitude": 35.21, "Longitude": -117.79, "Population": 6.0}, {"index": 3126, "quantile": 0.25, "value": 137500.0, "Latitude": 35.21, "Longitude": -117.79, "Population": 6.0}, {"index": 3126, "quantile": 0.5, "value": 137500.0, "Latitude": 35.21, "Longitude": -117.79, "Population": 6.0}, {"index": 3126, "quantile": 0.75, "value": 137500.0, "Latitude": 35.21, "Longitude": -117.79, "Population": 6.0}, {"index": 3126, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.21, "Longitude": -117.79, "Population": 6.0}, {"index": 3127, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 35.12, "Longitude": -118.01, "Population": 917.0}, {"index": 3127, "quantile": 0.25, "value": 68500.0, "Latitude": 35.12, "Longitude": -118.01, "Population": 917.0}, {"index": 3127, "quantile": 0.5, "value": 68500.0, "Latitude": 35.12, "Longitude": -118.01, "Population": 917.0}, {"index": 3127, "quantile": 0.75, "value": 86050.0, "Latitude": 35.12, "Longitude": -118.01, "Population": 917.0}, {"index": 3127, "quantile": 1.0, "value": 258700.00000000003, "Latitude": 35.12, "Longitude": -118.01, "Population": 917.0}, {"index": 3128, "quantile": 0.0, "value": 68500.0, "Latitude": 35.13, "Longitude": -117.98, "Population": 2504.0}, {"index": 3128, "quantile": 0.25, "value": 81900.0, "Latitude": 35.13, "Longitude": -117.98, "Population": 2504.0}, {"index": 3128, "quantile": 0.5, "value": 81900.0, "Latitude": 35.13, "Longitude": -117.98, "Population": 2504.0}, {"index": 3128, "quantile": 0.75, "value": 84500.0, "Latitude": 35.13, "Longitude": -117.98, "Population": 2504.0}, {"index": 3128, "quantile": 1.0, "value": 160100.0, "Latitude": 35.13, "Longitude": -117.98, "Population": 2504.0}, {"index": 3129, "quantile": 0.0, "value": 79800.0, "Latitude": 35.13, "Longitude": -117.95, "Population": 1150.0}, {"index": 3129, "quantile": 0.25, "value": 104400.0, "Latitude": 35.13, "Longitude": -117.95, "Population": 1150.0}, {"index": 3129, "quantile": 0.5, "value": 104400.0, "Latitude": 35.13, "Longitude": -117.95, "Population": 1150.0}, {"index": 3129, "quantile": 0.75, "value": 104400.0, "Latitude": 35.13, "Longitude": -117.95, "Population": 1150.0}, {"index": 3129, "quantile": 1.0, "value": 315000.0, "Latitude": 35.13, "Longitude": -117.95, "Population": 1150.0}, {"index": 3130, "quantile": 0.0, "value": 47500.0, "Latitude": 35.08, "Longitude": -117.95, "Population": 32.0}, {"index": 3130, "quantile": 0.25, "value": 141700.0, "Latitude": 35.08, "Longitude": -117.95, "Population": 32.0}, {"index": 3130, "quantile": 0.5, "value": 141700.0, "Latitude": 35.08, "Longitude": -117.95, "Population": 32.0}, {"index": 3130, "quantile": 0.75, "value": 175625.0, "Latitude": 35.08, "Longitude": -117.95, "Population": 32.0}, {"index": 3130, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.08, "Longitude": -117.95, "Population": 32.0}, {"index": 3131, "quantile": 0.0, "value": 84500.0, "Latitude": 35.1, "Longitude": -117.98, "Population": 352.0}, {"index": 3131, "quantile": 0.25, "value": 84500.0, "Latitude": 35.1, "Longitude": -117.98, "Population": 352.0}, {"index": 3131, "quantile": 0.5, "value": 84500.0, "Latitude": 35.1, "Longitude": -117.98, "Population": 352.0}, {"index": 3131, "quantile": 0.75, "value": 147500.0, "Latitude": 35.1, "Longitude": -117.98, "Population": 352.0}, {"index": 3131, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.1, "Longitude": -117.98, "Population": 352.0}, {"index": 3132, "quantile": 0.0, "value": 69400.0, "Latitude": 35.16, "Longitude": -117.99, "Population": 960.0}, {"index": 3132, "quantile": 0.25, "value": 87800.0, "Latitude": 35.16, "Longitude": -117.99, "Population": 960.0}, {"index": 3132, "quantile": 0.5, "value": 87800.0, "Latitude": 35.16, "Longitude": -117.99, "Population": 960.0}, {"index": 3132, "quantile": 0.75, "value": 87800.0, "Latitude": 35.16, "Longitude": -117.99, "Population": 960.0}, {"index": 3132, "quantile": 1.0, "value": 139700.0, "Latitude": 35.16, "Longitude": -117.99, "Population": 960.0}, {"index": 3133, "quantile": 0.0, "value": 30000.0, "Latitude": 34.92, "Longitude": -118.27, "Population": 422.0}, {"index": 3133, "quantile": 0.25, "value": 91700.0, "Latitude": 34.92, "Longitude": -118.27, "Population": 422.0}, {"index": 3133, "quantile": 0.5, "value": 91700.0, "Latitude": 34.92, "Longitude": -118.27, "Population": 422.0}, {"index": 3133, "quantile": 0.75, "value": 91700.0, "Latitude": 34.92, "Longitude": -118.27, "Population": 422.0}, {"index": 3133, "quantile": 1.0, "value": 225000.0, "Latitude": 34.92, "Longitude": -118.27, "Population": 422.0}, {"index": 3134, "quantile": 0.0, "value": 70900.0, "Latitude": 34.86, "Longitude": -118.34, "Population": 3571.0}, {"index": 3134, "quantile": 0.25, "value": 103725.0, "Latitude": 34.86, "Longitude": -118.34, "Population": 3571.0}, {"index": 3134, "quantile": 0.5, "value": 130000.0, "Latitude": 34.86, "Longitude": -118.34, "Population": 3571.0}, {"index": 3134, "quantile": 0.75, "value": 130000.0, "Latitude": 34.86, "Longitude": -118.34, "Population": 3571.0}, {"index": 3134, "quantile": 1.0, "value": 130000.0, "Latitude": 34.86, "Longitude": -118.34, "Population": 3571.0}, {"index": 3135, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 35.03, "Longitude": -117.68, "Population": 1644.0}, {"index": 3135, "quantile": 0.25, "value": 54900.00000000001, "Latitude": 35.03, "Longitude": -117.68, "Population": 1644.0}, {"index": 3135, "quantile": 0.5, "value": 54900.00000000001, "Latitude": 35.03, "Longitude": -117.68, "Population": 1644.0}, {"index": 3135, "quantile": 0.75, "value": 54900.00000000001, "Latitude": 35.03, "Longitude": -117.68, "Population": 1644.0}, {"index": 3135, "quantile": 1.0, "value": 136400.0, "Latitude": 35.03, "Longitude": -117.68, "Population": 1644.0}, {"index": 3136, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 34.99, "Longitude": -117.68, "Population": 853.0}, {"index": 3136, "quantile": 0.25, "value": 64400.0, "Latitude": 34.99, "Longitude": -117.68, "Population": 853.0}, {"index": 3136, "quantile": 0.5, "value": 64400.0, "Latitude": 34.99, "Longitude": -117.68, "Population": 853.0}, {"index": 3136, "quantile": 0.75, "value": 111100.0, "Latitude": 34.99, "Longitude": -117.68, "Population": 853.0}, {"index": 3136, "quantile": 1.0, "value": 338100.0, "Latitude": 34.99, "Longitude": -117.68, "Population": 853.0}, {"index": 3137, "quantile": 0.0, "value": 39800.0, "Latitude": 35.0, "Longitude": -117.65, "Population": 672.0}, {"index": 3137, "quantile": 0.25, "value": 39800.0, "Latitude": 35.0, "Longitude": -117.65, "Population": 672.0}, {"index": 3137, "quantile": 0.5, "value": 39800.0, "Latitude": 35.0, "Longitude": -117.65, "Population": 672.0}, {"index": 3137, "quantile": 0.75, "value": 58775.0, "Latitude": 35.0, "Longitude": -117.65, "Population": 672.0}, {"index": 3137, "quantile": 1.0, "value": 225999.99999999997, "Latitude": 35.0, "Longitude": -117.65, "Population": 672.0}, {"index": 3138, "quantile": 0.0, "value": 49200.0, "Latitude": 34.86, "Longitude": -118.15, "Population": 2227.0}, {"index": 3138, "quantile": 0.25, "value": 83500.0, "Latitude": 34.86, "Longitude": -118.15, "Population": 2227.0}, {"index": 3138, "quantile": 0.5, "value": 83500.0, "Latitude": 34.86, "Longitude": -118.15, "Population": 2227.0}, {"index": 3138, "quantile": 0.75, "value": 91700.0, "Latitude": 34.86, "Longitude": -118.15, "Population": 2227.0}, {"index": 3138, "quantile": 1.0, "value": 187500.0, "Latitude": 34.86, "Longitude": -118.15, "Population": 2227.0}, {"index": 3139, "quantile": 0.0, "value": 30000.0, "Latitude": 34.87, "Longitude": -118.17, "Population": 761.0}, {"index": 3139, "quantile": 0.25, "value": 87900.0, "Latitude": 34.87, "Longitude": -118.17, "Population": 761.0}, {"index": 3139, "quantile": 0.5, "value": 87900.0, "Latitude": 34.87, "Longitude": -118.17, "Population": 761.0}, {"index": 3139, "quantile": 0.75, "value": 87900.0, "Latitude": 34.87, "Longitude": -118.17, "Population": 761.0}, {"index": 3139, "quantile": 1.0, "value": 139700.0, "Latitude": 34.87, "Longitude": -118.17, "Population": 761.0}, {"index": 3140, "quantile": 0.0, "value": 89500.0, "Latitude": 34.87, "Longitude": -118.19, "Population": 923.0}, {"index": 3140, "quantile": 0.25, "value": 143700.0, "Latitude": 34.87, "Longitude": -118.19, "Population": 923.0}, {"index": 3140, "quantile": 0.5, "value": 185450.0, "Latitude": 34.87, "Longitude": -118.19, "Population": 923.0}, {"index": 3140, "quantile": 0.75, "value": 261275.0, "Latitude": 34.87, "Longitude": -118.19, "Population": 923.0}, {"index": 3140, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.87, "Longitude": -118.19, "Population": 923.0}, {"index": 3141, "quantile": 0.0, "value": 52100.0, "Latitude": 34.86, "Longitude": -118.17, "Population": 1488.0}, {"index": 3141, "quantile": 0.25, "value": 84700.0, "Latitude": 34.86, "Longitude": -118.17, "Population": 1488.0}, {"index": 3141, "quantile": 0.5, "value": 108650.0, "Latitude": 34.86, "Longitude": -118.17, "Population": 1488.0}, {"index": 3141, "quantile": 0.75, "value": 155600.0, "Latitude": 34.86, "Longitude": -118.17, "Population": 1488.0}, {"index": 3141, "quantile": 1.0, "value": 338900.0, "Latitude": 34.86, "Longitude": -118.17, "Population": 1488.0}, {"index": 3142, "quantile": 0.0, "value": 26900.0, "Latitude": 35.06, "Longitude": -118.15, "Population": 569.0}, {"index": 3142, "quantile": 0.25, "value": 73300.0, "Latitude": 35.06, "Longitude": -118.15, "Population": 569.0}, {"index": 3142, "quantile": 0.5, "value": 73300.0, "Latitude": 35.06, "Longitude": -118.15, "Population": 569.0}, {"index": 3142, "quantile": 0.75, "value": 94649.99999999999, "Latitude": 35.06, "Longitude": -118.15, "Population": 569.0}, {"index": 3142, "quantile": 1.0, "value": 266300.0, "Latitude": 35.06, "Longitude": -118.15, "Population": 569.0}, {"index": 3143, "quantile": 0.0, "value": 26600.0, "Latitude": 35.05, "Longitude": -118.16, "Population": 776.0}, {"index": 3143, "quantile": 0.25, "value": 68900.0, "Latitude": 35.05, "Longitude": -118.16, "Population": 776.0}, {"index": 3143, "quantile": 0.5, "value": 68900.0, "Latitude": 35.05, "Longitude": -118.16, "Population": 776.0}, {"index": 3143, "quantile": 0.75, "value": 68900.0, "Latitude": 35.05, "Longitude": -118.16, "Population": 776.0}, {"index": 3143, "quantile": 1.0, "value": 196100.0, "Latitude": 35.05, "Longitude": -118.16, "Population": 776.0}, {"index": 3144, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 35.05, "Longitude": -118.19, "Population": 1631.0}, {"index": 3144, "quantile": 0.25, "value": 80775.00000000001, "Latitude": 35.05, "Longitude": -118.19, "Population": 1631.0}, {"index": 3144, "quantile": 0.5, "value": 84600.0, "Latitude": 35.05, "Longitude": -118.19, "Population": 1631.0}, {"index": 3144, "quantile": 0.75, "value": 93650.0, "Latitude": 35.05, "Longitude": -118.19, "Population": 1631.0}, {"index": 3144, "quantile": 1.0, "value": 171900.0, "Latitude": 35.05, "Longitude": -118.19, "Population": 1631.0}, {"index": 3145, "quantile": 0.0, "value": 26600.0, "Latitude": 35.04, "Longitude": -118.15, "Population": 821.0}, {"index": 3145, "quantile": 0.25, "value": 56799.99999999999, "Latitude": 35.04, "Longitude": -118.15, "Population": 821.0}, {"index": 3145, "quantile": 0.5, "value": 56799.99999999999, "Latitude": 35.04, "Longitude": -118.15, "Population": 821.0}, {"index": 3145, "quantile": 0.75, "value": 75300.0, "Latitude": 35.04, "Longitude": -118.15, "Population": 821.0}, {"index": 3145, "quantile": 1.0, "value": 179700.0, "Latitude": 35.04, "Longitude": -118.15, "Population": 821.0}, {"index": 3146, "quantile": 0.0, "value": 87200.0, "Latitude": 35.16, "Longitude": -118.51, "Population": 1932.0}, {"index": 3146, "quantile": 0.25, "value": 136800.0, "Latitude": 35.16, "Longitude": -118.51, "Population": 1932.0}, {"index": 3146, "quantile": 0.5, "value": 136800.0, "Latitude": 35.16, "Longitude": -118.51, "Population": 1932.0}, {"index": 3146, "quantile": 0.75, "value": 136800.0, "Latitude": 35.16, "Longitude": -118.51, "Population": 1932.0}, {"index": 3146, "quantile": 1.0, "value": 295500.0, "Latitude": 35.16, "Longitude": -118.51, "Population": 1932.0}, {"index": 3147, "quantile": 0.0, "value": 40400.0, "Latitude": 35.2, "Longitude": -118.66, "Population": 3617.0}, {"index": 3147, "quantile": 0.25, "value": 123900.00000000001, "Latitude": 35.2, "Longitude": -118.66, "Population": 3617.0}, {"index": 3147, "quantile": 0.5, "value": 142400.0, "Latitude": 35.2, "Longitude": -118.66, "Population": 3617.0}, {"index": 3147, "quantile": 0.75, "value": 148700.0, "Latitude": 35.2, "Longitude": -118.66, "Population": 3617.0}, {"index": 3147, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.2, "Longitude": -118.66, "Population": 3617.0}, {"index": 3148, "quantile": 0.0, "value": 22500.0, "Latitude": 35.27, "Longitude": -118.34, "Population": 1167.0}, {"index": 3148, "quantile": 0.25, "value": 68800.0, "Latitude": 35.27, "Longitude": -118.34, "Population": 1167.0}, {"index": 3148, "quantile": 0.5, "value": 83500.0, "Latitude": 35.27, "Longitude": -118.34, "Population": 1167.0}, {"index": 3148, "quantile": 0.75, "value": 96900.0, "Latitude": 35.27, "Longitude": -118.34, "Population": 1167.0}, {"index": 3148, "quantile": 1.0, "value": 262500.0, "Latitude": 35.27, "Longitude": -118.34, "Population": 1167.0}, {"index": 3149, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 35.14, "Longitude": -118.48, "Population": 4631.0}, {"index": 3149, "quantile": 0.25, "value": 87000.0, "Latitude": 35.14, "Longitude": -118.48, "Population": 4631.0}, {"index": 3149, "quantile": 0.5, "value": 115799.99999999999, "Latitude": 35.14, "Longitude": -118.48, "Population": 4631.0}, {"index": 3149, "quantile": 0.75, "value": 115799.99999999999, "Latitude": 35.14, "Longitude": -118.48, "Population": 4631.0}, {"index": 3149, "quantile": 1.0, "value": 151600.0, "Latitude": 35.14, "Longitude": -118.48, "Population": 4631.0}, {"index": 3150, "quantile": 0.0, "value": 40400.0, "Latitude": 35.08, "Longitude": -118.61, "Population": 1243.0}, {"index": 3150, "quantile": 0.25, "value": 137200.0, "Latitude": 35.08, "Longitude": -118.61, "Population": 1243.0}, {"index": 3150, "quantile": 0.5, "value": 137200.0, "Latitude": 35.08, "Longitude": -118.61, "Population": 1243.0}, {"index": 3150, "quantile": 0.75, "value": 137200.0, "Latitude": 35.08, "Longitude": -118.61, "Population": 1243.0}, {"index": 3150, "quantile": 1.0, "value": 160700.0, "Latitude": 35.08, "Longitude": -118.61, "Population": 1243.0}, {"index": 3151, "quantile": 0.0, "value": 40400.0, "Latitude": 34.99, "Longitude": -118.61, "Population": 1539.0}, {"index": 3151, "quantile": 0.25, "value": 119275.0, "Latitude": 34.99, "Longitude": -118.61, "Population": 1539.0}, {"index": 3151, "quantile": 0.5, "value": 137200.0, "Latitude": 34.99, "Longitude": -118.61, "Population": 1539.0}, {"index": 3151, "quantile": 0.75, "value": 148200.0, "Latitude": 34.99, "Longitude": -118.61, "Population": 1539.0}, {"index": 3151, "quantile": 1.0, "value": 194100.0, "Latitude": 34.99, "Longitude": -118.61, "Population": 1539.0}, {"index": 3152, "quantile": 0.0, "value": 30000.0, "Latitude": 35.13, "Longitude": -118.46, "Population": 1457.0}, {"index": 3152, "quantile": 0.25, "value": 69975.0, "Latitude": 35.13, "Longitude": -118.46, "Population": 1457.0}, {"index": 3152, "quantile": 0.5, "value": 84300.0, "Latitude": 35.13, "Longitude": -118.46, "Population": 1457.0}, {"index": 3152, "quantile": 0.75, "value": 89600.0, "Latitude": 35.13, "Longitude": -118.46, "Population": 1457.0}, {"index": 3152, "quantile": 1.0, "value": 293900.0, "Latitude": 35.13, "Longitude": -118.46, "Population": 1457.0}, {"index": 3153, "quantile": 0.0, "value": 40400.0, "Latitude": 35.12, "Longitude": -118.46, "Population": 2033.0}, {"index": 3153, "quantile": 0.25, "value": 85500.0, "Latitude": 35.12, "Longitude": -118.46, "Population": 2033.0}, {"index": 3153, "quantile": 0.5, "value": 85500.0, "Latitude": 35.12, "Longitude": -118.46, "Population": 2033.0}, {"index": 3153, "quantile": 0.75, "value": 85500.0, "Latitude": 35.12, "Longitude": -118.46, "Population": 2033.0}, {"index": 3153, "quantile": 1.0, "value": 344400.0, "Latitude": 35.12, "Longitude": -118.46, "Population": 2033.0}, {"index": 3154, "quantile": 0.0, "value": 67600.0, "Latitude": 35.12, "Longitude": -118.43, "Population": 930.0}, {"index": 3154, "quantile": 0.25, "value": 99800.0, "Latitude": 35.12, "Longitude": -118.43, "Population": 930.0}, {"index": 3154, "quantile": 0.5, "value": 99800.0, "Latitude": 35.12, "Longitude": -118.43, "Population": 930.0}, {"index": 3154, "quantile": 0.75, "value": 99800.0, "Latitude": 35.12, "Longitude": -118.43, "Population": 930.0}, {"index": 3154, "quantile": 1.0, "value": 230799.99999999997, "Latitude": 35.12, "Longitude": -118.43, "Population": 930.0}, {"index": 3155, "quantile": 0.0, "value": 26600.0, "Latitude": 35.13, "Longitude": -118.44, "Population": 602.0}, {"index": 3155, "quantile": 0.25, "value": 54525.0, "Latitude": 35.13, "Longitude": -118.44, "Population": 602.0}, {"index": 3155, "quantile": 0.5, "value": 66900.0, "Latitude": 35.13, "Longitude": -118.44, "Population": 602.0}, {"index": 3155, "quantile": 0.75, "value": 95300.0, "Latitude": 35.13, "Longitude": -118.44, "Population": 602.0}, {"index": 3155, "quantile": 1.0, "value": 268800.0, "Latitude": 35.13, "Longitude": -118.44, "Population": 602.0}, {"index": 3156, "quantile": 0.0, "value": 39800.0, "Latitude": 35.13, "Longitude": -118.44, "Population": 1133.0}, {"index": 3156, "quantile": 0.25, "value": 57899.99999999999, "Latitude": 35.13, "Longitude": -118.44, "Population": 1133.0}, {"index": 3156, "quantile": 0.5, "value": 67900.0, "Latitude": 35.13, "Longitude": -118.44, "Population": 1133.0}, {"index": 3156, "quantile": 0.75, "value": 67900.0, "Latitude": 35.13, "Longitude": -118.44, "Population": 1133.0}, {"index": 3156, "quantile": 1.0, "value": 168800.0, "Latitude": 35.13, "Longitude": -118.44, "Population": 1133.0}, {"index": 3157, "quantile": 0.0, "value": 47500.0, "Latitude": 35.3, "Longitude": -118.91, "Population": 1233.0}, {"index": 3157, "quantile": 0.25, "value": 62800.0, "Latitude": 35.3, "Longitude": -118.91, "Population": 1233.0}, {"index": 3157, "quantile": 0.5, "value": 82200.0, "Latitude": 35.3, "Longitude": -118.91, "Population": 1233.0}, {"index": 3157, "quantile": 0.75, "value": 82200.0, "Latitude": 35.3, "Longitude": -118.91, "Population": 1233.0}, {"index": 3157, "quantile": 1.0, "value": 128899.99999999999, "Latitude": 35.3, "Longitude": -118.91, "Population": 1233.0}, {"index": 3158, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 35.26, "Longitude": -118.95, "Population": 667.0}, {"index": 3158, "quantile": 0.25, "value": 94500.0, "Latitude": 35.26, "Longitude": -118.95, "Population": 667.0}, {"index": 3158, "quantile": 0.5, "value": 94500.0, "Latitude": 35.26, "Longitude": -118.95, "Population": 667.0}, {"index": 3158, "quantile": 0.75, "value": 95875.0, "Latitude": 35.26, "Longitude": -118.95, "Population": 667.0}, {"index": 3158, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.26, "Longitude": -118.95, "Population": 667.0}, {"index": 3159, "quantile": 0.0, "value": 53300.0, "Latitude": 35.27, "Longitude": -118.83, "Population": 717.0}, {"index": 3159, "quantile": 0.25, "value": 67575.0, "Latitude": 35.27, "Longitude": -118.83, "Population": 717.0}, {"index": 3159, "quantile": 0.5, "value": 81300.0, "Latitude": 35.27, "Longitude": -118.83, "Population": 717.0}, {"index": 3159, "quantile": 0.75, "value": 81300.0, "Latitude": 35.27, "Longitude": -118.83, "Population": 717.0}, {"index": 3159, "quantile": 1.0, "value": 139700.0, "Latitude": 35.27, "Longitude": -118.83, "Population": 717.0}, {"index": 3160, "quantile": 0.0, "value": 47700.0, "Latitude": 35.13, "Longitude": -118.92, "Population": 909.0}, {"index": 3160, "quantile": 0.25, "value": 106300.0, "Latitude": 35.13, "Longitude": -118.92, "Population": 909.0}, {"index": 3160, "quantile": 0.5, "value": 106300.0, "Latitude": 35.13, "Longitude": -118.92, "Population": 909.0}, {"index": 3160, "quantile": 0.75, "value": 106300.0, "Latitude": 35.13, "Longitude": -118.92, "Population": 909.0}, {"index": 3160, "quantile": 1.0, "value": 150000.0, "Latitude": 35.13, "Longitude": -118.92, "Population": 909.0}, {"index": 3161, "quantile": 0.0, "value": 41400.0, "Latitude": 35.23, "Longitude": -118.85, "Population": 1222.0}, {"index": 3161, "quantile": 0.25, "value": 51449.99999999999, "Latitude": 35.23, "Longitude": -118.85, "Population": 1222.0}, {"index": 3161, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 35.23, "Longitude": -118.85, "Population": 1222.0}, {"index": 3161, "quantile": 0.75, "value": 63700.0, "Latitude": 35.23, "Longitude": -118.85, "Population": 1222.0}, {"index": 3161, "quantile": 1.0, "value": 246700.0, "Latitude": 35.23, "Longitude": -118.85, "Population": 1222.0}, {"index": 3162, "quantile": 0.0, "value": 45500.0, "Latitude": 35.23, "Longitude": -118.82, "Population": 2302.0}, {"index": 3162, "quantile": 0.25, "value": 53900.0, "Latitude": 35.23, "Longitude": -118.82, "Population": 2302.0}, {"index": 3162, "quantile": 0.5, "value": 53900.0, "Latitude": 35.23, "Longitude": -118.82, "Population": 2302.0}, {"index": 3162, "quantile": 0.75, "value": 53900.0, "Latitude": 35.23, "Longitude": -118.82, "Population": 2302.0}, {"index": 3162, "quantile": 1.0, "value": 72000.0, "Latitude": 35.23, "Longitude": -118.82, "Population": 2302.0}, {"index": 3163, "quantile": 0.0, "value": 26900.0, "Latitude": 35.2, "Longitude": -118.83, "Population": 1763.0}, {"index": 3163, "quantile": 0.25, "value": 53500.0, "Latitude": 35.2, "Longitude": -118.83, "Population": 1763.0}, {"index": 3163, "quantile": 0.5, "value": 53500.0, "Latitude": 35.2, "Longitude": -118.83, "Population": 1763.0}, {"index": 3163, "quantile": 0.75, "value": 53500.0, "Latitude": 35.2, "Longitude": -118.83, "Population": 1763.0}, {"index": 3163, "quantile": 1.0, "value": 263500.0, "Latitude": 35.2, "Longitude": -118.83, "Population": 1763.0}, {"index": 3164, "quantile": 0.0, "value": 26600.0, "Latitude": 35.2, "Longitude": -118.82, "Population": 1910.0}, {"index": 3164, "quantile": 0.25, "value": 57299.99999999999, "Latitude": 35.2, "Longitude": -118.82, "Population": 1910.0}, {"index": 3164, "quantile": 0.5, "value": 57299.99999999999, "Latitude": 35.2, "Longitude": -118.82, "Population": 1910.0}, {"index": 3164, "quantile": 0.75, "value": 57299.99999999999, "Latitude": 35.2, "Longitude": -118.82, "Population": 1910.0}, {"index": 3164, "quantile": 1.0, "value": 187500.0, "Latitude": 35.2, "Longitude": -118.82, "Population": 1910.0}, {"index": 3165, "quantile": 0.0, "value": 40900.0, "Latitude": 35.2, "Longitude": -118.85, "Population": 2566.0}, {"index": 3165, "quantile": 0.25, "value": 51200.0, "Latitude": 35.2, "Longitude": -118.85, "Population": 2566.0}, {"index": 3165, "quantile": 0.5, "value": 51200.0, "Latitude": 35.2, "Longitude": -118.85, "Population": 2566.0}, {"index": 3165, "quantile": 0.75, "value": 53900.0, "Latitude": 35.2, "Longitude": -118.85, "Population": 2566.0}, {"index": 3165, "quantile": 1.0, "value": 134200.0, "Latitude": 35.2, "Longitude": -118.85, "Population": 2566.0}, {"index": 3166, "quantile": 0.0, "value": 37500.0, "Latitude": 35.27, "Longitude": -118.91, "Population": 1344.0}, {"index": 3166, "quantile": 0.25, "value": 56850.0, "Latitude": 35.27, "Longitude": -118.91, "Population": 1344.0}, {"index": 3166, "quantile": 0.5, "value": 61400.0, "Latitude": 35.27, "Longitude": -118.91, "Population": 1344.0}, {"index": 3166, "quantile": 0.75, "value": 61400.0, "Latitude": 35.27, "Longitude": -118.91, "Population": 1344.0}, {"index": 3166, "quantile": 1.0, "value": 150000.0, "Latitude": 35.27, "Longitude": -118.91, "Population": 1344.0}, {"index": 3167, "quantile": 0.0, "value": 37500.0, "Latitude": 35.26, "Longitude": -118.9, "Population": 5666.0}, {"index": 3167, "quantile": 0.25, "value": 54600.00000000001, "Latitude": 35.26, "Longitude": -118.9, "Population": 5666.0}, {"index": 3167, "quantile": 0.5, "value": 54600.00000000001, "Latitude": 35.26, "Longitude": -118.9, "Population": 5666.0}, {"index": 3167, "quantile": 0.75, "value": 54600.00000000001, "Latitude": 35.26, "Longitude": -118.9, "Population": 5666.0}, {"index": 3167, "quantile": 1.0, "value": 106300.0, "Latitude": 35.26, "Longitude": -118.9, "Population": 5666.0}, {"index": 3168, "quantile": 0.0, "value": 40900.0, "Latitude": 35.26, "Longitude": -118.92, "Population": 3450.0}, {"index": 3168, "quantile": 0.25, "value": 54600.00000000001, "Latitude": 35.26, "Longitude": -118.92, "Population": 3450.0}, {"index": 3168, "quantile": 0.5, "value": 63700.0, "Latitude": 35.26, "Longitude": -118.92, "Population": 3450.0}, {"index": 3168, "quantile": 0.75, "value": 63700.0, "Latitude": 35.26, "Longitude": -118.92, "Population": 3450.0}, {"index": 3168, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 35.26, "Longitude": -118.92, "Population": 3450.0}, {"index": 3169, "quantile": 0.0, "value": 41700.0, "Latitude": 35.24, "Longitude": -118.91, "Population": 2949.0}, {"index": 3169, "quantile": 0.25, "value": 45500.0, "Latitude": 35.24, "Longitude": -118.91, "Population": 2949.0}, {"index": 3169, "quantile": 0.5, "value": 45500.0, "Latitude": 35.24, "Longitude": -118.91, "Population": 2949.0}, {"index": 3169, "quantile": 0.75, "value": 51425.0, "Latitude": 35.24, "Longitude": -118.91, "Population": 2949.0}, {"index": 3169, "quantile": 1.0, "value": 325000.0, "Latitude": 35.24, "Longitude": -118.91, "Population": 2949.0}, {"index": 3170, "quantile": 0.0, "value": 43500.0, "Latitude": 36.41, "Longitude": -119.69, "Population": 540.0}, {"index": 3170, "quantile": 0.25, "value": 65375.00000000001, "Latitude": 36.41, "Longitude": -119.69, "Population": 540.0}, {"index": 3170, "quantile": 0.5, "value": 75000.0, "Latitude": 36.41, "Longitude": -119.69, "Population": 540.0}, {"index": 3170, "quantile": 0.75, "value": 75000.0, "Latitude": 36.41, "Longitude": -119.69, "Population": 540.0}, {"index": 3170, "quantile": 1.0, "value": 92700.0, "Latitude": 36.41, "Longitude": -119.69, "Population": 540.0}, {"index": 3171, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 36.44, "Longitude": -119.57, "Population": 1123.0}, {"index": 3171, "quantile": 0.25, "value": 71300.0, "Latitude": 36.44, "Longitude": -119.57, "Population": 1123.0}, {"index": 3171, "quantile": 0.5, "value": 82400.0, "Latitude": 36.44, "Longitude": -119.57, "Population": 1123.0}, {"index": 3171, "quantile": 0.75, "value": 93800.0, "Latitude": 36.44, "Longitude": -119.57, "Population": 1123.0}, {"index": 3171, "quantile": 1.0, "value": 113700.0, "Latitude": 36.44, "Longitude": -119.57, "Population": 1123.0}, {"index": 3172, "quantile": 0.0, "value": 53200.0, "Latitude": 36.37, "Longitude": -119.55, "Population": 1002.0}, {"index": 3172, "quantile": 0.25, "value": 104700.0, "Latitude": 36.37, "Longitude": -119.55, "Population": 1002.0}, {"index": 3172, "quantile": 0.5, "value": 126299.99999999999, "Latitude": 36.37, "Longitude": -119.55, "Population": 1002.0}, {"index": 3172, "quantile": 0.75, "value": 126299.99999999999, "Latitude": 36.37, "Longitude": -119.55, "Population": 1002.0}, {"index": 3172, "quantile": 1.0, "value": 139700.0, "Latitude": 36.37, "Longitude": -119.55, "Population": 1002.0}, {"index": 3173, "quantile": 0.0, "value": 68400.0, "Latitude": 36.38, "Longitude": -119.69, "Population": 879.0}, {"index": 3173, "quantile": 0.25, "value": 102725.0, "Latitude": 36.38, "Longitude": -119.69, "Population": 879.0}, {"index": 3173, "quantile": 0.5, "value": 103099.99999999999, "Latitude": 36.38, "Longitude": -119.69, "Population": 879.0}, {"index": 3173, "quantile": 0.75, "value": 103099.99999999999, "Latitude": 36.38, "Longitude": -119.69, "Population": 879.0}, {"index": 3173, "quantile": 1.0, "value": 131700.0, "Latitude": 36.38, "Longitude": -119.69, "Population": 879.0}, {"index": 3174, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 36.37, "Longitude": -119.78, "Population": 443.0}, {"index": 3174, "quantile": 0.25, "value": 85900.0, "Latitude": 36.37, "Longitude": -119.78, "Population": 443.0}, {"index": 3174, "quantile": 0.5, "value": 100000.0, "Latitude": 36.37, "Longitude": -119.78, "Population": 443.0}, {"index": 3174, "quantile": 0.75, "value": 100000.0, "Latitude": 36.37, "Longitude": -119.78, "Population": 443.0}, {"index": 3174, "quantile": 1.0, "value": 202800.0, "Latitude": 36.37, "Longitude": -119.78, "Population": 443.0}, {"index": 3175, "quantile": 0.0, "value": 53200.0, "Latitude": 36.37, "Longitude": -119.83, "Population": 819.0}, {"index": 3175, "quantile": 0.25, "value": 76450.0, "Latitude": 36.37, "Longitude": -119.83, "Population": 819.0}, {"index": 3175, "quantile": 0.5, "value": 101400.0, "Latitude": 36.37, "Longitude": -119.83, "Population": 819.0}, {"index": 3175, "quantile": 0.75, "value": 101400.0, "Latitude": 36.37, "Longitude": -119.83, "Population": 819.0}, {"index": 3175, "quantile": 1.0, "value": 132800.0, "Latitude": 36.37, "Longitude": -119.83, "Population": 819.0}, {"index": 3176, "quantile": 0.0, "value": 43500.0, "Latitude": 36.34, "Longitude": -119.87, "Population": 779.0}, {"index": 3176, "quantile": 0.25, "value": 70725.0, "Latitude": 36.34, "Longitude": -119.87, "Population": 779.0}, {"index": 3176, "quantile": 0.5, "value": 81700.0, "Latitude": 36.34, "Longitude": -119.87, "Population": 779.0}, {"index": 3176, "quantile": 0.75, "value": 97150.0, "Latitude": 36.34, "Longitude": -119.87, "Population": 779.0}, {"index": 3176, "quantile": 1.0, "value": 128899.99999999999, "Latitude": 36.34, "Longitude": -119.87, "Population": 779.0}, {"index": 3177, "quantile": 0.0, "value": 38800.0, "Latitude": 36.32, "Longitude": -119.93, "Population": 7679.0}, {"index": 3177, "quantile": 0.25, "value": 67900.0, "Latitude": 36.32, "Longitude": -119.93, "Population": 7679.0}, {"index": 3177, "quantile": 0.5, "value": 106300.0, "Latitude": 36.32, "Longitude": -119.93, "Population": 7679.0}, {"index": 3177, "quantile": 0.75, "value": 106300.0, "Latitude": 36.32, "Longitude": -119.93, "Population": 7679.0}, {"index": 3177, "quantile": 1.0, "value": 118800.0, "Latitude": 36.32, "Longitude": -119.93, "Population": 7679.0}, {"index": 3178, "quantile": 0.0, "value": 46300.0, "Latitude": 36.32, "Longitude": -119.79, "Population": 1971.0}, {"index": 3178, "quantile": 0.25, "value": 75800.0, "Latitude": 36.32, "Longitude": -119.79, "Population": 1971.0}, {"index": 3178, "quantile": 0.5, "value": 75800.0, "Latitude": 36.32, "Longitude": -119.79, "Population": 1971.0}, {"index": 3178, "quantile": 0.75, "value": 75800.0, "Latitude": 36.32, "Longitude": -119.79, "Population": 1971.0}, {"index": 3178, "quantile": 1.0, "value": 151600.0, "Latitude": 36.32, "Longitude": -119.79, "Population": 1971.0}, {"index": 3179, "quantile": 0.0, "value": 80400.0, "Latitude": 36.32, "Longitude": -119.77, "Population": 1867.0}, {"index": 3179, "quantile": 0.25, "value": 92500.0, "Latitude": 36.32, "Longitude": -119.77, "Population": 1867.0}, {"index": 3179, "quantile": 0.5, "value": 92500.0, "Latitude": 36.32, "Longitude": -119.77, "Population": 1867.0}, {"index": 3179, "quantile": 0.75, "value": 92500.0, "Latitude": 36.32, "Longitude": -119.77, "Population": 1867.0}, {"index": 3179, "quantile": 1.0, "value": 146400.0, "Latitude": 36.32, "Longitude": -119.77, "Population": 1867.0}, {"index": 3180, "quantile": 0.0, "value": 69400.0, "Latitude": 36.31, "Longitude": -119.78, "Population": 737.0}, {"index": 3180, "quantile": 0.25, "value": 108900.0, "Latitude": 36.31, "Longitude": -119.78, "Population": 737.0}, {"index": 3180, "quantile": 0.5, "value": 126400.0, "Latitude": 36.31, "Longitude": -119.78, "Population": 737.0}, {"index": 3180, "quantile": 0.75, "value": 126400.0, "Latitude": 36.31, "Longitude": -119.78, "Population": 737.0}, {"index": 3180, "quantile": 1.0, "value": 286600.0, "Latitude": 36.31, "Longitude": -119.78, "Population": 737.0}, {"index": 3181, "quantile": 0.0, "value": 56999.99999999999, "Latitude": 36.31, "Longitude": -119.77, "Population": 2191.0}, {"index": 3181, "quantile": 0.25, "value": 70100.0, "Latitude": 36.31, "Longitude": -119.77, "Population": 2191.0}, {"index": 3181, "quantile": 0.5, "value": 73000.0, "Latitude": 36.31, "Longitude": -119.77, "Population": 2191.0}, {"index": 3181, "quantile": 0.75, "value": 77600.0, "Latitude": 36.31, "Longitude": -119.77, "Population": 2191.0}, {"index": 3181, "quantile": 1.0, "value": 254500.0, "Latitude": 36.31, "Longitude": -119.77, "Population": 2191.0}, {"index": 3182, "quantile": 0.0, "value": 51000.0, "Latitude": 36.31, "Longitude": -119.79, "Population": 2414.0}, {"index": 3182, "quantile": 0.25, "value": 69000.0, "Latitude": 36.31, "Longitude": -119.79, "Population": 2414.0}, {"index": 3182, "quantile": 0.5, "value": 72900.0, "Latitude": 36.31, "Longitude": -119.79, "Population": 2414.0}, {"index": 3182, "quantile": 0.75, "value": 83700.0, "Latitude": 36.31, "Longitude": -119.79, "Population": 2414.0}, {"index": 3182, "quantile": 1.0, "value": 99300.0, "Latitude": 36.31, "Longitude": -119.79, "Population": 2414.0}, {"index": 3183, "quantile": 0.0, "value": 47100.0, "Latitude": 36.3, "Longitude": -119.77, "Population": 1052.0}, {"index": 3183, "quantile": 0.25, "value": 62000.0, "Latitude": 36.3, "Longitude": -119.77, "Population": 1052.0}, {"index": 3183, "quantile": 0.5, "value": 62000.0, "Latitude": 36.3, "Longitude": -119.77, "Population": 1052.0}, {"index": 3183, "quantile": 0.75, "value": 70700.0, "Latitude": 36.3, "Longitude": -119.77, "Population": 1052.0}, {"index": 3183, "quantile": 1.0, "value": 104700.0, "Latitude": 36.3, "Longitude": -119.77, "Population": 1052.0}, {"index": 3184, "quantile": 0.0, "value": 34400.0, "Latitude": 36.3, "Longitude": -119.78, "Population": 1255.0}, {"index": 3184, "quantile": 0.25, "value": 55250.0, "Latitude": 36.3, "Longitude": -119.78, "Population": 1255.0}, {"index": 3184, "quantile": 0.5, "value": 61600.0, "Latitude": 36.3, "Longitude": -119.78, "Population": 1255.0}, {"index": 3184, "quantile": 0.75, "value": 69000.0, "Latitude": 36.3, "Longitude": -119.78, "Population": 1255.0}, {"index": 3184, "quantile": 1.0, "value": 112500.0, "Latitude": 36.3, "Longitude": -119.78, "Population": 1255.0}, {"index": 3185, "quantile": 0.0, "value": 72100.0, "Latitude": 36.3, "Longitude": -119.79, "Population": 903.0}, {"index": 3185, "quantile": 0.25, "value": 93100.0, "Latitude": 36.3, "Longitude": -119.79, "Population": 903.0}, {"index": 3185, "quantile": 0.5, "value": 93100.0, "Latitude": 36.3, "Longitude": -119.79, "Population": 903.0}, {"index": 3185, "quantile": 0.75, "value": 102400.0, "Latitude": 36.3, "Longitude": -119.79, "Population": 903.0}, {"index": 3185, "quantile": 1.0, "value": 366000.0, "Latitude": 36.3, "Longitude": -119.79, "Population": 903.0}, {"index": 3186, "quantile": 0.0, "value": 79300.0, "Latitude": 36.29, "Longitude": -119.79, "Population": 764.0}, {"index": 3186, "quantile": 0.25, "value": 97475.0, "Latitude": 36.29, "Longitude": -119.79, "Population": 764.0}, {"index": 3186, "quantile": 0.5, "value": 104200.0, "Latitude": 36.29, "Longitude": -119.79, "Population": 764.0}, {"index": 3186, "quantile": 0.75, "value": 104200.0, "Latitude": 36.29, "Longitude": -119.79, "Population": 764.0}, {"index": 3186, "quantile": 1.0, "value": 175000.0, "Latitude": 36.29, "Longitude": -119.79, "Population": 764.0}, {"index": 3187, "quantile": 0.0, "value": 52200.0, "Latitude": 36.32, "Longitude": -119.82, "Population": 424.0}, {"index": 3187, "quantile": 0.25, "value": 87500.0, "Latitude": 36.32, "Longitude": -119.82, "Population": 424.0}, {"index": 3187, "quantile": 0.5, "value": 87500.0, "Latitude": 36.32, "Longitude": -119.82, "Population": 424.0}, {"index": 3187, "quantile": 0.75, "value": 87500.0, "Latitude": 36.32, "Longitude": -119.82, "Population": 424.0}, {"index": 3187, "quantile": 1.0, "value": 120800.0, "Latitude": 36.32, "Longitude": -119.82, "Population": 424.0}, {"index": 3188, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 36.33, "Longitude": -119.78, "Population": 515.0}, {"index": 3188, "quantile": 0.25, "value": 85375.0, "Latitude": 36.33, "Longitude": -119.78, "Population": 515.0}, {"index": 3188, "quantile": 0.5, "value": 96150.0, "Latitude": 36.33, "Longitude": -119.78, "Population": 515.0}, {"index": 3188, "quantile": 0.75, "value": 106375.0, "Latitude": 36.33, "Longitude": -119.78, "Population": 515.0}, {"index": 3188, "quantile": 1.0, "value": 230600.0, "Latitude": 36.33, "Longitude": -119.78, "Population": 515.0}, {"index": 3189, "quantile": 0.0, "value": 71300.0, "Latitude": 36.27, "Longitude": -119.78, "Population": 1066.0}, {"index": 3189, "quantile": 0.25, "value": 100800.0, "Latitude": 36.27, "Longitude": -119.78, "Population": 1066.0}, {"index": 3189, "quantile": 0.5, "value": 100800.0, "Latitude": 36.27, "Longitude": -119.78, "Population": 1066.0}, {"index": 3189, "quantile": 0.75, "value": 100800.0, "Latitude": 36.27, "Longitude": -119.78, "Population": 1066.0}, {"index": 3189, "quantile": 1.0, "value": 274300.0, "Latitude": 36.27, "Longitude": -119.78, "Population": 1066.0}, {"index": 3190, "quantile": 0.0, "value": 93100.0, "Latitude": 36.29, "Longitude": -119.8, "Population": 327.0}, {"index": 3190, "quantile": 0.25, "value": 107500.0, "Latitude": 36.29, "Longitude": -119.8, "Population": 327.0}, {"index": 3190, "quantile": 0.5, "value": 107500.0, "Latitude": 36.29, "Longitude": -119.8, "Population": 327.0}, {"index": 3190, "quantile": 0.75, "value": 108900.0, "Latitude": 36.29, "Longitude": -119.8, "Population": 327.0}, {"index": 3190, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.29, "Longitude": -119.8, "Population": 327.0}, {"index": 3191, "quantile": 0.0, "value": 54100.00000000001, "Latitude": 36.28, "Longitude": -119.81, "Population": 442.0}, {"index": 3191, "quantile": 0.25, "value": 56100.00000000001, "Latitude": 36.28, "Longitude": -119.81, "Population": 442.0}, {"index": 3191, "quantile": 0.5, "value": 56100.00000000001, "Latitude": 36.28, "Longitude": -119.81, "Population": 442.0}, {"index": 3191, "quantile": 0.75, "value": 72775.0, "Latitude": 36.28, "Longitude": -119.81, "Population": 442.0}, {"index": 3191, "quantile": 1.0, "value": 153800.0, "Latitude": 36.28, "Longitude": -119.81, "Population": 442.0}, {"index": 3192, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 36.34, "Longitude": -119.72, "Population": 580.0}, {"index": 3192, "quantile": 0.25, "value": 76200.0, "Latitude": 36.34, "Longitude": -119.72, "Population": 580.0}, {"index": 3192, "quantile": 0.5, "value": 94600.0, "Latitude": 36.34, "Longitude": -119.72, "Population": 580.0}, {"index": 3192, "quantile": 0.75, "value": 105900.00000000001, "Latitude": 36.34, "Longitude": -119.72, "Population": 580.0}, {"index": 3192, "quantile": 1.0, "value": 165400.0, "Latitude": 36.34, "Longitude": -119.72, "Population": 580.0}, {"index": 3193, "quantile": 0.0, "value": 47700.0, "Latitude": 36.32, "Longitude": -119.72, "Population": 676.0}, {"index": 3193, "quantile": 0.25, "value": 60075.0, "Latitude": 36.32, "Longitude": -119.72, "Population": 676.0}, {"index": 3193, "quantile": 0.5, "value": 65550.0, "Latitude": 36.32, "Longitude": -119.72, "Population": 676.0}, {"index": 3193, "quantile": 0.75, "value": 73625.0, "Latitude": 36.32, "Longitude": -119.72, "Population": 676.0}, {"index": 3193, "quantile": 1.0, "value": 450000.0, "Latitude": 36.32, "Longitude": -119.72, "Population": 676.0}, {"index": 3194, "quantile": 0.0, "value": 30000.0, "Latitude": 36.32, "Longitude": -119.7, "Population": 586.0}, {"index": 3194, "quantile": 0.25, "value": 43500.0, "Latitude": 36.32, "Longitude": -119.7, "Population": 586.0}, {"index": 3194, "quantile": 0.5, "value": 43500.0, "Latitude": 36.32, "Longitude": -119.7, "Population": 586.0}, {"index": 3194, "quantile": 0.75, "value": 82800.0, "Latitude": 36.32, "Longitude": -119.7, "Population": 586.0}, {"index": 3194, "quantile": 1.0, "value": 187500.0, "Latitude": 36.32, "Longitude": -119.7, "Population": 586.0}, {"index": 3195, "quantile": 0.0, "value": 58500.0, "Latitude": 36.31, "Longitude": -119.73, "Population": 1579.0}, {"index": 3195, "quantile": 0.25, "value": 60200.0, "Latitude": 36.31, "Longitude": -119.73, "Population": 1579.0}, {"index": 3195, "quantile": 0.5, "value": 60200.0, "Latitude": 36.31, "Longitude": -119.73, "Population": 1579.0}, {"index": 3195, "quantile": 0.75, "value": 64800.0, "Latitude": 36.31, "Longitude": -119.73, "Population": 1579.0}, {"index": 3195, "quantile": 1.0, "value": 126299.99999999999, "Latitude": 36.31, "Longitude": -119.73, "Population": 1579.0}, {"index": 3196, "quantile": 0.0, "value": 47500.0, "Latitude": 36.3, "Longitude": -119.7, "Population": 693.0}, {"index": 3196, "quantile": 0.25, "value": 62000.0, "Latitude": 36.3, "Longitude": -119.7, "Population": 693.0}, {"index": 3196, "quantile": 0.5, "value": 62000.0, "Latitude": 36.3, "Longitude": -119.7, "Population": 693.0}, {"index": 3196, "quantile": 0.75, "value": 62749.99999999999, "Latitude": 36.3, "Longitude": -119.7, "Population": 693.0}, {"index": 3196, "quantile": 1.0, "value": 132800.0, "Latitude": 36.3, "Longitude": -119.7, "Population": 693.0}, {"index": 3197, "quantile": 0.0, "value": 84500.0, "Latitude": 36.35, "Longitude": -119.67, "Population": 470.0}, {"index": 3197, "quantile": 0.25, "value": 101725.0, "Latitude": 36.35, "Longitude": -119.67, "Population": 470.0}, {"index": 3197, "quantile": 0.5, "value": 121100.00000000001, "Latitude": 36.35, "Longitude": -119.67, "Population": 470.0}, {"index": 3197, "quantile": 0.75, "value": 172150.0, "Latitude": 36.35, "Longitude": -119.67, "Population": 470.0}, {"index": 3197, "quantile": 1.0, "value": 450800.0, "Latitude": 36.35, "Longitude": -119.67, "Population": 470.0}, {"index": 3198, "quantile": 0.0, "value": 40400.0, "Latitude": 36.37, "Longitude": -119.65, "Population": 1478.0}, {"index": 3198, "quantile": 0.25, "value": 96025.0, "Latitude": 36.37, "Longitude": -119.65, "Population": 1478.0}, {"index": 3198, "quantile": 0.5, "value": 137200.0, "Latitude": 36.37, "Longitude": -119.65, "Population": 1478.0}, {"index": 3198, "quantile": 0.75, "value": 145000.0, "Latitude": 36.37, "Longitude": -119.65, "Population": 1478.0}, {"index": 3198, "quantile": 1.0, "value": 212699.99999999997, "Latitude": 36.37, "Longitude": -119.65, "Population": 1478.0}, {"index": 3199, "quantile": 0.0, "value": 72100.0, "Latitude": 36.35, "Longitude": -119.65, "Population": 837.0}, {"index": 3199, "quantile": 0.25, "value": 107900.0, "Latitude": 36.35, "Longitude": -119.65, "Population": 837.0}, {"index": 3199, "quantile": 0.5, "value": 107900.0, "Latitude": 36.35, "Longitude": -119.65, "Population": 837.0}, {"index": 3199, "quantile": 0.75, "value": 107900.0, "Latitude": 36.35, "Longitude": -119.65, "Population": 837.0}, {"index": 3199, "quantile": 1.0, "value": 261900.00000000003, "Latitude": 36.35, "Longitude": -119.65, "Population": 837.0}, {"index": 3200, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 36.35, "Longitude": -119.65, "Population": 1378.0}, {"index": 3200, "quantile": 0.25, "value": 85500.0, "Latitude": 36.35, "Longitude": -119.65, "Population": 1378.0}, {"index": 3200, "quantile": 0.5, "value": 85500.0, "Latitude": 36.35, "Longitude": -119.65, "Population": 1378.0}, {"index": 3200, "quantile": 0.75, "value": 85500.0, "Latitude": 36.35, "Longitude": -119.65, "Population": 1378.0}, {"index": 3200, "quantile": 1.0, "value": 129200.0, "Latitude": 36.35, "Longitude": -119.65, "Population": 1378.0}, {"index": 3201, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 36.35, "Longitude": -119.66, "Population": 947.0}, {"index": 3201, "quantile": 0.25, "value": 91900.0, "Latitude": 36.35, "Longitude": -119.66, "Population": 947.0}, {"index": 3201, "quantile": 0.5, "value": 91900.0, "Latitude": 36.35, "Longitude": -119.66, "Population": 947.0}, {"index": 3201, "quantile": 0.75, "value": 91900.0, "Latitude": 36.35, "Longitude": -119.66, "Population": 947.0}, {"index": 3201, "quantile": 1.0, "value": 238700.0, "Latitude": 36.35, "Longitude": -119.66, "Population": 947.0}, {"index": 3202, "quantile": 0.0, "value": 88900.0, "Latitude": 36.36, "Longitude": -119.64, "Population": 1055.0}, {"index": 3202, "quantile": 0.25, "value": 97400.0, "Latitude": 36.36, "Longitude": -119.64, "Population": 1055.0}, {"index": 3202, "quantile": 0.5, "value": 97400.0, "Latitude": 36.36, "Longitude": -119.64, "Population": 1055.0}, {"index": 3202, "quantile": 0.75, "value": 156700.0, "Latitude": 36.36, "Longitude": -119.64, "Population": 1055.0}, {"index": 3202, "quantile": 1.0, "value": 386200.0, "Latitude": 36.36, "Longitude": -119.64, "Population": 1055.0}, {"index": 3203, "quantile": 0.0, "value": 68000.0, "Latitude": 36.35, "Longitude": -119.64, "Population": 1525.0}, {"index": 3203, "quantile": 0.25, "value": 87700.0, "Latitude": 36.35, "Longitude": -119.64, "Population": 1525.0}, {"index": 3203, "quantile": 0.5, "value": 92400.0, "Latitude": 36.35, "Longitude": -119.64, "Population": 1525.0}, {"index": 3203, "quantile": 0.75, "value": 94600.0, "Latitude": 36.35, "Longitude": -119.64, "Population": 1525.0}, {"index": 3203, "quantile": 1.0, "value": 308800.0, "Latitude": 36.35, "Longitude": -119.64, "Population": 1525.0}, {"index": 3204, "quantile": 0.0, "value": 72100.0, "Latitude": 36.35, "Longitude": -119.63, "Population": 920.0}, {"index": 3204, "quantile": 0.25, "value": 90600.0, "Latitude": 36.35, "Longitude": -119.63, "Population": 920.0}, {"index": 3204, "quantile": 0.5, "value": 90600.0, "Latitude": 36.35, "Longitude": -119.63, "Population": 920.0}, {"index": 3204, "quantile": 0.75, "value": 100675.0, "Latitude": 36.35, "Longitude": -119.63, "Population": 920.0}, {"index": 3204, "quantile": 1.0, "value": 256000.0, "Latitude": 36.35, "Longitude": -119.63, "Population": 920.0}, {"index": 3205, "quantile": 0.0, "value": 65600.0, "Latitude": 36.35, "Longitude": -119.62, "Population": 1864.0}, {"index": 3205, "quantile": 0.25, "value": 80300.0, "Latitude": 36.35, "Longitude": -119.62, "Population": 1864.0}, {"index": 3205, "quantile": 0.5, "value": 80300.0, "Latitude": 36.35, "Longitude": -119.62, "Population": 1864.0}, {"index": 3205, "quantile": 0.75, "value": 80300.0, "Latitude": 36.35, "Longitude": -119.62, "Population": 1864.0}, {"index": 3205, "quantile": 1.0, "value": 137500.0, "Latitude": 36.35, "Longitude": -119.62, "Population": 1864.0}, {"index": 3206, "quantile": 0.0, "value": 53400.0, "Latitude": 36.35, "Longitude": -119.64, "Population": 746.0}, {"index": 3206, "quantile": 0.25, "value": 70200.0, "Latitude": 36.35, "Longitude": -119.64, "Population": 746.0}, {"index": 3206, "quantile": 0.5, "value": 70200.0, "Latitude": 36.35, "Longitude": -119.64, "Population": 746.0}, {"index": 3206, "quantile": 0.75, "value": 70200.0, "Latitude": 36.35, "Longitude": -119.64, "Population": 746.0}, {"index": 3206, "quantile": 1.0, "value": 129200.0, "Latitude": 36.35, "Longitude": -119.64, "Population": 746.0}, {"index": 3207, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.34, "Longitude": -119.63, "Population": 699.0}, {"index": 3207, "quantile": 0.25, "value": 71400.0, "Latitude": 36.34, "Longitude": -119.63, "Population": 699.0}, {"index": 3207, "quantile": 0.5, "value": 71400.0, "Latitude": 36.34, "Longitude": -119.63, "Population": 699.0}, {"index": 3207, "quantile": 0.75, "value": 92800.0, "Latitude": 36.34, "Longitude": -119.63, "Population": 699.0}, {"index": 3207, "quantile": 1.0, "value": 242099.99999999997, "Latitude": 36.34, "Longitude": -119.63, "Population": 699.0}, {"index": 3208, "quantile": 0.0, "value": 47800.0, "Latitude": 36.33, "Longitude": -119.63, "Population": 1633.0}, {"index": 3208, "quantile": 0.25, "value": 67500.0, "Latitude": 36.33, "Longitude": -119.63, "Population": 1633.0}, {"index": 3208, "quantile": 0.5, "value": 67500.0, "Latitude": 36.33, "Longitude": -119.63, "Population": 1633.0}, {"index": 3208, "quantile": 0.75, "value": 67500.0, "Latitude": 36.33, "Longitude": -119.63, "Population": 1633.0}, {"index": 3208, "quantile": 1.0, "value": 95500.0, "Latitude": 36.33, "Longitude": -119.63, "Population": 1633.0}, {"index": 3209, "quantile": 0.0, "value": 43500.0, "Latitude": 36.33, "Longitude": -119.61, "Population": 926.0}, {"index": 3209, "quantile": 0.25, "value": 61500.0, "Latitude": 36.33, "Longitude": -119.61, "Population": 926.0}, {"index": 3209, "quantile": 0.5, "value": 61500.0, "Latitude": 36.33, "Longitude": -119.61, "Population": 926.0}, {"index": 3209, "quantile": 0.75, "value": 61500.0, "Latitude": 36.33, "Longitude": -119.61, "Population": 926.0}, {"index": 3209, "quantile": 1.0, "value": 126299.99999999999, "Latitude": 36.33, "Longitude": -119.61, "Population": 926.0}, {"index": 3210, "quantile": 0.0, "value": 26900.0, "Latitude": 36.32, "Longitude": -119.63, "Population": 749.0}, {"index": 3210, "quantile": 0.25, "value": 61000.0, "Latitude": 36.32, "Longitude": -119.63, "Population": 749.0}, {"index": 3210, "quantile": 0.5, "value": 61000.0, "Latitude": 36.32, "Longitude": -119.63, "Population": 749.0}, {"index": 3210, "quantile": 0.75, "value": 61000.0, "Latitude": 36.32, "Longitude": -119.63, "Population": 749.0}, {"index": 3210, "quantile": 1.0, "value": 132800.0, "Latitude": 36.32, "Longitude": -119.63, "Population": 749.0}, {"index": 3211, "quantile": 0.0, "value": 58600.0, "Latitude": 36.34, "Longitude": -119.66, "Population": 859.0}, {"index": 3211, "quantile": 0.25, "value": 59700.0, "Latitude": 36.34, "Longitude": -119.66, "Population": 859.0}, {"index": 3211, "quantile": 0.5, "value": 59700.0, "Latitude": 36.34, "Longitude": -119.66, "Population": 859.0}, {"index": 3211, "quantile": 0.75, "value": 73000.0, "Latitude": 36.34, "Longitude": -119.66, "Population": 859.0}, {"index": 3211, "quantile": 1.0, "value": 120300.0, "Latitude": 36.34, "Longitude": -119.66, "Population": 859.0}, {"index": 3212, "quantile": 0.0, "value": 48500.0, "Latitude": 36.34, "Longitude": -119.65, "Population": 752.0}, {"index": 3212, "quantile": 0.25, "value": 67200.0, "Latitude": 36.34, "Longitude": -119.65, "Population": 752.0}, {"index": 3212, "quantile": 0.5, "value": 67200.0, "Latitude": 36.34, "Longitude": -119.65, "Population": 752.0}, {"index": 3212, "quantile": 0.75, "value": 67200.0, "Latitude": 36.34, "Longitude": -119.65, "Population": 752.0}, {"index": 3212, "quantile": 1.0, "value": 110000.00000000001, "Latitude": 36.34, "Longitude": -119.65, "Population": 752.0}, {"index": 3213, "quantile": 0.0, "value": 30000.0, "Latitude": 36.34, "Longitude": -119.65, "Population": 832.0}, {"index": 3213, "quantile": 0.25, "value": 68775.0, "Latitude": 36.34, "Longitude": -119.65, "Population": 832.0}, {"index": 3213, "quantile": 0.5, "value": 86050.0, "Latitude": 36.34, "Longitude": -119.65, "Population": 832.0}, {"index": 3213, "quantile": 0.75, "value": 174500.0, "Latitude": 36.34, "Longitude": -119.65, "Population": 832.0}, {"index": 3213, "quantile": 1.0, "value": 307400.0, "Latitude": 36.34, "Longitude": -119.65, "Population": 832.0}, {"index": 3214, "quantile": 0.0, "value": 51700.0, "Latitude": 36.34, "Longitude": -119.64, "Population": 1504.0}, {"index": 3214, "quantile": 0.25, "value": 56699.99999999999, "Latitude": 36.34, "Longitude": -119.64, "Population": 1504.0}, {"index": 3214, "quantile": 0.5, "value": 56699.99999999999, "Latitude": 36.34, "Longitude": -119.64, "Population": 1504.0}, {"index": 3214, "quantile": 0.75, "value": 63775.00000000001, "Latitude": 36.34, "Longitude": -119.64, "Population": 1504.0}, {"index": 3214, "quantile": 1.0, "value": 92700.0, "Latitude": 36.34, "Longitude": -119.64, "Population": 1504.0}, {"index": 3215, "quantile": 0.0, "value": 45500.0, "Latitude": 36.33, "Longitude": -119.64, "Population": 1852.0}, {"index": 3215, "quantile": 0.25, "value": 51700.0, "Latitude": 36.33, "Longitude": -119.64, "Population": 1852.0}, {"index": 3215, "quantile": 0.5, "value": 51700.0, "Latitude": 36.33, "Longitude": -119.64, "Population": 1852.0}, {"index": 3215, "quantile": 0.75, "value": 58500.0, "Latitude": 36.33, "Longitude": -119.64, "Population": 1852.0}, {"index": 3215, "quantile": 1.0, "value": 93900.0, "Latitude": 36.33, "Longitude": -119.64, "Population": 1852.0}, {"index": 3216, "quantile": 0.0, "value": 53400.0, "Latitude": 36.33, "Longitude": -119.65, "Population": 624.0}, {"index": 3216, "quantile": 0.25, "value": 59100.0, "Latitude": 36.33, "Longitude": -119.65, "Population": 624.0}, {"index": 3216, "quantile": 0.5, "value": 59100.0, "Latitude": 36.33, "Longitude": -119.65, "Population": 624.0}, {"index": 3216, "quantile": 0.75, "value": 70100.0, "Latitude": 36.33, "Longitude": -119.65, "Population": 624.0}, {"index": 3216, "quantile": 1.0, "value": 141700.0, "Latitude": 36.33, "Longitude": -119.65, "Population": 624.0}, {"index": 3217, "quantile": 0.0, "value": 42700.0, "Latitude": 36.33, "Longitude": -119.65, "Population": 693.0}, {"index": 3217, "quantile": 0.25, "value": 53800.0, "Latitude": 36.33, "Longitude": -119.65, "Population": 693.0}, {"index": 3217, "quantile": 0.5, "value": 53800.0, "Latitude": 36.33, "Longitude": -119.65, "Population": 693.0}, {"index": 3217, "quantile": 0.75, "value": 57099.99999999999, "Latitude": 36.33, "Longitude": -119.65, "Population": 693.0}, {"index": 3217, "quantile": 1.0, "value": 69100.0, "Latitude": 36.33, "Longitude": -119.65, "Population": 693.0}, {"index": 3218, "quantile": 0.0, "value": 44600.0, "Latitude": 36.32, "Longitude": -119.68, "Population": 268.0}, {"index": 3218, "quantile": 0.25, "value": 67200.0, "Latitude": 36.32, "Longitude": -119.68, "Population": 268.0}, {"index": 3218, "quantile": 0.5, "value": 120800.0, "Latitude": 36.32, "Longitude": -119.68, "Population": 268.0}, {"index": 3218, "quantile": 0.75, "value": 120800.0, "Latitude": 36.32, "Longitude": -119.68, "Population": 268.0}, {"index": 3218, "quantile": 1.0, "value": 131500.0, "Latitude": 36.32, "Longitude": -119.68, "Population": 268.0}, {"index": 3219, "quantile": 0.0, "value": 51500.0, "Latitude": 36.33, "Longitude": -119.67, "Population": 850.0}, {"index": 3219, "quantile": 0.25, "value": 60600.0, "Latitude": 36.33, "Longitude": -119.67, "Population": 850.0}, {"index": 3219, "quantile": 0.5, "value": 81700.0, "Latitude": 36.33, "Longitude": -119.67, "Population": 850.0}, {"index": 3219, "quantile": 0.75, "value": 81700.0, "Latitude": 36.33, "Longitude": -119.67, "Population": 850.0}, {"index": 3219, "quantile": 1.0, "value": 101600.0, "Latitude": 36.33, "Longitude": -119.67, "Population": 850.0}, {"index": 3220, "quantile": 0.0, "value": 67500.0, "Latitude": 36.33, "Longitude": -119.66, "Population": 1052.0}, {"index": 3220, "quantile": 0.25, "value": 91900.0, "Latitude": 36.33, "Longitude": -119.66, "Population": 1052.0}, {"index": 3220, "quantile": 0.5, "value": 97600.0, "Latitude": 36.33, "Longitude": -119.66, "Population": 1052.0}, {"index": 3220, "quantile": 0.75, "value": 107300.0, "Latitude": 36.33, "Longitude": -119.66, "Population": 1052.0}, {"index": 3220, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 36.33, "Longitude": -119.66, "Population": 1052.0}, {"index": 3221, "quantile": 0.0, "value": 42100.0, "Latitude": 36.33, "Longitude": -119.66, "Population": 988.0}, {"index": 3221, "quantile": 0.25, "value": 58099.99999999999, "Latitude": 36.33, "Longitude": -119.66, "Population": 988.0}, {"index": 3221, "quantile": 0.5, "value": 58099.99999999999, "Latitude": 36.33, "Longitude": -119.66, "Population": 988.0}, {"index": 3221, "quantile": 0.75, "value": 58099.99999999999, "Latitude": 36.33, "Longitude": -119.66, "Population": 988.0}, {"index": 3221, "quantile": 1.0, "value": 113399.99999999999, "Latitude": 36.33, "Longitude": -119.66, "Population": 988.0}, {"index": 3222, "quantile": 0.0, "value": 37500.0, "Latitude": 36.32, "Longitude": -119.66, "Population": 1532.0}, {"index": 3222, "quantile": 0.25, "value": 56799.99999999999, "Latitude": 36.32, "Longitude": -119.66, "Population": 1532.0}, {"index": 3222, "quantile": 0.5, "value": 56799.99999999999, "Latitude": 36.32, "Longitude": -119.66, "Population": 1532.0}, {"index": 3222, "quantile": 0.75, "value": 67300.0, "Latitude": 36.32, "Longitude": -119.66, "Population": 1532.0}, {"index": 3222, "quantile": 1.0, "value": 112500.0, "Latitude": 36.32, "Longitude": -119.66, "Population": 1532.0}, {"index": 3223, "quantile": 0.0, "value": 43500.0, "Latitude": 36.32, "Longitude": -119.68, "Population": 873.0}, {"index": 3223, "quantile": 0.25, "value": 58800.0, "Latitude": 36.32, "Longitude": -119.68, "Population": 873.0}, {"index": 3223, "quantile": 0.5, "value": 61400.0, "Latitude": 36.32, "Longitude": -119.68, "Population": 873.0}, {"index": 3223, "quantile": 0.75, "value": 75525.0, "Latitude": 36.32, "Longitude": -119.68, "Population": 873.0}, {"index": 3223, "quantile": 1.0, "value": 100000.0, "Latitude": 36.32, "Longitude": -119.68, "Population": 873.0}, {"index": 3224, "quantile": 0.0, "value": 56200.00000000001, "Latitude": 36.31, "Longitude": -119.68, "Population": 1859.0}, {"index": 3224, "quantile": 0.25, "value": 60600.0, "Latitude": 36.31, "Longitude": -119.68, "Population": 1859.0}, {"index": 3224, "quantile": 0.5, "value": 60600.0, "Latitude": 36.31, "Longitude": -119.68, "Population": 1859.0}, {"index": 3224, "quantile": 0.75, "value": 60600.0, "Latitude": 36.31, "Longitude": -119.68, "Population": 1859.0}, {"index": 3224, "quantile": 1.0, "value": 128899.99999999999, "Latitude": 36.31, "Longitude": -119.68, "Population": 1859.0}, {"index": 3225, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 36.3, "Longitude": -119.66, "Population": 717.0}, {"index": 3225, "quantile": 0.25, "value": 72475.0, "Latitude": 36.3, "Longitude": -119.66, "Population": 717.0}, {"index": 3225, "quantile": 0.5, "value": 83600.0, "Latitude": 36.3, "Longitude": -119.66, "Population": 717.0}, {"index": 3225, "quantile": 0.75, "value": 95700.0, "Latitude": 36.3, "Longitude": -119.66, "Population": 717.0}, {"index": 3225, "quantile": 1.0, "value": 131700.0, "Latitude": 36.3, "Longitude": -119.66, "Population": 717.0}, {"index": 3226, "quantile": 0.0, "value": 44600.0, "Latitude": 36.32, "Longitude": -119.65, "Population": 713.0}, {"index": 3226, "quantile": 0.25, "value": 50400.0, "Latitude": 36.32, "Longitude": -119.65, "Population": 713.0}, {"index": 3226, "quantile": 0.5, "value": 50400.0, "Latitude": 36.32, "Longitude": -119.65, "Population": 713.0}, {"index": 3226, "quantile": 0.75, "value": 54900.00000000001, "Latitude": 36.32, "Longitude": -119.65, "Population": 713.0}, {"index": 3226, "quantile": 1.0, "value": 87500.0, "Latitude": 36.32, "Longitude": -119.65, "Population": 713.0}, {"index": 3227, "quantile": 0.0, "value": 41500.0, "Latitude": 36.32, "Longitude": -119.64, "Population": 1772.0}, {"index": 3227, "quantile": 0.25, "value": 43100.0, "Latitude": 36.32, "Longitude": -119.64, "Population": 1772.0}, {"index": 3227, "quantile": 0.5, "value": 43100.0, "Latitude": 36.32, "Longitude": -119.64, "Population": 1772.0}, {"index": 3227, "quantile": 0.75, "value": 51425.0, "Latitude": 36.32, "Longitude": -119.64, "Population": 1772.0}, {"index": 3227, "quantile": 1.0, "value": 65900.0, "Latitude": 36.32, "Longitude": -119.64, "Population": 1772.0}, {"index": 3228, "quantile": 0.0, "value": 39200.0, "Latitude": 36.3, "Longitude": -119.65, "Population": 588.0}, {"index": 3228, "quantile": 0.25, "value": 53400.0, "Latitude": 36.3, "Longitude": -119.65, "Population": 588.0}, {"index": 3228, "quantile": 0.5, "value": 53400.0, "Latitude": 36.3, "Longitude": -119.65, "Population": 588.0}, {"index": 3228, "quantile": 0.75, "value": 65575.0, "Latitude": 36.3, "Longitude": -119.65, "Population": 588.0}, {"index": 3228, "quantile": 1.0, "value": 112500.0, "Latitude": 36.3, "Longitude": -119.65, "Population": 588.0}, {"index": 3229, "quantile": 0.0, "value": 41500.0, "Latitude": 36.31, "Longitude": -119.64, "Population": 1071.0}, {"index": 3229, "quantile": 0.25, "value": 50100.0, "Latitude": 36.31, "Longitude": -119.64, "Population": 1071.0}, {"index": 3229, "quantile": 0.5, "value": 50100.0, "Latitude": 36.31, "Longitude": -119.64, "Population": 1071.0}, {"index": 3229, "quantile": 0.75, "value": 50100.0, "Latitude": 36.31, "Longitude": -119.64, "Population": 1071.0}, {"index": 3229, "quantile": 1.0, "value": 71300.0, "Latitude": 36.31, "Longitude": -119.64, "Population": 1071.0}, {"index": 3230, "quantile": 0.0, "value": 41400.0, "Latitude": 36.31, "Longitude": -119.61, "Population": 1460.0}, {"index": 3230, "quantile": 0.25, "value": 49875.0, "Latitude": 36.31, "Longitude": -119.61, "Population": 1460.0}, {"index": 3230, "quantile": 0.5, "value": 52900.0, "Latitude": 36.31, "Longitude": -119.61, "Population": 1460.0}, {"index": 3230, "quantile": 0.75, "value": 59100.0, "Latitude": 36.31, "Longitude": -119.61, "Population": 1460.0}, {"index": 3230, "quantile": 1.0, "value": 112500.0, "Latitude": 36.31, "Longitude": -119.61, "Population": 1460.0}, {"index": 3231, "quantile": 0.0, "value": 53200.0, "Latitude": 36.27, "Longitude": -119.57, "Population": 1394.0}, {"index": 3231, "quantile": 0.25, "value": 73000.0, "Latitude": 36.27, "Longitude": -119.57, "Population": 1394.0}, {"index": 3231, "quantile": 0.5, "value": 88800.0, "Latitude": 36.27, "Longitude": -119.57, "Population": 1394.0}, {"index": 3231, "quantile": 0.75, "value": 97150.0, "Latitude": 36.27, "Longitude": -119.57, "Population": 1394.0}, {"index": 3231, "quantile": 1.0, "value": 153800.0, "Latitude": 36.27, "Longitude": -119.57, "Population": 1394.0}, {"index": 3232, "quantile": 0.0, "value": 42100.0, "Latitude": 36.25, "Longitude": -119.69, "Population": 970.0}, {"index": 3232, "quantile": 0.25, "value": 60000.0, "Latitude": 36.25, "Longitude": -119.69, "Population": 970.0}, {"index": 3232, "quantile": 0.5, "value": 70700.0, "Latitude": 36.25, "Longitude": -119.69, "Population": 970.0}, {"index": 3232, "quantile": 0.75, "value": 92675.00000000001, "Latitude": 36.25, "Longitude": -119.69, "Population": 970.0}, {"index": 3232, "quantile": 1.0, "value": 156300.0, "Latitude": 36.25, "Longitude": -119.69, "Population": 970.0}, {"index": 3233, "quantile": 0.0, "value": 47500.0, "Latitude": 36.18, "Longitude": -119.63, "Population": 171.0}, {"index": 3233, "quantile": 0.25, "value": 100000.0, "Latitude": 36.18, "Longitude": -119.63, "Population": 171.0}, {"index": 3233, "quantile": 0.5, "value": 100000.0, "Latitude": 36.18, "Longitude": -119.63, "Population": 171.0}, {"index": 3233, "quantile": 0.75, "value": 100000.0, "Latitude": 36.18, "Longitude": -119.63, "Population": 171.0}, {"index": 3233, "quantile": 1.0, "value": 450000.0, "Latitude": 36.18, "Longitude": -119.63, "Population": 171.0}, {"index": 3234, "quantile": 0.0, "value": 26600.0, "Latitude": 36.11, "Longitude": -119.59, "Population": 524.0}, {"index": 3234, "quantile": 0.25, "value": 50800.0, "Latitude": 36.11, "Longitude": -119.59, "Population": 524.0}, {"index": 3234, "quantile": 0.5, "value": 56200.00000000001, "Latitude": 36.11, "Longitude": -119.59, "Population": 524.0}, {"index": 3234, "quantile": 0.75, "value": 72500.0, "Latitude": 36.11, "Longitude": -119.59, "Population": 524.0}, {"index": 3234, "quantile": 1.0, "value": 112500.0, "Latitude": 36.11, "Longitude": -119.59, "Population": 524.0}, {"index": 3235, "quantile": 0.0, "value": 22500.0, "Latitude": 36.09, "Longitude": -119.57, "Population": 992.0}, {"index": 3235, "quantile": 0.25, "value": 53200.0, "Latitude": 36.09, "Longitude": -119.57, "Population": 992.0}, {"index": 3235, "quantile": 0.5, "value": 53200.0, "Latitude": 36.09, "Longitude": -119.57, "Population": 992.0}, {"index": 3235, "quantile": 0.75, "value": 69100.0, "Latitude": 36.09, "Longitude": -119.57, "Population": 992.0}, {"index": 3235, "quantile": 1.0, "value": 225000.0, "Latitude": 36.09, "Longitude": -119.57, "Population": 992.0}, {"index": 3236, "quantile": 0.0, "value": 33200.0, "Latitude": 36.1, "Longitude": -119.58, "Population": 1469.0}, {"index": 3236, "quantile": 0.25, "value": 47600.0, "Latitude": 36.1, "Longitude": -119.58, "Population": 1469.0}, {"index": 3236, "quantile": 0.5, "value": 50800.0, "Latitude": 36.1, "Longitude": -119.58, "Population": 1469.0}, {"index": 3236, "quantile": 0.75, "value": 54300.00000000001, "Latitude": 36.1, "Longitude": -119.58, "Population": 1469.0}, {"index": 3236, "quantile": 1.0, "value": 72300.0, "Latitude": 36.1, "Longitude": -119.58, "Population": 1469.0}, {"index": 3237, "quantile": 0.0, "value": 33200.0, "Latitude": 36.1, "Longitude": -119.56, "Population": 284.0}, {"index": 3237, "quantile": 0.25, "value": 43800.0, "Latitude": 36.1, "Longitude": -119.56, "Population": 284.0}, {"index": 3237, "quantile": 0.5, "value": 43800.0, "Latitude": 36.1, "Longitude": -119.56, "Population": 284.0}, {"index": 3237, "quantile": 0.75, "value": 53500.0, "Latitude": 36.1, "Longitude": -119.56, "Population": 284.0}, {"index": 3237, "quantile": 1.0, "value": 137500.0, "Latitude": 36.1, "Longitude": -119.56, "Population": 284.0}, {"index": 3238, "quantile": 0.0, "value": 39200.0, "Latitude": 36.1, "Longitude": -119.56, "Population": 893.0}, {"index": 3238, "quantile": 0.25, "value": 48775.0, "Latitude": 36.1, "Longitude": -119.56, "Population": 893.0}, {"index": 3238, "quantile": 0.5, "value": 53300.0, "Latitude": 36.1, "Longitude": -119.56, "Population": 893.0}, {"index": 3238, "quantile": 0.75, "value": 58724.99999999999, "Latitude": 36.1, "Longitude": -119.56, "Population": 893.0}, {"index": 3238, "quantile": 1.0, "value": 112500.0, "Latitude": 36.1, "Longitude": -119.56, "Population": 893.0}, {"index": 3239, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.09, "Longitude": -119.56, "Population": 792.0}, {"index": 3239, "quantile": 0.25, "value": 68800.0, "Latitude": 36.09, "Longitude": -119.56, "Population": 792.0}, {"index": 3239, "quantile": 0.5, "value": 75000.0, "Latitude": 36.09, "Longitude": -119.56, "Population": 792.0}, {"index": 3239, "quantile": 0.75, "value": 86175.0, "Latitude": 36.09, "Longitude": -119.56, "Population": 792.0}, {"index": 3239, "quantile": 1.0, "value": 160100.0, "Latitude": 36.09, "Longitude": -119.56, "Population": 792.0}, {"index": 3240, "quantile": 0.0, "value": 40900.0, "Latitude": 36.09, "Longitude": -119.56, "Population": 1077.0}, {"index": 3240, "quantile": 0.25, "value": 50100.0, "Latitude": 36.09, "Longitude": -119.56, "Population": 1077.0}, {"index": 3240, "quantile": 0.5, "value": 55200.00000000001, "Latitude": 36.09, "Longitude": -119.56, "Population": 1077.0}, {"index": 3240, "quantile": 0.75, "value": 58399.99999999999, "Latitude": 36.09, "Longitude": -119.56, "Population": 1077.0}, {"index": 3240, "quantile": 1.0, "value": 72000.0, "Latitude": 36.09, "Longitude": -119.56, "Population": 1077.0}, {"index": 3241, "quantile": 0.0, "value": 42100.0, "Latitude": 36.08, "Longitude": -119.56, "Population": 639.0}, {"index": 3241, "quantile": 0.25, "value": 42100.0, "Latitude": 36.08, "Longitude": -119.56, "Population": 639.0}, {"index": 3241, "quantile": 0.5, "value": 42100.0, "Latitude": 36.08, "Longitude": -119.56, "Population": 639.0}, {"index": 3241, "quantile": 0.75, "value": 50525.0, "Latitude": 36.08, "Longitude": -119.56, "Population": 639.0}, {"index": 3241, "quantile": 1.0, "value": 112500.0, "Latitude": 36.08, "Longitude": -119.56, "Population": 639.0}, {"index": 3242, "quantile": 0.0, "value": 47500.0, "Latitude": 36.11, "Longitude": -119.58, "Population": 1397.0}, {"index": 3242, "quantile": 0.25, "value": 54925.0, "Latitude": 36.11, "Longitude": -119.58, "Population": 1397.0}, {"index": 3242, "quantile": 0.5, "value": 61600.0, "Latitude": 36.11, "Longitude": -119.58, "Population": 1397.0}, {"index": 3242, "quantile": 0.75, "value": 61600.0, "Latitude": 36.11, "Longitude": -119.58, "Population": 1397.0}, {"index": 3242, "quantile": 1.0, "value": 96000.0, "Latitude": 36.11, "Longitude": -119.58, "Population": 1397.0}, {"index": 3243, "quantile": 0.0, "value": 41400.0, "Latitude": 36.1, "Longitude": -119.57, "Population": 1201.0}, {"index": 3243, "quantile": 0.25, "value": 54400.00000000001, "Latitude": 36.1, "Longitude": -119.57, "Population": 1201.0}, {"index": 3243, "quantile": 0.5, "value": 57999.99999999999, "Latitude": 36.1, "Longitude": -119.57, "Population": 1201.0}, {"index": 3243, "quantile": 0.75, "value": 61200.0, "Latitude": 36.1, "Longitude": -119.57, "Population": 1201.0}, {"index": 3243, "quantile": 1.0, "value": 138500.0, "Latitude": 36.1, "Longitude": -119.57, "Population": 1201.0}, {"index": 3244, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.1, "Longitude": -119.57, "Population": 737.0}, {"index": 3244, "quantile": 0.25, "value": 68800.0, "Latitude": 36.1, "Longitude": -119.57, "Population": 737.0}, {"index": 3244, "quantile": 0.5, "value": 68800.0, "Latitude": 36.1, "Longitude": -119.57, "Population": 737.0}, {"index": 3244, "quantile": 0.75, "value": 84600.0, "Latitude": 36.1, "Longitude": -119.57, "Population": 737.0}, {"index": 3244, "quantile": 1.0, "value": 143700.0, "Latitude": 36.1, "Longitude": -119.57, "Population": 737.0}, {"index": 3245, "quantile": 0.0, "value": 48600.0, "Latitude": 36.1, "Longitude": -119.57, "Population": 707.0}, {"index": 3245, "quantile": 0.25, "value": 60700.0, "Latitude": 36.1, "Longitude": -119.57, "Population": 707.0}, {"index": 3245, "quantile": 0.5, "value": 60700.0, "Latitude": 36.1, "Longitude": -119.57, "Population": 707.0}, {"index": 3245, "quantile": 0.75, "value": 60700.0, "Latitude": 36.1, "Longitude": -119.57, "Population": 707.0}, {"index": 3245, "quantile": 1.0, "value": 120100.0, "Latitude": 36.1, "Longitude": -119.57, "Population": 707.0}, {"index": 3246, "quantile": 0.0, "value": 51500.0, "Latitude": 36.15, "Longitude": -119.74, "Population": 1137.0}, {"index": 3246, "quantile": 0.25, "value": 60500.0, "Latitude": 36.15, "Longitude": -119.74, "Population": 1137.0}, {"index": 3246, "quantile": 0.5, "value": 61300.0, "Latitude": 36.15, "Longitude": -119.74, "Population": 1137.0}, {"index": 3246, "quantile": 0.75, "value": 61300.0, "Latitude": 36.15, "Longitude": -119.74, "Population": 1137.0}, {"index": 3246, "quantile": 1.0, "value": 92200.0, "Latitude": 36.15, "Longitude": -119.74, "Population": 1137.0}, {"index": 3247, "quantile": 0.0, "value": 47500.0, "Latitude": 36.2, "Longitude": -119.9, "Population": 106.0}, {"index": 3247, "quantile": 0.25, "value": 98450.0, "Latitude": 36.2, "Longitude": -119.9, "Population": 106.0}, {"index": 3247, "quantile": 0.5, "value": 137500.0, "Latitude": 36.2, "Longitude": -119.9, "Population": 106.0}, {"index": 3247, "quantile": 0.75, "value": 137500.0, "Latitude": 36.2, "Longitude": -119.9, "Population": 106.0}, {"index": 3247, "quantile": 1.0, "value": 250000.0, "Latitude": 36.2, "Longitude": -119.9, "Population": 106.0}, {"index": 3248, "quantile": 0.0, "value": 49000.0, "Latitude": 36.19, "Longitude": -119.82, "Population": 694.0}, {"index": 3248, "quantile": 0.25, "value": 52200.0, "Latitude": 36.19, "Longitude": -119.82, "Population": 694.0}, {"index": 3248, "quantile": 0.5, "value": 52200.0, "Latitude": 36.19, "Longitude": -119.82, "Population": 694.0}, {"index": 3248, "quantile": 0.75, "value": 59675.0, "Latitude": 36.19, "Longitude": -119.82, "Population": 694.0}, {"index": 3248, "quantile": 1.0, "value": 112500.0, "Latitude": 36.19, "Longitude": -119.82, "Population": 694.0}, {"index": 3249, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 36.09, "Longitude": -119.99, "Population": 198.0}, {"index": 3249, "quantile": 0.25, "value": 74125.0, "Latitude": 36.09, "Longitude": -119.99, "Population": 198.0}, {"index": 3249, "quantile": 0.5, "value": 98100.0, "Latitude": 36.09, "Longitude": -119.99, "Population": 198.0}, {"index": 3249, "quantile": 0.75, "value": 140625.0, "Latitude": 36.09, "Longitude": -119.99, "Population": 198.0}, {"index": 3249, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.09, "Longitude": -119.99, "Population": 198.0}, {"index": 3250, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 35.99, "Longitude": -119.96, "Population": 1505.0}, {"index": 3250, "quantile": 0.25, "value": 47700.0, "Latitude": 35.99, "Longitude": -119.96, "Population": 1505.0}, {"index": 3250, "quantile": 0.5, "value": 47700.0, "Latitude": 35.99, "Longitude": -119.96, "Population": 1505.0}, {"index": 3250, "quantile": 0.75, "value": 51975.00000000001, "Latitude": 35.99, "Longitude": -119.96, "Population": 1505.0}, {"index": 3250, "quantile": 1.0, "value": 225000.0, "Latitude": 35.99, "Longitude": -119.96, "Population": 1505.0}, {"index": 3251, "quantile": 0.0, "value": 47500.0, "Latitude": 36.02, "Longitude": -119.8, "Population": 171.0}, {"index": 3251, "quantile": 0.25, "value": 113474.99999999999, "Latitude": 36.02, "Longitude": -119.8, "Population": 171.0}, {"index": 3251, "quantile": 0.5, "value": 225000.0, "Latitude": 36.02, "Longitude": -119.8, "Population": 171.0}, {"index": 3251, "quantile": 0.75, "value": 225000.0, "Latitude": 36.02, "Longitude": -119.8, "Population": 171.0}, {"index": 3251, "quantile": 1.0, "value": 225000.0, "Latitude": 36.02, "Longitude": -119.8, "Population": 171.0}, {"index": 3252, "quantile": 0.0, "value": 46300.0, "Latitude": 36.04, "Longitude": -120.14, "Population": 1371.0}, {"index": 3252, "quantile": 0.25, "value": 60900.0, "Latitude": 36.04, "Longitude": -120.14, "Population": 1371.0}, {"index": 3252, "quantile": 0.5, "value": 60900.0, "Latitude": 36.04, "Longitude": -120.14, "Population": 1371.0}, {"index": 3252, "quantile": 0.75, "value": 71525.0, "Latitude": 36.04, "Longitude": -120.14, "Population": 1371.0}, {"index": 3252, "quantile": 1.0, "value": 208000.0, "Latitude": 36.04, "Longitude": -120.14, "Population": 1371.0}, {"index": 3253, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 36.01, "Longitude": -120.12, "Population": 1119.0}, {"index": 3253, "quantile": 0.25, "value": 55500.00000000001, "Latitude": 36.01, "Longitude": -120.12, "Population": 1119.0}, {"index": 3253, "quantile": 0.5, "value": 87500.0, "Latitude": 36.01, "Longitude": -120.12, "Population": 1119.0}, {"index": 3253, "quantile": 0.75, "value": 169200.0, "Latitude": 36.01, "Longitude": -120.12, "Population": 1119.0}, {"index": 3253, "quantile": 1.0, "value": 333300.0, "Latitude": 36.01, "Longitude": -120.12, "Population": 1119.0}, {"index": 3254, "quantile": 0.0, "value": 38800.0, "Latitude": 36.0, "Longitude": -120.14, "Population": 1371.0}, {"index": 3254, "quantile": 0.25, "value": 48800.0, "Latitude": 36.0, "Longitude": -120.14, "Population": 1371.0}, {"index": 3254, "quantile": 0.5, "value": 56200.00000000001, "Latitude": 36.0, "Longitude": -120.14, "Population": 1371.0}, {"index": 3254, "quantile": 0.75, "value": 61700.0, "Latitude": 36.0, "Longitude": -120.14, "Population": 1371.0}, {"index": 3254, "quantile": 1.0, "value": 195800.0, "Latitude": 36.0, "Longitude": -120.14, "Population": 1371.0}, {"index": 3255, "quantile": 0.0, "value": 38800.0, "Latitude": 35.99, "Longitude": -120.12, "Population": 1387.0}, {"index": 3255, "quantile": 0.25, "value": 56200.00000000001, "Latitude": 35.99, "Longitude": -120.12, "Population": 1387.0}, {"index": 3255, "quantile": 0.5, "value": 56200.00000000001, "Latitude": 35.99, "Longitude": -120.12, "Population": 1387.0}, {"index": 3255, "quantile": 0.75, "value": 60775.0, "Latitude": 35.99, "Longitude": -120.12, "Population": 1387.0}, {"index": 3255, "quantile": 1.0, "value": 225000.0, "Latitude": 35.99, "Longitude": -120.12, "Population": 1387.0}, {"index": 3256, "quantile": 0.0, "value": 50000.0, "Latitude": 35.87, "Longitude": -120.13, "Population": 13.0}, {"index": 3256, "quantile": 0.25, "value": 89350.0, "Latitude": 35.87, "Longitude": -120.13, "Population": 13.0}, {"index": 3256, "quantile": 0.5, "value": 155050.0, "Latitude": 35.87, "Longitude": -120.13, "Population": 13.0}, {"index": 3256, "quantile": 0.75, "value": 270350.0, "Latitude": 35.87, "Longitude": -120.13, "Population": 13.0}, {"index": 3256, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.87, "Longitude": -120.13, "Population": 13.0}, {"index": 3257, "quantile": 0.0, "value": 37500.0, "Latitude": 35.91, "Longitude": -120.0, "Population": 131.0}, {"index": 3257, "quantile": 0.25, "value": 80000.0, "Latitude": 35.91, "Longitude": -120.0, "Population": 131.0}, {"index": 3257, "quantile": 0.5, "value": 91600.0, "Latitude": 35.91, "Longitude": -120.0, "Population": 131.0}, {"index": 3257, "quantile": 0.75, "value": 145500.0, "Latitude": 35.91, "Longitude": -120.0, "Population": 131.0}, {"index": 3257, "quantile": 1.0, "value": 315000.0, "Latitude": 35.91, "Longitude": -120.0, "Population": 131.0}, {"index": 3258, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.42, "Longitude": -122.89, "Population": 26.0}, {"index": 3258, "quantile": 0.25, "value": 73500.0, "Latitude": 39.42, "Longitude": -122.89, "Population": 26.0}, {"index": 3258, "quantile": 0.5, "value": 73500.0, "Latitude": 39.42, "Longitude": -122.89, "Population": 26.0}, {"index": 3258, "quantile": 0.75, "value": 137500.0, "Latitude": 39.42, "Longitude": -122.89, "Population": 26.0}, {"index": 3258, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 39.42, "Longitude": -122.89, "Population": 26.0}, {"index": 3259, "quantile": 0.0, "value": 71300.0, "Latitude": 39.23, "Longitude": -122.9, "Population": 534.0}, {"index": 3259, "quantile": 0.25, "value": 106575.0, "Latitude": 39.23, "Longitude": -122.9, "Population": 534.0}, {"index": 3259, "quantile": 0.5, "value": 130600.0, "Latitude": 39.23, "Longitude": -122.9, "Population": 534.0}, {"index": 3259, "quantile": 0.75, "value": 201700.0, "Latitude": 39.23, "Longitude": -122.9, "Population": 534.0}, {"index": 3259, "quantile": 1.0, "value": 500000.0, "Latitude": 39.23, "Longitude": -122.9, "Population": 534.0}, {"index": 3260, "quantile": 0.0, "value": 34200.0, "Latitude": 39.18, "Longitude": -122.91, "Population": 86.0}, {"index": 3260, "quantile": 0.25, "value": 72500.0, "Latitude": 39.18, "Longitude": -122.91, "Population": 86.0}, {"index": 3260, "quantile": 0.5, "value": 72500.0, "Latitude": 39.18, "Longitude": -122.91, "Population": 86.0}, {"index": 3260, "quantile": 0.75, "value": 72500.0, "Latitude": 39.18, "Longitude": -122.91, "Population": 86.0}, {"index": 3260, "quantile": 1.0, "value": 225000.0, "Latitude": 39.18, "Longitude": -122.91, "Population": 86.0}, {"index": 3261, "quantile": 0.0, "value": 50800.0, "Latitude": 39.17, "Longitude": -122.91, "Population": 142.0}, {"index": 3261, "quantile": 0.25, "value": 107525.0, "Latitude": 39.17, "Longitude": -122.91, "Population": 142.0}, {"index": 3261, "quantile": 0.5, "value": 148800.0, "Latitude": 39.17, "Longitude": -122.91, "Population": 142.0}, {"index": 3261, "quantile": 0.75, "value": 235500.0, "Latitude": 39.17, "Longitude": -122.91, "Population": 142.0}, {"index": 3261, "quantile": 1.0, "value": 418400.0, "Latitude": 39.17, "Longitude": -122.91, "Population": 142.0}, {"index": 3262, "quantile": 0.0, "value": 61500.0, "Latitude": 39.17, "Longitude": -122.9, "Population": 649.0}, {"index": 3262, "quantile": 0.25, "value": 73600.0, "Latitude": 39.17, "Longitude": -122.9, "Population": 649.0}, {"index": 3262, "quantile": 0.5, "value": 73600.0, "Latitude": 39.17, "Longitude": -122.9, "Population": 649.0}, {"index": 3262, "quantile": 0.75, "value": 80700.0, "Latitude": 39.17, "Longitude": -122.9, "Population": 649.0}, {"index": 3262, "quantile": 1.0, "value": 144500.0, "Latitude": 39.17, "Longitude": -122.9, "Population": 649.0}, {"index": 3263, "quantile": 0.0, "value": 49800.0, "Latitude": 39.14, "Longitude": -122.88, "Population": 521.0}, {"index": 3263, "quantile": 0.25, "value": 71100.0, "Latitude": 39.14, "Longitude": -122.88, "Population": 521.0}, {"index": 3263, "quantile": 0.5, "value": 85300.0, "Latitude": 39.14, "Longitude": -122.88, "Population": 521.0}, {"index": 3263, "quantile": 0.75, "value": 96200.0, "Latitude": 39.14, "Longitude": -122.88, "Population": 521.0}, {"index": 3263, "quantile": 1.0, "value": 163500.0, "Latitude": 39.14, "Longitude": -122.88, "Population": 521.0}, {"index": 3264, "quantile": 0.0, "value": 83300.0, "Latitude": 39.12, "Longitude": -123.07, "Population": 353.0}, {"index": 3264, "quantile": 0.25, "value": 92600.0, "Latitude": 39.12, "Longitude": -123.07, "Population": 353.0}, {"index": 3264, "quantile": 0.5, "value": 92600.0, "Latitude": 39.12, "Longitude": -123.07, "Population": 353.0}, {"index": 3264, "quantile": 0.75, "value": 116775.0, "Latitude": 39.12, "Longitude": -123.07, "Population": 353.0}, {"index": 3264, "quantile": 1.0, "value": 248400.0, "Latitude": 39.12, "Longitude": -123.07, "Population": 353.0}, {"index": 3265, "quantile": 0.0, "value": 70800.0, "Latitude": 39.13, "Longitude": -122.95, "Population": 225.0}, {"index": 3265, "quantile": 0.25, "value": 93500.0, "Latitude": 39.13, "Longitude": -122.95, "Population": 225.0}, {"index": 3265, "quantile": 0.5, "value": 108300.0, "Latitude": 39.13, "Longitude": -122.95, "Population": 225.0}, {"index": 3265, "quantile": 0.75, "value": 143125.0, "Latitude": 39.13, "Longitude": -122.95, "Population": 225.0}, {"index": 3265, "quantile": 1.0, "value": 239200.0, "Latitude": 39.13, "Longitude": -122.95, "Population": 225.0}, {"index": 3266, "quantile": 0.0, "value": 53300.0, "Latitude": 39.11, "Longitude": -122.89, "Population": 585.0}, {"index": 3266, "quantile": 0.25, "value": 71100.0, "Latitude": 39.11, "Longitude": -122.89, "Population": 585.0}, {"index": 3266, "quantile": 0.5, "value": 71100.0, "Latitude": 39.11, "Longitude": -122.89, "Population": 585.0}, {"index": 3266, "quantile": 0.75, "value": 71100.0, "Latitude": 39.11, "Longitude": -122.89, "Population": 585.0}, {"index": 3266, "quantile": 1.0, "value": 164000.0, "Latitude": 39.11, "Longitude": -122.89, "Population": 585.0}, {"index": 3267, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 39.09, "Longitude": -122.9, "Population": 835.0}, {"index": 3267, "quantile": 0.25, "value": 100224.99999999999, "Latitude": 39.09, "Longitude": -122.9, "Population": 835.0}, {"index": 3267, "quantile": 0.5, "value": 143200.0, "Latitude": 39.09, "Longitude": -122.9, "Population": 835.0}, {"index": 3267, "quantile": 0.75, "value": 143200.0, "Latitude": 39.09, "Longitude": -122.9, "Population": 835.0}, {"index": 3267, "quantile": 1.0, "value": 175000.0, "Latitude": 39.09, "Longitude": -122.9, "Population": 835.0}, {"index": 3268, "quantile": 0.0, "value": 71300.0, "Latitude": 39.08, "Longitude": -122.92, "Population": 146.0}, {"index": 3268, "quantile": 0.25, "value": 107474.99999999999, "Latitude": 39.08, "Longitude": -122.92, "Population": 146.0}, {"index": 3268, "quantile": 0.5, "value": 128899.99999999999, "Latitude": 39.08, "Longitude": -122.92, "Population": 146.0}, {"index": 3268, "quantile": 0.75, "value": 154400.0, "Latitude": 39.08, "Longitude": -122.92, "Population": 146.0}, {"index": 3268, "quantile": 1.0, "value": 437500.0, "Latitude": 39.08, "Longitude": -122.92, "Population": 146.0}, {"index": 3269, "quantile": 0.0, "value": 61500.0, "Latitude": 39.1, "Longitude": -122.94, "Population": 272.0}, {"index": 3269, "quantile": 0.25, "value": 138000.0, "Latitude": 39.1, "Longitude": -122.94, "Population": 272.0}, {"index": 3269, "quantile": 0.5, "value": 140600.0, "Latitude": 39.1, "Longitude": -122.94, "Population": 272.0}, {"index": 3269, "quantile": 0.75, "value": 140600.0, "Latitude": 39.1, "Longitude": -122.94, "Population": 272.0}, {"index": 3269, "quantile": 1.0, "value": 165000.0, "Latitude": 39.1, "Longitude": -122.94, "Population": 272.0}, {"index": 3270, "quantile": 0.0, "value": 83300.0, "Latitude": 39.02, "Longitude": -122.99, "Population": 851.0}, {"index": 3270, "quantile": 0.25, "value": 118675.0, "Latitude": 39.02, "Longitude": -122.99, "Population": 851.0}, {"index": 3270, "quantile": 0.5, "value": 164100.0, "Latitude": 39.02, "Longitude": -122.99, "Population": 851.0}, {"index": 3270, "quantile": 0.75, "value": 164100.0, "Latitude": 39.02, "Longitude": -122.99, "Population": 851.0}, {"index": 3270, "quantile": 1.0, "value": 183200.0, "Latitude": 39.02, "Longitude": -122.99, "Population": 851.0}, {"index": 3271, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 39.07, "Longitude": -122.91, "Population": 1000.0}, {"index": 3271, "quantile": 0.25, "value": 102299.99999999999, "Latitude": 39.07, "Longitude": -122.91, "Population": 1000.0}, {"index": 3271, "quantile": 0.5, "value": 102299.99999999999, "Latitude": 39.07, "Longitude": -122.91, "Population": 1000.0}, {"index": 3271, "quantile": 0.75, "value": 102299.99999999999, "Latitude": 39.07, "Longitude": -122.91, "Population": 1000.0}, {"index": 3271, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 39.07, "Longitude": -122.91, "Population": 1000.0}, {"index": 3272, "quantile": 0.0, "value": 49600.0, "Latitude": 39.06, "Longitude": -122.91, "Population": 601.0}, {"index": 3272, "quantile": 0.25, "value": 100299.99999999999, "Latitude": 39.06, "Longitude": -122.91, "Population": 601.0}, {"index": 3272, "quantile": 0.5, "value": 100299.99999999999, "Latitude": 39.06, "Longitude": -122.91, "Population": 601.0}, {"index": 3272, "quantile": 0.75, "value": 100299.99999999999, "Latitude": 39.06, "Longitude": -122.91, "Population": 601.0}, {"index": 3272, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 39.06, "Longitude": -122.91, "Population": 601.0}, {"index": 3273, "quantile": 0.0, "value": 80600.0, "Latitude": 39.05, "Longitude": -122.92, "Population": 605.0}, {"index": 3273, "quantile": 0.25, "value": 100000.0, "Latitude": 39.05, "Longitude": -122.92, "Population": 605.0}, {"index": 3273, "quantile": 0.5, "value": 120950.0, "Latitude": 39.05, "Longitude": -122.92, "Population": 605.0}, {"index": 3273, "quantile": 0.75, "value": 156275.0, "Latitude": 39.05, "Longitude": -122.92, "Population": 605.0}, {"index": 3273, "quantile": 1.0, "value": 277000.0, "Latitude": 39.05, "Longitude": -122.92, "Population": 605.0}, {"index": 3274, "quantile": 0.0, "value": 81600.0, "Latitude": 39.05, "Longitude": -122.91, "Population": 621.0}, {"index": 3274, "quantile": 0.25, "value": 93500.0, "Latitude": 39.05, "Longitude": -122.91, "Population": 621.0}, {"index": 3274, "quantile": 0.5, "value": 93500.0, "Latitude": 39.05, "Longitude": -122.91, "Population": 621.0}, {"index": 3274, "quantile": 0.75, "value": 98500.0, "Latitude": 39.05, "Longitude": -122.91, "Population": 621.0}, {"index": 3274, "quantile": 1.0, "value": 195500.0, "Latitude": 39.05, "Longitude": -122.91, "Population": 621.0}, {"index": 3275, "quantile": 0.0, "value": 70000.0, "Latitude": 39.05, "Longitude": -122.92, "Population": 1591.0}, {"index": 3275, "quantile": 0.25, "value": 80700.0, "Latitude": 39.05, "Longitude": -122.92, "Population": 1591.0}, {"index": 3275, "quantile": 0.5, "value": 80700.0, "Latitude": 39.05, "Longitude": -122.92, "Population": 1591.0}, {"index": 3275, "quantile": 0.75, "value": 94375.0, "Latitude": 39.05, "Longitude": -122.92, "Population": 1591.0}, {"index": 3275, "quantile": 1.0, "value": 164400.0, "Latitude": 39.05, "Longitude": -122.92, "Population": 1591.0}, {"index": 3276, "quantile": 0.0, "value": 85900.0, "Latitude": 39.05, "Longitude": -122.91, "Population": 295.0}, {"index": 3276, "quantile": 0.25, "value": 95000.0, "Latitude": 39.05, "Longitude": -122.91, "Population": 295.0}, {"index": 3276, "quantile": 0.5, "value": 95000.0, "Latitude": 39.05, "Longitude": -122.91, "Population": 295.0}, {"index": 3276, "quantile": 0.75, "value": 95000.0, "Latitude": 39.05, "Longitude": -122.91, "Population": 295.0}, {"index": 3276, "quantile": 1.0, "value": 248400.0, "Latitude": 39.05, "Longitude": -122.91, "Population": 295.0}, {"index": 3277, "quantile": 0.0, "value": 65500.0, "Latitude": 39.03, "Longitude": -122.91, "Population": 723.0}, {"index": 3277, "quantile": 0.25, "value": 95800.0, "Latitude": 39.03, "Longitude": -122.91, "Population": 723.0}, {"index": 3277, "quantile": 0.5, "value": 95800.0, "Latitude": 39.03, "Longitude": -122.91, "Population": 723.0}, {"index": 3277, "quantile": 0.75, "value": 95800.0, "Latitude": 39.03, "Longitude": -122.91, "Population": 723.0}, {"index": 3277, "quantile": 1.0, "value": 350000.0, "Latitude": 39.03, "Longitude": -122.91, "Population": 723.0}, {"index": 3278, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 39.14, "Longitude": -122.7, "Population": 214.0}, {"index": 3278, "quantile": 0.25, "value": 100000.0, "Latitude": 39.14, "Longitude": -122.7, "Population": 214.0}, {"index": 3278, "quantile": 0.5, "value": 108300.0, "Latitude": 39.14, "Longitude": -122.7, "Population": 214.0}, {"index": 3278, "quantile": 0.75, "value": 108300.0, "Latitude": 39.14, "Longitude": -122.7, "Population": 214.0}, {"index": 3278, "quantile": 1.0, "value": 183200.0, "Latitude": 39.14, "Longitude": -122.7, "Population": 214.0}, {"index": 3279, "quantile": 0.0, "value": 53300.0, "Latitude": 39.13, "Longitude": -122.87, "Population": 810.0}, {"index": 3279, "quantile": 0.25, "value": 76950.00000000001, "Latitude": 39.13, "Longitude": -122.87, "Population": 810.0}, {"index": 3279, "quantile": 0.5, "value": 86500.0, "Latitude": 39.13, "Longitude": -122.87, "Population": 810.0}, {"index": 3279, "quantile": 0.75, "value": 86500.0, "Latitude": 39.13, "Longitude": -122.87, "Population": 810.0}, {"index": 3279, "quantile": 1.0, "value": 156300.0, "Latitude": 39.13, "Longitude": -122.87, "Population": 810.0}, {"index": 3280, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 39.08, "Longitude": -122.86, "Population": 1015.0}, {"index": 3280, "quantile": 0.25, "value": 78800.0, "Latitude": 39.08, "Longitude": -122.86, "Population": 1015.0}, {"index": 3280, "quantile": 0.5, "value": 78800.0, "Latitude": 39.08, "Longitude": -122.86, "Population": 1015.0}, {"index": 3280, "quantile": 0.75, "value": 78800.0, "Latitude": 39.08, "Longitude": -122.86, "Population": 1015.0}, {"index": 3280, "quantile": 1.0, "value": 143200.0, "Latitude": 39.08, "Longitude": -122.86, "Population": 1015.0}, {"index": 3281, "quantile": 0.0, "value": 53300.0, "Latitude": 39.09, "Longitude": -122.83, "Population": 679.0}, {"index": 3281, "quantile": 0.25, "value": 70300.0, "Latitude": 39.09, "Longitude": -122.83, "Population": 679.0}, {"index": 3281, "quantile": 0.5, "value": 95800.0, "Latitude": 39.09, "Longitude": -122.83, "Population": 679.0}, {"index": 3281, "quantile": 0.75, "value": 111500.0, "Latitude": 39.09, "Longitude": -122.83, "Population": 679.0}, {"index": 3281, "quantile": 1.0, "value": 488900.0, "Latitude": 39.09, "Longitude": -122.83, "Population": 679.0}, {"index": 3282, "quantile": 0.0, "value": 51900.0, "Latitude": 39.09, "Longitude": -122.79, "Population": 685.0}, {"index": 3282, "quantile": 0.25, "value": 71900.0, "Latitude": 39.09, "Longitude": -122.79, "Population": 685.0}, {"index": 3282, "quantile": 0.5, "value": 86150.0, "Latitude": 39.09, "Longitude": -122.79, "Population": 685.0}, {"index": 3282, "quantile": 0.75, "value": 96925.0, "Latitude": 39.09, "Longitude": -122.79, "Population": 685.0}, {"index": 3282, "quantile": 1.0, "value": 166100.0, "Latitude": 39.09, "Longitude": -122.79, "Population": 685.0}, {"index": 3283, "quantile": 0.0, "value": 50300.0, "Latitude": 39.08, "Longitude": -122.8, "Population": 798.0}, {"index": 3283, "quantile": 0.25, "value": 69000.0, "Latitude": 39.08, "Longitude": -122.8, "Population": 798.0}, {"index": 3283, "quantile": 0.5, "value": 77300.0, "Latitude": 39.08, "Longitude": -122.8, "Population": 798.0}, {"index": 3283, "quantile": 0.75, "value": 90500.0, "Latitude": 39.08, "Longitude": -122.8, "Population": 798.0}, {"index": 3283, "quantile": 1.0, "value": 145800.0, "Latitude": 39.08, "Longitude": -122.8, "Population": 798.0}, {"index": 3284, "quantile": 0.0, "value": 36700.0, "Latitude": 39.08, "Longitude": -122.79, "Population": 321.0}, {"index": 3284, "quantile": 0.25, "value": 68800.0, "Latitude": 39.08, "Longitude": -122.79, "Population": 321.0}, {"index": 3284, "quantile": 0.5, "value": 76500.0, "Latitude": 39.08, "Longitude": -122.79, "Population": 321.0}, {"index": 3284, "quantile": 0.75, "value": 86500.0, "Latitude": 39.08, "Longitude": -122.79, "Population": 321.0}, {"index": 3284, "quantile": 1.0, "value": 200000.0, "Latitude": 39.08, "Longitude": -122.79, "Population": 321.0}, {"index": 3285, "quantile": 0.0, "value": 75000.0, "Latitude": 39.05, "Longitude": -122.78, "Population": 661.0}, {"index": 3285, "quantile": 0.25, "value": 108900.0, "Latitude": 39.05, "Longitude": -122.78, "Population": 661.0}, {"index": 3285, "quantile": 0.5, "value": 108900.0, "Latitude": 39.05, "Longitude": -122.78, "Population": 661.0}, {"index": 3285, "quantile": 0.75, "value": 108900.0, "Latitude": 39.05, "Longitude": -122.78, "Population": 661.0}, {"index": 3285, "quantile": 1.0, "value": 153100.0, "Latitude": 39.05, "Longitude": -122.78, "Population": 661.0}, {"index": 3286, "quantile": 0.0, "value": 45500.0, "Latitude": 39.09, "Longitude": -122.53, "Population": 370.0}, {"index": 3286, "quantile": 0.25, "value": 69700.0, "Latitude": 39.09, "Longitude": -122.53, "Population": 370.0}, {"index": 3286, "quantile": 0.5, "value": 69700.0, "Latitude": 39.09, "Longitude": -122.53, "Population": 370.0}, {"index": 3286, "quantile": 0.75, "value": 77800.0, "Latitude": 39.09, "Longitude": -122.53, "Population": 370.0}, {"index": 3286, "quantile": 1.0, "value": 175000.0, "Latitude": 39.09, "Longitude": -122.53, "Population": 370.0}, {"index": 3287, "quantile": 0.0, "value": 72000.0, "Latitude": 39.04, "Longitude": -122.69, "Population": 66.0}, {"index": 3287, "quantile": 0.25, "value": 108900.0, "Latitude": 39.04, "Longitude": -122.69, "Population": 66.0}, {"index": 3287, "quantile": 0.5, "value": 112500.0, "Latitude": 39.04, "Longitude": -122.69, "Population": 66.0}, {"index": 3287, "quantile": 0.75, "value": 112500.0, "Latitude": 39.04, "Longitude": -122.69, "Population": 66.0}, {"index": 3287, "quantile": 1.0, "value": 165600.0, "Latitude": 39.04, "Longitude": -122.69, "Population": 66.0}, {"index": 3288, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 39.04, "Longitude": -122.73, "Population": 425.0}, {"index": 3288, "quantile": 0.25, "value": 111500.0, "Latitude": 39.04, "Longitude": -122.73, "Population": 425.0}, {"index": 3288, "quantile": 0.5, "value": 111500.0, "Latitude": 39.04, "Longitude": -122.73, "Population": 425.0}, {"index": 3288, "quantile": 0.75, "value": 111500.0, "Latitude": 39.04, "Longitude": -122.73, "Population": 425.0}, {"index": 3288, "quantile": 1.0, "value": 325000.0, "Latitude": 39.04, "Longitude": -122.73, "Population": 425.0}, {"index": 3289, "quantile": 0.0, "value": 49800.0, "Latitude": 39.02, "Longitude": -122.69, "Population": 744.0}, {"index": 3289, "quantile": 0.25, "value": 72400.0, "Latitude": 39.02, "Longitude": -122.69, "Population": 744.0}, {"index": 3289, "quantile": 0.5, "value": 72400.0, "Latitude": 39.02, "Longitude": -122.69, "Population": 744.0}, {"index": 3289, "quantile": 0.75, "value": 72400.0, "Latitude": 39.02, "Longitude": -122.69, "Population": 744.0}, {"index": 3289, "quantile": 1.0, "value": 162500.0, "Latitude": 39.02, "Longitude": -122.69, "Population": 744.0}, {"index": 3290, "quantile": 0.0, "value": 53300.0, "Latitude": 39.03, "Longitude": -122.66, "Population": 594.0}, {"index": 3290, "quantile": 0.25, "value": 53300.0, "Latitude": 39.03, "Longitude": -122.66, "Population": 594.0}, {"index": 3290, "quantile": 0.5, "value": 53300.0, "Latitude": 39.03, "Longitude": -122.66, "Population": 594.0}, {"index": 3290, "quantile": 0.75, "value": 60675.0, "Latitude": 39.03, "Longitude": -122.66, "Population": 594.0}, {"index": 3290, "quantile": 1.0, "value": 98400.0, "Latitude": 39.03, "Longitude": -122.66, "Population": 594.0}, {"index": 3291, "quantile": 0.0, "value": 58800.0, "Latitude": 39.02, "Longitude": -122.66, "Population": 943.0}, {"index": 3291, "quantile": 0.25, "value": 97975.0, "Latitude": 39.02, "Longitude": -122.66, "Population": 943.0}, {"index": 3291, "quantile": 0.5, "value": 109400.00000000001, "Latitude": 39.02, "Longitude": -122.66, "Population": 943.0}, {"index": 3291, "quantile": 0.75, "value": 109400.00000000001, "Latitude": 39.02, "Longitude": -122.66, "Population": 943.0}, {"index": 3291, "quantile": 1.0, "value": 212500.0, "Latitude": 39.02, "Longitude": -122.66, "Population": 943.0}, {"index": 3292, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.0, "Longitude": -122.7, "Population": 186.0}, {"index": 3292, "quantile": 0.25, "value": 96900.0, "Latitude": 39.0, "Longitude": -122.7, "Population": 186.0}, {"index": 3292, "quantile": 0.5, "value": 162500.0, "Latitude": 39.0, "Longitude": -122.7, "Population": 186.0}, {"index": 3292, "quantile": 0.75, "value": 162500.0, "Latitude": 39.0, "Longitude": -122.7, "Population": 186.0}, {"index": 3292, "quantile": 1.0, "value": 162500.0, "Latitude": 39.0, "Longitude": -122.7, "Population": 186.0}, {"index": 3293, "quantile": 0.0, "value": 60200.0, "Latitude": 38.99, "Longitude": -122.7, "Population": 181.0}, {"index": 3293, "quantile": 0.25, "value": 133650.0, "Latitude": 38.99, "Longitude": -122.7, "Population": 181.0}, {"index": 3293, "quantile": 0.5, "value": 134700.0, "Latitude": 38.99, "Longitude": -122.7, "Population": 181.0}, {"index": 3293, "quantile": 0.75, "value": 134700.0, "Latitude": 38.99, "Longitude": -122.7, "Population": 181.0}, {"index": 3293, "quantile": 1.0, "value": 325000.0, "Latitude": 38.99, "Longitude": -122.7, "Population": 181.0}, {"index": 3294, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 38.99, "Longitude": -122.65, "Population": 1596.0}, {"index": 3294, "quantile": 0.25, "value": 75900.0, "Latitude": 38.99, "Longitude": -122.65, "Population": 1596.0}, {"index": 3294, "quantile": 0.5, "value": 75900.0, "Latitude": 38.99, "Longitude": -122.65, "Population": 1596.0}, {"index": 3294, "quantile": 0.75, "value": 75900.0, "Latitude": 38.99, "Longitude": -122.65, "Population": 1596.0}, {"index": 3294, "quantile": 1.0, "value": 147400.0, "Latitude": 38.99, "Longitude": -122.65, "Population": 1596.0}, {"index": 3295, "quantile": 0.0, "value": 50300.0, "Latitude": 38.99, "Longitude": -122.52, "Population": 337.0}, {"index": 3295, "quantile": 0.25, "value": 77800.0, "Latitude": 38.99, "Longitude": -122.52, "Population": 337.0}, {"index": 3295, "quantile": 0.5, "value": 77800.0, "Latitude": 38.99, "Longitude": -122.52, "Population": 337.0}, {"index": 3295, "quantile": 0.75, "value": 77800.0, "Latitude": 38.99, "Longitude": -122.52, "Population": 337.0}, {"index": 3295, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.99, "Longitude": -122.52, "Population": 337.0}, {"index": 3296, "quantile": 0.0, "value": 62000.0, "Latitude": 38.98, "Longitude": -122.68, "Population": 526.0}, {"index": 3296, "quantile": 0.25, "value": 109700.0, "Latitude": 38.98, "Longitude": -122.68, "Population": 526.0}, {"index": 3296, "quantile": 0.5, "value": 109700.0, "Latitude": 38.98, "Longitude": -122.68, "Population": 526.0}, {"index": 3296, "quantile": 0.75, "value": 109700.0, "Latitude": 38.98, "Longitude": -122.68, "Population": 526.0}, {"index": 3296, "quantile": 1.0, "value": 211500.00000000003, "Latitude": 38.98, "Longitude": -122.68, "Population": 526.0}, {"index": 3297, "quantile": 0.0, "value": 47000.0, "Latitude": 38.97, "Longitude": -122.65, "Population": 703.0}, {"index": 3297, "quantile": 0.25, "value": 60000.0, "Latitude": 38.97, "Longitude": -122.65, "Population": 703.0}, {"index": 3297, "quantile": 0.5, "value": 60000.0, "Latitude": 38.97, "Longitude": -122.65, "Population": 703.0}, {"index": 3297, "quantile": 0.75, "value": 60000.0, "Latitude": 38.97, "Longitude": -122.65, "Population": 703.0}, {"index": 3297, "quantile": 1.0, "value": 113599.99999999999, "Latitude": 38.97, "Longitude": -122.65, "Population": 703.0}, {"index": 3298, "quantile": 0.0, "value": 50300.0, "Latitude": 38.96, "Longitude": -122.63, "Population": 633.0}, {"index": 3298, "quantile": 0.25, "value": 69700.0, "Latitude": 38.96, "Longitude": -122.63, "Population": 633.0}, {"index": 3298, "quantile": 0.5, "value": 82549.99999999999, "Latitude": 38.96, "Longitude": -122.63, "Population": 633.0}, {"index": 3298, "quantile": 0.75, "value": 101375.0, "Latitude": 38.96, "Longitude": -122.63, "Population": 633.0}, {"index": 3298, "quantile": 1.0, "value": 227300.0, "Latitude": 38.96, "Longitude": -122.63, "Population": 633.0}, {"index": 3299, "quantile": 0.0, "value": 53300.0, "Latitude": 38.95, "Longitude": -122.62, "Population": 832.0}, {"index": 3299, "quantile": 0.25, "value": 58800.0, "Latitude": 38.95, "Longitude": -122.62, "Population": 832.0}, {"index": 3299, "quantile": 0.5, "value": 58800.0, "Latitude": 38.95, "Longitude": -122.62, "Population": 832.0}, {"index": 3299, "quantile": 0.75, "value": 69000.0, "Latitude": 38.95, "Longitude": -122.62, "Population": 832.0}, {"index": 3299, "quantile": 1.0, "value": 95800.0, "Latitude": 38.95, "Longitude": -122.62, "Population": 832.0}, {"index": 3300, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 38.94, "Longitude": -122.62, "Population": 638.0}, {"index": 3300, "quantile": 0.25, "value": 57499.99999999999, "Latitude": 38.94, "Longitude": -122.62, "Population": 638.0}, {"index": 3300, "quantile": 0.5, "value": 57499.99999999999, "Latitude": 38.94, "Longitude": -122.62, "Population": 638.0}, {"index": 3300, "quantile": 0.75, "value": 71100.0, "Latitude": 38.94, "Longitude": -122.62, "Population": 638.0}, {"index": 3300, "quantile": 1.0, "value": 165600.0, "Latitude": 38.94, "Longitude": -122.62, "Population": 638.0}, {"index": 3301, "quantile": 0.0, "value": 71300.0, "Latitude": 38.93, "Longitude": -122.61, "Population": 108.0}, {"index": 3301, "quantile": 0.25, "value": 71300.0, "Latitude": 38.93, "Longitude": -122.61, "Population": 108.0}, {"index": 3301, "quantile": 0.5, "value": 71300.0, "Latitude": 38.93, "Longitude": -122.61, "Population": 108.0}, {"index": 3301, "quantile": 0.75, "value": 131100.0, "Latitude": 38.93, "Longitude": -122.61, "Population": 108.0}, {"index": 3301, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.93, "Longitude": -122.61, "Population": 108.0}, {"index": 3302, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 38.93, "Longitude": -122.6, "Population": 572.0}, {"index": 3302, "quantile": 0.25, "value": 69400.0, "Latitude": 38.93, "Longitude": -122.6, "Population": 572.0}, {"index": 3302, "quantile": 0.5, "value": 93800.0, "Latitude": 38.93, "Longitude": -122.6, "Population": 572.0}, {"index": 3302, "quantile": 0.75, "value": 109400.00000000001, "Latitude": 38.93, "Longitude": -122.6, "Population": 572.0}, {"index": 3302, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.93, "Longitude": -122.6, "Population": 572.0}, {"index": 3303, "quantile": 0.0, "value": 53500.0, "Latitude": 38.96, "Longitude": -122.62, "Population": 828.0}, {"index": 3303, "quantile": 0.25, "value": 69000.0, "Latitude": 38.96, "Longitude": -122.62, "Population": 828.0}, {"index": 3303, "quantile": 0.5, "value": 69000.0, "Latitude": 38.96, "Longitude": -122.62, "Population": 828.0}, {"index": 3303, "quantile": 0.75, "value": 72400.0, "Latitude": 38.96, "Longitude": -122.62, "Population": 828.0}, {"index": 3303, "quantile": 1.0, "value": 113599.99999999999, "Latitude": 38.96, "Longitude": -122.62, "Population": 828.0}, {"index": 3304, "quantile": 0.0, "value": 53300.0, "Latitude": 38.96, "Longitude": -122.63, "Population": 1072.0}, {"index": 3304, "quantile": 0.25, "value": 60200.0, "Latitude": 38.96, "Longitude": -122.63, "Population": 1072.0}, {"index": 3304, "quantile": 0.5, "value": 60200.0, "Latitude": 38.96, "Longitude": -122.63, "Population": 1072.0}, {"index": 3304, "quantile": 0.75, "value": 69524.99999999999, "Latitude": 38.96, "Longitude": -122.63, "Population": 1072.0}, {"index": 3304, "quantile": 1.0, "value": 125600.0, "Latitude": 38.96, "Longitude": -122.63, "Population": 1072.0}, {"index": 3305, "quantile": 0.0, "value": 51700.0, "Latitude": 38.96, "Longitude": -122.65, "Population": 898.0}, {"index": 3305, "quantile": 0.25, "value": 63200.0, "Latitude": 38.96, "Longitude": -122.65, "Population": 898.0}, {"index": 3305, "quantile": 0.5, "value": 63200.0, "Latitude": 38.96, "Longitude": -122.65, "Population": 898.0}, {"index": 3305, "quantile": 0.75, "value": 63200.0, "Latitude": 38.96, "Longitude": -122.65, "Population": 898.0}, {"index": 3305, "quantile": 1.0, "value": 88600.0, "Latitude": 38.96, "Longitude": -122.65, "Population": 898.0}, {"index": 3306, "quantile": 0.0, "value": 53300.0, "Latitude": 38.96, "Longitude": -122.64, "Population": 326.0}, {"index": 3306, "quantile": 0.25, "value": 58199.99999999999, "Latitude": 38.96, "Longitude": -122.64, "Population": 326.0}, {"index": 3306, "quantile": 0.5, "value": 58199.99999999999, "Latitude": 38.96, "Longitude": -122.64, "Population": 326.0}, {"index": 3306, "quantile": 0.75, "value": 63200.0, "Latitude": 38.96, "Longitude": -122.64, "Population": 326.0}, {"index": 3306, "quantile": 1.0, "value": 112500.0, "Latitude": 38.96, "Longitude": -122.64, "Population": 326.0}, {"index": 3307, "quantile": 0.0, "value": 53300.0, "Latitude": 38.95, "Longitude": -122.64, "Population": 522.0}, {"index": 3307, "quantile": 0.25, "value": 68900.0, "Latitude": 38.95, "Longitude": -122.64, "Population": 522.0}, {"index": 3307, "quantile": 0.5, "value": 68900.0, "Latitude": 38.95, "Longitude": -122.64, "Population": 522.0}, {"index": 3307, "quantile": 0.75, "value": 77550.00000000001, "Latitude": 38.95, "Longitude": -122.64, "Population": 522.0}, {"index": 3307, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.95, "Longitude": -122.64, "Population": 522.0}, {"index": 3308, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 38.95, "Longitude": -122.63, "Population": 246.0}, {"index": 3308, "quantile": 0.25, "value": 77300.0, "Latitude": 38.95, "Longitude": -122.63, "Population": 246.0}, {"index": 3308, "quantile": 0.5, "value": 77300.0, "Latitude": 38.95, "Longitude": -122.63, "Population": 246.0}, {"index": 3308, "quantile": 0.75, "value": 81300.0, "Latitude": 38.95, "Longitude": -122.63, "Population": 246.0}, {"index": 3308, "quantile": 1.0, "value": 193800.0, "Latitude": 38.95, "Longitude": -122.63, "Population": 246.0}, {"index": 3309, "quantile": 0.0, "value": 45500.0, "Latitude": 38.94, "Longitude": -122.63, "Population": 192.0}, {"index": 3309, "quantile": 0.25, "value": 68900.0, "Latitude": 38.94, "Longitude": -122.63, "Population": 192.0}, {"index": 3309, "quantile": 0.5, "value": 79200.0, "Latitude": 38.94, "Longitude": -122.63, "Population": 192.0}, {"index": 3309, "quantile": 0.75, "value": 109700.0, "Latitude": 38.94, "Longitude": -122.63, "Population": 192.0}, {"index": 3309, "quantile": 1.0, "value": 325000.0, "Latitude": 38.94, "Longitude": -122.63, "Population": 192.0}, {"index": 3310, "quantile": 0.0, "value": 53100.0, "Latitude": 38.94, "Longitude": -122.63, "Population": 1832.0}, {"index": 3310, "quantile": 0.25, "value": 81800.0, "Latitude": 38.94, "Longitude": -122.63, "Population": 1832.0}, {"index": 3310, "quantile": 0.5, "value": 81800.0, "Latitude": 38.94, "Longitude": -122.63, "Population": 1832.0}, {"index": 3310, "quantile": 0.75, "value": 81800.0, "Latitude": 38.94, "Longitude": -122.63, "Population": 1832.0}, {"index": 3310, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.94, "Longitude": -122.63, "Population": 1832.0}, {"index": 3311, "quantile": 0.0, "value": 42500.0, "Latitude": 38.94, "Longitude": -122.62, "Population": 215.0}, {"index": 3311, "quantile": 0.25, "value": 62775.0, "Latitude": 38.94, "Longitude": -122.62, "Population": 215.0}, {"index": 3311, "quantile": 0.5, "value": 76600.0, "Latitude": 38.94, "Longitude": -122.62, "Population": 215.0}, {"index": 3311, "quantile": 0.75, "value": 84700.0, "Latitude": 38.94, "Longitude": -122.62, "Population": 215.0}, {"index": 3311, "quantile": 1.0, "value": 200000.0, "Latitude": 38.94, "Longitude": -122.62, "Population": 215.0}, {"index": 3312, "quantile": 0.0, "value": 71700.0, "Latitude": 38.97, "Longitude": -122.7, "Population": 723.0}, {"index": 3312, "quantile": 0.25, "value": 114199.99999999999, "Latitude": 38.97, "Longitude": -122.7, "Population": 723.0}, {"index": 3312, "quantile": 0.5, "value": 114199.99999999999, "Latitude": 38.97, "Longitude": -122.7, "Population": 723.0}, {"index": 3312, "quantile": 0.75, "value": 169300.0, "Latitude": 38.97, "Longitude": -122.7, "Population": 723.0}, {"index": 3312, "quantile": 1.0, "value": 277000.0, "Latitude": 38.97, "Longitude": -122.7, "Population": 723.0}, {"index": 3313, "quantile": 0.0, "value": 72100.0, "Latitude": 39.01, "Longitude": -122.75, "Population": 889.0}, {"index": 3313, "quantile": 0.25, "value": 184075.0, "Latitude": 39.01, "Longitude": -122.75, "Population": 889.0}, {"index": 3313, "quantile": 0.5, "value": 200500.0, "Latitude": 39.01, "Longitude": -122.75, "Population": 889.0}, {"index": 3313, "quantile": 0.75, "value": 200500.0, "Latitude": 39.01, "Longitude": -122.75, "Population": 889.0}, {"index": 3313, "quantile": 1.0, "value": 387200.0, "Latitude": 39.01, "Longitude": -122.75, "Population": 889.0}, {"index": 3314, "quantile": 0.0, "value": 37500.0, "Latitude": 39.02, "Longitude": -122.79, "Population": 265.0}, {"index": 3314, "quantile": 0.25, "value": 90100.0, "Latitude": 39.02, "Longitude": -122.79, "Population": 265.0}, {"index": 3314, "quantile": 0.5, "value": 96900.0, "Latitude": 39.02, "Longitude": -122.79, "Population": 265.0}, {"index": 3314, "quantile": 0.75, "value": 96900.0, "Latitude": 39.02, "Longitude": -122.79, "Population": 265.0}, {"index": 3314, "quantile": 1.0, "value": 143200.0, "Latitude": 39.02, "Longitude": -122.79, "Population": 265.0}, {"index": 3315, "quantile": 0.0, "value": 72200.0, "Latitude": 38.97, "Longitude": -122.78, "Population": 2144.0}, {"index": 3315, "quantile": 0.25, "value": 97300.0, "Latitude": 38.97, "Longitude": -122.78, "Population": 2144.0}, {"index": 3315, "quantile": 0.5, "value": 97300.0, "Latitude": 38.97, "Longitude": -122.78, "Population": 2144.0}, {"index": 3315, "quantile": 0.75, "value": 105700.0, "Latitude": 38.97, "Longitude": -122.78, "Population": 2144.0}, {"index": 3315, "quantile": 1.0, "value": 268000.0, "Latitude": 38.97, "Longitude": -122.78, "Population": 2144.0}, {"index": 3316, "quantile": 0.0, "value": 72200.0, "Latitude": 38.94, "Longitude": -122.69, "Population": 517.0}, {"index": 3316, "quantile": 0.25, "value": 93400.0, "Latitude": 38.94, "Longitude": -122.69, "Population": 517.0}, {"index": 3316, "quantile": 0.5, "value": 93400.0, "Latitude": 38.94, "Longitude": -122.69, "Population": 517.0}, {"index": 3316, "quantile": 0.75, "value": 94450.0, "Latitude": 38.94, "Longitude": -122.69, "Population": 517.0}, {"index": 3316, "quantile": 1.0, "value": 213200.0, "Latitude": 38.94, "Longitude": -122.69, "Population": 517.0}, {"index": 3317, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 38.91, "Longitude": -122.71, "Population": 94.0}, {"index": 3317, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 38.91, "Longitude": -122.71, "Population": 94.0}, {"index": 3317, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 38.91, "Longitude": -122.71, "Population": 94.0}, {"index": 3317, "quantile": 0.75, "value": 78500.0, "Latitude": 38.91, "Longitude": -122.71, "Population": 94.0}, {"index": 3317, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.91, "Longitude": -122.71, "Population": 94.0}, {"index": 3318, "quantile": 0.0, "value": 65600.0, "Latitude": 39.05, "Longitude": -122.86, "Population": 647.0}, {"index": 3318, "quantile": 0.25, "value": 89600.0, "Latitude": 39.05, "Longitude": -122.86, "Population": 647.0}, {"index": 3318, "quantile": 0.5, "value": 102299.99999999999, "Latitude": 39.05, "Longitude": -122.86, "Population": 647.0}, {"index": 3318, "quantile": 0.75, "value": 108900.0, "Latitude": 39.05, "Longitude": -122.86, "Population": 647.0}, {"index": 3318, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 39.05, "Longitude": -122.86, "Population": 647.0}, {"index": 3319, "quantile": 0.0, "value": 49600.0, "Latitude": 39.0, "Longitude": -122.85, "Population": 753.0}, {"index": 3319, "quantile": 0.25, "value": 75000.0, "Latitude": 39.0, "Longitude": -122.85, "Population": 753.0}, {"index": 3319, "quantile": 0.5, "value": 85400.0, "Latitude": 39.0, "Longitude": -122.85, "Population": 753.0}, {"index": 3319, "quantile": 0.75, "value": 96900.0, "Latitude": 39.0, "Longitude": -122.85, "Population": 753.0}, {"index": 3319, "quantile": 1.0, "value": 162500.0, "Latitude": 39.0, "Longitude": -122.85, "Population": 753.0}, {"index": 3320, "quantile": 0.0, "value": 68900.0, "Latitude": 38.99, "Longitude": -122.83, "Population": 191.0}, {"index": 3320, "quantile": 0.25, "value": 100299.99999999999, "Latitude": 38.99, "Longitude": -122.83, "Population": 191.0}, {"index": 3320, "quantile": 0.5, "value": 113900.0, "Latitude": 38.99, "Longitude": -122.83, "Population": 191.0}, {"index": 3320, "quantile": 0.75, "value": 113900.0, "Latitude": 38.99, "Longitude": -122.83, "Population": 191.0}, {"index": 3320, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.99, "Longitude": -122.83, "Population": 191.0}, {"index": 3321, "quantile": 0.0, "value": 49600.0, "Latitude": 38.98, "Longitude": -122.83, "Population": 719.0}, {"index": 3321, "quantile": 0.25, "value": 75000.0, "Latitude": 38.98, "Longitude": -122.83, "Population": 719.0}, {"index": 3321, "quantile": 0.5, "value": 86500.0, "Latitude": 38.98, "Longitude": -122.83, "Population": 719.0}, {"index": 3321, "quantile": 0.75, "value": 95800.0, "Latitude": 38.98, "Longitude": -122.83, "Population": 719.0}, {"index": 3321, "quantile": 1.0, "value": 159800.0, "Latitude": 38.98, "Longitude": -122.83, "Population": 719.0}, {"index": 3322, "quantile": 0.0, "value": 49000.0, "Latitude": 38.98, "Longitude": -122.84, "Population": 556.0}, {"index": 3322, "quantile": 0.25, "value": 75000.0, "Latitude": 38.98, "Longitude": -122.84, "Population": 556.0}, {"index": 3322, "quantile": 0.5, "value": 75000.0, "Latitude": 38.98, "Longitude": -122.84, "Population": 556.0}, {"index": 3322, "quantile": 0.75, "value": 86750.0, "Latitude": 38.98, "Longitude": -122.84, "Population": 556.0}, {"index": 3322, "quantile": 1.0, "value": 156700.0, "Latitude": 38.98, "Longitude": -122.84, "Population": 556.0}, {"index": 3323, "quantile": 0.0, "value": 73600.0, "Latitude": 38.97, "Longitude": -122.92, "Population": 904.0}, {"index": 3323, "quantile": 0.25, "value": 97300.0, "Latitude": 38.97, "Longitude": -122.92, "Population": 904.0}, {"index": 3323, "quantile": 0.5, "value": 134200.0, "Latitude": 38.97, "Longitude": -122.92, "Population": 904.0}, {"index": 3323, "quantile": 0.75, "value": 134200.0, "Latitude": 38.97, "Longitude": -122.92, "Population": 904.0}, {"index": 3323, "quantile": 1.0, "value": 171900.0, "Latitude": 38.97, "Longitude": -122.92, "Population": 904.0}, {"index": 3324, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 38.93, "Longitude": -122.89, "Population": 504.0}, {"index": 3324, "quantile": 0.25, "value": 105700.0, "Latitude": 38.93, "Longitude": -122.89, "Population": 504.0}, {"index": 3324, "quantile": 0.5, "value": 105700.0, "Latitude": 38.93, "Longitude": -122.89, "Population": 504.0}, {"index": 3324, "quantile": 0.75, "value": 105700.0, "Latitude": 38.93, "Longitude": -122.89, "Population": 504.0}, {"index": 3324, "quantile": 1.0, "value": 249200.0, "Latitude": 38.93, "Longitude": -122.89, "Population": 504.0}, {"index": 3325, "quantile": 0.0, "value": 66900.0, "Latitude": 38.96, "Longitude": -122.83, "Population": 567.0}, {"index": 3325, "quantile": 0.25, "value": 93800.0, "Latitude": 38.96, "Longitude": -122.83, "Population": 567.0}, {"index": 3325, "quantile": 0.5, "value": 93800.0, "Latitude": 38.96, "Longitude": -122.83, "Population": 567.0}, {"index": 3325, "quantile": 0.75, "value": 93800.0, "Latitude": 38.96, "Longitude": -122.83, "Population": 567.0}, {"index": 3325, "quantile": 1.0, "value": 211500.00000000003, "Latitude": 38.96, "Longitude": -122.83, "Population": 567.0}, {"index": 3326, "quantile": 0.0, "value": 71300.0, "Latitude": 38.92, "Longitude": -122.77, "Population": 293.0}, {"index": 3326, "quantile": 0.25, "value": 95000.0, "Latitude": 38.92, "Longitude": -122.77, "Population": 293.0}, {"index": 3326, "quantile": 0.5, "value": 127400.0, "Latitude": 38.92, "Longitude": -122.77, "Population": 293.0}, {"index": 3326, "quantile": 0.75, "value": 143025.0, "Latitude": 38.92, "Longitude": -122.77, "Population": 293.0}, {"index": 3326, "quantile": 1.0, "value": 500000.0, "Latitude": 38.92, "Longitude": -122.77, "Population": 293.0}, {"index": 3327, "quantile": 0.0, "value": 90400.0, "Latitude": 38.89, "Longitude": -122.83, "Population": 268.0}, {"index": 3327, "quantile": 0.25, "value": 100000.0, "Latitude": 38.89, "Longitude": -122.83, "Population": 268.0}, {"index": 3327, "quantile": 0.5, "value": 100000.0, "Latitude": 38.89, "Longitude": -122.83, "Population": 268.0}, {"index": 3327, "quantile": 0.75, "value": 100000.0, "Latitude": 38.89, "Longitude": -122.83, "Population": 268.0}, {"index": 3327, "quantile": 1.0, "value": 345300.0, "Latitude": 38.89, "Longitude": -122.83, "Population": 268.0}, {"index": 3328, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 38.88, "Longitude": -122.72, "Population": 890.0}, {"index": 3328, "quantile": 0.25, "value": 96600.0, "Latitude": 38.88, "Longitude": -122.72, "Population": 890.0}, {"index": 3328, "quantile": 0.5, "value": 96600.0, "Latitude": 38.88, "Longitude": -122.72, "Population": 890.0}, {"index": 3328, "quantile": 0.75, "value": 96600.0, "Latitude": 38.88, "Longitude": -122.72, "Population": 890.0}, {"index": 3328, "quantile": 1.0, "value": 164800.0, "Latitude": 38.88, "Longitude": -122.72, "Population": 890.0}, {"index": 3329, "quantile": 0.0, "value": 76100.0, "Latitude": 38.83, "Longitude": -122.74, "Population": 1554.0}, {"index": 3329, "quantile": 0.25, "value": 90800.0, "Latitude": 38.83, "Longitude": -122.74, "Population": 1554.0}, {"index": 3329, "quantile": 0.5, "value": 90800.0, "Latitude": 38.83, "Longitude": -122.74, "Population": 1554.0}, {"index": 3329, "quantile": 0.75, "value": 93400.0, "Latitude": 38.83, "Longitude": -122.74, "Population": 1554.0}, {"index": 3329, "quantile": 1.0, "value": 390800.0, "Latitude": 38.83, "Longitude": -122.74, "Population": 1554.0}, {"index": 3330, "quantile": 0.0, "value": 37500.0, "Latitude": 38.9, "Longitude": -122.48, "Population": 161.0}, {"index": 3330, "quantile": 0.25, "value": 95975.0, "Latitude": 38.9, "Longitude": -122.48, "Population": 161.0}, {"index": 3330, "quantile": 0.5, "value": 112500.0, "Latitude": 38.9, "Longitude": -122.48, "Population": 161.0}, {"index": 3330, "quantile": 0.75, "value": 112500.0, "Latitude": 38.9, "Longitude": -122.48, "Population": 161.0}, {"index": 3330, "quantile": 1.0, "value": 262500.0, "Latitude": 38.9, "Longitude": -122.48, "Population": 161.0}, {"index": 3331, "quantile": 0.0, "value": 53300.0, "Latitude": 38.92, "Longitude": -122.59, "Population": 599.0}, {"index": 3331, "quantile": 0.25, "value": 69000.0, "Latitude": 38.92, "Longitude": -122.59, "Population": 599.0}, {"index": 3331, "quantile": 0.5, "value": 85000.0, "Latitude": 38.92, "Longitude": -122.59, "Population": 599.0}, {"index": 3331, "quantile": 0.75, "value": 113074.99999999999, "Latitude": 38.92, "Longitude": -122.59, "Population": 599.0}, {"index": 3331, "quantile": 1.0, "value": 233700.00000000003, "Latitude": 38.92, "Longitude": -122.59, "Population": 599.0}, {"index": 3332, "quantile": 0.0, "value": 70000.0, "Latitude": 38.9, "Longitude": -122.6, "Population": 92.0}, {"index": 3332, "quantile": 0.25, "value": 91700.0, "Latitude": 38.9, "Longitude": -122.6, "Population": 92.0}, {"index": 3332, "quantile": 0.5, "value": 91700.0, "Latitude": 38.9, "Longitude": -122.6, "Population": 92.0}, {"index": 3332, "quantile": 0.75, "value": 105700.0, "Latitude": 38.9, "Longitude": -122.6, "Population": 92.0}, {"index": 3332, "quantile": 1.0, "value": 275000.0, "Latitude": 38.9, "Longitude": -122.6, "Population": 92.0}, {"index": 3333, "quantile": 0.0, "value": 53000.0, "Latitude": 38.92, "Longitude": -122.62, "Population": 249.0}, {"index": 3333, "quantile": 0.25, "value": 84700.0, "Latitude": 38.92, "Longitude": -122.62, "Population": 249.0}, {"index": 3333, "quantile": 0.5, "value": 84700.0, "Latitude": 38.92, "Longitude": -122.62, "Population": 249.0}, {"index": 3333, "quantile": 0.75, "value": 84700.0, "Latitude": 38.92, "Longitude": -122.62, "Population": 249.0}, {"index": 3333, "quantile": 1.0, "value": 177900.0, "Latitude": 38.92, "Longitude": -122.62, "Population": 249.0}, {"index": 3334, "quantile": 0.0, "value": 81300.0, "Latitude": 38.92, "Longitude": -122.65, "Population": 20.0}, {"index": 3334, "quantile": 0.25, "value": 112500.0, "Latitude": 38.92, "Longitude": -122.65, "Population": 20.0}, {"index": 3334, "quantile": 0.5, "value": 112500.0, "Latitude": 38.92, "Longitude": -122.65, "Population": 20.0}, {"index": 3334, "quantile": 0.75, "value": 195800.0, "Latitude": 38.92, "Longitude": -122.65, "Population": 20.0}, {"index": 3334, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.92, "Longitude": -122.65, "Population": 20.0}, {"index": 3335, "quantile": 0.0, "value": 50300.0, "Latitude": 38.87, "Longitude": -122.64, "Population": 519.0}, {"index": 3335, "quantile": 0.25, "value": 69000.0, "Latitude": 38.87, "Longitude": -122.64, "Population": 519.0}, {"index": 3335, "quantile": 0.5, "value": 77300.0, "Latitude": 38.87, "Longitude": -122.64, "Population": 519.0}, {"index": 3335, "quantile": 0.75, "value": 87500.0, "Latitude": 38.87, "Longitude": -122.64, "Population": 519.0}, {"index": 3335, "quantile": 1.0, "value": 262500.0, "Latitude": 38.87, "Longitude": -122.64, "Population": 519.0}, {"index": 3336, "quantile": 0.0, "value": 65600.0, "Latitude": 38.82, "Longitude": -122.5, "Population": 877.0}, {"index": 3336, "quantile": 0.25, "value": 89600.0, "Latitude": 38.82, "Longitude": -122.5, "Population": 877.0}, {"index": 3336, "quantile": 0.5, "value": 102299.99999999999, "Latitude": 38.82, "Longitude": -122.5, "Population": 877.0}, {"index": 3336, "quantile": 0.75, "value": 145800.00000000003, "Latitude": 38.82, "Longitude": -122.5, "Population": 877.0}, {"index": 3336, "quantile": 1.0, "value": 275000.0, "Latitude": 38.82, "Longitude": -122.5, "Population": 877.0}, {"index": 3337, "quantile": 0.0, "value": 85900.0, "Latitude": 38.76, "Longitude": -122.51, "Population": 1050.0}, {"index": 3337, "quantile": 0.25, "value": 132600.0, "Latitude": 38.76, "Longitude": -122.51, "Population": 1050.0}, {"index": 3337, "quantile": 0.5, "value": 132600.0, "Latitude": 38.76, "Longitude": -122.51, "Population": 1050.0}, {"index": 3337, "quantile": 0.75, "value": 132600.0, "Latitude": 38.76, "Longitude": -122.51, "Population": 1050.0}, {"index": 3337, "quantile": 1.0, "value": 345300.0, "Latitude": 38.76, "Longitude": -122.51, "Population": 1050.0}, {"index": 3338, "quantile": 0.0, "value": 83300.0, "Latitude": 38.81, "Longitude": -122.55, "Population": 1027.0}, {"index": 3338, "quantile": 0.25, "value": 132100.0, "Latitude": 38.81, "Longitude": -122.55, "Population": 1027.0}, {"index": 3338, "quantile": 0.5, "value": 132100.0, "Latitude": 38.81, "Longitude": -122.55, "Population": 1027.0}, {"index": 3338, "quantile": 0.75, "value": 132225.0, "Latitude": 38.81, "Longitude": -122.55, "Population": 1027.0}, {"index": 3338, "quantile": 1.0, "value": 300000.0, "Latitude": 38.81, "Longitude": -122.55, "Population": 1027.0}, {"index": 3339, "quantile": 0.0, "value": 83300.0, "Latitude": 38.78, "Longitude": -122.59, "Population": 366.0}, {"index": 3339, "quantile": 0.25, "value": 103099.99999999999, "Latitude": 38.78, "Longitude": -122.59, "Population": 366.0}, {"index": 3339, "quantile": 0.5, "value": 103099.99999999999, "Latitude": 38.78, "Longitude": -122.59, "Population": 366.0}, {"index": 3339, "quantile": 0.75, "value": 128800.0, "Latitude": 38.78, "Longitude": -122.59, "Population": 366.0}, {"index": 3339, "quantile": 1.0, "value": 300000.0, "Latitude": 38.78, "Longitude": -122.59, "Population": 366.0}, {"index": 3340, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.81, "Longitude": -122.66, "Population": 461.0}, {"index": 3340, "quantile": 0.25, "value": 83300.0, "Latitude": 38.81, "Longitude": -122.66, "Population": 461.0}, {"index": 3340, "quantile": 0.5, "value": 83300.0, "Latitude": 38.81, "Longitude": -122.66, "Population": 461.0}, {"index": 3340, "quantile": 0.75, "value": 98550.0, "Latitude": 38.81, "Longitude": -122.66, "Population": 461.0}, {"index": 3340, "quantile": 1.0, "value": 300000.0, "Latitude": 38.81, "Longitude": -122.66, "Population": 461.0}, {"index": 3341, "quantile": 0.0, "value": 58800.0, "Latitude": 38.76, "Longitude": -122.68, "Population": 302.0}, {"index": 3341, "quantile": 0.25, "value": 67900.0, "Latitude": 38.76, "Longitude": -122.68, "Population": 302.0}, {"index": 3341, "quantile": 0.5, "value": 67900.0, "Latitude": 38.76, "Longitude": -122.68, "Population": 302.0}, {"index": 3341, "quantile": 0.75, "value": 97575.0, "Latitude": 38.76, "Longitude": -122.68, "Population": 302.0}, {"index": 3341, "quantile": 1.0, "value": 249200.0, "Latitude": 38.76, "Longitude": -122.68, "Population": 302.0}, {"index": 3342, "quantile": 0.0, "value": 58800.0, "Latitude": 38.73, "Longitude": -122.62, "Population": 727.0}, {"index": 3342, "quantile": 0.25, "value": 85300.0, "Latitude": 38.73, "Longitude": -122.62, "Population": 727.0}, {"index": 3342, "quantile": 0.5, "value": 85300.0, "Latitude": 38.73, "Longitude": -122.62, "Population": 727.0}, {"index": 3342, "quantile": 0.75, "value": 85300.0, "Latitude": 38.73, "Longitude": -122.62, "Population": 727.0}, {"index": 3342, "quantile": 1.0, "value": 183100.0, "Latitude": 38.73, "Longitude": -122.62, "Population": 727.0}, {"index": 3343, "quantile": 0.0, "value": 22500.0, "Latitude": 38.71, "Longitude": -122.64, "Population": 231.0}, {"index": 3343, "quantile": 0.25, "value": 89600.0, "Latitude": 38.71, "Longitude": -122.64, "Population": 231.0}, {"index": 3343, "quantile": 0.5, "value": 89600.0, "Latitude": 38.71, "Longitude": -122.64, "Population": 231.0}, {"index": 3343, "quantile": 0.75, "value": 109799.99999999999, "Latitude": 38.71, "Longitude": -122.64, "Population": 231.0}, {"index": 3343, "quantile": 1.0, "value": 275000.0, "Latitude": 38.71, "Longitude": -122.64, "Population": 231.0}, {"index": 3344, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 38.7, "Longitude": -122.52, "Population": 43.0}, {"index": 3344, "quantile": 0.25, "value": 87500.0, "Latitude": 38.7, "Longitude": -122.52, "Population": 43.0}, {"index": 3344, "quantile": 0.5, "value": 87500.0, "Latitude": 38.7, "Longitude": -122.52, "Population": 43.0}, {"index": 3344, "quantile": 0.75, "value": 87500.0, "Latitude": 38.7, "Longitude": -122.52, "Population": 43.0}, {"index": 3344, "quantile": 1.0, "value": 450000.0, "Latitude": 38.7, "Longitude": -122.52, "Population": 43.0}, {"index": 3345, "quantile": 0.0, "value": 48100.0, "Latitude": 41.07, "Longitude": -121.11, "Population": 761.0}, {"index": 3345, "quantile": 0.25, "value": 48100.0, "Latitude": 41.07, "Longitude": -121.11, "Population": 761.0}, {"index": 3345, "quantile": 0.5, "value": 48100.0, "Latitude": 41.07, "Longitude": -121.11, "Population": 761.0}, {"index": 3345, "quantile": 0.75, "value": 84850.0, "Latitude": 41.07, "Longitude": -121.11, "Population": 761.0}, {"index": 3345, "quantile": 1.0, "value": 182500.0, "Latitude": 41.07, "Longitude": -121.11, "Population": 761.0}, {"index": 3346, "quantile": 0.0, "value": 48100.0, "Latitude": 41.12, "Longitude": -120.96, "Population": 364.0}, {"index": 3346, "quantile": 0.25, "value": 59200.0, "Latitude": 41.12, "Longitude": -120.96, "Population": 364.0}, {"index": 3346, "quantile": 0.5, "value": 59200.0, "Latitude": 41.12, "Longitude": -120.96, "Population": 364.0}, {"index": 3346, "quantile": 0.75, "value": 59200.0, "Latitude": 41.12, "Longitude": -120.96, "Population": 364.0}, {"index": 3346, "quantile": 1.0, "value": 165000.0, "Latitude": 41.12, "Longitude": -120.96, "Population": 364.0}, {"index": 3347, "quantile": 0.0, "value": 78300.0, "Latitude": 40.85, "Longitude": -121.07, "Population": 511.0}, {"index": 3347, "quantile": 0.25, "value": 80800.0, "Latitude": 40.85, "Longitude": -121.07, "Population": 511.0}, {"index": 3347, "quantile": 0.5, "value": 80800.0, "Latitude": 40.85, "Longitude": -121.07, "Population": 511.0}, {"index": 3347, "quantile": 0.75, "value": 100024.99999999999, "Latitude": 40.85, "Longitude": -121.07, "Population": 511.0}, {"index": 3347, "quantile": 1.0, "value": 182100.0, "Latitude": 40.85, "Longitude": -121.07, "Population": 511.0}, {"index": 3348, "quantile": 0.0, "value": 39400.0, "Latitude": 40.98, "Longitude": -120.38, "Population": 318.0}, {"index": 3348, "quantile": 0.25, "value": 40000.0, "Latitude": 40.98, "Longitude": -120.38, "Population": 318.0}, {"index": 3348, "quantile": 0.5, "value": 40000.0, "Latitude": 40.98, "Longitude": -120.38, "Population": 318.0}, {"index": 3348, "quantile": 0.75, "value": 57899.99999999999, "Latitude": 40.98, "Longitude": -120.38, "Population": 318.0}, {"index": 3348, "quantile": 1.0, "value": 104200.0, "Latitude": 40.98, "Longitude": -120.38, "Population": 318.0}, {"index": 3349, "quantile": 0.0, "value": 77500.0, "Latitude": 40.63, "Longitude": -120.35, "Population": 63.0}, {"index": 3349, "quantile": 0.25, "value": 158575.0, "Latitude": 40.63, "Longitude": -120.35, "Population": 63.0}, {"index": 3349, "quantile": 0.5, "value": 200000.0, "Latitude": 40.63, "Longitude": -120.35, "Population": 63.0}, {"index": 3349, "quantile": 0.75, "value": 200000.0, "Latitude": 40.63, "Longitude": -120.35, "Population": 63.0}, {"index": 3349, "quantile": 1.0, "value": 475000.0, "Latitude": 40.63, "Longitude": -120.35, "Population": 63.0}, {"index": 3350, "quantile": 0.0, "value": 61300.0, "Latitude": 40.65, "Longitude": -120.77, "Population": 280.0}, {"index": 3350, "quantile": 0.25, "value": 116124.99999999999, "Latitude": 40.65, "Longitude": -120.77, "Population": 280.0}, {"index": 3350, "quantile": 0.5, "value": 118300.0, "Latitude": 40.65, "Longitude": -120.77, "Population": 280.0}, {"index": 3350, "quantile": 0.75, "value": 118300.0, "Latitude": 40.65, "Longitude": -120.77, "Population": 280.0}, {"index": 3350, "quantile": 1.0, "value": 420000.0, "Latitude": 40.65, "Longitude": -120.77, "Population": 280.0}, {"index": 3351, "quantile": 0.0, "value": 78300.0, "Latitude": 40.51, "Longitude": -121.02, "Population": 406.0}, {"index": 3351, "quantile": 0.25, "value": 78300.0, "Latitude": 40.51, "Longitude": -121.02, "Population": 406.0}, {"index": 3351, "quantile": 0.5, "value": 78300.0, "Latitude": 40.51, "Longitude": -121.02, "Population": 406.0}, {"index": 3351, "quantile": 0.75, "value": 92250.0, "Latitude": 40.51, "Longitude": -121.02, "Population": 406.0}, {"index": 3351, "quantile": 1.0, "value": 216500.0, "Latitude": 40.51, "Longitude": -121.02, "Population": 406.0}, {"index": 3352, "quantile": 0.0, "value": 52600.0, "Latitude": 40.28, "Longitude": -120.96, "Population": 302.0}, {"index": 3352, "quantile": 0.25, "value": 64100.0, "Latitude": 40.28, "Longitude": -120.96, "Population": 302.0}, {"index": 3352, "quantile": 0.5, "value": 64100.0, "Latitude": 40.28, "Longitude": -120.96, "Population": 302.0}, {"index": 3352, "quantile": 0.75, "value": 71900.0, "Latitude": 40.28, "Longitude": -120.96, "Population": 302.0}, {"index": 3352, "quantile": 1.0, "value": 130700.0, "Latitude": 40.28, "Longitude": -120.96, "Population": 302.0}, {"index": 3353, "quantile": 0.0, "value": 43500.0, "Latitude": 40.35, "Longitude": -121.03, "Population": 1977.0}, {"index": 3353, "quantile": 0.25, "value": 49500.0, "Latitude": 40.35, "Longitude": -121.03, "Population": 1977.0}, {"index": 3353, "quantile": 0.5, "value": 49500.0, "Latitude": 40.35, "Longitude": -121.03, "Population": 1977.0}, {"index": 3353, "quantile": 0.75, "value": 64300.0, "Latitude": 40.35, "Longitude": -121.03, "Population": 1977.0}, {"index": 3353, "quantile": 1.0, "value": 112500.0, "Latitude": 40.35, "Longitude": -121.03, "Population": 1977.0}, {"index": 3354, "quantile": 0.0, "value": 78300.0, "Latitude": 40.5, "Longitude": -120.67, "Population": 2503.0}, {"index": 3354, "quantile": 0.25, "value": 85900.0, "Latitude": 40.5, "Longitude": -120.67, "Population": 2503.0}, {"index": 3354, "quantile": 0.5, "value": 85900.0, "Latitude": 40.5, "Longitude": -120.67, "Population": 2503.0}, {"index": 3354, "quantile": 0.75, "value": 105700.0, "Latitude": 40.5, "Longitude": -120.67, "Population": 2503.0}, {"index": 3354, "quantile": 1.0, "value": 201700.0, "Latitude": 40.5, "Longitude": -120.67, "Population": 2503.0}, {"index": 3355, "quantile": 0.0, "value": 61300.0, "Latitude": 40.43, "Longitude": -120.57, "Population": 1121.0}, {"index": 3355, "quantile": 0.25, "value": 71500.0, "Latitude": 40.43, "Longitude": -120.57, "Population": 1121.0}, {"index": 3355, "quantile": 0.5, "value": 71500.0, "Latitude": 40.43, "Longitude": -120.57, "Population": 1121.0}, {"index": 3355, "quantile": 0.75, "value": 77425.0, "Latitude": 40.43, "Longitude": -120.57, "Population": 1121.0}, {"index": 3355, "quantile": 1.0, "value": 173900.0, "Latitude": 40.43, "Longitude": -120.57, "Population": 1121.0}, {"index": 3356, "quantile": 0.0, "value": 52600.0, "Latitude": 40.42, "Longitude": -120.66, "Population": 717.0}, {"index": 3356, "quantile": 0.25, "value": 66400.0, "Latitude": 40.42, "Longitude": -120.66, "Population": 717.0}, {"index": 3356, "quantile": 0.5, "value": 66400.0, "Latitude": 40.42, "Longitude": -120.66, "Population": 717.0}, {"index": 3356, "quantile": 0.75, "value": 74100.0, "Latitude": 40.42, "Longitude": -120.66, "Population": 717.0}, {"index": 3356, "quantile": 1.0, "value": 153200.0, "Latitude": 40.42, "Longitude": -120.66, "Population": 717.0}, {"index": 3357, "quantile": 0.0, "value": 34600.0, "Latitude": 40.42, "Longitude": -120.65, "Population": 1467.0}, {"index": 3357, "quantile": 0.25, "value": 64300.0, "Latitude": 40.42, "Longitude": -120.65, "Population": 1467.0}, {"index": 3357, "quantile": 0.5, "value": 64300.0, "Latitude": 40.42, "Longitude": -120.65, "Population": 1467.0}, {"index": 3357, "quantile": 0.75, "value": 64300.0, "Latitude": 40.42, "Longitude": -120.65, "Population": 1467.0}, {"index": 3357, "quantile": 1.0, "value": 138100.0, "Latitude": 40.42, "Longitude": -120.65, "Population": 1467.0}, {"index": 3358, "quantile": 0.0, "value": 34600.0, "Latitude": 40.41, "Longitude": -120.66, "Population": 1051.0}, {"index": 3358, "quantile": 0.25, "value": 62450.00000000001, "Latitude": 40.41, "Longitude": -120.66, "Population": 1051.0}, {"index": 3358, "quantile": 0.5, "value": 66400.0, "Latitude": 40.41, "Longitude": -120.66, "Population": 1051.0}, {"index": 3358, "quantile": 0.75, "value": 78700.0, "Latitude": 40.41, "Longitude": -120.66, "Population": 1051.0}, {"index": 3358, "quantile": 1.0, "value": 138100.0, "Latitude": 40.41, "Longitude": -120.66, "Population": 1051.0}, {"index": 3359, "quantile": 0.0, "value": 34600.0, "Latitude": 40.41, "Longitude": -120.64, "Population": 987.0}, {"index": 3359, "quantile": 0.25, "value": 53400.0, "Latitude": 40.41, "Longitude": -120.64, "Population": 987.0}, {"index": 3359, "quantile": 0.5, "value": 64300.0, "Latitude": 40.41, "Longitude": -120.64, "Population": 987.0}, {"index": 3359, "quantile": 0.75, "value": 72049.99999999999, "Latitude": 40.41, "Longitude": -120.64, "Population": 987.0}, {"index": 3359, "quantile": 1.0, "value": 225000.0, "Latitude": 40.41, "Longitude": -120.64, "Population": 987.0}, {"index": 3360, "quantile": 0.0, "value": 73600.0, "Latitude": 40.36, "Longitude": -120.71, "Population": 2229.0}, {"index": 3360, "quantile": 0.25, "value": 91000.0, "Latitude": 40.36, "Longitude": -120.71, "Population": 2229.0}, {"index": 3360, "quantile": 0.5, "value": 105700.0, "Latitude": 40.36, "Longitude": -120.71, "Population": 2229.0}, {"index": 3360, "quantile": 0.75, "value": 105700.0, "Latitude": 40.36, "Longitude": -120.71, "Population": 2229.0}, {"index": 3360, "quantile": 1.0, "value": 173300.0, "Latitude": 40.36, "Longitude": -120.71, "Population": 2229.0}, {"index": 3361, "quantile": 0.0, "value": 34600.0, "Latitude": 40.37, "Longitude": -120.58, "Population": 1873.0}, {"index": 3361, "quantile": 0.25, "value": 63850.00000000001, "Latitude": 40.37, "Longitude": -120.58, "Population": 1873.0}, {"index": 3361, "quantile": 0.5, "value": 80400.0, "Latitude": 40.37, "Longitude": -120.58, "Population": 1873.0}, {"index": 3361, "quantile": 0.75, "value": 90300.0, "Latitude": 40.37, "Longitude": -120.58, "Population": 1873.0}, {"index": 3361, "quantile": 1.0, "value": 138800.0, "Latitude": 40.37, "Longitude": -120.58, "Population": 1873.0}, {"index": 3362, "quantile": 0.0, "value": 52600.0, "Latitude": 40.38, "Longitude": -120.42, "Population": 762.0}, {"index": 3362, "quantile": 0.25, "value": 85600.0, "Latitude": 40.38, "Longitude": -120.42, "Population": 762.0}, {"index": 3362, "quantile": 0.5, "value": 85600.0, "Latitude": 40.38, "Longitude": -120.42, "Population": 762.0}, {"index": 3362, "quantile": 0.75, "value": 85600.0, "Latitude": 40.38, "Longitude": -120.42, "Population": 762.0}, {"index": 3362, "quantile": 1.0, "value": 118800.0, "Latitude": 40.38, "Longitude": -120.42, "Population": 762.0}, {"index": 3363, "quantile": 0.0, "value": 34600.0, "Latitude": 40.45, "Longitude": -120.36, "Population": 355.0}, {"index": 3363, "quantile": 0.25, "value": 70000.0, "Latitude": 40.45, "Longitude": -120.36, "Population": 355.0}, {"index": 3363, "quantile": 0.5, "value": 70000.0, "Latitude": 40.45, "Longitude": -120.36, "Population": 355.0}, {"index": 3363, "quantile": 0.75, "value": 70000.0, "Latitude": 40.45, "Longitude": -120.36, "Population": 355.0}, {"index": 3363, "quantile": 1.0, "value": 153300.0, "Latitude": 40.45, "Longitude": -120.36, "Population": 355.0}, {"index": 3364, "quantile": 0.0, "value": 67500.0, "Latitude": 40.41, "Longitude": -120.51, "Population": 4198.0}, {"index": 3364, "quantile": 0.25, "value": 67500.0, "Latitude": 40.41, "Longitude": -120.51, "Population": 4198.0}, {"index": 3364, "quantile": 0.5, "value": 67500.0, "Latitude": 40.41, "Longitude": -120.51, "Population": 4198.0}, {"index": 3364, "quantile": 0.75, "value": 212900.0, "Latitude": 40.41, "Longitude": -120.51, "Population": 4198.0}, {"index": 3364, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 40.41, "Longitude": -120.51, "Population": 4198.0}, {"index": 3365, "quantile": 0.0, "value": 73600.0, "Latitude": 40.29, "Longitude": -120.54, "Population": 1529.0}, {"index": 3365, "quantile": 0.25, "value": 91000.0, "Latitude": 40.29, "Longitude": -120.54, "Population": 1529.0}, {"index": 3365, "quantile": 0.5, "value": 91000.0, "Latitude": 40.29, "Longitude": -120.54, "Population": 1529.0}, {"index": 3365, "quantile": 0.75, "value": 91000.0, "Latitude": 40.29, "Longitude": -120.54, "Population": 1529.0}, {"index": 3365, "quantile": 1.0, "value": 216500.0, "Latitude": 40.29, "Longitude": -120.54, "Population": 1529.0}, {"index": 3366, "quantile": 0.0, "value": 78300.0, "Latitude": 40.31, "Longitude": -120.49, "Population": 969.0}, {"index": 3366, "quantile": 0.25, "value": 85100.0, "Latitude": 40.31, "Longitude": -120.49, "Population": 969.0}, {"index": 3366, "quantile": 0.5, "value": 85100.0, "Latitude": 40.31, "Longitude": -120.49, "Population": 969.0}, {"index": 3366, "quantile": 0.75, "value": 91000.0, "Latitude": 40.31, "Longitude": -120.49, "Population": 969.0}, {"index": 3366, "quantile": 1.0, "value": 240800.0, "Latitude": 40.31, "Longitude": -120.49, "Population": 969.0}, {"index": 3367, "quantile": 0.0, "value": 34600.0, "Latitude": 40.17, "Longitude": -120.37, "Population": 406.0}, {"index": 3367, "quantile": 0.25, "value": 63200.0, "Latitude": 40.17, "Longitude": -120.37, "Population": 406.0}, {"index": 3367, "quantile": 0.5, "value": 70449.99999999999, "Latitude": 40.17, "Longitude": -120.37, "Population": 406.0}, {"index": 3367, "quantile": 0.75, "value": 89200.0, "Latitude": 40.17, "Longitude": -120.37, "Population": 406.0}, {"index": 3367, "quantile": 1.0, "value": 195800.0, "Latitude": 40.17, "Longitude": -120.37, "Population": 406.0}, {"index": 3368, "quantile": 0.0, "value": 48100.0, "Latitude": 40.26, "Longitude": -120.2, "Population": 1037.0}, {"index": 3368, "quantile": 0.25, "value": 71500.0, "Latitude": 40.26, "Longitude": -120.2, "Population": 1037.0}, {"index": 3368, "quantile": 0.5, "value": 85600.0, "Latitude": 40.26, "Longitude": -120.2, "Population": 1037.0}, {"index": 3368, "quantile": 0.75, "value": 107399.99999999999, "Latitude": 40.26, "Longitude": -120.2, "Population": 1037.0}, {"index": 3368, "quantile": 1.0, "value": 159800.0, "Latitude": 40.26, "Longitude": -120.2, "Population": 1037.0}, {"index": 3369, "quantile": 0.0, "value": 40000.0, "Latitude": 39.92, "Longitude": -120.09, "Population": 1028.0}, {"index": 3369, "quantile": 0.25, "value": 60700.0, "Latitude": 39.92, "Longitude": -120.09, "Population": 1028.0}, {"index": 3369, "quantile": 0.5, "value": 60700.0, "Latitude": 39.92, "Longitude": -120.09, "Population": 1028.0}, {"index": 3369, "quantile": 0.75, "value": 70449.99999999999, "Latitude": 39.92, "Longitude": -120.09, "Population": 1028.0}, {"index": 3369, "quantile": 1.0, "value": 225000.0, "Latitude": 39.92, "Longitude": -120.09, "Population": 1028.0}, {"index": 3370, "quantile": 0.0, "value": 205399.99999999997, "Latitude": 34.27, "Longitude": -118.27, "Population": 2363.0}, {"index": 3370, "quantile": 0.25, "value": 276100.0, "Latitude": 34.27, "Longitude": -118.27, "Population": 2363.0}, {"index": 3370, "quantile": 0.5, "value": 276100.0, "Latitude": 34.27, "Longitude": -118.27, "Population": 2363.0}, {"index": 3370, "quantile": 0.75, "value": 276100.0, "Latitude": 34.27, "Longitude": -118.27, "Population": 2363.0}, {"index": 3370, "quantile": 1.0, "value": 420500.0, "Latitude": 34.27, "Longitude": -118.27, "Population": 2363.0}, {"index": 3371, "quantile": 0.0, "value": 89500.0, "Latitude": 34.26, "Longitude": -118.28, "Population": 486.0}, {"index": 3371, "quantile": 0.25, "value": 213000.0, "Latitude": 34.26, "Longitude": -118.28, "Population": 486.0}, {"index": 3371, "quantile": 0.5, "value": 213000.0, "Latitude": 34.26, "Longitude": -118.28, "Population": 486.0}, {"index": 3371, "quantile": 0.75, "value": 214025.0, "Latitude": 34.26, "Longitude": -118.28, "Population": 486.0}, {"index": 3371, "quantile": 1.0, "value": 350000.0, "Latitude": 34.26, "Longitude": -118.28, "Population": 486.0}, {"index": 3372, "quantile": 0.0, "value": 126800.0, "Latitude": 34.26, "Longitude": -118.29, "Population": 1845.0}, {"index": 3372, "quantile": 0.25, "value": 191100.0, "Latitude": 34.26, "Longitude": -118.29, "Population": 1845.0}, {"index": 3372, "quantile": 0.5, "value": 191100.0, "Latitude": 34.26, "Longitude": -118.29, "Population": 1845.0}, {"index": 3372, "quantile": 0.75, "value": 191100.0, "Latitude": 34.26, "Longitude": -118.29, "Population": 1845.0}, {"index": 3372, "quantile": 1.0, "value": 353200.0, "Latitude": 34.26, "Longitude": -118.29, "Population": 1845.0}, {"index": 3373, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 34.26, "Longitude": -118.3, "Population": 1619.0}, {"index": 3373, "quantile": 0.25, "value": 183800.0, "Latitude": 34.26, "Longitude": -118.3, "Population": 1619.0}, {"index": 3373, "quantile": 0.5, "value": 218949.99999999997, "Latitude": 34.26, "Longitude": -118.3, "Population": 1619.0}, {"index": 3373, "quantile": 0.75, "value": 264775.0, "Latitude": 34.26, "Longitude": -118.3, "Population": 1619.0}, {"index": 3373, "quantile": 1.0, "value": 397900.0, "Latitude": 34.26, "Longitude": -118.3, "Population": 1619.0}, {"index": 3374, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 34.26, "Longitude": -118.3, "Population": 1145.0}, {"index": 3374, "quantile": 0.25, "value": 217700.0, "Latitude": 34.26, "Longitude": -118.3, "Population": 1145.0}, {"index": 3374, "quantile": 0.5, "value": 238000.0, "Latitude": 34.26, "Longitude": -118.3, "Population": 1145.0}, {"index": 3374, "quantile": 0.75, "value": 285949.99999999994, "Latitude": 34.26, "Longitude": -118.3, "Population": 1145.0}, {"index": 3374, "quantile": 1.0, "value": 420099.99999999994, "Latitude": 34.26, "Longitude": -118.3, "Population": 1145.0}, {"index": 3375, "quantile": 0.0, "value": 120000.0, "Latitude": 34.25, "Longitude": -118.28, "Population": 1166.0}, {"index": 3375, "quantile": 0.25, "value": 183800.0, "Latitude": 34.25, "Longitude": -118.28, "Population": 1166.0}, {"index": 3375, "quantile": 0.5, "value": 211950.00000000003, "Latitude": 34.25, "Longitude": -118.28, "Population": 1166.0}, {"index": 3375, "quantile": 0.75, "value": 261450.0, "Latitude": 34.25, "Longitude": -118.28, "Population": 1166.0}, {"index": 3375, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.28, "Population": 1166.0}, {"index": 3376, "quantile": 0.0, "value": 61100.0, "Latitude": 34.25, "Longitude": -118.28, "Population": 1886.0}, {"index": 3376, "quantile": 0.25, "value": 177650.0, "Latitude": 34.25, "Longitude": -118.28, "Population": 1886.0}, {"index": 3376, "quantile": 0.5, "value": 196950.0, "Latitude": 34.25, "Longitude": -118.28, "Population": 1886.0}, {"index": 3376, "quantile": 0.75, "value": 229924.99999999997, "Latitude": 34.25, "Longitude": -118.28, "Population": 1886.0}, {"index": 3376, "quantile": 1.0, "value": 305800.0, "Latitude": 34.25, "Longitude": -118.28, "Population": 1886.0}, {"index": 3377, "quantile": 0.0, "value": 112500.0, "Latitude": 34.25, "Longitude": -118.29, "Population": 1399.0}, {"index": 3377, "quantile": 0.25, "value": 175000.0, "Latitude": 34.25, "Longitude": -118.29, "Population": 1399.0}, {"index": 3377, "quantile": 0.5, "value": 175000.0, "Latitude": 34.25, "Longitude": -118.29, "Population": 1399.0}, {"index": 3377, "quantile": 0.75, "value": 177700.0, "Latitude": 34.25, "Longitude": -118.29, "Population": 1399.0}, {"index": 3377, "quantile": 1.0, "value": 255399.99999999997, "Latitude": 34.25, "Longitude": -118.29, "Population": 1399.0}, {"index": 3378, "quantile": 0.0, "value": 145200.0, "Latitude": 34.25, "Longitude": -118.29, "Population": 3565.0}, {"index": 3378, "quantile": 0.25, "value": 161500.0, "Latitude": 34.25, "Longitude": -118.29, "Population": 3565.0}, {"index": 3378, "quantile": 0.5, "value": 161500.0, "Latitude": 34.25, "Longitude": -118.29, "Population": 3565.0}, {"index": 3378, "quantile": 0.75, "value": 215075.0, "Latitude": 34.25, "Longitude": -118.29, "Population": 3565.0}, {"index": 3378, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.25, "Longitude": -118.29, "Population": 3565.0}, {"index": 3379, "quantile": 0.0, "value": 157800.0, "Latitude": 34.25, "Longitude": -118.27, "Population": 1215.0}, {"index": 3379, "quantile": 0.25, "value": 257600.0, "Latitude": 34.25, "Longitude": -118.27, "Population": 1215.0}, {"index": 3379, "quantile": 0.5, "value": 257600.0, "Latitude": 34.25, "Longitude": -118.27, "Population": 1215.0}, {"index": 3379, "quantile": 0.75, "value": 257600.0, "Latitude": 34.25, "Longitude": -118.27, "Population": 1215.0}, {"index": 3379, "quantile": 1.0, "value": 445200.0, "Latitude": 34.25, "Longitude": -118.27, "Population": 1215.0}, {"index": 3380, "quantile": 0.0, "value": 86300.0, "Latitude": 34.25, "Longitude": -118.27, "Population": 879.0}, {"index": 3380, "quantile": 0.25, "value": 261900.00000000003, "Latitude": 34.25, "Longitude": -118.27, "Population": 879.0}, {"index": 3380, "quantile": 0.5, "value": 261900.00000000003, "Latitude": 34.25, "Longitude": -118.27, "Population": 879.0}, {"index": 3380, "quantile": 0.75, "value": 261900.00000000003, "Latitude": 34.25, "Longitude": -118.27, "Population": 879.0}, {"index": 3380, "quantile": 1.0, "value": 377300.0, "Latitude": 34.25, "Longitude": -118.27, "Population": 879.0}, {"index": 3381, "quantile": 0.0, "value": 171700.0, "Latitude": 34.24, "Longitude": -118.27, "Population": 1050.0}, {"index": 3381, "quantile": 0.25, "value": 277600.0, "Latitude": 34.24, "Longitude": -118.27, "Population": 1050.0}, {"index": 3381, "quantile": 0.5, "value": 277600.0, "Latitude": 34.24, "Longitude": -118.27, "Population": 1050.0}, {"index": 3381, "quantile": 0.75, "value": 291975.0, "Latitude": 34.24, "Longitude": -118.27, "Population": 1050.0}, {"index": 3381, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.27, "Population": 1050.0}, {"index": 3382, "quantile": 0.0, "value": 84500.0, "Latitude": 34.25, "Longitude": -118.27, "Population": 371.0}, {"index": 3382, "quantile": 0.25, "value": 209550.0, "Latitude": 34.25, "Longitude": -118.27, "Population": 371.0}, {"index": 3382, "quantile": 0.5, "value": 247400.00000000003, "Latitude": 34.25, "Longitude": -118.27, "Population": 371.0}, {"index": 3382, "quantile": 0.75, "value": 296200.0, "Latitude": 34.25, "Longitude": -118.27, "Population": 371.0}, {"index": 3382, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.27, "Population": 371.0}, {"index": 3383, "quantile": 0.0, "value": 87500.0, "Latitude": 34.25, "Longitude": -118.27, "Population": 358.0}, {"index": 3383, "quantile": 0.25, "value": 195800.0, "Latitude": 34.25, "Longitude": -118.27, "Population": 358.0}, {"index": 3383, "quantile": 0.5, "value": 195800.0, "Latitude": 34.25, "Longitude": -118.27, "Population": 358.0}, {"index": 3383, "quantile": 0.75, "value": 220925.0, "Latitude": 34.25, "Longitude": -118.27, "Population": 358.0}, {"index": 3383, "quantile": 1.0, "value": 352100.0, "Latitude": 34.25, "Longitude": -118.27, "Population": 358.0}, {"index": 3384, "quantile": 0.0, "value": 187300.0, "Latitude": 34.24, "Longitude": -118.28, "Population": 1278.0}, {"index": 3384, "quantile": 0.25, "value": 245299.99999999997, "Latitude": 34.24, "Longitude": -118.28, "Population": 1278.0}, {"index": 3384, "quantile": 0.5, "value": 263600.0, "Latitude": 34.24, "Longitude": -118.28, "Population": 1278.0}, {"index": 3384, "quantile": 0.75, "value": 263600.0, "Latitude": 34.24, "Longitude": -118.28, "Population": 1278.0}, {"index": 3384, "quantile": 1.0, "value": 340700.0, "Latitude": 34.24, "Longitude": -118.28, "Population": 1278.0}, {"index": 3385, "quantile": 0.0, "value": 205399.99999999997, "Latitude": 34.24, "Longitude": -118.28, "Population": 1543.0}, {"index": 3385, "quantile": 0.25, "value": 316900.0, "Latitude": 34.24, "Longitude": -118.28, "Population": 1543.0}, {"index": 3385, "quantile": 0.5, "value": 316900.0, "Latitude": 34.24, "Longitude": -118.28, "Population": 1543.0}, {"index": 3385, "quantile": 0.75, "value": 316900.0, "Latitude": 34.24, "Longitude": -118.28, "Population": 1543.0}, {"index": 3385, "quantile": 1.0, "value": 451300.0, "Latitude": 34.24, "Longitude": -118.28, "Population": 1543.0}, {"index": 3386, "quantile": 0.0, "value": 78300.0, "Latitude": 34.25, "Longitude": -118.3, "Population": 688.0}, {"index": 3386, "quantile": 0.25, "value": 176700.0, "Latitude": 34.25, "Longitude": -118.3, "Population": 688.0}, {"index": 3386, "quantile": 0.5, "value": 176700.0, "Latitude": 34.25, "Longitude": -118.3, "Population": 688.0}, {"index": 3386, "quantile": 0.75, "value": 188974.99999999997, "Latitude": 34.25, "Longitude": -118.3, "Population": 688.0}, {"index": 3386, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.3, "Population": 688.0}, {"index": 3387, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.24, "Longitude": -118.33, "Population": 3540.0}, {"index": 3387, "quantile": 0.25, "value": 233100.0, "Latitude": 34.24, "Longitude": -118.33, "Population": 3540.0}, {"index": 3387, "quantile": 0.5, "value": 293300.0, "Latitude": 34.24, "Longitude": -118.33, "Population": 3540.0}, {"index": 3387, "quantile": 0.75, "value": 293300.0, "Latitude": 34.24, "Longitude": -118.33, "Population": 3540.0}, {"index": 3387, "quantile": 1.0, "value": 326700.0, "Latitude": 34.24, "Longitude": -118.33, "Population": 3540.0}, {"index": 3388, "quantile": 0.0, "value": 207399.99999999997, "Latitude": 34.22, "Longitude": -118.35, "Population": 3963.0}, {"index": 3388, "quantile": 0.25, "value": 228700.0, "Latitude": 34.22, "Longitude": -118.35, "Population": 3963.0}, {"index": 3388, "quantile": 0.5, "value": 228700.0, "Latitude": 34.22, "Longitude": -118.35, "Population": 3963.0}, {"index": 3388, "quantile": 0.75, "value": 290500.0, "Latitude": 34.22, "Longitude": -118.35, "Population": 3963.0}, {"index": 3388, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.35, "Population": 3963.0}, {"index": 3389, "quantile": 0.0, "value": 78600.0, "Latitude": 34.22, "Longitude": -118.35, "Population": 638.0}, {"index": 3389, "quantile": 0.25, "value": 227875.0, "Latitude": 34.22, "Longitude": -118.35, "Population": 638.0}, {"index": 3389, "quantile": 0.5, "value": 258300.00000000003, "Latitude": 34.22, "Longitude": -118.35, "Population": 638.0}, {"index": 3389, "quantile": 0.75, "value": 258300.00000000003, "Latitude": 34.22, "Longitude": -118.35, "Population": 638.0}, {"index": 3389, "quantile": 1.0, "value": 334100.0, "Latitude": 34.22, "Longitude": -118.35, "Population": 638.0}, {"index": 3390, "quantile": 0.0, "value": 96100.0, "Latitude": 34.21, "Longitude": -118.35, "Population": 1047.0}, {"index": 3390, "quantile": 0.25, "value": 168225.0, "Latitude": 34.21, "Longitude": -118.35, "Population": 1047.0}, {"index": 3390, "quantile": 0.5, "value": 181400.0, "Latitude": 34.21, "Longitude": -118.35, "Population": 1047.0}, {"index": 3390, "quantile": 0.75, "value": 181400.0, "Latitude": 34.21, "Longitude": -118.35, "Population": 1047.0}, {"index": 3390, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.35, "Population": 1047.0}, {"index": 3391, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.21, "Longitude": -118.35, "Population": 804.0}, {"index": 3391, "quantile": 0.25, "value": 172600.0, "Latitude": 34.21, "Longitude": -118.35, "Population": 804.0}, {"index": 3391, "quantile": 0.5, "value": 172600.0, "Latitude": 34.21, "Longitude": -118.35, "Population": 804.0}, {"index": 3391, "quantile": 0.75, "value": 172600.0, "Latitude": 34.21, "Longitude": -118.35, "Population": 804.0}, {"index": 3391, "quantile": 1.0, "value": 291500.0, "Latitude": 34.21, "Longitude": -118.35, "Population": 804.0}, {"index": 3392, "quantile": 0.0, "value": 157800.0, "Latitude": 34.28, "Longitude": -118.31, "Population": 1810.0}, {"index": 3392, "quantile": 0.25, "value": 219899.99999999997, "Latitude": 34.28, "Longitude": -118.31, "Population": 1810.0}, {"index": 3392, "quantile": 0.5, "value": 219899.99999999997, "Latitude": 34.28, "Longitude": -118.31, "Population": 1810.0}, {"index": 3392, "quantile": 0.75, "value": 219899.99999999997, "Latitude": 34.28, "Longitude": -118.31, "Population": 1810.0}, {"index": 3392, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.28, "Longitude": -118.31, "Population": 1810.0}, {"index": 3393, "quantile": 0.0, "value": 169300.0, "Latitude": 34.27, "Longitude": -118.31, "Population": 759.0}, {"index": 3393, "quantile": 0.25, "value": 215600.0, "Latitude": 34.27, "Longitude": -118.31, "Population": 759.0}, {"index": 3393, "quantile": 0.5, "value": 215600.0, "Latitude": 34.27, "Longitude": -118.31, "Population": 759.0}, {"index": 3393, "quantile": 0.75, "value": 254199.99999999997, "Latitude": 34.27, "Longitude": -118.31, "Population": 759.0}, {"index": 3393, "quantile": 1.0, "value": 479500.0, "Latitude": 34.27, "Longitude": -118.31, "Population": 759.0}, {"index": 3394, "quantile": 0.0, "value": 126699.99999999999, "Latitude": 34.26, "Longitude": -118.3, "Population": 809.0}, {"index": 3394, "quantile": 0.25, "value": 176500.0, "Latitude": 34.26, "Longitude": -118.3, "Population": 809.0}, {"index": 3394, "quantile": 0.5, "value": 176500.0, "Latitude": 34.26, "Longitude": -118.3, "Population": 809.0}, {"index": 3394, "quantile": 0.75, "value": 176500.0, "Latitude": 34.26, "Longitude": -118.3, "Population": 809.0}, {"index": 3394, "quantile": 1.0, "value": 361700.0, "Latitude": 34.26, "Longitude": -118.3, "Population": 809.0}, {"index": 3395, "quantile": 0.0, "value": 96100.0, "Latitude": 34.26, "Longitude": -118.3, "Population": 605.0}, {"index": 3395, "quantile": 0.25, "value": 185900.0, "Latitude": 34.26, "Longitude": -118.3, "Population": 605.0}, {"index": 3395, "quantile": 0.5, "value": 185900.0, "Latitude": 34.26, "Longitude": -118.3, "Population": 605.0}, {"index": 3395, "quantile": 0.75, "value": 185900.0, "Latitude": 34.26, "Longitude": -118.3, "Population": 605.0}, {"index": 3395, "quantile": 1.0, "value": 406300.0, "Latitude": 34.26, "Longitude": -118.3, "Population": 605.0}, {"index": 3396, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 34.26, "Longitude": -118.31, "Population": 1124.0}, {"index": 3396, "quantile": 0.25, "value": 189600.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 1124.0}, {"index": 3396, "quantile": 0.5, "value": 189600.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 1124.0}, {"index": 3396, "quantile": 0.75, "value": 203650.00000000003, "Latitude": 34.26, "Longitude": -118.31, "Population": 1124.0}, {"index": 3396, "quantile": 1.0, "value": 326700.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 1124.0}, {"index": 3397, "quantile": 0.0, "value": 115999.99999999999, "Latitude": 34.26, "Longitude": -118.31, "Population": 733.0}, {"index": 3397, "quantile": 0.25, "value": 160300.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 733.0}, {"index": 3397, "quantile": 0.5, "value": 160300.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 733.0}, {"index": 3397, "quantile": 0.75, "value": 174425.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 733.0}, {"index": 3397, "quantile": 1.0, "value": 347800.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 733.0}, {"index": 3398, "quantile": 0.0, "value": 187300.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 948.0}, {"index": 3398, "quantile": 0.25, "value": 187300.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 948.0}, {"index": 3398, "quantile": 0.5, "value": 187300.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 948.0}, {"index": 3398, "quantile": 0.75, "value": 216275.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 948.0}, {"index": 3398, "quantile": 1.0, "value": 329400.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 948.0}, {"index": 3399, "quantile": 0.0, "value": 180400.0, "Latitude": 34.26, "Longitude": -118.32, "Population": 1804.0}, {"index": 3399, "quantile": 0.25, "value": 222700.0, "Latitude": 34.26, "Longitude": -118.32, "Population": 1804.0}, {"index": 3399, "quantile": 0.5, "value": 222700.0, "Latitude": 34.26, "Longitude": -118.32, "Population": 1804.0}, {"index": 3399, "quantile": 0.75, "value": 222700.0, "Latitude": 34.26, "Longitude": -118.32, "Population": 1804.0}, {"index": 3399, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 34.26, "Longitude": -118.32, "Population": 1804.0}, {"index": 3400, "quantile": 0.0, "value": 142500.0, "Latitude": 34.28, "Longitude": -118.35, "Population": 1700.0}, {"index": 3400, "quantile": 0.25, "value": 194650.0, "Latitude": 34.28, "Longitude": -118.35, "Population": 1700.0}, {"index": 3400, "quantile": 0.5, "value": 228850.0, "Latitude": 34.28, "Longitude": -118.35, "Population": 1700.0}, {"index": 3400, "quantile": 0.75, "value": 248900.0, "Latitude": 34.28, "Longitude": -118.35, "Population": 1700.0}, {"index": 3400, "quantile": 1.0, "value": 365900.0, "Latitude": 34.28, "Longitude": -118.35, "Population": 1700.0}, {"index": 3401, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 34.27, "Longitude": -118.33, "Population": 1776.0}, {"index": 3401, "quantile": 0.25, "value": 230200.0, "Latitude": 34.27, "Longitude": -118.33, "Population": 1776.0}, {"index": 3401, "quantile": 0.5, "value": 230200.0, "Latitude": 34.27, "Longitude": -118.33, "Population": 1776.0}, {"index": 3401, "quantile": 0.75, "value": 230200.0, "Latitude": 34.27, "Longitude": -118.33, "Population": 1776.0}, {"index": 3401, "quantile": 1.0, "value": 292900.0, "Latitude": 34.27, "Longitude": -118.33, "Population": 1776.0}, {"index": 3402, "quantile": 0.0, "value": 150800.0, "Latitude": 34.27, "Longitude": -118.35, "Population": 314.0}, {"index": 3402, "quantile": 0.25, "value": 205399.99999999997, "Latitude": 34.27, "Longitude": -118.35, "Population": 314.0}, {"index": 3402, "quantile": 0.5, "value": 205399.99999999997, "Latitude": 34.27, "Longitude": -118.35, "Population": 314.0}, {"index": 3402, "quantile": 0.75, "value": 260100.0, "Latitude": 34.27, "Longitude": -118.35, "Population": 314.0}, {"index": 3402, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -118.35, "Population": 314.0}, {"index": 3403, "quantile": 0.0, "value": 139100.0, "Latitude": 34.26, "Longitude": -118.34, "Population": 702.0}, {"index": 3403, "quantile": 0.25, "value": 300975.0, "Latitude": 34.26, "Longitude": -118.34, "Population": 702.0}, {"index": 3403, "quantile": 0.5, "value": 314900.0, "Latitude": 34.26, "Longitude": -118.34, "Population": 702.0}, {"index": 3403, "quantile": 0.75, "value": 314900.0, "Latitude": 34.26, "Longitude": -118.34, "Population": 702.0}, {"index": 3403, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -118.34, "Population": 702.0}, {"index": 3404, "quantile": 0.0, "value": 227300.0, "Latitude": 34.25, "Longitude": -118.35, "Population": 1267.0}, {"index": 3404, "quantile": 0.25, "value": 325500.0, "Latitude": 34.25, "Longitude": -118.35, "Population": 1267.0}, {"index": 3404, "quantile": 0.5, "value": 354400.0, "Latitude": 34.25, "Longitude": -118.35, "Population": 1267.0}, {"index": 3404, "quantile": 0.75, "value": 354400.0, "Latitude": 34.25, "Longitude": -118.35, "Population": 1267.0}, {"index": 3404, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.35, "Population": 1267.0}, {"index": 3405, "quantile": 0.0, "value": 255900.00000000003, "Latitude": 34.26, "Longitude": -118.36, "Population": 1598.0}, {"index": 3405, "quantile": 0.25, "value": 378000.0, "Latitude": 34.26, "Longitude": -118.36, "Population": 1598.0}, {"index": 3405, "quantile": 0.5, "value": 378000.0, "Latitude": 34.26, "Longitude": -118.36, "Population": 1598.0}, {"index": 3405, "quantile": 0.75, "value": 378000.0, "Latitude": 34.26, "Longitude": -118.36, "Population": 1598.0}, {"index": 3405, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -118.36, "Population": 1598.0}, {"index": 3406, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 34.26, "Longitude": -118.3, "Population": 1142.0}, {"index": 3406, "quantile": 0.25, "value": 200599.99999999997, "Latitude": 34.26, "Longitude": -118.3, "Population": 1142.0}, {"index": 3406, "quantile": 0.5, "value": 200599.99999999997, "Latitude": 34.26, "Longitude": -118.3, "Population": 1142.0}, {"index": 3406, "quantile": 0.75, "value": 200599.99999999997, "Latitude": 34.26, "Longitude": -118.3, "Population": 1142.0}, {"index": 3406, "quantile": 1.0, "value": 315500.0, "Latitude": 34.26, "Longitude": -118.3, "Population": 1142.0}, {"index": 3407, "quantile": 0.0, "value": 138700.0, "Latitude": 34.25, "Longitude": -118.3, "Population": 859.0}, {"index": 3407, "quantile": 0.25, "value": 197300.0, "Latitude": 34.25, "Longitude": -118.3, "Population": 859.0}, {"index": 3407, "quantile": 0.5, "value": 197300.0, "Latitude": 34.25, "Longitude": -118.3, "Population": 859.0}, {"index": 3407, "quantile": 0.75, "value": 197300.0, "Latitude": 34.25, "Longitude": -118.3, "Population": 859.0}, {"index": 3407, "quantile": 1.0, "value": 344300.0, "Latitude": 34.25, "Longitude": -118.3, "Population": 859.0}, {"index": 3408, "quantile": 0.0, "value": 169300.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 624.0}, {"index": 3408, "quantile": 0.25, "value": 239400.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 624.0}, {"index": 3408, "quantile": 0.5, "value": 239400.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 624.0}, {"index": 3408, "quantile": 0.75, "value": 293825.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 624.0}, {"index": 3408, "quantile": 1.0, "value": 495500.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 624.0}, {"index": 3409, "quantile": 0.0, "value": 176700.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 1005.0}, {"index": 3409, "quantile": 0.25, "value": 217099.99999999997, "Latitude": 34.26, "Longitude": -118.31, "Population": 1005.0}, {"index": 3409, "quantile": 0.5, "value": 217099.99999999997, "Latitude": 34.26, "Longitude": -118.31, "Population": 1005.0}, {"index": 3409, "quantile": 0.75, "value": 231725.0, "Latitude": 34.26, "Longitude": -118.31, "Population": 1005.0}, {"index": 3409, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -118.31, "Population": 1005.0}, {"index": 3410, "quantile": 0.0, "value": 155700.0, "Latitude": 34.26, "Longitude": -118.32, "Population": 2310.0}, {"index": 3410, "quantile": 0.25, "value": 235100.0, "Latitude": 34.26, "Longitude": -118.32, "Population": 2310.0}, {"index": 3410, "quantile": 0.5, "value": 274400.0, "Latitude": 34.26, "Longitude": -118.32, "Population": 2310.0}, {"index": 3410, "quantile": 0.75, "value": 351200.0, "Latitude": 34.26, "Longitude": -118.32, "Population": 2310.0}, {"index": 3410, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 34.26, "Longitude": -118.32, "Population": 2310.0}, {"index": 3411, "quantile": 0.0, "value": 100800.0, "Latitude": 34.28, "Longitude": -118.39, "Population": 3566.0}, {"index": 3411, "quantile": 0.25, "value": 166200.0, "Latitude": 34.28, "Longitude": -118.39, "Population": 3566.0}, {"index": 3411, "quantile": 0.5, "value": 166200.0, "Latitude": 34.28, "Longitude": -118.39, "Population": 3566.0}, {"index": 3411, "quantile": 0.75, "value": 167250.0, "Latitude": 34.28, "Longitude": -118.39, "Population": 3566.0}, {"index": 3411, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 34.28, "Longitude": -118.39, "Population": 3566.0}, {"index": 3412, "quantile": 0.0, "value": 162500.0, "Latitude": 34.28, "Longitude": -118.38, "Population": 3152.0}, {"index": 3412, "quantile": 0.25, "value": 166300.0, "Latitude": 34.28, "Longitude": -118.38, "Population": 3152.0}, {"index": 3412, "quantile": 0.5, "value": 166300.0, "Latitude": 34.28, "Longitude": -118.38, "Population": 3152.0}, {"index": 3412, "quantile": 0.75, "value": 185625.0, "Latitude": 34.28, "Longitude": -118.38, "Population": 3152.0}, {"index": 3412, "quantile": 1.0, "value": 279700.0, "Latitude": 34.28, "Longitude": -118.38, "Population": 3152.0}, {"index": 3413, "quantile": 0.0, "value": 136500.0, "Latitude": 34.28, "Longitude": -118.4, "Population": 6161.0}, {"index": 3413, "quantile": 0.25, "value": 154900.0, "Latitude": 34.28, "Longitude": -118.4, "Population": 6161.0}, {"index": 3413, "quantile": 0.5, "value": 154900.0, "Latitude": 34.28, "Longitude": -118.4, "Population": 6161.0}, {"index": 3413, "quantile": 0.75, "value": 165225.0, "Latitude": 34.28, "Longitude": -118.4, "Population": 6161.0}, {"index": 3413, "quantile": 1.0, "value": 344400.0, "Latitude": 34.28, "Longitude": -118.4, "Population": 6161.0}, {"index": 3414, "quantile": 0.0, "value": 67500.0, "Latitude": 34.27, "Longitude": -118.38, "Population": 2608.0}, {"index": 3414, "quantile": 0.25, "value": 158300.0, "Latitude": 34.27, "Longitude": -118.38, "Population": 2608.0}, {"index": 3414, "quantile": 0.5, "value": 158300.0, "Latitude": 34.27, "Longitude": -118.38, "Population": 2608.0}, {"index": 3414, "quantile": 0.75, "value": 158300.0, "Latitude": 34.27, "Longitude": -118.38, "Population": 2608.0}, {"index": 3414, "quantile": 1.0, "value": 346200.0, "Latitude": 34.27, "Longitude": -118.38, "Population": 2608.0}, {"index": 3415, "quantile": 0.0, "value": 115100.0, "Latitude": 34.29, "Longitude": -118.41, "Population": 1162.0}, {"index": 3415, "quantile": 0.25, "value": 131300.0, "Latitude": 34.29, "Longitude": -118.41, "Population": 1162.0}, {"index": 3415, "quantile": 0.5, "value": 143300.0, "Latitude": 34.29, "Longitude": -118.41, "Population": 1162.0}, {"index": 3415, "quantile": 0.75, "value": 159775.0, "Latitude": 34.29, "Longitude": -118.41, "Population": 1162.0}, {"index": 3415, "quantile": 1.0, "value": 184200.0, "Latitude": 34.29, "Longitude": -118.41, "Population": 1162.0}, {"index": 3416, "quantile": 0.0, "value": 131100.0, "Latitude": 34.29, "Longitude": -118.41, "Population": 1818.0}, {"index": 3416, "quantile": 0.25, "value": 151749.99999999997, "Latitude": 34.29, "Longitude": -118.41, "Population": 1818.0}, {"index": 3416, "quantile": 0.5, "value": 160100.0, "Latitude": 34.29, "Longitude": -118.41, "Population": 1818.0}, {"index": 3416, "quantile": 0.75, "value": 171525.0, "Latitude": 34.29, "Longitude": -118.41, "Population": 1818.0}, {"index": 3416, "quantile": 1.0, "value": 233700.00000000003, "Latitude": 34.29, "Longitude": -118.41, "Population": 1818.0}, {"index": 3417, "quantile": 0.0, "value": 149500.0, "Latitude": 34.28, "Longitude": -118.42, "Population": 1338.0}, {"index": 3417, "quantile": 0.25, "value": 150000.0, "Latitude": 34.28, "Longitude": -118.42, "Population": 1338.0}, {"index": 3417, "quantile": 0.5, "value": 150000.0, "Latitude": 34.28, "Longitude": -118.42, "Population": 1338.0}, {"index": 3417, "quantile": 0.75, "value": 160100.0, "Latitude": 34.28, "Longitude": -118.42, "Population": 1338.0}, {"index": 3417, "quantile": 1.0, "value": 252100.0, "Latitude": 34.28, "Longitude": -118.42, "Population": 1338.0}, {"index": 3418, "quantile": 0.0, "value": 120100.0, "Latitude": 34.28, "Longitude": -118.41, "Population": 2609.0}, {"index": 3418, "quantile": 0.25, "value": 146700.0, "Latitude": 34.28, "Longitude": -118.41, "Population": 2609.0}, {"index": 3418, "quantile": 0.5, "value": 146700.0, "Latitude": 34.28, "Longitude": -118.41, "Population": 2609.0}, {"index": 3418, "quantile": 0.75, "value": 162525.0, "Latitude": 34.28, "Longitude": -118.41, "Population": 2609.0}, {"index": 3418, "quantile": 1.0, "value": 208199.99999999997, "Latitude": 34.28, "Longitude": -118.41, "Population": 2609.0}, {"index": 3419, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 34.28, "Longitude": -118.4, "Population": 3134.0}, {"index": 3419, "quantile": 0.25, "value": 164800.0, "Latitude": 34.28, "Longitude": -118.4, "Population": 3134.0}, {"index": 3419, "quantile": 0.5, "value": 164800.0, "Latitude": 34.28, "Longitude": -118.4, "Population": 3134.0}, {"index": 3419, "quantile": 0.75, "value": 164800.0, "Latitude": 34.28, "Longitude": -118.4, "Population": 3134.0}, {"index": 3419, "quantile": 1.0, "value": 247200.0, "Latitude": 34.28, "Longitude": -118.4, "Population": 3134.0}, {"index": 3420, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 34.28, "Longitude": -118.42, "Population": 1197.0}, {"index": 3420, "quantile": 0.25, "value": 131300.0, "Latitude": 34.28, "Longitude": -118.42, "Population": 1197.0}, {"index": 3420, "quantile": 0.5, "value": 140000.0, "Latitude": 34.28, "Longitude": -118.42, "Population": 1197.0}, {"index": 3420, "quantile": 0.75, "value": 147500.0, "Latitude": 34.28, "Longitude": -118.42, "Population": 1197.0}, {"index": 3420, "quantile": 1.0, "value": 193600.0, "Latitude": 34.28, "Longitude": -118.42, "Population": 1197.0}, {"index": 3421, "quantile": 0.0, "value": 79700.0, "Latitude": 34.28, "Longitude": -118.42, "Population": 2391.0}, {"index": 3421, "quantile": 0.25, "value": 144300.0, "Latitude": 34.28, "Longitude": -118.42, "Population": 2391.0}, {"index": 3421, "quantile": 0.5, "value": 144300.0, "Latitude": 34.28, "Longitude": -118.42, "Population": 2391.0}, {"index": 3421, "quantile": 0.75, "value": 144300.0, "Latitude": 34.28, "Longitude": -118.42, "Population": 2391.0}, {"index": 3421, "quantile": 1.0, "value": 275000.0, "Latitude": 34.28, "Longitude": -118.42, "Population": 2391.0}, {"index": 3422, "quantile": 0.0, "value": 109400.00000000001, "Latitude": 34.27, "Longitude": -118.42, "Population": 1097.0}, {"index": 3422, "quantile": 0.25, "value": 134300.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 1097.0}, {"index": 3422, "quantile": 0.5, "value": 134300.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 1097.0}, {"index": 3422, "quantile": 0.75, "value": 134300.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 1097.0}, {"index": 3422, "quantile": 1.0, "value": 261000.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 1097.0}, {"index": 3423, "quantile": 0.0, "value": 126000.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 1216.0}, {"index": 3423, "quantile": 0.25, "value": 131300.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 1216.0}, {"index": 3423, "quantile": 0.5, "value": 131300.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 1216.0}, {"index": 3423, "quantile": 0.75, "value": 141125.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 1216.0}, {"index": 3423, "quantile": 1.0, "value": 194100.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 1216.0}, {"index": 3424, "quantile": 0.0, "value": 72700.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 808.0}, {"index": 3424, "quantile": 0.25, "value": 143400.00000000003, "Latitude": 34.27, "Longitude": -118.42, "Population": 808.0}, {"index": 3424, "quantile": 0.5, "value": 147800.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 808.0}, {"index": 3424, "quantile": 0.75, "value": 147800.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 808.0}, {"index": 3424, "quantile": 1.0, "value": 187500.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 808.0}, {"index": 3425, "quantile": 0.0, "value": 89100.0, "Latitude": 34.28, "Longitude": -118.43, "Population": 2054.0}, {"index": 3425, "quantile": 0.25, "value": 142600.0, "Latitude": 34.28, "Longitude": -118.43, "Population": 2054.0}, {"index": 3425, "quantile": 0.5, "value": 142600.0, "Latitude": 34.28, "Longitude": -118.43, "Population": 2054.0}, {"index": 3425, "quantile": 0.75, "value": 148025.0, "Latitude": 34.28, "Longitude": -118.43, "Population": 2054.0}, {"index": 3425, "quantile": 1.0, "value": 450000.0, "Latitude": 34.28, "Longitude": -118.43, "Population": 2054.0}, {"index": 3426, "quantile": 0.0, "value": 131100.0, "Latitude": 34.27, "Longitude": -118.43, "Population": 1533.0}, {"index": 3426, "quantile": 0.25, "value": 150000.0, "Latitude": 34.27, "Longitude": -118.43, "Population": 1533.0}, {"index": 3426, "quantile": 0.5, "value": 152100.0, "Latitude": 34.27, "Longitude": -118.43, "Population": 1533.0}, {"index": 3426, "quantile": 0.75, "value": 163900.0, "Latitude": 34.27, "Longitude": -118.43, "Population": 1533.0}, {"index": 3426, "quantile": 1.0, "value": 246700.0, "Latitude": 34.27, "Longitude": -118.43, "Population": 1533.0}, {"index": 3427, "quantile": 0.0, "value": 88500.0, "Latitude": 34.27, "Longitude": -118.43, "Population": 1312.0}, {"index": 3427, "quantile": 0.25, "value": 143025.0, "Latitude": 34.27, "Longitude": -118.43, "Population": 1312.0}, {"index": 3427, "quantile": 0.5, "value": 148000.0, "Latitude": 34.27, "Longitude": -118.43, "Population": 1312.0}, {"index": 3427, "quantile": 0.75, "value": 148000.0, "Latitude": 34.27, "Longitude": -118.43, "Population": 1312.0}, {"index": 3427, "quantile": 1.0, "value": 237500.0, "Latitude": 34.27, "Longitude": -118.43, "Population": 1312.0}, {"index": 3428, "quantile": 0.0, "value": 120300.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 1371.0}, {"index": 3428, "quantile": 0.25, "value": 147200.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 1371.0}, {"index": 3428, "quantile": 0.5, "value": 147500.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 1371.0}, {"index": 3428, "quantile": 0.75, "value": 147500.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 1371.0}, {"index": 3428, "quantile": 1.0, "value": 180500.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 1371.0}, {"index": 3429, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 34.26, "Longitude": -118.43, "Population": 1990.0}, {"index": 3429, "quantile": 0.25, "value": 140900.0, "Latitude": 34.26, "Longitude": -118.43, "Population": 1990.0}, {"index": 3429, "quantile": 0.5, "value": 140900.0, "Latitude": 34.26, "Longitude": -118.43, "Population": 1990.0}, {"index": 3429, "quantile": 0.75, "value": 146825.0, "Latitude": 34.26, "Longitude": -118.43, "Population": 1990.0}, {"index": 3429, "quantile": 1.0, "value": 178600.0, "Latitude": 34.26, "Longitude": -118.43, "Population": 1990.0}, {"index": 3430, "quantile": 0.0, "value": 120100.0, "Latitude": 34.26, "Longitude": -118.43, "Population": 1835.0}, {"index": 3430, "quantile": 0.25, "value": 147200.0, "Latitude": 34.26, "Longitude": -118.43, "Population": 1835.0}, {"index": 3430, "quantile": 0.5, "value": 147200.0, "Latitude": 34.26, "Longitude": -118.43, "Population": 1835.0}, {"index": 3430, "quantile": 0.75, "value": 147200.0, "Latitude": 34.26, "Longitude": -118.43, "Population": 1835.0}, {"index": 3430, "quantile": 1.0, "value": 184200.0, "Latitude": 34.26, "Longitude": -118.43, "Population": 1835.0}, {"index": 3431, "quantile": 0.0, "value": 83100.0, "Latitude": 34.27, "Longitude": -118.44, "Population": 1022.0}, {"index": 3431, "quantile": 0.25, "value": 139600.0, "Latitude": 34.27, "Longitude": -118.44, "Population": 1022.0}, {"index": 3431, "quantile": 0.5, "value": 139600.0, "Latitude": 34.27, "Longitude": -118.44, "Population": 1022.0}, {"index": 3431, "quantile": 0.75, "value": 139925.0, "Latitude": 34.27, "Longitude": -118.44, "Population": 1022.0}, {"index": 3431, "quantile": 1.0, "value": 184200.0, "Latitude": 34.27, "Longitude": -118.44, "Population": 1022.0}, {"index": 3432, "quantile": 0.0, "value": 80800.0, "Latitude": 34.26, "Longitude": -118.43, "Population": 935.0}, {"index": 3432, "quantile": 0.25, "value": 140900.0, "Latitude": 34.26, "Longitude": -118.43, "Population": 935.0}, {"index": 3432, "quantile": 0.5, "value": 140900.0, "Latitude": 34.26, "Longitude": -118.43, "Population": 935.0}, {"index": 3432, "quantile": 0.75, "value": 142925.0, "Latitude": 34.26, "Longitude": -118.43, "Population": 935.0}, {"index": 3432, "quantile": 1.0, "value": 305800.0, "Latitude": 34.26, "Longitude": -118.43, "Population": 935.0}, {"index": 3433, "quantile": 0.0, "value": 130100.0, "Latitude": 34.25, "Longitude": -118.42, "Population": 1909.0}, {"index": 3433, "quantile": 0.25, "value": 148100.0, "Latitude": 34.25, "Longitude": -118.42, "Population": 1909.0}, {"index": 3433, "quantile": 0.5, "value": 148100.0, "Latitude": 34.25, "Longitude": -118.42, "Population": 1909.0}, {"index": 3433, "quantile": 0.75, "value": 148100.0, "Latitude": 34.25, "Longitude": -118.42, "Population": 1909.0}, {"index": 3433, "quantile": 1.0, "value": 176000.0, "Latitude": 34.25, "Longitude": -118.42, "Population": 1909.0}, {"index": 3434, "quantile": 0.0, "value": 134200.0, "Latitude": 34.25, "Longitude": -118.43, "Population": 1630.0}, {"index": 3434, "quantile": 0.25, "value": 143100.0, "Latitude": 34.25, "Longitude": -118.43, "Population": 1630.0}, {"index": 3434, "quantile": 0.5, "value": 143100.0, "Latitude": 34.25, "Longitude": -118.43, "Population": 1630.0}, {"index": 3434, "quantile": 0.75, "value": 143100.0, "Latitude": 34.25, "Longitude": -118.43, "Population": 1630.0}, {"index": 3434, "quantile": 1.0, "value": 300000.0, "Latitude": 34.25, "Longitude": -118.43, "Population": 1630.0}, {"index": 3435, "quantile": 0.0, "value": 37500.0, "Latitude": 34.26, "Longitude": -118.42, "Population": 2582.0}, {"index": 3435, "quantile": 0.25, "value": 122900.00000000001, "Latitude": 34.26, "Longitude": -118.42, "Population": 2582.0}, {"index": 3435, "quantile": 0.5, "value": 150700.0, "Latitude": 34.26, "Longitude": -118.42, "Population": 2582.0}, {"index": 3435, "quantile": 0.75, "value": 160300.0, "Latitude": 34.26, "Longitude": -118.42, "Population": 2582.0}, {"index": 3435, "quantile": 1.0, "value": 246700.0, "Latitude": 34.26, "Longitude": -118.42, "Population": 2582.0}, {"index": 3436, "quantile": 0.0, "value": 72700.0, "Latitude": 34.26, "Longitude": -118.41, "Population": 1065.0}, {"index": 3436, "quantile": 0.25, "value": 136100.0, "Latitude": 34.26, "Longitude": -118.41, "Population": 1065.0}, {"index": 3436, "quantile": 0.5, "value": 136100.0, "Latitude": 34.26, "Longitude": -118.41, "Population": 1065.0}, {"index": 3436, "quantile": 0.75, "value": 136100.0, "Latitude": 34.26, "Longitude": -118.41, "Population": 1065.0}, {"index": 3436, "quantile": 1.0, "value": 192900.0, "Latitude": 34.26, "Longitude": -118.41, "Population": 1065.0}, {"index": 3437, "quantile": 0.0, "value": 83100.0, "Latitude": 34.26, "Longitude": -118.42, "Population": 1086.0}, {"index": 3437, "quantile": 0.25, "value": 143300.0, "Latitude": 34.26, "Longitude": -118.42, "Population": 1086.0}, {"index": 3437, "quantile": 0.5, "value": 143300.0, "Latitude": 34.26, "Longitude": -118.42, "Population": 1086.0}, {"index": 3437, "quantile": 0.75, "value": 143300.0, "Latitude": 34.26, "Longitude": -118.42, "Population": 1086.0}, {"index": 3437, "quantile": 1.0, "value": 184200.0, "Latitude": 34.26, "Longitude": -118.42, "Population": 1086.0}, {"index": 3438, "quantile": 0.0, "value": 117600.0, "Latitude": 34.26, "Longitude": -118.42, "Population": 2279.0}, {"index": 3438, "quantile": 0.25, "value": 138600.0, "Latitude": 34.26, "Longitude": -118.42, "Population": 2279.0}, {"index": 3438, "quantile": 0.5, "value": 138600.0, "Latitude": 34.26, "Longitude": -118.42, "Population": 2279.0}, {"index": 3438, "quantile": 0.75, "value": 148100.0, "Latitude": 34.26, "Longitude": -118.42, "Population": 2279.0}, {"index": 3438, "quantile": 1.0, "value": 206800.0, "Latitude": 34.26, "Longitude": -118.42, "Population": 2279.0}, {"index": 3439, "quantile": 0.0, "value": 89200.0, "Latitude": 34.27, "Longitude": -118.41, "Population": 1250.0}, {"index": 3439, "quantile": 0.25, "value": 140775.0, "Latitude": 34.27, "Longitude": -118.41, "Population": 1250.0}, {"index": 3439, "quantile": 0.5, "value": 142600.0, "Latitude": 34.27, "Longitude": -118.41, "Population": 1250.0}, {"index": 3439, "quantile": 0.75, "value": 148000.0, "Latitude": 34.27, "Longitude": -118.41, "Population": 1250.0}, {"index": 3439, "quantile": 1.0, "value": 450000.0, "Latitude": 34.27, "Longitude": -118.41, "Population": 1250.0}, {"index": 3440, "quantile": 0.0, "value": 52100.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 3444.0}, {"index": 3440, "quantile": 0.25, "value": 124000.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 3444.0}, {"index": 3440, "quantile": 0.5, "value": 124000.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 3444.0}, {"index": 3440, "quantile": 0.75, "value": 144100.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 3444.0}, {"index": 3440, "quantile": 1.0, "value": 221500.0, "Latitude": 34.27, "Longitude": -118.42, "Population": 3444.0}, {"index": 3441, "quantile": 0.0, "value": 130000.0, "Latitude": 34.26, "Longitude": -118.4, "Population": 2560.0}, {"index": 3441, "quantile": 0.25, "value": 154300.0, "Latitude": 34.26, "Longitude": -118.4, "Population": 2560.0}, {"index": 3441, "quantile": 0.5, "value": 154300.0, "Latitude": 34.26, "Longitude": -118.4, "Population": 2560.0}, {"index": 3441, "quantile": 0.75, "value": 189450.0, "Latitude": 34.26, "Longitude": -118.4, "Population": 2560.0}, {"index": 3441, "quantile": 1.0, "value": 335200.0, "Latitude": 34.26, "Longitude": -118.4, "Population": 2560.0}, {"index": 3442, "quantile": 0.0, "value": 96900.0, "Latitude": 34.25, "Longitude": -118.4, "Population": 1927.0}, {"index": 3442, "quantile": 0.25, "value": 134200.0, "Latitude": 34.25, "Longitude": -118.4, "Population": 1927.0}, {"index": 3442, "quantile": 0.5, "value": 134200.0, "Latitude": 34.25, "Longitude": -118.4, "Population": 1927.0}, {"index": 3442, "quantile": 0.75, "value": 146900.0, "Latitude": 34.25, "Longitude": -118.4, "Population": 1927.0}, {"index": 3442, "quantile": 1.0, "value": 364700.0, "Latitude": 34.25, "Longitude": -118.4, "Population": 1927.0}, {"index": 3443, "quantile": 0.0, "value": 34400.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 483.0}, {"index": 3443, "quantile": 0.25, "value": 137500.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 483.0}, {"index": 3443, "quantile": 0.5, "value": 137500.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 483.0}, {"index": 3443, "quantile": 0.75, "value": 137500.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 483.0}, {"index": 3443, "quantile": 1.0, "value": 350000.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 483.0}, {"index": 3444, "quantile": 0.0, "value": 53200.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 981.0}, {"index": 3444, "quantile": 0.25, "value": 142600.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 981.0}, {"index": 3444, "quantile": 0.5, "value": 145700.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 981.0}, {"index": 3444, "quantile": 0.75, "value": 182125.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 981.0}, {"index": 3444, "quantile": 1.0, "value": 450000.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 981.0}, {"index": 3445, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 34.25, "Longitude": -118.41, "Population": 1173.0}, {"index": 3445, "quantile": 0.25, "value": 153800.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 1173.0}, {"index": 3445, "quantile": 0.5, "value": 153800.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 1173.0}, {"index": 3445, "quantile": 0.75, "value": 153800.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 1173.0}, {"index": 3445, "quantile": 1.0, "value": 183000.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 1173.0}, {"index": 3446, "quantile": 0.0, "value": 117400.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 3663.0}, {"index": 3446, "quantile": 0.25, "value": 157100.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 3663.0}, {"index": 3446, "quantile": 0.5, "value": 157100.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 3663.0}, {"index": 3446, "quantile": 0.75, "value": 157100.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 3663.0}, {"index": 3446, "quantile": 1.0, "value": 271200.0, "Latitude": 34.25, "Longitude": -118.41, "Population": 3663.0}, {"index": 3447, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.24, "Longitude": -118.42, "Population": 2243.0}, {"index": 3447, "quantile": 0.25, "value": 163700.0, "Latitude": 34.24, "Longitude": -118.42, "Population": 2243.0}, {"index": 3447, "quantile": 0.5, "value": 163700.0, "Latitude": 34.24, "Longitude": -118.42, "Population": 2243.0}, {"index": 3447, "quantile": 0.75, "value": 163700.0, "Latitude": 34.24, "Longitude": -118.42, "Population": 2243.0}, {"index": 3447, "quantile": 1.0, "value": 217800.0, "Latitude": 34.24, "Longitude": -118.42, "Population": 2243.0}, {"index": 3448, "quantile": 0.0, "value": 89100.0, "Latitude": 34.25, "Longitude": -118.42, "Population": 1502.0}, {"index": 3448, "quantile": 0.25, "value": 142300.0, "Latitude": 34.25, "Longitude": -118.42, "Population": 1502.0}, {"index": 3448, "quantile": 0.5, "value": 149750.0, "Latitude": 34.25, "Longitude": -118.42, "Population": 1502.0}, {"index": 3448, "quantile": 0.75, "value": 160300.0, "Latitude": 34.25, "Longitude": -118.42, "Population": 1502.0}, {"index": 3448, "quantile": 1.0, "value": 186800.0, "Latitude": 34.25, "Longitude": -118.42, "Population": 1502.0}, {"index": 3449, "quantile": 0.0, "value": 135800.0, "Latitude": 34.32, "Longitude": -118.43, "Population": 1948.0}, {"index": 3449, "quantile": 0.25, "value": 157400.0, "Latitude": 34.32, "Longitude": -118.43, "Population": 1948.0}, {"index": 3449, "quantile": 0.5, "value": 157400.0, "Latitude": 34.32, "Longitude": -118.43, "Population": 1948.0}, {"index": 3449, "quantile": 0.75, "value": 164300.0, "Latitude": 34.32, "Longitude": -118.43, "Population": 1948.0}, {"index": 3449, "quantile": 1.0, "value": 200800.0, "Latitude": 34.32, "Longitude": -118.43, "Population": 1948.0}, {"index": 3450, "quantile": 0.0, "value": 185200.0, "Latitude": 34.33, "Longitude": -118.43, "Population": 2882.0}, {"index": 3450, "quantile": 0.25, "value": 235600.0, "Latitude": 34.33, "Longitude": -118.43, "Population": 2882.0}, {"index": 3450, "quantile": 0.5, "value": 235600.0, "Latitude": 34.33, "Longitude": -118.43, "Population": 2882.0}, {"index": 3450, "quantile": 0.75, "value": 248000.0, "Latitude": 34.33, "Longitude": -118.43, "Population": 2882.0}, {"index": 3450, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.33, "Longitude": -118.43, "Population": 2882.0}, {"index": 3451, "quantile": 0.0, "value": 143700.0, "Latitude": 34.32, "Longitude": -118.44, "Population": 3568.0}, {"index": 3451, "quantile": 0.25, "value": 211600.0, "Latitude": 34.32, "Longitude": -118.44, "Population": 3568.0}, {"index": 3451, "quantile": 0.5, "value": 211600.0, "Latitude": 34.32, "Longitude": -118.44, "Population": 3568.0}, {"index": 3451, "quantile": 0.75, "value": 211600.0, "Latitude": 34.32, "Longitude": -118.44, "Population": 3568.0}, {"index": 3451, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 34.32, "Longitude": -118.44, "Population": 3568.0}, {"index": 3452, "quantile": 0.0, "value": 88900.0, "Latitude": 34.31, "Longitude": -118.42, "Population": 4205.0}, {"index": 3452, "quantile": 0.25, "value": 163200.0, "Latitude": 34.31, "Longitude": -118.42, "Population": 4205.0}, {"index": 3452, "quantile": 0.5, "value": 163200.0, "Latitude": 34.31, "Longitude": -118.42, "Population": 4205.0}, {"index": 3452, "quantile": 0.75, "value": 201700.0, "Latitude": 34.31, "Longitude": -118.42, "Population": 4205.0}, {"index": 3452, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 34.31, "Longitude": -118.42, "Population": 4205.0}, {"index": 3453, "quantile": 0.0, "value": 147600.0, "Latitude": 34.3, "Longitude": -118.42, "Population": 2919.0}, {"index": 3453, "quantile": 0.25, "value": 180300.0, "Latitude": 34.3, "Longitude": -118.42, "Population": 2919.0}, {"index": 3453, "quantile": 0.5, "value": 180300.0, "Latitude": 34.3, "Longitude": -118.42, "Population": 2919.0}, {"index": 3453, "quantile": 0.75, "value": 180300.0, "Latitude": 34.3, "Longitude": -118.42, "Population": 2919.0}, {"index": 3453, "quantile": 1.0, "value": 205900.00000000003, "Latitude": 34.3, "Longitude": -118.42, "Population": 2919.0}, {"index": 3454, "quantile": 0.0, "value": 156700.0, "Latitude": 34.32, "Longitude": -118.41, "Population": 3473.0}, {"index": 3454, "quantile": 0.25, "value": 203399.99999999997, "Latitude": 34.32, "Longitude": -118.41, "Population": 3473.0}, {"index": 3454, "quantile": 0.5, "value": 203399.99999999997, "Latitude": 34.32, "Longitude": -118.41, "Population": 3473.0}, {"index": 3454, "quantile": 0.75, "value": 220399.99999999997, "Latitude": 34.32, "Longitude": -118.41, "Population": 3473.0}, {"index": 3454, "quantile": 1.0, "value": 329200.0, "Latitude": 34.32, "Longitude": -118.41, "Population": 3473.0}, {"index": 3455, "quantile": 0.0, "value": 154700.0, "Latitude": 34.3, "Longitude": -118.41, "Population": 2205.0}, {"index": 3455, "quantile": 0.25, "value": 187400.0, "Latitude": 34.3, "Longitude": -118.41, "Population": 2205.0}, {"index": 3455, "quantile": 0.5, "value": 187400.0, "Latitude": 34.3, "Longitude": -118.41, "Population": 2205.0}, {"index": 3455, "quantile": 0.75, "value": 187975.0, "Latitude": 34.3, "Longitude": -118.41, "Population": 2205.0}, {"index": 3455, "quantile": 1.0, "value": 436700.0, "Latitude": 34.3, "Longitude": -118.41, "Population": 2205.0}, {"index": 3456, "quantile": 0.0, "value": 146000.0, "Latitude": 34.32, "Longitude": -118.42, "Population": 1970.0}, {"index": 3456, "quantile": 0.25, "value": 156000.0, "Latitude": 34.32, "Longitude": -118.42, "Population": 1970.0}, {"index": 3456, "quantile": 0.5, "value": 156000.0, "Latitude": 34.32, "Longitude": -118.42, "Population": 1970.0}, {"index": 3456, "quantile": 0.75, "value": 179999.99999999997, "Latitude": 34.32, "Longitude": -118.42, "Population": 1970.0}, {"index": 3456, "quantile": 1.0, "value": 256300.00000000003, "Latitude": 34.32, "Longitude": -118.42, "Population": 1970.0}, {"index": 3457, "quantile": 0.0, "value": 82800.0, "Latitude": 34.31, "Longitude": -118.44, "Population": 3163.0}, {"index": 3457, "quantile": 0.25, "value": 154300.0, "Latitude": 34.31, "Longitude": -118.44, "Population": 3163.0}, {"index": 3457, "quantile": 0.5, "value": 154300.0, "Latitude": 34.31, "Longitude": -118.44, "Population": 3163.0}, {"index": 3457, "quantile": 0.75, "value": 157450.0, "Latitude": 34.31, "Longitude": -118.44, "Population": 3163.0}, {"index": 3457, "quantile": 1.0, "value": 287500.0, "Latitude": 34.31, "Longitude": -118.44, "Population": 3163.0}, {"index": 3458, "quantile": 0.0, "value": 155500.0, "Latitude": 34.31, "Longitude": -118.44, "Population": 2661.0}, {"index": 3458, "quantile": 0.25, "value": 160100.0, "Latitude": 34.31, "Longitude": -118.44, "Population": 2661.0}, {"index": 3458, "quantile": 0.5, "value": 160100.0, "Latitude": 34.31, "Longitude": -118.44, "Population": 2661.0}, {"index": 3458, "quantile": 0.75, "value": 165925.0, "Latitude": 34.31, "Longitude": -118.44, "Population": 2661.0}, {"index": 3458, "quantile": 1.0, "value": 305800.0, "Latitude": 34.31, "Longitude": -118.44, "Population": 2661.0}, {"index": 3459, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 34.3, "Longitude": -118.44, "Population": 1181.0}, {"index": 3459, "quantile": 0.25, "value": 155500.0, "Latitude": 34.3, "Longitude": -118.44, "Population": 1181.0}, {"index": 3459, "quantile": 0.5, "value": 155500.0, "Latitude": 34.3, "Longitude": -118.44, "Population": 1181.0}, {"index": 3459, "quantile": 0.75, "value": 155500.0, "Latitude": 34.3, "Longitude": -118.44, "Population": 1181.0}, {"index": 3459, "quantile": 1.0, "value": 259200.0, "Latitude": 34.3, "Longitude": -118.44, "Population": 1181.0}, {"index": 3460, "quantile": 0.0, "value": 84500.0, "Latitude": 34.31, "Longitude": -118.45, "Population": 820.0}, {"index": 3460, "quantile": 0.25, "value": 157300.0, "Latitude": 34.31, "Longitude": -118.45, "Population": 820.0}, {"index": 3460, "quantile": 0.5, "value": 194600.0, "Latitude": 34.31, "Longitude": -118.45, "Population": 820.0}, {"index": 3460, "quantile": 0.75, "value": 230300.0, "Latitude": 34.31, "Longitude": -118.45, "Population": 820.0}, {"index": 3460, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 34.31, "Longitude": -118.45, "Population": 820.0}, {"index": 3461, "quantile": 0.0, "value": 99600.0, "Latitude": 34.32, "Longitude": -118.45, "Population": 1952.0}, {"index": 3461, "quantile": 0.25, "value": 189400.0, "Latitude": 34.32, "Longitude": -118.45, "Population": 1952.0}, {"index": 3461, "quantile": 0.5, "value": 189400.0, "Latitude": 34.32, "Longitude": -118.45, "Population": 1952.0}, {"index": 3461, "quantile": 0.75, "value": 213400.0, "Latitude": 34.32, "Longitude": -118.45, "Population": 1952.0}, {"index": 3461, "quantile": 1.0, "value": 327300.0, "Latitude": 34.32, "Longitude": -118.45, "Population": 1952.0}, {"index": 3462, "quantile": 0.0, "value": 115900.0, "Latitude": 34.32, "Longitude": -118.46, "Population": 2917.0}, {"index": 3462, "quantile": 0.25, "value": 194100.0, "Latitude": 34.32, "Longitude": -118.46, "Population": 2917.0}, {"index": 3462, "quantile": 0.5, "value": 194100.0, "Latitude": 34.32, "Longitude": -118.46, "Population": 2917.0}, {"index": 3462, "quantile": 0.75, "value": 194100.0, "Latitude": 34.32, "Longitude": -118.46, "Population": 2917.0}, {"index": 3462, "quantile": 1.0, "value": 246400.0, "Latitude": 34.32, "Longitude": -118.46, "Population": 2917.0}, {"index": 3463, "quantile": 0.0, "value": 146000.0, "Latitude": 34.31, "Longitude": -118.45, "Population": 977.0}, {"index": 3463, "quantile": 0.25, "value": 173100.0, "Latitude": 34.31, "Longitude": -118.45, "Population": 977.0}, {"index": 3463, "quantile": 0.5, "value": 173100.0, "Latitude": 34.31, "Longitude": -118.45, "Population": 977.0}, {"index": 3463, "quantile": 0.75, "value": 173100.0, "Latitude": 34.31, "Longitude": -118.45, "Population": 977.0}, {"index": 3463, "quantile": 1.0, "value": 338100.0, "Latitude": 34.31, "Longitude": -118.45, "Population": 977.0}, {"index": 3464, "quantile": 0.0, "value": 138600.0, "Latitude": 34.3, "Longitude": -118.46, "Population": 2291.0}, {"index": 3464, "quantile": 0.25, "value": 158500.0, "Latitude": 34.3, "Longitude": -118.46, "Population": 2291.0}, {"index": 3464, "quantile": 0.5, "value": 158500.0, "Latitude": 34.3, "Longitude": -118.46, "Population": 2291.0}, {"index": 3464, "quantile": 0.75, "value": 160400.0, "Latitude": 34.3, "Longitude": -118.46, "Population": 2291.0}, {"index": 3464, "quantile": 1.0, "value": 196600.0, "Latitude": 34.3, "Longitude": -118.46, "Population": 2291.0}, {"index": 3465, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 34.31, "Longitude": -118.46, "Population": 1460.0}, {"index": 3465, "quantile": 0.25, "value": 219800.0, "Latitude": 34.31, "Longitude": -118.46, "Population": 1460.0}, {"index": 3465, "quantile": 0.5, "value": 260650.0, "Latitude": 34.31, "Longitude": -118.46, "Population": 1460.0}, {"index": 3465, "quantile": 0.75, "value": 321675.0, "Latitude": 34.31, "Longitude": -118.46, "Population": 1460.0}, {"index": 3465, "quantile": 1.0, "value": 395000.0, "Latitude": 34.31, "Longitude": -118.46, "Population": 1460.0}, {"index": 3466, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 34.32, "Longitude": -118.47, "Population": 1468.0}, {"index": 3466, "quantile": 0.25, "value": 230275.0, "Latitude": 34.32, "Longitude": -118.47, "Population": 1468.0}, {"index": 3466, "quantile": 0.5, "value": 325200.0, "Latitude": 34.32, "Longitude": -118.47, "Population": 1468.0}, {"index": 3466, "quantile": 0.75, "value": 325200.0, "Latitude": 34.32, "Longitude": -118.47, "Population": 1468.0}, {"index": 3466, "quantile": 1.0, "value": 325200.0, "Latitude": 34.32, "Longitude": -118.47, "Population": 1468.0}, {"index": 3467, "quantile": 0.0, "value": 110100.0, "Latitude": 34.33, "Longitude": -118.48, "Population": 1697.0}, {"index": 3467, "quantile": 0.25, "value": 247025.0, "Latitude": 34.33, "Longitude": -118.48, "Population": 1697.0}, {"index": 3467, "quantile": 0.5, "value": 270100.0, "Latitude": 34.33, "Longitude": -118.48, "Population": 1697.0}, {"index": 3467, "quantile": 0.75, "value": 270100.0, "Latitude": 34.33, "Longitude": -118.48, "Population": 1697.0}, {"index": 3467, "quantile": 1.0, "value": 344700.0, "Latitude": 34.33, "Longitude": -118.48, "Population": 1697.0}, {"index": 3468, "quantile": 0.0, "value": 125000.0, "Latitude": 34.31, "Longitude": -118.48, "Population": 892.0}, {"index": 3468, "quantile": 0.25, "value": 157500.00000000003, "Latitude": 34.31, "Longitude": -118.48, "Population": 892.0}, {"index": 3468, "quantile": 0.5, "value": 183650.0, "Latitude": 34.31, "Longitude": -118.48, "Population": 892.0}, {"index": 3468, "quantile": 0.75, "value": 224500.0, "Latitude": 34.31, "Longitude": -118.48, "Population": 892.0}, {"index": 3468, "quantile": 1.0, "value": 305800.0, "Latitude": 34.31, "Longitude": -118.48, "Population": 892.0}, {"index": 3469, "quantile": 0.0, "value": 130500.0, "Latitude": 34.3, "Longitude": -118.47, "Population": 2314.0}, {"index": 3469, "quantile": 0.25, "value": 180300.0, "Latitude": 34.3, "Longitude": -118.47, "Population": 2314.0}, {"index": 3469, "quantile": 0.5, "value": 192200.0, "Latitude": 34.3, "Longitude": -118.47, "Population": 2314.0}, {"index": 3469, "quantile": 0.75, "value": 192200.0, "Latitude": 34.3, "Longitude": -118.47, "Population": 2314.0}, {"index": 3469, "quantile": 1.0, "value": 344400.0, "Latitude": 34.3, "Longitude": -118.47, "Population": 2314.0}, {"index": 3470, "quantile": 0.0, "value": 89100.0, "Latitude": 34.29, "Longitude": -118.46, "Population": 3151.0}, {"index": 3470, "quantile": 0.25, "value": 183300.0, "Latitude": 34.29, "Longitude": -118.46, "Population": 3151.0}, {"index": 3470, "quantile": 0.5, "value": 183300.0, "Latitude": 34.29, "Longitude": -118.46, "Population": 3151.0}, {"index": 3470, "quantile": 0.75, "value": 183300.0, "Latitude": 34.29, "Longitude": -118.46, "Population": 3151.0}, {"index": 3470, "quantile": 1.0, "value": 450000.0, "Latitude": 34.29, "Longitude": -118.46, "Population": 3151.0}, {"index": 3471, "quantile": 0.0, "value": 113500.0, "Latitude": 34.29, "Longitude": -118.47, "Population": 3401.0}, {"index": 3471, "quantile": 0.25, "value": 154300.0, "Latitude": 34.29, "Longitude": -118.47, "Population": 3401.0}, {"index": 3471, "quantile": 0.5, "value": 179900.0, "Latitude": 34.29, "Longitude": -118.47, "Population": 3401.0}, {"index": 3471, "quantile": 0.75, "value": 206700.00000000003, "Latitude": 34.29, "Longitude": -118.47, "Population": 3401.0}, {"index": 3471, "quantile": 1.0, "value": 450000.0, "Latitude": 34.29, "Longitude": -118.47, "Population": 3401.0}, {"index": 3472, "quantile": 0.0, "value": 418800.0, "Latitude": 34.29, "Longitude": -118.49, "Population": 1714.0}, {"index": 3472, "quantile": 0.25, "value": 431799.99999999994, "Latitude": 34.29, "Longitude": -118.49, "Population": 1714.0}, {"index": 3472, "quantile": 0.5, "value": 431799.99999999994, "Latitude": 34.29, "Longitude": -118.49, "Population": 1714.0}, {"index": 3472, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.29, "Longitude": -118.49, "Population": 1714.0}, {"index": 3472, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.29, "Longitude": -118.49, "Population": 1714.0}, {"index": 3473, "quantile": 0.0, "value": 127200.0, "Latitude": 34.28, "Longitude": -118.49, "Population": 1071.0}, {"index": 3473, "quantile": 0.25, "value": 345075.0, "Latitude": 34.28, "Longitude": -118.49, "Population": 1071.0}, {"index": 3473, "quantile": 0.5, "value": 378000.0, "Latitude": 34.28, "Longitude": -118.49, "Population": 1071.0}, {"index": 3473, "quantile": 0.75, "value": 416575.0, "Latitude": 34.28, "Longitude": -118.49, "Population": 1071.0}, {"index": 3473, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -118.49, "Population": 1071.0}, {"index": 3474, "quantile": 0.0, "value": 196600.0, "Latitude": 34.28, "Longitude": -118.49, "Population": 1957.0}, {"index": 3474, "quantile": 0.25, "value": 267600.0, "Latitude": 34.28, "Longitude": -118.49, "Population": 1957.0}, {"index": 3474, "quantile": 0.5, "value": 309000.0, "Latitude": 34.28, "Longitude": -118.49, "Population": 1957.0}, {"index": 3474, "quantile": 0.75, "value": 348200.0, "Latitude": 34.28, "Longitude": -118.49, "Population": 1957.0}, {"index": 3474, "quantile": 1.0, "value": 485300.0, "Latitude": 34.28, "Longitude": -118.49, "Population": 1957.0}, {"index": 3475, "quantile": 0.0, "value": 176300.0, "Latitude": 34.31, "Longitude": -118.49, "Population": 357.0}, {"index": 3475, "quantile": 0.25, "value": 356300.0, "Latitude": 34.31, "Longitude": -118.49, "Population": 357.0}, {"index": 3475, "quantile": 0.5, "value": 356300.0, "Latitude": 34.31, "Longitude": -118.49, "Population": 357.0}, {"index": 3475, "quantile": 0.75, "value": 371200.0, "Latitude": 34.31, "Longitude": -118.49, "Population": 357.0}, {"index": 3475, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.31, "Longitude": -118.49, "Population": 357.0}, {"index": 3476, "quantile": 0.0, "value": 308400.0, "Latitude": 34.32, "Longitude": -118.52, "Population": 3189.0}, {"index": 3476, "quantile": 0.25, "value": 374000.0, "Latitude": 34.32, "Longitude": -118.52, "Population": 3189.0}, {"index": 3476, "quantile": 0.5, "value": 374000.0, "Latitude": 34.32, "Longitude": -118.52, "Population": 3189.0}, {"index": 3476, "quantile": 0.75, "value": 374000.0, "Latitude": 34.32, "Longitude": -118.52, "Population": 3189.0}, {"index": 3476, "quantile": 1.0, "value": 454100.00000000006, "Latitude": 34.32, "Longitude": -118.52, "Population": 3189.0}, {"index": 3477, "quantile": 0.0, "value": 291500.0, "Latitude": 34.3, "Longitude": -118.51, "Population": 2710.0}, {"index": 3477, "quantile": 0.25, "value": 344000.0, "Latitude": 34.3, "Longitude": -118.51, "Population": 2710.0}, {"index": 3477, "quantile": 0.5, "value": 344000.0, "Latitude": 34.3, "Longitude": -118.51, "Population": 2710.0}, {"index": 3477, "quantile": 0.75, "value": 344000.0, "Latitude": 34.3, "Longitude": -118.51, "Population": 2710.0}, {"index": 3477, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.3, "Longitude": -118.51, "Population": 2710.0}, {"index": 3478, "quantile": 0.0, "value": 218299.99999999997, "Latitude": 34.28, "Longitude": -118.51, "Population": 1890.0}, {"index": 3478, "quantile": 0.25, "value": 301700.0, "Latitude": 34.28, "Longitude": -118.51, "Population": 1890.0}, {"index": 3478, "quantile": 0.5, "value": 301700.0, "Latitude": 34.28, "Longitude": -118.51, "Population": 1890.0}, {"index": 3478, "quantile": 0.75, "value": 301700.0, "Latitude": 34.28, "Longitude": -118.51, "Population": 1890.0}, {"index": 3478, "quantile": 1.0, "value": 466899.99999999994, "Latitude": 34.28, "Longitude": -118.51, "Population": 1890.0}, {"index": 3479, "quantile": 0.0, "value": 150800.0, "Latitude": 34.29, "Longitude": -118.51, "Population": 525.0}, {"index": 3479, "quantile": 0.25, "value": 290125.0, "Latitude": 34.29, "Longitude": -118.51, "Population": 525.0}, {"index": 3479, "quantile": 0.5, "value": 334500.0, "Latitude": 34.29, "Longitude": -118.51, "Population": 525.0}, {"index": 3479, "quantile": 0.75, "value": 362175.0, "Latitude": 34.29, "Longitude": -118.51, "Population": 525.0}, {"index": 3479, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.29, "Longitude": -118.51, "Population": 525.0}, {"index": 3480, "quantile": 0.0, "value": 173200.0, "Latitude": 34.29, "Longitude": -118.52, "Population": 868.0}, {"index": 3480, "quantile": 0.25, "value": 402900.0, "Latitude": 34.29, "Longitude": -118.52, "Population": 868.0}, {"index": 3480, "quantile": 0.5, "value": 434800.0, "Latitude": 34.29, "Longitude": -118.52, "Population": 868.0}, {"index": 3480, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.29, "Longitude": -118.52, "Population": 868.0}, {"index": 3480, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.29, "Longitude": -118.52, "Population": 868.0}, {"index": 3481, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 34.3, "Longitude": -118.52, "Population": 2144.0}, {"index": 3481, "quantile": 0.25, "value": 368375.0, "Latitude": 34.3, "Longitude": -118.52, "Population": 2144.0}, {"index": 3481, "quantile": 0.5, "value": 419449.99999999994, "Latitude": 34.3, "Longitude": -118.52, "Population": 2144.0}, {"index": 3481, "quantile": 0.75, "value": 479750.00000000006, "Latitude": 34.3, "Longitude": -118.52, "Population": 2144.0}, {"index": 3481, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.3, "Longitude": -118.52, "Population": 2144.0}, {"index": 3482, "quantile": 0.0, "value": 150000.0, "Latitude": 34.3, "Longitude": -118.45, "Population": 2661.0}, {"index": 3482, "quantile": 0.25, "value": 152100.0, "Latitude": 34.3, "Longitude": -118.45, "Population": 2661.0}, {"index": 3482, "quantile": 0.5, "value": 152100.0, "Latitude": 34.3, "Longitude": -118.45, "Population": 2661.0}, {"index": 3482, "quantile": 0.75, "value": 164475.0, "Latitude": 34.3, "Longitude": -118.45, "Population": 2661.0}, {"index": 3482, "quantile": 1.0, "value": 233700.00000000003, "Latitude": 34.3, "Longitude": -118.45, "Population": 2661.0}, {"index": 3483, "quantile": 0.0, "value": 117400.0, "Latitude": 34.3, "Longitude": -118.45, "Population": 3988.0}, {"index": 3483, "quantile": 0.25, "value": 160200.0, "Latitude": 34.3, "Longitude": -118.45, "Population": 3988.0}, {"index": 3483, "quantile": 0.5, "value": 160200.0, "Latitude": 34.3, "Longitude": -118.45, "Population": 3988.0}, {"index": 3483, "quantile": 0.75, "value": 160200.0, "Latitude": 34.3, "Longitude": -118.45, "Population": 3988.0}, {"index": 3483, "quantile": 1.0, "value": 205500.00000000003, "Latitude": 34.3, "Longitude": -118.45, "Population": 3988.0}, {"index": 3484, "quantile": 0.0, "value": 237699.99999999997, "Latitude": 34.28, "Longitude": -118.54, "Population": 2477.0}, {"index": 3484, "quantile": 0.25, "value": 377200.0, "Latitude": 34.28, "Longitude": -118.54, "Population": 2477.0}, {"index": 3484, "quantile": 0.5, "value": 377200.0, "Latitude": 34.28, "Longitude": -118.54, "Population": 2477.0}, {"index": 3484, "quantile": 0.75, "value": 377200.0, "Latitude": 34.28, "Longitude": -118.54, "Population": 2477.0}, {"index": 3484, "quantile": 1.0, "value": 393100.0, "Latitude": 34.28, "Longitude": -118.54, "Population": 2477.0}, {"index": 3485, "quantile": 0.0, "value": 193500.0, "Latitude": 34.28, "Longitude": -118.55, "Population": 3468.0}, {"index": 3485, "quantile": 0.25, "value": 428599.99999999994, "Latitude": 34.28, "Longitude": -118.55, "Population": 3468.0}, {"index": 3485, "quantile": 0.5, "value": 428599.99999999994, "Latitude": 34.28, "Longitude": -118.55, "Population": 3468.0}, {"index": 3485, "quantile": 0.75, "value": 428599.99999999994, "Latitude": 34.28, "Longitude": -118.55, "Population": 3468.0}, {"index": 3485, "quantile": 1.0, "value": 472700.00000000006, "Latitude": 34.28, "Longitude": -118.55, "Population": 3468.0}, {"index": 3486, "quantile": 0.0, "value": 345900.0, "Latitude": 34.28, "Longitude": -118.54, "Population": 3517.0}, {"index": 3486, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -118.54, "Population": 3517.0}, {"index": 3486, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -118.54, "Population": 3517.0}, {"index": 3486, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -118.54, "Population": 3517.0}, {"index": 3486, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -118.54, "Population": 3517.0}, {"index": 3487, "quantile": 0.0, "value": 308400.0, "Latitude": 34.3, "Longitude": -118.54, "Population": 1995.0}, {"index": 3487, "quantile": 0.25, "value": 352800.0, "Latitude": 34.3, "Longitude": -118.54, "Population": 1995.0}, {"index": 3487, "quantile": 0.5, "value": 352800.0, "Latitude": 34.3, "Longitude": -118.54, "Population": 1995.0}, {"index": 3487, "quantile": 0.75, "value": 419900.0, "Latitude": 34.3, "Longitude": -118.54, "Population": 1995.0}, {"index": 3487, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.3, "Longitude": -118.54, "Population": 1995.0}, {"index": 3488, "quantile": 0.0, "value": 171900.0, "Latitude": 34.29, "Longitude": -118.57, "Population": 2907.0}, {"index": 3488, "quantile": 0.25, "value": 289275.0, "Latitude": 34.29, "Longitude": -118.57, "Population": 2907.0}, {"index": 3488, "quantile": 0.5, "value": 337000.0, "Latitude": 34.29, "Longitude": -118.57, "Population": 2907.0}, {"index": 3488, "quantile": 0.75, "value": 368850.0, "Latitude": 34.29, "Longitude": -118.57, "Population": 2907.0}, {"index": 3488, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.29, "Longitude": -118.57, "Population": 2907.0}, {"index": 3489, "quantile": 0.0, "value": 147600.0, "Latitude": 34.28, "Longitude": -118.45, "Population": 1303.0}, {"index": 3489, "quantile": 0.25, "value": 152000.0, "Latitude": 34.28, "Longitude": -118.45, "Population": 1303.0}, {"index": 3489, "quantile": 0.5, "value": 152000.0, "Latitude": 34.28, "Longitude": -118.45, "Population": 1303.0}, {"index": 3489, "quantile": 0.75, "value": 153500.0, "Latitude": 34.28, "Longitude": -118.45, "Population": 1303.0}, {"index": 3489, "quantile": 1.0, "value": 199300.0, "Latitude": 34.28, "Longitude": -118.45, "Population": 1303.0}, {"index": 3490, "quantile": 0.0, "value": 186400.0, "Latitude": 34.28, "Longitude": -118.46, "Population": 1242.0}, {"index": 3490, "quantile": 0.25, "value": 217600.00000000003, "Latitude": 34.28, "Longitude": -118.46, "Population": 1242.0}, {"index": 3490, "quantile": 0.5, "value": 217600.00000000003, "Latitude": 34.28, "Longitude": -118.46, "Population": 1242.0}, {"index": 3490, "quantile": 0.75, "value": 218350.0, "Latitude": 34.28, "Longitude": -118.46, "Population": 1242.0}, {"index": 3490, "quantile": 1.0, "value": 386800.0, "Latitude": 34.28, "Longitude": -118.46, "Population": 1242.0}, {"index": 3491, "quantile": 0.0, "value": 140700.0, "Latitude": 34.27, "Longitude": -118.47, "Population": 881.0}, {"index": 3491, "quantile": 0.25, "value": 222900.0, "Latitude": 34.27, "Longitude": -118.47, "Population": 881.0}, {"index": 3491, "quantile": 0.5, "value": 222900.0, "Latitude": 34.27, "Longitude": -118.47, "Population": 881.0}, {"index": 3491, "quantile": 0.75, "value": 222900.0, "Latitude": 34.27, "Longitude": -118.47, "Population": 881.0}, {"index": 3491, "quantile": 1.0, "value": 349600.0, "Latitude": 34.27, "Longitude": -118.47, "Population": 881.0}, {"index": 3492, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 34.28, "Longitude": -118.48, "Population": 1128.0}, {"index": 3492, "quantile": 0.25, "value": 213050.0, "Latitude": 34.28, "Longitude": -118.48, "Population": 1128.0}, {"index": 3492, "quantile": 0.5, "value": 225900.0, "Latitude": 34.28, "Longitude": -118.48, "Population": 1128.0}, {"index": 3492, "quantile": 0.75, "value": 252900.0, "Latitude": 34.28, "Longitude": -118.48, "Population": 1128.0}, {"index": 3492, "quantile": 1.0, "value": 361700.0, "Latitude": 34.28, "Longitude": -118.48, "Population": 1128.0}, {"index": 3493, "quantile": 0.0, "value": 155500.0, "Latitude": 34.28, "Longitude": -118.48, "Population": 873.0}, {"index": 3493, "quantile": 0.25, "value": 226549.99999999997, "Latitude": 34.28, "Longitude": -118.48, "Population": 873.0}, {"index": 3493, "quantile": 0.5, "value": 226700.0, "Latitude": 34.28, "Longitude": -118.48, "Population": 873.0}, {"index": 3493, "quantile": 0.75, "value": 226700.0, "Latitude": 34.28, "Longitude": -118.48, "Population": 873.0}, {"index": 3493, "quantile": 1.0, "value": 320500.0, "Latitude": 34.28, "Longitude": -118.48, "Population": 873.0}, {"index": 3494, "quantile": 0.0, "value": 67000.0, "Latitude": 34.27, "Longitude": -118.47, "Population": 523.0}, {"index": 3494, "quantile": 0.25, "value": 125750.0, "Latitude": 34.27, "Longitude": -118.47, "Population": 523.0}, {"index": 3494, "quantile": 0.5, "value": 177100.0, "Latitude": 34.27, "Longitude": -118.47, "Population": 523.0}, {"index": 3494, "quantile": 0.75, "value": 238499.99999999997, "Latitude": 34.27, "Longitude": -118.47, "Population": 523.0}, {"index": 3494, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -118.47, "Population": 523.0}, {"index": 3495, "quantile": 0.0, "value": 153200.0, "Latitude": 34.27, "Longitude": -118.47, "Population": 741.0}, {"index": 3495, "quantile": 0.25, "value": 220600.0, "Latitude": 34.27, "Longitude": -118.47, "Population": 741.0}, {"index": 3495, "quantile": 0.5, "value": 220600.0, "Latitude": 34.27, "Longitude": -118.47, "Population": 741.0}, {"index": 3495, "quantile": 0.75, "value": 220600.0, "Latitude": 34.27, "Longitude": -118.47, "Population": 741.0}, {"index": 3495, "quantile": 1.0, "value": 395100.0, "Latitude": 34.27, "Longitude": -118.47, "Population": 741.0}, {"index": 3496, "quantile": 0.0, "value": 130600.0, "Latitude": 34.27, "Longitude": -118.48, "Population": 702.0}, {"index": 3496, "quantile": 0.25, "value": 223700.0, "Latitude": 34.27, "Longitude": -118.48, "Population": 702.0}, {"index": 3496, "quantile": 0.5, "value": 223700.0, "Latitude": 34.27, "Longitude": -118.48, "Population": 702.0}, {"index": 3496, "quantile": 0.75, "value": 223700.0, "Latitude": 34.27, "Longitude": -118.48, "Population": 702.0}, {"index": 3496, "quantile": 1.0, "value": 365900.0, "Latitude": 34.27, "Longitude": -118.48, "Population": 702.0}, {"index": 3497, "quantile": 0.0, "value": 188600.0, "Latitude": 34.27, "Longitude": -118.48, "Population": 1303.0}, {"index": 3497, "quantile": 0.25, "value": 216800.00000000003, "Latitude": 34.27, "Longitude": -118.48, "Population": 1303.0}, {"index": 3497, "quantile": 0.5, "value": 216800.00000000003, "Latitude": 34.27, "Longitude": -118.48, "Population": 1303.0}, {"index": 3497, "quantile": 0.75, "value": 218475.00000000003, "Latitude": 34.27, "Longitude": -118.48, "Population": 1303.0}, {"index": 3497, "quantile": 1.0, "value": 354200.0, "Latitude": 34.27, "Longitude": -118.48, "Population": 1303.0}, {"index": 3498, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 34.27, "Longitude": -118.45, "Population": 839.0}, {"index": 3498, "quantile": 0.25, "value": 185475.0, "Latitude": 34.27, "Longitude": -118.45, "Population": 839.0}, {"index": 3498, "quantile": 0.5, "value": 185800.0, "Latitude": 34.27, "Longitude": -118.45, "Population": 839.0}, {"index": 3498, "quantile": 0.75, "value": 185800.0, "Latitude": 34.27, "Longitude": -118.45, "Population": 839.0}, {"index": 3498, "quantile": 1.0, "value": 220100.0, "Latitude": 34.27, "Longitude": -118.45, "Population": 839.0}, {"index": 3499, "quantile": 0.0, "value": 156200.0, "Latitude": 34.27, "Longitude": -118.45, "Population": 1012.0}, {"index": 3499, "quantile": 0.25, "value": 178000.0, "Latitude": 34.27, "Longitude": -118.45, "Population": 1012.0}, {"index": 3499, "quantile": 0.5, "value": 187900.0, "Latitude": 34.27, "Longitude": -118.45, "Population": 1012.0}, {"index": 3499, "quantile": 0.75, "value": 226700.0, "Latitude": 34.27, "Longitude": -118.45, "Population": 1012.0}, {"index": 3499, "quantile": 1.0, "value": 311200.0, "Latitude": 34.27, "Longitude": -118.45, "Population": 1012.0}, {"index": 3500, "quantile": 0.0, "value": 142500.0, "Latitude": 34.27, "Longitude": -118.46, "Population": 1004.0}, {"index": 3500, "quantile": 0.25, "value": 179700.0, "Latitude": 34.27, "Longitude": -118.46, "Population": 1004.0}, {"index": 3500, "quantile": 0.5, "value": 179700.0, "Latitude": 34.27, "Longitude": -118.46, "Population": 1004.0}, {"index": 3500, "quantile": 0.75, "value": 187900.0, "Latitude": 34.27, "Longitude": -118.46, "Population": 1004.0}, {"index": 3500, "quantile": 1.0, "value": 238200.0, "Latitude": 34.27, "Longitude": -118.46, "Population": 1004.0}, {"index": 3501, "quantile": 0.0, "value": 140500.0, "Latitude": 34.27, "Longitude": -118.46, "Population": 1182.0}, {"index": 3501, "quantile": 0.25, "value": 194100.0, "Latitude": 34.27, "Longitude": -118.46, "Population": 1182.0}, {"index": 3501, "quantile": 0.5, "value": 237650.0, "Latitude": 34.27, "Longitude": -118.46, "Population": 1182.0}, {"index": 3501, "quantile": 0.75, "value": 250000.0, "Latitude": 34.27, "Longitude": -118.46, "Population": 1182.0}, {"index": 3501, "quantile": 1.0, "value": 338900.0, "Latitude": 34.27, "Longitude": -118.46, "Population": 1182.0}, {"index": 3502, "quantile": 0.0, "value": 89100.0, "Latitude": 34.27, "Longitude": -118.44, "Population": 1333.0}, {"index": 3502, "quantile": 0.25, "value": 142300.0, "Latitude": 34.27, "Longitude": -118.44, "Population": 1333.0}, {"index": 3502, "quantile": 0.5, "value": 143300.0, "Latitude": 34.27, "Longitude": -118.44, "Population": 1333.0}, {"index": 3502, "quantile": 0.75, "value": 148100.0, "Latitude": 34.27, "Longitude": -118.44, "Population": 1333.0}, {"index": 3502, "quantile": 1.0, "value": 179200.0, "Latitude": 34.27, "Longitude": -118.44, "Population": 1333.0}, {"index": 3503, "quantile": 0.0, "value": 115100.0, "Latitude": 34.27, "Longitude": -118.44, "Population": 1616.0}, {"index": 3503, "quantile": 0.25, "value": 147200.0, "Latitude": 34.27, "Longitude": -118.44, "Population": 1616.0}, {"index": 3503, "quantile": 0.5, "value": 159300.0, "Latitude": 34.27, "Longitude": -118.44, "Population": 1616.0}, {"index": 3503, "quantile": 0.75, "value": 161500.0, "Latitude": 34.27, "Longitude": -118.44, "Population": 1616.0}, {"index": 3503, "quantile": 1.0, "value": 271200.0, "Latitude": 34.27, "Longitude": -118.44, "Population": 1616.0}, {"index": 3504, "quantile": 0.0, "value": 177600.0, "Latitude": 34.26, "Longitude": -118.45, "Population": 992.0}, {"index": 3504, "quantile": 0.25, "value": 195600.0, "Latitude": 34.26, "Longitude": -118.45, "Population": 992.0}, {"index": 3504, "quantile": 0.5, "value": 195600.0, "Latitude": 34.26, "Longitude": -118.45, "Population": 992.0}, {"index": 3504, "quantile": 0.75, "value": 195600.0, "Latitude": 34.26, "Longitude": -118.45, "Population": 992.0}, {"index": 3504, "quantile": 1.0, "value": 342800.0, "Latitude": 34.26, "Longitude": -118.45, "Population": 992.0}, {"index": 3505, "quantile": 0.0, "value": 136400.0, "Latitude": 34.25, "Longitude": -118.45, "Population": 808.0}, {"index": 3505, "quantile": 0.25, "value": 190900.0, "Latitude": 34.25, "Longitude": -118.45, "Population": 808.0}, {"index": 3505, "quantile": 0.5, "value": 209200.0, "Latitude": 34.25, "Longitude": -118.45, "Population": 808.0}, {"index": 3505, "quantile": 0.75, "value": 210100.0, "Latitude": 34.25, "Longitude": -118.45, "Population": 808.0}, {"index": 3505, "quantile": 1.0, "value": 267100.0, "Latitude": 34.25, "Longitude": -118.45, "Population": 808.0}, {"index": 3506, "quantile": 0.0, "value": 181300.0, "Latitude": 34.26, "Longitude": -118.45, "Population": 894.0}, {"index": 3506, "quantile": 0.25, "value": 209600.0, "Latitude": 34.26, "Longitude": -118.45, "Population": 894.0}, {"index": 3506, "quantile": 0.5, "value": 209600.0, "Latitude": 34.26, "Longitude": -118.45, "Population": 894.0}, {"index": 3506, "quantile": 0.75, "value": 209600.0, "Latitude": 34.26, "Longitude": -118.45, "Population": 894.0}, {"index": 3506, "quantile": 1.0, "value": 217099.99999999997, "Latitude": 34.26, "Longitude": -118.45, "Population": 894.0}, {"index": 3507, "quantile": 0.0, "value": 158000.0, "Latitude": 34.26, "Longitude": -118.46, "Population": 738.0}, {"index": 3507, "quantile": 0.25, "value": 210300.00000000003, "Latitude": 34.26, "Longitude": -118.46, "Population": 738.0}, {"index": 3507, "quantile": 0.5, "value": 210300.00000000003, "Latitude": 34.26, "Longitude": -118.46, "Population": 738.0}, {"index": 3507, "quantile": 0.75, "value": 212500.0, "Latitude": 34.26, "Longitude": -118.46, "Population": 738.0}, {"index": 3507, "quantile": 1.0, "value": 353600.0, "Latitude": 34.26, "Longitude": -118.46, "Population": 738.0}, {"index": 3508, "quantile": 0.0, "value": 146400.0, "Latitude": 34.26, "Longitude": -118.46, "Population": 761.0}, {"index": 3508, "quantile": 0.25, "value": 217099.99999999997, "Latitude": 34.26, "Longitude": -118.46, "Population": 761.0}, {"index": 3508, "quantile": 0.5, "value": 217099.99999999997, "Latitude": 34.26, "Longitude": -118.46, "Population": 761.0}, {"index": 3508, "quantile": 0.75, "value": 224600.0, "Latitude": 34.26, "Longitude": -118.46, "Population": 761.0}, {"index": 3508, "quantile": 1.0, "value": 427299.99999999994, "Latitude": 34.26, "Longitude": -118.46, "Population": 761.0}, {"index": 3509, "quantile": 0.0, "value": 148400.0, "Latitude": 34.25, "Longitude": -118.46, "Population": 1135.0}, {"index": 3509, "quantile": 0.25, "value": 224200.0, "Latitude": 34.25, "Longitude": -118.46, "Population": 1135.0}, {"index": 3509, "quantile": 0.5, "value": 224200.0, "Latitude": 34.25, "Longitude": -118.46, "Population": 1135.0}, {"index": 3509, "quantile": 0.75, "value": 224200.0, "Latitude": 34.25, "Longitude": -118.46, "Population": 1135.0}, {"index": 3509, "quantile": 1.0, "value": 325200.0, "Latitude": 34.25, "Longitude": -118.46, "Population": 1135.0}, {"index": 3510, "quantile": 0.0, "value": 140300.0, "Latitude": 34.25, "Longitude": -118.46, "Population": 1064.0}, {"index": 3510, "quantile": 0.25, "value": 208599.99999999997, "Latitude": 34.25, "Longitude": -118.46, "Population": 1064.0}, {"index": 3510, "quantile": 0.5, "value": 208599.99999999997, "Latitude": 34.25, "Longitude": -118.46, "Population": 1064.0}, {"index": 3510, "quantile": 0.75, "value": 209000.0, "Latitude": 34.25, "Longitude": -118.46, "Population": 1064.0}, {"index": 3510, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.46, "Population": 1064.0}, {"index": 3511, "quantile": 0.0, "value": 94500.0, "Latitude": 34.26, "Longitude": -118.47, "Population": 650.0}, {"index": 3511, "quantile": 0.25, "value": 199200.0, "Latitude": 34.26, "Longitude": -118.47, "Population": 650.0}, {"index": 3511, "quantile": 0.5, "value": 199200.0, "Latitude": 34.26, "Longitude": -118.47, "Population": 650.0}, {"index": 3511, "quantile": 0.75, "value": 278850.0, "Latitude": 34.26, "Longitude": -118.47, "Population": 650.0}, {"index": 3511, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -118.47, "Population": 650.0}, {"index": 3512, "quantile": 0.0, "value": 142000.0, "Latitude": 34.26, "Longitude": -118.47, "Population": 1123.0}, {"index": 3512, "quantile": 0.25, "value": 207300.0, "Latitude": 34.26, "Longitude": -118.47, "Population": 1123.0}, {"index": 3512, "quantile": 0.5, "value": 223200.00000000003, "Latitude": 34.26, "Longitude": -118.47, "Population": 1123.0}, {"index": 3512, "quantile": 0.75, "value": 226900.0, "Latitude": 34.26, "Longitude": -118.47, "Population": 1123.0}, {"index": 3512, "quantile": 1.0, "value": 372000.0, "Latitude": 34.26, "Longitude": -118.47, "Population": 1123.0}, {"index": 3513, "quantile": 0.0, "value": 199400.0, "Latitude": 34.26, "Longitude": -118.48, "Population": 938.0}, {"index": 3513, "quantile": 0.25, "value": 238000.0, "Latitude": 34.26, "Longitude": -118.48, "Population": 938.0}, {"index": 3513, "quantile": 0.5, "value": 238000.0, "Latitude": 34.26, "Longitude": -118.48, "Population": 938.0}, {"index": 3513, "quantile": 0.75, "value": 254950.0, "Latitude": 34.26, "Longitude": -118.48, "Population": 938.0}, {"index": 3513, "quantile": 1.0, "value": 485700.0, "Latitude": 34.26, "Longitude": -118.48, "Population": 938.0}, {"index": 3514, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 34.26, "Longitude": -118.49, "Population": 1164.0}, {"index": 3514, "quantile": 0.25, "value": 222050.0, "Latitude": 34.26, "Longitude": -118.49, "Population": 1164.0}, {"index": 3514, "quantile": 0.5, "value": 252400.0, "Latitude": 34.26, "Longitude": -118.49, "Population": 1164.0}, {"index": 3514, "quantile": 0.75, "value": 295300.0, "Latitude": 34.26, "Longitude": -118.49, "Population": 1164.0}, {"index": 3514, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -118.49, "Population": 1164.0}, {"index": 3515, "quantile": 0.0, "value": 157300.0, "Latitude": 34.25, "Longitude": -118.47, "Population": 1120.0}, {"index": 3515, "quantile": 0.25, "value": 196950.0, "Latitude": 34.25, "Longitude": -118.47, "Population": 1120.0}, {"index": 3515, "quantile": 0.5, "value": 215500.00000000003, "Latitude": 34.25, "Longitude": -118.47, "Population": 1120.0}, {"index": 3515, "quantile": 0.75, "value": 241400.00000000003, "Latitude": 34.25, "Longitude": -118.47, "Population": 1120.0}, {"index": 3515, "quantile": 1.0, "value": 336400.0, "Latitude": 34.25, "Longitude": -118.47, "Population": 1120.0}, {"index": 3516, "quantile": 0.0, "value": 157800.0, "Latitude": 34.25, "Longitude": -118.48, "Population": 1040.0}, {"index": 3516, "quantile": 0.25, "value": 215225.0, "Latitude": 34.25, "Longitude": -118.48, "Population": 1040.0}, {"index": 3516, "quantile": 0.5, "value": 244000.0, "Latitude": 34.25, "Longitude": -118.48, "Population": 1040.0}, {"index": 3516, "quantile": 0.75, "value": 279625.0, "Latitude": 34.25, "Longitude": -118.48, "Population": 1040.0}, {"index": 3516, "quantile": 1.0, "value": 359900.0, "Latitude": 34.25, "Longitude": -118.48, "Population": 1040.0}, {"index": 3517, "quantile": 0.0, "value": 203200.0, "Latitude": 34.25, "Longitude": -118.48, "Population": 795.0}, {"index": 3517, "quantile": 0.25, "value": 216900.0, "Latitude": 34.25, "Longitude": -118.48, "Population": 795.0}, {"index": 3517, "quantile": 0.5, "value": 216900.0, "Latitude": 34.25, "Longitude": -118.48, "Population": 795.0}, {"index": 3517, "quantile": 0.75, "value": 217099.99999999997, "Latitude": 34.25, "Longitude": -118.48, "Population": 795.0}, {"index": 3517, "quantile": 1.0, "value": 342800.0, "Latitude": 34.25, "Longitude": -118.48, "Population": 795.0}, {"index": 3518, "quantile": 0.0, "value": 168100.0, "Latitude": 34.25, "Longitude": -118.48, "Population": 1074.0}, {"index": 3518, "quantile": 0.25, "value": 223200.00000000003, "Latitude": 34.25, "Longitude": -118.48, "Population": 1074.0}, {"index": 3518, "quantile": 0.5, "value": 223300.0, "Latitude": 34.25, "Longitude": -118.48, "Population": 1074.0}, {"index": 3518, "quantile": 0.75, "value": 223300.0, "Latitude": 34.25, "Longitude": -118.48, "Population": 1074.0}, {"index": 3518, "quantile": 1.0, "value": 234900.00000000003, "Latitude": 34.25, "Longitude": -118.48, "Population": 1074.0}, {"index": 3519, "quantile": 0.0, "value": 78600.0, "Latitude": 34.25, "Longitude": -118.49, "Population": 960.0}, {"index": 3519, "quantile": 0.25, "value": 232900.00000000003, "Latitude": 34.25, "Longitude": -118.49, "Population": 960.0}, {"index": 3519, "quantile": 0.5, "value": 232900.00000000003, "Latitude": 34.25, "Longitude": -118.49, "Population": 960.0}, {"index": 3519, "quantile": 0.75, "value": 232900.00000000003, "Latitude": 34.25, "Longitude": -118.49, "Population": 960.0}, {"index": 3519, "quantile": 1.0, "value": 341700.0, "Latitude": 34.25, "Longitude": -118.49, "Population": 960.0}, {"index": 3520, "quantile": 0.0, "value": 196900.0, "Latitude": 34.27, "Longitude": -118.49, "Population": 2521.0}, {"index": 3520, "quantile": 0.25, "value": 225900.0, "Latitude": 34.27, "Longitude": -118.49, "Population": 2521.0}, {"index": 3520, "quantile": 0.5, "value": 225900.0, "Latitude": 34.27, "Longitude": -118.49, "Population": 2521.0}, {"index": 3520, "quantile": 0.75, "value": 226025.0, "Latitude": 34.27, "Longitude": -118.49, "Population": 2521.0}, {"index": 3520, "quantile": 1.0, "value": 372000.0, "Latitude": 34.27, "Longitude": -118.49, "Population": 2521.0}, {"index": 3521, "quantile": 0.0, "value": 134600.0, "Latitude": 34.27, "Longitude": -118.49, "Population": 1578.0}, {"index": 3521, "quantile": 0.25, "value": 199100.0, "Latitude": 34.27, "Longitude": -118.49, "Population": 1578.0}, {"index": 3521, "quantile": 0.5, "value": 223250.0, "Latitude": 34.27, "Longitude": -118.49, "Population": 1578.0}, {"index": 3521, "quantile": 0.75, "value": 235300.00000000003, "Latitude": 34.27, "Longitude": -118.49, "Population": 1578.0}, {"index": 3521, "quantile": 1.0, "value": 334400.0, "Latitude": 34.27, "Longitude": -118.49, "Population": 1578.0}, {"index": 3522, "quantile": 0.0, "value": 157800.0, "Latitude": 34.27, "Longitude": -118.5, "Population": 1148.0}, {"index": 3522, "quantile": 0.25, "value": 219899.99999999997, "Latitude": 34.27, "Longitude": -118.5, "Population": 1148.0}, {"index": 3522, "quantile": 0.5, "value": 236700.0, "Latitude": 34.27, "Longitude": -118.5, "Population": 1148.0}, {"index": 3522, "quantile": 0.75, "value": 259525.0, "Latitude": 34.27, "Longitude": -118.5, "Population": 1148.0}, {"index": 3522, "quantile": 1.0, "value": 440299.99999999994, "Latitude": 34.27, "Longitude": -118.5, "Population": 1148.0}, {"index": 3523, "quantile": 0.0, "value": 212300.00000000003, "Latitude": 34.28, "Longitude": -118.51, "Population": 1694.0}, {"index": 3523, "quantile": 0.25, "value": 243800.00000000003, "Latitude": 34.28, "Longitude": -118.51, "Population": 1694.0}, {"index": 3523, "quantile": 0.5, "value": 243800.00000000003, "Latitude": 34.28, "Longitude": -118.51, "Population": 1694.0}, {"index": 3523, "quantile": 0.75, "value": 243800.00000000003, "Latitude": 34.28, "Longitude": -118.51, "Population": 1694.0}, {"index": 3523, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.28, "Longitude": -118.51, "Population": 1694.0}, {"index": 3524, "quantile": 0.0, "value": 275000.0, "Latitude": 34.28, "Longitude": -118.52, "Population": 801.0}, {"index": 3524, "quantile": 0.25, "value": 443650.00000000006, "Latitude": 34.28, "Longitude": -118.52, "Population": 801.0}, {"index": 3524, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -118.52, "Population": 801.0}, {"index": 3524, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -118.52, "Population": 801.0}, {"index": 3524, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -118.52, "Population": 801.0}, {"index": 3525, "quantile": 0.0, "value": 183100.0, "Latitude": 34.27, "Longitude": -118.51, "Population": 1966.0}, {"index": 3525, "quantile": 0.25, "value": 222500.0, "Latitude": 34.27, "Longitude": -118.51, "Population": 1966.0}, {"index": 3525, "quantile": 0.5, "value": 222500.0, "Latitude": 34.27, "Longitude": -118.51, "Population": 1966.0}, {"index": 3525, "quantile": 0.75, "value": 222500.0, "Latitude": 34.27, "Longitude": -118.51, "Population": 1966.0}, {"index": 3525, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 34.27, "Longitude": -118.51, "Population": 1966.0}, {"index": 3526, "quantile": 0.0, "value": 148400.0, "Latitude": 34.27, "Longitude": -118.51, "Population": 1001.0}, {"index": 3526, "quantile": 0.25, "value": 252100.0, "Latitude": 34.27, "Longitude": -118.51, "Population": 1001.0}, {"index": 3526, "quantile": 0.5, "value": 252100.0, "Latitude": 34.27, "Longitude": -118.51, "Population": 1001.0}, {"index": 3526, "quantile": 0.75, "value": 252100.0, "Latitude": 34.27, "Longitude": -118.51, "Population": 1001.0}, {"index": 3526, "quantile": 1.0, "value": 395000.0, "Latitude": 34.27, "Longitude": -118.51, "Population": 1001.0}, {"index": 3527, "quantile": 0.0, "value": 198100.0, "Latitude": 34.27, "Longitude": -118.52, "Population": 1499.0}, {"index": 3527, "quantile": 0.25, "value": 271200.0, "Latitude": 34.27, "Longitude": -118.52, "Population": 1499.0}, {"index": 3527, "quantile": 0.5, "value": 271200.0, "Latitude": 34.27, "Longitude": -118.52, "Population": 1499.0}, {"index": 3527, "quantile": 0.75, "value": 271200.0, "Latitude": 34.27, "Longitude": -118.52, "Population": 1499.0}, {"index": 3527, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.27, "Longitude": -118.52, "Population": 1499.0}, {"index": 3528, "quantile": 0.0, "value": 146200.0, "Latitude": 34.27, "Longitude": -118.53, "Population": 948.0}, {"index": 3528, "quantile": 0.25, "value": 251125.0, "Latitude": 34.27, "Longitude": -118.53, "Population": 948.0}, {"index": 3528, "quantile": 0.5, "value": 329200.0, "Latitude": 34.27, "Longitude": -118.53, "Population": 948.0}, {"index": 3528, "quantile": 0.75, "value": 329200.0, "Latitude": 34.27, "Longitude": -118.53, "Population": 948.0}, {"index": 3528, "quantile": 1.0, "value": 392800.0, "Latitude": 34.27, "Longitude": -118.53, "Population": 948.0}, {"index": 3529, "quantile": 0.0, "value": 302500.0, "Latitude": 34.26, "Longitude": -118.53, "Population": 1590.0}, {"index": 3529, "quantile": 0.25, "value": 308400.0, "Latitude": 34.26, "Longitude": -118.53, "Population": 1590.0}, {"index": 3529, "quantile": 0.5, "value": 308400.0, "Latitude": 34.26, "Longitude": -118.53, "Population": 1590.0}, {"index": 3529, "quantile": 0.75, "value": 356550.0, "Latitude": 34.26, "Longitude": -118.53, "Population": 1590.0}, {"index": 3529, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -118.53, "Population": 1590.0}, {"index": 3530, "quantile": 0.0, "value": 231400.0, "Latitude": 34.26, "Longitude": -118.54, "Population": 2372.0}, {"index": 3530, "quantile": 0.25, "value": 311800.0, "Latitude": 34.26, "Longitude": -118.54, "Population": 2372.0}, {"index": 3530, "quantile": 0.5, "value": 311800.0, "Latitude": 34.26, "Longitude": -118.54, "Population": 2372.0}, {"index": 3530, "quantile": 0.75, "value": 311800.0, "Latitude": 34.26, "Longitude": -118.54, "Population": 2372.0}, {"index": 3530, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -118.54, "Population": 2372.0}, {"index": 3531, "quantile": 0.0, "value": 239600.0, "Latitude": 34.27, "Longitude": -118.54, "Population": 931.0}, {"index": 3531, "quantile": 0.25, "value": 332100.0, "Latitude": 34.27, "Longitude": -118.54, "Population": 931.0}, {"index": 3531, "quantile": 0.5, "value": 348200.0, "Latitude": 34.27, "Longitude": -118.54, "Population": 931.0}, {"index": 3531, "quantile": 0.75, "value": 348200.0, "Latitude": 34.27, "Longitude": -118.54, "Population": 931.0}, {"index": 3531, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -118.54, "Population": 931.0}, {"index": 3532, "quantile": 0.0, "value": 142000.0, "Latitude": 34.27, "Longitude": -118.53, "Population": 896.0}, {"index": 3532, "quantile": 0.25, "value": 320500.0, "Latitude": 34.27, "Longitude": -118.53, "Population": 896.0}, {"index": 3532, "quantile": 0.5, "value": 320500.0, "Latitude": 34.27, "Longitude": -118.53, "Population": 896.0}, {"index": 3532, "quantile": 0.75, "value": 320500.0, "Latitude": 34.27, "Longitude": -118.53, "Population": 896.0}, {"index": 3532, "quantile": 1.0, "value": 372000.0, "Latitude": 34.27, "Longitude": -118.53, "Population": 896.0}, {"index": 3533, "quantile": 0.0, "value": 487200.0, "Latitude": 34.26, "Longitude": -118.54, "Population": 1929.0}, {"index": 3533, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -118.54, "Population": 1929.0}, {"index": 3533, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -118.54, "Population": 1929.0}, {"index": 3533, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -118.54, "Population": 1929.0}, {"index": 3533, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -118.54, "Population": 1929.0}, {"index": 3534, "quantile": 0.0, "value": 308400.0, "Latitude": 34.26, "Longitude": -118.55, "Population": 1508.0}, {"index": 3534, "quantile": 0.25, "value": 445400.0, "Latitude": 34.26, "Longitude": -118.55, "Population": 1508.0}, {"index": 3534, "quantile": 0.5, "value": 445400.0, "Latitude": 34.26, "Longitude": -118.55, "Population": 1508.0}, {"index": 3534, "quantile": 0.75, "value": 445400.0, "Latitude": 34.26, "Longitude": -118.55, "Population": 1508.0}, {"index": 3534, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -118.55, "Population": 1508.0}, {"index": 3535, "quantile": 0.0, "value": 347800.0, "Latitude": 34.27, "Longitude": -118.55, "Population": 2183.0}, {"index": 3535, "quantile": 0.25, "value": 352800.0, "Latitude": 34.27, "Longitude": -118.55, "Population": 2183.0}, {"index": 3535, "quantile": 0.5, "value": 352800.0, "Latitude": 34.27, "Longitude": -118.55, "Population": 2183.0}, {"index": 3535, "quantile": 0.75, "value": 364700.0, "Latitude": 34.27, "Longitude": -118.55, "Population": 2183.0}, {"index": 3535, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -118.55, "Population": 2183.0}, {"index": 3536, "quantile": 0.0, "value": 162900.0, "Latitude": 34.26, "Longitude": -118.5, "Population": 1340.0}, {"index": 3536, "quantile": 0.25, "value": 237300.00000000003, "Latitude": 34.26, "Longitude": -118.5, "Population": 1340.0}, {"index": 3536, "quantile": 0.5, "value": 237300.00000000003, "Latitude": 34.26, "Longitude": -118.5, "Population": 1340.0}, {"index": 3536, "quantile": 0.75, "value": 237300.00000000003, "Latitude": 34.26, "Longitude": -118.5, "Population": 1340.0}, {"index": 3536, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 34.26, "Longitude": -118.5, "Population": 1340.0}, {"index": 3537, "quantile": 0.0, "value": 145700.0, "Latitude": 34.26, "Longitude": -118.52, "Population": 4717.0}, {"index": 3537, "quantile": 0.25, "value": 254199.99999999997, "Latitude": 34.26, "Longitude": -118.52, "Population": 4717.0}, {"index": 3537, "quantile": 0.5, "value": 254199.99999999997, "Latitude": 34.26, "Longitude": -118.52, "Population": 4717.0}, {"index": 3537, "quantile": 0.75, "value": 254199.99999999997, "Latitude": 34.26, "Longitude": -118.52, "Population": 4717.0}, {"index": 3537, "quantile": 1.0, "value": 487500.0, "Latitude": 34.26, "Longitude": -118.52, "Population": 4717.0}, {"index": 3538, "quantile": 0.0, "value": 136700.0, "Latitude": 34.26, "Longitude": -118.51, "Population": 1109.0}, {"index": 3538, "quantile": 0.25, "value": 326100.0, "Latitude": 34.26, "Longitude": -118.51, "Population": 1109.0}, {"index": 3538, "quantile": 0.5, "value": 332500.0, "Latitude": 34.26, "Longitude": -118.51, "Population": 1109.0}, {"index": 3538, "quantile": 0.75, "value": 332500.0, "Latitude": 34.26, "Longitude": -118.51, "Population": 1109.0}, {"index": 3538, "quantile": 1.0, "value": 392800.0, "Latitude": 34.26, "Longitude": -118.51, "Population": 1109.0}, {"index": 3539, "quantile": 0.0, "value": 110700.0, "Latitude": 34.25, "Longitude": -118.52, "Population": 3561.0}, {"index": 3539, "quantile": 0.25, "value": 196425.0, "Latitude": 34.25, "Longitude": -118.52, "Population": 3561.0}, {"index": 3539, "quantile": 0.5, "value": 221700.0, "Latitude": 34.25, "Longitude": -118.52, "Population": 3561.0}, {"index": 3539, "quantile": 0.75, "value": 254350.0, "Latitude": 34.25, "Longitude": -118.52, "Population": 3561.0}, {"index": 3539, "quantile": 1.0, "value": 479000.0, "Latitude": 34.25, "Longitude": -118.52, "Population": 3561.0}, {"index": 3540, "quantile": 0.0, "value": 178800.0, "Latitude": 34.26, "Longitude": -118.49, "Population": 4483.0}, {"index": 3540, "quantile": 0.25, "value": 240950.0, "Latitude": 34.26, "Longitude": -118.49, "Population": 4483.0}, {"index": 3540, "quantile": 0.5, "value": 261300.0, "Latitude": 34.26, "Longitude": -118.49, "Population": 4483.0}, {"index": 3540, "quantile": 0.75, "value": 261300.0, "Latitude": 34.26, "Longitude": -118.49, "Population": 4483.0}, {"index": 3540, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.26, "Longitude": -118.49, "Population": 4483.0}, {"index": 3541, "quantile": 0.0, "value": 99600.0, "Latitude": 34.25, "Longitude": -118.49, "Population": 2164.0}, {"index": 3541, "quantile": 0.25, "value": 258000.0, "Latitude": 34.25, "Longitude": -118.49, "Population": 2164.0}, {"index": 3541, "quantile": 0.5, "value": 258000.0, "Latitude": 34.25, "Longitude": -118.49, "Population": 2164.0}, {"index": 3541, "quantile": 0.75, "value": 258000.0, "Latitude": 34.25, "Longitude": -118.49, "Population": 2164.0}, {"index": 3541, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 34.25, "Longitude": -118.49, "Population": 2164.0}, {"index": 3542, "quantile": 0.0, "value": 357600.0, "Latitude": 34.27, "Longitude": -118.57, "Population": 2795.0}, {"index": 3542, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -118.57, "Population": 2795.0}, {"index": 3542, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -118.57, "Population": 2795.0}, {"index": 3542, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -118.57, "Population": 2795.0}, {"index": 3542, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -118.57, "Population": 2795.0}, {"index": 3543, "quantile": 0.0, "value": 194100.0, "Latitude": 34.26, "Longitude": -118.59, "Population": 3562.0}, {"index": 3543, "quantile": 0.25, "value": 321300.0, "Latitude": 34.26, "Longitude": -118.59, "Population": 3562.0}, {"index": 3543, "quantile": 0.5, "value": 342900.0, "Latitude": 34.26, "Longitude": -118.59, "Population": 3562.0}, {"index": 3543, "quantile": 0.75, "value": 362725.0, "Latitude": 34.26, "Longitude": -118.59, "Population": 3562.0}, {"index": 3543, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -118.59, "Population": 3562.0}, {"index": 3544, "quantile": 0.0, "value": 105300.0, "Latitude": 34.24, "Longitude": -118.61, "Population": 2337.0}, {"index": 3544, "quantile": 0.25, "value": 308800.0, "Latitude": 34.24, "Longitude": -118.61, "Population": 2337.0}, {"index": 3544, "quantile": 0.5, "value": 375900.0, "Latitude": 34.24, "Longitude": -118.61, "Population": 2337.0}, {"index": 3544, "quantile": 0.75, "value": 375900.0, "Latitude": 34.24, "Longitude": -118.61, "Population": 2337.0}, {"index": 3544, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.61, "Population": 2337.0}, {"index": 3545, "quantile": 0.0, "value": 146800.0, "Latitude": 34.24, "Longitude": -118.63, "Population": 1884.0}, {"index": 3545, "quantile": 0.25, "value": 277200.0, "Latitude": 34.24, "Longitude": -118.63, "Population": 1884.0}, {"index": 3545, "quantile": 0.5, "value": 277200.0, "Latitude": 34.24, "Longitude": -118.63, "Population": 1884.0}, {"index": 3545, "quantile": 0.75, "value": 277200.0, "Latitude": 34.24, "Longitude": -118.63, "Population": 1884.0}, {"index": 3545, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.24, "Longitude": -118.63, "Population": 1884.0}, {"index": 3546, "quantile": 0.0, "value": 105300.0, "Latitude": 34.26, "Longitude": -118.62, "Population": 4178.0}, {"index": 3546, "quantile": 0.25, "value": 294600.0, "Latitude": 34.26, "Longitude": -118.62, "Population": 4178.0}, {"index": 3546, "quantile": 0.5, "value": 355600.0, "Latitude": 34.26, "Longitude": -118.62, "Population": 4178.0}, {"index": 3546, "quantile": 0.75, "value": 375900.0, "Latitude": 34.26, "Longitude": -118.62, "Population": 4178.0}, {"index": 3546, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -118.62, "Population": 4178.0}, {"index": 3547, "quantile": 0.0, "value": 204599.99999999997, "Latitude": 34.26, "Longitude": -118.6, "Population": 3010.0}, {"index": 3547, "quantile": 0.25, "value": 271500.0, "Latitude": 34.26, "Longitude": -118.6, "Population": 3010.0}, {"index": 3547, "quantile": 0.5, "value": 271500.0, "Latitude": 34.26, "Longitude": -118.6, "Population": 3010.0}, {"index": 3547, "quantile": 0.75, "value": 271500.0, "Latitude": 34.26, "Longitude": -118.6, "Population": 3010.0}, {"index": 3547, "quantile": 1.0, "value": 411200.0, "Latitude": 34.26, "Longitude": -118.6, "Population": 3010.0}, {"index": 3548, "quantile": 0.0, "value": 204599.99999999997, "Latitude": 34.25, "Longitude": -118.61, "Population": 3903.0}, {"index": 3548, "quantile": 0.25, "value": 276600.0, "Latitude": 34.25, "Longitude": -118.61, "Population": 3903.0}, {"index": 3548, "quantile": 0.5, "value": 276600.0, "Latitude": 34.25, "Longitude": -118.61, "Population": 3903.0}, {"index": 3548, "quantile": 0.75, "value": 276600.0, "Latitude": 34.25, "Longitude": -118.61, "Population": 3903.0}, {"index": 3548, "quantile": 1.0, "value": 399400.0, "Latitude": 34.25, "Longitude": -118.61, "Population": 3903.0}, {"index": 3549, "quantile": 0.0, "value": 127200.0, "Latitude": 34.22, "Longitude": -118.63, "Population": 670.0}, {"index": 3549, "quantile": 0.25, "value": 257324.99999999997, "Latitude": 34.22, "Longitude": -118.63, "Population": 670.0}, {"index": 3549, "quantile": 0.5, "value": 283650.0, "Latitude": 34.22, "Longitude": -118.63, "Population": 670.0}, {"index": 3549, "quantile": 0.75, "value": 325000.0, "Latitude": 34.22, "Longitude": -118.63, "Population": 670.0}, {"index": 3549, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.63, "Population": 670.0}, {"index": 3550, "quantile": 0.0, "value": 171700.0, "Latitude": 34.22, "Longitude": -118.64, "Population": 1166.0}, {"index": 3550, "quantile": 0.25, "value": 276475.0, "Latitude": 34.22, "Longitude": -118.64, "Population": 1166.0}, {"index": 3550, "quantile": 0.5, "value": 352400.0, "Latitude": 34.22, "Longitude": -118.64, "Population": 1166.0}, {"index": 3550, "quantile": 0.75, "value": 403000.0, "Latitude": 34.22, "Longitude": -118.64, "Population": 1166.0}, {"index": 3550, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.64, "Population": 1166.0}, {"index": 3551, "quantile": 0.0, "value": 160100.0, "Latitude": 34.23, "Longitude": -118.66, "Population": 263.0}, {"index": 3551, "quantile": 0.25, "value": 350000.0, "Latitude": 34.23, "Longitude": -118.66, "Population": 263.0}, {"index": 3551, "quantile": 0.5, "value": 350000.0, "Latitude": 34.23, "Longitude": -118.66, "Population": 263.0}, {"index": 3551, "quantile": 0.75, "value": 350000.0, "Latitude": 34.23, "Longitude": -118.66, "Population": 263.0}, {"index": 3551, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -118.66, "Population": 263.0}, {"index": 3552, "quantile": 0.0, "value": 232600.0, "Latitude": 34.23, "Longitude": -118.61, "Population": 1724.0}, {"index": 3552, "quantile": 0.25, "value": 251100.0, "Latitude": 34.23, "Longitude": -118.61, "Population": 1724.0}, {"index": 3552, "quantile": 0.5, "value": 327300.0, "Latitude": 34.23, "Longitude": -118.61, "Population": 1724.0}, {"index": 3552, "quantile": 0.75, "value": 327300.0, "Latitude": 34.23, "Longitude": -118.61, "Population": 1724.0}, {"index": 3552, "quantile": 1.0, "value": 327300.0, "Latitude": 34.23, "Longitude": -118.61, "Population": 1724.0}, {"index": 3553, "quantile": 0.0, "value": 176300.0, "Latitude": 34.22, "Longitude": -118.61, "Population": 2474.0}, {"index": 3553, "quantile": 0.25, "value": 333700.0, "Latitude": 34.22, "Longitude": -118.61, "Population": 2474.0}, {"index": 3553, "quantile": 0.5, "value": 333700.0, "Latitude": 34.22, "Longitude": -118.61, "Population": 2474.0}, {"index": 3553, "quantile": 0.75, "value": 333700.0, "Latitude": 34.22, "Longitude": -118.61, "Population": 2474.0}, {"index": 3553, "quantile": 1.0, "value": 391200.0, "Latitude": 34.22, "Longitude": -118.61, "Population": 2474.0}, {"index": 3554, "quantile": 0.0, "value": 158300.0, "Latitude": 34.23, "Longitude": -118.6, "Population": 5005.0}, {"index": 3554, "quantile": 0.25, "value": 230300.0, "Latitude": 34.23, "Longitude": -118.6, "Population": 5005.0}, {"index": 3554, "quantile": 0.5, "value": 230300.0, "Latitude": 34.23, "Longitude": -118.6, "Population": 5005.0}, {"index": 3554, "quantile": 0.75, "value": 230300.0, "Latitude": 34.23, "Longitude": -118.6, "Population": 5005.0}, {"index": 3554, "quantile": 1.0, "value": 272800.0, "Latitude": 34.23, "Longitude": -118.6, "Population": 5005.0}, {"index": 3555, "quantile": 0.0, "value": 67500.0, "Latitude": 34.23, "Longitude": -118.59, "Population": 4459.0}, {"index": 3555, "quantile": 0.25, "value": 239200.0, "Latitude": 34.23, "Longitude": -118.59, "Population": 4459.0}, {"index": 3555, "quantile": 0.5, "value": 254500.0, "Latitude": 34.23, "Longitude": -118.59, "Population": 4459.0}, {"index": 3555, "quantile": 0.75, "value": 254500.0, "Latitude": 34.23, "Longitude": -118.59, "Population": 4459.0}, {"index": 3555, "quantile": 1.0, "value": 325000.0, "Latitude": 34.23, "Longitude": -118.59, "Population": 4459.0}, {"index": 3556, "quantile": 0.0, "value": 365900.0, "Latitude": 34.25, "Longitude": -118.56, "Population": 697.0}, {"index": 3556, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.56, "Population": 697.0}, {"index": 3556, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.56, "Population": 697.0}, {"index": 3556, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.56, "Population": 697.0}, {"index": 3556, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.56, "Population": 697.0}, {"index": 3557, "quantile": 0.0, "value": 193500.0, "Latitude": 34.24, "Longitude": -118.56, "Population": 1208.0}, {"index": 3557, "quantile": 0.25, "value": 387300.0, "Latitude": 34.24, "Longitude": -118.56, "Population": 1208.0}, {"index": 3557, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.56, "Population": 1208.0}, {"index": 3557, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.56, "Population": 1208.0}, {"index": 3557, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.56, "Population": 1208.0}, {"index": 3558, "quantile": 0.0, "value": 197100.0, "Latitude": 34.25, "Longitude": -118.57, "Population": 2239.0}, {"index": 3558, "quantile": 0.25, "value": 273100.0, "Latitude": 34.25, "Longitude": -118.57, "Population": 2239.0}, {"index": 3558, "quantile": 0.5, "value": 273100.0, "Latitude": 34.25, "Longitude": -118.57, "Population": 2239.0}, {"index": 3558, "quantile": 0.75, "value": 290150.0, "Latitude": 34.25, "Longitude": -118.57, "Population": 2239.0}, {"index": 3558, "quantile": 1.0, "value": 451300.0, "Latitude": 34.25, "Longitude": -118.57, "Population": 2239.0}, {"index": 3559, "quantile": 0.0, "value": 125000.0, "Latitude": 34.24, "Longitude": -118.58, "Population": 1529.0}, {"index": 3559, "quantile": 0.25, "value": 236900.00000000003, "Latitude": 34.24, "Longitude": -118.58, "Population": 1529.0}, {"index": 3559, "quantile": 0.5, "value": 236900.00000000003, "Latitude": 34.24, "Longitude": -118.58, "Population": 1529.0}, {"index": 3559, "quantile": 0.75, "value": 236900.00000000003, "Latitude": 34.24, "Longitude": -118.58, "Population": 1529.0}, {"index": 3559, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.58, "Population": 1529.0}, {"index": 3560, "quantile": 0.0, "value": 152800.0, "Latitude": 34.25, "Longitude": -118.59, "Population": 4992.0}, {"index": 3560, "quantile": 0.25, "value": 193300.0, "Latitude": 34.25, "Longitude": -118.59, "Population": 4992.0}, {"index": 3560, "quantile": 0.5, "value": 193300.0, "Latitude": 34.25, "Longitude": -118.59, "Population": 4992.0}, {"index": 3560, "quantile": 0.75, "value": 224500.0, "Latitude": 34.25, "Longitude": -118.59, "Population": 4992.0}, {"index": 3560, "quantile": 1.0, "value": 356100.0, "Latitude": 34.25, "Longitude": -118.59, "Population": 4992.0}, {"index": 3561, "quantile": 0.0, "value": 193500.0, "Latitude": 34.25, "Longitude": -118.57, "Population": 1945.0}, {"index": 3561, "quantile": 0.25, "value": 405450.0, "Latitude": 34.25, "Longitude": -118.57, "Population": 1945.0}, {"index": 3561, "quantile": 0.5, "value": 419900.0, "Latitude": 34.25, "Longitude": -118.57, "Population": 1945.0}, {"index": 3561, "quantile": 0.75, "value": 419900.0, "Latitude": 34.25, "Longitude": -118.57, "Population": 1945.0}, {"index": 3561, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.57, "Population": 1945.0}, {"index": 3562, "quantile": 0.0, "value": 151400.0, "Latitude": 34.25, "Longitude": -118.58, "Population": 2119.0}, {"index": 3562, "quantile": 0.25, "value": 280800.0, "Latitude": 34.25, "Longitude": -118.58, "Population": 2119.0}, {"index": 3562, "quantile": 0.5, "value": 280800.0, "Latitude": 34.25, "Longitude": -118.58, "Population": 2119.0}, {"index": 3562, "quantile": 0.75, "value": 280800.0, "Latitude": 34.25, "Longitude": -118.58, "Population": 2119.0}, {"index": 3562, "quantile": 1.0, "value": 430900.0, "Latitude": 34.25, "Longitude": -118.58, "Population": 2119.0}, {"index": 3563, "quantile": 0.0, "value": 67500.0, "Latitude": 34.23, "Longitude": -118.56, "Population": 1710.0}, {"index": 3563, "quantile": 0.25, "value": 248400.0, "Latitude": 34.23, "Longitude": -118.56, "Population": 1710.0}, {"index": 3563, "quantile": 0.5, "value": 248400.0, "Latitude": 34.23, "Longitude": -118.56, "Population": 1710.0}, {"index": 3563, "quantile": 0.75, "value": 248400.0, "Latitude": 34.23, "Longitude": -118.56, "Population": 1710.0}, {"index": 3563, "quantile": 1.0, "value": 353600.0, "Latitude": 34.23, "Longitude": -118.56, "Population": 1710.0}, {"index": 3564, "quantile": 0.0, "value": 99600.0, "Latitude": 34.23, "Longitude": -118.56, "Population": 1242.0}, {"index": 3564, "quantile": 0.25, "value": 221800.0, "Latitude": 34.23, "Longitude": -118.56, "Population": 1242.0}, {"index": 3564, "quantile": 0.5, "value": 221800.0, "Latitude": 34.23, "Longitude": -118.56, "Population": 1242.0}, {"index": 3564, "quantile": 0.75, "value": 232275.0, "Latitude": 34.23, "Longitude": -118.56, "Population": 1242.0}, {"index": 3564, "quantile": 1.0, "value": 341400.0, "Latitude": 34.23, "Longitude": -118.56, "Population": 1242.0}, {"index": 3565, "quantile": 0.0, "value": 146400.0, "Latitude": 34.23, "Longitude": -118.57, "Population": 1746.0}, {"index": 3565, "quantile": 0.25, "value": 221900.0, "Latitude": 34.23, "Longitude": -118.57, "Population": 1746.0}, {"index": 3565, "quantile": 0.5, "value": 221900.0, "Latitude": 34.23, "Longitude": -118.57, "Population": 1746.0}, {"index": 3565, "quantile": 0.75, "value": 221900.0, "Latitude": 34.23, "Longitude": -118.57, "Population": 1746.0}, {"index": 3565, "quantile": 1.0, "value": 363500.0, "Latitude": 34.23, "Longitude": -118.57, "Population": 1746.0}, {"index": 3566, "quantile": 0.0, "value": 181100.0, "Latitude": 34.23, "Longitude": -118.58, "Population": 2037.0}, {"index": 3566, "quantile": 0.25, "value": 230200.0, "Latitude": 34.23, "Longitude": -118.58, "Population": 2037.0}, {"index": 3566, "quantile": 0.5, "value": 230200.0, "Latitude": 34.23, "Longitude": -118.58, "Population": 2037.0}, {"index": 3566, "quantile": 0.75, "value": 230200.0, "Latitude": 34.23, "Longitude": -118.58, "Population": 2037.0}, {"index": 3566, "quantile": 1.0, "value": 315200.0, "Latitude": 34.23, "Longitude": -118.58, "Population": 2037.0}, {"index": 3567, "quantile": 0.0, "value": 118400.0, "Latitude": 34.23, "Longitude": -118.59, "Population": 2676.0}, {"index": 3567, "quantile": 0.25, "value": 168800.0, "Latitude": 34.23, "Longitude": -118.59, "Population": 2676.0}, {"index": 3567, "quantile": 0.5, "value": 168800.0, "Latitude": 34.23, "Longitude": -118.59, "Population": 2676.0}, {"index": 3567, "quantile": 0.75, "value": 202700.0, "Latitude": 34.23, "Longitude": -118.59, "Population": 2676.0}, {"index": 3567, "quantile": 1.0, "value": 324000.0, "Latitude": 34.23, "Longitude": -118.59, "Population": 2676.0}, {"index": 3568, "quantile": 0.0, "value": 181500.0, "Latitude": 34.23, "Longitude": -118.58, "Population": 1019.0}, {"index": 3568, "quantile": 0.25, "value": 234900.00000000003, "Latitude": 34.23, "Longitude": -118.58, "Population": 1019.0}, {"index": 3568, "quantile": 0.5, "value": 234900.00000000003, "Latitude": 34.23, "Longitude": -118.58, "Population": 1019.0}, {"index": 3568, "quantile": 0.75, "value": 234900.00000000003, "Latitude": 34.23, "Longitude": -118.58, "Population": 1019.0}, {"index": 3568, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 34.23, "Longitude": -118.58, "Population": 1019.0}, {"index": 3569, "quantile": 0.0, "value": 157800.0, "Latitude": 34.22, "Longitude": -118.58, "Population": 950.0}, {"index": 3569, "quantile": 0.25, "value": 213500.00000000003, "Latitude": 34.22, "Longitude": -118.58, "Population": 950.0}, {"index": 3569, "quantile": 0.5, "value": 234900.00000000003, "Latitude": 34.22, "Longitude": -118.58, "Population": 950.0}, {"index": 3569, "quantile": 0.75, "value": 296725.0, "Latitude": 34.22, "Longitude": -118.58, "Population": 950.0}, {"index": 3569, "quantile": 1.0, "value": 353400.0, "Latitude": 34.22, "Longitude": -118.58, "Population": 950.0}, {"index": 3570, "quantile": 0.0, "value": 126000.0, "Latitude": 34.22, "Longitude": -118.59, "Population": 3056.0}, {"index": 3570, "quantile": 0.25, "value": 229000.0, "Latitude": 34.22, "Longitude": -118.59, "Population": 3056.0}, {"index": 3570, "quantile": 0.5, "value": 229000.0, "Latitude": 34.22, "Longitude": -118.59, "Population": 3056.0}, {"index": 3570, "quantile": 0.75, "value": 229000.0, "Latitude": 34.22, "Longitude": -118.59, "Population": 3056.0}, {"index": 3570, "quantile": 1.0, "value": 417600.0, "Latitude": 34.22, "Longitude": -118.59, "Population": 3056.0}, {"index": 3571, "quantile": 0.0, "value": 366300.0, "Latitude": 34.25, "Longitude": -118.51, "Population": 1514.0}, {"index": 3571, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.51, "Population": 1514.0}, {"index": 3571, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.51, "Population": 1514.0}, {"index": 3571, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.51, "Population": 1514.0}, {"index": 3571, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.51, "Population": 1514.0}, {"index": 3572, "quantile": 0.0, "value": 349500.0, "Latitude": 34.24, "Longitude": -118.51, "Population": 1986.0}, {"index": 3572, "quantile": 0.25, "value": 483500.0, "Latitude": 34.24, "Longitude": -118.51, "Population": 1986.0}, {"index": 3572, "quantile": 0.5, "value": 483500.0, "Latitude": 34.24, "Longitude": -118.51, "Population": 1986.0}, {"index": 3572, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.51, "Population": 1986.0}, {"index": 3572, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.51, "Population": 1986.0}, {"index": 3573, "quantile": 0.0, "value": 263700.0, "Latitude": 34.23, "Longitude": -118.51, "Population": 1190.0}, {"index": 3573, "quantile": 0.25, "value": 477200.0, "Latitude": 34.23, "Longitude": -118.51, "Population": 1190.0}, {"index": 3573, "quantile": 0.5, "value": 477200.0, "Latitude": 34.23, "Longitude": -118.51, "Population": 1190.0}, {"index": 3573, "quantile": 0.75, "value": 477200.0, "Latitude": 34.23, "Longitude": -118.51, "Population": 1190.0}, {"index": 3573, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -118.51, "Population": 1190.0}, {"index": 3574, "quantile": 0.0, "value": 112500.0, "Latitude": 34.24, "Longitude": -118.52, "Population": 2295.0}, {"index": 3574, "quantile": 0.25, "value": 186900.0, "Latitude": 34.24, "Longitude": -118.52, "Population": 2295.0}, {"index": 3574, "quantile": 0.5, "value": 418499.99999999994, "Latitude": 34.24, "Longitude": -118.52, "Population": 2295.0}, {"index": 3574, "quantile": 0.75, "value": 418499.99999999994, "Latitude": 34.24, "Longitude": -118.52, "Population": 2295.0}, {"index": 3574, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.24, "Longitude": -118.52, "Population": 2295.0}, {"index": 3575, "quantile": 0.0, "value": 67500.0, "Latitude": 34.23, "Longitude": -118.52, "Population": 735.0}, {"index": 3575, "quantile": 0.25, "value": 472200.00000000006, "Latitude": 34.23, "Longitude": -118.52, "Population": 735.0}, {"index": 3575, "quantile": 0.5, "value": 472200.00000000006, "Latitude": 34.23, "Longitude": -118.52, "Population": 735.0}, {"index": 3575, "quantile": 0.75, "value": 472200.00000000006, "Latitude": 34.23, "Longitude": -118.52, "Population": 735.0}, {"index": 3575, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -118.52, "Population": 735.0}, {"index": 3576, "quantile": 0.0, "value": 114300.0, "Latitude": 34.25, "Longitude": -118.53, "Population": 2957.0}, {"index": 3576, "quantile": 0.25, "value": 264800.0, "Latitude": 34.25, "Longitude": -118.53, "Population": 2957.0}, {"index": 3576, "quantile": 0.5, "value": 323100.0, "Latitude": 34.25, "Longitude": -118.53, "Population": 2957.0}, {"index": 3576, "quantile": 0.75, "value": 323100.0, "Latitude": 34.25, "Longitude": -118.53, "Population": 2957.0}, {"index": 3576, "quantile": 1.0, "value": 323100.0, "Latitude": 34.25, "Longitude": -118.53, "Population": 2957.0}, {"index": 3577, "quantile": 0.0, "value": 61100.0, "Latitude": 34.24, "Longitude": -118.54, "Population": 2360.0}, {"index": 3577, "quantile": 0.25, "value": 214900.0, "Latitude": 34.24, "Longitude": -118.54, "Population": 2360.0}, {"index": 3577, "quantile": 0.5, "value": 242999.99999999997, "Latitude": 34.24, "Longitude": -118.54, "Population": 2360.0}, {"index": 3577, "quantile": 0.75, "value": 282175.0, "Latitude": 34.24, "Longitude": -118.54, "Population": 2360.0}, {"index": 3577, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.54, "Population": 2360.0}, {"index": 3578, "quantile": 0.0, "value": 105300.0, "Latitude": 34.24, "Longitude": -118.53, "Population": 3018.0}, {"index": 3578, "quantile": 0.25, "value": 154450.0, "Latitude": 34.24, "Longitude": -118.53, "Population": 3018.0}, {"index": 3578, "quantile": 0.5, "value": 169050.0, "Latitude": 34.24, "Longitude": -118.53, "Population": 3018.0}, {"index": 3578, "quantile": 0.75, "value": 184400.0, "Latitude": 34.24, "Longitude": -118.53, "Population": 3018.0}, {"index": 3578, "quantile": 1.0, "value": 305800.0, "Latitude": 34.24, "Longitude": -118.53, "Population": 3018.0}, {"index": 3579, "quantile": 0.0, "value": 154300.0, "Latitude": 34.23, "Longitude": -118.54, "Population": 1690.0}, {"index": 3579, "quantile": 0.25, "value": 232900.00000000003, "Latitude": 34.23, "Longitude": -118.54, "Population": 1690.0}, {"index": 3579, "quantile": 0.5, "value": 232900.00000000003, "Latitude": 34.23, "Longitude": -118.54, "Population": 1690.0}, {"index": 3579, "quantile": 0.75, "value": 232900.00000000003, "Latitude": 34.23, "Longitude": -118.54, "Population": 1690.0}, {"index": 3579, "quantile": 1.0, "value": 262500.0, "Latitude": 34.23, "Longitude": -118.54, "Population": 1690.0}, {"index": 3580, "quantile": 0.0, "value": 88800.0, "Latitude": 34.23, "Longitude": -118.53, "Population": 1065.0}, {"index": 3580, "quantile": 0.25, "value": 234349.99999999997, "Latitude": 34.23, "Longitude": -118.53, "Population": 1065.0}, {"index": 3580, "quantile": 0.5, "value": 265450.0, "Latitude": 34.23, "Longitude": -118.53, "Population": 1065.0}, {"index": 3580, "quantile": 0.75, "value": 286000.0, "Latitude": 34.23, "Longitude": -118.53, "Population": 1065.0}, {"index": 3580, "quantile": 1.0, "value": 384700.0, "Latitude": 34.23, "Longitude": -118.53, "Population": 1065.0}, {"index": 3581, "quantile": 0.0, "value": 201399.99999999997, "Latitude": 34.25, "Longitude": -118.54, "Population": 1191.0}, {"index": 3581, "quantile": 0.25, "value": 318825.0, "Latitude": 34.25, "Longitude": -118.54, "Population": 1191.0}, {"index": 3581, "quantile": 0.5, "value": 322200.0, "Latitude": 34.25, "Longitude": -118.54, "Population": 1191.0}, {"index": 3581, "quantile": 0.75, "value": 322200.0, "Latitude": 34.25, "Longitude": -118.54, "Population": 1191.0}, {"index": 3581, "quantile": 1.0, "value": 403700.0, "Latitude": 34.25, "Longitude": -118.54, "Population": 1191.0}, {"index": 3582, "quantile": 0.0, "value": 168000.0, "Latitude": 34.24, "Longitude": -118.55, "Population": 2230.0}, {"index": 3582, "quantile": 0.25, "value": 407500.0, "Latitude": 34.24, "Longitude": -118.55, "Population": 2230.0}, {"index": 3582, "quantile": 0.5, "value": 407500.0, "Latitude": 34.24, "Longitude": -118.55, "Population": 2230.0}, {"index": 3582, "quantile": 0.75, "value": 407500.0, "Latitude": 34.24, "Longitude": -118.55, "Population": 2230.0}, {"index": 3582, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.55, "Population": 2230.0}, {"index": 3583, "quantile": 0.0, "value": 100499.99999999999, "Latitude": 34.23, "Longitude": -118.55, "Population": 4579.0}, {"index": 3583, "quantile": 0.25, "value": 181100.0, "Latitude": 34.23, "Longitude": -118.55, "Population": 4579.0}, {"index": 3583, "quantile": 0.5, "value": 245100.0, "Latitude": 34.23, "Longitude": -118.55, "Population": 4579.0}, {"index": 3583, "quantile": 0.75, "value": 245100.0, "Latitude": 34.23, "Longitude": -118.55, "Population": 4579.0}, {"index": 3583, "quantile": 1.0, "value": 254500.0, "Latitude": 34.23, "Longitude": -118.55, "Population": 4579.0}, {"index": 3584, "quantile": 0.0, "value": 196100.0, "Latitude": 34.23, "Longitude": -118.51, "Population": 2252.0}, {"index": 3584, "quantile": 0.25, "value": 253024.99999999997, "Latitude": 34.23, "Longitude": -118.51, "Population": 2252.0}, {"index": 3584, "quantile": 0.5, "value": 454399.99999999994, "Latitude": 34.23, "Longitude": -118.51, "Population": 2252.0}, {"index": 3584, "quantile": 0.75, "value": 454399.99999999994, "Latitude": 34.23, "Longitude": -118.51, "Population": 2252.0}, {"index": 3584, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 34.23, "Longitude": -118.51, "Population": 2252.0}, {"index": 3585, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 34.22, "Longitude": -118.52, "Population": 2891.0}, {"index": 3585, "quantile": 0.25, "value": 189449.99999999997, "Latitude": 34.22, "Longitude": -118.52, "Population": 2891.0}, {"index": 3585, "quantile": 0.5, "value": 221200.00000000003, "Latitude": 34.22, "Longitude": -118.52, "Population": 2891.0}, {"index": 3585, "quantile": 0.75, "value": 225325.0, "Latitude": 34.22, "Longitude": -118.52, "Population": 2891.0}, {"index": 3585, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.22, "Longitude": -118.52, "Population": 2891.0}, {"index": 3586, "quantile": 0.0, "value": 129200.0, "Latitude": 34.23, "Longitude": -118.53, "Population": 2675.0}, {"index": 3586, "quantile": 0.25, "value": 234175.00000000003, "Latitude": 34.23, "Longitude": -118.53, "Population": 2675.0}, {"index": 3586, "quantile": 0.5, "value": 240000.0, "Latitude": 34.23, "Longitude": -118.53, "Population": 2675.0}, {"index": 3586, "quantile": 0.75, "value": 240000.0, "Latitude": 34.23, "Longitude": -118.53, "Population": 2675.0}, {"index": 3586, "quantile": 1.0, "value": 290100.0, "Latitude": 34.23, "Longitude": -118.53, "Population": 2675.0}, {"index": 3587, "quantile": 0.0, "value": 143800.0, "Latitude": 34.22, "Longitude": -118.54, "Population": 1299.0}, {"index": 3587, "quantile": 0.25, "value": 211600.0, "Latitude": 34.22, "Longitude": -118.54, "Population": 1299.0}, {"index": 3587, "quantile": 0.5, "value": 211600.0, "Latitude": 34.22, "Longitude": -118.54, "Population": 1299.0}, {"index": 3587, "quantile": 0.75, "value": 219125.0, "Latitude": 34.22, "Longitude": -118.54, "Population": 1299.0}, {"index": 3587, "quantile": 1.0, "value": 335500.0, "Latitude": 34.22, "Longitude": -118.54, "Population": 1299.0}, {"index": 3588, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 34.23, "Longitude": -118.54, "Population": 1318.0}, {"index": 3588, "quantile": 0.25, "value": 176600.0, "Latitude": 34.23, "Longitude": -118.54, "Population": 1318.0}, {"index": 3588, "quantile": 0.5, "value": 185400.0, "Latitude": 34.23, "Longitude": -118.54, "Population": 1318.0}, {"index": 3588, "quantile": 0.75, "value": 196625.0, "Latitude": 34.23, "Longitude": -118.54, "Population": 1318.0}, {"index": 3588, "quantile": 1.0, "value": 252100.0, "Latitude": 34.23, "Longitude": -118.54, "Population": 1318.0}, {"index": 3589, "quantile": 0.0, "value": 158800.0, "Latitude": 34.25, "Longitude": -118.45, "Population": 1207.0}, {"index": 3589, "quantile": 0.25, "value": 212300.00000000003, "Latitude": 34.25, "Longitude": -118.45, "Population": 1207.0}, {"index": 3589, "quantile": 0.5, "value": 212300.00000000003, "Latitude": 34.25, "Longitude": -118.45, "Population": 1207.0}, {"index": 3589, "quantile": 0.75, "value": 212300.00000000003, "Latitude": 34.25, "Longitude": -118.45, "Population": 1207.0}, {"index": 3589, "quantile": 1.0, "value": 353600.0, "Latitude": 34.25, "Longitude": -118.45, "Population": 1207.0}, {"index": 3590, "quantile": 0.0, "value": 145200.0, "Latitude": 34.24, "Longitude": -118.46, "Population": 2783.0}, {"index": 3590, "quantile": 0.25, "value": 189075.0, "Latitude": 34.24, "Longitude": -118.46, "Population": 2783.0}, {"index": 3590, "quantile": 0.5, "value": 199000.0, "Latitude": 34.24, "Longitude": -118.46, "Population": 2783.0}, {"index": 3590, "quantile": 0.75, "value": 236900.00000000003, "Latitude": 34.24, "Longitude": -118.46, "Population": 2783.0}, {"index": 3590, "quantile": 1.0, "value": 353200.0, "Latitude": 34.24, "Longitude": -118.46, "Population": 2783.0}, {"index": 3591, "quantile": 0.0, "value": 135400.0, "Latitude": 34.25, "Longitude": -118.47, "Population": 1330.0}, {"index": 3591, "quantile": 0.25, "value": 231650.0, "Latitude": 34.25, "Longitude": -118.47, "Population": 1330.0}, {"index": 3591, "quantile": 0.5, "value": 238899.99999999997, "Latitude": 34.25, "Longitude": -118.47, "Population": 1330.0}, {"index": 3591, "quantile": 0.75, "value": 238899.99999999997, "Latitude": 34.25, "Longitude": -118.47, "Population": 1330.0}, {"index": 3591, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 34.25, "Longitude": -118.47, "Population": 1330.0}, {"index": 3592, "quantile": 0.0, "value": 66000.0, "Latitude": 34.24, "Longitude": -118.47, "Population": 1855.0}, {"index": 3592, "quantile": 0.25, "value": 215499.99999999997, "Latitude": 34.24, "Longitude": -118.47, "Population": 1855.0}, {"index": 3592, "quantile": 0.5, "value": 255399.99999999997, "Latitude": 34.24, "Longitude": -118.47, "Population": 1855.0}, {"index": 3592, "quantile": 0.75, "value": 255399.99999999997, "Latitude": 34.24, "Longitude": -118.47, "Population": 1855.0}, {"index": 3592, "quantile": 1.0, "value": 261000.0, "Latitude": 34.24, "Longitude": -118.47, "Population": 1855.0}, {"index": 3593, "quantile": 0.0, "value": 257200.0, "Latitude": 34.24, "Longitude": -118.48, "Population": 1285.0}, {"index": 3593, "quantile": 0.25, "value": 267600.0, "Latitude": 34.24, "Longitude": -118.48, "Population": 1285.0}, {"index": 3593, "quantile": 0.5, "value": 267600.0, "Latitude": 34.24, "Longitude": -118.48, "Population": 1285.0}, {"index": 3593, "quantile": 0.75, "value": 332500.0, "Latitude": 34.24, "Longitude": -118.48, "Population": 1285.0}, {"index": 3593, "quantile": 1.0, "value": 484700.00000000006, "Latitude": 34.24, "Longitude": -118.48, "Population": 1285.0}, {"index": 3594, "quantile": 0.0, "value": 158000.0, "Latitude": 34.25, "Longitude": -118.49, "Population": 1335.0}, {"index": 3594, "quantile": 0.25, "value": 253900.00000000003, "Latitude": 34.25, "Longitude": -118.49, "Population": 1335.0}, {"index": 3594, "quantile": 0.5, "value": 253900.00000000003, "Latitude": 34.25, "Longitude": -118.49, "Population": 1335.0}, {"index": 3594, "quantile": 0.75, "value": 253900.00000000003, "Latitude": 34.25, "Longitude": -118.49, "Population": 1335.0}, {"index": 3594, "quantile": 1.0, "value": 331900.0, "Latitude": 34.25, "Longitude": -118.49, "Population": 1335.0}, {"index": 3595, "quantile": 0.0, "value": 139100.0, "Latitude": 34.24, "Longitude": -118.49, "Population": 1224.0}, {"index": 3595, "quantile": 0.25, "value": 229199.99999999997, "Latitude": 34.24, "Longitude": -118.49, "Population": 1224.0}, {"index": 3595, "quantile": 0.5, "value": 236750.00000000003, "Latitude": 34.24, "Longitude": -118.49, "Population": 1224.0}, {"index": 3595, "quantile": 0.75, "value": 287300.0, "Latitude": 34.24, "Longitude": -118.49, "Population": 1224.0}, {"index": 3595, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.24, "Longitude": -118.49, "Population": 1224.0}, {"index": 3596, "quantile": 0.0, "value": 240200.0, "Latitude": 34.24, "Longitude": -118.49, "Population": 917.0}, {"index": 3596, "quantile": 0.25, "value": 262300.0, "Latitude": 34.24, "Longitude": -118.49, "Population": 917.0}, {"index": 3596, "quantile": 0.5, "value": 262300.0, "Latitude": 34.24, "Longitude": -118.49, "Population": 917.0}, {"index": 3596, "quantile": 0.75, "value": 303125.0, "Latitude": 34.24, "Longitude": -118.49, "Population": 917.0}, {"index": 3596, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.49, "Population": 917.0}, {"index": 3597, "quantile": 0.0, "value": 120900.00000000001, "Latitude": 34.25, "Longitude": -118.5, "Population": 969.0}, {"index": 3597, "quantile": 0.25, "value": 241100.0, "Latitude": 34.25, "Longitude": -118.5, "Population": 969.0}, {"index": 3597, "quantile": 0.5, "value": 241100.0, "Latitude": 34.25, "Longitude": -118.5, "Population": 969.0}, {"index": 3597, "quantile": 0.75, "value": 241100.0, "Latitude": 34.25, "Longitude": -118.5, "Population": 969.0}, {"index": 3597, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.5, "Population": 969.0}, {"index": 3598, "quantile": 0.0, "value": 251100.0, "Latitude": 34.25, "Longitude": -118.5, "Population": 1040.0}, {"index": 3598, "quantile": 0.25, "value": 257300.0, "Latitude": 34.25, "Longitude": -118.5, "Population": 1040.0}, {"index": 3598, "quantile": 0.5, "value": 257300.0, "Latitude": 34.25, "Longitude": -118.5, "Population": 1040.0}, {"index": 3598, "quantile": 0.75, "value": 312625.0, "Latitude": 34.25, "Longitude": -118.5, "Population": 1040.0}, {"index": 3598, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.5, "Population": 1040.0}, {"index": 3599, "quantile": 0.0, "value": 215600.0, "Latitude": 34.24, "Longitude": -118.5, "Population": 1114.0}, {"index": 3599, "quantile": 0.25, "value": 329000.0, "Latitude": 34.24, "Longitude": -118.5, "Population": 1114.0}, {"index": 3599, "quantile": 0.5, "value": 371849.99999999994, "Latitude": 34.24, "Longitude": -118.5, "Population": 1114.0}, {"index": 3599, "quantile": 0.75, "value": 383100.0, "Latitude": 34.24, "Longitude": -118.5, "Population": 1114.0}, {"index": 3599, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.5, "Population": 1114.0}, {"index": 3600, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 34.23, "Longitude": -118.5, "Population": 1590.0}, {"index": 3600, "quantile": 0.25, "value": 244025.00000000003, "Latitude": 34.23, "Longitude": -118.5, "Population": 1590.0}, {"index": 3600, "quantile": 0.5, "value": 319000.0, "Latitude": 34.23, "Longitude": -118.5, "Population": 1590.0}, {"index": 3600, "quantile": 0.75, "value": 319000.0, "Latitude": 34.23, "Longitude": -118.5, "Population": 1590.0}, {"index": 3600, "quantile": 1.0, "value": 323700.0, "Latitude": 34.23, "Longitude": -118.5, "Population": 1590.0}, {"index": 3601, "quantile": 0.0, "value": 165100.0, "Latitude": 34.23, "Longitude": -118.49, "Population": 2040.0}, {"index": 3601, "quantile": 0.25, "value": 229199.99999999997, "Latitude": 34.23, "Longitude": -118.49, "Population": 2040.0}, {"index": 3601, "quantile": 0.5, "value": 263400.0, "Latitude": 34.23, "Longitude": -118.49, "Population": 2040.0}, {"index": 3601, "quantile": 0.75, "value": 279600.0, "Latitude": 34.23, "Longitude": -118.49, "Population": 2040.0}, {"index": 3601, "quantile": 1.0, "value": 366900.0, "Latitude": 34.23, "Longitude": -118.49, "Population": 2040.0}, {"index": 3602, "quantile": 0.0, "value": 155500.0, "Latitude": 34.22, "Longitude": -118.49, "Population": 899.0}, {"index": 3602, "quantile": 0.25, "value": 238200.0, "Latitude": 34.22, "Longitude": -118.49, "Population": 899.0}, {"index": 3602, "quantile": 0.5, "value": 238200.0, "Latitude": 34.22, "Longitude": -118.49, "Population": 899.0}, {"index": 3602, "quantile": 0.75, "value": 238200.0, "Latitude": 34.22, "Longitude": -118.49, "Population": 899.0}, {"index": 3602, "quantile": 1.0, "value": 365900.0, "Latitude": 34.22, "Longitude": -118.49, "Population": 899.0}, {"index": 3603, "quantile": 0.0, "value": 143800.0, "Latitude": 34.23, "Longitude": -118.47, "Population": 9135.0}, {"index": 3603, "quantile": 0.25, "value": 160000.0, "Latitude": 34.23, "Longitude": -118.47, "Population": 9135.0}, {"index": 3603, "quantile": 0.5, "value": 160000.0, "Latitude": 34.23, "Longitude": -118.47, "Population": 9135.0}, {"index": 3603, "quantile": 0.75, "value": 179650.0, "Latitude": 34.23, "Longitude": -118.47, "Population": 9135.0}, {"index": 3603, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 34.23, "Longitude": -118.47, "Population": 9135.0}, {"index": 3604, "quantile": 0.0, "value": 142500.0, "Latitude": 34.23, "Longitude": -118.48, "Population": 919.0}, {"index": 3604, "quantile": 0.25, "value": 250900.0, "Latitude": 34.23, "Longitude": -118.48, "Population": 919.0}, {"index": 3604, "quantile": 0.5, "value": 258599.99999999997, "Latitude": 34.23, "Longitude": -118.48, "Population": 919.0}, {"index": 3604, "quantile": 0.75, "value": 258599.99999999997, "Latitude": 34.23, "Longitude": -118.48, "Population": 919.0}, {"index": 3604, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -118.48, "Population": 919.0}, {"index": 3605, "quantile": 0.0, "value": 169300.0, "Latitude": 34.23, "Longitude": -118.48, "Population": 761.0}, {"index": 3605, "quantile": 0.25, "value": 273100.0, "Latitude": 34.23, "Longitude": -118.48, "Population": 761.0}, {"index": 3605, "quantile": 0.5, "value": 273100.0, "Latitude": 34.23, "Longitude": -118.48, "Population": 761.0}, {"index": 3605, "quantile": 0.75, "value": 324125.0, "Latitude": 34.23, "Longitude": -118.48, "Population": 761.0}, {"index": 3605, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -118.48, "Population": 761.0}, {"index": 3606, "quantile": 0.0, "value": 179800.0, "Latitude": 34.23, "Longitude": -118.48, "Population": 1752.0}, {"index": 3606, "quantile": 0.25, "value": 239900.0, "Latitude": 34.23, "Longitude": -118.48, "Population": 1752.0}, {"index": 3606, "quantile": 0.5, "value": 239900.0, "Latitude": 34.23, "Longitude": -118.48, "Population": 1752.0}, {"index": 3606, "quantile": 0.75, "value": 246450.0, "Latitude": 34.23, "Longitude": -118.48, "Population": 1752.0}, {"index": 3606, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -118.48, "Population": 1752.0}, {"index": 3607, "quantile": 0.0, "value": 142300.0, "Latitude": 34.23, "Longitude": -118.46, "Population": 5349.0}, {"index": 3607, "quantile": 0.25, "value": 169400.0, "Latitude": 34.23, "Longitude": -118.46, "Population": 5349.0}, {"index": 3607, "quantile": 0.5, "value": 169400.0, "Latitude": 34.23, "Longitude": -118.46, "Population": 5349.0}, {"index": 3607, "quantile": 0.75, "value": 169400.0, "Latitude": 34.23, "Longitude": -118.46, "Population": 5349.0}, {"index": 3607, "quantile": 1.0, "value": 227100.0, "Latitude": 34.23, "Longitude": -118.46, "Population": 5349.0}, {"index": 3608, "quantile": 0.0, "value": 140500.0, "Latitude": 34.23, "Longitude": -118.46, "Population": 4718.0}, {"index": 3608, "quantile": 0.25, "value": 154600.0, "Latitude": 34.23, "Longitude": -118.46, "Population": 4718.0}, {"index": 3608, "quantile": 0.5, "value": 154600.0, "Latitude": 34.23, "Longitude": -118.46, "Population": 4718.0}, {"index": 3608, "quantile": 0.75, "value": 185475.0, "Latitude": 34.23, "Longitude": -118.46, "Population": 4718.0}, {"index": 3608, "quantile": 1.0, "value": 290100.0, "Latitude": 34.23, "Longitude": -118.46, "Population": 4718.0}, {"index": 3609, "quantile": 0.0, "value": 126000.0, "Latitude": 34.25, "Longitude": -118.43, "Population": 1023.0}, {"index": 3609, "quantile": 0.25, "value": 151900.0, "Latitude": 34.25, "Longitude": -118.43, "Population": 1023.0}, {"index": 3609, "quantile": 0.5, "value": 151900.0, "Latitude": 34.25, "Longitude": -118.43, "Population": 1023.0}, {"index": 3609, "quantile": 0.75, "value": 151925.0, "Latitude": 34.25, "Longitude": -118.43, "Population": 1023.0}, {"index": 3609, "quantile": 1.0, "value": 271200.0, "Latitude": 34.25, "Longitude": -118.43, "Population": 1023.0}, {"index": 3610, "quantile": 0.0, "value": 160600.0, "Latitude": 34.24, "Longitude": -118.42, "Population": 775.0}, {"index": 3610, "quantile": 0.25, "value": 183800.0, "Latitude": 34.24, "Longitude": -118.42, "Population": 775.0}, {"index": 3610, "quantile": 0.5, "value": 183800.0, "Latitude": 34.24, "Longitude": -118.42, "Population": 775.0}, {"index": 3610, "quantile": 0.75, "value": 183800.0, "Latitude": 34.24, "Longitude": -118.42, "Population": 775.0}, {"index": 3610, "quantile": 1.0, "value": 395100.0, "Latitude": 34.24, "Longitude": -118.42, "Population": 775.0}, {"index": 3611, "quantile": 0.0, "value": 141100.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 1221.0}, {"index": 3611, "quantile": 0.25, "value": 171400.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 1221.0}, {"index": 3611, "quantile": 0.5, "value": 171400.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 1221.0}, {"index": 3611, "quantile": 0.75, "value": 171400.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 1221.0}, {"index": 3611, "quantile": 1.0, "value": 196600.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 1221.0}, {"index": 3612, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 34.24, "Longitude": -118.42, "Population": 1025.0}, {"index": 3612, "quantile": 0.25, "value": 177200.0, "Latitude": 34.24, "Longitude": -118.42, "Population": 1025.0}, {"index": 3612, "quantile": 0.5, "value": 177200.0, "Latitude": 34.24, "Longitude": -118.42, "Population": 1025.0}, {"index": 3612, "quantile": 0.75, "value": 179900.0, "Latitude": 34.24, "Longitude": -118.42, "Population": 1025.0}, {"index": 3612, "quantile": 1.0, "value": 235300.00000000003, "Latitude": 34.24, "Longitude": -118.42, "Population": 1025.0}, {"index": 3613, "quantile": 0.0, "value": 151300.0, "Latitude": 34.23, "Longitude": -118.41, "Population": 753.0}, {"index": 3613, "quantile": 0.25, "value": 179200.0, "Latitude": 34.23, "Longitude": -118.41, "Population": 753.0}, {"index": 3613, "quantile": 0.5, "value": 179200.0, "Latitude": 34.23, "Longitude": -118.41, "Population": 753.0}, {"index": 3613, "quantile": 0.75, "value": 179200.0, "Latitude": 34.23, "Longitude": -118.41, "Population": 753.0}, {"index": 3613, "quantile": 1.0, "value": 244800.0, "Latitude": 34.23, "Longitude": -118.41, "Population": 753.0}, {"index": 3614, "quantile": 0.0, "value": 52500.0, "Latitude": 34.24, "Longitude": -118.41, "Population": 402.0}, {"index": 3614, "quantile": 0.25, "value": 175900.0, "Latitude": 34.24, "Longitude": -118.41, "Population": 402.0}, {"index": 3614, "quantile": 0.5, "value": 175900.0, "Latitude": 34.24, "Longitude": -118.41, "Population": 402.0}, {"index": 3614, "quantile": 0.75, "value": 175900.0, "Latitude": 34.24, "Longitude": -118.41, "Population": 402.0}, {"index": 3614, "quantile": 1.0, "value": 335400.0, "Latitude": 34.24, "Longitude": -118.41, "Population": 402.0}, {"index": 3615, "quantile": 0.0, "value": 135700.0, "Latitude": 34.26, "Longitude": -118.44, "Population": 949.0}, {"index": 3615, "quantile": 0.25, "value": 165100.0, "Latitude": 34.26, "Longitude": -118.44, "Population": 949.0}, {"index": 3615, "quantile": 0.5, "value": 165100.0, "Latitude": 34.26, "Longitude": -118.44, "Population": 949.0}, {"index": 3615, "quantile": 0.75, "value": 165100.0, "Latitude": 34.26, "Longitude": -118.44, "Population": 949.0}, {"index": 3615, "quantile": 1.0, "value": 196700.0, "Latitude": 34.26, "Longitude": -118.44, "Population": 949.0}, {"index": 3616, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 34.26, "Longitude": -118.44, "Population": 1377.0}, {"index": 3616, "quantile": 0.25, "value": 153900.0, "Latitude": 34.26, "Longitude": -118.44, "Population": 1377.0}, {"index": 3616, "quantile": 0.5, "value": 153900.0, "Latitude": 34.26, "Longitude": -118.44, "Population": 1377.0}, {"index": 3616, "quantile": 0.75, "value": 153900.0, "Latitude": 34.26, "Longitude": -118.44, "Population": 1377.0}, {"index": 3616, "quantile": 1.0, "value": 187600.0, "Latitude": 34.26, "Longitude": -118.44, "Population": 1377.0}, {"index": 3617, "quantile": 0.0, "value": 130500.0, "Latitude": 34.25, "Longitude": -118.43, "Population": 2318.0}, {"index": 3617, "quantile": 0.25, "value": 159300.0, "Latitude": 34.25, "Longitude": -118.43, "Population": 2318.0}, {"index": 3617, "quantile": 0.5, "value": 159300.0, "Latitude": 34.25, "Longitude": -118.43, "Population": 2318.0}, {"index": 3617, "quantile": 0.75, "value": 159300.0, "Latitude": 34.25, "Longitude": -118.43, "Population": 2318.0}, {"index": 3617, "quantile": 1.0, "value": 190800.0, "Latitude": 34.25, "Longitude": -118.43, "Population": 2318.0}, {"index": 3618, "quantile": 0.0, "value": 71800.0, "Latitude": 34.26, "Longitude": -118.44, "Population": 433.0}, {"index": 3618, "quantile": 0.25, "value": 186425.00000000003, "Latitude": 34.26, "Longitude": -118.44, "Population": 433.0}, {"index": 3618, "quantile": 0.5, "value": 217850.0, "Latitude": 34.26, "Longitude": -118.44, "Population": 433.0}, {"index": 3618, "quantile": 0.75, "value": 281300.0, "Latitude": 34.26, "Longitude": -118.44, "Population": 433.0}, {"index": 3618, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -118.44, "Population": 433.0}, {"index": 3619, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 34.25, "Longitude": -118.44, "Population": 1481.0}, {"index": 3619, "quantile": 0.25, "value": 164000.0, "Latitude": 34.25, "Longitude": -118.44, "Population": 1481.0}, {"index": 3619, "quantile": 0.5, "value": 176000.0, "Latitude": 34.25, "Longitude": -118.44, "Population": 1481.0}, {"index": 3619, "quantile": 0.75, "value": 176000.0, "Latitude": 34.25, "Longitude": -118.44, "Population": 1481.0}, {"index": 3619, "quantile": 1.0, "value": 194100.0, "Latitude": 34.25, "Longitude": -118.44, "Population": 1481.0}, {"index": 3620, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 34.25, "Longitude": -118.45, "Population": 1803.0}, {"index": 3620, "quantile": 0.25, "value": 162500.0, "Latitude": 34.25, "Longitude": -118.45, "Population": 1803.0}, {"index": 3620, "quantile": 0.5, "value": 162500.0, "Latitude": 34.25, "Longitude": -118.45, "Population": 1803.0}, {"index": 3620, "quantile": 0.75, "value": 180750.0, "Latitude": 34.25, "Longitude": -118.45, "Population": 1803.0}, {"index": 3620, "quantile": 1.0, "value": 263200.0, "Latitude": 34.25, "Longitude": -118.45, "Population": 1803.0}, {"index": 3621, "quantile": 0.0, "value": 133100.0, "Latitude": 34.24, "Longitude": -118.45, "Population": 7096.0}, {"index": 3621, "quantile": 0.25, "value": 136500.0, "Latitude": 34.24, "Longitude": -118.45, "Population": 7096.0}, {"index": 3621, "quantile": 0.5, "value": 136500.0, "Latitude": 34.24, "Longitude": -118.45, "Population": 7096.0}, {"index": 3621, "quantile": 0.75, "value": 156025.0, "Latitude": 34.24, "Longitude": -118.45, "Population": 7096.0}, {"index": 3621, "quantile": 1.0, "value": 237200.0, "Latitude": 34.24, "Longitude": -118.45, "Population": 7096.0}, {"index": 3622, "quantile": 0.0, "value": 87300.0, "Latitude": 34.23, "Longitude": -118.45, "Population": 4620.0}, {"index": 3622, "quantile": 0.25, "value": 157600.0, "Latitude": 34.23, "Longitude": -118.45, "Population": 4620.0}, {"index": 3622, "quantile": 0.5, "value": 157600.0, "Latitude": 34.23, "Longitude": -118.45, "Population": 4620.0}, {"index": 3622, "quantile": 0.75, "value": 178600.0, "Latitude": 34.23, "Longitude": -118.45, "Population": 4620.0}, {"index": 3622, "quantile": 1.0, "value": 265900.0, "Latitude": 34.23, "Longitude": -118.45, "Population": 4620.0}, {"index": 3623, "quantile": 0.0, "value": 55600.00000000001, "Latitude": 34.24, "Longitude": -118.45, "Population": 2343.0}, {"index": 3623, "quantile": 0.25, "value": 201750.0, "Latitude": 34.24, "Longitude": -118.45, "Population": 2343.0}, {"index": 3623, "quantile": 0.5, "value": 205900.00000000003, "Latitude": 34.24, "Longitude": -118.45, "Population": 2343.0}, {"index": 3623, "quantile": 0.75, "value": 205900.00000000003, "Latitude": 34.24, "Longitude": -118.45, "Population": 2343.0}, {"index": 3623, "quantile": 1.0, "value": 346200.0, "Latitude": 34.24, "Longitude": -118.45, "Population": 2343.0}, {"index": 3624, "quantile": 0.0, "value": 152800.0, "Latitude": 34.25, "Longitude": -118.44, "Population": 1038.0}, {"index": 3624, "quantile": 0.25, "value": 162500.0, "Latitude": 34.25, "Longitude": -118.44, "Population": 1038.0}, {"index": 3624, "quantile": 0.5, "value": 166700.0, "Latitude": 34.25, "Longitude": -118.44, "Population": 1038.0}, {"index": 3624, "quantile": 0.75, "value": 182500.0, "Latitude": 34.25, "Longitude": -118.44, "Population": 1038.0}, {"index": 3624, "quantile": 1.0, "value": 319100.0, "Latitude": 34.25, "Longitude": -118.44, "Population": 1038.0}, {"index": 3625, "quantile": 0.0, "value": 145200.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 995.0}, {"index": 3625, "quantile": 0.25, "value": 178700.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 995.0}, {"index": 3625, "quantile": 0.5, "value": 178700.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 995.0}, {"index": 3625, "quantile": 0.75, "value": 178700.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 995.0}, {"index": 3625, "quantile": 1.0, "value": 196700.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 995.0}, {"index": 3626, "quantile": 0.0, "value": 154200.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 1112.0}, {"index": 3626, "quantile": 0.25, "value": 182500.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 1112.0}, {"index": 3626, "quantile": 0.5, "value": 182500.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 1112.0}, {"index": 3626, "quantile": 0.75, "value": 182500.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 1112.0}, {"index": 3626, "quantile": 1.0, "value": 213800.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 1112.0}, {"index": 3627, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 34.24, "Longitude": -118.44, "Population": 1225.0}, {"index": 3627, "quantile": 0.25, "value": 177425.0, "Latitude": 34.24, "Longitude": -118.44, "Population": 1225.0}, {"index": 3627, "quantile": 0.5, "value": 184000.0, "Latitude": 34.24, "Longitude": -118.44, "Population": 1225.0}, {"index": 3627, "quantile": 0.75, "value": 184000.0, "Latitude": 34.24, "Longitude": -118.44, "Population": 1225.0}, {"index": 3627, "quantile": 1.0, "value": 252100.0, "Latitude": 34.24, "Longitude": -118.44, "Population": 1225.0}, {"index": 3628, "quantile": 0.0, "value": 96100.0, "Latitude": 34.24, "Longitude": -118.44, "Population": 1531.0}, {"index": 3628, "quantile": 0.25, "value": 149000.0, "Latitude": 34.24, "Longitude": -118.44, "Population": 1531.0}, {"index": 3628, "quantile": 0.5, "value": 168350.0, "Latitude": 34.24, "Longitude": -118.44, "Population": 1531.0}, {"index": 3628, "quantile": 0.75, "value": 185800.0, "Latitude": 34.24, "Longitude": -118.44, "Population": 1531.0}, {"index": 3628, "quantile": 1.0, "value": 338100.0, "Latitude": 34.24, "Longitude": -118.44, "Population": 1531.0}, {"index": 3629, "quantile": 0.0, "value": 155500.0, "Latitude": 34.23, "Longitude": -118.42, "Population": 1567.0}, {"index": 3629, "quantile": 0.25, "value": 207300.0, "Latitude": 34.23, "Longitude": -118.42, "Population": 1567.0}, {"index": 3629, "quantile": 0.5, "value": 225800.0, "Latitude": 34.23, "Longitude": -118.42, "Population": 1567.0}, {"index": 3629, "quantile": 0.75, "value": 240075.0, "Latitude": 34.23, "Longitude": -118.42, "Population": 1567.0}, {"index": 3629, "quantile": 1.0, "value": 330400.0, "Latitude": 34.23, "Longitude": -118.42, "Population": 1567.0}, {"index": 3630, "quantile": 0.0, "value": 155500.0, "Latitude": 34.22, "Longitude": -118.42, "Population": 1234.0}, {"index": 3630, "quantile": 0.25, "value": 187700.0, "Latitude": 34.22, "Longitude": -118.42, "Population": 1234.0}, {"index": 3630, "quantile": 0.5, "value": 207300.0, "Latitude": 34.22, "Longitude": -118.42, "Population": 1234.0}, {"index": 3630, "quantile": 0.75, "value": 223125.00000000003, "Latitude": 34.22, "Longitude": -118.42, "Population": 1234.0}, {"index": 3630, "quantile": 1.0, "value": 346100.0, "Latitude": 34.22, "Longitude": -118.42, "Population": 1234.0}, {"index": 3631, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 34.23, "Longitude": -118.43, "Population": 1286.0}, {"index": 3631, "quantile": 0.25, "value": 181500.0, "Latitude": 34.23, "Longitude": -118.43, "Population": 1286.0}, {"index": 3631, "quantile": 0.5, "value": 181500.0, "Latitude": 34.23, "Longitude": -118.43, "Population": 1286.0}, {"index": 3631, "quantile": 0.75, "value": 181500.0, "Latitude": 34.23, "Longitude": -118.43, "Population": 1286.0}, {"index": 3631, "quantile": 1.0, "value": 234900.00000000003, "Latitude": 34.23, "Longitude": -118.43, "Population": 1286.0}, {"index": 3632, "quantile": 0.0, "value": 158200.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 896.0}, {"index": 3632, "quantile": 0.25, "value": 183800.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 896.0}, {"index": 3632, "quantile": 0.5, "value": 183800.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 896.0}, {"index": 3632, "quantile": 0.75, "value": 183800.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 896.0}, {"index": 3632, "quantile": 1.0, "value": 354200.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 896.0}, {"index": 3633, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 34.23, "Longitude": -118.42, "Population": 1011.0}, {"index": 3633, "quantile": 0.25, "value": 180750.0, "Latitude": 34.23, "Longitude": -118.42, "Population": 1011.0}, {"index": 3633, "quantile": 0.5, "value": 189000.0, "Latitude": 34.23, "Longitude": -118.42, "Population": 1011.0}, {"index": 3633, "quantile": 0.75, "value": 189000.0, "Latitude": 34.23, "Longitude": -118.42, "Population": 1011.0}, {"index": 3633, "quantile": 1.0, "value": 338100.0, "Latitude": 34.23, "Longitude": -118.42, "Population": 1011.0}, {"index": 3634, "quantile": 0.0, "value": 85500.0, "Latitude": 34.23, "Longitude": -118.43, "Population": 720.0}, {"index": 3634, "quantile": 0.25, "value": 186100.00000000003, "Latitude": 34.23, "Longitude": -118.43, "Population": 720.0}, {"index": 3634, "quantile": 0.5, "value": 196800.0, "Latitude": 34.23, "Longitude": -118.43, "Population": 720.0}, {"index": 3634, "quantile": 0.75, "value": 217700.0, "Latitude": 34.23, "Longitude": -118.43, "Population": 720.0}, {"index": 3634, "quantile": 1.0, "value": 314300.0, "Latitude": 34.23, "Longitude": -118.43, "Population": 720.0}, {"index": 3635, "quantile": 0.0, "value": 159900.0, "Latitude": 34.23, "Longitude": -118.43, "Population": 1061.0}, {"index": 3635, "quantile": 0.25, "value": 183100.0, "Latitude": 34.23, "Longitude": -118.43, "Population": 1061.0}, {"index": 3635, "quantile": 0.5, "value": 193800.0, "Latitude": 34.23, "Longitude": -118.43, "Population": 1061.0}, {"index": 3635, "quantile": 0.75, "value": 212150.00000000003, "Latitude": 34.23, "Longitude": -118.43, "Population": 1061.0}, {"index": 3635, "quantile": 1.0, "value": 381800.0, "Latitude": 34.23, "Longitude": -118.43, "Population": 1061.0}, {"index": 3636, "quantile": 0.0, "value": 141300.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 987.0}, {"index": 3636, "quantile": 0.25, "value": 171400.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 987.0}, {"index": 3636, "quantile": 0.5, "value": 172700.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 987.0}, {"index": 3636, "quantile": 0.75, "value": 172700.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 987.0}, {"index": 3636, "quantile": 1.0, "value": 195300.0, "Latitude": 34.24, "Longitude": -118.43, "Population": 987.0}, {"index": 3637, "quantile": 0.0, "value": 153500.0, "Latitude": 34.23, "Longitude": -118.44, "Population": 1099.0}, {"index": 3637, "quantile": 0.25, "value": 183100.0, "Latitude": 34.23, "Longitude": -118.44, "Population": 1099.0}, {"index": 3637, "quantile": 0.5, "value": 183100.0, "Latitude": 34.23, "Longitude": -118.44, "Population": 1099.0}, {"index": 3637, "quantile": 0.75, "value": 183100.0, "Latitude": 34.23, "Longitude": -118.44, "Population": 1099.0}, {"index": 3637, "quantile": 1.0, "value": 240300.0, "Latitude": 34.23, "Longitude": -118.44, "Population": 1099.0}, {"index": 3638, "quantile": 0.0, "value": 125400.0, "Latitude": 34.22, "Longitude": -118.43, "Population": 1080.0}, {"index": 3638, "quantile": 0.25, "value": 184600.0, "Latitude": 34.22, "Longitude": -118.43, "Population": 1080.0}, {"index": 3638, "quantile": 0.5, "value": 184600.0, "Latitude": 34.22, "Longitude": -118.43, "Population": 1080.0}, {"index": 3638, "quantile": 0.75, "value": 190000.0, "Latitude": 34.22, "Longitude": -118.43, "Population": 1080.0}, {"index": 3638, "quantile": 1.0, "value": 381800.0, "Latitude": 34.22, "Longitude": -118.43, "Population": 1080.0}, {"index": 3639, "quantile": 0.0, "value": 83200.0, "Latitude": 34.22, "Longitude": -118.44, "Population": 664.0}, {"index": 3639, "quantile": 0.25, "value": 181300.0, "Latitude": 34.22, "Longitude": -118.44, "Population": 664.0}, {"index": 3639, "quantile": 0.5, "value": 189500.0, "Latitude": 34.22, "Longitude": -118.44, "Population": 664.0}, {"index": 3639, "quantile": 0.75, "value": 250300.0, "Latitude": 34.22, "Longitude": -118.44, "Population": 664.0}, {"index": 3639, "quantile": 1.0, "value": 417600.0, "Latitude": 34.22, "Longitude": -118.44, "Population": 664.0}, {"index": 3640, "quantile": 0.0, "value": 129900.0, "Latitude": 34.22, "Longitude": -118.44, "Population": 913.0}, {"index": 3640, "quantile": 0.25, "value": 178200.0, "Latitude": 34.22, "Longitude": -118.44, "Population": 913.0}, {"index": 3640, "quantile": 0.5, "value": 178200.0, "Latitude": 34.22, "Longitude": -118.44, "Population": 913.0}, {"index": 3640, "quantile": 0.75, "value": 188825.0, "Latitude": 34.22, "Longitude": -118.44, "Population": 913.0}, {"index": 3640, "quantile": 1.0, "value": 397900.0, "Latitude": 34.22, "Longitude": -118.44, "Population": 913.0}, {"index": 3641, "quantile": 0.0, "value": 79300.0, "Latitude": 34.23, "Longitude": -118.44, "Population": 1418.0}, {"index": 3641, "quantile": 0.25, "value": 180650.0, "Latitude": 34.23, "Longitude": -118.44, "Population": 1418.0}, {"index": 3641, "quantile": 0.5, "value": 210750.0, "Latitude": 34.23, "Longitude": -118.44, "Population": 1418.0}, {"index": 3641, "quantile": 0.75, "value": 235200.0, "Latitude": 34.23, "Longitude": -118.44, "Population": 1418.0}, {"index": 3641, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 34.23, "Longitude": -118.44, "Population": 1418.0}, {"index": 3642, "quantile": 0.0, "value": 123700.00000000001, "Latitude": 34.22, "Longitude": -118.46, "Population": 2222.0}, {"index": 3642, "quantile": 0.25, "value": 170700.0, "Latitude": 34.22, "Longitude": -118.46, "Population": 2222.0}, {"index": 3642, "quantile": 0.5, "value": 170700.0, "Latitude": 34.22, "Longitude": -118.46, "Population": 2222.0}, {"index": 3642, "quantile": 0.75, "value": 170700.0, "Latitude": 34.22, "Longitude": -118.46, "Population": 2222.0}, {"index": 3642, "quantile": 1.0, "value": 236100.00000000003, "Latitude": 34.22, "Longitude": -118.46, "Population": 2222.0}, {"index": 3643, "quantile": 0.0, "value": 146000.0, "Latitude": 34.22, "Longitude": -118.46, "Population": 998.0}, {"index": 3643, "quantile": 0.25, "value": 168200.0, "Latitude": 34.22, "Longitude": -118.46, "Population": 998.0}, {"index": 3643, "quantile": 0.5, "value": 168200.0, "Latitude": 34.22, "Longitude": -118.46, "Population": 998.0}, {"index": 3643, "quantile": 0.75, "value": 183100.0, "Latitude": 34.22, "Longitude": -118.46, "Population": 998.0}, {"index": 3643, "quantile": 1.0, "value": 274300.0, "Latitude": 34.22, "Longitude": -118.46, "Population": 998.0}, {"index": 3644, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 34.22, "Longitude": -118.46, "Population": 2397.0}, {"index": 3644, "quantile": 0.25, "value": 184400.0, "Latitude": 34.22, "Longitude": -118.46, "Population": 2397.0}, {"index": 3644, "quantile": 0.5, "value": 184400.0, "Latitude": 34.22, "Longitude": -118.46, "Population": 2397.0}, {"index": 3644, "quantile": 0.75, "value": 184400.0, "Latitude": 34.22, "Longitude": -118.46, "Population": 2397.0}, {"index": 3644, "quantile": 1.0, "value": 206300.00000000003, "Latitude": 34.22, "Longitude": -118.46, "Population": 2397.0}, {"index": 3645, "quantile": 0.0, "value": 50600.0, "Latitude": 34.22, "Longitude": -118.45, "Population": 4625.0}, {"index": 3645, "quantile": 0.25, "value": 151275.0, "Latitude": 34.22, "Longitude": -118.45, "Population": 4625.0}, {"index": 3645, "quantile": 0.5, "value": 158300.0, "Latitude": 34.22, "Longitude": -118.45, "Population": 4625.0}, {"index": 3645, "quantile": 0.75, "value": 170500.0, "Latitude": 34.22, "Longitude": -118.45, "Population": 4625.0}, {"index": 3645, "quantile": 1.0, "value": 380000.0, "Latitude": 34.22, "Longitude": -118.45, "Population": 4625.0}, {"index": 3646, "quantile": 0.0, "value": 140500.0, "Latitude": 34.23, "Longitude": -118.45, "Population": 3781.0}, {"index": 3646, "quantile": 0.25, "value": 183700.0, "Latitude": 34.23, "Longitude": -118.45, "Population": 3781.0}, {"index": 3646, "quantile": 0.5, "value": 183700.0, "Latitude": 34.23, "Longitude": -118.45, "Population": 3781.0}, {"index": 3646, "quantile": 0.75, "value": 183700.0, "Latitude": 34.23, "Longitude": -118.45, "Population": 3781.0}, {"index": 3646, "quantile": 1.0, "value": 297500.0, "Latitude": 34.23, "Longitude": -118.45, "Population": 3781.0}, {"index": 3647, "quantile": 0.0, "value": 87500.0, "Latitude": 34.22, "Longitude": -118.45, "Population": 1803.0}, {"index": 3647, "quantile": 0.25, "value": 185700.0, "Latitude": 34.22, "Longitude": -118.45, "Population": 1803.0}, {"index": 3647, "quantile": 0.5, "value": 185700.0, "Latitude": 34.22, "Longitude": -118.45, "Population": 1803.0}, {"index": 3647, "quantile": 0.75, "value": 185700.0, "Latitude": 34.22, "Longitude": -118.45, "Population": 1803.0}, {"index": 3647, "quantile": 1.0, "value": 255399.99999999997, "Latitude": 34.22, "Longitude": -118.45, "Population": 1803.0}, {"index": 3648, "quantile": 0.0, "value": 140500.0, "Latitude": 34.23, "Longitude": -118.46, "Population": 7307.0}, {"index": 3648, "quantile": 0.25, "value": 145400.0, "Latitude": 34.23, "Longitude": -118.46, "Population": 7307.0}, {"index": 3648, "quantile": 0.5, "value": 145400.0, "Latitude": 34.23, "Longitude": -118.46, "Population": 7307.0}, {"index": 3648, "quantile": 0.75, "value": 154600.0, "Latitude": 34.23, "Longitude": -118.46, "Population": 7307.0}, {"index": 3648, "quantile": 1.0, "value": 255399.99999999997, "Latitude": 34.23, "Longitude": -118.46, "Population": 7307.0}, {"index": 3649, "quantile": 0.0, "value": 159900.0, "Latitude": 34.22, "Longitude": -118.44, "Population": 718.0}, {"index": 3649, "quantile": 0.25, "value": 178800.0, "Latitude": 34.22, "Longitude": -118.44, "Population": 718.0}, {"index": 3649, "quantile": 0.5, "value": 178800.0, "Latitude": 34.22, "Longitude": -118.44, "Population": 718.0}, {"index": 3649, "quantile": 0.75, "value": 179875.0, "Latitude": 34.22, "Longitude": -118.44, "Population": 718.0}, {"index": 3649, "quantile": 1.0, "value": 397900.0, "Latitude": 34.22, "Longitude": -118.44, "Population": 718.0}, {"index": 3650, "quantile": 0.0, "value": 160000.0, "Latitude": 34.21, "Longitude": -118.44, "Population": 1011.0}, {"index": 3650, "quantile": 0.25, "value": 195600.0, "Latitude": 34.21, "Longitude": -118.44, "Population": 1011.0}, {"index": 3650, "quantile": 0.5, "value": 212100.0, "Latitude": 34.21, "Longitude": -118.44, "Population": 1011.0}, {"index": 3650, "quantile": 0.75, "value": 224275.0, "Latitude": 34.21, "Longitude": -118.44, "Population": 1011.0}, {"index": 3650, "quantile": 1.0, "value": 342800.0, "Latitude": 34.21, "Longitude": -118.44, "Population": 1011.0}, {"index": 3651, "quantile": 0.0, "value": 143000.0, "Latitude": 34.21, "Longitude": -118.44, "Population": 1014.0}, {"index": 3651, "quantile": 0.25, "value": 168600.0, "Latitude": 34.21, "Longitude": -118.44, "Population": 1014.0}, {"index": 3651, "quantile": 0.5, "value": 168600.0, "Latitude": 34.21, "Longitude": -118.44, "Population": 1014.0}, {"index": 3651, "quantile": 0.75, "value": 181500.0, "Latitude": 34.21, "Longitude": -118.44, "Population": 1014.0}, {"index": 3651, "quantile": 1.0, "value": 335400.0, "Latitude": 34.21, "Longitude": -118.44, "Population": 1014.0}, {"index": 3652, "quantile": 0.0, "value": 122200.0, "Latitude": 34.22, "Longitude": -118.44, "Population": 1159.0}, {"index": 3652, "quantile": 0.25, "value": 191175.0, "Latitude": 34.22, "Longitude": -118.44, "Population": 1159.0}, {"index": 3652, "quantile": 0.5, "value": 220000.00000000003, "Latitude": 34.22, "Longitude": -118.44, "Population": 1159.0}, {"index": 3652, "quantile": 0.75, "value": 241299.99999999997, "Latitude": 34.22, "Longitude": -118.44, "Population": 1159.0}, {"index": 3652, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.44, "Population": 1159.0}, {"index": 3653, "quantile": 0.0, "value": 146000.0, "Latitude": 34.22, "Longitude": -118.43, "Population": 1447.0}, {"index": 3653, "quantile": 0.25, "value": 215100.00000000003, "Latitude": 34.22, "Longitude": -118.43, "Population": 1447.0}, {"index": 3653, "quantile": 0.5, "value": 233700.00000000003, "Latitude": 34.22, "Longitude": -118.43, "Population": 1447.0}, {"index": 3653, "quantile": 0.75, "value": 233700.00000000003, "Latitude": 34.22, "Longitude": -118.43, "Population": 1447.0}, {"index": 3653, "quantile": 1.0, "value": 271500.0, "Latitude": 34.22, "Longitude": -118.43, "Population": 1447.0}, {"index": 3654, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.21, "Longitude": -118.43, "Population": 2636.0}, {"index": 3654, "quantile": 0.25, "value": 175500.0, "Latitude": 34.21, "Longitude": -118.43, "Population": 2636.0}, {"index": 3654, "quantile": 0.5, "value": 175500.0, "Latitude": 34.21, "Longitude": -118.43, "Population": 2636.0}, {"index": 3654, "quantile": 0.75, "value": 199325.00000000003, "Latitude": 34.21, "Longitude": -118.43, "Population": 2636.0}, {"index": 3654, "quantile": 1.0, "value": 281700.0, "Latitude": 34.21, "Longitude": -118.43, "Population": 2636.0}, {"index": 3655, "quantile": 0.0, "value": 178800.0, "Latitude": 34.22, "Longitude": -118.43, "Population": 774.0}, {"index": 3655, "quantile": 0.25, "value": 187300.0, "Latitude": 34.22, "Longitude": -118.43, "Population": 774.0}, {"index": 3655, "quantile": 0.5, "value": 187300.0, "Latitude": 34.22, "Longitude": -118.43, "Population": 774.0}, {"index": 3655, "quantile": 0.75, "value": 200550.0, "Latitude": 34.22, "Longitude": -118.43, "Population": 774.0}, {"index": 3655, "quantile": 1.0, "value": 335500.0, "Latitude": 34.22, "Longitude": -118.43, "Population": 774.0}, {"index": 3656, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.22, "Longitude": -118.4, "Population": 729.0}, {"index": 3656, "quantile": 0.25, "value": 186300.0, "Latitude": 34.22, "Longitude": -118.4, "Population": 729.0}, {"index": 3656, "quantile": 0.5, "value": 186300.0, "Latitude": 34.22, "Longitude": -118.4, "Population": 729.0}, {"index": 3656, "quantile": 0.75, "value": 186300.0, "Latitude": 34.22, "Longitude": -118.4, "Population": 729.0}, {"index": 3656, "quantile": 1.0, "value": 289000.0, "Latitude": 34.22, "Longitude": -118.4, "Population": 729.0}, {"index": 3657, "quantile": 0.0, "value": 96100.0, "Latitude": 34.21, "Longitude": -118.4, "Population": 1753.0}, {"index": 3657, "quantile": 0.25, "value": 159800.0, "Latitude": 34.21, "Longitude": -118.4, "Population": 1753.0}, {"index": 3657, "quantile": 0.5, "value": 193300.0, "Latitude": 34.21, "Longitude": -118.4, "Population": 1753.0}, {"index": 3657, "quantile": 0.75, "value": 242925.0, "Latitude": 34.21, "Longitude": -118.4, "Population": 1753.0}, {"index": 3657, "quantile": 1.0, "value": 325000.0, "Latitude": 34.21, "Longitude": -118.4, "Population": 1753.0}, {"index": 3658, "quantile": 0.0, "value": 146000.0, "Latitude": 34.21, "Longitude": -118.41, "Population": 1594.0}, {"index": 3658, "quantile": 0.25, "value": 186000.0, "Latitude": 34.21, "Longitude": -118.41, "Population": 1594.0}, {"index": 3658, "quantile": 0.5, "value": 193200.0, "Latitude": 34.21, "Longitude": -118.41, "Population": 1594.0}, {"index": 3658, "quantile": 0.75, "value": 193200.0, "Latitude": 34.21, "Longitude": -118.41, "Population": 1594.0}, {"index": 3658, "quantile": 1.0, "value": 263200.0, "Latitude": 34.21, "Longitude": -118.41, "Population": 1594.0}, {"index": 3659, "quantile": 0.0, "value": 156900.0, "Latitude": 34.21, "Longitude": -118.4, "Population": 554.0}, {"index": 3659, "quantile": 0.25, "value": 181300.0, "Latitude": 34.21, "Longitude": -118.4, "Population": 554.0}, {"index": 3659, "quantile": 0.5, "value": 181300.0, "Latitude": 34.21, "Longitude": -118.4, "Population": 554.0}, {"index": 3659, "quantile": 0.75, "value": 237925.0, "Latitude": 34.21, "Longitude": -118.4, "Population": 554.0}, {"index": 3659, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.21, "Longitude": -118.4, "Population": 554.0}, {"index": 3660, "quantile": 0.0, "value": 154300.0, "Latitude": 34.22, "Longitude": -118.4, "Population": 1556.0}, {"index": 3660, "quantile": 0.25, "value": 183800.0, "Latitude": 34.22, "Longitude": -118.4, "Population": 1556.0}, {"index": 3660, "quantile": 0.5, "value": 183800.0, "Latitude": 34.22, "Longitude": -118.4, "Population": 1556.0}, {"index": 3660, "quantile": 0.75, "value": 189249.99999999997, "Latitude": 34.22, "Longitude": -118.4, "Population": 1556.0}, {"index": 3660, "quantile": 1.0, "value": 312700.0, "Latitude": 34.22, "Longitude": -118.4, "Population": 1556.0}, {"index": 3661, "quantile": 0.0, "value": 146000.0, "Latitude": 34.23, "Longitude": -118.4, "Population": 889.0}, {"index": 3661, "quantile": 0.25, "value": 190000.0, "Latitude": 34.23, "Longitude": -118.4, "Population": 889.0}, {"index": 3661, "quantile": 0.5, "value": 190000.0, "Latitude": 34.23, "Longitude": -118.4, "Population": 889.0}, {"index": 3661, "quantile": 0.75, "value": 190000.0, "Latitude": 34.23, "Longitude": -118.4, "Population": 889.0}, {"index": 3661, "quantile": 1.0, "value": 276100.0, "Latitude": 34.23, "Longitude": -118.4, "Population": 889.0}, {"index": 3662, "quantile": 0.0, "value": 146400.0, "Latitude": 34.25, "Longitude": -118.38, "Population": 513.0}, {"index": 3662, "quantile": 0.25, "value": 210300.00000000003, "Latitude": 34.25, "Longitude": -118.38, "Population": 513.0}, {"index": 3662, "quantile": 0.5, "value": 237900.0, "Latitude": 34.25, "Longitude": -118.38, "Population": 513.0}, {"index": 3662, "quantile": 0.75, "value": 258825.0, "Latitude": 34.25, "Longitude": -118.38, "Population": 513.0}, {"index": 3662, "quantile": 1.0, "value": 485700.0, "Latitude": 34.25, "Longitude": -118.38, "Population": 513.0}, {"index": 3663, "quantile": 0.0, "value": 183100.0, "Latitude": 34.24, "Longitude": -118.37, "Population": 594.0}, {"index": 3663, "quantile": 0.25, "value": 229199.99999999997, "Latitude": 34.24, "Longitude": -118.37, "Population": 594.0}, {"index": 3663, "quantile": 0.5, "value": 229199.99999999997, "Latitude": 34.24, "Longitude": -118.37, "Population": 594.0}, {"index": 3663, "quantile": 0.75, "value": 229199.99999999997, "Latitude": 34.24, "Longitude": -118.37, "Population": 594.0}, {"index": 3663, "quantile": 1.0, "value": 375000.0, "Latitude": 34.24, "Longitude": -118.37, "Population": 594.0}, {"index": 3664, "quantile": 0.0, "value": 130500.0, "Latitude": 34.23, "Longitude": -118.37, "Population": 1177.0}, {"index": 3664, "quantile": 0.25, "value": 164600.0, "Latitude": 34.23, "Longitude": -118.37, "Population": 1177.0}, {"index": 3664, "quantile": 0.5, "value": 164600.0, "Latitude": 34.23, "Longitude": -118.37, "Population": 1177.0}, {"index": 3664, "quantile": 0.75, "value": 171150.0, "Latitude": 34.23, "Longitude": -118.37, "Population": 1177.0}, {"index": 3664, "quantile": 1.0, "value": 291500.0, "Latitude": 34.23, "Longitude": -118.37, "Population": 1177.0}, {"index": 3665, "quantile": 0.0, "value": 118800.0, "Latitude": 34.22, "Longitude": -118.37, "Population": 1671.0}, {"index": 3665, "quantile": 0.25, "value": 153225.0, "Latitude": 34.22, "Longitude": -118.37, "Population": 1671.0}, {"index": 3665, "quantile": 0.5, "value": 168700.0, "Latitude": 34.22, "Longitude": -118.37, "Population": 1671.0}, {"index": 3665, "quantile": 0.75, "value": 190675.0, "Latitude": 34.22, "Longitude": -118.37, "Population": 1671.0}, {"index": 3665, "quantile": 1.0, "value": 220500.0, "Latitude": 34.22, "Longitude": -118.37, "Population": 1671.0}, {"index": 3666, "quantile": 0.0, "value": 17500.0, "Latitude": 34.24, "Longitude": -118.38, "Population": 63.0}, {"index": 3666, "quantile": 0.25, "value": 158300.0, "Latitude": 34.24, "Longitude": -118.38, "Population": 63.0}, {"index": 3666, "quantile": 0.5, "value": 158300.0, "Latitude": 34.24, "Longitude": -118.38, "Population": 63.0}, {"index": 3666, "quantile": 0.75, "value": 187500.0, "Latitude": 34.24, "Longitude": -118.38, "Population": 63.0}, {"index": 3666, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.38, "Population": 63.0}, {"index": 3667, "quantile": 0.0, "value": 146400.0, "Latitude": 34.24, "Longitude": -118.4, "Population": 1850.0}, {"index": 3667, "quantile": 0.25, "value": 179500.0, "Latitude": 34.24, "Longitude": -118.4, "Population": 1850.0}, {"index": 3667, "quantile": 0.5, "value": 179500.0, "Latitude": 34.24, "Longitude": -118.4, "Population": 1850.0}, {"index": 3667, "quantile": 0.75, "value": 179500.0, "Latitude": 34.24, "Longitude": -118.4, "Population": 1850.0}, {"index": 3667, "quantile": 1.0, "value": 239600.0, "Latitude": 34.24, "Longitude": -118.4, "Population": 1850.0}, {"index": 3668, "quantile": 0.0, "value": 105300.0, "Latitude": 34.23, "Longitude": -118.39, "Population": 3001.0}, {"index": 3668, "quantile": 0.25, "value": 160450.0, "Latitude": 34.23, "Longitude": -118.39, "Population": 3001.0}, {"index": 3668, "quantile": 0.5, "value": 174100.0, "Latitude": 34.23, "Longitude": -118.39, "Population": 3001.0}, {"index": 3668, "quantile": 0.75, "value": 184075.0, "Latitude": 34.23, "Longitude": -118.39, "Population": 3001.0}, {"index": 3668, "quantile": 1.0, "value": 305800.0, "Latitude": 34.23, "Longitude": -118.39, "Population": 3001.0}, {"index": 3669, "quantile": 0.0, "value": 37500.0, "Latitude": 34.23, "Longitude": -118.39, "Population": 1184.0}, {"index": 3669, "quantile": 0.25, "value": 161600.0, "Latitude": 34.23, "Longitude": -118.39, "Population": 1184.0}, {"index": 3669, "quantile": 0.5, "value": 161600.0, "Latitude": 34.23, "Longitude": -118.39, "Population": 1184.0}, {"index": 3669, "quantile": 0.75, "value": 161600.0, "Latitude": 34.23, "Longitude": -118.39, "Population": 1184.0}, {"index": 3669, "quantile": 1.0, "value": 261600.0, "Latitude": 34.23, "Longitude": -118.39, "Population": 1184.0}, {"index": 3670, "quantile": 0.0, "value": 138600.0, "Latitude": 34.23, "Longitude": -118.4, "Population": 1414.0}, {"index": 3670, "quantile": 0.25, "value": 172700.0, "Latitude": 34.23, "Longitude": -118.4, "Population": 1414.0}, {"index": 3670, "quantile": 0.5, "value": 172700.0, "Latitude": 34.23, "Longitude": -118.4, "Population": 1414.0}, {"index": 3670, "quantile": 0.75, "value": 172700.0, "Latitude": 34.23, "Longitude": -118.4, "Population": 1414.0}, {"index": 3670, "quantile": 1.0, "value": 252100.0, "Latitude": 34.23, "Longitude": -118.4, "Population": 1414.0}, {"index": 3671, "quantile": 0.0, "value": 198100.0, "Latitude": 34.21, "Longitude": -118.41, "Population": 1577.0}, {"index": 3671, "quantile": 0.25, "value": 210500.0, "Latitude": 34.21, "Longitude": -118.41, "Population": 1577.0}, {"index": 3671, "quantile": 0.5, "value": 210500.0, "Latitude": 34.21, "Longitude": -118.41, "Population": 1577.0}, {"index": 3671, "quantile": 0.75, "value": 210500.0, "Latitude": 34.21, "Longitude": -118.41, "Population": 1577.0}, {"index": 3671, "quantile": 1.0, "value": 352700.0, "Latitude": 34.21, "Longitude": -118.41, "Population": 1577.0}, {"index": 3672, "quantile": 0.0, "value": 196900.0, "Latitude": 34.21, "Longitude": -118.41, "Population": 897.0}, {"index": 3672, "quantile": 0.25, "value": 239900.0, "Latitude": 34.21, "Longitude": -118.41, "Population": 897.0}, {"index": 3672, "quantile": 0.5, "value": 239900.0, "Latitude": 34.21, "Longitude": -118.41, "Population": 897.0}, {"index": 3672, "quantile": 0.75, "value": 239900.0, "Latitude": 34.21, "Longitude": -118.41, "Population": 897.0}, {"index": 3672, "quantile": 1.0, "value": 395100.0, "Latitude": 34.21, "Longitude": -118.41, "Population": 897.0}, {"index": 3673, "quantile": 0.0, "value": 96100.0, "Latitude": 34.22, "Longitude": -118.39, "Population": 533.0}, {"index": 3673, "quantile": 0.25, "value": 161800.0, "Latitude": 34.22, "Longitude": -118.39, "Population": 533.0}, {"index": 3673, "quantile": 0.5, "value": 172600.0, "Latitude": 34.22, "Longitude": -118.39, "Population": 533.0}, {"index": 3673, "quantile": 0.75, "value": 186300.0, "Latitude": 34.22, "Longitude": -118.39, "Population": 533.0}, {"index": 3673, "quantile": 1.0, "value": 274300.0, "Latitude": 34.22, "Longitude": -118.39, "Population": 533.0}, {"index": 3674, "quantile": 0.0, "value": 155500.0, "Latitude": 34.22, "Longitude": -118.39, "Population": 1277.0}, {"index": 3674, "quantile": 0.25, "value": 186800.0, "Latitude": 34.22, "Longitude": -118.39, "Population": 1277.0}, {"index": 3674, "quantile": 0.5, "value": 186800.0, "Latitude": 34.22, "Longitude": -118.39, "Population": 1277.0}, {"index": 3674, "quantile": 0.75, "value": 186800.0, "Latitude": 34.22, "Longitude": -118.39, "Population": 1277.0}, {"index": 3674, "quantile": 1.0, "value": 255500.00000000003, "Latitude": 34.22, "Longitude": -118.39, "Population": 1277.0}, {"index": 3675, "quantile": 0.0, "value": 130500.0, "Latitude": 34.21, "Longitude": -118.39, "Population": 1516.0}, {"index": 3675, "quantile": 0.25, "value": 166600.0, "Latitude": 34.21, "Longitude": -118.39, "Population": 1516.0}, {"index": 3675, "quantile": 0.5, "value": 180550.0, "Latitude": 34.21, "Longitude": -118.39, "Population": 1516.0}, {"index": 3675, "quantile": 0.75, "value": 193575.0, "Latitude": 34.21, "Longitude": -118.39, "Population": 1516.0}, {"index": 3675, "quantile": 1.0, "value": 241900.0, "Latitude": 34.21, "Longitude": -118.39, "Population": 1516.0}, {"index": 3676, "quantile": 0.0, "value": 118100.0, "Latitude": 34.21, "Longitude": -118.39, "Population": 2729.0}, {"index": 3676, "quantile": 0.25, "value": 172400.0, "Latitude": 34.21, "Longitude": -118.39, "Population": 2729.0}, {"index": 3676, "quantile": 0.5, "value": 172400.0, "Latitude": 34.21, "Longitude": -118.39, "Population": 2729.0}, {"index": 3676, "quantile": 0.75, "value": 182150.0, "Latitude": 34.21, "Longitude": -118.39, "Population": 2729.0}, {"index": 3676, "quantile": 1.0, "value": 254500.0, "Latitude": 34.21, "Longitude": -118.39, "Population": 2729.0}, {"index": 3677, "quantile": 0.0, "value": 143800.0, "Latitude": 34.22, "Longitude": -118.38, "Population": 864.0}, {"index": 3677, "quantile": 0.25, "value": 177700.0, "Latitude": 34.22, "Longitude": -118.38, "Population": 864.0}, {"index": 3677, "quantile": 0.5, "value": 177700.0, "Latitude": 34.22, "Longitude": -118.38, "Population": 864.0}, {"index": 3677, "quantile": 0.75, "value": 177700.0, "Latitude": 34.22, "Longitude": -118.38, "Population": 864.0}, {"index": 3677, "quantile": 1.0, "value": 261000.0, "Latitude": 34.22, "Longitude": -118.38, "Population": 864.0}, {"index": 3678, "quantile": 0.0, "value": 117400.0, "Latitude": 34.21, "Longitude": -118.38, "Population": 1295.0}, {"index": 3678, "quantile": 0.25, "value": 168400.00000000003, "Latitude": 34.21, "Longitude": -118.38, "Population": 1295.0}, {"index": 3678, "quantile": 0.5, "value": 170600.0, "Latitude": 34.21, "Longitude": -118.38, "Population": 1295.0}, {"index": 3678, "quantile": 0.75, "value": 170600.0, "Latitude": 34.21, "Longitude": -118.38, "Population": 1295.0}, {"index": 3678, "quantile": 1.0, "value": 183300.0, "Latitude": 34.21, "Longitude": -118.38, "Population": 1295.0}, {"index": 3679, "quantile": 0.0, "value": 122200.0, "Latitude": 34.21, "Longitude": -118.38, "Population": 1665.0}, {"index": 3679, "quantile": 0.25, "value": 179100.0, "Latitude": 34.21, "Longitude": -118.38, "Population": 1665.0}, {"index": 3679, "quantile": 0.5, "value": 179100.0, "Latitude": 34.21, "Longitude": -118.38, "Population": 1665.0}, {"index": 3679, "quantile": 0.75, "value": 179100.0, "Latitude": 34.21, "Longitude": -118.38, "Population": 1665.0}, {"index": 3679, "quantile": 1.0, "value": 217200.00000000003, "Latitude": 34.21, "Longitude": -118.38, "Population": 1665.0}, {"index": 3680, "quantile": 0.0, "value": 144100.0, "Latitude": 34.22, "Longitude": -118.42, "Population": 1938.0}, {"index": 3680, "quantile": 0.25, "value": 190675.0, "Latitude": 34.22, "Longitude": -118.42, "Population": 1938.0}, {"index": 3680, "quantile": 0.5, "value": 198600.0, "Latitude": 34.22, "Longitude": -118.42, "Population": 1938.0}, {"index": 3680, "quantile": 0.75, "value": 198600.0, "Latitude": 34.22, "Longitude": -118.42, "Population": 1938.0}, {"index": 3680, "quantile": 1.0, "value": 252100.0, "Latitude": 34.22, "Longitude": -118.42, "Population": 1938.0}, {"index": 3681, "quantile": 0.0, "value": 179100.0, "Latitude": 34.21, "Longitude": -118.42, "Population": 1636.0}, {"index": 3681, "quantile": 0.25, "value": 210800.0, "Latitude": 34.21, "Longitude": -118.42, "Population": 1636.0}, {"index": 3681, "quantile": 0.5, "value": 222900.0, "Latitude": 34.21, "Longitude": -118.42, "Population": 1636.0}, {"index": 3681, "quantile": 0.75, "value": 258575.0, "Latitude": 34.21, "Longitude": -118.42, "Population": 1636.0}, {"index": 3681, "quantile": 1.0, "value": 485700.0, "Latitude": 34.21, "Longitude": -118.42, "Population": 1636.0}, {"index": 3682, "quantile": 0.0, "value": 17500.0, "Latitude": 34.2, "Longitude": -118.42, "Population": 66.0}, {"index": 3682, "quantile": 0.25, "value": 187500.0, "Latitude": 34.2, "Longitude": -118.42, "Population": 66.0}, {"index": 3682, "quantile": 0.5, "value": 187500.0, "Latitude": 34.2, "Longitude": -118.42, "Population": 66.0}, {"index": 3682, "quantile": 0.75, "value": 187500.0, "Latitude": 34.2, "Longitude": -118.42, "Population": 66.0}, {"index": 3682, "quantile": 1.0, "value": 375000.0, "Latitude": 34.2, "Longitude": -118.42, "Population": 66.0}, {"index": 3683, "quantile": 0.0, "value": 156000.0, "Latitude": 34.23, "Longitude": -118.42, "Population": 1064.0}, {"index": 3683, "quantile": 0.25, "value": 207300.0, "Latitude": 34.23, "Longitude": -118.42, "Population": 1064.0}, {"index": 3683, "quantile": 0.5, "value": 207300.0, "Latitude": 34.23, "Longitude": -118.42, "Population": 1064.0}, {"index": 3683, "quantile": 0.75, "value": 208550.0, "Latitude": 34.23, "Longitude": -118.42, "Population": 1064.0}, {"index": 3683, "quantile": 1.0, "value": 327300.0, "Latitude": 34.23, "Longitude": -118.42, "Population": 1064.0}, {"index": 3684, "quantile": 0.0, "value": 113900.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 1181.0}, {"index": 3684, "quantile": 0.25, "value": 152750.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 1181.0}, {"index": 3684, "quantile": 0.5, "value": 163000.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 1181.0}, {"index": 3684, "quantile": 0.75, "value": 175225.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 1181.0}, {"index": 3684, "quantile": 1.0, "value": 271200.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 1181.0}, {"index": 3685, "quantile": 0.0, "value": 117600.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 1939.0}, {"index": 3685, "quantile": 0.25, "value": 176600.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 1939.0}, {"index": 3685, "quantile": 0.5, "value": 176600.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 1939.0}, {"index": 3685, "quantile": 0.75, "value": 176600.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 1939.0}, {"index": 3685, "quantile": 1.0, "value": 233700.00000000003, "Latitude": 34.21, "Longitude": -118.37, "Population": 1939.0}, {"index": 3686, "quantile": 0.0, "value": 130100.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 2164.0}, {"index": 3686, "quantile": 0.25, "value": 160300.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 2164.0}, {"index": 3686, "quantile": 0.5, "value": 175700.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 2164.0}, {"index": 3686, "quantile": 0.75, "value": 175700.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 2164.0}, {"index": 3686, "quantile": 1.0, "value": 207200.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 2164.0}, {"index": 3687, "quantile": 0.0, "value": 105300.0, "Latitude": 34.22, "Longitude": -118.37, "Population": 1989.0}, {"index": 3687, "quantile": 0.25, "value": 171975.0, "Latitude": 34.22, "Longitude": -118.37, "Population": 1989.0}, {"index": 3687, "quantile": 0.5, "value": 174100.0, "Latitude": 34.22, "Longitude": -118.37, "Population": 1989.0}, {"index": 3687, "quantile": 0.75, "value": 174100.0, "Latitude": 34.22, "Longitude": -118.37, "Population": 1989.0}, {"index": 3687, "quantile": 1.0, "value": 252300.0, "Latitude": 34.22, "Longitude": -118.37, "Population": 1989.0}, {"index": 3688, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.22, "Longitude": -118.38, "Population": 348.0}, {"index": 3688, "quantile": 0.25, "value": 150000.0, "Latitude": 34.22, "Longitude": -118.38, "Population": 348.0}, {"index": 3688, "quantile": 0.5, "value": 150000.0, "Latitude": 34.22, "Longitude": -118.38, "Population": 348.0}, {"index": 3688, "quantile": 0.75, "value": 163525.0, "Latitude": 34.22, "Longitude": -118.38, "Population": 348.0}, {"index": 3688, "quantile": 1.0, "value": 445000.0, "Latitude": 34.22, "Longitude": -118.38, "Population": 348.0}, {"index": 3689, "quantile": 0.0, "value": 112500.0, "Latitude": 34.23, "Longitude": -118.36, "Population": 1994.0}, {"index": 3689, "quantile": 0.25, "value": 183200.0, "Latitude": 34.23, "Longitude": -118.36, "Population": 1994.0}, {"index": 3689, "quantile": 0.5, "value": 183200.0, "Latitude": 34.23, "Longitude": -118.36, "Population": 1994.0}, {"index": 3689, "quantile": 0.75, "value": 183200.0, "Latitude": 34.23, "Longitude": -118.36, "Population": 1994.0}, {"index": 3689, "quantile": 1.0, "value": 247500.0, "Latitude": 34.23, "Longitude": -118.36, "Population": 1994.0}, {"index": 3690, "quantile": 0.0, "value": 123100.00000000001, "Latitude": 34.22, "Longitude": -118.36, "Population": 1545.0}, {"index": 3690, "quantile": 0.25, "value": 160300.0, "Latitude": 34.22, "Longitude": -118.36, "Population": 1545.0}, {"index": 3690, "quantile": 0.5, "value": 160300.0, "Latitude": 34.22, "Longitude": -118.36, "Population": 1545.0}, {"index": 3690, "quantile": 0.75, "value": 160300.0, "Latitude": 34.22, "Longitude": -118.36, "Population": 1545.0}, {"index": 3690, "quantile": 1.0, "value": 183000.0, "Latitude": 34.22, "Longitude": -118.36, "Population": 1545.0}, {"index": 3691, "quantile": 0.0, "value": 114100.0, "Latitude": 34.22, "Longitude": -118.35, "Population": 1668.0}, {"index": 3691, "quantile": 0.25, "value": 154300.0, "Latitude": 34.22, "Longitude": -118.35, "Population": 1668.0}, {"index": 3691, "quantile": 0.5, "value": 154300.0, "Latitude": 34.22, "Longitude": -118.35, "Population": 1668.0}, {"index": 3691, "quantile": 0.75, "value": 154300.0, "Latitude": 34.22, "Longitude": -118.35, "Population": 1668.0}, {"index": 3691, "quantile": 1.0, "value": 187500.0, "Latitude": 34.22, "Longitude": -118.35, "Population": 1668.0}, {"index": 3692, "quantile": 0.0, "value": 92600.0, "Latitude": 34.21, "Longitude": -118.36, "Population": 198.0}, {"index": 3692, "quantile": 0.25, "value": 152900.0, "Latitude": 34.21, "Longitude": -118.36, "Population": 198.0}, {"index": 3692, "quantile": 0.5, "value": 152900.0, "Latitude": 34.21, "Longitude": -118.36, "Population": 198.0}, {"index": 3692, "quantile": 0.75, "value": 152900.0, "Latitude": 34.21, "Longitude": -118.36, "Population": 198.0}, {"index": 3692, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.36, "Population": 198.0}, {"index": 3693, "quantile": 0.0, "value": 52500.0, "Latitude": 34.21, "Longitude": -118.38, "Population": 730.0}, {"index": 3693, "quantile": 0.25, "value": 134600.0, "Latitude": 34.21, "Longitude": -118.38, "Population": 730.0}, {"index": 3693, "quantile": 0.5, "value": 169500.0, "Latitude": 34.21, "Longitude": -118.38, "Population": 730.0}, {"index": 3693, "quantile": 0.75, "value": 169500.0, "Latitude": 34.21, "Longitude": -118.38, "Population": 730.0}, {"index": 3693, "quantile": 1.0, "value": 172700.0, "Latitude": 34.21, "Longitude": -118.38, "Population": 730.0}, {"index": 3694, "quantile": 0.0, "value": 143800.0, "Latitude": 34.2, "Longitude": -118.38, "Population": 3911.0}, {"index": 3694, "quantile": 0.25, "value": 181700.0, "Latitude": 34.2, "Longitude": -118.38, "Population": 3911.0}, {"index": 3694, "quantile": 0.5, "value": 181700.0, "Latitude": 34.2, "Longitude": -118.38, "Population": 3911.0}, {"index": 3694, "quantile": 0.75, "value": 181700.0, "Latitude": 34.2, "Longitude": -118.38, "Population": 3911.0}, {"index": 3694, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 34.2, "Longitude": -118.38, "Population": 3911.0}, {"index": 3695, "quantile": 0.0, "value": 50600.0, "Latitude": 34.2, "Longitude": -118.39, "Population": 3950.0}, {"index": 3695, "quantile": 0.25, "value": 152400.0, "Latitude": 34.2, "Longitude": -118.39, "Population": 3950.0}, {"index": 3695, "quantile": 0.5, "value": 163850.0, "Latitude": 34.2, "Longitude": -118.39, "Population": 3950.0}, {"index": 3695, "quantile": 0.75, "value": 190225.0, "Latitude": 34.2, "Longitude": -118.39, "Population": 3950.0}, {"index": 3695, "quantile": 1.0, "value": 360000.0, "Latitude": 34.2, "Longitude": -118.39, "Population": 3950.0}, {"index": 3696, "quantile": 0.0, "value": 131100.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 1990.0}, {"index": 3696, "quantile": 0.25, "value": 159600.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 1990.0}, {"index": 3696, "quantile": 0.5, "value": 159600.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 1990.0}, {"index": 3696, "quantile": 0.75, "value": 159600.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 1990.0}, {"index": 3696, "quantile": 1.0, "value": 200300.0, "Latitude": 34.21, "Longitude": -118.37, "Population": 1990.0}, {"index": 3697, "quantile": 0.0, "value": 123700.00000000001, "Latitude": 34.2, "Longitude": -118.37, "Population": 2488.0}, {"index": 3697, "quantile": 0.25, "value": 170450.0, "Latitude": 34.2, "Longitude": -118.37, "Population": 2488.0}, {"index": 3697, "quantile": 0.5, "value": 171800.0, "Latitude": 34.2, "Longitude": -118.37, "Population": 2488.0}, {"index": 3697, "quantile": 0.75, "value": 171800.0, "Latitude": 34.2, "Longitude": -118.37, "Population": 2488.0}, {"index": 3697, "quantile": 1.0, "value": 185900.0, "Latitude": 34.2, "Longitude": -118.37, "Population": 2488.0}, {"index": 3698, "quantile": 0.0, "value": 90200.0, "Latitude": 34.21, "Longitude": -118.38, "Population": 1798.0}, {"index": 3698, "quantile": 0.25, "value": 157250.0, "Latitude": 34.21, "Longitude": -118.38, "Population": 1798.0}, {"index": 3698, "quantile": 0.5, "value": 171200.0, "Latitude": 34.21, "Longitude": -118.38, "Population": 1798.0}, {"index": 3698, "quantile": 0.75, "value": 171200.0, "Latitude": 34.21, "Longitude": -118.38, "Population": 1798.0}, {"index": 3698, "quantile": 1.0, "value": 262500.0, "Latitude": 34.21, "Longitude": -118.38, "Population": 1798.0}, {"index": 3699, "quantile": 0.0, "value": 89100.0, "Latitude": 34.2, "Longitude": -118.37, "Population": 1378.0}, {"index": 3699, "quantile": 0.25, "value": 144200.00000000003, "Latitude": 34.2, "Longitude": -118.37, "Population": 1378.0}, {"index": 3699, "quantile": 0.5, "value": 158300.0, "Latitude": 34.2, "Longitude": -118.37, "Population": 1378.0}, {"index": 3699, "quantile": 0.75, "value": 184200.0, "Latitude": 34.2, "Longitude": -118.37, "Population": 1378.0}, {"index": 3699, "quantile": 1.0, "value": 305800.0, "Latitude": 34.2, "Longitude": -118.37, "Population": 1378.0}, {"index": 3700, "quantile": 0.0, "value": 139000.0, "Latitude": 34.19, "Longitude": -118.36, "Population": 1512.0}, {"index": 3700, "quantile": 0.25, "value": 176400.0, "Latitude": 34.19, "Longitude": -118.36, "Population": 1512.0}, {"index": 3700, "quantile": 0.5, "value": 176400.0, "Latitude": 34.19, "Longitude": -118.36, "Population": 1512.0}, {"index": 3700, "quantile": 0.75, "value": 176400.0, "Latitude": 34.19, "Longitude": -118.36, "Population": 1512.0}, {"index": 3700, "quantile": 1.0, "value": 372300.0, "Latitude": 34.19, "Longitude": -118.36, "Population": 1512.0}, {"index": 3701, "quantile": 0.0, "value": 100000.0, "Latitude": 34.18, "Longitude": -118.36, "Population": 995.0}, {"index": 3701, "quantile": 0.25, "value": 188700.0, "Latitude": 34.18, "Longitude": -118.36, "Population": 995.0}, {"index": 3701, "quantile": 0.5, "value": 188700.0, "Latitude": 34.18, "Longitude": -118.36, "Population": 995.0}, {"index": 3701, "quantile": 0.75, "value": 190800.0, "Latitude": 34.18, "Longitude": -118.36, "Population": 995.0}, {"index": 3701, "quantile": 1.0, "value": 350000.0, "Latitude": 34.18, "Longitude": -118.36, "Population": 995.0}, {"index": 3702, "quantile": 0.0, "value": 153500.0, "Latitude": 34.18, "Longitude": -118.36, "Population": 1934.0}, {"index": 3702, "quantile": 0.25, "value": 185400.0, "Latitude": 34.18, "Longitude": -118.36, "Population": 1934.0}, {"index": 3702, "quantile": 0.5, "value": 194900.0, "Latitude": 34.18, "Longitude": -118.36, "Population": 1934.0}, {"index": 3702, "quantile": 0.75, "value": 194900.0, "Latitude": 34.18, "Longitude": -118.36, "Population": 1934.0}, {"index": 3702, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 34.18, "Longitude": -118.36, "Population": 1934.0}, {"index": 3703, "quantile": 0.0, "value": 164300.0, "Latitude": 34.18, "Longitude": -118.37, "Population": 1345.0}, {"index": 3703, "quantile": 0.25, "value": 198900.0, "Latitude": 34.18, "Longitude": -118.37, "Population": 1345.0}, {"index": 3703, "quantile": 0.5, "value": 198900.0, "Latitude": 34.18, "Longitude": -118.37, "Population": 1345.0}, {"index": 3703, "quantile": 0.75, "value": 200599.99999999997, "Latitude": 34.18, "Longitude": -118.37, "Population": 1345.0}, {"index": 3703, "quantile": 1.0, "value": 417600.0, "Latitude": 34.18, "Longitude": -118.37, "Population": 1345.0}, {"index": 3704, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 34.19, "Longitude": -118.37, "Population": 2203.0}, {"index": 3704, "quantile": 0.25, "value": 185100.0, "Latitude": 34.19, "Longitude": -118.37, "Population": 2203.0}, {"index": 3704, "quantile": 0.5, "value": 185100.0, "Latitude": 34.19, "Longitude": -118.37, "Population": 2203.0}, {"index": 3704, "quantile": 0.75, "value": 187350.0, "Latitude": 34.19, "Longitude": -118.37, "Population": 2203.0}, {"index": 3704, "quantile": 1.0, "value": 251100.0, "Latitude": 34.19, "Longitude": -118.37, "Population": 2203.0}, {"index": 3705, "quantile": 0.0, "value": 122200.0, "Latitude": 34.19, "Longitude": -118.39, "Population": 1439.0}, {"index": 3705, "quantile": 0.25, "value": 192000.0, "Latitude": 34.19, "Longitude": -118.39, "Population": 1439.0}, {"index": 3705, "quantile": 0.5, "value": 192000.0, "Latitude": 34.19, "Longitude": -118.39, "Population": 1439.0}, {"index": 3705, "quantile": 0.75, "value": 192000.0, "Latitude": 34.19, "Longitude": -118.39, "Population": 1439.0}, {"index": 3705, "quantile": 1.0, "value": 325000.0, "Latitude": 34.19, "Longitude": -118.39, "Population": 1439.0}, {"index": 3706, "quantile": 0.0, "value": 50600.0, "Latitude": 34.19, "Longitude": -118.39, "Population": 2555.0}, {"index": 3706, "quantile": 0.25, "value": 154200.0, "Latitude": 34.19, "Longitude": -118.39, "Population": 2555.0}, {"index": 3706, "quantile": 0.5, "value": 170500.0, "Latitude": 34.19, "Longitude": -118.39, "Population": 2555.0}, {"index": 3706, "quantile": 0.75, "value": 231700.00000000003, "Latitude": 34.19, "Longitude": -118.39, "Population": 2555.0}, {"index": 3706, "quantile": 1.0, "value": 380000.0, "Latitude": 34.19, "Longitude": -118.39, "Population": 2555.0}, {"index": 3707, "quantile": 0.0, "value": 92900.0, "Latitude": 34.2, "Longitude": -118.39, "Population": 3483.0}, {"index": 3707, "quantile": 0.25, "value": 169400.0, "Latitude": 34.2, "Longitude": -118.39, "Population": 3483.0}, {"index": 3707, "quantile": 0.5, "value": 181300.0, "Latitude": 34.2, "Longitude": -118.39, "Population": 3483.0}, {"index": 3707, "quantile": 0.75, "value": 181300.0, "Latitude": 34.2, "Longitude": -118.39, "Population": 3483.0}, {"index": 3707, "quantile": 1.0, "value": 350000.0, "Latitude": 34.2, "Longitude": -118.39, "Population": 3483.0}, {"index": 3708, "quantile": 0.0, "value": 106600.0, "Latitude": 34.19, "Longitude": -118.37, "Population": 2751.0}, {"index": 3708, "quantile": 0.25, "value": 171600.0, "Latitude": 34.19, "Longitude": -118.37, "Population": 2751.0}, {"index": 3708, "quantile": 0.5, "value": 171600.0, "Latitude": 34.19, "Longitude": -118.37, "Population": 2751.0}, {"index": 3708, "quantile": 0.75, "value": 177775.0, "Latitude": 34.19, "Longitude": -118.37, "Population": 2751.0}, {"index": 3708, "quantile": 1.0, "value": 268500.0, "Latitude": 34.19, "Longitude": -118.37, "Population": 2751.0}, {"index": 3709, "quantile": 0.0, "value": 97200.0, "Latitude": 34.19, "Longitude": -118.38, "Population": 1667.0}, {"index": 3709, "quantile": 0.25, "value": 147800.0, "Latitude": 34.19, "Longitude": -118.38, "Population": 1667.0}, {"index": 3709, "quantile": 0.5, "value": 166350.0, "Latitude": 34.19, "Longitude": -118.38, "Population": 1667.0}, {"index": 3709, "quantile": 0.75, "value": 171200.0, "Latitude": 34.19, "Longitude": -118.38, "Population": 1667.0}, {"index": 3709, "quantile": 1.0, "value": 231700.00000000003, "Latitude": 34.19, "Longitude": -118.38, "Population": 1667.0}, {"index": 3710, "quantile": 0.0, "value": 93000.0, "Latitude": 34.2, "Longitude": -118.38, "Population": 1044.0}, {"index": 3710, "quantile": 0.25, "value": 136850.0, "Latitude": 34.2, "Longitude": -118.38, "Population": 1044.0}, {"index": 3710, "quantile": 0.5, "value": 156300.0, "Latitude": 34.2, "Longitude": -118.38, "Population": 1044.0}, {"index": 3710, "quantile": 0.75, "value": 170900.0, "Latitude": 34.2, "Longitude": -118.38, "Population": 1044.0}, {"index": 3710, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 34.2, "Longitude": -118.38, "Population": 1044.0}, {"index": 3711, "quantile": 0.0, "value": 112500.0, "Latitude": 34.2, "Longitude": -118.4, "Population": 3351.0}, {"index": 3711, "quantile": 0.25, "value": 211900.00000000003, "Latitude": 34.2, "Longitude": -118.4, "Population": 3351.0}, {"index": 3711, "quantile": 0.5, "value": 211900.00000000003, "Latitude": 34.2, "Longitude": -118.4, "Population": 3351.0}, {"index": 3711, "quantile": 0.75, "value": 211900.00000000003, "Latitude": 34.2, "Longitude": -118.4, "Population": 3351.0}, {"index": 3711, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.4, "Population": 3351.0}, {"index": 3712, "quantile": 0.0, "value": 149700.0, "Latitude": 34.19, "Longitude": -118.4, "Population": 587.0}, {"index": 3712, "quantile": 0.25, "value": 181300.0, "Latitude": 34.19, "Longitude": -118.4, "Population": 587.0}, {"index": 3712, "quantile": 0.5, "value": 181300.0, "Latitude": 34.19, "Longitude": -118.4, "Population": 587.0}, {"index": 3712, "quantile": 0.75, "value": 192899.99999999997, "Latitude": 34.19, "Longitude": -118.4, "Population": 587.0}, {"index": 3712, "quantile": 1.0, "value": 440900.0, "Latitude": 34.19, "Longitude": -118.4, "Population": 587.0}, {"index": 3713, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 34.2, "Longitude": -118.4, "Population": 1987.0}, {"index": 3713, "quantile": 0.25, "value": 194150.0, "Latitude": 34.2, "Longitude": -118.4, "Population": 1987.0}, {"index": 3713, "quantile": 0.5, "value": 226399.99999999997, "Latitude": 34.2, "Longitude": -118.4, "Population": 1987.0}, {"index": 3713, "quantile": 0.75, "value": 226399.99999999997, "Latitude": 34.2, "Longitude": -118.4, "Population": 1987.0}, {"index": 3713, "quantile": 1.0, "value": 247200.0, "Latitude": 34.2, "Longitude": -118.4, "Population": 1987.0}, {"index": 3714, "quantile": 0.0, "value": 129200.0, "Latitude": 34.19, "Longitude": -118.4, "Population": 1483.0}, {"index": 3714, "quantile": 0.25, "value": 191300.0, "Latitude": 34.19, "Longitude": -118.4, "Population": 1483.0}, {"index": 3714, "quantile": 0.5, "value": 191300.0, "Latitude": 34.19, "Longitude": -118.4, "Population": 1483.0}, {"index": 3714, "quantile": 0.75, "value": 191300.0, "Latitude": 34.19, "Longitude": -118.4, "Population": 1483.0}, {"index": 3714, "quantile": 1.0, "value": 309100.0, "Latitude": 34.19, "Longitude": -118.4, "Population": 1483.0}, {"index": 3715, "quantile": 0.0, "value": 187300.0, "Latitude": 34.19, "Longitude": -118.41, "Population": 612.0}, {"index": 3715, "quantile": 0.25, "value": 200000.0, "Latitude": 34.19, "Longitude": -118.41, "Population": 612.0}, {"index": 3715, "quantile": 0.5, "value": 200000.0, "Latitude": 34.19, "Longitude": -118.41, "Population": 612.0}, {"index": 3715, "quantile": 0.75, "value": 216000.0, "Latitude": 34.19, "Longitude": -118.41, "Population": 612.0}, {"index": 3715, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 34.19, "Longitude": -118.41, "Population": 612.0}, {"index": 3716, "quantile": 0.0, "value": 113500.0, "Latitude": 34.2, "Longitude": -118.41, "Population": 2209.0}, {"index": 3716, "quantile": 0.25, "value": 185075.0, "Latitude": 34.2, "Longitude": -118.41, "Population": 2209.0}, {"index": 3716, "quantile": 0.5, "value": 217200.00000000003, "Latitude": 34.2, "Longitude": -118.41, "Population": 2209.0}, {"index": 3716, "quantile": 0.75, "value": 217200.00000000003, "Latitude": 34.2, "Longitude": -118.41, "Population": 2209.0}, {"index": 3716, "quantile": 1.0, "value": 217200.00000000003, "Latitude": 34.2, "Longitude": -118.41, "Population": 2209.0}, {"index": 3717, "quantile": 0.0, "value": 108000.0, "Latitude": 34.2, "Longitude": -118.42, "Population": 2850.0}, {"index": 3717, "quantile": 0.25, "value": 171600.0, "Latitude": 34.2, "Longitude": -118.42, "Population": 2850.0}, {"index": 3717, "quantile": 0.5, "value": 221500.0, "Latitude": 34.2, "Longitude": -118.42, "Population": 2850.0}, {"index": 3717, "quantile": 0.75, "value": 221500.0, "Latitude": 34.2, "Longitude": -118.42, "Population": 2850.0}, {"index": 3717, "quantile": 1.0, "value": 254500.0, "Latitude": 34.2, "Longitude": -118.42, "Population": 2850.0}, {"index": 3718, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.19, "Longitude": -118.41, "Population": 450.0}, {"index": 3718, "quantile": 0.25, "value": 193800.0, "Latitude": 34.19, "Longitude": -118.41, "Population": 450.0}, {"index": 3718, "quantile": 0.5, "value": 193800.0, "Latitude": 34.19, "Longitude": -118.41, "Population": 450.0}, {"index": 3718, "quantile": 0.75, "value": 193800.0, "Latitude": 34.19, "Longitude": -118.41, "Population": 450.0}, {"index": 3718, "quantile": 1.0, "value": 351000.0, "Latitude": 34.19, "Longitude": -118.41, "Population": 450.0}, {"index": 3719, "quantile": 0.0, "value": 113500.0, "Latitude": 34.19, "Longitude": -118.42, "Population": 1997.0}, {"index": 3719, "quantile": 0.25, "value": 165925.0, "Latitude": 34.19, "Longitude": -118.42, "Population": 1997.0}, {"index": 3719, "quantile": 0.5, "value": 183650.0, "Latitude": 34.19, "Longitude": -118.42, "Population": 1997.0}, {"index": 3719, "quantile": 0.75, "value": 195350.0, "Latitude": 34.19, "Longitude": -118.42, "Population": 1997.0}, {"index": 3719, "quantile": 1.0, "value": 257799.99999999997, "Latitude": 34.19, "Longitude": -118.42, "Population": 1997.0}, {"index": 3720, "quantile": 0.0, "value": 127099.99999999999, "Latitude": 34.2, "Longitude": -118.42, "Population": 3403.0}, {"index": 3720, "quantile": 0.25, "value": 220575.0, "Latitude": 34.2, "Longitude": -118.42, "Population": 3403.0}, {"index": 3720, "quantile": 0.5, "value": 231700.00000000003, "Latitude": 34.2, "Longitude": -118.42, "Population": 3403.0}, {"index": 3720, "quantile": 0.75, "value": 231700.00000000003, "Latitude": 34.2, "Longitude": -118.42, "Population": 3403.0}, {"index": 3720, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 34.2, "Longitude": -118.42, "Population": 3403.0}, {"index": 3721, "quantile": 0.0, "value": 140500.0, "Latitude": 34.2, "Longitude": -118.43, "Population": 2240.0}, {"index": 3721, "quantile": 0.25, "value": 230375.0, "Latitude": 34.2, "Longitude": -118.43, "Population": 2240.0}, {"index": 3721, "quantile": 0.5, "value": 290100.0, "Latitude": 34.2, "Longitude": -118.43, "Population": 2240.0}, {"index": 3721, "quantile": 0.75, "value": 290100.0, "Latitude": 34.2, "Longitude": -118.43, "Population": 2240.0}, {"index": 3721, "quantile": 1.0, "value": 290100.0, "Latitude": 34.2, "Longitude": -118.43, "Population": 2240.0}, {"index": 3722, "quantile": 0.0, "value": 68100.0, "Latitude": 34.19, "Longitude": -118.42, "Population": 2318.0}, {"index": 3722, "quantile": 0.25, "value": 164600.0, "Latitude": 34.19, "Longitude": -118.42, "Population": 2318.0}, {"index": 3722, "quantile": 0.5, "value": 203799.99999999997, "Latitude": 34.19, "Longitude": -118.42, "Population": 2318.0}, {"index": 3722, "quantile": 0.75, "value": 230799.99999999997, "Latitude": 34.19, "Longitude": -118.42, "Population": 2318.0}, {"index": 3722, "quantile": 1.0, "value": 445000.0, "Latitude": 34.19, "Longitude": -118.42, "Population": 2318.0}, {"index": 3723, "quantile": 0.0, "value": 137500.0, "Latitude": 34.19, "Longitude": -118.42, "Population": 2281.0}, {"index": 3723, "quantile": 0.25, "value": 219850.0, "Latitude": 34.19, "Longitude": -118.42, "Population": 2281.0}, {"index": 3723, "quantile": 0.5, "value": 230799.99999999997, "Latitude": 34.19, "Longitude": -118.42, "Population": 2281.0}, {"index": 3723, "quantile": 0.75, "value": 230799.99999999997, "Latitude": 34.19, "Longitude": -118.42, "Population": 2281.0}, {"index": 3723, "quantile": 1.0, "value": 256800.0, "Latitude": 34.19, "Longitude": -118.42, "Population": 2281.0}, {"index": 3724, "quantile": 0.0, "value": 164300.0, "Latitude": 34.18, "Longitude": -118.42, "Population": 2022.0}, {"index": 3724, "quantile": 0.25, "value": 225599.99999999997, "Latitude": 34.18, "Longitude": -118.42, "Population": 2022.0}, {"index": 3724, "quantile": 0.5, "value": 225599.99999999997, "Latitude": 34.18, "Longitude": -118.42, "Population": 2022.0}, {"index": 3724, "quantile": 0.75, "value": 225599.99999999997, "Latitude": 34.18, "Longitude": -118.42, "Population": 2022.0}, {"index": 3724, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.18, "Longitude": -118.42, "Population": 2022.0}, {"index": 3725, "quantile": 0.0, "value": 181300.0, "Latitude": 34.18, "Longitude": -118.42, "Population": 1626.0}, {"index": 3725, "quantile": 0.25, "value": 249100.0, "Latitude": 34.18, "Longitude": -118.42, "Population": 1626.0}, {"index": 3725, "quantile": 0.5, "value": 335500.0, "Latitude": 34.18, "Longitude": -118.42, "Population": 1626.0}, {"index": 3725, "quantile": 0.75, "value": 335500.0, "Latitude": 34.18, "Longitude": -118.42, "Population": 1626.0}, {"index": 3725, "quantile": 1.0, "value": 335500.0, "Latitude": 34.18, "Longitude": -118.42, "Population": 1626.0}, {"index": 3726, "quantile": 0.0, "value": 176700.0, "Latitude": 34.18, "Longitude": -118.42, "Population": 856.0}, {"index": 3726, "quantile": 0.25, "value": 202199.99999999997, "Latitude": 34.18, "Longitude": -118.42, "Population": 856.0}, {"index": 3726, "quantile": 0.5, "value": 202199.99999999997, "Latitude": 34.18, "Longitude": -118.42, "Population": 856.0}, {"index": 3726, "quantile": 0.75, "value": 202199.99999999997, "Latitude": 34.18, "Longitude": -118.42, "Population": 856.0}, {"index": 3726, "quantile": 1.0, "value": 348100.0, "Latitude": 34.18, "Longitude": -118.42, "Population": 856.0}, {"index": 3727, "quantile": 0.0, "value": 145200.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 1546.0}, {"index": 3727, "quantile": 0.25, "value": 267500.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 1546.0}, {"index": 3727, "quantile": 0.5, "value": 267500.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 1546.0}, {"index": 3727, "quantile": 0.75, "value": 267500.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 1546.0}, {"index": 3727, "quantile": 1.0, "value": 336300.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 1546.0}, {"index": 3728, "quantile": 0.0, "value": 191200.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 1102.0}, {"index": 3728, "quantile": 0.25, "value": 282200.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 1102.0}, {"index": 3728, "quantile": 0.5, "value": 282200.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 1102.0}, {"index": 3728, "quantile": 0.75, "value": 282200.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 1102.0}, {"index": 3728, "quantile": 1.0, "value": 409700.00000000006, "Latitude": 34.18, "Longitude": -118.43, "Population": 1102.0}, {"index": 3729, "quantile": 0.0, "value": 183700.0, "Latitude": 34.18, "Longitude": -118.42, "Population": 449.0}, {"index": 3729, "quantile": 0.25, "value": 371525.0, "Latitude": 34.18, "Longitude": -118.42, "Population": 449.0}, {"index": 3729, "quantile": 0.5, "value": 382400.0, "Latitude": 34.18, "Longitude": -118.42, "Population": 449.0}, {"index": 3729, "quantile": 0.75, "value": 382400.0, "Latitude": 34.18, "Longitude": -118.42, "Population": 449.0}, {"index": 3729, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.42, "Population": 449.0}, {"index": 3730, "quantile": 0.0, "value": 160700.0, "Latitude": 34.19, "Longitude": -118.41, "Population": 595.0}, {"index": 3730, "quantile": 0.25, "value": 190700.0, "Latitude": 34.19, "Longitude": -118.41, "Population": 595.0}, {"index": 3730, "quantile": 0.5, "value": 190700.0, "Latitude": 34.19, "Longitude": -118.41, "Population": 595.0}, {"index": 3730, "quantile": 0.75, "value": 229100.0, "Latitude": 34.19, "Longitude": -118.41, "Population": 595.0}, {"index": 3730, "quantile": 1.0, "value": 440900.0, "Latitude": 34.19, "Longitude": -118.41, "Population": 595.0}, {"index": 3731, "quantile": 0.0, "value": 138700.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 966.0}, {"index": 3731, "quantile": 0.25, "value": 237900.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 966.0}, {"index": 3731, "quantile": 0.5, "value": 237900.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 966.0}, {"index": 3731, "quantile": 0.75, "value": 237900.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 966.0}, {"index": 3731, "quantile": 1.0, "value": 406300.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 966.0}, {"index": 3732, "quantile": 0.0, "value": 113900.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 1052.0}, {"index": 3732, "quantile": 0.25, "value": 262200.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 1052.0}, {"index": 3732, "quantile": 0.5, "value": 262200.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 1052.0}, {"index": 3732, "quantile": 0.75, "value": 262200.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 1052.0}, {"index": 3732, "quantile": 1.0, "value": 425000.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 1052.0}, {"index": 3733, "quantile": 0.0, "value": 67500.0, "Latitude": 34.19, "Longitude": -118.41, "Population": 939.0}, {"index": 3733, "quantile": 0.25, "value": 202100.0, "Latitude": 34.19, "Longitude": -118.41, "Population": 939.0}, {"index": 3733, "quantile": 0.5, "value": 229900.0, "Latitude": 34.19, "Longitude": -118.41, "Population": 939.0}, {"index": 3733, "quantile": 0.75, "value": 244300.0, "Latitude": 34.19, "Longitude": -118.41, "Population": 939.0}, {"index": 3733, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.41, "Population": 939.0}, {"index": 3734, "quantile": 0.0, "value": 181300.0, "Latitude": 34.19, "Longitude": -118.4, "Population": 306.0}, {"index": 3734, "quantile": 0.25, "value": 216699.99999999997, "Latitude": 34.19, "Longitude": -118.4, "Population": 306.0}, {"index": 3734, "quantile": 0.5, "value": 216699.99999999997, "Latitude": 34.19, "Longitude": -118.4, "Population": 306.0}, {"index": 3734, "quantile": 0.75, "value": 218499.99999999997, "Latitude": 34.19, "Longitude": -118.4, "Population": 306.0}, {"index": 3734, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.4, "Population": 306.0}, {"index": 3735, "quantile": 0.0, "value": 187300.0, "Latitude": 34.19, "Longitude": -118.4, "Population": 862.0}, {"index": 3735, "quantile": 0.25, "value": 261800.0, "Latitude": 34.19, "Longitude": -118.4, "Population": 862.0}, {"index": 3735, "quantile": 0.5, "value": 261800.0, "Latitude": 34.19, "Longitude": -118.4, "Population": 862.0}, {"index": 3735, "quantile": 0.75, "value": 261800.0, "Latitude": 34.19, "Longitude": -118.4, "Population": 862.0}, {"index": 3735, "quantile": 1.0, "value": 450000.0, "Latitude": 34.19, "Longitude": -118.4, "Population": 862.0}, {"index": 3736, "quantile": 0.0, "value": 145200.0, "Latitude": 34.18, "Longitude": -118.4, "Population": 1912.0}, {"index": 3736, "quantile": 0.25, "value": 273950.0, "Latitude": 34.18, "Longitude": -118.4, "Population": 1912.0}, {"index": 3736, "quantile": 0.5, "value": 312700.0, "Latitude": 34.18, "Longitude": -118.4, "Population": 1912.0}, {"index": 3736, "quantile": 0.75, "value": 312700.0, "Latitude": 34.18, "Longitude": -118.4, "Population": 1912.0}, {"index": 3736, "quantile": 1.0, "value": 355100.0, "Latitude": 34.18, "Longitude": -118.4, "Population": 1912.0}, {"index": 3737, "quantile": 0.0, "value": 182700.0, "Latitude": 34.17, "Longitude": -118.4, "Population": 1891.0}, {"index": 3737, "quantile": 0.25, "value": 250000.0, "Latitude": 34.17, "Longitude": -118.4, "Population": 1891.0}, {"index": 3737, "quantile": 0.5, "value": 286000.0, "Latitude": 34.17, "Longitude": -118.4, "Population": 1891.0}, {"index": 3737, "quantile": 0.75, "value": 286000.0, "Latitude": 34.17, "Longitude": -118.4, "Population": 1891.0}, {"index": 3737, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.4, "Population": 1891.0}, {"index": 3738, "quantile": 0.0, "value": 67500.0, "Latitude": 34.19, "Longitude": -118.39, "Population": 2454.0}, {"index": 3738, "quantile": 0.25, "value": 204199.99999999997, "Latitude": 34.19, "Longitude": -118.39, "Population": 2454.0}, {"index": 3738, "quantile": 0.5, "value": 204199.99999999997, "Latitude": 34.19, "Longitude": -118.39, "Population": 2454.0}, {"index": 3738, "quantile": 0.75, "value": 204199.99999999997, "Latitude": 34.19, "Longitude": -118.39, "Population": 2454.0}, {"index": 3738, "quantile": 1.0, "value": 325000.0, "Latitude": 34.19, "Longitude": -118.39, "Population": 2454.0}, {"index": 3739, "quantile": 0.0, "value": 67500.0, "Latitude": 34.18, "Longitude": -118.39, "Population": 985.0}, {"index": 3739, "quantile": 0.25, "value": 240200.0, "Latitude": 34.18, "Longitude": -118.39, "Population": 985.0}, {"index": 3739, "quantile": 0.5, "value": 240200.0, "Latitude": 34.18, "Longitude": -118.39, "Population": 985.0}, {"index": 3739, "quantile": 0.75, "value": 240200.0, "Latitude": 34.18, "Longitude": -118.39, "Population": 985.0}, {"index": 3739, "quantile": 1.0, "value": 375000.0, "Latitude": 34.18, "Longitude": -118.39, "Population": 985.0}, {"index": 3740, "quantile": 0.0, "value": 198300.0, "Latitude": 34.17, "Longitude": -118.39, "Population": 1599.0}, {"index": 3740, "quantile": 0.25, "value": 241500.0, "Latitude": 34.17, "Longitude": -118.39, "Population": 1599.0}, {"index": 3740, "quantile": 0.5, "value": 241500.0, "Latitude": 34.17, "Longitude": -118.39, "Population": 1599.0}, {"index": 3740, "quantile": 0.75, "value": 250300.0, "Latitude": 34.17, "Longitude": -118.39, "Population": 1599.0}, {"index": 3740, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.39, "Population": 1599.0}, {"index": 3741, "quantile": 0.0, "value": 131300.0, "Latitude": 34.18, "Longitude": -118.39, "Population": 220.0}, {"index": 3741, "quantile": 0.25, "value": 223800.0, "Latitude": 34.18, "Longitude": -118.39, "Population": 220.0}, {"index": 3741, "quantile": 0.5, "value": 223800.0, "Latitude": 34.18, "Longitude": -118.39, "Population": 220.0}, {"index": 3741, "quantile": 0.75, "value": 223800.0, "Latitude": 34.18, "Longitude": -118.39, "Population": 220.0}, {"index": 3741, "quantile": 1.0, "value": 474300.00000000006, "Latitude": 34.18, "Longitude": -118.39, "Population": 220.0}, {"index": 3742, "quantile": 0.0, "value": 123400.0, "Latitude": 34.19, "Longitude": -118.39, "Population": 627.0}, {"index": 3742, "quantile": 0.25, "value": 192300.0, "Latitude": 34.19, "Longitude": -118.39, "Population": 627.0}, {"index": 3742, "quantile": 0.5, "value": 192900.0, "Latitude": 34.19, "Longitude": -118.39, "Population": 627.0}, {"index": 3742, "quantile": 0.75, "value": 192900.0, "Latitude": 34.19, "Longitude": -118.39, "Population": 627.0}, {"index": 3742, "quantile": 1.0, "value": 275000.0, "Latitude": 34.19, "Longitude": -118.39, "Population": 627.0}, {"index": 3743, "quantile": 0.0, "value": 67000.0, "Latitude": 34.16, "Longitude": -118.4, "Population": 471.0}, {"index": 3743, "quantile": 0.25, "value": 212975.0, "Latitude": 34.16, "Longitude": -118.4, "Population": 471.0}, {"index": 3743, "quantile": 0.5, "value": 364700.0, "Latitude": 34.16, "Longitude": -118.4, "Population": 471.0}, {"index": 3743, "quantile": 0.75, "value": 364700.0, "Latitude": 34.16, "Longitude": -118.4, "Population": 471.0}, {"index": 3743, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.4, "Population": 471.0}, {"index": 3744, "quantile": 0.0, "value": 132200.0, "Latitude": 34.16, "Longitude": -118.4, "Population": 501.0}, {"index": 3744, "quantile": 0.25, "value": 384700.0, "Latitude": 34.16, "Longitude": -118.4, "Population": 501.0}, {"index": 3744, "quantile": 0.5, "value": 384700.0, "Latitude": 34.16, "Longitude": -118.4, "Population": 501.0}, {"index": 3744, "quantile": 0.75, "value": 384700.0, "Latitude": 34.16, "Longitude": -118.4, "Population": 501.0}, {"index": 3744, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.4, "Population": 501.0}, {"index": 3745, "quantile": 0.0, "value": 261300.0, "Latitude": 34.16, "Longitude": -118.4, "Population": 1150.0}, {"index": 3745, "quantile": 0.25, "value": 362200.0, "Latitude": 34.16, "Longitude": -118.4, "Population": 1150.0}, {"index": 3745, "quantile": 0.5, "value": 364700.0, "Latitude": 34.16, "Longitude": -118.4, "Population": 1150.0}, {"index": 3745, "quantile": 0.75, "value": 364700.0, "Latitude": 34.16, "Longitude": -118.4, "Population": 1150.0}, {"index": 3745, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.4, "Population": 1150.0}, {"index": 3746, "quantile": 0.0, "value": 228700.0, "Latitude": 34.16, "Longitude": -118.41, "Population": 1159.0}, {"index": 3746, "quantile": 0.25, "value": 433825.00000000006, "Latitude": 34.16, "Longitude": -118.41, "Population": 1159.0}, {"index": 3746, "quantile": 0.5, "value": 465800.00000000006, "Latitude": 34.16, "Longitude": -118.41, "Population": 1159.0}, {"index": 3746, "quantile": 0.75, "value": 465800.00000000006, "Latitude": 34.16, "Longitude": -118.41, "Population": 1159.0}, {"index": 3746, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.41, "Population": 1159.0}, {"index": 3747, "quantile": 0.0, "value": 261300.0, "Latitude": 34.17, "Longitude": -118.41, "Population": 879.0}, {"index": 3747, "quantile": 0.25, "value": 330900.0, "Latitude": 34.17, "Longitude": -118.41, "Population": 879.0}, {"index": 3747, "quantile": 0.5, "value": 330900.0, "Latitude": 34.17, "Longitude": -118.41, "Population": 879.0}, {"index": 3747, "quantile": 0.75, "value": 330900.0, "Latitude": 34.17, "Longitude": -118.41, "Population": 879.0}, {"index": 3747, "quantile": 1.0, "value": 427500.00000000006, "Latitude": 34.17, "Longitude": -118.41, "Population": 879.0}, {"index": 3748, "quantile": 0.0, "value": 79700.0, "Latitude": 34.19, "Longitude": -118.38, "Population": 950.0}, {"index": 3748, "quantile": 0.25, "value": 181500.0, "Latitude": 34.19, "Longitude": -118.38, "Population": 950.0}, {"index": 3748, "quantile": 0.5, "value": 181500.0, "Latitude": 34.19, "Longitude": -118.38, "Population": 950.0}, {"index": 3748, "quantile": 0.75, "value": 181500.0, "Latitude": 34.19, "Longitude": -118.38, "Population": 950.0}, {"index": 3748, "quantile": 1.0, "value": 275000.0, "Latitude": 34.19, "Longitude": -118.38, "Population": 950.0}, {"index": 3749, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 34.18, "Longitude": -118.38, "Population": 1396.0}, {"index": 3749, "quantile": 0.25, "value": 190800.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 1396.0}, {"index": 3749, "quantile": 0.5, "value": 190800.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 1396.0}, {"index": 3749, "quantile": 0.75, "value": 190800.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 1396.0}, {"index": 3749, "quantile": 1.0, "value": 309100.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 1396.0}, {"index": 3750, "quantile": 0.0, "value": 145400.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 3847.0}, {"index": 3750, "quantile": 0.25, "value": 165300.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 3847.0}, {"index": 3750, "quantile": 0.5, "value": 165300.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 3847.0}, {"index": 3750, "quantile": 0.75, "value": 181900.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 3847.0}, {"index": 3750, "quantile": 1.0, "value": 350000.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 3847.0}, {"index": 3751, "quantile": 0.0, "value": 122900.00000000001, "Latitude": 34.18, "Longitude": -118.38, "Population": 2251.0}, {"index": 3751, "quantile": 0.25, "value": 170350.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 2251.0}, {"index": 3751, "quantile": 0.5, "value": 200000.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 2251.0}, {"index": 3751, "quantile": 0.75, "value": 200000.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 2251.0}, {"index": 3751, "quantile": 1.0, "value": 305800.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 2251.0}, {"index": 3752, "quantile": 0.0, "value": 179500.0, "Latitude": 34.17, "Longitude": -118.38, "Population": 739.0}, {"index": 3752, "quantile": 0.25, "value": 238499.99999999997, "Latitude": 34.17, "Longitude": -118.38, "Population": 739.0}, {"index": 3752, "quantile": 0.5, "value": 238499.99999999997, "Latitude": 34.17, "Longitude": -118.38, "Population": 739.0}, {"index": 3752, "quantile": 0.75, "value": 253050.0, "Latitude": 34.17, "Longitude": -118.38, "Population": 739.0}, {"index": 3752, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.38, "Population": 739.0}, {"index": 3753, "quantile": 0.0, "value": 199200.0, "Latitude": 34.17, "Longitude": -118.39, "Population": 835.0}, {"index": 3753, "quantile": 0.25, "value": 222400.00000000003, "Latitude": 34.17, "Longitude": -118.39, "Population": 835.0}, {"index": 3753, "quantile": 0.5, "value": 222400.00000000003, "Latitude": 34.17, "Longitude": -118.39, "Population": 835.0}, {"index": 3753, "quantile": 0.75, "value": 241500.0, "Latitude": 34.17, "Longitude": -118.39, "Population": 835.0}, {"index": 3753, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.39, "Population": 835.0}, {"index": 3754, "quantile": 0.0, "value": 129200.0, "Latitude": 34.18, "Longitude": -118.37, "Population": 1217.0}, {"index": 3754, "quantile": 0.25, "value": 190200.0, "Latitude": 34.18, "Longitude": -118.37, "Population": 1217.0}, {"index": 3754, "quantile": 0.5, "value": 190200.0, "Latitude": 34.18, "Longitude": -118.37, "Population": 1217.0}, {"index": 3754, "quantile": 0.75, "value": 192099.99999999997, "Latitude": 34.18, "Longitude": -118.37, "Population": 1217.0}, {"index": 3754, "quantile": 1.0, "value": 275000.0, "Latitude": 34.18, "Longitude": -118.37, "Population": 1217.0}, {"index": 3755, "quantile": 0.0, "value": 150300.0, "Latitude": 34.18, "Longitude": -118.37, "Population": 643.0}, {"index": 3755, "quantile": 0.25, "value": 178400.0, "Latitude": 34.18, "Longitude": -118.37, "Population": 643.0}, {"index": 3755, "quantile": 0.5, "value": 178400.0, "Latitude": 34.18, "Longitude": -118.37, "Population": 643.0}, {"index": 3755, "quantile": 0.75, "value": 196500.0, "Latitude": 34.18, "Longitude": -118.37, "Population": 643.0}, {"index": 3755, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.37, "Population": 643.0}, {"index": 3756, "quantile": 0.0, "value": 78300.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 473.0}, {"index": 3756, "quantile": 0.25, "value": 186400.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 473.0}, {"index": 3756, "quantile": 0.5, "value": 186400.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 473.0}, {"index": 3756, "quantile": 0.75, "value": 187475.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 473.0}, {"index": 3756, "quantile": 1.0, "value": 314500.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 473.0}, {"index": 3757, "quantile": 0.0, "value": 52500.0, "Latitude": 34.19, "Longitude": -118.38, "Population": 736.0}, {"index": 3757, "quantile": 0.25, "value": 177400.0, "Latitude": 34.19, "Longitude": -118.38, "Population": 736.0}, {"index": 3757, "quantile": 0.5, "value": 177400.0, "Latitude": 34.19, "Longitude": -118.38, "Population": 736.0}, {"index": 3757, "quantile": 0.75, "value": 177475.0, "Latitude": 34.19, "Longitude": -118.38, "Population": 736.0}, {"index": 3757, "quantile": 1.0, "value": 275000.0, "Latitude": 34.19, "Longitude": -118.38, "Population": 736.0}, {"index": 3758, "quantile": 0.0, "value": 144600.0, "Latitude": 34.18, "Longitude": -118.37, "Population": 2106.0}, {"index": 3758, "quantile": 0.25, "value": 177300.0, "Latitude": 34.18, "Longitude": -118.37, "Population": 2106.0}, {"index": 3758, "quantile": 0.5, "value": 177300.0, "Latitude": 34.18, "Longitude": -118.37, "Population": 2106.0}, {"index": 3758, "quantile": 0.75, "value": 183950.0, "Latitude": 34.18, "Longitude": -118.37, "Population": 2106.0}, {"index": 3758, "quantile": 1.0, "value": 257100.00000000003, "Latitude": 34.18, "Longitude": -118.37, "Population": 2106.0}, {"index": 3759, "quantile": 0.0, "value": 140500.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 3129.0}, {"index": 3759, "quantile": 0.25, "value": 174200.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 3129.0}, {"index": 3759, "quantile": 0.5, "value": 174200.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 3129.0}, {"index": 3759, "quantile": 0.75, "value": 185925.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 3129.0}, {"index": 3759, "quantile": 1.0, "value": 360000.0, "Latitude": 34.18, "Longitude": -118.38, "Population": 3129.0}, {"index": 3760, "quantile": 0.0, "value": 127099.99999999999, "Latitude": 34.18, "Longitude": -118.36, "Population": 1119.0}, {"index": 3760, "quantile": 0.25, "value": 200000.0, "Latitude": 34.18, "Longitude": -118.36, "Population": 1119.0}, {"index": 3760, "quantile": 0.5, "value": 200000.0, "Latitude": 34.18, "Longitude": -118.36, "Population": 1119.0}, {"index": 3760, "quantile": 0.75, "value": 200000.0, "Latitude": 34.18, "Longitude": -118.36, "Population": 1119.0}, {"index": 3760, "quantile": 1.0, "value": 445000.0, "Latitude": 34.18, "Longitude": -118.36, "Population": 1119.0}, {"index": 3761, "quantile": 0.0, "value": 153500.0, "Latitude": 34.17, "Longitude": -118.36, "Population": 1584.0}, {"index": 3761, "quantile": 0.25, "value": 199500.0, "Latitude": 34.17, "Longitude": -118.36, "Population": 1584.0}, {"index": 3761, "quantile": 0.5, "value": 199500.0, "Latitude": 34.17, "Longitude": -118.36, "Population": 1584.0}, {"index": 3761, "quantile": 0.75, "value": 199500.0, "Latitude": 34.17, "Longitude": -118.36, "Population": 1584.0}, {"index": 3761, "quantile": 1.0, "value": 305800.0, "Latitude": 34.17, "Longitude": -118.36, "Population": 1584.0}, {"index": 3762, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.17, "Longitude": -118.37, "Population": 1349.0}, {"index": 3762, "quantile": 0.25, "value": 191800.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 1349.0}, {"index": 3762, "quantile": 0.5, "value": 191800.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 1349.0}, {"index": 3762, "quantile": 0.75, "value": 191800.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 1349.0}, {"index": 3762, "quantile": 1.0, "value": 417600.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 1349.0}, {"index": 3763, "quantile": 0.0, "value": 191300.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 1631.0}, {"index": 3763, "quantile": 0.25, "value": 276100.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 1631.0}, {"index": 3763, "quantile": 0.5, "value": 276100.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 1631.0}, {"index": 3763, "quantile": 0.75, "value": 276100.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 1631.0}, {"index": 3763, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.41, "Population": 1631.0}, {"index": 3764, "quantile": 0.0, "value": 88800.0, "Latitude": 34.17, "Longitude": -118.41, "Population": 1382.0}, {"index": 3764, "quantile": 0.25, "value": 346500.0, "Latitude": 34.17, "Longitude": -118.41, "Population": 1382.0}, {"index": 3764, "quantile": 0.5, "value": 366100.0, "Latitude": 34.17, "Longitude": -118.41, "Population": 1382.0}, {"index": 3764, "quantile": 0.75, "value": 366100.0, "Latitude": 34.17, "Longitude": -118.41, "Population": 1382.0}, {"index": 3764, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.41, "Population": 1382.0}, {"index": 3765, "quantile": 0.0, "value": 212200.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 882.0}, {"index": 3765, "quantile": 0.25, "value": 291700.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 882.0}, {"index": 3765, "quantile": 0.5, "value": 291700.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 882.0}, {"index": 3765, "quantile": 0.75, "value": 292725.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 882.0}, {"index": 3765, "quantile": 1.0, "value": 457500.0, "Latitude": 34.18, "Longitude": -118.41, "Population": 882.0}, {"index": 3766, "quantile": 0.0, "value": 150000.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 1573.0}, {"index": 3766, "quantile": 0.25, "value": 258975.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 1573.0}, {"index": 3766, "quantile": 0.5, "value": 292900.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 1573.0}, {"index": 3766, "quantile": 0.75, "value": 292900.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 1573.0}, {"index": 3766, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.43, "Population": 1573.0}, {"index": 3767, "quantile": 0.0, "value": 282300.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 1130.0}, {"index": 3767, "quantile": 0.25, "value": 341800.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 1130.0}, {"index": 3767, "quantile": 0.5, "value": 341800.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 1130.0}, {"index": 3767, "quantile": 0.75, "value": 342900.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 1130.0}, {"index": 3767, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.43, "Population": 1130.0}, {"index": 3768, "quantile": 0.0, "value": 160100.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 794.0}, {"index": 3768, "quantile": 0.25, "value": 290800.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 794.0}, {"index": 3768, "quantile": 0.5, "value": 358450.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 794.0}, {"index": 3768, "quantile": 0.75, "value": 420099.99999999994, "Latitude": 34.17, "Longitude": -118.43, "Population": 794.0}, {"index": 3768, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.43, "Population": 794.0}, {"index": 3769, "quantile": 0.0, "value": 148400.0, "Latitude": 34.16, "Longitude": -118.43, "Population": 1139.0}, {"index": 3769, "quantile": 0.25, "value": 227500.0, "Latitude": 34.16, "Longitude": -118.43, "Population": 1139.0}, {"index": 3769, "quantile": 0.5, "value": 260650.0, "Latitude": 34.16, "Longitude": -118.43, "Population": 1139.0}, {"index": 3769, "quantile": 0.75, "value": 312700.0, "Latitude": 34.16, "Longitude": -118.43, "Population": 1139.0}, {"index": 3769, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.43, "Population": 1139.0}, {"index": 3770, "quantile": 0.0, "value": 178400.0, "Latitude": 34.16, "Longitude": -118.43, "Population": 850.0}, {"index": 3770, "quantile": 0.25, "value": 319675.0, "Latitude": 34.16, "Longitude": -118.43, "Population": 850.0}, {"index": 3770, "quantile": 0.5, "value": 343400.0, "Latitude": 34.16, "Longitude": -118.43, "Population": 850.0}, {"index": 3770, "quantile": 0.75, "value": 343400.0, "Latitude": 34.16, "Longitude": -118.43, "Population": 850.0}, {"index": 3770, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.43, "Population": 850.0}, {"index": 3771, "quantile": 0.0, "value": 86300.0, "Latitude": 34.16, "Longitude": -118.43, "Population": 452.0}, {"index": 3771, "quantile": 0.25, "value": 303600.0, "Latitude": 34.16, "Longitude": -118.43, "Population": 452.0}, {"index": 3771, "quantile": 0.5, "value": 333900.0, "Latitude": 34.16, "Longitude": -118.43, "Population": 452.0}, {"index": 3771, "quantile": 0.75, "value": 333900.0, "Latitude": 34.16, "Longitude": -118.43, "Population": 452.0}, {"index": 3771, "quantile": 1.0, "value": 479000.0, "Latitude": 34.16, "Longitude": -118.43, "Population": 452.0}, {"index": 3772, "quantile": 0.0, "value": 302100.0, "Latitude": 34.15, "Longitude": -118.42, "Population": 1073.0}, {"index": 3772, "quantile": 0.25, "value": 365000.0, "Latitude": 34.15, "Longitude": -118.42, "Population": 1073.0}, {"index": 3772, "quantile": 0.5, "value": 365000.0, "Latitude": 34.15, "Longitude": -118.42, "Population": 1073.0}, {"index": 3772, "quantile": 0.75, "value": 375975.0, "Latitude": 34.15, "Longitude": -118.42, "Population": 1073.0}, {"index": 3772, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.42, "Population": 1073.0}, {"index": 3773, "quantile": 0.0, "value": 256300.00000000003, "Latitude": 34.17, "Longitude": -118.42, "Population": 914.0}, {"index": 3773, "quantile": 0.25, "value": 359700.0, "Latitude": 34.17, "Longitude": -118.42, "Population": 914.0}, {"index": 3773, "quantile": 0.5, "value": 359700.0, "Latitude": 34.17, "Longitude": -118.42, "Population": 914.0}, {"index": 3773, "quantile": 0.75, "value": 359700.0, "Latitude": 34.17, "Longitude": -118.42, "Population": 914.0}, {"index": 3773, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.42, "Population": 914.0}, {"index": 3774, "quantile": 0.0, "value": 218299.99999999997, "Latitude": 34.16, "Longitude": -118.42, "Population": 1963.0}, {"index": 3774, "quantile": 0.25, "value": 365750.0, "Latitude": 34.16, "Longitude": -118.42, "Population": 1963.0}, {"index": 3774, "quantile": 0.5, "value": 367900.0, "Latitude": 34.16, "Longitude": -118.42, "Population": 1963.0}, {"index": 3774, "quantile": 0.75, "value": 367900.0, "Latitude": 34.16, "Longitude": -118.42, "Population": 1963.0}, {"index": 3774, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.42, "Population": 1963.0}, {"index": 3775, "quantile": 0.0, "value": 86300.0, "Latitude": 34.16, "Longitude": -118.41, "Population": 372.0}, {"index": 3775, "quantile": 0.25, "value": 183000.0, "Latitude": 34.16, "Longitude": -118.41, "Population": 372.0}, {"index": 3775, "quantile": 0.5, "value": 210100.0, "Latitude": 34.16, "Longitude": -118.41, "Population": 372.0}, {"index": 3775, "quantile": 0.75, "value": 240575.00000000003, "Latitude": 34.16, "Longitude": -118.41, "Population": 372.0}, {"index": 3775, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.41, "Population": 372.0}, {"index": 3776, "quantile": 0.0, "value": 121600.0, "Latitude": 34.16, "Longitude": -118.42, "Population": 1201.0}, {"index": 3776, "quantile": 0.25, "value": 366100.0, "Latitude": 34.16, "Longitude": -118.42, "Population": 1201.0}, {"index": 3776, "quantile": 0.5, "value": 386100.0, "Latitude": 34.16, "Longitude": -118.42, "Population": 1201.0}, {"index": 3776, "quantile": 0.75, "value": 386100.0, "Latitude": 34.16, "Longitude": -118.42, "Population": 1201.0}, {"index": 3776, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.42, "Population": 1201.0}, {"index": 3777, "quantile": 0.0, "value": 75900.0, "Latitude": 34.17, "Longitude": -118.4, "Population": 2421.0}, {"index": 3777, "quantile": 0.25, "value": 269200.0, "Latitude": 34.17, "Longitude": -118.4, "Population": 2421.0}, {"index": 3777, "quantile": 0.5, "value": 269200.0, "Latitude": 34.17, "Longitude": -118.4, "Population": 2421.0}, {"index": 3777, "quantile": 0.75, "value": 269200.0, "Latitude": 34.17, "Longitude": -118.4, "Population": 2421.0}, {"index": 3777, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.4, "Population": 2421.0}, {"index": 3778, "quantile": 0.0, "value": 165600.0, "Latitude": 34.17, "Longitude": -118.4, "Population": 2945.0}, {"index": 3778, "quantile": 0.25, "value": 221500.0, "Latitude": 34.17, "Longitude": -118.4, "Population": 2945.0}, {"index": 3778, "quantile": 0.5, "value": 221500.0, "Latitude": 34.17, "Longitude": -118.4, "Population": 2945.0}, {"index": 3778, "quantile": 0.75, "value": 255600.0, "Latitude": 34.17, "Longitude": -118.4, "Population": 2945.0}, {"index": 3778, "quantile": 1.0, "value": 400000.0, "Latitude": 34.17, "Longitude": -118.4, "Population": 2945.0}, {"index": 3779, "quantile": 0.0, "value": 219000.0, "Latitude": 34.17, "Longitude": -118.39, "Population": 1351.0}, {"index": 3779, "quantile": 0.25, "value": 283600.0, "Latitude": 34.17, "Longitude": -118.39, "Population": 1351.0}, {"index": 3779, "quantile": 0.5, "value": 283600.0, "Latitude": 34.17, "Longitude": -118.39, "Population": 1351.0}, {"index": 3779, "quantile": 0.75, "value": 283600.0, "Latitude": 34.17, "Longitude": -118.39, "Population": 1351.0}, {"index": 3779, "quantile": 1.0, "value": 450000.0, "Latitude": 34.17, "Longitude": -118.39, "Population": 1351.0}, {"index": 3780, "quantile": 0.0, "value": 210900.0, "Latitude": 34.17, "Longitude": -118.39, "Population": 2806.0}, {"index": 3780, "quantile": 0.25, "value": 265200.0, "Latitude": 34.17, "Longitude": -118.39, "Population": 2806.0}, {"index": 3780, "quantile": 0.5, "value": 265200.0, "Latitude": 34.17, "Longitude": -118.39, "Population": 2806.0}, {"index": 3780, "quantile": 0.75, "value": 275925.0, "Latitude": 34.17, "Longitude": -118.39, "Population": 2806.0}, {"index": 3780, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.39, "Population": 2806.0}, {"index": 3781, "quantile": 0.0, "value": 181800.0, "Latitude": 34.16, "Longitude": -118.39, "Population": 603.0}, {"index": 3781, "quantile": 0.25, "value": 352850.0, "Latitude": 34.16, "Longitude": -118.39, "Population": 603.0}, {"index": 3781, "quantile": 0.5, "value": 414300.0, "Latitude": 34.16, "Longitude": -118.39, "Population": 603.0}, {"index": 3781, "quantile": 0.75, "value": 414300.0, "Latitude": 34.16, "Longitude": -118.39, "Population": 603.0}, {"index": 3781, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.39, "Population": 603.0}, {"index": 3782, "quantile": 0.0, "value": 206800.0, "Latitude": 34.16, "Longitude": -118.39, "Population": 547.0}, {"index": 3782, "quantile": 0.25, "value": 360025.0, "Latitude": 34.16, "Longitude": -118.39, "Population": 547.0}, {"index": 3782, "quantile": 0.5, "value": 387050.0, "Latitude": 34.16, "Longitude": -118.39, "Population": 547.0}, {"index": 3782, "quantile": 0.75, "value": 440900.0, "Latitude": 34.16, "Longitude": -118.39, "Population": 547.0}, {"index": 3782, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.39, "Population": 547.0}, {"index": 3783, "quantile": 0.0, "value": 176700.0, "Latitude": 34.17, "Longitude": -118.38, "Population": 1359.0}, {"index": 3783, "quantile": 0.25, "value": 192300.0, "Latitude": 34.17, "Longitude": -118.38, "Population": 1359.0}, {"index": 3783, "quantile": 0.5, "value": 192300.0, "Latitude": 34.17, "Longitude": -118.38, "Population": 1359.0}, {"index": 3783, "quantile": 0.75, "value": 192300.0, "Latitude": 34.17, "Longitude": -118.38, "Population": 1359.0}, {"index": 3783, "quantile": 1.0, "value": 305000.0, "Latitude": 34.17, "Longitude": -118.38, "Population": 1359.0}, {"index": 3784, "quantile": 0.0, "value": 195800.0, "Latitude": 34.16, "Longitude": -118.38, "Population": 1055.0}, {"index": 3784, "quantile": 0.25, "value": 309400.0, "Latitude": 34.16, "Longitude": -118.38, "Population": 1055.0}, {"index": 3784, "quantile": 0.5, "value": 309400.0, "Latitude": 34.16, "Longitude": -118.38, "Population": 1055.0}, {"index": 3784, "quantile": 0.75, "value": 309400.0, "Latitude": 34.16, "Longitude": -118.38, "Population": 1055.0}, {"index": 3784, "quantile": 1.0, "value": 474300.00000000006, "Latitude": 34.16, "Longitude": -118.38, "Population": 1055.0}, {"index": 3785, "quantile": 0.0, "value": 140600.0, "Latitude": 34.16, "Longitude": -118.38, "Population": 944.0}, {"index": 3785, "quantile": 0.25, "value": 319400.0, "Latitude": 34.16, "Longitude": -118.38, "Population": 944.0}, {"index": 3785, "quantile": 0.5, "value": 319400.0, "Latitude": 34.16, "Longitude": -118.38, "Population": 944.0}, {"index": 3785, "quantile": 0.75, "value": 319400.0, "Latitude": 34.16, "Longitude": -118.38, "Population": 944.0}, {"index": 3785, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.38, "Population": 944.0}, {"index": 3786, "quantile": 0.0, "value": 67500.0, "Latitude": 34.17, "Longitude": -118.36, "Population": 1543.0}, {"index": 3786, "quantile": 0.25, "value": 194100.0, "Latitude": 34.17, "Longitude": -118.36, "Population": 1543.0}, {"index": 3786, "quantile": 0.5, "value": 194100.0, "Latitude": 34.17, "Longitude": -118.36, "Population": 1543.0}, {"index": 3786, "quantile": 0.75, "value": 194100.0, "Latitude": 34.17, "Longitude": -118.36, "Population": 1543.0}, {"index": 3786, "quantile": 1.0, "value": 362200.0, "Latitude": 34.17, "Longitude": -118.36, "Population": 1543.0}, {"index": 3787, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 34.17, "Longitude": -118.37, "Population": 2683.0}, {"index": 3787, "quantile": 0.25, "value": 185400.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 2683.0}, {"index": 3787, "quantile": 0.5, "value": 185400.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 2683.0}, {"index": 3787, "quantile": 0.75, "value": 185400.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 2683.0}, {"index": 3787, "quantile": 1.0, "value": 305600.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 2683.0}, {"index": 3788, "quantile": 0.0, "value": 17500.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 377.0}, {"index": 3788, "quantile": 0.25, "value": 184400.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 377.0}, {"index": 3788, "quantile": 0.5, "value": 184400.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 377.0}, {"index": 3788, "quantile": 0.75, "value": 206500.00000000003, "Latitude": 34.17, "Longitude": -118.37, "Population": 377.0}, {"index": 3788, "quantile": 1.0, "value": 425000.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 377.0}, {"index": 3789, "quantile": 0.0, "value": 112500.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 1438.0}, {"index": 3789, "quantile": 0.25, "value": 182825.00000000003, "Latitude": 34.17, "Longitude": -118.37, "Population": 1438.0}, {"index": 3789, "quantile": 0.5, "value": 200000.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 1438.0}, {"index": 3789, "quantile": 0.75, "value": 227274.99999999997, "Latitude": 34.17, "Longitude": -118.37, "Population": 1438.0}, {"index": 3789, "quantile": 1.0, "value": 350900.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 1438.0}, {"index": 3790, "quantile": 0.0, "value": 17500.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 542.0}, {"index": 3790, "quantile": 0.25, "value": 253600.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 542.0}, {"index": 3790, "quantile": 0.5, "value": 325000.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 542.0}, {"index": 3790, "quantile": 0.75, "value": 325000.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 542.0}, {"index": 3790, "quantile": 1.0, "value": 450000.0, "Latitude": 34.17, "Longitude": -118.37, "Population": 542.0}, {"index": 3791, "quantile": 0.0, "value": 75900.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 3298.0}, {"index": 3791, "quantile": 0.25, "value": 250000.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 3298.0}, {"index": 3791, "quantile": 0.5, "value": 250000.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 3298.0}, {"index": 3791, "quantile": 0.75, "value": 250000.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 3298.0}, {"index": 3791, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.37, "Population": 3298.0}, {"index": 3792, "quantile": 0.0, "value": 137500.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 1373.0}, {"index": 3792, "quantile": 0.25, "value": 225000.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 1373.0}, {"index": 3792, "quantile": 0.5, "value": 225000.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 1373.0}, {"index": 3792, "quantile": 0.75, "value": 225000.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 1373.0}, {"index": 3792, "quantile": 1.0, "value": 396400.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 1373.0}, {"index": 3793, "quantile": 0.0, "value": 226700.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 1054.0}, {"index": 3793, "quantile": 0.25, "value": 262500.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 1054.0}, {"index": 3793, "quantile": 0.5, "value": 262500.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 1054.0}, {"index": 3793, "quantile": 0.75, "value": 289425.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 1054.0}, {"index": 3793, "quantile": 1.0, "value": 477299.99999999994, "Latitude": 34.16, "Longitude": -118.37, "Population": 1054.0}, {"index": 3794, "quantile": 0.0, "value": 209400.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 774.0}, {"index": 3794, "quantile": 0.25, "value": 282300.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 774.0}, {"index": 3794, "quantile": 0.5, "value": 282300.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 774.0}, {"index": 3794, "quantile": 0.75, "value": 321825.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 774.0}, {"index": 3794, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.37, "Population": 774.0}, {"index": 3795, "quantile": 0.0, "value": 67500.0, "Latitude": 34.16, "Longitude": -118.36, "Population": 1510.0}, {"index": 3795, "quantile": 0.25, "value": 274300.0, "Latitude": 34.16, "Longitude": -118.36, "Population": 1510.0}, {"index": 3795, "quantile": 0.5, "value": 274300.0, "Latitude": 34.16, "Longitude": -118.36, "Population": 1510.0}, {"index": 3795, "quantile": 0.75, "value": 274300.0, "Latitude": 34.16, "Longitude": -118.36, "Population": 1510.0}, {"index": 3795, "quantile": 1.0, "value": 358100.0, "Latitude": 34.16, "Longitude": -118.36, "Population": 1510.0}, {"index": 3796, "quantile": 0.0, "value": 280400.0, "Latitude": 34.16, "Longitude": -118.36, "Population": 989.0}, {"index": 3796, "quantile": 0.25, "value": 325000.0, "Latitude": 34.16, "Longitude": -118.36, "Population": 989.0}, {"index": 3796, "quantile": 0.5, "value": 325000.0, "Latitude": 34.16, "Longitude": -118.36, "Population": 989.0}, {"index": 3796, "quantile": 0.75, "value": 366399.99999999994, "Latitude": 34.16, "Longitude": -118.36, "Population": 989.0}, {"index": 3796, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.36, "Population": 989.0}, {"index": 3797, "quantile": 0.0, "value": 114300.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 1808.0}, {"index": 3797, "quantile": 0.25, "value": 232399.99999999997, "Latitude": 34.16, "Longitude": -118.37, "Population": 1808.0}, {"index": 3797, "quantile": 0.5, "value": 232399.99999999997, "Latitude": 34.16, "Longitude": -118.37, "Population": 1808.0}, {"index": 3797, "quantile": 0.75, "value": 232399.99999999997, "Latitude": 34.16, "Longitude": -118.37, "Population": 1808.0}, {"index": 3797, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.37, "Population": 1808.0}, {"index": 3798, "quantile": 0.0, "value": 141400.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 1659.0}, {"index": 3798, "quantile": 0.25, "value": 209400.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 1659.0}, {"index": 3798, "quantile": 0.5, "value": 209400.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 1659.0}, {"index": 3798, "quantile": 0.75, "value": 213300.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 1659.0}, {"index": 3798, "quantile": 1.0, "value": 420800.0, "Latitude": 34.16, "Longitude": -118.37, "Population": 1659.0}, {"index": 3799, "quantile": 0.0, "value": 183700.0, "Latitude": 34.16, "Longitude": -118.36, "Population": 822.0}, {"index": 3799, "quantile": 0.25, "value": 322900.0, "Latitude": 34.16, "Longitude": -118.36, "Population": 822.0}, {"index": 3799, "quantile": 0.5, "value": 322900.0, "Latitude": 34.16, "Longitude": -118.36, "Population": 822.0}, {"index": 3799, "quantile": 0.75, "value": 322900.0, "Latitude": 34.16, "Longitude": -118.36, "Population": 822.0}, {"index": 3799, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.36, "Population": 822.0}, {"index": 3800, "quantile": 0.0, "value": 189800.0, "Latitude": 34.16, "Longitude": -118.36, "Population": 862.0}, {"index": 3800, "quantile": 0.25, "value": 352100.0, "Latitude": 34.16, "Longitude": -118.36, "Population": 862.0}, {"index": 3800, "quantile": 0.5, "value": 417900.0, "Latitude": 34.16, "Longitude": -118.36, "Population": 862.0}, {"index": 3800, "quantile": 0.75, "value": 417900.0, "Latitude": 34.16, "Longitude": -118.36, "Population": 862.0}, {"index": 3800, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.36, "Population": 862.0}, {"index": 3801, "quantile": 0.0, "value": 132200.0, "Latitude": 34.15, "Longitude": -118.35, "Population": 783.0}, {"index": 3801, "quantile": 0.25, "value": 385900.0, "Latitude": 34.15, "Longitude": -118.35, "Population": 783.0}, {"index": 3801, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.35, "Population": 783.0}, {"index": 3801, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.35, "Population": 783.0}, {"index": 3801, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.35, "Population": 783.0}, {"index": 3802, "quantile": 0.0, "value": 140500.0, "Latitude": 34.2, "Longitude": -118.43, "Population": 2824.0}, {"index": 3802, "quantile": 0.25, "value": 140500.0, "Latitude": 34.2, "Longitude": -118.43, "Population": 2824.0}, {"index": 3802, "quantile": 0.5, "value": 140500.0, "Latitude": 34.2, "Longitude": -118.43, "Population": 2824.0}, {"index": 3802, "quantile": 0.75, "value": 175500.0, "Latitude": 34.2, "Longitude": -118.43, "Population": 2824.0}, {"index": 3802, "quantile": 1.0, "value": 281700.0, "Latitude": 34.2, "Longitude": -118.43, "Population": 2824.0}, {"index": 3803, "quantile": 0.0, "value": 153700.0, "Latitude": 34.21, "Longitude": -118.43, "Population": 1955.0}, {"index": 3803, "quantile": 0.25, "value": 226500.0, "Latitude": 34.21, "Longitude": -118.43, "Population": 1955.0}, {"index": 3803, "quantile": 0.5, "value": 226500.0, "Latitude": 34.21, "Longitude": -118.43, "Population": 1955.0}, {"index": 3803, "quantile": 0.75, "value": 226500.0, "Latitude": 34.21, "Longitude": -118.43, "Population": 1955.0}, {"index": 3803, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.21, "Longitude": -118.43, "Population": 1955.0}, {"index": 3804, "quantile": 0.0, "value": 137500.0, "Latitude": 34.2, "Longitude": -118.44, "Population": 1198.0}, {"index": 3804, "quantile": 0.25, "value": 226399.99999999997, "Latitude": 34.2, "Longitude": -118.44, "Population": 1198.0}, {"index": 3804, "quantile": 0.5, "value": 241299.99999999997, "Latitude": 34.2, "Longitude": -118.44, "Population": 1198.0}, {"index": 3804, "quantile": 0.75, "value": 241299.99999999997, "Latitude": 34.2, "Longitude": -118.44, "Population": 1198.0}, {"index": 3804, "quantile": 1.0, "value": 275000.0, "Latitude": 34.2, "Longitude": -118.44, "Population": 1198.0}, {"index": 3805, "quantile": 0.0, "value": 164300.0, "Latitude": 34.21, "Longitude": -118.44, "Population": 4031.0}, {"index": 3805, "quantile": 0.25, "value": 208000.0, "Latitude": 34.21, "Longitude": -118.44, "Population": 4031.0}, {"index": 3805, "quantile": 0.5, "value": 221200.00000000003, "Latitude": 34.21, "Longitude": -118.44, "Population": 4031.0}, {"index": 3805, "quantile": 0.75, "value": 221200.00000000003, "Latitude": 34.21, "Longitude": -118.44, "Population": 4031.0}, {"index": 3805, "quantile": 1.0, "value": 335200.0, "Latitude": 34.21, "Longitude": -118.44, "Population": 4031.0}, {"index": 3806, "quantile": 0.0, "value": 50600.0, "Latitude": 34.21, "Longitude": -118.45, "Population": 2172.0}, {"index": 3806, "quantile": 0.25, "value": 171525.0, "Latitude": 34.21, "Longitude": -118.45, "Population": 2172.0}, {"index": 3806, "quantile": 0.5, "value": 182500.0, "Latitude": 34.21, "Longitude": -118.45, "Population": 2172.0}, {"index": 3806, "quantile": 0.75, "value": 225349.99999999997, "Latitude": 34.21, "Longitude": -118.45, "Population": 2172.0}, {"index": 3806, "quantile": 1.0, "value": 350000.0, "Latitude": 34.21, "Longitude": -118.45, "Population": 2172.0}, {"index": 3807, "quantile": 0.0, "value": 140500.0, "Latitude": 34.2, "Longitude": -118.45, "Population": 2657.0}, {"index": 3807, "quantile": 0.25, "value": 183100.0, "Latitude": 34.2, "Longitude": -118.45, "Population": 2657.0}, {"index": 3807, "quantile": 0.5, "value": 210000.0, "Latitude": 34.2, "Longitude": -118.45, "Population": 2657.0}, {"index": 3807, "quantile": 0.75, "value": 248425.00000000003, "Latitude": 34.2, "Longitude": -118.45, "Population": 2657.0}, {"index": 3807, "quantile": 1.0, "value": 412500.0, "Latitude": 34.2, "Longitude": -118.45, "Population": 2657.0}, {"index": 3808, "quantile": 0.0, "value": 116700.0, "Latitude": 34.2, "Longitude": -118.46, "Population": 1867.0}, {"index": 3808, "quantile": 0.25, "value": 202700.0, "Latitude": 34.2, "Longitude": -118.46, "Population": 1867.0}, {"index": 3808, "quantile": 0.5, "value": 202700.0, "Latitude": 34.2, "Longitude": -118.46, "Population": 1867.0}, {"index": 3808, "quantile": 0.75, "value": 202700.0, "Latitude": 34.2, "Longitude": -118.46, "Population": 1867.0}, {"index": 3808, "quantile": 1.0, "value": 450000.0, "Latitude": 34.2, "Longitude": -118.46, "Population": 1867.0}, {"index": 3809, "quantile": 0.0, "value": 112500.0, "Latitude": 34.21, "Longitude": -118.46, "Population": 1456.0}, {"index": 3809, "quantile": 0.25, "value": 186900.0, "Latitude": 34.21, "Longitude": -118.46, "Population": 1456.0}, {"index": 3809, "quantile": 0.5, "value": 186900.0, "Latitude": 34.21, "Longitude": -118.46, "Population": 1456.0}, {"index": 3809, "quantile": 0.75, "value": 186900.0, "Latitude": 34.21, "Longitude": -118.46, "Population": 1456.0}, {"index": 3809, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.21, "Longitude": -118.46, "Population": 1456.0}, {"index": 3810, "quantile": 0.0, "value": 168600.0, "Latitude": 34.21, "Longitude": -118.47, "Population": 1805.0}, {"index": 3810, "quantile": 0.25, "value": 220000.00000000003, "Latitude": 34.21, "Longitude": -118.47, "Population": 1805.0}, {"index": 3810, "quantile": 0.5, "value": 220000.00000000003, "Latitude": 34.21, "Longitude": -118.47, "Population": 1805.0}, {"index": 3810, "quantile": 0.75, "value": 220000.00000000003, "Latitude": 34.21, "Longitude": -118.47, "Population": 1805.0}, {"index": 3810, "quantile": 1.0, "value": 290100.0, "Latitude": 34.21, "Longitude": -118.47, "Population": 1805.0}, {"index": 3811, "quantile": 0.0, "value": 140500.0, "Latitude": 34.2, "Longitude": -118.47, "Population": 2475.0}, {"index": 3811, "quantile": 0.25, "value": 229100.0, "Latitude": 34.2, "Longitude": -118.47, "Population": 2475.0}, {"index": 3811, "quantile": 0.5, "value": 229100.0, "Latitude": 34.2, "Longitude": -118.47, "Population": 2475.0}, {"index": 3811, "quantile": 0.75, "value": 229100.0, "Latitude": 34.2, "Longitude": -118.47, "Population": 2475.0}, {"index": 3811, "quantile": 1.0, "value": 281700.0, "Latitude": 34.2, "Longitude": -118.47, "Population": 2475.0}, {"index": 3812, "quantile": 0.0, "value": 133100.0, "Latitude": 34.21, "Longitude": -118.48, "Population": 2077.0}, {"index": 3812, "quantile": 0.25, "value": 197400.0, "Latitude": 34.21, "Longitude": -118.48, "Population": 2077.0}, {"index": 3812, "quantile": 0.5, "value": 197400.0, "Latitude": 34.21, "Longitude": -118.48, "Population": 2077.0}, {"index": 3812, "quantile": 0.75, "value": 197400.0, "Latitude": 34.21, "Longitude": -118.48, "Population": 2077.0}, {"index": 3812, "quantile": 1.0, "value": 261300.0, "Latitude": 34.21, "Longitude": -118.48, "Population": 2077.0}, {"index": 3813, "quantile": 0.0, "value": 140500.0, "Latitude": 34.2, "Longitude": -118.48, "Population": 1545.0}, {"index": 3813, "quantile": 0.25, "value": 191700.0, "Latitude": 34.2, "Longitude": -118.48, "Population": 1545.0}, {"index": 3813, "quantile": 0.5, "value": 217099.99999999997, "Latitude": 34.2, "Longitude": -118.48, "Population": 1545.0}, {"index": 3813, "quantile": 0.75, "value": 229100.0, "Latitude": 34.2, "Longitude": -118.48, "Population": 1545.0}, {"index": 3813, "quantile": 1.0, "value": 321400.0, "Latitude": 34.2, "Longitude": -118.48, "Population": 1545.0}, {"index": 3814, "quantile": 0.0, "value": 37500.0, "Latitude": 34.22, "Longitude": -118.48, "Population": 3618.0}, {"index": 3814, "quantile": 0.25, "value": 160000.0, "Latitude": 34.22, "Longitude": -118.48, "Population": 3618.0}, {"index": 3814, "quantile": 0.5, "value": 192500.0, "Latitude": 34.22, "Longitude": -118.48, "Population": 3618.0}, {"index": 3814, "quantile": 0.75, "value": 240600.0, "Latitude": 34.22, "Longitude": -118.48, "Population": 3618.0}, {"index": 3814, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.48, "Population": 3618.0}, {"index": 3815, "quantile": 0.0, "value": 112500.0, "Latitude": 34.21, "Longitude": -118.49, "Population": 746.0}, {"index": 3815, "quantile": 0.25, "value": 225000.0, "Latitude": 34.21, "Longitude": -118.49, "Population": 746.0}, {"index": 3815, "quantile": 0.5, "value": 225000.0, "Latitude": 34.21, "Longitude": -118.49, "Population": 746.0}, {"index": 3815, "quantile": 0.75, "value": 225000.0, "Latitude": 34.21, "Longitude": -118.49, "Population": 746.0}, {"index": 3815, "quantile": 1.0, "value": 412500.0, "Latitude": 34.21, "Longitude": -118.49, "Population": 746.0}, {"index": 3816, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.19, "Longitude": -118.49, "Population": 1809.0}, {"index": 3816, "quantile": 0.25, "value": 202000.0, "Latitude": 34.19, "Longitude": -118.49, "Population": 1809.0}, {"index": 3816, "quantile": 0.5, "value": 202000.0, "Latitude": 34.19, "Longitude": -118.49, "Population": 1809.0}, {"index": 3816, "quantile": 0.75, "value": 202000.0, "Latitude": 34.19, "Longitude": -118.49, "Population": 1809.0}, {"index": 3816, "quantile": 1.0, "value": 281700.0, "Latitude": 34.19, "Longitude": -118.49, "Population": 1809.0}, {"index": 3817, "quantile": 0.0, "value": 204000.0, "Latitude": 34.2, "Longitude": -118.49, "Population": 515.0}, {"index": 3817, "quantile": 0.25, "value": 215800.0, "Latitude": 34.2, "Longitude": -118.49, "Population": 515.0}, {"index": 3817, "quantile": 0.5, "value": 215800.0, "Latitude": 34.2, "Longitude": -118.49, "Population": 515.0}, {"index": 3817, "quantile": 0.75, "value": 253824.99999999997, "Latitude": 34.2, "Longitude": -118.49, "Population": 515.0}, {"index": 3817, "quantile": 1.0, "value": 452100.0, "Latitude": 34.2, "Longitude": -118.49, "Population": 515.0}, {"index": 3818, "quantile": 0.0, "value": 156400.0, "Latitude": 34.2, "Longitude": -118.5, "Population": 938.0}, {"index": 3818, "quantile": 0.25, "value": 217700.0, "Latitude": 34.2, "Longitude": -118.5, "Population": 938.0}, {"index": 3818, "quantile": 0.5, "value": 217700.0, "Latitude": 34.2, "Longitude": -118.5, "Population": 938.0}, {"index": 3818, "quantile": 0.75, "value": 217700.0, "Latitude": 34.2, "Longitude": -118.5, "Population": 938.0}, {"index": 3818, "quantile": 1.0, "value": 262500.0, "Latitude": 34.2, "Longitude": -118.5, "Population": 938.0}, {"index": 3819, "quantile": 0.0, "value": 58099.99999999999, "Latitude": 34.2, "Longitude": -118.48, "Population": 2258.0}, {"index": 3819, "quantile": 0.25, "value": 210000.0, "Latitude": 34.2, "Longitude": -118.48, "Population": 2258.0}, {"index": 3819, "quantile": 0.5, "value": 255399.99999999997, "Latitude": 34.2, "Longitude": -118.48, "Population": 2258.0}, {"index": 3819, "quantile": 0.75, "value": 255399.99999999997, "Latitude": 34.2, "Longitude": -118.48, "Population": 2258.0}, {"index": 3819, "quantile": 1.0, "value": 500000.0, "Latitude": 34.2, "Longitude": -118.48, "Population": 2258.0}, {"index": 3820, "quantile": 0.0, "value": 140500.0, "Latitude": 34.2, "Longitude": -118.48, "Population": 2249.0}, {"index": 3820, "quantile": 0.25, "value": 191700.0, "Latitude": 34.2, "Longitude": -118.48, "Population": 2249.0}, {"index": 3820, "quantile": 0.5, "value": 191700.0, "Latitude": 34.2, "Longitude": -118.48, "Population": 2249.0}, {"index": 3820, "quantile": 0.75, "value": 208000.0, "Latitude": 34.2, "Longitude": -118.48, "Population": 2249.0}, {"index": 3820, "quantile": 1.0, "value": 281700.0, "Latitude": 34.2, "Longitude": -118.48, "Population": 2249.0}, {"index": 3821, "quantile": 0.0, "value": 129200.0, "Latitude": 34.19, "Longitude": -118.48, "Population": 3809.0}, {"index": 3821, "quantile": 0.25, "value": 221099.99999999997, "Latitude": 34.19, "Longitude": -118.48, "Population": 3809.0}, {"index": 3821, "quantile": 0.5, "value": 221099.99999999997, "Latitude": 34.19, "Longitude": -118.48, "Population": 3809.0}, {"index": 3821, "quantile": 0.75, "value": 221099.99999999997, "Latitude": 34.19, "Longitude": -118.48, "Population": 3809.0}, {"index": 3821, "quantile": 1.0, "value": 255399.99999999997, "Latitude": 34.19, "Longitude": -118.48, "Population": 3809.0}, {"index": 3822, "quantile": 0.0, "value": 139700.0, "Latitude": 34.19, "Longitude": -118.48, "Population": 1132.0}, {"index": 3822, "quantile": 0.25, "value": 205574.99999999997, "Latitude": 34.19, "Longitude": -118.48, "Population": 1132.0}, {"index": 3822, "quantile": 0.5, "value": 222500.0, "Latitude": 34.19, "Longitude": -118.48, "Population": 1132.0}, {"index": 3822, "quantile": 0.75, "value": 259125.0, "Latitude": 34.19, "Longitude": -118.48, "Population": 1132.0}, {"index": 3822, "quantile": 1.0, "value": 397900.0, "Latitude": 34.19, "Longitude": -118.48, "Population": 1132.0}, {"index": 3823, "quantile": 0.0, "value": 17500.0, "Latitude": 34.2, "Longitude": -118.47, "Population": 2723.0}, {"index": 3823, "quantile": 0.25, "value": 214900.0, "Latitude": 34.2, "Longitude": -118.47, "Population": 2723.0}, {"index": 3823, "quantile": 0.5, "value": 281700.0, "Latitude": 34.2, "Longitude": -118.47, "Population": 2723.0}, {"index": 3823, "quantile": 0.75, "value": 281700.0, "Latitude": 34.2, "Longitude": -118.47, "Population": 2723.0}, {"index": 3823, "quantile": 1.0, "value": 425000.0, "Latitude": 34.2, "Longitude": -118.47, "Population": 2723.0}, {"index": 3824, "quantile": 0.0, "value": 145200.0, "Latitude": 34.19, "Longitude": -118.47, "Population": 2113.0}, {"index": 3824, "quantile": 0.25, "value": 230600.0, "Latitude": 34.19, "Longitude": -118.47, "Population": 2113.0}, {"index": 3824, "quantile": 0.5, "value": 267500.0, "Latitude": 34.19, "Longitude": -118.47, "Population": 2113.0}, {"index": 3824, "quantile": 0.75, "value": 276100.0, "Latitude": 34.19, "Longitude": -118.47, "Population": 2113.0}, {"index": 3824, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 34.19, "Longitude": -118.47, "Population": 2113.0}, {"index": 3825, "quantile": 0.0, "value": 67500.0, "Latitude": 34.2, "Longitude": -118.45, "Population": 1039.0}, {"index": 3825, "quantile": 0.25, "value": 190500.0, "Latitude": 34.2, "Longitude": -118.45, "Population": 1039.0}, {"index": 3825, "quantile": 0.5, "value": 190500.0, "Latitude": 34.2, "Longitude": -118.45, "Population": 1039.0}, {"index": 3825, "quantile": 0.75, "value": 221000.0, "Latitude": 34.2, "Longitude": -118.45, "Population": 1039.0}, {"index": 3825, "quantile": 1.0, "value": 298400.0, "Latitude": 34.2, "Longitude": -118.45, "Population": 1039.0}, {"index": 3826, "quantile": 0.0, "value": 140500.0, "Latitude": 34.2, "Longitude": -118.45, "Population": 2099.0}, {"index": 3826, "quantile": 0.25, "value": 190950.0, "Latitude": 34.2, "Longitude": -118.45, "Population": 2099.0}, {"index": 3826, "quantile": 0.5, "value": 230799.99999999997, "Latitude": 34.2, "Longitude": -118.45, "Population": 2099.0}, {"index": 3826, "quantile": 0.75, "value": 230799.99999999997, "Latitude": 34.2, "Longitude": -118.45, "Population": 2099.0}, {"index": 3826, "quantile": 1.0, "value": 253900.00000000003, "Latitude": 34.2, "Longitude": -118.45, "Population": 2099.0}, {"index": 3827, "quantile": 0.0, "value": 114300.0, "Latitude": 34.2, "Longitude": -118.46, "Population": 2519.0}, {"index": 3827, "quantile": 0.25, "value": 219675.00000000003, "Latitude": 34.2, "Longitude": -118.46, "Population": 2519.0}, {"index": 3827, "quantile": 0.5, "value": 264300.0, "Latitude": 34.2, "Longitude": -118.46, "Population": 2519.0}, {"index": 3827, "quantile": 0.75, "value": 312500.0, "Latitude": 34.2, "Longitude": -118.46, "Population": 2519.0}, {"index": 3827, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.46, "Population": 2519.0}, {"index": 3828, "quantile": 0.0, "value": 55400.00000000001, "Latitude": 34.19, "Longitude": -118.45, "Population": 739.0}, {"index": 3828, "quantile": 0.25, "value": 166575.0, "Latitude": 34.19, "Longitude": -118.45, "Population": 739.0}, {"index": 3828, "quantile": 0.5, "value": 198750.0, "Latitude": 34.19, "Longitude": -118.45, "Population": 739.0}, {"index": 3828, "quantile": 0.75, "value": 230799.99999999997, "Latitude": 34.19, "Longitude": -118.45, "Population": 739.0}, {"index": 3828, "quantile": 1.0, "value": 362200.0, "Latitude": 34.19, "Longitude": -118.45, "Population": 739.0}, {"index": 3829, "quantile": 0.0, "value": 66000.0, "Latitude": 34.19, "Longitude": -118.46, "Population": 4826.0}, {"index": 3829, "quantile": 0.25, "value": 217099.99999999997, "Latitude": 34.19, "Longitude": -118.46, "Population": 4826.0}, {"index": 3829, "quantile": 0.5, "value": 233500.0, "Latitude": 34.19, "Longitude": -118.46, "Population": 4826.0}, {"index": 3829, "quantile": 0.75, "value": 233500.0, "Latitude": 34.19, "Longitude": -118.46, "Population": 4826.0}, {"index": 3829, "quantile": 1.0, "value": 238700.0, "Latitude": 34.19, "Longitude": -118.46, "Population": 4826.0}, {"index": 3830, "quantile": 0.0, "value": 160100.0, "Latitude": 34.19, "Longitude": -118.46, "Population": 779.0}, {"index": 3830, "quantile": 0.25, "value": 256300.00000000003, "Latitude": 34.19, "Longitude": -118.46, "Population": 779.0}, {"index": 3830, "quantile": 0.5, "value": 256300.00000000003, "Latitude": 34.19, "Longitude": -118.46, "Population": 779.0}, {"index": 3830, "quantile": 0.75, "value": 256300.00000000003, "Latitude": 34.19, "Longitude": -118.46, "Population": 779.0}, {"index": 3830, "quantile": 1.0, "value": 472700.00000000006, "Latitude": 34.19, "Longitude": -118.46, "Population": 779.0}, {"index": 3831, "quantile": 0.0, "value": 154800.0, "Latitude": 34.2, "Longitude": -118.43, "Population": 1942.0}, {"index": 3831, "quantile": 0.25, "value": 230799.99999999997, "Latitude": 34.2, "Longitude": -118.43, "Population": 1942.0}, {"index": 3831, "quantile": 0.5, "value": 238099.99999999997, "Latitude": 34.2, "Longitude": -118.43, "Population": 1942.0}, {"index": 3831, "quantile": 0.75, "value": 238099.99999999997, "Latitude": 34.2, "Longitude": -118.43, "Population": 1942.0}, {"index": 3831, "quantile": 1.0, "value": 417600.0, "Latitude": 34.2, "Longitude": -118.43, "Population": 1942.0}, {"index": 3832, "quantile": 0.0, "value": 132600.0, "Latitude": 34.2, "Longitude": -118.44, "Population": 1544.0}, {"index": 3832, "quantile": 0.25, "value": 178975.0, "Latitude": 34.2, "Longitude": -118.44, "Population": 1544.0}, {"index": 3832, "quantile": 0.5, "value": 202949.99999999997, "Latitude": 34.2, "Longitude": -118.44, "Population": 1544.0}, {"index": 3832, "quantile": 0.75, "value": 240700.0, "Latitude": 34.2, "Longitude": -118.44, "Population": 1544.0}, {"index": 3832, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.44, "Population": 1544.0}, {"index": 3833, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 34.2, "Longitude": -118.44, "Population": 1628.0}, {"index": 3833, "quantile": 0.25, "value": 174200.0, "Latitude": 34.2, "Longitude": -118.44, "Population": 1628.0}, {"index": 3833, "quantile": 0.5, "value": 198400.0, "Latitude": 34.2, "Longitude": -118.44, "Population": 1628.0}, {"index": 3833, "quantile": 0.75, "value": 228850.0, "Latitude": 34.2, "Longitude": -118.44, "Population": 1628.0}, {"index": 3833, "quantile": 1.0, "value": 309100.0, "Latitude": 34.2, "Longitude": -118.44, "Population": 1628.0}, {"index": 3834, "quantile": 0.0, "value": 129200.0, "Latitude": 34.2, "Longitude": -118.44, "Population": 2517.0}, {"index": 3834, "quantile": 0.25, "value": 180925.0, "Latitude": 34.2, "Longitude": -118.44, "Population": 2517.0}, {"index": 3834, "quantile": 0.5, "value": 208500.0, "Latitude": 34.2, "Longitude": -118.44, "Population": 2517.0}, {"index": 3834, "quantile": 0.75, "value": 229524.99999999997, "Latitude": 34.2, "Longitude": -118.44, "Population": 2517.0}, {"index": 3834, "quantile": 1.0, "value": 285300.0, "Latitude": 34.2, "Longitude": -118.44, "Population": 2517.0}, {"index": 3835, "quantile": 0.0, "value": 152700.0, "Latitude": 34.19, "Longitude": -118.43, "Population": 1827.0}, {"index": 3835, "quantile": 0.25, "value": 245500.0, "Latitude": 34.19, "Longitude": -118.43, "Population": 1827.0}, {"index": 3835, "quantile": 0.5, "value": 245500.0, "Latitude": 34.19, "Longitude": -118.43, "Population": 1827.0}, {"index": 3835, "quantile": 0.75, "value": 245500.0, "Latitude": 34.19, "Longitude": -118.43, "Population": 1827.0}, {"index": 3835, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.19, "Longitude": -118.43, "Population": 1827.0}, {"index": 3836, "quantile": 0.0, "value": 112500.0, "Latitude": 34.19, "Longitude": -118.44, "Population": 983.0}, {"index": 3836, "quantile": 0.25, "value": 243600.0, "Latitude": 34.19, "Longitude": -118.44, "Population": 983.0}, {"index": 3836, "quantile": 0.5, "value": 243600.0, "Latitude": 34.19, "Longitude": -118.44, "Population": 983.0}, {"index": 3836, "quantile": 0.75, "value": 246349.99999999997, "Latitude": 34.19, "Longitude": -118.44, "Population": 983.0}, {"index": 3836, "quantile": 1.0, "value": 368500.0, "Latitude": 34.19, "Longitude": -118.44, "Population": 983.0}, {"index": 3837, "quantile": 0.0, "value": 137500.0, "Latitude": 34.19, "Longitude": -118.44, "Population": 2278.0}, {"index": 3837, "quantile": 0.25, "value": 215499.99999999997, "Latitude": 34.19, "Longitude": -118.44, "Population": 2278.0}, {"index": 3837, "quantile": 0.5, "value": 215499.99999999997, "Latitude": 34.19, "Longitude": -118.44, "Population": 2278.0}, {"index": 3837, "quantile": 0.75, "value": 215499.99999999997, "Latitude": 34.19, "Longitude": -118.44, "Population": 2278.0}, {"index": 3837, "quantile": 1.0, "value": 261000.0, "Latitude": 34.19, "Longitude": -118.44, "Population": 2278.0}, {"index": 3838, "quantile": 0.0, "value": 157600.0, "Latitude": 34.19, "Longitude": -118.44, "Population": 1143.0}, {"index": 3838, "quantile": 0.25, "value": 199100.0, "Latitude": 34.19, "Longitude": -118.44, "Population": 1143.0}, {"index": 3838, "quantile": 0.5, "value": 199100.0, "Latitude": 34.19, "Longitude": -118.44, "Population": 1143.0}, {"index": 3838, "quantile": 0.75, "value": 199100.0, "Latitude": 34.19, "Longitude": -118.44, "Population": 1143.0}, {"index": 3838, "quantile": 1.0, "value": 353600.0, "Latitude": 34.19, "Longitude": -118.44, "Population": 1143.0}, {"index": 3839, "quantile": 0.0, "value": 145400.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 1254.0}, {"index": 3839, "quantile": 0.25, "value": 224525.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 1254.0}, {"index": 3839, "quantile": 0.5, "value": 271100.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 1254.0}, {"index": 3839, "quantile": 0.75, "value": 271100.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 1254.0}, {"index": 3839, "quantile": 1.0, "value": 425000.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 1254.0}, {"index": 3840, "quantile": 0.0, "value": 67500.0, "Latitude": 34.18, "Longitude": -118.44, "Population": 1206.0}, {"index": 3840, "quantile": 0.25, "value": 221000.0, "Latitude": 34.18, "Longitude": -118.44, "Population": 1206.0}, {"index": 3840, "quantile": 0.5, "value": 221000.0, "Latitude": 34.18, "Longitude": -118.44, "Population": 1206.0}, {"index": 3840, "quantile": 0.75, "value": 221000.0, "Latitude": 34.18, "Longitude": -118.44, "Population": 1206.0}, {"index": 3840, "quantile": 1.0, "value": 330800.0, "Latitude": 34.18, "Longitude": -118.44, "Population": 1206.0}, {"index": 3841, "quantile": 0.0, "value": 112500.0, "Latitude": 34.19, "Longitude": -118.44, "Population": 2166.0}, {"index": 3841, "quantile": 0.25, "value": 168575.0, "Latitude": 34.19, "Longitude": -118.44, "Population": 2166.0}, {"index": 3841, "quantile": 0.5, "value": 185700.0, "Latitude": 34.19, "Longitude": -118.44, "Population": 2166.0}, {"index": 3841, "quantile": 0.75, "value": 215499.99999999997, "Latitude": 34.19, "Longitude": -118.44, "Population": 2166.0}, {"index": 3841, "quantile": 1.0, "value": 333300.0, "Latitude": 34.19, "Longitude": -118.44, "Population": 2166.0}, {"index": 3842, "quantile": 0.0, "value": 50600.0, "Latitude": 34.18, "Longitude": -118.44, "Population": 2423.0}, {"index": 3842, "quantile": 0.25, "value": 154200.0, "Latitude": 34.18, "Longitude": -118.44, "Population": 2423.0}, {"index": 3842, "quantile": 0.5, "value": 154200.0, "Latitude": 34.18, "Longitude": -118.44, "Population": 2423.0}, {"index": 3842, "quantile": 0.75, "value": 162500.0, "Latitude": 34.18, "Longitude": -118.44, "Population": 2423.0}, {"index": 3842, "quantile": 1.0, "value": 275000.0, "Latitude": 34.18, "Longitude": -118.44, "Population": 2423.0}, {"index": 3843, "quantile": 0.0, "value": 116700.0, "Latitude": 34.19, "Longitude": -118.45, "Population": 2466.0}, {"index": 3843, "quantile": 0.25, "value": 181300.0, "Latitude": 34.19, "Longitude": -118.45, "Population": 2466.0}, {"index": 3843, "quantile": 0.5, "value": 181300.0, "Latitude": 34.19, "Longitude": -118.45, "Population": 2466.0}, {"index": 3843, "quantile": 0.75, "value": 219099.99999999997, "Latitude": 34.19, "Longitude": -118.45, "Population": 2466.0}, {"index": 3843, "quantile": 1.0, "value": 500000.0, "Latitude": 34.19, "Longitude": -118.45, "Population": 2466.0}, {"index": 3844, "quantile": 0.0, "value": 53900.0, "Latitude": 34.18, "Longitude": -118.45, "Population": 3350.0}, {"index": 3844, "quantile": 0.25, "value": 158300.0, "Latitude": 34.18, "Longitude": -118.45, "Population": 3350.0}, {"index": 3844, "quantile": 0.5, "value": 158300.0, "Latitude": 34.18, "Longitude": -118.45, "Population": 3350.0}, {"index": 3844, "quantile": 0.75, "value": 158300.0, "Latitude": 34.18, "Longitude": -118.45, "Population": 3350.0}, {"index": 3844, "quantile": 1.0, "value": 200000.0, "Latitude": 34.18, "Longitude": -118.45, "Population": 3350.0}, {"index": 3845, "quantile": 0.0, "value": 154600.0, "Latitude": 34.18, "Longitude": -118.46, "Population": 2038.0}, {"index": 3845, "quantile": 0.25, "value": 174200.0, "Latitude": 34.18, "Longitude": -118.46, "Population": 2038.0}, {"index": 3845, "quantile": 0.5, "value": 174200.0, "Latitude": 34.18, "Longitude": -118.46, "Population": 2038.0}, {"index": 3845, "quantile": 0.75, "value": 198900.0, "Latitude": 34.18, "Longitude": -118.46, "Population": 2038.0}, {"index": 3845, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.18, "Longitude": -118.46, "Population": 2038.0}, {"index": 3846, "quantile": 0.0, "value": 153800.0, "Latitude": 34.19, "Longitude": -118.47, "Population": 495.0}, {"index": 3846, "quantile": 0.25, "value": 225000.0, "Latitude": 34.19, "Longitude": -118.47, "Population": 495.0}, {"index": 3846, "quantile": 0.5, "value": 225000.0, "Latitude": 34.19, "Longitude": -118.47, "Population": 495.0}, {"index": 3846, "quantile": 0.75, "value": 238899.99999999997, "Latitude": 34.19, "Longitude": -118.47, "Population": 495.0}, {"index": 3846, "quantile": 1.0, "value": 456100.0, "Latitude": 34.19, "Longitude": -118.47, "Population": 495.0}, {"index": 3847, "quantile": 0.0, "value": 187300.0, "Latitude": 34.18, "Longitude": -118.45, "Population": 839.0}, {"index": 3847, "quantile": 0.25, "value": 228799.99999999997, "Latitude": 34.18, "Longitude": -118.45, "Population": 839.0}, {"index": 3847, "quantile": 0.5, "value": 228799.99999999997, "Latitude": 34.18, "Longitude": -118.45, "Population": 839.0}, {"index": 3847, "quantile": 0.75, "value": 228799.99999999997, "Latitude": 34.18, "Longitude": -118.45, "Population": 839.0}, {"index": 3847, "quantile": 1.0, "value": 376100.0, "Latitude": 34.18, "Longitude": -118.45, "Population": 839.0}, {"index": 3848, "quantile": 0.0, "value": 165600.0, "Latitude": 34.18, "Longitude": -118.45, "Population": 861.0}, {"index": 3848, "quantile": 0.25, "value": 246400.0, "Latitude": 34.18, "Longitude": -118.45, "Population": 861.0}, {"index": 3848, "quantile": 0.5, "value": 246400.0, "Latitude": 34.18, "Longitude": -118.45, "Population": 861.0}, {"index": 3848, "quantile": 0.75, "value": 246400.0, "Latitude": 34.18, "Longitude": -118.45, "Population": 861.0}, {"index": 3848, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.45, "Population": 861.0}, {"index": 3849, "quantile": 0.0, "value": 140600.0, "Latitude": 34.18, "Longitude": -118.46, "Population": 844.0}, {"index": 3849, "quantile": 0.25, "value": 276950.0, "Latitude": 34.18, "Longitude": -118.46, "Population": 844.0}, {"index": 3849, "quantile": 0.5, "value": 296900.00000000006, "Latitude": 34.18, "Longitude": -118.46, "Population": 844.0}, {"index": 3849, "quantile": 0.75, "value": 330450.0, "Latitude": 34.18, "Longitude": -118.46, "Population": 844.0}, {"index": 3849, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.46, "Population": 844.0}, {"index": 3850, "quantile": 0.0, "value": 113700.0, "Latitude": 34.18, "Longitude": -118.46, "Population": 1336.0}, {"index": 3850, "quantile": 0.25, "value": 184600.0, "Latitude": 34.18, "Longitude": -118.46, "Population": 1336.0}, {"index": 3850, "quantile": 0.5, "value": 197400.0, "Latitude": 34.18, "Longitude": -118.46, "Population": 1336.0}, {"index": 3850, "quantile": 0.75, "value": 214724.99999999997, "Latitude": 34.18, "Longitude": -118.46, "Population": 1336.0}, {"index": 3850, "quantile": 1.0, "value": 381800.0, "Latitude": 34.18, "Longitude": -118.46, "Population": 1336.0}, {"index": 3851, "quantile": 0.0, "value": 50600.0, "Latitude": 34.18, "Longitude": -118.44, "Population": 550.0}, {"index": 3851, "quantile": 0.25, "value": 199100.0, "Latitude": 34.18, "Longitude": -118.44, "Population": 550.0}, {"index": 3851, "quantile": 0.5, "value": 255450.0, "Latitude": 34.18, "Longitude": -118.44, "Population": 550.0}, {"index": 3851, "quantile": 0.75, "value": 277250.0, "Latitude": 34.18, "Longitude": -118.44, "Population": 550.0}, {"index": 3851, "quantile": 1.0, "value": 425000.0, "Latitude": 34.18, "Longitude": -118.44, "Population": 550.0}, {"index": 3852, "quantile": 0.0, "value": 220500.0, "Latitude": 34.17, "Longitude": -118.44, "Population": 1941.0}, {"index": 3852, "quantile": 0.25, "value": 286700.0, "Latitude": 34.17, "Longitude": -118.44, "Population": 1941.0}, {"index": 3852, "quantile": 0.5, "value": 286700.0, "Latitude": 34.17, "Longitude": -118.44, "Population": 1941.0}, {"index": 3852, "quantile": 0.75, "value": 296650.0, "Latitude": 34.17, "Longitude": -118.44, "Population": 1941.0}, {"index": 3852, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.44, "Population": 1941.0}, {"index": 3853, "quantile": 0.0, "value": 191200.0, "Latitude": 34.18, "Longitude": -118.45, "Population": 1021.0}, {"index": 3853, "quantile": 0.25, "value": 225000.0, "Latitude": 34.18, "Longitude": -118.45, "Population": 1021.0}, {"index": 3853, "quantile": 0.5, "value": 225000.0, "Latitude": 34.18, "Longitude": -118.45, "Population": 1021.0}, {"index": 3853, "quantile": 0.75, "value": 231999.99999999997, "Latitude": 34.18, "Longitude": -118.45, "Population": 1021.0}, {"index": 3853, "quantile": 1.0, "value": 374300.0, "Latitude": 34.18, "Longitude": -118.45, "Population": 1021.0}, {"index": 3854, "quantile": 0.0, "value": 166700.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 2328.0}, {"index": 3854, "quantile": 0.25, "value": 210000.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 2328.0}, {"index": 3854, "quantile": 0.5, "value": 210000.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 2328.0}, {"index": 3854, "quantile": 0.75, "value": 210000.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 2328.0}, {"index": 3854, "quantile": 1.0, "value": 425000.0, "Latitude": 34.18, "Longitude": -118.43, "Population": 2328.0}, {"index": 3855, "quantile": 0.0, "value": 148400.0, "Latitude": 34.18, "Longitude": -118.44, "Population": 1056.0}, {"index": 3855, "quantile": 0.25, "value": 223800.0, "Latitude": 34.18, "Longitude": -118.44, "Population": 1056.0}, {"index": 3855, "quantile": 0.5, "value": 232900.00000000003, "Latitude": 34.18, "Longitude": -118.44, "Population": 1056.0}, {"index": 3855, "quantile": 0.75, "value": 244050.0, "Latitude": 34.18, "Longitude": -118.44, "Population": 1056.0}, {"index": 3855, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.44, "Population": 1056.0}, {"index": 3856, "quantile": 0.0, "value": 67000.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 933.0}, {"index": 3856, "quantile": 0.25, "value": 209575.00000000003, "Latitude": 34.17, "Longitude": -118.43, "Population": 933.0}, {"index": 3856, "quantile": 0.5, "value": 239900.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 933.0}, {"index": 3856, "quantile": 0.75, "value": 274475.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 933.0}, {"index": 3856, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.43, "Population": 933.0}, {"index": 3857, "quantile": 0.0, "value": 191200.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 906.0}, {"index": 3857, "quantile": 0.25, "value": 314800.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 906.0}, {"index": 3857, "quantile": 0.5, "value": 353100.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 906.0}, {"index": 3857, "quantile": 0.75, "value": 353100.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 906.0}, {"index": 3857, "quantile": 1.0, "value": 491200.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 906.0}, {"index": 3858, "quantile": 0.0, "value": 293500.0, "Latitude": 34.17, "Longitude": -118.43, "Population": 284.0}, {"index": 3858, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.43, "Population": 284.0}, {"index": 3858, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.43, "Population": 284.0}, {"index": 3858, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.43, "Population": 284.0}, {"index": 3858, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.43, "Population": 284.0}, {"index": 3859, "quantile": 0.0, "value": 219000.0, "Latitude": 34.17, "Longitude": -118.44, "Population": 1085.0}, {"index": 3859, "quantile": 0.25, "value": 279400.0, "Latitude": 34.17, "Longitude": -118.44, "Population": 1085.0}, {"index": 3859, "quantile": 0.5, "value": 279400.0, "Latitude": 34.17, "Longitude": -118.44, "Population": 1085.0}, {"index": 3859, "quantile": 0.75, "value": 283825.0, "Latitude": 34.17, "Longitude": -118.44, "Population": 1085.0}, {"index": 3859, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.44, "Population": 1085.0}, {"index": 3860, "quantile": 0.0, "value": 78600.0, "Latitude": 34.16, "Longitude": -118.43, "Population": 1233.0}, {"index": 3860, "quantile": 0.25, "value": 227500.0, "Latitude": 34.16, "Longitude": -118.43, "Population": 1233.0}, {"index": 3860, "quantile": 0.5, "value": 252149.99999999997, "Latitude": 34.16, "Longitude": -118.43, "Population": 1233.0}, {"index": 3860, "quantile": 0.75, "value": 306950.0, "Latitude": 34.16, "Longitude": -118.43, "Population": 1233.0}, {"index": 3860, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.43, "Population": 1233.0}, {"index": 3861, "quantile": 0.0, "value": 205500.00000000003, "Latitude": 34.16, "Longitude": -118.44, "Population": 1362.0}, {"index": 3861, "quantile": 0.25, "value": 288275.0, "Latitude": 34.16, "Longitude": -118.44, "Population": 1362.0}, {"index": 3861, "quantile": 0.5, "value": 339700.0, "Latitude": 34.16, "Longitude": -118.44, "Population": 1362.0}, {"index": 3861, "quantile": 0.75, "value": 364700.0, "Latitude": 34.16, "Longitude": -118.44, "Population": 1362.0}, {"index": 3861, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.44, "Population": 1362.0}, {"index": 3862, "quantile": 0.0, "value": 124700.00000000001, "Latitude": 34.16, "Longitude": -118.44, "Population": 580.0}, {"index": 3862, "quantile": 0.25, "value": 337500.0, "Latitude": 34.16, "Longitude": -118.44, "Population": 580.0}, {"index": 3862, "quantile": 0.5, "value": 337500.0, "Latitude": 34.16, "Longitude": -118.44, "Population": 580.0}, {"index": 3862, "quantile": 0.75, "value": 341675.0, "Latitude": 34.16, "Longitude": -118.44, "Population": 580.0}, {"index": 3862, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.44, "Population": 580.0}, {"index": 3863, "quantile": 0.0, "value": 210900.0, "Latitude": 34.16, "Longitude": -118.45, "Population": 2237.0}, {"index": 3863, "quantile": 0.25, "value": 272600.0, "Latitude": 34.16, "Longitude": -118.45, "Population": 2237.0}, {"index": 3863, "quantile": 0.5, "value": 272600.0, "Latitude": 34.16, "Longitude": -118.45, "Population": 2237.0}, {"index": 3863, "quantile": 0.75, "value": 291399.99999999994, "Latitude": 34.16, "Longitude": -118.45, "Population": 2237.0}, {"index": 3863, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.45, "Population": 2237.0}, {"index": 3864, "quantile": 0.0, "value": 40000.0, "Latitude": 34.17, "Longitude": -118.45, "Population": 996.0}, {"index": 3864, "quantile": 0.25, "value": 210500.00000000003, "Latitude": 34.17, "Longitude": -118.45, "Population": 996.0}, {"index": 3864, "quantile": 0.5, "value": 232599.99999999997, "Latitude": 34.17, "Longitude": -118.45, "Population": 996.0}, {"index": 3864, "quantile": 0.75, "value": 303925.0, "Latitude": 34.17, "Longitude": -118.45, "Population": 996.0}, {"index": 3864, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.45, "Population": 996.0}, {"index": 3865, "quantile": 0.0, "value": 246400.0, "Latitude": 34.17, "Longitude": -118.45, "Population": 1388.0}, {"index": 3865, "quantile": 0.25, "value": 261300.0, "Latitude": 34.17, "Longitude": -118.45, "Population": 1388.0}, {"index": 3865, "quantile": 0.5, "value": 261300.0, "Latitude": 34.17, "Longitude": -118.45, "Population": 1388.0}, {"index": 3865, "quantile": 0.75, "value": 288300.0, "Latitude": 34.17, "Longitude": -118.45, "Population": 1388.0}, {"index": 3865, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.45, "Population": 1388.0}, {"index": 3866, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 34.17, "Longitude": -118.46, "Population": 1463.0}, {"index": 3866, "quantile": 0.25, "value": 261300.0, "Latitude": 34.17, "Longitude": -118.46, "Population": 1463.0}, {"index": 3866, "quantile": 0.5, "value": 308650.0, "Latitude": 34.17, "Longitude": -118.46, "Population": 1463.0}, {"index": 3866, "quantile": 0.75, "value": 341200.0, "Latitude": 34.17, "Longitude": -118.46, "Population": 1463.0}, {"index": 3866, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.46, "Population": 1463.0}, {"index": 3867, "quantile": 0.0, "value": 124700.00000000001, "Latitude": 34.17, "Longitude": -118.46, "Population": 2620.0}, {"index": 3867, "quantile": 0.25, "value": 273700.0, "Latitude": 34.17, "Longitude": -118.46, "Population": 2620.0}, {"index": 3867, "quantile": 0.5, "value": 273700.0, "Latitude": 34.17, "Longitude": -118.46, "Population": 2620.0}, {"index": 3867, "quantile": 0.75, "value": 273700.0, "Latitude": 34.17, "Longitude": -118.46, "Population": 2620.0}, {"index": 3867, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.46, "Population": 2620.0}, {"index": 3868, "quantile": 0.0, "value": 186400.0, "Latitude": 34.16, "Longitude": -118.45, "Population": 1035.0}, {"index": 3868, "quantile": 0.25, "value": 314800.0, "Latitude": 34.16, "Longitude": -118.45, "Population": 1035.0}, {"index": 3868, "quantile": 0.5, "value": 314800.0, "Latitude": 34.16, "Longitude": -118.45, "Population": 1035.0}, {"index": 3868, "quantile": 0.75, "value": 321025.0, "Latitude": 34.16, "Longitude": -118.45, "Population": 1035.0}, {"index": 3868, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.45, "Population": 1035.0}, {"index": 3869, "quantile": 0.0, "value": 212200.0, "Latitude": 34.16, "Longitude": -118.46, "Population": 1173.0}, {"index": 3869, "quantile": 0.25, "value": 280400.0, "Latitude": 34.16, "Longitude": -118.46, "Population": 1173.0}, {"index": 3869, "quantile": 0.5, "value": 280400.0, "Latitude": 34.16, "Longitude": -118.46, "Population": 1173.0}, {"index": 3869, "quantile": 0.75, "value": 312475.0, "Latitude": 34.16, "Longitude": -118.46, "Population": 1173.0}, {"index": 3869, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.46, "Population": 1173.0}, {"index": 3870, "quantile": 0.0, "value": 212200.0, "Latitude": 34.16, "Longitude": -118.46, "Population": 1098.0}, {"index": 3870, "quantile": 0.25, "value": 288300.0, "Latitude": 34.16, "Longitude": -118.46, "Population": 1098.0}, {"index": 3870, "quantile": 0.5, "value": 358000.0, "Latitude": 34.16, "Longitude": -118.46, "Population": 1098.0}, {"index": 3870, "quantile": 0.75, "value": 387075.0, "Latitude": 34.16, "Longitude": -118.46, "Population": 1098.0}, {"index": 3870, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.46, "Population": 1098.0}, {"index": 3871, "quantile": 0.0, "value": 140500.0, "Latitude": 34.21, "Longitude": -118.54, "Population": 4876.0}, {"index": 3871, "quantile": 0.25, "value": 216425.0, "Latitude": 34.21, "Longitude": -118.54, "Population": 4876.0}, {"index": 3871, "quantile": 0.5, "value": 227100.0, "Latitude": 34.21, "Longitude": -118.54, "Population": 4876.0}, {"index": 3871, "quantile": 0.75, "value": 227100.0, "Latitude": 34.21, "Longitude": -118.54, "Population": 4876.0}, {"index": 3871, "quantile": 1.0, "value": 321400.0, "Latitude": 34.21, "Longitude": -118.54, "Population": 4876.0}, {"index": 3872, "quantile": 0.0, "value": 177900.0, "Latitude": 34.21, "Longitude": -118.54, "Population": 1596.0}, {"index": 3872, "quantile": 0.25, "value": 199200.0, "Latitude": 34.21, "Longitude": -118.54, "Population": 1596.0}, {"index": 3872, "quantile": 0.5, "value": 199200.0, "Latitude": 34.21, "Longitude": -118.54, "Population": 1596.0}, {"index": 3872, "quantile": 0.75, "value": 215000.0, "Latitude": 34.21, "Longitude": -118.54, "Population": 1596.0}, {"index": 3872, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.21, "Longitude": -118.54, "Population": 1596.0}, {"index": 3873, "quantile": 0.0, "value": 134100.0, "Latitude": 34.22, "Longitude": -118.54, "Population": 1000.0}, {"index": 3873, "quantile": 0.25, "value": 183800.0, "Latitude": 34.22, "Longitude": -118.54, "Population": 1000.0}, {"index": 3873, "quantile": 0.5, "value": 193600.0, "Latitude": 34.22, "Longitude": -118.54, "Population": 1000.0}, {"index": 3873, "quantile": 0.75, "value": 212100.0, "Latitude": 34.22, "Longitude": -118.54, "Population": 1000.0}, {"index": 3873, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.54, "Population": 1000.0}, {"index": 3874, "quantile": 0.0, "value": 78600.0, "Latitude": 34.2, "Longitude": -118.54, "Population": 1012.0}, {"index": 3874, "quantile": 0.25, "value": 201600.0, "Latitude": 34.2, "Longitude": -118.54, "Population": 1012.0}, {"index": 3874, "quantile": 0.5, "value": 201600.0, "Latitude": 34.2, "Longitude": -118.54, "Population": 1012.0}, {"index": 3874, "quantile": 0.75, "value": 201600.0, "Latitude": 34.2, "Longitude": -118.54, "Population": 1012.0}, {"index": 3874, "quantile": 1.0, "value": 336400.0, "Latitude": 34.2, "Longitude": -118.54, "Population": 1012.0}, {"index": 3875, "quantile": 0.0, "value": 172100.0, "Latitude": 34.19, "Longitude": -118.54, "Population": 1242.0}, {"index": 3875, "quantile": 0.25, "value": 203700.0, "Latitude": 34.19, "Longitude": -118.54, "Population": 1242.0}, {"index": 3875, "quantile": 0.5, "value": 203700.0, "Latitude": 34.19, "Longitude": -118.54, "Population": 1242.0}, {"index": 3875, "quantile": 0.75, "value": 210100.0, "Latitude": 34.19, "Longitude": -118.54, "Population": 1242.0}, {"index": 3875, "quantile": 1.0, "value": 267500.0, "Latitude": 34.19, "Longitude": -118.54, "Population": 1242.0}, {"index": 3876, "quantile": 0.0, "value": 174100.0, "Latitude": 34.22, "Longitude": -118.51, "Population": 1334.0}, {"index": 3876, "quantile": 0.25, "value": 222100.0, "Latitude": 34.22, "Longitude": -118.51, "Population": 1334.0}, {"index": 3876, "quantile": 0.5, "value": 222100.0, "Latitude": 34.22, "Longitude": -118.51, "Population": 1334.0}, {"index": 3876, "quantile": 0.75, "value": 232900.00000000003, "Latitude": 34.22, "Longitude": -118.51, "Population": 1334.0}, {"index": 3876, "quantile": 1.0, "value": 353400.0, "Latitude": 34.22, "Longitude": -118.51, "Population": 1334.0}, {"index": 3877, "quantile": 0.0, "value": 150400.0, "Latitude": 34.21, "Longitude": -118.5, "Population": 629.0}, {"index": 3877, "quantile": 0.25, "value": 236100.00000000003, "Latitude": 34.21, "Longitude": -118.5, "Population": 629.0}, {"index": 3877, "quantile": 0.5, "value": 236100.00000000003, "Latitude": 34.21, "Longitude": -118.5, "Population": 629.0}, {"index": 3877, "quantile": 0.75, "value": 236100.00000000003, "Latitude": 34.21, "Longitude": -118.5, "Population": 629.0}, {"index": 3877, "quantile": 1.0, "value": 349600.0, "Latitude": 34.21, "Longitude": -118.5, "Population": 629.0}, {"index": 3878, "quantile": 0.0, "value": 191000.0, "Latitude": 34.21, "Longitude": -118.5, "Population": 817.0}, {"index": 3878, "quantile": 0.25, "value": 215899.99999999997, "Latitude": 34.21, "Longitude": -118.5, "Population": 817.0}, {"index": 3878, "quantile": 0.5, "value": 215899.99999999997, "Latitude": 34.21, "Longitude": -118.5, "Population": 817.0}, {"index": 3878, "quantile": 0.75, "value": 292250.0, "Latitude": 34.21, "Longitude": -118.5, "Population": 817.0}, {"index": 3878, "quantile": 1.0, "value": 411200.0, "Latitude": 34.21, "Longitude": -118.5, "Population": 817.0}, {"index": 3879, "quantile": 0.0, "value": 172100.0, "Latitude": 34.22, "Longitude": -118.51, "Population": 1156.0}, {"index": 3879, "quantile": 0.25, "value": 209200.0, "Latitude": 34.22, "Longitude": -118.51, "Population": 1156.0}, {"index": 3879, "quantile": 0.5, "value": 209200.0, "Latitude": 34.22, "Longitude": -118.51, "Population": 1156.0}, {"index": 3879, "quantile": 0.75, "value": 209200.0, "Latitude": 34.22, "Longitude": -118.51, "Population": 1156.0}, {"index": 3879, "quantile": 1.0, "value": 285500.0, "Latitude": 34.22, "Longitude": -118.51, "Population": 1156.0}, {"index": 3880, "quantile": 0.0, "value": 204300.00000000003, "Latitude": 34.21, "Longitude": -118.51, "Population": 1064.0}, {"index": 3880, "quantile": 0.25, "value": 223600.00000000003, "Latitude": 34.21, "Longitude": -118.51, "Population": 1064.0}, {"index": 3880, "quantile": 0.5, "value": 223600.00000000003, "Latitude": 34.21, "Longitude": -118.51, "Population": 1064.0}, {"index": 3880, "quantile": 0.75, "value": 235000.0, "Latitude": 34.21, "Longitude": -118.51, "Population": 1064.0}, {"index": 3880, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.51, "Population": 1064.0}, {"index": 3881, "quantile": 0.0, "value": 157800.0, "Latitude": 34.22, "Longitude": -118.51, "Population": 766.0}, {"index": 3881, "quantile": 0.25, "value": 213200.0, "Latitude": 34.22, "Longitude": -118.51, "Population": 766.0}, {"index": 3881, "quantile": 0.5, "value": 213200.0, "Latitude": 34.22, "Longitude": -118.51, "Population": 766.0}, {"index": 3881, "quantile": 0.75, "value": 213200.0, "Latitude": 34.22, "Longitude": -118.51, "Population": 766.0}, {"index": 3881, "quantile": 1.0, "value": 353400.0, "Latitude": 34.22, "Longitude": -118.51, "Population": 766.0}, {"index": 3882, "quantile": 0.0, "value": 152800.0, "Latitude": 34.22, "Longitude": -118.52, "Population": 959.0}, {"index": 3882, "quantile": 0.25, "value": 165400.0, "Latitude": 34.22, "Longitude": -118.52, "Population": 959.0}, {"index": 3882, "quantile": 0.5, "value": 179700.0, "Latitude": 34.22, "Longitude": -118.52, "Population": 959.0}, {"index": 3882, "quantile": 0.75, "value": 191250.0, "Latitude": 34.22, "Longitude": -118.52, "Population": 959.0}, {"index": 3882, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.52, "Population": 959.0}, {"index": 3883, "quantile": 0.0, "value": 168800.0, "Latitude": 34.22, "Longitude": -118.52, "Population": 1052.0}, {"index": 3883, "quantile": 0.25, "value": 212175.0, "Latitude": 34.22, "Longitude": -118.52, "Population": 1052.0}, {"index": 3883, "quantile": 0.5, "value": 226700.0, "Latitude": 34.22, "Longitude": -118.52, "Population": 1052.0}, {"index": 3883, "quantile": 0.75, "value": 243800.00000000003, "Latitude": 34.22, "Longitude": -118.52, "Population": 1052.0}, {"index": 3883, "quantile": 1.0, "value": 395100.0, "Latitude": 34.22, "Longitude": -118.52, "Population": 1052.0}, {"index": 3884, "quantile": 0.0, "value": 166700.0, "Latitude": 34.21, "Longitude": -118.52, "Population": 1490.0}, {"index": 3884, "quantile": 0.25, "value": 196700.0, "Latitude": 34.21, "Longitude": -118.52, "Population": 1490.0}, {"index": 3884, "quantile": 0.5, "value": 206700.00000000003, "Latitude": 34.21, "Longitude": -118.52, "Population": 1490.0}, {"index": 3884, "quantile": 0.75, "value": 206700.00000000003, "Latitude": 34.21, "Longitude": -118.52, "Population": 1490.0}, {"index": 3884, "quantile": 1.0, "value": 293300.0, "Latitude": 34.21, "Longitude": -118.52, "Population": 1490.0}, {"index": 3885, "quantile": 0.0, "value": 159600.0, "Latitude": 34.21, "Longitude": -118.52, "Population": 762.0}, {"index": 3885, "quantile": 0.25, "value": 211000.0, "Latitude": 34.21, "Longitude": -118.52, "Population": 762.0}, {"index": 3885, "quantile": 0.5, "value": 211000.0, "Latitude": 34.21, "Longitude": -118.52, "Population": 762.0}, {"index": 3885, "quantile": 0.75, "value": 217574.99999999997, "Latitude": 34.21, "Longitude": -118.52, "Population": 762.0}, {"index": 3885, "quantile": 1.0, "value": 453700.0, "Latitude": 34.21, "Longitude": -118.52, "Population": 762.0}, {"index": 3886, "quantile": 0.0, "value": 160600.0, "Latitude": 34.22, "Longitude": -118.53, "Population": 2630.0}, {"index": 3886, "quantile": 0.25, "value": 199800.0, "Latitude": 34.22, "Longitude": -118.53, "Population": 2630.0}, {"index": 3886, "quantile": 0.5, "value": 199800.0, "Latitude": 34.22, "Longitude": -118.53, "Population": 2630.0}, {"index": 3886, "quantile": 0.75, "value": 199800.0, "Latitude": 34.22, "Longitude": -118.53, "Population": 2630.0}, {"index": 3886, "quantile": 1.0, "value": 343900.0, "Latitude": 34.22, "Longitude": -118.53, "Population": 2630.0}, {"index": 3887, "quantile": 0.0, "value": 140500.0, "Latitude": 34.21, "Longitude": -118.53, "Population": 1855.0}, {"index": 3887, "quantile": 0.25, "value": 213200.0, "Latitude": 34.21, "Longitude": -118.53, "Population": 1855.0}, {"index": 3887, "quantile": 0.5, "value": 213200.0, "Latitude": 34.21, "Longitude": -118.53, "Population": 1855.0}, {"index": 3887, "quantile": 0.75, "value": 215499.99999999997, "Latitude": 34.21, "Longitude": -118.53, "Population": 1855.0}, {"index": 3887, "quantile": 1.0, "value": 350900.0, "Latitude": 34.21, "Longitude": -118.53, "Population": 1855.0}, {"index": 3888, "quantile": 0.0, "value": 146400.0, "Latitude": 34.21, "Longitude": -118.55, "Population": 1427.0}, {"index": 3888, "quantile": 0.25, "value": 223000.0, "Latitude": 34.21, "Longitude": -118.55, "Population": 1427.0}, {"index": 3888, "quantile": 0.5, "value": 246400.0, "Latitude": 34.21, "Longitude": -118.55, "Population": 1427.0}, {"index": 3888, "quantile": 0.75, "value": 246400.0, "Latitude": 34.21, "Longitude": -118.55, "Population": 1427.0}, {"index": 3888, "quantile": 1.0, "value": 311200.0, "Latitude": 34.21, "Longitude": -118.55, "Population": 1427.0}, {"index": 3889, "quantile": 0.0, "value": 144100.0, "Latitude": 34.22, "Longitude": -118.56, "Population": 1041.0}, {"index": 3889, "quantile": 0.25, "value": 205100.00000000003, "Latitude": 34.22, "Longitude": -118.56, "Population": 1041.0}, {"index": 3889, "quantile": 0.5, "value": 205100.00000000003, "Latitude": 34.22, "Longitude": -118.56, "Population": 1041.0}, {"index": 3889, "quantile": 0.75, "value": 205100.00000000003, "Latitude": 34.22, "Longitude": -118.56, "Population": 1041.0}, {"index": 3889, "quantile": 1.0, "value": 293300.0, "Latitude": 34.22, "Longitude": -118.56, "Population": 1041.0}, {"index": 3890, "quantile": 0.0, "value": 134700.0, "Latitude": 34.21, "Longitude": -118.56, "Population": 788.0}, {"index": 3890, "quantile": 0.25, "value": 196800.0, "Latitude": 34.21, "Longitude": -118.56, "Population": 788.0}, {"index": 3890, "quantile": 0.5, "value": 196800.0, "Latitude": 34.21, "Longitude": -118.56, "Population": 788.0}, {"index": 3890, "quantile": 0.75, "value": 196800.0, "Latitude": 34.21, "Longitude": -118.56, "Population": 788.0}, {"index": 3890, "quantile": 1.0, "value": 258100.0, "Latitude": 34.21, "Longitude": -118.56, "Population": 788.0}, {"index": 3891, "quantile": 0.0, "value": 188400.0, "Latitude": 34.22, "Longitude": -118.56, "Population": 819.0}, {"index": 3891, "quantile": 0.25, "value": 197000.0, "Latitude": 34.22, "Longitude": -118.56, "Population": 819.0}, {"index": 3891, "quantile": 0.5, "value": 197000.0, "Latitude": 34.22, "Longitude": -118.56, "Population": 819.0}, {"index": 3891, "quantile": 0.75, "value": 200300.0, "Latitude": 34.22, "Longitude": -118.56, "Population": 819.0}, {"index": 3891, "quantile": 1.0, "value": 329400.0, "Latitude": 34.22, "Longitude": -118.56, "Population": 819.0}, {"index": 3892, "quantile": 0.0, "value": 82800.0, "Latitude": 34.21, "Longitude": -118.55, "Population": 2097.0}, {"index": 3892, "quantile": 0.25, "value": 211600.0, "Latitude": 34.21, "Longitude": -118.55, "Population": 2097.0}, {"index": 3892, "quantile": 0.5, "value": 231999.99999999997, "Latitude": 34.21, "Longitude": -118.55, "Population": 2097.0}, {"index": 3892, "quantile": 0.75, "value": 262500.0, "Latitude": 34.21, "Longitude": -118.55, "Population": 2097.0}, {"index": 3892, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.55, "Population": 2097.0}, {"index": 3893, "quantile": 0.0, "value": 87500.0, "Latitude": 34.21, "Longitude": -118.56, "Population": 4126.0}, {"index": 3893, "quantile": 0.25, "value": 189800.0, "Latitude": 34.21, "Longitude": -118.56, "Population": 4126.0}, {"index": 3893, "quantile": 0.5, "value": 189800.0, "Latitude": 34.21, "Longitude": -118.56, "Population": 4126.0}, {"index": 3893, "quantile": 0.75, "value": 189800.0, "Latitude": 34.21, "Longitude": -118.56, "Population": 4126.0}, {"index": 3893, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.56, "Population": 4126.0}, {"index": 3894, "quantile": 0.0, "value": 146000.0, "Latitude": 34.2, "Longitude": -118.52, "Population": 1757.0}, {"index": 3894, "quantile": 0.25, "value": 193700.0, "Latitude": 34.2, "Longitude": -118.52, "Population": 1757.0}, {"index": 3894, "quantile": 0.5, "value": 209400.00000000003, "Latitude": 34.2, "Longitude": -118.52, "Population": 1757.0}, {"index": 3894, "quantile": 0.75, "value": 232900.00000000003, "Latitude": 34.2, "Longitude": -118.52, "Population": 1757.0}, {"index": 3894, "quantile": 1.0, "value": 299300.0, "Latitude": 34.2, "Longitude": -118.52, "Population": 1757.0}, {"index": 3895, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 34.2, "Longitude": -118.53, "Population": 2118.0}, {"index": 3895, "quantile": 0.25, "value": 208000.0, "Latitude": 34.2, "Longitude": -118.53, "Population": 2118.0}, {"index": 3895, "quantile": 0.5, "value": 223100.0, "Latitude": 34.2, "Longitude": -118.53, "Population": 2118.0}, {"index": 3895, "quantile": 0.75, "value": 238375.0, "Latitude": 34.2, "Longitude": -118.53, "Population": 2118.0}, {"index": 3895, "quantile": 1.0, "value": 312700.0, "Latitude": 34.2, "Longitude": -118.53, "Population": 2118.0}, {"index": 3896, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 34.21, "Longitude": -118.5, "Population": 807.0}, {"index": 3896, "quantile": 0.25, "value": 200300.0, "Latitude": 34.21, "Longitude": -118.5, "Population": 807.0}, {"index": 3896, "quantile": 0.5, "value": 200300.0, "Latitude": 34.21, "Longitude": -118.5, "Population": 807.0}, {"index": 3896, "quantile": 0.75, "value": 225025.0, "Latitude": 34.21, "Longitude": -118.5, "Population": 807.0}, {"index": 3896, "quantile": 1.0, "value": 351100.0, "Latitude": 34.21, "Longitude": -118.5, "Population": 807.0}, {"index": 3897, "quantile": 0.0, "value": 78600.0, "Latitude": 34.2, "Longitude": -118.51, "Population": 850.0}, {"index": 3897, "quantile": 0.25, "value": 197000.0, "Latitude": 34.2, "Longitude": -118.51, "Population": 850.0}, {"index": 3897, "quantile": 0.5, "value": 200300.0, "Latitude": 34.2, "Longitude": -118.51, "Population": 850.0}, {"index": 3897, "quantile": 0.75, "value": 227300.0, "Latitude": 34.2, "Longitude": -118.51, "Population": 850.0}, {"index": 3897, "quantile": 1.0, "value": 349600.0, "Latitude": 34.2, "Longitude": -118.51, "Population": 850.0}, {"index": 3898, "quantile": 0.0, "value": 188400.0, "Latitude": 34.2, "Longitude": -118.51, "Population": 1031.0}, {"index": 3898, "quantile": 0.25, "value": 188400.0, "Latitude": 34.2, "Longitude": -118.51, "Population": 1031.0}, {"index": 3898, "quantile": 0.5, "value": 188400.0, "Latitude": 34.2, "Longitude": -118.51, "Population": 1031.0}, {"index": 3898, "quantile": 0.75, "value": 219275.00000000003, "Latitude": 34.2, "Longitude": -118.51, "Population": 1031.0}, {"index": 3898, "quantile": 1.0, "value": 341200.0, "Latitude": 34.2, "Longitude": -118.51, "Population": 1031.0}, {"index": 3899, "quantile": 0.0, "value": 160200.0, "Latitude": 34.21, "Longitude": -118.52, "Population": 823.0}, {"index": 3899, "quantile": 0.25, "value": 193700.0, "Latitude": 34.21, "Longitude": -118.52, "Population": 823.0}, {"index": 3899, "quantile": 0.5, "value": 193700.0, "Latitude": 34.21, "Longitude": -118.52, "Population": 823.0}, {"index": 3899, "quantile": 0.75, "value": 193700.0, "Latitude": 34.21, "Longitude": -118.52, "Population": 823.0}, {"index": 3899, "quantile": 1.0, "value": 271500.0, "Latitude": 34.21, "Longitude": -118.52, "Population": 823.0}, {"index": 3900, "quantile": 0.0, "value": 68100.0, "Latitude": 34.2, "Longitude": -118.5, "Population": 884.0}, {"index": 3900, "quantile": 0.25, "value": 203799.99999999997, "Latitude": 34.2, "Longitude": -118.5, "Population": 884.0}, {"index": 3900, "quantile": 0.5, "value": 203799.99999999997, "Latitude": 34.2, "Longitude": -118.5, "Population": 884.0}, {"index": 3900, "quantile": 0.75, "value": 203799.99999999997, "Latitude": 34.2, "Longitude": -118.5, "Population": 884.0}, {"index": 3900, "quantile": 1.0, "value": 364700.0, "Latitude": 34.2, "Longitude": -118.5, "Population": 884.0}, {"index": 3901, "quantile": 0.0, "value": 187300.0, "Latitude": 34.2, "Longitude": -118.51, "Population": 1166.0}, {"index": 3901, "quantile": 0.25, "value": 235400.0, "Latitude": 34.2, "Longitude": -118.51, "Population": 1166.0}, {"index": 3901, "quantile": 0.5, "value": 262500.0, "Latitude": 34.2, "Longitude": -118.51, "Population": 1166.0}, {"index": 3901, "quantile": 0.75, "value": 262500.0, "Latitude": 34.2, "Longitude": -118.51, "Population": 1166.0}, {"index": 3901, "quantile": 1.0, "value": 382100.0, "Latitude": 34.2, "Longitude": -118.51, "Population": 1166.0}, {"index": 3902, "quantile": 0.0, "value": 188400.0, "Latitude": 34.2, "Longitude": -118.51, "Population": 1350.0}, {"index": 3902, "quantile": 0.25, "value": 227500.0, "Latitude": 34.2, "Longitude": -118.51, "Population": 1350.0}, {"index": 3902, "quantile": 0.5, "value": 227500.0, "Latitude": 34.2, "Longitude": -118.51, "Population": 1350.0}, {"index": 3902, "quantile": 0.75, "value": 229199.99999999997, "Latitude": 34.2, "Longitude": -118.51, "Population": 1350.0}, {"index": 3902, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 34.2, "Longitude": -118.51, "Population": 1350.0}, {"index": 3903, "quantile": 0.0, "value": 187600.0, "Latitude": 34.19, "Longitude": -118.51, "Population": 1161.0}, {"index": 3903, "quantile": 0.25, "value": 229199.99999999997, "Latitude": 34.19, "Longitude": -118.51, "Population": 1161.0}, {"index": 3903, "quantile": 0.5, "value": 229199.99999999997, "Latitude": 34.19, "Longitude": -118.51, "Population": 1161.0}, {"index": 3903, "quantile": 0.75, "value": 268825.0, "Latitude": 34.19, "Longitude": -118.51, "Population": 1161.0}, {"index": 3903, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.19, "Longitude": -118.51, "Population": 1161.0}, {"index": 3904, "quantile": 0.0, "value": 154300.0, "Latitude": 34.19, "Longitude": -118.51, "Population": 1141.0}, {"index": 3904, "quantile": 0.25, "value": 221099.99999999997, "Latitude": 34.19, "Longitude": -118.51, "Population": 1141.0}, {"index": 3904, "quantile": 0.5, "value": 221099.99999999997, "Latitude": 34.19, "Longitude": -118.51, "Population": 1141.0}, {"index": 3904, "quantile": 0.75, "value": 221099.99999999997, "Latitude": 34.19, "Longitude": -118.51, "Population": 1141.0}, {"index": 3904, "quantile": 1.0, "value": 293300.0, "Latitude": 34.19, "Longitude": -118.51, "Population": 1141.0}, {"index": 3905, "quantile": 0.0, "value": 126000.0, "Latitude": 34.2, "Longitude": -118.5, "Population": 2047.0}, {"index": 3905, "quantile": 0.25, "value": 229100.0, "Latitude": 34.2, "Longitude": -118.5, "Population": 2047.0}, {"index": 3905, "quantile": 0.5, "value": 229100.0, "Latitude": 34.2, "Longitude": -118.5, "Population": 2047.0}, {"index": 3905, "quantile": 0.75, "value": 229100.0, "Latitude": 34.2, "Longitude": -118.5, "Population": 2047.0}, {"index": 3905, "quantile": 1.0, "value": 407500.0, "Latitude": 34.2, "Longitude": -118.5, "Population": 2047.0}, {"index": 3906, "quantile": 0.0, "value": 196400.0, "Latitude": 34.19, "Longitude": -118.5, "Population": 1158.0}, {"index": 3906, "quantile": 0.25, "value": 228300.0, "Latitude": 34.19, "Longitude": -118.5, "Population": 1158.0}, {"index": 3906, "quantile": 0.5, "value": 228300.0, "Latitude": 34.19, "Longitude": -118.5, "Population": 1158.0}, {"index": 3906, "quantile": 0.75, "value": 253974.99999999997, "Latitude": 34.19, "Longitude": -118.5, "Population": 1158.0}, {"index": 3906, "quantile": 1.0, "value": 446800.0, "Latitude": 34.19, "Longitude": -118.5, "Population": 1158.0}, {"index": 3907, "quantile": 0.0, "value": 182400.0, "Latitude": 34.19, "Longitude": -118.5, "Population": 1142.0}, {"index": 3907, "quantile": 0.25, "value": 229075.0, "Latitude": 34.19, "Longitude": -118.5, "Population": 1142.0}, {"index": 3907, "quantile": 0.5, "value": 252100.0, "Latitude": 34.19, "Longitude": -118.5, "Population": 1142.0}, {"index": 3907, "quantile": 0.75, "value": 276550.00000000006, "Latitude": 34.19, "Longitude": -118.5, "Population": 1142.0}, {"index": 3907, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.5, "Population": 1142.0}, {"index": 3908, "quantile": 0.0, "value": 87500.0, "Latitude": 34.2, "Longitude": -118.52, "Population": 2490.0}, {"index": 3908, "quantile": 0.25, "value": 192000.0, "Latitude": 34.2, "Longitude": -118.52, "Population": 2490.0}, {"index": 3908, "quantile": 0.5, "value": 235849.99999999997, "Latitude": 34.2, "Longitude": -118.52, "Population": 2490.0}, {"index": 3908, "quantile": 0.75, "value": 269200.0, "Latitude": 34.2, "Longitude": -118.52, "Population": 2490.0}, {"index": 3908, "quantile": 1.0, "value": 425000.0, "Latitude": 34.2, "Longitude": -118.52, "Population": 2490.0}, {"index": 3909, "quantile": 0.0, "value": 160600.0, "Latitude": 34.2, "Longitude": -118.52, "Population": 1082.0}, {"index": 3909, "quantile": 0.25, "value": 207200.0, "Latitude": 34.2, "Longitude": -118.52, "Population": 1082.0}, {"index": 3909, "quantile": 0.5, "value": 207200.0, "Latitude": 34.2, "Longitude": -118.52, "Population": 1082.0}, {"index": 3909, "quantile": 0.75, "value": 212100.0, "Latitude": 34.2, "Longitude": -118.52, "Population": 1082.0}, {"index": 3909, "quantile": 1.0, "value": 325200.0, "Latitude": 34.2, "Longitude": -118.52, "Population": 1082.0}, {"index": 3910, "quantile": 0.0, "value": 165300.0, "Latitude": 34.2, "Longitude": -118.53, "Population": 1998.0}, {"index": 3910, "quantile": 0.25, "value": 191100.0, "Latitude": 34.2, "Longitude": -118.53, "Population": 1998.0}, {"index": 3910, "quantile": 0.5, "value": 191100.0, "Latitude": 34.2, "Longitude": -118.53, "Population": 1998.0}, {"index": 3910, "quantile": 0.75, "value": 191825.0, "Latitude": 34.2, "Longitude": -118.53, "Population": 1998.0}, {"index": 3910, "quantile": 1.0, "value": 290100.0, "Latitude": 34.2, "Longitude": -118.53, "Population": 1998.0}, {"index": 3911, "quantile": 0.0, "value": 168800.0, "Latitude": 34.2, "Longitude": -118.55, "Population": 1624.0}, {"index": 3911, "quantile": 0.25, "value": 211600.0, "Latitude": 34.2, "Longitude": -118.55, "Population": 1624.0}, {"index": 3911, "quantile": 0.5, "value": 223700.0, "Latitude": 34.2, "Longitude": -118.55, "Population": 1624.0}, {"index": 3911, "quantile": 0.75, "value": 258400.0, "Latitude": 34.2, "Longitude": -118.55, "Population": 1624.0}, {"index": 3911, "quantile": 1.0, "value": 335500.0, "Latitude": 34.2, "Longitude": -118.55, "Population": 1624.0}, {"index": 3912, "quantile": 0.0, "value": 91900.0, "Latitude": 34.19, "Longitude": -118.55, "Population": 3161.0}, {"index": 3912, "quantile": 0.25, "value": 170600.0, "Latitude": 34.19, "Longitude": -118.55, "Population": 3161.0}, {"index": 3912, "quantile": 0.5, "value": 170600.0, "Latitude": 34.19, "Longitude": -118.55, "Population": 3161.0}, {"index": 3912, "quantile": 0.75, "value": 186574.99999999997, "Latitude": 34.19, "Longitude": -118.55, "Population": 3161.0}, {"index": 3912, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.19, "Longitude": -118.55, "Population": 3161.0}, {"index": 3913, "quantile": 0.0, "value": 117700.0, "Latitude": 34.2, "Longitude": -118.55, "Population": 1494.0}, {"index": 3913, "quantile": 0.25, "value": 172375.0, "Latitude": 34.2, "Longitude": -118.55, "Population": 1494.0}, {"index": 3913, "quantile": 0.5, "value": 186800.0, "Latitude": 34.2, "Longitude": -118.55, "Population": 1494.0}, {"index": 3913, "quantile": 0.75, "value": 198000.0, "Latitude": 34.2, "Longitude": -118.55, "Population": 1494.0}, {"index": 3913, "quantile": 1.0, "value": 350000.0, "Latitude": 34.2, "Longitude": -118.55, "Population": 1494.0}, {"index": 3914, "quantile": 0.0, "value": 94000.0, "Latitude": 34.19, "Longitude": -118.52, "Population": 464.0}, {"index": 3914, "quantile": 0.25, "value": 203900.00000000003, "Latitude": 34.19, "Longitude": -118.52, "Population": 464.0}, {"index": 3914, "quantile": 0.5, "value": 203900.00000000003, "Latitude": 34.19, "Longitude": -118.52, "Population": 464.0}, {"index": 3914, "quantile": 0.75, "value": 217000.0, "Latitude": 34.19, "Longitude": -118.52, "Population": 464.0}, {"index": 3914, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.52, "Population": 464.0}, {"index": 3915, "quantile": 0.0, "value": 78600.0, "Latitude": 34.19, "Longitude": -118.52, "Population": 763.0}, {"index": 3915, "quantile": 0.25, "value": 206900.0, "Latitude": 34.19, "Longitude": -118.52, "Population": 763.0}, {"index": 3915, "quantile": 0.5, "value": 206900.0, "Latitude": 34.19, "Longitude": -118.52, "Population": 763.0}, {"index": 3915, "quantile": 0.75, "value": 209724.99999999997, "Latitude": 34.19, "Longitude": -118.52, "Population": 763.0}, {"index": 3915, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.52, "Population": 763.0}, {"index": 3916, "quantile": 0.0, "value": 179800.0, "Latitude": 34.19, "Longitude": -118.52, "Population": 1039.0}, {"index": 3916, "quantile": 0.25, "value": 212100.0, "Latitude": 34.19, "Longitude": -118.52, "Population": 1039.0}, {"index": 3916, "quantile": 0.5, "value": 212100.0, "Latitude": 34.19, "Longitude": -118.52, "Population": 1039.0}, {"index": 3916, "quantile": 0.75, "value": 212100.0, "Latitude": 34.19, "Longitude": -118.52, "Population": 1039.0}, {"index": 3916, "quantile": 1.0, "value": 295300.0, "Latitude": 34.19, "Longitude": -118.52, "Population": 1039.0}, {"index": 3917, "quantile": 0.0, "value": 178800.0, "Latitude": 34.19, "Longitude": -118.53, "Population": 1961.0}, {"index": 3917, "quantile": 0.25, "value": 192300.0, "Latitude": 34.19, "Longitude": -118.53, "Population": 1961.0}, {"index": 3917, "quantile": 0.5, "value": 192300.0, "Latitude": 34.19, "Longitude": -118.53, "Population": 1961.0}, {"index": 3917, "quantile": 0.75, "value": 192300.0, "Latitude": 34.19, "Longitude": -118.53, "Population": 1961.0}, {"index": 3917, "quantile": 1.0, "value": 254199.99999999997, "Latitude": 34.19, "Longitude": -118.53, "Population": 1961.0}, {"index": 3918, "quantile": 0.0, "value": 78600.0, "Latitude": 34.18, "Longitude": -118.52, "Population": 1168.0}, {"index": 3918, "quantile": 0.25, "value": 242025.00000000003, "Latitude": 34.18, "Longitude": -118.52, "Population": 1168.0}, {"index": 3918, "quantile": 0.5, "value": 245400.00000000003, "Latitude": 34.18, "Longitude": -118.52, "Population": 1168.0}, {"index": 3918, "quantile": 0.75, "value": 245400.00000000003, "Latitude": 34.18, "Longitude": -118.52, "Population": 1168.0}, {"index": 3918, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.52, "Population": 1168.0}, {"index": 3919, "quantile": 0.0, "value": 95200.0, "Latitude": 34.18, "Longitude": -118.53, "Population": 2118.0}, {"index": 3919, "quantile": 0.25, "value": 240300.0, "Latitude": 34.18, "Longitude": -118.53, "Population": 2118.0}, {"index": 3919, "quantile": 0.5, "value": 240300.0, "Latitude": 34.18, "Longitude": -118.53, "Population": 2118.0}, {"index": 3919, "quantile": 0.75, "value": 240300.0, "Latitude": 34.18, "Longitude": -118.53, "Population": 2118.0}, {"index": 3919, "quantile": 1.0, "value": 319000.0, "Latitude": 34.18, "Longitude": -118.53, "Population": 2118.0}, {"index": 3920, "quantile": 0.0, "value": 177800.0, "Latitude": 34.2, "Longitude": -118.56, "Population": 891.0}, {"index": 3920, "quantile": 0.25, "value": 190900.0, "Latitude": 34.2, "Longitude": -118.56, "Population": 891.0}, {"index": 3920, "quantile": 0.5, "value": 190900.0, "Latitude": 34.2, "Longitude": -118.56, "Population": 891.0}, {"index": 3920, "quantile": 0.75, "value": 206125.00000000003, "Latitude": 34.2, "Longitude": -118.56, "Population": 891.0}, {"index": 3920, "quantile": 1.0, "value": 286500.0, "Latitude": 34.2, "Longitude": -118.56, "Population": 891.0}, {"index": 3921, "quantile": 0.0, "value": 166700.0, "Latitude": 34.2, "Longitude": -118.56, "Population": 1431.0}, {"index": 3921, "quantile": 0.25, "value": 196700.0, "Latitude": 34.2, "Longitude": -118.56, "Population": 1431.0}, {"index": 3921, "quantile": 0.5, "value": 196700.0, "Latitude": 34.2, "Longitude": -118.56, "Population": 1431.0}, {"index": 3921, "quantile": 0.75, "value": 196700.0, "Latitude": 34.2, "Longitude": -118.56, "Population": 1431.0}, {"index": 3921, "quantile": 1.0, "value": 293300.0, "Latitude": 34.2, "Longitude": -118.56, "Population": 1431.0}, {"index": 3922, "quantile": 0.0, "value": 88900.0, "Latitude": 34.19, "Longitude": -118.56, "Population": 425.0}, {"index": 3922, "quantile": 0.25, "value": 201399.99999999997, "Latitude": 34.19, "Longitude": -118.56, "Population": 425.0}, {"index": 3922, "quantile": 0.5, "value": 201399.99999999997, "Latitude": 34.19, "Longitude": -118.56, "Population": 425.0}, {"index": 3922, "quantile": 0.75, "value": 209700.00000000003, "Latitude": 34.19, "Longitude": -118.56, "Population": 425.0}, {"index": 3922, "quantile": 1.0, "value": 372000.0, "Latitude": 34.19, "Longitude": -118.56, "Population": 425.0}, {"index": 3923, "quantile": 0.0, "value": 124400.0, "Latitude": 34.19, "Longitude": -118.56, "Population": 671.0}, {"index": 3923, "quantile": 0.25, "value": 197325.00000000003, "Latitude": 34.19, "Longitude": -118.56, "Population": 671.0}, {"index": 3923, "quantile": 0.5, "value": 216650.0, "Latitude": 34.19, "Longitude": -118.56, "Population": 671.0}, {"index": 3923, "quantile": 0.75, "value": 226775.0, "Latitude": 34.19, "Longitude": -118.56, "Population": 671.0}, {"index": 3923, "quantile": 1.0, "value": 299300.0, "Latitude": 34.19, "Longitude": -118.56, "Population": 671.0}, {"index": 3924, "quantile": 0.0, "value": 209200.0, "Latitude": 34.19, "Longitude": -118.56, "Population": 1237.0}, {"index": 3924, "quantile": 0.25, "value": 235100.0, "Latitude": 34.19, "Longitude": -118.56, "Population": 1237.0}, {"index": 3924, "quantile": 0.5, "value": 235100.0, "Latitude": 34.19, "Longitude": -118.56, "Population": 1237.0}, {"index": 3924, "quantile": 0.75, "value": 235100.0, "Latitude": 34.19, "Longitude": -118.56, "Population": 1237.0}, {"index": 3924, "quantile": 1.0, "value": 412000.0, "Latitude": 34.19, "Longitude": -118.56, "Population": 1237.0}, {"index": 3925, "quantile": 0.0, "value": 141100.0, "Latitude": 34.18, "Longitude": -118.56, "Population": 719.0}, {"index": 3925, "quantile": 0.25, "value": 245050.0, "Latitude": 34.18, "Longitude": -118.56, "Population": 719.0}, {"index": 3925, "quantile": 0.5, "value": 250999.99999999997, "Latitude": 34.18, "Longitude": -118.56, "Population": 719.0}, {"index": 3925, "quantile": 0.75, "value": 250999.99999999997, "Latitude": 34.18, "Longitude": -118.56, "Population": 719.0}, {"index": 3925, "quantile": 1.0, "value": 349600.0, "Latitude": 34.18, "Longitude": -118.56, "Population": 719.0}, {"index": 3926, "quantile": 0.0, "value": 152900.0, "Latitude": 34.19, "Longitude": -118.54, "Population": 2199.0}, {"index": 3926, "quantile": 0.25, "value": 196000.0, "Latitude": 34.19, "Longitude": -118.54, "Population": 2199.0}, {"index": 3926, "quantile": 0.5, "value": 239200.0, "Latitude": 34.19, "Longitude": -118.54, "Population": 2199.0}, {"index": 3926, "quantile": 0.75, "value": 239200.0, "Latitude": 34.19, "Longitude": -118.54, "Population": 2199.0}, {"index": 3926, "quantile": 1.0, "value": 296100.0, "Latitude": 34.19, "Longitude": -118.54, "Population": 2199.0}, {"index": 3927, "quantile": 0.0, "value": 163200.0, "Latitude": 34.18, "Longitude": -118.54, "Population": 1280.0}, {"index": 3927, "quantile": 0.25, "value": 239075.00000000003, "Latitude": 34.18, "Longitude": -118.54, "Population": 1280.0}, {"index": 3927, "quantile": 0.5, "value": 240300.0, "Latitude": 34.18, "Longitude": -118.54, "Population": 1280.0}, {"index": 3927, "quantile": 0.75, "value": 240300.0, "Latitude": 34.18, "Longitude": -118.54, "Population": 1280.0}, {"index": 3927, "quantile": 1.0, "value": 335500.0, "Latitude": 34.18, "Longitude": -118.54, "Population": 1280.0}, {"index": 3928, "quantile": 0.0, "value": 141100.0, "Latitude": 34.19, "Longitude": -118.55, "Population": 475.0}, {"index": 3928, "quantile": 0.25, "value": 223600.00000000003, "Latitude": 34.19, "Longitude": -118.55, "Population": 475.0}, {"index": 3928, "quantile": 0.5, "value": 249500.0, "Latitude": 34.19, "Longitude": -118.55, "Population": 475.0}, {"index": 3928, "quantile": 0.75, "value": 285225.0, "Latitude": 34.19, "Longitude": -118.55, "Population": 475.0}, {"index": 3928, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 34.19, "Longitude": -118.55, "Population": 475.0}, {"index": 3929, "quantile": 0.0, "value": 148400.0, "Latitude": 34.19, "Longitude": -118.55, "Population": 990.0}, {"index": 3929, "quantile": 0.25, "value": 223800.0, "Latitude": 34.19, "Longitude": -118.55, "Population": 990.0}, {"index": 3929, "quantile": 0.5, "value": 223800.0, "Latitude": 34.19, "Longitude": -118.55, "Population": 990.0}, {"index": 3929, "quantile": 0.75, "value": 223900.0, "Latitude": 34.19, "Longitude": -118.55, "Population": 990.0}, {"index": 3929, "quantile": 1.0, "value": 324300.0, "Latitude": 34.19, "Longitude": -118.55, "Population": 990.0}, {"index": 3930, "quantile": 0.0, "value": 129200.0, "Latitude": 34.21, "Longitude": -118.58, "Population": 1649.0}, {"index": 3930, "quantile": 0.25, "value": 211875.0, "Latitude": 34.21, "Longitude": -118.58, "Population": 1649.0}, {"index": 3930, "quantile": 0.5, "value": 220200.0, "Latitude": 34.21, "Longitude": -118.58, "Population": 1649.0}, {"index": 3930, "quantile": 0.75, "value": 240000.0, "Latitude": 34.21, "Longitude": -118.58, "Population": 1649.0}, {"index": 3930, "quantile": 1.0, "value": 475000.0, "Latitude": 34.21, "Longitude": -118.58, "Population": 1649.0}, {"index": 3931, "quantile": 0.0, "value": 88800.0, "Latitude": 34.21, "Longitude": -118.59, "Population": 1986.0}, {"index": 3931, "quantile": 0.25, "value": 178800.0, "Latitude": 34.21, "Longitude": -118.59, "Population": 1986.0}, {"index": 3931, "quantile": 0.5, "value": 178800.0, "Latitude": 34.21, "Longitude": -118.59, "Population": 1986.0}, {"index": 3931, "quantile": 0.75, "value": 191700.0, "Latitude": 34.21, "Longitude": -118.59, "Population": 1986.0}, {"index": 3931, "quantile": 1.0, "value": 254500.0, "Latitude": 34.21, "Longitude": -118.59, "Population": 1986.0}, {"index": 3932, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 34.2, "Longitude": -118.59, "Population": 733.0}, {"index": 3932, "quantile": 0.25, "value": 201900.0, "Latitude": 34.2, "Longitude": -118.59, "Population": 733.0}, {"index": 3932, "quantile": 0.5, "value": 201900.0, "Latitude": 34.2, "Longitude": -118.59, "Population": 733.0}, {"index": 3932, "quantile": 0.75, "value": 201900.0, "Latitude": 34.2, "Longitude": -118.59, "Population": 733.0}, {"index": 3932, "quantile": 1.0, "value": 436700.0, "Latitude": 34.2, "Longitude": -118.59, "Population": 733.0}, {"index": 3933, "quantile": 0.0, "value": 158000.0, "Latitude": 34.2, "Longitude": -118.58, "Population": 826.0}, {"index": 3933, "quantile": 0.25, "value": 220900.0, "Latitude": 34.2, "Longitude": -118.58, "Population": 826.0}, {"index": 3933, "quantile": 0.5, "value": 220900.0, "Latitude": 34.2, "Longitude": -118.58, "Population": 826.0}, {"index": 3933, "quantile": 0.75, "value": 220900.0, "Latitude": 34.2, "Longitude": -118.58, "Population": 826.0}, {"index": 3933, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.58, "Population": 826.0}, {"index": 3934, "quantile": 0.0, "value": 146000.0, "Latitude": 34.22, "Longitude": -118.57, "Population": 1702.0}, {"index": 3934, "quantile": 0.25, "value": 239675.0, "Latitude": 34.22, "Longitude": -118.57, "Population": 1702.0}, {"index": 3934, "quantile": 0.5, "value": 258400.0, "Latitude": 34.22, "Longitude": -118.57, "Population": 1702.0}, {"index": 3934, "quantile": 0.75, "value": 258400.0, "Latitude": 34.22, "Longitude": -118.57, "Population": 1702.0}, {"index": 3934, "quantile": 1.0, "value": 319000.0, "Latitude": 34.22, "Longitude": -118.57, "Population": 1702.0}, {"index": 3935, "quantile": 0.0, "value": 225599.99999999997, "Latitude": 34.21, "Longitude": -118.57, "Population": 2447.0}, {"index": 3935, "quantile": 0.25, "value": 260500.0, "Latitude": 34.21, "Longitude": -118.57, "Population": 2447.0}, {"index": 3935, "quantile": 0.5, "value": 270500.0, "Latitude": 34.21, "Longitude": -118.57, "Population": 2447.0}, {"index": 3935, "quantile": 0.75, "value": 270500.0, "Latitude": 34.21, "Longitude": -118.57, "Population": 2447.0}, {"index": 3935, "quantile": 1.0, "value": 286700.0, "Latitude": 34.21, "Longitude": -118.57, "Population": 2447.0}, {"index": 3936, "quantile": 0.0, "value": 85700.0, "Latitude": 34.22, "Longitude": -118.57, "Population": 1879.0}, {"index": 3936, "quantile": 0.25, "value": 194100.0, "Latitude": 34.22, "Longitude": -118.57, "Population": 1879.0}, {"index": 3936, "quantile": 0.5, "value": 214000.0, "Latitude": 34.22, "Longitude": -118.57, "Population": 1879.0}, {"index": 3936, "quantile": 0.75, "value": 233725.0, "Latitude": 34.22, "Longitude": -118.57, "Population": 1879.0}, {"index": 3936, "quantile": 1.0, "value": 319000.0, "Latitude": 34.22, "Longitude": -118.57, "Population": 1879.0}, {"index": 3937, "quantile": 0.0, "value": 82800.0, "Latitude": 34.21, "Longitude": -118.58, "Population": 3739.0}, {"index": 3937, "quantile": 0.25, "value": 217075.0, "Latitude": 34.21, "Longitude": -118.58, "Population": 3739.0}, {"index": 3937, "quantile": 0.5, "value": 299300.0, "Latitude": 34.21, "Longitude": -118.58, "Population": 3739.0}, {"index": 3937, "quantile": 0.75, "value": 299300.0, "Latitude": 34.21, "Longitude": -118.58, "Population": 3739.0}, {"index": 3937, "quantile": 1.0, "value": 299300.0, "Latitude": 34.21, "Longitude": -118.58, "Population": 3739.0}, {"index": 3938, "quantile": 0.0, "value": 199400.0, "Latitude": 34.22, "Longitude": -118.58, "Population": 1428.0}, {"index": 3938, "quantile": 0.25, "value": 228200.0, "Latitude": 34.22, "Longitude": -118.58, "Population": 1428.0}, {"index": 3938, "quantile": 0.5, "value": 228200.0, "Latitude": 34.22, "Longitude": -118.58, "Population": 1428.0}, {"index": 3938, "quantile": 0.75, "value": 238000.0, "Latitude": 34.22, "Longitude": -118.58, "Population": 1428.0}, {"index": 3938, "quantile": 1.0, "value": 371700.0, "Latitude": 34.22, "Longitude": -118.58, "Population": 1428.0}, {"index": 3939, "quantile": 0.0, "value": 136900.0, "Latitude": 34.21, "Longitude": -118.58, "Population": 1034.0}, {"index": 3939, "quantile": 0.25, "value": 249974.99999999997, "Latitude": 34.21, "Longitude": -118.58, "Population": 1034.0}, {"index": 3939, "quantile": 0.5, "value": 250900.0, "Latitude": 34.21, "Longitude": -118.58, "Population": 1034.0}, {"index": 3939, "quantile": 0.75, "value": 250900.0, "Latitude": 34.21, "Longitude": -118.58, "Population": 1034.0}, {"index": 3939, "quantile": 1.0, "value": 372000.0, "Latitude": 34.21, "Longitude": -118.58, "Population": 1034.0}, {"index": 3940, "quantile": 0.0, "value": 110900.0, "Latitude": 34.21, "Longitude": -118.59, "Population": 895.0}, {"index": 3940, "quantile": 0.25, "value": 232200.0, "Latitude": 34.21, "Longitude": -118.59, "Population": 895.0}, {"index": 3940, "quantile": 0.5, "value": 244800.0, "Latitude": 34.21, "Longitude": -118.59, "Population": 895.0}, {"index": 3940, "quantile": 0.75, "value": 266650.0, "Latitude": 34.21, "Longitude": -118.59, "Population": 895.0}, {"index": 3940, "quantile": 1.0, "value": 445700.0, "Latitude": 34.21, "Longitude": -118.59, "Population": 895.0}, {"index": 3941, "quantile": 0.0, "value": 160000.0, "Latitude": 34.21, "Longitude": -118.59, "Population": 1560.0}, {"index": 3941, "quantile": 0.25, "value": 199675.0, "Latitude": 34.21, "Longitude": -118.59, "Population": 1560.0}, {"index": 3941, "quantile": 0.5, "value": 210900.0, "Latitude": 34.21, "Longitude": -118.59, "Population": 1560.0}, {"index": 3941, "quantile": 0.75, "value": 223824.99999999997, "Latitude": 34.21, "Longitude": -118.59, "Population": 1560.0}, {"index": 3941, "quantile": 1.0, "value": 299300.0, "Latitude": 34.21, "Longitude": -118.59, "Population": 1560.0}, {"index": 3942, "quantile": 0.0, "value": 112799.99999999999, "Latitude": 34.21, "Longitude": -118.6, "Population": 7282.0}, {"index": 3942, "quantile": 0.25, "value": 227100.0, "Latitude": 34.21, "Longitude": -118.6, "Population": 7282.0}, {"index": 3942, "quantile": 0.5, "value": 227500.0, "Latitude": 34.21, "Longitude": -118.6, "Population": 7282.0}, {"index": 3942, "quantile": 0.75, "value": 227500.0, "Latitude": 34.21, "Longitude": -118.6, "Population": 7282.0}, {"index": 3942, "quantile": 1.0, "value": 256800.0, "Latitude": 34.21, "Longitude": -118.6, "Population": 7282.0}, {"index": 3943, "quantile": 0.0, "value": 168800.0, "Latitude": 34.21, "Longitude": -118.61, "Population": 1861.0}, {"index": 3943, "quantile": 0.25, "value": 234425.00000000003, "Latitude": 34.21, "Longitude": -118.61, "Population": 1861.0}, {"index": 3943, "quantile": 0.5, "value": 251500.0, "Latitude": 34.21, "Longitude": -118.61, "Population": 1861.0}, {"index": 3943, "quantile": 0.75, "value": 251500.0, "Latitude": 34.21, "Longitude": -118.61, "Population": 1861.0}, {"index": 3943, "quantile": 1.0, "value": 299100.0, "Latitude": 34.21, "Longitude": -118.61, "Population": 1861.0}, {"index": 3944, "quantile": 0.0, "value": 199400.0, "Latitude": 34.22, "Longitude": -118.62, "Population": 866.0}, {"index": 3944, "quantile": 0.25, "value": 241299.99999999997, "Latitude": 34.22, "Longitude": -118.62, "Population": 866.0}, {"index": 3944, "quantile": 0.5, "value": 241299.99999999997, "Latitude": 34.22, "Longitude": -118.62, "Population": 866.0}, {"index": 3944, "quantile": 0.75, "value": 241299.99999999997, "Latitude": 34.22, "Longitude": -118.62, "Population": 866.0}, {"index": 3944, "quantile": 1.0, "value": 411200.0, "Latitude": 34.22, "Longitude": -118.62, "Population": 866.0}, {"index": 3945, "quantile": 0.0, "value": 186400.0, "Latitude": 34.21, "Longitude": -118.62, "Population": 1597.0}, {"index": 3945, "quantile": 0.25, "value": 234800.0, "Latitude": 34.21, "Longitude": -118.62, "Population": 1597.0}, {"index": 3945, "quantile": 0.5, "value": 249400.00000000003, "Latitude": 34.21, "Longitude": -118.62, "Population": 1597.0}, {"index": 3945, "quantile": 0.75, "value": 274174.99999999994, "Latitude": 34.21, "Longitude": -118.62, "Population": 1597.0}, {"index": 3945, "quantile": 1.0, "value": 405400.0, "Latitude": 34.21, "Longitude": -118.62, "Population": 1597.0}, {"index": 3946, "quantile": 0.0, "value": 170900.0, "Latitude": 34.22, "Longitude": -118.62, "Population": 1313.0}, {"index": 3946, "quantile": 0.25, "value": 232900.00000000003, "Latitude": 34.22, "Longitude": -118.62, "Population": 1313.0}, {"index": 3946, "quantile": 0.5, "value": 232900.00000000003, "Latitude": 34.22, "Longitude": -118.62, "Population": 1313.0}, {"index": 3946, "quantile": 0.75, "value": 232900.00000000003, "Latitude": 34.22, "Longitude": -118.62, "Population": 1313.0}, {"index": 3946, "quantile": 1.0, "value": 354200.0, "Latitude": 34.22, "Longitude": -118.62, "Population": 1313.0}, {"index": 3947, "quantile": 0.0, "value": 154900.0, "Latitude": 34.21, "Longitude": -118.61, "Population": 778.0}, {"index": 3947, "quantile": 0.25, "value": 180500.0, "Latitude": 34.21, "Longitude": -118.61, "Population": 778.0}, {"index": 3947, "quantile": 0.5, "value": 180500.0, "Latitude": 34.21, "Longitude": -118.61, "Population": 778.0}, {"index": 3947, "quantile": 0.75, "value": 180500.0, "Latitude": 34.21, "Longitude": -118.61, "Population": 778.0}, {"index": 3947, "quantile": 1.0, "value": 381800.0, "Latitude": 34.21, "Longitude": -118.61, "Population": 778.0}, {"index": 3948, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 34.2, "Longitude": -118.61, "Population": 896.0}, {"index": 3948, "quantile": 0.25, "value": 154200.0, "Latitude": 34.2, "Longitude": -118.61, "Population": 896.0}, {"index": 3948, "quantile": 0.5, "value": 182500.0, "Latitude": 34.2, "Longitude": -118.61, "Population": 896.0}, {"index": 3948, "quantile": 0.75, "value": 224625.00000000003, "Latitude": 34.2, "Longitude": -118.61, "Population": 896.0}, {"index": 3948, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.61, "Population": 896.0}, {"index": 3949, "quantile": 0.0, "value": 158000.0, "Latitude": 34.21, "Longitude": -118.61, "Population": 1208.0}, {"index": 3949, "quantile": 0.25, "value": 243175.0, "Latitude": 34.21, "Longitude": -118.61, "Population": 1208.0}, {"index": 3949, "quantile": 0.5, "value": 266900.0, "Latitude": 34.21, "Longitude": -118.61, "Population": 1208.0}, {"index": 3949, "quantile": 0.75, "value": 274700.0, "Latitude": 34.21, "Longitude": -118.61, "Population": 1208.0}, {"index": 3949, "quantile": 1.0, "value": 430900.0, "Latitude": 34.21, "Longitude": -118.61, "Population": 1208.0}, {"index": 3950, "quantile": 0.0, "value": 232500.00000000003, "Latitude": 34.2, "Longitude": -118.62, "Population": 1486.0}, {"index": 3950, "quantile": 0.25, "value": 235800.0, "Latitude": 34.2, "Longitude": -118.62, "Population": 1486.0}, {"index": 3950, "quantile": 0.5, "value": 235800.0, "Latitude": 34.2, "Longitude": -118.62, "Population": 1486.0}, {"index": 3950, "quantile": 0.75, "value": 276625.0, "Latitude": 34.2, "Longitude": -118.62, "Population": 1486.0}, {"index": 3950, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.62, "Population": 1486.0}, {"index": 3951, "quantile": 0.0, "value": 197100.0, "Latitude": 34.21, "Longitude": -118.63, "Population": 1762.0}, {"index": 3951, "quantile": 0.25, "value": 243800.00000000003, "Latitude": 34.21, "Longitude": -118.63, "Population": 1762.0}, {"index": 3951, "quantile": 0.5, "value": 271200.0, "Latitude": 34.21, "Longitude": -118.63, "Population": 1762.0}, {"index": 3951, "quantile": 0.75, "value": 294125.0, "Latitude": 34.21, "Longitude": -118.63, "Population": 1762.0}, {"index": 3951, "quantile": 1.0, "value": 430900.0, "Latitude": 34.21, "Longitude": -118.63, "Population": 1762.0}, {"index": 3952, "quantile": 0.0, "value": 193500.0, "Latitude": 34.22, "Longitude": -118.64, "Population": 1902.0}, {"index": 3952, "quantile": 0.25, "value": 390000.0, "Latitude": 34.22, "Longitude": -118.64, "Population": 1902.0}, {"index": 3952, "quantile": 0.5, "value": 390000.0, "Latitude": 34.22, "Longitude": -118.64, "Population": 1902.0}, {"index": 3952, "quantile": 0.75, "value": 390000.0, "Latitude": 34.22, "Longitude": -118.64, "Population": 1902.0}, {"index": 3952, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.64, "Population": 1902.0}, {"index": 3953, "quantile": 0.0, "value": 357600.0, "Latitude": 34.21, "Longitude": -118.65, "Population": 2315.0}, {"index": 3953, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.65, "Population": 2315.0}, {"index": 3953, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.65, "Population": 2315.0}, {"index": 3953, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.65, "Population": 2315.0}, {"index": 3953, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.65, "Population": 2315.0}, {"index": 3954, "quantile": 0.0, "value": 262000.0, "Latitude": 34.2, "Longitude": -118.65, "Population": 3037.0}, {"index": 3954, "quantile": 0.25, "value": 338400.0, "Latitude": 34.2, "Longitude": -118.65, "Population": 3037.0}, {"index": 3954, "quantile": 0.5, "value": 338400.0, "Latitude": 34.2, "Longitude": -118.65, "Population": 3037.0}, {"index": 3954, "quantile": 0.75, "value": 341600.0, "Latitude": 34.2, "Longitude": -118.65, "Population": 3037.0}, {"index": 3954, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.65, "Population": 3037.0}, {"index": 3955, "quantile": 0.0, "value": 146400.0, "Latitude": 34.2, "Longitude": -118.62, "Population": 1678.0}, {"index": 3955, "quantile": 0.25, "value": 234900.00000000003, "Latitude": 34.2, "Longitude": -118.62, "Population": 1678.0}, {"index": 3955, "quantile": 0.5, "value": 234900.00000000003, "Latitude": 34.2, "Longitude": -118.62, "Population": 1678.0}, {"index": 3955, "quantile": 0.75, "value": 234900.00000000003, "Latitude": 34.2, "Longitude": -118.62, "Population": 1678.0}, {"index": 3955, "quantile": 1.0, "value": 354200.0, "Latitude": 34.2, "Longitude": -118.62, "Population": 1678.0}, {"index": 3956, "quantile": 0.0, "value": 231700.00000000003, "Latitude": 34.2, "Longitude": -118.63, "Population": 2814.0}, {"index": 3956, "quantile": 0.25, "value": 336100.0, "Latitude": 34.2, "Longitude": -118.63, "Population": 2814.0}, {"index": 3956, "quantile": 0.5, "value": 336100.0, "Latitude": 34.2, "Longitude": -118.63, "Population": 2814.0}, {"index": 3956, "quantile": 0.75, "value": 336100.0, "Latitude": 34.2, "Longitude": -118.63, "Population": 2814.0}, {"index": 3956, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.63, "Population": 2814.0}, {"index": 3957, "quantile": 0.0, "value": 155600.0, "Latitude": 34.21, "Longitude": -118.59, "Population": 2924.0}, {"index": 3957, "quantile": 0.25, "value": 183500.0, "Latitude": 34.21, "Longitude": -118.59, "Population": 2924.0}, {"index": 3957, "quantile": 0.5, "value": 183500.0, "Latitude": 34.21, "Longitude": -118.59, "Population": 2924.0}, {"index": 3957, "quantile": 0.75, "value": 183500.0, "Latitude": 34.21, "Longitude": -118.59, "Population": 2924.0}, {"index": 3957, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 34.21, "Longitude": -118.59, "Population": 2924.0}, {"index": 3958, "quantile": 0.0, "value": 100000.0, "Latitude": 34.2, "Longitude": -118.59, "Population": 2300.0}, {"index": 3958, "quantile": 0.25, "value": 179800.0, "Latitude": 34.2, "Longitude": -118.59, "Population": 2300.0}, {"index": 3958, "quantile": 0.5, "value": 179800.0, "Latitude": 34.2, "Longitude": -118.59, "Population": 2300.0}, {"index": 3958, "quantile": 0.75, "value": 179800.0, "Latitude": 34.2, "Longitude": -118.59, "Population": 2300.0}, {"index": 3958, "quantile": 1.0, "value": 305600.0, "Latitude": 34.2, "Longitude": -118.59, "Population": 2300.0}, {"index": 3959, "quantile": 0.0, "value": 93000.0, "Latitude": 34.2, "Longitude": -118.6, "Population": 2162.0}, {"index": 3959, "quantile": 0.25, "value": 150000.0, "Latitude": 34.2, "Longitude": -118.6, "Population": 2162.0}, {"index": 3959, "quantile": 0.5, "value": 150000.0, "Latitude": 34.2, "Longitude": -118.6, "Population": 2162.0}, {"index": 3959, "quantile": 0.75, "value": 150700.0, "Latitude": 34.2, "Longitude": -118.6, "Population": 2162.0}, {"index": 3959, "quantile": 1.0, "value": 286600.0, "Latitude": 34.2, "Longitude": -118.6, "Population": 2162.0}, {"index": 3960, "quantile": 0.0, "value": 140500.0, "Latitude": 34.21, "Longitude": -118.6, "Population": 2004.0}, {"index": 3960, "quantile": 0.25, "value": 183700.0, "Latitude": 34.21, "Longitude": -118.6, "Population": 2004.0}, {"index": 3960, "quantile": 0.5, "value": 192900.0, "Latitude": 34.21, "Longitude": -118.6, "Population": 2004.0}, {"index": 3960, "quantile": 0.75, "value": 230799.99999999997, "Latitude": 34.21, "Longitude": -118.6, "Population": 2004.0}, {"index": 3960, "quantile": 1.0, "value": 321400.0, "Latitude": 34.21, "Longitude": -118.6, "Population": 2004.0}, {"index": 3961, "quantile": 0.0, "value": 158000.0, "Latitude": 34.2, "Longitude": -118.56, "Population": 1083.0}, {"index": 3961, "quantile": 0.25, "value": 216850.0, "Latitude": 34.2, "Longitude": -118.56, "Population": 1083.0}, {"index": 3961, "quantile": 0.5, "value": 221000.0, "Latitude": 34.2, "Longitude": -118.56, "Population": 1083.0}, {"index": 3961, "quantile": 0.75, "value": 221000.0, "Latitude": 34.2, "Longitude": -118.56, "Population": 1083.0}, {"index": 3961, "quantile": 1.0, "value": 329200.0, "Latitude": 34.2, "Longitude": -118.56, "Population": 1083.0}, {"index": 3962, "quantile": 0.0, "value": 164600.0, "Latitude": 34.21, "Longitude": -118.57, "Population": 499.0}, {"index": 3962, "quantile": 0.25, "value": 190400.0, "Latitude": 34.21, "Longitude": -118.57, "Population": 499.0}, {"index": 3962, "quantile": 0.5, "value": 190400.0, "Latitude": 34.21, "Longitude": -118.57, "Population": 499.0}, {"index": 3962, "quantile": 0.75, "value": 197400.0, "Latitude": 34.21, "Longitude": -118.57, "Population": 499.0}, {"index": 3962, "quantile": 1.0, "value": 417600.0, "Latitude": 34.21, "Longitude": -118.57, "Population": 499.0}, {"index": 3963, "quantile": 0.0, "value": 118400.0, "Latitude": 34.2, "Longitude": -118.57, "Population": 4642.0}, {"index": 3963, "quantile": 0.25, "value": 208000.0, "Latitude": 34.2, "Longitude": -118.57, "Population": 4642.0}, {"index": 3963, "quantile": 0.5, "value": 208000.0, "Latitude": 34.2, "Longitude": -118.57, "Population": 4642.0}, {"index": 3963, "quantile": 0.75, "value": 208000.0, "Latitude": 34.2, "Longitude": -118.57, "Population": 4642.0}, {"index": 3963, "quantile": 1.0, "value": 261300.0, "Latitude": 34.2, "Longitude": -118.57, "Population": 4642.0}, {"index": 3964, "quantile": 0.0, "value": 150000.0, "Latitude": 34.2, "Longitude": -118.58, "Population": 1824.0}, {"index": 3964, "quantile": 0.25, "value": 223700.0, "Latitude": 34.2, "Longitude": -118.58, "Population": 1824.0}, {"index": 3964, "quantile": 0.5, "value": 223700.0, "Latitude": 34.2, "Longitude": -118.58, "Population": 1824.0}, {"index": 3964, "quantile": 0.75, "value": 223700.0, "Latitude": 34.2, "Longitude": -118.58, "Population": 1824.0}, {"index": 3964, "quantile": 1.0, "value": 303400.0, "Latitude": 34.2, "Longitude": -118.58, "Population": 1824.0}, {"index": 3965, "quantile": 0.0, "value": 188000.0, "Latitude": 34.19, "Longitude": -118.56, "Population": 1246.0}, {"index": 3965, "quantile": 0.25, "value": 215600.0, "Latitude": 34.19, "Longitude": -118.56, "Population": 1246.0}, {"index": 3965, "quantile": 0.5, "value": 215600.0, "Latitude": 34.19, "Longitude": -118.56, "Population": 1246.0}, {"index": 3965, "quantile": 0.75, "value": 215600.0, "Latitude": 34.19, "Longitude": -118.56, "Population": 1246.0}, {"index": 3965, "quantile": 1.0, "value": 295300.0, "Latitude": 34.19, "Longitude": -118.56, "Population": 1246.0}, {"index": 3966, "quantile": 0.0, "value": 168800.0, "Latitude": 34.2, "Longitude": -118.57, "Population": 1358.0}, {"index": 3966, "quantile": 0.25, "value": 201500.0, "Latitude": 34.2, "Longitude": -118.57, "Population": 1358.0}, {"index": 3966, "quantile": 0.5, "value": 201500.0, "Latitude": 34.2, "Longitude": -118.57, "Population": 1358.0}, {"index": 3966, "quantile": 0.75, "value": 201500.0, "Latitude": 34.2, "Longitude": -118.57, "Population": 1358.0}, {"index": 3966, "quantile": 1.0, "value": 293300.0, "Latitude": 34.2, "Longitude": -118.57, "Population": 1358.0}, {"index": 3967, "quantile": 0.0, "value": 177300.0, "Latitude": 34.2, "Longitude": -118.57, "Population": 943.0}, {"index": 3967, "quantile": 0.25, "value": 209200.0, "Latitude": 34.2, "Longitude": -118.57, "Population": 943.0}, {"index": 3967, "quantile": 0.5, "value": 209200.0, "Latitude": 34.2, "Longitude": -118.57, "Population": 943.0}, {"index": 3967, "quantile": 0.75, "value": 218000.00000000003, "Latitude": 34.2, "Longitude": -118.57, "Population": 943.0}, {"index": 3967, "quantile": 1.0, "value": 430900.0, "Latitude": 34.2, "Longitude": -118.57, "Population": 943.0}, {"index": 3968, "quantile": 0.0, "value": 168600.0, "Latitude": 34.2, "Longitude": -118.58, "Population": 793.0}, {"index": 3968, "quantile": 0.25, "value": 220200.0, "Latitude": 34.2, "Longitude": -118.58, "Population": 793.0}, {"index": 3968, "quantile": 0.5, "value": 220200.0, "Latitude": 34.2, "Longitude": -118.58, "Population": 793.0}, {"index": 3968, "quantile": 0.75, "value": 225850.00000000003, "Latitude": 34.2, "Longitude": -118.58, "Population": 793.0}, {"index": 3968, "quantile": 1.0, "value": 436700.0, "Latitude": 34.2, "Longitude": -118.58, "Population": 793.0}, {"index": 3969, "quantile": 0.0, "value": 164100.0, "Latitude": 34.2, "Longitude": -118.58, "Population": 756.0}, {"index": 3969, "quantile": 0.25, "value": 196700.0, "Latitude": 34.2, "Longitude": -118.58, "Population": 756.0}, {"index": 3969, "quantile": 0.5, "value": 221300.0, "Latitude": 34.2, "Longitude": -118.58, "Population": 756.0}, {"index": 3969, "quantile": 0.75, "value": 221300.0, "Latitude": 34.2, "Longitude": -118.58, "Population": 756.0}, {"index": 3969, "quantile": 1.0, "value": 338100.0, "Latitude": 34.2, "Longitude": -118.58, "Population": 756.0}, {"index": 3970, "quantile": 0.0, "value": 158600.0, "Latitude": 34.19, "Longitude": -118.56, "Population": 986.0}, {"index": 3970, "quantile": 0.25, "value": 239775.00000000003, "Latitude": 34.19, "Longitude": -118.56, "Population": 986.0}, {"index": 3970, "quantile": 0.5, "value": 258549.99999999997, "Latitude": 34.19, "Longitude": -118.56, "Population": 986.0}, {"index": 3970, "quantile": 0.75, "value": 313000.0, "Latitude": 34.19, "Longitude": -118.56, "Population": 986.0}, {"index": 3970, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.56, "Population": 986.0}, {"index": 3971, "quantile": 0.0, "value": 156400.0, "Latitude": 34.19, "Longitude": -118.58, "Population": 966.0}, {"index": 3971, "quantile": 0.25, "value": 224900.0, "Latitude": 34.19, "Longitude": -118.58, "Population": 966.0}, {"index": 3971, "quantile": 0.5, "value": 224900.0, "Latitude": 34.19, "Longitude": -118.58, "Population": 966.0}, {"index": 3971, "quantile": 0.75, "value": 224900.0, "Latitude": 34.19, "Longitude": -118.58, "Population": 966.0}, {"index": 3971, "quantile": 1.0, "value": 281300.0, "Latitude": 34.19, "Longitude": -118.58, "Population": 966.0}, {"index": 3972, "quantile": 0.0, "value": 100699.99999999999, "Latitude": 34.19, "Longitude": -118.58, "Population": 2863.0}, {"index": 3972, "quantile": 0.25, "value": 202875.0, "Latitude": 34.19, "Longitude": -118.58, "Population": 2863.0}, {"index": 3972, "quantile": 0.5, "value": 216699.99999999997, "Latitude": 34.19, "Longitude": -118.58, "Population": 2863.0}, {"index": 3972, "quantile": 0.75, "value": 236600.0, "Latitude": 34.19, "Longitude": -118.58, "Population": 2863.0}, {"index": 3972, "quantile": 1.0, "value": 335500.0, "Latitude": 34.19, "Longitude": -118.58, "Population": 2863.0}, {"index": 3973, "quantile": 0.0, "value": 87500.0, "Latitude": 34.19, "Longitude": -118.58, "Population": 2173.0}, {"index": 3973, "quantile": 0.25, "value": 187500.0, "Latitude": 34.19, "Longitude": -118.58, "Population": 2173.0}, {"index": 3973, "quantile": 0.5, "value": 187500.0, "Latitude": 34.19, "Longitude": -118.58, "Population": 2173.0}, {"index": 3973, "quantile": 0.75, "value": 196725.0, "Latitude": 34.19, "Longitude": -118.58, "Population": 2173.0}, {"index": 3973, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.58, "Population": 2173.0}, {"index": 3974, "quantile": 0.0, "value": 158200.0, "Latitude": 34.18, "Longitude": -118.58, "Population": 368.0}, {"index": 3974, "quantile": 0.25, "value": 267775.0, "Latitude": 34.18, "Longitude": -118.58, "Population": 368.0}, {"index": 3974, "quantile": 0.5, "value": 343100.0, "Latitude": 34.18, "Longitude": -118.58, "Population": 368.0}, {"index": 3974, "quantile": 0.75, "value": 377600.0, "Latitude": 34.18, "Longitude": -118.58, "Population": 368.0}, {"index": 3974, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.58, "Population": 368.0}, {"index": 3975, "quantile": 0.0, "value": 192600.0, "Latitude": 34.2, "Longitude": -118.62, "Population": 1120.0}, {"index": 3975, "quantile": 0.25, "value": 244800.0, "Latitude": 34.2, "Longitude": -118.62, "Population": 1120.0}, {"index": 3975, "quantile": 0.5, "value": 244800.0, "Latitude": 34.2, "Longitude": -118.62, "Population": 1120.0}, {"index": 3975, "quantile": 0.75, "value": 244800.0, "Latitude": 34.2, "Longitude": -118.62, "Population": 1120.0}, {"index": 3975, "quantile": 1.0, "value": 427299.99999999994, "Latitude": 34.2, "Longitude": -118.62, "Population": 1120.0}, {"index": 3976, "quantile": 0.0, "value": 229999.99999999997, "Latitude": 34.18, "Longitude": -118.62, "Population": 1241.0}, {"index": 3976, "quantile": 0.25, "value": 333100.0, "Latitude": 34.18, "Longitude": -118.62, "Population": 1241.0}, {"index": 3976, "quantile": 0.5, "value": 333100.0, "Latitude": 34.18, "Longitude": -118.62, "Population": 1241.0}, {"index": 3976, "quantile": 0.75, "value": 348300.0, "Latitude": 34.18, "Longitude": -118.62, "Population": 1241.0}, {"index": 3976, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.62, "Population": 1241.0}, {"index": 3977, "quantile": 0.0, "value": 200999.99999999997, "Latitude": 34.19, "Longitude": -118.62, "Population": 905.0}, {"index": 3977, "quantile": 0.25, "value": 267400.0, "Latitude": 34.19, "Longitude": -118.62, "Population": 905.0}, {"index": 3977, "quantile": 0.5, "value": 267400.0, "Latitude": 34.19, "Longitude": -118.62, "Population": 905.0}, {"index": 3977, "quantile": 0.75, "value": 267400.0, "Latitude": 34.19, "Longitude": -118.62, "Population": 905.0}, {"index": 3977, "quantile": 1.0, "value": 384400.0, "Latitude": 34.19, "Longitude": -118.62, "Population": 905.0}, {"index": 3978, "quantile": 0.0, "value": 201100.0, "Latitude": 34.2, "Longitude": -118.61, "Population": 794.0}, {"index": 3978, "quantile": 0.25, "value": 245800.00000000003, "Latitude": 34.2, "Longitude": -118.61, "Population": 794.0}, {"index": 3978, "quantile": 0.5, "value": 245800.00000000003, "Latitude": 34.2, "Longitude": -118.61, "Population": 794.0}, {"index": 3978, "quantile": 0.75, "value": 250225.0, "Latitude": 34.2, "Longitude": -118.61, "Population": 794.0}, {"index": 3978, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.2, "Longitude": -118.61, "Population": 794.0}, {"index": 3979, "quantile": 0.0, "value": 174400.0, "Latitude": 34.19, "Longitude": -118.61, "Population": 1790.0}, {"index": 3979, "quantile": 0.25, "value": 246400.0, "Latitude": 34.19, "Longitude": -118.61, "Population": 1790.0}, {"index": 3979, "quantile": 0.5, "value": 246400.0, "Latitude": 34.19, "Longitude": -118.61, "Population": 1790.0}, {"index": 3979, "quantile": 0.75, "value": 246400.0, "Latitude": 34.19, "Longitude": -118.61, "Population": 1790.0}, {"index": 3979, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.61, "Population": 1790.0}, {"index": 3980, "quantile": 0.0, "value": 124400.0, "Latitude": 34.19, "Longitude": -118.61, "Population": 369.0}, {"index": 3980, "quantile": 0.25, "value": 210100.0, "Latitude": 34.19, "Longitude": -118.61, "Population": 369.0}, {"index": 3980, "quantile": 0.5, "value": 210100.0, "Latitude": 34.19, "Longitude": -118.61, "Population": 369.0}, {"index": 3980, "quantile": 0.75, "value": 210100.0, "Latitude": 34.19, "Longitude": -118.61, "Population": 369.0}, {"index": 3980, "quantile": 1.0, "value": 277200.0, "Latitude": 34.19, "Longitude": -118.61, "Population": 369.0}, {"index": 3981, "quantile": 0.0, "value": 72500.0, "Latitude": 34.19, "Longitude": -118.6, "Population": 5105.0}, {"index": 3981, "quantile": 0.25, "value": 213899.99999999997, "Latitude": 34.19, "Longitude": -118.6, "Population": 5105.0}, {"index": 3981, "quantile": 0.5, "value": 213899.99999999997, "Latitude": 34.19, "Longitude": -118.6, "Population": 5105.0}, {"index": 3981, "quantile": 0.75, "value": 213899.99999999997, "Latitude": 34.19, "Longitude": -118.6, "Population": 5105.0}, {"index": 3981, "quantile": 1.0, "value": 461100.0, "Latitude": 34.19, "Longitude": -118.6, "Population": 5105.0}, {"index": 3982, "quantile": 0.0, "value": 118600.0, "Latitude": 34.19, "Longitude": -118.63, "Population": 1741.0}, {"index": 3982, "quantile": 0.25, "value": 220200.0, "Latitude": 34.19, "Longitude": -118.63, "Population": 1741.0}, {"index": 3982, "quantile": 0.5, "value": 241699.99999999997, "Latitude": 34.19, "Longitude": -118.63, "Population": 1741.0}, {"index": 3982, "quantile": 0.75, "value": 265175.0, "Latitude": 34.19, "Longitude": -118.63, "Population": 1741.0}, {"index": 3982, "quantile": 1.0, "value": 436700.0, "Latitude": 34.19, "Longitude": -118.63, "Population": 1741.0}, {"index": 3983, "quantile": 0.0, "value": 255900.00000000003, "Latitude": 34.18, "Longitude": -118.63, "Population": 697.0}, {"index": 3983, "quantile": 0.25, "value": 396350.0, "Latitude": 34.18, "Longitude": -118.63, "Population": 697.0}, {"index": 3983, "quantile": 0.5, "value": 433000.0, "Latitude": 34.18, "Longitude": -118.63, "Population": 697.0}, {"index": 3983, "quantile": 0.75, "value": 433000.0, "Latitude": 34.18, "Longitude": -118.63, "Population": 697.0}, {"index": 3983, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.63, "Population": 697.0}, {"index": 3984, "quantile": 0.0, "value": 227999.99999999997, "Latitude": 34.19, "Longitude": -118.64, "Population": 1062.0}, {"index": 3984, "quantile": 0.25, "value": 265050.0, "Latitude": 34.19, "Longitude": -118.64, "Population": 1062.0}, {"index": 3984, "quantile": 0.5, "value": 315100.0, "Latitude": 34.19, "Longitude": -118.64, "Population": 1062.0}, {"index": 3984, "quantile": 0.75, "value": 367100.0, "Latitude": 34.19, "Longitude": -118.64, "Population": 1062.0}, {"index": 3984, "quantile": 1.0, "value": 495500.0, "Latitude": 34.19, "Longitude": -118.64, "Population": 1062.0}, {"index": 3985, "quantile": 0.0, "value": 230200.0, "Latitude": 34.19, "Longitude": -118.64, "Population": 1423.0}, {"index": 3985, "quantile": 0.25, "value": 248400.0, "Latitude": 34.19, "Longitude": -118.64, "Population": 1423.0}, {"index": 3985, "quantile": 0.5, "value": 248400.0, "Latitude": 34.19, "Longitude": -118.64, "Population": 1423.0}, {"index": 3985, "quantile": 0.75, "value": 271675.0, "Latitude": 34.19, "Longitude": -118.64, "Population": 1423.0}, {"index": 3985, "quantile": 1.0, "value": 387800.0, "Latitude": 34.19, "Longitude": -118.64, "Population": 1423.0}, {"index": 3986, "quantile": 0.0, "value": 192600.0, "Latitude": 34.18, "Longitude": -118.64, "Population": 1784.0}, {"index": 3986, "quantile": 0.25, "value": 263400.0, "Latitude": 34.18, "Longitude": -118.64, "Population": 1784.0}, {"index": 3986, "quantile": 0.5, "value": 263400.0, "Latitude": 34.18, "Longitude": -118.64, "Population": 1784.0}, {"index": 3986, "quantile": 0.75, "value": 263400.0, "Latitude": 34.18, "Longitude": -118.64, "Population": 1784.0}, {"index": 3986, "quantile": 1.0, "value": 355100.0, "Latitude": 34.18, "Longitude": -118.64, "Population": 1784.0}, {"index": 3987, "quantile": 0.0, "value": 152700.0, "Latitude": 34.19, "Longitude": -118.64, "Population": 1424.0}, {"index": 3987, "quantile": 0.25, "value": 247300.0, "Latitude": 34.19, "Longitude": -118.64, "Population": 1424.0}, {"index": 3987, "quantile": 0.5, "value": 247300.0, "Latitude": 34.19, "Longitude": -118.64, "Population": 1424.0}, {"index": 3987, "quantile": 0.75, "value": 247300.0, "Latitude": 34.19, "Longitude": -118.64, "Population": 1424.0}, {"index": 3987, "quantile": 1.0, "value": 350000.0, "Latitude": 34.19, "Longitude": -118.64, "Population": 1424.0}, {"index": 3988, "quantile": 0.0, "value": 158000.0, "Latitude": 34.18, "Longitude": -118.65, "Population": 1016.0}, {"index": 3988, "quantile": 0.25, "value": 234900.00000000003, "Latitude": 34.18, "Longitude": -118.65, "Population": 1016.0}, {"index": 3988, "quantile": 0.5, "value": 240300.0, "Latitude": 34.18, "Longitude": -118.65, "Population": 1016.0}, {"index": 3988, "quantile": 0.75, "value": 240300.0, "Latitude": 34.18, "Longitude": -118.65, "Population": 1016.0}, {"index": 3988, "quantile": 1.0, "value": 342800.0, "Latitude": 34.18, "Longitude": -118.65, "Population": 1016.0}, {"index": 3989, "quantile": 0.0, "value": 201200.0, "Latitude": 34.19, "Longitude": -118.65, "Population": 1346.0}, {"index": 3989, "quantile": 0.25, "value": 243000.00000000003, "Latitude": 34.19, "Longitude": -118.65, "Population": 1346.0}, {"index": 3989, "quantile": 0.5, "value": 243000.00000000003, "Latitude": 34.19, "Longitude": -118.65, "Population": 1346.0}, {"index": 3989, "quantile": 0.75, "value": 243000.00000000003, "Latitude": 34.19, "Longitude": -118.65, "Population": 1346.0}, {"index": 3989, "quantile": 1.0, "value": 446800.0, "Latitude": 34.19, "Longitude": -118.65, "Population": 1346.0}, {"index": 3990, "quantile": 0.0, "value": 294900.0, "Latitude": 34.19, "Longitude": -118.66, "Population": 3221.0}, {"index": 3990, "quantile": 0.25, "value": 358975.0, "Latitude": 34.19, "Longitude": -118.66, "Population": 3221.0}, {"index": 3990, "quantile": 0.5, "value": 374900.0, "Latitude": 34.19, "Longitude": -118.66, "Population": 3221.0}, {"index": 3990, "quantile": 0.75, "value": 374900.0, "Latitude": 34.19, "Longitude": -118.66, "Population": 3221.0}, {"index": 3990, "quantile": 1.0, "value": 419000.00000000006, "Latitude": 34.19, "Longitude": -118.66, "Population": 3221.0}, {"index": 3991, "quantile": 0.0, "value": 158000.0, "Latitude": 34.17, "Longitude": -118.63, "Population": 2019.0}, {"index": 3991, "quantile": 0.25, "value": 323500.0, "Latitude": 34.17, "Longitude": -118.63, "Population": 2019.0}, {"index": 3991, "quantile": 0.5, "value": 338200.0, "Latitude": 34.17, "Longitude": -118.63, "Population": 2019.0}, {"index": 3991, "quantile": 0.75, "value": 338200.0, "Latitude": 34.17, "Longitude": -118.63, "Population": 2019.0}, {"index": 3991, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.63, "Population": 2019.0}, {"index": 3992, "quantile": 0.0, "value": 173200.0, "Latitude": 34.17, "Longitude": -118.64, "Population": 2574.0}, {"index": 3992, "quantile": 0.25, "value": 351574.99999999994, "Latitude": 34.17, "Longitude": -118.64, "Population": 2574.0}, {"index": 3992, "quantile": 0.5, "value": 393000.0, "Latitude": 34.17, "Longitude": -118.64, "Population": 2574.0}, {"index": 3992, "quantile": 0.75, "value": 432200.0, "Latitude": 34.17, "Longitude": -118.64, "Population": 2574.0}, {"index": 3992, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.64, "Population": 2574.0}, {"index": 3993, "quantile": 0.0, "value": 235800.0, "Latitude": 34.18, "Longitude": -118.57, "Population": 1243.0}, {"index": 3993, "quantile": 0.25, "value": 439799.99999999994, "Latitude": 34.18, "Longitude": -118.57, "Population": 1243.0}, {"index": 3993, "quantile": 0.5, "value": 439799.99999999994, "Latitude": 34.18, "Longitude": -118.57, "Population": 1243.0}, {"index": 3993, "quantile": 0.75, "value": 439799.99999999994, "Latitude": 34.18, "Longitude": -118.57, "Population": 1243.0}, {"index": 3993, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.57, "Population": 1243.0}, {"index": 3994, "quantile": 0.0, "value": 171700.0, "Latitude": 34.17, "Longitude": -118.57, "Population": 908.0}, {"index": 3994, "quantile": 0.25, "value": 327300.0, "Latitude": 34.17, "Longitude": -118.57, "Population": 908.0}, {"index": 3994, "quantile": 0.5, "value": 327300.0, "Latitude": 34.17, "Longitude": -118.57, "Population": 908.0}, {"index": 3994, "quantile": 0.75, "value": 327300.0, "Latitude": 34.17, "Longitude": -118.57, "Population": 908.0}, {"index": 3994, "quantile": 1.0, "value": 480100.0, "Latitude": 34.17, "Longitude": -118.57, "Population": 908.0}, {"index": 3995, "quantile": 0.0, "value": 228900.00000000003, "Latitude": 34.17, "Longitude": -118.58, "Population": 1471.0}, {"index": 3995, "quantile": 0.25, "value": 334900.0, "Latitude": 34.17, "Longitude": -118.58, "Population": 1471.0}, {"index": 3995, "quantile": 0.5, "value": 334900.0, "Latitude": 34.17, "Longitude": -118.58, "Population": 1471.0}, {"index": 3995, "quantile": 0.75, "value": 334900.0, "Latitude": 34.17, "Longitude": -118.58, "Population": 1471.0}, {"index": 3995, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.58, "Population": 1471.0}, {"index": 3996, "quantile": 0.0, "value": 165500.0, "Latitude": 34.18, "Longitude": -118.59, "Population": 4404.0}, {"index": 3996, "quantile": 0.25, "value": 244250.0, "Latitude": 34.18, "Longitude": -118.59, "Population": 4404.0}, {"index": 3996, "quantile": 0.5, "value": 271300.0, "Latitude": 34.18, "Longitude": -118.59, "Population": 4404.0}, {"index": 3996, "quantile": 0.75, "value": 271300.0, "Latitude": 34.18, "Longitude": -118.59, "Population": 4404.0}, {"index": 3996, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.18, "Longitude": -118.59, "Population": 4404.0}, {"index": 3997, "quantile": 0.0, "value": 155700.0, "Latitude": 34.17, "Longitude": -118.61, "Population": 2372.0}, {"index": 3997, "quantile": 0.25, "value": 311075.00000000006, "Latitude": 34.17, "Longitude": -118.61, "Population": 2372.0}, {"index": 3997, "quantile": 0.5, "value": 328900.0, "Latitude": 34.17, "Longitude": -118.61, "Population": 2372.0}, {"index": 3997, "quantile": 0.75, "value": 328900.0, "Latitude": 34.17, "Longitude": -118.61, "Population": 2372.0}, {"index": 3997, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.61, "Population": 2372.0}, {"index": 3998, "quantile": 0.0, "value": 67500.0, "Latitude": 34.17, "Longitude": -118.62, "Population": 756.0}, {"index": 3998, "quantile": 0.25, "value": 185800.0, "Latitude": 34.17, "Longitude": -118.62, "Population": 756.0}, {"index": 3998, "quantile": 0.5, "value": 218200.0, "Latitude": 34.17, "Longitude": -118.62, "Population": 756.0}, {"index": 3998, "quantile": 0.75, "value": 262900.0, "Latitude": 34.17, "Longitude": -118.62, "Population": 756.0}, {"index": 3998, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.62, "Population": 756.0}, {"index": 3999, "quantile": 0.0, "value": 257900.00000000003, "Latitude": 34.17, "Longitude": -118.62, "Population": 1463.0}, {"index": 3999, "quantile": 0.25, "value": 308300.0, "Latitude": 34.17, "Longitude": -118.62, "Population": 1463.0}, {"index": 3999, "quantile": 0.5, "value": 308300.0, "Latitude": 34.17, "Longitude": -118.62, "Population": 1463.0}, {"index": 3999, "quantile": 0.75, "value": 357200.0, "Latitude": 34.17, "Longitude": -118.62, "Population": 1463.0}, {"index": 3999, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.62, "Population": 1463.0}, {"index": 4000, "quantile": 0.0, "value": 230600.0, "Latitude": 34.18, "Longitude": -118.63, "Population": 2041.0}, {"index": 4000, "quantile": 0.25, "value": 389700.0, "Latitude": 34.18, "Longitude": -118.63, "Population": 2041.0}, {"index": 4000, "quantile": 0.5, "value": 389700.0, "Latitude": 34.18, "Longitude": -118.63, "Population": 2041.0}, {"index": 4000, "quantile": 0.75, "value": 389700.0, "Latitude": 34.18, "Longitude": -118.63, "Population": 2041.0}, {"index": 4000, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.63, "Population": 2041.0}, {"index": 4001, "quantile": 0.0, "value": 237400.0, "Latitude": 34.18, "Longitude": -118.65, "Population": 1769.0}, {"index": 4001, "quantile": 0.25, "value": 347700.00000000006, "Latitude": 34.18, "Longitude": -118.65, "Population": 1769.0}, {"index": 4001, "quantile": 0.5, "value": 412300.0, "Latitude": 34.18, "Longitude": -118.65, "Population": 1769.0}, {"index": 4001, "quantile": 0.75, "value": 457775.0, "Latitude": 34.18, "Longitude": -118.65, "Population": 1769.0}, {"index": 4001, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.65, "Population": 1769.0}, {"index": 4002, "quantile": 0.0, "value": 235200.0, "Latitude": 34.18, "Longitude": -118.66, "Population": 2519.0}, {"index": 4002, "quantile": 0.25, "value": 419000.00000000006, "Latitude": 34.18, "Longitude": -118.66, "Population": 2519.0}, {"index": 4002, "quantile": 0.5, "value": 419000.00000000006, "Latitude": 34.18, "Longitude": -118.66, "Population": 2519.0}, {"index": 4002, "quantile": 0.75, "value": 445400.0, "Latitude": 34.18, "Longitude": -118.66, "Population": 2519.0}, {"index": 4002, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.66, "Population": 2519.0}, {"index": 4003, "quantile": 0.0, "value": 132200.0, "Latitude": 34.17, "Longitude": -118.61, "Population": 705.0}, {"index": 4003, "quantile": 0.25, "value": 278500.0, "Latitude": 34.17, "Longitude": -118.61, "Population": 705.0}, {"index": 4003, "quantile": 0.5, "value": 278500.0, "Latitude": 34.17, "Longitude": -118.61, "Population": 705.0}, {"index": 4003, "quantile": 0.75, "value": 291799.99999999994, "Latitude": 34.17, "Longitude": -118.61, "Population": 705.0}, {"index": 4003, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.61, "Population": 705.0}, {"index": 4004, "quantile": 0.0, "value": 280400.0, "Latitude": 34.15, "Longitude": -118.61, "Population": 1696.0}, {"index": 4004, "quantile": 0.25, "value": 319100.0, "Latitude": 34.15, "Longitude": -118.61, "Population": 1696.0}, {"index": 4004, "quantile": 0.5, "value": 319100.0, "Latitude": 34.15, "Longitude": -118.61, "Population": 1696.0}, {"index": 4004, "quantile": 0.75, "value": 395200.0, "Latitude": 34.15, "Longitude": -118.61, "Population": 1696.0}, {"index": 4004, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.61, "Population": 1696.0}, {"index": 4005, "quantile": 0.0, "value": 293800.0, "Latitude": 34.16, "Longitude": -118.61, "Population": 1550.0}, {"index": 4005, "quantile": 0.25, "value": 367400.0, "Latitude": 34.16, "Longitude": -118.61, "Population": 1550.0}, {"index": 4005, "quantile": 0.5, "value": 367400.0, "Latitude": 34.16, "Longitude": -118.61, "Population": 1550.0}, {"index": 4005, "quantile": 0.75, "value": 367900.0, "Latitude": 34.16, "Longitude": -118.61, "Population": 1550.0}, {"index": 4005, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.61, "Population": 1550.0}, {"index": 4006, "quantile": 0.0, "value": 257300.0, "Latitude": 34.16, "Longitude": -118.63, "Population": 1116.0}, {"index": 4006, "quantile": 0.25, "value": 347700.0, "Latitude": 34.16, "Longitude": -118.63, "Population": 1116.0}, {"index": 4006, "quantile": 0.5, "value": 347700.0, "Latitude": 34.16, "Longitude": -118.63, "Population": 1116.0}, {"index": 4006, "quantile": 0.75, "value": 347825.0, "Latitude": 34.16, "Longitude": -118.63, "Population": 1116.0}, {"index": 4006, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.63, "Population": 1116.0}, {"index": 4007, "quantile": 0.0, "value": 204800.0, "Latitude": 34.16, "Longitude": -118.63, "Population": 1296.0}, {"index": 4007, "quantile": 0.25, "value": 392700.0, "Latitude": 34.16, "Longitude": -118.63, "Population": 1296.0}, {"index": 4007, "quantile": 0.5, "value": 392700.0, "Latitude": 34.16, "Longitude": -118.63, "Population": 1296.0}, {"index": 4007, "quantile": 0.75, "value": 423550.0, "Latitude": 34.16, "Longitude": -118.63, "Population": 1296.0}, {"index": 4007, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.63, "Population": 1296.0}, {"index": 4008, "quantile": 0.0, "value": 235200.0, "Latitude": 34.15, "Longitude": -118.62, "Population": 2493.0}, {"index": 4008, "quantile": 0.25, "value": 378500.0, "Latitude": 34.15, "Longitude": -118.62, "Population": 2493.0}, {"index": 4008, "quantile": 0.5, "value": 419000.00000000006, "Latitude": 34.15, "Longitude": -118.62, "Population": 2493.0}, {"index": 4008, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.62, "Population": 2493.0}, {"index": 4008, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.62, "Population": 2493.0}, {"index": 4009, "quantile": 0.0, "value": 67500.0, "Latitude": 34.17, "Longitude": -118.57, "Population": 870.0}, {"index": 4009, "quantile": 0.25, "value": 241550.00000000003, "Latitude": 34.17, "Longitude": -118.57, "Population": 870.0}, {"index": 4009, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.57, "Population": 870.0}, {"index": 4009, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.57, "Population": 870.0}, {"index": 4009, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.57, "Population": 870.0}, {"index": 4010, "quantile": 0.0, "value": 191700.0, "Latitude": 34.17, "Longitude": -118.58, "Population": 2413.0}, {"index": 4010, "quantile": 0.25, "value": 398800.0, "Latitude": 34.17, "Longitude": -118.58, "Population": 2413.0}, {"index": 4010, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.58, "Population": 2413.0}, {"index": 4010, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.58, "Population": 2413.0}, {"index": 4010, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.58, "Population": 2413.0}, {"index": 4011, "quantile": 0.0, "value": 215800.0, "Latitude": 34.17, "Longitude": -118.59, "Population": 761.0}, {"index": 4011, "quantile": 0.25, "value": 331000.0, "Latitude": 34.17, "Longitude": -118.59, "Population": 761.0}, {"index": 4011, "quantile": 0.5, "value": 357150.00000000006, "Latitude": 34.17, "Longitude": -118.59, "Population": 761.0}, {"index": 4011, "quantile": 0.75, "value": 434125.00000000006, "Latitude": 34.17, "Longitude": -118.59, "Population": 761.0}, {"index": 4011, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.59, "Population": 761.0}, {"index": 4012, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 34.16, "Longitude": -118.6, "Population": 1283.0}, {"index": 4012, "quantile": 0.25, "value": 245974.99999999997, "Latitude": 34.16, "Longitude": -118.6, "Population": 1283.0}, {"index": 4012, "quantile": 0.5, "value": 308650.0, "Latitude": 34.16, "Longitude": -118.6, "Population": 1283.0}, {"index": 4012, "quantile": 0.75, "value": 370725.0, "Latitude": 34.16, "Longitude": -118.6, "Population": 1283.0}, {"index": 4012, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.6, "Population": 1283.0}, {"index": 4013, "quantile": 0.0, "value": 273200.0, "Latitude": 34.16, "Longitude": -118.6, "Population": 1628.0}, {"index": 4013, "quantile": 0.25, "value": 346950.0, "Latitude": 34.16, "Longitude": -118.6, "Population": 1628.0}, {"index": 4013, "quantile": 0.5, "value": 381800.0, "Latitude": 34.16, "Longitude": -118.6, "Population": 1628.0}, {"index": 4013, "quantile": 0.75, "value": 446625.00000000006, "Latitude": 34.16, "Longitude": -118.6, "Population": 1628.0}, {"index": 4013, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.6, "Population": 1628.0}, {"index": 4014, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.57, "Population": 2059.0}, {"index": 4014, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.57, "Population": 2059.0}, {"index": 4014, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.57, "Population": 2059.0}, {"index": 4014, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.57, "Population": 2059.0}, {"index": 4014, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.57, "Population": 2059.0}, {"index": 4015, "quantile": 0.0, "value": 347800.0, "Latitude": 34.15, "Longitude": -118.58, "Population": 1422.0}, {"index": 4015, "quantile": 0.25, "value": 450699.99999999994, "Latitude": 34.15, "Longitude": -118.58, "Population": 1422.0}, {"index": 4015, "quantile": 0.5, "value": 450699.99999999994, "Latitude": 34.15, "Longitude": -118.58, "Population": 1422.0}, {"index": 4015, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.58, "Population": 1422.0}, {"index": 4015, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.58, "Population": 1422.0}, {"index": 4016, "quantile": 0.0, "value": 278400.0, "Latitude": 34.15, "Longitude": -118.59, "Population": 747.0}, {"index": 4016, "quantile": 0.25, "value": 369700.0, "Latitude": 34.15, "Longitude": -118.59, "Population": 747.0}, {"index": 4016, "quantile": 0.5, "value": 369700.0, "Latitude": 34.15, "Longitude": -118.59, "Population": 747.0}, {"index": 4016, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.59, "Population": 747.0}, {"index": 4016, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.59, "Population": 747.0}, {"index": 4017, "quantile": 0.0, "value": 294800.0, "Latitude": 34.15, "Longitude": -118.6, "Population": 1693.0}, {"index": 4017, "quantile": 0.25, "value": 361900.0, "Latitude": 34.15, "Longitude": -118.6, "Population": 1693.0}, {"index": 4017, "quantile": 0.5, "value": 361900.0, "Latitude": 34.15, "Longitude": -118.6, "Population": 1693.0}, {"index": 4017, "quantile": 0.75, "value": 383150.0, "Latitude": 34.15, "Longitude": -118.6, "Population": 1693.0}, {"index": 4017, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.6, "Population": 1693.0}, {"index": 4018, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 34.14, "Longitude": -118.59, "Population": 450.0}, {"index": 4018, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.59, "Population": 450.0}, {"index": 4018, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.59, "Population": 450.0}, {"index": 4018, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.59, "Population": 450.0}, {"index": 4018, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.59, "Population": 450.0}, {"index": 4019, "quantile": 0.0, "value": 212200.0, "Latitude": 34.18, "Longitude": -118.49, "Population": 1486.0}, {"index": 4019, "quantile": 0.25, "value": 311700.0, "Latitude": 34.18, "Longitude": -118.49, "Population": 1486.0}, {"index": 4019, "quantile": 0.5, "value": 311700.0, "Latitude": 34.18, "Longitude": -118.49, "Population": 1486.0}, {"index": 4019, "quantile": 0.75, "value": 312700.0, "Latitude": 34.18, "Longitude": -118.49, "Population": 1486.0}, {"index": 4019, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.49, "Population": 1486.0}, {"index": 4020, "quantile": 0.0, "value": 146400.0, "Latitude": 34.18, "Longitude": -118.51, "Population": 911.0}, {"index": 4020, "quantile": 0.25, "value": 286175.0, "Latitude": 34.18, "Longitude": -118.51, "Population": 911.0}, {"index": 4020, "quantile": 0.5, "value": 295300.0, "Latitude": 34.18, "Longitude": -118.51, "Population": 911.0}, {"index": 4020, "quantile": 0.75, "value": 295300.0, "Latitude": 34.18, "Longitude": -118.51, "Population": 911.0}, {"index": 4020, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.51, "Population": 911.0}, {"index": 4021, "quantile": 0.0, "value": 218800.00000000003, "Latitude": 34.17, "Longitude": -118.51, "Population": 1411.0}, {"index": 4021, "quantile": 0.25, "value": 219000.0, "Latitude": 34.17, "Longitude": -118.51, "Population": 1411.0}, {"index": 4021, "quantile": 0.5, "value": 219000.0, "Latitude": 34.17, "Longitude": -118.51, "Population": 1411.0}, {"index": 4021, "quantile": 0.75, "value": 283600.0, "Latitude": 34.17, "Longitude": -118.51, "Population": 1411.0}, {"index": 4021, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.51, "Population": 1411.0}, {"index": 4022, "quantile": 0.0, "value": 157000.0, "Latitude": 34.18, "Longitude": -118.52, "Population": 930.0}, {"index": 4022, "quantile": 0.25, "value": 208474.99999999997, "Latitude": 34.18, "Longitude": -118.52, "Population": 930.0}, {"index": 4022, "quantile": 0.5, "value": 221850.0, "Latitude": 34.18, "Longitude": -118.52, "Population": 930.0}, {"index": 4022, "quantile": 0.75, "value": 253350.0, "Latitude": 34.18, "Longitude": -118.52, "Population": 930.0}, {"index": 4022, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.52, "Population": 930.0}, {"index": 4023, "quantile": 0.0, "value": 84600.0, "Latitude": 34.18, "Longitude": -118.52, "Population": 1047.0}, {"index": 4023, "quantile": 0.25, "value": 216000.0, "Latitude": 34.18, "Longitude": -118.52, "Population": 1047.0}, {"index": 4023, "quantile": 0.5, "value": 216000.0, "Latitude": 34.18, "Longitude": -118.52, "Population": 1047.0}, {"index": 4023, "quantile": 0.75, "value": 230625.0, "Latitude": 34.18, "Longitude": -118.52, "Population": 1047.0}, {"index": 4023, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.52, "Population": 1047.0}, {"index": 4024, "quantile": 0.0, "value": 96500.0, "Latitude": 34.18, "Longitude": -118.52, "Population": 879.0}, {"index": 4024, "quantile": 0.25, "value": 221800.0, "Latitude": 34.18, "Longitude": -118.52, "Population": 879.0}, {"index": 4024, "quantile": 0.5, "value": 221800.0, "Latitude": 34.18, "Longitude": -118.52, "Population": 879.0}, {"index": 4024, "quantile": 0.75, "value": 222725.00000000003, "Latitude": 34.18, "Longitude": -118.52, "Population": 879.0}, {"index": 4024, "quantile": 1.0, "value": 352400.0, "Latitude": 34.18, "Longitude": -118.52, "Population": 879.0}, {"index": 4025, "quantile": 0.0, "value": 94600.0, "Latitude": 34.17, "Longitude": -118.53, "Population": 2897.0}, {"index": 4025, "quantile": 0.25, "value": 217899.99999999997, "Latitude": 34.17, "Longitude": -118.53, "Population": 2897.0}, {"index": 4025, "quantile": 0.5, "value": 229100.0, "Latitude": 34.17, "Longitude": -118.53, "Population": 2897.0}, {"index": 4025, "quantile": 0.75, "value": 313875.0, "Latitude": 34.17, "Longitude": -118.53, "Population": 2897.0}, {"index": 4025, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.53, "Population": 2897.0}, {"index": 4026, "quantile": 0.0, "value": 161700.0, "Latitude": 34.17, "Longitude": -118.54, "Population": 386.0}, {"index": 4026, "quantile": 0.25, "value": 315900.0, "Latitude": 34.17, "Longitude": -118.54, "Population": 386.0}, {"index": 4026, "quantile": 0.5, "value": 315900.0, "Latitude": 34.17, "Longitude": -118.54, "Population": 386.0}, {"index": 4026, "quantile": 0.75, "value": 315900.0, "Latitude": 34.17, "Longitude": -118.54, "Population": 386.0}, {"index": 4026, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.54, "Population": 386.0}, {"index": 4027, "quantile": 0.0, "value": 184800.0, "Latitude": 34.18, "Longitude": -118.55, "Population": 1287.0}, {"index": 4027, "quantile": 0.25, "value": 245474.99999999997, "Latitude": 34.18, "Longitude": -118.55, "Population": 1287.0}, {"index": 4027, "quantile": 0.5, "value": 281900.0, "Latitude": 34.18, "Longitude": -118.55, "Population": 1287.0}, {"index": 4027, "quantile": 0.75, "value": 363825.0, "Latitude": 34.18, "Longitude": -118.55, "Population": 1287.0}, {"index": 4027, "quantile": 1.0, "value": 495500.0, "Latitude": 34.18, "Longitude": -118.55, "Population": 1287.0}, {"index": 4028, "quantile": 0.0, "value": 186900.0, "Latitude": 34.18, "Longitude": -118.56, "Population": 770.0}, {"index": 4028, "quantile": 0.25, "value": 331625.0, "Latitude": 34.18, "Longitude": -118.56, "Population": 770.0}, {"index": 4028, "quantile": 0.5, "value": 457300.00000000006, "Latitude": 34.18, "Longitude": -118.56, "Population": 770.0}, {"index": 4028, "quantile": 0.75, "value": 457300.00000000006, "Latitude": 34.18, "Longitude": -118.56, "Population": 770.0}, {"index": 4028, "quantile": 1.0, "value": 485700.0, "Latitude": 34.18, "Longitude": -118.56, "Population": 770.0}, {"index": 4029, "quantile": 0.0, "value": 156300.0, "Latitude": 34.18, "Longitude": -118.54, "Population": 4100.0}, {"index": 4029, "quantile": 0.25, "value": 174500.0, "Latitude": 34.18, "Longitude": -118.54, "Population": 4100.0}, {"index": 4029, "quantile": 0.5, "value": 174500.0, "Latitude": 34.18, "Longitude": -118.54, "Population": 4100.0}, {"index": 4029, "quantile": 0.75, "value": 226325.00000000003, "Latitude": 34.18, "Longitude": -118.54, "Population": 4100.0}, {"index": 4029, "quantile": 1.0, "value": 475000.0, "Latitude": 34.18, "Longitude": -118.54, "Population": 4100.0}, {"index": 4030, "quantile": 0.0, "value": 116700.0, "Latitude": 34.18, "Longitude": -118.53, "Population": 3687.0}, {"index": 4030, "quantile": 0.25, "value": 189300.0, "Latitude": 34.18, "Longitude": -118.53, "Population": 3687.0}, {"index": 4030, "quantile": 0.5, "value": 189300.0, "Latitude": 34.18, "Longitude": -118.53, "Population": 3687.0}, {"index": 4030, "quantile": 0.75, "value": 189300.0, "Latitude": 34.18, "Longitude": -118.53, "Population": 3687.0}, {"index": 4030, "quantile": 1.0, "value": 323100.0, "Latitude": 34.18, "Longitude": -118.53, "Population": 3687.0}, {"index": 4031, "quantile": 0.0, "value": 196400.0, "Latitude": 34.17, "Longitude": -118.54, "Population": 1034.0}, {"index": 4031, "quantile": 0.25, "value": 372400.0, "Latitude": 34.17, "Longitude": -118.54, "Population": 1034.0}, {"index": 4031, "quantile": 0.5, "value": 443600.0, "Latitude": 34.17, "Longitude": -118.54, "Population": 1034.0}, {"index": 4031, "quantile": 0.75, "value": 443600.0, "Latitude": 34.17, "Longitude": -118.54, "Population": 1034.0}, {"index": 4031, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.54, "Population": 1034.0}, {"index": 4032, "quantile": 0.0, "value": 147000.0, "Latitude": 34.17, "Longitude": -118.54, "Population": 1815.0}, {"index": 4032, "quantile": 0.25, "value": 261225.0, "Latitude": 34.17, "Longitude": -118.54, "Population": 1815.0}, {"index": 4032, "quantile": 0.5, "value": 425000.0, "Latitude": 34.17, "Longitude": -118.54, "Population": 1815.0}, {"index": 4032, "quantile": 0.75, "value": 425000.0, "Latitude": 34.17, "Longitude": -118.54, "Population": 1815.0}, {"index": 4032, "quantile": 1.0, "value": 425000.0, "Latitude": 34.17, "Longitude": -118.54, "Population": 1815.0}, {"index": 4033, "quantile": 0.0, "value": 281900.0, "Latitude": 34.17, "Longitude": -118.55, "Population": 761.0}, {"index": 4033, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.55, "Population": 761.0}, {"index": 4033, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.55, "Population": 761.0}, {"index": 4033, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.55, "Population": 761.0}, {"index": 4033, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.55, "Population": 761.0}, {"index": 4034, "quantile": 0.0, "value": 281900.0, "Latitude": 34.17, "Longitude": -118.56, "Population": 1244.0}, {"index": 4034, "quantile": 0.25, "value": 378675.0, "Latitude": 34.17, "Longitude": -118.56, "Population": 1244.0}, {"index": 4034, "quantile": 0.5, "value": 425450.0, "Latitude": 34.17, "Longitude": -118.56, "Population": 1244.0}, {"index": 4034, "quantile": 0.75, "value": 477200.0, "Latitude": 34.17, "Longitude": -118.56, "Population": 1244.0}, {"index": 4034, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.56, "Population": 1244.0}, {"index": 4035, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.17, "Longitude": -118.52, "Population": 7450.0}, {"index": 4035, "quantile": 0.25, "value": 230300.0, "Latitude": 34.17, "Longitude": -118.52, "Population": 7450.0}, {"index": 4035, "quantile": 0.5, "value": 268800.0, "Latitude": 34.17, "Longitude": -118.52, "Population": 7450.0}, {"index": 4035, "quantile": 0.75, "value": 300000.0, "Latitude": 34.17, "Longitude": -118.52, "Population": 7450.0}, {"index": 4035, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.52, "Population": 7450.0}, {"index": 4036, "quantile": 0.0, "value": 188200.0, "Latitude": 34.16, "Longitude": -118.52, "Population": 1219.0}, {"index": 4036, "quantile": 0.25, "value": 230799.99999999997, "Latitude": 34.16, "Longitude": -118.52, "Population": 1219.0}, {"index": 4036, "quantile": 0.5, "value": 295900.0, "Latitude": 34.16, "Longitude": -118.52, "Population": 1219.0}, {"index": 4036, "quantile": 0.75, "value": 380349.99999999994, "Latitude": 34.16, "Longitude": -118.52, "Population": 1219.0}, {"index": 4036, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.52, "Population": 1219.0}, {"index": 4037, "quantile": 0.0, "value": 209100.00000000003, "Latitude": 34.16, "Longitude": -118.53, "Population": 1623.0}, {"index": 4037, "quantile": 0.25, "value": 245100.0, "Latitude": 34.16, "Longitude": -118.53, "Population": 1623.0}, {"index": 4037, "quantile": 0.5, "value": 340500.0, "Latitude": 34.16, "Longitude": -118.53, "Population": 1623.0}, {"index": 4037, "quantile": 0.75, "value": 386100.0, "Latitude": 34.16, "Longitude": -118.53, "Population": 1623.0}, {"index": 4037, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.53, "Population": 1623.0}, {"index": 4038, "quantile": 0.0, "value": 143300.0, "Latitude": 34.16, "Longitude": -118.51, "Population": 4076.0}, {"index": 4038, "quantile": 0.25, "value": 430450.0, "Latitude": 34.16, "Longitude": -118.51, "Population": 4076.0}, {"index": 4038, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.51, "Population": 4076.0}, {"index": 4038, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.51, "Population": 4076.0}, {"index": 4038, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.51, "Population": 4076.0}, {"index": 4039, "quantile": 0.0, "value": 415900.0, "Latitude": 34.16, "Longitude": -118.48, "Population": 769.0}, {"index": 4039, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.48, "Population": 769.0}, {"index": 4039, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.48, "Population": 769.0}, {"index": 4039, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.48, "Population": 769.0}, {"index": 4039, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.48, "Population": 769.0}, {"index": 4040, "quantile": 0.0, "value": 160100.0, "Latitude": 34.16, "Longitude": -118.49, "Population": 1171.0}, {"index": 4040, "quantile": 0.25, "value": 365000.0, "Latitude": 34.16, "Longitude": -118.49, "Population": 1171.0}, {"index": 4040, "quantile": 0.5, "value": 385750.0, "Latitude": 34.16, "Longitude": -118.49, "Population": 1171.0}, {"index": 4040, "quantile": 0.75, "value": 459350.00000000006, "Latitude": 34.16, "Longitude": -118.49, "Population": 1171.0}, {"index": 4040, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.49, "Population": 1171.0}, {"index": 4041, "quantile": 0.0, "value": 295500.0, "Latitude": 34.16, "Longitude": -118.5, "Population": 1187.0}, {"index": 4041, "quantile": 0.25, "value": 424000.0, "Latitude": 34.16, "Longitude": -118.5, "Population": 1187.0}, {"index": 4041, "quantile": 0.5, "value": 424000.0, "Latitude": 34.16, "Longitude": -118.5, "Population": 1187.0}, {"index": 4041, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.5, "Population": 1187.0}, {"index": 4041, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.5, "Population": 1187.0}, {"index": 4042, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.5, "Population": 1111.0}, {"index": 4042, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.5, "Population": 1111.0}, {"index": 4042, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.5, "Population": 1111.0}, {"index": 4042, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.5, "Population": 1111.0}, {"index": 4042, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.5, "Population": 1111.0}, {"index": 4043, "quantile": 0.0, "value": 94500.0, "Latitude": 34.17, "Longitude": -118.5, "Population": 369.0}, {"index": 4043, "quantile": 0.25, "value": 300850.0, "Latitude": 34.17, "Longitude": -118.5, "Population": 369.0}, {"index": 4043, "quantile": 0.5, "value": 303600.0, "Latitude": 34.17, "Longitude": -118.5, "Population": 369.0}, {"index": 4043, "quantile": 0.75, "value": 303600.0, "Latitude": 34.17, "Longitude": -118.5, "Population": 369.0}, {"index": 4043, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.5, "Population": 369.0}, {"index": 4044, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.49, "Population": 1010.0}, {"index": 4044, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.49, "Population": 1010.0}, {"index": 4044, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.49, "Population": 1010.0}, {"index": 4044, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.49, "Population": 1010.0}, {"index": 4044, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.49, "Population": 1010.0}, {"index": 4045, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.49, "Population": 1190.0}, {"index": 4045, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.49, "Population": 1190.0}, {"index": 4045, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.49, "Population": 1190.0}, {"index": 4045, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.49, "Population": 1190.0}, {"index": 4045, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.49, "Population": 1190.0}, {"index": 4046, "quantile": 0.0, "value": 392600.0, "Latitude": 34.13, "Longitude": -118.49, "Population": 1443.0}, {"index": 4046, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.49, "Population": 1443.0}, {"index": 4046, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.49, "Population": 1443.0}, {"index": 4046, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.49, "Population": 1443.0}, {"index": 4046, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.49, "Population": 1443.0}, {"index": 4047, "quantile": 0.0, "value": 477700.0, "Latitude": 34.14, "Longitude": -118.51, "Population": 2431.0}, {"index": 4047, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.51, "Population": 2431.0}, {"index": 4047, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.51, "Population": 2431.0}, {"index": 4047, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.51, "Population": 2431.0}, {"index": 4047, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.51, "Population": 2431.0}, {"index": 4048, "quantile": 0.0, "value": 411800.00000000006, "Latitude": 34.14, "Longitude": -118.53, "Population": 2515.0}, {"index": 4048, "quantile": 0.25, "value": 453800.0, "Latitude": 34.14, "Longitude": -118.53, "Population": 2515.0}, {"index": 4048, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.53, "Population": 2515.0}, {"index": 4048, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.53, "Population": 2515.0}, {"index": 4048, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.53, "Population": 2515.0}, {"index": 4049, "quantile": 0.0, "value": 431799.99999999994, "Latitude": 34.15, "Longitude": -118.54, "Population": 3599.0}, {"index": 4049, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.54, "Population": 3599.0}, {"index": 4049, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.54, "Population": 3599.0}, {"index": 4049, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.54, "Population": 3599.0}, {"index": 4049, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.54, "Population": 3599.0}, {"index": 4050, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.56, "Population": 3585.0}, {"index": 4050, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.56, "Population": 3585.0}, {"index": 4050, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.56, "Population": 3585.0}, {"index": 4050, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.56, "Population": 3585.0}, {"index": 4050, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.56, "Population": 3585.0}, {"index": 4051, "quantile": 0.0, "value": 218800.00000000003, "Latitude": 34.15, "Longitude": -118.43, "Population": 2549.0}, {"index": 4051, "quantile": 0.25, "value": 295800.0, "Latitude": 34.15, "Longitude": -118.43, "Population": 2549.0}, {"index": 4051, "quantile": 0.5, "value": 295800.0, "Latitude": 34.15, "Longitude": -118.43, "Population": 2549.0}, {"index": 4051, "quantile": 0.75, "value": 295800.0, "Latitude": 34.15, "Longitude": -118.43, "Population": 2549.0}, {"index": 4051, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.43, "Population": 2549.0}, {"index": 4052, "quantile": 0.0, "value": 249300.0, "Latitude": 34.15, "Longitude": -118.43, "Population": 459.0}, {"index": 4052, "quantile": 0.25, "value": 467600.0, "Latitude": 34.15, "Longitude": -118.43, "Population": 459.0}, {"index": 4052, "quantile": 0.5, "value": 467600.0, "Latitude": 34.15, "Longitude": -118.43, "Population": 459.0}, {"index": 4052, "quantile": 0.75, "value": 467600.0, "Latitude": 34.15, "Longitude": -118.43, "Population": 459.0}, {"index": 4052, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.43, "Population": 459.0}, {"index": 4053, "quantile": 0.0, "value": 124700.00000000001, "Latitude": 34.15, "Longitude": -118.43, "Population": 1090.0}, {"index": 4053, "quantile": 0.25, "value": 447400.0, "Latitude": 34.15, "Longitude": -118.43, "Population": 1090.0}, {"index": 4053, "quantile": 0.5, "value": 447400.0, "Latitude": 34.15, "Longitude": -118.43, "Population": 1090.0}, {"index": 4053, "quantile": 0.75, "value": 447400.0, "Latitude": 34.15, "Longitude": -118.43, "Population": 1090.0}, {"index": 4053, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.43, "Population": 1090.0}, {"index": 4054, "quantile": 0.0, "value": 67500.0, "Latitude": 34.15, "Longitude": -118.43, "Population": 795.0}, {"index": 4054, "quantile": 0.25, "value": 306825.0, "Latitude": 34.15, "Longitude": -118.43, "Population": 795.0}, {"index": 4054, "quantile": 0.5, "value": 360600.0, "Latitude": 34.15, "Longitude": -118.43, "Population": 795.0}, {"index": 4054, "quantile": 0.75, "value": 360600.0, "Latitude": 34.15, "Longitude": -118.43, "Population": 795.0}, {"index": 4054, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 34.15, "Longitude": -118.43, "Population": 795.0}, {"index": 4055, "quantile": 0.0, "value": 159100.0, "Latitude": 34.15, "Longitude": -118.44, "Population": 2352.0}, {"index": 4055, "quantile": 0.25, "value": 287500.0, "Latitude": 34.15, "Longitude": -118.44, "Population": 2352.0}, {"index": 4055, "quantile": 0.5, "value": 354399.99999999994, "Latitude": 34.15, "Longitude": -118.44, "Population": 2352.0}, {"index": 4055, "quantile": 0.75, "value": 425575.0, "Latitude": 34.15, "Longitude": -118.44, "Population": 2352.0}, {"index": 4055, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.44, "Population": 2352.0}, {"index": 4056, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.44, "Population": 641.0}, {"index": 4056, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.44, "Population": 641.0}, {"index": 4056, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.44, "Population": 641.0}, {"index": 4056, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.44, "Population": 641.0}, {"index": 4056, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.44, "Population": 641.0}, {"index": 4057, "quantile": 0.0, "value": 137500.0, "Latitude": 34.15, "Longitude": -118.44, "Population": 1669.0}, {"index": 4057, "quantile": 0.25, "value": 214000.0, "Latitude": 34.15, "Longitude": -118.44, "Population": 1669.0}, {"index": 4057, "quantile": 0.5, "value": 271300.0, "Latitude": 34.15, "Longitude": -118.44, "Population": 1669.0}, {"index": 4057, "quantile": 0.75, "value": 420800.0, "Latitude": 34.15, "Longitude": -118.44, "Population": 1669.0}, {"index": 4057, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.44, "Population": 1669.0}, {"index": 4058, "quantile": 0.0, "value": 175000.0, "Latitude": 34.15, "Longitude": -118.44, "Population": 539.0}, {"index": 4058, "quantile": 0.25, "value": 301700.0, "Latitude": 34.15, "Longitude": -118.44, "Population": 539.0}, {"index": 4058, "quantile": 0.5, "value": 301700.0, "Latitude": 34.15, "Longitude": -118.44, "Population": 539.0}, {"index": 4058, "quantile": 0.75, "value": 301700.0, "Latitude": 34.15, "Longitude": -118.44, "Population": 539.0}, {"index": 4058, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.44, "Population": 539.0}, {"index": 4059, "quantile": 0.0, "value": 116300.0, "Latitude": 34.15, "Longitude": -118.44, "Population": 713.0}, {"index": 4059, "quantile": 0.25, "value": 304500.0, "Latitude": 34.15, "Longitude": -118.44, "Population": 713.0}, {"index": 4059, "quantile": 0.5, "value": 304500.0, "Latitude": 34.15, "Longitude": -118.44, "Population": 713.0}, {"index": 4059, "quantile": 0.75, "value": 304500.0, "Latitude": 34.15, "Longitude": -118.44, "Population": 713.0}, {"index": 4059, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.44, "Population": 713.0}, {"index": 4060, "quantile": 0.0, "value": 210900.0, "Latitude": 34.16, "Longitude": -118.45, "Population": 3303.0}, {"index": 4060, "quantile": 0.25, "value": 288300.0, "Latitude": 34.16, "Longitude": -118.45, "Population": 3303.0}, {"index": 4060, "quantile": 0.5, "value": 318300.0, "Latitude": 34.16, "Longitude": -118.45, "Population": 3303.0}, {"index": 4060, "quantile": 0.75, "value": 318300.0, "Latitude": 34.16, "Longitude": -118.45, "Population": 3303.0}, {"index": 4060, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.45, "Population": 3303.0}, {"index": 4061, "quantile": 0.0, "value": 77500.0, "Latitude": 34.15, "Longitude": -118.45, "Population": 517.0}, {"index": 4061, "quantile": 0.25, "value": 280725.0, "Latitude": 34.15, "Longitude": -118.45, "Population": 517.0}, {"index": 4061, "quantile": 0.5, "value": 332600.0, "Latitude": 34.15, "Longitude": -118.45, "Population": 517.0}, {"index": 4061, "quantile": 0.75, "value": 332600.0, "Latitude": 34.15, "Longitude": -118.45, "Population": 517.0}, {"index": 4061, "quantile": 1.0, "value": 450000.0, "Latitude": 34.15, "Longitude": -118.45, "Population": 517.0}, {"index": 4062, "quantile": 0.0, "value": 90100.0, "Latitude": 34.15, "Longitude": -118.45, "Population": 1334.0}, {"index": 4062, "quantile": 0.25, "value": 344250.0, "Latitude": 34.15, "Longitude": -118.45, "Population": 1334.0}, {"index": 4062, "quantile": 0.5, "value": 478400.0, "Latitude": 34.15, "Longitude": -118.45, "Population": 1334.0}, {"index": 4062, "quantile": 0.75, "value": 478400.0, "Latitude": 34.15, "Longitude": -118.45, "Population": 1334.0}, {"index": 4062, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.45, "Population": 1334.0}, {"index": 4063, "quantile": 0.0, "value": 88800.0, "Latitude": 34.16, "Longitude": -118.46, "Population": 598.0}, {"index": 4063, "quantile": 0.25, "value": 268100.0, "Latitude": 34.16, "Longitude": -118.46, "Population": 598.0}, {"index": 4063, "quantile": 0.5, "value": 344200.0, "Latitude": 34.16, "Longitude": -118.46, "Population": 598.0}, {"index": 4063, "quantile": 0.75, "value": 384700.0, "Latitude": 34.16, "Longitude": -118.46, "Population": 598.0}, {"index": 4063, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.46, "Population": 598.0}, {"index": 4064, "quantile": 0.0, "value": 162500.0, "Latitude": 34.16, "Longitude": -118.46, "Population": 2195.0}, {"index": 4064, "quantile": 0.25, "value": 209600.0, "Latitude": 34.16, "Longitude": -118.46, "Population": 2195.0}, {"index": 4064, "quantile": 0.5, "value": 232399.99999999997, "Latitude": 34.16, "Longitude": -118.46, "Population": 2195.0}, {"index": 4064, "quantile": 0.75, "value": 318600.0, "Latitude": 34.16, "Longitude": -118.46, "Population": 2195.0}, {"index": 4064, "quantile": 1.0, "value": 450000.0, "Latitude": 34.16, "Longitude": -118.46, "Population": 2195.0}, {"index": 4065, "quantile": 0.0, "value": 162500.0, "Latitude": 34.15, "Longitude": -118.47, "Population": 2381.0}, {"index": 4065, "quantile": 0.25, "value": 331675.0, "Latitude": 34.15, "Longitude": -118.47, "Population": 2381.0}, {"index": 4065, "quantile": 0.5, "value": 457300.00000000006, "Latitude": 34.15, "Longitude": -118.47, "Population": 2381.0}, {"index": 4065, "quantile": 0.75, "value": 457300.00000000006, "Latitude": 34.15, "Longitude": -118.47, "Population": 2381.0}, {"index": 4065, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.47, "Population": 2381.0}, {"index": 4066, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 34.16, "Longitude": -118.47, "Population": 1449.0}, {"index": 4066, "quantile": 0.25, "value": 275750.0, "Latitude": 34.16, "Longitude": -118.47, "Population": 1449.0}, {"index": 4066, "quantile": 0.5, "value": 339100.0, "Latitude": 34.16, "Longitude": -118.47, "Population": 1449.0}, {"index": 4066, "quantile": 0.75, "value": 395100.0, "Latitude": 34.16, "Longitude": -118.47, "Population": 1449.0}, {"index": 4066, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.47, "Population": 1449.0}, {"index": 4067, "quantile": 0.0, "value": 330000.0, "Latitude": 34.15, "Longitude": -118.47, "Population": 267.0}, {"index": 4067, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.47, "Population": 267.0}, {"index": 4067, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.47, "Population": 267.0}, {"index": 4067, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.47, "Population": 267.0}, {"index": 4067, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.47, "Population": 267.0}, {"index": 4068, "quantile": 0.0, "value": 244400.0, "Latitude": 34.15, "Longitude": -118.48, "Population": 990.0}, {"index": 4068, "quantile": 0.25, "value": 481300.0, "Latitude": 34.15, "Longitude": -118.48, "Population": 990.0}, {"index": 4068, "quantile": 0.5, "value": 495500.0, "Latitude": 34.15, "Longitude": -118.48, "Population": 990.0}, {"index": 4068, "quantile": 0.75, "value": 495500.0, "Latitude": 34.15, "Longitude": -118.48, "Population": 990.0}, {"index": 4068, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.48, "Population": 990.0}, {"index": 4069, "quantile": 0.0, "value": 230600.0, "Latitude": 34.16, "Longitude": -118.48, "Population": 1427.0}, {"index": 4069, "quantile": 0.25, "value": 348075.0, "Latitude": 34.16, "Longitude": -118.48, "Population": 1427.0}, {"index": 4069, "quantile": 0.5, "value": 360100.0, "Latitude": 34.16, "Longitude": -118.48, "Population": 1427.0}, {"index": 4069, "quantile": 0.75, "value": 398300.0, "Latitude": 34.16, "Longitude": -118.48, "Population": 1427.0}, {"index": 4069, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.48, "Population": 1427.0}, {"index": 4070, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.48, "Population": 2980.0}, {"index": 4070, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.48, "Population": 2980.0}, {"index": 4070, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.48, "Population": 2980.0}, {"index": 4070, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.48, "Population": 2980.0}, {"index": 4070, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.48, "Population": 2980.0}, {"index": 4071, "quantile": 0.0, "value": 415900.0, "Latitude": 34.14, "Longitude": -118.46, "Population": 1738.0}, {"index": 4071, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.46, "Population": 1738.0}, {"index": 4071, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.46, "Population": 1738.0}, {"index": 4071, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.46, "Population": 1738.0}, {"index": 4071, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.46, "Population": 1738.0}, {"index": 4072, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.47, "Population": 850.0}, {"index": 4072, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.47, "Population": 850.0}, {"index": 4072, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.47, "Population": 850.0}, {"index": 4072, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.47, "Population": 850.0}, {"index": 4072, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.47, "Population": 850.0}, {"index": 4073, "quantile": 0.0, "value": 172200.0, "Latitude": 34.14, "Longitude": -118.47, "Population": 1390.0}, {"index": 4073, "quantile": 0.25, "value": 441550.0, "Latitude": 34.14, "Longitude": -118.47, "Population": 1390.0}, {"index": 4073, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.47, "Population": 1390.0}, {"index": 4073, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.47, "Population": 1390.0}, {"index": 4073, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.47, "Population": 1390.0}, {"index": 4074, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.43, "Population": 498.0}, {"index": 4074, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.43, "Population": 498.0}, {"index": 4074, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.43, "Population": 498.0}, {"index": 4074, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.43, "Population": 498.0}, {"index": 4074, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.43, "Population": 498.0}, {"index": 4075, "quantile": 0.0, "value": 415900.0, "Latitude": 34.13, "Longitude": -118.43, "Population": 1521.0}, {"index": 4075, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.43, "Population": 1521.0}, {"index": 4075, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.43, "Population": 1521.0}, {"index": 4075, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.43, "Population": 1521.0}, {"index": 4075, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.43, "Population": 1521.0}, {"index": 4076, "quantile": 0.0, "value": 477100.0, "Latitude": 34.14, "Longitude": -118.45, "Population": 588.0}, {"index": 4076, "quantile": 0.25, "value": 490800.00000000006, "Latitude": 34.14, "Longitude": -118.45, "Population": 588.0}, {"index": 4076, "quantile": 0.5, "value": 490800.00000000006, "Latitude": 34.14, "Longitude": -118.45, "Population": 588.0}, {"index": 4076, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.45, "Population": 588.0}, {"index": 4076, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.45, "Population": 588.0}, {"index": 4077, "quantile": 0.0, "value": 410300.0, "Latitude": 34.15, "Longitude": -118.35, "Population": 493.0}, {"index": 4077, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.35, "Population": 493.0}, {"index": 4077, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.35, "Population": 493.0}, {"index": 4077, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.35, "Population": 493.0}, {"index": 4077, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.35, "Population": 493.0}, {"index": 4078, "quantile": 0.0, "value": 293800.0, "Latitude": 34.15, "Longitude": -118.36, "Population": 1221.0}, {"index": 4078, "quantile": 0.25, "value": 416550.0, "Latitude": 34.15, "Longitude": -118.36, "Population": 1221.0}, {"index": 4078, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.36, "Population": 1221.0}, {"index": 4078, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.36, "Population": 1221.0}, {"index": 4078, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.36, "Population": 1221.0}, {"index": 4079, "quantile": 0.0, "value": 218800.00000000003, "Latitude": 34.15, "Longitude": -118.36, "Population": 1338.0}, {"index": 4079, "quantile": 0.25, "value": 366100.0, "Latitude": 34.15, "Longitude": -118.36, "Population": 1338.0}, {"index": 4079, "quantile": 0.5, "value": 366100.0, "Latitude": 34.15, "Longitude": -118.36, "Population": 1338.0}, {"index": 4079, "quantile": 0.75, "value": 433300.0, "Latitude": 34.15, "Longitude": -118.36, "Population": 1338.0}, {"index": 4079, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.36, "Population": 1338.0}, {"index": 4080, "quantile": 0.0, "value": 161000.0, "Latitude": 34.15, "Longitude": -118.37, "Population": 2391.0}, {"index": 4080, "quantile": 0.25, "value": 263100.0, "Latitude": 34.15, "Longitude": -118.37, "Population": 2391.0}, {"index": 4080, "quantile": 0.5, "value": 263100.0, "Latitude": 34.15, "Longitude": -118.37, "Population": 2391.0}, {"index": 4080, "quantile": 0.75, "value": 263100.0, "Latitude": 34.15, "Longitude": -118.37, "Population": 2391.0}, {"index": 4080, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.37, "Population": 2391.0}, {"index": 4081, "quantile": 0.0, "value": 225000.0, "Latitude": 34.15, "Longitude": -118.37, "Population": 1071.0}, {"index": 4081, "quantile": 0.25, "value": 345075.0, "Latitude": 34.15, "Longitude": -118.37, "Population": 1071.0}, {"index": 4081, "quantile": 0.5, "value": 376100.0, "Latitude": 34.15, "Longitude": -118.37, "Population": 1071.0}, {"index": 4081, "quantile": 0.75, "value": 376100.0, "Latitude": 34.15, "Longitude": -118.37, "Population": 1071.0}, {"index": 4081, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.37, "Population": 1071.0}, {"index": 4082, "quantile": 0.0, "value": 192200.0, "Latitude": 34.16, "Longitude": -118.38, "Population": 1065.0}, {"index": 4082, "quantile": 0.25, "value": 289975.0, "Latitude": 34.16, "Longitude": -118.38, "Population": 1065.0}, {"index": 4082, "quantile": 0.5, "value": 320600.0, "Latitude": 34.16, "Longitude": -118.38, "Population": 1065.0}, {"index": 4082, "quantile": 0.75, "value": 320600.0, "Latitude": 34.16, "Longitude": -118.38, "Population": 1065.0}, {"index": 4082, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.38, "Population": 1065.0}, {"index": 4083, "quantile": 0.0, "value": 132200.0, "Latitude": 34.15, "Longitude": -118.38, "Population": 1115.0}, {"index": 4083, "quantile": 0.25, "value": 365900.0, "Latitude": 34.15, "Longitude": -118.38, "Population": 1115.0}, {"index": 4083, "quantile": 0.5, "value": 365900.0, "Latitude": 34.15, "Longitude": -118.38, "Population": 1115.0}, {"index": 4083, "quantile": 0.75, "value": 384700.0, "Latitude": 34.15, "Longitude": -118.38, "Population": 1115.0}, {"index": 4083, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.38, "Population": 1115.0}, {"index": 4084, "quantile": 0.0, "value": 189800.0, "Latitude": 34.15, "Longitude": -118.39, "Population": 1212.0}, {"index": 4084, "quantile": 0.25, "value": 394400.0, "Latitude": 34.15, "Longitude": -118.39, "Population": 1212.0}, {"index": 4084, "quantile": 0.5, "value": 394400.0, "Latitude": 34.15, "Longitude": -118.39, "Population": 1212.0}, {"index": 4084, "quantile": 0.75, "value": 394400.0, "Latitude": 34.15, "Longitude": -118.39, "Population": 1212.0}, {"index": 4084, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.39, "Population": 1212.0}, {"index": 4085, "quantile": 0.0, "value": 134700.0, "Latitude": 34.15, "Longitude": -118.39, "Population": 379.0}, {"index": 4085, "quantile": 0.25, "value": 334175.0, "Latitude": 34.15, "Longitude": -118.39, "Population": 379.0}, {"index": 4085, "quantile": 0.5, "value": 425000.0, "Latitude": 34.15, "Longitude": -118.39, "Population": 379.0}, {"index": 4085, "quantile": 0.75, "value": 425000.0, "Latitude": 34.15, "Longitude": -118.39, "Population": 379.0}, {"index": 4085, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.39, "Population": 379.0}, {"index": 4086, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.16, "Longitude": -118.39, "Population": 1637.0}, {"index": 4086, "quantile": 0.25, "value": 256300.00000000003, "Latitude": 34.16, "Longitude": -118.39, "Population": 1637.0}, {"index": 4086, "quantile": 0.5, "value": 256300.00000000003, "Latitude": 34.16, "Longitude": -118.39, "Population": 1637.0}, {"index": 4086, "quantile": 0.75, "value": 265750.0, "Latitude": 34.16, "Longitude": -118.39, "Population": 1637.0}, {"index": 4086, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.39, "Population": 1637.0}, {"index": 4087, "quantile": 0.0, "value": 165600.0, "Latitude": 34.15, "Longitude": -118.4, "Population": 1535.0}, {"index": 4087, "quantile": 0.25, "value": 369100.0, "Latitude": 34.15, "Longitude": -118.4, "Population": 1535.0}, {"index": 4087, "quantile": 0.5, "value": 369100.0, "Latitude": 34.15, "Longitude": -118.4, "Population": 1535.0}, {"index": 4087, "quantile": 0.75, "value": 369100.0, "Latitude": 34.15, "Longitude": -118.4, "Population": 1535.0}, {"index": 4087, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.4, "Population": 1535.0}, {"index": 4088, "quantile": 0.0, "value": 140600.0, "Latitude": 34.15, "Longitude": -118.41, "Population": 1695.0}, {"index": 4088, "quantile": 0.25, "value": 409600.0, "Latitude": 34.15, "Longitude": -118.41, "Population": 1695.0}, {"index": 4088, "quantile": 0.5, "value": 425900.00000000006, "Latitude": 34.15, "Longitude": -118.41, "Population": 1695.0}, {"index": 4088, "quantile": 0.75, "value": 425900.00000000006, "Latitude": 34.15, "Longitude": -118.41, "Population": 1695.0}, {"index": 4088, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.41, "Population": 1695.0}, {"index": 4089, "quantile": 0.0, "value": 90800.0, "Latitude": 34.15, "Longitude": -118.42, "Population": 268.0}, {"index": 4089, "quantile": 0.25, "value": 247600.0, "Latitude": 34.15, "Longitude": -118.42, "Population": 268.0}, {"index": 4089, "quantile": 0.5, "value": 301950.0, "Latitude": 34.15, "Longitude": -118.42, "Population": 268.0}, {"index": 4089, "quantile": 0.75, "value": 353500.0, "Latitude": 34.15, "Longitude": -118.42, "Population": 268.0}, {"index": 4089, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.42, "Population": 268.0}, {"index": 4090, "quantile": 0.0, "value": 95200.0, "Latitude": 34.15, "Longitude": -118.42, "Population": 681.0}, {"index": 4090, "quantile": 0.25, "value": 361599.99999999994, "Latitude": 34.15, "Longitude": -118.42, "Population": 681.0}, {"index": 4090, "quantile": 0.5, "value": 372300.0, "Latitude": 34.15, "Longitude": -118.42, "Population": 681.0}, {"index": 4090, "quantile": 0.75, "value": 372300.0, "Latitude": 34.15, "Longitude": -118.42, "Population": 681.0}, {"index": 4090, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.42, "Population": 681.0}, {"index": 4091, "quantile": 0.0, "value": 270900.0, "Latitude": 34.15, "Longitude": -118.42, "Population": 736.0}, {"index": 4091, "quantile": 0.25, "value": 355900.0, "Latitude": 34.15, "Longitude": -118.42, "Population": 736.0}, {"index": 4091, "quantile": 0.5, "value": 355900.0, "Latitude": 34.15, "Longitude": -118.42, "Population": 736.0}, {"index": 4091, "quantile": 0.75, "value": 365000.0, "Latitude": 34.15, "Longitude": -118.42, "Population": 736.0}, {"index": 4091, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.42, "Population": 736.0}, {"index": 4092, "quantile": 0.0, "value": 87500.0, "Latitude": 34.16, "Longitude": -118.42, "Population": 119.0}, {"index": 4092, "quantile": 0.25, "value": 183000.0, "Latitude": 34.16, "Longitude": -118.42, "Population": 119.0}, {"index": 4092, "quantile": 0.5, "value": 266700.0, "Latitude": 34.16, "Longitude": -118.42, "Population": 119.0}, {"index": 4092, "quantile": 0.75, "value": 365400.0, "Latitude": 34.16, "Longitude": -118.42, "Population": 119.0}, {"index": 4092, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.42, "Population": 119.0}, {"index": 4093, "quantile": 0.0, "value": 60000.0, "Latitude": 34.16, "Longitude": -118.42, "Population": 20.0}, {"index": 4093, "quantile": 0.25, "value": 375000.0, "Latitude": 34.16, "Longitude": -118.42, "Population": 20.0}, {"index": 4093, "quantile": 0.5, "value": 375000.0, "Latitude": 34.16, "Longitude": -118.42, "Population": 20.0}, {"index": 4093, "quantile": 0.75, "value": 375000.0, "Latitude": 34.16, "Longitude": -118.42, "Population": 20.0}, {"index": 4093, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.42, "Population": 20.0}, {"index": 4094, "quantile": 0.0, "value": 132200.0, "Latitude": 34.15, "Longitude": -118.4, "Population": 837.0}, {"index": 4094, "quantile": 0.25, "value": 380400.0, "Latitude": 34.15, "Longitude": -118.4, "Population": 837.0}, {"index": 4094, "quantile": 0.5, "value": 380400.0, "Latitude": 34.15, "Longitude": -118.4, "Population": 837.0}, {"index": 4094, "quantile": 0.75, "value": 382075.0, "Latitude": 34.15, "Longitude": -118.4, "Population": 837.0}, {"index": 4094, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.4, "Population": 837.0}, {"index": 4095, "quantile": 0.0, "value": 234300.0, "Latitude": 34.15, "Longitude": -118.4, "Population": 967.0}, {"index": 4095, "quantile": 0.25, "value": 374500.0, "Latitude": 34.15, "Longitude": -118.4, "Population": 967.0}, {"index": 4095, "quantile": 0.5, "value": 374500.0, "Latitude": 34.15, "Longitude": -118.4, "Population": 967.0}, {"index": 4095, "quantile": 0.75, "value": 374500.0, "Latitude": 34.15, "Longitude": -118.4, "Population": 967.0}, {"index": 4095, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.4, "Population": 967.0}, {"index": 4096, "quantile": 0.0, "value": 189800.0, "Latitude": 34.15, "Longitude": -118.41, "Population": 1568.0}, {"index": 4096, "quantile": 0.25, "value": 364700.0, "Latitude": 34.15, "Longitude": -118.41, "Population": 1568.0}, {"index": 4096, "quantile": 0.5, "value": 364700.0, "Latitude": 34.15, "Longitude": -118.41, "Population": 1568.0}, {"index": 4096, "quantile": 0.75, "value": 394400.0, "Latitude": 34.15, "Longitude": -118.41, "Population": 1568.0}, {"index": 4096, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.41, "Population": 1568.0}, {"index": 4097, "quantile": 0.0, "value": 228399.99999999997, "Latitude": 34.15, "Longitude": -118.41, "Population": 500.0}, {"index": 4097, "quantile": 0.25, "value": 424000.0, "Latitude": 34.15, "Longitude": -118.41, "Population": 500.0}, {"index": 4097, "quantile": 0.5, "value": 424000.0, "Latitude": 34.15, "Longitude": -118.41, "Population": 500.0}, {"index": 4097, "quantile": 0.75, "value": 483800.0, "Latitude": 34.15, "Longitude": -118.41, "Population": 500.0}, {"index": 4097, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.41, "Population": 500.0}, {"index": 4098, "quantile": 0.0, "value": 140600.0, "Latitude": 34.14, "Longitude": -118.36, "Population": 629.0}, {"index": 4098, "quantile": 0.25, "value": 295200.0, "Latitude": 34.14, "Longitude": -118.36, "Population": 629.0}, {"index": 4098, "quantile": 0.5, "value": 295200.0, "Latitude": 34.14, "Longitude": -118.36, "Population": 629.0}, {"index": 4098, "quantile": 0.75, "value": 295200.0, "Latitude": 34.14, "Longitude": -118.36, "Population": 629.0}, {"index": 4098, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.36, "Population": 629.0}, {"index": 4099, "quantile": 0.0, "value": 129200.0, "Latitude": 34.14, "Longitude": -118.37, "Population": 2138.0}, {"index": 4099, "quantile": 0.25, "value": 197900.0, "Latitude": 34.14, "Longitude": -118.37, "Population": 2138.0}, {"index": 4099, "quantile": 0.5, "value": 197900.0, "Latitude": 34.14, "Longitude": -118.37, "Population": 2138.0}, {"index": 4099, "quantile": 0.75, "value": 197900.0, "Latitude": 34.14, "Longitude": -118.37, "Population": 2138.0}, {"index": 4099, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.14, "Longitude": -118.37, "Population": 2138.0}, {"index": 4100, "quantile": 0.0, "value": 119100.0, "Latitude": 34.14, "Longitude": -118.37, "Population": 1914.0}, {"index": 4100, "quantile": 0.25, "value": 274400.0, "Latitude": 34.14, "Longitude": -118.37, "Population": 1914.0}, {"index": 4100, "quantile": 0.5, "value": 340800.0, "Latitude": 34.14, "Longitude": -118.37, "Population": 1914.0}, {"index": 4100, "quantile": 0.75, "value": 452500.00000000006, "Latitude": 34.14, "Longitude": -118.37, "Population": 1914.0}, {"index": 4100, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.37, "Population": 1914.0}, {"index": 4101, "quantile": 0.0, "value": 172200.0, "Latitude": 34.14, "Longitude": -118.38, "Population": 492.0}, {"index": 4101, "quantile": 0.25, "value": 386700.0, "Latitude": 34.14, "Longitude": -118.38, "Population": 492.0}, {"index": 4101, "quantile": 0.5, "value": 386700.0, "Latitude": 34.14, "Longitude": -118.38, "Population": 492.0}, {"index": 4101, "quantile": 0.75, "value": 447450.0, "Latitude": 34.14, "Longitude": -118.38, "Population": 492.0}, {"index": 4101, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.38, "Population": 492.0}, {"index": 4102, "quantile": 0.0, "value": 192200.0, "Latitude": 34.14, "Longitude": -118.39, "Population": 2021.0}, {"index": 4102, "quantile": 0.25, "value": 309200.0, "Latitude": 34.14, "Longitude": -118.39, "Population": 2021.0}, {"index": 4102, "quantile": 0.5, "value": 309200.0, "Latitude": 34.14, "Longitude": -118.39, "Population": 2021.0}, {"index": 4102, "quantile": 0.75, "value": 346950.0, "Latitude": 34.14, "Longitude": -118.39, "Population": 2021.0}, {"index": 4102, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.39, "Population": 2021.0}, {"index": 4103, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 34.15, "Longitude": -118.39, "Population": 905.0}, {"index": 4103, "quantile": 0.25, "value": 373500.0, "Latitude": 34.15, "Longitude": -118.39, "Population": 905.0}, {"index": 4103, "quantile": 0.5, "value": 373500.0, "Latitude": 34.15, "Longitude": -118.39, "Population": 905.0}, {"index": 4103, "quantile": 0.75, "value": 396300.0, "Latitude": 34.15, "Longitude": -118.39, "Population": 905.0}, {"index": 4103, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.39, "Population": 905.0}, {"index": 4104, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 34.13, "Longitude": -118.35, "Population": 511.0}, {"index": 4104, "quantile": 0.25, "value": 385900.0, "Latitude": 34.13, "Longitude": -118.35, "Population": 511.0}, {"index": 4104, "quantile": 0.5, "value": 385900.0, "Latitude": 34.13, "Longitude": -118.35, "Population": 511.0}, {"index": 4104, "quantile": 0.75, "value": 385900.0, "Latitude": 34.13, "Longitude": -118.35, "Population": 511.0}, {"index": 4104, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.35, "Population": 511.0}, {"index": 4105, "quantile": 0.0, "value": 132200.0, "Latitude": 34.12, "Longitude": -118.34, "Population": 1237.0}, {"index": 4105, "quantile": 0.25, "value": 391600.0, "Latitude": 34.12, "Longitude": -118.34, "Population": 1237.0}, {"index": 4105, "quantile": 0.5, "value": 409600.0, "Latitude": 34.12, "Longitude": -118.34, "Population": 1237.0}, {"index": 4105, "quantile": 0.75, "value": 409600.0, "Latitude": 34.12, "Longitude": -118.34, "Population": 1237.0}, {"index": 4105, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.34, "Population": 1237.0}, {"index": 4106, "quantile": 0.0, "value": 362600.0, "Latitude": 34.13, "Longitude": -118.36, "Population": 2216.0}, {"index": 4106, "quantile": 0.25, "value": 495600.00000000006, "Latitude": 34.13, "Longitude": -118.36, "Population": 2216.0}, {"index": 4106, "quantile": 0.5, "value": 495600.00000000006, "Latitude": 34.13, "Longitude": -118.36, "Population": 2216.0}, {"index": 4106, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.36, "Population": 2216.0}, {"index": 4106, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.36, "Population": 2216.0}, {"index": 4107, "quantile": 0.0, "value": 119100.0, "Latitude": 34.14, "Longitude": -118.37, "Population": 774.0}, {"index": 4107, "quantile": 0.25, "value": 310600.0, "Latitude": 34.14, "Longitude": -118.37, "Population": 774.0}, {"index": 4107, "quantile": 0.5, "value": 396400.0, "Latitude": 34.14, "Longitude": -118.37, "Population": 774.0}, {"index": 4107, "quantile": 0.75, "value": 396400.0, "Latitude": 34.14, "Longitude": -118.37, "Population": 774.0}, {"index": 4107, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.37, "Population": 774.0}, {"index": 4108, "quantile": 0.0, "value": 332700.0, "Latitude": 34.13, "Longitude": -118.37, "Population": 1498.0}, {"index": 4108, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.37, "Population": 1498.0}, {"index": 4108, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.37, "Population": 1498.0}, {"index": 4108, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.37, "Population": 1498.0}, {"index": 4108, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.37, "Population": 1498.0}, {"index": 4109, "quantile": 0.0, "value": 249300.0, "Latitude": 34.14, "Longitude": -118.39, "Population": 1572.0}, {"index": 4109, "quantile": 0.25, "value": 369200.0, "Latitude": 34.14, "Longitude": -118.39, "Population": 1572.0}, {"index": 4109, "quantile": 0.5, "value": 446699.99999999994, "Latitude": 34.14, "Longitude": -118.39, "Population": 1572.0}, {"index": 4109, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.39, "Population": 1572.0}, {"index": 4109, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.39, "Population": 1572.0}, {"index": 4110, "quantile": 0.0, "value": 357200.0, "Latitude": 34.14, "Longitude": -118.38, "Population": 666.0}, {"index": 4110, "quantile": 0.25, "value": 483800.0, "Latitude": 34.14, "Longitude": -118.38, "Population": 666.0}, {"index": 4110, "quantile": 0.5, "value": 483800.0, "Latitude": 34.14, "Longitude": -118.38, "Population": 666.0}, {"index": 4110, "quantile": 0.75, "value": 500000.0, "Latitude": 34.14, "Longitude": -118.38, "Population": 666.0}, {"index": 4110, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.38, "Population": 666.0}, {"index": 4111, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.4, "Population": 2712.0}, {"index": 4111, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.4, "Population": 2712.0}, {"index": 4111, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.4, "Population": 2712.0}, {"index": 4111, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.4, "Population": 2712.0}, {"index": 4111, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.4, "Population": 2712.0}, {"index": 4112, "quantile": 0.0, "value": 272500.0, "Latitude": 34.14, "Longitude": -118.4, "Population": 595.0}, {"index": 4112, "quantile": 0.25, "value": 399300.0, "Latitude": 34.14, "Longitude": -118.4, "Population": 595.0}, {"index": 4112, "quantile": 0.5, "value": 399300.0, "Latitude": 34.14, "Longitude": -118.4, "Population": 595.0}, {"index": 4112, "quantile": 0.75, "value": 470800.0, "Latitude": 34.14, "Longitude": -118.4, "Population": 595.0}, {"index": 4112, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.4, "Population": 595.0}, {"index": 4113, "quantile": 0.0, "value": 176600.0, "Latitude": 34.14, "Longitude": -118.4, "Population": 187.0}, {"index": 4113, "quantile": 0.25, "value": 360700.0, "Latitude": 34.14, "Longitude": -118.4, "Population": 187.0}, {"index": 4113, "quantile": 0.5, "value": 360700.0, "Latitude": 34.14, "Longitude": -118.4, "Population": 187.0}, {"index": 4113, "quantile": 0.75, "value": 360700.0, "Latitude": 34.14, "Longitude": -118.4, "Population": 187.0}, {"index": 4113, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.4, "Population": 187.0}, {"index": 4114, "quantile": 0.0, "value": 150000.0, "Latitude": 34.14, "Longitude": -118.41, "Population": 258.0}, {"index": 4114, "quantile": 0.25, "value": 344000.0, "Latitude": 34.14, "Longitude": -118.41, "Population": 258.0}, {"index": 4114, "quantile": 0.5, "value": 372850.00000000006, "Latitude": 34.14, "Longitude": -118.41, "Population": 258.0}, {"index": 4114, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.41, "Population": 258.0}, {"index": 4114, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.41, "Population": 258.0}, {"index": 4115, "quantile": 0.0, "value": 272600.0, "Latitude": 34.14, "Longitude": -118.42, "Population": 1417.0}, {"index": 4115, "quantile": 0.25, "value": 447400.0, "Latitude": 34.14, "Longitude": -118.42, "Population": 1417.0}, {"index": 4115, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.42, "Population": 1417.0}, {"index": 4115, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.42, "Population": 1417.0}, {"index": 4115, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.42, "Population": 1417.0}, {"index": 4116, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.42, "Population": 1292.0}, {"index": 4116, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.42, "Population": 1292.0}, {"index": 4116, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.42, "Population": 1292.0}, {"index": 4116, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.42, "Population": 1292.0}, {"index": 4116, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.42, "Population": 1292.0}, {"index": 4117, "quantile": 0.0, "value": 149600.0, "Latitude": 34.14, "Longitude": -118.22, "Population": 1203.0}, {"index": 4117, "quantile": 0.25, "value": 274600.0, "Latitude": 34.14, "Longitude": -118.22, "Population": 1203.0}, {"index": 4117, "quantile": 0.5, "value": 274600.0, "Latitude": 34.14, "Longitude": -118.22, "Population": 1203.0}, {"index": 4117, "quantile": 0.75, "value": 293900.0, "Latitude": 34.14, "Longitude": -118.22, "Population": 1203.0}, {"index": 4117, "quantile": 1.0, "value": 490400.0, "Latitude": 34.14, "Longitude": -118.22, "Population": 1203.0}, {"index": 4118, "quantile": 0.0, "value": 129900.0, "Latitude": 34.14, "Longitude": -118.22, "Population": 735.0}, {"index": 4118, "quantile": 0.25, "value": 247700.0, "Latitude": 34.14, "Longitude": -118.22, "Population": 735.0}, {"index": 4118, "quantile": 0.5, "value": 247700.0, "Latitude": 34.14, "Longitude": -118.22, "Population": 735.0}, {"index": 4118, "quantile": 0.75, "value": 247700.0, "Latitude": 34.14, "Longitude": -118.22, "Population": 735.0}, {"index": 4118, "quantile": 1.0, "value": 307400.0, "Latitude": 34.14, "Longitude": -118.22, "Population": 735.0}, {"index": 4119, "quantile": 0.0, "value": 149600.0, "Latitude": 34.14, "Longitude": -118.2, "Population": 1842.0}, {"index": 4119, "quantile": 0.25, "value": 293900.0, "Latitude": 34.14, "Longitude": -118.2, "Population": 1842.0}, {"index": 4119, "quantile": 0.5, "value": 293900.0, "Latitude": 34.14, "Longitude": -118.2, "Population": 1842.0}, {"index": 4119, "quantile": 0.75, "value": 293900.0, "Latitude": 34.14, "Longitude": -118.2, "Population": 1842.0}, {"index": 4119, "quantile": 1.0, "value": 490400.0, "Latitude": 34.14, "Longitude": -118.2, "Population": 1842.0}, {"index": 4120, "quantile": 0.0, "value": 176700.0, "Latitude": 34.14, "Longitude": -118.19, "Population": 1181.0}, {"index": 4120, "quantile": 0.25, "value": 256225.0, "Latitude": 34.14, "Longitude": -118.19, "Population": 1181.0}, {"index": 4120, "quantile": 0.5, "value": 257900.00000000003, "Latitude": 34.14, "Longitude": -118.19, "Population": 1181.0}, {"index": 4120, "quantile": 0.75, "value": 257900.00000000003, "Latitude": 34.14, "Longitude": -118.19, "Population": 1181.0}, {"index": 4120, "quantile": 1.0, "value": 307400.0, "Latitude": 34.14, "Longitude": -118.19, "Population": 1181.0}, {"index": 4121, "quantile": 0.0, "value": 183000.0, "Latitude": 34.14, "Longitude": -118.19, "Population": 793.0}, {"index": 4121, "quantile": 0.25, "value": 291500.0, "Latitude": 34.14, "Longitude": -118.19, "Population": 793.0}, {"index": 4121, "quantile": 0.5, "value": 291500.0, "Latitude": 34.14, "Longitude": -118.19, "Population": 793.0}, {"index": 4121, "quantile": 0.75, "value": 291500.0, "Latitude": 34.14, "Longitude": -118.19, "Population": 793.0}, {"index": 4121, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.14, "Longitude": -118.19, "Population": 793.0}, {"index": 4122, "quantile": 0.0, "value": 17500.0, "Latitude": 34.14, "Longitude": -118.23, "Population": 182.0}, {"index": 4122, "quantile": 0.25, "value": 175000.0, "Latitude": 34.14, "Longitude": -118.23, "Population": 182.0}, {"index": 4122, "quantile": 0.5, "value": 175000.0, "Latitude": 34.14, "Longitude": -118.23, "Population": 182.0}, {"index": 4122, "quantile": 0.75, "value": 175000.0, "Latitude": 34.14, "Longitude": -118.23, "Population": 182.0}, {"index": 4122, "quantile": 1.0, "value": 325000.0, "Latitude": 34.14, "Longitude": -118.23, "Population": 182.0}, {"index": 4123, "quantile": 0.0, "value": 188200.0, "Latitude": 34.14, "Longitude": -118.22, "Population": 1725.0}, {"index": 4123, "quantile": 0.25, "value": 260200.00000000003, "Latitude": 34.14, "Longitude": -118.22, "Population": 1725.0}, {"index": 4123, "quantile": 0.5, "value": 293900.0, "Latitude": 34.14, "Longitude": -118.22, "Population": 1725.0}, {"index": 4123, "quantile": 0.75, "value": 370400.0, "Latitude": 34.14, "Longitude": -118.22, "Population": 1725.0}, {"index": 4123, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.22, "Population": 1725.0}, {"index": 4124, "quantile": 0.0, "value": 199400.0, "Latitude": 34.13, "Longitude": -118.22, "Population": 1614.0}, {"index": 4124, "quantile": 0.25, "value": 272400.0, "Latitude": 34.13, "Longitude": -118.22, "Population": 1614.0}, {"index": 4124, "quantile": 0.5, "value": 272400.0, "Latitude": 34.13, "Longitude": -118.22, "Population": 1614.0}, {"index": 4124, "quantile": 0.75, "value": 272400.0, "Latitude": 34.13, "Longitude": -118.22, "Population": 1614.0}, {"index": 4124, "quantile": 1.0, "value": 350200.0, "Latitude": 34.13, "Longitude": -118.22, "Population": 1614.0}, {"index": 4125, "quantile": 0.0, "value": 97300.0, "Latitude": 34.14, "Longitude": -118.2, "Population": 1219.0}, {"index": 4125, "quantile": 0.25, "value": 204199.99999999997, "Latitude": 34.14, "Longitude": -118.2, "Population": 1219.0}, {"index": 4125, "quantile": 0.5, "value": 204199.99999999997, "Latitude": 34.14, "Longitude": -118.2, "Population": 1219.0}, {"index": 4125, "quantile": 0.75, "value": 204199.99999999997, "Latitude": 34.14, "Longitude": -118.2, "Population": 1219.0}, {"index": 4125, "quantile": 1.0, "value": 350000.0, "Latitude": 34.14, "Longitude": -118.2, "Population": 1219.0}, {"index": 4126, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 34.14, "Longitude": -118.21, "Population": 1105.0}, {"index": 4126, "quantile": 0.25, "value": 186500.0, "Latitude": 34.14, "Longitude": -118.21, "Population": 1105.0}, {"index": 4126, "quantile": 0.5, "value": 186500.0, "Latitude": 34.14, "Longitude": -118.21, "Population": 1105.0}, {"index": 4126, "quantile": 0.75, "value": 186500.0, "Latitude": 34.14, "Longitude": -118.21, "Population": 1105.0}, {"index": 4126, "quantile": 1.0, "value": 436400.0, "Latitude": 34.14, "Longitude": -118.21, "Population": 1105.0}, {"index": 4127, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.14, "Longitude": -118.21, "Population": 1412.0}, {"index": 4127, "quantile": 0.25, "value": 189400.0, "Latitude": 34.14, "Longitude": -118.21, "Population": 1412.0}, {"index": 4127, "quantile": 0.5, "value": 189800.0, "Latitude": 34.14, "Longitude": -118.21, "Population": 1412.0}, {"index": 4127, "quantile": 0.75, "value": 189800.0, "Latitude": 34.14, "Longitude": -118.21, "Population": 1412.0}, {"index": 4127, "quantile": 1.0, "value": 300000.0, "Latitude": 34.14, "Longitude": -118.21, "Population": 1412.0}, {"index": 4128, "quantile": 0.0, "value": 93800.0, "Latitude": 34.14, "Longitude": -118.2, "Population": 1012.0}, {"index": 4128, "quantile": 0.25, "value": 217000.0, "Latitude": 34.14, "Longitude": -118.2, "Population": 1012.0}, {"index": 4128, "quantile": 0.5, "value": 217000.0, "Latitude": 34.14, "Longitude": -118.2, "Population": 1012.0}, {"index": 4128, "quantile": 0.75, "value": 233549.99999999997, "Latitude": 34.14, "Longitude": -118.2, "Population": 1012.0}, {"index": 4128, "quantile": 1.0, "value": 419100.0, "Latitude": 34.14, "Longitude": -118.2, "Population": 1012.0}, {"index": 4129, "quantile": 0.0, "value": 147300.0, "Latitude": 34.14, "Longitude": -118.19, "Population": 1514.0}, {"index": 4129, "quantile": 0.25, "value": 209200.0, "Latitude": 34.14, "Longitude": -118.19, "Population": 1514.0}, {"index": 4129, "quantile": 0.5, "value": 209200.0, "Latitude": 34.14, "Longitude": -118.19, "Population": 1514.0}, {"index": 4129, "quantile": 0.75, "value": 209200.0, "Latitude": 34.14, "Longitude": -118.19, "Population": 1514.0}, {"index": 4129, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.14, "Longitude": -118.19, "Population": 1514.0}, {"index": 4130, "quantile": 0.0, "value": 147300.0, "Latitude": 34.13, "Longitude": -118.19, "Population": 1314.0}, {"index": 4130, "quantile": 0.25, "value": 180400.0, "Latitude": 34.13, "Longitude": -118.19, "Population": 1314.0}, {"index": 4130, "quantile": 0.5, "value": 180400.0, "Latitude": 34.13, "Longitude": -118.19, "Population": 1314.0}, {"index": 4130, "quantile": 0.75, "value": 180400.0, "Latitude": 34.13, "Longitude": -118.19, "Population": 1314.0}, {"index": 4130, "quantile": 1.0, "value": 263600.0, "Latitude": 34.13, "Longitude": -118.19, "Population": 1314.0}, {"index": 4131, "quantile": 0.0, "value": 120100.0, "Latitude": 34.13, "Longitude": -118.2, "Population": 2589.0}, {"index": 4131, "quantile": 0.25, "value": 179550.0, "Latitude": 34.13, "Longitude": -118.2, "Population": 2589.0}, {"index": 4131, "quantile": 0.5, "value": 193600.0, "Latitude": 34.13, "Longitude": -118.2, "Population": 2589.0}, {"index": 4131, "quantile": 0.75, "value": 193600.0, "Latitude": 34.13, "Longitude": -118.2, "Population": 2589.0}, {"index": 4131, "quantile": 1.0, "value": 257799.99999999997, "Latitude": 34.13, "Longitude": -118.2, "Population": 2589.0}, {"index": 4132, "quantile": 0.0, "value": 116100.0, "Latitude": 34.13, "Longitude": -118.21, "Population": 1433.0}, {"index": 4132, "quantile": 0.25, "value": 213875.0, "Latitude": 34.13, "Longitude": -118.21, "Population": 1433.0}, {"index": 4132, "quantile": 0.5, "value": 214200.0, "Latitude": 34.13, "Longitude": -118.21, "Population": 1433.0}, {"index": 4132, "quantile": 0.75, "value": 214200.0, "Latitude": 34.13, "Longitude": -118.21, "Population": 1433.0}, {"index": 4132, "quantile": 1.0, "value": 330300.0, "Latitude": 34.13, "Longitude": -118.21, "Population": 1433.0}, {"index": 4133, "quantile": 0.0, "value": 137500.0, "Latitude": 34.13, "Longitude": -118.22, "Population": 949.0}, {"index": 4133, "quantile": 0.25, "value": 173800.0, "Latitude": 34.13, "Longitude": -118.22, "Population": 949.0}, {"index": 4133, "quantile": 0.5, "value": 173800.0, "Latitude": 34.13, "Longitude": -118.22, "Population": 949.0}, {"index": 4133, "quantile": 0.75, "value": 186800.0, "Latitude": 34.13, "Longitude": -118.22, "Population": 949.0}, {"index": 4133, "quantile": 1.0, "value": 350900.0, "Latitude": 34.13, "Longitude": -118.22, "Population": 949.0}, {"index": 4134, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.13, "Longitude": -118.22, "Population": 501.0}, {"index": 4134, "quantile": 0.25, "value": 178100.0, "Latitude": 34.13, "Longitude": -118.22, "Population": 501.0}, {"index": 4134, "quantile": 0.5, "value": 178100.0, "Latitude": 34.13, "Longitude": -118.22, "Population": 501.0}, {"index": 4134, "quantile": 0.75, "value": 178100.0, "Latitude": 34.13, "Longitude": -118.22, "Population": 501.0}, {"index": 4134, "quantile": 1.0, "value": 436400.0, "Latitude": 34.13, "Longitude": -118.22, "Population": 501.0}, {"index": 4135, "quantile": 0.0, "value": 105100.0, "Latitude": 34.13, "Longitude": -118.18, "Population": 1311.0}, {"index": 4135, "quantile": 0.25, "value": 176500.0, "Latitude": 34.13, "Longitude": -118.18, "Population": 1311.0}, {"index": 4135, "quantile": 0.5, "value": 193600.0, "Latitude": 34.13, "Longitude": -118.18, "Population": 1311.0}, {"index": 4135, "quantile": 0.75, "value": 232500.00000000003, "Latitude": 34.13, "Longitude": -118.18, "Population": 1311.0}, {"index": 4135, "quantile": 1.0, "value": 309300.0, "Latitude": 34.13, "Longitude": -118.18, "Population": 1311.0}, {"index": 4136, "quantile": 0.0, "value": 68100.0, "Latitude": 34.12, "Longitude": -118.18, "Population": 904.0}, {"index": 4136, "quantile": 0.25, "value": 144200.0, "Latitude": 34.12, "Longitude": -118.18, "Population": 904.0}, {"index": 4136, "quantile": 0.5, "value": 151650.0, "Latitude": 34.12, "Longitude": -118.18, "Population": 904.0}, {"index": 4136, "quantile": 0.75, "value": 191700.0, "Latitude": 34.12, "Longitude": -118.18, "Population": 904.0}, {"index": 4136, "quantile": 1.0, "value": 268500.0, "Latitude": 34.12, "Longitude": -118.18, "Population": 904.0}, {"index": 4137, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 34.12, "Longitude": -118.18, "Population": 1569.0}, {"index": 4137, "quantile": 0.25, "value": 172350.0, "Latitude": 34.12, "Longitude": -118.18, "Population": 1569.0}, {"index": 4137, "quantile": 0.5, "value": 201100.0, "Latitude": 34.12, "Longitude": -118.18, "Population": 1569.0}, {"index": 4137, "quantile": 0.75, "value": 211400.0, "Latitude": 34.12, "Longitude": -118.18, "Population": 1569.0}, {"index": 4137, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.12, "Longitude": -118.18, "Population": 1569.0}, {"index": 4138, "quantile": 0.0, "value": 137500.0, "Latitude": 34.12, "Longitude": -118.17, "Population": 1696.0}, {"index": 4138, "quantile": 0.25, "value": 169200.0, "Latitude": 34.12, "Longitude": -118.17, "Population": 1696.0}, {"index": 4138, "quantile": 0.5, "value": 169200.0, "Latitude": 34.12, "Longitude": -118.17, "Population": 1696.0}, {"index": 4138, "quantile": 0.75, "value": 169200.0, "Latitude": 34.12, "Longitude": -118.17, "Population": 1696.0}, {"index": 4138, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 34.12, "Longitude": -118.17, "Population": 1696.0}, {"index": 4139, "quantile": 0.0, "value": 45000.0, "Latitude": 34.12, "Longitude": -118.18, "Population": 1795.0}, {"index": 4139, "quantile": 0.25, "value": 161175.0, "Latitude": 34.12, "Longitude": -118.18, "Population": 1795.0}, {"index": 4139, "quantile": 0.5, "value": 176700.0, "Latitude": 34.12, "Longitude": -118.18, "Population": 1795.0}, {"index": 4139, "quantile": 0.75, "value": 210400.0, "Latitude": 34.12, "Longitude": -118.18, "Population": 1795.0}, {"index": 4139, "quantile": 1.0, "value": 255900.00000000003, "Latitude": 34.12, "Longitude": -118.18, "Population": 1795.0}, {"index": 4140, "quantile": 0.0, "value": 143800.0, "Latitude": 34.12, "Longitude": -118.17, "Population": 1990.0}, {"index": 4140, "quantile": 0.25, "value": 231999.99999999997, "Latitude": 34.12, "Longitude": -118.17, "Population": 1990.0}, {"index": 4140, "quantile": 0.5, "value": 231999.99999999997, "Latitude": 34.12, "Longitude": -118.17, "Population": 1990.0}, {"index": 4140, "quantile": 0.75, "value": 231999.99999999997, "Latitude": 34.12, "Longitude": -118.17, "Population": 1990.0}, {"index": 4140, "quantile": 1.0, "value": 305800.0, "Latitude": 34.12, "Longitude": -118.17, "Population": 1990.0}, {"index": 4141, "quantile": 0.0, "value": 100000.0, "Latitude": 34.13, "Longitude": -118.19, "Population": 883.0}, {"index": 4141, "quantile": 0.25, "value": 161975.0, "Latitude": 34.13, "Longitude": -118.19, "Population": 883.0}, {"index": 4141, "quantile": 0.5, "value": 186500.0, "Latitude": 34.13, "Longitude": -118.19, "Population": 883.0}, {"index": 4141, "quantile": 0.75, "value": 205600.0, "Latitude": 34.13, "Longitude": -118.19, "Population": 883.0}, {"index": 4141, "quantile": 1.0, "value": 417600.0, "Latitude": 34.13, "Longitude": -118.19, "Population": 883.0}, {"index": 4142, "quantile": 0.0, "value": 143100.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 483.0}, {"index": 4142, "quantile": 0.25, "value": 162500.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 483.0}, {"index": 4142, "quantile": 0.5, "value": 162500.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 483.0}, {"index": 4142, "quantile": 0.75, "value": 171300.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 483.0}, {"index": 4142, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.12, "Longitude": -118.19, "Population": 483.0}, {"index": 4143, "quantile": 0.0, "value": 93800.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 2366.0}, {"index": 4143, "quantile": 0.25, "value": 146400.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 2366.0}, {"index": 4143, "quantile": 0.5, "value": 146400.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 2366.0}, {"index": 4143, "quantile": 0.75, "value": 147150.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 2366.0}, {"index": 4143, "quantile": 1.0, "value": 212500.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 2366.0}, {"index": 4144, "quantile": 0.0, "value": 85600.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 1036.0}, {"index": 4144, "quantile": 0.25, "value": 170500.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 1036.0}, {"index": 4144, "quantile": 0.5, "value": 180400.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 1036.0}, {"index": 4144, "quantile": 0.75, "value": 229950.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 1036.0}, {"index": 4144, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.19, "Population": 1036.0}, {"index": 4145, "quantile": 0.0, "value": 148200.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 2148.0}, {"index": 4145, "quantile": 0.25, "value": 172100.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 2148.0}, {"index": 4145, "quantile": 0.5, "value": 172100.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 2148.0}, {"index": 4145, "quantile": 0.75, "value": 191374.99999999997, "Latitude": 34.12, "Longitude": -118.19, "Population": 2148.0}, {"index": 4145, "quantile": 1.0, "value": 417600.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 2148.0}, {"index": 4146, "quantile": 0.0, "value": 153700.0, "Latitude": 34.13, "Longitude": -118.2, "Population": 2032.0}, {"index": 4146, "quantile": 0.25, "value": 196400.0, "Latitude": 34.13, "Longitude": -118.2, "Population": 2032.0}, {"index": 4146, "quantile": 0.5, "value": 196400.0, "Latitude": 34.13, "Longitude": -118.2, "Population": 2032.0}, {"index": 4146, "quantile": 0.75, "value": 205799.99999999997, "Latitude": 34.13, "Longitude": -118.2, "Population": 2032.0}, {"index": 4146, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 34.13, "Longitude": -118.2, "Population": 2032.0}, {"index": 4147, "quantile": 0.0, "value": 86100.0, "Latitude": 34.13, "Longitude": -118.2, "Population": 1931.0}, {"index": 4147, "quantile": 0.25, "value": 173600.0, "Latitude": 34.13, "Longitude": -118.2, "Population": 1931.0}, {"index": 4147, "quantile": 0.5, "value": 173600.0, "Latitude": 34.13, "Longitude": -118.2, "Population": 1931.0}, {"index": 4147, "quantile": 0.75, "value": 173600.0, "Latitude": 34.13, "Longitude": -118.2, "Population": 1931.0}, {"index": 4147, "quantile": 1.0, "value": 263900.0, "Latitude": 34.13, "Longitude": -118.2, "Population": 1931.0}, {"index": 4148, "quantile": 0.0, "value": 121500.00000000001, "Latitude": 34.12, "Longitude": -118.2, "Population": 1462.0}, {"index": 4148, "quantile": 0.25, "value": 171250.0, "Latitude": 34.12, "Longitude": -118.2, "Population": 1462.0}, {"index": 4148, "quantile": 0.5, "value": 179250.0, "Latitude": 34.12, "Longitude": -118.2, "Population": 1462.0}, {"index": 4148, "quantile": 0.75, "value": 193600.0, "Latitude": 34.12, "Longitude": -118.2, "Population": 1462.0}, {"index": 4148, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.2, "Population": 1462.0}, {"index": 4149, "quantile": 0.0, "value": 120200.0, "Latitude": 34.12, "Longitude": -118.2, "Population": 1557.0}, {"index": 4149, "quantile": 0.25, "value": 156125.0, "Latitude": 34.12, "Longitude": -118.2, "Population": 1557.0}, {"index": 4149, "quantile": 0.5, "value": 169200.0, "Latitude": 34.12, "Longitude": -118.2, "Population": 1557.0}, {"index": 4149, "quantile": 0.75, "value": 181175.0, "Latitude": 34.12, "Longitude": -118.2, "Population": 1557.0}, {"index": 4149, "quantile": 1.0, "value": 263500.0, "Latitude": 34.12, "Longitude": -118.2, "Population": 1557.0}, {"index": 4150, "quantile": 0.0, "value": 96100.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1127.0}, {"index": 4150, "quantile": 0.25, "value": 173900.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1127.0}, {"index": 4150, "quantile": 0.5, "value": 173900.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1127.0}, {"index": 4150, "quantile": 0.75, "value": 173900.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1127.0}, {"index": 4150, "quantile": 1.0, "value": 286500.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1127.0}, {"index": 4151, "quantile": 0.0, "value": 113700.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1666.0}, {"index": 4151, "quantile": 0.25, "value": 175800.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1666.0}, {"index": 4151, "quantile": 0.5, "value": 175800.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1666.0}, {"index": 4151, "quantile": 0.75, "value": 175800.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1666.0}, {"index": 4151, "quantile": 1.0, "value": 291500.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1666.0}, {"index": 4152, "quantile": 0.0, "value": 71300.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1189.0}, {"index": 4152, "quantile": 0.25, "value": 153500.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1189.0}, {"index": 4152, "quantile": 0.5, "value": 169300.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1189.0}, {"index": 4152, "quantile": 0.75, "value": 201750.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1189.0}, {"index": 4152, "quantile": 1.0, "value": 358100.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1189.0}, {"index": 4153, "quantile": 0.0, "value": 70100.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 791.0}, {"index": 4153, "quantile": 0.25, "value": 171300.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 791.0}, {"index": 4153, "quantile": 0.5, "value": 171300.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 791.0}, {"index": 4153, "quantile": 0.75, "value": 175000.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 791.0}, {"index": 4153, "quantile": 1.0, "value": 266400.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 791.0}, {"index": 4154, "quantile": 0.0, "value": 93800.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 4153.0}, {"index": 4154, "quantile": 0.25, "value": 162350.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 4153.0}, {"index": 4154, "quantile": 0.5, "value": 162900.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 4153.0}, {"index": 4154, "quantile": 0.75, "value": 162900.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 4153.0}, {"index": 4154, "quantile": 1.0, "value": 229500.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 4153.0}, {"index": 4155, "quantile": 0.0, "value": 94000.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 1856.0}, {"index": 4155, "quantile": 0.25, "value": 156400.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 1856.0}, {"index": 4155, "quantile": 0.5, "value": 156400.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 1856.0}, {"index": 4155, "quantile": 0.75, "value": 156400.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 1856.0}, {"index": 4155, "quantile": 1.0, "value": 227100.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 1856.0}, {"index": 4156, "quantile": 0.0, "value": 125000.0, "Latitude": 34.12, "Longitude": -118.2, "Population": 1500.0}, {"index": 4156, "quantile": 0.25, "value": 155600.0, "Latitude": 34.12, "Longitude": -118.2, "Population": 1500.0}, {"index": 4156, "quantile": 0.5, "value": 155600.0, "Latitude": 34.12, "Longitude": -118.2, "Population": 1500.0}, {"index": 4156, "quantile": 0.75, "value": 155600.0, "Latitude": 34.12, "Longitude": -118.2, "Population": 1500.0}, {"index": 4156, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 34.12, "Longitude": -118.2, "Population": 1500.0}, {"index": 4157, "quantile": 0.0, "value": 152200.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 2833.0}, {"index": 4157, "quantile": 0.25, "value": 176300.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 2833.0}, {"index": 4157, "quantile": 0.5, "value": 176900.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 2833.0}, {"index": 4157, "quantile": 0.75, "value": 176900.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 2833.0}, {"index": 4157, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 34.12, "Longitude": -118.19, "Population": 2833.0}, {"index": 4158, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 34.11, "Longitude": -118.19, "Population": 1032.0}, {"index": 4158, "quantile": 0.25, "value": 150000.0, "Latitude": 34.11, "Longitude": -118.19, "Population": 1032.0}, {"index": 4158, "quantile": 0.5, "value": 150000.0, "Latitude": 34.11, "Longitude": -118.19, "Population": 1032.0}, {"index": 4158, "quantile": 0.75, "value": 170425.0, "Latitude": 34.11, "Longitude": -118.19, "Population": 1032.0}, {"index": 4158, "quantile": 1.0, "value": 268500.0, "Latitude": 34.11, "Longitude": -118.19, "Population": 1032.0}, {"index": 4159, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 34.12, "Longitude": -118.19, "Population": 2487.0}, {"index": 4159, "quantile": 0.25, "value": 167700.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 2487.0}, {"index": 4159, "quantile": 0.5, "value": 167700.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 2487.0}, {"index": 4159, "quantile": 0.75, "value": 167700.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 2487.0}, {"index": 4159, "quantile": 1.0, "value": 217800.0, "Latitude": 34.12, "Longitude": -118.19, "Population": 2487.0}, {"index": 4160, "quantile": 0.0, "value": 106800.0, "Latitude": 34.11, "Longitude": -118.18, "Population": 753.0}, {"index": 4160, "quantile": 0.25, "value": 178800.0, "Latitude": 34.11, "Longitude": -118.18, "Population": 753.0}, {"index": 4160, "quantile": 0.5, "value": 208000.0, "Latitude": 34.11, "Longitude": -118.18, "Population": 753.0}, {"index": 4160, "quantile": 0.75, "value": 248700.0, "Latitude": 34.11, "Longitude": -118.18, "Population": 753.0}, {"index": 4160, "quantile": 1.0, "value": 414700.0, "Latitude": 34.11, "Longitude": -118.18, "Population": 753.0}, {"index": 4161, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 34.11, "Longitude": -118.18, "Population": 1204.0}, {"index": 4161, "quantile": 0.25, "value": 152200.0, "Latitude": 34.11, "Longitude": -118.18, "Population": 1204.0}, {"index": 4161, "quantile": 0.5, "value": 152200.0, "Latitude": 34.11, "Longitude": -118.18, "Population": 1204.0}, {"index": 4161, "quantile": 0.75, "value": 155750.0, "Latitude": 34.11, "Longitude": -118.18, "Population": 1204.0}, {"index": 4161, "quantile": 1.0, "value": 235700.00000000003, "Latitude": 34.11, "Longitude": -118.18, "Population": 1204.0}, {"index": 4162, "quantile": 0.0, "value": 129000.0, "Latitude": 34.11, "Longitude": -118.19, "Population": 1051.0}, {"index": 4162, "quantile": 0.25, "value": 169300.0, "Latitude": 34.11, "Longitude": -118.19, "Population": 1051.0}, {"index": 4162, "quantile": 0.5, "value": 169300.0, "Latitude": 34.11, "Longitude": -118.19, "Population": 1051.0}, {"index": 4162, "quantile": 0.75, "value": 169300.0, "Latitude": 34.11, "Longitude": -118.19, "Population": 1051.0}, {"index": 4162, "quantile": 1.0, "value": 445000.0, "Latitude": 34.11, "Longitude": -118.19, "Population": 1051.0}, {"index": 4163, "quantile": 0.0, "value": 143800.0, "Latitude": 34.11, "Longitude": -118.19, "Population": 1155.0}, {"index": 4163, "quantile": 0.25, "value": 143800.0, "Latitude": 34.11, "Longitude": -118.19, "Population": 1155.0}, {"index": 4163, "quantile": 0.5, "value": 143800.0, "Latitude": 34.11, "Longitude": -118.19, "Population": 1155.0}, {"index": 4163, "quantile": 0.75, "value": 169400.0, "Latitude": 34.11, "Longitude": -118.19, "Population": 1155.0}, {"index": 4163, "quantile": 1.0, "value": 346700.0, "Latitude": 34.11, "Longitude": -118.19, "Population": 1155.0}, {"index": 4164, "quantile": 0.0, "value": 136500.0, "Latitude": 34.1, "Longitude": -118.19, "Population": 1317.0}, {"index": 4164, "quantile": 0.25, "value": 153900.0, "Latitude": 34.1, "Longitude": -118.19, "Population": 1317.0}, {"index": 4164, "quantile": 0.5, "value": 153900.0, "Latitude": 34.1, "Longitude": -118.19, "Population": 1317.0}, {"index": 4164, "quantile": 0.75, "value": 156250.0, "Latitude": 34.1, "Longitude": -118.19, "Population": 1317.0}, {"index": 4164, "quantile": 1.0, "value": 344400.0, "Latitude": 34.1, "Longitude": -118.19, "Population": 1317.0}, {"index": 4165, "quantile": 0.0, "value": 38800.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 1809.0}, {"index": 4165, "quantile": 0.25, "value": 153925.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 1809.0}, {"index": 4165, "quantile": 0.5, "value": 167950.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 1809.0}, {"index": 4165, "quantile": 0.75, "value": 176700.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 1809.0}, {"index": 4165, "quantile": 1.0, "value": 360000.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 1809.0}, {"index": 4166, "quantile": 0.0, "value": 97100.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 1698.0}, {"index": 4166, "quantile": 0.25, "value": 149100.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 1698.0}, {"index": 4166, "quantile": 0.5, "value": 171300.0, "Latitude": 34.11, "Longitude": -118.2, "Population": 1698.0}, {"index": 4166, "quantile": 0.75, "value": 215174.99999999997, "Latitude": 34.11, "Longitude": -118.2, "Population": 1698.0}, {"index": 4166, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.2, "Population": 1698.0}, {"index": 4167, "quantile": 0.0, "value": 87500.0, "Latitude": 34.1, "Longitude": -118.2, "Population": 4336.0}, {"index": 4167, "quantile": 0.25, "value": 154500.0, "Latitude": 34.1, "Longitude": -118.2, "Population": 4336.0}, {"index": 4167, "quantile": 0.5, "value": 154500.0, "Latitude": 34.1, "Longitude": -118.2, "Population": 4336.0}, {"index": 4167, "quantile": 0.75, "value": 154500.0, "Latitude": 34.1, "Longitude": -118.2, "Population": 4336.0}, {"index": 4167, "quantile": 1.0, "value": 275000.0, "Latitude": 34.1, "Longitude": -118.2, "Population": 4336.0}, {"index": 4168, "quantile": 0.0, "value": 134400.0, "Latitude": 34.11, "Longitude": -118.21, "Population": 1661.0}, {"index": 4168, "quantile": 0.25, "value": 183225.00000000003, "Latitude": 34.11, "Longitude": -118.21, "Population": 1661.0}, {"index": 4168, "quantile": 0.5, "value": 203300.0, "Latitude": 34.11, "Longitude": -118.21, "Population": 1661.0}, {"index": 4168, "quantile": 0.75, "value": 233700.00000000003, "Latitude": 34.11, "Longitude": -118.21, "Population": 1661.0}, {"index": 4168, "quantile": 1.0, "value": 293300.0, "Latitude": 34.11, "Longitude": -118.21, "Population": 1661.0}, {"index": 4169, "quantile": 0.0, "value": 198400.0, "Latitude": 34.1, "Longitude": -118.21, "Population": 795.0}, {"index": 4169, "quantile": 0.25, "value": 218299.99999999997, "Latitude": 34.1, "Longitude": -118.21, "Population": 795.0}, {"index": 4169, "quantile": 0.5, "value": 218299.99999999997, "Latitude": 34.1, "Longitude": -118.21, "Population": 795.0}, {"index": 4169, "quantile": 0.75, "value": 223975.0, "Latitude": 34.1, "Longitude": -118.21, "Population": 795.0}, {"index": 4169, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.21, "Population": 795.0}, {"index": 4170, "quantile": 0.0, "value": 94000.0, "Latitude": 34.1, "Longitude": -118.21, "Population": 3348.0}, {"index": 4170, "quantile": 0.25, "value": 186800.0, "Latitude": 34.1, "Longitude": -118.21, "Population": 3348.0}, {"index": 4170, "quantile": 0.5, "value": 186800.0, "Latitude": 34.1, "Longitude": -118.21, "Population": 3348.0}, {"index": 4170, "quantile": 0.75, "value": 186800.0, "Latitude": 34.1, "Longitude": -118.21, "Population": 3348.0}, {"index": 4170, "quantile": 1.0, "value": 350000.0, "Latitude": 34.1, "Longitude": -118.21, "Population": 3348.0}, {"index": 4171, "quantile": 0.0, "value": 117200.0, "Latitude": 34.1, "Longitude": -118.22, "Population": 2785.0}, {"index": 4171, "quantile": 0.25, "value": 186775.0, "Latitude": 34.1, "Longitude": -118.22, "Population": 2785.0}, {"index": 4171, "quantile": 0.5, "value": 252100.0, "Latitude": 34.1, "Longitude": -118.22, "Population": 2785.0}, {"index": 4171, "quantile": 0.75, "value": 252100.0, "Latitude": 34.1, "Longitude": -118.22, "Population": 2785.0}, {"index": 4171, "quantile": 1.0, "value": 252100.0, "Latitude": 34.1, "Longitude": -118.22, "Population": 2785.0}, {"index": 4172, "quantile": 0.0, "value": 98800.0, "Latitude": 34.1, "Longitude": -118.23, "Population": 799.0}, {"index": 4172, "quantile": 0.25, "value": 143800.0, "Latitude": 34.1, "Longitude": -118.23, "Population": 799.0}, {"index": 4172, "quantile": 0.5, "value": 143800.0, "Latitude": 34.1, "Longitude": -118.23, "Population": 799.0}, {"index": 4172, "quantile": 0.75, "value": 171550.0, "Latitude": 34.1, "Longitude": -118.23, "Population": 799.0}, {"index": 4172, "quantile": 1.0, "value": 232100.00000000003, "Latitude": 34.1, "Longitude": -118.23, "Population": 799.0}, {"index": 4173, "quantile": 0.0, "value": 89600.0, "Latitude": 34.1, "Longitude": -118.23, "Population": 2121.0}, {"index": 4173, "quantile": 0.25, "value": 148200.0, "Latitude": 34.1, "Longitude": -118.23, "Population": 2121.0}, {"index": 4173, "quantile": 0.5, "value": 152900.0, "Latitude": 34.1, "Longitude": -118.23, "Population": 2121.0}, {"index": 4173, "quantile": 0.75, "value": 152900.0, "Latitude": 34.1, "Longitude": -118.23, "Population": 2121.0}, {"index": 4173, "quantile": 1.0, "value": 191700.0, "Latitude": 34.1, "Longitude": -118.23, "Population": 2121.0}, {"index": 4174, "quantile": 0.0, "value": 143800.0, "Latitude": 34.1, "Longitude": -118.21, "Population": 1234.0}, {"index": 4174, "quantile": 0.25, "value": 241699.99999999997, "Latitude": 34.1, "Longitude": -118.21, "Population": 1234.0}, {"index": 4174, "quantile": 0.5, "value": 241699.99999999997, "Latitude": 34.1, "Longitude": -118.21, "Population": 1234.0}, {"index": 4174, "quantile": 0.75, "value": 255200.0, "Latitude": 34.1, "Longitude": -118.21, "Population": 1234.0}, {"index": 4174, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.21, "Population": 1234.0}, {"index": 4175, "quantile": 0.0, "value": 105300.0, "Latitude": 34.09, "Longitude": -118.21, "Population": 1678.0}, {"index": 4175, "quantile": 0.25, "value": 148200.0, "Latitude": 34.09, "Longitude": -118.21, "Population": 1678.0}, {"index": 4175, "quantile": 0.5, "value": 148200.0, "Latitude": 34.09, "Longitude": -118.21, "Population": 1678.0}, {"index": 4175, "quantile": 0.75, "value": 148200.0, "Latitude": 34.09, "Longitude": -118.21, "Population": 1678.0}, {"index": 4175, "quantile": 1.0, "value": 232100.00000000003, "Latitude": 34.09, "Longitude": -118.21, "Population": 1678.0}, {"index": 4176, "quantile": 0.0, "value": 137500.0, "Latitude": 34.1, "Longitude": -118.22, "Population": 1187.0}, {"index": 4176, "quantile": 0.25, "value": 196600.0, "Latitude": 34.1, "Longitude": -118.22, "Population": 1187.0}, {"index": 4176, "quantile": 0.5, "value": 196600.0, "Latitude": 34.1, "Longitude": -118.22, "Population": 1187.0}, {"index": 4176, "quantile": 0.75, "value": 196600.0, "Latitude": 34.1, "Longitude": -118.22, "Population": 1187.0}, {"index": 4176, "quantile": 1.0, "value": 289300.0, "Latitude": 34.1, "Longitude": -118.22, "Population": 1187.0}, {"index": 4177, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 34.1, "Longitude": -118.23, "Population": 1536.0}, {"index": 4177, "quantile": 0.25, "value": 157000.0, "Latitude": 34.1, "Longitude": -118.23, "Population": 1536.0}, {"index": 4177, "quantile": 0.5, "value": 157000.0, "Latitude": 34.1, "Longitude": -118.23, "Population": 1536.0}, {"index": 4177, "quantile": 0.75, "value": 157000.0, "Latitude": 34.1, "Longitude": -118.23, "Population": 1536.0}, {"index": 4177, "quantile": 1.0, "value": 261600.0, "Latitude": 34.1, "Longitude": -118.23, "Population": 1536.0}, {"index": 4178, "quantile": 0.0, "value": 97900.0, "Latitude": 34.09, "Longitude": -118.22, "Population": 1941.0}, {"index": 4178, "quantile": 0.25, "value": 149700.0, "Latitude": 34.09, "Longitude": -118.22, "Population": 1941.0}, {"index": 4178, "quantile": 0.5, "value": 149700.0, "Latitude": 34.09, "Longitude": -118.22, "Population": 1941.0}, {"index": 4178, "quantile": 0.75, "value": 149700.0, "Latitude": 34.09, "Longitude": -118.22, "Population": 1941.0}, {"index": 4178, "quantile": 1.0, "value": 302900.0, "Latitude": 34.09, "Longitude": -118.22, "Population": 1941.0}, {"index": 4179, "quantile": 0.0, "value": 119900.0, "Latitude": 34.09, "Longitude": -118.22, "Population": 1835.0}, {"index": 4179, "quantile": 0.25, "value": 138900.0, "Latitude": 34.09, "Longitude": -118.22, "Population": 1835.0}, {"index": 4179, "quantile": 0.5, "value": 138900.0, "Latitude": 34.09, "Longitude": -118.22, "Population": 1835.0}, {"index": 4179, "quantile": 0.75, "value": 149100.0, "Latitude": 34.09, "Longitude": -118.22, "Population": 1835.0}, {"index": 4179, "quantile": 1.0, "value": 186800.0, "Latitude": 34.09, "Longitude": -118.22, "Population": 1835.0}, {"index": 4180, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.09, "Longitude": -118.22, "Population": 996.0}, {"index": 4180, "quantile": 0.25, "value": 165000.0, "Latitude": 34.09, "Longitude": -118.22, "Population": 996.0}, {"index": 4180, "quantile": 0.5, "value": 165000.0, "Latitude": 34.09, "Longitude": -118.22, "Population": 996.0}, {"index": 4180, "quantile": 0.75, "value": 165000.0, "Latitude": 34.09, "Longitude": -118.22, "Population": 996.0}, {"index": 4180, "quantile": 1.0, "value": 232100.00000000003, "Latitude": 34.09, "Longitude": -118.22, "Population": 996.0}, {"index": 4181, "quantile": 0.0, "value": 90000.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 690.0}, {"index": 4181, "quantile": 0.25, "value": 181300.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 690.0}, {"index": 4181, "quantile": 0.5, "value": 181300.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 690.0}, {"index": 4181, "quantile": 0.75, "value": 181300.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 690.0}, {"index": 4181, "quantile": 1.0, "value": 312500.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 690.0}, {"index": 4182, "quantile": 0.0, "value": 85600.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 781.0}, {"index": 4182, "quantile": 0.25, "value": 242775.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 781.0}, {"index": 4182, "quantile": 0.5, "value": 244400.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 781.0}, {"index": 4182, "quantile": 0.75, "value": 244400.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 781.0}, {"index": 4182, "quantile": 1.0, "value": 352200.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 781.0}, {"index": 4183, "quantile": 0.0, "value": 94000.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 462.0}, {"index": 4183, "quantile": 0.25, "value": 162225.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 462.0}, {"index": 4183, "quantile": 0.5, "value": 178950.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 462.0}, {"index": 4183, "quantile": 0.75, "value": 247700.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 462.0}, {"index": 4183, "quantile": 1.0, "value": 350000.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 462.0}, {"index": 4184, "quantile": 0.0, "value": 183800.0, "Latitude": 34.13, "Longitude": -118.22, "Population": 1375.0}, {"index": 4184, "quantile": 0.25, "value": 205799.99999999997, "Latitude": 34.13, "Longitude": -118.22, "Population": 1375.0}, {"index": 4184, "quantile": 0.5, "value": 205799.99999999997, "Latitude": 34.13, "Longitude": -118.22, "Population": 1375.0}, {"index": 4184, "quantile": 0.75, "value": 233425.0, "Latitude": 34.13, "Longitude": -118.22, "Population": 1375.0}, {"index": 4184, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.13, "Longitude": -118.22, "Population": 1375.0}, {"index": 4185, "quantile": 0.0, "value": 84500.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 407.0}, {"index": 4185, "quantile": 0.25, "value": 185800.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 407.0}, {"index": 4185, "quantile": 0.5, "value": 185800.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 407.0}, {"index": 4185, "quantile": 0.75, "value": 185900.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 407.0}, {"index": 4185, "quantile": 1.0, "value": 349600.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 407.0}, {"index": 4186, "quantile": 0.0, "value": 138700.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 835.0}, {"index": 4186, "quantile": 0.25, "value": 214800.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 835.0}, {"index": 4186, "quantile": 0.5, "value": 214800.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 835.0}, {"index": 4186, "quantile": 0.75, "value": 214800.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 835.0}, {"index": 4186, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.13, "Longitude": -118.23, "Population": 835.0}, {"index": 4187, "quantile": 0.0, "value": 148200.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 1088.0}, {"index": 4187, "quantile": 0.25, "value": 227150.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 1088.0}, {"index": 4187, "quantile": 0.5, "value": 244499.99999999997, "Latitude": 34.13, "Longitude": -118.23, "Population": 1088.0}, {"index": 4187, "quantile": 0.75, "value": 244499.99999999997, "Latitude": 34.13, "Longitude": -118.23, "Population": 1088.0}, {"index": 4187, "quantile": 1.0, "value": 335400.0, "Latitude": 34.13, "Longitude": -118.23, "Population": 1088.0}, {"index": 4188, "quantile": 0.0, "value": 143800.0, "Latitude": 34.12, "Longitude": -118.22, "Population": 2670.0}, {"index": 4188, "quantile": 0.25, "value": 185400.0, "Latitude": 34.12, "Longitude": -118.22, "Population": 2670.0}, {"index": 4188, "quantile": 0.5, "value": 185400.0, "Latitude": 34.12, "Longitude": -118.22, "Population": 2670.0}, {"index": 4188, "quantile": 0.75, "value": 208450.00000000003, "Latitude": 34.12, "Longitude": -118.22, "Population": 2670.0}, {"index": 4188, "quantile": 1.0, "value": 315500.0, "Latitude": 34.12, "Longitude": -118.22, "Population": 2670.0}, {"index": 4189, "quantile": 0.0, "value": 122200.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1523.0}, {"index": 4189, "quantile": 0.25, "value": 164600.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1523.0}, {"index": 4189, "quantile": 0.5, "value": 170500.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1523.0}, {"index": 4189, "quantile": 0.75, "value": 170500.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1523.0}, {"index": 4189, "quantile": 1.0, "value": 207200.0, "Latitude": 34.12, "Longitude": -118.21, "Population": 1523.0}, {"index": 4190, "quantile": 0.0, "value": 178600.0, "Latitude": 34.11, "Longitude": -118.22, "Population": 1371.0}, {"index": 4190, "quantile": 0.25, "value": 220900.0, "Latitude": 34.11, "Longitude": -118.22, "Population": 1371.0}, {"index": 4190, "quantile": 0.5, "value": 220900.0, "Latitude": 34.11, "Longitude": -118.22, "Population": 1371.0}, {"index": 4190, "quantile": 0.75, "value": 220900.0, "Latitude": 34.11, "Longitude": -118.22, "Population": 1371.0}, {"index": 4190, "quantile": 1.0, "value": 429100.00000000006, "Latitude": 34.11, "Longitude": -118.22, "Population": 1371.0}, {"index": 4191, "quantile": 0.0, "value": 174400.0, "Latitude": 34.12, "Longitude": -118.22, "Population": 750.0}, {"index": 4191, "quantile": 0.25, "value": 207375.0, "Latitude": 34.12, "Longitude": -118.22, "Population": 750.0}, {"index": 4191, "quantile": 0.5, "value": 228899.99999999997, "Latitude": 34.12, "Longitude": -118.22, "Population": 750.0}, {"index": 4191, "quantile": 0.75, "value": 317700.0, "Latitude": 34.12, "Longitude": -118.22, "Population": 750.0}, {"index": 4191, "quantile": 1.0, "value": 485700.0, "Latitude": 34.12, "Longitude": -118.22, "Population": 750.0}, {"index": 4192, "quantile": 0.0, "value": 121700.00000000001, "Latitude": 34.12, "Longitude": -118.23, "Population": 974.0}, {"index": 4192, "quantile": 0.25, "value": 183800.0, "Latitude": 34.12, "Longitude": -118.23, "Population": 974.0}, {"index": 4192, "quantile": 0.5, "value": 183800.0, "Latitude": 34.12, "Longitude": -118.23, "Population": 974.0}, {"index": 4192, "quantile": 0.75, "value": 188899.99999999997, "Latitude": 34.12, "Longitude": -118.23, "Population": 974.0}, {"index": 4192, "quantile": 1.0, "value": 445000.0, "Latitude": 34.12, "Longitude": -118.23, "Population": 974.0}, {"index": 4193, "quantile": 0.0, "value": 117600.0, "Latitude": 34.12, "Longitude": -118.24, "Population": 801.0}, {"index": 4193, "quantile": 0.25, "value": 204199.99999999997, "Latitude": 34.12, "Longitude": -118.24, "Population": 801.0}, {"index": 4193, "quantile": 0.5, "value": 204199.99999999997, "Latitude": 34.12, "Longitude": -118.24, "Population": 801.0}, {"index": 4193, "quantile": 0.75, "value": 204199.99999999997, "Latitude": 34.12, "Longitude": -118.24, "Population": 801.0}, {"index": 4193, "quantile": 1.0, "value": 271600.0, "Latitude": 34.12, "Longitude": -118.24, "Population": 801.0}, {"index": 4194, "quantile": 0.0, "value": 112500.0, "Latitude": 34.12, "Longitude": -118.23, "Population": 1413.0}, {"index": 4194, "quantile": 0.25, "value": 181300.0, "Latitude": 34.12, "Longitude": -118.23, "Population": 1413.0}, {"index": 4194, "quantile": 0.5, "value": 204250.0, "Latitude": 34.12, "Longitude": -118.23, "Population": 1413.0}, {"index": 4194, "quantile": 0.75, "value": 235000.0, "Latitude": 34.12, "Longitude": -118.23, "Population": 1413.0}, {"index": 4194, "quantile": 1.0, "value": 350000.0, "Latitude": 34.12, "Longitude": -118.23, "Population": 1413.0}, {"index": 4195, "quantile": 0.0, "value": 146200.0, "Latitude": 34.11, "Longitude": -118.23, "Population": 495.0}, {"index": 4195, "quantile": 0.25, "value": 223500.0, "Latitude": 34.11, "Longitude": -118.23, "Population": 495.0}, {"index": 4195, "quantile": 0.5, "value": 223500.0, "Latitude": 34.11, "Longitude": -118.23, "Population": 495.0}, {"index": 4195, "quantile": 0.75, "value": 241299.99999999997, "Latitude": 34.11, "Longitude": -118.23, "Population": 495.0}, {"index": 4195, "quantile": 1.0, "value": 411200.0, "Latitude": 34.11, "Longitude": -118.23, "Population": 495.0}, {"index": 4196, "quantile": 0.0, "value": 117700.0, "Latitude": 34.11, "Longitude": -118.23, "Population": 3220.0}, {"index": 4196, "quantile": 0.25, "value": 187100.0, "Latitude": 34.11, "Longitude": -118.23, "Population": 3220.0}, {"index": 4196, "quantile": 0.5, "value": 187100.0, "Latitude": 34.11, "Longitude": -118.23, "Population": 3220.0}, {"index": 4196, "quantile": 0.75, "value": 187100.0, "Latitude": 34.11, "Longitude": -118.23, "Population": 3220.0}, {"index": 4196, "quantile": 1.0, "value": 217200.00000000003, "Latitude": 34.11, "Longitude": -118.23, "Population": 3220.0}, {"index": 4197, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.12, "Longitude": -118.25, "Population": 1584.0}, {"index": 4197, "quantile": 0.25, "value": 130800.0, "Latitude": 34.12, "Longitude": -118.25, "Population": 1584.0}, {"index": 4197, "quantile": 0.5, "value": 156300.0, "Latitude": 34.12, "Longitude": -118.25, "Population": 1584.0}, {"index": 4197, "quantile": 0.75, "value": 183300.0, "Latitude": 34.12, "Longitude": -118.25, "Population": 1584.0}, {"index": 4197, "quantile": 1.0, "value": 350000.0, "Latitude": 34.12, "Longitude": -118.25, "Population": 1584.0}, {"index": 4198, "quantile": 0.0, "value": 88800.0, "Latitude": 34.12, "Longitude": -118.24, "Population": 3320.0}, {"index": 4198, "quantile": 0.25, "value": 165574.99999999997, "Latitude": 34.12, "Longitude": -118.24, "Population": 3320.0}, {"index": 4198, "quantile": 0.5, "value": 168800.0, "Latitude": 34.12, "Longitude": -118.24, "Population": 3320.0}, {"index": 4198, "quantile": 0.75, "value": 168800.0, "Latitude": 34.12, "Longitude": -118.24, "Population": 3320.0}, {"index": 4198, "quantile": 1.0, "value": 312500.0, "Latitude": 34.12, "Longitude": -118.24, "Population": 3320.0}, {"index": 4199, "quantile": 0.0, "value": 22500.0, "Latitude": 34.12, "Longitude": -118.24, "Population": 125.0}, {"index": 4199, "quantile": 0.25, "value": 154200.0, "Latitude": 34.12, "Longitude": -118.24, "Population": 125.0}, {"index": 4199, "quantile": 0.5, "value": 154200.0, "Latitude": 34.12, "Longitude": -118.24, "Population": 125.0}, {"index": 4199, "quantile": 0.75, "value": 154200.0, "Latitude": 34.12, "Longitude": -118.24, "Population": 125.0}, {"index": 4199, "quantile": 1.0, "value": 312500.0, "Latitude": 34.12, "Longitude": -118.24, "Population": 125.0}, {"index": 4200, "quantile": 0.0, "value": 127800.0, "Latitude": 34.11, "Longitude": -118.24, "Population": 1777.0}, {"index": 4200, "quantile": 0.25, "value": 178800.0, "Latitude": 34.11, "Longitude": -118.24, "Population": 1777.0}, {"index": 4200, "quantile": 0.5, "value": 178800.0, "Latitude": 34.11, "Longitude": -118.24, "Population": 1777.0}, {"index": 4200, "quantile": 0.75, "value": 178800.0, "Latitude": 34.11, "Longitude": -118.24, "Population": 1777.0}, {"index": 4200, "quantile": 1.0, "value": 251100.0, "Latitude": 34.11, "Longitude": -118.24, "Population": 1777.0}, {"index": 4201, "quantile": 0.0, "value": 126000.0, "Latitude": 34.11, "Longitude": -118.24, "Population": 1161.0}, {"index": 4201, "quantile": 0.25, "value": 174075.0, "Latitude": 34.11, "Longitude": -118.24, "Population": 1161.0}, {"index": 4201, "quantile": 0.5, "value": 176700.0, "Latitude": 34.11, "Longitude": -118.24, "Population": 1161.0}, {"index": 4201, "quantile": 0.75, "value": 176700.0, "Latitude": 34.11, "Longitude": -118.24, "Population": 1161.0}, {"index": 4201, "quantile": 1.0, "value": 305800.0, "Latitude": 34.11, "Longitude": -118.24, "Population": 1161.0}, {"index": 4202, "quantile": 0.0, "value": 91000.0, "Latitude": 34.11, "Longitude": -118.23, "Population": 2496.0}, {"index": 4202, "quantile": 0.25, "value": 153150.0, "Latitude": 34.11, "Longitude": -118.23, "Population": 2496.0}, {"index": 4202, "quantile": 0.5, "value": 169700.0, "Latitude": 34.11, "Longitude": -118.23, "Population": 2496.0}, {"index": 4202, "quantile": 0.75, "value": 187100.0, "Latitude": 34.11, "Longitude": -118.23, "Population": 2496.0}, {"index": 4202, "quantile": 1.0, "value": 242700.0, "Latitude": 34.11, "Longitude": -118.23, "Population": 2496.0}, {"index": 4203, "quantile": 0.0, "value": 166900.0, "Latitude": 34.12, "Longitude": -118.26, "Population": 1768.0}, {"index": 4203, "quantile": 0.25, "value": 214000.0, "Latitude": 34.12, "Longitude": -118.26, "Population": 1768.0}, {"index": 4203, "quantile": 0.5, "value": 214000.0, "Latitude": 34.12, "Longitude": -118.26, "Population": 1768.0}, {"index": 4203, "quantile": 0.75, "value": 217000.0, "Latitude": 34.12, "Longitude": -118.26, "Population": 1768.0}, {"index": 4203, "quantile": 1.0, "value": 417600.0, "Latitude": 34.12, "Longitude": -118.26, "Population": 1768.0}, {"index": 4204, "quantile": 0.0, "value": 117400.0, "Latitude": 34.11, "Longitude": -118.26, "Population": 1445.0}, {"index": 4204, "quantile": 0.25, "value": 210900.0, "Latitude": 34.11, "Longitude": -118.26, "Population": 1445.0}, {"index": 4204, "quantile": 0.5, "value": 210900.0, "Latitude": 34.11, "Longitude": -118.26, "Population": 1445.0}, {"index": 4204, "quantile": 0.75, "value": 210900.0, "Latitude": 34.11, "Longitude": -118.26, "Population": 1445.0}, {"index": 4204, "quantile": 1.0, "value": 335500.0, "Latitude": 34.11, "Longitude": -118.26, "Population": 1445.0}, {"index": 4205, "quantile": 0.0, "value": 152200.0, "Latitude": 34.11, "Longitude": -118.25, "Population": 1667.0}, {"index": 4205, "quantile": 0.25, "value": 217800.0, "Latitude": 34.11, "Longitude": -118.25, "Population": 1667.0}, {"index": 4205, "quantile": 0.5, "value": 217800.0, "Latitude": 34.11, "Longitude": -118.25, "Population": 1667.0}, {"index": 4205, "quantile": 0.75, "value": 217800.0, "Latitude": 34.11, "Longitude": -118.25, "Population": 1667.0}, {"index": 4205, "quantile": 1.0, "value": 350900.0, "Latitude": 34.11, "Longitude": -118.25, "Population": 1667.0}, {"index": 4206, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 34.11, "Longitude": -118.25, "Population": 1817.0}, {"index": 4206, "quantile": 0.25, "value": 200975.0, "Latitude": 34.11, "Longitude": -118.25, "Population": 1817.0}, {"index": 4206, "quantile": 0.5, "value": 213499.99999999997, "Latitude": 34.11, "Longitude": -118.25, "Population": 1817.0}, {"index": 4206, "quantile": 0.75, "value": 219000.0, "Latitude": 34.11, "Longitude": -118.25, "Population": 1817.0}, {"index": 4206, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.25, "Population": 1817.0}, {"index": 4207, "quantile": 0.0, "value": 94300.0, "Latitude": 34.11, "Longitude": -118.25, "Population": 1467.0}, {"index": 4207, "quantile": 0.25, "value": 156300.0, "Latitude": 34.11, "Longitude": -118.25, "Population": 1467.0}, {"index": 4207, "quantile": 0.5, "value": 156300.0, "Latitude": 34.11, "Longitude": -118.25, "Population": 1467.0}, {"index": 4207, "quantile": 0.75, "value": 156300.0, "Latitude": 34.11, "Longitude": -118.25, "Population": 1467.0}, {"index": 4207, "quantile": 1.0, "value": 213300.0, "Latitude": 34.11, "Longitude": -118.25, "Population": 1467.0}, {"index": 4208, "quantile": 0.0, "value": 132100.0, "Latitude": 34.1, "Longitude": -118.24, "Population": 1688.0}, {"index": 4208, "quantile": 0.25, "value": 141300.0, "Latitude": 34.1, "Longitude": -118.24, "Population": 1688.0}, {"index": 4208, "quantile": 0.5, "value": 141300.0, "Latitude": 34.1, "Longitude": -118.24, "Population": 1688.0}, {"index": 4208, "quantile": 0.75, "value": 152300.0, "Latitude": 34.1, "Longitude": -118.24, "Population": 1688.0}, {"index": 4208, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 34.1, "Longitude": -118.24, "Population": 1688.0}, {"index": 4209, "quantile": 0.0, "value": 73500.0, "Latitude": 34.11, "Longitude": -118.25, "Population": 99.0}, {"index": 4209, "quantile": 0.25, "value": 170000.0, "Latitude": 34.11, "Longitude": -118.25, "Population": 99.0}, {"index": 4209, "quantile": 0.5, "value": 170000.0, "Latitude": 34.11, "Longitude": -118.25, "Population": 99.0}, {"index": 4209, "quantile": 0.75, "value": 315400.0, "Latitude": 34.11, "Longitude": -118.25, "Population": 99.0}, {"index": 4209, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.25, "Population": 99.0}, {"index": 4210, "quantile": 0.0, "value": 67500.0, "Latitude": 34.1, "Longitude": -118.25, "Population": 312.0}, {"index": 4210, "quantile": 0.25, "value": 164300.0, "Latitude": 34.1, "Longitude": -118.25, "Population": 312.0}, {"index": 4210, "quantile": 0.5, "value": 164300.0, "Latitude": 34.1, "Longitude": -118.25, "Population": 312.0}, {"index": 4210, "quantile": 0.75, "value": 201125.0, "Latitude": 34.1, "Longitude": -118.25, "Population": 312.0}, {"index": 4210, "quantile": 1.0, "value": 358100.0, "Latitude": 34.1, "Longitude": -118.25, "Population": 312.0}, {"index": 4211, "quantile": 0.0, "value": 189800.0, "Latitude": 34.1, "Longitude": -118.25, "Population": 1935.0}, {"index": 4211, "quantile": 0.25, "value": 253850.0, "Latitude": 34.1, "Longitude": -118.25, "Population": 1935.0}, {"index": 4211, "quantile": 0.5, "value": 331400.0, "Latitude": 34.1, "Longitude": -118.25, "Population": 1935.0}, {"index": 4211, "quantile": 0.75, "value": 366700.0, "Latitude": 34.1, "Longitude": -118.25, "Population": 1935.0}, {"index": 4211, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.25, "Population": 1935.0}, {"index": 4212, "quantile": 0.0, "value": 96500.0, "Latitude": 34.11, "Longitude": -118.26, "Population": 749.0}, {"index": 4212, "quantile": 0.25, "value": 270700.0, "Latitude": 34.11, "Longitude": -118.26, "Population": 749.0}, {"index": 4212, "quantile": 0.5, "value": 270700.0, "Latitude": 34.11, "Longitude": -118.26, "Population": 749.0}, {"index": 4212, "quantile": 0.75, "value": 270700.0, "Latitude": 34.11, "Longitude": -118.26, "Population": 749.0}, {"index": 4212, "quantile": 1.0, "value": 468000.0, "Latitude": 34.11, "Longitude": -118.26, "Population": 749.0}, {"index": 4213, "quantile": 0.0, "value": 90300.0, "Latitude": 34.14, "Longitude": -118.27, "Population": 2320.0}, {"index": 4213, "quantile": 0.25, "value": 204500.0, "Latitude": 34.14, "Longitude": -118.27, "Population": 2320.0}, {"index": 4213, "quantile": 0.5, "value": 204500.0, "Latitude": 34.14, "Longitude": -118.27, "Population": 2320.0}, {"index": 4213, "quantile": 0.75, "value": 205700.0, "Latitude": 34.14, "Longitude": -118.27, "Population": 2320.0}, {"index": 4213, "quantile": 1.0, "value": 425000.0, "Latitude": 34.14, "Longitude": -118.27, "Population": 2320.0}, {"index": 4214, "quantile": 0.0, "value": 50600.0, "Latitude": 34.13, "Longitude": -118.27, "Population": 1512.0}, {"index": 4214, "quantile": 0.25, "value": 154250.0, "Latitude": 34.13, "Longitude": -118.27, "Population": 1512.0}, {"index": 4214, "quantile": 0.5, "value": 159950.0, "Latitude": 34.13, "Longitude": -118.27, "Population": 1512.0}, {"index": 4214, "quantile": 0.75, "value": 188850.0, "Latitude": 34.13, "Longitude": -118.27, "Population": 1512.0}, {"index": 4214, "quantile": 1.0, "value": 275000.0, "Latitude": 34.13, "Longitude": -118.27, "Population": 1512.0}, {"index": 4215, "quantile": 0.0, "value": 116300.0, "Latitude": 34.13, "Longitude": -118.27, "Population": 966.0}, {"index": 4215, "quantile": 0.25, "value": 230300.0, "Latitude": 34.13, "Longitude": -118.27, "Population": 966.0}, {"index": 4215, "quantile": 0.5, "value": 230300.0, "Latitude": 34.13, "Longitude": -118.27, "Population": 966.0}, {"index": 4215, "quantile": 0.75, "value": 230300.0, "Latitude": 34.13, "Longitude": -118.27, "Population": 966.0}, {"index": 4215, "quantile": 1.0, "value": 425000.0, "Latitude": 34.13, "Longitude": -118.27, "Population": 966.0}, {"index": 4216, "quantile": 0.0, "value": 175000.0, "Latitude": 34.11, "Longitude": -118.27, "Population": 934.0}, {"index": 4216, "quantile": 0.25, "value": 276600.0, "Latitude": 34.11, "Longitude": -118.27, "Population": 934.0}, {"index": 4216, "quantile": 0.5, "value": 276600.0, "Latitude": 34.11, "Longitude": -118.27, "Population": 934.0}, {"index": 4216, "quantile": 0.75, "value": 276600.0, "Latitude": 34.11, "Longitude": -118.27, "Population": 934.0}, {"index": 4216, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.27, "Population": 934.0}, {"index": 4217, "quantile": 0.0, "value": 210900.0, "Latitude": 34.11, "Longitude": -118.27, "Population": 1378.0}, {"index": 4217, "quantile": 0.25, "value": 442025.0, "Latitude": 34.11, "Longitude": -118.27, "Population": 1378.0}, {"index": 4217, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.27, "Population": 1378.0}, {"index": 4217, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.27, "Population": 1378.0}, {"index": 4217, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.27, "Population": 1378.0}, {"index": 4218, "quantile": 0.0, "value": 167000.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 1830.0}, {"index": 4218, "quantile": 0.25, "value": 318300.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 1830.0}, {"index": 4218, "quantile": 0.5, "value": 371100.00000000006, "Latitude": 34.11, "Longitude": -118.28, "Population": 1830.0}, {"index": 4218, "quantile": 0.75, "value": 438250.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 1830.0}, {"index": 4218, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.28, "Population": 1830.0}, {"index": 4219, "quantile": 0.0, "value": 195800.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 633.0}, {"index": 4219, "quantile": 0.25, "value": 300075.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 633.0}, {"index": 4219, "quantile": 0.5, "value": 438300.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 633.0}, {"index": 4219, "quantile": 0.75, "value": 438300.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 633.0}, {"index": 4219, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.28, "Population": 633.0}, {"index": 4220, "quantile": 0.0, "value": 483300.0, "Latitude": 34.12, "Longitude": -118.28, "Population": 836.0}, {"index": 4220, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.28, "Population": 836.0}, {"index": 4220, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.28, "Population": 836.0}, {"index": 4220, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.28, "Population": 836.0}, {"index": 4220, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.28, "Population": 836.0}, {"index": 4221, "quantile": 0.0, "value": 105300.0, "Latitude": 34.12, "Longitude": -118.26, "Population": 1375.0}, {"index": 4221, "quantile": 0.25, "value": 209100.00000000003, "Latitude": 34.12, "Longitude": -118.26, "Population": 1375.0}, {"index": 4221, "quantile": 0.5, "value": 209100.00000000003, "Latitude": 34.12, "Longitude": -118.26, "Population": 1375.0}, {"index": 4221, "quantile": 0.75, "value": 209100.00000000003, "Latitude": 34.12, "Longitude": -118.26, "Population": 1375.0}, {"index": 4221, "quantile": 1.0, "value": 445000.0, "Latitude": 34.12, "Longitude": -118.26, "Population": 1375.0}, {"index": 4222, "quantile": 0.0, "value": 82800.0, "Latitude": 34.12, "Longitude": -118.26, "Population": 1278.0}, {"index": 4222, "quantile": 0.25, "value": 238200.0, "Latitude": 34.12, "Longitude": -118.26, "Population": 1278.0}, {"index": 4222, "quantile": 0.5, "value": 238200.0, "Latitude": 34.12, "Longitude": -118.26, "Population": 1278.0}, {"index": 4222, "quantile": 0.75, "value": 238200.0, "Latitude": 34.12, "Longitude": -118.26, "Population": 1278.0}, {"index": 4222, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.26, "Population": 1278.0}, {"index": 4223, "quantile": 0.0, "value": 155400.0, "Latitude": 34.12, "Longitude": -118.27, "Population": 1089.0}, {"index": 4223, "quantile": 0.25, "value": 230600.0, "Latitude": 34.12, "Longitude": -118.27, "Population": 1089.0}, {"index": 4223, "quantile": 0.5, "value": 230600.0, "Latitude": 34.12, "Longitude": -118.27, "Population": 1089.0}, {"index": 4223, "quantile": 0.75, "value": 230600.0, "Latitude": 34.12, "Longitude": -118.27, "Population": 1089.0}, {"index": 4223, "quantile": 1.0, "value": 330300.0, "Latitude": 34.12, "Longitude": -118.27, "Population": 1089.0}, {"index": 4224, "quantile": 0.0, "value": 220800.00000000003, "Latitude": 34.11, "Longitude": -118.29, "Population": 1076.0}, {"index": 4224, "quantile": 0.25, "value": 495950.0, "Latitude": 34.11, "Longitude": -118.29, "Population": 1076.0}, {"index": 4224, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.29, "Population": 1076.0}, {"index": 4224, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.29, "Population": 1076.0}, {"index": 4224, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.29, "Population": 1076.0}, {"index": 4225, "quantile": 0.0, "value": 181800.0, "Latitude": 34.11, "Longitude": -118.29, "Population": 1144.0}, {"index": 4225, "quantile": 0.25, "value": 264300.0, "Latitude": 34.11, "Longitude": -118.29, "Population": 1144.0}, {"index": 4225, "quantile": 0.5, "value": 264300.0, "Latitude": 34.11, "Longitude": -118.29, "Population": 1144.0}, {"index": 4225, "quantile": 0.75, "value": 264300.0, "Latitude": 34.11, "Longitude": -118.29, "Population": 1144.0}, {"index": 4225, "quantile": 1.0, "value": 435700.0, "Latitude": 34.11, "Longitude": -118.29, "Population": 1144.0}, {"index": 4226, "quantile": 0.0, "value": 160300.0, "Latitude": 34.1, "Longitude": -118.29, "Population": 1165.0}, {"index": 4226, "quantile": 0.25, "value": 248575.0, "Latitude": 34.1, "Longitude": -118.29, "Population": 1165.0}, {"index": 4226, "quantile": 0.5, "value": 254199.99999999997, "Latitude": 34.1, "Longitude": -118.29, "Population": 1165.0}, {"index": 4226, "quantile": 0.75, "value": 254199.99999999997, "Latitude": 34.1, "Longitude": -118.29, "Population": 1165.0}, {"index": 4226, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.29, "Population": 1165.0}, {"index": 4227, "quantile": 0.0, "value": 140300.0, "Latitude": 34.1, "Longitude": -118.29, "Population": 1190.0}, {"index": 4227, "quantile": 0.25, "value": 251200.0, "Latitude": 34.1, "Longitude": -118.29, "Population": 1190.0}, {"index": 4227, "quantile": 0.5, "value": 265500.0, "Latitude": 34.1, "Longitude": -118.29, "Population": 1190.0}, {"index": 4227, "quantile": 0.75, "value": 265500.0, "Latitude": 34.1, "Longitude": -118.29, "Population": 1190.0}, {"index": 4227, "quantile": 1.0, "value": 397900.0, "Latitude": 34.1, "Longitude": -118.29, "Population": 1190.0}, {"index": 4228, "quantile": 0.0, "value": 17500.0, "Latitude": 34.11, "Longitude": -118.29, "Population": 1685.0}, {"index": 4228, "quantile": 0.25, "value": 211649.99999999997, "Latitude": 34.11, "Longitude": -118.29, "Population": 1685.0}, {"index": 4228, "quantile": 0.5, "value": 233350.0, "Latitude": 34.11, "Longitude": -118.29, "Population": 1685.0}, {"index": 4228, "quantile": 0.75, "value": 306800.0, "Latitude": 34.11, "Longitude": -118.29, "Population": 1685.0}, {"index": 4228, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.29, "Population": 1685.0}, {"index": 4229, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.29, "Population": 1113.0}, {"index": 4229, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.29, "Population": 1113.0}, {"index": 4229, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.29, "Population": 1113.0}, {"index": 4229, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.29, "Population": 1113.0}, {"index": 4229, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.29, "Population": 1113.0}, {"index": 4230, "quantile": 0.0, "value": 90400.0, "Latitude": 34.11, "Longitude": -118.29, "Population": 681.0}, {"index": 4230, "quantile": 0.25, "value": 266600.0, "Latitude": 34.11, "Longitude": -118.29, "Population": 681.0}, {"index": 4230, "quantile": 0.5, "value": 436400.0, "Latitude": 34.11, "Longitude": -118.29, "Population": 681.0}, {"index": 4230, "quantile": 0.75, "value": 436400.0, "Latitude": 34.11, "Longitude": -118.29, "Population": 681.0}, {"index": 4230, "quantile": 1.0, "value": 436400.0, "Latitude": 34.11, "Longitude": -118.29, "Population": 681.0}, {"index": 4231, "quantile": 0.0, "value": 159100.0, "Latitude": 34.11, "Longitude": -118.3, "Population": 1213.0}, {"index": 4231, "quantile": 0.25, "value": 302575.0, "Latitude": 34.11, "Longitude": -118.3, "Population": 1213.0}, {"index": 4231, "quantile": 0.5, "value": 372050.00000000006, "Latitude": 34.11, "Longitude": -118.3, "Population": 1213.0}, {"index": 4231, "quantile": 0.75, "value": 427600.0, "Latitude": 34.11, "Longitude": -118.3, "Population": 1213.0}, {"index": 4231, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.3, "Population": 1213.0}, {"index": 4232, "quantile": 0.0, "value": 130000.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 3895.0}, {"index": 4232, "quantile": 0.25, "value": 248450.00000000003, "Latitude": 34.1, "Longitude": -118.3, "Population": 3895.0}, {"index": 4232, "quantile": 0.5, "value": 283300.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 3895.0}, {"index": 4232, "quantile": 0.75, "value": 283300.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 3895.0}, {"index": 4232, "quantile": 1.0, "value": 438300.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 3895.0}, {"index": 4233, "quantile": 0.0, "value": 204800.0, "Latitude": 34.11, "Longitude": -118.3, "Population": 568.0}, {"index": 4233, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.3, "Population": 568.0}, {"index": 4233, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.3, "Population": 568.0}, {"index": 4233, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.3, "Population": 568.0}, {"index": 4233, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.3, "Population": 568.0}, {"index": 4234, "quantile": 0.0, "value": 345300.0, "Latitude": 34.11, "Longitude": -118.3, "Population": 645.0}, {"index": 4234, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.3, "Population": 645.0}, {"index": 4234, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.3, "Population": 645.0}, {"index": 4234, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.3, "Population": 645.0}, {"index": 4234, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.3, "Population": 645.0}, {"index": 4235, "quantile": 0.0, "value": 225999.99999999997, "Latitude": 34.11, "Longitude": -118.31, "Population": 735.0}, {"index": 4235, "quantile": 0.25, "value": 393600.0, "Latitude": 34.11, "Longitude": -118.31, "Population": 735.0}, {"index": 4235, "quantile": 0.5, "value": 433300.0, "Latitude": 34.11, "Longitude": -118.31, "Population": 735.0}, {"index": 4235, "quantile": 0.75, "value": 433300.0, "Latitude": 34.11, "Longitude": -118.31, "Population": 735.0}, {"index": 4235, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.31, "Population": 735.0}, {"index": 4236, "quantile": 0.0, "value": 362600.0, "Latitude": 34.12, "Longitude": -118.31, "Population": 1271.0}, {"index": 4236, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.31, "Population": 1271.0}, {"index": 4236, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.31, "Population": 1271.0}, {"index": 4236, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.31, "Population": 1271.0}, {"index": 4236, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.31, "Population": 1271.0}, {"index": 4237, "quantile": 0.0, "value": 293500.0, "Latitude": 34.13, "Longitude": -118.31, "Population": 907.0}, {"index": 4237, "quantile": 0.25, "value": 498700.0, "Latitude": 34.13, "Longitude": -118.31, "Population": 907.0}, {"index": 4237, "quantile": 0.5, "value": 498700.0, "Latitude": 34.13, "Longitude": -118.31, "Population": 907.0}, {"index": 4237, "quantile": 0.75, "value": 499025.25000000006, "Latitude": 34.13, "Longitude": -118.31, "Population": 907.0}, {"index": 4237, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.31, "Population": 907.0}, {"index": 4238, "quantile": 0.0, "value": 175000.0, "Latitude": 34.12, "Longitude": -118.32, "Population": 1218.0}, {"index": 4238, "quantile": 0.25, "value": 393500.0, "Latitude": 34.12, "Longitude": -118.32, "Population": 1218.0}, {"index": 4238, "quantile": 0.5, "value": 393500.0, "Latitude": 34.12, "Longitude": -118.32, "Population": 1218.0}, {"index": 4238, "quantile": 0.75, "value": 393500.0, "Latitude": 34.12, "Longitude": -118.32, "Population": 1218.0}, {"index": 4238, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.32, "Population": 1218.0}, {"index": 4239, "quantile": 0.0, "value": 262500.0, "Latitude": 34.11, "Longitude": -118.32, "Population": 857.0}, {"index": 4239, "quantile": 0.25, "value": 499350.0, "Latitude": 34.11, "Longitude": -118.32, "Population": 857.0}, {"index": 4239, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.32, "Population": 857.0}, {"index": 4239, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.32, "Population": 857.0}, {"index": 4239, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.32, "Population": 857.0}, {"index": 4240, "quantile": 0.0, "value": 218800.00000000003, "Latitude": 34.11, "Longitude": -118.32, "Population": 2404.0}, {"index": 4240, "quantile": 0.25, "value": 360625.0, "Latitude": 34.11, "Longitude": -118.32, "Population": 2404.0}, {"index": 4240, "quantile": 0.5, "value": 435700.0, "Latitude": 34.11, "Longitude": -118.32, "Population": 2404.0}, {"index": 4240, "quantile": 0.75, "value": 435700.0, "Latitude": 34.11, "Longitude": -118.32, "Population": 2404.0}, {"index": 4240, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.32, "Population": 2404.0}, {"index": 4241, "quantile": 0.0, "value": 166700.0, "Latitude": 34.11, "Longitude": -118.32, "Population": 2796.0}, {"index": 4241, "quantile": 0.25, "value": 410700.0, "Latitude": 34.11, "Longitude": -118.32, "Population": 2796.0}, {"index": 4241, "quantile": 0.5, "value": 410700.0, "Latitude": 34.11, "Longitude": -118.32, "Population": 2796.0}, {"index": 4241, "quantile": 0.75, "value": 410700.0, "Latitude": 34.11, "Longitude": -118.32, "Population": 2796.0}, {"index": 4241, "quantile": 1.0, "value": 500000.0, "Latitude": 34.11, "Longitude": -118.32, "Population": 2796.0}, {"index": 4242, "quantile": 0.0, "value": 181800.0, "Latitude": 34.11, "Longitude": -118.33, "Population": 1939.0}, {"index": 4242, "quantile": 0.25, "value": 281125.0, "Latitude": 34.11, "Longitude": -118.33, "Population": 1939.0}, {"index": 4242, "quantile": 0.5, "value": 438300.0, "Latitude": 34.11, "Longitude": -118.33, "Population": 1939.0}, {"index": 4242, "quantile": 0.75, "value": 438300.0, "Latitude": 34.11, "Longitude": -118.33, "Population": 1939.0}, {"index": 4242, "quantile": 1.0, "value": 445000.0, "Latitude": 34.11, "Longitude": -118.33, "Population": 1939.0}, {"index": 4243, "quantile": 0.0, "value": 157500.0, "Latitude": 34.11, "Longitude": -118.33, "Population": 784.0}, {"index": 4243, "quantile": 0.25, "value": 342900.0, "Latitude": 34.11, "Longitude": -118.33, "Population": 784.0}, {"index": 4243, "quantile": 0.5, "value": 342900.0, "Latitude": 34.11, "Longitude": -118.33, "Population": 784.0}, {"index": 4243, "quantile": 0.75, "value": 342900.0, "Latitude": 34.11, "Longitude": -118.33, "Population": 784.0}, {"index": 4243, "quantile": 1.0, "value": 431400.0, "Latitude": 34.11, "Longitude": -118.33, "Population": 784.0}, {"index": 4244, "quantile": 0.0, "value": 112500.0, "Latitude": 34.11, "Longitude": -118.33, "Population": 846.0}, {"index": 4244, "quantile": 0.25, "value": 495600.00000000006, "Latitude": 34.11, "Longitude": -118.33, "Population": 846.0}, {"index": 4244, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.33, "Population": 846.0}, {"index": 4244, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.33, "Population": 846.0}, {"index": 4244, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.33, "Population": 846.0}, {"index": 4245, "quantile": 0.0, "value": 87600.0, "Latitude": 34.13, "Longitude": -118.32, "Population": 540.0}, {"index": 4245, "quantile": 0.25, "value": 352100.0, "Latitude": 34.13, "Longitude": -118.32, "Population": 540.0}, {"index": 4245, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.32, "Population": 540.0}, {"index": 4245, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.32, "Population": 540.0}, {"index": 4245, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.32, "Population": 540.0}, {"index": 4246, "quantile": 0.0, "value": 284600.0, "Latitude": 34.12, "Longitude": -118.33, "Population": 769.0}, {"index": 4246, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.33, "Population": 769.0}, {"index": 4246, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.33, "Population": 769.0}, {"index": 4246, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.33, "Population": 769.0}, {"index": 4246, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.33, "Population": 769.0}, {"index": 4247, "quantile": 0.0, "value": 293500.0, "Latitude": 34.13, "Longitude": -118.34, "Population": 751.0}, {"index": 4247, "quantile": 0.25, "value": 483800.0, "Latitude": 34.13, "Longitude": -118.34, "Population": 751.0}, {"index": 4247, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.34, "Population": 751.0}, {"index": 4247, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.34, "Population": 751.0}, {"index": 4247, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.34, "Population": 751.0}, {"index": 4248, "quantile": 0.0, "value": 168000.0, "Latitude": 34.14, "Longitude": -118.32, "Population": 1624.0}, {"index": 4248, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.32, "Population": 1624.0}, {"index": 4248, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.32, "Population": 1624.0}, {"index": 4248, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.32, "Population": 1624.0}, {"index": 4248, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.32, "Population": 1624.0}, {"index": 4249, "quantile": 0.0, "value": 210900.0, "Latitude": 34.11, "Longitude": -118.34, "Population": 2034.0}, {"index": 4249, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.34, "Population": 2034.0}, {"index": 4249, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.34, "Population": 2034.0}, {"index": 4249, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.34, "Population": 2034.0}, {"index": 4249, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.34, "Population": 2034.0}, {"index": 4250, "quantile": 0.0, "value": 175000.0, "Latitude": 34.1, "Longitude": -118.35, "Population": 1720.0}, {"index": 4250, "quantile": 0.25, "value": 271100.0, "Latitude": 34.1, "Longitude": -118.35, "Population": 1720.0}, {"index": 4250, "quantile": 0.5, "value": 323500.00000000006, "Latitude": 34.1, "Longitude": -118.35, "Population": 1720.0}, {"index": 4250, "quantile": 0.75, "value": 435700.0, "Latitude": 34.1, "Longitude": -118.35, "Population": 1720.0}, {"index": 4250, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.35, "Population": 1720.0}, {"index": 4251, "quantile": 0.0, "value": 67000.0, "Latitude": 34.1, "Longitude": -118.36, "Population": 578.0}, {"index": 4251, "quantile": 0.25, "value": 239350.0, "Latitude": 34.1, "Longitude": -118.36, "Population": 578.0}, {"index": 4251, "quantile": 0.5, "value": 272500.0, "Latitude": 34.1, "Longitude": -118.36, "Population": 578.0}, {"index": 4251, "quantile": 0.75, "value": 344175.0, "Latitude": 34.1, "Longitude": -118.36, "Population": 578.0}, {"index": 4251, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.36, "Population": 578.0}, {"index": 4252, "quantile": 0.0, "value": 117600.0, "Latitude": 34.1, "Longitude": -118.36, "Population": 423.0}, {"index": 4252, "quantile": 0.25, "value": 262874.99999999994, "Latitude": 34.1, "Longitude": -118.36, "Population": 423.0}, {"index": 4252, "quantile": 0.5, "value": 317100.0, "Latitude": 34.1, "Longitude": -118.36, "Population": 423.0}, {"index": 4252, "quantile": 0.75, "value": 417900.0, "Latitude": 34.1, "Longitude": -118.36, "Population": 423.0}, {"index": 4252, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.36, "Population": 423.0}, {"index": 4253, "quantile": 0.0, "value": 67500.0, "Latitude": 34.1, "Longitude": -118.35, "Population": 3596.0}, {"index": 4253, "quantile": 0.25, "value": 248450.00000000003, "Latitude": 34.1, "Longitude": -118.35, "Population": 3596.0}, {"index": 4253, "quantile": 0.5, "value": 286150.0, "Latitude": 34.1, "Longitude": -118.35, "Population": 3596.0}, {"index": 4253, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.35, "Population": 3596.0}, {"index": 4253, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.35, "Population": 3596.0}, {"index": 4254, "quantile": 0.0, "value": 60000.0, "Latitude": 34.1, "Longitude": -118.35, "Population": 1648.0}, {"index": 4254, "quantile": 0.25, "value": 208675.00000000003, "Latitude": 34.1, "Longitude": -118.35, "Population": 1648.0}, {"index": 4254, "quantile": 0.5, "value": 243800.00000000003, "Latitude": 34.1, "Longitude": -118.35, "Population": 1648.0}, {"index": 4254, "quantile": 0.75, "value": 312500.0, "Latitude": 34.1, "Longitude": -118.35, "Population": 1648.0}, {"index": 4254, "quantile": 1.0, "value": 412500.0, "Latitude": 34.1, "Longitude": -118.35, "Population": 1648.0}, {"index": 4255, "quantile": 0.0, "value": 76600.0, "Latitude": 34.1, "Longitude": -118.35, "Population": 1161.0}, {"index": 4255, "quantile": 0.25, "value": 281750.0, "Latitude": 34.1, "Longitude": -118.35, "Population": 1161.0}, {"index": 4255, "quantile": 0.5, "value": 356450.0, "Latitude": 34.1, "Longitude": -118.35, "Population": 1161.0}, {"index": 4255, "quantile": 0.75, "value": 459999.99999999994, "Latitude": 34.1, "Longitude": -118.35, "Population": 1161.0}, {"index": 4255, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.35, "Population": 1161.0}, {"index": 4256, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.1, "Longitude": -118.35, "Population": 2103.0}, {"index": 4256, "quantile": 0.25, "value": 250000.0, "Latitude": 34.1, "Longitude": -118.35, "Population": 2103.0}, {"index": 4256, "quantile": 0.5, "value": 250000.0, "Latitude": 34.1, "Longitude": -118.35, "Population": 2103.0}, {"index": 4256, "quantile": 0.75, "value": 250000.0, "Latitude": 34.1, "Longitude": -118.35, "Population": 2103.0}, {"index": 4256, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.35, "Population": 2103.0}, {"index": 4257, "quantile": 0.0, "value": 118800.0, "Latitude": 34.1, "Longitude": -118.35, "Population": 2863.0}, {"index": 4257, "quantile": 0.25, "value": 237500.0, "Latitude": 34.1, "Longitude": -118.35, "Population": 2863.0}, {"index": 4257, "quantile": 0.5, "value": 237500.0, "Latitude": 34.1, "Longitude": -118.35, "Population": 2863.0}, {"index": 4257, "quantile": 0.75, "value": 243800.00000000003, "Latitude": 34.1, "Longitude": -118.35, "Population": 2863.0}, {"index": 4257, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.35, "Population": 2863.0}, {"index": 4258, "quantile": 0.0, "value": 87500.0, "Latitude": 34.11, "Longitude": -118.34, "Population": 527.0}, {"index": 4258, "quantile": 0.25, "value": 393500.0, "Latitude": 34.11, "Longitude": -118.34, "Population": 527.0}, {"index": 4258, "quantile": 0.5, "value": 468800.0, "Latitude": 34.11, "Longitude": -118.34, "Population": 527.0}, {"index": 4258, "quantile": 0.75, "value": 468800.0, "Latitude": 34.11, "Longitude": -118.34, "Population": 527.0}, {"index": 4258, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.34, "Population": 527.0}, {"index": 4259, "quantile": 0.0, "value": 130000.0, "Latitude": 34.1, "Longitude": -118.34, "Population": 2039.0}, {"index": 4259, "quantile": 0.25, "value": 236150.0, "Latitude": 34.1, "Longitude": -118.34, "Population": 2039.0}, {"index": 4259, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.34, "Population": 2039.0}, {"index": 4259, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.34, "Population": 2039.0}, {"index": 4259, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.34, "Population": 2039.0}, {"index": 4260, "quantile": 0.0, "value": 157500.0, "Latitude": 34.1, "Longitude": -118.34, "Population": 1215.0}, {"index": 4260, "quantile": 0.25, "value": 279175.0, "Latitude": 34.1, "Longitude": -118.34, "Population": 1215.0}, {"index": 4260, "quantile": 0.5, "value": 325000.0, "Latitude": 34.1, "Longitude": -118.34, "Population": 1215.0}, {"index": 4260, "quantile": 0.75, "value": 325000.0, "Latitude": 34.1, "Longitude": -118.34, "Population": 1215.0}, {"index": 4260, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.34, "Population": 1215.0}, {"index": 4261, "quantile": 0.0, "value": 117100.0, "Latitude": 34.1, "Longitude": -118.34, "Population": 1271.0}, {"index": 4261, "quantile": 0.25, "value": 232100.00000000003, "Latitude": 34.1, "Longitude": -118.34, "Population": 1271.0}, {"index": 4261, "quantile": 0.5, "value": 232100.00000000003, "Latitude": 34.1, "Longitude": -118.34, "Population": 1271.0}, {"index": 4261, "quantile": 0.75, "value": 257925.0, "Latitude": 34.1, "Longitude": -118.34, "Population": 1271.0}, {"index": 4261, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.34, "Population": 1271.0}, {"index": 4262, "quantile": 0.0, "value": 130000.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 4123.0}, {"index": 4262, "quantile": 0.25, "value": 187500.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 4123.0}, {"index": 4262, "quantile": 0.5, "value": 187500.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 4123.0}, {"index": 4262, "quantile": 0.75, "value": 281275.00000000006, "Latitude": 34.1, "Longitude": -118.33, "Population": 4123.0}, {"index": 4262, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.33, "Population": 4123.0}, {"index": 4263, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.1, "Longitude": -118.33, "Population": 3049.0}, {"index": 4263, "quantile": 0.25, "value": 187500.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 3049.0}, {"index": 4263, "quantile": 0.5, "value": 225000.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 3049.0}, {"index": 4263, "quantile": 0.75, "value": 350000.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 3049.0}, {"index": 4263, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.33, "Population": 3049.0}, {"index": 4264, "quantile": 0.0, "value": 154200.0, "Latitude": 34.1, "Longitude": -118.31, "Population": 4828.0}, {"index": 4264, "quantile": 0.25, "value": 300000.0, "Latitude": 34.1, "Longitude": -118.31, "Population": 4828.0}, {"index": 4264, "quantile": 0.5, "value": 350000.0, "Latitude": 34.1, "Longitude": -118.31, "Population": 4828.0}, {"index": 4264, "quantile": 0.75, "value": 350000.0, "Latitude": 34.1, "Longitude": -118.31, "Population": 4828.0}, {"index": 4264, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.31, "Population": 4828.0}, {"index": 4265, "quantile": 0.0, "value": 166700.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 1463.0}, {"index": 4265, "quantile": 0.25, "value": 203300.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 1463.0}, {"index": 4265, "quantile": 0.5, "value": 450000.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 1463.0}, {"index": 4265, "quantile": 0.75, "value": 450000.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 1463.0}, {"index": 4265, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.32, "Population": 1463.0}, {"index": 4266, "quantile": 0.0, "value": 87500.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 5899.0}, {"index": 4266, "quantile": 0.25, "value": 203300.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 5899.0}, {"index": 4266, "quantile": 0.5, "value": 283300.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 5899.0}, {"index": 4266, "quantile": 0.75, "value": 284700.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 5899.0}, {"index": 4266, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.3, "Population": 5899.0}, {"index": 4267, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 34.1, "Longitude": -118.3, "Population": 4865.0}, {"index": 4267, "quantile": 0.25, "value": 225000.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 4865.0}, {"index": 4267, "quantile": 0.5, "value": 262500.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 4865.0}, {"index": 4267, "quantile": 0.75, "value": 262500.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 4865.0}, {"index": 4267, "quantile": 1.0, "value": 350000.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 4865.0}, {"index": 4268, "quantile": 0.0, "value": 112500.0, "Latitude": 34.1, "Longitude": -118.31, "Population": 3030.0}, {"index": 4268, "quantile": 0.25, "value": 216699.99999999997, "Latitude": 34.1, "Longitude": -118.31, "Population": 3030.0}, {"index": 4268, "quantile": 0.5, "value": 250000.0, "Latitude": 34.1, "Longitude": -118.31, "Population": 3030.0}, {"index": 4268, "quantile": 0.75, "value": 250000.0, "Latitude": 34.1, "Longitude": -118.31, "Population": 3030.0}, {"index": 4268, "quantile": 1.0, "value": 262500.0, "Latitude": 34.1, "Longitude": -118.31, "Population": 3030.0}, {"index": 4269, "quantile": 0.0, "value": 63800.0, "Latitude": 34.1, "Longitude": -118.31, "Population": 918.0}, {"index": 4269, "quantile": 0.25, "value": 187500.0, "Latitude": 34.1, "Longitude": -118.31, "Population": 918.0}, {"index": 4269, "quantile": 0.5, "value": 208300.00000000003, "Latitude": 34.1, "Longitude": -118.31, "Population": 918.0}, {"index": 4269, "quantile": 0.75, "value": 256250.0, "Latitude": 34.1, "Longitude": -118.31, "Population": 918.0}, {"index": 4269, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.31, "Population": 918.0}, {"index": 4270, "quantile": 0.0, "value": 67500.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 1610.0}, {"index": 4270, "quantile": 0.25, "value": 237500.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 1610.0}, {"index": 4270, "quantile": 0.5, "value": 237500.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 1610.0}, {"index": 4270, "quantile": 0.75, "value": 237500.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 1610.0}, {"index": 4270, "quantile": 1.0, "value": 275000.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 1610.0}, {"index": 4271, "quantile": 0.0, "value": 160400.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 1552.0}, {"index": 4271, "quantile": 0.25, "value": 237500.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 1552.0}, {"index": 4271, "quantile": 0.5, "value": 237500.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 1552.0}, {"index": 4271, "quantile": 0.75, "value": 237500.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 1552.0}, {"index": 4271, "quantile": 1.0, "value": 438300.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 1552.0}, {"index": 4272, "quantile": 0.0, "value": 89500.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 1460.0}, {"index": 4272, "quantile": 0.25, "value": 193800.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 1460.0}, {"index": 4272, "quantile": 0.5, "value": 193800.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 1460.0}, {"index": 4272, "quantile": 0.75, "value": 237500.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 1460.0}, {"index": 4272, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.32, "Population": 1460.0}, {"index": 4273, "quantile": 0.0, "value": 87500.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 2655.0}, {"index": 4273, "quantile": 0.25, "value": 193800.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 2655.0}, {"index": 4273, "quantile": 0.5, "value": 256250.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 2655.0}, {"index": 4273, "quantile": 0.75, "value": 350000.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 2655.0}, {"index": 4273, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.32, "Population": 2655.0}, {"index": 4274, "quantile": 0.0, "value": 166700.0, "Latitude": 34.09, "Longitude": -118.33, "Population": 1445.0}, {"index": 4274, "quantile": 0.25, "value": 200000.0, "Latitude": 34.09, "Longitude": -118.33, "Population": 1445.0}, {"index": 4274, "quantile": 0.5, "value": 200000.0, "Latitude": 34.09, "Longitude": -118.33, "Population": 1445.0}, {"index": 4274, "quantile": 0.75, "value": 200000.0, "Latitude": 34.09, "Longitude": -118.33, "Population": 1445.0}, {"index": 4274, "quantile": 1.0, "value": 450000.0, "Latitude": 34.09, "Longitude": -118.33, "Population": 1445.0}, {"index": 4275, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 34.1, "Longitude": -118.33, "Population": 691.0}, {"index": 4275, "quantile": 0.25, "value": 225000.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 691.0}, {"index": 4275, "quantile": 0.5, "value": 250000.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 691.0}, {"index": 4275, "quantile": 0.75, "value": 250000.0, "Latitude": 34.1, "Longitude": -118.33, "Population": 691.0}, {"index": 4275, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.33, "Population": 691.0}, {"index": 4276, "quantile": 0.0, "value": 38800.0, "Latitude": 34.1, "Longitude": -118.31, "Population": 482.0}, {"index": 4276, "quantile": 0.25, "value": 67500.0, "Latitude": 34.1, "Longitude": -118.31, "Population": 482.0}, {"index": 4276, "quantile": 0.5, "value": 67500.0, "Latitude": 34.1, "Longitude": -118.31, "Population": 482.0}, {"index": 4276, "quantile": 0.75, "value": 103125.0, "Latitude": 34.1, "Longitude": -118.31, "Population": 482.0}, {"index": 4276, "quantile": 1.0, "value": 254500.0, "Latitude": 34.1, "Longitude": -118.31, "Population": 482.0}, {"index": 4277, "quantile": 0.0, "value": 112500.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 2626.0}, {"index": 4277, "quantile": 0.25, "value": 211100.00000000003, "Latitude": 34.09, "Longitude": -118.31, "Population": 2626.0}, {"index": 4277, "quantile": 0.5, "value": 211100.00000000003, "Latitude": 34.09, "Longitude": -118.31, "Population": 2626.0}, {"index": 4277, "quantile": 0.75, "value": 211450.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 2626.0}, {"index": 4277, "quantile": 1.0, "value": 475000.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 2626.0}, {"index": 4278, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.09, "Longitude": -118.31, "Population": 891.0}, {"index": 4278, "quantile": 0.25, "value": 100000.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 891.0}, {"index": 4278, "quantile": 0.5, "value": 100000.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 891.0}, {"index": 4278, "quantile": 0.75, "value": 140625.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 891.0}, {"index": 4278, "quantile": 1.0, "value": 261600.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 891.0}, {"index": 4279, "quantile": 0.0, "value": 67500.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 835.0}, {"index": 4279, "quantile": 0.25, "value": 193800.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 835.0}, {"index": 4279, "quantile": 0.5, "value": 193800.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 835.0}, {"index": 4279, "quantile": 0.75, "value": 200000.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 835.0}, {"index": 4279, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.31, "Population": 835.0}, {"index": 4280, "quantile": 0.0, "value": 34400.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 626.0}, {"index": 4280, "quantile": 0.25, "value": 100000.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 626.0}, {"index": 4280, "quantile": 0.5, "value": 158550.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 626.0}, {"index": 4280, "quantile": 0.75, "value": 214600.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 626.0}, {"index": 4280, "quantile": 1.0, "value": 312500.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 626.0}, {"index": 4281, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.09, "Longitude": -118.32, "Population": 332.0}, {"index": 4281, "quantile": 0.25, "value": 162500.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 332.0}, {"index": 4281, "quantile": 0.5, "value": 221999.99999999997, "Latitude": 34.09, "Longitude": -118.32, "Population": 332.0}, {"index": 4281, "quantile": 0.75, "value": 300000.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 332.0}, {"index": 4281, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.32, "Population": 332.0}, {"index": 4282, "quantile": 0.0, "value": 112500.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 1957.0}, {"index": 4282, "quantile": 0.25, "value": 221900.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 1957.0}, {"index": 4282, "quantile": 0.5, "value": 221900.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 1957.0}, {"index": 4282, "quantile": 0.75, "value": 221900.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 1957.0}, {"index": 4282, "quantile": 1.0, "value": 450000.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 1957.0}, {"index": 4283, "quantile": 0.0, "value": 137500.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 1976.0}, {"index": 4283, "quantile": 0.25, "value": 225000.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 1976.0}, {"index": 4283, "quantile": 0.5, "value": 225000.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 1976.0}, {"index": 4283, "quantile": 0.75, "value": 225000.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 1976.0}, {"index": 4283, "quantile": 1.0, "value": 350000.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 1976.0}, {"index": 4284, "quantile": 0.0, "value": 67500.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 597.0}, {"index": 4284, "quantile": 0.25, "value": 200000.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 597.0}, {"index": 4284, "quantile": 0.5, "value": 200000.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 597.0}, {"index": 4284, "quantile": 0.75, "value": 200000.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 597.0}, {"index": 4284, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.32, "Population": 597.0}, {"index": 4285, "quantile": 0.0, "value": 154200.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 2197.0}, {"index": 4285, "quantile": 0.25, "value": 193425.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 2197.0}, {"index": 4285, "quantile": 0.5, "value": 218050.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 2197.0}, {"index": 4285, "quantile": 0.75, "value": 243725.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 2197.0}, {"index": 4285, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.32, "Population": 2197.0}, {"index": 4286, "quantile": 0.0, "value": 107500.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 756.0}, {"index": 4286, "quantile": 0.25, "value": 203249.99999999997, "Latitude": 34.1, "Longitude": -118.32, "Population": 756.0}, {"index": 4286, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 34.1, "Longitude": -118.32, "Population": 756.0}, {"index": 4286, "quantile": 0.75, "value": 206300.00000000003, "Latitude": 34.1, "Longitude": -118.32, "Population": 756.0}, {"index": 4286, "quantile": 1.0, "value": 410700.0, "Latitude": 34.1, "Longitude": -118.32, "Population": 756.0}, {"index": 4287, "quantile": 0.0, "value": 150000.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 3432.0}, {"index": 4287, "quantile": 0.25, "value": 166700.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 3432.0}, {"index": 4287, "quantile": 0.5, "value": 166700.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 3432.0}, {"index": 4287, "quantile": 0.75, "value": 222675.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 3432.0}, {"index": 4287, "quantile": 1.0, "value": 475000.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 3432.0}, {"index": 4288, "quantile": 0.0, "value": 67500.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 3953.0}, {"index": 4288, "quantile": 0.25, "value": 157350.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 3953.0}, {"index": 4288, "quantile": 0.5, "value": 205600.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 3953.0}, {"index": 4288, "quantile": 0.75, "value": 250000.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 3953.0}, {"index": 4288, "quantile": 1.0, "value": 360000.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 3953.0}, {"index": 4289, "quantile": 0.0, "value": 92900.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 1506.0}, {"index": 4289, "quantile": 0.25, "value": 216699.99999999997, "Latitude": 34.09, "Longitude": -118.31, "Population": 1506.0}, {"index": 4289, "quantile": 0.5, "value": 216699.99999999997, "Latitude": 34.09, "Longitude": -118.31, "Population": 1506.0}, {"index": 4289, "quantile": 0.75, "value": 216699.99999999997, "Latitude": 34.09, "Longitude": -118.31, "Population": 1506.0}, {"index": 4289, "quantile": 1.0, "value": 400000.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 1506.0}, {"index": 4290, "quantile": 0.0, "value": 67500.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 2717.0}, {"index": 4290, "quantile": 0.25, "value": 237500.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 2717.0}, {"index": 4290, "quantile": 0.5, "value": 250000.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 2717.0}, {"index": 4290, "quantile": 0.75, "value": 250000.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 2717.0}, {"index": 4290, "quantile": 1.0, "value": 305600.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 2717.0}, {"index": 4291, "quantile": 0.0, "value": 145800.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 1964.0}, {"index": 4291, "quantile": 0.25, "value": 203300.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 1964.0}, {"index": 4291, "quantile": 0.5, "value": 203300.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 1964.0}, {"index": 4291, "quantile": 0.75, "value": 208975.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 1964.0}, {"index": 4291, "quantile": 1.0, "value": 438300.0, "Latitude": 34.1, "Longitude": -118.3, "Population": 1964.0}, {"index": 4292, "quantile": 0.0, "value": 112500.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 2991.0}, {"index": 4292, "quantile": 0.25, "value": 187500.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 2991.0}, {"index": 4292, "quantile": 0.5, "value": 187500.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 2991.0}, {"index": 4292, "quantile": 0.75, "value": 187500.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 2991.0}, {"index": 4292, "quantile": 1.0, "value": 400000.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 2991.0}, {"index": 4293, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.09, "Longitude": -118.3, "Population": 3155.0}, {"index": 4293, "quantile": 0.25, "value": 173900.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 3155.0}, {"index": 4293, "quantile": 0.5, "value": 225849.99999999997, "Latitude": 34.09, "Longitude": -118.3, "Population": 3155.0}, {"index": 4293, "quantile": 0.75, "value": 253600.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 3155.0}, {"index": 4293, "quantile": 1.0, "value": 445000.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 3155.0}, {"index": 4294, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.1, "Longitude": -118.29, "Population": 744.0}, {"index": 4294, "quantile": 0.25, "value": 162500.0, "Latitude": 34.1, "Longitude": -118.29, "Population": 744.0}, {"index": 4294, "quantile": 0.5, "value": 162500.0, "Latitude": 34.1, "Longitude": -118.29, "Population": 744.0}, {"index": 4294, "quantile": 0.75, "value": 200000.0, "Latitude": 34.1, "Longitude": -118.29, "Population": 744.0}, {"index": 4294, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.29, "Population": 744.0}, {"index": 4295, "quantile": 0.0, "value": 140100.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 2254.0}, {"index": 4295, "quantile": 0.25, "value": 172500.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 2254.0}, {"index": 4295, "quantile": 0.5, "value": 172500.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 2254.0}, {"index": 4295, "quantile": 0.75, "value": 188075.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 2254.0}, {"index": 4295, "quantile": 1.0, "value": 445000.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 2254.0}, {"index": 4296, "quantile": 0.0, "value": 72800.0, "Latitude": 34.09, "Longitude": -118.28, "Population": 664.0}, {"index": 4296, "quantile": 0.25, "value": 175000.0, "Latitude": 34.09, "Longitude": -118.28, "Population": 664.0}, {"index": 4296, "quantile": 0.5, "value": 175000.0, "Latitude": 34.09, "Longitude": -118.28, "Population": 664.0}, {"index": 4296, "quantile": 0.75, "value": 182125.0, "Latitude": 34.09, "Longitude": -118.28, "Population": 664.0}, {"index": 4296, "quantile": 1.0, "value": 333300.0, "Latitude": 34.09, "Longitude": -118.28, "Population": 664.0}, {"index": 4297, "quantile": 0.0, "value": 67500.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 1941.0}, {"index": 4297, "quantile": 0.25, "value": 166700.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 1941.0}, {"index": 4297, "quantile": 0.5, "value": 212500.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 1941.0}, {"index": 4297, "quantile": 0.75, "value": 248125.00000000003, "Latitude": 34.09, "Longitude": -118.29, "Population": 1941.0}, {"index": 4297, "quantile": 1.0, "value": 360000.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 1941.0}, {"index": 4298, "quantile": 0.0, "value": 112500.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 1974.0}, {"index": 4298, "quantile": 0.25, "value": 112500.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 1974.0}, {"index": 4298, "quantile": 0.5, "value": 112500.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 1974.0}, {"index": 4298, "quantile": 0.75, "value": 198800.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 1974.0}, {"index": 4298, "quantile": 1.0, "value": 275000.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 1974.0}, {"index": 4299, "quantile": 0.0, "value": 112500.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 3441.0}, {"index": 4299, "quantile": 0.25, "value": 158300.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 3441.0}, {"index": 4299, "quantile": 0.5, "value": 158300.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 3441.0}, {"index": 4299, "quantile": 0.75, "value": 181275.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 3441.0}, {"index": 4299, "quantile": 1.0, "value": 270000.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 3441.0}, {"index": 4300, "quantile": 0.0, "value": 112500.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 3548.0}, {"index": 4300, "quantile": 0.25, "value": 198400.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 3548.0}, {"index": 4300, "quantile": 0.5, "value": 198400.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 3548.0}, {"index": 4300, "quantile": 0.75, "value": 198400.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 3548.0}, {"index": 4300, "quantile": 1.0, "value": 305800.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 3548.0}, {"index": 4301, "quantile": 0.0, "value": 67500.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 586.0}, {"index": 4301, "quantile": 0.25, "value": 216699.99999999997, "Latitude": 34.09, "Longitude": -118.29, "Population": 586.0}, {"index": 4301, "quantile": 0.5, "value": 262500.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 586.0}, {"index": 4301, "quantile": 0.75, "value": 262500.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 586.0}, {"index": 4301, "quantile": 1.0, "value": 316700.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 586.0}, {"index": 4302, "quantile": 0.0, "value": 90600.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 984.0}, {"index": 4302, "quantile": 0.25, "value": 225749.99999999997, "Latitude": 34.09, "Longitude": -118.29, "Population": 984.0}, {"index": 4302, "quantile": 0.5, "value": 261600.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 984.0}, {"index": 4302, "quantile": 0.75, "value": 261600.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 984.0}, {"index": 4302, "quantile": 1.0, "value": 358100.0, "Latitude": 34.09, "Longitude": -118.29, "Population": 984.0}, {"index": 4303, "quantile": 0.0, "value": 50600.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 3906.0}, {"index": 4303, "quantile": 0.25, "value": 253300.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 3906.0}, {"index": 4303, "quantile": 0.5, "value": 253300.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 3906.0}, {"index": 4303, "quantile": 0.75, "value": 253300.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 3906.0}, {"index": 4303, "quantile": 1.0, "value": 360000.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 3906.0}, {"index": 4304, "quantile": 0.0, "value": 100000.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 2860.0}, {"index": 4304, "quantile": 0.25, "value": 200000.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 2860.0}, {"index": 4304, "quantile": 0.5, "value": 205600.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 2860.0}, {"index": 4304, "quantile": 0.75, "value": 205600.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 2860.0}, {"index": 4304, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 34.09, "Longitude": -118.3, "Population": 2860.0}, {"index": 4305, "quantile": 0.0, "value": 141300.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 2178.0}, {"index": 4305, "quantile": 0.25, "value": 214600.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 2178.0}, {"index": 4305, "quantile": 0.5, "value": 226700.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 2178.0}, {"index": 4305, "quantile": 0.75, "value": 226700.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 2178.0}, {"index": 4305, "quantile": 1.0, "value": 268500.0, "Latitude": 34.09, "Longitude": -118.3, "Population": 2178.0}, {"index": 4306, "quantile": 0.0, "value": 120000.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 2446.0}, {"index": 4306, "quantile": 0.25, "value": 187500.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 2446.0}, {"index": 4306, "quantile": 0.5, "value": 187500.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 2446.0}, {"index": 4306, "quantile": 0.75, "value": 187500.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 2446.0}, {"index": 4306, "quantile": 1.0, "value": 333300.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 2446.0}, {"index": 4307, "quantile": 0.0, "value": 112500.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 3678.0}, {"index": 4307, "quantile": 0.25, "value": 226275.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 3678.0}, {"index": 4307, "quantile": 0.5, "value": 240600.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 3678.0}, {"index": 4307, "quantile": 0.75, "value": 240600.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 3678.0}, {"index": 4307, "quantile": 1.0, "value": 360000.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 3678.0}, {"index": 4308, "quantile": 0.0, "value": 67500.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 2500.0}, {"index": 4308, "quantile": 0.25, "value": 204775.00000000003, "Latitude": 34.09, "Longitude": -118.31, "Population": 2500.0}, {"index": 4308, "quantile": 0.5, "value": 225000.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 2500.0}, {"index": 4308, "quantile": 0.75, "value": 262500.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 2500.0}, {"index": 4308, "quantile": 1.0, "value": 412500.0, "Latitude": 34.09, "Longitude": -118.31, "Population": 2500.0}, {"index": 4309, "quantile": 0.0, "value": 51800.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 2297.0}, {"index": 4309, "quantile": 0.25, "value": 125000.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 2297.0}, {"index": 4309, "quantile": 0.5, "value": 175000.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 2297.0}, {"index": 4309, "quantile": 0.75, "value": 220000.00000000003, "Latitude": 34.09, "Longitude": -118.32, "Population": 2297.0}, {"index": 4309, "quantile": 1.0, "value": 475000.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 2297.0}, {"index": 4310, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.09, "Longitude": -118.32, "Population": 2595.0}, {"index": 4310, "quantile": 0.25, "value": 212500.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 2595.0}, {"index": 4310, "quantile": 0.5, "value": 212500.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 2595.0}, {"index": 4310, "quantile": 0.75, "value": 212500.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 2595.0}, {"index": 4310, "quantile": 1.0, "value": 350000.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 2595.0}, {"index": 4311, "quantile": 0.0, "value": 67500.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 2548.0}, {"index": 4311, "quantile": 0.25, "value": 173725.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 2548.0}, {"index": 4311, "quantile": 0.5, "value": 211100.00000000003, "Latitude": 34.09, "Longitude": -118.32, "Population": 2548.0}, {"index": 4311, "quantile": 0.75, "value": 247500.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 2548.0}, {"index": 4311, "quantile": 1.0, "value": 380000.0, "Latitude": 34.09, "Longitude": -118.32, "Population": 2548.0}, {"index": 4312, "quantile": 0.0, "value": 112500.0, "Latitude": 34.09, "Longitude": -118.33, "Population": 416.0}, {"index": 4312, "quantile": 0.25, "value": 200000.0, "Latitude": 34.09, "Longitude": -118.33, "Population": 416.0}, {"index": 4312, "quantile": 0.5, "value": 200000.0, "Latitude": 34.09, "Longitude": -118.33, "Population": 416.0}, {"index": 4312, "quantile": 0.75, "value": 200000.0, "Latitude": 34.09, "Longitude": -118.33, "Population": 416.0}, {"index": 4312, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.33, "Population": 416.0}, {"index": 4313, "quantile": 0.0, "value": 59700.0, "Latitude": 34.09, "Longitude": -118.33, "Population": 340.0}, {"index": 4313, "quantile": 0.25, "value": 123300.00000000001, "Latitude": 34.09, "Longitude": -118.33, "Population": 340.0}, {"index": 4313, "quantile": 0.5, "value": 152900.0, "Latitude": 34.09, "Longitude": -118.33, "Population": 340.0}, {"index": 4313, "quantile": 0.75, "value": 187500.0, "Latitude": 34.09, "Longitude": -118.33, "Population": 340.0}, {"index": 4313, "quantile": 1.0, "value": 375000.0, "Latitude": 34.09, "Longitude": -118.33, "Population": 340.0}, {"index": 4314, "quantile": 0.0, "value": 113900.0, "Latitude": 34.09, "Longitude": -118.33, "Population": 1514.0}, {"index": 4314, "quantile": 0.25, "value": 214049.99999999997, "Latitude": 34.09, "Longitude": -118.33, "Population": 1514.0}, {"index": 4314, "quantile": 0.5, "value": 220000.00000000003, "Latitude": 34.09, "Longitude": -118.33, "Population": 1514.0}, {"index": 4314, "quantile": 0.75, "value": 220000.00000000003, "Latitude": 34.09, "Longitude": -118.33, "Population": 1514.0}, {"index": 4314, "quantile": 1.0, "value": 445000.0, "Latitude": 34.09, "Longitude": -118.33, "Population": 1514.0}, {"index": 4315, "quantile": 0.0, "value": 87500.0, "Latitude": 34.09, "Longitude": -118.34, "Population": 1733.0}, {"index": 4315, "quantile": 0.25, "value": 204700.00000000003, "Latitude": 34.09, "Longitude": -118.34, "Population": 1733.0}, {"index": 4315, "quantile": 0.5, "value": 204700.00000000003, "Latitude": 34.09, "Longitude": -118.34, "Population": 1733.0}, {"index": 4315, "quantile": 0.75, "value": 204700.00000000003, "Latitude": 34.09, "Longitude": -118.34, "Population": 1733.0}, {"index": 4315, "quantile": 1.0, "value": 450000.0, "Latitude": 34.09, "Longitude": -118.34, "Population": 1733.0}, {"index": 4316, "quantile": 0.0, "value": 75900.0, "Latitude": 34.09, "Longitude": -118.34, "Population": 1691.0}, {"index": 4316, "quantile": 0.25, "value": 210000.0, "Latitude": 34.09, "Longitude": -118.34, "Population": 1691.0}, {"index": 4316, "quantile": 0.5, "value": 210000.0, "Latitude": 34.09, "Longitude": -118.34, "Population": 1691.0}, {"index": 4316, "quantile": 0.75, "value": 210000.0, "Latitude": 34.09, "Longitude": -118.34, "Population": 1691.0}, {"index": 4316, "quantile": 1.0, "value": 450000.0, "Latitude": 34.09, "Longitude": -118.34, "Population": 1691.0}, {"index": 4317, "quantile": 0.0, "value": 151600.0, "Latitude": 34.08, "Longitude": -118.34, "Population": 1584.0}, {"index": 4317, "quantile": 0.25, "value": 346700.0, "Latitude": 34.08, "Longitude": -118.34, "Population": 1584.0}, {"index": 4317, "quantile": 0.5, "value": 346700.0, "Latitude": 34.08, "Longitude": -118.34, "Population": 1584.0}, {"index": 4317, "quantile": 0.75, "value": 346700.0, "Latitude": 34.08, "Longitude": -118.34, "Population": 1584.0}, {"index": 4317, "quantile": 1.0, "value": 457700.0, "Latitude": 34.08, "Longitude": -118.34, "Population": 1584.0}, {"index": 4318, "quantile": 0.0, "value": 175000.0, "Latitude": 34.09, "Longitude": -118.34, "Population": 849.0}, {"index": 4318, "quantile": 0.25, "value": 321600.0, "Latitude": 34.09, "Longitude": -118.34, "Population": 849.0}, {"index": 4318, "quantile": 0.5, "value": 321600.0, "Latitude": 34.09, "Longitude": -118.34, "Population": 849.0}, {"index": 4318, "quantile": 0.75, "value": 321600.0, "Latitude": 34.09, "Longitude": -118.34, "Population": 849.0}, {"index": 4318, "quantile": 1.0, "value": 500000.0, "Latitude": 34.09, "Longitude": -118.34, "Population": 849.0}, {"index": 4319, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.34, "Population": 547.0}, {"index": 4319, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.34, "Population": 547.0}, {"index": 4319, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.34, "Population": 547.0}, {"index": 4319, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.34, "Population": 547.0}, {"index": 4319, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.34, "Population": 547.0}, {"index": 4320, "quantile": 0.0, "value": 190600.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 921.0}, {"index": 4320, "quantile": 0.25, "value": 280600.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 921.0}, {"index": 4320, "quantile": 0.5, "value": 280600.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 921.0}, {"index": 4320, "quantile": 0.75, "value": 328800.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 921.0}, {"index": 4320, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.35, "Population": 921.0}, {"index": 4321, "quantile": 0.0, "value": 97300.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 514.0}, {"index": 4321, "quantile": 0.25, "value": 316025.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 514.0}, {"index": 4321, "quantile": 0.5, "value": 395700.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 514.0}, {"index": 4321, "quantile": 0.75, "value": 395700.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 514.0}, {"index": 4321, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.35, "Population": 514.0}, {"index": 4322, "quantile": 0.0, "value": 183500.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 908.0}, {"index": 4322, "quantile": 0.25, "value": 342000.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 908.0}, {"index": 4322, "quantile": 0.5, "value": 342000.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 908.0}, {"index": 4322, "quantile": 0.75, "value": 342000.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 908.0}, {"index": 4322, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.35, "Population": 908.0}, {"index": 4323, "quantile": 0.0, "value": 67000.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 1228.0}, {"index": 4323, "quantile": 0.25, "value": 277600.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 1228.0}, {"index": 4323, "quantile": 0.5, "value": 315800.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 1228.0}, {"index": 4323, "quantile": 0.75, "value": 315800.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 1228.0}, {"index": 4323, "quantile": 1.0, "value": 375000.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 1228.0}, {"index": 4324, "quantile": 0.0, "value": 212200.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 727.0}, {"index": 4324, "quantile": 0.25, "value": 333900.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 727.0}, {"index": 4324, "quantile": 0.5, "value": 333900.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 727.0}, {"index": 4324, "quantile": 0.75, "value": 340850.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 727.0}, {"index": 4324, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.35, "Population": 727.0}, {"index": 4325, "quantile": 0.0, "value": 140600.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 794.0}, {"index": 4325, "quantile": 0.25, "value": 304800.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 794.0}, {"index": 4325, "quantile": 0.5, "value": 304800.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 794.0}, {"index": 4325, "quantile": 0.75, "value": 321600.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 794.0}, {"index": 4325, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.36, "Population": 794.0}, {"index": 4326, "quantile": 0.0, "value": 84000.0, "Latitude": 34.08, "Longitude": -118.32, "Population": 575.0}, {"index": 4326, "quantile": 0.25, "value": 188675.0, "Latitude": 34.08, "Longitude": -118.32, "Population": 575.0}, {"index": 4326, "quantile": 0.5, "value": 222250.0, "Latitude": 34.08, "Longitude": -118.32, "Population": 575.0}, {"index": 4326, "quantile": 0.75, "value": 275725.0, "Latitude": 34.08, "Longitude": -118.32, "Population": 575.0}, {"index": 4326, "quantile": 1.0, "value": 436400.0, "Latitude": 34.08, "Longitude": -118.32, "Population": 575.0}, {"index": 4327, "quantile": 0.0, "value": 175000.0, "Latitude": 34.08, "Longitude": -118.33, "Population": 671.0}, {"index": 4327, "quantile": 0.25, "value": 483300.0, "Latitude": 34.08, "Longitude": -118.33, "Population": 671.0}, {"index": 4327, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.33, "Population": 671.0}, {"index": 4327, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.33, "Population": 671.0}, {"index": 4327, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.33, "Population": 671.0}, {"index": 4328, "quantile": 0.0, "value": 175000.0, "Latitude": 34.08, "Longitude": -118.33, "Population": 1345.0}, {"index": 4328, "quantile": 0.25, "value": 304800.0, "Latitude": 34.08, "Longitude": -118.33, "Population": 1345.0}, {"index": 4328, "quantile": 0.5, "value": 442900.0, "Latitude": 34.08, "Longitude": -118.33, "Population": 1345.0}, {"index": 4328, "quantile": 0.75, "value": 442900.0, "Latitude": 34.08, "Longitude": -118.33, "Population": 1345.0}, {"index": 4328, "quantile": 1.0, "value": 497400.0, "Latitude": 34.08, "Longitude": -118.33, "Population": 1345.0}, {"index": 4329, "quantile": 0.0, "value": 156300.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 1460.0}, {"index": 4329, "quantile": 0.25, "value": 209575.00000000003, "Latitude": 34.08, "Longitude": -118.31, "Population": 1460.0}, {"index": 4329, "quantile": 0.5, "value": 254500.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 1460.0}, {"index": 4329, "quantile": 0.75, "value": 254500.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 1460.0}, {"index": 4329, "quantile": 1.0, "value": 254500.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 1460.0}, {"index": 4330, "quantile": 0.0, "value": 121400.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 2189.0}, {"index": 4330, "quantile": 0.25, "value": 172500.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 2189.0}, {"index": 4330, "quantile": 0.5, "value": 220000.00000000003, "Latitude": 34.08, "Longitude": -118.31, "Population": 2189.0}, {"index": 4330, "quantile": 0.75, "value": 261600.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 2189.0}, {"index": 4330, "quantile": 1.0, "value": 475000.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 2189.0}, {"index": 4331, "quantile": 0.0, "value": 117100.0, "Latitude": 34.08, "Longitude": -118.32, "Population": 1250.0}, {"index": 4331, "quantile": 0.25, "value": 226574.99999999997, "Latitude": 34.08, "Longitude": -118.32, "Population": 1250.0}, {"index": 4331, "quantile": 0.5, "value": 358100.0, "Latitude": 34.08, "Longitude": -118.32, "Population": 1250.0}, {"index": 4331, "quantile": 0.75, "value": 358100.0, "Latitude": 34.08, "Longitude": -118.32, "Population": 1250.0}, {"index": 4331, "quantile": 1.0, "value": 383300.0, "Latitude": 34.08, "Longitude": -118.32, "Population": 1250.0}, {"index": 4332, "quantile": 0.0, "value": 140500.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 1264.0}, {"index": 4332, "quantile": 0.25, "value": 220000.00000000003, "Latitude": 34.08, "Longitude": -118.31, "Population": 1264.0}, {"index": 4332, "quantile": 0.5, "value": 220000.00000000003, "Latitude": 34.08, "Longitude": -118.31, "Population": 1264.0}, {"index": 4332, "quantile": 0.75, "value": 220000.00000000003, "Latitude": 34.08, "Longitude": -118.31, "Population": 1264.0}, {"index": 4332, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.31, "Population": 1264.0}, {"index": 4333, "quantile": 0.0, "value": 124200.0, "Latitude": 34.08, "Longitude": -118.32, "Population": 754.0}, {"index": 4333, "quantile": 0.25, "value": 256950.0, "Latitude": 34.08, "Longitude": -118.32, "Population": 754.0}, {"index": 4333, "quantile": 0.5, "value": 330300.0, "Latitude": 34.08, "Longitude": -118.32, "Population": 754.0}, {"index": 4333, "quantile": 0.75, "value": 330300.0, "Latitude": 34.08, "Longitude": -118.32, "Population": 754.0}, {"index": 4333, "quantile": 1.0, "value": 436400.0, "Latitude": 34.08, "Longitude": -118.32, "Population": 754.0}, {"index": 4334, "quantile": 0.0, "value": 137500.0, "Latitude": 34.08, "Longitude": -118.32, "Population": 1053.0}, {"index": 4334, "quantile": 0.25, "value": 321275.0, "Latitude": 34.08, "Longitude": -118.32, "Population": 1053.0}, {"index": 4334, "quantile": 0.5, "value": 380300.0, "Latitude": 34.08, "Longitude": -118.32, "Population": 1053.0}, {"index": 4334, "quantile": 0.75, "value": 380300.0, "Latitude": 34.08, "Longitude": -118.32, "Population": 1053.0}, {"index": 4334, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.32, "Population": 1053.0}, {"index": 4335, "quantile": 0.0, "value": 67500.0, "Latitude": 34.08, "Longitude": -118.3, "Population": 3326.0}, {"index": 4335, "quantile": 0.25, "value": 205600.0, "Latitude": 34.08, "Longitude": -118.3, "Population": 3326.0}, {"index": 4335, "quantile": 0.5, "value": 247500.0, "Latitude": 34.08, "Longitude": -118.3, "Population": 3326.0}, {"index": 4335, "quantile": 0.75, "value": 247500.0, "Latitude": 34.08, "Longitude": -118.3, "Population": 3326.0}, {"index": 4335, "quantile": 1.0, "value": 360000.0, "Latitude": 34.08, "Longitude": -118.3, "Population": 3326.0}, {"index": 4336, "quantile": 0.0, "value": 87500.0, "Latitude": 34.08, "Longitude": -118.3, "Population": 1502.0}, {"index": 4336, "quantile": 0.25, "value": 187500.0, "Latitude": 34.08, "Longitude": -118.3, "Population": 1502.0}, {"index": 4336, "quantile": 0.5, "value": 213900.00000000003, "Latitude": 34.08, "Longitude": -118.3, "Population": 1502.0}, {"index": 4336, "quantile": 0.75, "value": 250274.99999999997, "Latitude": 34.08, "Longitude": -118.3, "Population": 1502.0}, {"index": 4336, "quantile": 1.0, "value": 360000.0, "Latitude": 34.08, "Longitude": -118.3, "Population": 1502.0}, {"index": 4337, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.08, "Longitude": -118.31, "Population": 1603.0}, {"index": 4337, "quantile": 0.25, "value": 246975.00000000003, "Latitude": 34.08, "Longitude": -118.31, "Population": 1603.0}, {"index": 4337, "quantile": 0.5, "value": 251100.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 1603.0}, {"index": 4337, "quantile": 0.75, "value": 251100.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 1603.0}, {"index": 4337, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.31, "Population": 1603.0}, {"index": 4338, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 34.08, "Longitude": -118.31, "Population": 1868.0}, {"index": 4338, "quantile": 0.25, "value": 174050.00000000003, "Latitude": 34.08, "Longitude": -118.31, "Population": 1868.0}, {"index": 4338, "quantile": 0.5, "value": 227100.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 1868.0}, {"index": 4338, "quantile": 0.75, "value": 227100.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 1868.0}, {"index": 4338, "quantile": 1.0, "value": 305800.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 1868.0}, {"index": 4339, "quantile": 0.0, "value": 38800.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 557.0}, {"index": 4339, "quantile": 0.25, "value": 100000.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 557.0}, {"index": 4339, "quantile": 0.5, "value": 145800.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 557.0}, {"index": 4339, "quantile": 0.75, "value": 220350.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 557.0}, {"index": 4339, "quantile": 1.0, "value": 360000.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 557.0}, {"index": 4340, "quantile": 0.0, "value": 112500.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 2795.0}, {"index": 4340, "quantile": 0.25, "value": 195675.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 2795.0}, {"index": 4340, "quantile": 0.5, "value": 218750.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 2795.0}, {"index": 4340, "quantile": 0.75, "value": 250000.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 2795.0}, {"index": 4340, "quantile": 1.0, "value": 400000.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 2795.0}, {"index": 4341, "quantile": 0.0, "value": 67500.0, "Latitude": 34.08, "Longitude": -118.3, "Population": 1774.0}, {"index": 4341, "quantile": 0.25, "value": 225000.0, "Latitude": 34.08, "Longitude": -118.3, "Population": 1774.0}, {"index": 4341, "quantile": 0.5, "value": 225000.0, "Latitude": 34.08, "Longitude": -118.3, "Population": 1774.0}, {"index": 4341, "quantile": 0.75, "value": 225000.0, "Latitude": 34.08, "Longitude": -118.3, "Population": 1774.0}, {"index": 4341, "quantile": 1.0, "value": 360000.0, "Latitude": 34.08, "Longitude": -118.3, "Population": 1774.0}, {"index": 4342, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 34.08, "Longitude": -118.3, "Population": 3646.0}, {"index": 4342, "quantile": 0.25, "value": 215425.00000000003, "Latitude": 34.08, "Longitude": -118.3, "Population": 3646.0}, {"index": 4342, "quantile": 0.5, "value": 258300.00000000003, "Latitude": 34.08, "Longitude": -118.3, "Population": 3646.0}, {"index": 4342, "quantile": 0.75, "value": 258300.00000000003, "Latitude": 34.08, "Longitude": -118.3, "Population": 3646.0}, {"index": 4342, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 34.08, "Longitude": -118.3, "Population": 3646.0}, {"index": 4343, "quantile": 0.0, "value": 114300.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 2635.0}, {"index": 4343, "quantile": 0.25, "value": 173900.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 2635.0}, {"index": 4343, "quantile": 0.5, "value": 173900.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 2635.0}, {"index": 4343, "quantile": 0.75, "value": 190000.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 2635.0}, {"index": 4343, "quantile": 1.0, "value": 254500.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 2635.0}, {"index": 4344, "quantile": 0.0, "value": 47500.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 445.0}, {"index": 4344, "quantile": 0.25, "value": 137500.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 445.0}, {"index": 4344, "quantile": 0.5, "value": 137500.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 445.0}, {"index": 4344, "quantile": 0.75, "value": 147300.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 445.0}, {"index": 4344, "quantile": 1.0, "value": 300000.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 445.0}, {"index": 4345, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.37, "Population": 843.0}, {"index": 4345, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.37, "Population": 843.0}, {"index": 4345, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.37, "Population": 843.0}, {"index": 4345, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.37, "Population": 843.0}, {"index": 4345, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.37, "Population": 843.0}, {"index": 4346, "quantile": 0.0, "value": 224100.0, "Latitude": 34.12, "Longitude": -118.36, "Population": 1468.0}, {"index": 4346, "quantile": 0.25, "value": 372900.0, "Latitude": 34.12, "Longitude": -118.36, "Population": 1468.0}, {"index": 4346, "quantile": 0.5, "value": 441649.99999999994, "Latitude": 34.12, "Longitude": -118.36, "Population": 1468.0}, {"index": 4346, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.36, "Population": 1468.0}, {"index": 4346, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.36, "Population": 1468.0}, {"index": 4347, "quantile": 0.0, "value": 228300.0, "Latitude": 34.11, "Longitude": -118.35, "Population": 2701.0}, {"index": 4347, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.35, "Population": 2701.0}, {"index": 4347, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.35, "Population": 2701.0}, {"index": 4347, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.35, "Population": 2701.0}, {"index": 4347, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.35, "Population": 2701.0}, {"index": 4348, "quantile": 0.0, "value": 249300.0, "Latitude": 34.11, "Longitude": -118.36, "Population": 1361.0}, {"index": 4348, "quantile": 0.25, "value": 421899.99999999994, "Latitude": 34.11, "Longitude": -118.36, "Population": 1361.0}, {"index": 4348, "quantile": 0.5, "value": 483600.00000000006, "Latitude": 34.11, "Longitude": -118.36, "Population": 1361.0}, {"index": 4348, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.36, "Population": 1361.0}, {"index": 4348, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.36, "Population": 1361.0}, {"index": 4349, "quantile": 0.0, "value": 293500.0, "Latitude": 34.11, "Longitude": -118.38, "Population": 870.0}, {"index": 4349, "quantile": 0.25, "value": 469900.0, "Latitude": 34.11, "Longitude": -118.38, "Population": 870.0}, {"index": 4349, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.38, "Population": 870.0}, {"index": 4349, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.38, "Population": 870.0}, {"index": 4349, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.38, "Population": 870.0}, {"index": 4350, "quantile": 0.0, "value": 472100.0, "Latitude": 34.11, "Longitude": -118.37, "Population": 1863.0}, {"index": 4350, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.37, "Population": 1863.0}, {"index": 4350, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.37, "Population": 1863.0}, {"index": 4350, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.37, "Population": 1863.0}, {"index": 4350, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.37, "Population": 1863.0}, {"index": 4351, "quantile": 0.0, "value": 130600.0, "Latitude": 34.1, "Longitude": -118.36, "Population": 1129.0}, {"index": 4351, "quantile": 0.25, "value": 313325.00000000006, "Latitude": 34.1, "Longitude": -118.36, "Population": 1129.0}, {"index": 4351, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.36, "Population": 1129.0}, {"index": 4351, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.36, "Population": 1129.0}, {"index": 4351, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.36, "Population": 1129.0}, {"index": 4352, "quantile": 0.0, "value": 416700.0, "Latitude": 34.1, "Longitude": -118.37, "Population": 100.0}, {"index": 4352, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.37, "Population": 100.0}, {"index": 4352, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.37, "Population": 100.0}, {"index": 4352, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.37, "Population": 100.0}, {"index": 4352, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.37, "Population": 100.0}, {"index": 4353, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.38, "Population": 975.0}, {"index": 4353, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.38, "Population": 975.0}, {"index": 4353, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.38, "Population": 975.0}, {"index": 4353, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.38, "Population": 975.0}, {"index": 4353, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.38, "Population": 975.0}, {"index": 4354, "quantile": 0.0, "value": 351900.0, "Latitude": 34.1, "Longitude": -118.39, "Population": 1776.0}, {"index": 4354, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.39, "Population": 1776.0}, {"index": 4354, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.39, "Population": 1776.0}, {"index": 4354, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.39, "Population": 1776.0}, {"index": 4354, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.39, "Population": 1776.0}, {"index": 4355, "quantile": 0.0, "value": 132200.0, "Latitude": 34.09, "Longitude": -118.39, "Population": 230.0}, {"index": 4355, "quantile": 0.25, "value": 356750.0, "Latitude": 34.09, "Longitude": -118.39, "Population": 230.0}, {"index": 4355, "quantile": 0.5, "value": 385900.0, "Latitude": 34.09, "Longitude": -118.39, "Population": 230.0}, {"index": 4355, "quantile": 0.75, "value": 470000.0, "Latitude": 34.09, "Longitude": -118.39, "Population": 230.0}, {"index": 4355, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.39, "Population": 230.0}, {"index": 4356, "quantile": 0.0, "value": 179800.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 1061.0}, {"index": 4356, "quantile": 0.25, "value": 313600.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 1061.0}, {"index": 4356, "quantile": 0.5, "value": 355300.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 1061.0}, {"index": 4356, "quantile": 0.75, "value": 355300.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 1061.0}, {"index": 4356, "quantile": 1.0, "value": 431400.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 1061.0}, {"index": 4357, "quantile": 0.0, "value": 52800.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 1557.0}, {"index": 4357, "quantile": 0.25, "value": 157650.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 1557.0}, {"index": 4357, "quantile": 0.5, "value": 223000.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 1557.0}, {"index": 4357, "quantile": 0.75, "value": 312500.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 1557.0}, {"index": 4357, "quantile": 1.0, "value": 438300.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 1557.0}, {"index": 4358, "quantile": 0.0, "value": 140600.0, "Latitude": 34.08, "Longitude": -118.37, "Population": 1258.0}, {"index": 4358, "quantile": 0.25, "value": 374100.0, "Latitude": 34.08, "Longitude": -118.37, "Population": 1258.0}, {"index": 4358, "quantile": 0.5, "value": 374100.0, "Latitude": 34.08, "Longitude": -118.37, "Population": 1258.0}, {"index": 4358, "quantile": 0.75, "value": 374100.0, "Latitude": 34.08, "Longitude": -118.37, "Population": 1258.0}, {"index": 4358, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.37, "Population": 1258.0}, {"index": 4359, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.08, "Longitude": -118.37, "Population": 1224.0}, {"index": 4359, "quantile": 0.25, "value": 317500.0, "Latitude": 34.08, "Longitude": -118.37, "Population": 1224.0}, {"index": 4359, "quantile": 0.5, "value": 370000.0, "Latitude": 34.08, "Longitude": -118.37, "Population": 1224.0}, {"index": 4359, "quantile": 0.75, "value": 484999.99999999994, "Latitude": 34.08, "Longitude": -118.37, "Population": 1224.0}, {"index": 4359, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.37, "Population": 1224.0}, {"index": 4360, "quantile": 0.0, "value": 162500.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 1059.0}, {"index": 4360, "quantile": 0.25, "value": 370275.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 1059.0}, {"index": 4360, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.37, "Population": 1059.0}, {"index": 4360, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.37, "Population": 1059.0}, {"index": 4360, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.37, "Population": 1059.0}, {"index": 4361, "quantile": 0.0, "value": 148400.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 1265.0}, {"index": 4361, "quantile": 0.25, "value": 265500.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 1265.0}, {"index": 4361, "quantile": 0.5, "value": 397900.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 1265.0}, {"index": 4361, "quantile": 0.75, "value": 397900.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 1265.0}, {"index": 4361, "quantile": 1.0, "value": 397900.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 1265.0}, {"index": 4362, "quantile": 0.0, "value": 267900.0, "Latitude": 34.08, "Longitude": -118.37, "Population": 600.0}, {"index": 4362, "quantile": 0.25, "value": 393600.0, "Latitude": 34.08, "Longitude": -118.37, "Population": 600.0}, {"index": 4362, "quantile": 0.5, "value": 393600.0, "Latitude": 34.08, "Longitude": -118.37, "Population": 600.0}, {"index": 4362, "quantile": 0.75, "value": 393600.0, "Latitude": 34.08, "Longitude": -118.37, "Population": 600.0}, {"index": 4362, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.37, "Population": 600.0}, {"index": 4363, "quantile": 0.0, "value": 215800.0, "Latitude": 34.08, "Longitude": -118.37, "Population": 543.0}, {"index": 4363, "quantile": 0.25, "value": 423700.0, "Latitude": 34.08, "Longitude": -118.37, "Population": 543.0}, {"index": 4363, "quantile": 0.5, "value": 423700.0, "Latitude": 34.08, "Longitude": -118.37, "Population": 543.0}, {"index": 4363, "quantile": 0.75, "value": 423700.0, "Latitude": 34.08, "Longitude": -118.37, "Population": 543.0}, {"index": 4363, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.37, "Population": 543.0}, {"index": 4364, "quantile": 0.0, "value": 189800.0, "Latitude": 34.1, "Longitude": -118.26, "Population": 1421.0}, {"index": 4364, "quantile": 0.25, "value": 262400.0, "Latitude": 34.1, "Longitude": -118.26, "Population": 1421.0}, {"index": 4364, "quantile": 0.5, "value": 318600.0, "Latitude": 34.1, "Longitude": -118.26, "Population": 1421.0}, {"index": 4364, "quantile": 0.75, "value": 318600.0, "Latitude": 34.1, "Longitude": -118.26, "Population": 1421.0}, {"index": 4364, "quantile": 1.0, "value": 395700.0, "Latitude": 34.1, "Longitude": -118.26, "Population": 1421.0}, {"index": 4365, "quantile": 0.0, "value": 117400.0, "Latitude": 34.1, "Longitude": -118.26, "Population": 689.0}, {"index": 4365, "quantile": 0.25, "value": 252700.0, "Latitude": 34.1, "Longitude": -118.26, "Population": 689.0}, {"index": 4365, "quantile": 0.5, "value": 350000.0, "Latitude": 34.1, "Longitude": -118.26, "Population": 689.0}, {"index": 4365, "quantile": 0.75, "value": 350000.0, "Latitude": 34.1, "Longitude": -118.26, "Population": 689.0}, {"index": 4365, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.26, "Population": 689.0}, {"index": 4366, "quantile": 0.0, "value": 310900.0, "Latitude": 34.1, "Longitude": -118.27, "Population": 1082.0}, {"index": 4366, "quantile": 0.25, "value": 421600.0, "Latitude": 34.1, "Longitude": -118.27, "Population": 1082.0}, {"index": 4366, "quantile": 0.5, "value": 421600.0, "Latitude": 34.1, "Longitude": -118.27, "Population": 1082.0}, {"index": 4366, "quantile": 0.75, "value": 422200.00000000006, "Latitude": 34.1, "Longitude": -118.27, "Population": 1082.0}, {"index": 4366, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.27, "Population": 1082.0}, {"index": 4367, "quantile": 0.0, "value": 355900.0, "Latitude": 34.1, "Longitude": -118.27, "Population": 1364.0}, {"index": 4367, "quantile": 0.25, "value": 480300.0, "Latitude": 34.1, "Longitude": -118.27, "Population": 1364.0}, {"index": 4367, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.27, "Population": 1364.0}, {"index": 4367, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.27, "Population": 1364.0}, {"index": 4367, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.27, "Population": 1364.0}, {"index": 4368, "quantile": 0.0, "value": 175000.0, "Latitude": 34.11, "Longitude": -118.27, "Population": 1859.0}, {"index": 4368, "quantile": 0.25, "value": 264300.0, "Latitude": 34.11, "Longitude": -118.27, "Population": 1859.0}, {"index": 4368, "quantile": 0.5, "value": 306800.0, "Latitude": 34.11, "Longitude": -118.27, "Population": 1859.0}, {"index": 4368, "quantile": 0.75, "value": 306800.0, "Latitude": 34.11, "Longitude": -118.27, "Population": 1859.0}, {"index": 4368, "quantile": 1.0, "value": 438300.0, "Latitude": 34.11, "Longitude": -118.27, "Population": 1859.0}, {"index": 4369, "quantile": 0.0, "value": 146300.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 514.0}, {"index": 4369, "quantile": 0.25, "value": 289400.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 514.0}, {"index": 4369, "quantile": 0.5, "value": 352100.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 514.0}, {"index": 4369, "quantile": 0.75, "value": 352100.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 514.0}, {"index": 4369, "quantile": 1.0, "value": 395700.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 514.0}, {"index": 4370, "quantile": 0.0, "value": 239600.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 775.0}, {"index": 4370, "quantile": 0.25, "value": 397500.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 775.0}, {"index": 4370, "quantile": 0.5, "value": 397500.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 775.0}, {"index": 4370, "quantile": 0.75, "value": 397500.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 775.0}, {"index": 4370, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.28, "Population": 775.0}, {"index": 4371, "quantile": 0.0, "value": 189800.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 787.0}, {"index": 4371, "quantile": 0.25, "value": 358000.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 787.0}, {"index": 4371, "quantile": 0.5, "value": 360500.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 787.0}, {"index": 4371, "quantile": 0.75, "value": 360500.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 787.0}, {"index": 4371, "quantile": 1.0, "value": 470000.0, "Latitude": 34.11, "Longitude": -118.28, "Population": 787.0}, {"index": 4372, "quantile": 0.0, "value": 220500.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 1227.0}, {"index": 4372, "quantile": 0.25, "value": 324000.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 1227.0}, {"index": 4372, "quantile": 0.5, "value": 324000.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 1227.0}, {"index": 4372, "quantile": 0.75, "value": 324000.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 1227.0}, {"index": 4372, "quantile": 1.0, "value": 371700.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 1227.0}, {"index": 4373, "quantile": 0.0, "value": 140600.0, "Latitude": 34.1, "Longitude": -118.27, "Population": 793.0}, {"index": 4373, "quantile": 0.25, "value": 304600.0, "Latitude": 34.1, "Longitude": -118.27, "Population": 793.0}, {"index": 4373, "quantile": 0.5, "value": 304600.0, "Latitude": 34.1, "Longitude": -118.27, "Population": 793.0}, {"index": 4373, "quantile": 0.75, "value": 382725.0, "Latitude": 34.1, "Longitude": -118.27, "Population": 793.0}, {"index": 4373, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.27, "Population": 793.0}, {"index": 4374, "quantile": 0.0, "value": 151600.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 1066.0}, {"index": 4374, "quantile": 0.25, "value": 210900.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 1066.0}, {"index": 4374, "quantile": 0.5, "value": 210900.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 1066.0}, {"index": 4374, "quantile": 0.75, "value": 225575.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 1066.0}, {"index": 4374, "quantile": 1.0, "value": 436400.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 1066.0}, {"index": 4375, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 34.1, "Longitude": -118.28, "Population": 633.0}, {"index": 4375, "quantile": 0.25, "value": 200000.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 633.0}, {"index": 4375, "quantile": 0.5, "value": 200000.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 633.0}, {"index": 4375, "quantile": 0.75, "value": 200000.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 633.0}, {"index": 4375, "quantile": 1.0, "value": 362500.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 633.0}, {"index": 4376, "quantile": 0.0, "value": 151600.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 2004.0}, {"index": 4376, "quantile": 0.25, "value": 217300.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 2004.0}, {"index": 4376, "quantile": 0.5, "value": 217300.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 2004.0}, {"index": 4376, "quantile": 0.75, "value": 217300.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 2004.0}, {"index": 4376, "quantile": 1.0, "value": 445000.0, "Latitude": 34.1, "Longitude": -118.28, "Population": 2004.0}, {"index": 4377, "quantile": 0.0, "value": 186400.0, "Latitude": 34.09, "Longitude": -118.27, "Population": 589.0}, {"index": 4377, "quantile": 0.25, "value": 344800.0, "Latitude": 34.09, "Longitude": -118.27, "Population": 589.0}, {"index": 4377, "quantile": 0.5, "value": 344800.0, "Latitude": 34.09, "Longitude": -118.27, "Population": 589.0}, {"index": 4377, "quantile": 0.75, "value": 344800.0, "Latitude": 34.09, "Longitude": -118.27, "Population": 589.0}, {"index": 4377, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.27, "Population": 589.0}, {"index": 4378, "quantile": 0.0, "value": 244499.99999999997, "Latitude": 34.09, "Longitude": -118.27, "Population": 1559.0}, {"index": 4378, "quantile": 0.25, "value": 268800.0, "Latitude": 34.09, "Longitude": -118.27, "Population": 1559.0}, {"index": 4378, "quantile": 0.5, "value": 268800.0, "Latitude": 34.09, "Longitude": -118.27, "Population": 1559.0}, {"index": 4378, "quantile": 0.75, "value": 275350.0, "Latitude": 34.09, "Longitude": -118.27, "Population": 1559.0}, {"index": 4378, "quantile": 1.0, "value": 446000.0, "Latitude": 34.09, "Longitude": -118.27, "Population": 1559.0}, {"index": 4379, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 34.09, "Longitude": -118.28, "Population": 1480.0}, {"index": 4379, "quantile": 0.25, "value": 200000.0, "Latitude": 34.09, "Longitude": -118.28, "Population": 1480.0}, {"index": 4379, "quantile": 0.5, "value": 224500.0, "Latitude": 34.09, "Longitude": -118.28, "Population": 1480.0}, {"index": 4379, "quantile": 0.75, "value": 254399.99999999997, "Latitude": 34.09, "Longitude": -118.28, "Population": 1480.0}, {"index": 4379, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.28, "Population": 1480.0}, {"index": 4380, "quantile": 0.0, "value": 210000.0, "Latitude": 34.09, "Longitude": -118.27, "Population": 1048.0}, {"index": 4380, "quantile": 0.25, "value": 252300.0, "Latitude": 34.09, "Longitude": -118.27, "Population": 1048.0}, {"index": 4380, "quantile": 0.5, "value": 252300.0, "Latitude": 34.09, "Longitude": -118.27, "Population": 1048.0}, {"index": 4380, "quantile": 0.75, "value": 268400.0, "Latitude": 34.09, "Longitude": -118.27, "Population": 1048.0}, {"index": 4380, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.27, "Population": 1048.0}, {"index": 4381, "quantile": 0.0, "value": 198000.0, "Latitude": 34.09, "Longitude": -118.26, "Population": 669.0}, {"index": 4381, "quantile": 0.25, "value": 278800.0, "Latitude": 34.09, "Longitude": -118.26, "Population": 669.0}, {"index": 4381, "quantile": 0.5, "value": 278800.0, "Latitude": 34.09, "Longitude": -118.26, "Population": 669.0}, {"index": 4381, "quantile": 0.75, "value": 283525.0, "Latitude": 34.09, "Longitude": -118.26, "Population": 669.0}, {"index": 4381, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.26, "Population": 669.0}, {"index": 4382, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 34.09, "Longitude": -118.26, "Population": 2652.0}, {"index": 4382, "quantile": 0.25, "value": 182300.0, "Latitude": 34.09, "Longitude": -118.26, "Population": 2652.0}, {"index": 4382, "quantile": 0.5, "value": 241400.00000000003, "Latitude": 34.09, "Longitude": -118.26, "Population": 2652.0}, {"index": 4382, "quantile": 0.75, "value": 241400.00000000003, "Latitude": 34.09, "Longitude": -118.26, "Population": 2652.0}, {"index": 4382, "quantile": 1.0, "value": 291500.0, "Latitude": 34.09, "Longitude": -118.26, "Population": 2652.0}, {"index": 4383, "quantile": 0.0, "value": 204199.99999999997, "Latitude": 34.09, "Longitude": -118.27, "Population": 439.0}, {"index": 4383, "quantile": 0.25, "value": 230799.99999999997, "Latitude": 34.09, "Longitude": -118.27, "Population": 439.0}, {"index": 4383, "quantile": 0.5, "value": 230799.99999999997, "Latitude": 34.09, "Longitude": -118.27, "Population": 439.0}, {"index": 4383, "quantile": 0.75, "value": 331650.0, "Latitude": 34.09, "Longitude": -118.27, "Population": 439.0}, {"index": 4383, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.27, "Population": 439.0}, {"index": 4384, "quantile": 0.0, "value": 200000.0, "Latitude": 34.09, "Longitude": -118.27, "Population": 1783.0}, {"index": 4384, "quantile": 0.25, "value": 225000.0, "Latitude": 34.09, "Longitude": -118.27, "Population": 1783.0}, {"index": 4384, "quantile": 0.5, "value": 225000.0, "Latitude": 34.09, "Longitude": -118.27, "Population": 1783.0}, {"index": 4384, "quantile": 0.75, "value": 242250.0, "Latitude": 34.09, "Longitude": -118.27, "Population": 1783.0}, {"index": 4384, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.27, "Population": 1783.0}, {"index": 4385, "quantile": 0.0, "value": 72800.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 994.0}, {"index": 4385, "quantile": 0.25, "value": 166700.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 994.0}, {"index": 4385, "quantile": 0.5, "value": 166700.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 994.0}, {"index": 4385, "quantile": 0.75, "value": 166700.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 994.0}, {"index": 4385, "quantile": 1.0, "value": 232100.00000000003, "Latitude": 34.08, "Longitude": -118.26, "Population": 994.0}, {"index": 4386, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 34.08, "Longitude": -118.26, "Population": 1069.0}, {"index": 4386, "quantile": 0.25, "value": 203300.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 1069.0}, {"index": 4386, "quantile": 0.5, "value": 203300.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 1069.0}, {"index": 4386, "quantile": 0.75, "value": 203300.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 1069.0}, {"index": 4386, "quantile": 1.0, "value": 361700.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 1069.0}, {"index": 4387, "quantile": 0.0, "value": 94000.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 910.0}, {"index": 4387, "quantile": 0.25, "value": 170600.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 910.0}, {"index": 4387, "quantile": 0.5, "value": 187500.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 910.0}, {"index": 4387, "quantile": 0.75, "value": 187500.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 910.0}, {"index": 4387, "quantile": 1.0, "value": 330300.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 910.0}, {"index": 4388, "quantile": 0.0, "value": 72800.0, "Latitude": 34.08, "Longitude": -118.27, "Population": 1016.0}, {"index": 4388, "quantile": 0.25, "value": 164925.0, "Latitude": 34.08, "Longitude": -118.27, "Population": 1016.0}, {"index": 4388, "quantile": 0.5, "value": 183800.0, "Latitude": 34.08, "Longitude": -118.27, "Population": 1016.0}, {"index": 4388, "quantile": 0.75, "value": 204999.99999999997, "Latitude": 34.08, "Longitude": -118.27, "Population": 1016.0}, {"index": 4388, "quantile": 1.0, "value": 358100.0, "Latitude": 34.08, "Longitude": -118.27, "Population": 1016.0}, {"index": 4389, "quantile": 0.0, "value": 135200.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 2823.0}, {"index": 4389, "quantile": 0.25, "value": 170500.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 2823.0}, {"index": 4389, "quantile": 0.5, "value": 170500.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 2823.0}, {"index": 4389, "quantile": 0.75, "value": 170500.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 2823.0}, {"index": 4389, "quantile": 1.0, "value": 312500.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 2823.0}, {"index": 4390, "quantile": 0.0, "value": 66000.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 673.0}, {"index": 4390, "quantile": 0.25, "value": 148800.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 673.0}, {"index": 4390, "quantile": 0.5, "value": 173200.00000000003, "Latitude": 34.07, "Longitude": -118.26, "Population": 673.0}, {"index": 4390, "quantile": 0.75, "value": 208650.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 673.0}, {"index": 4390, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.26, "Population": 673.0}, {"index": 4391, "quantile": 0.0, "value": 66400.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1795.0}, {"index": 4391, "quantile": 0.25, "value": 152775.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1795.0}, {"index": 4391, "quantile": 0.5, "value": 170800.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1795.0}, {"index": 4391, "quantile": 0.75, "value": 181300.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1795.0}, {"index": 4391, "quantile": 1.0, "value": 475000.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1795.0}, {"index": 4392, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 34.08, "Longitude": -118.27, "Population": 2899.0}, {"index": 4392, "quantile": 0.25, "value": 157500.0, "Latitude": 34.08, "Longitude": -118.27, "Population": 2899.0}, {"index": 4392, "quantile": 0.5, "value": 157500.0, "Latitude": 34.08, "Longitude": -118.27, "Population": 2899.0}, {"index": 4392, "quantile": 0.75, "value": 167700.0, "Latitude": 34.08, "Longitude": -118.27, "Population": 2899.0}, {"index": 4392, "quantile": 1.0, "value": 350000.0, "Latitude": 34.08, "Longitude": -118.27, "Population": 2899.0}, {"index": 4393, "quantile": 0.0, "value": 153500.0, "Latitude": 34.08, "Longitude": -118.27, "Population": 2587.0}, {"index": 4393, "quantile": 0.25, "value": 184300.0, "Latitude": 34.08, "Longitude": -118.27, "Population": 2587.0}, {"index": 4393, "quantile": 0.5, "value": 184300.0, "Latitude": 34.08, "Longitude": -118.27, "Population": 2587.0}, {"index": 4393, "quantile": 0.75, "value": 203100.0, "Latitude": 34.08, "Longitude": -118.27, "Population": 2587.0}, {"index": 4393, "quantile": 1.0, "value": 358100.0, "Latitude": 34.08, "Longitude": -118.27, "Population": 2587.0}, {"index": 4394, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.08, "Longitude": -118.28, "Population": 982.0}, {"index": 4394, "quantile": 0.25, "value": 191275.0, "Latitude": 34.08, "Longitude": -118.28, "Population": 982.0}, {"index": 4394, "quantile": 0.5, "value": 213499.99999999997, "Latitude": 34.08, "Longitude": -118.28, "Population": 982.0}, {"index": 4394, "quantile": 0.75, "value": 251400.00000000003, "Latitude": 34.08, "Longitude": -118.28, "Population": 982.0}, {"index": 4394, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.28, "Population": 982.0}, {"index": 4395, "quantile": 0.0, "value": 138000.0, "Latitude": 34.08, "Longitude": -118.28, "Population": 2328.0}, {"index": 4395, "quantile": 0.25, "value": 203100.0, "Latitude": 34.08, "Longitude": -118.28, "Population": 2328.0}, {"index": 4395, "quantile": 0.5, "value": 203100.0, "Latitude": 34.08, "Longitude": -118.28, "Population": 2328.0}, {"index": 4395, "quantile": 0.75, "value": 203100.0, "Latitude": 34.08, "Longitude": -118.28, "Population": 2328.0}, {"index": 4395, "quantile": 1.0, "value": 475000.0, "Latitude": 34.08, "Longitude": -118.28, "Population": 2328.0}, {"index": 4396, "quantile": 0.0, "value": 117600.0, "Latitude": 34.08, "Longitude": -118.27, "Population": 658.0}, {"index": 4396, "quantile": 0.25, "value": 186800.0, "Latitude": 34.08, "Longitude": -118.27, "Population": 658.0}, {"index": 4396, "quantile": 0.5, "value": 214000.0, "Latitude": 34.08, "Longitude": -118.27, "Population": 658.0}, {"index": 4396, "quantile": 0.75, "value": 263675.0, "Latitude": 34.08, "Longitude": -118.27, "Population": 658.0}, {"index": 4396, "quantile": 1.0, "value": 436400.0, "Latitude": 34.08, "Longitude": -118.27, "Population": 658.0}, {"index": 4397, "quantile": 0.0, "value": 112500.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1692.0}, {"index": 4397, "quantile": 0.25, "value": 170800.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1692.0}, {"index": 4397, "quantile": 0.5, "value": 170800.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1692.0}, {"index": 4397, "quantile": 0.75, "value": 170800.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1692.0}, {"index": 4397, "quantile": 1.0, "value": 360000.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1692.0}, {"index": 4398, "quantile": 0.0, "value": 96100.0, "Latitude": 34.08, "Longitude": -118.28, "Population": 1454.0}, {"index": 4398, "quantile": 0.25, "value": 182000.0, "Latitude": 34.08, "Longitude": -118.28, "Population": 1454.0}, {"index": 4398, "quantile": 0.5, "value": 182000.0, "Latitude": 34.08, "Longitude": -118.28, "Population": 1454.0}, {"index": 4398, "quantile": 0.75, "value": 182000.0, "Latitude": 34.08, "Longitude": -118.28, "Population": 1454.0}, {"index": 4398, "quantile": 1.0, "value": 362500.0, "Latitude": 34.08, "Longitude": -118.28, "Population": 1454.0}, {"index": 4399, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 34.09, "Longitude": -118.28, "Population": 938.0}, {"index": 4399, "quantile": 0.25, "value": 228799.99999999997, "Latitude": 34.09, "Longitude": -118.28, "Population": 938.0}, {"index": 4399, "quantile": 0.5, "value": 228799.99999999997, "Latitude": 34.09, "Longitude": -118.28, "Population": 938.0}, {"index": 4399, "quantile": 0.75, "value": 241175.0, "Latitude": 34.09, "Longitude": -118.28, "Population": 938.0}, {"index": 4399, "quantile": 1.0, "value": 438300.0, "Latitude": 34.09, "Longitude": -118.28, "Population": 938.0}, {"index": 4400, "quantile": 0.0, "value": 162500.0, "Latitude": 34.08, "Longitude": -118.28, "Population": 1934.0}, {"index": 4400, "quantile": 0.25, "value": 213499.99999999997, "Latitude": 34.08, "Longitude": -118.28, "Population": 1934.0}, {"index": 4400, "quantile": 0.5, "value": 213499.99999999997, "Latitude": 34.08, "Longitude": -118.28, "Population": 1934.0}, {"index": 4400, "quantile": 0.75, "value": 227900.0, "Latitude": 34.08, "Longitude": -118.28, "Population": 1934.0}, {"index": 4400, "quantile": 1.0, "value": 358100.0, "Latitude": 34.08, "Longitude": -118.28, "Population": 1934.0}, {"index": 4401, "quantile": 0.0, "value": 112500.0, "Latitude": 34.08, "Longitude": -118.28, "Population": 1568.0}, {"index": 4401, "quantile": 0.25, "value": 184300.0, "Latitude": 34.08, "Longitude": -118.28, "Population": 1568.0}, {"index": 4401, "quantile": 0.5, "value": 215099.99999999997, "Latitude": 34.08, "Longitude": -118.28, "Population": 1568.0}, {"index": 4401, "quantile": 0.75, "value": 225349.99999999997, "Latitude": 34.08, "Longitude": -118.28, "Population": 1568.0}, {"index": 4401, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.28, "Population": 1568.0}, {"index": 4402, "quantile": 0.0, "value": 138000.0, "Latitude": 34.09, "Longitude": -118.28, "Population": 2862.0}, {"index": 4402, "quantile": 0.25, "value": 185125.0, "Latitude": 34.09, "Longitude": -118.28, "Population": 2862.0}, {"index": 4402, "quantile": 0.5, "value": 210800.0, "Latitude": 34.09, "Longitude": -118.28, "Population": 2862.0}, {"index": 4402, "quantile": 0.75, "value": 229675.00000000003, "Latitude": 34.09, "Longitude": -118.28, "Population": 2862.0}, {"index": 4402, "quantile": 1.0, "value": 445000.0, "Latitude": 34.09, "Longitude": -118.28, "Population": 2862.0}, {"index": 4403, "quantile": 0.0, "value": 103600.0, "Latitude": 34.07, "Longitude": -118.23, "Population": 1586.0}, {"index": 4403, "quantile": 0.25, "value": 155250.0, "Latitude": 34.07, "Longitude": -118.23, "Population": 1586.0}, {"index": 4403, "quantile": 0.5, "value": 156300.0, "Latitude": 34.07, "Longitude": -118.23, "Population": 1586.0}, {"index": 4403, "quantile": 0.75, "value": 156300.0, "Latitude": 34.07, "Longitude": -118.23, "Population": 1586.0}, {"index": 4403, "quantile": 1.0, "value": 233300.00000000003, "Latitude": 34.07, "Longitude": -118.23, "Population": 1586.0}, {"index": 4404, "quantile": 0.0, "value": 83100.0, "Latitude": 34.07, "Longitude": -118.23, "Population": 397.0}, {"index": 4404, "quantile": 0.25, "value": 153900.0, "Latitude": 34.07, "Longitude": -118.23, "Population": 397.0}, {"index": 4404, "quantile": 0.5, "value": 162700.0, "Latitude": 34.07, "Longitude": -118.23, "Population": 397.0}, {"index": 4404, "quantile": 0.75, "value": 184600.0, "Latitude": 34.07, "Longitude": -118.23, "Population": 397.0}, {"index": 4404, "quantile": 1.0, "value": 263200.0, "Latitude": 34.07, "Longitude": -118.23, "Population": 397.0}, {"index": 4405, "quantile": 0.0, "value": 85600.0, "Latitude": 34.08, "Longitude": -118.24, "Population": 86.0}, {"index": 4405, "quantile": 0.25, "value": 187500.0, "Latitude": 34.08, "Longitude": -118.24, "Population": 86.0}, {"index": 4405, "quantile": 0.5, "value": 187500.0, "Latitude": 34.08, "Longitude": -118.24, "Population": 86.0}, {"index": 4405, "quantile": 0.75, "value": 187500.0, "Latitude": 34.08, "Longitude": -118.24, "Population": 86.0}, {"index": 4405, "quantile": 1.0, "value": 447100.0, "Latitude": 34.08, "Longitude": -118.24, "Population": 86.0}, {"index": 4406, "quantile": 0.0, "value": 137500.0, "Latitude": 34.08, "Longitude": -118.24, "Population": 65.0}, {"index": 4406, "quantile": 0.25, "value": 137500.0, "Latitude": 34.08, "Longitude": -118.24, "Population": 65.0}, {"index": 4406, "quantile": 0.5, "value": 137500.0, "Latitude": 34.08, "Longitude": -118.24, "Population": 65.0}, {"index": 4406, "quantile": 0.75, "value": 243425.0, "Latitude": 34.08, "Longitude": -118.24, "Population": 65.0}, {"index": 4406, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.24, "Population": 65.0}, {"index": 4407, "quantile": 0.0, "value": 80800.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 913.0}, {"index": 4407, "quantile": 0.25, "value": 136100.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 913.0}, {"index": 4407, "quantile": 0.5, "value": 136100.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 913.0}, {"index": 4407, "quantile": 0.75, "value": 136100.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 913.0}, {"index": 4407, "quantile": 1.0, "value": 191700.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 913.0}, {"index": 4408, "quantile": 0.0, "value": 71300.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 1500.0}, {"index": 4408, "quantile": 0.25, "value": 152200.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 1500.0}, {"index": 4408, "quantile": 0.5, "value": 160200.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 1500.0}, {"index": 4408, "quantile": 0.75, "value": 185550.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 1500.0}, {"index": 4408, "quantile": 1.0, "value": 305600.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 1500.0}, {"index": 4409, "quantile": 0.0, "value": 112000.00000000001, "Latitude": 34.09, "Longitude": -118.23, "Population": 1680.0}, {"index": 4409, "quantile": 0.25, "value": 155500.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 1680.0}, {"index": 4409, "quantile": 0.5, "value": 155500.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 1680.0}, {"index": 4409, "quantile": 0.75, "value": 155500.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 1680.0}, {"index": 4409, "quantile": 1.0, "value": 213300.0, "Latitude": 34.09, "Longitude": -118.23, "Population": 1680.0}, {"index": 4410, "quantile": 0.0, "value": 88800.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 957.0}, {"index": 4410, "quantile": 0.25, "value": 210000.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 957.0}, {"index": 4410, "quantile": 0.5, "value": 210000.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 957.0}, {"index": 4410, "quantile": 0.75, "value": 210000.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 957.0}, {"index": 4410, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.25, "Population": 957.0}, {"index": 4411, "quantile": 0.0, "value": 132200.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 32.0}, {"index": 4411, "quantile": 0.25, "value": 278800.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 32.0}, {"index": 4411, "quantile": 0.5, "value": 448700.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 32.0}, {"index": 4411, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.25, "Population": 32.0}, {"index": 4411, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.25, "Population": 32.0}, {"index": 4412, "quantile": 0.0, "value": 118800.0, "Latitude": 34.08, "Longitude": -118.25, "Population": 1121.0}, {"index": 4412, "quantile": 0.25, "value": 200000.0, "Latitude": 34.08, "Longitude": -118.25, "Population": 1121.0}, {"index": 4412, "quantile": 0.5, "value": 200000.0, "Latitude": 34.08, "Longitude": -118.25, "Population": 1121.0}, {"index": 4412, "quantile": 0.75, "value": 200000.0, "Latitude": 34.08, "Longitude": -118.25, "Population": 1121.0}, {"index": 4412, "quantile": 1.0, "value": 300000.0, "Latitude": 34.08, "Longitude": -118.25, "Population": 1121.0}, {"index": 4413, "quantile": 0.0, "value": 98700.0, "Latitude": 34.08, "Longitude": -118.25, "Population": 2104.0}, {"index": 4413, "quantile": 0.25, "value": 167550.0, "Latitude": 34.08, "Longitude": -118.25, "Population": 2104.0}, {"index": 4413, "quantile": 0.5, "value": 184300.0, "Latitude": 34.08, "Longitude": -118.25, "Population": 2104.0}, {"index": 4413, "quantile": 0.75, "value": 203100.0, "Latitude": 34.08, "Longitude": -118.25, "Population": 2104.0}, {"index": 4413, "quantile": 1.0, "value": 358100.0, "Latitude": 34.08, "Longitude": -118.25, "Population": 2104.0}, {"index": 4414, "quantile": 0.0, "value": 112500.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 1919.0}, {"index": 4414, "quantile": 0.25, "value": 173575.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 1919.0}, {"index": 4414, "quantile": 0.5, "value": 203100.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 1919.0}, {"index": 4414, "quantile": 0.75, "value": 218100.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 1919.0}, {"index": 4414, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.25, "Population": 1919.0}, {"index": 4415, "quantile": 0.0, "value": 94000.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 1211.0}, {"index": 4415, "quantile": 0.25, "value": 162125.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 1211.0}, {"index": 4415, "quantile": 0.5, "value": 186800.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 1211.0}, {"index": 4415, "quantile": 0.75, "value": 224125.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 1211.0}, {"index": 4415, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.09, "Longitude": -118.25, "Population": 1211.0}, {"index": 4416, "quantile": 0.0, "value": 87500.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 2183.0}, {"index": 4416, "quantile": 0.25, "value": 166700.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 2183.0}, {"index": 4416, "quantile": 0.5, "value": 166700.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 2183.0}, {"index": 4416, "quantile": 0.75, "value": 166700.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 2183.0}, {"index": 4416, "quantile": 1.0, "value": 350900.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 2183.0}, {"index": 4417, "quantile": 0.0, "value": 119200.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 1992.0}, {"index": 4417, "quantile": 0.25, "value": 167800.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 1992.0}, {"index": 4417, "quantile": 0.5, "value": 167800.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 1992.0}, {"index": 4417, "quantile": 0.75, "value": 167800.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 1992.0}, {"index": 4417, "quantile": 1.0, "value": 275000.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 1992.0}, {"index": 4418, "quantile": 0.0, "value": 124200.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 1728.0}, {"index": 4418, "quantile": 0.25, "value": 189800.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 1728.0}, {"index": 4418, "quantile": 0.5, "value": 189800.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 1728.0}, {"index": 4418, "quantile": 0.75, "value": 214200.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 1728.0}, {"index": 4418, "quantile": 1.0, "value": 419100.0, "Latitude": 34.09, "Longitude": -118.25, "Population": 1728.0}, {"index": 4419, "quantile": 0.0, "value": 87500.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 2699.0}, {"index": 4419, "quantile": 0.25, "value": 179200.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 2699.0}, {"index": 4419, "quantile": 0.5, "value": 179200.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 2699.0}, {"index": 4419, "quantile": 0.75, "value": 179200.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 2699.0}, {"index": 4419, "quantile": 1.0, "value": 240600.0, "Latitude": 34.08, "Longitude": -118.26, "Population": 2699.0}, {"index": 4420, "quantile": 0.0, "value": 119200.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 2371.0}, {"index": 4420, "quantile": 0.25, "value": 167800.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 2371.0}, {"index": 4420, "quantile": 0.5, "value": 181700.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 2371.0}, {"index": 4420, "quantile": 0.75, "value": 181700.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 2371.0}, {"index": 4420, "quantile": 1.0, "value": 232100.00000000003, "Latitude": 34.07, "Longitude": -118.26, "Population": 2371.0}, {"index": 4421, "quantile": 0.0, "value": 89500.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 701.0}, {"index": 4421, "quantile": 0.25, "value": 171075.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 701.0}, {"index": 4421, "quantile": 0.5, "value": 232100.00000000003, "Latitude": 34.07, "Longitude": -118.26, "Population": 701.0}, {"index": 4421, "quantile": 0.75, "value": 232100.00000000003, "Latitude": 34.07, "Longitude": -118.26, "Population": 701.0}, {"index": 4421, "quantile": 1.0, "value": 312500.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 701.0}, {"index": 4422, "quantile": 0.0, "value": 96200.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 2033.0}, {"index": 4422, "quantile": 0.25, "value": 143500.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 2033.0}, {"index": 4422, "quantile": 0.5, "value": 164049.99999999997, "Latitude": 34.07, "Longitude": -118.25, "Population": 2033.0}, {"index": 4422, "quantile": 0.75, "value": 185900.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 2033.0}, {"index": 4422, "quantile": 1.0, "value": 312500.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 2033.0}, {"index": 4423, "quantile": 0.0, "value": 87500.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 1275.0}, {"index": 4423, "quantile": 0.25, "value": 132500.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 1275.0}, {"index": 4423, "quantile": 0.5, "value": 152100.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 1275.0}, {"index": 4423, "quantile": 0.75, "value": 169225.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 1275.0}, {"index": 4423, "quantile": 1.0, "value": 225000.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 1275.0}, {"index": 4424, "quantile": 0.0, "value": 47500.0, "Latitude": 34.06, "Longitude": -118.25, "Population": 87.0}, {"index": 4424, "quantile": 0.25, "value": 182100.0, "Latitude": 34.06, "Longitude": -118.25, "Population": 87.0}, {"index": 4424, "quantile": 0.5, "value": 225000.0, "Latitude": 34.06, "Longitude": -118.25, "Population": 87.0}, {"index": 4424, "quantile": 0.75, "value": 225000.0, "Latitude": 34.06, "Longitude": -118.25, "Population": 87.0}, {"index": 4424, "quantile": 1.0, "value": 350000.0, "Latitude": 34.06, "Longitude": -118.25, "Population": 87.0}, {"index": 4425, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.07, "Longitude": -118.24, "Population": 249.0}, {"index": 4425, "quantile": 0.25, "value": 159050.0, "Latitude": 34.07, "Longitude": -118.24, "Population": 249.0}, {"index": 4425, "quantile": 0.5, "value": 181700.0, "Latitude": 34.07, "Longitude": -118.24, "Population": 249.0}, {"index": 4425, "quantile": 0.75, "value": 256050.00000000003, "Latitude": 34.07, "Longitude": -118.24, "Population": 249.0}, {"index": 4425, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.24, "Population": 249.0}, {"index": 4426, "quantile": 0.0, "value": 87500.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 4332.0}, {"index": 4426, "quantile": 0.25, "value": 192450.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 4332.0}, {"index": 4426, "quantile": 0.5, "value": 192500.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 4332.0}, {"index": 4426, "quantile": 0.75, "value": 192500.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 4332.0}, {"index": 4426, "quantile": 1.0, "value": 445000.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 4332.0}, {"index": 4427, "quantile": 0.0, "value": 72900.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 801.0}, {"index": 4427, "quantile": 0.25, "value": 133300.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 801.0}, {"index": 4427, "quantile": 0.5, "value": 133300.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 801.0}, {"index": 4427, "quantile": 0.75, "value": 147200.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 801.0}, {"index": 4427, "quantile": 1.0, "value": 250000.0, "Latitude": 34.07, "Longitude": -118.25, "Population": 801.0}, {"index": 4428, "quantile": 0.0, "value": 107200.0, "Latitude": 34.09, "Longitude": -118.22, "Population": 970.0}, {"index": 4428, "quantile": 0.25, "value": 150000.0, "Latitude": 34.09, "Longitude": -118.22, "Population": 970.0}, {"index": 4428, "quantile": 0.5, "value": 150000.0, "Latitude": 34.09, "Longitude": -118.22, "Population": 970.0}, {"index": 4428, "quantile": 0.75, "value": 150000.0, "Latitude": 34.09, "Longitude": -118.22, "Population": 970.0}, {"index": 4428, "quantile": 1.0, "value": 259100.00000000003, "Latitude": 34.09, "Longitude": -118.22, "Population": 970.0}, {"index": 4429, "quantile": 0.0, "value": 47500.0, "Latitude": 34.08, "Longitude": -118.22, "Population": 573.0}, {"index": 4429, "quantile": 0.25, "value": 128099.99999999999, "Latitude": 34.08, "Longitude": -118.22, "Population": 573.0}, {"index": 4429, "quantile": 0.5, "value": 139600.0, "Latitude": 34.08, "Longitude": -118.22, "Population": 573.0}, {"index": 4429, "quantile": 0.75, "value": 158525.0, "Latitude": 34.08, "Longitude": -118.22, "Population": 573.0}, {"index": 4429, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.22, "Population": 573.0}, {"index": 4430, "quantile": 0.0, "value": 96200.0, "Latitude": 34.08, "Longitude": -118.22, "Population": 2105.0}, {"index": 4430, "quantile": 0.25, "value": 152100.0, "Latitude": 34.08, "Longitude": -118.22, "Population": 2105.0}, {"index": 4430, "quantile": 0.5, "value": 152100.0, "Latitude": 34.08, "Longitude": -118.22, "Population": 2105.0}, {"index": 4430, "quantile": 0.75, "value": 152100.0, "Latitude": 34.08, "Longitude": -118.22, "Population": 2105.0}, {"index": 4430, "quantile": 1.0, "value": 187500.0, "Latitude": 34.08, "Longitude": -118.22, "Population": 2105.0}, {"index": 4431, "quantile": 0.0, "value": 87600.0, "Latitude": 34.08, "Longitude": -118.19, "Population": 1055.0}, {"index": 4431, "quantile": 0.25, "value": 135425.0, "Latitude": 34.08, "Longitude": -118.19, "Population": 1055.0}, {"index": 4431, "quantile": 0.5, "value": 137849.99999999997, "Latitude": 34.08, "Longitude": -118.19, "Population": 1055.0}, {"index": 4431, "quantile": 0.75, "value": 149575.0, "Latitude": 34.08, "Longitude": -118.19, "Population": 1055.0}, {"index": 4431, "quantile": 1.0, "value": 189200.0, "Latitude": 34.08, "Longitude": -118.19, "Population": 1055.0}, {"index": 4432, "quantile": 0.0, "value": 88800.0, "Latitude": 34.08, "Longitude": -118.2, "Population": 1405.0}, {"index": 4432, "quantile": 0.25, "value": 113999.99999999999, "Latitude": 34.08, "Longitude": -118.2, "Population": 1405.0}, {"index": 4432, "quantile": 0.5, "value": 113999.99999999999, "Latitude": 34.08, "Longitude": -118.2, "Population": 1405.0}, {"index": 4432, "quantile": 0.75, "value": 122275.0, "Latitude": 34.08, "Longitude": -118.2, "Population": 1405.0}, {"index": 4432, "quantile": 1.0, "value": 167200.0, "Latitude": 34.08, "Longitude": -118.2, "Population": 1405.0}, {"index": 4433, "quantile": 0.0, "value": 89300.0, "Latitude": 34.07, "Longitude": -118.2, "Population": 1688.0}, {"index": 4433, "quantile": 0.25, "value": 139600.0, "Latitude": 34.07, "Longitude": -118.2, "Population": 1688.0}, {"index": 4433, "quantile": 0.5, "value": 139600.0, "Latitude": 34.07, "Longitude": -118.2, "Population": 1688.0}, {"index": 4433, "quantile": 0.75, "value": 139600.0, "Latitude": 34.07, "Longitude": -118.2, "Population": 1688.0}, {"index": 4433, "quantile": 1.0, "value": 221500.0, "Latitude": 34.07, "Longitude": -118.2, "Population": 1688.0}, {"index": 4434, "quantile": 0.0, "value": 95100.0, "Latitude": 34.07, "Longitude": -118.2, "Population": 2203.0}, {"index": 4434, "quantile": 0.25, "value": 138900.0, "Latitude": 34.07, "Longitude": -118.2, "Population": 2203.0}, {"index": 4434, "quantile": 0.5, "value": 149150.0, "Latitude": 34.07, "Longitude": -118.2, "Population": 2203.0}, {"index": 4434, "quantile": 0.75, "value": 158900.0, "Latitude": 34.07, "Longitude": -118.2, "Population": 2203.0}, {"index": 4434, "quantile": 1.0, "value": 350000.0, "Latitude": 34.07, "Longitude": -118.2, "Population": 2203.0}, {"index": 4435, "quantile": 0.0, "value": 90500.0, "Latitude": 34.08, "Longitude": -118.21, "Population": 1347.0}, {"index": 4435, "quantile": 0.25, "value": 134500.0, "Latitude": 34.08, "Longitude": -118.21, "Population": 1347.0}, {"index": 4435, "quantile": 0.5, "value": 148150.0, "Latitude": 34.08, "Longitude": -118.21, "Population": 1347.0}, {"index": 4435, "quantile": 0.75, "value": 165875.0, "Latitude": 34.08, "Longitude": -118.21, "Population": 1347.0}, {"index": 4435, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 34.08, "Longitude": -118.21, "Population": 1347.0}, {"index": 4436, "quantile": 0.0, "value": 50600.0, "Latitude": 34.08, "Longitude": -118.21, "Population": 3163.0}, {"index": 4436, "quantile": 0.25, "value": 154500.0, "Latitude": 34.08, "Longitude": -118.21, "Population": 3163.0}, {"index": 4436, "quantile": 0.5, "value": 173200.0, "Latitude": 34.08, "Longitude": -118.21, "Population": 3163.0}, {"index": 4436, "quantile": 0.75, "value": 173200.0, "Latitude": 34.08, "Longitude": -118.21, "Population": 3163.0}, {"index": 4436, "quantile": 1.0, "value": 231700.00000000003, "Latitude": 34.08, "Longitude": -118.21, "Population": 3163.0}, {"index": 4437, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 34.09, "Longitude": -118.2, "Population": 1668.0}, {"index": 4437, "quantile": 0.25, "value": 138200.0, "Latitude": 34.09, "Longitude": -118.2, "Population": 1668.0}, {"index": 4437, "quantile": 0.5, "value": 138200.0, "Latitude": 34.09, "Longitude": -118.2, "Population": 1668.0}, {"index": 4437, "quantile": 0.75, "value": 138350.0, "Latitude": 34.09, "Longitude": -118.2, "Population": 1668.0}, {"index": 4437, "quantile": 1.0, "value": 232799.99999999997, "Latitude": 34.09, "Longitude": -118.2, "Population": 1668.0}, {"index": 4438, "quantile": 0.0, "value": 46700.0, "Latitude": 34.08, "Longitude": -118.2, "Population": 1699.0}, {"index": 4438, "quantile": 0.25, "value": 126000.0, "Latitude": 34.08, "Longitude": -118.2, "Population": 1699.0}, {"index": 4438, "quantile": 0.5, "value": 126000.0, "Latitude": 34.08, "Longitude": -118.2, "Population": 1699.0}, {"index": 4438, "quantile": 0.75, "value": 139500.0, "Latitude": 34.08, "Longitude": -118.2, "Population": 1699.0}, {"index": 4438, "quantile": 1.0, "value": 213300.0, "Latitude": 34.08, "Longitude": -118.2, "Population": 1699.0}, {"index": 4439, "quantile": 0.0, "value": 124400.0, "Latitude": 34.1, "Longitude": -118.19, "Population": 1205.0}, {"index": 4439, "quantile": 0.25, "value": 172100.0, "Latitude": 34.1, "Longitude": -118.19, "Population": 1205.0}, {"index": 4439, "quantile": 0.5, "value": 185200.0, "Latitude": 34.1, "Longitude": -118.19, "Population": 1205.0}, {"index": 4439, "quantile": 0.75, "value": 227000.0, "Latitude": 34.1, "Longitude": -118.19, "Population": 1205.0}, {"index": 4439, "quantile": 1.0, "value": 348300.0, "Latitude": 34.1, "Longitude": -118.19, "Population": 1205.0}, {"index": 4440, "quantile": 0.0, "value": 122900.00000000001, "Latitude": 34.08, "Longitude": -118.21, "Population": 3062.0}, {"index": 4440, "quantile": 0.25, "value": 153000.0, "Latitude": 34.08, "Longitude": -118.21, "Population": 3062.0}, {"index": 4440, "quantile": 0.5, "value": 153000.0, "Latitude": 34.08, "Longitude": -118.21, "Population": 3062.0}, {"index": 4440, "quantile": 0.75, "value": 163575.0, "Latitude": 34.08, "Longitude": -118.21, "Population": 3062.0}, {"index": 4440, "quantile": 1.0, "value": 232100.00000000003, "Latitude": 34.08, "Longitude": -118.21, "Population": 3062.0}, {"index": 4441, "quantile": 0.0, "value": 73700.0, "Latitude": 34.09, "Longitude": -118.21, "Population": 1171.0}, {"index": 4441, "quantile": 0.25, "value": 138500.0, "Latitude": 34.09, "Longitude": -118.21, "Population": 1171.0}, {"index": 4441, "quantile": 0.5, "value": 138500.0, "Latitude": 34.09, "Longitude": -118.21, "Population": 1171.0}, {"index": 4441, "quantile": 0.75, "value": 145725.00000000003, "Latitude": 34.09, "Longitude": -118.21, "Population": 1171.0}, {"index": 4441, "quantile": 1.0, "value": 261600.0, "Latitude": 34.09, "Longitude": -118.21, "Population": 1171.0}, {"index": 4442, "quantile": 0.0, "value": 105300.0, "Latitude": 34.09, "Longitude": -118.21, "Population": 1780.0}, {"index": 4442, "quantile": 0.25, "value": 144200.0, "Latitude": 34.09, "Longitude": -118.21, "Population": 1780.0}, {"index": 4442, "quantile": 0.5, "value": 144200.0, "Latitude": 34.09, "Longitude": -118.21, "Population": 1780.0}, {"index": 4442, "quantile": 0.75, "value": 144200.0, "Latitude": 34.09, "Longitude": -118.21, "Population": 1780.0}, {"index": 4442, "quantile": 1.0, "value": 232799.99999999997, "Latitude": 34.09, "Longitude": -118.21, "Population": 1780.0}, {"index": 4443, "quantile": 0.0, "value": 111800.00000000001, "Latitude": 34.09, "Longitude": -118.21, "Population": 1961.0}, {"index": 4443, "quantile": 0.25, "value": 156375.0, "Latitude": 34.09, "Longitude": -118.21, "Population": 1961.0}, {"index": 4443, "quantile": 0.5, "value": 159200.0, "Latitude": 34.09, "Longitude": -118.21, "Population": 1961.0}, {"index": 4443, "quantile": 0.75, "value": 159200.0, "Latitude": 34.09, "Longitude": -118.21, "Population": 1961.0}, {"index": 4443, "quantile": 1.0, "value": 214600.0, "Latitude": 34.09, "Longitude": -118.21, "Population": 1961.0}, {"index": 4444, "quantile": 0.0, "value": 90200.0, "Latitude": 34.07, "Longitude": -118.22, "Population": 2059.0}, {"index": 4444, "quantile": 0.25, "value": 145800.0, "Latitude": 34.07, "Longitude": -118.22, "Population": 2059.0}, {"index": 4444, "quantile": 0.5, "value": 145800.0, "Latitude": 34.07, "Longitude": -118.22, "Population": 2059.0}, {"index": 4444, "quantile": 0.75, "value": 154950.0, "Latitude": 34.07, "Longitude": -118.22, "Population": 2059.0}, {"index": 4444, "quantile": 1.0, "value": 185900.0, "Latitude": 34.07, "Longitude": -118.22, "Population": 2059.0}, {"index": 4445, "quantile": 0.0, "value": 95800.0, "Latitude": 34.07, "Longitude": -118.22, "Population": 1079.0}, {"index": 4445, "quantile": 0.25, "value": 147650.0, "Latitude": 34.07, "Longitude": -118.22, "Population": 1079.0}, {"index": 4445, "quantile": 0.5, "value": 158300.0, "Latitude": 34.07, "Longitude": -118.22, "Population": 1079.0}, {"index": 4445, "quantile": 0.75, "value": 158300.0, "Latitude": 34.07, "Longitude": -118.22, "Population": 1079.0}, {"index": 4445, "quantile": 1.0, "value": 225000.0, "Latitude": 34.07, "Longitude": -118.22, "Population": 1079.0}, {"index": 4446, "quantile": 0.0, "value": 89200.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1198.0}, {"index": 4446, "quantile": 0.25, "value": 151975.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1198.0}, {"index": 4446, "quantile": 0.5, "value": 160200.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1198.0}, {"index": 4446, "quantile": 0.75, "value": 160200.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1198.0}, {"index": 4446, "quantile": 1.0, "value": 176800.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1198.0}, {"index": 4447, "quantile": 0.0, "value": 80800.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1848.0}, {"index": 4447, "quantile": 0.25, "value": 143800.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1848.0}, {"index": 4447, "quantile": 0.5, "value": 167200.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1848.0}, {"index": 4447, "quantile": 0.75, "value": 167200.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1848.0}, {"index": 4447, "quantile": 1.0, "value": 212500.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1848.0}, {"index": 4448, "quantile": 0.0, "value": 109100.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1452.0}, {"index": 4448, "quantile": 0.25, "value": 153100.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1452.0}, {"index": 4448, "quantile": 0.5, "value": 191700.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1452.0}, {"index": 4448, "quantile": 0.75, "value": 191700.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1452.0}, {"index": 4448, "quantile": 1.0, "value": 275000.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1452.0}, {"index": 4449, "quantile": 0.0, "value": 136100.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1486.0}, {"index": 4449, "quantile": 0.25, "value": 153100.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1486.0}, {"index": 4449, "quantile": 0.5, "value": 153100.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1486.0}, {"index": 4449, "quantile": 0.75, "value": 154825.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1486.0}, {"index": 4449, "quantile": 1.0, "value": 187500.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1486.0}, {"index": 4450, "quantile": 0.0, "value": 39600.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1312.0}, {"index": 4450, "quantile": 0.25, "value": 155000.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1312.0}, {"index": 4450, "quantile": 0.5, "value": 168800.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1312.0}, {"index": 4450, "quantile": 0.75, "value": 168800.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1312.0}, {"index": 4450, "quantile": 1.0, "value": 275000.0, "Latitude": 34.07, "Longitude": -118.21, "Population": 1312.0}, {"index": 4451, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 34.06, "Longitude": -118.21, "Population": 1580.0}, {"index": 4451, "quantile": 0.25, "value": 147500.0, "Latitude": 34.06, "Longitude": -118.21, "Population": 1580.0}, {"index": 4451, "quantile": 0.5, "value": 147500.0, "Latitude": 34.06, "Longitude": -118.21, "Population": 1580.0}, {"index": 4451, "quantile": 0.75, "value": 147500.0, "Latitude": 34.06, "Longitude": -118.21, "Population": 1580.0}, {"index": 4451, "quantile": 1.0, "value": 187500.0, "Latitude": 34.06, "Longitude": -118.21, "Population": 1580.0}, {"index": 4452, "quantile": 0.0, "value": 112900.0, "Latitude": 34.09, "Longitude": -118.16, "Population": 2881.0}, {"index": 4452, "quantile": 0.25, "value": 169775.0, "Latitude": 34.09, "Longitude": -118.16, "Population": 2881.0}, {"index": 4452, "quantile": 0.5, "value": 170800.0, "Latitude": 34.09, "Longitude": -118.16, "Population": 2881.0}, {"index": 4452, "quantile": 0.75, "value": 170800.0, "Latitude": 34.09, "Longitude": -118.16, "Population": 2881.0}, {"index": 4452, "quantile": 1.0, "value": 268500.0, "Latitude": 34.09, "Longitude": -118.16, "Population": 2881.0}, {"index": 4453, "quantile": 0.0, "value": 118000.0, "Latitude": 34.1, "Longitude": -118.17, "Population": 2484.0}, {"index": 4453, "quantile": 0.25, "value": 155825.0, "Latitude": 34.1, "Longitude": -118.17, "Population": 2484.0}, {"index": 4453, "quantile": 0.5, "value": 171700.0, "Latitude": 34.1, "Longitude": -118.17, "Population": 2484.0}, {"index": 4453, "quantile": 0.75, "value": 205600.0, "Latitude": 34.1, "Longitude": -118.17, "Population": 2484.0}, {"index": 4453, "quantile": 1.0, "value": 318600.0, "Latitude": 34.1, "Longitude": -118.17, "Population": 2484.0}, {"index": 4454, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.1, "Longitude": -118.17, "Population": 318.0}, {"index": 4454, "quantile": 0.25, "value": 145800.0, "Latitude": 34.1, "Longitude": -118.17, "Population": 318.0}, {"index": 4454, "quantile": 0.5, "value": 145800.0, "Latitude": 34.1, "Longitude": -118.17, "Population": 318.0}, {"index": 4454, "quantile": 0.75, "value": 145800.0, "Latitude": 34.1, "Longitude": -118.17, "Population": 318.0}, {"index": 4454, "quantile": 1.0, "value": 350000.0, "Latitude": 34.1, "Longitude": -118.17, "Population": 318.0}, {"index": 4455, "quantile": 0.0, "value": 110700.0, "Latitude": 34.09, "Longitude": -118.17, "Population": 1069.0}, {"index": 4455, "quantile": 0.25, "value": 153800.0, "Latitude": 34.09, "Longitude": -118.17, "Population": 1069.0}, {"index": 4455, "quantile": 0.5, "value": 153800.0, "Latitude": 34.09, "Longitude": -118.17, "Population": 1069.0}, {"index": 4455, "quantile": 0.75, "value": 154250.0, "Latitude": 34.09, "Longitude": -118.17, "Population": 1069.0}, {"index": 4455, "quantile": 1.0, "value": 306300.0, "Latitude": 34.09, "Longitude": -118.17, "Population": 1069.0}, {"index": 4456, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 34.09, "Longitude": -118.18, "Population": 2747.0}, {"index": 4456, "quantile": 0.25, "value": 148800.0, "Latitude": 34.09, "Longitude": -118.18, "Population": 2747.0}, {"index": 4456, "quantile": 0.5, "value": 148800.0, "Latitude": 34.09, "Longitude": -118.18, "Population": 2747.0}, {"index": 4456, "quantile": 0.75, "value": 148800.0, "Latitude": 34.09, "Longitude": -118.18, "Population": 2747.0}, {"index": 4456, "quantile": 1.0, "value": 184400.0, "Latitude": 34.09, "Longitude": -118.18, "Population": 2747.0}, {"index": 4457, "quantile": 0.0, "value": 127600.0, "Latitude": 34.09, "Longitude": -118.18, "Population": 1605.0}, {"index": 4457, "quantile": 0.25, "value": 176750.0, "Latitude": 34.09, "Longitude": -118.18, "Population": 1605.0}, {"index": 4457, "quantile": 0.5, "value": 184900.0, "Latitude": 34.09, "Longitude": -118.18, "Population": 1605.0}, {"index": 4457, "quantile": 0.75, "value": 184900.0, "Latitude": 34.09, "Longitude": -118.18, "Population": 1605.0}, {"index": 4457, "quantile": 1.0, "value": 397900.0, "Latitude": 34.09, "Longitude": -118.18, "Population": 1605.0}, {"index": 4458, "quantile": 0.0, "value": 100000.0, "Latitude": 34.09, "Longitude": -118.19, "Population": 2043.0}, {"index": 4458, "quantile": 0.25, "value": 144200.0, "Latitude": 34.09, "Longitude": -118.19, "Population": 2043.0}, {"index": 4458, "quantile": 0.5, "value": 144200.0, "Latitude": 34.09, "Longitude": -118.19, "Population": 2043.0}, {"index": 4458, "quantile": 0.75, "value": 144200.0, "Latitude": 34.09, "Longitude": -118.19, "Population": 2043.0}, {"index": 4458, "quantile": 1.0, "value": 207100.00000000003, "Latitude": 34.09, "Longitude": -118.19, "Population": 2043.0}, {"index": 4459, "quantile": 0.0, "value": 112500.0, "Latitude": 34.1, "Longitude": -118.18, "Population": 921.0}, {"index": 4459, "quantile": 0.25, "value": 200400.0, "Latitude": 34.1, "Longitude": -118.18, "Population": 921.0}, {"index": 4459, "quantile": 0.5, "value": 200400.0, "Latitude": 34.1, "Longitude": -118.18, "Population": 921.0}, {"index": 4459, "quantile": 0.75, "value": 200400.0, "Latitude": 34.1, "Longitude": -118.18, "Population": 921.0}, {"index": 4459, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 34.1, "Longitude": -118.18, "Population": 921.0}, {"index": 4460, "quantile": 0.0, "value": 144300.0, "Latitude": 34.1, "Longitude": -118.18, "Population": 763.0}, {"index": 4460, "quantile": 0.25, "value": 166700.0, "Latitude": 34.1, "Longitude": -118.18, "Population": 763.0}, {"index": 4460, "quantile": 0.5, "value": 166700.0, "Latitude": 34.1, "Longitude": -118.18, "Population": 763.0}, {"index": 4460, "quantile": 0.75, "value": 175400.0, "Latitude": 34.1, "Longitude": -118.18, "Population": 763.0}, {"index": 4460, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.1, "Longitude": -118.18, "Population": 763.0}, {"index": 4461, "quantile": 0.0, "value": 138500.0, "Latitude": 34.1, "Longitude": -118.18, "Population": 1215.0}, {"index": 4461, "quantile": 0.25, "value": 153100.0, "Latitude": 34.1, "Longitude": -118.18, "Population": 1215.0}, {"index": 4461, "quantile": 0.5, "value": 153100.0, "Latitude": 34.1, "Longitude": -118.18, "Population": 1215.0}, {"index": 4461, "quantile": 0.75, "value": 166700.0, "Latitude": 34.1, "Longitude": -118.18, "Population": 1215.0}, {"index": 4461, "quantile": 1.0, "value": 376700.0, "Latitude": 34.1, "Longitude": -118.18, "Population": 1215.0}, {"index": 4462, "quantile": 0.0, "value": 47500.0, "Latitude": 34.1, "Longitude": -118.18, "Population": 435.0}, {"index": 4462, "quantile": 0.25, "value": 146800.0, "Latitude": 34.1, "Longitude": -118.18, "Population": 435.0}, {"index": 4462, "quantile": 0.5, "value": 166700.0, "Latitude": 34.1, "Longitude": -118.18, "Population": 435.0}, {"index": 4462, "quantile": 0.75, "value": 194350.0, "Latitude": 34.1, "Longitude": -118.18, "Population": 435.0}, {"index": 4462, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.1, "Longitude": -118.18, "Population": 435.0}, {"index": 4463, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 34.08, "Longitude": -118.18, "Population": 2230.0}, {"index": 4463, "quantile": 0.25, "value": 129299.99999999999, "Latitude": 34.08, "Longitude": -118.18, "Population": 2230.0}, {"index": 4463, "quantile": 0.5, "value": 129299.99999999999, "Latitude": 34.08, "Longitude": -118.18, "Population": 2230.0}, {"index": 4463, "quantile": 0.75, "value": 148925.0, "Latitude": 34.08, "Longitude": -118.18, "Population": 2230.0}, {"index": 4463, "quantile": 1.0, "value": 184400.0, "Latitude": 34.08, "Longitude": -118.18, "Population": 2230.0}, {"index": 4464, "quantile": 0.0, "value": 103600.0, "Latitude": 34.08, "Longitude": -118.19, "Population": 1487.0}, {"index": 4464, "quantile": 0.25, "value": 139500.0, "Latitude": 34.08, "Longitude": -118.19, "Population": 1487.0}, {"index": 4464, "quantile": 0.5, "value": 139500.0, "Latitude": 34.08, "Longitude": -118.19, "Population": 1487.0}, {"index": 4464, "quantile": 0.75, "value": 139525.0, "Latitude": 34.08, "Longitude": -118.19, "Population": 1487.0}, {"index": 4464, "quantile": 1.0, "value": 191700.0, "Latitude": 34.08, "Longitude": -118.19, "Population": 1487.0}, {"index": 4465, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 34.07, "Longitude": -118.19, "Population": 2128.0}, {"index": 4465, "quantile": 0.25, "value": 166300.0, "Latitude": 34.07, "Longitude": -118.19, "Population": 2128.0}, {"index": 4465, "quantile": 0.5, "value": 166300.0, "Latitude": 34.07, "Longitude": -118.19, "Population": 2128.0}, {"index": 4465, "quantile": 0.75, "value": 166300.0, "Latitude": 34.07, "Longitude": -118.19, "Population": 2128.0}, {"index": 4465, "quantile": 1.0, "value": 244499.99999999997, "Latitude": 34.07, "Longitude": -118.19, "Population": 2128.0}, {"index": 4466, "quantile": 0.0, "value": 88600.0, "Latitude": 34.07, "Longitude": -118.19, "Population": 1152.0}, {"index": 4466, "quantile": 0.25, "value": 169499.99999999997, "Latitude": 34.07, "Longitude": -118.19, "Population": 1152.0}, {"index": 4466, "quantile": 0.5, "value": 169600.0, "Latitude": 34.07, "Longitude": -118.19, "Population": 1152.0}, {"index": 4466, "quantile": 0.75, "value": 169600.0, "Latitude": 34.07, "Longitude": -118.19, "Population": 1152.0}, {"index": 4466, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 34.07, "Longitude": -118.19, "Population": 1152.0}, {"index": 4467, "quantile": 0.0, "value": 95900.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 1133.0}, {"index": 4467, "quantile": 0.25, "value": 163100.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 1133.0}, {"index": 4467, "quantile": 0.5, "value": 163100.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 1133.0}, {"index": 4467, "quantile": 0.75, "value": 163100.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 1133.0}, {"index": 4467, "quantile": 1.0, "value": 251100.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 1133.0}, {"index": 4468, "quantile": 0.0, "value": 117200.0, "Latitude": 34.09, "Longitude": -118.16, "Population": 1345.0}, {"index": 4468, "quantile": 0.25, "value": 165225.0, "Latitude": 34.09, "Longitude": -118.16, "Population": 1345.0}, {"index": 4468, "quantile": 0.5, "value": 175000.0, "Latitude": 34.09, "Longitude": -118.16, "Population": 1345.0}, {"index": 4468, "quantile": 0.75, "value": 175000.0, "Latitude": 34.09, "Longitude": -118.16, "Population": 1345.0}, {"index": 4468, "quantile": 1.0, "value": 261000.0, "Latitude": 34.09, "Longitude": -118.16, "Population": 1345.0}, {"index": 4469, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 34.09, "Longitude": -118.16, "Population": 1093.0}, {"index": 4469, "quantile": 0.25, "value": 162100.0, "Latitude": 34.09, "Longitude": -118.16, "Population": 1093.0}, {"index": 4469, "quantile": 0.5, "value": 162100.0, "Latitude": 34.09, "Longitude": -118.16, "Population": 1093.0}, {"index": 4469, "quantile": 0.75, "value": 162100.0, "Latitude": 34.09, "Longitude": -118.16, "Population": 1093.0}, {"index": 4469, "quantile": 1.0, "value": 268200.0, "Latitude": 34.09, "Longitude": -118.16, "Population": 1093.0}, {"index": 4470, "quantile": 0.0, "value": 105100.0, "Latitude": 34.09, "Longitude": -118.17, "Population": 3097.0}, {"index": 4470, "quantile": 0.25, "value": 156375.0, "Latitude": 34.09, "Longitude": -118.17, "Population": 3097.0}, {"index": 4470, "quantile": 0.5, "value": 156500.0, "Latitude": 34.09, "Longitude": -118.17, "Population": 3097.0}, {"index": 4470, "quantile": 0.75, "value": 156500.0, "Latitude": 34.09, "Longitude": -118.17, "Population": 3097.0}, {"index": 4470, "quantile": 1.0, "value": 227100.0, "Latitude": 34.09, "Longitude": -118.17, "Population": 3097.0}, {"index": 4471, "quantile": 0.0, "value": 67300.0, "Latitude": 34.09, "Longitude": -118.17, "Population": 3212.0}, {"index": 4471, "quantile": 0.25, "value": 146600.0, "Latitude": 34.09, "Longitude": -118.17, "Population": 3212.0}, {"index": 4471, "quantile": 0.5, "value": 146600.0, "Latitude": 34.09, "Longitude": -118.17, "Population": 3212.0}, {"index": 4471, "quantile": 0.75, "value": 146600.0, "Latitude": 34.09, "Longitude": -118.17, "Population": 3212.0}, {"index": 4471, "quantile": 1.0, "value": 350000.0, "Latitude": 34.09, "Longitude": -118.17, "Population": 3212.0}, {"index": 4472, "quantile": 0.0, "value": 102400.0, "Latitude": 34.08, "Longitude": -118.18, "Population": 1164.0}, {"index": 4472, "quantile": 0.25, "value": 135500.0, "Latitude": 34.08, "Longitude": -118.18, "Population": 1164.0}, {"index": 4472, "quantile": 0.5, "value": 135500.0, "Latitude": 34.08, "Longitude": -118.18, "Population": 1164.0}, {"index": 4472, "quantile": 0.75, "value": 154999.99999999997, "Latitude": 34.08, "Longitude": -118.18, "Population": 1164.0}, {"index": 4472, "quantile": 1.0, "value": 244499.99999999997, "Latitude": 34.08, "Longitude": -118.18, "Population": 1164.0}, {"index": 4473, "quantile": 0.0, "value": 126000.0, "Latitude": 34.08, "Longitude": -118.18, "Population": 1475.0}, {"index": 4473, "quantile": 0.25, "value": 151900.0, "Latitude": 34.08, "Longitude": -118.18, "Population": 1475.0}, {"index": 4473, "quantile": 0.5, "value": 151900.0, "Latitude": 34.08, "Longitude": -118.18, "Population": 1475.0}, {"index": 4473, "quantile": 0.75, "value": 151949.99999999997, "Latitude": 34.08, "Longitude": -118.18, "Population": 1475.0}, {"index": 4473, "quantile": 1.0, "value": 213300.0, "Latitude": 34.08, "Longitude": -118.18, "Population": 1475.0}, {"index": 4474, "quantile": 0.0, "value": 127600.0, "Latitude": 34.08, "Longitude": -118.16, "Population": 1338.0}, {"index": 4474, "quantile": 0.25, "value": 144600.0, "Latitude": 34.08, "Longitude": -118.16, "Population": 1338.0}, {"index": 4474, "quantile": 0.5, "value": 144600.0, "Latitude": 34.08, "Longitude": -118.16, "Population": 1338.0}, {"index": 4474, "quantile": 0.75, "value": 158500.0, "Latitude": 34.08, "Longitude": -118.16, "Population": 1338.0}, {"index": 4474, "quantile": 1.0, "value": 450000.0, "Latitude": 34.08, "Longitude": -118.16, "Population": 1338.0}, {"index": 4475, "quantile": 0.0, "value": 112500.0, "Latitude": 34.08, "Longitude": -118.17, "Population": 731.0}, {"index": 4475, "quantile": 0.25, "value": 158500.0, "Latitude": 34.08, "Longitude": -118.17, "Population": 731.0}, {"index": 4475, "quantile": 0.5, "value": 158500.0, "Latitude": 34.08, "Longitude": -118.17, "Population": 731.0}, {"index": 4475, "quantile": 0.75, "value": 158500.0, "Latitude": 34.08, "Longitude": -118.17, "Population": 731.0}, {"index": 4475, "quantile": 1.0, "value": 270500.0, "Latitude": 34.08, "Longitude": -118.17, "Population": 731.0}, {"index": 4476, "quantile": 0.0, "value": 113900.0, "Latitude": 34.08, "Longitude": -118.17, "Population": 936.0}, {"index": 4476, "quantile": 0.25, "value": 147100.0, "Latitude": 34.08, "Longitude": -118.17, "Population": 936.0}, {"index": 4476, "quantile": 0.5, "value": 157799.99999999997, "Latitude": 34.08, "Longitude": -118.17, "Population": 936.0}, {"index": 4476, "quantile": 0.75, "value": 179200.0, "Latitude": 34.08, "Longitude": -118.17, "Population": 936.0}, {"index": 4476, "quantile": 1.0, "value": 220500.0, "Latitude": 34.08, "Longitude": -118.17, "Population": 936.0}, {"index": 4477, "quantile": 0.0, "value": 105300.0, "Latitude": 34.07, "Longitude": -118.18, "Population": 2218.0}, {"index": 4477, "quantile": 0.25, "value": 156875.0, "Latitude": 34.07, "Longitude": -118.18, "Population": 2218.0}, {"index": 4477, "quantile": 0.5, "value": 168950.0, "Latitude": 34.07, "Longitude": -118.18, "Population": 2218.0}, {"index": 4477, "quantile": 0.75, "value": 182100.0, "Latitude": 34.07, "Longitude": -118.18, "Population": 2218.0}, {"index": 4477, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 34.07, "Longitude": -118.18, "Population": 2218.0}, {"index": 4478, "quantile": 0.0, "value": 131000.0, "Latitude": 34.07, "Longitude": -118.17, "Population": 1510.0}, {"index": 4478, "quantile": 0.25, "value": 150000.0, "Latitude": 34.07, "Longitude": -118.17, "Population": 1510.0}, {"index": 4478, "quantile": 0.5, "value": 150000.0, "Latitude": 34.07, "Longitude": -118.17, "Population": 1510.0}, {"index": 4478, "quantile": 0.75, "value": 175775.0, "Latitude": 34.07, "Longitude": -118.17, "Population": 1510.0}, {"index": 4478, "quantile": 1.0, "value": 250999.99999999997, "Latitude": 34.07, "Longitude": -118.17, "Population": 1510.0}, {"index": 4479, "quantile": 0.0, "value": 52500.0, "Latitude": 34.07, "Longitude": -118.16, "Population": 925.0}, {"index": 4479, "quantile": 0.25, "value": 135700.0, "Latitude": 34.07, "Longitude": -118.16, "Population": 925.0}, {"index": 4479, "quantile": 0.5, "value": 135700.0, "Latitude": 34.07, "Longitude": -118.16, "Population": 925.0}, {"index": 4479, "quantile": 0.75, "value": 136950.0, "Latitude": 34.07, "Longitude": -118.16, "Population": 925.0}, {"index": 4479, "quantile": 1.0, "value": 257799.99999999997, "Latitude": 34.07, "Longitude": -118.16, "Population": 925.0}, {"index": 4480, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 34.07, "Longitude": -118.17, "Population": 814.0}, {"index": 4480, "quantile": 0.25, "value": 162650.0, "Latitude": 34.07, "Longitude": -118.17, "Population": 814.0}, {"index": 4480, "quantile": 0.5, "value": 170800.0, "Latitude": 34.07, "Longitude": -118.17, "Population": 814.0}, {"index": 4480, "quantile": 0.75, "value": 187600.0, "Latitude": 34.07, "Longitude": -118.17, "Population": 814.0}, {"index": 4480, "quantile": 1.0, "value": 273000.0, "Latitude": 34.07, "Longitude": -118.17, "Population": 814.0}, {"index": 4481, "quantile": 0.0, "value": 105300.0, "Latitude": 34.06, "Longitude": -118.18, "Population": 2189.0}, {"index": 4481, "quantile": 0.25, "value": 148600.0, "Latitude": 34.06, "Longitude": -118.18, "Population": 2189.0}, {"index": 4481, "quantile": 0.5, "value": 148600.0, "Latitude": 34.06, "Longitude": -118.18, "Population": 2189.0}, {"index": 4481, "quantile": 0.75, "value": 157625.0, "Latitude": 34.06, "Longitude": -118.18, "Population": 2189.0}, {"index": 4481, "quantile": 1.0, "value": 245100.0, "Latitude": 34.06, "Longitude": -118.18, "Population": 2189.0}, {"index": 4482, "quantile": 0.0, "value": 93800.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 748.0}, {"index": 4482, "quantile": 0.25, "value": 137500.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 748.0}, {"index": 4482, "quantile": 0.5, "value": 137500.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 748.0}, {"index": 4482, "quantile": 0.75, "value": 138025.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 748.0}, {"index": 4482, "quantile": 1.0, "value": 185600.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 748.0}, {"index": 4483, "quantile": 0.0, "value": 87500.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 3020.0}, {"index": 4483, "quantile": 0.25, "value": 93800.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 3020.0}, {"index": 4483, "quantile": 0.5, "value": 93800.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 3020.0}, {"index": 4483, "quantile": 0.75, "value": 133300.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 3020.0}, {"index": 4483, "quantile": 1.0, "value": 350000.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 3020.0}, {"index": 4484, "quantile": 0.0, "value": 67300.0, "Latitude": 34.06, "Longitude": -118.2, "Population": 533.0}, {"index": 4484, "quantile": 0.25, "value": 112500.0, "Latitude": 34.06, "Longitude": -118.2, "Population": 533.0}, {"index": 4484, "quantile": 0.5, "value": 112500.0, "Latitude": 34.06, "Longitude": -118.2, "Population": 533.0}, {"index": 4484, "quantile": 0.75, "value": 125400.0, "Latitude": 34.06, "Longitude": -118.2, "Population": 533.0}, {"index": 4484, "quantile": 1.0, "value": 191700.0, "Latitude": 34.06, "Longitude": -118.2, "Population": 533.0}, {"index": 4485, "quantile": 0.0, "value": 93800.0, "Latitude": 34.06, "Longitude": -118.2, "Population": 1441.0}, {"index": 4485, "quantile": 0.25, "value": 111800.00000000001, "Latitude": 34.06, "Longitude": -118.2, "Population": 1441.0}, {"index": 4485, "quantile": 0.5, "value": 111800.00000000001, "Latitude": 34.06, "Longitude": -118.2, "Population": 1441.0}, {"index": 4485, "quantile": 0.75, "value": 139600.0, "Latitude": 34.06, "Longitude": -118.2, "Population": 1441.0}, {"index": 4485, "quantile": 1.0, "value": 191700.0, "Latitude": 34.06, "Longitude": -118.2, "Population": 1441.0}, {"index": 4486, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 34.05, "Longitude": -118.2, "Population": 728.0}, {"index": 4486, "quantile": 0.25, "value": 137500.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 728.0}, {"index": 4486, "quantile": 0.5, "value": 137500.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 728.0}, {"index": 4486, "quantile": 0.75, "value": 142450.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 728.0}, {"index": 4486, "quantile": 1.0, "value": 346200.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 728.0}, {"index": 4487, "quantile": 0.0, "value": 91400.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1435.0}, {"index": 4487, "quantile": 0.25, "value": 115975.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1435.0}, {"index": 4487, "quantile": 0.5, "value": 132950.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1435.0}, {"index": 4487, "quantile": 0.75, "value": 145800.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1435.0}, {"index": 4487, "quantile": 1.0, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1435.0}, {"index": 4488, "quantile": 0.0, "value": 103600.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 2883.0}, {"index": 4488, "quantile": 0.25, "value": 142800.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 2883.0}, {"index": 4488, "quantile": 0.5, "value": 142800.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 2883.0}, {"index": 4488, "quantile": 0.75, "value": 142800.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 2883.0}, {"index": 4488, "quantile": 1.0, "value": 171300.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 2883.0}, {"index": 4489, "quantile": 0.0, "value": 52500.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 276.0}, {"index": 4489, "quantile": 0.25, "value": 125000.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 276.0}, {"index": 4489, "quantile": 0.5, "value": 125000.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 276.0}, {"index": 4489, "quantile": 0.75, "value": 146950.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 276.0}, {"index": 4489, "quantile": 1.0, "value": 375000.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 276.0}, {"index": 4490, "quantile": 0.0, "value": 38800.0, "Latitude": 34.06, "Longitude": -118.2, "Population": 401.0}, {"index": 4490, "quantile": 0.25, "value": 109400.00000000001, "Latitude": 34.06, "Longitude": -118.2, "Population": 401.0}, {"index": 4490, "quantile": 0.5, "value": 109400.00000000001, "Latitude": 34.06, "Longitude": -118.2, "Population": 401.0}, {"index": 4490, "quantile": 0.75, "value": 110000.00000000001, "Latitude": 34.06, "Longitude": -118.2, "Population": 401.0}, {"index": 4490, "quantile": 1.0, "value": 175900.0, "Latitude": 34.06, "Longitude": -118.2, "Population": 401.0}, {"index": 4491, "quantile": 0.0, "value": 88800.0, "Latitude": 34.06, "Longitude": -118.21, "Population": 1152.0}, {"index": 4491, "quantile": 0.25, "value": 131900.0, "Latitude": 34.06, "Longitude": -118.21, "Population": 1152.0}, {"index": 4491, "quantile": 0.5, "value": 156800.0, "Latitude": 34.06, "Longitude": -118.21, "Population": 1152.0}, {"index": 4491, "quantile": 0.75, "value": 156800.0, "Latitude": 34.06, "Longitude": -118.21, "Population": 1152.0}, {"index": 4491, "quantile": 1.0, "value": 250000.0, "Latitude": 34.06, "Longitude": -118.21, "Population": 1152.0}, {"index": 4492, "quantile": 0.0, "value": 112500.0, "Latitude": 34.06, "Longitude": -118.22, "Population": 41.0}, {"index": 4492, "quantile": 0.25, "value": 112500.0, "Latitude": 34.06, "Longitude": -118.22, "Population": 41.0}, {"index": 4492, "quantile": 0.5, "value": 112500.0, "Latitude": 34.06, "Longitude": -118.22, "Population": 41.0}, {"index": 4492, "quantile": 0.75, "value": 312500.0, "Latitude": 34.06, "Longitude": -118.22, "Population": 41.0}, {"index": 4492, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.22, "Population": 41.0}, {"index": 4493, "quantile": 0.0, "value": 87500.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 1668.0}, {"index": 4493, "quantile": 0.25, "value": 137500.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 1668.0}, {"index": 4493, "quantile": 0.5, "value": 137500.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 1668.0}, {"index": 4493, "quantile": 0.75, "value": 137500.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 1668.0}, {"index": 4493, "quantile": 1.0, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 1668.0}, {"index": 4494, "quantile": 0.0, "value": 38800.0, "Latitude": 34.06, "Longitude": -118.21, "Population": 434.0}, {"index": 4494, "quantile": 0.25, "value": 109100.0, "Latitude": 34.06, "Longitude": -118.21, "Population": 434.0}, {"index": 4494, "quantile": 0.5, "value": 109100.0, "Latitude": 34.06, "Longitude": -118.21, "Population": 434.0}, {"index": 4494, "quantile": 0.75, "value": 136750.0, "Latitude": 34.06, "Longitude": -118.21, "Population": 434.0}, {"index": 4494, "quantile": 1.0, "value": 268500.0, "Latitude": 34.06, "Longitude": -118.21, "Population": 434.0}, {"index": 4495, "quantile": 0.0, "value": 109100.0, "Latitude": 34.06, "Longitude": -118.22, "Population": 1132.0}, {"index": 4495, "quantile": 0.25, "value": 158675.0, "Latitude": 34.06, "Longitude": -118.22, "Population": 1132.0}, {"index": 4495, "quantile": 0.5, "value": 176700.0, "Latitude": 34.06, "Longitude": -118.22, "Population": 1132.0}, {"index": 4495, "quantile": 0.75, "value": 199625.0, "Latitude": 34.06, "Longitude": -118.22, "Population": 1132.0}, {"index": 4495, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.22, "Population": 1132.0}, {"index": 4496, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.05, "Longitude": -118.22, "Population": 928.0}, {"index": 4496, "quantile": 0.25, "value": 155000.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 928.0}, {"index": 4496, "quantile": 0.5, "value": 155000.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 928.0}, {"index": 4496, "quantile": 0.75, "value": 158150.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 928.0}, {"index": 4496, "quantile": 1.0, "value": 417600.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 928.0}, {"index": 4497, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 34.05, "Longitude": -118.22, "Population": 1640.0}, {"index": 4497, "quantile": 0.25, "value": 153300.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 1640.0}, {"index": 4497, "quantile": 0.5, "value": 157100.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 1640.0}, {"index": 4497, "quantile": 0.75, "value": 157100.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 1640.0}, {"index": 4497, "quantile": 1.0, "value": 325000.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 1640.0}, {"index": 4498, "quantile": 0.0, "value": 110600.00000000001, "Latitude": 34.05, "Longitude": -118.21, "Population": 694.0}, {"index": 4498, "quantile": 0.25, "value": 129200.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 694.0}, {"index": 4498, "quantile": 0.5, "value": 129200.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 694.0}, {"index": 4498, "quantile": 0.75, "value": 187500.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 694.0}, {"index": 4498, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.21, "Population": 694.0}, {"index": 4499, "quantile": 0.0, "value": 88800.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 1358.0}, {"index": 4499, "quantile": 0.25, "value": 131900.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 1358.0}, {"index": 4499, "quantile": 0.5, "value": 131900.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 1358.0}, {"index": 4499, "quantile": 0.75, "value": 139675.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 1358.0}, {"index": 4499, "quantile": 1.0, "value": 191100.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 1358.0}, {"index": 4500, "quantile": 0.0, "value": 84200.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 1485.0}, {"index": 4500, "quantile": 0.25, "value": 134225.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 1485.0}, {"index": 4500, "quantile": 0.5, "value": 141700.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 1485.0}, {"index": 4500, "quantile": 0.75, "value": 156875.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 1485.0}, {"index": 4500, "quantile": 1.0, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 1485.0}, {"index": 4501, "quantile": 0.0, "value": 93800.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 2868.0}, {"index": 4501, "quantile": 0.25, "value": 123174.99999999999, "Latitude": 34.05, "Longitude": -118.21, "Population": 2868.0}, {"index": 4501, "quantile": 0.5, "value": 143800.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 2868.0}, {"index": 4501, "quantile": 0.75, "value": 158450.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 2868.0}, {"index": 4501, "quantile": 1.0, "value": 190600.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 2868.0}, {"index": 4502, "quantile": 0.0, "value": 92200.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 1279.0}, {"index": 4502, "quantile": 0.25, "value": 119200.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 1279.0}, {"index": 4502, "quantile": 0.5, "value": 127150.00000000001, "Latitude": 34.05, "Longitude": -118.2, "Population": 1279.0}, {"index": 4502, "quantile": 0.75, "value": 143050.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 1279.0}, {"index": 4502, "quantile": 1.0, "value": 224000.00000000003, "Latitude": 34.05, "Longitude": -118.2, "Population": 1279.0}, {"index": 4503, "quantile": 0.0, "value": 92200.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 1354.0}, {"index": 4503, "quantile": 0.25, "value": 121900.00000000001, "Latitude": 34.05, "Longitude": -118.2, "Population": 1354.0}, {"index": 4503, "quantile": 0.5, "value": 121900.00000000001, "Latitude": 34.05, "Longitude": -118.2, "Population": 1354.0}, {"index": 4503, "quantile": 0.75, "value": 121900.00000000001, "Latitude": 34.05, "Longitude": -118.2, "Population": 1354.0}, {"index": 4503, "quantile": 1.0, "value": 191700.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 1354.0}, {"index": 4504, "quantile": 0.0, "value": 102899.99999999999, "Latitude": 34.05, "Longitude": -118.2, "Population": 1085.0}, {"index": 4504, "quantile": 0.25, "value": 117200.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 1085.0}, {"index": 4504, "quantile": 0.5, "value": 117200.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 1085.0}, {"index": 4504, "quantile": 0.75, "value": 128425.00000000001, "Latitude": 34.05, "Longitude": -118.2, "Population": 1085.0}, {"index": 4504, "quantile": 1.0, "value": 191700.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 1085.0}, {"index": 4505, "quantile": 0.0, "value": 87500.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 2490.0}, {"index": 4505, "quantile": 0.25, "value": 147200.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 2490.0}, {"index": 4505, "quantile": 0.5, "value": 147200.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 2490.0}, {"index": 4505, "quantile": 0.75, "value": 147200.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 2490.0}, {"index": 4505, "quantile": 1.0, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 2490.0}, {"index": 4506, "quantile": 0.0, "value": 97300.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 1887.0}, {"index": 4506, "quantile": 0.25, "value": 147050.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 1887.0}, {"index": 4506, "quantile": 0.5, "value": 150000.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 1887.0}, {"index": 4506, "quantile": 0.75, "value": 150000.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 1887.0}, {"index": 4506, "quantile": 1.0, "value": 180600.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 1887.0}, {"index": 4507, "quantile": 0.0, "value": 109100.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1084.0}, {"index": 4507, "quantile": 0.25, "value": 127899.99999999999, "Latitude": 34.05, "Longitude": -118.19, "Population": 1084.0}, {"index": 4507, "quantile": 0.5, "value": 127899.99999999999, "Latitude": 34.05, "Longitude": -118.19, "Population": 1084.0}, {"index": 4507, "quantile": 0.75, "value": 127899.99999999999, "Latitude": 34.05, "Longitude": -118.19, "Population": 1084.0}, {"index": 4507, "quantile": 1.0, "value": 167200.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1084.0}, {"index": 4508, "quantile": 0.0, "value": 90500.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1178.0}, {"index": 4508, "quantile": 0.25, "value": 120150.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1178.0}, {"index": 4508, "quantile": 0.5, "value": 135350.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1178.0}, {"index": 4508, "quantile": 0.75, "value": 145950.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1178.0}, {"index": 4508, "quantile": 1.0, "value": 215600.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1178.0}, {"index": 4509, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 34.05, "Longitude": -118.2, "Population": 1526.0}, {"index": 4509, "quantile": 0.25, "value": 121800.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 1526.0}, {"index": 4509, "quantile": 0.5, "value": 121800.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 1526.0}, {"index": 4509, "quantile": 0.75, "value": 139075.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 1526.0}, {"index": 4509, "quantile": 1.0, "value": 213300.0, "Latitude": 34.05, "Longitude": -118.2, "Population": 1526.0}, {"index": 4510, "quantile": 0.0, "value": 112500.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1194.0}, {"index": 4510, "quantile": 0.25, "value": 134900.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1194.0}, {"index": 4510, "quantile": 0.5, "value": 134900.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1194.0}, {"index": 4510, "quantile": 0.75, "value": 134900.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1194.0}, {"index": 4510, "quantile": 1.0, "value": 158300.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1194.0}, {"index": 4511, "quantile": 0.0, "value": 108000.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1322.0}, {"index": 4511, "quantile": 0.25, "value": 134800.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1322.0}, {"index": 4511, "quantile": 0.5, "value": 150000.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1322.0}, {"index": 4511, "quantile": 0.75, "value": 150000.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1322.0}, {"index": 4511, "quantile": 1.0, "value": 160200.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1322.0}, {"index": 4512, "quantile": 0.0, "value": 107900.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 1036.0}, {"index": 4512, "quantile": 0.25, "value": 136600.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 1036.0}, {"index": 4512, "quantile": 0.5, "value": 136700.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 1036.0}, {"index": 4512, "quantile": 0.75, "value": 136700.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 1036.0}, {"index": 4512, "quantile": 1.0, "value": 168800.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 1036.0}, {"index": 4513, "quantile": 0.0, "value": 94000.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 851.0}, {"index": 4513, "quantile": 0.25, "value": 142600.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 851.0}, {"index": 4513, "quantile": 0.5, "value": 142600.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 851.0}, {"index": 4513, "quantile": 0.75, "value": 143100.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 851.0}, {"index": 4513, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.19, "Population": 851.0}, {"index": 4514, "quantile": 0.0, "value": 98400.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 1223.0}, {"index": 4514, "quantile": 0.25, "value": 136300.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 1223.0}, {"index": 4514, "quantile": 0.5, "value": 136300.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 1223.0}, {"index": 4514, "quantile": 0.75, "value": 140275.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 1223.0}, {"index": 4514, "quantile": 1.0, "value": 165600.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 1223.0}, {"index": 4515, "quantile": 0.0, "value": 93800.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 1629.0}, {"index": 4515, "quantile": 0.25, "value": 127600.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 1629.0}, {"index": 4515, "quantile": 0.5, "value": 127600.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 1629.0}, {"index": 4515, "quantile": 0.75, "value": 170925.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 1629.0}, {"index": 4515, "quantile": 1.0, "value": 350000.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 1629.0}, {"index": 4516, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 34.03, "Longitude": -118.2, "Population": 1849.0}, {"index": 4516, "quantile": 0.25, "value": 135200.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 1849.0}, {"index": 4516, "quantile": 0.5, "value": 141100.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 1849.0}, {"index": 4516, "quantile": 0.75, "value": 161750.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 1849.0}, {"index": 4516, "quantile": 1.0, "value": 198400.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 1849.0}, {"index": 4517, "quantile": 0.0, "value": 111800.00000000001, "Latitude": 34.04, "Longitude": -118.2, "Population": 1419.0}, {"index": 4517, "quantile": 0.25, "value": 143800.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 1419.0}, {"index": 4517, "quantile": 0.5, "value": 143800.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 1419.0}, {"index": 4517, "quantile": 0.75, "value": 143800.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 1419.0}, {"index": 4517, "quantile": 1.0, "value": 191700.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 1419.0}, {"index": 4518, "quantile": 0.0, "value": 111800.00000000001, "Latitude": 34.04, "Longitude": -118.2, "Population": 2003.0}, {"index": 4518, "quantile": 0.25, "value": 147200.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 2003.0}, {"index": 4518, "quantile": 0.5, "value": 147200.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 2003.0}, {"index": 4518, "quantile": 0.75, "value": 147200.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 2003.0}, {"index": 4518, "quantile": 1.0, "value": 180000.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 2003.0}, {"index": 4519, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 34.04, "Longitude": -118.2, "Population": 1998.0}, {"index": 4519, "quantile": 0.25, "value": 125000.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 1998.0}, {"index": 4519, "quantile": 0.5, "value": 125000.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 1998.0}, {"index": 4519, "quantile": 0.75, "value": 137500.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 1998.0}, {"index": 4519, "quantile": 1.0, "value": 305800.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 1998.0}, {"index": 4520, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.04, "Longitude": -118.2, "Population": 547.0}, {"index": 4520, "quantile": 0.25, "value": 134400.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 547.0}, {"index": 4520, "quantile": 0.5, "value": 162500.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 547.0}, {"index": 4520, "quantile": 0.75, "value": 181900.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 547.0}, {"index": 4520, "quantile": 1.0, "value": 376100.0, "Latitude": 34.04, "Longitude": -118.2, "Population": 547.0}, {"index": 4521, "quantile": 0.0, "value": 95100.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 2097.0}, {"index": 4521, "quantile": 0.25, "value": 135300.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 2097.0}, {"index": 4521, "quantile": 0.5, "value": 135300.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 2097.0}, {"index": 4521, "quantile": 0.75, "value": 136675.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 2097.0}, {"index": 4521, "quantile": 1.0, "value": 181500.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 2097.0}, {"index": 4522, "quantile": 0.0, "value": 93000.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 881.0}, {"index": 4522, "quantile": 0.25, "value": 162800.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 881.0}, {"index": 4522, "quantile": 0.5, "value": 165000.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 881.0}, {"index": 4522, "quantile": 0.75, "value": 165000.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 881.0}, {"index": 4522, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 34.04, "Longitude": -118.21, "Population": 881.0}, {"index": 4523, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 34.04, "Longitude": -118.21, "Population": 1557.0}, {"index": 4523, "quantile": 0.25, "value": 130525.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 1557.0}, {"index": 4523, "quantile": 0.5, "value": 144899.99999999997, "Latitude": 34.04, "Longitude": -118.21, "Population": 1557.0}, {"index": 4523, "quantile": 0.75, "value": 149700.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 1557.0}, {"index": 4523, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 34.04, "Longitude": -118.21, "Population": 1557.0}, {"index": 4524, "quantile": 0.0, "value": 87500.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 3199.0}, {"index": 4524, "quantile": 0.25, "value": 151600.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 3199.0}, {"index": 4524, "quantile": 0.5, "value": 151600.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 3199.0}, {"index": 4524, "quantile": 0.75, "value": 151600.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 3199.0}, {"index": 4524, "quantile": 1.0, "value": 475000.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 3199.0}, {"index": 4525, "quantile": 0.0, "value": 89200.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 1153.0}, {"index": 4525, "quantile": 0.25, "value": 139600.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 1153.0}, {"index": 4525, "quantile": 0.5, "value": 155000.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 1153.0}, {"index": 4525, "quantile": 0.75, "value": 155000.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 1153.0}, {"index": 4525, "quantile": 1.0, "value": 312500.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 1153.0}, {"index": 4526, "quantile": 0.0, "value": 107000.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 1667.0}, {"index": 4526, "quantile": 0.25, "value": 139300.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 1667.0}, {"index": 4526, "quantile": 0.5, "value": 139300.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 1667.0}, {"index": 4526, "quantile": 0.75, "value": 141700.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 1667.0}, {"index": 4526, "quantile": 1.0, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 1667.0}, {"index": 4527, "quantile": 0.0, "value": 112500.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 930.0}, {"index": 4527, "quantile": 0.25, "value": 114300.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 930.0}, {"index": 4527, "quantile": 0.5, "value": 114300.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 930.0}, {"index": 4527, "quantile": 0.75, "value": 129400.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 930.0}, {"index": 4527, "quantile": 1.0, "value": 177500.0, "Latitude": 34.05, "Longitude": -118.21, "Population": 930.0}, {"index": 4528, "quantile": 0.0, "value": 92900.0, "Latitude": 34.04, "Longitude": -118.22, "Population": 1417.0}, {"index": 4528, "quantile": 0.25, "value": 141700.0, "Latitude": 34.04, "Longitude": -118.22, "Population": 1417.0}, {"index": 4528, "quantile": 0.5, "value": 141700.0, "Latitude": 34.04, "Longitude": -118.22, "Population": 1417.0}, {"index": 4528, "quantile": 0.75, "value": 141700.0, "Latitude": 34.04, "Longitude": -118.22, "Population": 1417.0}, {"index": 4528, "quantile": 1.0, "value": 212500.0, "Latitude": 34.04, "Longitude": -118.22, "Population": 1417.0}, {"index": 4529, "quantile": 0.0, "value": 67500.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 1598.0}, {"index": 4529, "quantile": 0.25, "value": 115599.99999999999, "Latitude": 34.05, "Longitude": -118.22, "Population": 1598.0}, {"index": 4529, "quantile": 0.5, "value": 115599.99999999999, "Latitude": 34.05, "Longitude": -118.22, "Population": 1598.0}, {"index": 4529, "quantile": 0.75, "value": 137500.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 1598.0}, {"index": 4529, "quantile": 1.0, "value": 350000.0, "Latitude": 34.05, "Longitude": -118.22, "Population": 1598.0}, {"index": 4530, "quantile": 0.0, "value": 97000.0, "Latitude": 34.04, "Longitude": -118.22, "Population": 2468.0}, {"index": 4530, "quantile": 0.25, "value": 114999.99999999999, "Latitude": 34.04, "Longitude": -118.22, "Population": 2468.0}, {"index": 4530, "quantile": 0.5, "value": 114999.99999999999, "Latitude": 34.04, "Longitude": -118.22, "Population": 2468.0}, {"index": 4530, "quantile": 0.75, "value": 128250.0, "Latitude": 34.04, "Longitude": -118.22, "Population": 2468.0}, {"index": 4530, "quantile": 1.0, "value": 212500.0, "Latitude": 34.04, "Longitude": -118.22, "Population": 2468.0}, {"index": 4531, "quantile": 0.0, "value": 119200.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 1844.0}, {"index": 4531, "quantile": 0.25, "value": 152500.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 1844.0}, {"index": 4531, "quantile": 0.5, "value": 152500.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 1844.0}, {"index": 4531, "quantile": 0.75, "value": 152500.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 1844.0}, {"index": 4531, "quantile": 1.0, "value": 190600.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 1844.0}, {"index": 4532, "quantile": 0.0, "value": 90500.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 1499.0}, {"index": 4532, "quantile": 0.25, "value": 121800.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 1499.0}, {"index": 4532, "quantile": 0.5, "value": 135500.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 1499.0}, {"index": 4532, "quantile": 0.75, "value": 149700.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 1499.0}, {"index": 4532, "quantile": 1.0, "value": 350000.0, "Latitude": 34.04, "Longitude": -118.21, "Population": 1499.0}, {"index": 4533, "quantile": 0.0, "value": 38800.0, "Latitude": 34.03, "Longitude": -118.22, "Population": 888.0}, {"index": 4533, "quantile": 0.25, "value": 139600.0, "Latitude": 34.03, "Longitude": -118.22, "Population": 888.0}, {"index": 4533, "quantile": 0.5, "value": 139600.0, "Latitude": 34.03, "Longitude": -118.22, "Population": 888.0}, {"index": 4533, "quantile": 0.75, "value": 139600.0, "Latitude": 34.03, "Longitude": -118.22, "Population": 888.0}, {"index": 4533, "quantile": 1.0, "value": 316700.0, "Latitude": 34.03, "Longitude": -118.22, "Population": 888.0}, {"index": 4534, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 34.03, "Longitude": -118.21, "Population": 1893.0}, {"index": 4534, "quantile": 0.25, "value": 141100.0, "Latitude": 34.03, "Longitude": -118.21, "Population": 1893.0}, {"index": 4534, "quantile": 0.5, "value": 150200.0, "Latitude": 34.03, "Longitude": -118.21, "Population": 1893.0}, {"index": 4534, "quantile": 0.75, "value": 159700.0, "Latitude": 34.03, "Longitude": -118.21, "Population": 1893.0}, {"index": 4534, "quantile": 1.0, "value": 182000.0, "Latitude": 34.03, "Longitude": -118.21, "Population": 1893.0}, {"index": 4535, "quantile": 0.0, "value": 120000.0, "Latitude": 34.03, "Longitude": -118.21, "Population": 1718.0}, {"index": 4535, "quantile": 0.25, "value": 141100.0, "Latitude": 34.03, "Longitude": -118.21, "Population": 1718.0}, {"index": 4535, "quantile": 0.5, "value": 141100.0, "Latitude": 34.03, "Longitude": -118.21, "Population": 1718.0}, {"index": 4535, "quantile": 0.75, "value": 141100.0, "Latitude": 34.03, "Longitude": -118.21, "Population": 1718.0}, {"index": 4535, "quantile": 1.0, "value": 180600.0, "Latitude": 34.03, "Longitude": -118.21, "Population": 1718.0}, {"index": 4536, "quantile": 0.0, "value": 80800.0, "Latitude": 34.03, "Longitude": -118.21, "Population": 547.0}, {"index": 4536, "quantile": 0.25, "value": 124100.00000000001, "Latitude": 34.03, "Longitude": -118.21, "Population": 547.0}, {"index": 4536, "quantile": 0.5, "value": 135200.0, "Latitude": 34.03, "Longitude": -118.21, "Population": 547.0}, {"index": 4536, "quantile": 0.75, "value": 145250.0, "Latitude": 34.03, "Longitude": -118.21, "Population": 547.0}, {"index": 4536, "quantile": 1.0, "value": 167200.0, "Latitude": 34.03, "Longitude": -118.21, "Population": 547.0}, {"index": 4537, "quantile": 0.0, "value": 89200.0, "Latitude": 34.03, "Longitude": -118.21, "Population": 872.0}, {"index": 4537, "quantile": 0.25, "value": 145000.0, "Latitude": 34.03, "Longitude": -118.21, "Population": 872.0}, {"index": 4537, "quantile": 0.5, "value": 145000.0, "Latitude": 34.03, "Longitude": -118.21, "Population": 872.0}, {"index": 4537, "quantile": 0.75, "value": 145000.0, "Latitude": 34.03, "Longitude": -118.21, "Population": 872.0}, {"index": 4537, "quantile": 1.0, "value": 190000.0, "Latitude": 34.03, "Longitude": -118.21, "Population": 872.0}, {"index": 4538, "quantile": 0.0, "value": 92400.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 1150.0}, {"index": 4538, "quantile": 0.25, "value": 133675.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 1150.0}, {"index": 4538, "quantile": 0.5, "value": 145299.99999999997, "Latitude": 34.03, "Longitude": -118.2, "Population": 1150.0}, {"index": 4538, "quantile": 0.75, "value": 158075.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 1150.0}, {"index": 4538, "quantile": 1.0, "value": 215600.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 1150.0}, {"index": 4539, "quantile": 0.0, "value": 94300.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 1411.0}, {"index": 4539, "quantile": 0.25, "value": 146000.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 1411.0}, {"index": 4539, "quantile": 0.5, "value": 146000.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 1411.0}, {"index": 4539, "quantile": 0.75, "value": 146000.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 1411.0}, {"index": 4539, "quantile": 1.0, "value": 178800.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 1411.0}, {"index": 4540, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 34.03, "Longitude": -118.2, "Population": 813.0}, {"index": 4540, "quantile": 0.25, "value": 135200.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 813.0}, {"index": 4540, "quantile": 0.5, "value": 135200.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 813.0}, {"index": 4540, "quantile": 0.75, "value": 135425.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 813.0}, {"index": 4540, "quantile": 1.0, "value": 188500.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 813.0}, {"index": 4541, "quantile": 0.0, "value": 116100.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 1776.0}, {"index": 4541, "quantile": 0.25, "value": 140800.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 1776.0}, {"index": 4541, "quantile": 0.5, "value": 140800.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 1776.0}, {"index": 4541, "quantile": 0.75, "value": 140800.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 1776.0}, {"index": 4541, "quantile": 1.0, "value": 206300.00000000003, "Latitude": 34.03, "Longitude": -118.2, "Population": 1776.0}, {"index": 4542, "quantile": 0.0, "value": 86300.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 730.0}, {"index": 4542, "quantile": 0.25, "value": 140600.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 730.0}, {"index": 4542, "quantile": 0.5, "value": 140600.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 730.0}, {"index": 4542, "quantile": 0.75, "value": 140600.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 730.0}, {"index": 4542, "quantile": 1.0, "value": 225000.0, "Latitude": 34.03, "Longitude": -118.2, "Population": 730.0}, {"index": 4543, "quantile": 0.0, "value": 108200.00000000001, "Latitude": 34.02, "Longitude": -118.21, "Population": 872.0}, {"index": 4543, "quantile": 0.25, "value": 129700.0, "Latitude": 34.02, "Longitude": -118.21, "Population": 872.0}, {"index": 4543, "quantile": 0.5, "value": 129700.0, "Latitude": 34.02, "Longitude": -118.21, "Population": 872.0}, {"index": 4543, "quantile": 0.75, "value": 133000.0, "Latitude": 34.02, "Longitude": -118.21, "Population": 872.0}, {"index": 4543, "quantile": 1.0, "value": 162900.0, "Latitude": 34.02, "Longitude": -118.21, "Population": 872.0}, {"index": 4544, "quantile": 0.0, "value": 97900.0, "Latitude": 34.02, "Longitude": -118.19, "Population": 3260.0}, {"index": 4544, "quantile": 0.25, "value": 144800.0, "Latitude": 34.02, "Longitude": -118.19, "Population": 3260.0}, {"index": 4544, "quantile": 0.5, "value": 144800.0, "Latitude": 34.02, "Longitude": -118.19, "Population": 3260.0}, {"index": 4544, "quantile": 0.75, "value": 144800.0, "Latitude": 34.02, "Longitude": -118.19, "Population": 3260.0}, {"index": 4544, "quantile": 1.0, "value": 173800.0, "Latitude": 34.02, "Longitude": -118.19, "Population": 3260.0}, {"index": 4545, "quantile": 0.0, "value": 97200.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 2419.0}, {"index": 4545, "quantile": 0.25, "value": 137350.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 2419.0}, {"index": 4545, "quantile": 0.5, "value": 148150.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 2419.0}, {"index": 4545, "quantile": 0.75, "value": 161750.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 2419.0}, {"index": 4545, "quantile": 1.0, "value": 200000.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 2419.0}, {"index": 4546, "quantile": 0.0, "value": 81300.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 35.0}, {"index": 4546, "quantile": 0.25, "value": 153975.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 35.0}, {"index": 4546, "quantile": 0.5, "value": 175000.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 35.0}, {"index": 4546, "quantile": 0.75, "value": 175000.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 35.0}, {"index": 4546, "quantile": 1.0, "value": 375000.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 35.0}, {"index": 4547, "quantile": 0.0, "value": 83100.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 548.0}, {"index": 4547, "quantile": 0.25, "value": 126600.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 548.0}, {"index": 4547, "quantile": 0.5, "value": 126600.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 548.0}, {"index": 4547, "quantile": 0.75, "value": 126600.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 548.0}, {"index": 4547, "quantile": 1.0, "value": 195800.0, "Latitude": 34.02, "Longitude": -118.2, "Population": 548.0}, {"index": 4548, "quantile": 0.0, "value": 67500.0, "Latitude": 34.02, "Longitude": -118.21, "Population": 55.0}, {"index": 4548, "quantile": 0.25, "value": 67500.0, "Latitude": 34.02, "Longitude": -118.21, "Population": 55.0}, {"index": 4548, "quantile": 0.5, "value": 67500.0, "Latitude": 34.02, "Longitude": -118.21, "Population": 55.0}, {"index": 4548, "quantile": 0.75, "value": 298800.0, "Latitude": 34.02, "Longitude": -118.21, "Population": 55.0}, {"index": 4548, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.21, "Population": 55.0}, {"index": 4549, "quantile": 0.0, "value": 90300.0, "Latitude": 34.02, "Longitude": -118.21, "Population": 2123.0}, {"index": 4549, "quantile": 0.25, "value": 133300.0, "Latitude": 34.02, "Longitude": -118.21, "Population": 2123.0}, {"index": 4549, "quantile": 0.5, "value": 133300.0, "Latitude": 34.02, "Longitude": -118.21, "Population": 2123.0}, {"index": 4549, "quantile": 0.75, "value": 140600.0, "Latitude": 34.02, "Longitude": -118.21, "Population": 2123.0}, {"index": 4549, "quantile": 1.0, "value": 224500.0, "Latitude": 34.02, "Longitude": -118.21, "Population": 2123.0}, {"index": 4550, "quantile": 0.0, "value": 46900.0, "Latitude": 34.05, "Longitude": -118.23, "Population": 346.0}, {"index": 4550, "quantile": 0.25, "value": 225000.0, "Latitude": 34.05, "Longitude": -118.23, "Population": 346.0}, {"index": 4550, "quantile": 0.5, "value": 225000.0, "Latitude": 34.05, "Longitude": -118.23, "Population": 346.0}, {"index": 4550, "quantile": 0.75, "value": 225000.0, "Latitude": 34.05, "Longitude": -118.23, "Population": 346.0}, {"index": 4550, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.23, "Population": 346.0}, {"index": 4551, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.05, "Longitude": -118.24, "Population": 1823.0}, {"index": 4551, "quantile": 0.25, "value": 181300.0, "Latitude": 34.05, "Longitude": -118.24, "Population": 1823.0}, {"index": 4551, "quantile": 0.5, "value": 181300.0, "Latitude": 34.05, "Longitude": -118.24, "Population": 1823.0}, {"index": 4551, "quantile": 0.75, "value": 182850.0, "Latitude": 34.05, "Longitude": -118.24, "Population": 1823.0}, {"index": 4551, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.24, "Population": 1823.0}, {"index": 4552, "quantile": 0.0, "value": 17500.0, "Latitude": 34.04, "Longitude": -118.24, "Population": 171.0}, {"index": 4552, "quantile": 0.25, "value": 112500.0, "Latitude": 34.04, "Longitude": -118.24, "Population": 171.0}, {"index": 4552, "quantile": 0.5, "value": 112500.0, "Latitude": 34.04, "Longitude": -118.24, "Population": 171.0}, {"index": 4552, "quantile": 0.75, "value": 112500.0, "Latitude": 34.04, "Longitude": -118.24, "Population": 171.0}, {"index": 4552, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.24, "Population": 171.0}, {"index": 4553, "quantile": 0.0, "value": 87500.0, "Latitude": 34.06, "Longitude": -118.24, "Population": 435.0}, {"index": 4553, "quantile": 0.25, "value": 193800.0, "Latitude": 34.06, "Longitude": -118.24, "Population": 435.0}, {"index": 4553, "quantile": 0.5, "value": 350000.0, "Latitude": 34.06, "Longitude": -118.24, "Population": 435.0}, {"index": 4553, "quantile": 0.75, "value": 350000.0, "Latitude": 34.06, "Longitude": -118.24, "Population": 435.0}, {"index": 4553, "quantile": 1.0, "value": 350000.0, "Latitude": 34.06, "Longitude": -118.24, "Population": 435.0}, {"index": 4554, "quantile": 0.0, "value": 50000.0, "Latitude": 34.06, "Longitude": -118.24, "Population": 1074.0}, {"index": 4554, "quantile": 0.25, "value": 87500.0, "Latitude": 34.06, "Longitude": -118.24, "Population": 1074.0}, {"index": 4554, "quantile": 0.5, "value": 87500.0, "Latitude": 34.06, "Longitude": -118.24, "Population": 1074.0}, {"index": 4554, "quantile": 0.75, "value": 141700.0, "Latitude": 34.06, "Longitude": -118.24, "Population": 1074.0}, {"index": 4554, "quantile": 1.0, "value": 350000.0, "Latitude": 34.06, "Longitude": -118.24, "Population": 1074.0}, {"index": 4555, "quantile": 0.0, "value": 67500.0, "Latitude": 34.06, "Longitude": -118.24, "Population": 3325.0}, {"index": 4555, "quantile": 0.25, "value": 162500.0, "Latitude": 34.06, "Longitude": -118.24, "Population": 3325.0}, {"index": 4555, "quantile": 0.5, "value": 162500.0, "Latitude": 34.06, "Longitude": -118.24, "Population": 3325.0}, {"index": 4555, "quantile": 0.75, "value": 162500.0, "Latitude": 34.06, "Longitude": -118.24, "Population": 3325.0}, {"index": 4555, "quantile": 1.0, "value": 475000.0, "Latitude": 34.06, "Longitude": -118.24, "Population": 3325.0}, {"index": 4556, "quantile": 0.0, "value": 87500.0, "Latitude": 34.05, "Longitude": -118.25, "Population": 2232.0}, {"index": 4556, "quantile": 0.25, "value": 225000.0, "Latitude": 34.05, "Longitude": -118.25, "Population": 2232.0}, {"index": 4556, "quantile": 0.5, "value": 350000.0, "Latitude": 34.05, "Longitude": -118.25, "Population": 2232.0}, {"index": 4556, "quantile": 0.75, "value": 350000.0, "Latitude": 34.05, "Longitude": -118.25, "Population": 2232.0}, {"index": 4556, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.25, "Population": 2232.0}, {"index": 4557, "quantile": 0.0, "value": 46900.0, "Latitude": 34.05, "Longitude": -118.25, "Population": 1086.0}, {"index": 4557, "quantile": 0.25, "value": 150000.0, "Latitude": 34.05, "Longitude": -118.25, "Population": 1086.0}, {"index": 4557, "quantile": 0.5, "value": 200000.0, "Latitude": 34.05, "Longitude": -118.25, "Population": 1086.0}, {"index": 4557, "quantile": 0.75, "value": 350000.0, "Latitude": 34.05, "Longitude": -118.25, "Population": 1086.0}, {"index": 4557, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.25, "Population": 1086.0}, {"index": 4558, "quantile": 0.0, "value": 175000.0, "Latitude": 34.06, "Longitude": -118.25, "Population": 1673.0}, {"index": 4558, "quantile": 0.25, "value": 291700.0, "Latitude": 34.06, "Longitude": -118.25, "Population": 1673.0}, {"index": 4558, "quantile": 0.5, "value": 346400.0, "Latitude": 34.06, "Longitude": -118.25, "Population": 1673.0}, {"index": 4558, "quantile": 0.75, "value": 452100.0, "Latitude": 34.06, "Longitude": -118.25, "Population": 1673.0}, {"index": 4558, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.25, "Population": 1673.0}, {"index": 4559, "quantile": 0.0, "value": 87500.0, "Latitude": 34.05, "Longitude": -118.26, "Population": 41.0}, {"index": 4559, "quantile": 0.25, "value": 461425.0, "Latitude": 34.05, "Longitude": -118.26, "Population": 41.0}, {"index": 4559, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.26, "Population": 41.0}, {"index": 4559, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.26, "Population": 41.0}, {"index": 4559, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.26, "Population": 41.0}, {"index": 4560, "quantile": 0.0, "value": 87500.0, "Latitude": 34.04, "Longitude": -118.26, "Population": 1051.0}, {"index": 4560, "quantile": 0.25, "value": 162500.0, "Latitude": 34.04, "Longitude": -118.26, "Population": 1051.0}, {"index": 4560, "quantile": 0.5, "value": 162500.0, "Latitude": 34.04, "Longitude": -118.26, "Population": 1051.0}, {"index": 4560, "quantile": 0.75, "value": 164800.0, "Latitude": 34.04, "Longitude": -118.26, "Population": 1051.0}, {"index": 4560, "quantile": 1.0, "value": 500000.0, "Latitude": 34.04, "Longitude": -118.26, "Population": 1051.0}, {"index": 4561, "quantile": 0.0, "value": 38800.0, "Latitude": 34.06, "Longitude": -118.25, "Population": 249.0}, {"index": 4561, "quantile": 0.25, "value": 173950.0, "Latitude": 34.06, "Longitude": -118.25, "Population": 249.0}, {"index": 4561, "quantile": 0.5, "value": 312500.0, "Latitude": 34.06, "Longitude": -118.25, "Population": 249.0}, {"index": 4561, "quantile": 0.75, "value": 312500.0, "Latitude": 34.06, "Longitude": -118.25, "Population": 249.0}, {"index": 4561, "quantile": 1.0, "value": 350000.0, "Latitude": 34.06, "Longitude": -118.25, "Population": 249.0}, {"index": 4562, "quantile": 0.0, "value": 52500.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 490.0}, {"index": 4562, "quantile": 0.25, "value": 170725.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 490.0}, {"index": 4562, "quantile": 0.5, "value": 175000.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 490.0}, {"index": 4562, "quantile": 0.75, "value": 175000.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 490.0}, {"index": 4562, "quantile": 1.0, "value": 380000.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 490.0}, {"index": 4563, "quantile": 0.0, "value": 67500.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 1150.0}, {"index": 4563, "quantile": 0.25, "value": 131300.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 1150.0}, {"index": 4563, "quantile": 0.5, "value": 131300.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 1150.0}, {"index": 4563, "quantile": 0.75, "value": 141700.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 1150.0}, {"index": 4563, "quantile": 1.0, "value": 225000.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 1150.0}, {"index": 4564, "quantile": 0.0, "value": 38800.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 2382.0}, {"index": 4564, "quantile": 0.25, "value": 166700.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 2382.0}, {"index": 4564, "quantile": 0.5, "value": 185900.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 2382.0}, {"index": 4564, "quantile": 0.75, "value": 185900.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 2382.0}, {"index": 4564, "quantile": 1.0, "value": 312500.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 2382.0}, {"index": 4565, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.07, "Longitude": -118.26, "Population": 995.0}, {"index": 4565, "quantile": 0.25, "value": 165600.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 995.0}, {"index": 4565, "quantile": 0.5, "value": 165600.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 995.0}, {"index": 4565, "quantile": 0.75, "value": 165600.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 995.0}, {"index": 4565, "quantile": 1.0, "value": 225000.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 995.0}, {"index": 4566, "quantile": 0.0, "value": 117200.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 763.0}, {"index": 4566, "quantile": 0.25, "value": 187500.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 763.0}, {"index": 4566, "quantile": 0.5, "value": 187500.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 763.0}, {"index": 4566, "quantile": 0.75, "value": 187500.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 763.0}, {"index": 4566, "quantile": 1.0, "value": 254500.0, "Latitude": 34.07, "Longitude": -118.26, "Population": 763.0}, {"index": 4567, "quantile": 0.0, "value": 97300.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 1174.0}, {"index": 4567, "quantile": 0.25, "value": 159075.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 1174.0}, {"index": 4567, "quantile": 0.5, "value": 225000.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 1174.0}, {"index": 4567, "quantile": 0.75, "value": 225000.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 1174.0}, {"index": 4567, "quantile": 1.0, "value": 262500.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 1174.0}, {"index": 4568, "quantile": 0.0, "value": 87500.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 3974.0}, {"index": 4568, "quantile": 0.25, "value": 87500.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 3974.0}, {"index": 4568, "quantile": 0.5, "value": 87500.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 3974.0}, {"index": 4568, "quantile": 0.75, "value": 162500.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 3974.0}, {"index": 4568, "quantile": 1.0, "value": 300000.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 3974.0}, {"index": 4569, "quantile": 0.0, "value": 147800.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1593.0}, {"index": 4569, "quantile": 0.25, "value": 189200.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1593.0}, {"index": 4569, "quantile": 0.5, "value": 213300.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1593.0}, {"index": 4569, "quantile": 0.75, "value": 213300.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1593.0}, {"index": 4569, "quantile": 1.0, "value": 350000.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1593.0}, {"index": 4570, "quantile": 0.0, "value": 87500.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 2188.0}, {"index": 4570, "quantile": 0.25, "value": 154200.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 2188.0}, {"index": 4570, "quantile": 0.5, "value": 154200.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 2188.0}, {"index": 4570, "quantile": 0.75, "value": 202300.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 2188.0}, {"index": 4570, "quantile": 1.0, "value": 350000.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 2188.0}, {"index": 4571, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 34.07, "Longitude": -118.27, "Population": 1239.0}, {"index": 4571, "quantile": 0.25, "value": 152100.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1239.0}, {"index": 4571, "quantile": 0.5, "value": 152100.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1239.0}, {"index": 4571, "quantile": 0.75, "value": 171575.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1239.0}, {"index": 4571, "quantile": 1.0, "value": 262500.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1239.0}, {"index": 4572, "quantile": 0.0, "value": 109100.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 2071.0}, {"index": 4572, "quantile": 0.25, "value": 152500.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 2071.0}, {"index": 4572, "quantile": 0.5, "value": 152500.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 2071.0}, {"index": 4572, "quantile": 0.75, "value": 156300.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 2071.0}, {"index": 4572, "quantile": 1.0, "value": 328900.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 2071.0}, {"index": 4573, "quantile": 0.0, "value": 87500.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 2013.0}, {"index": 4573, "quantile": 0.25, "value": 208300.00000000003, "Latitude": 34.06, "Longitude": -118.27, "Population": 2013.0}, {"index": 4573, "quantile": 0.5, "value": 208300.00000000003, "Latitude": 34.06, "Longitude": -118.27, "Population": 2013.0}, {"index": 4573, "quantile": 0.75, "value": 208300.00000000003, "Latitude": 34.06, "Longitude": -118.27, "Population": 2013.0}, {"index": 4573, "quantile": 1.0, "value": 270000.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 2013.0}, {"index": 4574, "quantile": 0.0, "value": 112500.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1533.0}, {"index": 4574, "quantile": 0.25, "value": 183000.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1533.0}, {"index": 4574, "quantile": 0.5, "value": 183300.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1533.0}, {"index": 4574, "quantile": 0.75, "value": 183300.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1533.0}, {"index": 4574, "quantile": 1.0, "value": 305600.0, "Latitude": 34.07, "Longitude": -118.27, "Population": 1533.0}, {"index": 4575, "quantile": 0.0, "value": 87500.0, "Latitude": 34.07, "Longitude": -118.28, "Population": 1111.0}, {"index": 4575, "quantile": 0.25, "value": 201725.00000000003, "Latitude": 34.07, "Longitude": -118.28, "Population": 1111.0}, {"index": 4575, "quantile": 0.5, "value": 207100.00000000003, "Latitude": 34.07, "Longitude": -118.28, "Population": 1111.0}, {"index": 4575, "quantile": 0.75, "value": 207100.00000000003, "Latitude": 34.07, "Longitude": -118.28, "Population": 1111.0}, {"index": 4575, "quantile": 1.0, "value": 275000.0, "Latitude": 34.07, "Longitude": -118.28, "Population": 1111.0}, {"index": 4576, "quantile": 0.0, "value": 87500.0, "Latitude": 34.07, "Longitude": -118.28, "Population": 2642.0}, {"index": 4576, "quantile": 0.25, "value": 216699.99999999997, "Latitude": 34.07, "Longitude": -118.28, "Population": 2642.0}, {"index": 4576, "quantile": 0.5, "value": 216699.99999999997, "Latitude": 34.07, "Longitude": -118.28, "Population": 2642.0}, {"index": 4576, "quantile": 0.75, "value": 216699.99999999997, "Latitude": 34.07, "Longitude": -118.28, "Population": 2642.0}, {"index": 4576, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.28, "Population": 2642.0}, {"index": 4577, "quantile": 0.0, "value": 129200.0, "Latitude": 34.07, "Longitude": -118.28, "Population": 2226.0}, {"index": 4577, "quantile": 0.25, "value": 253100.0, "Latitude": 34.07, "Longitude": -118.28, "Population": 2226.0}, {"index": 4577, "quantile": 0.5, "value": 265900.0, "Latitude": 34.07, "Longitude": -118.28, "Population": 2226.0}, {"index": 4577, "quantile": 0.75, "value": 265900.0, "Latitude": 34.07, "Longitude": -118.28, "Population": 2226.0}, {"index": 4577, "quantile": 1.0, "value": 445000.0, "Latitude": 34.07, "Longitude": -118.28, "Population": 2226.0}, {"index": 4578, "quantile": 0.0, "value": 122900.00000000001, "Latitude": 34.07, "Longitude": -118.28, "Population": 1684.0}, {"index": 4578, "quantile": 0.25, "value": 190000.0, "Latitude": 34.07, "Longitude": -118.28, "Population": 1684.0}, {"index": 4578, "quantile": 0.5, "value": 190000.0, "Latitude": 34.07, "Longitude": -118.28, "Population": 1684.0}, {"index": 4578, "quantile": 0.75, "value": 190000.0, "Latitude": 34.07, "Longitude": -118.28, "Population": 1684.0}, {"index": 4578, "quantile": 1.0, "value": 275000.0, "Latitude": 34.07, "Longitude": -118.28, "Population": 1684.0}, {"index": 4579, "quantile": 0.0, "value": 135000.0, "Latitude": 34.07, "Longitude": -118.28, "Population": 7221.0}, {"index": 4579, "quantile": 0.25, "value": 177500.0, "Latitude": 34.07, "Longitude": -118.28, "Population": 7221.0}, {"index": 4579, "quantile": 0.5, "value": 177500.0, "Latitude": 34.07, "Longitude": -118.28, "Population": 7221.0}, {"index": 4579, "quantile": 0.75, "value": 177500.0, "Latitude": 34.07, "Longitude": -118.28, "Population": 7221.0}, {"index": 4579, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.28, "Population": 7221.0}, {"index": 4580, "quantile": 0.0, "value": 62500.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 2251.0}, {"index": 4580, "quantile": 0.25, "value": 265900.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 2251.0}, {"index": 4580, "quantile": 0.5, "value": 400000.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 2251.0}, {"index": 4580, "quantile": 0.75, "value": 400000.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 2251.0}, {"index": 4580, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.28, "Population": 2251.0}, {"index": 4581, "quantile": 0.0, "value": 137500.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 3051.0}, {"index": 4581, "quantile": 0.25, "value": 175000.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 3051.0}, {"index": 4581, "quantile": 0.5, "value": 175000.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 3051.0}, {"index": 4581, "quantile": 0.75, "value": 234350.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 3051.0}, {"index": 4581, "quantile": 1.0, "value": 475000.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 3051.0}, {"index": 4582, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.06, "Longitude": -118.27, "Population": 3915.0}, {"index": 4582, "quantile": 0.25, "value": 137500.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 3915.0}, {"index": 4582, "quantile": 0.5, "value": 137500.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 3915.0}, {"index": 4582, "quantile": 0.75, "value": 137500.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 3915.0}, {"index": 4582, "quantile": 1.0, "value": 400000.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 3915.0}, {"index": 4583, "quantile": 0.0, "value": 87500.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 3723.0}, {"index": 4583, "quantile": 0.25, "value": 137500.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 3723.0}, {"index": 4583, "quantile": 0.5, "value": 162500.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 3723.0}, {"index": 4583, "quantile": 0.75, "value": 225000.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 3723.0}, {"index": 4583, "quantile": 1.0, "value": 475000.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 3723.0}, {"index": 4584, "quantile": 0.0, "value": 22500.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 1172.0}, {"index": 4584, "quantile": 0.25, "value": 125425.00000000001, "Latitude": 34.06, "Longitude": -118.27, "Population": 1172.0}, {"index": 4584, "quantile": 0.5, "value": 165650.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 1172.0}, {"index": 4584, "quantile": 0.75, "value": 225000.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 1172.0}, {"index": 4584, "quantile": 1.0, "value": 350000.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 1172.0}, {"index": 4585, "quantile": 0.0, "value": 58299.99999999999, "Latitude": 34.06, "Longitude": -118.27, "Population": 1204.0}, {"index": 4585, "quantile": 0.25, "value": 137500.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 1204.0}, {"index": 4585, "quantile": 0.5, "value": 162500.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 1204.0}, {"index": 4585, "quantile": 0.75, "value": 225000.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 1204.0}, {"index": 4585, "quantile": 1.0, "value": 350000.0, "Latitude": 34.06, "Longitude": -118.27, "Population": 1204.0}, {"index": 4586, "quantile": 0.0, "value": 87500.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 3707.0}, {"index": 4586, "quantile": 0.25, "value": 110000.00000000001, "Latitude": 34.06, "Longitude": -118.26, "Population": 3707.0}, {"index": 4586, "quantile": 0.5, "value": 110000.00000000001, "Latitude": 34.06, "Longitude": -118.26, "Population": 3707.0}, {"index": 4586, "quantile": 0.75, "value": 137500.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 3707.0}, {"index": 4586, "quantile": 1.0, "value": 270000.0, "Latitude": 34.06, "Longitude": -118.26, "Population": 3707.0}, {"index": 4587, "quantile": 0.0, "value": 97300.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 1122.0}, {"index": 4587, "quantile": 0.25, "value": 137500.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 1122.0}, {"index": 4587, "quantile": 0.5, "value": 137500.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 1122.0}, {"index": 4587, "quantile": 0.75, "value": 137500.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 1122.0}, {"index": 4587, "quantile": 1.0, "value": 305800.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 1122.0}, {"index": 4588, "quantile": 0.0, "value": 52500.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 2081.0}, {"index": 4588, "quantile": 0.25, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 2081.0}, {"index": 4588, "quantile": 0.5, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 2081.0}, {"index": 4588, "quantile": 0.75, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 2081.0}, {"index": 4588, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.27, "Population": 2081.0}, {"index": 4589, "quantile": 0.0, "value": 38800.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 2309.0}, {"index": 4589, "quantile": 0.25, "value": 212500.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 2309.0}, {"index": 4589, "quantile": 0.5, "value": 225000.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 2309.0}, {"index": 4589, "quantile": 0.75, "value": 225000.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 2309.0}, {"index": 4589, "quantile": 1.0, "value": 312500.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 2309.0}, {"index": 4590, "quantile": 0.0, "value": 22500.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 990.0}, {"index": 4590, "quantile": 0.25, "value": 187500.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 990.0}, {"index": 4590, "quantile": 0.5, "value": 187500.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 990.0}, {"index": 4590, "quantile": 0.75, "value": 187500.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 990.0}, {"index": 4590, "quantile": 1.0, "value": 400000.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 990.0}, {"index": 4591, "quantile": 0.0, "value": 87500.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 3795.0}, {"index": 4591, "quantile": 0.25, "value": 162500.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 3795.0}, {"index": 4591, "quantile": 0.5, "value": 162500.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 3795.0}, {"index": 4591, "quantile": 0.75, "value": 162500.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 3795.0}, {"index": 4591, "quantile": 1.0, "value": 400000.0, "Latitude": 34.06, "Longitude": -118.28, "Population": 3795.0}, {"index": 4592, "quantile": 0.0, "value": 87500.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 2796.0}, {"index": 4592, "quantile": 0.25, "value": 137500.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 2796.0}, {"index": 4592, "quantile": 0.5, "value": 168600.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 2796.0}, {"index": 4592, "quantile": 0.75, "value": 248125.00000000003, "Latitude": 34.05, "Longitude": -118.27, "Population": 2796.0}, {"index": 4592, "quantile": 1.0, "value": 350000.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 2796.0}, {"index": 4593, "quantile": 0.0, "value": 112500.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 1685.0}, {"index": 4593, "quantile": 0.25, "value": 225000.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 1685.0}, {"index": 4593, "quantile": 0.5, "value": 225000.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 1685.0}, {"index": 4593, "quantile": 0.75, "value": 225000.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 1685.0}, {"index": 4593, "quantile": 1.0, "value": 475000.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 1685.0}, {"index": 4594, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 34.05, "Longitude": -118.28, "Population": 2079.0}, {"index": 4594, "quantile": 0.25, "value": 225000.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 2079.0}, {"index": 4594, "quantile": 0.5, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 2079.0}, {"index": 4594, "quantile": 0.75, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 2079.0}, {"index": 4594, "quantile": 1.0, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 2079.0}, {"index": 4595, "quantile": 0.0, "value": 81300.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 2510.0}, {"index": 4595, "quantile": 0.25, "value": 152500.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 2510.0}, {"index": 4595, "quantile": 0.5, "value": 200000.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 2510.0}, {"index": 4595, "quantile": 0.75, "value": 233300.00000000003, "Latitude": 34.05, "Longitude": -118.28, "Population": 2510.0}, {"index": 4595, "quantile": 1.0, "value": 350000.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 2510.0}, {"index": 4596, "quantile": 0.0, "value": 112500.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 2931.0}, {"index": 4596, "quantile": 0.25, "value": 158900.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 2931.0}, {"index": 4596, "quantile": 0.5, "value": 158900.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 2931.0}, {"index": 4596, "quantile": 0.75, "value": 158900.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 2931.0}, {"index": 4596, "quantile": 1.0, "value": 312500.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 2931.0}, {"index": 4597, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 34.05, "Longitude": -118.28, "Population": 2260.0}, {"index": 4597, "quantile": 0.25, "value": 161925.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 2260.0}, {"index": 4597, "quantile": 0.5, "value": 162500.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 2260.0}, {"index": 4597, "quantile": 0.75, "value": 162500.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 2260.0}, {"index": 4597, "quantile": 1.0, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 2260.0}, {"index": 4598, "quantile": 0.0, "value": 47500.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 1805.0}, {"index": 4598, "quantile": 0.25, "value": 212500.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 1805.0}, {"index": 4598, "quantile": 0.5, "value": 212500.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 1805.0}, {"index": 4598, "quantile": 0.75, "value": 212500.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 1805.0}, {"index": 4598, "quantile": 1.0, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 1805.0}, {"index": 4599, "quantile": 0.0, "value": 58299.99999999999, "Latitude": 34.05, "Longitude": -118.27, "Population": 1406.0}, {"index": 4599, "quantile": 0.25, "value": 112500.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 1406.0}, {"index": 4599, "quantile": 0.5, "value": 112500.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 1406.0}, {"index": 4599, "quantile": 0.75, "value": 131599.99999999997, "Latitude": 34.05, "Longitude": -118.27, "Population": 1406.0}, {"index": 4599, "quantile": 1.0, "value": 262500.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 1406.0}, {"index": 4600, "quantile": 0.0, "value": 97000.0, "Latitude": 34.04, "Longitude": -118.27, "Population": 2158.0}, {"index": 4600, "quantile": 0.25, "value": 118100.0, "Latitude": 34.04, "Longitude": -118.27, "Population": 2158.0}, {"index": 4600, "quantile": 0.5, "value": 118100.0, "Latitude": 34.04, "Longitude": -118.27, "Population": 2158.0}, {"index": 4600, "quantile": 0.75, "value": 118100.0, "Latitude": 34.04, "Longitude": -118.27, "Population": 2158.0}, {"index": 4600, "quantile": 1.0, "value": 360000.0, "Latitude": 34.04, "Longitude": -118.27, "Population": 2158.0}, {"index": 4601, "quantile": 0.0, "value": 75000.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 751.0}, {"index": 4601, "quantile": 0.25, "value": 225000.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 751.0}, {"index": 4601, "quantile": 0.5, "value": 225000.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 751.0}, {"index": 4601, "quantile": 0.75, "value": 225000.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 751.0}, {"index": 4601, "quantile": 1.0, "value": 400000.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 751.0}, {"index": 4602, "quantile": 0.0, "value": 58299.99999999999, "Latitude": 34.05, "Longitude": -118.27, "Population": 1194.0}, {"index": 4602, "quantile": 0.25, "value": 137500.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 1194.0}, {"index": 4602, "quantile": 0.5, "value": 162500.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 1194.0}, {"index": 4602, "quantile": 0.75, "value": 225000.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 1194.0}, {"index": 4602, "quantile": 1.0, "value": 350000.0, "Latitude": 34.05, "Longitude": -118.27, "Population": 1194.0}, {"index": 4603, "quantile": 0.0, "value": 390500.0, "Latitude": 34.07, "Longitude": -118.32, "Population": 861.0}, {"index": 4603, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.32, "Population": 861.0}, {"index": 4603, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.32, "Population": 861.0}, {"index": 4603, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.32, "Population": 861.0}, {"index": 4603, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.32, "Population": 861.0}, {"index": 4604, "quantile": 0.0, "value": 483300.0, "Latitude": 34.06, "Longitude": -118.33, "Population": 693.0}, {"index": 4604, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.33, "Population": 693.0}, {"index": 4604, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.33, "Population": 693.0}, {"index": 4604, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.33, "Population": 693.0}, {"index": 4604, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.33, "Population": 693.0}, {"index": 4605, "quantile": 0.0, "value": 426100.0, "Latitude": 34.07, "Longitude": -118.33, "Population": 813.0}, {"index": 4605, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.33, "Population": 813.0}, {"index": 4605, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.33, "Population": 813.0}, {"index": 4605, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.33, "Population": 813.0}, {"index": 4605, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.33, "Population": 813.0}, {"index": 4606, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.33, "Population": 531.0}, {"index": 4606, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.33, "Population": 531.0}, {"index": 4606, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.33, "Population": 531.0}, {"index": 4606, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.33, "Population": 531.0}, {"index": 4606, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.33, "Population": 531.0}, {"index": 4607, "quantile": 0.0, "value": 281900.0, "Latitude": 34.06, "Longitude": -118.34, "Population": 883.0}, {"index": 4607, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.34, "Population": 883.0}, {"index": 4607, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.34, "Population": 883.0}, {"index": 4607, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.34, "Population": 883.0}, {"index": 4607, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.34, "Population": 883.0}, {"index": 4608, "quantile": 0.0, "value": 130300.0, "Latitude": 34.06, "Longitude": -118.34, "Population": 707.0}, {"index": 4608, "quantile": 0.25, "value": 200524.99999999997, "Latitude": 34.06, "Longitude": -118.34, "Population": 707.0}, {"index": 4608, "quantile": 0.5, "value": 212450.00000000003, "Latitude": 34.06, "Longitude": -118.34, "Population": 707.0}, {"index": 4608, "quantile": 0.75, "value": 330300.0, "Latitude": 34.06, "Longitude": -118.34, "Population": 707.0}, {"index": 4608, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.34, "Population": 707.0}, {"index": 4609, "quantile": 0.0, "value": 100000.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 987.0}, {"index": 4609, "quantile": 0.25, "value": 219550.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 987.0}, {"index": 4609, "quantile": 0.5, "value": 316700.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 987.0}, {"index": 4609, "quantile": 0.75, "value": 316700.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 987.0}, {"index": 4609, "quantile": 1.0, "value": 350000.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 987.0}, {"index": 4610, "quantile": 0.0, "value": 137500.0, "Latitude": 34.07, "Longitude": -118.29, "Population": 2465.0}, {"index": 4610, "quantile": 0.25, "value": 175000.0, "Latitude": 34.07, "Longitude": -118.29, "Population": 2465.0}, {"index": 4610, "quantile": 0.5, "value": 206149.99999999997, "Latitude": 34.07, "Longitude": -118.29, "Population": 2465.0}, {"index": 4610, "quantile": 0.75, "value": 233300.00000000003, "Latitude": 34.07, "Longitude": -118.29, "Population": 2465.0}, {"index": 4610, "quantile": 1.0, "value": 500000.0, "Latitude": 34.07, "Longitude": -118.29, "Population": 2465.0}, {"index": 4611, "quantile": 0.0, "value": 87500.0, "Latitude": 34.06, "Longitude": -118.29, "Population": 1704.0}, {"index": 4611, "quantile": 0.25, "value": 141700.0, "Latitude": 34.06, "Longitude": -118.29, "Population": 1704.0}, {"index": 4611, "quantile": 0.5, "value": 141700.0, "Latitude": 34.06, "Longitude": -118.29, "Population": 1704.0}, {"index": 4611, "quantile": 0.75, "value": 179999.99999999997, "Latitude": 34.06, "Longitude": -118.29, "Population": 1704.0}, {"index": 4611, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.29, "Population": 1704.0}, {"index": 4612, "quantile": 0.0, "value": 112500.0, "Latitude": 34.07, "Longitude": -118.29, "Population": 634.0}, {"index": 4612, "quantile": 0.25, "value": 300000.0, "Latitude": 34.07, "Longitude": -118.29, "Population": 634.0}, {"index": 4612, "quantile": 0.5, "value": 300000.0, "Latitude": 34.07, "Longitude": -118.29, "Population": 634.0}, {"index": 4612, "quantile": 0.75, "value": 300000.0, "Latitude": 34.07, "Longitude": -118.29, "Population": 634.0}, {"index": 4612, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.29, "Population": 634.0}, {"index": 4613, "quantile": 0.0, "value": 154200.0, "Latitude": 34.07, "Longitude": -118.29, "Population": 2660.0}, {"index": 4613, "quantile": 0.25, "value": 251700.00000000003, "Latitude": 34.07, "Longitude": -118.29, "Population": 2660.0}, {"index": 4613, "quantile": 0.5, "value": 253100.0, "Latitude": 34.07, "Longitude": -118.29, "Population": 2660.0}, {"index": 4613, "quantile": 0.75, "value": 253100.0, "Latitude": 34.07, "Longitude": -118.29, "Population": 2660.0}, {"index": 4613, "quantile": 1.0, "value": 445000.0, "Latitude": 34.07, "Longitude": -118.29, "Population": 2660.0}, {"index": 4614, "quantile": 0.0, "value": 103600.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 3920.0}, {"index": 4614, "quantile": 0.25, "value": 252325.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 3920.0}, {"index": 4614, "quantile": 0.5, "value": 300000.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 3920.0}, {"index": 4614, "quantile": 0.75, "value": 300000.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 3920.0}, {"index": 4614, "quantile": 1.0, "value": 400000.0, "Latitude": 34.08, "Longitude": -118.29, "Population": 3920.0}, {"index": 4615, "quantile": 0.0, "value": 112500.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 1793.0}, {"index": 4615, "quantile": 0.25, "value": 190000.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 1793.0}, {"index": 4615, "quantile": 0.5, "value": 193800.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 1793.0}, {"index": 4615, "quantile": 0.75, "value": 240600.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 1793.0}, {"index": 4615, "quantile": 1.0, "value": 445000.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 1793.0}, {"index": 4616, "quantile": 0.0, "value": 121900.00000000001, "Latitude": 34.07, "Longitude": -118.3, "Population": 7443.0}, {"index": 4616, "quantile": 0.25, "value": 237500.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 7443.0}, {"index": 4616, "quantile": 0.5, "value": 237500.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 7443.0}, {"index": 4616, "quantile": 0.75, "value": 242325.00000000003, "Latitude": 34.07, "Longitude": -118.3, "Population": 7443.0}, {"index": 4616, "quantile": 1.0, "value": 475000.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 7443.0}, {"index": 4617, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 34.07, "Longitude": -118.3, "Population": 2660.0}, {"index": 4617, "quantile": 0.25, "value": 179800.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 2660.0}, {"index": 4617, "quantile": 0.5, "value": 212200.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 2660.0}, {"index": 4617, "quantile": 0.75, "value": 251650.00000000003, "Latitude": 34.07, "Longitude": -118.3, "Population": 2660.0}, {"index": 4617, "quantile": 1.0, "value": 360000.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 2660.0}, {"index": 4618, "quantile": 0.0, "value": 113700.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 2274.0}, {"index": 4618, "quantile": 0.25, "value": 230900.00000000003, "Latitude": 34.07, "Longitude": -118.3, "Population": 2274.0}, {"index": 4618, "quantile": 0.5, "value": 281700.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 2274.0}, {"index": 4618, "quantile": 0.75, "value": 281700.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 2274.0}, {"index": 4618, "quantile": 1.0, "value": 291500.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 2274.0}, {"index": 4619, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.07, "Longitude": -118.31, "Population": 2759.0}, {"index": 4619, "quantile": 0.25, "value": 226275.0, "Latitude": 34.07, "Longitude": -118.31, "Population": 2759.0}, {"index": 4619, "quantile": 0.5, "value": 305600.0, "Latitude": 34.07, "Longitude": -118.31, "Population": 2759.0}, {"index": 4619, "quantile": 0.75, "value": 305600.0, "Latitude": 34.07, "Longitude": -118.31, "Population": 2759.0}, {"index": 4619, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.31, "Population": 2759.0}, {"index": 4620, "quantile": 0.0, "value": 61100.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 1539.0}, {"index": 4620, "quantile": 0.25, "value": 247500.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 1539.0}, {"index": 4620, "quantile": 0.5, "value": 350900.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 1539.0}, {"index": 4620, "quantile": 0.75, "value": 350900.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 1539.0}, {"index": 4620, "quantile": 1.0, "value": 362200.0, "Latitude": 34.08, "Longitude": -118.31, "Population": 1539.0}, {"index": 4621, "quantile": 0.0, "value": 153500.0, "Latitude": 34.07, "Longitude": -118.31, "Population": 2149.0}, {"index": 4621, "quantile": 0.25, "value": 263999.99999999994, "Latitude": 34.07, "Longitude": -118.31, "Population": 2149.0}, {"index": 4621, "quantile": 0.5, "value": 445000.0, "Latitude": 34.07, "Longitude": -118.31, "Population": 2149.0}, {"index": 4621, "quantile": 0.75, "value": 445000.0, "Latitude": 34.07, "Longitude": -118.31, "Population": 2149.0}, {"index": 4621, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.31, "Population": 2149.0}, {"index": 4622, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.32, "Population": 967.0}, {"index": 4622, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.32, "Population": 967.0}, {"index": 4622, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.32, "Population": 967.0}, {"index": 4622, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.32, "Population": 967.0}, {"index": 4622, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.32, "Population": 967.0}, {"index": 4623, "quantile": 0.0, "value": 17500.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 145.0}, {"index": 4623, "quantile": 0.25, "value": 187500.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 145.0}, {"index": 4623, "quantile": 0.5, "value": 288150.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 145.0}, {"index": 4623, "quantile": 0.75, "value": 411150.00000000006, "Latitude": 34.06, "Longitude": -118.31, "Population": 145.0}, {"index": 4623, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.31, "Population": 145.0}, {"index": 4624, "quantile": 0.0, "value": 158200.0, "Latitude": 34.06, "Longitude": -118.32, "Population": 578.0}, {"index": 4624, "quantile": 0.25, "value": 450000.0, "Latitude": 34.06, "Longitude": -118.32, "Population": 578.0}, {"index": 4624, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.32, "Population": 578.0}, {"index": 4624, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.32, "Population": 578.0}, {"index": 4624, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.32, "Population": 578.0}, {"index": 4625, "quantile": 0.0, "value": 210900.0, "Latitude": 34.07, "Longitude": -118.32, "Population": 1420.0}, {"index": 4625, "quantile": 0.25, "value": 371049.99999999994, "Latitude": 34.07, "Longitude": -118.32, "Population": 1420.0}, {"index": 4625, "quantile": 0.5, "value": 404500.0, "Latitude": 34.07, "Longitude": -118.32, "Population": 1420.0}, {"index": 4625, "quantile": 0.75, "value": 404500.0, "Latitude": 34.07, "Longitude": -118.32, "Population": 1420.0}, {"index": 4625, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.32, "Population": 1420.0}, {"index": 4626, "quantile": 0.0, "value": 225000.0, "Latitude": 34.06, "Longitude": -118.32, "Population": 457.0}, {"index": 4626, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.32, "Population": 457.0}, {"index": 4626, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.32, "Population": 457.0}, {"index": 4626, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.32, "Population": 457.0}, {"index": 4626, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.32, "Population": 457.0}, {"index": 4627, "quantile": 0.0, "value": 165300.0, "Latitude": 34.07, "Longitude": -118.31, "Population": 4533.0}, {"index": 4627, "quantile": 0.25, "value": 166700.0, "Latitude": 34.07, "Longitude": -118.31, "Population": 4533.0}, {"index": 4627, "quantile": 0.5, "value": 166700.0, "Latitude": 34.07, "Longitude": -118.31, "Population": 4533.0}, {"index": 4627, "quantile": 0.75, "value": 216699.99999999997, "Latitude": 34.07, "Longitude": -118.31, "Population": 4533.0}, {"index": 4627, "quantile": 1.0, "value": 450000.0, "Latitude": 34.07, "Longitude": -118.31, "Population": 4533.0}, {"index": 4628, "quantile": 0.0, "value": 87500.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 2535.0}, {"index": 4628, "quantile": 0.25, "value": 297700.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 2535.0}, {"index": 4628, "quantile": 0.5, "value": 412500.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 2535.0}, {"index": 4628, "quantile": 0.75, "value": 412500.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 2535.0}, {"index": 4628, "quantile": 1.0, "value": 412500.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 2535.0}, {"index": 4629, "quantile": 0.0, "value": 137500.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 3296.0}, {"index": 4629, "quantile": 0.25, "value": 175000.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 3296.0}, {"index": 4629, "quantile": 0.5, "value": 175000.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 3296.0}, {"index": 4629, "quantile": 0.75, "value": 175000.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 3296.0}, {"index": 4629, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.3, "Population": 3296.0}, {"index": 4630, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.07, "Longitude": -118.31, "Population": 2919.0}, {"index": 4630, "quantile": 0.25, "value": 175000.0, "Latitude": 34.07, "Longitude": -118.31, "Population": 2919.0}, {"index": 4630, "quantile": 0.5, "value": 209900.00000000003, "Latitude": 34.07, "Longitude": -118.31, "Population": 2919.0}, {"index": 4630, "quantile": 0.75, "value": 300000.0, "Latitude": 34.07, "Longitude": -118.31, "Population": 2919.0}, {"index": 4630, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.31, "Population": 2919.0}, {"index": 4631, "quantile": 0.0, "value": 90600.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 1749.0}, {"index": 4631, "quantile": 0.25, "value": 175000.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 1749.0}, {"index": 4631, "quantile": 0.5, "value": 213349.99999999997, "Latitude": 34.06, "Longitude": -118.3, "Population": 1749.0}, {"index": 4631, "quantile": 0.75, "value": 291025.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 1749.0}, {"index": 4631, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.3, "Population": 1749.0}, {"index": 4632, "quantile": 0.0, "value": 130000.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 2326.0}, {"index": 4632, "quantile": 0.25, "value": 193800.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 2326.0}, {"index": 4632, "quantile": 0.5, "value": 350000.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 2326.0}, {"index": 4632, "quantile": 0.75, "value": 411150.00000000006, "Latitude": 34.06, "Longitude": -118.31, "Population": 2326.0}, {"index": 4632, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.31, "Population": 2326.0}, {"index": 4633, "quantile": 0.0, "value": 145800.0, "Latitude": 34.07, "Longitude": -118.29, "Population": 3727.0}, {"index": 4633, "quantile": 0.25, "value": 177500.0, "Latitude": 34.07, "Longitude": -118.29, "Population": 3727.0}, {"index": 4633, "quantile": 0.5, "value": 198450.00000000003, "Latitude": 34.07, "Longitude": -118.29, "Population": 3727.0}, {"index": 4633, "quantile": 0.75, "value": 350000.0, "Latitude": 34.07, "Longitude": -118.29, "Population": 3727.0}, {"index": 4633, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.29, "Population": 3727.0}, {"index": 4634, "quantile": 0.0, "value": 154200.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 5840.0}, {"index": 4634, "quantile": 0.25, "value": 300000.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 5840.0}, {"index": 4634, "quantile": 0.5, "value": 300000.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 5840.0}, {"index": 4634, "quantile": 0.75, "value": 300000.0, "Latitude": 34.07, "Longitude": -118.3, "Population": 5840.0}, {"index": 4634, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.3, "Population": 5840.0}, {"index": 4635, "quantile": 0.0, "value": 32500.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 942.0}, {"index": 4635, "quantile": 0.25, "value": 194175.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 942.0}, {"index": 4635, "quantile": 0.5, "value": 350000.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 942.0}, {"index": 4635, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.3, "Population": 942.0}, {"index": 4635, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.3, "Population": 942.0}, {"index": 4636, "quantile": 0.0, "value": 87500.0, "Latitude": 34.06, "Longitude": -118.29, "Population": 6846.0}, {"index": 4636, "quantile": 0.25, "value": 137500.0, "Latitude": 34.06, "Longitude": -118.29, "Population": 6846.0}, {"index": 4636, "quantile": 0.5, "value": 237500.0, "Latitude": 34.06, "Longitude": -118.29, "Population": 6846.0}, {"index": 4636, "quantile": 0.75, "value": 270000.0, "Latitude": 34.06, "Longitude": -118.29, "Population": 6846.0}, {"index": 4636, "quantile": 1.0, "value": 475000.0, "Latitude": 34.06, "Longitude": -118.29, "Population": 6846.0}, {"index": 4637, "quantile": 0.0, "value": 87500.0, "Latitude": 34.06, "Longitude": -118.29, "Population": 4137.0}, {"index": 4637, "quantile": 0.25, "value": 137500.0, "Latitude": 34.06, "Longitude": -118.29, "Population": 4137.0}, {"index": 4637, "quantile": 0.5, "value": 167850.0, "Latitude": 34.06, "Longitude": -118.29, "Population": 4137.0}, {"index": 4637, "quantile": 0.75, "value": 248125.00000000003, "Latitude": 34.06, "Longitude": -118.29, "Population": 4137.0}, {"index": 4637, "quantile": 1.0, "value": 300000.0, "Latitude": 34.06, "Longitude": -118.29, "Population": 4137.0}, {"index": 4638, "quantile": 0.0, "value": 118100.0, "Latitude": 34.06, "Longitude": -118.29, "Population": 2716.0}, {"index": 4638, "quantile": 0.25, "value": 273750.0, "Latitude": 34.06, "Longitude": -118.29, "Population": 2716.0}, {"index": 4638, "quantile": 0.5, "value": 350000.0, "Latitude": 34.06, "Longitude": -118.29, "Population": 2716.0}, {"index": 4638, "quantile": 0.75, "value": 350000.0, "Latitude": 34.06, "Longitude": -118.29, "Population": 2716.0}, {"index": 4638, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.29, "Population": 2716.0}, {"index": 4639, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 34.06, "Longitude": -118.3, "Population": 2860.0}, {"index": 4639, "quantile": 0.25, "value": 137500.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 2860.0}, {"index": 4639, "quantile": 0.5, "value": 137500.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 2860.0}, {"index": 4639, "quantile": 0.75, "value": 165625.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 2860.0}, {"index": 4639, "quantile": 1.0, "value": 350000.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 2860.0}, {"index": 4640, "quantile": 0.0, "value": 112500.0, "Latitude": 34.06, "Longitude": -118.29, "Population": 2235.0}, {"index": 4640, "quantile": 0.25, "value": 233300.00000000003, "Latitude": 34.06, "Longitude": -118.29, "Population": 2235.0}, {"index": 4640, "quantile": 0.5, "value": 233300.00000000003, "Latitude": 34.06, "Longitude": -118.29, "Population": 2235.0}, {"index": 4640, "quantile": 0.75, "value": 233300.00000000003, "Latitude": 34.06, "Longitude": -118.29, "Population": 2235.0}, {"index": 4640, "quantile": 1.0, "value": 475000.0, "Latitude": 34.06, "Longitude": -118.29, "Population": 2235.0}, {"index": 4641, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.06, "Longitude": -118.3, "Population": 3906.0}, {"index": 4641, "quantile": 0.25, "value": 247500.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 3906.0}, {"index": 4641, "quantile": 0.5, "value": 270000.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 3906.0}, {"index": 4641, "quantile": 0.75, "value": 270000.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 3906.0}, {"index": 4641, "quantile": 1.0, "value": 360000.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 3906.0}, {"index": 4642, "quantile": 0.0, "value": 113900.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 3468.0}, {"index": 4642, "quantile": 0.25, "value": 262500.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 3468.0}, {"index": 4642, "quantile": 0.5, "value": 475000.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 3468.0}, {"index": 4642, "quantile": 0.75, "value": 475000.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 3468.0}, {"index": 4642, "quantile": 1.0, "value": 475000.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 3468.0}, {"index": 4643, "quantile": 0.0, "value": 87500.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 3720.0}, {"index": 4643, "quantile": 0.25, "value": 187500.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 3720.0}, {"index": 4643, "quantile": 0.5, "value": 233300.00000000003, "Latitude": 34.06, "Longitude": -118.3, "Population": 3720.0}, {"index": 4643, "quantile": 0.75, "value": 250000.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 3720.0}, {"index": 4643, "quantile": 1.0, "value": 360000.0, "Latitude": 34.06, "Longitude": -118.3, "Population": 3720.0}, {"index": 4644, "quantile": 0.0, "value": 143500.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 1268.0}, {"index": 4644, "quantile": 0.25, "value": 246975.00000000003, "Latitude": 34.06, "Longitude": -118.31, "Population": 1268.0}, {"index": 4644, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.31, "Population": 1268.0}, {"index": 4644, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.31, "Population": 1268.0}, {"index": 4644, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.31, "Population": 1268.0}, {"index": 4645, "quantile": 0.0, "value": 137500.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 4225.0}, {"index": 4645, "quantile": 0.25, "value": 187500.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 4225.0}, {"index": 4645, "quantile": 0.5, "value": 187500.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 4225.0}, {"index": 4645, "quantile": 0.75, "value": 228125.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 4225.0}, {"index": 4645, "quantile": 1.0, "value": 475000.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 4225.0}, {"index": 4646, "quantile": 0.0, "value": 117100.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 1351.0}, {"index": 4646, "quantile": 0.25, "value": 409999.99999999994, "Latitude": 34.06, "Longitude": -118.31, "Population": 1351.0}, {"index": 4646, "quantile": 0.5, "value": 409999.99999999994, "Latitude": 34.06, "Longitude": -118.31, "Population": 1351.0}, {"index": 4646, "quantile": 0.75, "value": 409999.99999999994, "Latitude": 34.06, "Longitude": -118.31, "Population": 1351.0}, {"index": 4646, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.31, "Population": 1351.0}, {"index": 4647, "quantile": 0.0, "value": 141700.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 1920.0}, {"index": 4647, "quantile": 0.25, "value": 295825.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 1920.0}, {"index": 4647, "quantile": 0.5, "value": 328900.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 1920.0}, {"index": 4647, "quantile": 0.75, "value": 328900.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 1920.0}, {"index": 4647, "quantile": 1.0, "value": 475000.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 1920.0}, {"index": 4648, "quantile": 0.0, "value": 118100.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 3107.0}, {"index": 4648, "quantile": 0.25, "value": 240600.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 3107.0}, {"index": 4648, "quantile": 0.5, "value": 360000.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 3107.0}, {"index": 4648, "quantile": 0.75, "value": 360000.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 3107.0}, {"index": 4648, "quantile": 1.0, "value": 475000.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 3107.0}, {"index": 4649, "quantile": 0.0, "value": 154200.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 1639.0}, {"index": 4649, "quantile": 0.25, "value": 237500.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 1639.0}, {"index": 4649, "quantile": 0.5, "value": 380000.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 1639.0}, {"index": 4649, "quantile": 0.75, "value": 380000.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 1639.0}, {"index": 4649, "quantile": 1.0, "value": 412500.0, "Latitude": 34.06, "Longitude": -118.31, "Population": 1639.0}, {"index": 4650, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.05, "Longitude": -118.32, "Population": 2224.0}, {"index": 4650, "quantile": 0.25, "value": 190600.0, "Latitude": 34.05, "Longitude": -118.32, "Population": 2224.0}, {"index": 4650, "quantile": 0.5, "value": 291500.0, "Latitude": 34.05, "Longitude": -118.32, "Population": 2224.0}, {"index": 4650, "quantile": 0.75, "value": 291500.0, "Latitude": 34.05, "Longitude": -118.32, "Population": 2224.0}, {"index": 4650, "quantile": 1.0, "value": 291500.0, "Latitude": 34.05, "Longitude": -118.32, "Population": 2224.0}, {"index": 4651, "quantile": 0.0, "value": 168300.0, "Latitude": 34.06, "Longitude": -118.32, "Population": 1654.0}, {"index": 4651, "quantile": 0.25, "value": 266400.0, "Latitude": 34.06, "Longitude": -118.32, "Population": 1654.0}, {"index": 4651, "quantile": 0.5, "value": 436800.00000000006, "Latitude": 34.06, "Longitude": -118.32, "Population": 1654.0}, {"index": 4651, "quantile": 0.75, "value": 436800.00000000006, "Latitude": 34.06, "Longitude": -118.32, "Population": 1654.0}, {"index": 4651, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.06, "Longitude": -118.32, "Population": 1654.0}, {"index": 4652, "quantile": 0.0, "value": 192000.0, "Latitude": 34.06, "Longitude": -118.32, "Population": 1383.0}, {"index": 4652, "quantile": 0.25, "value": 337000.0, "Latitude": 34.06, "Longitude": -118.32, "Population": 1383.0}, {"index": 4652, "quantile": 0.5, "value": 337000.0, "Latitude": 34.06, "Longitude": -118.32, "Population": 1383.0}, {"index": 4652, "quantile": 0.75, "value": 343050.00000000006, "Latitude": 34.06, "Longitude": -118.32, "Population": 1383.0}, {"index": 4652, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.32, "Population": 1383.0}, {"index": 4653, "quantile": 0.0, "value": 263700.0, "Latitude": 34.06, "Longitude": -118.33, "Population": 737.0}, {"index": 4653, "quantile": 0.25, "value": 482075.00000000006, "Latitude": 34.06, "Longitude": -118.33, "Population": 737.0}, {"index": 4653, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.33, "Population": 737.0}, {"index": 4653, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.33, "Population": 737.0}, {"index": 4653, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.33, "Population": 737.0}, {"index": 4654, "quantile": 0.0, "value": 126699.99999999999, "Latitude": 34.05, "Longitude": -118.33, "Population": 1868.0}, {"index": 4654, "quantile": 0.25, "value": 234649.99999999997, "Latitude": 34.05, "Longitude": -118.33, "Population": 1868.0}, {"index": 4654, "quantile": 0.5, "value": 257799.99999999997, "Latitude": 34.05, "Longitude": -118.33, "Population": 1868.0}, {"index": 4654, "quantile": 0.75, "value": 257799.99999999997, "Latitude": 34.05, "Longitude": -118.33, "Population": 1868.0}, {"index": 4654, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.33, "Population": 1868.0}, {"index": 4655, "quantile": 0.0, "value": 100000.0, "Latitude": 34.05, "Longitude": -118.33, "Population": 1323.0}, {"index": 4655, "quantile": 0.25, "value": 149425.0, "Latitude": 34.05, "Longitude": -118.33, "Population": 1323.0}, {"index": 4655, "quantile": 0.5, "value": 177250.0, "Latitude": 34.05, "Longitude": -118.33, "Population": 1323.0}, {"index": 4655, "quantile": 0.75, "value": 228775.0, "Latitude": 34.05, "Longitude": -118.33, "Population": 1323.0}, {"index": 4655, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.33, "Population": 1323.0}, {"index": 4656, "quantile": 0.0, "value": 112799.99999999999, "Latitude": 34.05, "Longitude": -118.33, "Population": 1446.0}, {"index": 4656, "quantile": 0.25, "value": 171300.0, "Latitude": 34.05, "Longitude": -118.33, "Population": 1446.0}, {"index": 4656, "quantile": 0.5, "value": 171300.0, "Latitude": 34.05, "Longitude": -118.33, "Population": 1446.0}, {"index": 4656, "quantile": 0.75, "value": 171300.0, "Latitude": 34.05, "Longitude": -118.33, "Population": 1446.0}, {"index": 4656, "quantile": 1.0, "value": 360000.0, "Latitude": 34.05, "Longitude": -118.33, "Population": 1446.0}, {"index": 4657, "quantile": 0.0, "value": 67500.0, "Latitude": 34.05, "Longitude": -118.32, "Population": 976.0}, {"index": 4657, "quantile": 0.25, "value": 123825.00000000001, "Latitude": 34.05, "Longitude": -118.32, "Population": 976.0}, {"index": 4657, "quantile": 0.5, "value": 135500.0, "Latitude": 34.05, "Longitude": -118.32, "Population": 976.0}, {"index": 4657, "quantile": 0.75, "value": 168800.0, "Latitude": 34.05, "Longitude": -118.32, "Population": 976.0}, {"index": 4657, "quantile": 1.0, "value": 417600.0, "Latitude": 34.05, "Longitude": -118.32, "Population": 976.0}, {"index": 4658, "quantile": 0.0, "value": 87500.0, "Latitude": 34.05, "Longitude": -118.32, "Population": 3480.0}, {"index": 4658, "quantile": 0.25, "value": 185950.0, "Latitude": 34.05, "Longitude": -118.32, "Population": 3480.0}, {"index": 4658, "quantile": 0.5, "value": 231250.0, "Latitude": 34.05, "Longitude": -118.32, "Population": 3480.0}, {"index": 4658, "quantile": 0.75, "value": 328900.0, "Latitude": 34.05, "Longitude": -118.32, "Population": 3480.0}, {"index": 4658, "quantile": 1.0, "value": 475000.0, "Latitude": 34.05, "Longitude": -118.32, "Population": 3480.0}, {"index": 4659, "quantile": 0.0, "value": 96900.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 1578.0}, {"index": 4659, "quantile": 0.25, "value": 165075.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 1578.0}, {"index": 4659, "quantile": 0.5, "value": 305800.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 1578.0}, {"index": 4659, "quantile": 0.75, "value": 305800.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 1578.0}, {"index": 4659, "quantile": 1.0, "value": 305800.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 1578.0}, {"index": 4660, "quantile": 0.0, "value": 117800.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 1161.0}, {"index": 4660, "quantile": 0.25, "value": 227825.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 1161.0}, {"index": 4660, "quantile": 0.5, "value": 417600.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 1161.0}, {"index": 4660, "quantile": 0.75, "value": 417600.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 1161.0}, {"index": 4660, "quantile": 1.0, "value": 417600.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 1161.0}, {"index": 4661, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 34.05, "Longitude": -118.3, "Population": 2028.0}, {"index": 4661, "quantile": 0.25, "value": 115599.99999999999, "Latitude": 34.05, "Longitude": -118.3, "Population": 2028.0}, {"index": 4661, "quantile": 0.5, "value": 115599.99999999999, "Latitude": 34.05, "Longitude": -118.3, "Population": 2028.0}, {"index": 4661, "quantile": 0.75, "value": 122225.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 2028.0}, {"index": 4661, "quantile": 1.0, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 2028.0}, {"index": 4662, "quantile": 0.0, "value": 112500.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1605.0}, {"index": 4662, "quantile": 0.25, "value": 209174.99999999997, "Latitude": 34.05, "Longitude": -118.3, "Population": 1605.0}, {"index": 4662, "quantile": 0.5, "value": 214299.99999999997, "Latitude": 34.05, "Longitude": -118.3, "Population": 1605.0}, {"index": 4662, "quantile": 0.75, "value": 214299.99999999997, "Latitude": 34.05, "Longitude": -118.3, "Population": 1605.0}, {"index": 4662, "quantile": 1.0, "value": 475000.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1605.0}, {"index": 4663, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.05, "Longitude": -118.31, "Population": 582.0}, {"index": 4663, "quantile": 0.25, "value": 181300.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 582.0}, {"index": 4663, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 34.05, "Longitude": -118.31, "Population": 582.0}, {"index": 4663, "quantile": 0.75, "value": 350000.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 582.0}, {"index": 4663, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.31, "Population": 582.0}, {"index": 4664, "quantile": 0.0, "value": 100000.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1845.0}, {"index": 4664, "quantile": 0.25, "value": 137225.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1845.0}, {"index": 4664, "quantile": 0.5, "value": 162500.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1845.0}, {"index": 4664, "quantile": 0.75, "value": 213300.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1845.0}, {"index": 4664, "quantile": 1.0, "value": 305800.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1845.0}, {"index": 4665, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 34.05, "Longitude": -118.3, "Population": 2034.0}, {"index": 4665, "quantile": 0.25, "value": 193800.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 2034.0}, {"index": 4665, "quantile": 0.5, "value": 193800.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 2034.0}, {"index": 4665, "quantile": 0.75, "value": 194950.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 2034.0}, {"index": 4665, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.3, "Population": 2034.0}, {"index": 4666, "quantile": 0.0, "value": 109600.00000000001, "Latitude": 34.05, "Longitude": -118.29, "Population": 1615.0}, {"index": 4666, "quantile": 0.25, "value": 193800.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 1615.0}, {"index": 4666, "quantile": 0.5, "value": 193800.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 1615.0}, {"index": 4666, "quantile": 0.75, "value": 193800.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 1615.0}, {"index": 4666, "quantile": 1.0, "value": 400000.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 1615.0}, {"index": 4667, "quantile": 0.0, "value": 67500.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 1325.0}, {"index": 4667, "quantile": 0.25, "value": 168800.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 1325.0}, {"index": 4667, "quantile": 0.5, "value": 168800.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 1325.0}, {"index": 4667, "quantile": 0.75, "value": 168800.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 1325.0}, {"index": 4667, "quantile": 1.0, "value": 316700.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 1325.0}, {"index": 4668, "quantile": 0.0, "value": 97100.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1664.0}, {"index": 4668, "quantile": 0.25, "value": 150700.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1664.0}, {"index": 4668, "quantile": 0.5, "value": 177050.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1664.0}, {"index": 4668, "quantile": 0.75, "value": 225000.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1664.0}, {"index": 4668, "quantile": 1.0, "value": 261600.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1664.0}, {"index": 4669, "quantile": 0.0, "value": 81300.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1987.0}, {"index": 4669, "quantile": 0.25, "value": 187500.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1987.0}, {"index": 4669, "quantile": 0.5, "value": 187500.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1987.0}, {"index": 4669, "quantile": 0.75, "value": 187500.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1987.0}, {"index": 4669, "quantile": 1.0, "value": 360000.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1987.0}, {"index": 4670, "quantile": 0.0, "value": 87500.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 5229.0}, {"index": 4670, "quantile": 0.25, "value": 225000.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 5229.0}, {"index": 4670, "quantile": 0.5, "value": 250000.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 5229.0}, {"index": 4670, "quantile": 0.75, "value": 250000.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 5229.0}, {"index": 4670, "quantile": 1.0, "value": 475000.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 5229.0}, {"index": 4671, "quantile": 0.0, "value": 67500.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 1143.0}, {"index": 4671, "quantile": 0.25, "value": 208300.00000000003, "Latitude": 34.05, "Longitude": -118.29, "Population": 1143.0}, {"index": 4671, "quantile": 0.5, "value": 350000.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 1143.0}, {"index": 4671, "quantile": 0.75, "value": 350000.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 1143.0}, {"index": 4671, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.29, "Population": 1143.0}, {"index": 4672, "quantile": 0.0, "value": 87500.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 4126.0}, {"index": 4672, "quantile": 0.25, "value": 152500.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 4126.0}, {"index": 4672, "quantile": 0.5, "value": 200000.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 4126.0}, {"index": 4672, "quantile": 0.75, "value": 250000.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 4126.0}, {"index": 4672, "quantile": 1.0, "value": 350000.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 4126.0}, {"index": 4673, "quantile": 0.0, "value": 146300.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 714.0}, {"index": 4673, "quantile": 0.25, "value": 380300.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 714.0}, {"index": 4673, "quantile": 0.5, "value": 479000.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 714.0}, {"index": 4673, "quantile": 0.75, "value": 479000.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 714.0}, {"index": 4673, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.35, "Population": 714.0}, {"index": 4674, "quantile": 0.0, "value": 86300.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 1030.0}, {"index": 4674, "quantile": 0.25, "value": 239725.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 1030.0}, {"index": 4674, "quantile": 0.5, "value": 308000.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 1030.0}, {"index": 4674, "quantile": 0.75, "value": 337550.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 1030.0}, {"index": 4674, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.35, "Population": 1030.0}, {"index": 4675, "quantile": 0.0, "value": 97300.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 894.0}, {"index": 4675, "quantile": 0.25, "value": 377250.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 894.0}, {"index": 4675, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.35, "Population": 894.0}, {"index": 4675, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.35, "Population": 894.0}, {"index": 4675, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.35, "Population": 894.0}, {"index": 4676, "quantile": 0.0, "value": 142000.0, "Latitude": 34.07, "Longitude": -118.34, "Population": 981.0}, {"index": 4676, "quantile": 0.25, "value": 450000.0, "Latitude": 34.07, "Longitude": -118.34, "Population": 981.0}, {"index": 4676, "quantile": 0.5, "value": 450000.0, "Latitude": 34.07, "Longitude": -118.34, "Population": 981.0}, {"index": 4676, "quantile": 0.75, "value": 450000.0, "Latitude": 34.07, "Longitude": -118.34, "Population": 981.0}, {"index": 4676, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.34, "Population": 981.0}, {"index": 4677, "quantile": 0.0, "value": 498600.0, "Latitude": 34.08, "Longitude": -118.34, "Population": 495.0}, {"index": 4677, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.34, "Population": 495.0}, {"index": 4677, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.34, "Population": 495.0}, {"index": 4677, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.34, "Population": 495.0}, {"index": 4677, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.34, "Population": 495.0}, {"index": 4678, "quantile": 0.0, "value": 416700.0, "Latitude": 34.08, "Longitude": -118.34, "Population": 688.0}, {"index": 4678, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.34, "Population": 688.0}, {"index": 4678, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.34, "Population": 688.0}, {"index": 4678, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.34, "Population": 688.0}, {"index": 4678, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.34, "Population": 688.0}, {"index": 4679, "quantile": 0.0, "value": 169300.0, "Latitude": 34.07, "Longitude": -118.34, "Population": 588.0}, {"index": 4679, "quantile": 0.25, "value": 467725.0, "Latitude": 34.07, "Longitude": -118.34, "Population": 588.0}, {"index": 4679, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.34, "Population": 588.0}, {"index": 4679, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.34, "Population": 588.0}, {"index": 4679, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.34, "Population": 588.0}, {"index": 4680, "quantile": 0.0, "value": 248500.0, "Latitude": 34.07, "Longitude": -118.34, "Population": 1203.0}, {"index": 4680, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.34, "Population": 1203.0}, {"index": 4680, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.34, "Population": 1203.0}, {"index": 4680, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.34, "Population": 1203.0}, {"index": 4680, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.34, "Population": 1203.0}, {"index": 4681, "quantile": 0.0, "value": 355600.0, "Latitude": 34.08, "Longitude": -118.34, "Population": 971.0}, {"index": 4681, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.34, "Population": 971.0}, {"index": 4681, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.34, "Population": 971.0}, {"index": 4681, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.34, "Population": 971.0}, {"index": 4681, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.34, "Population": 971.0}, {"index": 4682, "quantile": 0.0, "value": 175000.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 1186.0}, {"index": 4682, "quantile": 0.25, "value": 175000.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 1186.0}, {"index": 4682, "quantile": 0.5, "value": 175000.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 1186.0}, {"index": 4682, "quantile": 0.75, "value": 326925.0, "Latitude": 34.08, "Longitude": -118.35, "Population": 1186.0}, {"index": 4682, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.35, "Population": 1186.0}, {"index": 4683, "quantile": 0.0, "value": 134700.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 1135.0}, {"index": 4683, "quantile": 0.25, "value": 240600.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 1135.0}, {"index": 4683, "quantile": 0.5, "value": 304800.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 1135.0}, {"index": 4683, "quantile": 0.75, "value": 346700.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 1135.0}, {"index": 4683, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.36, "Population": 1135.0}, {"index": 4684, "quantile": 0.0, "value": 157500.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 848.0}, {"index": 4684, "quantile": 0.25, "value": 337500.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 848.0}, {"index": 4684, "quantile": 0.5, "value": 355250.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 848.0}, {"index": 4684, "quantile": 0.75, "value": 383300.0, "Latitude": 34.08, "Longitude": -118.36, "Population": 848.0}, {"index": 4684, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.36, "Population": 848.0}, {"index": 4685, "quantile": 0.0, "value": 134700.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 434.0}, {"index": 4685, "quantile": 0.25, "value": 450000.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 434.0}, {"index": 4685, "quantile": 0.5, "value": 450000.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 434.0}, {"index": 4685, "quantile": 0.75, "value": 450000.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 434.0}, {"index": 4685, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.35, "Population": 434.0}, {"index": 4686, "quantile": 0.0, "value": 175000.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 3359.0}, {"index": 4686, "quantile": 0.25, "value": 287500.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 3359.0}, {"index": 4686, "quantile": 0.5, "value": 287500.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 3359.0}, {"index": 4686, "quantile": 0.75, "value": 287500.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 3359.0}, {"index": 4686, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.35, "Population": 3359.0}, {"index": 4687, "quantile": 0.0, "value": 182600.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 512.0}, {"index": 4687, "quantile": 0.25, "value": 350000.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 512.0}, {"index": 4687, "quantile": 0.5, "value": 350000.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 512.0}, {"index": 4687, "quantile": 0.75, "value": 350000.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 512.0}, {"index": 4687, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.35, "Population": 512.0}, {"index": 4688, "quantile": 0.0, "value": 266700.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 1157.0}, {"index": 4688, "quantile": 0.25, "value": 366100.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 1157.0}, {"index": 4688, "quantile": 0.5, "value": 457250.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 1157.0}, {"index": 4688, "quantile": 0.75, "value": 500000.0, "Latitude": 34.07, "Longitude": -118.35, "Population": 1157.0}, {"index": 4688, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.35, "Population": 1157.0}, {"index": 4689, "quantile": 0.0, "value": 72300.0, "Latitude": 34.07, "Longitude": -118.36, "Population": 777.0}, {"index": 4689, "quantile": 0.25, "value": 313325.00000000006, "Latitude": 34.07, "Longitude": -118.36, "Population": 777.0}, {"index": 4689, "quantile": 0.5, "value": 355200.0, "Latitude": 34.07, "Longitude": -118.36, "Population": 777.0}, {"index": 4689, "quantile": 0.75, "value": 355200.0, "Latitude": 34.07, "Longitude": -118.36, "Population": 777.0}, {"index": 4689, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.36, "Population": 777.0}, {"index": 4690, "quantile": 0.0, "value": 181100.0, "Latitude": 34.07, "Longitude": -118.36, "Population": 748.0}, {"index": 4690, "quantile": 0.25, "value": 362050.0, "Latitude": 34.07, "Longitude": -118.36, "Population": 748.0}, {"index": 4690, "quantile": 0.5, "value": 411100.0, "Latitude": 34.07, "Longitude": -118.36, "Population": 748.0}, {"index": 4690, "quantile": 0.75, "value": 411100.0, "Latitude": 34.07, "Longitude": -118.36, "Population": 748.0}, {"index": 4690, "quantile": 1.0, "value": 427500.00000000006, "Latitude": 34.07, "Longitude": -118.36, "Population": 748.0}, {"index": 4691, "quantile": 0.0, "value": 232500.00000000003, "Latitude": 34.07, "Longitude": -118.37, "Population": 1117.0}, {"index": 4691, "quantile": 0.25, "value": 295800.0, "Latitude": 34.07, "Longitude": -118.37, "Population": 1117.0}, {"index": 4691, "quantile": 0.5, "value": 354700.0, "Latitude": 34.07, "Longitude": -118.37, "Population": 1117.0}, {"index": 4691, "quantile": 0.75, "value": 411100.0, "Latitude": 34.07, "Longitude": -118.37, "Population": 1117.0}, {"index": 4691, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.37, "Population": 1117.0}, {"index": 4692, "quantile": 0.0, "value": 134700.0, "Latitude": 34.07, "Longitude": -118.36, "Population": 944.0}, {"index": 4692, "quantile": 0.25, "value": 238150.0, "Latitude": 34.07, "Longitude": -118.36, "Population": 944.0}, {"index": 4692, "quantile": 0.5, "value": 322600.0, "Latitude": 34.07, "Longitude": -118.36, "Population": 944.0}, {"index": 4692, "quantile": 0.75, "value": 386100.0, "Latitude": 34.07, "Longitude": -118.36, "Population": 944.0}, {"index": 4692, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.36, "Population": 944.0}, {"index": 4693, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 34.07, "Longitude": -118.37, "Population": 899.0}, {"index": 4693, "quantile": 0.25, "value": 277475.0, "Latitude": 34.07, "Longitude": -118.37, "Population": 899.0}, {"index": 4693, "quantile": 0.5, "value": 354850.0, "Latitude": 34.07, "Longitude": -118.37, "Population": 899.0}, {"index": 4693, "quantile": 0.75, "value": 431900.0, "Latitude": 34.07, "Longitude": -118.37, "Population": 899.0}, {"index": 4693, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.37, "Population": 899.0}, {"index": 4694, "quantile": 0.0, "value": 302100.0, "Latitude": 34.07, "Longitude": -118.37, "Population": 884.0}, {"index": 4694, "quantile": 0.25, "value": 392400.0, "Latitude": 34.07, "Longitude": -118.37, "Population": 884.0}, {"index": 4694, "quantile": 0.5, "value": 440900.0, "Latitude": 34.07, "Longitude": -118.37, "Population": 884.0}, {"index": 4694, "quantile": 0.75, "value": 472075.00000000006, "Latitude": 34.07, "Longitude": -118.37, "Population": 884.0}, {"index": 4694, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.37, "Population": 884.0}, {"index": 4695, "quantile": 0.0, "value": 175000.0, "Latitude": 34.07, "Longitude": -118.37, "Population": 1045.0}, {"index": 4695, "quantile": 0.25, "value": 287500.0, "Latitude": 34.07, "Longitude": -118.37, "Population": 1045.0}, {"index": 4695, "quantile": 0.5, "value": 287500.0, "Latitude": 34.07, "Longitude": -118.37, "Population": 1045.0}, {"index": 4695, "quantile": 0.75, "value": 339375.0, "Latitude": 34.07, "Longitude": -118.37, "Population": 1045.0}, {"index": 4695, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.37, "Population": 1045.0}, {"index": 4696, "quantile": 0.0, "value": 87500.0, "Latitude": 34.07, "Longitude": -118.37, "Population": 870.0}, {"index": 4696, "quantile": 0.25, "value": 370000.0, "Latitude": 34.07, "Longitude": -118.37, "Population": 870.0}, {"index": 4696, "quantile": 0.5, "value": 453400.0, "Latitude": 34.07, "Longitude": -118.37, "Population": 870.0}, {"index": 4696, "quantile": 0.75, "value": 453400.0, "Latitude": 34.07, "Longitude": -118.37, "Population": 870.0}, {"index": 4696, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.37, "Population": 870.0}, {"index": 4697, "quantile": 0.0, "value": 175000.0, "Latitude": 34.07, "Longitude": -118.37, "Population": 468.0}, {"index": 4697, "quantile": 0.25, "value": 412900.00000000006, "Latitude": 34.07, "Longitude": -118.37, "Population": 468.0}, {"index": 4697, "quantile": 0.5, "value": 474300.00000000006, "Latitude": 34.07, "Longitude": -118.37, "Population": 468.0}, {"index": 4697, "quantile": 0.75, "value": 474300.00000000006, "Latitude": 34.07, "Longitude": -118.37, "Population": 468.0}, {"index": 4697, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.37, "Population": 468.0}, {"index": 4698, "quantile": 0.0, "value": 106300.0, "Latitude": 34.08, "Longitude": -118.38, "Population": 1739.0}, {"index": 4698, "quantile": 0.25, "value": 458350.0, "Latitude": 34.08, "Longitude": -118.38, "Population": 1739.0}, {"index": 4698, "quantile": 0.5, "value": 484999.99999999994, "Latitude": 34.08, "Longitude": -118.38, "Population": 1739.0}, {"index": 4698, "quantile": 0.75, "value": 484999.99999999994, "Latitude": 34.08, "Longitude": -118.38, "Population": 1739.0}, {"index": 4698, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.38, "Population": 1739.0}, {"index": 4699, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.07, "Longitude": -118.38, "Population": 1897.0}, {"index": 4699, "quantile": 0.25, "value": 232399.99999999997, "Latitude": 34.07, "Longitude": -118.38, "Population": 1897.0}, {"index": 4699, "quantile": 0.5, "value": 375000.0, "Latitude": 34.07, "Longitude": -118.38, "Population": 1897.0}, {"index": 4699, "quantile": 0.75, "value": 375000.0, "Latitude": 34.07, "Longitude": -118.38, "Population": 1897.0}, {"index": 4699, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.07, "Longitude": -118.38, "Population": 1897.0}, {"index": 4700, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.07, "Longitude": -118.38, "Population": 1510.0}, {"index": 4700, "quantile": 0.25, "value": 256300.00000000003, "Latitude": 34.07, "Longitude": -118.38, "Population": 1510.0}, {"index": 4700, "quantile": 0.5, "value": 283250.0, "Latitude": 34.07, "Longitude": -118.38, "Population": 1510.0}, {"index": 4700, "quantile": 0.75, "value": 340800.0, "Latitude": 34.07, "Longitude": -118.38, "Population": 1510.0}, {"index": 4700, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.38, "Population": 1510.0}, {"index": 4701, "quantile": 0.0, "value": 169400.0, "Latitude": 34.07, "Longitude": -118.34, "Population": 1594.0}, {"index": 4701, "quantile": 0.25, "value": 225000.0, "Latitude": 34.07, "Longitude": -118.34, "Population": 1594.0}, {"index": 4701, "quantile": 0.5, "value": 225000.0, "Latitude": 34.07, "Longitude": -118.34, "Population": 1594.0}, {"index": 4701, "quantile": 0.75, "value": 291175.0, "Latitude": 34.07, "Longitude": -118.34, "Population": 1594.0}, {"index": 4701, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.34, "Population": 1594.0}, {"index": 4702, "quantile": 0.0, "value": 158000.0, "Latitude": 34.06, "Longitude": -118.35, "Population": 1768.0}, {"index": 4702, "quantile": 0.25, "value": 487500.0, "Latitude": 34.06, "Longitude": -118.35, "Population": 1768.0}, {"index": 4702, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.35, "Population": 1768.0}, {"index": 4702, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.35, "Population": 1768.0}, {"index": 4702, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.35, "Population": 1768.0}, {"index": 4703, "quantile": 0.0, "value": 125000.0, "Latitude": 34.06, "Longitude": -118.34, "Population": 629.0}, {"index": 4703, "quantile": 0.25, "value": 484700.00000000006, "Latitude": 34.06, "Longitude": -118.34, "Population": 629.0}, {"index": 4703, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.34, "Population": 629.0}, {"index": 4703, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.34, "Population": 629.0}, {"index": 4703, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.34, "Population": 629.0}, {"index": 4704, "quantile": 0.0, "value": 97300.0, "Latitude": 34.05, "Longitude": -118.34, "Population": 1122.0}, {"index": 4704, "quantile": 0.25, "value": 321600.0, "Latitude": 34.05, "Longitude": -118.34, "Population": 1122.0}, {"index": 4704, "quantile": 0.5, "value": 321600.0, "Latitude": 34.05, "Longitude": -118.34, "Population": 1122.0}, {"index": 4704, "quantile": 0.75, "value": 321600.0, "Latitude": 34.05, "Longitude": -118.34, "Population": 1122.0}, {"index": 4704, "quantile": 1.0, "value": 395700.0, "Latitude": 34.05, "Longitude": -118.34, "Population": 1122.0}, {"index": 4705, "quantile": 0.0, "value": 96500.0, "Latitude": 34.06, "Longitude": -118.34, "Population": 826.0}, {"index": 4705, "quantile": 0.25, "value": 305500.0, "Latitude": 34.06, "Longitude": -118.34, "Population": 826.0}, {"index": 4705, "quantile": 0.5, "value": 396000.0, "Latitude": 34.06, "Longitude": -118.34, "Population": 826.0}, {"index": 4705, "quantile": 0.75, "value": 396000.0, "Latitude": 34.06, "Longitude": -118.34, "Population": 826.0}, {"index": 4705, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.34, "Population": 826.0}, {"index": 4706, "quantile": 0.0, "value": 124200.0, "Latitude": 34.06, "Longitude": -118.34, "Population": 768.0}, {"index": 4706, "quantile": 0.25, "value": 215825.00000000003, "Latitude": 34.06, "Longitude": -118.34, "Population": 768.0}, {"index": 4706, "quantile": 0.5, "value": 275000.0, "Latitude": 34.06, "Longitude": -118.34, "Population": 768.0}, {"index": 4706, "quantile": 0.75, "value": 330300.0, "Latitude": 34.06, "Longitude": -118.34, "Population": 768.0}, {"index": 4706, "quantile": 1.0, "value": 479000.0, "Latitude": 34.06, "Longitude": -118.34, "Population": 768.0}, {"index": 4707, "quantile": 0.0, "value": 134700.0, "Latitude": 34.06, "Longitude": -118.35, "Population": 1164.0}, {"index": 4707, "quantile": 0.25, "value": 293275.0, "Latitude": 34.06, "Longitude": -118.35, "Population": 1164.0}, {"index": 4707, "quantile": 0.5, "value": 338750.0, "Latitude": 34.06, "Longitude": -118.35, "Population": 1164.0}, {"index": 4707, "quantile": 0.75, "value": 396000.0, "Latitude": 34.06, "Longitude": -118.35, "Population": 1164.0}, {"index": 4707, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.35, "Population": 1164.0}, {"index": 4708, "quantile": 0.0, "value": 134700.0, "Latitude": 34.06, "Longitude": -118.35, "Population": 716.0}, {"index": 4708, "quantile": 0.25, "value": 221375.0, "Latitude": 34.06, "Longitude": -118.35, "Population": 716.0}, {"index": 4708, "quantile": 0.5, "value": 262700.0, "Latitude": 34.06, "Longitude": -118.35, "Population": 716.0}, {"index": 4708, "quantile": 0.75, "value": 339074.99999999994, "Latitude": 34.06, "Longitude": -118.35, "Population": 716.0}, {"index": 4708, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.35, "Population": 716.0}, {"index": 4709, "quantile": 0.0, "value": 302100.0, "Latitude": 34.06, "Longitude": -118.35, "Population": 617.0}, {"index": 4709, "quantile": 0.25, "value": 440900.0, "Latitude": 34.06, "Longitude": -118.35, "Population": 617.0}, {"index": 4709, "quantile": 0.5, "value": 440900.0, "Latitude": 34.06, "Longitude": -118.35, "Population": 617.0}, {"index": 4709, "quantile": 0.75, "value": 484699.99999999994, "Latitude": 34.06, "Longitude": -118.35, "Population": 617.0}, {"index": 4709, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.35, "Population": 617.0}, {"index": 4710, "quantile": 0.0, "value": 117100.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 1416.0}, {"index": 4710, "quantile": 0.25, "value": 312500.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 1416.0}, {"index": 4710, "quantile": 0.5, "value": 328800.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 1416.0}, {"index": 4710, "quantile": 0.75, "value": 328800.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 1416.0}, {"index": 4710, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.35, "Population": 1416.0}, {"index": 4711, "quantile": 0.0, "value": 175000.0, "Latitude": 34.06, "Longitude": -118.35, "Population": 1601.0}, {"index": 4711, "quantile": 0.25, "value": 346700.0, "Latitude": 34.06, "Longitude": -118.35, "Population": 1601.0}, {"index": 4711, "quantile": 0.5, "value": 400000.0, "Latitude": 34.06, "Longitude": -118.35, "Population": 1601.0}, {"index": 4711, "quantile": 0.75, "value": 400000.0, "Latitude": 34.06, "Longitude": -118.35, "Population": 1601.0}, {"index": 4711, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.35, "Population": 1601.0}, {"index": 4712, "quantile": 0.0, "value": 225000.0, "Latitude": 34.06, "Longitude": -118.36, "Population": 1109.0}, {"index": 4712, "quantile": 0.25, "value": 355000.0, "Latitude": 34.06, "Longitude": -118.36, "Population": 1109.0}, {"index": 4712, "quantile": 0.5, "value": 355000.0, "Latitude": 34.06, "Longitude": -118.36, "Population": 1109.0}, {"index": 4712, "quantile": 0.75, "value": 355000.0, "Latitude": 34.06, "Longitude": -118.36, "Population": 1109.0}, {"index": 4712, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.36, "Population": 1109.0}, {"index": 4713, "quantile": 0.0, "value": 91300.0, "Latitude": 34.06, "Longitude": -118.36, "Population": 921.0}, {"index": 4713, "quantile": 0.25, "value": 253575.00000000003, "Latitude": 34.06, "Longitude": -118.36, "Population": 921.0}, {"index": 4713, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.36, "Population": 921.0}, {"index": 4713, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.36, "Population": 921.0}, {"index": 4713, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.36, "Population": 921.0}, {"index": 4714, "quantile": 0.0, "value": 230799.99999999997, "Latitude": 34.06, "Longitude": -118.37, "Population": 333.0}, {"index": 4714, "quantile": 0.25, "value": 397475.0, "Latitude": 34.06, "Longitude": -118.37, "Population": 333.0}, {"index": 4714, "quantile": 0.5, "value": 446000.0, "Latitude": 34.06, "Longitude": -118.37, "Population": 333.0}, {"index": 4714, "quantile": 0.75, "value": 446000.0, "Latitude": 34.06, "Longitude": -118.37, "Population": 333.0}, {"index": 4714, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.37, "Population": 333.0}, {"index": 4715, "quantile": 0.0, "value": 158200.0, "Latitude": 34.06, "Longitude": -118.37, "Population": 630.0}, {"index": 4715, "quantile": 0.25, "value": 419900.0, "Latitude": 34.06, "Longitude": -118.37, "Population": 630.0}, {"index": 4715, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.37, "Population": 630.0}, {"index": 4715, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.37, "Population": 630.0}, {"index": 4715, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.37, "Population": 630.0}, {"index": 4716, "quantile": 0.0, "value": 187500.0, "Latitude": 34.06, "Longitude": -118.38, "Population": 991.0}, {"index": 4716, "quantile": 0.25, "value": 362500.0, "Latitude": 34.06, "Longitude": -118.38, "Population": 991.0}, {"index": 4716, "quantile": 0.5, "value": 362500.0, "Latitude": 34.06, "Longitude": -118.38, "Population": 991.0}, {"index": 4716, "quantile": 0.75, "value": 362500.0, "Latitude": 34.06, "Longitude": -118.38, "Population": 991.0}, {"index": 4716, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.38, "Population": 991.0}, {"index": 4717, "quantile": 0.0, "value": 67500.0, "Latitude": 34.06, "Longitude": -118.38, "Population": 1676.0}, {"index": 4717, "quantile": 0.25, "value": 310000.0, "Latitude": 34.06, "Longitude": -118.38, "Population": 1676.0}, {"index": 4717, "quantile": 0.5, "value": 450000.0, "Latitude": 34.06, "Longitude": -118.38, "Population": 1676.0}, {"index": 4717, "quantile": 0.75, "value": 450000.0, "Latitude": 34.06, "Longitude": -118.38, "Population": 1676.0}, {"index": 4717, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.38, "Population": 1676.0}, {"index": 4718, "quantile": 0.0, "value": 204700.00000000003, "Latitude": 34.06, "Longitude": -118.38, "Population": 1987.0}, {"index": 4718, "quantile": 0.25, "value": 310000.0, "Latitude": 34.06, "Longitude": -118.38, "Population": 1987.0}, {"index": 4718, "quantile": 0.5, "value": 310000.0, "Latitude": 34.06, "Longitude": -118.38, "Population": 1987.0}, {"index": 4718, "quantile": 0.75, "value": 310000.0, "Latitude": 34.06, "Longitude": -118.38, "Population": 1987.0}, {"index": 4718, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.38, "Population": 1987.0}, {"index": 4719, "quantile": 0.0, "value": 140600.0, "Latitude": 34.06, "Longitude": -118.38, "Population": 1183.0}, {"index": 4719, "quantile": 0.25, "value": 266324.99999999994, "Latitude": 34.06, "Longitude": -118.38, "Population": 1183.0}, {"index": 4719, "quantile": 0.5, "value": 287500.0, "Latitude": 34.06, "Longitude": -118.38, "Population": 1183.0}, {"index": 4719, "quantile": 0.75, "value": 356475.0, "Latitude": 34.06, "Longitude": -118.38, "Population": 1183.0}, {"index": 4719, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.38, "Population": 1183.0}, {"index": 4720, "quantile": 0.0, "value": 202100.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 1159.0}, {"index": 4720, "quantile": 0.25, "value": 345300.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 1159.0}, {"index": 4720, "quantile": 0.5, "value": 345300.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 1159.0}, {"index": 4720, "quantile": 0.75, "value": 345300.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 1159.0}, {"index": 4720, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.37, "Population": 1159.0}, {"index": 4721, "quantile": 0.0, "value": 93800.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 671.0}, {"index": 4721, "quantile": 0.25, "value": 202800.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 671.0}, {"index": 4721, "quantile": 0.5, "value": 247700.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 671.0}, {"index": 4721, "quantile": 0.75, "value": 280000.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 671.0}, {"index": 4721, "quantile": 1.0, "value": 440900.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 671.0}, {"index": 4722, "quantile": 0.0, "value": 90400.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 539.0}, {"index": 4722, "quantile": 0.25, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 539.0}, {"index": 4722, "quantile": 0.5, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 539.0}, {"index": 4722, "quantile": 0.75, "value": 289400.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 539.0}, {"index": 4722, "quantile": 1.0, "value": 440900.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 539.0}, {"index": 4723, "quantile": 0.0, "value": 157100.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 1252.0}, {"index": 4723, "quantile": 0.25, "value": 252000.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 1252.0}, {"index": 4723, "quantile": 0.5, "value": 296100.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 1252.0}, {"index": 4723, "quantile": 0.75, "value": 296100.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 1252.0}, {"index": 4723, "quantile": 1.0, "value": 417600.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 1252.0}, {"index": 4724, "quantile": 0.0, "value": 296600.0, "Latitude": 34.06, "Longitude": -118.37, "Population": 832.0}, {"index": 4724, "quantile": 0.25, "value": 435100.0, "Latitude": 34.06, "Longitude": -118.37, "Population": 832.0}, {"index": 4724, "quantile": 0.5, "value": 470000.0, "Latitude": 34.06, "Longitude": -118.37, "Population": 832.0}, {"index": 4724, "quantile": 0.75, "value": 470000.0, "Latitude": 34.06, "Longitude": -118.37, "Population": 832.0}, {"index": 4724, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.37, "Population": 832.0}, {"index": 4725, "quantile": 0.0, "value": 90400.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 1121.0}, {"index": 4725, "quantile": 0.25, "value": 205700.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 1121.0}, {"index": 4725, "quantile": 0.5, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 1121.0}, {"index": 4725, "quantile": 0.75, "value": 323000.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 1121.0}, {"index": 4725, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.37, "Population": 1121.0}, {"index": 4726, "quantile": 0.0, "value": 130300.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 776.0}, {"index": 4726, "quantile": 0.25, "value": 293750.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 776.0}, {"index": 4726, "quantile": 0.5, "value": 440900.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 776.0}, {"index": 4726, "quantile": 0.75, "value": 440900.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 776.0}, {"index": 4726, "quantile": 1.0, "value": 440900.0, "Latitude": 34.05, "Longitude": -118.37, "Population": 776.0}, {"index": 4727, "quantile": 0.0, "value": 167000.0, "Latitude": 34.06, "Longitude": -118.37, "Population": 878.0}, {"index": 4727, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.37, "Population": 878.0}, {"index": 4727, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.37, "Population": 878.0}, {"index": 4727, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.37, "Population": 878.0}, {"index": 4727, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.37, "Population": 878.0}, {"index": 4728, "quantile": 0.0, "value": 218800.00000000003, "Latitude": 34.05, "Longitude": -118.36, "Population": 728.0}, {"index": 4728, "quantile": 0.25, "value": 322600.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 728.0}, {"index": 4728, "quantile": 0.5, "value": 322600.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 728.0}, {"index": 4728, "quantile": 0.75, "value": 325525.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 728.0}, {"index": 4728, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.36, "Population": 728.0}, {"index": 4729, "quantile": 0.0, "value": 204199.99999999997, "Latitude": 34.05, "Longitude": -118.36, "Population": 632.0}, {"index": 4729, "quantile": 0.25, "value": 295200.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 632.0}, {"index": 4729, "quantile": 0.5, "value": 295200.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 632.0}, {"index": 4729, "quantile": 0.75, "value": 295200.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 632.0}, {"index": 4729, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.36, "Population": 632.0}, {"index": 4730, "quantile": 0.0, "value": 121500.00000000001, "Latitude": 34.05, "Longitude": -118.36, "Population": 956.0}, {"index": 4730, "quantile": 0.25, "value": 195800.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 956.0}, {"index": 4730, "quantile": 0.5, "value": 230600.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 956.0}, {"index": 4730, "quantile": 0.75, "value": 306800.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 956.0}, {"index": 4730, "quantile": 1.0, "value": 440900.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 956.0}, {"index": 4731, "quantile": 0.0, "value": 67500.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 462.0}, {"index": 4731, "quantile": 0.25, "value": 242000.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 462.0}, {"index": 4731, "quantile": 0.5, "value": 242000.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 462.0}, {"index": 4731, "quantile": 0.75, "value": 242000.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 462.0}, {"index": 4731, "quantile": 1.0, "value": 350900.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 462.0}, {"index": 4732, "quantile": 0.0, "value": 181100.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 946.0}, {"index": 4732, "quantile": 0.25, "value": 254700.00000000003, "Latitude": 34.05, "Longitude": -118.36, "Population": 946.0}, {"index": 4732, "quantile": 0.5, "value": 254700.00000000003, "Latitude": 34.05, "Longitude": -118.36, "Population": 946.0}, {"index": 4732, "quantile": 0.75, "value": 254700.00000000003, "Latitude": 34.05, "Longitude": -118.36, "Population": 946.0}, {"index": 4732, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.36, "Population": 946.0}, {"index": 4733, "quantile": 0.0, "value": 151600.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 1724.0}, {"index": 4733, "quantile": 0.25, "value": 285175.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 1724.0}, {"index": 4733, "quantile": 0.5, "value": 338100.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 1724.0}, {"index": 4733, "quantile": 0.75, "value": 338100.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 1724.0}, {"index": 4733, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.36, "Population": 1724.0}, {"index": 4734, "quantile": 0.0, "value": 117600.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 900.0}, {"index": 4734, "quantile": 0.25, "value": 417900.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 900.0}, {"index": 4734, "quantile": 0.5, "value": 417900.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 900.0}, {"index": 4734, "quantile": 0.75, "value": 417900.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 900.0}, {"index": 4734, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.38, "Population": 900.0}, {"index": 4735, "quantile": 0.0, "value": 215899.99999999997, "Latitude": 34.05, "Longitude": -118.39, "Population": 724.0}, {"index": 4735, "quantile": 0.25, "value": 384450.0, "Latitude": 34.05, "Longitude": -118.39, "Population": 724.0}, {"index": 4735, "quantile": 0.5, "value": 474099.99999999994, "Latitude": 34.05, "Longitude": -118.39, "Population": 724.0}, {"index": 4735, "quantile": 0.75, "value": 474099.99999999994, "Latitude": 34.05, "Longitude": -118.39, "Population": 724.0}, {"index": 4735, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.39, "Population": 724.0}, {"index": 4736, "quantile": 0.0, "value": 97300.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 590.0}, {"index": 4736, "quantile": 0.25, "value": 350750.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 590.0}, {"index": 4736, "quantile": 0.5, "value": 351000.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 590.0}, {"index": 4736, "quantile": 0.75, "value": 351000.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 590.0}, {"index": 4736, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.38, "Population": 590.0}, {"index": 4737, "quantile": 0.0, "value": 86300.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 526.0}, {"index": 4737, "quantile": 0.25, "value": 216000.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 526.0}, {"index": 4737, "quantile": 0.5, "value": 305950.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 526.0}, {"index": 4737, "quantile": 0.75, "value": 339650.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 526.0}, {"index": 4737, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.38, "Population": 526.0}, {"index": 4738, "quantile": 0.0, "value": 100000.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 458.0}, {"index": 4738, "quantile": 0.25, "value": 300175.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 458.0}, {"index": 4738, "quantile": 0.5, "value": 333600.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 458.0}, {"index": 4738, "quantile": 0.75, "value": 333600.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 458.0}, {"index": 4738, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.38, "Population": 458.0}, {"index": 4739, "quantile": 0.0, "value": 191200.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 1133.0}, {"index": 4739, "quantile": 0.25, "value": 287500.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 1133.0}, {"index": 4739, "quantile": 0.5, "value": 287500.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 1133.0}, {"index": 4739, "quantile": 0.75, "value": 319750.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 1133.0}, {"index": 4739, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.38, "Population": 1133.0}, {"index": 4740, "quantile": 0.0, "value": 225000.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 1632.0}, {"index": 4740, "quantile": 0.25, "value": 454650.0, "Latitude": 34.05, "Longitude": -118.38, "Population": 1632.0}, {"index": 4740, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.38, "Population": 1632.0}, {"index": 4740, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.38, "Population": 1632.0}, {"index": 4740, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.38, "Population": 1632.0}, {"index": 4741, "quantile": 0.0, "value": 121000.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 1533.0}, {"index": 4741, "quantile": 0.25, "value": 161075.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 1533.0}, {"index": 4741, "quantile": 0.5, "value": 193200.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 1533.0}, {"index": 4741, "quantile": 0.75, "value": 248700.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 1533.0}, {"index": 4741, "quantile": 1.0, "value": 500000.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 1533.0}, {"index": 4742, "quantile": 0.0, "value": 120700.00000000001, "Latitude": 34.05, "Longitude": -118.35, "Population": 1374.0}, {"index": 4742, "quantile": 0.25, "value": 158000.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 1374.0}, {"index": 4742, "quantile": 0.5, "value": 158000.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 1374.0}, {"index": 4742, "quantile": 0.75, "value": 158000.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 1374.0}, {"index": 4742, "quantile": 1.0, "value": 445000.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 1374.0}, {"index": 4743, "quantile": 0.0, "value": 143000.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 674.0}, {"index": 4743, "quantile": 0.25, "value": 202100.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 674.0}, {"index": 4743, "quantile": 0.5, "value": 202100.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 674.0}, {"index": 4743, "quantile": 0.75, "value": 202100.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 674.0}, {"index": 4743, "quantile": 1.0, "value": 362200.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 674.0}, {"index": 4744, "quantile": 0.0, "value": 67500.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 1093.0}, {"index": 4744, "quantile": 0.25, "value": 229750.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 1093.0}, {"index": 4744, "quantile": 0.5, "value": 252000.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 1093.0}, {"index": 4744, "quantile": 0.75, "value": 252000.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 1093.0}, {"index": 4744, "quantile": 1.0, "value": 417900.0, "Latitude": 34.05, "Longitude": -118.36, "Population": 1093.0}, {"index": 4745, "quantile": 0.0, "value": 67000.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 905.0}, {"index": 4745, "quantile": 0.25, "value": 254549.99999999997, "Latitude": 34.05, "Longitude": -118.35, "Population": 905.0}, {"index": 4745, "quantile": 0.5, "value": 290800.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 905.0}, {"index": 4745, "quantile": 0.75, "value": 290800.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 905.0}, {"index": 4745, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.35, "Population": 905.0}, {"index": 4746, "quantile": 0.0, "value": 70100.0, "Latitude": 34.05, "Longitude": -118.34, "Population": 1130.0}, {"index": 4746, "quantile": 0.25, "value": 213499.99999999997, "Latitude": 34.05, "Longitude": -118.34, "Population": 1130.0}, {"index": 4746, "quantile": 0.5, "value": 213499.99999999997, "Latitude": 34.05, "Longitude": -118.34, "Population": 1130.0}, {"index": 4746, "quantile": 0.75, "value": 213499.99999999997, "Latitude": 34.05, "Longitude": -118.34, "Population": 1130.0}, {"index": 4746, "quantile": 1.0, "value": 397900.0, "Latitude": 34.05, "Longitude": -118.34, "Population": 1130.0}, {"index": 4747, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.05, "Longitude": -118.34, "Population": 723.0}, {"index": 4747, "quantile": 0.25, "value": 170250.0, "Latitude": 34.05, "Longitude": -118.34, "Population": 723.0}, {"index": 4747, "quantile": 0.5, "value": 200000.0, "Latitude": 34.05, "Longitude": -118.34, "Population": 723.0}, {"index": 4747, "quantile": 0.75, "value": 272800.0, "Latitude": 34.05, "Longitude": -118.34, "Population": 723.0}, {"index": 4747, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.34, "Population": 723.0}, {"index": 4748, "quantile": 0.0, "value": 124200.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 1065.0}, {"index": 4748, "quantile": 0.25, "value": 195800.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 1065.0}, {"index": 4748, "quantile": 0.5, "value": 195800.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 1065.0}, {"index": 4748, "quantile": 0.75, "value": 318600.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 1065.0}, {"index": 4748, "quantile": 1.0, "value": 440900.0, "Latitude": 34.05, "Longitude": -118.35, "Population": 1065.0}, {"index": 4749, "quantile": 0.0, "value": 94900.0, "Latitude": 34.05, "Longitude": -118.34, "Population": 997.0}, {"index": 4749, "quantile": 0.25, "value": 178950.0, "Latitude": 34.05, "Longitude": -118.34, "Population": 997.0}, {"index": 4749, "quantile": 0.5, "value": 239500.0, "Latitude": 34.05, "Longitude": -118.34, "Population": 997.0}, {"index": 4749, "quantile": 0.75, "value": 411175.0, "Latitude": 34.05, "Longitude": -118.34, "Population": 997.0}, {"index": 4749, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.34, "Population": 997.0}, {"index": 4750, "quantile": 0.0, "value": 108000.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 2638.0}, {"index": 4750, "quantile": 0.25, "value": 158850.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 2638.0}, {"index": 4750, "quantile": 0.5, "value": 185700.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 2638.0}, {"index": 4750, "quantile": 0.75, "value": 208300.00000000003, "Latitude": 34.04, "Longitude": -118.32, "Population": 2638.0}, {"index": 4750, "quantile": 1.0, "value": 297500.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 2638.0}, {"index": 4751, "quantile": 0.0, "value": 93000.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 1140.0}, {"index": 4751, "quantile": 0.25, "value": 165000.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 1140.0}, {"index": 4751, "quantile": 0.5, "value": 165000.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 1140.0}, {"index": 4751, "quantile": 0.75, "value": 165000.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 1140.0}, {"index": 4751, "quantile": 1.0, "value": 333300.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 1140.0}, {"index": 4752, "quantile": 0.0, "value": 125699.99999999999, "Latitude": 34.04, "Longitude": -118.32, "Population": 953.0}, {"index": 4752, "quantile": 0.25, "value": 156300.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 953.0}, {"index": 4752, "quantile": 0.5, "value": 156300.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 953.0}, {"index": 4752, "quantile": 0.75, "value": 156300.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 953.0}, {"index": 4752, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.32, "Population": 953.0}, {"index": 4753, "quantile": 0.0, "value": 91300.0, "Latitude": 34.04, "Longitude": -118.33, "Population": 955.0}, {"index": 4753, "quantile": 0.25, "value": 169875.0, "Latitude": 34.04, "Longitude": -118.33, "Population": 955.0}, {"index": 4753, "quantile": 0.5, "value": 192500.0, "Latitude": 34.04, "Longitude": -118.33, "Population": 955.0}, {"index": 4753, "quantile": 0.75, "value": 192500.0, "Latitude": 34.04, "Longitude": -118.33, "Population": 955.0}, {"index": 4753, "quantile": 1.0, "value": 305800.0, "Latitude": 34.04, "Longitude": -118.33, "Population": 955.0}, {"index": 4754, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 34.05, "Longitude": -118.33, "Population": 2300.0}, {"index": 4754, "quantile": 0.25, "value": 158000.0, "Latitude": 34.05, "Longitude": -118.33, "Population": 2300.0}, {"index": 4754, "quantile": 0.5, "value": 268500.0, "Latitude": 34.05, "Longitude": -118.33, "Population": 2300.0}, {"index": 4754, "quantile": 0.75, "value": 268500.0, "Latitude": 34.05, "Longitude": -118.33, "Population": 2300.0}, {"index": 4754, "quantile": 1.0, "value": 268500.0, "Latitude": 34.05, "Longitude": -118.33, "Population": 2300.0}, {"index": 4755, "quantile": 0.0, "value": 84600.0, "Latitude": 34.04, "Longitude": -118.33, "Population": 1004.0}, {"index": 4755, "quantile": 0.25, "value": 193150.0, "Latitude": 34.04, "Longitude": -118.33, "Population": 1004.0}, {"index": 4755, "quantile": 0.5, "value": 236300.0, "Latitude": 34.04, "Longitude": -118.33, "Population": 1004.0}, {"index": 4755, "quantile": 0.75, "value": 296800.0, "Latitude": 34.04, "Longitude": -118.33, "Population": 1004.0}, {"index": 4755, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.33, "Population": 1004.0}, {"index": 4756, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 34.05, "Longitude": -118.34, "Population": 1369.0}, {"index": 4756, "quantile": 0.25, "value": 167100.0, "Latitude": 34.05, "Longitude": -118.34, "Population": 1369.0}, {"index": 4756, "quantile": 0.5, "value": 167100.0, "Latitude": 34.05, "Longitude": -118.34, "Population": 1369.0}, {"index": 4756, "quantile": 0.75, "value": 167100.0, "Latitude": 34.05, "Longitude": -118.34, "Population": 1369.0}, {"index": 4756, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.34, "Population": 1369.0}, {"index": 4757, "quantile": 0.0, "value": 127099.99999999999, "Latitude": 34.04, "Longitude": -118.34, "Population": 2042.0}, {"index": 4757, "quantile": 0.25, "value": 139700.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 2042.0}, {"index": 4757, "quantile": 0.5, "value": 139700.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 2042.0}, {"index": 4757, "quantile": 0.75, "value": 144675.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 2042.0}, {"index": 4757, "quantile": 1.0, "value": 305800.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 2042.0}, {"index": 4758, "quantile": 0.0, "value": 106400.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 2140.0}, {"index": 4758, "quantile": 0.25, "value": 127099.99999999999, "Latitude": 34.04, "Longitude": -118.34, "Population": 2140.0}, {"index": 4758, "quantile": 0.5, "value": 127099.99999999999, "Latitude": 34.04, "Longitude": -118.34, "Population": 2140.0}, {"index": 4758, "quantile": 0.75, "value": 154350.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 2140.0}, {"index": 4758, "quantile": 1.0, "value": 445000.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 2140.0}, {"index": 4759, "quantile": 0.0, "value": 47500.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 1835.0}, {"index": 4759, "quantile": 0.25, "value": 123200.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 1835.0}, {"index": 4759, "quantile": 0.5, "value": 123200.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 1835.0}, {"index": 4759, "quantile": 0.75, "value": 123200.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 1835.0}, {"index": 4759, "quantile": 1.0, "value": 275000.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 1835.0}, {"index": 4760, "quantile": 0.0, "value": 113900.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1672.0}, {"index": 4760, "quantile": 0.25, "value": 150700.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1672.0}, {"index": 4760, "quantile": 0.5, "value": 150700.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1672.0}, {"index": 4760, "quantile": 0.75, "value": 160700.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1672.0}, {"index": 4760, "quantile": 1.0, "value": 445000.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1672.0}, {"index": 4761, "quantile": 0.0, "value": 117100.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 668.0}, {"index": 4761, "quantile": 0.25, "value": 151600.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 668.0}, {"index": 4761, "quantile": 0.5, "value": 151600.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 668.0}, {"index": 4761, "quantile": 0.75, "value": 238750.00000000003, "Latitude": 34.04, "Longitude": -118.35, "Population": 668.0}, {"index": 4761, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.35, "Population": 668.0}, {"index": 4762, "quantile": 0.0, "value": 74800.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 713.0}, {"index": 4762, "quantile": 0.25, "value": 179200.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 713.0}, {"index": 4762, "quantile": 0.5, "value": 179200.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 713.0}, {"index": 4762, "quantile": 0.75, "value": 179200.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 713.0}, {"index": 4762, "quantile": 1.0, "value": 288900.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 713.0}, {"index": 4763, "quantile": 0.0, "value": 93400.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 993.0}, {"index": 4763, "quantile": 0.25, "value": 139400.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 993.0}, {"index": 4763, "quantile": 0.5, "value": 139400.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 993.0}, {"index": 4763, "quantile": 0.75, "value": 146800.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 993.0}, {"index": 4763, "quantile": 1.0, "value": 362200.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 993.0}, {"index": 4764, "quantile": 0.0, "value": 148400.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 1052.0}, {"index": 4764, "quantile": 0.25, "value": 157000.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 1052.0}, {"index": 4764, "quantile": 0.5, "value": 157000.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 1052.0}, {"index": 4764, "quantile": 0.75, "value": 309850.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 1052.0}, {"index": 4764, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.36, "Population": 1052.0}, {"index": 4765, "quantile": 0.0, "value": 69100.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1019.0}, {"index": 4765, "quantile": 0.25, "value": 146800.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1019.0}, {"index": 4765, "quantile": 0.5, "value": 146800.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1019.0}, {"index": 4765, "quantile": 0.75, "value": 158350.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1019.0}, {"index": 4765, "quantile": 1.0, "value": 325000.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1019.0}, {"index": 4766, "quantile": 0.0, "value": 73800.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1017.0}, {"index": 4766, "quantile": 0.25, "value": 133500.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1017.0}, {"index": 4766, "quantile": 0.5, "value": 133500.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1017.0}, {"index": 4766, "quantile": 0.75, "value": 133500.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1017.0}, {"index": 4766, "quantile": 1.0, "value": 198200.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1017.0}, {"index": 4767, "quantile": 0.0, "value": 122200.0, "Latitude": 34.03, "Longitude": -118.37, "Population": 966.0}, {"index": 4767, "quantile": 0.25, "value": 122200.0, "Latitude": 34.03, "Longitude": -118.37, "Population": 966.0}, {"index": 4767, "quantile": 0.5, "value": 122200.0, "Latitude": 34.03, "Longitude": -118.37, "Population": 966.0}, {"index": 4767, "quantile": 0.75, "value": 190200.0, "Latitude": 34.03, "Longitude": -118.37, "Population": 966.0}, {"index": 4767, "quantile": 1.0, "value": 275000.0, "Latitude": 34.03, "Longitude": -118.37, "Population": 966.0}, {"index": 4768, "quantile": 0.0, "value": 118800.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 2331.0}, {"index": 4768, "quantile": 0.25, "value": 125800.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 2331.0}, {"index": 4768, "quantile": 0.5, "value": 125800.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 2331.0}, {"index": 4768, "quantile": 0.75, "value": 156600.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 2331.0}, {"index": 4768, "quantile": 1.0, "value": 309100.0, "Latitude": 34.04, "Longitude": -118.36, "Population": 2331.0}, {"index": 4769, "quantile": 0.0, "value": 97400.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1110.0}, {"index": 4769, "quantile": 0.25, "value": 146800.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1110.0}, {"index": 4769, "quantile": 0.5, "value": 164800.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1110.0}, {"index": 4769, "quantile": 0.75, "value": 199625.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1110.0}, {"index": 4769, "quantile": 1.0, "value": 350900.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1110.0}, {"index": 4770, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.03, "Longitude": -118.35, "Population": 537.0}, {"index": 4770, "quantile": 0.25, "value": 124000.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 537.0}, {"index": 4770, "quantile": 0.5, "value": 134600.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 537.0}, {"index": 4770, "quantile": 0.75, "value": 138100.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 537.0}, {"index": 4770, "quantile": 1.0, "value": 364700.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 537.0}, {"index": 4771, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 34.04, "Longitude": -118.35, "Population": 1312.0}, {"index": 4771, "quantile": 0.25, "value": 138000.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1312.0}, {"index": 4771, "quantile": 0.5, "value": 138000.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1312.0}, {"index": 4771, "quantile": 0.75, "value": 141275.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1312.0}, {"index": 4771, "quantile": 1.0, "value": 445000.0, "Latitude": 34.04, "Longitude": -118.35, "Population": 1312.0}, {"index": 4772, "quantile": 0.0, "value": 91300.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 987.0}, {"index": 4772, "quantile": 0.25, "value": 161425.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 987.0}, {"index": 4772, "quantile": 0.5, "value": 171400.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 987.0}, {"index": 4772, "quantile": 0.75, "value": 171400.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 987.0}, {"index": 4772, "quantile": 1.0, "value": 296100.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 987.0}, {"index": 4773, "quantile": 0.0, "value": 87500.0, "Latitude": 34.03, "Longitude": -118.34, "Population": 784.0}, {"index": 4773, "quantile": 0.25, "value": 131225.0, "Latitude": 34.03, "Longitude": -118.34, "Population": 784.0}, {"index": 4773, "quantile": 0.5, "value": 187500.0, "Latitude": 34.03, "Longitude": -118.34, "Population": 784.0}, {"index": 4773, "quantile": 0.75, "value": 225000.0, "Latitude": 34.03, "Longitude": -118.34, "Population": 784.0}, {"index": 4773, "quantile": 1.0, "value": 412500.0, "Latitude": 34.03, "Longitude": -118.34, "Population": 784.0}, {"index": 4774, "quantile": 0.0, "value": 95100.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 1203.0}, {"index": 4774, "quantile": 0.25, "value": 134600.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 1203.0}, {"index": 4774, "quantile": 0.5, "value": 134600.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 1203.0}, {"index": 4774, "quantile": 0.75, "value": 134600.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 1203.0}, {"index": 4774, "quantile": 1.0, "value": 200000.0, "Latitude": 34.04, "Longitude": -118.34, "Population": 1203.0}, {"index": 4775, "quantile": 0.0, "value": 95400.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 794.0}, {"index": 4775, "quantile": 0.25, "value": 138100.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 794.0}, {"index": 4775, "quantile": 0.5, "value": 138100.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 794.0}, {"index": 4775, "quantile": 0.75, "value": 138100.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 794.0}, {"index": 4775, "quantile": 1.0, "value": 202100.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 794.0}, {"index": 4776, "quantile": 0.0, "value": 91300.0, "Latitude": 34.04, "Longitude": -118.33, "Population": 1161.0}, {"index": 4776, "quantile": 0.25, "value": 161500.0, "Latitude": 34.04, "Longitude": -118.33, "Population": 1161.0}, {"index": 4776, "quantile": 0.5, "value": 161500.0, "Latitude": 34.04, "Longitude": -118.33, "Population": 1161.0}, {"index": 4776, "quantile": 0.75, "value": 161500.0, "Latitude": 34.04, "Longitude": -118.33, "Population": 1161.0}, {"index": 4776, "quantile": 1.0, "value": 260700.00000000003, "Latitude": 34.04, "Longitude": -118.33, "Population": 1161.0}, {"index": 4777, "quantile": 0.0, "value": 64100.0, "Latitude": 34.03, "Longitude": -118.33, "Population": 1714.0}, {"index": 4777, "quantile": 0.25, "value": 125000.0, "Latitude": 34.03, "Longitude": -118.33, "Population": 1714.0}, {"index": 4777, "quantile": 0.5, "value": 148300.0, "Latitude": 34.03, "Longitude": -118.33, "Population": 1714.0}, {"index": 4777, "quantile": 0.75, "value": 167000.0, "Latitude": 34.03, "Longitude": -118.33, "Population": 1714.0}, {"index": 4777, "quantile": 1.0, "value": 309100.0, "Latitude": 34.03, "Longitude": -118.33, "Population": 1714.0}, {"index": 4778, "quantile": 0.0, "value": 98700.0, "Latitude": 34.04, "Longitude": -118.33, "Population": 1400.0}, {"index": 4778, "quantile": 0.25, "value": 164400.0, "Latitude": 34.04, "Longitude": -118.33, "Population": 1400.0}, {"index": 4778, "quantile": 0.5, "value": 251100.0, "Latitude": 34.04, "Longitude": -118.33, "Population": 1400.0}, {"index": 4778, "quantile": 0.75, "value": 251100.0, "Latitude": 34.04, "Longitude": -118.33, "Population": 1400.0}, {"index": 4778, "quantile": 1.0, "value": 450000.0, "Latitude": 34.04, "Longitude": -118.33, "Population": 1400.0}, {"index": 4779, "quantile": 0.0, "value": 94000.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 1430.0}, {"index": 4779, "quantile": 0.25, "value": 151100.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 1430.0}, {"index": 4779, "quantile": 0.5, "value": 151100.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 1430.0}, {"index": 4779, "quantile": 0.75, "value": 151100.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 1430.0}, {"index": 4779, "quantile": 1.0, "value": 309100.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 1430.0}, {"index": 4780, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.04, "Longitude": -118.32, "Population": 1117.0}, {"index": 4780, "quantile": 0.25, "value": 134600.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 1117.0}, {"index": 4780, "quantile": 0.5, "value": 168800.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 1117.0}, {"index": 4780, "quantile": 0.75, "value": 168800.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 1117.0}, {"index": 4780, "quantile": 1.0, "value": 360000.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 1117.0}, {"index": 4781, "quantile": 0.0, "value": 67000.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 544.0}, {"index": 4781, "quantile": 0.25, "value": 176800.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 544.0}, {"index": 4781, "quantile": 0.5, "value": 176800.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 544.0}, {"index": 4781, "quantile": 0.75, "value": 189025.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 544.0}, {"index": 4781, "quantile": 1.0, "value": 296100.0, "Latitude": 34.04, "Longitude": -118.32, "Population": 544.0}, {"index": 4782, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.03, "Longitude": -118.32, "Population": 2221.0}, {"index": 4782, "quantile": 0.25, "value": 137500.0, "Latitude": 34.03, "Longitude": -118.32, "Population": 2221.0}, {"index": 4782, "quantile": 0.5, "value": 156600.0, "Latitude": 34.03, "Longitude": -118.32, "Population": 2221.0}, {"index": 4782, "quantile": 0.75, "value": 177400.0, "Latitude": 34.03, "Longitude": -118.32, "Population": 2221.0}, {"index": 4782, "quantile": 1.0, "value": 330800.0, "Latitude": 34.03, "Longitude": -118.32, "Population": 2221.0}, {"index": 4783, "quantile": 0.0, "value": 111700.0, "Latitude": 34.03, "Longitude": -118.33, "Population": 1911.0}, {"index": 4783, "quantile": 0.25, "value": 137500.0, "Latitude": 34.03, "Longitude": -118.33, "Population": 1911.0}, {"index": 4783, "quantile": 0.5, "value": 137500.0, "Latitude": 34.03, "Longitude": -118.33, "Population": 1911.0}, {"index": 4783, "quantile": 0.75, "value": 149100.0, "Latitude": 34.03, "Longitude": -118.33, "Population": 1911.0}, {"index": 4783, "quantile": 1.0, "value": 309100.0, "Latitude": 34.03, "Longitude": -118.33, "Population": 1911.0}, {"index": 4784, "quantile": 0.0, "value": 59600.0, "Latitude": 34.03, "Longitude": -118.32, "Population": 455.0}, {"index": 4784, "quantile": 0.25, "value": 223200.00000000003, "Latitude": 34.03, "Longitude": -118.32, "Population": 455.0}, {"index": 4784, "quantile": 0.5, "value": 223200.00000000003, "Latitude": 34.03, "Longitude": -118.32, "Population": 455.0}, {"index": 4784, "quantile": 0.75, "value": 223200.00000000003, "Latitude": 34.03, "Longitude": -118.32, "Population": 455.0}, {"index": 4784, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.32, "Population": 455.0}, {"index": 4785, "quantile": 0.0, "value": 59600.0, "Latitude": 34.03, "Longitude": -118.32, "Population": 1109.0}, {"index": 4785, "quantile": 0.25, "value": 127800.0, "Latitude": 34.03, "Longitude": -118.32, "Population": 1109.0}, {"index": 4785, "quantile": 0.5, "value": 127800.0, "Latitude": 34.03, "Longitude": -118.32, "Population": 1109.0}, {"index": 4785, "quantile": 0.75, "value": 132200.0, "Latitude": 34.03, "Longitude": -118.32, "Population": 1109.0}, {"index": 4785, "quantile": 1.0, "value": 414700.0, "Latitude": 34.03, "Longitude": -118.32, "Population": 1109.0}, {"index": 4786, "quantile": 0.0, "value": 121500.00000000001, "Latitude": 34.03, "Longitude": -118.32, "Population": 1272.0}, {"index": 4786, "quantile": 0.25, "value": 121500.00000000001, "Latitude": 34.03, "Longitude": -118.32, "Population": 1272.0}, {"index": 4786, "quantile": 0.5, "value": 121500.00000000001, "Latitude": 34.03, "Longitude": -118.32, "Population": 1272.0}, {"index": 4786, "quantile": 0.75, "value": 161525.0, "Latitude": 34.03, "Longitude": -118.32, "Population": 1272.0}, {"index": 4786, "quantile": 1.0, "value": 296100.0, "Latitude": 34.03, "Longitude": -118.32, "Population": 1272.0}, {"index": 4787, "quantile": 0.0, "value": 108300.0, "Latitude": 34.02, "Longitude": -118.32, "Population": 1660.0}, {"index": 4787, "quantile": 0.25, "value": 127099.99999999999, "Latitude": 34.02, "Longitude": -118.32, "Population": 1660.0}, {"index": 4787, "quantile": 0.5, "value": 127099.99999999999, "Latitude": 34.02, "Longitude": -118.32, "Population": 1660.0}, {"index": 4787, "quantile": 0.75, "value": 127099.99999999999, "Latitude": 34.02, "Longitude": -118.32, "Population": 1660.0}, {"index": 4787, "quantile": 1.0, "value": 232100.00000000003, "Latitude": 34.02, "Longitude": -118.32, "Population": 1660.0}, {"index": 4788, "quantile": 0.0, "value": 90600.0, "Latitude": 34.02, "Longitude": -118.32, "Population": 1355.0}, {"index": 4788, "quantile": 0.25, "value": 124750.0, "Latitude": 34.02, "Longitude": -118.32, "Population": 1355.0}, {"index": 4788, "quantile": 0.5, "value": 133400.0, "Latitude": 34.02, "Longitude": -118.32, "Population": 1355.0}, {"index": 4788, "quantile": 0.75, "value": 133400.0, "Latitude": 34.02, "Longitude": -118.32, "Population": 1355.0}, {"index": 4788, "quantile": 1.0, "value": 168800.0, "Latitude": 34.02, "Longitude": -118.32, "Population": 1355.0}, {"index": 4789, "quantile": 0.0, "value": 108800.00000000001, "Latitude": 34.02, "Longitude": -118.32, "Population": 1120.0}, {"index": 4789, "quantile": 0.25, "value": 114199.99999999999, "Latitude": 34.02, "Longitude": -118.32, "Population": 1120.0}, {"index": 4789, "quantile": 0.5, "value": 114199.99999999999, "Latitude": 34.02, "Longitude": -118.32, "Population": 1120.0}, {"index": 4789, "quantile": 0.75, "value": 115199.99999999999, "Latitude": 34.02, "Longitude": -118.32, "Population": 1120.0}, {"index": 4789, "quantile": 1.0, "value": 216400.00000000003, "Latitude": 34.02, "Longitude": -118.32, "Population": 1120.0}, {"index": 4790, "quantile": 0.0, "value": 93300.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 928.0}, {"index": 4790, "quantile": 0.25, "value": 121575.00000000001, "Latitude": 34.02, "Longitude": -118.33, "Population": 928.0}, {"index": 4790, "quantile": 0.5, "value": 133350.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 928.0}, {"index": 4790, "quantile": 0.75, "value": 154025.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 928.0}, {"index": 4790, "quantile": 1.0, "value": 268500.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 928.0}, {"index": 4791, "quantile": 0.0, "value": 99600.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 933.0}, {"index": 4791, "quantile": 0.25, "value": 125699.99999999999, "Latitude": 34.02, "Longitude": -118.33, "Population": 933.0}, {"index": 4791, "quantile": 0.5, "value": 125699.99999999999, "Latitude": 34.02, "Longitude": -118.33, "Population": 933.0}, {"index": 4791, "quantile": 0.75, "value": 135025.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 933.0}, {"index": 4791, "quantile": 1.0, "value": 500000.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 933.0}, {"index": 4792, "quantile": 0.0, "value": 87500.0, "Latitude": 34.03, "Longitude": -118.33, "Population": 1552.0}, {"index": 4792, "quantile": 0.25, "value": 125000.0, "Latitude": 34.03, "Longitude": -118.33, "Population": 1552.0}, {"index": 4792, "quantile": 0.5, "value": 125000.0, "Latitude": 34.03, "Longitude": -118.33, "Population": 1552.0}, {"index": 4792, "quantile": 0.75, "value": 125000.0, "Latitude": 34.03, "Longitude": -118.33, "Population": 1552.0}, {"index": 4792, "quantile": 1.0, "value": 309100.0, "Latitude": 34.03, "Longitude": -118.33, "Population": 1552.0}, {"index": 4793, "quantile": 0.0, "value": 140600.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 684.0}, {"index": 4793, "quantile": 0.25, "value": 287100.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 684.0}, {"index": 4793, "quantile": 0.5, "value": 343500.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 684.0}, {"index": 4793, "quantile": 0.75, "value": 371700.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 684.0}, {"index": 4793, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.34, "Population": 684.0}, {"index": 4794, "quantile": 0.0, "value": 90400.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 1046.0}, {"index": 4794, "quantile": 0.25, "value": 189700.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 1046.0}, {"index": 4794, "quantile": 0.5, "value": 250000.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 1046.0}, {"index": 4794, "quantile": 0.75, "value": 261000.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 1046.0}, {"index": 4794, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.34, "Population": 1046.0}, {"index": 4795, "quantile": 0.0, "value": 93300.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 1334.0}, {"index": 4795, "quantile": 0.25, "value": 124000.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 1334.0}, {"index": 4795, "quantile": 0.5, "value": 124000.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 1334.0}, {"index": 4795, "quantile": 0.75, "value": 134600.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 1334.0}, {"index": 4795, "quantile": 1.0, "value": 333300.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 1334.0}, {"index": 4796, "quantile": 0.0, "value": 93400.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 1510.0}, {"index": 4796, "quantile": 0.25, "value": 123300.00000000001, "Latitude": 34.03, "Longitude": -118.35, "Population": 1510.0}, {"index": 4796, "quantile": 0.5, "value": 123300.00000000001, "Latitude": 34.03, "Longitude": -118.35, "Population": 1510.0}, {"index": 4796, "quantile": 0.75, "value": 123300.00000000001, "Latitude": 34.03, "Longitude": -118.35, "Population": 1510.0}, {"index": 4796, "quantile": 1.0, "value": 263500.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 1510.0}, {"index": 4797, "quantile": 0.0, "value": 71300.0, "Latitude": 34.02, "Longitude": -118.35, "Population": 233.0}, {"index": 4797, "quantile": 0.25, "value": 134700.0, "Latitude": 34.02, "Longitude": -118.35, "Population": 233.0}, {"index": 4797, "quantile": 0.5, "value": 134700.0, "Latitude": 34.02, "Longitude": -118.35, "Population": 233.0}, {"index": 4797, "quantile": 0.75, "value": 181100.0, "Latitude": 34.02, "Longitude": -118.35, "Population": 233.0}, {"index": 4797, "quantile": 1.0, "value": 474300.00000000006, "Latitude": 34.02, "Longitude": -118.35, "Population": 233.0}, {"index": 4798, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 34.03, "Longitude": -118.35, "Population": 1634.0}, {"index": 4798, "quantile": 0.25, "value": 125800.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 1634.0}, {"index": 4798, "quantile": 0.5, "value": 156150.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 1634.0}, {"index": 4798, "quantile": 0.75, "value": 168825.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 1634.0}, {"index": 4798, "quantile": 1.0, "value": 309100.0, "Latitude": 34.03, "Longitude": -118.35, "Population": 1634.0}, {"index": 4799, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 34.03, "Longitude": -118.36, "Population": 1023.0}, {"index": 4799, "quantile": 0.25, "value": 143800.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1023.0}, {"index": 4799, "quantile": 0.5, "value": 143800.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1023.0}, {"index": 4799, "quantile": 0.75, "value": 148425.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1023.0}, {"index": 4799, "quantile": 1.0, "value": 350000.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1023.0}, {"index": 4800, "quantile": 0.0, "value": 85800.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1847.0}, {"index": 4800, "quantile": 0.25, "value": 125600.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1847.0}, {"index": 4800, "quantile": 0.5, "value": 149100.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1847.0}, {"index": 4800, "quantile": 0.75, "value": 156950.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1847.0}, {"index": 4800, "quantile": 1.0, "value": 438300.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1847.0}, {"index": 4801, "quantile": 0.0, "value": 96900.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1139.0}, {"index": 4801, "quantile": 0.25, "value": 120000.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1139.0}, {"index": 4801, "quantile": 0.5, "value": 120000.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1139.0}, {"index": 4801, "quantile": 0.75, "value": 123300.00000000001, "Latitude": 34.03, "Longitude": -118.36, "Population": 1139.0}, {"index": 4801, "quantile": 1.0, "value": 263500.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1139.0}, {"index": 4802, "quantile": 0.0, "value": 105000.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1666.0}, {"index": 4802, "quantile": 0.25, "value": 122700.00000000001, "Latitude": 34.03, "Longitude": -118.36, "Population": 1666.0}, {"index": 4802, "quantile": 0.5, "value": 136950.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1666.0}, {"index": 4802, "quantile": 0.75, "value": 156525.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1666.0}, {"index": 4802, "quantile": 1.0, "value": 215000.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 1666.0}, {"index": 4803, "quantile": 0.0, "value": 120000.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 2259.0}, {"index": 4803, "quantile": 0.25, "value": 120700.00000000001, "Latitude": 34.03, "Longitude": -118.36, "Population": 2259.0}, {"index": 4803, "quantile": 0.5, "value": 120700.00000000001, "Latitude": 34.03, "Longitude": -118.36, "Population": 2259.0}, {"index": 4803, "quantile": 0.75, "value": 135575.0, "Latitude": 34.03, "Longitude": -118.36, "Population": 2259.0}, {"index": 4803, "quantile": 1.0, "value": 253900.00000000003, "Latitude": 34.03, "Longitude": -118.36, "Population": 2259.0}, {"index": 4804, "quantile": 0.0, "value": 108000.0, "Latitude": 34.03, "Longitude": -118.37, "Population": 811.0}, {"index": 4804, "quantile": 0.25, "value": 186400.0, "Latitude": 34.03, "Longitude": -118.37, "Population": 811.0}, {"index": 4804, "quantile": 0.5, "value": 254700.00000000003, "Latitude": 34.03, "Longitude": -118.37, "Population": 811.0}, {"index": 4804, "quantile": 0.75, "value": 314500.0, "Latitude": 34.03, "Longitude": -118.37, "Population": 811.0}, {"index": 4804, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.37, "Population": 811.0}, {"index": 4805, "quantile": 0.0, "value": 108800.00000000001, "Latitude": 34.03, "Longitude": -118.34, "Population": 1151.0}, {"index": 4805, "quantile": 0.25, "value": 134100.0, "Latitude": 34.03, "Longitude": -118.34, "Population": 1151.0}, {"index": 4805, "quantile": 0.5, "value": 134100.0, "Latitude": 34.03, "Longitude": -118.34, "Population": 1151.0}, {"index": 4805, "quantile": 0.75, "value": 134100.0, "Latitude": 34.03, "Longitude": -118.34, "Population": 1151.0}, {"index": 4805, "quantile": 1.0, "value": 265800.0, "Latitude": 34.03, "Longitude": -118.34, "Population": 1151.0}, {"index": 4806, "quantile": 0.0, "value": 67000.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 896.0}, {"index": 4806, "quantile": 0.25, "value": 132550.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 896.0}, {"index": 4806, "quantile": 0.5, "value": 201649.99999999997, "Latitude": 34.02, "Longitude": -118.34, "Population": 896.0}, {"index": 4806, "quantile": 0.75, "value": 337500.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 896.0}, {"index": 4806, "quantile": 1.0, "value": 431400.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 896.0}, {"index": 4807, "quantile": 0.0, "value": 102400.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 685.0}, {"index": 4807, "quantile": 0.25, "value": 130300.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 685.0}, {"index": 4807, "quantile": 0.5, "value": 130300.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 685.0}, {"index": 4807, "quantile": 0.75, "value": 180400.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 685.0}, {"index": 4807, "quantile": 1.0, "value": 440900.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 685.0}, {"index": 4808, "quantile": 0.0, "value": 117900.0, "Latitude": 34.03, "Longitude": -118.34, "Population": 765.0}, {"index": 4808, "quantile": 0.25, "value": 142600.0, "Latitude": 34.03, "Longitude": -118.34, "Population": 765.0}, {"index": 4808, "quantile": 0.5, "value": 178150.0, "Latitude": 34.03, "Longitude": -118.34, "Population": 765.0}, {"index": 4808, "quantile": 0.75, "value": 225050.00000000003, "Latitude": 34.03, "Longitude": -118.34, "Population": 765.0}, {"index": 4808, "quantile": 1.0, "value": 397900.0, "Latitude": 34.03, "Longitude": -118.34, "Population": 765.0}, {"index": 4809, "quantile": 0.0, "value": 51800.0, "Latitude": 34.03, "Longitude": -118.34, "Population": 1349.0}, {"index": 4809, "quantile": 0.25, "value": 125000.0, "Latitude": 34.03, "Longitude": -118.34, "Population": 1349.0}, {"index": 4809, "quantile": 0.5, "value": 125000.0, "Latitude": 34.03, "Longitude": -118.34, "Population": 1349.0}, {"index": 4809, "quantile": 0.75, "value": 125000.0, "Latitude": 34.03, "Longitude": -118.34, "Population": 1349.0}, {"index": 4809, "quantile": 1.0, "value": 350000.0, "Latitude": 34.03, "Longitude": -118.34, "Population": 1349.0}, {"index": 4810, "quantile": 0.0, "value": 108000.0, "Latitude": 34.02, "Longitude": -118.36, "Population": 796.0}, {"index": 4810, "quantile": 0.25, "value": 189700.0, "Latitude": 34.02, "Longitude": -118.36, "Population": 796.0}, {"index": 4810, "quantile": 0.5, "value": 189700.0, "Latitude": 34.02, "Longitude": -118.36, "Population": 796.0}, {"index": 4810, "quantile": 0.75, "value": 189700.0, "Latitude": 34.02, "Longitude": -118.36, "Population": 796.0}, {"index": 4810, "quantile": 1.0, "value": 450000.0, "Latitude": 34.02, "Longitude": -118.36, "Population": 796.0}, {"index": 4811, "quantile": 0.0, "value": 159900.0, "Latitude": 34.03, "Longitude": -118.37, "Population": 838.0}, {"index": 4811, "quantile": 0.25, "value": 188400.0, "Latitude": 34.03, "Longitude": -118.37, "Population": 838.0}, {"index": 4811, "quantile": 0.5, "value": 188400.0, "Latitude": 34.03, "Longitude": -118.37, "Population": 838.0}, {"index": 4811, "quantile": 0.75, "value": 216725.0, "Latitude": 34.03, "Longitude": -118.37, "Population": 838.0}, {"index": 4811, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.37, "Population": 838.0}, {"index": 4812, "quantile": 0.0, "value": 98700.0, "Latitude": 34.02, "Longitude": -118.37, "Population": 981.0}, {"index": 4812, "quantile": 0.25, "value": 193200.0, "Latitude": 34.02, "Longitude": -118.37, "Population": 981.0}, {"index": 4812, "quantile": 0.5, "value": 193200.0, "Latitude": 34.02, "Longitude": -118.37, "Population": 981.0}, {"index": 4812, "quantile": 0.75, "value": 193200.0, "Latitude": 34.02, "Longitude": -118.37, "Population": 981.0}, {"index": 4812, "quantile": 1.0, "value": 461100.0, "Latitude": 34.02, "Longitude": -118.37, "Population": 981.0}, {"index": 4813, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 34.05, "Longitude": -118.28, "Population": 3013.0}, {"index": 4813, "quantile": 0.25, "value": 152500.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 3013.0}, {"index": 4813, "quantile": 0.5, "value": 152500.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 3013.0}, {"index": 4813, "quantile": 0.75, "value": 152500.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 3013.0}, {"index": 4813, "quantile": 1.0, "value": 350000.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 3013.0}, {"index": 4814, "quantile": 0.0, "value": 109600.00000000001, "Latitude": 34.04, "Longitude": -118.28, "Population": 1857.0}, {"index": 4814, "quantile": 0.25, "value": 152800.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 1857.0}, {"index": 4814, "quantile": 0.5, "value": 153400.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 1857.0}, {"index": 4814, "quantile": 0.75, "value": 153400.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 1857.0}, {"index": 4814, "quantile": 1.0, "value": 275000.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 1857.0}, {"index": 4815, "quantile": 0.0, "value": 84200.0, "Latitude": 34.04, "Longitude": -118.29, "Population": 1224.0}, {"index": 4815, "quantile": 0.25, "value": 132500.0, "Latitude": 34.04, "Longitude": -118.29, "Population": 1224.0}, {"index": 4815, "quantile": 0.5, "value": 132500.0, "Latitude": 34.04, "Longitude": -118.29, "Population": 1224.0}, {"index": 4815, "quantile": 0.75, "value": 132500.0, "Latitude": 34.04, "Longitude": -118.29, "Population": 1224.0}, {"index": 4815, "quantile": 1.0, "value": 275000.0, "Latitude": 34.04, "Longitude": -118.29, "Population": 1224.0}, {"index": 4816, "quantile": 0.0, "value": 67500.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 1426.0}, {"index": 4816, "quantile": 0.25, "value": 123200.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 1426.0}, {"index": 4816, "quantile": 0.5, "value": 143900.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 1426.0}, {"index": 4816, "quantile": 0.75, "value": 180000.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 1426.0}, {"index": 4816, "quantile": 1.0, "value": 312500.0, "Latitude": 34.05, "Longitude": -118.29, "Population": 1426.0}, {"index": 4817, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.04, "Longitude": -118.29, "Population": 1945.0}, {"index": 4817, "quantile": 0.25, "value": 123700.00000000001, "Latitude": 34.04, "Longitude": -118.29, "Population": 1945.0}, {"index": 4817, "quantile": 0.5, "value": 123700.00000000001, "Latitude": 34.04, "Longitude": -118.29, "Population": 1945.0}, {"index": 4817, "quantile": 0.75, "value": 130500.0, "Latitude": 34.04, "Longitude": -118.29, "Population": 1945.0}, {"index": 4817, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 34.04, "Longitude": -118.29, "Population": 1945.0}, {"index": 4818, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 34.04, "Longitude": -118.3, "Population": 2080.0}, {"index": 4818, "quantile": 0.25, "value": 180000.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 2080.0}, {"index": 4818, "quantile": 0.5, "value": 180000.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 2080.0}, {"index": 4818, "quantile": 0.75, "value": 180000.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 2080.0}, {"index": 4818, "quantile": 1.0, "value": 275000.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 2080.0}, {"index": 4819, "quantile": 0.0, "value": 96900.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1227.0}, {"index": 4819, "quantile": 0.25, "value": 122625.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1227.0}, {"index": 4819, "quantile": 0.5, "value": 139049.99999999997, "Latitude": 34.05, "Longitude": -118.3, "Population": 1227.0}, {"index": 4819, "quantile": 0.75, "value": 165150.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1227.0}, {"index": 4819, "quantile": 1.0, "value": 305800.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1227.0}, {"index": 4820, "quantile": 0.0, "value": 121900.00000000001, "Latitude": 34.05, "Longitude": -118.3, "Population": 1765.0}, {"index": 4820, "quantile": 0.25, "value": 121900.00000000001, "Latitude": 34.05, "Longitude": -118.3, "Population": 1765.0}, {"index": 4820, "quantile": 0.5, "value": 121900.00000000001, "Latitude": 34.05, "Longitude": -118.3, "Population": 1765.0}, {"index": 4820, "quantile": 0.75, "value": 158450.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1765.0}, {"index": 4820, "quantile": 1.0, "value": 305800.0, "Latitude": 34.05, "Longitude": -118.3, "Population": 1765.0}, {"index": 4821, "quantile": 0.0, "value": 103400.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 1768.0}, {"index": 4821, "quantile": 0.25, "value": 152575.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 1768.0}, {"index": 4821, "quantile": 0.5, "value": 190600.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 1768.0}, {"index": 4821, "quantile": 0.75, "value": 190600.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 1768.0}, {"index": 4821, "quantile": 1.0, "value": 305800.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 1768.0}, {"index": 4822, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 34.05, "Longitude": -118.31, "Population": 1513.0}, {"index": 4822, "quantile": 0.25, "value": 191100.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 1513.0}, {"index": 4822, "quantile": 0.5, "value": 229199.99999999997, "Latitude": 34.05, "Longitude": -118.31, "Population": 1513.0}, {"index": 4822, "quantile": 0.75, "value": 229199.99999999997, "Latitude": 34.05, "Longitude": -118.31, "Population": 1513.0}, {"index": 4822, "quantile": 1.0, "value": 445000.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 1513.0}, {"index": 4823, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.05, "Longitude": -118.31, "Population": 2543.0}, {"index": 4823, "quantile": 0.25, "value": 153900.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 2543.0}, {"index": 4823, "quantile": 0.5, "value": 164400.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 2543.0}, {"index": 4823, "quantile": 0.75, "value": 202075.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 2543.0}, {"index": 4823, "quantile": 1.0, "value": 350000.0, "Latitude": 34.05, "Longitude": -118.31, "Population": 2543.0}, {"index": 4824, "quantile": 0.0, "value": 118800.0, "Latitude": 34.04, "Longitude": -118.31, "Population": 2390.0}, {"index": 4824, "quantile": 0.25, "value": 188850.0, "Latitude": 34.04, "Longitude": -118.31, "Population": 2390.0}, {"index": 4824, "quantile": 0.5, "value": 208300.00000000003, "Latitude": 34.04, "Longitude": -118.31, "Population": 2390.0}, {"index": 4824, "quantile": 0.75, "value": 208300.00000000003, "Latitude": 34.04, "Longitude": -118.31, "Population": 2390.0}, {"index": 4824, "quantile": 1.0, "value": 305800.0, "Latitude": 34.04, "Longitude": -118.31, "Population": 2390.0}, {"index": 4825, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 34.04, "Longitude": -118.31, "Population": 2070.0}, {"index": 4825, "quantile": 0.25, "value": 174175.0, "Latitude": 34.04, "Longitude": -118.31, "Population": 2070.0}, {"index": 4825, "quantile": 0.5, "value": 214600.0, "Latitude": 34.04, "Longitude": -118.31, "Population": 2070.0}, {"index": 4825, "quantile": 0.75, "value": 214600.0, "Latitude": 34.04, "Longitude": -118.31, "Population": 2070.0}, {"index": 4825, "quantile": 1.0, "value": 248100.0, "Latitude": 34.04, "Longitude": -118.31, "Population": 2070.0}, {"index": 4826, "quantile": 0.0, "value": 52500.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 2114.0}, {"index": 4826, "quantile": 0.25, "value": 150000.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 2114.0}, {"index": 4826, "quantile": 0.5, "value": 150000.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 2114.0}, {"index": 4826, "quantile": 0.75, "value": 152175.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 2114.0}, {"index": 4826, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.31, "Population": 2114.0}, {"index": 4827, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.03, "Longitude": -118.32, "Population": 1194.0}, {"index": 4827, "quantile": 0.25, "value": 124000.0, "Latitude": 34.03, "Longitude": -118.32, "Population": 1194.0}, {"index": 4827, "quantile": 0.5, "value": 134600.0, "Latitude": 34.03, "Longitude": -118.32, "Population": 1194.0}, {"index": 4827, "quantile": 0.75, "value": 150275.0, "Latitude": 34.03, "Longitude": -118.32, "Population": 1194.0}, {"index": 4827, "quantile": 1.0, "value": 285500.0, "Latitude": 34.03, "Longitude": -118.32, "Population": 1194.0}, {"index": 4828, "quantile": 0.0, "value": 94000.0, "Latitude": 34.04, "Longitude": -118.31, "Population": 954.0}, {"index": 4828, "quantile": 0.25, "value": 161200.0, "Latitude": 34.04, "Longitude": -118.31, "Population": 954.0}, {"index": 4828, "quantile": 0.5, "value": 234600.0, "Latitude": 34.04, "Longitude": -118.31, "Population": 954.0}, {"index": 4828, "quantile": 0.75, "value": 234600.0, "Latitude": 34.04, "Longitude": -118.31, "Population": 954.0}, {"index": 4828, "quantile": 1.0, "value": 445000.0, "Latitude": 34.04, "Longitude": -118.31, "Population": 954.0}, {"index": 4829, "quantile": 0.0, "value": 99200.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 1757.0}, {"index": 4829, "quantile": 0.25, "value": 162500.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 1757.0}, {"index": 4829, "quantile": 0.5, "value": 175000.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 1757.0}, {"index": 4829, "quantile": 0.75, "value": 175000.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 1757.0}, {"index": 4829, "quantile": 1.0, "value": 250000.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 1757.0}, {"index": 4830, "quantile": 0.0, "value": 47700.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 1579.0}, {"index": 4830, "quantile": 0.25, "value": 131325.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 1579.0}, {"index": 4830, "quantile": 0.5, "value": 147350.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 1579.0}, {"index": 4830, "quantile": 0.75, "value": 180000.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 1579.0}, {"index": 4830, "quantile": 1.0, "value": 221500.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 1579.0}, {"index": 4831, "quantile": 0.0, "value": 108000.0, "Latitude": 34.04, "Longitude": -118.31, "Population": 2376.0}, {"index": 4831, "quantile": 0.25, "value": 143775.0, "Latitude": 34.04, "Longitude": -118.31, "Population": 2376.0}, {"index": 4831, "quantile": 0.5, "value": 166000.0, "Latitude": 34.04, "Longitude": -118.31, "Population": 2376.0}, {"index": 4831, "quantile": 0.75, "value": 180425.0, "Latitude": 34.04, "Longitude": -118.31, "Population": 2376.0}, {"index": 4831, "quantile": 1.0, "value": 226700.0, "Latitude": 34.04, "Longitude": -118.31, "Population": 2376.0}, {"index": 4832, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 34.04, "Longitude": -118.29, "Population": 2049.0}, {"index": 4832, "quantile": 0.25, "value": 136400.0, "Latitude": 34.04, "Longitude": -118.29, "Population": 2049.0}, {"index": 4832, "quantile": 0.5, "value": 152500.0, "Latitude": 34.04, "Longitude": -118.29, "Population": 2049.0}, {"index": 4832, "quantile": 0.75, "value": 188275.0, "Latitude": 34.04, "Longitude": -118.29, "Population": 2049.0}, {"index": 4832, "quantile": 1.0, "value": 275000.0, "Latitude": 34.04, "Longitude": -118.29, "Population": 2049.0}, {"index": 4833, "quantile": 0.0, "value": 92600.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 1868.0}, {"index": 4833, "quantile": 0.25, "value": 157000.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 1868.0}, {"index": 4833, "quantile": 0.5, "value": 162500.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 1868.0}, {"index": 4833, "quantile": 0.75, "value": 162500.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 1868.0}, {"index": 4833, "quantile": 1.0, "value": 190600.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 1868.0}, {"index": 4834, "quantile": 0.0, "value": 96900.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 1605.0}, {"index": 4834, "quantile": 0.25, "value": 152800.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 1605.0}, {"index": 4834, "quantile": 0.5, "value": 152800.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 1605.0}, {"index": 4834, "quantile": 0.75, "value": 152800.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 1605.0}, {"index": 4834, "quantile": 1.0, "value": 305800.0, "Latitude": 34.04, "Longitude": -118.3, "Population": 1605.0}, {"index": 4835, "quantile": 0.0, "value": 115900.0, "Latitude": 34.04, "Longitude": -118.29, "Population": 1272.0}, {"index": 4835, "quantile": 0.25, "value": 128099.99999999999, "Latitude": 34.04, "Longitude": -118.29, "Population": 1272.0}, {"index": 4835, "quantile": 0.5, "value": 128099.99999999999, "Latitude": 34.04, "Longitude": -118.29, "Population": 1272.0}, {"index": 4835, "quantile": 0.75, "value": 128099.99999999999, "Latitude": 34.04, "Longitude": -118.29, "Population": 1272.0}, {"index": 4835, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 34.04, "Longitude": -118.29, "Population": 1272.0}, {"index": 4836, "quantile": 0.0, "value": 89100.0, "Latitude": 34.04, "Longitude": -118.29, "Population": 702.0}, {"index": 4836, "quantile": 0.25, "value": 125000.0, "Latitude": 34.04, "Longitude": -118.29, "Population": 702.0}, {"index": 4836, "quantile": 0.5, "value": 125000.0, "Latitude": 34.04, "Longitude": -118.29, "Population": 702.0}, {"index": 4836, "quantile": 0.75, "value": 132500.0, "Latitude": 34.04, "Longitude": -118.29, "Population": 702.0}, {"index": 4836, "quantile": 1.0, "value": 225000.0, "Latitude": 34.04, "Longitude": -118.29, "Population": 702.0}, {"index": 4837, "quantile": 0.0, "value": 117700.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 2099.0}, {"index": 4837, "quantile": 0.25, "value": 136400.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 2099.0}, {"index": 4837, "quantile": 0.5, "value": 136400.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 2099.0}, {"index": 4837, "quantile": 0.75, "value": 136400.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 2099.0}, {"index": 4837, "quantile": 1.0, "value": 275000.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 2099.0}, {"index": 4838, "quantile": 0.0, "value": 92200.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 953.0}, {"index": 4838, "quantile": 0.25, "value": 147025.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 953.0}, {"index": 4838, "quantile": 0.5, "value": 151600.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 953.0}, {"index": 4838, "quantile": 0.75, "value": 151600.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 953.0}, {"index": 4838, "quantile": 1.0, "value": 190600.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 953.0}, {"index": 4839, "quantile": 0.0, "value": 87500.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 822.0}, {"index": 4839, "quantile": 0.25, "value": 179200.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 822.0}, {"index": 4839, "quantile": 0.5, "value": 179200.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 822.0}, {"index": 4839, "quantile": 0.75, "value": 179200.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 822.0}, {"index": 4839, "quantile": 1.0, "value": 450000.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 822.0}, {"index": 4840, "quantile": 0.0, "value": 52500.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 3323.0}, {"index": 4840, "quantile": 0.25, "value": 142500.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 3323.0}, {"index": 4840, "quantile": 0.5, "value": 168800.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 3323.0}, {"index": 4840, "quantile": 0.75, "value": 225000.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 3323.0}, {"index": 4840, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.29, "Population": 3323.0}, {"index": 4841, "quantile": 0.0, "value": 107900.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 1777.0}, {"index": 4841, "quantile": 0.25, "value": 135200.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 1777.0}, {"index": 4841, "quantile": 0.5, "value": 135200.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 1777.0}, {"index": 4841, "quantile": 0.75, "value": 136675.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 1777.0}, {"index": 4841, "quantile": 1.0, "value": 214600.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 1777.0}, {"index": 4842, "quantile": 0.0, "value": 87500.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 2381.0}, {"index": 4842, "quantile": 0.25, "value": 168800.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 2381.0}, {"index": 4842, "quantile": 0.5, "value": 168800.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 2381.0}, {"index": 4842, "quantile": 0.75, "value": 168800.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 2381.0}, {"index": 4842, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.29, "Population": 2381.0}, {"index": 4843, "quantile": 0.0, "value": 92400.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 1085.0}, {"index": 4843, "quantile": 0.25, "value": 127175.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 1085.0}, {"index": 4843, "quantile": 0.5, "value": 146400.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 1085.0}, {"index": 4843, "quantile": 0.75, "value": 162200.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 1085.0}, {"index": 4843, "quantile": 1.0, "value": 222200.0, "Latitude": 34.03, "Longitude": -118.29, "Population": 1085.0}, {"index": 4844, "quantile": 0.0, "value": 95100.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 1343.0}, {"index": 4844, "quantile": 0.25, "value": 135500.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 1343.0}, {"index": 4844, "quantile": 0.5, "value": 135500.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 1343.0}, {"index": 4844, "quantile": 0.75, "value": 135500.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 1343.0}, {"index": 4844, "quantile": 1.0, "value": 215600.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 1343.0}, {"index": 4845, "quantile": 0.0, "value": 98100.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 1233.0}, {"index": 4845, "quantile": 0.25, "value": 132200.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 1233.0}, {"index": 4845, "quantile": 0.5, "value": 132200.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 1233.0}, {"index": 4845, "quantile": 0.75, "value": 132200.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 1233.0}, {"index": 4845, "quantile": 1.0, "value": 232100.00000000003, "Latitude": 34.03, "Longitude": -118.31, "Population": 1233.0}, {"index": 4846, "quantile": 0.0, "value": 61100.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 814.0}, {"index": 4846, "quantile": 0.25, "value": 111400.00000000001, "Latitude": 34.02, "Longitude": -118.31, "Population": 814.0}, {"index": 4846, "quantile": 0.5, "value": 111400.00000000001, "Latitude": 34.02, "Longitude": -118.31, "Population": 814.0}, {"index": 4846, "quantile": 0.75, "value": 136125.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 814.0}, {"index": 4846, "quantile": 1.0, "value": 445000.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 814.0}, {"index": 4847, "quantile": 0.0, "value": 97200.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 931.0}, {"index": 4847, "quantile": 0.25, "value": 113700.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 931.0}, {"index": 4847, "quantile": 0.5, "value": 122750.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 931.0}, {"index": 4847, "quantile": 0.75, "value": 129099.99999999999, "Latitude": 34.02, "Longitude": -118.31, "Population": 931.0}, {"index": 4847, "quantile": 1.0, "value": 190600.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 931.0}, {"index": 4848, "quantile": 0.0, "value": 95200.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 822.0}, {"index": 4848, "quantile": 0.25, "value": 98100.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 822.0}, {"index": 4848, "quantile": 0.5, "value": 98100.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 822.0}, {"index": 4848, "quantile": 0.75, "value": 121000.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 822.0}, {"index": 4848, "quantile": 1.0, "value": 223200.00000000003, "Latitude": 34.02, "Longitude": -118.31, "Population": 822.0}, {"index": 4849, "quantile": 0.0, "value": 93800.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 1186.0}, {"index": 4849, "quantile": 0.25, "value": 98400.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 1186.0}, {"index": 4849, "quantile": 0.5, "value": 98400.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 1186.0}, {"index": 4849, "quantile": 0.75, "value": 116900.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 1186.0}, {"index": 4849, "quantile": 1.0, "value": 147900.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 1186.0}, {"index": 4850, "quantile": 0.0, "value": 96100.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 1775.0}, {"index": 4850, "quantile": 0.25, "value": 135425.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 1775.0}, {"index": 4850, "quantile": 0.5, "value": 147900.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 1775.0}, {"index": 4850, "quantile": 0.75, "value": 147900.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 1775.0}, {"index": 4850, "quantile": 1.0, "value": 187500.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 1775.0}, {"index": 4851, "quantile": 0.0, "value": 99300.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 1138.0}, {"index": 4851, "quantile": 0.25, "value": 136200.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 1138.0}, {"index": 4851, "quantile": 0.5, "value": 150000.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 1138.0}, {"index": 4851, "quantile": 0.75, "value": 150000.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 1138.0}, {"index": 4851, "quantile": 1.0, "value": 202800.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 1138.0}, {"index": 4852, "quantile": 0.0, "value": 98200.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 785.0}, {"index": 4852, "quantile": 0.25, "value": 135500.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 785.0}, {"index": 4852, "quantile": 0.5, "value": 138400.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 785.0}, {"index": 4852, "quantile": 0.75, "value": 138400.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 785.0}, {"index": 4852, "quantile": 1.0, "value": 225999.99999999997, "Latitude": 34.03, "Longitude": -118.31, "Population": 785.0}, {"index": 4853, "quantile": 0.0, "value": 103400.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 2586.0}, {"index": 4853, "quantile": 0.25, "value": 145150.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 2586.0}, {"index": 4853, "quantile": 0.5, "value": 187500.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 2586.0}, {"index": 4853, "quantile": 0.75, "value": 187500.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 2586.0}, {"index": 4853, "quantile": 1.0, "value": 214600.0, "Latitude": 34.03, "Longitude": -118.3, "Population": 2586.0}, {"index": 4854, "quantile": 0.0, "value": 99200.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 1479.0}, {"index": 4854, "quantile": 0.25, "value": 156600.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 1479.0}, {"index": 4854, "quantile": 0.5, "value": 156600.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 1479.0}, {"index": 4854, "quantile": 0.75, "value": 156600.0, "Latitude": 34.03, "Longitude": -118.31, "Population": 1479.0}, {"index": 4854, "quantile": 1.0, "value": 229199.99999999997, "Latitude": 34.03, "Longitude": -118.31, "Population": 1479.0}, {"index": 4855, "quantile": 0.0, "value": 98400.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 1333.0}, {"index": 4855, "quantile": 0.25, "value": 127099.99999999999, "Latitude": 34.02, "Longitude": -118.31, "Population": 1333.0}, {"index": 4855, "quantile": 0.5, "value": 127099.99999999999, "Latitude": 34.02, "Longitude": -118.31, "Population": 1333.0}, {"index": 4855, "quantile": 0.75, "value": 127099.99999999999, "Latitude": 34.02, "Longitude": -118.31, "Population": 1333.0}, {"index": 4855, "quantile": 1.0, "value": 232700.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 1333.0}, {"index": 4856, "quantile": 0.0, "value": 93400.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 1409.0}, {"index": 4856, "quantile": 0.25, "value": 112100.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 1409.0}, {"index": 4856, "quantile": 0.5, "value": 112100.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 1409.0}, {"index": 4856, "quantile": 0.75, "value": 123400.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 1409.0}, {"index": 4856, "quantile": 1.0, "value": 237500.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 1409.0}, {"index": 4857, "quantile": 0.0, "value": 86200.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 1522.0}, {"index": 4857, "quantile": 0.25, "value": 109600.00000000001, "Latitude": 34.02, "Longitude": -118.3, "Population": 1522.0}, {"index": 4857, "quantile": 0.5, "value": 116900.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 1522.0}, {"index": 4857, "quantile": 0.75, "value": 125350.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 1522.0}, {"index": 4857, "quantile": 1.0, "value": 187500.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 1522.0}, {"index": 4858, "quantile": 0.0, "value": 90400.0, "Latitude": 34.02, "Longitude": -118.29, "Population": 1526.0}, {"index": 4858, "quantile": 0.25, "value": 141300.0, "Latitude": 34.02, "Longitude": -118.29, "Population": 1526.0}, {"index": 4858, "quantile": 0.5, "value": 141300.0, "Latitude": 34.02, "Longitude": -118.29, "Population": 1526.0}, {"index": 4858, "quantile": 0.75, "value": 141300.0, "Latitude": 34.02, "Longitude": -118.29, "Population": 1526.0}, {"index": 4858, "quantile": 1.0, "value": 254500.0, "Latitude": 34.02, "Longitude": -118.29, "Population": 1526.0}, {"index": 4859, "quantile": 0.0, "value": 88400.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 2474.0}, {"index": 4859, "quantile": 0.25, "value": 123425.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 2474.0}, {"index": 4859, "quantile": 0.5, "value": 137500.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 2474.0}, {"index": 4859, "quantile": 0.75, "value": 137500.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 2474.0}, {"index": 4859, "quantile": 1.0, "value": 147900.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 2474.0}, {"index": 4860, "quantile": 0.0, "value": 89800.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 1522.0}, {"index": 4860, "quantile": 0.25, "value": 115199.99999999999, "Latitude": 34.02, "Longitude": -118.3, "Population": 1522.0}, {"index": 4860, "quantile": 0.5, "value": 127099.99999999999, "Latitude": 34.02, "Longitude": -118.3, "Population": 1522.0}, {"index": 4860, "quantile": 0.75, "value": 137500.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 1522.0}, {"index": 4860, "quantile": 1.0, "value": 180000.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 1522.0}, {"index": 4861, "quantile": 0.0, "value": 38800.0, "Latitude": 34.02, "Longitude": -118.28, "Population": 2690.0}, {"index": 4861, "quantile": 0.25, "value": 118800.0, "Latitude": 34.02, "Longitude": -118.28, "Population": 2690.0}, {"index": 4861, "quantile": 0.5, "value": 158900.0, "Latitude": 34.02, "Longitude": -118.28, "Population": 2690.0}, {"index": 4861, "quantile": 0.75, "value": 223125.00000000003, "Latitude": 34.02, "Longitude": -118.28, "Population": 2690.0}, {"index": 4861, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.28, "Population": 2690.0}, {"index": 4862, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 34.03, "Longitude": -118.27, "Population": 948.0}, {"index": 4862, "quantile": 0.25, "value": 175000.0, "Latitude": 34.03, "Longitude": -118.27, "Population": 948.0}, {"index": 4862, "quantile": 0.5, "value": 175000.0, "Latitude": 34.03, "Longitude": -118.27, "Population": 948.0}, {"index": 4862, "quantile": 0.75, "value": 175000.0, "Latitude": 34.03, "Longitude": -118.27, "Population": 948.0}, {"index": 4862, "quantile": 1.0, "value": 350000.0, "Latitude": 34.03, "Longitude": -118.27, "Population": 948.0}, {"index": 4863, "quantile": 0.0, "value": 82300.0, "Latitude": 34.03, "Longitude": -118.27, "Population": 1560.0}, {"index": 4863, "quantile": 0.25, "value": 125000.0, "Latitude": 34.03, "Longitude": -118.27, "Population": 1560.0}, {"index": 4863, "quantile": 0.5, "value": 125000.0, "Latitude": 34.03, "Longitude": -118.27, "Population": 1560.0}, {"index": 4863, "quantile": 0.75, "value": 125000.0, "Latitude": 34.03, "Longitude": -118.27, "Population": 1560.0}, {"index": 4863, "quantile": 1.0, "value": 225000.0, "Latitude": 34.03, "Longitude": -118.27, "Population": 1560.0}, {"index": 4864, "quantile": 0.0, "value": 52500.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 890.0}, {"index": 4864, "quantile": 0.25, "value": 162500.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 890.0}, {"index": 4864, "quantile": 0.5, "value": 162500.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 890.0}, {"index": 4864, "quantile": 0.75, "value": 162500.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 890.0}, {"index": 4864, "quantile": 1.0, "value": 275000.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 890.0}, {"index": 4865, "quantile": 0.0, "value": 91400.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 1932.0}, {"index": 4865, "quantile": 0.25, "value": 160200.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 1932.0}, {"index": 4865, "quantile": 0.5, "value": 160200.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 1932.0}, {"index": 4865, "quantile": 0.75, "value": 160200.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 1932.0}, {"index": 4865, "quantile": 1.0, "value": 275000.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 1932.0}, {"index": 4866, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.04, "Longitude": -118.28, "Population": 2390.0}, {"index": 4866, "quantile": 0.25, "value": 200000.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 2390.0}, {"index": 4866, "quantile": 0.5, "value": 200000.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 2390.0}, {"index": 4866, "quantile": 0.75, "value": 200000.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 2390.0}, {"index": 4866, "quantile": 1.0, "value": 275000.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 2390.0}, {"index": 4867, "quantile": 0.0, "value": 97200.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 1880.0}, {"index": 4867, "quantile": 0.25, "value": 153775.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 1880.0}, {"index": 4867, "quantile": 0.5, "value": 180000.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 1880.0}, {"index": 4867, "quantile": 0.75, "value": 180000.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 1880.0}, {"index": 4867, "quantile": 1.0, "value": 262500.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 1880.0}, {"index": 4868, "quantile": 0.0, "value": 109600.00000000001, "Latitude": 34.05, "Longitude": -118.28, "Population": 1754.0}, {"index": 4868, "quantile": 0.25, "value": 165050.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 1754.0}, {"index": 4868, "quantile": 0.5, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 1754.0}, {"index": 4868, "quantile": 0.75, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 1754.0}, {"index": 4868, "quantile": 1.0, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.28, "Population": 1754.0}, {"index": 4869, "quantile": 0.0, "value": 108200.00000000001, "Latitude": 34.03, "Longitude": -118.28, "Population": 3121.0}, {"index": 4869, "quantile": 0.25, "value": 147500.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 3121.0}, {"index": 4869, "quantile": 0.5, "value": 147500.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 3121.0}, {"index": 4869, "quantile": 0.75, "value": 152050.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 3121.0}, {"index": 4869, "quantile": 1.0, "value": 275000.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 3121.0}, {"index": 4870, "quantile": 0.0, "value": 100499.99999999999, "Latitude": 34.03, "Longitude": -118.28, "Population": 2195.0}, {"index": 4870, "quantile": 0.25, "value": 164600.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 2195.0}, {"index": 4870, "quantile": 0.5, "value": 164600.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 2195.0}, {"index": 4870, "quantile": 0.75, "value": 164600.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 2195.0}, {"index": 4870, "quantile": 1.0, "value": 350000.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 2195.0}, {"index": 4871, "quantile": 0.0, "value": 112000.00000000001, "Latitude": 34.04, "Longitude": -118.28, "Population": 1772.0}, {"index": 4871, "quantile": 0.25, "value": 162400.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 1772.0}, {"index": 4871, "quantile": 0.5, "value": 162500.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 1772.0}, {"index": 4871, "quantile": 0.75, "value": 162500.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 1772.0}, {"index": 4871, "quantile": 1.0, "value": 262500.0, "Latitude": 34.04, "Longitude": -118.28, "Population": 1772.0}, {"index": 4872, "quantile": 0.0, "value": 38800.0, "Latitude": 34.02, "Longitude": -118.27, "Population": 3050.0}, {"index": 4872, "quantile": 0.25, "value": 109600.00000000001, "Latitude": 34.02, "Longitude": -118.27, "Population": 3050.0}, {"index": 4872, "quantile": 0.5, "value": 123100.00000000001, "Latitude": 34.02, "Longitude": -118.27, "Population": 3050.0}, {"index": 4872, "quantile": 0.75, "value": 147275.0, "Latitude": 34.02, "Longitude": -118.27, "Population": 3050.0}, {"index": 4872, "quantile": 1.0, "value": 350000.0, "Latitude": 34.02, "Longitude": -118.27, "Population": 3050.0}, {"index": 4873, "quantile": 0.0, "value": 38800.0, "Latitude": 34.02, "Longitude": -118.28, "Population": 470.0}, {"index": 4873, "quantile": 0.25, "value": 38800.0, "Latitude": 34.02, "Longitude": -118.28, "Population": 470.0}, {"index": 4873, "quantile": 0.5, "value": 38800.0, "Latitude": 34.02, "Longitude": -118.28, "Population": 470.0}, {"index": 4873, "quantile": 0.75, "value": 137500.0, "Latitude": 34.02, "Longitude": -118.28, "Population": 470.0}, {"index": 4873, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.28, "Population": 470.0}, {"index": 4874, "quantile": 0.0, "value": 70300.0, "Latitude": 34.02, "Longitude": -118.27, "Population": 662.0}, {"index": 4874, "quantile": 0.25, "value": 156300.0, "Latitude": 34.02, "Longitude": -118.27, "Population": 662.0}, {"index": 4874, "quantile": 0.5, "value": 187500.0, "Latitude": 34.02, "Longitude": -118.27, "Population": 662.0}, {"index": 4874, "quantile": 0.75, "value": 187500.0, "Latitude": 34.02, "Longitude": -118.27, "Population": 662.0}, {"index": 4874, "quantile": 1.0, "value": 350000.0, "Latitude": 34.02, "Longitude": -118.27, "Population": 662.0}, {"index": 4875, "quantile": 0.0, "value": 87500.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 2821.0}, {"index": 4875, "quantile": 0.25, "value": 147500.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 2821.0}, {"index": 4875, "quantile": 0.5, "value": 350000.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 2821.0}, {"index": 4875, "quantile": 0.75, "value": 350000.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 2821.0}, {"index": 4875, "quantile": 1.0, "value": 350000.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 2821.0}, {"index": 4876, "quantile": 0.0, "value": 58299.99999999999, "Latitude": 34.03, "Longitude": -118.28, "Population": 1193.0}, {"index": 4876, "quantile": 0.25, "value": 197275.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 1193.0}, {"index": 4876, "quantile": 0.5, "value": 225000.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 1193.0}, {"index": 4876, "quantile": 0.75, "value": 225000.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 1193.0}, {"index": 4876, "quantile": 1.0, "value": 475000.0, "Latitude": 34.03, "Longitude": -118.28, "Population": 1193.0}, {"index": 4877, "quantile": 0.0, "value": 38800.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 356.0}, {"index": 4877, "quantile": 0.25, "value": 158300.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 356.0}, {"index": 4877, "quantile": 0.5, "value": 158300.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 356.0}, {"index": 4877, "quantile": 0.75, "value": 158300.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 356.0}, {"index": 4877, "quantile": 1.0, "value": 350000.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 356.0}, {"index": 4878, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 34.03, "Longitude": -118.24, "Population": 137.0}, {"index": 4878, "quantile": 0.25, "value": 247375.0, "Latitude": 34.03, "Longitude": -118.24, "Population": 137.0}, {"index": 4878, "quantile": 0.5, "value": 312500.0, "Latitude": 34.03, "Longitude": -118.24, "Population": 137.0}, {"index": 4878, "quantile": 0.75, "value": 312500.0, "Latitude": 34.03, "Longitude": -118.24, "Population": 137.0}, {"index": 4878, "quantile": 1.0, "value": 350000.0, "Latitude": 34.03, "Longitude": -118.24, "Population": 137.0}, {"index": 4879, "quantile": 0.0, "value": 67500.0, "Latitude": 34.03, "Longitude": -118.26, "Population": 287.0}, {"index": 4879, "quantile": 0.25, "value": 98200.0, "Latitude": 34.03, "Longitude": -118.26, "Population": 287.0}, {"index": 4879, "quantile": 0.5, "value": 122000.0, "Latitude": 34.03, "Longitude": -118.26, "Population": 287.0}, {"index": 4879, "quantile": 0.75, "value": 146775.0, "Latitude": 34.03, "Longitude": -118.26, "Population": 287.0}, {"index": 4879, "quantile": 1.0, "value": 350000.0, "Latitude": 34.03, "Longitude": -118.26, "Population": 287.0}, {"index": 4880, "quantile": 0.0, "value": 38800.0, "Latitude": 34.03, "Longitude": -118.25, "Population": 1655.0}, {"index": 4880, "quantile": 0.25, "value": 124000.0, "Latitude": 34.03, "Longitude": -118.25, "Population": 1655.0}, {"index": 4880, "quantile": 0.5, "value": 124000.0, "Latitude": 34.03, "Longitude": -118.25, "Population": 1655.0}, {"index": 4880, "quantile": 0.75, "value": 149725.00000000003, "Latitude": 34.03, "Longitude": -118.25, "Population": 1655.0}, {"index": 4880, "quantile": 1.0, "value": 225000.0, "Latitude": 34.03, "Longitude": -118.25, "Population": 1655.0}, {"index": 4881, "quantile": 0.0, "value": 91400.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 1698.0}, {"index": 4881, "quantile": 0.25, "value": 130700.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 1698.0}, {"index": 4881, "quantile": 0.5, "value": 130700.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 1698.0}, {"index": 4881, "quantile": 0.75, "value": 130700.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 1698.0}, {"index": 4881, "quantile": 1.0, "value": 166000.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 1698.0}, {"index": 4882, "quantile": 0.0, "value": 89700.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1308.0}, {"index": 4882, "quantile": 0.25, "value": 123100.00000000001, "Latitude": 34.02, "Longitude": -118.26, "Population": 1308.0}, {"index": 4882, "quantile": 0.5, "value": 123100.00000000001, "Latitude": 34.02, "Longitude": -118.26, "Population": 1308.0}, {"index": 4882, "quantile": 0.75, "value": 123100.00000000001, "Latitude": 34.02, "Longitude": -118.26, "Population": 1308.0}, {"index": 4882, "quantile": 1.0, "value": 162500.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1308.0}, {"index": 4883, "quantile": 0.0, "value": 38800.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1786.0}, {"index": 4883, "quantile": 0.25, "value": 109825.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1786.0}, {"index": 4883, "quantile": 0.5, "value": 119900.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1786.0}, {"index": 4883, "quantile": 0.75, "value": 147275.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1786.0}, {"index": 4883, "quantile": 1.0, "value": 350000.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1786.0}, {"index": 4884, "quantile": 0.0, "value": 92200.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1499.0}, {"index": 4884, "quantile": 0.25, "value": 126400.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1499.0}, {"index": 4884, "quantile": 0.5, "value": 126400.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1499.0}, {"index": 4884, "quantile": 0.75, "value": 126400.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1499.0}, {"index": 4884, "quantile": 1.0, "value": 160200.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1499.0}, {"index": 4885, "quantile": 0.0, "value": 100800.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 2173.0}, {"index": 4885, "quantile": 0.25, "value": 117700.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 2173.0}, {"index": 4885, "quantile": 0.5, "value": 117700.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 2173.0}, {"index": 4885, "quantile": 0.75, "value": 118500.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 2173.0}, {"index": 4885, "quantile": 1.0, "value": 169900.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 2173.0}, {"index": 4886, "quantile": 0.0, "value": 93800.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1859.0}, {"index": 4886, "quantile": 0.25, "value": 96200.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1859.0}, {"index": 4886, "quantile": 0.5, "value": 96200.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1859.0}, {"index": 4886, "quantile": 0.75, "value": 109600.00000000001, "Latitude": 34.02, "Longitude": -118.26, "Population": 1859.0}, {"index": 4886, "quantile": 1.0, "value": 191700.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1859.0}, {"index": 4887, "quantile": 0.0, "value": 38800.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1607.0}, {"index": 4887, "quantile": 0.25, "value": 114799.99999999999, "Latitude": 34.02, "Longitude": -118.26, "Population": 1607.0}, {"index": 4887, "quantile": 0.5, "value": 114799.99999999999, "Latitude": 34.02, "Longitude": -118.26, "Population": 1607.0}, {"index": 4887, "quantile": 0.75, "value": 114799.99999999999, "Latitude": 34.02, "Longitude": -118.26, "Population": 1607.0}, {"index": 4887, "quantile": 1.0, "value": 176600.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1607.0}, {"index": 4888, "quantile": 0.0, "value": 39600.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1428.0}, {"index": 4888, "quantile": 0.25, "value": 109600.00000000001, "Latitude": 34.02, "Longitude": -118.26, "Population": 1428.0}, {"index": 4888, "quantile": 0.5, "value": 109600.00000000001, "Latitude": 34.02, "Longitude": -118.26, "Population": 1428.0}, {"index": 4888, "quantile": 0.75, "value": 123100.00000000001, "Latitude": 34.02, "Longitude": -118.26, "Population": 1428.0}, {"index": 4888, "quantile": 1.0, "value": 275000.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1428.0}, {"index": 4889, "quantile": 0.0, "value": 38800.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1046.0}, {"index": 4889, "quantile": 0.25, "value": 113300.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1046.0}, {"index": 4889, "quantile": 0.5, "value": 119900.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1046.0}, {"index": 4889, "quantile": 0.75, "value": 147600.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1046.0}, {"index": 4889, "quantile": 1.0, "value": 171200.0, "Latitude": 34.02, "Longitude": -118.26, "Population": 1046.0}, {"index": 4890, "quantile": 0.0, "value": 38800.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 2239.0}, {"index": 4890, "quantile": 0.25, "value": 109600.00000000001, "Latitude": 34.02, "Longitude": -118.25, "Population": 2239.0}, {"index": 4890, "quantile": 0.5, "value": 130700.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 2239.0}, {"index": 4890, "quantile": 0.75, "value": 154075.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 2239.0}, {"index": 4890, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.25, "Population": 2239.0}, {"index": 4891, "quantile": 0.0, "value": 38800.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 2564.0}, {"index": 4891, "quantile": 0.25, "value": 113574.99999999999, "Latitude": 34.02, "Longitude": -118.25, "Population": 2564.0}, {"index": 4891, "quantile": 0.5, "value": 124500.00000000001, "Latitude": 34.02, "Longitude": -118.25, "Population": 2564.0}, {"index": 4891, "quantile": 0.75, "value": 154250.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 2564.0}, {"index": 4891, "quantile": 1.0, "value": 350000.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 2564.0}, {"index": 4892, "quantile": 0.0, "value": 86300.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 596.0}, {"index": 4892, "quantile": 0.25, "value": 90300.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 596.0}, {"index": 4892, "quantile": 0.5, "value": 90300.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 596.0}, {"index": 4892, "quantile": 0.75, "value": 92275.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 596.0}, {"index": 4892, "quantile": 1.0, "value": 126800.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 596.0}, {"index": 4893, "quantile": 0.0, "value": 97200.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 1792.0}, {"index": 4893, "quantile": 0.25, "value": 119900.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 1792.0}, {"index": 4893, "quantile": 0.5, "value": 119900.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 1792.0}, {"index": 4893, "quantile": 0.75, "value": 120925.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 1792.0}, {"index": 4893, "quantile": 1.0, "value": 200000.0, "Latitude": 34.02, "Longitude": -118.25, "Population": 1792.0}, {"index": 4894, "quantile": 0.0, "value": 38800.0, "Latitude": 34.02, "Longitude": -118.24, "Population": 571.0}, {"index": 4894, "quantile": 0.25, "value": 90600.0, "Latitude": 34.02, "Longitude": -118.24, "Population": 571.0}, {"index": 4894, "quantile": 0.5, "value": 90600.0, "Latitude": 34.02, "Longitude": -118.24, "Population": 571.0}, {"index": 4894, "quantile": 0.75, "value": 98600.0, "Latitude": 34.02, "Longitude": -118.24, "Population": 571.0}, {"index": 4894, "quantile": 1.0, "value": 350000.0, "Latitude": 34.02, "Longitude": -118.24, "Population": 571.0}, {"index": 4895, "quantile": 0.0, "value": 84200.0, "Latitude": 34.01, "Longitude": -118.24, "Population": 485.0}, {"index": 4895, "quantile": 0.25, "value": 107500.0, "Latitude": 34.01, "Longitude": -118.24, "Population": 485.0}, {"index": 4895, "quantile": 0.5, "value": 107500.0, "Latitude": 34.01, "Longitude": -118.24, "Population": 485.0}, {"index": 4895, "quantile": 0.75, "value": 107500.0, "Latitude": 34.01, "Longitude": -118.24, "Population": 485.0}, {"index": 4895, "quantile": 1.0, "value": 126600.0, "Latitude": 34.01, "Longitude": -118.24, "Population": 485.0}, {"index": 4896, "quantile": 0.0, "value": 38800.0, "Latitude": 34.01, "Longitude": -118.24, "Population": 2098.0}, {"index": 4896, "quantile": 0.25, "value": 100499.99999999999, "Latitude": 34.01, "Longitude": -118.24, "Population": 2098.0}, {"index": 4896, "quantile": 0.5, "value": 108200.00000000001, "Latitude": 34.01, "Longitude": -118.24, "Population": 2098.0}, {"index": 4896, "quantile": 0.75, "value": 114799.99999999999, "Latitude": 34.01, "Longitude": -118.24, "Population": 2098.0}, {"index": 4896, "quantile": 1.0, "value": 187500.0, "Latitude": 34.01, "Longitude": -118.24, "Population": 2098.0}, {"index": 4897, "quantile": 0.0, "value": 38800.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1952.0}, {"index": 4897, "quantile": 0.25, "value": 100800.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1952.0}, {"index": 4897, "quantile": 0.5, "value": 100800.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1952.0}, {"index": 4897, "quantile": 0.75, "value": 115100.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1952.0}, {"index": 4897, "quantile": 1.0, "value": 187500.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1952.0}, {"index": 4898, "quantile": 0.0, "value": 38800.0, "Latitude": 34.01, "Longitude": -118.24, "Population": 376.0}, {"index": 4898, "quantile": 0.25, "value": 105624.99999999999, "Latitude": 34.01, "Longitude": -118.24, "Population": 376.0}, {"index": 4898, "quantile": 0.5, "value": 127499.99999999999, "Latitude": 34.01, "Longitude": -118.24, "Population": 376.0}, {"index": 4898, "quantile": 0.75, "value": 127499.99999999999, "Latitude": 34.01, "Longitude": -118.24, "Population": 376.0}, {"index": 4898, "quantile": 1.0, "value": 134600.0, "Latitude": 34.01, "Longitude": -118.24, "Population": 376.0}, {"index": 4899, "quantile": 0.0, "value": 81300.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1030.0}, {"index": 4899, "quantile": 0.25, "value": 93400.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1030.0}, {"index": 4899, "quantile": 0.5, "value": 93400.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1030.0}, {"index": 4899, "quantile": 0.75, "value": 99300.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1030.0}, {"index": 4899, "quantile": 1.0, "value": 187500.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1030.0}, {"index": 4900, "quantile": 0.0, "value": 88700.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1034.0}, {"index": 4900, "quantile": 0.25, "value": 99300.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1034.0}, {"index": 4900, "quantile": 0.5, "value": 99300.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1034.0}, {"index": 4900, "quantile": 0.75, "value": 99300.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1034.0}, {"index": 4900, "quantile": 1.0, "value": 127099.99999999999, "Latitude": 34.01, "Longitude": -118.25, "Population": 1034.0}, {"index": 4901, "quantile": 0.0, "value": 81300.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1412.0}, {"index": 4901, "quantile": 0.25, "value": 107200.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1412.0}, {"index": 4901, "quantile": 0.5, "value": 107200.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1412.0}, {"index": 4901, "quantile": 0.75, "value": 107200.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1412.0}, {"index": 4901, "quantile": 1.0, "value": 132000.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1412.0}, {"index": 4902, "quantile": 0.0, "value": 90100.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1980.0}, {"index": 4902, "quantile": 0.25, "value": 100499.99999999999, "Latitude": 34.01, "Longitude": -118.25, "Population": 1980.0}, {"index": 4902, "quantile": 0.5, "value": 100499.99999999999, "Latitude": 34.01, "Longitude": -118.25, "Population": 1980.0}, {"index": 4902, "quantile": 0.75, "value": 103600.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1980.0}, {"index": 4902, "quantile": 1.0, "value": 180000.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1980.0}, {"index": 4903, "quantile": 0.0, "value": 38800.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1280.0}, {"index": 4903, "quantile": 0.25, "value": 99300.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1280.0}, {"index": 4903, "quantile": 0.5, "value": 100800.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1280.0}, {"index": 4903, "quantile": 0.75, "value": 114799.99999999999, "Latitude": 34.01, "Longitude": -118.25, "Population": 1280.0}, {"index": 4903, "quantile": 1.0, "value": 181300.0, "Latitude": 34.01, "Longitude": -118.25, "Population": 1280.0}, {"index": 4904, "quantile": 0.0, "value": 86300.0, "Latitude": 34.01, "Longitude": -118.26, "Population": 749.0}, {"index": 4904, "quantile": 0.25, "value": 90400.0, "Latitude": 34.01, "Longitude": -118.26, "Population": 749.0}, {"index": 4904, "quantile": 0.5, "value": 100000.0, "Latitude": 34.01, "Longitude": -118.26, "Population": 749.0}, {"index": 4904, "quantile": 0.75, "value": 126800.0, "Latitude": 34.01, "Longitude": -118.26, "Population": 749.0}, {"index": 4904, "quantile": 1.0, "value": 162500.0, "Latitude": 34.01, "Longitude": -118.26, "Population": 749.0}, {"index": 4905, "quantile": 0.0, "value": 38800.0, "Latitude": 34.01, "Longitude": -118.26, "Population": 1628.0}, {"index": 4905, "quantile": 0.25, "value": 107350.00000000001, "Latitude": 34.01, "Longitude": -118.26, "Population": 1628.0}, {"index": 4905, "quantile": 0.5, "value": 115799.99999999999, "Latitude": 34.01, "Longitude": -118.26, "Population": 1628.0}, {"index": 4905, "quantile": 0.75, "value": 115799.99999999999, "Latitude": 34.01, "Longitude": -118.26, "Population": 1628.0}, {"index": 4905, "quantile": 1.0, "value": 141300.0, "Latitude": 34.01, "Longitude": -118.26, "Population": 1628.0}, {"index": 4906, "quantile": 0.0, "value": 92200.0, "Latitude": 34.01, "Longitude": -118.26, "Population": 2824.0}, {"index": 4906, "quantile": 0.25, "value": 99600.0, "Latitude": 34.01, "Longitude": -118.26, "Population": 2824.0}, {"index": 4906, "quantile": 0.5, "value": 99600.0, "Latitude": 34.01, "Longitude": -118.26, "Population": 2824.0}, {"index": 4906, "quantile": 0.75, "value": 108200.00000000001, "Latitude": 34.01, "Longitude": -118.26, "Population": 2824.0}, {"index": 4906, "quantile": 1.0, "value": 190600.0, "Latitude": 34.01, "Longitude": -118.26, "Population": 2824.0}, {"index": 4907, "quantile": 0.0, "value": 90100.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 1167.0}, {"index": 4907, "quantile": 0.25, "value": 108150.00000000001, "Latitude": 34.01, "Longitude": -118.27, "Population": 1167.0}, {"index": 4907, "quantile": 0.5, "value": 126800.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 1167.0}, {"index": 4907, "quantile": 0.75, "value": 126800.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 1167.0}, {"index": 4907, "quantile": 1.0, "value": 140600.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 1167.0}, {"index": 4908, "quantile": 0.0, "value": 92200.0, "Latitude": 34.01, "Longitude": -118.26, "Population": 1010.0}, {"index": 4908, "quantile": 0.25, "value": 117200.0, "Latitude": 34.01, "Longitude": -118.26, "Population": 1010.0}, {"index": 4908, "quantile": 0.5, "value": 118300.0, "Latitude": 34.01, "Longitude": -118.26, "Population": 1010.0}, {"index": 4908, "quantile": 0.75, "value": 118300.0, "Latitude": 34.01, "Longitude": -118.26, "Population": 1010.0}, {"index": 4908, "quantile": 1.0, "value": 158300.0, "Latitude": 34.01, "Longitude": -118.26, "Population": 1010.0}, {"index": 4909, "quantile": 0.0, "value": 96400.0, "Latitude": 34.02, "Longitude": -118.27, "Population": 1505.0}, {"index": 4909, "quantile": 0.25, "value": 97200.0, "Latitude": 34.02, "Longitude": -118.27, "Population": 1505.0}, {"index": 4909, "quantile": 0.5, "value": 97200.0, "Latitude": 34.02, "Longitude": -118.27, "Population": 1505.0}, {"index": 4909, "quantile": 0.75, "value": 153100.0, "Latitude": 34.02, "Longitude": -118.27, "Population": 1505.0}, {"index": 4909, "quantile": 1.0, "value": 241699.99999999997, "Latitude": 34.02, "Longitude": -118.27, "Population": 1505.0}, {"index": 4910, "quantile": 0.0, "value": 38800.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 1784.0}, {"index": 4910, "quantile": 0.25, "value": 99900.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 1784.0}, {"index": 4910, "quantile": 0.5, "value": 113300.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 1784.0}, {"index": 4910, "quantile": 0.75, "value": 126400.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 1784.0}, {"index": 4910, "quantile": 1.0, "value": 248100.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 1784.0}, {"index": 4911, "quantile": 0.0, "value": 38800.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 2106.0}, {"index": 4911, "quantile": 0.25, "value": 109600.00000000001, "Latitude": 34.01, "Longitude": -118.27, "Population": 2106.0}, {"index": 4911, "quantile": 0.5, "value": 130700.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 2106.0}, {"index": 4911, "quantile": 0.75, "value": 136675.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 2106.0}, {"index": 4911, "quantile": 1.0, "value": 400000.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 2106.0}, {"index": 4912, "quantile": 0.0, "value": 81300.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 881.0}, {"index": 4912, "quantile": 0.25, "value": 112075.00000000001, "Latitude": 34.01, "Longitude": -118.27, "Population": 881.0}, {"index": 4912, "quantile": 0.5, "value": 114100.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 881.0}, {"index": 4912, "quantile": 0.75, "value": 114100.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 881.0}, {"index": 4912, "quantile": 1.0, "value": 200000.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 881.0}, {"index": 4913, "quantile": 0.0, "value": 93400.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 1745.0}, {"index": 4913, "quantile": 0.25, "value": 113300.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 1745.0}, {"index": 4913, "quantile": 0.5, "value": 113300.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 1745.0}, {"index": 4913, "quantile": 0.75, "value": 113300.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 1745.0}, {"index": 4913, "quantile": 1.0, "value": 179200.0, "Latitude": 34.01, "Longitude": -118.27, "Population": 1745.0}, {"index": 4914, "quantile": 0.0, "value": 84700.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 1707.0}, {"index": 4914, "quantile": 0.25, "value": 100275.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 1707.0}, {"index": 4914, "quantile": 0.5, "value": 107400.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 1707.0}, {"index": 4914, "quantile": 0.75, "value": 118300.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 1707.0}, {"index": 4914, "quantile": 1.0, "value": 190600.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 1707.0}, {"index": 4915, "quantile": 0.0, "value": 92500.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 1834.0}, {"index": 4915, "quantile": 0.25, "value": 107400.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 1834.0}, {"index": 4915, "quantile": 0.5, "value": 107400.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 1834.0}, {"index": 4915, "quantile": 0.75, "value": 107400.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 1834.0}, {"index": 4915, "quantile": 1.0, "value": 162500.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 1834.0}, {"index": 4916, "quantile": 0.0, "value": 84200.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 888.0}, {"index": 4916, "quantile": 0.25, "value": 95800.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 888.0}, {"index": 4916, "quantile": 0.5, "value": 95800.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 888.0}, {"index": 4916, "quantile": 0.75, "value": 98825.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 888.0}, {"index": 4916, "quantile": 1.0, "value": 227199.99999999997, "Latitude": 34.0, "Longitude": -118.27, "Population": 888.0}, {"index": 4917, "quantile": 0.0, "value": 95800.0, "Latitude": 34.01, "Longitude": -118.26, "Population": 2624.0}, {"index": 4917, "quantile": 0.25, "value": 108200.00000000001, "Latitude": 34.01, "Longitude": -118.26, "Population": 2624.0}, {"index": 4917, "quantile": 0.5, "value": 108200.00000000001, "Latitude": 34.01, "Longitude": -118.26, "Population": 2624.0}, {"index": 4917, "quantile": 0.75, "value": 108200.00000000001, "Latitude": 34.01, "Longitude": -118.26, "Population": 2624.0}, {"index": 4917, "quantile": 1.0, "value": 185900.0, "Latitude": 34.01, "Longitude": -118.26, "Population": 2624.0}, {"index": 4918, "quantile": 0.0, "value": 88200.0, "Latitude": 34.0, "Longitude": -118.26, "Population": 1776.0}, {"index": 4918, "quantile": 0.25, "value": 104200.0, "Latitude": 34.0, "Longitude": -118.26, "Population": 1776.0}, {"index": 4918, "quantile": 0.5, "value": 104200.0, "Latitude": 34.0, "Longitude": -118.26, "Population": 1776.0}, {"index": 4918, "quantile": 0.75, "value": 104200.0, "Latitude": 34.0, "Longitude": -118.26, "Population": 1776.0}, {"index": 4918, "quantile": 1.0, "value": 157100.0, "Latitude": 34.0, "Longitude": -118.26, "Population": 1776.0}, {"index": 4919, "quantile": 0.0, "value": 90100.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 1112.0}, {"index": 4919, "quantile": 0.25, "value": 105800.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 1112.0}, {"index": 4919, "quantile": 0.5, "value": 105800.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 1112.0}, {"index": 4919, "quantile": 0.75, "value": 105800.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 1112.0}, {"index": 4919, "quantile": 1.0, "value": 134600.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 1112.0}, {"index": 4920, "quantile": 0.0, "value": 88200.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 1267.0}, {"index": 4920, "quantile": 0.25, "value": 102899.99999999999, "Latitude": 34.0, "Longitude": -118.25, "Population": 1267.0}, {"index": 4920, "quantile": 0.5, "value": 105000.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 1267.0}, {"index": 4920, "quantile": 0.75, "value": 105000.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 1267.0}, {"index": 4920, "quantile": 1.0, "value": 126800.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 1267.0}, {"index": 4921, "quantile": 0.0, "value": 97100.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 1292.0}, {"index": 4921, "quantile": 0.25, "value": 102899.99999999999, "Latitude": 34.0, "Longitude": -118.25, "Population": 1292.0}, {"index": 4921, "quantile": 0.5, "value": 102899.99999999999, "Latitude": 34.0, "Longitude": -118.25, "Population": 1292.0}, {"index": 4921, "quantile": 0.75, "value": 105000.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 1292.0}, {"index": 4921, "quantile": 1.0, "value": 127099.99999999999, "Latitude": 34.0, "Longitude": -118.25, "Population": 1292.0}, {"index": 4922, "quantile": 0.0, "value": 90400.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 1721.0}, {"index": 4922, "quantile": 0.25, "value": 90400.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 1721.0}, {"index": 4922, "quantile": 0.5, "value": 90400.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 1721.0}, {"index": 4922, "quantile": 0.75, "value": 95900.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 1721.0}, {"index": 4922, "quantile": 1.0, "value": 128000.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 1721.0}, {"index": 4923, "quantile": 0.0, "value": 90400.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 2194.0}, {"index": 4923, "quantile": 0.25, "value": 95800.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 2194.0}, {"index": 4923, "quantile": 0.5, "value": 95800.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 2194.0}, {"index": 4923, "quantile": 0.75, "value": 100000.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 2194.0}, {"index": 4923, "quantile": 1.0, "value": 141300.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 2194.0}, {"index": 4924, "quantile": 0.0, "value": 86400.0, "Latitude": 34.0, "Longitude": -118.24, "Population": 716.0}, {"index": 4924, "quantile": 0.25, "value": 87500.0, "Latitude": 34.0, "Longitude": -118.24, "Population": 716.0}, {"index": 4924, "quantile": 0.5, "value": 87500.0, "Latitude": 34.0, "Longitude": -118.24, "Population": 716.0}, {"index": 4924, "quantile": 0.75, "value": 96675.0, "Latitude": 34.0, "Longitude": -118.24, "Population": 716.0}, {"index": 4924, "quantile": 1.0, "value": 181300.0, "Latitude": 34.0, "Longitude": -118.24, "Population": 716.0}, {"index": 4925, "quantile": 0.0, "value": 87500.0, "Latitude": 34.0, "Longitude": -118.24, "Population": 788.0}, {"index": 4925, "quantile": 0.25, "value": 95000.0, "Latitude": 34.0, "Longitude": -118.24, "Population": 788.0}, {"index": 4925, "quantile": 0.5, "value": 95000.0, "Latitude": 34.0, "Longitude": -118.24, "Population": 788.0}, {"index": 4925, "quantile": 0.75, "value": 98600.0, "Latitude": 34.0, "Longitude": -118.24, "Population": 788.0}, {"index": 4925, "quantile": 1.0, "value": 134600.0, "Latitude": 34.0, "Longitude": -118.24, "Population": 788.0}, {"index": 4926, "quantile": 0.0, "value": 81300.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 1696.0}, {"index": 4926, "quantile": 0.25, "value": 104674.99999999999, "Latitude": 34.0, "Longitude": -118.25, "Population": 1696.0}, {"index": 4926, "quantile": 0.5, "value": 121249.99999999999, "Latitude": 34.0, "Longitude": -118.25, "Population": 1696.0}, {"index": 4926, "quantile": 0.75, "value": 156725.0, "Latitude": 34.0, "Longitude": -118.25, "Population": 1696.0}, {"index": 4926, "quantile": 1.0, "value": 239299.99999999997, "Latitude": 34.0, "Longitude": -118.25, "Population": 1696.0}, {"index": 4927, "quantile": 0.0, "value": 92200.0, "Latitude": 34.0, "Longitude": -118.24, "Population": 1714.0}, {"index": 4927, "quantile": 0.25, "value": 105600.0, "Latitude": 34.0, "Longitude": -118.24, "Population": 1714.0}, {"index": 4927, "quantile": 0.5, "value": 108200.00000000001, "Latitude": 34.0, "Longitude": -118.24, "Population": 1714.0}, {"index": 4927, "quantile": 0.75, "value": 108200.00000000001, "Latitude": 34.0, "Longitude": -118.24, "Population": 1714.0}, {"index": 4927, "quantile": 1.0, "value": 127099.99999999999, "Latitude": 34.0, "Longitude": -118.24, "Population": 1714.0}, {"index": 4928, "quantile": 0.0, "value": 88200.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 504.0}, {"index": 4928, "quantile": 0.25, "value": 98600.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 504.0}, {"index": 4928, "quantile": 0.5, "value": 98600.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 504.0}, {"index": 4928, "quantile": 0.75, "value": 98600.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 504.0}, {"index": 4928, "quantile": 1.0, "value": 364700.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 504.0}, {"index": 4929, "quantile": 0.0, "value": 38800.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 1803.0}, {"index": 4929, "quantile": 0.25, "value": 88200.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 1803.0}, {"index": 4929, "quantile": 0.5, "value": 88200.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 1803.0}, {"index": 4929, "quantile": 0.75, "value": 102600.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 1803.0}, {"index": 4929, "quantile": 1.0, "value": 125000.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 1803.0}, {"index": 4930, "quantile": 0.0, "value": 88200.0, "Latitude": 33.99, "Longitude": -118.25, "Population": 2496.0}, {"index": 4930, "quantile": 0.25, "value": 98500.0, "Latitude": 33.99, "Longitude": -118.25, "Population": 2496.0}, {"index": 4930, "quantile": 0.5, "value": 98500.0, "Latitude": 33.99, "Longitude": -118.25, "Population": 2496.0}, {"index": 4930, "quantile": 0.75, "value": 100299.99999999999, "Latitude": 33.99, "Longitude": -118.25, "Population": 2496.0}, {"index": 4930, "quantile": 1.0, "value": 155000.0, "Latitude": 33.99, "Longitude": -118.25, "Population": 2496.0}, {"index": 4931, "quantile": 0.0, "value": 88200.0, "Latitude": 33.99, "Longitude": -118.25, "Population": 1362.0}, {"index": 4931, "quantile": 0.25, "value": 107900.0, "Latitude": 33.99, "Longitude": -118.25, "Population": 1362.0}, {"index": 4931, "quantile": 0.5, "value": 107900.0, "Latitude": 33.99, "Longitude": -118.25, "Population": 1362.0}, {"index": 4931, "quantile": 0.75, "value": 107900.0, "Latitude": 33.99, "Longitude": -118.25, "Population": 1362.0}, {"index": 4931, "quantile": 1.0, "value": 180600.0, "Latitude": 33.99, "Longitude": -118.25, "Population": 1362.0}, {"index": 4932, "quantile": 0.0, "value": 86400.0, "Latitude": 34.0, "Longitude": -118.26, "Population": 1457.0}, {"index": 4932, "quantile": 0.25, "value": 91900.0, "Latitude": 34.0, "Longitude": -118.26, "Population": 1457.0}, {"index": 4932, "quantile": 0.5, "value": 91900.0, "Latitude": 34.0, "Longitude": -118.26, "Population": 1457.0}, {"index": 4932, "quantile": 0.75, "value": 96400.0, "Latitude": 34.0, "Longitude": -118.26, "Population": 1457.0}, {"index": 4932, "quantile": 1.0, "value": 193800.0, "Latitude": 34.0, "Longitude": -118.26, "Population": 1457.0}, {"index": 4933, "quantile": 0.0, "value": 89600.0, "Latitude": 34.0, "Longitude": -118.26, "Population": 2484.0}, {"index": 4933, "quantile": 0.25, "value": 103400.0, "Latitude": 34.0, "Longitude": -118.26, "Population": 2484.0}, {"index": 4933, "quantile": 0.5, "value": 103400.0, "Latitude": 34.0, "Longitude": -118.26, "Population": 2484.0}, {"index": 4933, "quantile": 0.75, "value": 103400.0, "Latitude": 34.0, "Longitude": -118.26, "Population": 2484.0}, {"index": 4933, "quantile": 1.0, "value": 190600.0, "Latitude": 34.0, "Longitude": -118.26, "Population": 2484.0}, {"index": 4934, "quantile": 0.0, "value": 92200.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 2311.0}, {"index": 4934, "quantile": 0.25, "value": 100450.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 2311.0}, {"index": 4934, "quantile": 0.5, "value": 104200.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 2311.0}, {"index": 4934, "quantile": 0.75, "value": 108225.00000000001, "Latitude": 34.0, "Longitude": -118.27, "Population": 2311.0}, {"index": 4934, "quantile": 1.0, "value": 248100.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 2311.0}, {"index": 4935, "quantile": 0.0, "value": 91800.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 1213.0}, {"index": 4935, "quantile": 0.25, "value": 110800.00000000001, "Latitude": 34.0, "Longitude": -118.27, "Population": 1213.0}, {"index": 4935, "quantile": 0.5, "value": 110800.00000000001, "Latitude": 34.0, "Longitude": -118.27, "Population": 1213.0}, {"index": 4935, "quantile": 0.75, "value": 110800.00000000001, "Latitude": 34.0, "Longitude": -118.27, "Population": 1213.0}, {"index": 4935, "quantile": 1.0, "value": 142800.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 1213.0}, {"index": 4936, "quantile": 0.0, "value": 90100.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 1276.0}, {"index": 4936, "quantile": 0.25, "value": 99250.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 1276.0}, {"index": 4936, "quantile": 0.5, "value": 108200.00000000001, "Latitude": 34.0, "Longitude": -118.27, "Population": 1276.0}, {"index": 4936, "quantile": 0.75, "value": 126800.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 1276.0}, {"index": 4936, "quantile": 1.0, "value": 222200.0, "Latitude": 34.0, "Longitude": -118.27, "Population": 1276.0}, {"index": 4937, "quantile": 0.0, "value": 84700.0, "Latitude": 33.99, "Longitude": -118.26, "Population": 1916.0}, {"index": 4937, "quantile": 0.25, "value": 97325.0, "Latitude": 33.99, "Longitude": -118.26, "Population": 1916.0}, {"index": 4937, "quantile": 0.5, "value": 100450.0, "Latitude": 33.99, "Longitude": -118.26, "Population": 1916.0}, {"index": 4937, "quantile": 0.75, "value": 107400.0, "Latitude": 33.99, "Longitude": -118.26, "Population": 1916.0}, {"index": 4937, "quantile": 1.0, "value": 190600.0, "Latitude": 33.99, "Longitude": -118.26, "Population": 1916.0}, {"index": 4938, "quantile": 0.0, "value": 92200.0, "Latitude": 33.99, "Longitude": -118.26, "Population": 1807.0}, {"index": 4938, "quantile": 0.25, "value": 103499.99999999999, "Latitude": 33.99, "Longitude": -118.26, "Population": 1807.0}, {"index": 4938, "quantile": 0.5, "value": 103499.99999999999, "Latitude": 33.99, "Longitude": -118.26, "Population": 1807.0}, {"index": 4938, "quantile": 0.75, "value": 103499.99999999999, "Latitude": 33.99, "Longitude": -118.26, "Population": 1807.0}, {"index": 4938, "quantile": 1.0, "value": 108200.00000000001, "Latitude": 33.99, "Longitude": -118.26, "Population": 1807.0}, {"index": 4939, "quantile": 0.0, "value": 81300.0, "Latitude": 33.99, "Longitude": -118.27, "Population": 529.0}, {"index": 4939, "quantile": 0.25, "value": 100000.0, "Latitude": 33.99, "Longitude": -118.27, "Population": 529.0}, {"index": 4939, "quantile": 0.5, "value": 100000.0, "Latitude": 33.99, "Longitude": -118.27, "Population": 529.0}, {"index": 4939, "quantile": 0.75, "value": 100000.0, "Latitude": 33.99, "Longitude": -118.27, "Population": 529.0}, {"index": 4939, "quantile": 1.0, "value": 158300.0, "Latitude": 33.99, "Longitude": -118.27, "Population": 529.0}, {"index": 4940, "quantile": 0.0, "value": 86400.0, "Latitude": 33.99, "Longitude": -118.27, "Population": 1153.0}, {"index": 4940, "quantile": 0.25, "value": 100000.0, "Latitude": 33.99, "Longitude": -118.27, "Population": 1153.0}, {"index": 4940, "quantile": 0.5, "value": 100000.0, "Latitude": 33.99, "Longitude": -118.27, "Population": 1153.0}, {"index": 4940, "quantile": 0.75, "value": 100000.0, "Latitude": 33.99, "Longitude": -118.27, "Population": 1153.0}, {"index": 4940, "quantile": 1.0, "value": 175000.0, "Latitude": 33.99, "Longitude": -118.27, "Population": 1153.0}, {"index": 4941, "quantile": 0.0, "value": 38800.0, "Latitude": 33.99, "Longitude": -118.27, "Population": 1783.0}, {"index": 4941, "quantile": 0.25, "value": 97100.0, "Latitude": 33.99, "Longitude": -118.27, "Population": 1783.0}, {"index": 4941, "quantile": 0.5, "value": 97100.0, "Latitude": 33.99, "Longitude": -118.27, "Population": 1783.0}, {"index": 4941, "quantile": 0.75, "value": 99700.0, "Latitude": 33.99, "Longitude": -118.27, "Population": 1783.0}, {"index": 4941, "quantile": 1.0, "value": 176600.0, "Latitude": 33.99, "Longitude": -118.27, "Population": 1783.0}, {"index": 4942, "quantile": 0.0, "value": 38800.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 621.0}, {"index": 4942, "quantile": 0.25, "value": 112500.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 621.0}, {"index": 4942, "quantile": 0.5, "value": 131000.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 621.0}, {"index": 4942, "quantile": 0.75, "value": 156300.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 621.0}, {"index": 4942, "quantile": 1.0, "value": 312500.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 621.0}, {"index": 4943, "quantile": 0.0, "value": 93400.0, "Latitude": 34.02, "Longitude": -118.28, "Population": 1510.0}, {"index": 4943, "quantile": 0.25, "value": 146875.0, "Latitude": 34.02, "Longitude": -118.28, "Population": 1510.0}, {"index": 4943, "quantile": 0.5, "value": 156300.0, "Latitude": 34.02, "Longitude": -118.28, "Population": 1510.0}, {"index": 4943, "quantile": 0.75, "value": 156300.0, "Latitude": 34.02, "Longitude": -118.28, "Population": 1510.0}, {"index": 4943, "quantile": 1.0, "value": 350000.0, "Latitude": 34.02, "Longitude": -118.28, "Population": 1510.0}, {"index": 4944, "quantile": 0.0, "value": 47500.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 799.0}, {"index": 4944, "quantile": 0.25, "value": 108300.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 799.0}, {"index": 4944, "quantile": 0.5, "value": 114449.99999999999, "Latitude": 34.01, "Longitude": -118.29, "Population": 799.0}, {"index": 4944, "quantile": 0.75, "value": 134600.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 799.0}, {"index": 4944, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.29, "Population": 799.0}, {"index": 4945, "quantile": 0.0, "value": 88400.0, "Latitude": 34.01, "Longitude": -118.3, "Population": 3298.0}, {"index": 4945, "quantile": 0.25, "value": 122300.00000000001, "Latitude": 34.01, "Longitude": -118.3, "Population": 3298.0}, {"index": 4945, "quantile": 0.5, "value": 122300.00000000001, "Latitude": 34.01, "Longitude": -118.3, "Population": 3298.0}, {"index": 4945, "quantile": 0.75, "value": 122300.00000000001, "Latitude": 34.01, "Longitude": -118.3, "Population": 3298.0}, {"index": 4945, "quantile": 1.0, "value": 185600.0, "Latitude": 34.01, "Longitude": -118.3, "Population": 3298.0}, {"index": 4946, "quantile": 0.0, "value": 87500.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 1768.0}, {"index": 4946, "quantile": 0.25, "value": 110800.00000000001, "Latitude": 34.02, "Longitude": -118.3, "Population": 1768.0}, {"index": 4946, "quantile": 0.5, "value": 122300.00000000001, "Latitude": 34.02, "Longitude": -118.3, "Population": 1768.0}, {"index": 4946, "quantile": 0.75, "value": 136525.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 1768.0}, {"index": 4946, "quantile": 1.0, "value": 350000.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 1768.0}, {"index": 4947, "quantile": 0.0, "value": 87500.0, "Latitude": 34.02, "Longitude": -118.29, "Population": 2044.0}, {"index": 4947, "quantile": 0.25, "value": 118800.0, "Latitude": 34.02, "Longitude": -118.29, "Population": 2044.0}, {"index": 4947, "quantile": 0.5, "value": 118800.0, "Latitude": 34.02, "Longitude": -118.29, "Population": 2044.0}, {"index": 4947, "quantile": 0.75, "value": 118800.0, "Latitude": 34.02, "Longitude": -118.29, "Population": 2044.0}, {"index": 4947, "quantile": 1.0, "value": 200000.0, "Latitude": 34.02, "Longitude": -118.29, "Population": 2044.0}, {"index": 4948, "quantile": 0.0, "value": 88700.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 2327.0}, {"index": 4948, "quantile": 0.25, "value": 108000.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 2327.0}, {"index": 4948, "quantile": 0.5, "value": 108000.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 2327.0}, {"index": 4948, "quantile": 0.75, "value": 122400.00000000001, "Latitude": 34.02, "Longitude": -118.3, "Population": 2327.0}, {"index": 4948, "quantile": 1.0, "value": 189700.0, "Latitude": 34.02, "Longitude": -118.3, "Population": 2327.0}, {"index": 4949, "quantile": 0.0, "value": 55400.00000000001, "Latitude": 34.01, "Longitude": -118.3, "Population": 818.0}, {"index": 4949, "quantile": 0.25, "value": 111700.0, "Latitude": 34.01, "Longitude": -118.3, "Population": 818.0}, {"index": 4949, "quantile": 0.5, "value": 111700.0, "Latitude": 34.01, "Longitude": -118.3, "Population": 818.0}, {"index": 4949, "quantile": 0.75, "value": 118950.0, "Latitude": 34.01, "Longitude": -118.3, "Population": 818.0}, {"index": 4949, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 34.01, "Longitude": -118.3, "Population": 818.0}, {"index": 4950, "quantile": 0.0, "value": 93300.0, "Latitude": 34.01, "Longitude": -118.31, "Population": 912.0}, {"index": 4950, "quantile": 0.25, "value": 109400.00000000001, "Latitude": 34.01, "Longitude": -118.31, "Population": 912.0}, {"index": 4950, "quantile": 0.5, "value": 109400.00000000001, "Latitude": 34.01, "Longitude": -118.31, "Population": 912.0}, {"index": 4950, "quantile": 0.75, "value": 115499.99999999999, "Latitude": 34.01, "Longitude": -118.31, "Population": 912.0}, {"index": 4950, "quantile": 1.0, "value": 190600.0, "Latitude": 34.01, "Longitude": -118.31, "Population": 912.0}, {"index": 4951, "quantile": 0.0, "value": 99600.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 727.0}, {"index": 4951, "quantile": 0.25, "value": 116900.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 727.0}, {"index": 4951, "quantile": 0.5, "value": 116900.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 727.0}, {"index": 4951, "quantile": 0.75, "value": 116900.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 727.0}, {"index": 4951, "quantile": 1.0, "value": 180000.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 727.0}, {"index": 4952, "quantile": 0.0, "value": 96500.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 1568.0}, {"index": 4952, "quantile": 0.25, "value": 115199.99999999999, "Latitude": 34.02, "Longitude": -118.31, "Population": 1568.0}, {"index": 4952, "quantile": 0.5, "value": 115199.99999999999, "Latitude": 34.02, "Longitude": -118.31, "Population": 1568.0}, {"index": 4952, "quantile": 0.75, "value": 115499.99999999999, "Latitude": 34.02, "Longitude": -118.31, "Population": 1568.0}, {"index": 4952, "quantile": 1.0, "value": 159300.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 1568.0}, {"index": 4953, "quantile": 0.0, "value": 108000.0, "Latitude": 34.01, "Longitude": -118.31, "Population": 1246.0}, {"index": 4953, "quantile": 0.25, "value": 117100.0, "Latitude": 34.01, "Longitude": -118.31, "Population": 1246.0}, {"index": 4953, "quantile": 0.5, "value": 117100.0, "Latitude": 34.01, "Longitude": -118.31, "Population": 1246.0}, {"index": 4953, "quantile": 0.75, "value": 167650.0, "Latitude": 34.01, "Longitude": -118.31, "Population": 1246.0}, {"index": 4953, "quantile": 1.0, "value": 500000.0, "Latitude": 34.01, "Longitude": -118.31, "Population": 1246.0}, {"index": 4954, "quantile": 0.0, "value": 91300.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 1227.0}, {"index": 4954, "quantile": 0.25, "value": 108800.00000000001, "Latitude": 34.02, "Longitude": -118.31, "Population": 1227.0}, {"index": 4954, "quantile": 0.5, "value": 108800.00000000001, "Latitude": 34.02, "Longitude": -118.31, "Population": 1227.0}, {"index": 4954, "quantile": 0.75, "value": 110600.00000000001, "Latitude": 34.02, "Longitude": -118.31, "Population": 1227.0}, {"index": 4954, "quantile": 1.0, "value": 138400.0, "Latitude": 34.02, "Longitude": -118.31, "Population": 1227.0}, {"index": 4955, "quantile": 0.0, "value": 98100.0, "Latitude": 34.01, "Longitude": -118.31, "Population": 1357.0}, {"index": 4955, "quantile": 0.25, "value": 121000.0, "Latitude": 34.01, "Longitude": -118.31, "Population": 1357.0}, {"index": 4955, "quantile": 0.5, "value": 121000.0, "Latitude": 34.01, "Longitude": -118.31, "Population": 1357.0}, {"index": 4955, "quantile": 0.75, "value": 121550.0, "Latitude": 34.01, "Longitude": -118.31, "Population": 1357.0}, {"index": 4955, "quantile": 1.0, "value": 273000.0, "Latitude": 34.01, "Longitude": -118.31, "Population": 1357.0}, {"index": 4956, "quantile": 0.0, "value": 38800.0, "Latitude": 34.01, "Longitude": -118.31, "Population": 1417.0}, {"index": 4956, "quantile": 0.25, "value": 119350.0, "Latitude": 34.01, "Longitude": -118.31, "Population": 1417.0}, {"index": 4956, "quantile": 0.5, "value": 123200.0, "Latitude": 34.01, "Longitude": -118.31, "Population": 1417.0}, {"index": 4956, "quantile": 0.75, "value": 123200.0, "Latitude": 34.01, "Longitude": -118.31, "Population": 1417.0}, {"index": 4956, "quantile": 1.0, "value": 164300.0, "Latitude": 34.01, "Longitude": -118.31, "Population": 1417.0}, {"index": 4957, "quantile": 0.0, "value": 94000.0, "Latitude": 34.01, "Longitude": -118.31, "Population": 1303.0}, {"index": 4957, "quantile": 0.25, "value": 123700.00000000001, "Latitude": 34.01, "Longitude": -118.31, "Population": 1303.0}, {"index": 4957, "quantile": 0.5, "value": 123700.00000000001, "Latitude": 34.01, "Longitude": -118.31, "Population": 1303.0}, {"index": 4957, "quantile": 0.75, "value": 127499.99999999999, "Latitude": 34.01, "Longitude": -118.31, "Population": 1303.0}, {"index": 4957, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.31, "Population": 1303.0}, {"index": 4958, "quantile": 0.0, "value": 89500.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 511.0}, {"index": 4958, "quantile": 0.25, "value": 123200.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 511.0}, {"index": 4958, "quantile": 0.5, "value": 123200.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 511.0}, {"index": 4958, "quantile": 0.75, "value": 123200.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 511.0}, {"index": 4958, "quantile": 1.0, "value": 358100.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 511.0}, {"index": 4959, "quantile": 0.0, "value": 93400.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 2247.0}, {"index": 4959, "quantile": 0.25, "value": 112300.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 2247.0}, {"index": 4959, "quantile": 0.5, "value": 125000.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 2247.0}, {"index": 4959, "quantile": 0.75, "value": 125000.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 2247.0}, {"index": 4959, "quantile": 1.0, "value": 180000.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 2247.0}, {"index": 4960, "quantile": 0.0, "value": 95000.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 1206.0}, {"index": 4960, "quantile": 0.25, "value": 108274.99999999999, "Latitude": 34.0, "Longitude": -118.3, "Population": 1206.0}, {"index": 4960, "quantile": 0.5, "value": 116399.99999999999, "Latitude": 34.0, "Longitude": -118.3, "Population": 1206.0}, {"index": 4960, "quantile": 0.75, "value": 123850.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 1206.0}, {"index": 4960, "quantile": 1.0, "value": 137500.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 1206.0}, {"index": 4961, "quantile": 0.0, "value": 68200.0, "Latitude": 34.01, "Longitude": -118.3, "Population": 1271.0}, {"index": 4961, "quantile": 0.25, "value": 128600.0, "Latitude": 34.01, "Longitude": -118.3, "Population": 1271.0}, {"index": 4961, "quantile": 0.5, "value": 136200.0, "Latitude": 34.01, "Longitude": -118.3, "Population": 1271.0}, {"index": 4961, "quantile": 0.75, "value": 136200.0, "Latitude": 34.01, "Longitude": -118.3, "Population": 1271.0}, {"index": 4961, "quantile": 1.0, "value": 156800.0, "Latitude": 34.01, "Longitude": -118.3, "Population": 1271.0}, {"index": 4962, "quantile": 0.0, "value": 38800.0, "Latitude": 34.01, "Longitude": -118.3, "Population": 1154.0}, {"index": 4962, "quantile": 0.25, "value": 111700.0, "Latitude": 34.01, "Longitude": -118.3, "Population": 1154.0}, {"index": 4962, "quantile": 0.5, "value": 116399.99999999999, "Latitude": 34.01, "Longitude": -118.3, "Population": 1154.0}, {"index": 4962, "quantile": 0.75, "value": 124025.00000000001, "Latitude": 34.01, "Longitude": -118.3, "Population": 1154.0}, {"index": 4962, "quantile": 1.0, "value": 215600.0, "Latitude": 34.01, "Longitude": -118.3, "Population": 1154.0}, {"index": 4963, "quantile": 0.0, "value": 67500.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 2450.0}, {"index": 4963, "quantile": 0.25, "value": 132000.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 2450.0}, {"index": 4963, "quantile": 0.5, "value": 132000.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 2450.0}, {"index": 4963, "quantile": 0.75, "value": 132000.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 2450.0}, {"index": 4963, "quantile": 1.0, "value": 275000.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 2450.0}, {"index": 4964, "quantile": 0.0, "value": 92100.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 1992.0}, {"index": 4964, "quantile": 0.25, "value": 114100.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 1992.0}, {"index": 4964, "quantile": 0.5, "value": 114100.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 1992.0}, {"index": 4964, "quantile": 0.75, "value": 118500.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 1992.0}, {"index": 4964, "quantile": 1.0, "value": 202800.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 1992.0}, {"index": 4965, "quantile": 0.0, "value": 81300.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 1509.0}, {"index": 4965, "quantile": 0.25, "value": 108300.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 1509.0}, {"index": 4965, "quantile": 0.5, "value": 112500.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 1509.0}, {"index": 4965, "quantile": 0.75, "value": 124250.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 1509.0}, {"index": 4965, "quantile": 1.0, "value": 350000.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 1509.0}, {"index": 4966, "quantile": 0.0, "value": 67500.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 1010.0}, {"index": 4966, "quantile": 0.25, "value": 123100.00000000001, "Latitude": 34.01, "Longitude": -118.29, "Population": 1010.0}, {"index": 4966, "quantile": 0.5, "value": 137500.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 1010.0}, {"index": 4966, "quantile": 0.75, "value": 137500.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 1010.0}, {"index": 4966, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.29, "Population": 1010.0}, {"index": 4967, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.01, "Longitude": -118.29, "Population": 1730.0}, {"index": 4967, "quantile": 0.25, "value": 137500.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 1730.0}, {"index": 4967, "quantile": 0.5, "value": 142500.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 1730.0}, {"index": 4967, "quantile": 0.75, "value": 142500.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 1730.0}, {"index": 4967, "quantile": 1.0, "value": 400000.0, "Latitude": 34.01, "Longitude": -118.29, "Population": 1730.0}, {"index": 4968, "quantile": 0.0, "value": 95800.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 3080.0}, {"index": 4968, "quantile": 0.25, "value": 122900.00000000001, "Latitude": 34.01, "Longitude": -118.28, "Population": 3080.0}, {"index": 4968, "quantile": 0.5, "value": 122900.00000000001, "Latitude": 34.01, "Longitude": -118.28, "Population": 3080.0}, {"index": 4968, "quantile": 0.75, "value": 122900.00000000001, "Latitude": 34.01, "Longitude": -118.28, "Population": 3080.0}, {"index": 4968, "quantile": 1.0, "value": 248100.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 3080.0}, {"index": 4969, "quantile": 0.0, "value": 39600.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 880.0}, {"index": 4969, "quantile": 0.25, "value": 103600.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 880.0}, {"index": 4969, "quantile": 0.5, "value": 103600.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 880.0}, {"index": 4969, "quantile": 0.75, "value": 105100.00000000001, "Latitude": 34.0, "Longitude": -118.28, "Population": 880.0}, {"index": 4969, "quantile": 1.0, "value": 275000.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 880.0}, {"index": 4970, "quantile": 0.0, "value": 38800.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 1118.0}, {"index": 4970, "quantile": 0.25, "value": 131300.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 1118.0}, {"index": 4970, "quantile": 0.5, "value": 131300.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 1118.0}, {"index": 4970, "quantile": 0.75, "value": 131300.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 1118.0}, {"index": 4970, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.28, "Population": 1118.0}, {"index": 4971, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.01, "Longitude": -118.28, "Population": 775.0}, {"index": 4971, "quantile": 0.25, "value": 126600.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 775.0}, {"index": 4971, "quantile": 0.5, "value": 126600.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 775.0}, {"index": 4971, "quantile": 0.75, "value": 126600.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 775.0}, {"index": 4971, "quantile": 1.0, "value": 262500.0, "Latitude": 34.01, "Longitude": -118.28, "Population": 775.0}, {"index": 4972, "quantile": 0.0, "value": 97200.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 3612.0}, {"index": 4972, "quantile": 0.25, "value": 118800.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 3612.0}, {"index": 4972, "quantile": 0.5, "value": 118800.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 3612.0}, {"index": 4972, "quantile": 0.75, "value": 118800.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 3612.0}, {"index": 4972, "quantile": 1.0, "value": 187500.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 3612.0}, {"index": 4973, "quantile": 0.0, "value": 92200.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 1295.0}, {"index": 4973, "quantile": 0.25, "value": 112500.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 1295.0}, {"index": 4973, "quantile": 0.5, "value": 119200.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 1295.0}, {"index": 4973, "quantile": 0.75, "value": 119200.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 1295.0}, {"index": 4973, "quantile": 1.0, "value": 170300.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 1295.0}, {"index": 4974, "quantile": 0.0, "value": 81300.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 890.0}, {"index": 4974, "quantile": 0.25, "value": 103600.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 890.0}, {"index": 4974, "quantile": 0.5, "value": 112500.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 890.0}, {"index": 4974, "quantile": 0.75, "value": 112500.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 890.0}, {"index": 4974, "quantile": 1.0, "value": 186200.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 890.0}, {"index": 4975, "quantile": 0.0, "value": 86300.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 2182.0}, {"index": 4975, "quantile": 0.25, "value": 110800.00000000001, "Latitude": 34.0, "Longitude": -118.28, "Population": 2182.0}, {"index": 4975, "quantile": 0.5, "value": 124000.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 2182.0}, {"index": 4975, "quantile": 0.75, "value": 124000.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 2182.0}, {"index": 4975, "quantile": 1.0, "value": 190600.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 2182.0}, {"index": 4976, "quantile": 0.0, "value": 90100.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 1353.0}, {"index": 4976, "quantile": 0.25, "value": 96100.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 1353.0}, {"index": 4976, "quantile": 0.5, "value": 96100.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 1353.0}, {"index": 4976, "quantile": 0.75, "value": 110225.00000000001, "Latitude": 34.0, "Longitude": -118.28, "Population": 1353.0}, {"index": 4976, "quantile": 1.0, "value": 175900.0, "Latitude": 34.0, "Longitude": -118.28, "Population": 1353.0}, {"index": 4977, "quantile": 0.0, "value": 88200.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 1165.0}, {"index": 4977, "quantile": 0.25, "value": 108600.00000000001, "Latitude": 34.0, "Longitude": -118.29, "Population": 1165.0}, {"index": 4977, "quantile": 0.5, "value": 114950.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 1165.0}, {"index": 4977, "quantile": 0.75, "value": 122500.00000000001, "Latitude": 34.0, "Longitude": -118.29, "Population": 1165.0}, {"index": 4977, "quantile": 1.0, "value": 168800.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 1165.0}, {"index": 4978, "quantile": 0.0, "value": 90400.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 1731.0}, {"index": 4978, "quantile": 0.25, "value": 111700.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 1731.0}, {"index": 4978, "quantile": 0.5, "value": 111700.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 1731.0}, {"index": 4978, "quantile": 0.75, "value": 111700.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 1731.0}, {"index": 4978, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 34.0, "Longitude": -118.29, "Population": 1731.0}, {"index": 4979, "quantile": 0.0, "value": 95200.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 898.0}, {"index": 4979, "quantile": 0.25, "value": 128600.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 898.0}, {"index": 4979, "quantile": 0.5, "value": 128600.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 898.0}, {"index": 4979, "quantile": 0.75, "value": 128600.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 898.0}, {"index": 4979, "quantile": 1.0, "value": 164900.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 898.0}, {"index": 4980, "quantile": 0.0, "value": 87500.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 859.0}, {"index": 4980, "quantile": 0.25, "value": 109550.00000000001, "Latitude": 34.0, "Longitude": -118.3, "Population": 859.0}, {"index": 4980, "quantile": 0.5, "value": 134600.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 859.0}, {"index": 4980, "quantile": 0.75, "value": 134600.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 859.0}, {"index": 4980, "quantile": 1.0, "value": 136200.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 859.0}, {"index": 4981, "quantile": 0.0, "value": 81300.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 1080.0}, {"index": 4981, "quantile": 0.25, "value": 100000.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 1080.0}, {"index": 4981, "quantile": 0.5, "value": 111550.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 1080.0}, {"index": 4981, "quantile": 0.75, "value": 122500.00000000001, "Latitude": 34.0, "Longitude": -118.3, "Population": 1080.0}, {"index": 4981, "quantile": 1.0, "value": 309100.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 1080.0}, {"index": 4982, "quantile": 0.0, "value": 95800.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 1558.0}, {"index": 4982, "quantile": 0.25, "value": 109600.00000000001, "Latitude": 34.0, "Longitude": -118.29, "Population": 1558.0}, {"index": 4982, "quantile": 0.5, "value": 109600.00000000001, "Latitude": 34.0, "Longitude": -118.29, "Population": 1558.0}, {"index": 4982, "quantile": 0.75, "value": 112900.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 1558.0}, {"index": 4982, "quantile": 1.0, "value": 162500.0, "Latitude": 34.0, "Longitude": -118.29, "Population": 1558.0}, {"index": 4983, "quantile": 0.0, "value": 90400.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 982.0}, {"index": 4983, "quantile": 0.25, "value": 116399.99999999999, "Latitude": 34.0, "Longitude": -118.3, "Population": 982.0}, {"index": 4983, "quantile": 0.5, "value": 116399.99999999999, "Latitude": 34.0, "Longitude": -118.3, "Population": 982.0}, {"index": 4983, "quantile": 0.75, "value": 116399.99999999999, "Latitude": 34.0, "Longitude": -118.3, "Population": 982.0}, {"index": 4983, "quantile": 1.0, "value": 175000.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 982.0}, {"index": 4984, "quantile": 0.0, "value": 70800.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 853.0}, {"index": 4984, "quantile": 0.25, "value": 102075.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 853.0}, {"index": 4984, "quantile": 0.5, "value": 127250.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 853.0}, {"index": 4984, "quantile": 0.75, "value": 150000.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 853.0}, {"index": 4984, "quantile": 1.0, "value": 346200.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 853.0}, {"index": 4985, "quantile": 0.0, "value": 93300.0, "Latitude": 34.0, "Longitude": -118.31, "Population": 939.0}, {"index": 4985, "quantile": 0.25, "value": 116900.0, "Latitude": 34.0, "Longitude": -118.31, "Population": 939.0}, {"index": 4985, "quantile": 0.5, "value": 129099.99999999999, "Latitude": 34.0, "Longitude": -118.31, "Population": 939.0}, {"index": 4985, "quantile": 0.75, "value": 129099.99999999999, "Latitude": 34.0, "Longitude": -118.31, "Population": 939.0}, {"index": 4985, "quantile": 1.0, "value": 133000.0, "Latitude": 34.0, "Longitude": -118.31, "Population": 939.0}, {"index": 4986, "quantile": 0.0, "value": 38800.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 1026.0}, {"index": 4986, "quantile": 0.25, "value": 109600.00000000001, "Latitude": 34.0, "Longitude": -118.3, "Population": 1026.0}, {"index": 4986, "quantile": 0.5, "value": 116399.99999999999, "Latitude": 34.0, "Longitude": -118.3, "Population": 1026.0}, {"index": 4986, "quantile": 0.75, "value": 123200.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 1026.0}, {"index": 4986, "quantile": 1.0, "value": 138400.0, "Latitude": 34.0, "Longitude": -118.3, "Population": 1026.0}, {"index": 4987, "quantile": 0.0, "value": 99600.0, "Latitude": 34.0, "Longitude": -118.31, "Population": 1413.0}, {"index": 4987, "quantile": 0.25, "value": 120000.0, "Latitude": 34.0, "Longitude": -118.31, "Population": 1413.0}, {"index": 4987, "quantile": 0.5, "value": 120000.0, "Latitude": 34.0, "Longitude": -118.31, "Population": 1413.0}, {"index": 4987, "quantile": 0.75, "value": 120000.0, "Latitude": 34.0, "Longitude": -118.31, "Population": 1413.0}, {"index": 4987, "quantile": 1.0, "value": 167900.0, "Latitude": 34.0, "Longitude": -118.31, "Population": 1413.0}, {"index": 4988, "quantile": 0.0, "value": 96100.0, "Latitude": 34.0, "Longitude": -118.31, "Population": 1751.0}, {"index": 4988, "quantile": 0.25, "value": 118049.99999999999, "Latitude": 34.0, "Longitude": -118.31, "Population": 1751.0}, {"index": 4988, "quantile": 0.5, "value": 122500.00000000001, "Latitude": 34.0, "Longitude": -118.31, "Population": 1751.0}, {"index": 4988, "quantile": 0.75, "value": 122500.00000000001, "Latitude": 34.0, "Longitude": -118.31, "Population": 1751.0}, {"index": 4988, "quantile": 1.0, "value": 147900.0, "Latitude": 34.0, "Longitude": -118.31, "Population": 1751.0}, {"index": 4989, "quantile": 0.0, "value": 90600.0, "Latitude": 34.0, "Longitude": -118.31, "Population": 1329.0}, {"index": 4989, "quantile": 0.25, "value": 115199.99999999999, "Latitude": 34.0, "Longitude": -118.31, "Population": 1329.0}, {"index": 4989, "quantile": 0.5, "value": 116399.99999999999, "Latitude": 34.0, "Longitude": -118.31, "Population": 1329.0}, {"index": 4989, "quantile": 0.75, "value": 116399.99999999999, "Latitude": 34.0, "Longitude": -118.31, "Population": 1329.0}, {"index": 4989, "quantile": 1.0, "value": 146900.0, "Latitude": 34.0, "Longitude": -118.31, "Population": 1329.0}, {"index": 4990, "quantile": 0.0, "value": 95800.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 1363.0}, {"index": 4990, "quantile": 0.25, "value": 101400.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 1363.0}, {"index": 4990, "quantile": 0.5, "value": 101400.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 1363.0}, {"index": 4990, "quantile": 0.75, "value": 101400.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 1363.0}, {"index": 4990, "quantile": 1.0, "value": 133400.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 1363.0}, {"index": 4991, "quantile": 0.0, "value": 93300.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 982.0}, {"index": 4991, "quantile": 0.25, "value": 101400.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 982.0}, {"index": 4991, "quantile": 0.5, "value": 114199.99999999999, "Latitude": 33.99, "Longitude": -118.31, "Population": 982.0}, {"index": 4991, "quantile": 0.75, "value": 116399.99999999999, "Latitude": 33.99, "Longitude": -118.31, "Population": 982.0}, {"index": 4991, "quantile": 1.0, "value": 139800.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 982.0}, {"index": 4992, "quantile": 0.0, "value": 87500.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 791.0}, {"index": 4992, "quantile": 0.25, "value": 108600.00000000001, "Latitude": 33.99, "Longitude": -118.31, "Population": 791.0}, {"index": 4992, "quantile": 0.5, "value": 114449.99999999999, "Latitude": 33.99, "Longitude": -118.31, "Population": 791.0}, {"index": 4992, "quantile": 0.75, "value": 134350.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 791.0}, {"index": 4992, "quantile": 1.0, "value": 254999.99999999997, "Latitude": 33.99, "Longitude": -118.31, "Population": 791.0}, {"index": 4993, "quantile": 0.0, "value": 93300.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 789.0}, {"index": 4993, "quantile": 0.25, "value": 100000.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 789.0}, {"index": 4993, "quantile": 0.5, "value": 100000.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 789.0}, {"index": 4993, "quantile": 0.75, "value": 100000.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 789.0}, {"index": 4993, "quantile": 1.0, "value": 350000.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 789.0}, {"index": 4994, "quantile": 0.0, "value": 94200.0, "Latitude": 33.99, "Longitude": -118.29, "Population": 1766.0}, {"index": 4994, "quantile": 0.25, "value": 113124.99999999999, "Latitude": 33.99, "Longitude": -118.29, "Population": 1766.0}, {"index": 4994, "quantile": 0.5, "value": 114799.99999999999, "Latitude": 33.99, "Longitude": -118.29, "Population": 1766.0}, {"index": 4994, "quantile": 0.75, "value": 114799.99999999999, "Latitude": 33.99, "Longitude": -118.29, "Population": 1766.0}, {"index": 4994, "quantile": 1.0, "value": 147900.0, "Latitude": 33.99, "Longitude": -118.29, "Population": 1766.0}, {"index": 4995, "quantile": 0.0, "value": 86200.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1903.0}, {"index": 4995, "quantile": 0.25, "value": 96500.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1903.0}, {"index": 4995, "quantile": 0.5, "value": 96500.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1903.0}, {"index": 4995, "quantile": 0.75, "value": 100424.99999999999, "Latitude": 33.99, "Longitude": -118.3, "Population": 1903.0}, {"index": 4995, "quantile": 1.0, "value": 134600.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1903.0}, {"index": 4996, "quantile": 0.0, "value": 89300.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1903.0}, {"index": 4996, "quantile": 0.25, "value": 101099.99999999999, "Latitude": 33.99, "Longitude": -118.3, "Population": 1903.0}, {"index": 4996, "quantile": 0.5, "value": 101099.99999999999, "Latitude": 33.99, "Longitude": -118.3, "Population": 1903.0}, {"index": 4996, "quantile": 0.75, "value": 104200.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1903.0}, {"index": 4996, "quantile": 1.0, "value": 162900.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1903.0}, {"index": 4997, "quantile": 0.0, "value": 85400.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 2446.0}, {"index": 4997, "quantile": 0.25, "value": 98300.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 2446.0}, {"index": 4997, "quantile": 0.5, "value": 98300.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 2446.0}, {"index": 4997, "quantile": 0.75, "value": 98300.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 2446.0}, {"index": 4997, "quantile": 1.0, "value": 248100.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 2446.0}, {"index": 4998, "quantile": 0.0, "value": 88400.0, "Latitude": 33.99, "Longitude": -118.29, "Population": 2067.0}, {"index": 4998, "quantile": 0.25, "value": 103400.0, "Latitude": 33.99, "Longitude": -118.29, "Population": 2067.0}, {"index": 4998, "quantile": 0.5, "value": 103400.0, "Latitude": 33.99, "Longitude": -118.29, "Population": 2067.0}, {"index": 4998, "quantile": 0.75, "value": 103400.0, "Latitude": 33.99, "Longitude": -118.29, "Population": 2067.0}, {"index": 4998, "quantile": 1.0, "value": 142500.0, "Latitude": 33.99, "Longitude": -118.29, "Population": 2067.0}, {"index": 4999, "quantile": 0.0, "value": 94000.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1363.0}, {"index": 4999, "quantile": 0.25, "value": 101899.99999999999, "Latitude": 33.99, "Longitude": -118.28, "Population": 1363.0}, {"index": 4999, "quantile": 0.5, "value": 101899.99999999999, "Latitude": 33.99, "Longitude": -118.28, "Population": 1363.0}, {"index": 4999, "quantile": 0.75, "value": 119150.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1363.0}, {"index": 4999, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 33.99, "Longitude": -118.28, "Population": 1363.0}, {"index": 5000, "quantile": 0.0, "value": 86200.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1861.0}, {"index": 5000, "quantile": 0.25, "value": 95000.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1861.0}, {"index": 5000, "quantile": 0.5, "value": 95000.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1861.0}, {"index": 5000, "quantile": 0.75, "value": 100499.99999999999, "Latitude": 33.99, "Longitude": -118.28, "Population": 1861.0}, {"index": 5000, "quantile": 1.0, "value": 114799.99999999999, "Latitude": 33.99, "Longitude": -118.28, "Population": 1861.0}, {"index": 5001, "quantile": 0.0, "value": 88800.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1153.0}, {"index": 5001, "quantile": 0.25, "value": 99300.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1153.0}, {"index": 5001, "quantile": 0.5, "value": 99300.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1153.0}, {"index": 5001, "quantile": 0.75, "value": 100000.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1153.0}, {"index": 5001, "quantile": 1.0, "value": 125000.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1153.0}, {"index": 5002, "quantile": 0.0, "value": 98700.0, "Latitude": 34.01, "Longitude": -118.32, "Population": 1498.0}, {"index": 5002, "quantile": 0.25, "value": 127400.0, "Latitude": 34.01, "Longitude": -118.32, "Population": 1498.0}, {"index": 5002, "quantile": 0.5, "value": 164900.0, "Latitude": 34.01, "Longitude": -118.32, "Population": 1498.0}, {"index": 5002, "quantile": 0.75, "value": 231750.0, "Latitude": 34.01, "Longitude": -118.32, "Population": 1498.0}, {"index": 5002, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.32, "Population": 1498.0}, {"index": 5003, "quantile": 0.0, "value": 86300.0, "Latitude": 34.02, "Longitude": -118.32, "Population": 672.0}, {"index": 5003, "quantile": 0.25, "value": 194300.0, "Latitude": 34.02, "Longitude": -118.32, "Population": 672.0}, {"index": 5003, "quantile": 0.5, "value": 194300.0, "Latitude": 34.02, "Longitude": -118.32, "Population": 672.0}, {"index": 5003, "quantile": 0.75, "value": 221750.00000000003, "Latitude": 34.02, "Longitude": -118.32, "Population": 672.0}, {"index": 5003, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.32, "Population": 672.0}, {"index": 5004, "quantile": 0.0, "value": 70100.0, "Latitude": 34.02, "Longitude": -118.32, "Population": 823.0}, {"index": 5004, "quantile": 0.25, "value": 189700.0, "Latitude": 34.02, "Longitude": -118.32, "Population": 823.0}, {"index": 5004, "quantile": 0.5, "value": 189700.0, "Latitude": 34.02, "Longitude": -118.32, "Population": 823.0}, {"index": 5004, "quantile": 0.75, "value": 189700.0, "Latitude": 34.02, "Longitude": -118.32, "Population": 823.0}, {"index": 5004, "quantile": 1.0, "value": 440900.0, "Latitude": 34.02, "Longitude": -118.32, "Population": 823.0}, {"index": 5005, "quantile": 0.0, "value": 70700.0, "Latitude": 34.01, "Longitude": -118.32, "Population": 817.0}, {"index": 5005, "quantile": 0.25, "value": 157700.0, "Latitude": 34.01, "Longitude": -118.32, "Population": 817.0}, {"index": 5005, "quantile": 0.5, "value": 157700.0, "Latitude": 34.01, "Longitude": -118.32, "Population": 817.0}, {"index": 5005, "quantile": 0.75, "value": 189700.0, "Latitude": 34.01, "Longitude": -118.32, "Population": 817.0}, {"index": 5005, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.32, "Population": 817.0}, {"index": 5006, "quantile": 0.0, "value": 98100.0, "Latitude": 34.01, "Longitude": -118.32, "Population": 1079.0}, {"index": 5006, "quantile": 0.25, "value": 123400.0, "Latitude": 34.01, "Longitude": -118.32, "Population": 1079.0}, {"index": 5006, "quantile": 0.5, "value": 123400.0, "Latitude": 34.01, "Longitude": -118.32, "Population": 1079.0}, {"index": 5006, "quantile": 0.75, "value": 123400.0, "Latitude": 34.01, "Longitude": -118.32, "Population": 1079.0}, {"index": 5006, "quantile": 1.0, "value": 168800.0, "Latitude": 34.01, "Longitude": -118.32, "Population": 1079.0}, {"index": 5007, "quantile": 0.0, "value": 93900.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 968.0}, {"index": 5007, "quantile": 0.25, "value": 182600.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 968.0}, {"index": 5007, "quantile": 0.5, "value": 182600.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 968.0}, {"index": 5007, "quantile": 0.75, "value": 183900.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 968.0}, {"index": 5007, "quantile": 1.0, "value": 409800.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 968.0}, {"index": 5008, "quantile": 0.0, "value": 90100.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 653.0}, {"index": 5008, "quantile": 0.25, "value": 184775.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 653.0}, {"index": 5008, "quantile": 0.5, "value": 240099.99999999997, "Latitude": 34.01, "Longitude": -118.33, "Population": 653.0}, {"index": 5008, "quantile": 0.75, "value": 318900.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 653.0}, {"index": 5008, "quantile": 1.0, "value": 436400.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 653.0}, {"index": 5009, "quantile": 0.0, "value": 121600.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 869.0}, {"index": 5009, "quantile": 0.25, "value": 181100.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 869.0}, {"index": 5009, "quantile": 0.5, "value": 181100.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 869.0}, {"index": 5009, "quantile": 0.75, "value": 308800.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 869.0}, {"index": 5009, "quantile": 1.0, "value": 425000.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 869.0}, {"index": 5010, "quantile": 0.0, "value": 62400.0, "Latitude": 34.01, "Longitude": -118.32, "Population": 1622.0}, {"index": 5010, "quantile": 0.25, "value": 137500.0, "Latitude": 34.01, "Longitude": -118.32, "Population": 1622.0}, {"index": 5010, "quantile": 0.5, "value": 226900.0, "Latitude": 34.01, "Longitude": -118.32, "Population": 1622.0}, {"index": 5010, "quantile": 0.75, "value": 290800.0, "Latitude": 34.01, "Longitude": -118.32, "Population": 1622.0}, {"index": 5010, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.32, "Population": 1622.0}, {"index": 5011, "quantile": 0.0, "value": 66900.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 956.0}, {"index": 5011, "quantile": 0.25, "value": 187500.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 956.0}, {"index": 5011, "quantile": 0.5, "value": 187500.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 956.0}, {"index": 5011, "quantile": 0.75, "value": 187500.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 956.0}, {"index": 5011, "quantile": 1.0, "value": 248100.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 956.0}, {"index": 5012, "quantile": 0.0, "value": 68500.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 786.0}, {"index": 5012, "quantile": 0.25, "value": 188500.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 786.0}, {"index": 5012, "quantile": 0.5, "value": 188500.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 786.0}, {"index": 5012, "quantile": 0.75, "value": 188500.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 786.0}, {"index": 5012, "quantile": 1.0, "value": 425000.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 786.0}, {"index": 5013, "quantile": 0.0, "value": 68300.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 878.0}, {"index": 5013, "quantile": 0.25, "value": 181300.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 878.0}, {"index": 5013, "quantile": 0.5, "value": 181300.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 878.0}, {"index": 5013, "quantile": 0.75, "value": 181300.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 878.0}, {"index": 5013, "quantile": 1.0, "value": 369100.0, "Latitude": 34.01, "Longitude": -118.33, "Population": 878.0}, {"index": 5014, "quantile": 0.0, "value": 96500.0, "Latitude": 34.0, "Longitude": -118.32, "Population": 2300.0}, {"index": 5014, "quantile": 0.25, "value": 112599.99999999999, "Latitude": 34.0, "Longitude": -118.32, "Population": 2300.0}, {"index": 5014, "quantile": 0.5, "value": 112599.99999999999, "Latitude": 34.0, "Longitude": -118.32, "Population": 2300.0}, {"index": 5014, "quantile": 0.75, "value": 114199.99999999999, "Latitude": 34.0, "Longitude": -118.32, "Population": 2300.0}, {"index": 5014, "quantile": 1.0, "value": 231700.00000000003, "Latitude": 34.0, "Longitude": -118.32, "Population": 2300.0}, {"index": 5015, "quantile": 0.0, "value": 90700.0, "Latitude": 34.0, "Longitude": -118.32, "Population": 1097.0}, {"index": 5015, "quantile": 0.25, "value": 120900.00000000001, "Latitude": 34.0, "Longitude": -118.32, "Population": 1097.0}, {"index": 5015, "quantile": 0.5, "value": 120900.00000000001, "Latitude": 34.0, "Longitude": -118.32, "Population": 1097.0}, {"index": 5015, "quantile": 0.75, "value": 120900.00000000001, "Latitude": 34.0, "Longitude": -118.32, "Population": 1097.0}, {"index": 5015, "quantile": 1.0, "value": 296100.0, "Latitude": 34.0, "Longitude": -118.32, "Population": 1097.0}, {"index": 5016, "quantile": 0.0, "value": 52900.0, "Latitude": 34.0, "Longitude": -118.33, "Population": 895.0}, {"index": 5016, "quantile": 0.25, "value": 116399.99999999999, "Latitude": 34.0, "Longitude": -118.33, "Population": 895.0}, {"index": 5016, "quantile": 0.5, "value": 126499.99999999999, "Latitude": 34.0, "Longitude": -118.33, "Population": 895.0}, {"index": 5016, "quantile": 0.75, "value": 141175.0, "Latitude": 34.0, "Longitude": -118.33, "Population": 895.0}, {"index": 5016, "quantile": 1.0, "value": 239299.99999999997, "Latitude": 34.0, "Longitude": -118.33, "Population": 895.0}, {"index": 5017, "quantile": 0.0, "value": 93400.0, "Latitude": 34.0, "Longitude": -118.33, "Population": 416.0}, {"index": 5017, "quantile": 0.25, "value": 133300.0, "Latitude": 34.0, "Longitude": -118.33, "Population": 416.0}, {"index": 5017, "quantile": 0.5, "value": 133300.0, "Latitude": 34.0, "Longitude": -118.33, "Population": 416.0}, {"index": 5017, "quantile": 0.75, "value": 133575.0, "Latitude": 34.0, "Longitude": -118.33, "Population": 416.0}, {"index": 5017, "quantile": 1.0, "value": 364700.0, "Latitude": 34.0, "Longitude": -118.33, "Population": 416.0}, {"index": 5018, "quantile": 0.0, "value": 87500.0, "Latitude": 34.0, "Longitude": -118.33, "Population": 529.0}, {"index": 5018, "quantile": 0.25, "value": 151600.0, "Latitude": 34.0, "Longitude": -118.33, "Population": 529.0}, {"index": 5018, "quantile": 0.5, "value": 151600.0, "Latitude": 34.0, "Longitude": -118.33, "Population": 529.0}, {"index": 5018, "quantile": 0.75, "value": 153550.0, "Latitude": 34.0, "Longitude": -118.33, "Population": 529.0}, {"index": 5018, "quantile": 1.0, "value": 412500.0, "Latitude": 34.0, "Longitude": -118.33, "Population": 529.0}, {"index": 5019, "quantile": 0.0, "value": 96500.0, "Latitude": 33.99, "Longitude": -118.32, "Population": 1074.0}, {"index": 5019, "quantile": 0.25, "value": 98700.0, "Latitude": 33.99, "Longitude": -118.32, "Population": 1074.0}, {"index": 5019, "quantile": 0.5, "value": 98700.0, "Latitude": 33.99, "Longitude": -118.32, "Population": 1074.0}, {"index": 5019, "quantile": 0.75, "value": 126499.99999999999, "Latitude": 33.99, "Longitude": -118.32, "Population": 1074.0}, {"index": 5019, "quantile": 1.0, "value": 300000.0, "Latitude": 33.99, "Longitude": -118.32, "Population": 1074.0}, {"index": 5020, "quantile": 0.0, "value": 93300.0, "Latitude": 33.99, "Longitude": -118.32, "Population": 889.0}, {"index": 5020, "quantile": 0.25, "value": 101400.0, "Latitude": 33.99, "Longitude": -118.32, "Population": 889.0}, {"index": 5020, "quantile": 0.5, "value": 114199.99999999999, "Latitude": 33.99, "Longitude": -118.32, "Population": 889.0}, {"index": 5020, "quantile": 0.75, "value": 114199.99999999999, "Latitude": 33.99, "Longitude": -118.32, "Population": 889.0}, {"index": 5020, "quantile": 1.0, "value": 216400.00000000003, "Latitude": 33.99, "Longitude": -118.32, "Population": 889.0}, {"index": 5021, "quantile": 0.0, "value": 94000.0, "Latitude": 33.99, "Longitude": -118.33, "Population": 1041.0}, {"index": 5021, "quantile": 0.25, "value": 126499.99999999999, "Latitude": 33.99, "Longitude": -118.33, "Population": 1041.0}, {"index": 5021, "quantile": 0.5, "value": 126499.99999999999, "Latitude": 33.99, "Longitude": -118.33, "Population": 1041.0}, {"index": 5021, "quantile": 0.75, "value": 126499.99999999999, "Latitude": 33.99, "Longitude": -118.33, "Population": 1041.0}, {"index": 5021, "quantile": 1.0, "value": 414700.0, "Latitude": 33.99, "Longitude": -118.33, "Population": 1041.0}, {"index": 5022, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.99, "Longitude": -118.33, "Population": 777.0}, {"index": 5022, "quantile": 0.25, "value": 149600.0, "Latitude": 33.99, "Longitude": -118.33, "Population": 777.0}, {"index": 5022, "quantile": 0.5, "value": 149600.0, "Latitude": 33.99, "Longitude": -118.33, "Population": 777.0}, {"index": 5022, "quantile": 0.75, "value": 159800.0, "Latitude": 33.99, "Longitude": -118.33, "Population": 777.0}, {"index": 5022, "quantile": 1.0, "value": 324400.0, "Latitude": 33.99, "Longitude": -118.33, "Population": 777.0}, {"index": 5023, "quantile": 0.0, "value": 117400.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 919.0}, {"index": 5023, "quantile": 0.25, "value": 195375.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 919.0}, {"index": 5023, "quantile": 0.5, "value": 303900.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 919.0}, {"index": 5023, "quantile": 0.75, "value": 373900.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 919.0}, {"index": 5023, "quantile": 1.0, "value": 479000.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 919.0}, {"index": 5024, "quantile": 0.0, "value": 101000.0, "Latitude": 33.99, "Longitude": -118.32, "Population": 791.0}, {"index": 5024, "quantile": 0.25, "value": 115199.99999999999, "Latitude": 33.99, "Longitude": -118.32, "Population": 791.0}, {"index": 5024, "quantile": 0.5, "value": 115199.99999999999, "Latitude": 33.99, "Longitude": -118.32, "Population": 791.0}, {"index": 5024, "quantile": 0.75, "value": 115199.99999999999, "Latitude": 33.99, "Longitude": -118.32, "Population": 791.0}, {"index": 5024, "quantile": 1.0, "value": 146900.0, "Latitude": 33.99, "Longitude": -118.32, "Population": 791.0}, {"index": 5025, "quantile": 0.0, "value": 86100.0, "Latitude": 33.99, "Longitude": -118.32, "Population": 735.0}, {"index": 5025, "quantile": 0.25, "value": 142600.0, "Latitude": 33.99, "Longitude": -118.32, "Population": 735.0}, {"index": 5025, "quantile": 0.5, "value": 184200.0, "Latitude": 33.99, "Longitude": -118.32, "Population": 735.0}, {"index": 5025, "quantile": 0.75, "value": 202800.0, "Latitude": 33.99, "Longitude": -118.32, "Population": 735.0}, {"index": 5025, "quantile": 1.0, "value": 323000.0, "Latitude": 33.99, "Longitude": -118.32, "Population": 735.0}, {"index": 5026, "quantile": 0.0, "value": 105300.0, "Latitude": 33.99, "Longitude": -118.33, "Population": 1598.0}, {"index": 5026, "quantile": 0.25, "value": 122500.00000000001, "Latitude": 33.99, "Longitude": -118.33, "Population": 1598.0}, {"index": 5026, "quantile": 0.5, "value": 122500.00000000001, "Latitude": 33.99, "Longitude": -118.33, "Population": 1598.0}, {"index": 5026, "quantile": 0.75, "value": 156225.0, "Latitude": 33.99, "Longitude": -118.33, "Population": 1598.0}, {"index": 5026, "quantile": 1.0, "value": 272000.0, "Latitude": 33.99, "Longitude": -118.33, "Population": 1598.0}, {"index": 5027, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 33.99, "Longitude": -118.34, "Population": 662.0}, {"index": 5027, "quantile": 0.25, "value": 218575.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 662.0}, {"index": 5027, "quantile": 0.5, "value": 264400.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 662.0}, {"index": 5027, "quantile": 0.75, "value": 310400.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 662.0}, {"index": 5027, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.34, "Population": 662.0}, {"index": 5028, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.98, "Longitude": -118.32, "Population": 574.0}, {"index": 5028, "quantile": 0.25, "value": 114700.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 574.0}, {"index": 5028, "quantile": 0.5, "value": 114700.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 574.0}, {"index": 5028, "quantile": 0.75, "value": 115199.99999999999, "Latitude": 33.98, "Longitude": -118.32, "Population": 574.0}, {"index": 5028, "quantile": 1.0, "value": 239299.99999999997, "Latitude": 33.98, "Longitude": -118.32, "Population": 574.0}, {"index": 5029, "quantile": 0.0, "value": 96100.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 791.0}, {"index": 5029, "quantile": 0.25, "value": 104299.99999999999, "Latitude": 33.98, "Longitude": -118.32, "Population": 791.0}, {"index": 5029, "quantile": 0.5, "value": 104299.99999999999, "Latitude": 33.98, "Longitude": -118.32, "Population": 791.0}, {"index": 5029, "quantile": 0.75, "value": 134825.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 791.0}, {"index": 5029, "quantile": 1.0, "value": 291500.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 791.0}, {"index": 5030, "quantile": 0.0, "value": 93300.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 864.0}, {"index": 5030, "quantile": 0.25, "value": 101000.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 864.0}, {"index": 5030, "quantile": 0.5, "value": 101000.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 864.0}, {"index": 5030, "quantile": 0.75, "value": 106600.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 864.0}, {"index": 5030, "quantile": 1.0, "value": 187500.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 864.0}, {"index": 5031, "quantile": 0.0, "value": 94000.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 921.0}, {"index": 5031, "quantile": 0.25, "value": 120000.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 921.0}, {"index": 5031, "quantile": 0.5, "value": 127400.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 921.0}, {"index": 5031, "quantile": 0.75, "value": 159500.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 921.0}, {"index": 5031, "quantile": 1.0, "value": 417600.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 921.0}, {"index": 5032, "quantile": 0.0, "value": 87500.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 3121.0}, {"index": 5032, "quantile": 0.25, "value": 113900.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 3121.0}, {"index": 5032, "quantile": 0.5, "value": 113900.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 3121.0}, {"index": 5032, "quantile": 0.75, "value": 139200.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 3121.0}, {"index": 5032, "quantile": 1.0, "value": 350000.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 3121.0}, {"index": 5033, "quantile": 0.0, "value": 64100.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 1472.0}, {"index": 5033, "quantile": 0.25, "value": 108900.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 1472.0}, {"index": 5033, "quantile": 0.5, "value": 108900.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 1472.0}, {"index": 5033, "quantile": 0.75, "value": 109525.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 1472.0}, {"index": 5033, "quantile": 1.0, "value": 189300.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 1472.0}, {"index": 5034, "quantile": 0.0, "value": 99300.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 2153.0}, {"index": 5034, "quantile": 0.25, "value": 136475.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 2153.0}, {"index": 5034, "quantile": 0.5, "value": 149100.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 2153.0}, {"index": 5034, "quantile": 0.75, "value": 149100.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 2153.0}, {"index": 5034, "quantile": 1.0, "value": 168800.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 2153.0}, {"index": 5035, "quantile": 0.0, "value": 94000.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 1170.0}, {"index": 5035, "quantile": 0.25, "value": 135700.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 1170.0}, {"index": 5035, "quantile": 0.5, "value": 140400.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 1170.0}, {"index": 5035, "quantile": 0.75, "value": 140400.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 1170.0}, {"index": 5035, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.34, "Population": 1170.0}, {"index": 5036, "quantile": 0.0, "value": 59600.0, "Latitude": 33.98, "Longitude": -118.34, "Population": 1292.0}, {"index": 5036, "quantile": 0.25, "value": 105349.99999999999, "Latitude": 33.98, "Longitude": -118.34, "Population": 1292.0}, {"index": 5036, "quantile": 0.5, "value": 129400.0, "Latitude": 33.98, "Longitude": -118.34, "Population": 1292.0}, {"index": 5036, "quantile": 0.75, "value": 159800.0, "Latitude": 33.98, "Longitude": -118.34, "Population": 1292.0}, {"index": 5036, "quantile": 1.0, "value": 414700.0, "Latitude": 33.98, "Longitude": -118.34, "Population": 1292.0}, {"index": 5037, "quantile": 0.0, "value": 180100.0, "Latitude": 33.99, "Longitude": -118.35, "Population": 927.0}, {"index": 5037, "quantile": 0.25, "value": 180100.0, "Latitude": 33.99, "Longitude": -118.35, "Population": 927.0}, {"index": 5037, "quantile": 0.5, "value": 180100.0, "Latitude": 33.99, "Longitude": -118.35, "Population": 927.0}, {"index": 5037, "quantile": 0.75, "value": 236200.0, "Latitude": 33.99, "Longitude": -118.35, "Population": 927.0}, {"index": 5037, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.35, "Population": 927.0}, {"index": 5038, "quantile": 0.0, "value": 90400.0, "Latitude": 33.98, "Longitude": -118.35, "Population": 1082.0}, {"index": 5038, "quantile": 0.25, "value": 207600.0, "Latitude": 33.98, "Longitude": -118.35, "Population": 1082.0}, {"index": 5038, "quantile": 0.5, "value": 207600.0, "Latitude": 33.98, "Longitude": -118.35, "Population": 1082.0}, {"index": 5038, "quantile": 0.75, "value": 207600.0, "Latitude": 33.98, "Longitude": -118.35, "Population": 1082.0}, {"index": 5038, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.35, "Population": 1082.0}, {"index": 5039, "quantile": 0.0, "value": 17500.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 250.0}, {"index": 5039, "quantile": 0.25, "value": 106300.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 250.0}, {"index": 5039, "quantile": 0.5, "value": 161200.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 250.0}, {"index": 5039, "quantile": 0.75, "value": 288900.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 250.0}, {"index": 5039, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.34, "Population": 250.0}, {"index": 5040, "quantile": 0.0, "value": 93300.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 861.0}, {"index": 5040, "quantile": 0.25, "value": 108600.00000000001, "Latitude": 33.98, "Longitude": -118.32, "Population": 861.0}, {"index": 5040, "quantile": 0.5, "value": 108600.00000000001, "Latitude": 33.98, "Longitude": -118.32, "Population": 861.0}, {"index": 5040, "quantile": 0.75, "value": 108600.00000000001, "Latitude": 33.98, "Longitude": -118.32, "Population": 861.0}, {"index": 5040, "quantile": 1.0, "value": 200000.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 861.0}, {"index": 5041, "quantile": 0.0, "value": 105100.0, "Latitude": 33.97, "Longitude": -118.32, "Population": 795.0}, {"index": 5041, "quantile": 0.25, "value": 138800.0, "Latitude": 33.97, "Longitude": -118.32, "Population": 795.0}, {"index": 5041, "quantile": 0.5, "value": 138800.0, "Latitude": 33.97, "Longitude": -118.32, "Population": 795.0}, {"index": 5041, "quantile": 0.75, "value": 138800.0, "Latitude": 33.97, "Longitude": -118.32, "Population": 795.0}, {"index": 5041, "quantile": 1.0, "value": 381800.0, "Latitude": 33.97, "Longitude": -118.32, "Population": 795.0}, {"index": 5042, "quantile": 0.0, "value": 94000.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 901.0}, {"index": 5042, "quantile": 0.25, "value": 115099.99999999999, "Latitude": 33.98, "Longitude": -118.32, "Population": 901.0}, {"index": 5042, "quantile": 0.5, "value": 118600.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 901.0}, {"index": 5042, "quantile": 0.75, "value": 118600.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 901.0}, {"index": 5042, "quantile": 1.0, "value": 189700.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 901.0}, {"index": 5043, "quantile": 0.0, "value": 94800.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 2739.0}, {"index": 5043, "quantile": 0.25, "value": 118500.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 2739.0}, {"index": 5043, "quantile": 0.5, "value": 118500.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 2739.0}, {"index": 5043, "quantile": 0.75, "value": 118500.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 2739.0}, {"index": 5043, "quantile": 1.0, "value": 193800.0, "Latitude": 33.98, "Longitude": -118.33, "Population": 2739.0}, {"index": 5044, "quantile": 0.0, "value": 89500.0, "Latitude": 33.97, "Longitude": -118.33, "Population": 1423.0}, {"index": 5044, "quantile": 0.25, "value": 122125.0, "Latitude": 33.97, "Longitude": -118.33, "Population": 1423.0}, {"index": 5044, "quantile": 0.5, "value": 146800.0, "Latitude": 33.97, "Longitude": -118.33, "Population": 1423.0}, {"index": 5044, "quantile": 0.75, "value": 196500.0, "Latitude": 33.97, "Longitude": -118.33, "Population": 1423.0}, {"index": 5044, "quantile": 1.0, "value": 414700.0, "Latitude": 33.97, "Longitude": -118.33, "Population": 1423.0}, {"index": 5045, "quantile": 0.0, "value": 136200.0, "Latitude": 33.97, "Longitude": -118.33, "Population": 922.0}, {"index": 5045, "quantile": 0.25, "value": 156400.0, "Latitude": 33.97, "Longitude": -118.33, "Population": 922.0}, {"index": 5045, "quantile": 0.5, "value": 156400.0, "Latitude": 33.97, "Longitude": -118.33, "Population": 922.0}, {"index": 5045, "quantile": 0.75, "value": 198250.0, "Latitude": 33.97, "Longitude": -118.33, "Population": 922.0}, {"index": 5045, "quantile": 1.0, "value": 393800.0, "Latitude": 33.97, "Longitude": -118.33, "Population": 922.0}, {"index": 5046, "quantile": 0.0, "value": 195800.0, "Latitude": 34.02, "Longitude": -118.36, "Population": 1502.0}, {"index": 5046, "quantile": 0.25, "value": 195800.0, "Latitude": 34.02, "Longitude": -118.36, "Population": 1502.0}, {"index": 5046, "quantile": 0.5, "value": 195800.0, "Latitude": 34.02, "Longitude": -118.36, "Population": 1502.0}, {"index": 5046, "quantile": 0.75, "value": 376100.0, "Latitude": 34.02, "Longitude": -118.36, "Population": 1502.0}, {"index": 5046, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.36, "Population": 1502.0}, {"index": 5047, "quantile": 0.0, "value": 215600.0, "Latitude": 34.01, "Longitude": -118.36, "Population": 1214.0}, {"index": 5047, "quantile": 0.25, "value": 340900.0, "Latitude": 34.01, "Longitude": -118.36, "Population": 1214.0}, {"index": 5047, "quantile": 0.5, "value": 381250.0, "Latitude": 34.01, "Longitude": -118.36, "Population": 1214.0}, {"index": 5047, "quantile": 0.75, "value": 440675.0, "Latitude": 34.01, "Longitude": -118.36, "Population": 1214.0}, {"index": 5047, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.36, "Population": 1214.0}, {"index": 5048, "quantile": 0.0, "value": 90400.0, "Latitude": 34.02, "Longitude": -118.37, "Population": 900.0}, {"index": 5048, "quantile": 0.25, "value": 270700.0, "Latitude": 34.02, "Longitude": -118.37, "Population": 900.0}, {"index": 5048, "quantile": 0.5, "value": 332600.0, "Latitude": 34.02, "Longitude": -118.37, "Population": 900.0}, {"index": 5048, "quantile": 0.75, "value": 384400.0, "Latitude": 34.02, "Longitude": -118.37, "Population": 900.0}, {"index": 5048, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.37, "Population": 900.0}, {"index": 5049, "quantile": 0.0, "value": 140600.0, "Latitude": 34.02, "Longitude": -118.38, "Population": 819.0}, {"index": 5049, "quantile": 0.25, "value": 140600.0, "Latitude": 34.02, "Longitude": -118.38, "Population": 819.0}, {"index": 5049, "quantile": 0.5, "value": 140600.0, "Latitude": 34.02, "Longitude": -118.38, "Population": 819.0}, {"index": 5049, "quantile": 0.75, "value": 310799.99999999994, "Latitude": 34.02, "Longitude": -118.38, "Population": 819.0}, {"index": 5049, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.38, "Population": 819.0}, {"index": 5050, "quantile": 0.0, "value": 70000.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 625.0}, {"index": 5050, "quantile": 0.25, "value": 170500.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 625.0}, {"index": 5050, "quantile": 0.5, "value": 170500.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 625.0}, {"index": 5050, "quantile": 0.75, "value": 183100.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 625.0}, {"index": 5050, "quantile": 1.0, "value": 438300.0, "Latitude": 34.02, "Longitude": -118.33, "Population": 625.0}, {"index": 5051, "quantile": 0.0, "value": 125699.99999999999, "Latitude": 34.01, "Longitude": -118.34, "Population": 655.0}, {"index": 5051, "quantile": 0.25, "value": 312500.0, "Latitude": 34.01, "Longitude": -118.34, "Population": 655.0}, {"index": 5051, "quantile": 0.5, "value": 312500.0, "Latitude": 34.01, "Longitude": -118.34, "Population": 655.0}, {"index": 5051, "quantile": 0.75, "value": 312500.0, "Latitude": 34.01, "Longitude": -118.34, "Population": 655.0}, {"index": 5051, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.34, "Population": 655.0}, {"index": 5052, "quantile": 0.0, "value": 47800.0, "Latitude": 34.01, "Longitude": -118.34, "Population": 1941.0}, {"index": 5052, "quantile": 0.25, "value": 106300.0, "Latitude": 34.01, "Longitude": -118.34, "Population": 1941.0}, {"index": 5052, "quantile": 0.5, "value": 106300.0, "Latitude": 34.01, "Longitude": -118.34, "Population": 1941.0}, {"index": 5052, "quantile": 0.75, "value": 113474.99999999999, "Latitude": 34.01, "Longitude": -118.34, "Population": 1941.0}, {"index": 5052, "quantile": 1.0, "value": 500000.0, "Latitude": 34.01, "Longitude": -118.34, "Population": 1941.0}, {"index": 5053, "quantile": 0.0, "value": 87500.0, "Latitude": 34.01, "Longitude": -118.34, "Population": 1407.0}, {"index": 5053, "quantile": 0.25, "value": 157500.0, "Latitude": 34.01, "Longitude": -118.34, "Population": 1407.0}, {"index": 5053, "quantile": 0.5, "value": 206400.0, "Latitude": 34.01, "Longitude": -118.34, "Population": 1407.0}, {"index": 5053, "quantile": 0.75, "value": 312500.0, "Latitude": 34.01, "Longitude": -118.34, "Population": 1407.0}, {"index": 5053, "quantile": 1.0, "value": 450000.0, "Latitude": 34.01, "Longitude": -118.34, "Population": 1407.0}, {"index": 5054, "quantile": 0.0, "value": 90400.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 608.0}, {"index": 5054, "quantile": 0.25, "value": 187800.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 608.0}, {"index": 5054, "quantile": 0.5, "value": 187800.0, "Latitude": 34.02, "Longitude": -118.34, "Population": 608.0}, {"index": 5054, "quantile": 0.75, "value": 233774.99999999997, "Latitude": 34.02, "Longitude": -118.34, "Population": 608.0}, {"index": 5054, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.34, "Population": 608.0}, {"index": 5055, "quantile": 0.0, "value": 89800.0, "Latitude": 34.02, "Longitude": -118.35, "Population": 2725.0}, {"index": 5055, "quantile": 0.25, "value": 126299.99999999999, "Latitude": 34.02, "Longitude": -118.35, "Population": 2725.0}, {"index": 5055, "quantile": 0.5, "value": 167900.0, "Latitude": 34.02, "Longitude": -118.35, "Population": 2725.0}, {"index": 5055, "quantile": 0.75, "value": 167900.0, "Latitude": 34.02, "Longitude": -118.35, "Population": 2725.0}, {"index": 5055, "quantile": 1.0, "value": 215000.0, "Latitude": 34.02, "Longitude": -118.35, "Population": 2725.0}, {"index": 5056, "quantile": 0.0, "value": 50600.0, "Latitude": 34.02, "Longitude": -118.35, "Population": 3538.0}, {"index": 5056, "quantile": 0.25, "value": 118800.0, "Latitude": 34.02, "Longitude": -118.35, "Population": 3538.0}, {"index": 5056, "quantile": 0.5, "value": 118800.0, "Latitude": 34.02, "Longitude": -118.35, "Population": 3538.0}, {"index": 5056, "quantile": 0.75, "value": 118800.0, "Latitude": 34.02, "Longitude": -118.35, "Population": 3538.0}, {"index": 5056, "quantile": 1.0, "value": 350000.0, "Latitude": 34.02, "Longitude": -118.35, "Population": 3538.0}, {"index": 5057, "quantile": 0.0, "value": 87500.0, "Latitude": 34.02, "Longitude": -118.35, "Population": 2415.0}, {"index": 5057, "quantile": 0.25, "value": 87500.0, "Latitude": 34.02, "Longitude": -118.35, "Population": 2415.0}, {"index": 5057, "quantile": 0.5, "value": 87500.0, "Latitude": 34.02, "Longitude": -118.35, "Population": 2415.0}, {"index": 5057, "quantile": 0.75, "value": 125974.99999999999, "Latitude": 34.02, "Longitude": -118.35, "Population": 2415.0}, {"index": 5057, "quantile": 1.0, "value": 475000.0, "Latitude": 34.02, "Longitude": -118.35, "Population": 2415.0}, {"index": 5058, "quantile": 0.0, "value": 164300.0, "Latitude": 34.01, "Longitude": -118.35, "Population": 1585.0}, {"index": 5058, "quantile": 0.25, "value": 235175.0, "Latitude": 34.01, "Longitude": -118.35, "Population": 1585.0}, {"index": 5058, "quantile": 0.5, "value": 353200.0, "Latitude": 34.01, "Longitude": -118.35, "Population": 1585.0}, {"index": 5058, "quantile": 0.75, "value": 353200.0, "Latitude": 34.01, "Longitude": -118.35, "Population": 1585.0}, {"index": 5058, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.35, "Population": 1585.0}, {"index": 5059, "quantile": 0.0, "value": 121600.0, "Latitude": 34.01, "Longitude": -118.35, "Population": 1583.0}, {"index": 5059, "quantile": 0.25, "value": 321550.0, "Latitude": 34.01, "Longitude": -118.35, "Population": 1583.0}, {"index": 5059, "quantile": 0.5, "value": 332100.0, "Latitude": 34.01, "Longitude": -118.35, "Population": 1583.0}, {"index": 5059, "quantile": 0.75, "value": 332100.0, "Latitude": 34.01, "Longitude": -118.35, "Population": 1583.0}, {"index": 5059, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.35, "Population": 1583.0}, {"index": 5060, "quantile": 0.0, "value": 157700.0, "Latitude": 34.0, "Longitude": -118.35, "Population": 1162.0}, {"index": 5060, "quantile": 0.25, "value": 301000.0, "Latitude": 34.0, "Longitude": -118.35, "Population": 1162.0}, {"index": 5060, "quantile": 0.5, "value": 301000.0, "Latitude": 34.0, "Longitude": -118.35, "Population": 1162.0}, {"index": 5060, "quantile": 0.75, "value": 301000.0, "Latitude": 34.0, "Longitude": -118.35, "Population": 1162.0}, {"index": 5060, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.35, "Population": 1162.0}, {"index": 5061, "quantile": 0.0, "value": 88800.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1128.0}, {"index": 5061, "quantile": 0.25, "value": 100000.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1128.0}, {"index": 5061, "quantile": 0.5, "value": 106600.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1128.0}, {"index": 5061, "quantile": 0.75, "value": 112000.00000000001, "Latitude": 33.99, "Longitude": -118.28, "Population": 1128.0}, {"index": 5061, "quantile": 1.0, "value": 222200.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1128.0}, {"index": 5062, "quantile": 0.0, "value": 92200.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1673.0}, {"index": 5062, "quantile": 0.25, "value": 103000.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1673.0}, {"index": 5062, "quantile": 0.5, "value": 103000.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1673.0}, {"index": 5062, "quantile": 0.75, "value": 103000.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1673.0}, {"index": 5062, "quantile": 1.0, "value": 122600.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1673.0}, {"index": 5063, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.99, "Longitude": -118.29, "Population": 857.0}, {"index": 5063, "quantile": 0.25, "value": 101424.99999999999, "Latitude": 33.99, "Longitude": -118.29, "Population": 857.0}, {"index": 5063, "quantile": 0.5, "value": 127599.99999999999, "Latitude": 33.99, "Longitude": -118.29, "Population": 857.0}, {"index": 5063, "quantile": 0.75, "value": 160000.0, "Latitude": 33.99, "Longitude": -118.29, "Population": 857.0}, {"index": 5063, "quantile": 1.0, "value": 305800.0, "Latitude": 33.99, "Longitude": -118.29, "Population": 857.0}, {"index": 5064, "quantile": 0.0, "value": 88700.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 1422.0}, {"index": 5064, "quantile": 0.25, "value": 101174.99999999999, "Latitude": 33.98, "Longitude": -118.29, "Population": 1422.0}, {"index": 5064, "quantile": 0.5, "value": 108300.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 1422.0}, {"index": 5064, "quantile": 0.75, "value": 108300.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 1422.0}, {"index": 5064, "quantile": 1.0, "value": 124300.00000000001, "Latitude": 33.98, "Longitude": -118.29, "Population": 1422.0}, {"index": 5065, "quantile": 0.0, "value": 93300.0, "Latitude": 33.99, "Longitude": -118.29, "Population": 1153.0}, {"index": 5065, "quantile": 0.25, "value": 100224.99999999999, "Latitude": 33.99, "Longitude": -118.29, "Population": 1153.0}, {"index": 5065, "quantile": 0.5, "value": 112900.0, "Latitude": 33.99, "Longitude": -118.29, "Population": 1153.0}, {"index": 5065, "quantile": 0.75, "value": 112900.0, "Latitude": 33.99, "Longitude": -118.29, "Population": 1153.0}, {"index": 5065, "quantile": 1.0, "value": 116900.0, "Latitude": 33.99, "Longitude": -118.29, "Population": 1153.0}, {"index": 5066, "quantile": 0.0, "value": 89800.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1159.0}, {"index": 5066, "quantile": 0.25, "value": 98200.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1159.0}, {"index": 5066, "quantile": 0.5, "value": 98200.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1159.0}, {"index": 5066, "quantile": 0.75, "value": 99850.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1159.0}, {"index": 5066, "quantile": 1.0, "value": 134600.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1159.0}, {"index": 5067, "quantile": 0.0, "value": 89500.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1231.0}, {"index": 5067, "quantile": 0.25, "value": 100774.99999999999, "Latitude": 33.99, "Longitude": -118.3, "Population": 1231.0}, {"index": 5067, "quantile": 0.5, "value": 123900.00000000001, "Latitude": 33.99, "Longitude": -118.3, "Population": 1231.0}, {"index": 5067, "quantile": 0.75, "value": 148425.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1231.0}, {"index": 5067, "quantile": 1.0, "value": 232100.00000000003, "Latitude": 33.99, "Longitude": -118.3, "Population": 1231.0}, {"index": 5068, "quantile": 0.0, "value": 93300.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 902.0}, {"index": 5068, "quantile": 0.25, "value": 93300.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 902.0}, {"index": 5068, "quantile": 0.5, "value": 93300.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 902.0}, {"index": 5068, "quantile": 0.75, "value": 95975.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 902.0}, {"index": 5068, "quantile": 1.0, "value": 162500.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 902.0}, {"index": 5069, "quantile": 0.0, "value": 88700.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1484.0}, {"index": 5069, "quantile": 0.25, "value": 99800.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1484.0}, {"index": 5069, "quantile": 0.5, "value": 101400.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1484.0}, {"index": 5069, "quantile": 0.75, "value": 120000.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1484.0}, {"index": 5069, "quantile": 1.0, "value": 215000.0, "Latitude": 33.99, "Longitude": -118.3, "Population": 1484.0}, {"index": 5070, "quantile": 0.0, "value": 71800.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 234.0}, {"index": 5070, "quantile": 0.25, "value": 181300.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 234.0}, {"index": 5070, "quantile": 0.5, "value": 214100.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 234.0}, {"index": 5070, "quantile": 0.75, "value": 314900.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 234.0}, {"index": 5070, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.31, "Population": 234.0}, {"index": 5071, "quantile": 0.0, "value": 95200.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 694.0}, {"index": 5071, "quantile": 0.25, "value": 108000.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 694.0}, {"index": 5071, "quantile": 0.5, "value": 108000.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 694.0}, {"index": 5071, "quantile": 0.75, "value": 164600.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 694.0}, {"index": 5071, "quantile": 1.0, "value": 350000.0, "Latitude": 33.99, "Longitude": -118.31, "Population": 694.0}, {"index": 5072, "quantile": 0.0, "value": 93300.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 1062.0}, {"index": 5072, "quantile": 0.25, "value": 96500.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 1062.0}, {"index": 5072, "quantile": 0.5, "value": 96500.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 1062.0}, {"index": 5072, "quantile": 0.75, "value": 101400.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 1062.0}, {"index": 5072, "quantile": 1.0, "value": 175000.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 1062.0}, {"index": 5073, "quantile": 0.0, "value": 96100.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 900.0}, {"index": 5073, "quantile": 0.25, "value": 127225.00000000001, "Latitude": 33.98, "Longitude": -118.31, "Population": 900.0}, {"index": 5073, "quantile": 0.5, "value": 138700.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 900.0}, {"index": 5073, "quantile": 0.75, "value": 166650.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 900.0}, {"index": 5073, "quantile": 1.0, "value": 314500.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 900.0}, {"index": 5074, "quantile": 0.0, "value": 91300.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 1090.0}, {"index": 5074, "quantile": 0.25, "value": 106600.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 1090.0}, {"index": 5074, "quantile": 0.5, "value": 106600.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 1090.0}, {"index": 5074, "quantile": 0.75, "value": 106600.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 1090.0}, {"index": 5074, "quantile": 1.0, "value": 175000.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 1090.0}, {"index": 5075, "quantile": 0.0, "value": 70100.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 1043.0}, {"index": 5075, "quantile": 0.25, "value": 112200.00000000001, "Latitude": 33.98, "Longitude": -118.31, "Population": 1043.0}, {"index": 5075, "quantile": 0.5, "value": 112200.00000000001, "Latitude": 33.98, "Longitude": -118.31, "Population": 1043.0}, {"index": 5075, "quantile": 0.75, "value": 117300.0, "Latitude": 33.98, "Longitude": -118.31, "Population": 1043.0}, {"index": 5075, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.31, "Population": 1043.0}, {"index": 5076, "quantile": 0.0, "value": 87500.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 1052.0}, {"index": 5076, "quantile": 0.25, "value": 106600.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 1052.0}, {"index": 5076, "quantile": 0.5, "value": 115199.99999999999, "Latitude": 33.98, "Longitude": -118.32, "Population": 1052.0}, {"index": 5076, "quantile": 0.75, "value": 150325.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 1052.0}, {"index": 5076, "quantile": 1.0, "value": 212500.0, "Latitude": 33.98, "Longitude": -118.32, "Population": 1052.0}, {"index": 5077, "quantile": 0.0, "value": 93300.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 1348.0}, {"index": 5077, "quantile": 0.25, "value": 97200.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 1348.0}, {"index": 5077, "quantile": 0.5, "value": 97200.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 1348.0}, {"index": 5077, "quantile": 0.75, "value": 99300.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 1348.0}, {"index": 5077, "quantile": 1.0, "value": 134600.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 1348.0}, {"index": 5078, "quantile": 0.0, "value": 94000.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 783.0}, {"index": 5078, "quantile": 0.25, "value": 136600.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 783.0}, {"index": 5078, "quantile": 0.5, "value": 161300.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 783.0}, {"index": 5078, "quantile": 0.75, "value": 175900.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 783.0}, {"index": 5078, "quantile": 1.0, "value": 330300.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 783.0}, {"index": 5079, "quantile": 0.0, "value": 94000.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 986.0}, {"index": 5079, "quantile": 0.25, "value": 94000.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 986.0}, {"index": 5079, "quantile": 0.5, "value": 94000.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 986.0}, {"index": 5079, "quantile": 0.75, "value": 126200.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 986.0}, {"index": 5079, "quantile": 1.0, "value": 213600.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 986.0}, {"index": 5080, "quantile": 0.0, "value": 93300.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 1208.0}, {"index": 5080, "quantile": 0.25, "value": 95800.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 1208.0}, {"index": 5080, "quantile": 0.5, "value": 95800.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 1208.0}, {"index": 5080, "quantile": 0.75, "value": 99850.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 1208.0}, {"index": 5080, "quantile": 1.0, "value": 131800.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 1208.0}, {"index": 5081, "quantile": 0.0, "value": 94000.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 1176.0}, {"index": 5081, "quantile": 0.25, "value": 102400.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 1176.0}, {"index": 5081, "quantile": 0.5, "value": 102400.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 1176.0}, {"index": 5081, "quantile": 0.75, "value": 125800.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 1176.0}, {"index": 5081, "quantile": 1.0, "value": 166100.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 1176.0}, {"index": 5082, "quantile": 0.0, "value": 94000.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 811.0}, {"index": 5082, "quantile": 0.25, "value": 95200.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 811.0}, {"index": 5082, "quantile": 0.5, "value": 95200.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 811.0}, {"index": 5082, "quantile": 0.75, "value": 98100.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 811.0}, {"index": 5082, "quantile": 1.0, "value": 325000.0, "Latitude": 33.98, "Longitude": -118.3, "Population": 811.0}, {"index": 5083, "quantile": 0.0, "value": 94200.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 2542.0}, {"index": 5083, "quantile": 0.25, "value": 100000.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 2542.0}, {"index": 5083, "quantile": 0.5, "value": 100000.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 2542.0}, {"index": 5083, "quantile": 0.75, "value": 100875.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 2542.0}, {"index": 5083, "quantile": 1.0, "value": 175000.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 2542.0}, {"index": 5084, "quantile": 0.0, "value": 88300.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 786.0}, {"index": 5084, "quantile": 0.25, "value": 110000.00000000001, "Latitude": 33.98, "Longitude": -118.29, "Population": 786.0}, {"index": 5084, "quantile": 0.5, "value": 110000.00000000001, "Latitude": 33.98, "Longitude": -118.29, "Population": 786.0}, {"index": 5084, "quantile": 0.75, "value": 110000.00000000001, "Latitude": 33.98, "Longitude": -118.29, "Population": 786.0}, {"index": 5084, "quantile": 1.0, "value": 134600.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 786.0}, {"index": 5085, "quantile": 0.0, "value": 88200.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 1332.0}, {"index": 5085, "quantile": 0.25, "value": 92200.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 1332.0}, {"index": 5085, "quantile": 0.5, "value": 92200.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 1332.0}, {"index": 5085, "quantile": 0.75, "value": 97675.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 1332.0}, {"index": 5085, "quantile": 1.0, "value": 165600.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 1332.0}, {"index": 5086, "quantile": 0.0, "value": 93000.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 782.0}, {"index": 5086, "quantile": 0.25, "value": 93000.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 782.0}, {"index": 5086, "quantile": 0.5, "value": 93000.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 782.0}, {"index": 5086, "quantile": 0.75, "value": 112000.00000000001, "Latitude": 33.98, "Longitude": -118.28, "Population": 782.0}, {"index": 5086, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 33.98, "Longitude": -118.28, "Population": 782.0}, {"index": 5087, "quantile": 0.0, "value": 89800.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 1382.0}, {"index": 5087, "quantile": 0.25, "value": 92300.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 1382.0}, {"index": 5087, "quantile": 0.5, "value": 92300.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 1382.0}, {"index": 5087, "quantile": 0.75, "value": 95800.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 1382.0}, {"index": 5087, "quantile": 1.0, "value": 112500.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 1382.0}, {"index": 5088, "quantile": 0.0, "value": 75000.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 726.0}, {"index": 5088, "quantile": 0.25, "value": 121400.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 726.0}, {"index": 5088, "quantile": 0.5, "value": 121400.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 726.0}, {"index": 5088, "quantile": 0.75, "value": 131850.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 726.0}, {"index": 5088, "quantile": 1.0, "value": 475000.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 726.0}, {"index": 5089, "quantile": 0.0, "value": 91900.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 1207.0}, {"index": 5089, "quantile": 0.25, "value": 100000.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 1207.0}, {"index": 5089, "quantile": 0.5, "value": 100000.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 1207.0}, {"index": 5089, "quantile": 0.75, "value": 100000.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 1207.0}, {"index": 5089, "quantile": 1.0, "value": 215000.0, "Latitude": 33.98, "Longitude": -118.29, "Population": 1207.0}, {"index": 5090, "quantile": 0.0, "value": 88700.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 1091.0}, {"index": 5090, "quantile": 0.25, "value": 97300.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 1091.0}, {"index": 5090, "quantile": 0.5, "value": 102600.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 1091.0}, {"index": 5090, "quantile": 0.75, "value": 102600.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 1091.0}, {"index": 5090, "quantile": 1.0, "value": 181300.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 1091.0}, {"index": 5091, "quantile": 0.0, "value": 90100.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 2063.0}, {"index": 5091, "quantile": 0.25, "value": 102600.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 2063.0}, {"index": 5091, "quantile": 0.5, "value": 107000.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 2063.0}, {"index": 5091, "quantile": 0.75, "value": 107000.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 2063.0}, {"index": 5091, "quantile": 1.0, "value": 174500.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 2063.0}, {"index": 5092, "quantile": 0.0, "value": 89800.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 1978.0}, {"index": 5092, "quantile": 0.25, "value": 100000.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 1978.0}, {"index": 5092, "quantile": 0.5, "value": 100000.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 1978.0}, {"index": 5092, "quantile": 0.75, "value": 100200.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 1978.0}, {"index": 5092, "quantile": 1.0, "value": 124300.00000000001, "Latitude": 33.97, "Longitude": -118.28, "Population": 1978.0}, {"index": 5093, "quantile": 0.0, "value": 86200.0, "Latitude": 33.97, "Longitude": -118.29, "Population": 2133.0}, {"index": 5093, "quantile": 0.25, "value": 99100.0, "Latitude": 33.97, "Longitude": -118.29, "Population": 2133.0}, {"index": 5093, "quantile": 0.5, "value": 102299.99999999999, "Latitude": 33.97, "Longitude": -118.29, "Population": 2133.0}, {"index": 5093, "quantile": 0.75, "value": 108725.0, "Latitude": 33.97, "Longitude": -118.29, "Population": 2133.0}, {"index": 5093, "quantile": 1.0, "value": 147900.0, "Latitude": 33.97, "Longitude": -118.29, "Population": 2133.0}, {"index": 5094, "quantile": 0.0, "value": 94000.0, "Latitude": 33.97, "Longitude": -118.3, "Population": 1140.0}, {"index": 5094, "quantile": 0.25, "value": 136600.0, "Latitude": 33.97, "Longitude": -118.3, "Population": 1140.0}, {"index": 5094, "quantile": 0.5, "value": 152650.0, "Latitude": 33.97, "Longitude": -118.3, "Population": 1140.0}, {"index": 5094, "quantile": 0.75, "value": 164600.0, "Latitude": 33.97, "Longitude": -118.3, "Population": 1140.0}, {"index": 5094, "quantile": 1.0, "value": 257799.99999999997, "Latitude": 33.97, "Longitude": -118.3, "Population": 1140.0}, {"index": 5095, "quantile": 0.0, "value": 84800.0, "Latitude": 33.97, "Longitude": -118.3, "Population": 1074.0}, {"index": 5095, "quantile": 0.25, "value": 99800.0, "Latitude": 33.97, "Longitude": -118.3, "Population": 1074.0}, {"index": 5095, "quantile": 0.5, "value": 99800.0, "Latitude": 33.97, "Longitude": -118.3, "Population": 1074.0}, {"index": 5095, "quantile": 0.75, "value": 99800.0, "Latitude": 33.97, "Longitude": -118.3, "Population": 1074.0}, {"index": 5095, "quantile": 1.0, "value": 133500.0, "Latitude": 33.97, "Longitude": -118.3, "Population": 1074.0}, {"index": 5096, "quantile": 0.0, "value": 91300.0, "Latitude": 33.97, "Longitude": -118.3, "Population": 567.0}, {"index": 5096, "quantile": 0.25, "value": 124100.00000000001, "Latitude": 33.97, "Longitude": -118.3, "Population": 567.0}, {"index": 5096, "quantile": 0.5, "value": 124100.00000000001, "Latitude": 33.97, "Longitude": -118.3, "Population": 567.0}, {"index": 5096, "quantile": 0.75, "value": 124100.00000000001, "Latitude": 33.97, "Longitude": -118.3, "Population": 567.0}, {"index": 5096, "quantile": 1.0, "value": 206300.00000000003, "Latitude": 33.97, "Longitude": -118.3, "Population": 567.0}, {"index": 5097, "quantile": 0.0, "value": 56799.99999999999, "Latitude": 33.97, "Longitude": -118.3, "Population": 1000.0}, {"index": 5097, "quantile": 0.25, "value": 114700.0, "Latitude": 33.97, "Longitude": -118.3, "Population": 1000.0}, {"index": 5097, "quantile": 0.5, "value": 119400.0, "Latitude": 33.97, "Longitude": -118.3, "Population": 1000.0}, {"index": 5097, "quantile": 0.75, "value": 119400.0, "Latitude": 33.97, "Longitude": -118.3, "Population": 1000.0}, {"index": 5097, "quantile": 1.0, "value": 175000.0, "Latitude": 33.97, "Longitude": -118.3, "Population": 1000.0}, {"index": 5098, "quantile": 0.0, "value": 124200.0, "Latitude": 33.97, "Longitude": -118.31, "Population": 823.0}, {"index": 5098, "quantile": 0.25, "value": 124200.0, "Latitude": 33.97, "Longitude": -118.31, "Population": 823.0}, {"index": 5098, "quantile": 0.5, "value": 124200.0, "Latitude": 33.97, "Longitude": -118.31, "Population": 823.0}, {"index": 5098, "quantile": 0.75, "value": 138800.0, "Latitude": 33.97, "Longitude": -118.31, "Population": 823.0}, {"index": 5098, "quantile": 1.0, "value": 330300.0, "Latitude": 33.97, "Longitude": -118.31, "Population": 823.0}, {"index": 5099, "quantile": 0.0, "value": 102400.0, "Latitude": 33.97, "Longitude": -118.31, "Population": 1156.0}, {"index": 5099, "quantile": 0.25, "value": 125800.0, "Latitude": 33.97, "Longitude": -118.31, "Population": 1156.0}, {"index": 5099, "quantile": 0.5, "value": 125800.0, "Latitude": 33.97, "Longitude": -118.31, "Population": 1156.0}, {"index": 5099, "quantile": 0.75, "value": 127400.0, "Latitude": 33.97, "Longitude": -118.31, "Population": 1156.0}, {"index": 5099, "quantile": 1.0, "value": 242200.00000000003, "Latitude": 33.97, "Longitude": -118.31, "Population": 1156.0}, {"index": 5100, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 33.97, "Longitude": -118.31, "Population": 819.0}, {"index": 5100, "quantile": 0.25, "value": 142600.0, "Latitude": 33.97, "Longitude": -118.31, "Population": 819.0}, {"index": 5100, "quantile": 0.5, "value": 142600.0, "Latitude": 33.97, "Longitude": -118.31, "Population": 819.0}, {"index": 5100, "quantile": 0.75, "value": 142600.0, "Latitude": 33.97, "Longitude": -118.31, "Population": 819.0}, {"index": 5100, "quantile": 1.0, "value": 383800.0, "Latitude": 33.97, "Longitude": -118.31, "Population": 819.0}, {"index": 5101, "quantile": 0.0, "value": 98100.0, "Latitude": 33.97, "Longitude": -118.31, "Population": 819.0}, {"index": 5101, "quantile": 0.25, "value": 124000.00000000001, "Latitude": 33.97, "Longitude": -118.31, "Population": 819.0}, {"index": 5101, "quantile": 0.5, "value": 136450.0, "Latitude": 33.97, "Longitude": -118.31, "Population": 819.0}, {"index": 5101, "quantile": 0.75, "value": 188425.0, "Latitude": 33.97, "Longitude": -118.31, "Population": 819.0}, {"index": 5101, "quantile": 1.0, "value": 361700.0, "Latitude": 33.97, "Longitude": -118.31, "Population": 819.0}, {"index": 5102, "quantile": 0.0, "value": 94000.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 751.0}, {"index": 5102, "quantile": 0.25, "value": 131700.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 751.0}, {"index": 5102, "quantile": 0.5, "value": 131700.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 751.0}, {"index": 5102, "quantile": 0.75, "value": 131700.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 751.0}, {"index": 5102, "quantile": 1.0, "value": 361700.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 751.0}, {"index": 5103, "quantile": 0.0, "value": 70100.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 892.0}, {"index": 5103, "quantile": 0.25, "value": 120000.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 892.0}, {"index": 5103, "quantile": 0.5, "value": 120000.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 892.0}, {"index": 5103, "quantile": 0.75, "value": 124200.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 892.0}, {"index": 5103, "quantile": 1.0, "value": 285500.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 892.0}, {"index": 5104, "quantile": 0.0, "value": 102400.0, "Latitude": 33.95, "Longitude": -118.31, "Population": 1065.0}, {"index": 5104, "quantile": 0.25, "value": 131000.0, "Latitude": 33.95, "Longitude": -118.31, "Population": 1065.0}, {"index": 5104, "quantile": 0.5, "value": 131000.0, "Latitude": 33.95, "Longitude": -118.31, "Population": 1065.0}, {"index": 5104, "quantile": 0.75, "value": 131000.0, "Latitude": 33.95, "Longitude": -118.31, "Population": 1065.0}, {"index": 5104, "quantile": 1.0, "value": 381800.0, "Latitude": 33.95, "Longitude": -118.31, "Population": 1065.0}, {"index": 5105, "quantile": 0.0, "value": 117400.0, "Latitude": 33.95, "Longitude": -118.31, "Population": 1095.0}, {"index": 5105, "quantile": 0.25, "value": 138700.0, "Latitude": 33.95, "Longitude": -118.31, "Population": 1095.0}, {"index": 5105, "quantile": 0.5, "value": 162050.0, "Latitude": 33.95, "Longitude": -118.31, "Population": 1095.0}, {"index": 5105, "quantile": 0.75, "value": 174400.0, "Latitude": 33.95, "Longitude": -118.31, "Population": 1095.0}, {"index": 5105, "quantile": 1.0, "value": 318900.0, "Latitude": 33.95, "Longitude": -118.31, "Population": 1095.0}, {"index": 5106, "quantile": 0.0, "value": 136200.0, "Latitude": 33.95, "Longitude": -118.31, "Population": 1305.0}, {"index": 5106, "quantile": 0.25, "value": 149600.0, "Latitude": 33.95, "Longitude": -118.31, "Population": 1305.0}, {"index": 5106, "quantile": 0.5, "value": 149600.0, "Latitude": 33.95, "Longitude": -118.31, "Population": 1305.0}, {"index": 5106, "quantile": 0.75, "value": 175600.0, "Latitude": 33.95, "Longitude": -118.31, "Population": 1305.0}, {"index": 5106, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 33.95, "Longitude": -118.31, "Population": 1305.0}, {"index": 5107, "quantile": 0.0, "value": 70700.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 1132.0}, {"index": 5107, "quantile": 0.25, "value": 124200.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 1132.0}, {"index": 5107, "quantile": 0.5, "value": 131700.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 1132.0}, {"index": 5107, "quantile": 0.75, "value": 161925.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 1132.0}, {"index": 5107, "quantile": 1.0, "value": 361700.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 1132.0}, {"index": 5108, "quantile": 0.0, "value": 87500.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1266.0}, {"index": 5108, "quantile": 0.25, "value": 121000.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1266.0}, {"index": 5108, "quantile": 0.5, "value": 121000.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1266.0}, {"index": 5108, "quantile": 0.75, "value": 121000.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1266.0}, {"index": 5108, "quantile": 1.0, "value": 376100.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1266.0}, {"index": 5109, "quantile": 0.0, "value": 94000.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1316.0}, {"index": 5109, "quantile": 0.25, "value": 110000.00000000001, "Latitude": 33.96, "Longitude": -118.31, "Population": 1316.0}, {"index": 5109, "quantile": 0.5, "value": 131800.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1316.0}, {"index": 5109, "quantile": 0.75, "value": 131800.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1316.0}, {"index": 5109, "quantile": 1.0, "value": 131800.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1316.0}, {"index": 5110, "quantile": 0.0, "value": 110700.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 870.0}, {"index": 5110, "quantile": 0.25, "value": 136300.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 870.0}, {"index": 5110, "quantile": 0.5, "value": 136300.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 870.0}, {"index": 5110, "quantile": 0.75, "value": 136300.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 870.0}, {"index": 5110, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.31, "Population": 870.0}, {"index": 5111, "quantile": 0.0, "value": 90400.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1020.0}, {"index": 5111, "quantile": 0.25, "value": 138700.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1020.0}, {"index": 5111, "quantile": 0.5, "value": 138700.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1020.0}, {"index": 5111, "quantile": 0.75, "value": 138700.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1020.0}, {"index": 5111, "quantile": 1.0, "value": 275000.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1020.0}, {"index": 5112, "quantile": 0.0, "value": 117400.0, "Latitude": 33.97, "Longitude": -118.29, "Population": 1319.0}, {"index": 5112, "quantile": 0.25, "value": 134200.0, "Latitude": 33.97, "Longitude": -118.29, "Population": 1319.0}, {"index": 5112, "quantile": 0.5, "value": 134200.0, "Latitude": 33.97, "Longitude": -118.29, "Population": 1319.0}, {"index": 5112, "quantile": 0.75, "value": 134725.0, "Latitude": 33.97, "Longitude": -118.29, "Population": 1319.0}, {"index": 5112, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 33.97, "Longitude": -118.29, "Population": 1319.0}, {"index": 5113, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.96, "Longitude": -118.29, "Population": 902.0}, {"index": 5113, "quantile": 0.25, "value": 113124.99999999999, "Latitude": 33.96, "Longitude": -118.29, "Population": 902.0}, {"index": 5113, "quantile": 0.5, "value": 113199.99999999999, "Latitude": 33.96, "Longitude": -118.29, "Population": 902.0}, {"index": 5113, "quantile": 0.75, "value": 113199.99999999999, "Latitude": 33.96, "Longitude": -118.29, "Population": 902.0}, {"index": 5113, "quantile": 1.0, "value": 376100.0, "Latitude": 33.96, "Longitude": -118.29, "Population": 902.0}, {"index": 5114, "quantile": 0.0, "value": 94000.0, "Latitude": 33.96, "Longitude": -118.3, "Population": 1095.0}, {"index": 5114, "quantile": 0.25, "value": 122649.99999999999, "Latitude": 33.96, "Longitude": -118.3, "Population": 1095.0}, {"index": 5114, "quantile": 0.5, "value": 176800.0, "Latitude": 33.96, "Longitude": -118.3, "Population": 1095.0}, {"index": 5114, "quantile": 0.75, "value": 202100.0, "Latitude": 33.96, "Longitude": -118.3, "Population": 1095.0}, {"index": 5114, "quantile": 1.0, "value": 296100.0, "Latitude": 33.96, "Longitude": -118.3, "Population": 1095.0}, {"index": 5115, "quantile": 0.0, "value": 95200.0, "Latitude": 33.96, "Longitude": -118.3, "Population": 1524.0}, {"index": 5115, "quantile": 0.25, "value": 136300.0, "Latitude": 33.96, "Longitude": -118.3, "Population": 1524.0}, {"index": 5115, "quantile": 0.5, "value": 136300.0, "Latitude": 33.96, "Longitude": -118.3, "Population": 1524.0}, {"index": 5115, "quantile": 0.75, "value": 136300.0, "Latitude": 33.96, "Longitude": -118.3, "Population": 1524.0}, {"index": 5115, "quantile": 1.0, "value": 216600.0, "Latitude": 33.96, "Longitude": -118.3, "Population": 1524.0}, {"index": 5116, "quantile": 0.0, "value": 85400.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1241.0}, {"index": 5116, "quantile": 0.25, "value": 91300.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1241.0}, {"index": 5116, "quantile": 0.5, "value": 94950.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1241.0}, {"index": 5116, "quantile": 0.75, "value": 103925.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1241.0}, {"index": 5116, "quantile": 1.0, "value": 160200.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1241.0}, {"index": 5117, "quantile": 0.0, "value": 90900.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1913.0}, {"index": 5117, "quantile": 0.25, "value": 100000.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1913.0}, {"index": 5117, "quantile": 0.5, "value": 102099.99999999999, "Latitude": 33.96, "Longitude": -118.28, "Population": 1913.0}, {"index": 5117, "quantile": 0.75, "value": 102099.99999999999, "Latitude": 33.96, "Longitude": -118.28, "Population": 1913.0}, {"index": 5117, "quantile": 1.0, "value": 200000.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1913.0}, {"index": 5118, "quantile": 0.0, "value": 90100.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 2782.0}, {"index": 5118, "quantile": 0.25, "value": 100299.99999999999, "Latitude": 33.97, "Longitude": -118.28, "Population": 2782.0}, {"index": 5118, "quantile": 0.5, "value": 104950.00000000001, "Latitude": 33.97, "Longitude": -118.28, "Population": 2782.0}, {"index": 5118, "quantile": 0.75, "value": 116300.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 2782.0}, {"index": 5118, "quantile": 1.0, "value": 167900.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 2782.0}, {"index": 5119, "quantile": 0.0, "value": 89700.0, "Latitude": 33.96, "Longitude": -118.29, "Population": 3707.0}, {"index": 5119, "quantile": 0.25, "value": 116300.0, "Latitude": 33.96, "Longitude": -118.29, "Population": 3707.0}, {"index": 5119, "quantile": 0.5, "value": 116300.0, "Latitude": 33.96, "Longitude": -118.29, "Population": 3707.0}, {"index": 5119, "quantile": 0.75, "value": 118800.0, "Latitude": 33.96, "Longitude": -118.29, "Population": 3707.0}, {"index": 5119, "quantile": 1.0, "value": 215000.0, "Latitude": 33.96, "Longitude": -118.29, "Population": 3707.0}, {"index": 5120, "quantile": 0.0, "value": 117400.0, "Latitude": 33.96, "Longitude": -118.3, "Population": 1161.0}, {"index": 5120, "quantile": 0.25, "value": 117400.0, "Latitude": 33.96, "Longitude": -118.3, "Population": 1161.0}, {"index": 5120, "quantile": 0.5, "value": 117400.0, "Latitude": 33.96, "Longitude": -118.3, "Population": 1161.0}, {"index": 5120, "quantile": 0.75, "value": 156575.0, "Latitude": 33.96, "Longitude": -118.3, "Population": 1161.0}, {"index": 5120, "quantile": 1.0, "value": 341200.0, "Latitude": 33.96, "Longitude": -118.3, "Population": 1161.0}, {"index": 5121, "quantile": 0.0, "value": 94000.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1167.0}, {"index": 5121, "quantile": 0.25, "value": 127400.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1167.0}, {"index": 5121, "quantile": 0.5, "value": 127400.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1167.0}, {"index": 5121, "quantile": 0.75, "value": 127400.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1167.0}, {"index": 5121, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.31, "Population": 1167.0}, {"index": 5122, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.96, "Longitude": -118.31, "Population": 1077.0}, {"index": 5122, "quantile": 0.25, "value": 162000.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1077.0}, {"index": 5122, "quantile": 0.5, "value": 176750.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1077.0}, {"index": 5122, "quantile": 0.75, "value": 214900.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1077.0}, {"index": 5122, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 33.96, "Longitude": -118.31, "Population": 1077.0}, {"index": 5123, "quantile": 0.0, "value": 117400.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1134.0}, {"index": 5123, "quantile": 0.25, "value": 140300.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1134.0}, {"index": 5123, "quantile": 0.5, "value": 140300.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1134.0}, {"index": 5123, "quantile": 0.75, "value": 140300.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1134.0}, {"index": 5123, "quantile": 1.0, "value": 417600.0, "Latitude": 33.96, "Longitude": -118.31, "Population": 1134.0}, {"index": 5124, "quantile": 0.0, "value": 88200.0, "Latitude": 33.99, "Longitude": -118.26, "Population": 1966.0}, {"index": 5124, "quantile": 0.25, "value": 97500.0, "Latitude": 33.99, "Longitude": -118.26, "Population": 1966.0}, {"index": 5124, "quantile": 0.5, "value": 97500.0, "Latitude": 33.99, "Longitude": -118.26, "Population": 1966.0}, {"index": 5124, "quantile": 0.75, "value": 97500.0, "Latitude": 33.99, "Longitude": -118.26, "Population": 1966.0}, {"index": 5124, "quantile": 1.0, "value": 181300.0, "Latitude": 33.99, "Longitude": -118.26, "Population": 1966.0}, {"index": 5125, "quantile": 0.0, "value": 90100.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 2028.0}, {"index": 5125, "quantile": 0.25, "value": 97500.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 2028.0}, {"index": 5125, "quantile": 0.5, "value": 102099.99999999999, "Latitude": 33.98, "Longitude": -118.27, "Population": 2028.0}, {"index": 5125, "quantile": 0.75, "value": 107000.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 2028.0}, {"index": 5125, "quantile": 1.0, "value": 181300.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 2028.0}, {"index": 5126, "quantile": 0.0, "value": 86200.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1098.0}, {"index": 5126, "quantile": 0.25, "value": 98575.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1098.0}, {"index": 5126, "quantile": 0.5, "value": 104000.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1098.0}, {"index": 5126, "quantile": 0.75, "value": 104000.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1098.0}, {"index": 5126, "quantile": 1.0, "value": 134400.0, "Latitude": 33.99, "Longitude": -118.28, "Population": 1098.0}, {"index": 5127, "quantile": 0.0, "value": 84200.0, "Latitude": 33.99, "Longitude": -118.27, "Population": 730.0}, {"index": 5127, "quantile": 0.25, "value": 94150.0, "Latitude": 33.99, "Longitude": -118.27, "Population": 730.0}, {"index": 5127, "quantile": 0.5, "value": 98900.0, "Latitude": 33.99, "Longitude": -118.27, "Population": 730.0}, {"index": 5127, "quantile": 0.75, "value": 103074.99999999999, "Latitude": 33.99, "Longitude": -118.27, "Population": 730.0}, {"index": 5127, "quantile": 1.0, "value": 235700.00000000003, "Latitude": 33.99, "Longitude": -118.27, "Population": 730.0}, {"index": 5128, "quantile": 0.0, "value": 88200.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 1100.0}, {"index": 5128, "quantile": 0.25, "value": 97500.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 1100.0}, {"index": 5128, "quantile": 0.5, "value": 97500.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 1100.0}, {"index": 5128, "quantile": 0.75, "value": 97500.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 1100.0}, {"index": 5128, "quantile": 1.0, "value": 124000.0, "Latitude": 33.98, "Longitude": -118.28, "Population": 1100.0}, {"index": 5129, "quantile": 0.0, "value": 87500.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 1502.0}, {"index": 5129, "quantile": 0.25, "value": 94200.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 1502.0}, {"index": 5129, "quantile": 0.5, "value": 97500.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 1502.0}, {"index": 5129, "quantile": 0.75, "value": 100000.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 1502.0}, {"index": 5129, "quantile": 1.0, "value": 126800.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 1502.0}, {"index": 5130, "quantile": 0.0, "value": 88400.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 1933.0}, {"index": 5130, "quantile": 0.25, "value": 97000.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 1933.0}, {"index": 5130, "quantile": 0.5, "value": 97000.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 1933.0}, {"index": 5130, "quantile": 0.75, "value": 97000.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 1933.0}, {"index": 5130, "quantile": 1.0, "value": 200000.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 1933.0}, {"index": 5131, "quantile": 0.0, "value": 84700.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 2177.0}, {"index": 5131, "quantile": 0.25, "value": 92500.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 2177.0}, {"index": 5131, "quantile": 0.5, "value": 92500.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 2177.0}, {"index": 5131, "quantile": 0.75, "value": 107600.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 2177.0}, {"index": 5131, "quantile": 1.0, "value": 190600.0, "Latitude": 33.98, "Longitude": -118.27, "Population": 2177.0}, {"index": 5132, "quantile": 0.0, "value": 84200.0, "Latitude": 33.98, "Longitude": -118.26, "Population": 854.0}, {"index": 5132, "quantile": 0.25, "value": 98200.0, "Latitude": 33.98, "Longitude": -118.26, "Population": 854.0}, {"index": 5132, "quantile": 0.5, "value": 98200.0, "Latitude": 33.98, "Longitude": -118.26, "Population": 854.0}, {"index": 5132, "quantile": 0.75, "value": 98200.0, "Latitude": 33.98, "Longitude": -118.26, "Population": 854.0}, {"index": 5132, "quantile": 1.0, "value": 116700.0, "Latitude": 33.98, "Longitude": -118.26, "Population": 854.0}, {"index": 5133, "quantile": 0.0, "value": 89800.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1120.0}, {"index": 5133, "quantile": 0.25, "value": 98200.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1120.0}, {"index": 5133, "quantile": 0.5, "value": 98200.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1120.0}, {"index": 5133, "quantile": 0.75, "value": 98200.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1120.0}, {"index": 5133, "quantile": 1.0, "value": 227199.99999999997, "Latitude": 33.97, "Longitude": -118.26, "Population": 1120.0}, {"index": 5134, "quantile": 0.0, "value": 88800.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1031.0}, {"index": 5134, "quantile": 0.25, "value": 96300.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1031.0}, {"index": 5134, "quantile": 0.5, "value": 96300.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1031.0}, {"index": 5134, "quantile": 0.75, "value": 98300.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1031.0}, {"index": 5134, "quantile": 1.0, "value": 188500.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1031.0}, {"index": 5135, "quantile": 0.0, "value": 86300.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1100.0}, {"index": 5135, "quantile": 0.25, "value": 94600.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1100.0}, {"index": 5135, "quantile": 0.5, "value": 100600.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1100.0}, {"index": 5135, "quantile": 0.75, "value": 100600.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1100.0}, {"index": 5135, "quantile": 1.0, "value": 114799.99999999999, "Latitude": 33.97, "Longitude": -118.26, "Population": 1100.0}, {"index": 5136, "quantile": 0.0, "value": 86200.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 880.0}, {"index": 5136, "quantile": 0.25, "value": 94000.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 880.0}, {"index": 5136, "quantile": 0.5, "value": 96300.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 880.0}, {"index": 5136, "quantile": 0.75, "value": 98225.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 880.0}, {"index": 5136, "quantile": 1.0, "value": 158800.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 880.0}, {"index": 5137, "quantile": 0.0, "value": 88700.0, "Latitude": 33.97, "Longitude": -118.27, "Population": 1186.0}, {"index": 5137, "quantile": 0.25, "value": 96800.0, "Latitude": 33.97, "Longitude": -118.27, "Population": 1186.0}, {"index": 5137, "quantile": 0.5, "value": 96800.0, "Latitude": 33.97, "Longitude": -118.27, "Population": 1186.0}, {"index": 5137, "quantile": 0.75, "value": 96800.0, "Latitude": 33.97, "Longitude": -118.27, "Population": 1186.0}, {"index": 5137, "quantile": 1.0, "value": 124000.0, "Latitude": 33.97, "Longitude": -118.27, "Population": 1186.0}, {"index": 5138, "quantile": 0.0, "value": 86400.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 2464.0}, {"index": 5138, "quantile": 0.25, "value": 90100.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 2464.0}, {"index": 5138, "quantile": 0.5, "value": 90100.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 2464.0}, {"index": 5138, "quantile": 0.75, "value": 97025.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 2464.0}, {"index": 5138, "quantile": 1.0, "value": 248100.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 2464.0}, {"index": 5139, "quantile": 0.0, "value": 92200.0, "Latitude": 33.97, "Longitude": -118.27, "Population": 2601.0}, {"index": 5139, "quantile": 0.25, "value": 101400.0, "Latitude": 33.97, "Longitude": -118.27, "Population": 2601.0}, {"index": 5139, "quantile": 0.5, "value": 101400.0, "Latitude": 33.97, "Longitude": -118.27, "Population": 2601.0}, {"index": 5139, "quantile": 0.75, "value": 101400.0, "Latitude": 33.97, "Longitude": -118.27, "Population": 2601.0}, {"index": 5139, "quantile": 1.0, "value": 171300.0, "Latitude": 33.97, "Longitude": -118.27, "Population": 2601.0}, {"index": 5140, "quantile": 0.0, "value": 86400.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 2110.0}, {"index": 5140, "quantile": 0.25, "value": 97300.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 2110.0}, {"index": 5140, "quantile": 0.5, "value": 97300.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 2110.0}, {"index": 5140, "quantile": 0.75, "value": 97300.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 2110.0}, {"index": 5140, "quantile": 1.0, "value": 157100.0, "Latitude": 33.97, "Longitude": -118.28, "Population": 2110.0}, {"index": 5141, "quantile": 0.0, "value": 81300.0, "Latitude": 33.96, "Longitude": -118.27, "Population": 1073.0}, {"index": 5141, "quantile": 0.25, "value": 86400.0, "Latitude": 33.96, "Longitude": -118.27, "Population": 1073.0}, {"index": 5141, "quantile": 0.5, "value": 86400.0, "Latitude": 33.96, "Longitude": -118.27, "Population": 1073.0}, {"index": 5141, "quantile": 0.75, "value": 91000.0, "Latitude": 33.96, "Longitude": -118.27, "Population": 1073.0}, {"index": 5141, "quantile": 1.0, "value": 182100.0, "Latitude": 33.96, "Longitude": -118.27, "Population": 1073.0}, {"index": 5142, "quantile": 0.0, "value": 86200.0, "Latitude": 33.96, "Longitude": -118.27, "Population": 697.0}, {"index": 5142, "quantile": 0.25, "value": 93200.0, "Latitude": 33.96, "Longitude": -118.27, "Population": 697.0}, {"index": 5142, "quantile": 0.5, "value": 99100.0, "Latitude": 33.96, "Longitude": -118.27, "Population": 697.0}, {"index": 5142, "quantile": 0.75, "value": 100374.99999999999, "Latitude": 33.96, "Longitude": -118.27, "Population": 697.0}, {"index": 5142, "quantile": 1.0, "value": 122600.0, "Latitude": 33.96, "Longitude": -118.27, "Population": 697.0}, {"index": 5143, "quantile": 0.0, "value": 92200.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1640.0}, {"index": 5143, "quantile": 0.25, "value": 99100.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1640.0}, {"index": 5143, "quantile": 0.5, "value": 99100.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1640.0}, {"index": 5143, "quantile": 0.75, "value": 102099.99999999999, "Latitude": 33.96, "Longitude": -118.28, "Population": 1640.0}, {"index": 5143, "quantile": 1.0, "value": 174500.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1640.0}, {"index": 5144, "quantile": 0.0, "value": 88400.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1168.0}, {"index": 5144, "quantile": 0.25, "value": 94200.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1168.0}, {"index": 5144, "quantile": 0.5, "value": 94200.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1168.0}, {"index": 5144, "quantile": 0.75, "value": 96300.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1168.0}, {"index": 5144, "quantile": 1.0, "value": 124000.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1168.0}, {"index": 5145, "quantile": 0.0, "value": 73200.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 1222.0}, {"index": 5145, "quantile": 0.25, "value": 95300.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 1222.0}, {"index": 5145, "quantile": 0.5, "value": 95300.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 1222.0}, {"index": 5145, "quantile": 0.75, "value": 95300.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 1222.0}, {"index": 5145, "quantile": 1.0, "value": 134400.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 1222.0}, {"index": 5146, "quantile": 0.0, "value": 65800.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 902.0}, {"index": 5146, "quantile": 0.25, "value": 94000.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 902.0}, {"index": 5146, "quantile": 0.5, "value": 94000.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 902.0}, {"index": 5146, "quantile": 0.75, "value": 94000.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 902.0}, {"index": 5146, "quantile": 1.0, "value": 191900.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 902.0}, {"index": 5147, "quantile": 0.0, "value": 38800.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1144.0}, {"index": 5147, "quantile": 0.25, "value": 94200.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1144.0}, {"index": 5147, "quantile": 0.5, "value": 97300.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1144.0}, {"index": 5147, "quantile": 0.75, "value": 106600.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1144.0}, {"index": 5147, "quantile": 1.0, "value": 189300.0, "Latitude": 33.97, "Longitude": -118.26, "Population": 1144.0}, {"index": 5148, "quantile": 0.0, "value": 89800.0, "Latitude": 33.97, "Longitude": -118.27, "Population": 1310.0}, {"index": 5148, "quantile": 0.25, "value": 97900.0, "Latitude": 33.97, "Longitude": -118.27, "Population": 1310.0}, {"index": 5148, "quantile": 0.5, "value": 100000.0, "Latitude": 33.97, "Longitude": -118.27, "Population": 1310.0}, {"index": 5148, "quantile": 0.75, "value": 107600.0, "Latitude": 33.97, "Longitude": -118.27, "Population": 1310.0}, {"index": 5148, "quantile": 1.0, "value": 114799.99999999999, "Latitude": 33.97, "Longitude": -118.27, "Population": 1310.0}, {"index": 5149, "quantile": 0.0, "value": 78100.0, "Latitude": 33.96, "Longitude": -118.27, "Population": 999.0}, {"index": 5149, "quantile": 0.25, "value": 91700.0, "Latitude": 33.96, "Longitude": -118.27, "Population": 999.0}, {"index": 5149, "quantile": 0.5, "value": 91700.0, "Latitude": 33.96, "Longitude": -118.27, "Population": 999.0}, {"index": 5149, "quantile": 0.75, "value": 91700.0, "Latitude": 33.96, "Longitude": -118.27, "Population": 999.0}, {"index": 5149, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.27, "Population": 999.0}, {"index": 5150, "quantile": 0.0, "value": 84200.0, "Latitude": 33.96, "Longitude": -118.27, "Population": 1083.0}, {"index": 5150, "quantile": 0.25, "value": 90900.0, "Latitude": 33.96, "Longitude": -118.27, "Population": 1083.0}, {"index": 5150, "quantile": 0.5, "value": 90900.0, "Latitude": 33.96, "Longitude": -118.27, "Population": 1083.0}, {"index": 5150, "quantile": 0.75, "value": 98200.0, "Latitude": 33.96, "Longitude": -118.27, "Population": 1083.0}, {"index": 5150, "quantile": 1.0, "value": 114799.99999999999, "Latitude": 33.96, "Longitude": -118.27, "Population": 1083.0}, {"index": 5151, "quantile": 0.0, "value": 78100.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1154.0}, {"index": 5151, "quantile": 0.25, "value": 96800.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1154.0}, {"index": 5151, "quantile": 0.5, "value": 97900.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1154.0}, {"index": 5151, "quantile": 0.75, "value": 97900.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1154.0}, {"index": 5151, "quantile": 1.0, "value": 114799.99999999999, "Latitude": 33.95, "Longitude": -118.27, "Population": 1154.0}, {"index": 5152, "quantile": 0.0, "value": 87500.0, "Latitude": 33.95, "Longitude": -118.26, "Population": 1240.0}, {"index": 5152, "quantile": 0.25, "value": 95100.0, "Latitude": 33.95, "Longitude": -118.26, "Population": 1240.0}, {"index": 5152, "quantile": 0.5, "value": 95100.0, "Latitude": 33.95, "Longitude": -118.26, "Population": 1240.0}, {"index": 5152, "quantile": 0.75, "value": 95100.0, "Latitude": 33.95, "Longitude": -118.26, "Population": 1240.0}, {"index": 5152, "quantile": 1.0, "value": 144200.0, "Latitude": 33.95, "Longitude": -118.26, "Population": 1240.0}, {"index": 5153, "quantile": 0.0, "value": 86200.0, "Latitude": 33.95, "Longitude": -118.26, "Population": 1088.0}, {"index": 5153, "quantile": 0.25, "value": 94400.0, "Latitude": 33.95, "Longitude": -118.26, "Population": 1088.0}, {"index": 5153, "quantile": 0.5, "value": 94400.0, "Latitude": 33.95, "Longitude": -118.26, "Population": 1088.0}, {"index": 5153, "quantile": 0.75, "value": 94449.99999999999, "Latitude": 33.95, "Longitude": -118.26, "Population": 1088.0}, {"index": 5153, "quantile": 1.0, "value": 131800.0, "Latitude": 33.95, "Longitude": -118.26, "Population": 1088.0}, {"index": 5154, "quantile": 0.0, "value": 86200.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 1256.0}, {"index": 5154, "quantile": 0.25, "value": 94200.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 1256.0}, {"index": 5154, "quantile": 0.5, "value": 95900.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 1256.0}, {"index": 5154, "quantile": 0.75, "value": 98200.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 1256.0}, {"index": 5154, "quantile": 1.0, "value": 115599.99999999999, "Latitude": 33.96, "Longitude": -118.26, "Population": 1256.0}, {"index": 5155, "quantile": 0.0, "value": 88800.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 1243.0}, {"index": 5155, "quantile": 0.25, "value": 89800.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 1243.0}, {"index": 5155, "quantile": 0.5, "value": 89800.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 1243.0}, {"index": 5155, "quantile": 0.75, "value": 93025.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 1243.0}, {"index": 5155, "quantile": 1.0, "value": 131800.0, "Latitude": 33.96, "Longitude": -118.26, "Population": 1243.0}, {"index": 5156, "quantile": 0.0, "value": 90900.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1581.0}, {"index": 5156, "quantile": 0.25, "value": 96700.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1581.0}, {"index": 5156, "quantile": 0.5, "value": 96700.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1581.0}, {"index": 5156, "quantile": 0.75, "value": 97049.99999999999, "Latitude": 33.96, "Longitude": -118.28, "Population": 1581.0}, {"index": 5156, "quantile": 1.0, "value": 126800.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1581.0}, {"index": 5157, "quantile": 0.0, "value": 84200.0, "Latitude": 33.95, "Longitude": -118.28, "Population": 2150.0}, {"index": 5157, "quantile": 0.25, "value": 98300.0, "Latitude": 33.95, "Longitude": -118.28, "Population": 2150.0}, {"index": 5157, "quantile": 0.5, "value": 104450.0, "Latitude": 33.95, "Longitude": -118.28, "Population": 2150.0}, {"index": 5157, "quantile": 0.75, "value": 118800.0, "Latitude": 33.95, "Longitude": -118.28, "Population": 2150.0}, {"index": 5157, "quantile": 1.0, "value": 180600.0, "Latitude": 33.95, "Longitude": -118.28, "Population": 2150.0}, {"index": 5158, "quantile": 0.0, "value": 89700.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1167.0}, {"index": 5158, "quantile": 0.25, "value": 95600.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1167.0}, {"index": 5158, "quantile": 0.5, "value": 101299.99999999999, "Latitude": 33.96, "Longitude": -118.28, "Population": 1167.0}, {"index": 5158, "quantile": 0.75, "value": 101299.99999999999, "Latitude": 33.96, "Longitude": -118.28, "Population": 1167.0}, {"index": 5158, "quantile": 1.0, "value": 109900.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 1167.0}, {"index": 5159, "quantile": 0.0, "value": 86200.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 697.0}, {"index": 5159, "quantile": 0.25, "value": 99100.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 697.0}, {"index": 5159, "quantile": 0.5, "value": 99100.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 697.0}, {"index": 5159, "quantile": 0.75, "value": 99100.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 697.0}, {"index": 5159, "quantile": 1.0, "value": 123800.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 697.0}, {"index": 5160, "quantile": 0.0, "value": 86400.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 2048.0}, {"index": 5160, "quantile": 0.25, "value": 91400.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 2048.0}, {"index": 5160, "quantile": 0.5, "value": 91400.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 2048.0}, {"index": 5160, "quantile": 0.75, "value": 97000.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 2048.0}, {"index": 5160, "quantile": 1.0, "value": 275000.0, "Latitude": 33.96, "Longitude": -118.28, "Population": 2048.0}, {"index": 5161, "quantile": 0.0, "value": 84200.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 1357.0}, {"index": 5161, "quantile": 0.25, "value": 99300.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 1357.0}, {"index": 5161, "quantile": 0.5, "value": 99300.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 1357.0}, {"index": 5161, "quantile": 0.75, "value": 100000.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 1357.0}, {"index": 5161, "quantile": 1.0, "value": 190600.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 1357.0}, {"index": 5162, "quantile": 0.0, "value": 85400.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 842.0}, {"index": 5162, "quantile": 0.25, "value": 89700.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 842.0}, {"index": 5162, "quantile": 0.5, "value": 89700.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 842.0}, {"index": 5162, "quantile": 0.75, "value": 90000.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 842.0}, {"index": 5162, "quantile": 1.0, "value": 170000.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 842.0}, {"index": 5163, "quantile": 0.0, "value": 86400.0, "Latitude": 33.96, "Longitude": -118.29, "Population": 1463.0}, {"index": 5163, "quantile": 0.25, "value": 108274.99999999999, "Latitude": 33.96, "Longitude": -118.29, "Population": 1463.0}, {"index": 5163, "quantile": 0.5, "value": 111400.00000000001, "Latitude": 33.96, "Longitude": -118.29, "Population": 1463.0}, {"index": 5163, "quantile": 0.75, "value": 111400.00000000001, "Latitude": 33.96, "Longitude": -118.29, "Population": 1463.0}, {"index": 5163, "quantile": 1.0, "value": 125000.0, "Latitude": 33.96, "Longitude": -118.29, "Population": 1463.0}, {"index": 5164, "quantile": 0.0, "value": 90400.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 2357.0}, {"index": 5164, "quantile": 0.25, "value": 102299.99999999999, "Latitude": 33.95, "Longitude": -118.29, "Population": 2357.0}, {"index": 5164, "quantile": 0.5, "value": 102299.99999999999, "Latitude": 33.95, "Longitude": -118.29, "Population": 2357.0}, {"index": 5164, "quantile": 0.75, "value": 102299.99999999999, "Latitude": 33.95, "Longitude": -118.29, "Population": 2357.0}, {"index": 5164, "quantile": 1.0, "value": 137500.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 2357.0}, {"index": 5165, "quantile": 0.0, "value": 88400.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 1468.0}, {"index": 5165, "quantile": 0.25, "value": 99100.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 1468.0}, {"index": 5165, "quantile": 0.5, "value": 100700.00000000001, "Latitude": 33.95, "Longitude": -118.29, "Population": 1468.0}, {"index": 5165, "quantile": 0.75, "value": 111700.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 1468.0}, {"index": 5165, "quantile": 1.0, "value": 222200.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 1468.0}, {"index": 5166, "quantile": 0.0, "value": 89500.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 840.0}, {"index": 5166, "quantile": 0.25, "value": 98800.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 840.0}, {"index": 5166, "quantile": 0.5, "value": 110100.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 840.0}, {"index": 5166, "quantile": 0.75, "value": 136225.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 840.0}, {"index": 5166, "quantile": 1.0, "value": 183300.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 840.0}, {"index": 5167, "quantile": 0.0, "value": 66000.0, "Latitude": 33.94, "Longitude": -118.29, "Population": 995.0}, {"index": 5167, "quantile": 0.25, "value": 128600.0, "Latitude": 33.94, "Longitude": -118.29, "Population": 995.0}, {"index": 5167, "quantile": 0.5, "value": 159300.0, "Latitude": 33.94, "Longitude": -118.29, "Population": 995.0}, {"index": 5167, "quantile": 0.75, "value": 177200.0, "Latitude": 33.94, "Longitude": -118.29, "Population": 995.0}, {"index": 5167, "quantile": 1.0, "value": 321400.0, "Latitude": 33.94, "Longitude": -118.29, "Population": 995.0}, {"index": 5168, "quantile": 0.0, "value": 86400.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1753.0}, {"index": 5168, "quantile": 0.25, "value": 94200.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1753.0}, {"index": 5168, "quantile": 0.5, "value": 96800.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1753.0}, {"index": 5168, "quantile": 0.75, "value": 97900.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1753.0}, {"index": 5168, "quantile": 1.0, "value": 109100.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1753.0}, {"index": 5169, "quantile": 0.0, "value": 84200.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1074.0}, {"index": 5169, "quantile": 0.25, "value": 94000.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1074.0}, {"index": 5169, "quantile": 0.5, "value": 96300.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1074.0}, {"index": 5169, "quantile": 0.75, "value": 106600.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1074.0}, {"index": 5169, "quantile": 1.0, "value": 262500.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1074.0}, {"index": 5170, "quantile": 0.0, "value": 86300.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 877.0}, {"index": 5170, "quantile": 0.25, "value": 91600.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 877.0}, {"index": 5170, "quantile": 0.5, "value": 91600.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 877.0}, {"index": 5170, "quantile": 0.75, "value": 91600.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 877.0}, {"index": 5170, "quantile": 1.0, "value": 124000.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 877.0}, {"index": 5171, "quantile": 0.0, "value": 81300.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 679.0}, {"index": 5171, "quantile": 0.25, "value": 89700.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 679.0}, {"index": 5171, "quantile": 0.5, "value": 89700.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 679.0}, {"index": 5171, "quantile": 0.75, "value": 94024.99999999999, "Latitude": 33.94, "Longitude": -118.28, "Population": 679.0}, {"index": 5171, "quantile": 1.0, "value": 333300.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 679.0}, {"index": 5172, "quantile": 0.0, "value": 81300.0, "Latitude": 33.95, "Longitude": -118.28, "Population": 707.0}, {"index": 5172, "quantile": 0.25, "value": 86200.0, "Latitude": 33.95, "Longitude": -118.28, "Population": 707.0}, {"index": 5172, "quantile": 0.5, "value": 86200.0, "Latitude": 33.95, "Longitude": -118.28, "Population": 707.0}, {"index": 5172, "quantile": 0.75, "value": 93175.00000000001, "Latitude": 33.95, "Longitude": -118.28, "Population": 707.0}, {"index": 5172, "quantile": 1.0, "value": 114799.99999999999, "Latitude": 33.95, "Longitude": -118.28, "Population": 707.0}, {"index": 5173, "quantile": 0.0, "value": 84200.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 818.0}, {"index": 5173, "quantile": 0.25, "value": 92400.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 818.0}, {"index": 5173, "quantile": 0.5, "value": 97300.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 818.0}, {"index": 5173, "quantile": 0.75, "value": 103824.99999999999, "Latitude": 33.95, "Longitude": -118.27, "Population": 818.0}, {"index": 5173, "quantile": 1.0, "value": 168800.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 818.0}, {"index": 5174, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.95, "Longitude": -118.27, "Population": 902.0}, {"index": 5174, "quantile": 0.25, "value": 95125.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 902.0}, {"index": 5174, "quantile": 0.5, "value": 98800.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 902.0}, {"index": 5174, "quantile": 0.75, "value": 117249.99999999999, "Latitude": 33.95, "Longitude": -118.27, "Population": 902.0}, {"index": 5174, "quantile": 1.0, "value": 200000.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 902.0}, {"index": 5175, "quantile": 0.0, "value": 88200.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1027.0}, {"index": 5175, "quantile": 0.25, "value": 88800.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1027.0}, {"index": 5175, "quantile": 0.5, "value": 88800.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1027.0}, {"index": 5175, "quantile": 0.75, "value": 143675.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1027.0}, {"index": 5175, "quantile": 1.0, "value": 330800.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1027.0}, {"index": 5176, "quantile": 0.0, "value": 88600.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1056.0}, {"index": 5176, "quantile": 0.25, "value": 98500.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1056.0}, {"index": 5176, "quantile": 0.5, "value": 98500.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1056.0}, {"index": 5176, "quantile": 0.75, "value": 98800.0, "Latitude": 33.95, "Longitude": -118.27, "Population": 1056.0}, {"index": 5176, "quantile": 1.0, "value": 231300.00000000003, "Latitude": 33.95, "Longitude": -118.27, "Population": 1056.0}, {"index": 5177, "quantile": 0.0, "value": 85400.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1086.0}, {"index": 5177, "quantile": 0.25, "value": 89800.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1086.0}, {"index": 5177, "quantile": 0.5, "value": 89800.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1086.0}, {"index": 5177, "quantile": 0.75, "value": 94675.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1086.0}, {"index": 5177, "quantile": 1.0, "value": 107600.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1086.0}, {"index": 5178, "quantile": 0.0, "value": 88800.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 850.0}, {"index": 5178, "quantile": 0.25, "value": 93400.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 850.0}, {"index": 5178, "quantile": 0.5, "value": 93400.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 850.0}, {"index": 5178, "quantile": 0.75, "value": 98500.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 850.0}, {"index": 5178, "quantile": 1.0, "value": 450000.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 850.0}, {"index": 5179, "quantile": 0.0, "value": 88400.0, "Latitude": 33.95, "Longitude": -118.26, "Population": 1296.0}, {"index": 5179, "quantile": 0.25, "value": 95100.0, "Latitude": 33.95, "Longitude": -118.26, "Population": 1296.0}, {"index": 5179, "quantile": 0.5, "value": 97500.0, "Latitude": 33.95, "Longitude": -118.26, "Population": 1296.0}, {"index": 5179, "quantile": 0.75, "value": 100600.0, "Latitude": 33.95, "Longitude": -118.26, "Population": 1296.0}, {"index": 5179, "quantile": 1.0, "value": 175900.0, "Latitude": 33.95, "Longitude": -118.26, "Population": 1296.0}, {"index": 5180, "quantile": 0.0, "value": 86300.0, "Latitude": 33.95, "Longitude": -118.26, "Population": 999.0}, {"index": 5180, "quantile": 0.25, "value": 94600.0, "Latitude": 33.95, "Longitude": -118.26, "Population": 999.0}, {"index": 5180, "quantile": 0.5, "value": 94600.0, "Latitude": 33.95, "Longitude": -118.26, "Population": 999.0}, {"index": 5180, "quantile": 0.75, "value": 94600.0, "Latitude": 33.95, "Longitude": -118.26, "Population": 999.0}, {"index": 5180, "quantile": 1.0, "value": 114799.99999999999, "Latitude": 33.95, "Longitude": -118.26, "Population": 999.0}, {"index": 5181, "quantile": 0.0, "value": 88800.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 760.0}, {"index": 5181, "quantile": 0.25, "value": 95800.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 760.0}, {"index": 5181, "quantile": 0.5, "value": 99600.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 760.0}, {"index": 5181, "quantile": 0.75, "value": 99600.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 760.0}, {"index": 5181, "quantile": 1.0, "value": 376100.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 760.0}, {"index": 5182, "quantile": 0.0, "value": 84200.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 1092.0}, {"index": 5182, "quantile": 0.25, "value": 94500.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 1092.0}, {"index": 5182, "quantile": 0.5, "value": 94500.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 1092.0}, {"index": 5182, "quantile": 0.75, "value": 94500.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 1092.0}, {"index": 5182, "quantile": 1.0, "value": 141300.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 1092.0}, {"index": 5183, "quantile": 0.0, "value": 84200.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 1408.0}, {"index": 5183, "quantile": 0.25, "value": 94200.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 1408.0}, {"index": 5183, "quantile": 0.5, "value": 94200.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 1408.0}, {"index": 5183, "quantile": 0.75, "value": 94200.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 1408.0}, {"index": 5183, "quantile": 1.0, "value": 108900.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 1408.0}, {"index": 5184, "quantile": 0.0, "value": 88400.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 1080.0}, {"index": 5184, "quantile": 0.25, "value": 89800.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 1080.0}, {"index": 5184, "quantile": 0.5, "value": 89800.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 1080.0}, {"index": 5184, "quantile": 0.75, "value": 89800.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 1080.0}, {"index": 5184, "quantile": 1.0, "value": 105100.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 1080.0}, {"index": 5185, "quantile": 0.0, "value": 84200.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 716.0}, {"index": 5185, "quantile": 0.25, "value": 90300.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 716.0}, {"index": 5185, "quantile": 0.5, "value": 90300.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 716.0}, {"index": 5185, "quantile": 0.75, "value": 98100.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 716.0}, {"index": 5185, "quantile": 1.0, "value": 106200.0, "Latitude": 33.94, "Longitude": -118.26, "Population": 716.0}, {"index": 5186, "quantile": 0.0, "value": 85400.0, "Latitude": 33.93, "Longitude": -118.26, "Population": 1587.0}, {"index": 5186, "quantile": 0.25, "value": 93200.0, "Latitude": 33.93, "Longitude": -118.26, "Population": 1587.0}, {"index": 5186, "quantile": 0.5, "value": 93200.0, "Latitude": 33.93, "Longitude": -118.26, "Population": 1587.0}, {"index": 5186, "quantile": 0.75, "value": 94224.99999999999, "Latitude": 33.93, "Longitude": -118.26, "Population": 1587.0}, {"index": 5186, "quantile": 1.0, "value": 124300.00000000001, "Latitude": 33.93, "Longitude": -118.26, "Population": 1587.0}, {"index": 5187, "quantile": 0.0, "value": 89500.0, "Latitude": 33.93, "Longitude": -118.27, "Population": 466.0}, {"index": 5187, "quantile": 0.25, "value": 91300.0, "Latitude": 33.93, "Longitude": -118.27, "Population": 466.0}, {"index": 5187, "quantile": 0.5, "value": 91300.0, "Latitude": 33.93, "Longitude": -118.27, "Population": 466.0}, {"index": 5187, "quantile": 0.75, "value": 101099.99999999999, "Latitude": 33.93, "Longitude": -118.27, "Population": 466.0}, {"index": 5187, "quantile": 1.0, "value": 217099.99999999997, "Latitude": 33.93, "Longitude": -118.27, "Population": 466.0}, {"index": 5188, "quantile": 0.0, "value": 46700.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 661.0}, {"index": 5188, "quantile": 0.25, "value": 92400.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 661.0}, {"index": 5188, "quantile": 0.5, "value": 92400.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 661.0}, {"index": 5188, "quantile": 0.75, "value": 92400.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 661.0}, {"index": 5188, "quantile": 1.0, "value": 149000.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 661.0}, {"index": 5189, "quantile": 0.0, "value": 88200.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 842.0}, {"index": 5189, "quantile": 0.25, "value": 94900.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 842.0}, {"index": 5189, "quantile": 0.5, "value": 94900.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 842.0}, {"index": 5189, "quantile": 0.75, "value": 94900.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 842.0}, {"index": 5189, "quantile": 1.0, "value": 350000.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 842.0}, {"index": 5190, "quantile": 0.0, "value": 84200.0, "Latitude": 33.93, "Longitude": -118.27, "Population": 1247.0}, {"index": 5190, "quantile": 0.25, "value": 90625.0, "Latitude": 33.93, "Longitude": -118.27, "Population": 1247.0}, {"index": 5190, "quantile": 0.5, "value": 94700.0, "Latitude": 33.93, "Longitude": -118.27, "Population": 1247.0}, {"index": 5190, "quantile": 0.75, "value": 100650.0, "Latitude": 33.93, "Longitude": -118.27, "Population": 1247.0}, {"index": 5190, "quantile": 1.0, "value": 225000.0, "Latitude": 33.93, "Longitude": -118.27, "Population": 1247.0}, {"index": 5191, "quantile": 0.0, "value": 88200.0, "Latitude": 33.93, "Longitude": -118.26, "Population": 702.0}, {"index": 5191, "quantile": 0.25, "value": 95400.0, "Latitude": 33.93, "Longitude": -118.26, "Population": 702.0}, {"index": 5191, "quantile": 0.5, "value": 95400.0, "Latitude": 33.93, "Longitude": -118.26, "Population": 702.0}, {"index": 5191, "quantile": 0.75, "value": 95400.0, "Latitude": 33.93, "Longitude": -118.26, "Population": 702.0}, {"index": 5191, "quantile": 1.0, "value": 133400.0, "Latitude": 33.93, "Longitude": -118.26, "Population": 702.0}, {"index": 5192, "quantile": 0.0, "value": 86200.0, "Latitude": 33.93, "Longitude": -118.26, "Population": 775.0}, {"index": 5192, "quantile": 0.25, "value": 95350.0, "Latitude": 33.93, "Longitude": -118.26, "Population": 775.0}, {"index": 5192, "quantile": 0.5, "value": 98900.0, "Latitude": 33.93, "Longitude": -118.26, "Population": 775.0}, {"index": 5192, "quantile": 0.75, "value": 110600.00000000001, "Latitude": 33.93, "Longitude": -118.26, "Population": 775.0}, {"index": 5192, "quantile": 1.0, "value": 376100.0, "Latitude": 33.93, "Longitude": -118.26, "Population": 775.0}, {"index": 5193, "quantile": 0.0, "value": 89500.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 526.0}, {"index": 5193, "quantile": 0.25, "value": 101050.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 526.0}, {"index": 5193, "quantile": 0.5, "value": 110200.00000000001, "Latitude": 33.93, "Longitude": -118.25, "Population": 526.0}, {"index": 5193, "quantile": 0.75, "value": 110200.00000000001, "Latitude": 33.93, "Longitude": -118.25, "Population": 526.0}, {"index": 5193, "quantile": 1.0, "value": 165000.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 526.0}, {"index": 5194, "quantile": 0.0, "value": 55400.00000000001, "Latitude": 33.92, "Longitude": -118.26, "Population": 705.0}, {"index": 5194, "quantile": 0.25, "value": 96649.99999999999, "Latitude": 33.92, "Longitude": -118.26, "Population": 705.0}, {"index": 5194, "quantile": 0.5, "value": 98900.0, "Latitude": 33.92, "Longitude": -118.26, "Population": 705.0}, {"index": 5194, "quantile": 0.75, "value": 98900.0, "Latitude": 33.92, "Longitude": -118.26, "Population": 705.0}, {"index": 5194, "quantile": 1.0, "value": 225800.0, "Latitude": 33.92, "Longitude": -118.26, "Population": 705.0}, {"index": 5195, "quantile": 0.0, "value": 86400.0, "Latitude": 33.92, "Longitude": -118.27, "Population": 1147.0}, {"index": 5195, "quantile": 0.25, "value": 88800.0, "Latitude": 33.92, "Longitude": -118.27, "Population": 1147.0}, {"index": 5195, "quantile": 0.5, "value": 88800.0, "Latitude": 33.92, "Longitude": -118.27, "Population": 1147.0}, {"index": 5195, "quantile": 0.75, "value": 89800.0, "Latitude": 33.92, "Longitude": -118.27, "Population": 1147.0}, {"index": 5195, "quantile": 1.0, "value": 109100.0, "Latitude": 33.92, "Longitude": -118.27, "Population": 1147.0}, {"index": 5196, "quantile": 0.0, "value": 88700.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 1182.0}, {"index": 5196, "quantile": 0.25, "value": 88700.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 1182.0}, {"index": 5196, "quantile": 0.5, "value": 88700.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 1182.0}, {"index": 5196, "quantile": 0.75, "value": 94424.99999999999, "Latitude": 33.94, "Longitude": -118.27, "Population": 1182.0}, {"index": 5196, "quantile": 1.0, "value": 112500.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 1182.0}, {"index": 5197, "quantile": 0.0, "value": 88200.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 1406.0}, {"index": 5197, "quantile": 0.25, "value": 93100.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 1406.0}, {"index": 5197, "quantile": 0.5, "value": 93100.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 1406.0}, {"index": 5197, "quantile": 0.75, "value": 93100.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 1406.0}, {"index": 5197, "quantile": 1.0, "value": 110600.00000000001, "Latitude": 33.94, "Longitude": -118.27, "Population": 1406.0}, {"index": 5198, "quantile": 0.0, "value": 89700.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 1901.0}, {"index": 5198, "quantile": 0.25, "value": 95700.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 1901.0}, {"index": 5198, "quantile": 0.5, "value": 100000.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 1901.0}, {"index": 5198, "quantile": 0.75, "value": 104900.0, "Latitude": 33.94, "Longitude": -118.27, "Population": 1901.0}, {"index": 5198, "quantile": 1.0, "value": 124300.00000000001, "Latitude": 33.94, "Longitude": -118.27, "Population": 1901.0}, {"index": 5199, "quantile": 0.0, "value": 58299.99999999999, "Latitude": 33.93, "Longitude": -118.28, "Population": 1283.0}, {"index": 5199, "quantile": 0.25, "value": 94100.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 1283.0}, {"index": 5199, "quantile": 0.5, "value": 94100.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 1283.0}, {"index": 5199, "quantile": 0.75, "value": 94100.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 1283.0}, {"index": 5199, "quantile": 1.0, "value": 225000.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 1283.0}, {"index": 5200, "quantile": 0.0, "value": 86300.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 1268.0}, {"index": 5200, "quantile": 0.25, "value": 94200.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 1268.0}, {"index": 5200, "quantile": 0.5, "value": 94200.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 1268.0}, {"index": 5200, "quantile": 0.75, "value": 94200.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 1268.0}, {"index": 5200, "quantile": 1.0, "value": 108700.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 1268.0}, {"index": 5201, "quantile": 0.0, "value": 38800.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 438.0}, {"index": 5201, "quantile": 0.25, "value": 81300.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 438.0}, {"index": 5201, "quantile": 0.5, "value": 81300.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 438.0}, {"index": 5201, "quantile": 0.75, "value": 88700.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 438.0}, {"index": 5201, "quantile": 1.0, "value": 250000.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 438.0}, {"index": 5202, "quantile": 0.0, "value": 95200.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 1197.0}, {"index": 5202, "quantile": 0.25, "value": 100000.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 1197.0}, {"index": 5202, "quantile": 0.5, "value": 100000.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 1197.0}, {"index": 5202, "quantile": 0.75, "value": 120774.99999999999, "Latitude": 33.94, "Longitude": -118.28, "Population": 1197.0}, {"index": 5202, "quantile": 1.0, "value": 290100.0, "Latitude": 33.94, "Longitude": -118.28, "Population": 1197.0}, {"index": 5203, "quantile": 0.0, "value": 88400.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 1503.0}, {"index": 5203, "quantile": 0.25, "value": 97400.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 1503.0}, {"index": 5203, "quantile": 0.5, "value": 97400.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 1503.0}, {"index": 5203, "quantile": 0.75, "value": 97400.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 1503.0}, {"index": 5203, "quantile": 1.0, "value": 155500.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 1503.0}, {"index": 5204, "quantile": 0.0, "value": 112500.0, "Latitude": 33.93, "Longitude": -118.29, "Population": 1051.0}, {"index": 5204, "quantile": 0.25, "value": 129900.0, "Latitude": 33.93, "Longitude": -118.29, "Population": 1051.0}, {"index": 5204, "quantile": 0.5, "value": 129900.0, "Latitude": 33.93, "Longitude": -118.29, "Population": 1051.0}, {"index": 5204, "quantile": 0.75, "value": 129900.0, "Latitude": 33.93, "Longitude": -118.29, "Population": 1051.0}, {"index": 5204, "quantile": 1.0, "value": 276000.0, "Latitude": 33.93, "Longitude": -118.29, "Population": 1051.0}, {"index": 5205, "quantile": 0.0, "value": 93400.0, "Latitude": 33.94, "Longitude": -118.29, "Population": 1003.0}, {"index": 5205, "quantile": 0.25, "value": 105700.0, "Latitude": 33.94, "Longitude": -118.29, "Population": 1003.0}, {"index": 5205, "quantile": 0.5, "value": 105700.0, "Latitude": 33.94, "Longitude": -118.29, "Population": 1003.0}, {"index": 5205, "quantile": 0.75, "value": 112200.00000000001, "Latitude": 33.94, "Longitude": -118.29, "Population": 1003.0}, {"index": 5205, "quantile": 1.0, "value": 177200.0, "Latitude": 33.94, "Longitude": -118.29, "Population": 1003.0}, {"index": 5206, "quantile": 0.0, "value": 81300.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 913.0}, {"index": 5206, "quantile": 0.25, "value": 98975.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 913.0}, {"index": 5206, "quantile": 0.5, "value": 122600.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 913.0}, {"index": 5206, "quantile": 0.75, "value": 122600.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 913.0}, {"index": 5206, "quantile": 1.0, "value": 163100.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 913.0}, {"index": 5207, "quantile": 0.0, "value": 89100.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 1616.0}, {"index": 5207, "quantile": 0.25, "value": 120200.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 1616.0}, {"index": 5207, "quantile": 0.5, "value": 120200.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 1616.0}, {"index": 5207, "quantile": 0.75, "value": 120200.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 1616.0}, {"index": 5207, "quantile": 1.0, "value": 242099.99999999997, "Latitude": 33.92, "Longitude": -118.29, "Population": 1616.0}, {"index": 5208, "quantile": 0.0, "value": 81300.0, "Latitude": 33.93, "Longitude": -118.29, "Population": 605.0}, {"index": 5208, "quantile": 0.25, "value": 128099.99999999999, "Latitude": 33.93, "Longitude": -118.29, "Population": 605.0}, {"index": 5208, "quantile": 0.5, "value": 128099.99999999999, "Latitude": 33.93, "Longitude": -118.29, "Population": 605.0}, {"index": 5208, "quantile": 0.75, "value": 128099.99999999999, "Latitude": 33.93, "Longitude": -118.29, "Population": 605.0}, {"index": 5208, "quantile": 1.0, "value": 182100.0, "Latitude": 33.93, "Longitude": -118.29, "Population": 605.0}, {"index": 5209, "quantile": 0.0, "value": 86200.0, "Latitude": 33.93, "Longitude": -118.27, "Population": 1657.0}, {"index": 5209, "quantile": 0.25, "value": 88400.0, "Latitude": 33.93, "Longitude": -118.27, "Population": 1657.0}, {"index": 5209, "quantile": 0.5, "value": 88400.0, "Latitude": 33.93, "Longitude": -118.27, "Population": 1657.0}, {"index": 5209, "quantile": 0.75, "value": 95700.0, "Latitude": 33.93, "Longitude": -118.27, "Population": 1657.0}, {"index": 5209, "quantile": 1.0, "value": 147900.0, "Latitude": 33.93, "Longitude": -118.27, "Population": 1657.0}, {"index": 5210, "quantile": 0.0, "value": 81300.0, "Latitude": 33.92, "Longitude": -118.28, "Population": 975.0}, {"index": 5210, "quantile": 0.25, "value": 90400.0, "Latitude": 33.92, "Longitude": -118.28, "Population": 975.0}, {"index": 5210, "quantile": 0.5, "value": 90400.0, "Latitude": 33.92, "Longitude": -118.28, "Population": 975.0}, {"index": 5210, "quantile": 0.75, "value": 90400.0, "Latitude": 33.92, "Longitude": -118.28, "Population": 975.0}, {"index": 5210, "quantile": 1.0, "value": 175900.0, "Latitude": 33.92, "Longitude": -118.28, "Population": 975.0}, {"index": 5211, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.93, "Longitude": -118.28, "Population": 295.0}, {"index": 5211, "quantile": 0.25, "value": 93300.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 295.0}, {"index": 5211, "quantile": 0.5, "value": 112500.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 295.0}, {"index": 5211, "quantile": 0.75, "value": 153700.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 295.0}, {"index": 5211, "quantile": 1.0, "value": 350000.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 295.0}, {"index": 5212, "quantile": 0.0, "value": 67500.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 448.0}, {"index": 5212, "quantile": 0.25, "value": 126600.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 448.0}, {"index": 5212, "quantile": 0.5, "value": 150700.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 448.0}, {"index": 5212, "quantile": 0.75, "value": 163200.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 448.0}, {"index": 5212, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -118.28, "Population": 448.0}, {"index": 5213, "quantile": 0.0, "value": 17500.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 74.0}, {"index": 5213, "quantile": 0.25, "value": 90600.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 74.0}, {"index": 5213, "quantile": 0.5, "value": 90600.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 74.0}, {"index": 5213, "quantile": 0.75, "value": 151600.0, "Latitude": 33.93, "Longitude": -118.28, "Population": 74.0}, {"index": 5213, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -118.28, "Population": 74.0}, {"index": 5214, "quantile": 0.0, "value": 87600.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 940.0}, {"index": 5214, "quantile": 0.25, "value": 99575.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 940.0}, {"index": 5214, "quantile": 0.5, "value": 99800.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 940.0}, {"index": 5214, "quantile": 0.75, "value": 99800.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 940.0}, {"index": 5214, "quantile": 1.0, "value": 180500.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 940.0}, {"index": 5215, "quantile": 0.0, "value": 62500.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 1305.0}, {"index": 5215, "quantile": 0.25, "value": 91300.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 1305.0}, {"index": 5215, "quantile": 0.5, "value": 91300.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 1305.0}, {"index": 5215, "quantile": 0.75, "value": 94750.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 1305.0}, {"index": 5215, "quantile": 1.0, "value": 131300.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 1305.0}, {"index": 5216, "quantile": 0.0, "value": 81300.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 736.0}, {"index": 5216, "quantile": 0.25, "value": 90400.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 736.0}, {"index": 5216, "quantile": 0.5, "value": 90400.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 736.0}, {"index": 5216, "quantile": 0.75, "value": 90400.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 736.0}, {"index": 5216, "quantile": 1.0, "value": 189300.0, "Latitude": 33.94, "Longitude": -118.25, "Population": 736.0}, {"index": 5217, "quantile": 0.0, "value": 45500.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 2865.0}, {"index": 5217, "quantile": 0.25, "value": 87500.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 2865.0}, {"index": 5217, "quantile": 0.5, "value": 87500.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 2865.0}, {"index": 5217, "quantile": 0.75, "value": 103350.00000000001, "Latitude": 33.95, "Longitude": -118.23, "Population": 2865.0}, {"index": 5217, "quantile": 1.0, "value": 167900.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 2865.0}, {"index": 5218, "quantile": 0.0, "value": 77300.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 1210.0}, {"index": 5218, "quantile": 0.25, "value": 94475.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 1210.0}, {"index": 5218, "quantile": 0.5, "value": 97500.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 1210.0}, {"index": 5218, "quantile": 0.75, "value": 104900.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 1210.0}, {"index": 5218, "quantile": 1.0, "value": 115799.99999999999, "Latitude": 33.95, "Longitude": -118.24, "Population": 1210.0}, {"index": 5219, "quantile": 0.0, "value": 85800.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 653.0}, {"index": 5219, "quantile": 0.25, "value": 97500.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 653.0}, {"index": 5219, "quantile": 0.5, "value": 97500.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 653.0}, {"index": 5219, "quantile": 0.75, "value": 97500.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 653.0}, {"index": 5219, "quantile": 1.0, "value": 108200.00000000001, "Latitude": 33.95, "Longitude": -118.24, "Population": 653.0}, {"index": 5220, "quantile": 0.0, "value": 86200.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 1938.0}, {"index": 5220, "quantile": 0.25, "value": 97400.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 1938.0}, {"index": 5220, "quantile": 0.5, "value": 97400.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 1938.0}, {"index": 5220, "quantile": 0.75, "value": 97400.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 1938.0}, {"index": 5220, "quantile": 1.0, "value": 110600.00000000001, "Latitude": 33.95, "Longitude": -118.24, "Population": 1938.0}, {"index": 5221, "quantile": 0.0, "value": 81300.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 1167.0}, {"index": 5221, "quantile": 0.25, "value": 100000.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 1167.0}, {"index": 5221, "quantile": 0.5, "value": 107600.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 1167.0}, {"index": 5221, "quantile": 0.75, "value": 107600.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 1167.0}, {"index": 5221, "quantile": 1.0, "value": 143800.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 1167.0}, {"index": 5222, "quantile": 0.0, "value": 86200.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1799.0}, {"index": 5222, "quantile": 0.25, "value": 95700.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1799.0}, {"index": 5222, "quantile": 0.5, "value": 95700.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1799.0}, {"index": 5222, "quantile": 0.75, "value": 97400.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1799.0}, {"index": 5222, "quantile": 1.0, "value": 297100.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1799.0}, {"index": 5223, "quantile": 0.0, "value": 85800.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 390.0}, {"index": 5223, "quantile": 0.25, "value": 90200.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 390.0}, {"index": 5223, "quantile": 0.5, "value": 90200.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 390.0}, {"index": 5223, "quantile": 0.75, "value": 95700.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 390.0}, {"index": 5223, "quantile": 1.0, "value": 150000.0, "Latitude": 33.95, "Longitude": -118.24, "Population": 390.0}, {"index": 5224, "quantile": 0.0, "value": 81300.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 801.0}, {"index": 5224, "quantile": 0.25, "value": 89950.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 801.0}, {"index": 5224, "quantile": 0.5, "value": 100000.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 801.0}, {"index": 5224, "quantile": 0.75, "value": 100000.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 801.0}, {"index": 5224, "quantile": 1.0, "value": 148600.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 801.0}, {"index": 5225, "quantile": 0.0, "value": 85400.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 1068.0}, {"index": 5225, "quantile": 0.25, "value": 86400.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 1068.0}, {"index": 5225, "quantile": 0.5, "value": 88700.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 1068.0}, {"index": 5225, "quantile": 0.75, "value": 93400.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 1068.0}, {"index": 5225, "quantile": 1.0, "value": 104900.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 1068.0}, {"index": 5226, "quantile": 0.0, "value": 85400.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 2664.0}, {"index": 5226, "quantile": 0.25, "value": 100000.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 2664.0}, {"index": 5226, "quantile": 0.5, "value": 100000.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 2664.0}, {"index": 5226, "quantile": 0.75, "value": 100000.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 2664.0}, {"index": 5226, "quantile": 1.0, "value": 124300.00000000001, "Latitude": 33.93, "Longitude": -118.25, "Population": 2664.0}, {"index": 5227, "quantile": 0.0, "value": 85400.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 899.0}, {"index": 5227, "quantile": 0.25, "value": 85400.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 899.0}, {"index": 5227, "quantile": 0.5, "value": 85400.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 899.0}, {"index": 5227, "quantile": 0.75, "value": 90000.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 899.0}, {"index": 5227, "quantile": 1.0, "value": 112500.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 899.0}, {"index": 5228, "quantile": 0.0, "value": 84200.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 1040.0}, {"index": 5228, "quantile": 0.25, "value": 84200.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 1040.0}, {"index": 5228, "quantile": 0.5, "value": 84200.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 1040.0}, {"index": 5228, "quantile": 0.75, "value": 94500.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 1040.0}, {"index": 5228, "quantile": 1.0, "value": 165300.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 1040.0}, {"index": 5229, "quantile": 0.0, "value": 88200.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 673.0}, {"index": 5229, "quantile": 0.25, "value": 88300.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 673.0}, {"index": 5229, "quantile": 0.5, "value": 88300.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 673.0}, {"index": 5229, "quantile": 0.75, "value": 92750.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 673.0}, {"index": 5229, "quantile": 1.0, "value": 175900.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 673.0}, {"index": 5230, "quantile": 0.0, "value": 84200.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 824.0}, {"index": 5230, "quantile": 0.25, "value": 86300.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 824.0}, {"index": 5230, "quantile": 0.5, "value": 86300.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 824.0}, {"index": 5230, "quantile": 0.75, "value": 88475.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 824.0}, {"index": 5230, "quantile": 1.0, "value": 151800.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 824.0}, {"index": 5231, "quantile": 0.0, "value": 85400.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 861.0}, {"index": 5231, "quantile": 0.25, "value": 89800.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 861.0}, {"index": 5231, "quantile": 0.5, "value": 89800.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 861.0}, {"index": 5231, "quantile": 0.75, "value": 89800.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 861.0}, {"index": 5231, "quantile": 1.0, "value": 112500.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 861.0}, {"index": 5232, "quantile": 0.0, "value": 38800.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 411.0}, {"index": 5232, "quantile": 0.25, "value": 89950.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 411.0}, {"index": 5232, "quantile": 0.5, "value": 90000.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 411.0}, {"index": 5232, "quantile": 0.75, "value": 90000.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 411.0}, {"index": 5232, "quantile": 1.0, "value": 104900.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 411.0}, {"index": 5233, "quantile": 0.0, "value": 84200.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 1211.0}, {"index": 5233, "quantile": 0.25, "value": 90375.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 1211.0}, {"index": 5233, "quantile": 0.5, "value": 94950.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 1211.0}, {"index": 5233, "quantile": 0.75, "value": 101424.99999999999, "Latitude": 33.94, "Longitude": -118.24, "Population": 1211.0}, {"index": 5233, "quantile": 1.0, "value": 109100.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 1211.0}, {"index": 5234, "quantile": 0.0, "value": 76200.0, "Latitude": 33.94, "Longitude": -118.23, "Population": 1313.0}, {"index": 5234, "quantile": 0.25, "value": 90100.0, "Latitude": 33.94, "Longitude": -118.23, "Population": 1313.0}, {"index": 5234, "quantile": 0.5, "value": 90100.0, "Latitude": 33.94, "Longitude": -118.23, "Population": 1313.0}, {"index": 5234, "quantile": 0.75, "value": 93200.0, "Latitude": 33.94, "Longitude": -118.23, "Population": 1313.0}, {"index": 5234, "quantile": 1.0, "value": 198200.0, "Latitude": 33.94, "Longitude": -118.23, "Population": 1313.0}, {"index": 5235, "quantile": 0.0, "value": 46700.0, "Latitude": 33.94, "Longitude": -118.23, "Population": 1339.0}, {"index": 5235, "quantile": 0.25, "value": 88800.0, "Latitude": 33.94, "Longitude": -118.23, "Population": 1339.0}, {"index": 5235, "quantile": 0.5, "value": 93300.0, "Latitude": 33.94, "Longitude": -118.23, "Population": 1339.0}, {"index": 5235, "quantile": 0.75, "value": 98375.0, "Latitude": 33.94, "Longitude": -118.23, "Population": 1339.0}, {"index": 5235, "quantile": 1.0, "value": 170600.0, "Latitude": 33.94, "Longitude": -118.23, "Population": 1339.0}, {"index": 5236, "quantile": 0.0, "value": 84200.0, "Latitude": 33.94, "Longitude": -118.23, "Population": 1417.0}, {"index": 5236, "quantile": 0.25, "value": 92100.0, "Latitude": 33.94, "Longitude": -118.23, "Population": 1417.0}, {"index": 5236, "quantile": 0.5, "value": 92100.0, "Latitude": 33.94, "Longitude": -118.23, "Population": 1417.0}, {"index": 5236, "quantile": 0.75, "value": 99050.0, "Latitude": 33.94, "Longitude": -118.23, "Population": 1417.0}, {"index": 5236, "quantile": 1.0, "value": 170600.0, "Latitude": 33.94, "Longitude": -118.23, "Population": 1417.0}, {"index": 5237, "quantile": 0.0, "value": 84700.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 1071.0}, {"index": 5237, "quantile": 0.25, "value": 89800.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 1071.0}, {"index": 5237, "quantile": 0.5, "value": 94550.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 1071.0}, {"index": 5237, "quantile": 0.75, "value": 98225.0, "Latitude": 33.94, "Longitude": -118.24, "Population": 1071.0}, {"index": 5237, "quantile": 1.0, "value": 110600.00000000001, "Latitude": 33.94, "Longitude": -118.24, "Population": 1071.0}, {"index": 5238, "quantile": 0.0, "value": 81300.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 487.0}, {"index": 5238, "quantile": 0.25, "value": 87000.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 487.0}, {"index": 5238, "quantile": 0.5, "value": 87000.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 487.0}, {"index": 5238, "quantile": 0.75, "value": 88200.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 487.0}, {"index": 5238, "quantile": 1.0, "value": 112999.99999999999, "Latitude": 33.93, "Longitude": -118.23, "Population": 487.0}, {"index": 5239, "quantile": 0.0, "value": 85400.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 2015.0}, {"index": 5239, "quantile": 0.25, "value": 94200.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 2015.0}, {"index": 5239, "quantile": 0.5, "value": 104900.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 2015.0}, {"index": 5239, "quantile": 0.75, "value": 104900.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 2015.0}, {"index": 5239, "quantile": 1.0, "value": 124300.00000000001, "Latitude": 33.93, "Longitude": -118.23, "Population": 2015.0}, {"index": 5240, "quantile": 0.0, "value": 81300.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 992.0}, {"index": 5240, "quantile": 0.25, "value": 88700.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 992.0}, {"index": 5240, "quantile": 0.5, "value": 88700.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 992.0}, {"index": 5240, "quantile": 0.75, "value": 88700.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 992.0}, {"index": 5240, "quantile": 1.0, "value": 122600.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 992.0}, {"index": 5241, "quantile": 0.0, "value": 308400.0, "Latitude": 34.12, "Longitude": -118.39, "Population": 2184.0}, {"index": 5241, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.39, "Population": 2184.0}, {"index": 5241, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.39, "Population": 2184.0}, {"index": 5241, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.39, "Population": 2184.0}, {"index": 5241, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.39, "Population": 2184.0}, {"index": 5242, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.4, "Population": 1567.0}, {"index": 5242, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.4, "Population": 1567.0}, {"index": 5242, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.4, "Population": 1567.0}, {"index": 5242, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.4, "Population": 1567.0}, {"index": 5242, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.4, "Population": 1567.0}, {"index": 5243, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.42, "Population": 654.0}, {"index": 5243, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.42, "Population": 654.0}, {"index": 5243, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.42, "Population": 654.0}, {"index": 5243, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.42, "Population": 654.0}, {"index": 5243, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.42, "Population": 654.0}, {"index": 5244, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.43, "Population": 3511.0}, {"index": 5244, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.43, "Population": 3511.0}, {"index": 5244, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.43, "Population": 3511.0}, {"index": 5244, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.43, "Population": 3511.0}, {"index": 5244, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.43, "Population": 3511.0}, {"index": 5245, "quantile": 0.0, "value": 258199.99999999997, "Latitude": 34.09, "Longitude": -118.43, "Population": 497.0}, {"index": 5245, "quantile": 0.25, "value": 499100.75, "Latitude": 34.09, "Longitude": -118.43, "Population": 497.0}, {"index": 5245, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.43, "Population": 497.0}, {"index": 5245, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.43, "Population": 497.0}, {"index": 5245, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.43, "Population": 497.0}, {"index": 5246, "quantile": 0.0, "value": 239100.0, "Latitude": 34.12, "Longitude": -118.45, "Population": 3731.0}, {"index": 5246, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.45, "Population": 3731.0}, {"index": 5246, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.45, "Population": 3731.0}, {"index": 5246, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.45, "Population": 3731.0}, {"index": 5246, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.45, "Population": 3731.0}, {"index": 5247, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.44, "Population": 862.0}, {"index": 5247, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.44, "Population": 862.0}, {"index": 5247, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.44, "Population": 862.0}, {"index": 5247, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.44, "Population": 862.0}, {"index": 5247, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.44, "Population": 862.0}, {"index": 5248, "quantile": 0.0, "value": 416700.0, "Latitude": 34.08, "Longitude": -118.43, "Population": 238.0}, {"index": 5248, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.43, "Population": 238.0}, {"index": 5248, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.43, "Population": 238.0}, {"index": 5248, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.43, "Population": 238.0}, {"index": 5248, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.43, "Population": 238.0}, {"index": 5249, "quantile": 0.0, "value": 171700.0, "Latitude": 34.08, "Longitude": -118.45, "Population": 384.0}, {"index": 5249, "quantile": 0.25, "value": 438100.0, "Latitude": 34.08, "Longitude": -118.45, "Population": 384.0}, {"index": 5249, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.45, "Population": 384.0}, {"index": 5249, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.45, "Population": 384.0}, {"index": 5249, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.45, "Population": 384.0}, {"index": 5250, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.45, "Population": 2092.0}, {"index": 5250, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.45, "Population": 2092.0}, {"index": 5250, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.45, "Population": 2092.0}, {"index": 5250, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.45, "Population": 2092.0}, {"index": 5250, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.45, "Population": 2092.0}, {"index": 5251, "quantile": 0.0, "value": 426900.0, "Latitude": 34.08, "Longitude": -118.46, "Population": 1065.0}, {"index": 5251, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.46, "Population": 1065.0}, {"index": 5251, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.46, "Population": 1065.0}, {"index": 5251, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.46, "Population": 1065.0}, {"index": 5251, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.46, "Population": 1065.0}, {"index": 5252, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.47, "Population": 2768.0}, {"index": 5252, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.47, "Population": 2768.0}, {"index": 5252, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.47, "Population": 2768.0}, {"index": 5252, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.47, "Population": 2768.0}, {"index": 5252, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.47, "Population": 2768.0}, {"index": 5253, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.49, "Population": 2336.0}, {"index": 5253, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.49, "Population": 2336.0}, {"index": 5253, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.49, "Population": 2336.0}, {"index": 5253, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.49, "Population": 2336.0}, {"index": 5253, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.49, "Population": 2336.0}, {"index": 5254, "quantile": 0.0, "value": 456900.0, "Latitude": 34.07, "Longitude": -118.48, "Population": 1500.0}, {"index": 5254, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.48, "Population": 1500.0}, {"index": 5254, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.48, "Population": 1500.0}, {"index": 5254, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.48, "Population": 1500.0}, {"index": 5254, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.48, "Population": 1500.0}, {"index": 5255, "quantile": 0.0, "value": 287200.0, "Latitude": 34.07, "Longitude": -118.48, "Population": 1564.0}, {"index": 5255, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.48, "Population": 1564.0}, {"index": 5255, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.48, "Population": 1564.0}, {"index": 5255, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.48, "Population": 1564.0}, {"index": 5255, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.48, "Population": 1564.0}, {"index": 5256, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.48, "Population": 1318.0}, {"index": 5256, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.48, "Population": 1318.0}, {"index": 5256, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.48, "Population": 1318.0}, {"index": 5256, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.48, "Population": 1318.0}, {"index": 5256, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.48, "Population": 1318.0}, {"index": 5257, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.49, "Population": 829.0}, {"index": 5257, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.49, "Population": 829.0}, {"index": 5257, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.49, "Population": 829.0}, {"index": 5257, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.49, "Population": 829.0}, {"index": 5257, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.49, "Population": 829.0}, {"index": 5258, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.49, "Population": 1054.0}, {"index": 5258, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.49, "Population": 1054.0}, {"index": 5258, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.49, "Population": 1054.0}, {"index": 5258, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.49, "Population": 1054.0}, {"index": 5258, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.49, "Population": 1054.0}, {"index": 5259, "quantile": 0.0, "value": 431799.99999999994, "Latitude": 34.11, "Longitude": -118.51, "Population": 2919.0}, {"index": 5259, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.51, "Population": 2919.0}, {"index": 5259, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.51, "Population": 2919.0}, {"index": 5259, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.51, "Population": 2919.0}, {"index": 5259, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.51, "Population": 2919.0}, {"index": 5260, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.5, "Population": 414.0}, {"index": 5260, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.5, "Population": 414.0}, {"index": 5260, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.5, "Population": 414.0}, {"index": 5260, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.5, "Population": 414.0}, {"index": 5260, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.5, "Population": 414.0}, {"index": 5261, "quantile": 0.0, "value": 476400.0, "Latitude": 34.09, "Longitude": -118.53, "Population": 1925.0}, {"index": 5261, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.53, "Population": 1925.0}, {"index": 5261, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.53, "Population": 1925.0}, {"index": 5261, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.53, "Population": 1925.0}, {"index": 5261, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.53, "Population": 1925.0}, {"index": 5262, "quantile": 0.0, "value": 268400.0, "Latitude": 34.05, "Longitude": -118.52, "Population": 709.0}, {"index": 5262, "quantile": 0.25, "value": 468825.0, "Latitude": 34.05, "Longitude": -118.52, "Population": 709.0}, {"index": 5262, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.52, "Population": 709.0}, {"index": 5262, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.52, "Population": 709.0}, {"index": 5262, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.52, "Population": 709.0}, {"index": 5263, "quantile": 0.0, "value": 169300.0, "Latitude": 34.04, "Longitude": -118.52, "Population": 819.0}, {"index": 5263, "quantile": 0.25, "value": 444200.0, "Latitude": 34.04, "Longitude": -118.52, "Population": 819.0}, {"index": 5263, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.52, "Population": 819.0}, {"index": 5263, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.52, "Population": 819.0}, {"index": 5263, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.52, "Population": 819.0}, {"index": 5264, "quantile": 0.0, "value": 437899.99999999994, "Latitude": 34.09, "Longitude": -118.57, "Population": 2926.0}, {"index": 5264, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.57, "Population": 2926.0}, {"index": 5264, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.57, "Population": 2926.0}, {"index": 5264, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.57, "Population": 2926.0}, {"index": 5264, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.57, "Population": 2926.0}, {"index": 5265, "quantile": 0.0, "value": 472100.0, "Latitude": 34.05, "Longitude": -118.54, "Population": 2540.0}, {"index": 5265, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.54, "Population": 2540.0}, {"index": 5265, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.54, "Population": 2540.0}, {"index": 5265, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.54, "Population": 2540.0}, {"index": 5265, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.54, "Population": 2540.0}, {"index": 5266, "quantile": 0.0, "value": 463500.0, "Latitude": 34.04, "Longitude": -118.55, "Population": 617.0}, {"index": 5266, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.55, "Population": 617.0}, {"index": 5266, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.55, "Population": 617.0}, {"index": 5266, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.55, "Population": 617.0}, {"index": 5266, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.55, "Population": 617.0}, {"index": 5267, "quantile": 0.0, "value": 490800.00000000006, "Latitude": 34.03, "Longitude": -118.56, "Population": 662.0}, {"index": 5267, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.56, "Population": 662.0}, {"index": 5267, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.56, "Population": 662.0}, {"index": 5267, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.56, "Population": 662.0}, {"index": 5267, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.56, "Population": 662.0}, {"index": 5268, "quantile": 0.0, "value": 176300.0, "Latitude": 34.06, "Longitude": -118.56, "Population": 761.0}, {"index": 5268, "quantile": 0.25, "value": 368675.0, "Latitude": 34.06, "Longitude": -118.56, "Population": 761.0}, {"index": 5268, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.56, "Population": 761.0}, {"index": 5268, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.56, "Population": 761.0}, {"index": 5268, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.56, "Population": 761.0}, {"index": 5269, "quantile": 0.0, "value": 493000.0, "Latitude": 34.06, "Longitude": -118.54, "Population": 1493.0}, {"index": 5269, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.54, "Population": 1493.0}, {"index": 5269, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.54, "Population": 1493.0}, {"index": 5269, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.54, "Population": 1493.0}, {"index": 5269, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.54, "Population": 1493.0}, {"index": 5270, "quantile": 0.0, "value": 301600.0, "Latitude": 34.03, "Longitude": -118.55, "Population": 3646.0}, {"index": 5270, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.55, "Population": 3646.0}, {"index": 5270, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.55, "Population": 3646.0}, {"index": 5270, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.55, "Population": 3646.0}, {"index": 5270, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.55, "Population": 3646.0}, {"index": 5271, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.52, "Population": 368.0}, {"index": 5271, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.52, "Population": 368.0}, {"index": 5271, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.52, "Population": 368.0}, {"index": 5271, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.52, "Population": 368.0}, {"index": 5271, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.52, "Population": 368.0}, {"index": 5272, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.52, "Population": 761.0}, {"index": 5272, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.52, "Population": 761.0}, {"index": 5272, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.52, "Population": 761.0}, {"index": 5272, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.52, "Population": 761.0}, {"index": 5272, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.52, "Population": 761.0}, {"index": 5273, "quantile": 0.0, "value": 415900.0, "Latitude": 34.04, "Longitude": -118.53, "Population": 735.0}, {"index": 5273, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.53, "Population": 735.0}, {"index": 5273, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.53, "Population": 735.0}, {"index": 5273, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.53, "Population": 735.0}, {"index": 5273, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.53, "Population": 735.0}, {"index": 5274, "quantile": 0.0, "value": 228700.0, "Latitude": 34.03, "Longitude": -118.53, "Population": 1551.0}, {"index": 5274, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.53, "Population": 1551.0}, {"index": 5274, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.53, "Population": 1551.0}, {"index": 5274, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.53, "Population": 1551.0}, {"index": 5274, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.53, "Population": 1551.0}, {"index": 5275, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.5, "Population": 1461.0}, {"index": 5275, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.5, "Population": 1461.0}, {"index": 5275, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.5, "Population": 1461.0}, {"index": 5275, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.5, "Population": 1461.0}, {"index": 5275, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.5, "Population": 1461.0}, {"index": 5276, "quantile": 0.0, "value": 477100.0, "Latitude": 33.99, "Longitude": -118.55, "Population": 928.0}, {"index": 5276, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.55, "Population": 928.0}, {"index": 5276, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.55, "Population": 928.0}, {"index": 5276, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.55, "Population": 928.0}, {"index": 5276, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.55, "Population": 928.0}, {"index": 5277, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.51, "Population": 1660.0}, {"index": 5277, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.51, "Population": 1660.0}, {"index": 5277, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.51, "Population": 1660.0}, {"index": 5277, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.51, "Population": 1660.0}, {"index": 5277, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.51, "Population": 1660.0}, {"index": 5278, "quantile": 0.0, "value": 348700.0, "Latitude": 34.06, "Longitude": -118.47, "Population": 419.0}, {"index": 5278, "quantile": 0.25, "value": 438500.0, "Latitude": 34.06, "Longitude": -118.47, "Population": 419.0}, {"index": 5278, "quantile": 0.5, "value": 492000.0, "Latitude": 34.06, "Longitude": -118.47, "Population": 419.0}, {"index": 5278, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.47, "Population": 419.0}, {"index": 5278, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.47, "Population": 419.0}, {"index": 5279, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.47, "Population": 916.0}, {"index": 5279, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.47, "Population": 916.0}, {"index": 5279, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.47, "Population": 916.0}, {"index": 5279, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.47, "Population": 916.0}, {"index": 5279, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.47, "Population": 916.0}, {"index": 5280, "quantile": 0.0, "value": 483300.0, "Latitude": 34.05, "Longitude": -118.48, "Population": 1282.0}, {"index": 5280, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.48, "Population": 1282.0}, {"index": 5280, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.48, "Population": 1282.0}, {"index": 5280, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.48, "Population": 1282.0}, {"index": 5280, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.48, "Population": 1282.0}, {"index": 5281, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.49, "Population": 632.0}, {"index": 5281, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.49, "Population": 632.0}, {"index": 5281, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.49, "Population": 632.0}, {"index": 5281, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.49, "Population": 632.0}, {"index": 5281, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.49, "Population": 632.0}, {"index": 5282, "quantile": 0.0, "value": 272600.0, "Latitude": 34.06, "Longitude": -118.47, "Population": 2937.0}, {"index": 5282, "quantile": 0.25, "value": 495725.75, "Latitude": 34.06, "Longitude": -118.47, "Population": 2937.0}, {"index": 5282, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.47, "Population": 2937.0}, {"index": 5282, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.47, "Population": 2937.0}, {"index": 5282, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.47, "Population": 2937.0}, {"index": 5283, "quantile": 0.0, "value": 76600.0, "Latitude": 34.06, "Longitude": -118.46, "Population": 2202.0}, {"index": 5283, "quantile": 0.25, "value": 296300.0, "Latitude": 34.06, "Longitude": -118.46, "Population": 2202.0}, {"index": 5283, "quantile": 0.5, "value": 387500.0, "Latitude": 34.06, "Longitude": -118.46, "Population": 2202.0}, {"index": 5283, "quantile": 0.75, "value": 440025.0, "Latitude": 34.06, "Longitude": -118.46, "Population": 2202.0}, {"index": 5283, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.46, "Population": 2202.0}, {"index": 5284, "quantile": 0.0, "value": 210900.0, "Latitude": 34.05, "Longitude": -118.47, "Population": 1229.0}, {"index": 5284, "quantile": 0.25, "value": 282250.0, "Latitude": 34.05, "Longitude": -118.47, "Population": 1229.0}, {"index": 5284, "quantile": 0.5, "value": 350000.0, "Latitude": 34.05, "Longitude": -118.47, "Population": 1229.0}, {"index": 5284, "quantile": 0.75, "value": 450000.0, "Latitude": 34.05, "Longitude": -118.47, "Population": 1229.0}, {"index": 5284, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.47, "Population": 1229.0}, {"index": 5285, "quantile": 0.0, "value": 272600.0, "Latitude": 34.05, "Longitude": -118.46, "Population": 1719.0}, {"index": 5285, "quantile": 0.25, "value": 386450.0, "Latitude": 34.05, "Longitude": -118.46, "Population": 1719.0}, {"index": 5285, "quantile": 0.5, "value": 459999.99999999994, "Latitude": 34.05, "Longitude": -118.46, "Population": 1719.0}, {"index": 5285, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.46, "Population": 1719.0}, {"index": 5285, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.46, "Population": 1719.0}, {"index": 5286, "quantile": 0.0, "value": 87500.0, "Latitude": 34.05, "Longitude": -118.46, "Population": 1489.0}, {"index": 5286, "quantile": 0.25, "value": 387500.0, "Latitude": 34.05, "Longitude": -118.46, "Population": 1489.0}, {"index": 5286, "quantile": 0.5, "value": 387500.0, "Latitude": 34.05, "Longitude": -118.46, "Population": 1489.0}, {"index": 5286, "quantile": 0.75, "value": 387500.0, "Latitude": 34.05, "Longitude": -118.46, "Population": 1489.0}, {"index": 5286, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.46, "Population": 1489.0}, {"index": 5287, "quantile": 0.0, "value": 228300.0, "Latitude": 34.05, "Longitude": -118.47, "Population": 2048.0}, {"index": 5287, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.47, "Population": 2048.0}, {"index": 5287, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.47, "Population": 2048.0}, {"index": 5287, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.47, "Population": 2048.0}, {"index": 5287, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.47, "Population": 2048.0}, {"index": 5288, "quantile": 0.0, "value": 195800.0, "Latitude": 34.05, "Longitude": -118.47, "Population": 1725.0}, {"index": 5288, "quantile": 0.25, "value": 435100.0, "Latitude": 34.05, "Longitude": -118.47, "Population": 1725.0}, {"index": 5288, "quantile": 0.5, "value": 450000.0, "Latitude": 34.05, "Longitude": -118.47, "Population": 1725.0}, {"index": 5288, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.47, "Population": 1725.0}, {"index": 5288, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.47, "Population": 1725.0}, {"index": 5289, "quantile": 0.0, "value": 424000.0, "Latitude": 34.05, "Longitude": -118.48, "Population": 751.0}, {"index": 5289, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.48, "Population": 751.0}, {"index": 5289, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.48, "Population": 751.0}, {"index": 5289, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.48, "Population": 751.0}, {"index": 5289, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.48, "Population": 751.0}, {"index": 5290, "quantile": 0.0, "value": 350000.0, "Latitude": 34.05, "Longitude": -118.49, "Population": 415.0}, {"index": 5290, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.49, "Population": 415.0}, {"index": 5290, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.49, "Population": 415.0}, {"index": 5290, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.49, "Population": 415.0}, {"index": 5290, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.49, "Population": 415.0}, {"index": 5291, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.42, "Population": 410.0}, {"index": 5291, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.42, "Population": 410.0}, {"index": 5291, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.42, "Population": 410.0}, {"index": 5291, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.42, "Population": 410.0}, {"index": 5291, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.42, "Population": 410.0}, {"index": 5292, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.43, "Population": 949.0}, {"index": 5292, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.43, "Population": 949.0}, {"index": 5292, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.43, "Population": 949.0}, {"index": 5292, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.43, "Population": 949.0}, {"index": 5292, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.43, "Population": 949.0}, {"index": 5293, "quantile": 0.0, "value": 263700.0, "Latitude": 34.07, "Longitude": -118.43, "Population": 1251.0}, {"index": 5293, "quantile": 0.25, "value": 438500.0, "Latitude": 34.07, "Longitude": -118.43, "Population": 1251.0}, {"index": 5293, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.43, "Population": 1251.0}, {"index": 5293, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.43, "Population": 1251.0}, {"index": 5293, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.43, "Population": 1251.0}, {"index": 5294, "quantile": 0.0, "value": 263000.0, "Latitude": 34.07, "Longitude": -118.44, "Population": 1322.0}, {"index": 5294, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.44, "Population": 1322.0}, {"index": 5294, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.44, "Population": 1322.0}, {"index": 5294, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.44, "Population": 1322.0}, {"index": 5294, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.44, "Population": 1322.0}, {"index": 5295, "quantile": 0.0, "value": 281900.0, "Latitude": 34.07, "Longitude": -118.44, "Population": 1257.0}, {"index": 5295, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.44, "Population": 1257.0}, {"index": 5295, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.44, "Population": 1257.0}, {"index": 5295, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.44, "Population": 1257.0}, {"index": 5295, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.44, "Population": 1257.0}, {"index": 5296, "quantile": 0.0, "value": 335200.0, "Latitude": 34.06, "Longitude": -118.44, "Population": 1763.0}, {"index": 5296, "quantile": 0.25, "value": 434500.0, "Latitude": 34.06, "Longitude": -118.44, "Population": 1763.0}, {"index": 5296, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.44, "Population": 1763.0}, {"index": 5296, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.44, "Population": 1763.0}, {"index": 5296, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.44, "Population": 1763.0}, {"index": 5297, "quantile": 0.0, "value": 34400.0, "Latitude": 34.07, "Longitude": -118.44, "Population": 965.0}, {"index": 5297, "quantile": 0.25, "value": 150000.0, "Latitude": 34.07, "Longitude": -118.44, "Population": 965.0}, {"index": 5297, "quantile": 0.5, "value": 158300.0, "Latitude": 34.07, "Longitude": -118.44, "Population": 965.0}, {"index": 5297, "quantile": 0.75, "value": 181300.0, "Latitude": 34.07, "Longitude": -118.44, "Population": 965.0}, {"index": 5297, "quantile": 1.0, "value": 380000.0, "Latitude": 34.07, "Longitude": -118.44, "Population": 965.0}, {"index": 5298, "quantile": 0.0, "value": 17500.0, "Latitude": 34.06, "Longitude": -118.44, "Population": 282.0}, {"index": 5298, "quantile": 0.25, "value": 487500.0, "Latitude": 34.06, "Longitude": -118.44, "Population": 282.0}, {"index": 5298, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.44, "Population": 282.0}, {"index": 5298, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.44, "Population": 282.0}, {"index": 5298, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.44, "Population": 282.0}, {"index": 5299, "quantile": 0.0, "value": 87500.0, "Latitude": 34.07, "Longitude": -118.45, "Population": 3806.0}, {"index": 5299, "quantile": 0.25, "value": 350000.0, "Latitude": 34.07, "Longitude": -118.45, "Population": 3806.0}, {"index": 5299, "quantile": 0.5, "value": 350000.0, "Latitude": 34.07, "Longitude": -118.45, "Population": 3806.0}, {"index": 5299, "quantile": 0.75, "value": 350000.0, "Latitude": 34.07, "Longitude": -118.45, "Population": 3806.0}, {"index": 5299, "quantile": 1.0, "value": 475000.0, "Latitude": 34.07, "Longitude": -118.45, "Population": 3806.0}, {"index": 5300, "quantile": 0.0, "value": 118800.0, "Latitude": 34.07, "Longitude": -118.45, "Population": 3751.0}, {"index": 5300, "quantile": 0.25, "value": 350000.0, "Latitude": 34.07, "Longitude": -118.45, "Population": 3751.0}, {"index": 5300, "quantile": 0.5, "value": 350000.0, "Latitude": 34.07, "Longitude": -118.45, "Population": 3751.0}, {"index": 5300, "quantile": 0.75, "value": 350000.0, "Latitude": 34.07, "Longitude": -118.45, "Population": 3751.0}, {"index": 5300, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.45, "Population": 3751.0}, {"index": 5301, "quantile": 0.0, "value": 151900.0, "Latitude": 34.06, "Longitude": -118.45, "Population": 2667.0}, {"index": 5301, "quantile": 0.25, "value": 375000.0, "Latitude": 34.06, "Longitude": -118.45, "Population": 2667.0}, {"index": 5301, "quantile": 0.5, "value": 500000.0, "Latitude": 34.06, "Longitude": -118.45, "Population": 2667.0}, {"index": 5301, "quantile": 0.75, "value": 500000.0, "Latitude": 34.06, "Longitude": -118.45, "Population": 2667.0}, {"index": 5301, "quantile": 1.0, "value": 500000.0, "Latitude": 34.06, "Longitude": -118.45, "Population": 2667.0}, {"index": 5302, "quantile": 0.0, "value": 125000.0, "Latitude": 34.06, "Longitude": -118.46, "Population": 482.0}, {"index": 5302, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.46, "Population": 482.0}, {"index": 5302, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.46, "Population": 482.0}, {"index": 5302, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.46, "Population": 482.0}, {"index": 5302, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.46, "Population": 482.0}, {"index": 5303, "quantile": 0.0, "value": 344000.0, "Latitude": 34.07, "Longitude": -118.46, "Population": 808.0}, {"index": 5303, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.46, "Population": 808.0}, {"index": 5303, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.46, "Population": 808.0}, {"index": 5303, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.46, "Population": 808.0}, {"index": 5303, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.46, "Population": 808.0}, {"index": 5304, "quantile": 0.0, "value": 498600.0, "Latitude": 34.07, "Longitude": -118.46, "Population": 850.0}, {"index": 5304, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.46, "Population": 850.0}, {"index": 5304, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.46, "Population": 850.0}, {"index": 5304, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.46, "Population": 850.0}, {"index": 5304, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.46, "Population": 850.0}, {"index": 5305, "quantile": 0.0, "value": 415900.0, "Latitude": 34.07, "Longitude": -118.46, "Population": 913.0}, {"index": 5305, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.46, "Population": 913.0}, {"index": 5305, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.46, "Population": 913.0}, {"index": 5305, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.46, "Population": 913.0}, {"index": 5305, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.46, "Population": 913.0}, {"index": 5306, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.06, "Longitude": -118.44, "Population": 2609.0}, {"index": 5306, "quantile": 0.25, "value": 172850.00000000003, "Latitude": 34.06, "Longitude": -118.44, "Population": 2609.0}, {"index": 5306, "quantile": 0.5, "value": 208599.99999999997, "Latitude": 34.06, "Longitude": -118.44, "Population": 2609.0}, {"index": 5306, "quantile": 0.75, "value": 342800.0, "Latitude": 34.06, "Longitude": -118.44, "Population": 2609.0}, {"index": 5306, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.44, "Population": 2609.0}, {"index": 5307, "quantile": 0.0, "value": 131000.0, "Latitude": 34.05, "Longitude": -118.44, "Population": 1886.0}, {"index": 5307, "quantile": 0.25, "value": 328900.0, "Latitude": 34.05, "Longitude": -118.44, "Population": 1886.0}, {"index": 5307, "quantile": 0.5, "value": 372300.0, "Latitude": 34.05, "Longitude": -118.44, "Population": 1886.0}, {"index": 5307, "quantile": 0.75, "value": 451825.0, "Latitude": 34.05, "Longitude": -118.44, "Population": 1886.0}, {"index": 5307, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.44, "Population": 1886.0}, {"index": 5308, "quantile": 0.0, "value": 140600.0, "Latitude": 34.05, "Longitude": -118.44, "Population": 798.0}, {"index": 5308, "quantile": 0.25, "value": 477550.0, "Latitude": 34.05, "Longitude": -118.44, "Population": 798.0}, {"index": 5308, "quantile": 0.5, "value": 500000.0, "Latitude": 34.05, "Longitude": -118.44, "Population": 798.0}, {"index": 5308, "quantile": 0.75, "value": 500000.0, "Latitude": 34.05, "Longitude": -118.44, "Population": 798.0}, {"index": 5308, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.44, "Population": 798.0}, {"index": 5309, "quantile": 0.0, "value": 194000.0, "Latitude": 34.05, "Longitude": -118.44, "Population": 2269.0}, {"index": 5309, "quantile": 0.25, "value": 316700.0, "Latitude": 34.05, "Longitude": -118.44, "Population": 2269.0}, {"index": 5309, "quantile": 0.5, "value": 316700.0, "Latitude": 34.05, "Longitude": -118.44, "Population": 2269.0}, {"index": 5309, "quantile": 0.75, "value": 316700.0, "Latitude": 34.05, "Longitude": -118.44, "Population": 2269.0}, {"index": 5309, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.44, "Population": 2269.0}, {"index": 5310, "quantile": 0.0, "value": 182400.0, "Latitude": 34.06, "Longitude": -118.43, "Population": 911.0}, {"index": 5310, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 911.0}, {"index": 5310, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 911.0}, {"index": 5310, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 911.0}, {"index": 5310, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 911.0}, {"index": 5311, "quantile": 0.0, "value": 205100.00000000003, "Latitude": 34.06, "Longitude": -118.43, "Population": 601.0}, {"index": 5311, "quantile": 0.25, "value": 410724.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 601.0}, {"index": 5311, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 601.0}, {"index": 5311, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 601.0}, {"index": 5311, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 601.0}, {"index": 5312, "quantile": 0.0, "value": 312500.0, "Latitude": 34.05, "Longitude": -118.43, "Population": 1581.0}, {"index": 5312, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.43, "Population": 1581.0}, {"index": 5312, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.43, "Population": 1581.0}, {"index": 5312, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.43, "Population": 1581.0}, {"index": 5312, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.43, "Population": 1581.0}, {"index": 5313, "quantile": 0.0, "value": 218500.0, "Latitude": 34.06, "Longitude": -118.44, "Population": 1649.0}, {"index": 5313, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.44, "Population": 1649.0}, {"index": 5313, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.44, "Population": 1649.0}, {"index": 5313, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.44, "Population": 1649.0}, {"index": 5313, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.44, "Population": 1649.0}, {"index": 5314, "quantile": 0.0, "value": 204199.99999999997, "Latitude": 34.06, "Longitude": -118.42, "Population": 1077.0}, {"index": 5314, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.42, "Population": 1077.0}, {"index": 5314, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.42, "Population": 1077.0}, {"index": 5314, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.42, "Population": 1077.0}, {"index": 5314, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.42, "Population": 1077.0}, {"index": 5315, "quantile": 0.0, "value": 171700.0, "Latitude": 34.06, "Longitude": -118.43, "Population": 523.0}, {"index": 5315, "quantile": 0.25, "value": 467600.0, "Latitude": 34.06, "Longitude": -118.43, "Population": 523.0}, {"index": 5315, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 523.0}, {"index": 5315, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 523.0}, {"index": 5315, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 523.0}, {"index": 5316, "quantile": 0.0, "value": 250000.0, "Latitude": 34.06, "Longitude": -118.43, "Population": 1122.0}, {"index": 5316, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 1122.0}, {"index": 5316, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 1122.0}, {"index": 5316, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 1122.0}, {"index": 5316, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 1122.0}, {"index": 5317, "quantile": 0.0, "value": 190800.0, "Latitude": 34.06, "Longitude": -118.43, "Population": 1675.0}, {"index": 5317, "quantile": 0.25, "value": 433024.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 1675.0}, {"index": 5317, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 1675.0}, {"index": 5317, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 1675.0}, {"index": 5317, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.43, "Population": 1675.0}, {"index": 5318, "quantile": 0.0, "value": 381800.0, "Latitude": 34.06, "Longitude": -118.42, "Population": 291.0}, {"index": 5318, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.42, "Population": 291.0}, {"index": 5318, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.42, "Population": 291.0}, {"index": 5318, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.42, "Population": 291.0}, {"index": 5318, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.42, "Population": 291.0}, {"index": 5319, "quantile": 0.0, "value": 359400.0, "Latitude": 34.06, "Longitude": -118.42, "Population": 640.0}, {"index": 5319, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.42, "Population": 640.0}, {"index": 5319, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.42, "Population": 640.0}, {"index": 5319, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.42, "Population": 640.0}, {"index": 5319, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.42, "Population": 640.0}, {"index": 5320, "quantile": 0.0, "value": 87500.0, "Latitude": 34.05, "Longitude": -118.42, "Population": 1698.0}, {"index": 5320, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.42, "Population": 1698.0}, {"index": 5320, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.42, "Population": 1698.0}, {"index": 5320, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.42, "Population": 1698.0}, {"index": 5320, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.42, "Population": 1698.0}, {"index": 5321, "quantile": 0.0, "value": 256300.00000000003, "Latitude": 34.05, "Longitude": -118.43, "Population": 727.0}, {"index": 5321, "quantile": 0.25, "value": 391875.0, "Latitude": 34.05, "Longitude": -118.43, "Population": 727.0}, {"index": 5321, "quantile": 0.5, "value": 487450.0, "Latitude": 34.05, "Longitude": -118.43, "Population": 727.0}, {"index": 5321, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.43, "Population": 727.0}, {"index": 5321, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.43, "Population": 727.0}, {"index": 5322, "quantile": 0.0, "value": 258300.00000000003, "Latitude": 34.05, "Longitude": -118.43, "Population": 1613.0}, {"index": 5322, "quantile": 0.25, "value": 477299.99999999994, "Latitude": 34.05, "Longitude": -118.43, "Population": 1613.0}, {"index": 5322, "quantile": 0.5, "value": 477299.99999999994, "Latitude": 34.05, "Longitude": -118.43, "Population": 1613.0}, {"index": 5322, "quantile": 0.75, "value": 477299.99999999994, "Latitude": 34.05, "Longitude": -118.43, "Population": 1613.0}, {"index": 5322, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.43, "Population": 1613.0}, {"index": 5323, "quantile": 0.0, "value": 176600.0, "Latitude": 34.05, "Longitude": -118.44, "Population": 2492.0}, {"index": 5323, "quantile": 0.25, "value": 327450.0, "Latitude": 34.05, "Longitude": -118.44, "Population": 2492.0}, {"index": 5323, "quantile": 0.5, "value": 387500.0, "Latitude": 34.05, "Longitude": -118.44, "Population": 2492.0}, {"index": 5323, "quantile": 0.75, "value": 478400.0, "Latitude": 34.05, "Longitude": -118.44, "Population": 2492.0}, {"index": 5323, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.44, "Population": 2492.0}, {"index": 5324, "quantile": 0.0, "value": 90100.0, "Latitude": 34.05, "Longitude": -118.44, "Population": 1588.0}, {"index": 5324, "quantile": 0.25, "value": 496250.74999999994, "Latitude": 34.05, "Longitude": -118.44, "Population": 1588.0}, {"index": 5324, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.44, "Population": 1588.0}, {"index": 5324, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.44, "Population": 1588.0}, {"index": 5324, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.44, "Population": 1588.0}, {"index": 5325, "quantile": 0.0, "value": 252199.99999999997, "Latitude": 34.04, "Longitude": -118.43, "Population": 962.0}, {"index": 5325, "quantile": 0.25, "value": 494700.0, "Latitude": 34.04, "Longitude": -118.43, "Population": 962.0}, {"index": 5325, "quantile": 0.5, "value": 494700.0, "Latitude": 34.04, "Longitude": -118.43, "Population": 962.0}, {"index": 5325, "quantile": 0.75, "value": 494700.0, "Latitude": 34.04, "Longitude": -118.43, "Population": 962.0}, {"index": 5325, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.43, "Population": 962.0}, {"index": 5326, "quantile": 0.0, "value": 87500.0, "Latitude": 34.05, "Longitude": -118.45, "Population": 936.0}, {"index": 5326, "quantile": 0.25, "value": 181300.0, "Latitude": 34.05, "Longitude": -118.45, "Population": 936.0}, {"index": 5326, "quantile": 0.5, "value": 181300.0, "Latitude": 34.05, "Longitude": -118.45, "Population": 936.0}, {"index": 5326, "quantile": 0.75, "value": 193775.0, "Latitude": 34.05, "Longitude": -118.45, "Population": 936.0}, {"index": 5326, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.45, "Population": 936.0}, {"index": 5327, "quantile": 0.0, "value": 40000.0, "Latitude": 34.04, "Longitude": -118.45, "Population": 1848.0}, {"index": 5327, "quantile": 0.25, "value": 283300.0, "Latitude": 34.04, "Longitude": -118.45, "Population": 1848.0}, {"index": 5327, "quantile": 0.5, "value": 283300.0, "Latitude": 34.04, "Longitude": -118.45, "Population": 1848.0}, {"index": 5327, "quantile": 0.75, "value": 283300.0, "Latitude": 34.04, "Longitude": -118.45, "Population": 1848.0}, {"index": 5327, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.45, "Population": 1848.0}, {"index": 5328, "quantile": 0.0, "value": 150300.0, "Latitude": 34.04, "Longitude": -118.45, "Population": 2031.0}, {"index": 5328, "quantile": 0.25, "value": 290650.0, "Latitude": 34.04, "Longitude": -118.45, "Population": 2031.0}, {"index": 5328, "quantile": 0.5, "value": 310450.0, "Latitude": 34.04, "Longitude": -118.45, "Population": 2031.0}, {"index": 5328, "quantile": 0.75, "value": 327300.0, "Latitude": 34.04, "Longitude": -118.45, "Population": 2031.0}, {"index": 5328, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.45, "Population": 2031.0}, {"index": 5329, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.05, "Longitude": -118.46, "Population": 3136.0}, {"index": 5329, "quantile": 0.25, "value": 305800.0, "Latitude": 34.05, "Longitude": -118.46, "Population": 3136.0}, {"index": 5329, "quantile": 0.5, "value": 327300.0, "Latitude": 34.05, "Longitude": -118.46, "Population": 3136.0}, {"index": 5329, "quantile": 0.75, "value": 390600.0, "Latitude": 34.05, "Longitude": -118.46, "Population": 3136.0}, {"index": 5329, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.46, "Population": 3136.0}, {"index": 5330, "quantile": 0.0, "value": 140600.0, "Latitude": 34.05, "Longitude": -118.45, "Population": 2103.0}, {"index": 5330, "quantile": 0.25, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.45, "Population": 2103.0}, {"index": 5330, "quantile": 0.5, "value": 275000.0, "Latitude": 34.05, "Longitude": -118.45, "Population": 2103.0}, {"index": 5330, "quantile": 0.75, "value": 361675.0, "Latitude": 34.05, "Longitude": -118.45, "Population": 2103.0}, {"index": 5330, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.45, "Population": 2103.0}, {"index": 5331, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.04, "Longitude": -118.46, "Population": 1820.0}, {"index": 5331, "quantile": 0.25, "value": 219350.00000000003, "Latitude": 34.04, "Longitude": -118.46, "Population": 1820.0}, {"index": 5331, "quantile": 0.5, "value": 252550.0, "Latitude": 34.04, "Longitude": -118.46, "Population": 1820.0}, {"index": 5331, "quantile": 0.75, "value": 320000.0, "Latitude": 34.04, "Longitude": -118.46, "Population": 1820.0}, {"index": 5331, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.46, "Population": 1820.0}, {"index": 5332, "quantile": 0.0, "value": 202700.0, "Latitude": 34.04, "Longitude": -118.47, "Population": 2719.0}, {"index": 5332, "quantile": 0.25, "value": 268800.0, "Latitude": 34.04, "Longitude": -118.47, "Population": 2719.0}, {"index": 5332, "quantile": 0.5, "value": 268800.0, "Latitude": 34.04, "Longitude": -118.47, "Population": 2719.0}, {"index": 5332, "quantile": 0.75, "value": 281800.0, "Latitude": 34.04, "Longitude": -118.47, "Population": 2719.0}, {"index": 5332, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.47, "Population": 2719.0}, {"index": 5333, "quantile": 0.0, "value": 150300.0, "Latitude": 34.04, "Longitude": -118.45, "Population": 1837.0}, {"index": 5333, "quantile": 0.25, "value": 252700.0, "Latitude": 34.04, "Longitude": -118.45, "Population": 1837.0}, {"index": 5333, "quantile": 0.5, "value": 319400.0, "Latitude": 34.04, "Longitude": -118.45, "Population": 1837.0}, {"index": 5333, "quantile": 0.75, "value": 358150.0, "Latitude": 34.04, "Longitude": -118.45, "Population": 1837.0}, {"index": 5333, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.45, "Population": 1837.0}, {"index": 5334, "quantile": 0.0, "value": 179800.0, "Latitude": 34.04, "Longitude": -118.46, "Population": 1390.0}, {"index": 5334, "quantile": 0.25, "value": 266700.0, "Latitude": 34.04, "Longitude": -118.46, "Population": 1390.0}, {"index": 5334, "quantile": 0.5, "value": 327300.0, "Latitude": 34.04, "Longitude": -118.46, "Population": 1390.0}, {"index": 5334, "quantile": 0.75, "value": 412500.0, "Latitude": 34.04, "Longitude": -118.46, "Population": 1390.0}, {"index": 5334, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.46, "Population": 1390.0}, {"index": 5335, "quantile": 0.0, "value": 140600.0, "Latitude": 34.04, "Longitude": -118.46, "Population": 1558.0}, {"index": 5335, "quantile": 0.25, "value": 358475.0, "Latitude": 34.04, "Longitude": -118.46, "Population": 1558.0}, {"index": 5335, "quantile": 0.5, "value": 360000.0, "Latitude": 34.04, "Longitude": -118.46, "Population": 1558.0}, {"index": 5335, "quantile": 0.75, "value": 360000.0, "Latitude": 34.04, "Longitude": -118.46, "Population": 1558.0}, {"index": 5335, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.46, "Population": 1558.0}, {"index": 5336, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.04, "Longitude": -118.46, "Population": 1404.0}, {"index": 5336, "quantile": 0.25, "value": 319725.00000000006, "Latitude": 34.04, "Longitude": -118.46, "Population": 1404.0}, {"index": 5336, "quantile": 0.5, "value": 420800.0, "Latitude": 34.04, "Longitude": -118.46, "Population": 1404.0}, {"index": 5336, "quantile": 0.75, "value": 420800.0, "Latitude": 34.04, "Longitude": -118.46, "Population": 1404.0}, {"index": 5336, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.46, "Population": 1404.0}, {"index": 5337, "quantile": 0.0, "value": 164300.0, "Latitude": 34.04, "Longitude": -118.46, "Population": 1632.0}, {"index": 5337, "quantile": 0.25, "value": 347800.0, "Latitude": 34.04, "Longitude": -118.46, "Population": 1632.0}, {"index": 5337, "quantile": 0.5, "value": 348100.0, "Latitude": 34.04, "Longitude": -118.46, "Population": 1632.0}, {"index": 5337, "quantile": 0.75, "value": 348100.0, "Latitude": 34.04, "Longitude": -118.46, "Population": 1632.0}, {"index": 5337, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.46, "Population": 1632.0}, {"index": 5338, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 34.04, "Longitude": -118.45, "Population": 1435.0}, {"index": 5338, "quantile": 0.25, "value": 239725.0, "Latitude": 34.04, "Longitude": -118.45, "Population": 1435.0}, {"index": 5338, "quantile": 0.5, "value": 318350.0, "Latitude": 34.04, "Longitude": -118.45, "Population": 1435.0}, {"index": 5338, "quantile": 0.75, "value": 348100.0, "Latitude": 34.04, "Longitude": -118.45, "Population": 1435.0}, {"index": 5338, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.45, "Population": 1435.0}, {"index": 5339, "quantile": 0.0, "value": 66000.0, "Latitude": 34.03, "Longitude": -118.45, "Population": 520.0}, {"index": 5339, "quantile": 0.25, "value": 143000.0, "Latitude": 34.03, "Longitude": -118.45, "Population": 520.0}, {"index": 5339, "quantile": 0.5, "value": 219899.99999999997, "Latitude": 34.03, "Longitude": -118.45, "Population": 520.0}, {"index": 5339, "quantile": 0.75, "value": 285625.0, "Latitude": 34.03, "Longitude": -118.45, "Population": 520.0}, {"index": 5339, "quantile": 1.0, "value": 362200.0, "Latitude": 34.03, "Longitude": -118.45, "Population": 520.0}, {"index": 5340, "quantile": 0.0, "value": 173900.0, "Latitude": 34.03, "Longitude": -118.45, "Population": 931.0}, {"index": 5340, "quantile": 0.25, "value": 335400.0, "Latitude": 34.03, "Longitude": -118.45, "Population": 931.0}, {"index": 5340, "quantile": 0.5, "value": 336300.0, "Latitude": 34.03, "Longitude": -118.45, "Population": 931.0}, {"index": 5340, "quantile": 0.75, "value": 336300.0, "Latitude": 34.03, "Longitude": -118.45, "Population": 931.0}, {"index": 5340, "quantile": 1.0, "value": 440900.0, "Latitude": 34.03, "Longitude": -118.45, "Population": 931.0}, {"index": 5341, "quantile": 0.0, "value": 17500.0, "Latitude": 34.04, "Longitude": -118.44, "Population": 14.0}, {"index": 5341, "quantile": 0.25, "value": 225000.0, "Latitude": 34.04, "Longitude": -118.44, "Population": 14.0}, {"index": 5341, "quantile": 0.5, "value": 225000.0, "Latitude": 34.04, "Longitude": -118.44, "Population": 14.0}, {"index": 5341, "quantile": 0.75, "value": 225000.0, "Latitude": 34.04, "Longitude": -118.44, "Population": 14.0}, {"index": 5341, "quantile": 1.0, "value": 456200.0, "Latitude": 34.04, "Longitude": -118.44, "Population": 14.0}, {"index": 5342, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.04, "Longitude": -118.44, "Population": 3.0}, {"index": 5342, "quantile": 0.25, "value": 350000.0, "Latitude": 34.04, "Longitude": -118.44, "Population": 3.0}, {"index": 5342, "quantile": 0.5, "value": 350000.0, "Latitude": 34.04, "Longitude": -118.44, "Population": 3.0}, {"index": 5342, "quantile": 0.75, "value": 350000.0, "Latitude": 34.04, "Longitude": -118.44, "Population": 3.0}, {"index": 5342, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.44, "Population": 3.0}, {"index": 5343, "quantile": 0.0, "value": 164300.0, "Latitude": 34.04, "Longitude": -118.44, "Population": 1535.0}, {"index": 5343, "quantile": 0.25, "value": 347800.0, "Latitude": 34.04, "Longitude": -118.44, "Population": 1535.0}, {"index": 5343, "quantile": 0.5, "value": 347800.0, "Latitude": 34.04, "Longitude": -118.44, "Population": 1535.0}, {"index": 5343, "quantile": 0.75, "value": 347800.0, "Latitude": 34.04, "Longitude": -118.44, "Population": 1535.0}, {"index": 5343, "quantile": 1.0, "value": 475000.0, "Latitude": 34.04, "Longitude": -118.44, "Population": 1535.0}, {"index": 5344, "quantile": 0.0, "value": 183000.0, "Latitude": 34.04, "Longitude": -118.43, "Population": 735.0}, {"index": 5344, "quantile": 0.25, "value": 349350.0, "Latitude": 34.04, "Longitude": -118.43, "Population": 735.0}, {"index": 5344, "quantile": 0.5, "value": 382100.0, "Latitude": 34.04, "Longitude": -118.43, "Population": 735.0}, {"index": 5344, "quantile": 0.75, "value": 440599.99999999994, "Latitude": 34.04, "Longitude": -118.43, "Population": 735.0}, {"index": 5344, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.43, "Population": 735.0}, {"index": 5345, "quantile": 0.0, "value": 225900.0, "Latitude": 34.04, "Longitude": -118.42, "Population": 639.0}, {"index": 5345, "quantile": 0.25, "value": 392375.0, "Latitude": 34.04, "Longitude": -118.42, "Population": 639.0}, {"index": 5345, "quantile": 0.5, "value": 409800.0, "Latitude": 34.04, "Longitude": -118.42, "Population": 639.0}, {"index": 5345, "quantile": 0.75, "value": 409800.0, "Latitude": 34.04, "Longitude": -118.42, "Population": 639.0}, {"index": 5345, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.42, "Population": 639.0}, {"index": 5346, "quantile": 0.0, "value": 280400.0, "Latitude": 34.04, "Longitude": -118.43, "Population": 1115.0}, {"index": 5346, "quantile": 0.25, "value": 427425.00000000006, "Latitude": 34.04, "Longitude": -118.43, "Population": 1115.0}, {"index": 5346, "quantile": 0.5, "value": 427500.00000000006, "Latitude": 34.04, "Longitude": -118.43, "Population": 1115.0}, {"index": 5346, "quantile": 0.75, "value": 427500.00000000006, "Latitude": 34.04, "Longitude": -118.43, "Population": 1115.0}, {"index": 5346, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.43, "Population": 1115.0}, {"index": 5347, "quantile": 0.0, "value": 196800.0, "Latitude": 34.05, "Longitude": -118.41, "Population": 3026.0}, {"index": 5347, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.41, "Population": 3026.0}, {"index": 5347, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.41, "Population": 3026.0}, {"index": 5347, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.41, "Population": 3026.0}, {"index": 5347, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.41, "Population": 3026.0}, {"index": 5348, "quantile": 0.0, "value": 87500.0, "Latitude": 34.05, "Longitude": -118.42, "Population": 1124.0}, {"index": 5348, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.42, "Population": 1124.0}, {"index": 5348, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.42, "Population": 1124.0}, {"index": 5348, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.42, "Population": 1124.0}, {"index": 5348, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.42, "Population": 1124.0}, {"index": 5349, "quantile": 0.0, "value": 365900.0, "Latitude": 34.05, "Longitude": -118.42, "Population": 981.0}, {"index": 5349, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.42, "Population": 981.0}, {"index": 5349, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.42, "Population": 981.0}, {"index": 5349, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.42, "Population": 981.0}, {"index": 5349, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.42, "Population": 981.0}, {"index": 5350, "quantile": 0.0, "value": 150900.0, "Latitude": 34.05, "Longitude": -118.4, "Population": 1518.0}, {"index": 5350, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.4, "Population": 1518.0}, {"index": 5350, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.4, "Population": 1518.0}, {"index": 5350, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.4, "Population": 1518.0}, {"index": 5350, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.4, "Population": 1518.0}, {"index": 5351, "quantile": 0.0, "value": 239100.0, "Latitude": 34.04, "Longitude": -118.4, "Population": 720.0}, {"index": 5351, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.4, "Population": 720.0}, {"index": 5351, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.4, "Population": 720.0}, {"index": 5351, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.4, "Population": 720.0}, {"index": 5351, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.4, "Population": 720.0}, {"index": 5352, "quantile": 0.0, "value": 483300.0, "Latitude": 34.04, "Longitude": -118.4, "Population": 420.0}, {"index": 5352, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.4, "Population": 420.0}, {"index": 5352, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.4, "Population": 420.0}, {"index": 5352, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.4, "Population": 420.0}, {"index": 5352, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.4, "Population": 420.0}, {"index": 5353, "quantile": 0.0, "value": 281900.0, "Latitude": 34.03, "Longitude": -118.4, "Population": 871.0}, {"index": 5353, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.4, "Population": 871.0}, {"index": 5353, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.4, "Population": 871.0}, {"index": 5353, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.4, "Population": 871.0}, {"index": 5353, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.4, "Population": 871.0}, {"index": 5354, "quantile": 0.0, "value": 157000.0, "Latitude": 34.03, "Longitude": -118.41, "Population": 994.0}, {"index": 5354, "quantile": 0.25, "value": 314450.0, "Latitude": 34.03, "Longitude": -118.41, "Population": 994.0}, {"index": 5354, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.41, "Population": 994.0}, {"index": 5354, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.41, "Population": 994.0}, {"index": 5354, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.41, "Population": 994.0}, {"index": 5355, "quantile": 0.0, "value": 275000.0, "Latitude": 34.04, "Longitude": -118.41, "Population": 228.0}, {"index": 5355, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.41, "Population": 228.0}, {"index": 5355, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.41, "Population": 228.0}, {"index": 5355, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.41, "Population": 228.0}, {"index": 5355, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.41, "Population": 228.0}, {"index": 5356, "quantile": 0.0, "value": 140600.0, "Latitude": 34.05, "Longitude": -118.39, "Population": 1047.0}, {"index": 5356, "quantile": 0.25, "value": 334875.0, "Latitude": 34.05, "Longitude": -118.39, "Population": 1047.0}, {"index": 5356, "quantile": 0.5, "value": 384800.0, "Latitude": 34.05, "Longitude": -118.39, "Population": 1047.0}, {"index": 5356, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.39, "Population": 1047.0}, {"index": 5356, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.39, "Population": 1047.0}, {"index": 5357, "quantile": 0.0, "value": 269100.0, "Latitude": 34.05, "Longitude": -118.39, "Population": 1253.0}, {"index": 5357, "quantile": 0.25, "value": 479800.0, "Latitude": 34.05, "Longitude": -118.39, "Population": 1253.0}, {"index": 5357, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.39, "Population": 1253.0}, {"index": 5357, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.39, "Population": 1253.0}, {"index": 5357, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.39, "Population": 1253.0}, {"index": 5358, "quantile": 0.0, "value": 140600.0, "Latitude": 34.05, "Longitude": -118.4, "Population": 859.0}, {"index": 5358, "quantile": 0.25, "value": 352575.0, "Latitude": 34.05, "Longitude": -118.4, "Population": 859.0}, {"index": 5358, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.4, "Population": 859.0}, {"index": 5358, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.4, "Population": 859.0}, {"index": 5358, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.4, "Population": 859.0}, {"index": 5359, "quantile": 0.0, "value": 140600.0, "Latitude": 34.05, "Longitude": -118.39, "Population": 1139.0}, {"index": 5359, "quantile": 0.25, "value": 450000.0, "Latitude": 34.05, "Longitude": -118.39, "Population": 1139.0}, {"index": 5359, "quantile": 0.5, "value": 459999.99999999994, "Latitude": 34.05, "Longitude": -118.39, "Population": 1139.0}, {"index": 5359, "quantile": 0.75, "value": 459999.99999999994, "Latitude": 34.05, "Longitude": -118.39, "Population": 1139.0}, {"index": 5359, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.39, "Population": 1139.0}, {"index": 5360, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.41, "Population": 681.0}, {"index": 5360, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.41, "Population": 681.0}, {"index": 5360, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.41, "Population": 681.0}, {"index": 5360, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.41, "Population": 681.0}, {"index": 5360, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.41, "Population": 681.0}, {"index": 5361, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.41, "Population": 800.0}, {"index": 5361, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.41, "Population": 800.0}, {"index": 5361, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.41, "Population": 800.0}, {"index": 5361, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.41, "Population": 800.0}, {"index": 5361, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.41, "Population": 800.0}, {"index": 5362, "quantile": 0.0, "value": 280400.0, "Latitude": 34.03, "Longitude": -118.41, "Population": 1234.0}, {"index": 5362, "quantile": 0.25, "value": 469175.0, "Latitude": 34.03, "Longitude": -118.41, "Population": 1234.0}, {"index": 5362, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.41, "Population": 1234.0}, {"index": 5362, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.41, "Population": 1234.0}, {"index": 5362, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.41, "Population": 1234.0}, {"index": 5363, "quantile": 0.0, "value": 125000.0, "Latitude": 34.04, "Longitude": -118.42, "Population": 771.0}, {"index": 5363, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.42, "Population": 771.0}, {"index": 5363, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.42, "Population": 771.0}, {"index": 5363, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.42, "Population": 771.0}, {"index": 5363, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.42, "Population": 771.0}, {"index": 5364, "quantile": 0.0, "value": 240899.99999999997, "Latitude": 34.04, "Longitude": -118.42, "Population": 574.0}, {"index": 5364, "quantile": 0.25, "value": 474099.99999999994, "Latitude": 34.04, "Longitude": -118.42, "Population": 574.0}, {"index": 5364, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.42, "Population": 574.0}, {"index": 5364, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.42, "Population": 574.0}, {"index": 5364, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.42, "Population": 574.0}, {"index": 5365, "quantile": 0.0, "value": 293500.0, "Latitude": 34.04, "Longitude": -118.39, "Population": 834.0}, {"index": 5365, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.39, "Population": 834.0}, {"index": 5365, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.39, "Population": 834.0}, {"index": 5365, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.39, "Population": 834.0}, {"index": 5365, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.39, "Population": 834.0}, {"index": 5366, "quantile": 0.0, "value": 143300.0, "Latitude": 34.04, "Longitude": -118.39, "Population": 635.0}, {"index": 5366, "quantile": 0.25, "value": 356300.0, "Latitude": 34.04, "Longitude": -118.39, "Population": 635.0}, {"index": 5366, "quantile": 0.5, "value": 399300.0, "Latitude": 34.04, "Longitude": -118.39, "Population": 635.0}, {"index": 5366, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.39, "Population": 635.0}, {"index": 5366, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.39, "Population": 635.0}, {"index": 5367, "quantile": 0.0, "value": 415900.0, "Latitude": 34.04, "Longitude": -118.4, "Population": 1398.0}, {"index": 5367, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.4, "Population": 1398.0}, {"index": 5367, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.4, "Population": 1398.0}, {"index": 5367, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.4, "Population": 1398.0}, {"index": 5367, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.4, "Population": 1398.0}, {"index": 5368, "quantile": 0.0, "value": 293500.0, "Latitude": 34.05, "Longitude": -118.4, "Population": 394.0}, {"index": 5368, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.4, "Population": 394.0}, {"index": 5368, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.4, "Population": 394.0}, {"index": 5368, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.4, "Population": 394.0}, {"index": 5368, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.4, "Population": 394.0}, {"index": 5369, "quantile": 0.0, "value": 279800.0, "Latitude": 34.05, "Longitude": -118.39, "Population": 577.0}, {"index": 5369, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.39, "Population": 577.0}, {"index": 5369, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.39, "Population": 577.0}, {"index": 5369, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.39, "Population": 577.0}, {"index": 5369, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.39, "Population": 577.0}, {"index": 5370, "quantile": 0.0, "value": 88800.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 1794.0}, {"index": 5370, "quantile": 0.25, "value": 156525.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 1794.0}, {"index": 5370, "quantile": 0.5, "value": 194350.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 1794.0}, {"index": 5370, "quantile": 0.75, "value": 251874.99999999997, "Latitude": 34.04, "Longitude": -118.38, "Population": 1794.0}, {"index": 5370, "quantile": 1.0, "value": 337500.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 1794.0}, {"index": 5371, "quantile": 0.0, "value": 118100.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 2120.0}, {"index": 5371, "quantile": 0.25, "value": 206300.00000000003, "Latitude": 34.04, "Longitude": -118.38, "Population": 2120.0}, {"index": 5371, "quantile": 0.5, "value": 254199.99999999997, "Latitude": 34.04, "Longitude": -118.38, "Population": 2120.0}, {"index": 5371, "quantile": 0.75, "value": 254199.99999999997, "Latitude": 34.04, "Longitude": -118.38, "Population": 2120.0}, {"index": 5371, "quantile": 1.0, "value": 275000.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 2120.0}, {"index": 5372, "quantile": 0.0, "value": 275000.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 254.0}, {"index": 5372, "quantile": 0.25, "value": 340400.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 254.0}, {"index": 5372, "quantile": 0.5, "value": 340400.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 254.0}, {"index": 5372, "quantile": 0.75, "value": 399300.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 254.0}, {"index": 5372, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.38, "Population": 254.0}, {"index": 5373, "quantile": 0.0, "value": 99200.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 2054.0}, {"index": 5373, "quantile": 0.25, "value": 183625.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 2054.0}, {"index": 5373, "quantile": 0.5, "value": 309100.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 2054.0}, {"index": 5373, "quantile": 0.75, "value": 309100.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 2054.0}, {"index": 5373, "quantile": 1.0, "value": 309100.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 2054.0}, {"index": 5374, "quantile": 0.0, "value": 169400.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 1665.0}, {"index": 5374, "quantile": 0.25, "value": 239600.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 1665.0}, {"index": 5374, "quantile": 0.5, "value": 271600.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 1665.0}, {"index": 5374, "quantile": 0.75, "value": 271600.0, "Latitude": 34.04, "Longitude": -118.38, "Population": 1665.0}, {"index": 5374, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.38, "Population": 1665.0}, {"index": 5375, "quantile": 0.0, "value": 100000.0, "Latitude": 34.04, "Longitude": -118.39, "Population": 85.0}, {"index": 5375, "quantile": 0.25, "value": 237500.0, "Latitude": 34.04, "Longitude": -118.39, "Population": 85.0}, {"index": 5375, "quantile": 0.5, "value": 237500.0, "Latitude": 34.04, "Longitude": -118.39, "Population": 85.0}, {"index": 5375, "quantile": 0.75, "value": 237500.0, "Latitude": 34.04, "Longitude": -118.39, "Population": 85.0}, {"index": 5375, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.39, "Population": 85.0}, {"index": 5376, "quantile": 0.0, "value": 156400.0, "Latitude": 34.04, "Longitude": -118.39, "Population": 666.0}, {"index": 5376, "quantile": 0.25, "value": 340400.0, "Latitude": 34.04, "Longitude": -118.39, "Population": 666.0}, {"index": 5376, "quantile": 0.5, "value": 340400.0, "Latitude": 34.04, "Longitude": -118.39, "Population": 666.0}, {"index": 5376, "quantile": 0.75, "value": 340400.0, "Latitude": 34.04, "Longitude": -118.39, "Population": 666.0}, {"index": 5376, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.39, "Population": 666.0}, {"index": 5377, "quantile": 0.0, "value": 170000.0, "Latitude": 34.04, "Longitude": -118.39, "Population": 669.0}, {"index": 5377, "quantile": 0.25, "value": 308300.0, "Latitude": 34.04, "Longitude": -118.39, "Population": 669.0}, {"index": 5377, "quantile": 0.5, "value": 308300.0, "Latitude": 34.04, "Longitude": -118.39, "Population": 669.0}, {"index": 5377, "quantile": 0.75, "value": 308300.0, "Latitude": 34.04, "Longitude": -118.39, "Population": 669.0}, {"index": 5377, "quantile": 1.0, "value": 440900.0, "Latitude": 34.04, "Longitude": -118.39, "Population": 669.0}, {"index": 5378, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 34.03, "Longitude": -118.39, "Population": 1161.0}, {"index": 5378, "quantile": 0.25, "value": 253399.99999999997, "Latitude": 34.03, "Longitude": -118.39, "Population": 1161.0}, {"index": 5378, "quantile": 0.5, "value": 321700.0, "Latitude": 34.03, "Longitude": -118.39, "Population": 1161.0}, {"index": 5378, "quantile": 0.75, "value": 348100.0, "Latitude": 34.03, "Longitude": -118.39, "Population": 1161.0}, {"index": 5378, "quantile": 1.0, "value": 450000.0, "Latitude": 34.03, "Longitude": -118.39, "Population": 1161.0}, {"index": 5379, "quantile": 0.0, "value": 179800.0, "Latitude": 34.03, "Longitude": -118.39, "Population": 1890.0}, {"index": 5379, "quantile": 0.25, "value": 319400.0, "Latitude": 34.03, "Longitude": -118.39, "Population": 1890.0}, {"index": 5379, "quantile": 0.5, "value": 319400.0, "Latitude": 34.03, "Longitude": -118.39, "Population": 1890.0}, {"index": 5379, "quantile": 0.75, "value": 327300.0, "Latitude": 34.03, "Longitude": -118.39, "Population": 1890.0}, {"index": 5379, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.39, "Population": 1890.0}, {"index": 5380, "quantile": 0.0, "value": 40000.0, "Latitude": 34.03, "Longitude": -118.4, "Population": 491.0}, {"index": 5380, "quantile": 0.25, "value": 263100.0, "Latitude": 34.03, "Longitude": -118.4, "Population": 491.0}, {"index": 5380, "quantile": 0.5, "value": 301650.0, "Latitude": 34.03, "Longitude": -118.4, "Population": 491.0}, {"index": 5380, "quantile": 0.75, "value": 370000.0, "Latitude": 34.03, "Longitude": -118.4, "Population": 491.0}, {"index": 5380, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.4, "Population": 491.0}, {"index": 5381, "quantile": 0.0, "value": 171700.0, "Latitude": 34.03, "Longitude": -118.4, "Population": 520.0}, {"index": 5381, "quantile": 0.25, "value": 372800.0, "Latitude": 34.03, "Longitude": -118.4, "Population": 520.0}, {"index": 5381, "quantile": 0.5, "value": 372800.0, "Latitude": 34.03, "Longitude": -118.4, "Population": 520.0}, {"index": 5381, "quantile": 0.75, "value": 372800.0, "Latitude": 34.03, "Longitude": -118.4, "Population": 520.0}, {"index": 5381, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.4, "Population": 520.0}, {"index": 5382, "quantile": 0.0, "value": 210000.0, "Latitude": 34.03, "Longitude": -118.41, "Population": 2435.0}, {"index": 5382, "quantile": 0.25, "value": 327300.0, "Latitude": 34.03, "Longitude": -118.41, "Population": 2435.0}, {"index": 5382, "quantile": 0.5, "value": 327300.0, "Latitude": 34.03, "Longitude": -118.41, "Population": 2435.0}, {"index": 5382, "quantile": 0.75, "value": 327300.0, "Latitude": 34.03, "Longitude": -118.41, "Population": 2435.0}, {"index": 5382, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.41, "Population": 2435.0}, {"index": 5383, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.02, "Longitude": -118.4, "Population": 3870.0}, {"index": 5383, "quantile": 0.25, "value": 300000.0, "Latitude": 34.02, "Longitude": -118.4, "Population": 3870.0}, {"index": 5383, "quantile": 0.5, "value": 300000.0, "Latitude": 34.02, "Longitude": -118.4, "Population": 3870.0}, {"index": 5383, "quantile": 0.75, "value": 300000.0, "Latitude": 34.02, "Longitude": -118.4, "Population": 3870.0}, {"index": 5383, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.4, "Population": 3870.0}, {"index": 5384, "quantile": 0.0, "value": 90600.0, "Latitude": 34.02, "Longitude": -118.4, "Population": 397.0}, {"index": 5384, "quantile": 0.25, "value": 184400.0, "Latitude": 34.02, "Longitude": -118.4, "Population": 397.0}, {"index": 5384, "quantile": 0.5, "value": 184400.0, "Latitude": 34.02, "Longitude": -118.4, "Population": 397.0}, {"index": 5384, "quantile": 0.75, "value": 233300.00000000003, "Latitude": 34.02, "Longitude": -118.4, "Population": 397.0}, {"index": 5384, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.4, "Population": 397.0}, {"index": 5385, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.03, "Longitude": -118.41, "Population": 1764.0}, {"index": 5385, "quantile": 0.25, "value": 366700.0, "Latitude": 34.03, "Longitude": -118.41, "Population": 1764.0}, {"index": 5385, "quantile": 0.5, "value": 366700.0, "Latitude": 34.03, "Longitude": -118.41, "Population": 1764.0}, {"index": 5385, "quantile": 0.75, "value": 366700.0, "Latitude": 34.03, "Longitude": -118.41, "Population": 1764.0}, {"index": 5385, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.41, "Population": 1764.0}, {"index": 5386, "quantile": 0.0, "value": 159100.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 1322.0}, {"index": 5386, "quantile": 0.25, "value": 263100.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 1322.0}, {"index": 5386, "quantile": 0.5, "value": 286050.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 1322.0}, {"index": 5386, "quantile": 0.75, "value": 371900.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 1322.0}, {"index": 5386, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.41, "Population": 1322.0}, {"index": 5387, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.02, "Longitude": -118.41, "Population": 3390.0}, {"index": 5387, "quantile": 0.25, "value": 320000.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 3390.0}, {"index": 5387, "quantile": 0.5, "value": 320000.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 3390.0}, {"index": 5387, "quantile": 0.75, "value": 320000.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 3390.0}, {"index": 5387, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.41, "Population": 3390.0}, {"index": 5388, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.03, "Longitude": -118.39, "Population": 746.0}, {"index": 5388, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 34.03, "Longitude": -118.39, "Population": 746.0}, {"index": 5388, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 34.03, "Longitude": -118.39, "Population": 746.0}, {"index": 5388, "quantile": 0.75, "value": 166575.0, "Latitude": 34.03, "Longitude": -118.39, "Population": 746.0}, {"index": 5388, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.39, "Population": 746.0}, {"index": 5389, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.03, "Longitude": -118.4, "Population": 3397.0}, {"index": 5389, "quantile": 0.25, "value": 197900.0, "Latitude": 34.03, "Longitude": -118.4, "Population": 3397.0}, {"index": 5389, "quantile": 0.5, "value": 234200.0, "Latitude": 34.03, "Longitude": -118.4, "Population": 3397.0}, {"index": 5389, "quantile": 0.75, "value": 300000.0, "Latitude": 34.03, "Longitude": -118.4, "Population": 3397.0}, {"index": 5389, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.4, "Population": 3397.0}, {"index": 5390, "quantile": 0.0, "value": 122200.0, "Latitude": 34.03, "Longitude": -118.38, "Population": 1756.0}, {"index": 5390, "quantile": 0.25, "value": 222100.0, "Latitude": 34.03, "Longitude": -118.38, "Population": 1756.0}, {"index": 5390, "quantile": 0.5, "value": 222100.0, "Latitude": 34.03, "Longitude": -118.38, "Population": 1756.0}, {"index": 5390, "quantile": 0.75, "value": 222100.0, "Latitude": 34.03, "Longitude": -118.38, "Population": 1756.0}, {"index": 5390, "quantile": 1.0, "value": 309100.0, "Latitude": 34.03, "Longitude": -118.38, "Population": 1756.0}, {"index": 5391, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.03, "Longitude": -118.39, "Population": 1237.0}, {"index": 5391, "quantile": 0.25, "value": 195900.0, "Latitude": 34.03, "Longitude": -118.39, "Population": 1237.0}, {"index": 5391, "quantile": 0.5, "value": 230900.00000000003, "Latitude": 34.03, "Longitude": -118.39, "Population": 1237.0}, {"index": 5391, "quantile": 0.75, "value": 230900.00000000003, "Latitude": 34.03, "Longitude": -118.39, "Population": 1237.0}, {"index": 5391, "quantile": 1.0, "value": 281700.0, "Latitude": 34.03, "Longitude": -118.39, "Population": 1237.0}, {"index": 5392, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.04, "Longitude": -118.37, "Population": 514.0}, {"index": 5392, "quantile": 0.25, "value": 202800.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 514.0}, {"index": 5392, "quantile": 0.5, "value": 202800.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 514.0}, {"index": 5392, "quantile": 0.75, "value": 202800.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 514.0}, {"index": 5392, "quantile": 1.0, "value": 397900.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 514.0}, {"index": 5393, "quantile": 0.0, "value": 134600.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 1094.0}, {"index": 5393, "quantile": 0.25, "value": 143000.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 1094.0}, {"index": 5393, "quantile": 0.5, "value": 143000.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 1094.0}, {"index": 5393, "quantile": 0.75, "value": 165450.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 1094.0}, {"index": 5393, "quantile": 1.0, "value": 362200.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 1094.0}, {"index": 5394, "quantile": 0.0, "value": 60000.0, "Latitude": 34.03, "Longitude": -118.38, "Population": 705.0}, {"index": 5394, "quantile": 0.25, "value": 185700.0, "Latitude": 34.03, "Longitude": -118.38, "Population": 705.0}, {"index": 5394, "quantile": 0.5, "value": 185700.0, "Latitude": 34.03, "Longitude": -118.38, "Population": 705.0}, {"index": 5394, "quantile": 0.75, "value": 185700.0, "Latitude": 34.03, "Longitude": -118.38, "Population": 705.0}, {"index": 5394, "quantile": 1.0, "value": 353600.0, "Latitude": 34.03, "Longitude": -118.38, "Population": 705.0}, {"index": 5395, "quantile": 0.0, "value": 60000.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 442.0}, {"index": 5395, "quantile": 0.25, "value": 230500.00000000003, "Latitude": 34.04, "Longitude": -118.37, "Population": 442.0}, {"index": 5395, "quantile": 0.5, "value": 333300.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 442.0}, {"index": 5395, "quantile": 0.75, "value": 333300.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 442.0}, {"index": 5395, "quantile": 1.0, "value": 350000.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 442.0}, {"index": 5396, "quantile": 0.0, "value": 152000.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 727.0}, {"index": 5396, "quantile": 0.25, "value": 238625.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 727.0}, {"index": 5396, "quantile": 0.5, "value": 289400.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 727.0}, {"index": 5396, "quantile": 0.75, "value": 289400.0, "Latitude": 34.04, "Longitude": -118.37, "Population": 727.0}, {"index": 5396, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.37, "Population": 727.0}, {"index": 5397, "quantile": 0.0, "value": 140700.0, "Latitude": 34.03, "Longitude": -118.42, "Population": 637.0}, {"index": 5397, "quantile": 0.25, "value": 252000.0, "Latitude": 34.03, "Longitude": -118.42, "Population": 637.0}, {"index": 5397, "quantile": 0.5, "value": 427299.99999999994, "Latitude": 34.03, "Longitude": -118.42, "Population": 637.0}, {"index": 5397, "quantile": 0.75, "value": 427299.99999999994, "Latitude": 34.03, "Longitude": -118.42, "Population": 637.0}, {"index": 5397, "quantile": 1.0, "value": 489799.99999999994, "Latitude": 34.03, "Longitude": -118.42, "Population": 637.0}, {"index": 5398, "quantile": 0.0, "value": 180100.0, "Latitude": 34.03, "Longitude": -118.43, "Population": 788.0}, {"index": 5398, "quantile": 0.25, "value": 370100.0, "Latitude": 34.03, "Longitude": -118.43, "Population": 788.0}, {"index": 5398, "quantile": 0.5, "value": 373600.0, "Latitude": 34.03, "Longitude": -118.43, "Population": 788.0}, {"index": 5398, "quantile": 0.75, "value": 373600.0, "Latitude": 34.03, "Longitude": -118.43, "Population": 788.0}, {"index": 5398, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.43, "Population": 788.0}, {"index": 5399, "quantile": 0.0, "value": 218800.00000000003, "Latitude": 34.03, "Longitude": -118.43, "Population": 855.0}, {"index": 5399, "quantile": 0.25, "value": 340800.0, "Latitude": 34.03, "Longitude": -118.43, "Population": 855.0}, {"index": 5399, "quantile": 0.5, "value": 340800.0, "Latitude": 34.03, "Longitude": -118.43, "Population": 855.0}, {"index": 5399, "quantile": 0.75, "value": 343800.0, "Latitude": 34.03, "Longitude": -118.43, "Population": 855.0}, {"index": 5399, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.43, "Population": 855.0}, {"index": 5400, "quantile": 0.0, "value": 188200.0, "Latitude": 34.03, "Longitude": -118.43, "Population": 894.0}, {"index": 5400, "quantile": 0.25, "value": 351500.0, "Latitude": 34.03, "Longitude": -118.43, "Population": 894.0}, {"index": 5400, "quantile": 0.5, "value": 372700.0, "Latitude": 34.03, "Longitude": -118.43, "Population": 894.0}, {"index": 5400, "quantile": 0.75, "value": 372700.0, "Latitude": 34.03, "Longitude": -118.43, "Population": 894.0}, {"index": 5400, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.43, "Population": 894.0}, {"index": 5401, "quantile": 0.0, "value": 37500.0, "Latitude": 34.03, "Longitude": -118.42, "Population": 358.0}, {"index": 5401, "quantile": 0.25, "value": 340800.0, "Latitude": 34.03, "Longitude": -118.42, "Population": 358.0}, {"index": 5401, "quantile": 0.5, "value": 344200.0, "Latitude": 34.03, "Longitude": -118.42, "Population": 358.0}, {"index": 5401, "quantile": 0.75, "value": 344200.0, "Latitude": 34.03, "Longitude": -118.42, "Population": 358.0}, {"index": 5401, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.42, "Population": 358.0}, {"index": 5402, "quantile": 0.0, "value": 206300.00000000003, "Latitude": 34.03, "Longitude": -118.44, "Population": 1349.0}, {"index": 5402, "quantile": 0.25, "value": 346800.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 1349.0}, {"index": 5402, "quantile": 0.5, "value": 352400.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 1349.0}, {"index": 5402, "quantile": 0.75, "value": 352400.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 1349.0}, {"index": 5402, "quantile": 1.0, "value": 475000.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 1349.0}, {"index": 5403, "quantile": 0.0, "value": 181300.0, "Latitude": 34.03, "Longitude": -118.43, "Population": 867.0}, {"index": 5403, "quantile": 0.25, "value": 345225.0, "Latitude": 34.03, "Longitude": -118.43, "Population": 867.0}, {"index": 5403, "quantile": 0.5, "value": 346700.0, "Latitude": 34.03, "Longitude": -118.43, "Population": 867.0}, {"index": 5403, "quantile": 0.75, "value": 346700.0, "Latitude": 34.03, "Longitude": -118.43, "Population": 867.0}, {"index": 5403, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.43, "Population": 867.0}, {"index": 5404, "quantile": 0.0, "value": 71300.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 488.0}, {"index": 5404, "quantile": 0.25, "value": 344100.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 488.0}, {"index": 5404, "quantile": 0.5, "value": 357600.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 488.0}, {"index": 5404, "quantile": 0.75, "value": 357600.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 488.0}, {"index": 5404, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.44, "Population": 488.0}, {"index": 5405, "quantile": 0.0, "value": 106900.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 489.0}, {"index": 5405, "quantile": 0.25, "value": 331000.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 489.0}, {"index": 5405, "quantile": 0.5, "value": 331000.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 489.0}, {"index": 5405, "quantile": 0.75, "value": 331000.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 489.0}, {"index": 5405, "quantile": 1.0, "value": 384400.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 489.0}, {"index": 5406, "quantile": 0.0, "value": 87500.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 606.0}, {"index": 5406, "quantile": 0.25, "value": 343800.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 606.0}, {"index": 5406, "quantile": 0.5, "value": 343800.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 606.0}, {"index": 5406, "quantile": 0.75, "value": 343800.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 606.0}, {"index": 5406, "quantile": 1.0, "value": 475000.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 606.0}, {"index": 5407, "quantile": 0.0, "value": 100000.0, "Latitude": 34.03, "Longitude": -118.45, "Population": 711.0}, {"index": 5407, "quantile": 0.25, "value": 279900.00000000006, "Latitude": 34.03, "Longitude": -118.45, "Population": 711.0}, {"index": 5407, "quantile": 0.5, "value": 323900.0, "Latitude": 34.03, "Longitude": -118.45, "Population": 711.0}, {"index": 5407, "quantile": 0.75, "value": 346700.0, "Latitude": 34.03, "Longitude": -118.45, "Population": 711.0}, {"index": 5407, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.45, "Population": 711.0}, {"index": 5408, "quantile": 0.0, "value": 265700.0, "Latitude": 34.03, "Longitude": -118.45, "Population": 993.0}, {"index": 5408, "quantile": 0.25, "value": 353900.0, "Latitude": 34.03, "Longitude": -118.45, "Population": 993.0}, {"index": 5408, "quantile": 0.5, "value": 353900.0, "Latitude": 34.03, "Longitude": -118.45, "Population": 993.0}, {"index": 5408, "quantile": 0.75, "value": 353900.0, "Latitude": 34.03, "Longitude": -118.45, "Population": 993.0}, {"index": 5408, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.45, "Population": 993.0}, {"index": 5409, "quantile": 0.0, "value": 230799.99999999997, "Latitude": 34.03, "Longitude": -118.44, "Population": 561.0}, {"index": 5409, "quantile": 0.25, "value": 350900.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 561.0}, {"index": 5409, "quantile": 0.5, "value": 350900.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 561.0}, {"index": 5409, "quantile": 0.75, "value": 350900.0, "Latitude": 34.03, "Longitude": -118.44, "Population": 561.0}, {"index": 5409, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.44, "Population": 561.0}, {"index": 5410, "quantile": 0.0, "value": 215600.0, "Latitude": 34.02, "Longitude": -118.44, "Population": 783.0}, {"index": 5410, "quantile": 0.25, "value": 386000.0, "Latitude": 34.02, "Longitude": -118.44, "Population": 783.0}, {"index": 5410, "quantile": 0.5, "value": 386000.0, "Latitude": 34.02, "Longitude": -118.44, "Population": 783.0}, {"index": 5410, "quantile": 0.75, "value": 386000.0, "Latitude": 34.02, "Longitude": -118.44, "Population": 783.0}, {"index": 5410, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.44, "Population": 783.0}, {"index": 5411, "quantile": 0.0, "value": 148400.0, "Latitude": 34.01, "Longitude": -118.44, "Population": 651.0}, {"index": 5411, "quantile": 0.25, "value": 231400.0, "Latitude": 34.01, "Longitude": -118.44, "Population": 651.0}, {"index": 5411, "quantile": 0.5, "value": 327600.0, "Latitude": 34.01, "Longitude": -118.44, "Population": 651.0}, {"index": 5411, "quantile": 0.75, "value": 348300.0, "Latitude": 34.01, "Longitude": -118.44, "Population": 651.0}, {"index": 5411, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.44, "Population": 651.0}, {"index": 5412, "quantile": 0.0, "value": 159400.0, "Latitude": 34.01, "Longitude": -118.44, "Population": 534.0}, {"index": 5412, "quantile": 0.25, "value": 407824.99999999994, "Latitude": 34.01, "Longitude": -118.44, "Population": 534.0}, {"index": 5412, "quantile": 0.5, "value": 418800.0, "Latitude": 34.01, "Longitude": -118.44, "Population": 534.0}, {"index": 5412, "quantile": 0.75, "value": 418800.0, "Latitude": 34.01, "Longitude": -118.44, "Population": 534.0}, {"index": 5412, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.44, "Population": 534.0}, {"index": 5413, "quantile": 0.0, "value": 227300.0, "Latitude": 34.01, "Longitude": -118.45, "Population": 626.0}, {"index": 5413, "quantile": 0.25, "value": 438025.0, "Latitude": 34.01, "Longitude": -118.45, "Population": 626.0}, {"index": 5413, "quantile": 0.5, "value": 440100.0, "Latitude": 34.01, "Longitude": -118.45, "Population": 626.0}, {"index": 5413, "quantile": 0.75, "value": 440100.0, "Latitude": 34.01, "Longitude": -118.45, "Population": 626.0}, {"index": 5413, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.45, "Population": 626.0}, {"index": 5414, "quantile": 0.0, "value": 169300.0, "Latitude": 34.01, "Longitude": -118.45, "Population": 559.0}, {"index": 5414, "quantile": 0.25, "value": 354300.0, "Latitude": 34.01, "Longitude": -118.45, "Population": 559.0}, {"index": 5414, "quantile": 0.5, "value": 354300.0, "Latitude": 34.01, "Longitude": -118.45, "Population": 559.0}, {"index": 5414, "quantile": 0.75, "value": 387200.0, "Latitude": 34.01, "Longitude": -118.45, "Population": 559.0}, {"index": 5414, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.45, "Population": 559.0}, {"index": 5415, "quantile": 0.0, "value": 237200.0, "Latitude": 34.01, "Longitude": -118.45, "Population": 1123.0}, {"index": 5415, "quantile": 0.25, "value": 310900.0, "Latitude": 34.01, "Longitude": -118.45, "Population": 1123.0}, {"index": 5415, "quantile": 0.5, "value": 361500.0, "Latitude": 34.01, "Longitude": -118.45, "Population": 1123.0}, {"index": 5415, "quantile": 0.75, "value": 415550.0, "Latitude": 34.01, "Longitude": -118.45, "Population": 1123.0}, {"index": 5415, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.45, "Population": 1123.0}, {"index": 5416, "quantile": 0.0, "value": 140600.0, "Latitude": 34.02, "Longitude": -118.44, "Population": 921.0}, {"index": 5416, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.44, "Population": 921.0}, {"index": 5416, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.44, "Population": 921.0}, {"index": 5416, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.44, "Population": 921.0}, {"index": 5416, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.44, "Population": 921.0}, {"index": 5417, "quantile": 0.0, "value": 183400.0, "Latitude": 34.01, "Longitude": -118.43, "Population": 675.0}, {"index": 5417, "quantile": 0.25, "value": 359200.0, "Latitude": 34.01, "Longitude": -118.43, "Population": 675.0}, {"index": 5417, "quantile": 0.5, "value": 489799.99999999994, "Latitude": 34.01, "Longitude": -118.43, "Population": 675.0}, {"index": 5417, "quantile": 0.75, "value": 489799.99999999994, "Latitude": 34.01, "Longitude": -118.43, "Population": 675.0}, {"index": 5417, "quantile": 1.0, "value": 495500.0, "Latitude": 34.01, "Longitude": -118.43, "Population": 675.0}, {"index": 5418, "quantile": 0.0, "value": 283900.0, "Latitude": 34.02, "Longitude": -118.44, "Population": 1321.0}, {"index": 5418, "quantile": 0.25, "value": 412474.99999999994, "Latitude": 34.02, "Longitude": -118.44, "Population": 1321.0}, {"index": 5418, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.44, "Population": 1321.0}, {"index": 5418, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.44, "Population": 1321.0}, {"index": 5418, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.44, "Population": 1321.0}, {"index": 5419, "quantile": 0.0, "value": 113599.99999999999, "Latitude": 34.02, "Longitude": -118.43, "Population": 830.0}, {"index": 5419, "quantile": 0.25, "value": 300000.0, "Latitude": 34.02, "Longitude": -118.43, "Population": 830.0}, {"index": 5419, "quantile": 0.5, "value": 346500.0, "Latitude": 34.02, "Longitude": -118.43, "Population": 830.0}, {"index": 5419, "quantile": 0.75, "value": 462899.99999999994, "Latitude": 34.02, "Longitude": -118.43, "Population": 830.0}, {"index": 5419, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.43, "Population": 830.0}, {"index": 5420, "quantile": 0.0, "value": 386700.0, "Latitude": 34.02, "Longitude": -118.43, "Population": 634.0}, {"index": 5420, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.43, "Population": 634.0}, {"index": 5420, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.43, "Population": 634.0}, {"index": 5420, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.43, "Population": 634.0}, {"index": 5420, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.43, "Population": 634.0}, {"index": 5421, "quantile": 0.0, "value": 140600.0, "Latitude": 34.02, "Longitude": -118.43, "Population": 1001.0}, {"index": 5421, "quantile": 0.25, "value": 500000.75, "Latitude": 34.02, "Longitude": -118.43, "Population": 1001.0}, {"index": 5421, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.43, "Population": 1001.0}, {"index": 5421, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.43, "Population": 1001.0}, {"index": 5421, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.43, "Population": 1001.0}, {"index": 5422, "quantile": 0.0, "value": 216699.99999999997, "Latitude": 34.03, "Longitude": -118.42, "Population": 326.0}, {"index": 5422, "quantile": 0.25, "value": 371049.99999999994, "Latitude": 34.03, "Longitude": -118.42, "Population": 326.0}, {"index": 5422, "quantile": 0.5, "value": 374300.0, "Latitude": 34.03, "Longitude": -118.42, "Population": 326.0}, {"index": 5422, "quantile": 0.75, "value": 374300.0, "Latitude": 34.03, "Longitude": -118.42, "Population": 326.0}, {"index": 5422, "quantile": 1.0, "value": 457500.0, "Latitude": 34.03, "Longitude": -118.42, "Population": 326.0}, {"index": 5423, "quantile": 0.0, "value": 197900.0, "Latitude": 34.03, "Longitude": -118.41, "Population": 2165.0}, {"index": 5423, "quantile": 0.25, "value": 255425.0, "Latitude": 34.03, "Longitude": -118.41, "Population": 2165.0}, {"index": 5423, "quantile": 0.5, "value": 275000.0, "Latitude": 34.03, "Longitude": -118.41, "Population": 2165.0}, {"index": 5423, "quantile": 0.75, "value": 340800.0, "Latitude": 34.03, "Longitude": -118.41, "Population": 2165.0}, {"index": 5423, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.41, "Population": 2165.0}, {"index": 5424, "quantile": 0.0, "value": 40000.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 1423.0}, {"index": 5424, "quantile": 0.25, "value": 340800.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 1423.0}, {"index": 5424, "quantile": 0.5, "value": 340800.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 1423.0}, {"index": 5424, "quantile": 0.75, "value": 340800.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 1423.0}, {"index": 5424, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.42, "Population": 1423.0}, {"index": 5425, "quantile": 0.0, "value": 157800.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 973.0}, {"index": 5425, "quantile": 0.25, "value": 365200.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 973.0}, {"index": 5425, "quantile": 0.5, "value": 414100.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 973.0}, {"index": 5425, "quantile": 0.75, "value": 414100.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 973.0}, {"index": 5425, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.42, "Population": 973.0}, {"index": 5426, "quantile": 0.0, "value": 219000.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 1248.0}, {"index": 5426, "quantile": 0.25, "value": 369175.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 1248.0}, {"index": 5426, "quantile": 0.5, "value": 394700.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 1248.0}, {"index": 5426, "quantile": 0.75, "value": 394700.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 1248.0}, {"index": 5426, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.42, "Population": 1248.0}, {"index": 5427, "quantile": 0.0, "value": 87500.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 2626.0}, {"index": 5427, "quantile": 0.25, "value": 186550.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 2626.0}, {"index": 5427, "quantile": 0.5, "value": 280150.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 2626.0}, {"index": 5427, "quantile": 0.75, "value": 312175.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 2626.0}, {"index": 5427, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.42, "Population": 2626.0}, {"index": 5428, "quantile": 0.0, "value": 151600.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 805.0}, {"index": 5428, "quantile": 0.25, "value": 307000.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 805.0}, {"index": 5428, "quantile": 0.5, "value": 307000.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 805.0}, {"index": 5428, "quantile": 0.75, "value": 307000.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 805.0}, {"index": 5428, "quantile": 1.0, "value": 427200.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 805.0}, {"index": 5429, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.02, "Longitude": -118.42, "Population": 1655.0}, {"index": 5429, "quantile": 0.25, "value": 348800.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 1655.0}, {"index": 5429, "quantile": 0.5, "value": 348800.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 1655.0}, {"index": 5429, "quantile": 0.75, "value": 348800.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 1655.0}, {"index": 5429, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.42, "Population": 1655.0}, {"index": 5430, "quantile": 0.0, "value": 165600.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 1745.0}, {"index": 5430, "quantile": 0.25, "value": 251200.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 1745.0}, {"index": 5430, "quantile": 0.5, "value": 307000.0, "Latitude": 34.02, "Longitude": -118.42, "Population": 1745.0}, {"index": 5430, "quantile": 0.75, "value": 346250.00000000006, "Latitude": 34.02, "Longitude": -118.42, "Population": 1745.0}, {"index": 5430, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.42, "Population": 1745.0}, {"index": 5431, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 34.02, "Longitude": -118.41, "Population": 1161.0}, {"index": 5431, "quantile": 0.25, "value": 265000.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 1161.0}, {"index": 5431, "quantile": 0.5, "value": 314500.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 1161.0}, {"index": 5431, "quantile": 0.75, "value": 381800.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 1161.0}, {"index": 5431, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.41, "Population": 1161.0}, {"index": 5432, "quantile": 0.0, "value": 162500.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 2636.0}, {"index": 5432, "quantile": 0.25, "value": 225000.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 2636.0}, {"index": 5432, "quantile": 0.5, "value": 225000.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 2636.0}, {"index": 5432, "quantile": 0.75, "value": 234150.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 2636.0}, {"index": 5432, "quantile": 1.0, "value": 384800.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 2636.0}, {"index": 5433, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 34.02, "Longitude": -118.41, "Population": 1594.0}, {"index": 5433, "quantile": 0.25, "value": 315500.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 1594.0}, {"index": 5433, "quantile": 0.5, "value": 315500.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 1594.0}, {"index": 5433, "quantile": 0.75, "value": 315500.0, "Latitude": 34.02, "Longitude": -118.41, "Population": 1594.0}, {"index": 5433, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.41, "Population": 1594.0}, {"index": 5434, "quantile": 0.0, "value": 215400.0, "Latitude": 34.01, "Longitude": -118.42, "Population": 1280.0}, {"index": 5434, "quantile": 0.25, "value": 334575.0, "Latitude": 34.01, "Longitude": -118.42, "Population": 1280.0}, {"index": 5434, "quantile": 0.5, "value": 420099.99999999994, "Latitude": 34.01, "Longitude": -118.42, "Population": 1280.0}, {"index": 5434, "quantile": 0.75, "value": 420099.99999999994, "Latitude": 34.01, "Longitude": -118.42, "Population": 1280.0}, {"index": 5434, "quantile": 1.0, "value": 420099.99999999994, "Latitude": 34.01, "Longitude": -118.42, "Population": 1280.0}, {"index": 5435, "quantile": 0.0, "value": 85500.0, "Latitude": 34.01, "Longitude": -118.42, "Population": 703.0}, {"index": 5435, "quantile": 0.25, "value": 279400.0, "Latitude": 34.01, "Longitude": -118.42, "Population": 703.0}, {"index": 5435, "quantile": 0.5, "value": 324000.0, "Latitude": 34.01, "Longitude": -118.42, "Population": 703.0}, {"index": 5435, "quantile": 0.75, "value": 343900.0, "Latitude": 34.01, "Longitude": -118.42, "Population": 703.0}, {"index": 5435, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.42, "Population": 703.0}, {"index": 5436, "quantile": 0.0, "value": 106300.0, "Latitude": 34.01, "Longitude": -118.43, "Population": 2242.0}, {"index": 5436, "quantile": 0.25, "value": 323600.0, "Latitude": 34.01, "Longitude": -118.43, "Population": 2242.0}, {"index": 5436, "quantile": 0.5, "value": 412500.0, "Latitude": 34.01, "Longitude": -118.43, "Population": 2242.0}, {"index": 5436, "quantile": 0.75, "value": 412500.0, "Latitude": 34.01, "Longitude": -118.43, "Population": 2242.0}, {"index": 5436, "quantile": 1.0, "value": 500000.0, "Latitude": 34.01, "Longitude": -118.43, "Population": 2242.0}, {"index": 5437, "quantile": 0.0, "value": 171700.0, "Latitude": 34.01, "Longitude": -118.43, "Population": 746.0}, {"index": 5437, "quantile": 0.25, "value": 359075.0, "Latitude": 34.01, "Longitude": -118.43, "Population": 746.0}, {"index": 5437, "quantile": 0.5, "value": 372800.0, "Latitude": 34.01, "Longitude": -118.43, "Population": 746.0}, {"index": 5437, "quantile": 0.75, "value": 452299.99999999994, "Latitude": 34.01, "Longitude": -118.43, "Population": 746.0}, {"index": 5437, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.43, "Population": 746.0}, {"index": 5438, "quantile": 0.0, "value": 140600.0, "Latitude": 34.01, "Longitude": -118.43, "Population": 1046.0}, {"index": 5438, "quantile": 0.25, "value": 296850.0, "Latitude": 34.01, "Longitude": -118.43, "Population": 1046.0}, {"index": 5438, "quantile": 0.5, "value": 345350.0, "Latitude": 34.01, "Longitude": -118.43, "Population": 1046.0}, {"index": 5438, "quantile": 0.75, "value": 382850.0, "Latitude": 34.01, "Longitude": -118.43, "Population": 1046.0}, {"index": 5438, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.43, "Population": 1046.0}, {"index": 5439, "quantile": 0.0, "value": 253100.0, "Latitude": 34.01, "Longitude": -118.44, "Population": 907.0}, {"index": 5439, "quantile": 0.25, "value": 386000.0, "Latitude": 34.01, "Longitude": -118.44, "Population": 907.0}, {"index": 5439, "quantile": 0.5, "value": 409300.0, "Latitude": 34.01, "Longitude": -118.44, "Population": 907.0}, {"index": 5439, "quantile": 0.75, "value": 474099.99999999994, "Latitude": 34.01, "Longitude": -118.44, "Population": 907.0}, {"index": 5439, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.44, "Population": 907.0}, {"index": 5440, "quantile": 0.0, "value": 136100.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 821.0}, {"index": 5440, "quantile": 0.25, "value": 300250.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 821.0}, {"index": 5440, "quantile": 0.5, "value": 362200.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 821.0}, {"index": 5440, "quantile": 0.75, "value": 362200.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 821.0}, {"index": 5440, "quantile": 1.0, "value": 383300.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 821.0}, {"index": 5441, "quantile": 0.0, "value": 180100.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 835.0}, {"index": 5441, "quantile": 0.25, "value": 348300.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 835.0}, {"index": 5441, "quantile": 0.5, "value": 355800.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 835.0}, {"index": 5441, "quantile": 0.75, "value": 355800.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 835.0}, {"index": 5441, "quantile": 1.0, "value": 479000.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 835.0}, {"index": 5442, "quantile": 0.0, "value": 106900.0, "Latitude": 34.0, "Longitude": -118.45, "Population": 867.0}, {"index": 5442, "quantile": 0.25, "value": 334700.0, "Latitude": 34.0, "Longitude": -118.45, "Population": 867.0}, {"index": 5442, "quantile": 0.5, "value": 334700.0, "Latitude": 34.0, "Longitude": -118.45, "Population": 867.0}, {"index": 5442, "quantile": 0.75, "value": 334700.0, "Latitude": 34.0, "Longitude": -118.45, "Population": 867.0}, {"index": 5442, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.0, "Longitude": -118.45, "Population": 867.0}, {"index": 5443, "quantile": 0.0, "value": 137000.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 806.0}, {"index": 5443, "quantile": 0.25, "value": 321300.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 806.0}, {"index": 5443, "quantile": 0.5, "value": 321300.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 806.0}, {"index": 5443, "quantile": 0.75, "value": 321300.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 806.0}, {"index": 5443, "quantile": 1.0, "value": 440900.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 806.0}, {"index": 5444, "quantile": 0.0, "value": 168800.0, "Latitude": 34.0, "Longitude": -118.43, "Population": 1341.0}, {"index": 5444, "quantile": 0.25, "value": 324000.0, "Latitude": 34.0, "Longitude": -118.43, "Population": 1341.0}, {"index": 5444, "quantile": 0.5, "value": 324000.0, "Latitude": 34.0, "Longitude": -118.43, "Population": 1341.0}, {"index": 5444, "quantile": 0.75, "value": 324000.0, "Latitude": 34.0, "Longitude": -118.43, "Population": 1341.0}, {"index": 5444, "quantile": 1.0, "value": 404500.0, "Latitude": 34.0, "Longitude": -118.43, "Population": 1341.0}, {"index": 5445, "quantile": 0.0, "value": 161000.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 3335.0}, {"index": 5445, "quantile": 0.25, "value": 243100.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 3335.0}, {"index": 5445, "quantile": 0.5, "value": 243100.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 3335.0}, {"index": 5445, "quantile": 0.75, "value": 263100.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 3335.0}, {"index": 5445, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.44, "Population": 3335.0}, {"index": 5446, "quantile": 0.0, "value": 185000.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 874.0}, {"index": 5446, "quantile": 0.25, "value": 324300.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 874.0}, {"index": 5446, "quantile": 0.5, "value": 324300.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 874.0}, {"index": 5446, "quantile": 0.75, "value": 324300.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 874.0}, {"index": 5446, "quantile": 1.0, "value": 360600.0, "Latitude": 34.0, "Longitude": -118.44, "Population": 874.0}, {"index": 5447, "quantile": 0.0, "value": 121500.00000000001, "Latitude": 34.01, "Longitude": -118.42, "Population": 952.0}, {"index": 5447, "quantile": 0.25, "value": 321125.0, "Latitude": 34.01, "Longitude": -118.42, "Population": 952.0}, {"index": 5447, "quantile": 0.5, "value": 335400.0, "Latitude": 34.01, "Longitude": -118.42, "Population": 952.0}, {"index": 5447, "quantile": 0.75, "value": 335400.0, "Latitude": 34.01, "Longitude": -118.42, "Population": 952.0}, {"index": 5447, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.42, "Population": 952.0}, {"index": 5448, "quantile": 0.0, "value": 222400.00000000003, "Latitude": 34.01, "Longitude": -118.42, "Population": 960.0}, {"index": 5448, "quantile": 0.25, "value": 340500.0, "Latitude": 34.01, "Longitude": -118.42, "Population": 960.0}, {"index": 5448, "quantile": 0.5, "value": 344200.0, "Latitude": 34.01, "Longitude": -118.42, "Population": 960.0}, {"index": 5448, "quantile": 0.75, "value": 344200.0, "Latitude": 34.01, "Longitude": -118.42, "Population": 960.0}, {"index": 5448, "quantile": 1.0, "value": 404500.0, "Latitude": 34.01, "Longitude": -118.42, "Population": 960.0}, {"index": 5449, "quantile": 0.0, "value": 120700.00000000001, "Latitude": 34.0, "Longitude": -118.42, "Population": 1002.0}, {"index": 5449, "quantile": 0.25, "value": 277075.0, "Latitude": 34.0, "Longitude": -118.42, "Population": 1002.0}, {"index": 5449, "quantile": 0.5, "value": 321300.0, "Latitude": 34.0, "Longitude": -118.42, "Population": 1002.0}, {"index": 5449, "quantile": 0.75, "value": 346700.0, "Latitude": 34.0, "Longitude": -118.42, "Population": 1002.0}, {"index": 5449, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.42, "Population": 1002.0}, {"index": 5450, "quantile": 0.0, "value": 166700.0, "Latitude": 34.0, "Longitude": -118.43, "Population": 3586.0}, {"index": 5450, "quantile": 0.25, "value": 310900.0, "Latitude": 34.0, "Longitude": -118.43, "Population": 3586.0}, {"index": 5450, "quantile": 0.5, "value": 310900.0, "Latitude": 34.0, "Longitude": -118.43, "Population": 3586.0}, {"index": 5450, "quantile": 0.75, "value": 327300.0, "Latitude": 34.0, "Longitude": -118.43, "Population": 3586.0}, {"index": 5450, "quantile": 1.0, "value": 500000.0, "Latitude": 34.0, "Longitude": -118.43, "Population": 3586.0}, {"index": 5451, "quantile": 0.0, "value": 191000.0, "Latitude": 34.01, "Longitude": -118.46, "Population": 266.0}, {"index": 5451, "quantile": 0.25, "value": 343100.0, "Latitude": 34.01, "Longitude": -118.46, "Population": 266.0}, {"index": 5451, "quantile": 0.5, "value": 343100.0, "Latitude": 34.01, "Longitude": -118.46, "Population": 266.0}, {"index": 5451, "quantile": 0.75, "value": 343100.0, "Latitude": 34.01, "Longitude": -118.46, "Population": 266.0}, {"index": 5451, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.46, "Population": 266.0}, {"index": 5452, "quantile": 0.0, "value": 204999.99999999997, "Latitude": 34.0, "Longitude": -118.46, "Population": 2054.0}, {"index": 5452, "quantile": 0.25, "value": 305000.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 2054.0}, {"index": 5452, "quantile": 0.5, "value": 315800.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 2054.0}, {"index": 5452, "quantile": 0.75, "value": 358700.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 2054.0}, {"index": 5452, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.46, "Population": 2054.0}, {"index": 5453, "quantile": 0.0, "value": 136000.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 248.0}, {"index": 5453, "quantile": 0.25, "value": 212525.00000000003, "Latitude": 34.0, "Longitude": -118.46, "Population": 248.0}, {"index": 5453, "quantile": 0.5, "value": 246349.99999999997, "Latitude": 34.0, "Longitude": -118.46, "Population": 248.0}, {"index": 5453, "quantile": 0.75, "value": 336000.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 248.0}, {"index": 5453, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.46, "Population": 248.0}, {"index": 5454, "quantile": 0.0, "value": 157800.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 679.0}, {"index": 5454, "quantile": 0.25, "value": 295300.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 679.0}, {"index": 5454, "quantile": 0.5, "value": 346900.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 679.0}, {"index": 5454, "quantile": 0.75, "value": 346900.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 679.0}, {"index": 5454, "quantile": 1.0, "value": 456100.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 679.0}, {"index": 5455, "quantile": 0.0, "value": 212200.0, "Latitude": 34.01, "Longitude": -118.46, "Population": 347.0}, {"index": 5455, "quantile": 0.25, "value": 297200.0, "Latitude": 34.01, "Longitude": -118.46, "Population": 347.0}, {"index": 5455, "quantile": 0.5, "value": 297200.0, "Latitude": 34.01, "Longitude": -118.46, "Population": 347.0}, {"index": 5455, "quantile": 0.75, "value": 340750.0, "Latitude": 34.01, "Longitude": -118.46, "Population": 347.0}, {"index": 5455, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.46, "Population": 347.0}, {"index": 5456, "quantile": 0.0, "value": 190800.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 891.0}, {"index": 5456, "quantile": 0.25, "value": 287500.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 891.0}, {"index": 5456, "quantile": 0.5, "value": 287500.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 891.0}, {"index": 5456, "quantile": 0.75, "value": 305199.99999999994, "Latitude": 34.0, "Longitude": -118.47, "Population": 891.0}, {"index": 5456, "quantile": 1.0, "value": 383300.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 891.0}, {"index": 5457, "quantile": 0.0, "value": 108600.00000000001, "Latitude": 34.0, "Longitude": -118.47, "Population": 1839.0}, {"index": 5457, "quantile": 0.25, "value": 239299.99999999997, "Latitude": 34.0, "Longitude": -118.47, "Population": 1839.0}, {"index": 5457, "quantile": 0.5, "value": 263500.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 1839.0}, {"index": 5457, "quantile": 0.75, "value": 263500.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 1839.0}, {"index": 5457, "quantile": 1.0, "value": 364700.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 1839.0}, {"index": 5458, "quantile": 0.0, "value": 97400.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 538.0}, {"index": 5458, "quantile": 0.25, "value": 235700.00000000003, "Latitude": 34.0, "Longitude": -118.46, "Population": 538.0}, {"index": 5458, "quantile": 0.5, "value": 235700.00000000003, "Latitude": 34.0, "Longitude": -118.46, "Population": 538.0}, {"index": 5458, "quantile": 0.75, "value": 235700.00000000003, "Latitude": 34.0, "Longitude": -118.46, "Population": 538.0}, {"index": 5458, "quantile": 1.0, "value": 333300.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 538.0}, {"index": 5459, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 33.99, "Longitude": -118.47, "Population": 1491.0}, {"index": 5459, "quantile": 0.25, "value": 305800.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 1491.0}, {"index": 5459, "quantile": 0.5, "value": 321400.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 1491.0}, {"index": 5459, "quantile": 0.75, "value": 321400.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 1491.0}, {"index": 5459, "quantile": 1.0, "value": 412500.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 1491.0}, {"index": 5460, "quantile": 0.0, "value": 190800.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 1801.0}, {"index": 5460, "quantile": 0.25, "value": 305800.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 1801.0}, {"index": 5460, "quantile": 0.5, "value": 305800.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 1801.0}, {"index": 5460, "quantile": 0.75, "value": 305800.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 1801.0}, {"index": 5460, "quantile": 1.0, "value": 412500.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 1801.0}, {"index": 5461, "quantile": 0.0, "value": 84200.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 1178.0}, {"index": 5461, "quantile": 0.25, "value": 125000.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 1178.0}, {"index": 5461, "quantile": 0.5, "value": 165000.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 1178.0}, {"index": 5461, "quantile": 0.75, "value": 236600.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 1178.0}, {"index": 5461, "quantile": 1.0, "value": 330800.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 1178.0}, {"index": 5462, "quantile": 0.0, "value": 61100.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 833.0}, {"index": 5462, "quantile": 0.25, "value": 264300.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 833.0}, {"index": 5462, "quantile": 0.5, "value": 285000.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 833.0}, {"index": 5462, "quantile": 0.75, "value": 285000.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 833.0}, {"index": 5462, "quantile": 1.0, "value": 362200.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 833.0}, {"index": 5463, "quantile": 0.0, "value": 86200.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 645.0}, {"index": 5463, "quantile": 0.25, "value": 239299.99999999997, "Latitude": 33.99, "Longitude": -118.47, "Population": 645.0}, {"index": 5463, "quantile": 0.5, "value": 239299.99999999997, "Latitude": 33.99, "Longitude": -118.47, "Population": 645.0}, {"index": 5463, "quantile": 0.75, "value": 239299.99999999997, "Latitude": 33.99, "Longitude": -118.47, "Population": 645.0}, {"index": 5463, "quantile": 1.0, "value": 327300.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 645.0}, {"index": 5464, "quantile": 0.0, "value": 137500.0, "Latitude": 33.98, "Longitude": -118.51, "Population": 865.0}, {"index": 5464, "quantile": 0.25, "value": 350000.0, "Latitude": 33.98, "Longitude": -118.51, "Population": 865.0}, {"index": 5464, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.51, "Population": 865.0}, {"index": 5464, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.51, "Population": 865.0}, {"index": 5464, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.51, "Population": 865.0}, {"index": 5465, "quantile": 0.0, "value": 17500.0, "Latitude": 33.99, "Longitude": -118.48, "Population": 1107.0}, {"index": 5465, "quantile": 0.25, "value": 285950.0, "Latitude": 33.99, "Longitude": -118.48, "Population": 1107.0}, {"index": 5465, "quantile": 0.5, "value": 352500.0, "Latitude": 33.99, "Longitude": -118.48, "Population": 1107.0}, {"index": 5465, "quantile": 0.75, "value": 375000.0, "Latitude": 33.99, "Longitude": -118.48, "Population": 1107.0}, {"index": 5465, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.48, "Population": 1107.0}, {"index": 5466, "quantile": 0.0, "value": 169400.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 764.0}, {"index": 5466, "quantile": 0.25, "value": 350000.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 764.0}, {"index": 5466, "quantile": 0.5, "value": 370850.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 764.0}, {"index": 5466, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.47, "Population": 764.0}, {"index": 5466, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.47, "Population": 764.0}, {"index": 5467, "quantile": 0.0, "value": 225000.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 636.0}, {"index": 5467, "quantile": 0.25, "value": 412500.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 636.0}, {"index": 5467, "quantile": 0.5, "value": 412500.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 636.0}, {"index": 5467, "quantile": 0.75, "value": 412500.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 636.0}, {"index": 5467, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.47, "Population": 636.0}, {"index": 5468, "quantile": 0.0, "value": 204999.99999999997, "Latitude": 33.99, "Longitude": -118.47, "Population": 1095.0}, {"index": 5468, "quantile": 0.25, "value": 358700.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 1095.0}, {"index": 5468, "quantile": 0.5, "value": 358700.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 1095.0}, {"index": 5468, "quantile": 0.75, "value": 358700.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 1095.0}, {"index": 5468, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.47, "Population": 1095.0}, {"index": 5469, "quantile": 0.0, "value": 175000.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 1082.0}, {"index": 5469, "quantile": 0.25, "value": 354350.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 1082.0}, {"index": 5469, "quantile": 0.5, "value": 407600.00000000006, "Latitude": 33.99, "Longitude": -118.47, "Population": 1082.0}, {"index": 5469, "quantile": 0.75, "value": 484999.99999999994, "Latitude": 33.99, "Longitude": -118.47, "Population": 1082.0}, {"index": 5469, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.47, "Population": 1082.0}, {"index": 5470, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.99, "Longitude": -118.47, "Population": 665.0}, {"index": 5470, "quantile": 0.25, "value": 348225.0, "Latitude": 33.99, "Longitude": -118.47, "Population": 665.0}, {"index": 5470, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.47, "Population": 665.0}, {"index": 5470, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.47, "Population": 665.0}, {"index": 5470, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.47, "Population": 665.0}, {"index": 5471, "quantile": 0.0, "value": 130000.0, "Latitude": 33.97, "Longitude": -118.5, "Population": 388.0}, {"index": 5471, "quantile": 0.25, "value": 350000.0, "Latitude": 33.97, "Longitude": -118.5, "Population": 388.0}, {"index": 5471, "quantile": 0.5, "value": 350000.0, "Latitude": 33.97, "Longitude": -118.5, "Population": 388.0}, {"index": 5471, "quantile": 0.75, "value": 450000.0, "Latitude": 33.97, "Longitude": -118.5, "Population": 388.0}, {"index": 5471, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.5, "Population": 388.0}, {"index": 5472, "quantile": 0.0, "value": 93900.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 573.0}, {"index": 5472, "quantile": 0.25, "value": 256924.99999999997, "Latitude": 33.99, "Longitude": -118.45, "Population": 573.0}, {"index": 5472, "quantile": 0.5, "value": 303900.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 573.0}, {"index": 5472, "quantile": 0.75, "value": 339875.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 573.0}, {"index": 5472, "quantile": 1.0, "value": 479000.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 573.0}, {"index": 5473, "quantile": 0.0, "value": 134700.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 528.0}, {"index": 5473, "quantile": 0.25, "value": 334700.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 528.0}, {"index": 5473, "quantile": 0.5, "value": 334700.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 528.0}, {"index": 5473, "quantile": 0.75, "value": 334700.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 528.0}, {"index": 5473, "quantile": 1.0, "value": 425000.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 528.0}, {"index": 5474, "quantile": 0.0, "value": 199200.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 531.0}, {"index": 5474, "quantile": 0.25, "value": 335900.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 531.0}, {"index": 5474, "quantile": 0.5, "value": 335900.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 531.0}, {"index": 5474, "quantile": 0.75, "value": 339975.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 531.0}, {"index": 5474, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.46, "Population": 531.0}, {"index": 5475, "quantile": 0.0, "value": 94500.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 493.0}, {"index": 5475, "quantile": 0.25, "value": 321300.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 493.0}, {"index": 5475, "quantile": 0.5, "value": 325800.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 493.0}, {"index": 5475, "quantile": 0.75, "value": 325800.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 493.0}, {"index": 5475, "quantile": 1.0, "value": 405400.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 493.0}, {"index": 5476, "quantile": 0.0, "value": 40000.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 376.0}, {"index": 5476, "quantile": 0.25, "value": 291125.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 376.0}, {"index": 5476, "quantile": 0.5, "value": 382100.0, "Latitude": 34.0, "Longitude": -118.46, "Population": 376.0}, {"index": 5476, "quantile": 0.75, "value": 425175.00000000006, "Latitude": 34.0, "Longitude": -118.46, "Population": 376.0}, {"index": 5476, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.46, "Population": 376.0}, {"index": 5477, "quantile": 0.0, "value": 137500.0, "Latitude": 34.0, "Longitude": -118.45, "Population": 896.0}, {"index": 5477, "quantile": 0.25, "value": 331800.0, "Latitude": 34.0, "Longitude": -118.45, "Population": 896.0}, {"index": 5477, "quantile": 0.5, "value": 348300.0, "Latitude": 34.0, "Longitude": -118.45, "Population": 896.0}, {"index": 5477, "quantile": 0.75, "value": 348300.0, "Latitude": 34.0, "Longitude": -118.45, "Population": 896.0}, {"index": 5477, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 34.0, "Longitude": -118.45, "Population": 896.0}, {"index": 5478, "quantile": 0.0, "value": 117400.0, "Latitude": 34.0, "Longitude": -118.45, "Population": 862.0}, {"index": 5478, "quantile": 0.25, "value": 313975.0, "Latitude": 34.0, "Longitude": -118.45, "Population": 862.0}, {"index": 5478, "quantile": 0.5, "value": 345800.0, "Latitude": 34.0, "Longitude": -118.45, "Population": 862.0}, {"index": 5478, "quantile": 0.75, "value": 345800.0, "Latitude": 34.0, "Longitude": -118.45, "Population": 862.0}, {"index": 5478, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.45, "Population": 862.0}, {"index": 5479, "quantile": 0.0, "value": 157100.0, "Latitude": 34.0, "Longitude": -118.45, "Population": 1142.0}, {"index": 5479, "quantile": 0.25, "value": 321000.0, "Latitude": 34.0, "Longitude": -118.45, "Population": 1142.0}, {"index": 5479, "quantile": 0.5, "value": 326700.0, "Latitude": 34.0, "Longitude": -118.45, "Population": 1142.0}, {"index": 5479, "quantile": 0.75, "value": 326700.0, "Latitude": 34.0, "Longitude": -118.45, "Population": 1142.0}, {"index": 5479, "quantile": 1.0, "value": 391300.0, "Latitude": 34.0, "Longitude": -118.45, "Population": 1142.0}, {"index": 5480, "quantile": 0.0, "value": 67500.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 1720.0}, {"index": 5480, "quantile": 0.25, "value": 325000.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 1720.0}, {"index": 5480, "quantile": 0.5, "value": 325000.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 1720.0}, {"index": 5480, "quantile": 0.75, "value": 325000.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 1720.0}, {"index": 5480, "quantile": 1.0, "value": 475000.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 1720.0}, {"index": 5481, "quantile": 0.0, "value": 175000.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 779.0}, {"index": 5481, "quantile": 0.25, "value": 339000.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 779.0}, {"index": 5481, "quantile": 0.5, "value": 339000.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 779.0}, {"index": 5481, "quantile": 0.75, "value": 339375.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 779.0}, {"index": 5481, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.45, "Population": 779.0}, {"index": 5482, "quantile": 0.0, "value": 134700.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 562.0}, {"index": 5482, "quantile": 0.25, "value": 303800.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 562.0}, {"index": 5482, "quantile": 0.5, "value": 303800.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 562.0}, {"index": 5482, "quantile": 0.75, "value": 303800.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 562.0}, {"index": 5482, "quantile": 1.0, "value": 372700.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 562.0}, {"index": 5483, "quantile": 0.0, "value": 185000.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 1075.0}, {"index": 5483, "quantile": 0.25, "value": 360600.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 1075.0}, {"index": 5483, "quantile": 0.5, "value": 360600.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 1075.0}, {"index": 5483, "quantile": 0.75, "value": 360600.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 1075.0}, {"index": 5483, "quantile": 1.0, "value": 470800.0, "Latitude": 33.99, "Longitude": -118.46, "Population": 1075.0}, {"index": 5484, "quantile": 0.0, "value": 355900.0, "Latitude": 33.98, "Longitude": -118.46, "Population": 1009.0}, {"index": 5484, "quantile": 0.25, "value": 466700.0, "Latitude": 33.98, "Longitude": -118.46, "Population": 1009.0}, {"index": 5484, "quantile": 0.5, "value": 466700.0, "Latitude": 33.98, "Longitude": -118.46, "Population": 1009.0}, {"index": 5484, "quantile": 0.75, "value": 467474.99999999994, "Latitude": 33.98, "Longitude": -118.46, "Population": 1009.0}, {"index": 5484, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.46, "Population": 1009.0}, {"index": 5485, "quantile": 0.0, "value": 214299.99999999997, "Latitude": 33.99, "Longitude": -118.46, "Population": 478.0}, {"index": 5485, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.46, "Population": 478.0}, {"index": 5485, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.46, "Population": 478.0}, {"index": 5485, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.46, "Population": 478.0}, {"index": 5485, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.46, "Population": 478.0}, {"index": 5486, "quantile": 0.0, "value": 353800.0, "Latitude": 33.98, "Longitude": -118.46, "Population": 806.0}, {"index": 5486, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.46, "Population": 806.0}, {"index": 5486, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.46, "Population": 806.0}, {"index": 5486, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.46, "Population": 806.0}, {"index": 5486, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.46, "Population": 806.0}, {"index": 5487, "quantile": 0.0, "value": 310000.0, "Latitude": 33.97, "Longitude": -118.5, "Population": 1157.0}, {"index": 5487, "quantile": 0.25, "value": 466700.0, "Latitude": 33.97, "Longitude": -118.5, "Population": 1157.0}, {"index": 5487, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.5, "Population": 1157.0}, {"index": 5487, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.5, "Population": 1157.0}, {"index": 5487, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.5, "Population": 1157.0}, {"index": 5488, "quantile": 0.0, "value": 156400.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 654.0}, {"index": 5488, "quantile": 0.25, "value": 231199.99999999997, "Latitude": 33.99, "Longitude": -118.45, "Population": 654.0}, {"index": 5488, "quantile": 0.5, "value": 302500.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 654.0}, {"index": 5488, "quantile": 0.75, "value": 326700.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 654.0}, {"index": 5488, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.99, "Longitude": -118.45, "Population": 654.0}, {"index": 5489, "quantile": 0.0, "value": 207399.99999999997, "Latitude": 33.99, "Longitude": -118.45, "Population": 953.0}, {"index": 5489, "quantile": 0.25, "value": 420800.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 953.0}, {"index": 5489, "quantile": 0.5, "value": 420800.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 953.0}, {"index": 5489, "quantile": 0.75, "value": 420800.0, "Latitude": 33.99, "Longitude": -118.45, "Population": 953.0}, {"index": 5489, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.45, "Population": 953.0}, {"index": 5490, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.98, "Longitude": -118.46, "Population": 964.0}, {"index": 5490, "quantile": 0.25, "value": 197200.0, "Latitude": 33.98, "Longitude": -118.46, "Population": 964.0}, {"index": 5490, "quantile": 0.5, "value": 283300.0, "Latitude": 33.98, "Longitude": -118.46, "Population": 964.0}, {"index": 5490, "quantile": 0.75, "value": 417600.0, "Latitude": 33.98, "Longitude": -118.46, "Population": 964.0}, {"index": 5490, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.46, "Population": 964.0}, {"index": 5491, "quantile": 0.0, "value": 40000.0, "Latitude": 33.97, "Longitude": -118.46, "Population": 648.0}, {"index": 5491, "quantile": 0.25, "value": 335450.0, "Latitude": 33.97, "Longitude": -118.46, "Population": 648.0}, {"index": 5491, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.46, "Population": 648.0}, {"index": 5491, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.46, "Population": 648.0}, {"index": 5491, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.46, "Population": 648.0}, {"index": 5492, "quantile": 0.0, "value": 311800.0, "Latitude": 33.97, "Longitude": -118.46, "Population": 3408.0}, {"index": 5492, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.46, "Population": 3408.0}, {"index": 5492, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.46, "Population": 3408.0}, {"index": 5492, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.46, "Population": 3408.0}, {"index": 5492, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.46, "Population": 3408.0}, {"index": 5493, "quantile": 0.0, "value": 239100.0, "Latitude": 33.97, "Longitude": -118.46, "Population": 777.0}, {"index": 5493, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.46, "Population": 777.0}, {"index": 5493, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.46, "Population": 777.0}, {"index": 5493, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.46, "Population": 777.0}, {"index": 5493, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.46, "Population": 777.0}, {"index": 5494, "quantile": 0.0, "value": 281000.0, "Latitude": 33.96, "Longitude": -118.48, "Population": 237.0}, {"index": 5494, "quantile": 0.25, "value": 432400.0, "Latitude": 33.96, "Longitude": -118.48, "Population": 237.0}, {"index": 5494, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.48, "Population": 237.0}, {"index": 5494, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.48, "Population": 237.0}, {"index": 5494, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.48, "Population": 237.0}, {"index": 5495, "quantile": 0.0, "value": 138100.0, "Latitude": 34.0, "Longitude": -118.4, "Population": 705.0}, {"index": 5495, "quantile": 0.25, "value": 266899.99999999994, "Latitude": 34.0, "Longitude": -118.4, "Population": 705.0}, {"index": 5495, "quantile": 0.5, "value": 322800.0, "Latitude": 34.0, "Longitude": -118.4, "Population": 705.0}, {"index": 5495, "quantile": 0.75, "value": 425000.0, "Latitude": 34.0, "Longitude": -118.4, "Population": 705.0}, {"index": 5495, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.4, "Population": 705.0}, {"index": 5496, "quantile": 0.0, "value": 176800.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 381.0}, {"index": 5496, "quantile": 0.25, "value": 272000.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 381.0}, {"index": 5496, "quantile": 0.5, "value": 272000.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 381.0}, {"index": 5496, "quantile": 0.75, "value": 284350.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 381.0}, {"index": 5496, "quantile": 1.0, "value": 475000.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 381.0}, {"index": 5497, "quantile": 0.0, "value": 117700.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 3738.0}, {"index": 5497, "quantile": 0.25, "value": 159300.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 3738.0}, {"index": 5497, "quantile": 0.5, "value": 271200.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 3738.0}, {"index": 5497, "quantile": 0.75, "value": 271200.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 3738.0}, {"index": 5497, "quantile": 1.0, "value": 271200.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 3738.0}, {"index": 5498, "quantile": 0.0, "value": 87500.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 884.0}, {"index": 5498, "quantile": 0.25, "value": 276300.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 884.0}, {"index": 5498, "quantile": 0.5, "value": 276300.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 884.0}, {"index": 5498, "quantile": 0.75, "value": 276300.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 884.0}, {"index": 5498, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.41, "Population": 884.0}, {"index": 5499, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.0, "Longitude": -118.42, "Population": 2355.0}, {"index": 5499, "quantile": 0.25, "value": 185800.0, "Latitude": 34.0, "Longitude": -118.42, "Population": 2355.0}, {"index": 5499, "quantile": 0.5, "value": 247600.0, "Latitude": 34.0, "Longitude": -118.42, "Population": 2355.0}, {"index": 5499, "quantile": 0.75, "value": 324000.0, "Latitude": 34.0, "Longitude": -118.42, "Population": 2355.0}, {"index": 5499, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.42, "Population": 2355.0}, {"index": 5500, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 33.99, "Longitude": -118.42, "Population": 1428.0}, {"index": 5500, "quantile": 0.25, "value": 208800.0, "Latitude": 33.99, "Longitude": -118.42, "Population": 1428.0}, {"index": 5500, "quantile": 0.5, "value": 266700.0, "Latitude": 33.99, "Longitude": -118.42, "Population": 1428.0}, {"index": 5500, "quantile": 0.75, "value": 314300.0, "Latitude": 33.99, "Longitude": -118.42, "Population": 1428.0}, {"index": 5500, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.42, "Population": 1428.0}, {"index": 5501, "quantile": 0.0, "value": 120700.00000000001, "Latitude": 33.99, "Longitude": -118.43, "Population": 1135.0}, {"index": 5501, "quantile": 0.25, "value": 262500.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1135.0}, {"index": 5501, "quantile": 0.5, "value": 311000.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1135.0}, {"index": 5501, "quantile": 0.75, "value": 347525.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1135.0}, {"index": 5501, "quantile": 1.0, "value": 479000.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1135.0}, {"index": 5502, "quantile": 0.0, "value": 292900.0, "Latitude": 33.98, "Longitude": -118.43, "Population": 2927.0}, {"index": 5502, "quantile": 0.25, "value": 351700.0, "Latitude": 33.98, "Longitude": -118.43, "Population": 2927.0}, {"index": 5502, "quantile": 0.5, "value": 351700.0, "Latitude": 33.98, "Longitude": -118.43, "Population": 2927.0}, {"index": 5502, "quantile": 0.75, "value": 358775.0, "Latitude": 33.98, "Longitude": -118.43, "Population": 2927.0}, {"index": 5502, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.43, "Population": 2927.0}, {"index": 5503, "quantile": 0.0, "value": 95200.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1260.0}, {"index": 5503, "quantile": 0.25, "value": 143000.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1260.0}, {"index": 5503, "quantile": 0.5, "value": 193200.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1260.0}, {"index": 5503, "quantile": 0.75, "value": 285000.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1260.0}, {"index": 5503, "quantile": 1.0, "value": 450000.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1260.0}, {"index": 5504, "quantile": 0.0, "value": 117400.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1212.0}, {"index": 5504, "quantile": 0.25, "value": 302900.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1212.0}, {"index": 5504, "quantile": 0.5, "value": 302900.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1212.0}, {"index": 5504, "quantile": 0.75, "value": 302900.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1212.0}, {"index": 5504, "quantile": 1.0, "value": 355100.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1212.0}, {"index": 5505, "quantile": 0.0, "value": 189800.0, "Latitude": 33.99, "Longitude": -118.42, "Population": 2847.0}, {"index": 5505, "quantile": 0.25, "value": 366150.0, "Latitude": 33.99, "Longitude": -118.42, "Population": 2847.0}, {"index": 5505, "quantile": 0.5, "value": 366900.0, "Latitude": 33.99, "Longitude": -118.42, "Population": 2847.0}, {"index": 5505, "quantile": 0.75, "value": 366900.0, "Latitude": 33.99, "Longitude": -118.42, "Population": 2847.0}, {"index": 5505, "quantile": 1.0, "value": 491200.0, "Latitude": 33.99, "Longitude": -118.42, "Population": 2847.0}, {"index": 5506, "quantile": 0.0, "value": 108300.0, "Latitude": 33.98, "Longitude": -118.42, "Population": 236.0}, {"index": 5506, "quantile": 0.25, "value": 324450.0, "Latitude": 33.98, "Longitude": -118.42, "Population": 236.0}, {"index": 5506, "quantile": 0.5, "value": 450000.0, "Latitude": 33.98, "Longitude": -118.42, "Population": 236.0}, {"index": 5506, "quantile": 0.75, "value": 450000.0, "Latitude": 33.98, "Longitude": -118.42, "Population": 236.0}, {"index": 5506, "quantile": 1.0, "value": 450000.0, "Latitude": 33.98, "Longitude": -118.42, "Population": 236.0}, {"index": 5507, "quantile": 0.0, "value": 148400.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1328.0}, {"index": 5507, "quantile": 0.25, "value": 282475.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1328.0}, {"index": 5507, "quantile": 0.5, "value": 329400.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1328.0}, {"index": 5507, "quantile": 0.75, "value": 363800.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1328.0}, {"index": 5507, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.43, "Population": 1328.0}, {"index": 5508, "quantile": 0.0, "value": 157100.0, "Latitude": 33.99, "Longitude": -118.44, "Population": 782.0}, {"index": 5508, "quantile": 0.25, "value": 295350.0, "Latitude": 33.99, "Longitude": -118.44, "Population": 782.0}, {"index": 5508, "quantile": 0.5, "value": 303900.0, "Latitude": 33.99, "Longitude": -118.44, "Population": 782.0}, {"index": 5508, "quantile": 0.75, "value": 303900.0, "Latitude": 33.99, "Longitude": -118.44, "Population": 782.0}, {"index": 5508, "quantile": 1.0, "value": 355800.0, "Latitude": 33.99, "Longitude": -118.44, "Population": 782.0}, {"index": 5509, "quantile": 0.0, "value": 87500.0, "Latitude": 33.99, "Longitude": -118.41, "Population": 3212.0}, {"index": 5509, "quantile": 0.25, "value": 121649.99999999999, "Latitude": 33.99, "Longitude": -118.41, "Population": 3212.0}, {"index": 5509, "quantile": 0.5, "value": 215000.0, "Latitude": 33.99, "Longitude": -118.41, "Population": 3212.0}, {"index": 5509, "quantile": 0.75, "value": 215000.0, "Latitude": 33.99, "Longitude": -118.41, "Population": 3212.0}, {"index": 5509, "quantile": 1.0, "value": 350000.0, "Latitude": 33.99, "Longitude": -118.41, "Population": 3212.0}, {"index": 5510, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.99, "Longitude": -118.42, "Population": 599.0}, {"index": 5510, "quantile": 0.25, "value": 237500.0, "Latitude": 33.99, "Longitude": -118.42, "Population": 599.0}, {"index": 5510, "quantile": 0.5, "value": 248900.0, "Latitude": 33.99, "Longitude": -118.42, "Population": 599.0}, {"index": 5510, "quantile": 0.75, "value": 248900.0, "Latitude": 33.99, "Longitude": -118.42, "Population": 599.0}, {"index": 5510, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.99, "Longitude": -118.42, "Population": 599.0}, {"index": 5511, "quantile": 0.0, "value": 148400.0, "Latitude": 33.99, "Longitude": -118.42, "Population": 1079.0}, {"index": 5511, "quantile": 0.25, "value": 263800.0, "Latitude": 33.99, "Longitude": -118.42, "Population": 1079.0}, {"index": 5511, "quantile": 0.5, "value": 263800.0, "Latitude": 33.99, "Longitude": -118.42, "Population": 1079.0}, {"index": 5511, "quantile": 0.75, "value": 263800.0, "Latitude": 33.99, "Longitude": -118.42, "Population": 1079.0}, {"index": 5511, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.42, "Population": 1079.0}, {"index": 5512, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 34.0, "Longitude": -118.41, "Population": 1026.0}, {"index": 5512, "quantile": 0.25, "value": 238400.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 1026.0}, {"index": 5512, "quantile": 0.5, "value": 265500.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 1026.0}, {"index": 5512, "quantile": 0.75, "value": 265500.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 1026.0}, {"index": 5512, "quantile": 1.0, "value": 337500.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 1026.0}, {"index": 5513, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.99, "Longitude": -118.41, "Population": 632.0}, {"index": 5513, "quantile": 0.25, "value": 211000.0, "Latitude": 33.99, "Longitude": -118.41, "Population": 632.0}, {"index": 5513, "quantile": 0.5, "value": 276100.0, "Latitude": 33.99, "Longitude": -118.41, "Population": 632.0}, {"index": 5513, "quantile": 0.75, "value": 276100.0, "Latitude": 33.99, "Longitude": -118.41, "Population": 632.0}, {"index": 5513, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.41, "Population": 632.0}, {"index": 5514, "quantile": 0.0, "value": 95200.0, "Latitude": 33.99, "Longitude": -118.4, "Population": 1113.0}, {"index": 5514, "quantile": 0.25, "value": 149200.0, "Latitude": 33.99, "Longitude": -118.4, "Population": 1113.0}, {"index": 5514, "quantile": 0.5, "value": 186000.0, "Latitude": 33.99, "Longitude": -118.4, "Population": 1113.0}, {"index": 5514, "quantile": 0.75, "value": 271400.0, "Latitude": 33.99, "Longitude": -118.4, "Population": 1113.0}, {"index": 5514, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.4, "Population": 1113.0}, {"index": 5515, "quantile": 0.0, "value": 164300.0, "Latitude": 33.98, "Longitude": -118.41, "Population": 1695.0}, {"index": 5515, "quantile": 0.25, "value": 307200.0, "Latitude": 33.98, "Longitude": -118.41, "Population": 1695.0}, {"index": 5515, "quantile": 0.5, "value": 307200.0, "Latitude": 33.98, "Longitude": -118.41, "Population": 1695.0}, {"index": 5515, "quantile": 0.75, "value": 354175.0, "Latitude": 33.98, "Longitude": -118.41, "Population": 1695.0}, {"index": 5515, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.41, "Population": 1695.0}, {"index": 5516, "quantile": 0.0, "value": 290800.0, "Latitude": 33.97, "Longitude": -118.39, "Population": 374.0}, {"index": 5516, "quantile": 0.25, "value": 357200.0, "Latitude": 33.97, "Longitude": -118.39, "Population": 374.0}, {"index": 5516, "quantile": 0.5, "value": 357200.0, "Latitude": 33.97, "Longitude": -118.39, "Population": 374.0}, {"index": 5516, "quantile": 0.75, "value": 388500.0, "Latitude": 33.97, "Longitude": -118.39, "Population": 374.0}, {"index": 5516, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.39, "Population": 374.0}, {"index": 5517, "quantile": 0.0, "value": 263700.0, "Latitude": 33.97, "Longitude": -118.38, "Population": 1151.0}, {"index": 5517, "quantile": 0.25, "value": 362600.0, "Latitude": 33.97, "Longitude": -118.38, "Population": 1151.0}, {"index": 5517, "quantile": 0.5, "value": 362600.0, "Latitude": 33.97, "Longitude": -118.38, "Population": 1151.0}, {"index": 5517, "quantile": 0.75, "value": 439225.0, "Latitude": 33.97, "Longitude": -118.38, "Population": 1151.0}, {"index": 5517, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.38, "Population": 1151.0}, {"index": 5518, "quantile": 0.0, "value": 169300.0, "Latitude": 33.97, "Longitude": -118.39, "Population": 513.0}, {"index": 5518, "quantile": 0.25, "value": 336400.0, "Latitude": 33.97, "Longitude": -118.39, "Population": 513.0}, {"index": 5518, "quantile": 0.5, "value": 412550.0, "Latitude": 33.97, "Longitude": -118.39, "Population": 513.0}, {"index": 5518, "quantile": 0.75, "value": 457400.0, "Latitude": 33.97, "Longitude": -118.39, "Population": 513.0}, {"index": 5518, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.39, "Population": 513.0}, {"index": 5519, "quantile": 0.0, "value": 150900.0, "Latitude": 33.97, "Longitude": -118.39, "Population": 1146.0}, {"index": 5519, "quantile": 0.25, "value": 345900.0, "Latitude": 33.97, "Longitude": -118.39, "Population": 1146.0}, {"index": 5519, "quantile": 0.5, "value": 345900.0, "Latitude": 33.97, "Longitude": -118.39, "Population": 1146.0}, {"index": 5519, "quantile": 0.75, "value": 362550.0, "Latitude": 33.97, "Longitude": -118.39, "Population": 1146.0}, {"index": 5519, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.39, "Population": 1146.0}, {"index": 5520, "quantile": 0.0, "value": 275000.0, "Latitude": 33.97, "Longitude": -118.39, "Population": 839.0}, {"index": 5520, "quantile": 0.25, "value": 350800.0, "Latitude": 33.97, "Longitude": -118.39, "Population": 839.0}, {"index": 5520, "quantile": 0.5, "value": 350800.0, "Latitude": 33.97, "Longitude": -118.39, "Population": 839.0}, {"index": 5520, "quantile": 0.75, "value": 379925.0, "Latitude": 33.97, "Longitude": -118.39, "Population": 839.0}, {"index": 5520, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.39, "Population": 839.0}, {"index": 5521, "quantile": 0.0, "value": 125000.0, "Latitude": 33.96, "Longitude": -118.39, "Population": 581.0}, {"index": 5521, "quantile": 0.25, "value": 281100.0, "Latitude": 33.96, "Longitude": -118.39, "Population": 581.0}, {"index": 5521, "quantile": 0.5, "value": 356300.0, "Latitude": 33.96, "Longitude": -118.39, "Population": 581.0}, {"index": 5521, "quantile": 0.75, "value": 394575.0, "Latitude": 33.96, "Longitude": -118.39, "Population": 581.0}, {"index": 5521, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.39, "Population": 581.0}, {"index": 5522, "quantile": 0.0, "value": 96500.0, "Latitude": 33.96, "Longitude": -118.39, "Population": 662.0}, {"index": 5522, "quantile": 0.25, "value": 329400.0, "Latitude": 33.96, "Longitude": -118.39, "Population": 662.0}, {"index": 5522, "quantile": 0.5, "value": 329400.0, "Latitude": 33.96, "Longitude": -118.39, "Population": 662.0}, {"index": 5522, "quantile": 0.75, "value": 329400.0, "Latitude": 33.96, "Longitude": -118.39, "Population": 662.0}, {"index": 5522, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.39, "Population": 662.0}, {"index": 5523, "quantile": 0.0, "value": 108600.00000000001, "Latitude": 33.98, "Longitude": -118.36, "Population": 584.0}, {"index": 5523, "quantile": 0.25, "value": 180200.0, "Latitude": 33.98, "Longitude": -118.36, "Population": 584.0}, {"index": 5523, "quantile": 0.5, "value": 203200.0, "Latitude": 33.98, "Longitude": -118.36, "Population": 584.0}, {"index": 5523, "quantile": 0.75, "value": 273500.0, "Latitude": 33.98, "Longitude": -118.36, "Population": 584.0}, {"index": 5523, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.36, "Population": 584.0}, {"index": 5524, "quantile": 0.0, "value": 140600.0, "Latitude": 33.98, "Longitude": -118.37, "Population": 131.0}, {"index": 5524, "quantile": 0.25, "value": 331800.0, "Latitude": 33.98, "Longitude": -118.37, "Population": 131.0}, {"index": 5524, "quantile": 0.5, "value": 331800.0, "Latitude": 33.98, "Longitude": -118.37, "Population": 131.0}, {"index": 5524, "quantile": 0.75, "value": 333800.0, "Latitude": 33.98, "Longitude": -118.37, "Population": 131.0}, {"index": 5524, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.37, "Population": 131.0}, {"index": 5525, "quantile": 0.0, "value": 219000.0, "Latitude": 33.97, "Longitude": -118.37, "Population": 2725.0}, {"index": 5525, "quantile": 0.25, "value": 285700.0, "Latitude": 33.97, "Longitude": -118.37, "Population": 2725.0}, {"index": 5525, "quantile": 0.5, "value": 285700.0, "Latitude": 33.97, "Longitude": -118.37, "Population": 2725.0}, {"index": 5525, "quantile": 0.75, "value": 348800.0, "Latitude": 33.97, "Longitude": -118.37, "Population": 2725.0}, {"index": 5525, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.37, "Population": 2725.0}, {"index": 5526, "quantile": 0.0, "value": 225400.0, "Latitude": 33.97, "Longitude": -118.41, "Population": 668.0}, {"index": 5526, "quantile": 0.25, "value": 369400.0, "Latitude": 33.97, "Longitude": -118.41, "Population": 668.0}, {"index": 5526, "quantile": 0.5, "value": 387200.0, "Latitude": 33.97, "Longitude": -118.41, "Population": 668.0}, {"index": 5526, "quantile": 0.75, "value": 387200.0, "Latitude": 33.97, "Longitude": -118.41, "Population": 668.0}, {"index": 5526, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.41, "Population": 668.0}, {"index": 5527, "quantile": 0.0, "value": 143300.0, "Latitude": 33.97, "Longitude": -118.41, "Population": 849.0}, {"index": 5527, "quantile": 0.25, "value": 330700.0, "Latitude": 33.97, "Longitude": -118.41, "Population": 849.0}, {"index": 5527, "quantile": 0.5, "value": 365900.0, "Latitude": 33.97, "Longitude": -118.41, "Population": 849.0}, {"index": 5527, "quantile": 0.75, "value": 399300.0, "Latitude": 33.97, "Longitude": -118.41, "Population": 849.0}, {"index": 5527, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.41, "Population": 849.0}, {"index": 5528, "quantile": 0.0, "value": 263700.0, "Latitude": 33.96, "Longitude": -118.4, "Population": 877.0}, {"index": 5528, "quantile": 0.25, "value": 363600.0, "Latitude": 33.96, "Longitude": -118.4, "Population": 877.0}, {"index": 5528, "quantile": 0.5, "value": 363600.0, "Latitude": 33.96, "Longitude": -118.4, "Population": 877.0}, {"index": 5528, "quantile": 0.75, "value": 363600.0, "Latitude": 33.96, "Longitude": -118.4, "Population": 877.0}, {"index": 5528, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.4, "Population": 877.0}, {"index": 5529, "quantile": 0.0, "value": 186900.0, "Latitude": 33.96, "Longitude": -118.41, "Population": 753.0}, {"index": 5529, "quantile": 0.25, "value": 356000.0, "Latitude": 33.96, "Longitude": -118.41, "Population": 753.0}, {"index": 5529, "quantile": 0.5, "value": 356000.0, "Latitude": 33.96, "Longitude": -118.41, "Population": 753.0}, {"index": 5529, "quantile": 0.75, "value": 383875.0, "Latitude": 33.96, "Longitude": -118.41, "Population": 753.0}, {"index": 5529, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.41, "Population": 753.0}, {"index": 5530, "quantile": 0.0, "value": 169300.0, "Latitude": 33.97, "Longitude": -118.41, "Population": 581.0}, {"index": 5530, "quantile": 0.25, "value": 365900.0, "Latitude": 33.97, "Longitude": -118.41, "Population": 581.0}, {"index": 5530, "quantile": 0.5, "value": 365900.0, "Latitude": 33.97, "Longitude": -118.41, "Population": 581.0}, {"index": 5530, "quantile": 0.75, "value": 365900.0, "Latitude": 33.97, "Longitude": -118.41, "Population": 581.0}, {"index": 5530, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.41, "Population": 581.0}, {"index": 5531, "quantile": 0.0, "value": 138700.0, "Latitude": 33.97, "Longitude": -118.41, "Population": 3732.0}, {"index": 5531, "quantile": 0.25, "value": 223000.0, "Latitude": 33.97, "Longitude": -118.41, "Population": 3732.0}, {"index": 5531, "quantile": 0.5, "value": 352300.0, "Latitude": 33.97, "Longitude": -118.41, "Population": 3732.0}, {"index": 5531, "quantile": 0.75, "value": 352300.0, "Latitude": 33.97, "Longitude": -118.41, "Population": 3732.0}, {"index": 5531, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 33.97, "Longitude": -118.41, "Population": 3732.0}, {"index": 5532, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 33.97, "Longitude": -118.42, "Population": 562.0}, {"index": 5532, "quantile": 0.25, "value": 365200.0, "Latitude": 33.97, "Longitude": -118.42, "Population": 562.0}, {"index": 5532, "quantile": 0.5, "value": 365200.0, "Latitude": 33.97, "Longitude": -118.42, "Population": 562.0}, {"index": 5532, "quantile": 0.75, "value": 365200.0, "Latitude": 33.97, "Longitude": -118.42, "Population": 562.0}, {"index": 5532, "quantile": 1.0, "value": 479000.0, "Latitude": 33.97, "Longitude": -118.42, "Population": 562.0}, {"index": 5533, "quantile": 0.0, "value": 169300.0, "Latitude": 33.96, "Longitude": -118.42, "Population": 494.0}, {"index": 5533, "quantile": 0.25, "value": 365900.0, "Latitude": 33.96, "Longitude": -118.42, "Population": 494.0}, {"index": 5533, "quantile": 0.5, "value": 365900.0, "Latitude": 33.96, "Longitude": -118.42, "Population": 494.0}, {"index": 5533, "quantile": 0.75, "value": 365900.0, "Latitude": 33.96, "Longitude": -118.42, "Population": 494.0}, {"index": 5533, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.42, "Population": 494.0}, {"index": 5534, "quantile": 0.0, "value": 258300.00000000003, "Latitude": 33.96, "Longitude": -118.43, "Population": 415.0}, {"index": 5534, "quantile": 0.25, "value": 422000.0, "Latitude": 33.96, "Longitude": -118.43, "Population": 415.0}, {"index": 5534, "quantile": 0.5, "value": 422000.0, "Latitude": 33.96, "Longitude": -118.43, "Population": 415.0}, {"index": 5534, "quantile": 0.75, "value": 422000.0, "Latitude": 33.96, "Longitude": -118.43, "Population": 415.0}, {"index": 5534, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.43, "Population": 415.0}, {"index": 5535, "quantile": 0.0, "value": 105300.0, "Latitude": 33.96, "Longitude": -118.43, "Population": 800.0}, {"index": 5535, "quantile": 0.25, "value": 321875.0, "Latitude": 33.96, "Longitude": -118.43, "Population": 800.0}, {"index": 5535, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.43, "Population": 800.0}, {"index": 5535, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.43, "Population": 800.0}, {"index": 5535, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.43, "Population": 800.0}, {"index": 5536, "quantile": 0.0, "value": 239600.0, "Latitude": 33.96, "Longitude": -118.44, "Population": 978.0}, {"index": 5536, "quantile": 0.25, "value": 365900.0, "Latitude": 33.96, "Longitude": -118.44, "Population": 978.0}, {"index": 5536, "quantile": 0.5, "value": 434750.0, "Latitude": 33.96, "Longitude": -118.44, "Population": 978.0}, {"index": 5536, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.44, "Population": 978.0}, {"index": 5536, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.44, "Population": 978.0}, {"index": 5537, "quantile": 0.0, "value": 224100.0, "Latitude": 33.96, "Longitude": -118.43, "Population": 704.0}, {"index": 5537, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.43, "Population": 704.0}, {"index": 5537, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.43, "Population": 704.0}, {"index": 5537, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.43, "Population": 704.0}, {"index": 5537, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.43, "Population": 704.0}, {"index": 5538, "quantile": 0.0, "value": 171900.0, "Latitude": 33.97, "Longitude": -118.43, "Population": 17.0}, {"index": 5538, "quantile": 0.25, "value": 273900.0, "Latitude": 33.97, "Longitude": -118.43, "Population": 17.0}, {"index": 5538, "quantile": 0.5, "value": 309900.0, "Latitude": 33.97, "Longitude": -118.43, "Population": 17.0}, {"index": 5538, "quantile": 0.75, "value": 404699.99999999994, "Latitude": 33.97, "Longitude": -118.43, "Population": 17.0}, {"index": 5538, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.43, "Population": 17.0}, {"index": 5539, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 33.96, "Longitude": -118.42, "Population": 1257.0}, {"index": 5539, "quantile": 0.25, "value": 286800.0, "Latitude": 33.96, "Longitude": -118.42, "Population": 1257.0}, {"index": 5539, "quantile": 0.5, "value": 363900.0, "Latitude": 33.96, "Longitude": -118.42, "Population": 1257.0}, {"index": 5539, "quantile": 0.75, "value": 462899.99999999994, "Latitude": 33.96, "Longitude": -118.42, "Population": 1257.0}, {"index": 5539, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.42, "Population": 1257.0}, {"index": 5540, "quantile": 0.0, "value": 166700.0, "Latitude": 33.96, "Longitude": -118.43, "Population": 6270.0}, {"index": 5540, "quantile": 0.25, "value": 316700.0, "Latitude": 33.96, "Longitude": -118.43, "Population": 6270.0}, {"index": 5540, "quantile": 0.5, "value": 348600.0, "Latitude": 33.96, "Longitude": -118.43, "Population": 6270.0}, {"index": 5540, "quantile": 0.75, "value": 420200.0, "Latitude": 33.96, "Longitude": -118.43, "Population": 6270.0}, {"index": 5540, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.43, "Population": 6270.0}, {"index": 5541, "quantile": 0.0, "value": 146200.0, "Latitude": 33.97, "Longitude": -118.4, "Population": 451.0}, {"index": 5541, "quantile": 0.25, "value": 344900.0, "Latitude": 33.97, "Longitude": -118.4, "Population": 451.0}, {"index": 5541, "quantile": 0.5, "value": 411200.0, "Latitude": 33.97, "Longitude": -118.4, "Population": 451.0}, {"index": 5541, "quantile": 0.75, "value": 411200.0, "Latitude": 33.97, "Longitude": -118.4, "Population": 451.0}, {"index": 5541, "quantile": 1.0, "value": 453700.0, "Latitude": 33.97, "Longitude": -118.4, "Population": 451.0}, {"index": 5542, "quantile": 0.0, "value": 205399.99999999997, "Latitude": 33.98, "Longitude": -118.4, "Population": 314.0}, {"index": 5542, "quantile": 0.25, "value": 386450.0, "Latitude": 33.98, "Longitude": -118.4, "Population": 314.0}, {"index": 5542, "quantile": 0.5, "value": 432100.0, "Latitude": 33.98, "Longitude": -118.4, "Population": 314.0}, {"index": 5542, "quantile": 0.75, "value": 432100.0, "Latitude": 33.98, "Longitude": -118.4, "Population": 314.0}, {"index": 5542, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.4, "Population": 314.0}, {"index": 5543, "quantile": 0.0, "value": 252199.99999999997, "Latitude": 33.98, "Longitude": -118.4, "Population": 996.0}, {"index": 5543, "quantile": 0.25, "value": 344875.0, "Latitude": 33.98, "Longitude": -118.4, "Population": 996.0}, {"index": 5543, "quantile": 0.5, "value": 374099.99999999994, "Latitude": 33.98, "Longitude": -118.4, "Population": 996.0}, {"index": 5543, "quantile": 0.75, "value": 476725.0, "Latitude": 33.98, "Longitude": -118.4, "Population": 996.0}, {"index": 5543, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.4, "Population": 996.0}, {"index": 5544, "quantile": 0.0, "value": 259600.0, "Latitude": 33.97, "Longitude": -118.4, "Population": 502.0}, {"index": 5544, "quantile": 0.25, "value": 434800.0, "Latitude": 33.97, "Longitude": -118.4, "Population": 502.0}, {"index": 5544, "quantile": 0.5, "value": 434800.0, "Latitude": 33.97, "Longitude": -118.4, "Population": 502.0}, {"index": 5544, "quantile": 0.75, "value": 434800.0, "Latitude": 33.97, "Longitude": -118.4, "Population": 502.0}, {"index": 5544, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.4, "Population": 502.0}, {"index": 5545, "quantile": 0.0, "value": 131300.0, "Latitude": 33.97, "Longitude": -118.4, "Population": 494.0}, {"index": 5545, "quantile": 0.25, "value": 456300.0, "Latitude": 33.97, "Longitude": -118.4, "Population": 494.0}, {"index": 5545, "quantile": 0.5, "value": 456300.0, "Latitude": 33.97, "Longitude": -118.4, "Population": 494.0}, {"index": 5545, "quantile": 0.75, "value": 456300.0, "Latitude": 33.97, "Longitude": -118.4, "Population": 494.0}, {"index": 5545, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.4, "Population": 494.0}, {"index": 5546, "quantile": 0.0, "value": 139100.0, "Latitude": 33.97, "Longitude": -118.4, "Population": 1221.0}, {"index": 5546, "quantile": 0.25, "value": 377200.0, "Latitude": 33.97, "Longitude": -118.4, "Population": 1221.0}, {"index": 5546, "quantile": 0.5, "value": 377200.0, "Latitude": 33.97, "Longitude": -118.4, "Population": 1221.0}, {"index": 5546, "quantile": 0.75, "value": 377200.0, "Latitude": 33.97, "Longitude": -118.4, "Population": 1221.0}, {"index": 5546, "quantile": 1.0, "value": 495500.0, "Latitude": 33.97, "Longitude": -118.4, "Population": 1221.0}, {"index": 5547, "quantile": 0.0, "value": 252199.99999999997, "Latitude": 33.96, "Longitude": -118.4, "Population": 1028.0}, {"index": 5547, "quantile": 0.25, "value": 330700.0, "Latitude": 33.96, "Longitude": -118.4, "Population": 1028.0}, {"index": 5547, "quantile": 0.5, "value": 330700.0, "Latitude": 33.96, "Longitude": -118.4, "Population": 1028.0}, {"index": 5547, "quantile": 0.75, "value": 356800.0, "Latitude": 33.96, "Longitude": -118.4, "Population": 1028.0}, {"index": 5547, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.4, "Population": 1028.0}, {"index": 5548, "quantile": 0.0, "value": 260100.0, "Latitude": 33.97, "Longitude": -118.37, "Population": 847.0}, {"index": 5548, "quantile": 0.25, "value": 287800.0, "Latitude": 33.97, "Longitude": -118.37, "Population": 847.0}, {"index": 5548, "quantile": 0.5, "value": 287800.0, "Latitude": 33.97, "Longitude": -118.37, "Population": 847.0}, {"index": 5548, "quantile": 0.75, "value": 315850.0, "Latitude": 33.97, "Longitude": -118.37, "Population": 847.0}, {"index": 5548, "quantile": 1.0, "value": 474099.99999999994, "Latitude": 33.97, "Longitude": -118.37, "Population": 847.0}, {"index": 5549, "quantile": 0.0, "value": 239400.0, "Latitude": 33.97, "Longitude": -118.38, "Population": 813.0}, {"index": 5549, "quantile": 0.25, "value": 294500.0, "Latitude": 33.97, "Longitude": -118.38, "Population": 813.0}, {"index": 5549, "quantile": 0.5, "value": 294500.0, "Latitude": 33.97, "Longitude": -118.38, "Population": 813.0}, {"index": 5549, "quantile": 0.75, "value": 350825.0, "Latitude": 33.97, "Longitude": -118.38, "Population": 813.0}, {"index": 5549, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.38, "Population": 813.0}, {"index": 5550, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 33.96, "Longitude": -118.38, "Population": 1287.0}, {"index": 5550, "quantile": 0.25, "value": 299000.0, "Latitude": 33.96, "Longitude": -118.38, "Population": 1287.0}, {"index": 5550, "quantile": 0.5, "value": 299000.0, "Latitude": 33.96, "Longitude": -118.38, "Population": 1287.0}, {"index": 5550, "quantile": 0.75, "value": 299000.0, "Latitude": 33.96, "Longitude": -118.38, "Population": 1287.0}, {"index": 5550, "quantile": 1.0, "value": 456100.0, "Latitude": 33.96, "Longitude": -118.38, "Population": 1287.0}, {"index": 5551, "quantile": 0.0, "value": 179800.0, "Latitude": 33.95, "Longitude": -118.38, "Population": 2003.0}, {"index": 5551, "quantile": 0.25, "value": 243100.0, "Latitude": 33.95, "Longitude": -118.38, "Population": 2003.0}, {"index": 5551, "quantile": 0.5, "value": 286400.0, "Latitude": 33.95, "Longitude": -118.38, "Population": 2003.0}, {"index": 5551, "quantile": 0.75, "value": 337600.00000000006, "Latitude": 33.95, "Longitude": -118.38, "Population": 2003.0}, {"index": 5551, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -118.38, "Population": 2003.0}, {"index": 5552, "quantile": 0.0, "value": 138000.0, "Latitude": 33.95, "Longitude": -118.38, "Population": 1397.0}, {"index": 5552, "quantile": 0.25, "value": 187500.0, "Latitude": 33.95, "Longitude": -118.38, "Population": 1397.0}, {"index": 5552, "quantile": 0.5, "value": 187500.0, "Latitude": 33.95, "Longitude": -118.38, "Population": 1397.0}, {"index": 5552, "quantile": 0.75, "value": 187500.0, "Latitude": 33.95, "Longitude": -118.38, "Population": 1397.0}, {"index": 5552, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -118.38, "Population": 1397.0}, {"index": 5553, "quantile": 0.0, "value": 74600.0, "Latitude": 33.95, "Longitude": -118.37, "Population": 3591.0}, {"index": 5553, "quantile": 0.25, "value": 247600.0, "Latitude": 33.95, "Longitude": -118.37, "Population": 3591.0}, {"index": 5553, "quantile": 0.5, "value": 247600.0, "Latitude": 33.95, "Longitude": -118.37, "Population": 3591.0}, {"index": 5553, "quantile": 0.75, "value": 247600.0, "Latitude": 33.95, "Longitude": -118.37, "Population": 3591.0}, {"index": 5553, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -118.37, "Population": 3591.0}, {"index": 5554, "quantile": 0.0, "value": 186400.0, "Latitude": 33.96, "Longitude": -118.4, "Population": 497.0}, {"index": 5554, "quantile": 0.25, "value": 295650.0, "Latitude": 33.96, "Longitude": -118.4, "Population": 497.0}, {"index": 5554, "quantile": 0.5, "value": 343500.0, "Latitude": 33.96, "Longitude": -118.4, "Population": 497.0}, {"index": 5554, "quantile": 0.75, "value": 376100.0, "Latitude": 33.96, "Longitude": -118.4, "Population": 497.0}, {"index": 5554, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.4, "Population": 497.0}, {"index": 5555, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 33.96, "Longitude": -118.41, "Population": 310.0}, {"index": 5555, "quantile": 0.25, "value": 266700.0, "Latitude": 33.96, "Longitude": -118.41, "Population": 310.0}, {"index": 5555, "quantile": 0.5, "value": 266700.0, "Latitude": 33.96, "Longitude": -118.41, "Population": 310.0}, {"index": 5555, "quantile": 0.75, "value": 266700.0, "Latitude": 33.96, "Longitude": -118.41, "Population": 310.0}, {"index": 5555, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.41, "Population": 310.0}, {"index": 5556, "quantile": 0.0, "value": 120700.00000000001, "Latitude": 33.96, "Longitude": -118.41, "Population": 567.0}, {"index": 5556, "quantile": 0.25, "value": 256725.0, "Latitude": 33.96, "Longitude": -118.41, "Population": 567.0}, {"index": 5556, "quantile": 0.5, "value": 284400.0, "Latitude": 33.96, "Longitude": -118.41, "Population": 567.0}, {"index": 5556, "quantile": 0.75, "value": 284400.0, "Latitude": 33.96, "Longitude": -118.41, "Population": 567.0}, {"index": 5556, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.41, "Population": 567.0}, {"index": 5557, "quantile": 0.0, "value": 157100.0, "Latitude": 33.94, "Longitude": -118.41, "Population": 1086.0}, {"index": 5557, "quantile": 0.25, "value": 225950.0, "Latitude": 33.94, "Longitude": -118.41, "Population": 1086.0}, {"index": 5557, "quantile": 0.5, "value": 268900.0, "Latitude": 33.94, "Longitude": -118.41, "Population": 1086.0}, {"index": 5557, "quantile": 0.75, "value": 302600.0, "Latitude": 33.94, "Longitude": -118.41, "Population": 1086.0}, {"index": 5557, "quantile": 1.0, "value": 456100.0, "Latitude": 33.94, "Longitude": -118.41, "Population": 1086.0}, {"index": 5558, "quantile": 0.0, "value": 365000.0, "Latitude": 33.96, "Longitude": -118.45, "Population": 1075.0}, {"index": 5558, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.45, "Population": 1075.0}, {"index": 5558, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.45, "Population": 1075.0}, {"index": 5558, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.45, "Population": 1075.0}, {"index": 5558, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.45, "Population": 1075.0}, {"index": 5559, "quantile": 0.0, "value": 169300.0, "Latitude": 33.96, "Longitude": -118.45, "Population": 1090.0}, {"index": 5559, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.45, "Population": 1090.0}, {"index": 5559, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.45, "Population": 1090.0}, {"index": 5559, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.45, "Population": 1090.0}, {"index": 5559, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.45, "Population": 1090.0}, {"index": 5560, "quantile": 0.0, "value": 160100.0, "Latitude": 33.95, "Longitude": -118.44, "Population": 771.0}, {"index": 5560, "quantile": 0.25, "value": 362399.99999999994, "Latitude": 33.95, "Longitude": -118.44, "Population": 771.0}, {"index": 5560, "quantile": 0.5, "value": 386599.99999999994, "Latitude": 33.95, "Longitude": -118.44, "Population": 771.0}, {"index": 5560, "quantile": 0.75, "value": 414700.0, "Latitude": 33.95, "Longitude": -118.44, "Population": 771.0}, {"index": 5560, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -118.44, "Population": 771.0}, {"index": 5561, "quantile": 0.0, "value": 88800.0, "Latitude": 33.92, "Longitude": -118.28, "Population": 1309.0}, {"index": 5561, "quantile": 0.25, "value": 106700.00000000001, "Latitude": 33.92, "Longitude": -118.28, "Population": 1309.0}, {"index": 5561, "quantile": 0.5, "value": 175900.0, "Latitude": 33.92, "Longitude": -118.28, "Population": 1309.0}, {"index": 5561, "quantile": 0.75, "value": 175900.0, "Latitude": 33.92, "Longitude": -118.28, "Population": 1309.0}, {"index": 5561, "quantile": 1.0, "value": 175900.0, "Latitude": 33.92, "Longitude": -118.28, "Population": 1309.0}, {"index": 5562, "quantile": 0.0, "value": 72700.0, "Latitude": 33.91, "Longitude": -118.28, "Population": 642.0}, {"index": 5562, "quantile": 0.25, "value": 119724.99999999999, "Latitude": 33.91, "Longitude": -118.28, "Population": 642.0}, {"index": 5562, "quantile": 0.5, "value": 159600.0, "Latitude": 33.91, "Longitude": -118.28, "Population": 642.0}, {"index": 5562, "quantile": 0.75, "value": 159600.0, "Latitude": 33.91, "Longitude": -118.28, "Population": 642.0}, {"index": 5562, "quantile": 1.0, "value": 200000.0, "Latitude": 33.91, "Longitude": -118.28, "Population": 642.0}, {"index": 5563, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.9, "Longitude": -118.29, "Population": 1203.0}, {"index": 5563, "quantile": 0.25, "value": 162000.0, "Latitude": 33.9, "Longitude": -118.29, "Population": 1203.0}, {"index": 5563, "quantile": 0.5, "value": 162000.0, "Latitude": 33.9, "Longitude": -118.29, "Population": 1203.0}, {"index": 5563, "quantile": 0.75, "value": 162000.0, "Latitude": 33.9, "Longitude": -118.29, "Population": 1203.0}, {"index": 5563, "quantile": 1.0, "value": 339100.0, "Latitude": 33.9, "Longitude": -118.29, "Population": 1203.0}, {"index": 5564, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.91, "Longitude": -118.29, "Population": 1416.0}, {"index": 5564, "quantile": 0.25, "value": 156400.0, "Latitude": 33.91, "Longitude": -118.29, "Population": 1416.0}, {"index": 5564, "quantile": 0.5, "value": 156400.0, "Latitude": 33.91, "Longitude": -118.29, "Population": 1416.0}, {"index": 5564, "quantile": 0.75, "value": 168925.0, "Latitude": 33.91, "Longitude": -118.29, "Population": 1416.0}, {"index": 5564, "quantile": 1.0, "value": 353200.0, "Latitude": 33.91, "Longitude": -118.29, "Population": 1416.0}, {"index": 5565, "quantile": 0.0, "value": 124300.00000000001, "Latitude": 33.91, "Longitude": -118.29, "Population": 2231.0}, {"index": 5565, "quantile": 0.25, "value": 151200.0, "Latitude": 33.91, "Longitude": -118.29, "Population": 2231.0}, {"index": 5565, "quantile": 0.5, "value": 151200.0, "Latitude": 33.91, "Longitude": -118.29, "Population": 2231.0}, {"index": 5565, "quantile": 0.75, "value": 151300.0, "Latitude": 33.91, "Longitude": -118.29, "Population": 2231.0}, {"index": 5565, "quantile": 1.0, "value": 305800.0, "Latitude": 33.91, "Longitude": -118.29, "Population": 2231.0}, {"index": 5566, "quantile": 0.0, "value": 89100.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 1735.0}, {"index": 5566, "quantile": 0.25, "value": 162800.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 1735.0}, {"index": 5566, "quantile": 0.5, "value": 162800.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 1735.0}, {"index": 5566, "quantile": 0.75, "value": 162800.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 1735.0}, {"index": 5566, "quantile": 1.0, "value": 190600.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 1735.0}, {"index": 5567, "quantile": 0.0, "value": 89100.0, "Latitude": 33.88, "Longitude": -118.28, "Population": 2047.0}, {"index": 5567, "quantile": 0.25, "value": 179700.0, "Latitude": 33.88, "Longitude": -118.28, "Population": 2047.0}, {"index": 5567, "quantile": 0.5, "value": 179700.0, "Latitude": 33.88, "Longitude": -118.28, "Population": 2047.0}, {"index": 5567, "quantile": 0.75, "value": 179700.0, "Latitude": 33.88, "Longitude": -118.28, "Population": 2047.0}, {"index": 5567, "quantile": 1.0, "value": 243200.0, "Latitude": 33.88, "Longitude": -118.28, "Population": 2047.0}, {"index": 5568, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.88, "Longitude": -118.29, "Population": 1754.0}, {"index": 5568, "quantile": 0.25, "value": 190550.0, "Latitude": 33.88, "Longitude": -118.29, "Population": 1754.0}, {"index": 5568, "quantile": 0.5, "value": 232799.99999999997, "Latitude": 33.88, "Longitude": -118.29, "Population": 1754.0}, {"index": 5568, "quantile": 0.75, "value": 232799.99999999997, "Latitude": 33.88, "Longitude": -118.29, "Population": 1754.0}, {"index": 5568, "quantile": 1.0, "value": 255500.00000000003, "Latitude": 33.88, "Longitude": -118.29, "Population": 1754.0}, {"index": 5569, "quantile": 0.0, "value": 94000.0, "Latitude": 33.88, "Longitude": -118.29, "Population": 2009.0}, {"index": 5569, "quantile": 0.25, "value": 176000.0, "Latitude": 33.88, "Longitude": -118.29, "Population": 2009.0}, {"index": 5569, "quantile": 0.5, "value": 184100.0, "Latitude": 33.88, "Longitude": -118.29, "Population": 2009.0}, {"index": 5569, "quantile": 0.75, "value": 184100.0, "Latitude": 33.88, "Longitude": -118.29, "Population": 2009.0}, {"index": 5569, "quantile": 1.0, "value": 227100.0, "Latitude": 33.88, "Longitude": -118.29, "Population": 2009.0}, {"index": 5570, "quantile": 0.0, "value": 161900.0, "Latitude": 33.89, "Longitude": -118.29, "Population": 1578.0}, {"index": 5570, "quantile": 0.25, "value": 200599.99999999997, "Latitude": 33.89, "Longitude": -118.29, "Population": 1578.0}, {"index": 5570, "quantile": 0.5, "value": 200599.99999999997, "Latitude": 33.89, "Longitude": -118.29, "Population": 1578.0}, {"index": 5570, "quantile": 0.75, "value": 209500.00000000003, "Latitude": 33.89, "Longitude": -118.29, "Population": 1578.0}, {"index": 5570, "quantile": 1.0, "value": 353200.0, "Latitude": 33.89, "Longitude": -118.29, "Population": 1578.0}, {"index": 5571, "quantile": 0.0, "value": 148400.0, "Latitude": 33.87, "Longitude": -118.29, "Population": 864.0}, {"index": 5571, "quantile": 0.25, "value": 238700.0, "Latitude": 33.87, "Longitude": -118.29, "Population": 864.0}, {"index": 5571, "quantile": 0.5, "value": 238700.0, "Latitude": 33.87, "Longitude": -118.29, "Population": 864.0}, {"index": 5571, "quantile": 0.75, "value": 238700.0, "Latitude": 33.87, "Longitude": -118.29, "Population": 864.0}, {"index": 5571, "quantile": 1.0, "value": 453700.0, "Latitude": 33.87, "Longitude": -118.29, "Population": 864.0}, {"index": 5572, "quantile": 0.0, "value": 187600.0, "Latitude": 33.86, "Longitude": -118.3, "Population": 1083.0}, {"index": 5572, "quantile": 0.25, "value": 230200.0, "Latitude": 33.86, "Longitude": -118.3, "Population": 1083.0}, {"index": 5572, "quantile": 0.5, "value": 230200.0, "Latitude": 33.86, "Longitude": -118.3, "Population": 1083.0}, {"index": 5572, "quantile": 0.75, "value": 230200.0, "Latitude": 33.86, "Longitude": -118.3, "Population": 1083.0}, {"index": 5572, "quantile": 1.0, "value": 359900.0, "Latitude": 33.86, "Longitude": -118.3, "Population": 1083.0}, {"index": 5573, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 33.86, "Longitude": -118.3, "Population": 853.0}, {"index": 5573, "quantile": 0.25, "value": 251300.0, "Latitude": 33.86, "Longitude": -118.3, "Population": 853.0}, {"index": 5573, "quantile": 0.5, "value": 251300.0, "Latitude": 33.86, "Longitude": -118.3, "Population": 853.0}, {"index": 5573, "quantile": 0.75, "value": 251300.0, "Latitude": 33.86, "Longitude": -118.3, "Population": 853.0}, {"index": 5573, "quantile": 1.0, "value": 446800.0, "Latitude": 33.86, "Longitude": -118.3, "Population": 853.0}, {"index": 5574, "quantile": 0.0, "value": 81300.0, "Latitude": 33.85, "Longitude": -118.29, "Population": 1378.0}, {"index": 5574, "quantile": 0.25, "value": 137425.0, "Latitude": 33.85, "Longitude": -118.29, "Population": 1378.0}, {"index": 5574, "quantile": 0.5, "value": 222200.0, "Latitude": 33.85, "Longitude": -118.29, "Population": 1378.0}, {"index": 5574, "quantile": 0.75, "value": 222200.0, "Latitude": 33.85, "Longitude": -118.29, "Population": 1378.0}, {"index": 5574, "quantile": 1.0, "value": 254500.0, "Latitude": 33.85, "Longitude": -118.29, "Population": 1378.0}, {"index": 5575, "quantile": 0.0, "value": 91300.0, "Latitude": 33.84, "Longitude": -118.31, "Population": 2965.0}, {"index": 5575, "quantile": 0.25, "value": 193000.0, "Latitude": 33.84, "Longitude": -118.31, "Population": 2965.0}, {"index": 5575, "quantile": 0.5, "value": 216699.99999999997, "Latitude": 33.84, "Longitude": -118.31, "Population": 2965.0}, {"index": 5575, "quantile": 0.75, "value": 216699.99999999997, "Latitude": 33.84, "Longitude": -118.31, "Population": 2965.0}, {"index": 5575, "quantile": 1.0, "value": 450000.0, "Latitude": 33.84, "Longitude": -118.31, "Population": 2965.0}, {"index": 5576, "quantile": 0.0, "value": 146400.0, "Latitude": 33.84, "Longitude": -118.3, "Population": 825.0}, {"index": 5576, "quantile": 0.25, "value": 218600.0, "Latitude": 33.84, "Longitude": -118.3, "Population": 825.0}, {"index": 5576, "quantile": 0.5, "value": 239600.0, "Latitude": 33.84, "Longitude": -118.3, "Population": 825.0}, {"index": 5576, "quantile": 0.75, "value": 239600.0, "Latitude": 33.84, "Longitude": -118.3, "Population": 825.0}, {"index": 5576, "quantile": 1.0, "value": 365900.0, "Latitude": 33.84, "Longitude": -118.3, "Population": 825.0}, {"index": 5577, "quantile": 0.0, "value": 141100.0, "Latitude": 33.84, "Longitude": -118.3, "Population": 621.0}, {"index": 5577, "quantile": 0.25, "value": 232399.99999999997, "Latitude": 33.84, "Longitude": -118.3, "Population": 621.0}, {"index": 5577, "quantile": 0.5, "value": 232399.99999999997, "Latitude": 33.84, "Longitude": -118.3, "Population": 621.0}, {"index": 5577, "quantile": 0.75, "value": 232399.99999999997, "Latitude": 33.84, "Longitude": -118.3, "Population": 621.0}, {"index": 5577, "quantile": 1.0, "value": 479000.0, "Latitude": 33.84, "Longitude": -118.3, "Population": 621.0}, {"index": 5578, "quantile": 0.0, "value": 90000.0, "Latitude": 33.85, "Longitude": -118.3, "Population": 142.0}, {"index": 5578, "quantile": 0.25, "value": 200000.0, "Latitude": 33.85, "Longitude": -118.3, "Population": 142.0}, {"index": 5578, "quantile": 0.5, "value": 200000.0, "Latitude": 33.85, "Longitude": -118.3, "Population": 142.0}, {"index": 5578, "quantile": 0.75, "value": 200000.0, "Latitude": 33.85, "Longitude": -118.3, "Population": 142.0}, {"index": 5578, "quantile": 1.0, "value": 350000.0, "Latitude": 33.85, "Longitude": -118.3, "Population": 142.0}, {"index": 5579, "quantile": 0.0, "value": 143800.0, "Latitude": 33.83, "Longitude": -118.3, "Population": 1598.0}, {"index": 5579, "quantile": 0.25, "value": 240200.0, "Latitude": 33.83, "Longitude": -118.3, "Population": 1598.0}, {"index": 5579, "quantile": 0.5, "value": 240200.0, "Latitude": 33.83, "Longitude": -118.3, "Population": 1598.0}, {"index": 5579, "quantile": 0.75, "value": 240200.0, "Latitude": 33.83, "Longitude": -118.3, "Population": 1598.0}, {"index": 5579, "quantile": 1.0, "value": 305800.0, "Latitude": 33.83, "Longitude": -118.3, "Population": 1598.0}, {"index": 5580, "quantile": 0.0, "value": 156700.0, "Latitude": 33.83, "Longitude": -118.3, "Population": 1807.0}, {"index": 5580, "quantile": 0.25, "value": 226300.0, "Latitude": 33.83, "Longitude": -118.3, "Population": 1807.0}, {"index": 5580, "quantile": 0.5, "value": 226300.0, "Latitude": 33.83, "Longitude": -118.3, "Population": 1807.0}, {"index": 5580, "quantile": 0.75, "value": 226300.0, "Latitude": 33.83, "Longitude": -118.3, "Population": 1807.0}, {"index": 5580, "quantile": 1.0, "value": 365600.0, "Latitude": 33.83, "Longitude": -118.3, "Population": 1807.0}, {"index": 5581, "quantile": 0.0, "value": 129200.0, "Latitude": 33.83, "Longitude": -118.31, "Population": 2083.0}, {"index": 5581, "quantile": 0.25, "value": 208575.0, "Latitude": 33.83, "Longitude": -118.31, "Population": 2083.0}, {"index": 5581, "quantile": 0.5, "value": 223400.0, "Latitude": 33.83, "Longitude": -118.31, "Population": 2083.0}, {"index": 5581, "quantile": 0.75, "value": 223400.0, "Latitude": 33.83, "Longitude": -118.31, "Population": 2083.0}, {"index": 5581, "quantile": 1.0, "value": 273000.0, "Latitude": 33.83, "Longitude": -118.31, "Population": 2083.0}, {"index": 5582, "quantile": 0.0, "value": 89500.0, "Latitude": 33.82, "Longitude": -118.3, "Population": 1141.0}, {"index": 5582, "quantile": 0.25, "value": 174000.0, "Latitude": 33.82, "Longitude": -118.3, "Population": 1141.0}, {"index": 5582, "quantile": 0.5, "value": 213600.0, "Latitude": 33.82, "Longitude": -118.3, "Population": 1141.0}, {"index": 5582, "quantile": 0.75, "value": 213600.0, "Latitude": 33.82, "Longitude": -118.3, "Population": 1141.0}, {"index": 5582, "quantile": 1.0, "value": 346200.0, "Latitude": 33.82, "Longitude": -118.3, "Population": 1141.0}, {"index": 5583, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 33.82, "Longitude": -118.3, "Population": 2096.0}, {"index": 5583, "quantile": 0.25, "value": 171700.0, "Latitude": 33.82, "Longitude": -118.3, "Population": 2096.0}, {"index": 5583, "quantile": 0.5, "value": 184400.0, "Latitude": 33.82, "Longitude": -118.3, "Population": 2096.0}, {"index": 5583, "quantile": 0.75, "value": 184400.0, "Latitude": 33.82, "Longitude": -118.3, "Population": 2096.0}, {"index": 5583, "quantile": 1.0, "value": 275000.0, "Latitude": 33.82, "Longitude": -118.3, "Population": 2096.0}, {"index": 5584, "quantile": 0.0, "value": 138100.0, "Latitude": 33.82, "Longitude": -118.3, "Population": 2629.0}, {"index": 5584, "quantile": 0.25, "value": 171700.0, "Latitude": 33.82, "Longitude": -118.3, "Population": 2629.0}, {"index": 5584, "quantile": 0.5, "value": 184100.0, "Latitude": 33.82, "Longitude": -118.3, "Population": 2629.0}, {"index": 5584, "quantile": 0.75, "value": 200575.0, "Latitude": 33.82, "Longitude": -118.3, "Population": 2629.0}, {"index": 5584, "quantile": 1.0, "value": 346200.0, "Latitude": 33.82, "Longitude": -118.3, "Population": 2629.0}, {"index": 5585, "quantile": 0.0, "value": 156300.0, "Latitude": 33.81, "Longitude": -118.3, "Population": 3008.0}, {"index": 5585, "quantile": 0.25, "value": 268300.0, "Latitude": 33.81, "Longitude": -118.3, "Population": 3008.0}, {"index": 5585, "quantile": 0.5, "value": 282700.0, "Latitude": 33.81, "Longitude": -118.3, "Population": 3008.0}, {"index": 5585, "quantile": 0.75, "value": 282700.0, "Latitude": 33.81, "Longitude": -118.3, "Population": 3008.0}, {"index": 5585, "quantile": 1.0, "value": 359900.0, "Latitude": 33.81, "Longitude": -118.3, "Population": 3008.0}, {"index": 5586, "quantile": 0.0, "value": 185100.0, "Latitude": 33.8, "Longitude": -118.3, "Population": 1498.0}, {"index": 5586, "quantile": 0.25, "value": 268300.0, "Latitude": 33.8, "Longitude": -118.3, "Population": 1498.0}, {"index": 5586, "quantile": 0.5, "value": 268300.0, "Latitude": 33.8, "Longitude": -118.3, "Population": 1498.0}, {"index": 5586, "quantile": 0.75, "value": 268300.0, "Latitude": 33.8, "Longitude": -118.3, "Population": 1498.0}, {"index": 5586, "quantile": 1.0, "value": 446800.0, "Latitude": 33.8, "Longitude": -118.3, "Population": 1498.0}, {"index": 5587, "quantile": 0.0, "value": 121500.00000000001, "Latitude": 33.8, "Longitude": -118.31, "Population": 2048.0}, {"index": 5587, "quantile": 0.25, "value": 191375.0, "Latitude": 33.8, "Longitude": -118.31, "Population": 2048.0}, {"index": 5587, "quantile": 0.5, "value": 223400.0, "Latitude": 33.8, "Longitude": -118.31, "Population": 2048.0}, {"index": 5587, "quantile": 0.75, "value": 256200.00000000003, "Latitude": 33.8, "Longitude": -118.31, "Population": 2048.0}, {"index": 5587, "quantile": 1.0, "value": 417600.0, "Latitude": 33.8, "Longitude": -118.31, "Population": 2048.0}, {"index": 5588, "quantile": 0.0, "value": 139000.0, "Latitude": 33.79, "Longitude": -118.3, "Population": 2255.0}, {"index": 5588, "quantile": 0.25, "value": 209575.00000000003, "Latitude": 33.79, "Longitude": -118.3, "Population": 2255.0}, {"index": 5588, "quantile": 0.5, "value": 235300.00000000003, "Latitude": 33.79, "Longitude": -118.3, "Population": 2255.0}, {"index": 5588, "quantile": 0.75, "value": 235300.00000000003, "Latitude": 33.79, "Longitude": -118.3, "Population": 2255.0}, {"index": 5588, "quantile": 1.0, "value": 346200.0, "Latitude": 33.79, "Longitude": -118.3, "Population": 2255.0}, {"index": 5589, "quantile": 0.0, "value": 117100.0, "Latitude": 33.79, "Longitude": -118.3, "Population": 1790.0}, {"index": 5589, "quantile": 0.25, "value": 187100.0, "Latitude": 33.79, "Longitude": -118.3, "Population": 1790.0}, {"index": 5589, "quantile": 0.5, "value": 212500.0, "Latitude": 33.79, "Longitude": -118.3, "Population": 1790.0}, {"index": 5589, "quantile": 0.75, "value": 242525.0, "Latitude": 33.79, "Longitude": -118.3, "Population": 1790.0}, {"index": 5589, "quantile": 1.0, "value": 420800.0, "Latitude": 33.79, "Longitude": -118.3, "Population": 1790.0}, {"index": 5590, "quantile": 0.0, "value": 45000.0, "Latitude": 33.79, "Longitude": -118.3, "Population": 2159.0}, {"index": 5590, "quantile": 0.25, "value": 179274.99999999997, "Latitude": 33.79, "Longitude": -118.3, "Population": 2159.0}, {"index": 5590, "quantile": 0.5, "value": 212450.00000000003, "Latitude": 33.79, "Longitude": -118.3, "Population": 2159.0}, {"index": 5590, "quantile": 0.75, "value": 235975.0, "Latitude": 33.79, "Longitude": -118.3, "Population": 2159.0}, {"index": 5590, "quantile": 1.0, "value": 361300.0, "Latitude": 33.79, "Longitude": -118.3, "Population": 2159.0}, {"index": 5591, "quantile": 0.0, "value": 212200.0, "Latitude": 33.78, "Longitude": -118.3, "Population": 1172.0}, {"index": 5591, "quantile": 0.25, "value": 304100.0, "Latitude": 33.78, "Longitude": -118.3, "Population": 1172.0}, {"index": 5591, "quantile": 0.5, "value": 304100.0, "Latitude": 33.78, "Longitude": -118.3, "Population": 1172.0}, {"index": 5591, "quantile": 0.75, "value": 304100.0, "Latitude": 33.78, "Longitude": -118.3, "Population": 1172.0}, {"index": 5591, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.3, "Population": 1172.0}, {"index": 5592, "quantile": 0.0, "value": 113900.0, "Latitude": 33.8, "Longitude": -118.26, "Population": 1658.0}, {"index": 5592, "quantile": 0.25, "value": 171025.0, "Latitude": 33.8, "Longitude": -118.26, "Population": 1658.0}, {"index": 5592, "quantile": 0.5, "value": 171100.0, "Latitude": 33.8, "Longitude": -118.26, "Population": 1658.0}, {"index": 5592, "quantile": 0.75, "value": 171100.0, "Latitude": 33.8, "Longitude": -118.26, "Population": 1658.0}, {"index": 5592, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 33.8, "Longitude": -118.26, "Population": 1658.0}, {"index": 5593, "quantile": 0.0, "value": 137900.0, "Latitude": 33.8, "Longitude": -118.25, "Population": 1274.0}, {"index": 5593, "quantile": 0.25, "value": 163100.0, "Latitude": 33.8, "Longitude": -118.25, "Population": 1274.0}, {"index": 5593, "quantile": 0.5, "value": 163100.0, "Latitude": 33.8, "Longitude": -118.25, "Population": 1274.0}, {"index": 5593, "quantile": 0.75, "value": 171875.0, "Latitude": 33.8, "Longitude": -118.25, "Population": 1274.0}, {"index": 5593, "quantile": 1.0, "value": 323700.0, "Latitude": 33.8, "Longitude": -118.25, "Population": 1274.0}, {"index": 5594, "quantile": 0.0, "value": 147200.0, "Latitude": 33.79, "Longitude": -118.26, "Population": 835.0}, {"index": 5594, "quantile": 0.25, "value": 193699.99999999997, "Latitude": 33.79, "Longitude": -118.26, "Population": 835.0}, {"index": 5594, "quantile": 0.5, "value": 217850.0, "Latitude": 33.79, "Longitude": -118.26, "Population": 835.0}, {"index": 5594, "quantile": 0.75, "value": 228024.99999999997, "Latitude": 33.79, "Longitude": -118.26, "Population": 835.0}, {"index": 5594, "quantile": 1.0, "value": 395100.0, "Latitude": 33.79, "Longitude": -118.26, "Population": 835.0}, {"index": 5595, "quantile": 0.0, "value": 67300.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1799.0}, {"index": 5595, "quantile": 0.25, "value": 128000.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1799.0}, {"index": 5595, "quantile": 0.5, "value": 128000.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1799.0}, {"index": 5595, "quantile": 0.75, "value": 128000.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1799.0}, {"index": 5595, "quantile": 1.0, "value": 200000.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1799.0}, {"index": 5596, "quantile": 0.0, "value": 83100.0, "Latitude": 33.8, "Longitude": -118.24, "Population": 788.0}, {"index": 5596, "quantile": 0.25, "value": 131300.0, "Latitude": 33.8, "Longitude": -118.24, "Population": 788.0}, {"index": 5596, "quantile": 0.5, "value": 131300.0, "Latitude": 33.8, "Longitude": -118.24, "Population": 788.0}, {"index": 5596, "quantile": 0.75, "value": 131300.0, "Latitude": 33.8, "Longitude": -118.24, "Population": 788.0}, {"index": 5596, "quantile": 1.0, "value": 207200.0, "Latitude": 33.8, "Longitude": -118.24, "Population": 788.0}, {"index": 5597, "quantile": 0.0, "value": 60000.0, "Latitude": 33.8, "Longitude": -118.23, "Population": 165.0}, {"index": 5597, "quantile": 0.25, "value": 187500.0, "Latitude": 33.8, "Longitude": -118.23, "Population": 165.0}, {"index": 5597, "quantile": 0.5, "value": 187500.0, "Latitude": 33.8, "Longitude": -118.23, "Population": 165.0}, {"index": 5597, "quantile": 0.75, "value": 187500.0, "Latitude": 33.8, "Longitude": -118.23, "Population": 165.0}, {"index": 5597, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.23, "Population": 165.0}, {"index": 5598, "quantile": 0.0, "value": 158700.0, "Latitude": 33.8, "Longitude": -118.27, "Population": 980.0}, {"index": 5598, "quantile": 0.25, "value": 177700.0, "Latitude": 33.8, "Longitude": -118.27, "Population": 980.0}, {"index": 5598, "quantile": 0.5, "value": 177700.0, "Latitude": 33.8, "Longitude": -118.27, "Population": 980.0}, {"index": 5598, "quantile": 0.75, "value": 180600.0, "Latitude": 33.8, "Longitude": -118.27, "Population": 980.0}, {"index": 5598, "quantile": 1.0, "value": 323700.0, "Latitude": 33.8, "Longitude": -118.27, "Population": 980.0}, {"index": 5599, "quantile": 0.0, "value": 113900.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1789.0}, {"index": 5599, "quantile": 0.25, "value": 182300.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1789.0}, {"index": 5599, "quantile": 0.5, "value": 182300.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1789.0}, {"index": 5599, "quantile": 0.75, "value": 182300.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1789.0}, {"index": 5599, "quantile": 1.0, "value": 273000.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1789.0}, {"index": 5600, "quantile": 0.0, "value": 117400.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1227.0}, {"index": 5600, "quantile": 0.25, "value": 180925.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1227.0}, {"index": 5600, "quantile": 0.5, "value": 184600.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1227.0}, {"index": 5600, "quantile": 0.75, "value": 184600.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1227.0}, {"index": 5600, "quantile": 1.0, "value": 344400.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1227.0}, {"index": 5601, "quantile": 0.0, "value": 113900.0, "Latitude": 33.8, "Longitude": -118.28, "Population": 1207.0}, {"index": 5601, "quantile": 0.25, "value": 162225.0, "Latitude": 33.8, "Longitude": -118.28, "Population": 1207.0}, {"index": 5601, "quantile": 0.5, "value": 170699.99999999997, "Latitude": 33.8, "Longitude": -118.28, "Population": 1207.0}, {"index": 5601, "quantile": 0.75, "value": 183400.0, "Latitude": 33.8, "Longitude": -118.28, "Population": 1207.0}, {"index": 5601, "quantile": 1.0, "value": 339100.0, "Latitude": 33.8, "Longitude": -118.28, "Population": 1207.0}, {"index": 5602, "quantile": 0.0, "value": 151300.0, "Latitude": 33.79, "Longitude": -118.28, "Population": 1422.0}, {"index": 5602, "quantile": 0.25, "value": 191300.0, "Latitude": 33.79, "Longitude": -118.28, "Population": 1422.0}, {"index": 5602, "quantile": 0.5, "value": 191300.0, "Latitude": 33.79, "Longitude": -118.28, "Population": 1422.0}, {"index": 5602, "quantile": 0.75, "value": 191400.0, "Latitude": 33.79, "Longitude": -118.28, "Population": 1422.0}, {"index": 5602, "quantile": 1.0, "value": 270500.0, "Latitude": 33.79, "Longitude": -118.28, "Population": 1422.0}, {"index": 5603, "quantile": 0.0, "value": 113900.0, "Latitude": 33.79, "Longitude": -118.28, "Population": 1668.0}, {"index": 5603, "quantile": 0.25, "value": 158875.0, "Latitude": 33.79, "Longitude": -118.28, "Population": 1668.0}, {"index": 5603, "quantile": 0.5, "value": 162800.0, "Latitude": 33.79, "Longitude": -118.28, "Population": 1668.0}, {"index": 5603, "quantile": 0.75, "value": 176474.99999999997, "Latitude": 33.79, "Longitude": -118.28, "Population": 1668.0}, {"index": 5603, "quantile": 1.0, "value": 236000.0, "Latitude": 33.79, "Longitude": -118.28, "Population": 1668.0}, {"index": 5604, "quantile": 0.0, "value": 131000.0, "Latitude": 33.78, "Longitude": -118.28, "Population": 1915.0}, {"index": 5604, "quantile": 0.25, "value": 169100.0, "Latitude": 33.78, "Longitude": -118.28, "Population": 1915.0}, {"index": 5604, "quantile": 0.5, "value": 169100.0, "Latitude": 33.78, "Longitude": -118.28, "Population": 1915.0}, {"index": 5604, "quantile": 0.75, "value": 182300.0, "Latitude": 33.78, "Longitude": -118.28, "Population": 1915.0}, {"index": 5604, "quantile": 1.0, "value": 241900.0, "Latitude": 33.78, "Longitude": -118.28, "Population": 1915.0}, {"index": 5605, "quantile": 0.0, "value": 99300.0, "Latitude": 33.79, "Longitude": -118.29, "Population": 2855.0}, {"index": 5605, "quantile": 0.25, "value": 137500.0, "Latitude": 33.79, "Longitude": -118.29, "Population": 2855.0}, {"index": 5605, "quantile": 0.5, "value": 178700.0, "Latitude": 33.79, "Longitude": -118.29, "Population": 2855.0}, {"index": 5605, "quantile": 0.75, "value": 223400.0, "Latitude": 33.79, "Longitude": -118.29, "Population": 2855.0}, {"index": 5605, "quantile": 1.0, "value": 376100.0, "Latitude": 33.79, "Longitude": -118.29, "Population": 2855.0}, {"index": 5606, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.79, "Longitude": -118.29, "Population": 951.0}, {"index": 5606, "quantile": 0.25, "value": 154200.0, "Latitude": 33.79, "Longitude": -118.29, "Population": 951.0}, {"index": 5606, "quantile": 0.5, "value": 154200.0, "Latitude": 33.79, "Longitude": -118.29, "Population": 951.0}, {"index": 5606, "quantile": 0.75, "value": 189000.0, "Latitude": 33.79, "Longitude": -118.29, "Population": 951.0}, {"index": 5606, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.29, "Population": 951.0}, {"index": 5607, "quantile": 0.0, "value": 76600.0, "Latitude": 33.79, "Longitude": -118.3, "Population": 1180.0}, {"index": 5607, "quantile": 0.25, "value": 157500.0, "Latitude": 33.79, "Longitude": -118.3, "Population": 1180.0}, {"index": 5607, "quantile": 0.5, "value": 157500.0, "Latitude": 33.79, "Longitude": -118.3, "Population": 1180.0}, {"index": 5607, "quantile": 0.75, "value": 157500.0, "Latitude": 33.79, "Longitude": -118.3, "Population": 1180.0}, {"index": 5607, "quantile": 1.0, "value": 346200.0, "Latitude": 33.79, "Longitude": -118.3, "Population": 1180.0}, {"index": 5608, "quantile": 0.0, "value": 52500.0, "Latitude": 33.8, "Longitude": -118.3, "Population": 1472.0}, {"index": 5608, "quantile": 0.25, "value": 146200.0, "Latitude": 33.8, "Longitude": -118.3, "Population": 1472.0}, {"index": 5608, "quantile": 0.5, "value": 146200.0, "Latitude": 33.8, "Longitude": -118.3, "Population": 1472.0}, {"index": 5608, "quantile": 0.75, "value": 146200.0, "Latitude": 33.8, "Longitude": -118.3, "Population": 1472.0}, {"index": 5608, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.3, "Population": 1472.0}, {"index": 5609, "quantile": 0.0, "value": 89100.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1291.0}, {"index": 5609, "quantile": 0.25, "value": 174000.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1291.0}, {"index": 5609, "quantile": 0.5, "value": 174000.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1291.0}, {"index": 5609, "quantile": 0.75, "value": 174000.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1291.0}, {"index": 5609, "quantile": 1.0, "value": 346200.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1291.0}, {"index": 5610, "quantile": 0.0, "value": 76200.0, "Latitude": 33.78, "Longitude": -118.26, "Population": 1723.0}, {"index": 5610, "quantile": 0.25, "value": 164700.0, "Latitude": 33.78, "Longitude": -118.26, "Population": 1723.0}, {"index": 5610, "quantile": 0.5, "value": 174500.0, "Latitude": 33.78, "Longitude": -118.26, "Population": 1723.0}, {"index": 5610, "quantile": 0.75, "value": 174500.0, "Latitude": 33.78, "Longitude": -118.26, "Population": 1723.0}, {"index": 5610, "quantile": 1.0, "value": 248100.0, "Latitude": 33.78, "Longitude": -118.26, "Population": 1723.0}, {"index": 5611, "quantile": 0.0, "value": 92400.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 2120.0}, {"index": 5611, "quantile": 0.25, "value": 158700.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 2120.0}, {"index": 5611, "quantile": 0.5, "value": 158700.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 2120.0}, {"index": 5611, "quantile": 0.75, "value": 164700.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 2120.0}, {"index": 5611, "quantile": 1.0, "value": 254500.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 2120.0}, {"index": 5612, "quantile": 0.0, "value": 97200.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1450.0}, {"index": 5612, "quantile": 0.25, "value": 157300.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1450.0}, {"index": 5612, "quantile": 0.5, "value": 172000.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1450.0}, {"index": 5612, "quantile": 0.75, "value": 172000.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1450.0}, {"index": 5612, "quantile": 1.0, "value": 346200.0, "Latitude": 33.79, "Longitude": -118.27, "Population": 1450.0}, {"index": 5613, "quantile": 0.0, "value": 91500.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1716.0}, {"index": 5613, "quantile": 0.25, "value": 138100.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1716.0}, {"index": 5613, "quantile": 0.5, "value": 138100.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1716.0}, {"index": 5613, "quantile": 0.75, "value": 138100.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1716.0}, {"index": 5613, "quantile": 1.0, "value": 172000.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1716.0}, {"index": 5614, "quantile": 0.0, "value": 97300.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1724.0}, {"index": 5614, "quantile": 0.25, "value": 150400.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1724.0}, {"index": 5614, "quantile": 0.5, "value": 150400.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1724.0}, {"index": 5614, "quantile": 0.75, "value": 150400.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1724.0}, {"index": 5614, "quantile": 1.0, "value": 186800.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1724.0}, {"index": 5615, "quantile": 0.0, "value": 89200.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1183.0}, {"index": 5615, "quantile": 0.25, "value": 139800.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1183.0}, {"index": 5615, "quantile": 0.5, "value": 139800.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1183.0}, {"index": 5615, "quantile": 0.75, "value": 139800.0, "Latitude": 33.79, "Longitude": -118.25, "Population": 1183.0}, {"index": 5615, "quantile": 1.0, "value": 207100.00000000003, "Latitude": 33.79, "Longitude": -118.25, "Population": 1183.0}, {"index": 5616, "quantile": 0.0, "value": 91400.0, "Latitude": 33.78, "Longitude": -118.26, "Population": 2265.0}, {"index": 5616, "quantile": 0.25, "value": 164700.0, "Latitude": 33.78, "Longitude": -118.26, "Population": 2265.0}, {"index": 5616, "quantile": 0.5, "value": 164700.0, "Latitude": 33.78, "Longitude": -118.26, "Population": 2265.0}, {"index": 5616, "quantile": 0.75, "value": 164700.0, "Latitude": 33.78, "Longitude": -118.26, "Population": 2265.0}, {"index": 5616, "quantile": 1.0, "value": 204999.99999999997, "Latitude": 33.78, "Longitude": -118.26, "Population": 2265.0}, {"index": 5617, "quantile": 0.0, "value": 83100.0, "Latitude": 33.79, "Longitude": -118.26, "Population": 1044.0}, {"index": 5617, "quantile": 0.25, "value": 142675.0, "Latitude": 33.79, "Longitude": -118.26, "Population": 1044.0}, {"index": 5617, "quantile": 0.5, "value": 153600.0, "Latitude": 33.79, "Longitude": -118.26, "Population": 1044.0}, {"index": 5617, "quantile": 0.75, "value": 174000.0, "Latitude": 33.79, "Longitude": -118.26, "Population": 1044.0}, {"index": 5617, "quantile": 1.0, "value": 201300.0, "Latitude": 33.79, "Longitude": -118.26, "Population": 1044.0}, {"index": 5618, "quantile": 0.0, "value": 65000.0, "Latitude": 33.78, "Longitude": -118.23, "Population": 69.0}, {"index": 5618, "quantile": 0.25, "value": 207900.00000000003, "Latitude": 33.78, "Longitude": -118.23, "Population": 69.0}, {"index": 5618, "quantile": 0.5, "value": 350000.0, "Latitude": 33.78, "Longitude": -118.23, "Population": 69.0}, {"index": 5618, "quantile": 0.75, "value": 350000.0, "Latitude": 33.78, "Longitude": -118.23, "Population": 69.0}, {"index": 5618, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.23, "Population": 69.0}, {"index": 5619, "quantile": 0.0, "value": 100000.0, "Latitude": 33.78, "Longitude": -118.26, "Population": 1524.0}, {"index": 5619, "quantile": 0.25, "value": 156075.0, "Latitude": 33.78, "Longitude": -118.26, "Population": 1524.0}, {"index": 5619, "quantile": 0.5, "value": 162800.0, "Latitude": 33.78, "Longitude": -118.26, "Population": 1524.0}, {"index": 5619, "quantile": 0.75, "value": 170800.0, "Latitude": 33.78, "Longitude": -118.26, "Population": 1524.0}, {"index": 5619, "quantile": 1.0, "value": 325000.0, "Latitude": 33.78, "Longitude": -118.26, "Population": 1524.0}, {"index": 5620, "quantile": 0.0, "value": 52500.0, "Latitude": 33.78, "Longitude": -118.25, "Population": 511.0}, {"index": 5620, "quantile": 0.25, "value": 162375.0, "Latitude": 33.78, "Longitude": -118.25, "Population": 511.0}, {"index": 5620, "quantile": 0.5, "value": 182100.0, "Latitude": 33.78, "Longitude": -118.25, "Population": 511.0}, {"index": 5620, "quantile": 0.75, "value": 182100.0, "Latitude": 33.78, "Longitude": -118.25, "Population": 511.0}, {"index": 5620, "quantile": 1.0, "value": 225000.0, "Latitude": 33.78, "Longitude": -118.25, "Population": 511.0}, {"index": 5621, "quantile": 0.0, "value": 34400.0, "Latitude": 33.78, "Longitude": -118.24, "Population": 784.0}, {"index": 5621, "quantile": 0.25, "value": 141125.0, "Latitude": 33.78, "Longitude": -118.24, "Population": 784.0}, {"index": 5621, "quantile": 0.5, "value": 152300.0, "Latitude": 33.78, "Longitude": -118.24, "Population": 784.0}, {"index": 5621, "quantile": 0.75, "value": 152300.0, "Latitude": 33.78, "Longitude": -118.24, "Population": 784.0}, {"index": 5621, "quantile": 1.0, "value": 183300.0, "Latitude": 33.78, "Longitude": -118.24, "Population": 784.0}, {"index": 5622, "quantile": 0.0, "value": 102499.99999999999, "Latitude": 33.78, "Longitude": -118.26, "Population": 2931.0}, {"index": 5622, "quantile": 0.25, "value": 163100.0, "Latitude": 33.78, "Longitude": -118.26, "Population": 2931.0}, {"index": 5622, "quantile": 0.5, "value": 163100.0, "Latitude": 33.78, "Longitude": -118.26, "Population": 2931.0}, {"index": 5622, "quantile": 0.75, "value": 163100.0, "Latitude": 33.78, "Longitude": -118.26, "Population": 2931.0}, {"index": 5622, "quantile": 1.0, "value": 190400.0, "Latitude": 33.78, "Longitude": -118.26, "Population": 2931.0}, {"index": 5623, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.77, "Longitude": -118.26, "Population": 809.0}, {"index": 5623, "quantile": 0.25, "value": 136900.0, "Latitude": 33.77, "Longitude": -118.26, "Population": 809.0}, {"index": 5623, "quantile": 0.5, "value": 163600.0, "Latitude": 33.77, "Longitude": -118.26, "Population": 809.0}, {"index": 5623, "quantile": 0.75, "value": 174200.0, "Latitude": 33.77, "Longitude": -118.26, "Population": 809.0}, {"index": 5623, "quantile": 1.0, "value": 285000.0, "Latitude": 33.77, "Longitude": -118.26, "Population": 809.0}, {"index": 5624, "quantile": 0.0, "value": 53900.0, "Latitude": 33.77, "Longitude": -118.27, "Population": 2567.0}, {"index": 5624, "quantile": 0.25, "value": 122825.0, "Latitude": 33.77, "Longitude": -118.27, "Population": 2567.0}, {"index": 5624, "quantile": 0.5, "value": 142700.0, "Latitude": 33.77, "Longitude": -118.27, "Population": 2567.0}, {"index": 5624, "quantile": 0.75, "value": 165725.0, "Latitude": 33.77, "Longitude": -118.27, "Population": 2567.0}, {"index": 5624, "quantile": 1.0, "value": 350000.0, "Latitude": 33.77, "Longitude": -118.27, "Population": 2567.0}, {"index": 5625, "quantile": 0.0, "value": 90000.0, "Latitude": 33.78, "Longitude": -118.27, "Population": 4426.0}, {"index": 5625, "quantile": 0.25, "value": 151200.0, "Latitude": 33.78, "Longitude": -118.27, "Population": 4426.0}, {"index": 5625, "quantile": 0.5, "value": 158700.0, "Latitude": 33.78, "Longitude": -118.27, "Population": 4426.0}, {"index": 5625, "quantile": 0.75, "value": 163825.0, "Latitude": 33.78, "Longitude": -118.27, "Population": 4426.0}, {"index": 5625, "quantile": 1.0, "value": 305800.0, "Latitude": 33.78, "Longitude": -118.27, "Population": 4426.0}, {"index": 5626, "quantile": 0.0, "value": 136900.0, "Latitude": 33.78, "Longitude": -118.28, "Population": 1076.0}, {"index": 5626, "quantile": 0.25, "value": 160100.0, "Latitude": 33.78, "Longitude": -118.28, "Population": 1076.0}, {"index": 5626, "quantile": 0.5, "value": 160100.0, "Latitude": 33.78, "Longitude": -118.28, "Population": 1076.0}, {"index": 5626, "quantile": 0.75, "value": 160100.0, "Latitude": 33.78, "Longitude": -118.28, "Population": 1076.0}, {"index": 5626, "quantile": 1.0, "value": 235500.0, "Latitude": 33.78, "Longitude": -118.28, "Population": 1076.0}, {"index": 5627, "quantile": 0.0, "value": 94500.0, "Latitude": 33.77, "Longitude": -118.27, "Population": 2115.0}, {"index": 5627, "quantile": 0.25, "value": 141300.0, "Latitude": 33.77, "Longitude": -118.27, "Population": 2115.0}, {"index": 5627, "quantile": 0.5, "value": 141300.0, "Latitude": 33.77, "Longitude": -118.27, "Population": 2115.0}, {"index": 5627, "quantile": 0.75, "value": 141300.0, "Latitude": 33.77, "Longitude": -118.27, "Population": 2115.0}, {"index": 5627, "quantile": 1.0, "value": 350000.0, "Latitude": 33.77, "Longitude": -118.27, "Population": 2115.0}, {"index": 5628, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.76, "Longitude": -118.27, "Population": 32.0}, {"index": 5628, "quantile": 0.25, "value": 112500.0, "Latitude": 33.76, "Longitude": -118.27, "Population": 32.0}, {"index": 5628, "quantile": 0.5, "value": 112500.0, "Latitude": 33.76, "Longitude": -118.27, "Population": 32.0}, {"index": 5628, "quantile": 0.75, "value": 160325.0, "Latitude": 33.76, "Longitude": -118.27, "Population": 32.0}, {"index": 5628, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.27, "Population": 32.0}, {"index": 5629, "quantile": 0.0, "value": 106800.0, "Latitude": 33.77, "Longitude": -118.3, "Population": 2831.0}, {"index": 5629, "quantile": 0.25, "value": 189575.0, "Latitude": 33.77, "Longitude": -118.3, "Population": 2831.0}, {"index": 5629, "quantile": 0.5, "value": 346200.0, "Latitude": 33.77, "Longitude": -118.3, "Population": 2831.0}, {"index": 5629, "quantile": 0.75, "value": 346200.0, "Latitude": 33.77, "Longitude": -118.3, "Population": 2831.0}, {"index": 5629, "quantile": 1.0, "value": 346200.0, "Latitude": 33.77, "Longitude": -118.3, "Population": 2831.0}, {"index": 5630, "quantile": 0.0, "value": 187200.0, "Latitude": 33.76, "Longitude": -118.3, "Population": 4336.0}, {"index": 5630, "quantile": 0.25, "value": 290500.0, "Latitude": 33.76, "Longitude": -118.3, "Population": 4336.0}, {"index": 5630, "quantile": 0.5, "value": 290500.0, "Latitude": 33.76, "Longitude": -118.3, "Population": 4336.0}, {"index": 5630, "quantile": 0.75, "value": 290500.0, "Latitude": 33.76, "Longitude": -118.3, "Population": 4336.0}, {"index": 5630, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.3, "Population": 4336.0}, {"index": 5631, "quantile": 0.0, "value": 83100.0, "Latitude": 33.77, "Longitude": -118.28, "Population": 374.0}, {"index": 5631, "quantile": 0.25, "value": 146900.0, "Latitude": 33.77, "Longitude": -118.28, "Population": 374.0}, {"index": 5631, "quantile": 0.5, "value": 146900.0, "Latitude": 33.77, "Longitude": -118.28, "Population": 374.0}, {"index": 5631, "quantile": 0.75, "value": 147775.0, "Latitude": 33.77, "Longitude": -118.28, "Population": 374.0}, {"index": 5631, "quantile": 1.0, "value": 346200.0, "Latitude": 33.77, "Longitude": -118.28, "Population": 374.0}, {"index": 5632, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 33.75, "Longitude": -118.28, "Population": 1384.0}, {"index": 5632, "quantile": 0.25, "value": 176149.99999999997, "Latitude": 33.75, "Longitude": -118.28, "Population": 1384.0}, {"index": 5632, "quantile": 0.5, "value": 186800.0, "Latitude": 33.75, "Longitude": -118.28, "Population": 1384.0}, {"index": 5632, "quantile": 0.75, "value": 186800.0, "Latitude": 33.75, "Longitude": -118.28, "Population": 1384.0}, {"index": 5632, "quantile": 1.0, "value": 248100.0, "Latitude": 33.75, "Longitude": -118.28, "Population": 1384.0}, {"index": 5633, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.75, "Longitude": -118.28, "Population": 429.0}, {"index": 5633, "quantile": 0.25, "value": 187500.0, "Latitude": 33.75, "Longitude": -118.28, "Population": 429.0}, {"index": 5633, "quantile": 0.5, "value": 187500.0, "Latitude": 33.75, "Longitude": -118.28, "Population": 429.0}, {"index": 5633, "quantile": 0.75, "value": 187500.0, "Latitude": 33.75, "Longitude": -118.28, "Population": 429.0}, {"index": 5633, "quantile": 1.0, "value": 376100.0, "Latitude": 33.75, "Longitude": -118.28, "Population": 429.0}, {"index": 5634, "quantile": 0.0, "value": 91300.0, "Latitude": 33.74, "Longitude": -118.28, "Population": 1939.0}, {"index": 5634, "quantile": 0.25, "value": 200000.0, "Latitude": 33.74, "Longitude": -118.28, "Population": 1939.0}, {"index": 5634, "quantile": 0.5, "value": 200000.0, "Latitude": 33.74, "Longitude": -118.28, "Population": 1939.0}, {"index": 5634, "quantile": 0.75, "value": 200000.0, "Latitude": 33.74, "Longitude": -118.28, "Population": 1939.0}, {"index": 5634, "quantile": 1.0, "value": 248100.0, "Latitude": 33.74, "Longitude": -118.28, "Population": 1939.0}, {"index": 5635, "quantile": 0.0, "value": 100000.0, "Latitude": 33.75, "Longitude": -118.28, "Population": 1916.0}, {"index": 5635, "quantile": 0.25, "value": 200000.0, "Latitude": 33.75, "Longitude": -118.28, "Population": 1916.0}, {"index": 5635, "quantile": 0.5, "value": 208300.00000000003, "Latitude": 33.75, "Longitude": -118.28, "Population": 1916.0}, {"index": 5635, "quantile": 0.75, "value": 208300.00000000003, "Latitude": 33.75, "Longitude": -118.28, "Population": 1916.0}, {"index": 5635, "quantile": 1.0, "value": 376100.0, "Latitude": 33.75, "Longitude": -118.28, "Population": 1916.0}, {"index": 5636, "quantile": 0.0, "value": 58500.0, "Latitude": 33.74, "Longitude": -118.28, "Population": 486.0}, {"index": 5636, "quantile": 0.25, "value": 321250.0, "Latitude": 33.74, "Longitude": -118.28, "Population": 486.0}, {"index": 5636, "quantile": 0.5, "value": 350000.0, "Latitude": 33.74, "Longitude": -118.28, "Population": 486.0}, {"index": 5636, "quantile": 0.75, "value": 350000.0, "Latitude": 33.74, "Longitude": -118.28, "Population": 486.0}, {"index": 5636, "quantile": 1.0, "value": 438300.0, "Latitude": 33.74, "Longitude": -118.28, "Population": 486.0}, {"index": 5637, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 33.75, "Longitude": -118.3, "Population": 1291.0}, {"index": 5637, "quantile": 0.25, "value": 238725.0, "Latitude": 33.75, "Longitude": -118.3, "Population": 1291.0}, {"index": 5637, "quantile": 0.5, "value": 416099.99999999994, "Latitude": 33.75, "Longitude": -118.3, "Population": 1291.0}, {"index": 5637, "quantile": 0.75, "value": 416099.99999999994, "Latitude": 33.75, "Longitude": -118.3, "Population": 1291.0}, {"index": 5637, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.75, "Longitude": -118.3, "Population": 1291.0}, {"index": 5638, "quantile": 0.0, "value": 162400.0, "Latitude": 33.76, "Longitude": -118.3, "Population": 2678.0}, {"index": 5638, "quantile": 0.25, "value": 285200.0, "Latitude": 33.76, "Longitude": -118.3, "Population": 2678.0}, {"index": 5638, "quantile": 0.5, "value": 285200.0, "Latitude": 33.76, "Longitude": -118.3, "Population": 2678.0}, {"index": 5638, "quantile": 0.75, "value": 285200.0, "Latitude": 33.76, "Longitude": -118.3, "Population": 2678.0}, {"index": 5638, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.3, "Population": 2678.0}, {"index": 5639, "quantile": 0.0, "value": 142000.0, "Latitude": 33.75, "Longitude": -118.3, "Population": 481.0}, {"index": 5639, "quantile": 0.25, "value": 218925.00000000003, "Latitude": 33.75, "Longitude": -118.3, "Population": 481.0}, {"index": 5639, "quantile": 0.5, "value": 274050.0, "Latitude": 33.75, "Longitude": -118.3, "Population": 481.0}, {"index": 5639, "quantile": 0.75, "value": 356275.00000000006, "Latitude": 33.75, "Longitude": -118.3, "Population": 481.0}, {"index": 5639, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.3, "Population": 481.0}, {"index": 5640, "quantile": 0.0, "value": 120000.0, "Latitude": 33.75, "Longitude": -118.3, "Population": 1098.0}, {"index": 5640, "quantile": 0.25, "value": 212100.0, "Latitude": 33.75, "Longitude": -118.3, "Population": 1098.0}, {"index": 5640, "quantile": 0.5, "value": 232550.0, "Latitude": 33.75, "Longitude": -118.3, "Population": 1098.0}, {"index": 5640, "quantile": 0.75, "value": 312275.0, "Latitude": 33.75, "Longitude": -118.3, "Population": 1098.0}, {"index": 5640, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 33.75, "Longitude": -118.3, "Population": 1098.0}, {"index": 5641, "quantile": 0.0, "value": 148400.0, "Latitude": 33.74, "Longitude": -118.3, "Population": 1163.0}, {"index": 5641, "quantile": 0.25, "value": 215350.00000000003, "Latitude": 33.74, "Longitude": -118.3, "Population": 1163.0}, {"index": 5641, "quantile": 0.5, "value": 246900.0, "Latitude": 33.74, "Longitude": -118.3, "Population": 1163.0}, {"index": 5641, "quantile": 0.75, "value": 350000.0, "Latitude": 33.74, "Longitude": -118.3, "Population": 1163.0}, {"index": 5641, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 33.74, "Longitude": -118.3, "Population": 1163.0}, {"index": 5642, "quantile": 0.0, "value": 148400.0, "Latitude": 33.74, "Longitude": -118.31, "Population": 1111.0}, {"index": 5642, "quantile": 0.25, "value": 340475.0, "Latitude": 33.74, "Longitude": -118.31, "Population": 1111.0}, {"index": 5642, "quantile": 0.5, "value": 350000.0, "Latitude": 33.74, "Longitude": -118.31, "Population": 1111.0}, {"index": 5642, "quantile": 0.75, "value": 350000.0, "Latitude": 33.74, "Longitude": -118.31, "Population": 1111.0}, {"index": 5642, "quantile": 1.0, "value": 479000.0, "Latitude": 33.74, "Longitude": -118.31, "Population": 1111.0}, {"index": 5643, "quantile": 0.0, "value": 209400.0, "Latitude": 33.74, "Longitude": -118.31, "Population": 2260.0}, {"index": 5643, "quantile": 0.25, "value": 351200.0, "Latitude": 33.74, "Longitude": -118.31, "Population": 2260.0}, {"index": 5643, "quantile": 0.5, "value": 351200.0, "Latitude": 33.74, "Longitude": -118.31, "Population": 2260.0}, {"index": 5643, "quantile": 0.75, "value": 351200.0, "Latitude": 33.74, "Longitude": -118.31, "Population": 2260.0}, {"index": 5643, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.74, "Longitude": -118.31, "Population": 2260.0}, {"index": 5644, "quantile": 0.0, "value": 138800.0, "Latitude": 33.75, "Longitude": -118.29, "Population": 1359.0}, {"index": 5644, "quantile": 0.25, "value": 192400.0, "Latitude": 33.75, "Longitude": -118.29, "Population": 1359.0}, {"index": 5644, "quantile": 0.5, "value": 192400.0, "Latitude": 33.75, "Longitude": -118.29, "Population": 1359.0}, {"index": 5644, "quantile": 0.75, "value": 192400.0, "Latitude": 33.75, "Longitude": -118.29, "Population": 1359.0}, {"index": 5644, "quantile": 1.0, "value": 346200.0, "Latitude": 33.75, "Longitude": -118.29, "Population": 1359.0}, {"index": 5645, "quantile": 0.0, "value": 138000.0, "Latitude": 33.75, "Longitude": -118.3, "Population": 1454.0}, {"index": 5645, "quantile": 0.25, "value": 203100.0, "Latitude": 33.75, "Longitude": -118.3, "Population": 1454.0}, {"index": 5645, "quantile": 0.5, "value": 203100.0, "Latitude": 33.75, "Longitude": -118.3, "Population": 1454.0}, {"index": 5645, "quantile": 0.75, "value": 208275.0, "Latitude": 33.75, "Longitude": -118.3, "Population": 1454.0}, {"index": 5645, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.75, "Longitude": -118.3, "Population": 1454.0}, {"index": 5646, "quantile": 0.0, "value": 112200.00000000001, "Latitude": 33.75, "Longitude": -118.29, "Population": 766.0}, {"index": 5646, "quantile": 0.25, "value": 218900.0, "Latitude": 33.75, "Longitude": -118.29, "Population": 766.0}, {"index": 5646, "quantile": 0.5, "value": 218900.0, "Latitude": 33.75, "Longitude": -118.29, "Population": 766.0}, {"index": 5646, "quantile": 0.75, "value": 242099.99999999997, "Latitude": 33.75, "Longitude": -118.29, "Population": 766.0}, {"index": 5646, "quantile": 1.0, "value": 350900.0, "Latitude": 33.75, "Longitude": -118.29, "Population": 766.0}, {"index": 5647, "quantile": 0.0, "value": 88700.0, "Latitude": 33.74, "Longitude": -118.29, "Population": 1368.0}, {"index": 5647, "quantile": 0.25, "value": 195300.0, "Latitude": 33.74, "Longitude": -118.29, "Population": 1368.0}, {"index": 5647, "quantile": 0.5, "value": 195300.0, "Latitude": 33.74, "Longitude": -118.29, "Population": 1368.0}, {"index": 5647, "quantile": 0.75, "value": 195300.0, "Latitude": 33.74, "Longitude": -118.29, "Population": 1368.0}, {"index": 5647, "quantile": 1.0, "value": 248100.0, "Latitude": 33.74, "Longitude": -118.29, "Population": 1368.0}, {"index": 5648, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 33.74, "Longitude": -118.29, "Population": 1018.0}, {"index": 5648, "quantile": 0.25, "value": 179075.0, "Latitude": 33.74, "Longitude": -118.29, "Population": 1018.0}, {"index": 5648, "quantile": 0.5, "value": 226450.0, "Latitude": 33.74, "Longitude": -118.29, "Population": 1018.0}, {"index": 5648, "quantile": 0.75, "value": 243200.0, "Latitude": 33.74, "Longitude": -118.29, "Population": 1018.0}, {"index": 5648, "quantile": 1.0, "value": 445000.0, "Latitude": 33.74, "Longitude": -118.29, "Population": 1018.0}, {"index": 5649, "quantile": 0.0, "value": 137500.0, "Latitude": 33.74, "Longitude": -118.29, "Population": 905.0}, {"index": 5649, "quantile": 0.25, "value": 230575.00000000003, "Latitude": 33.74, "Longitude": -118.29, "Population": 905.0}, {"index": 5649, "quantile": 0.5, "value": 238300.0, "Latitude": 33.74, "Longitude": -118.29, "Population": 905.0}, {"index": 5649, "quantile": 0.75, "value": 238300.0, "Latitude": 33.74, "Longitude": -118.29, "Population": 905.0}, {"index": 5649, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.29, "Population": 905.0}, {"index": 5650, "quantile": 0.0, "value": 110600.00000000001, "Latitude": 33.74, "Longitude": -118.29, "Population": 1311.0}, {"index": 5650, "quantile": 0.25, "value": 225800.0, "Latitude": 33.74, "Longitude": -118.29, "Population": 1311.0}, {"index": 5650, "quantile": 0.5, "value": 225800.0, "Latitude": 33.74, "Longitude": -118.29, "Population": 1311.0}, {"index": 5650, "quantile": 0.75, "value": 225800.0, "Latitude": 33.74, "Longitude": -118.29, "Population": 1311.0}, {"index": 5650, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.29, "Population": 1311.0}, {"index": 5651, "quantile": 0.0, "value": 117100.0, "Latitude": 33.73, "Longitude": -118.29, "Population": 1151.0}, {"index": 5651, "quantile": 0.25, "value": 187050.0, "Latitude": 33.73, "Longitude": -118.29, "Population": 1151.0}, {"index": 5651, "quantile": 0.5, "value": 225000.0, "Latitude": 33.73, "Longitude": -118.29, "Population": 1151.0}, {"index": 5651, "quantile": 0.75, "value": 238300.0, "Latitude": 33.73, "Longitude": -118.29, "Population": 1151.0}, {"index": 5651, "quantile": 1.0, "value": 376100.0, "Latitude": 33.73, "Longitude": -118.29, "Population": 1151.0}, {"index": 5652, "quantile": 0.0, "value": 121400.0, "Latitude": 33.73, "Longitude": -118.29, "Population": 1699.0}, {"index": 5652, "quantile": 0.25, "value": 225800.0, "Latitude": 33.73, "Longitude": -118.29, "Population": 1699.0}, {"index": 5652, "quantile": 0.5, "value": 242300.0, "Latitude": 33.73, "Longitude": -118.29, "Population": 1699.0}, {"index": 5652, "quantile": 0.75, "value": 242300.0, "Latitude": 33.73, "Longitude": -118.29, "Population": 1699.0}, {"index": 5652, "quantile": 1.0, "value": 376100.0, "Latitude": 33.73, "Longitude": -118.29, "Population": 1699.0}, {"index": 5653, "quantile": 0.0, "value": 137000.0, "Latitude": 33.73, "Longitude": -118.29, "Population": 1669.0}, {"index": 5653, "quantile": 0.25, "value": 240200.0, "Latitude": 33.73, "Longitude": -118.29, "Population": 1669.0}, {"index": 5653, "quantile": 0.5, "value": 253399.99999999997, "Latitude": 33.73, "Longitude": -118.29, "Population": 1669.0}, {"index": 5653, "quantile": 0.75, "value": 265599.99999999994, "Latitude": 33.73, "Longitude": -118.29, "Population": 1669.0}, {"index": 5653, "quantile": 1.0, "value": 315100.0, "Latitude": 33.73, "Longitude": -118.29, "Population": 1669.0}, {"index": 5654, "quantile": 0.0, "value": 61100.0, "Latitude": 33.73, "Longitude": -118.3, "Population": 866.0}, {"index": 5654, "quantile": 0.25, "value": 225000.0, "Latitude": 33.73, "Longitude": -118.3, "Population": 866.0}, {"index": 5654, "quantile": 0.5, "value": 255399.99999999997, "Latitude": 33.73, "Longitude": -118.3, "Population": 866.0}, {"index": 5654, "quantile": 0.75, "value": 255399.99999999997, "Latitude": 33.73, "Longitude": -118.3, "Population": 866.0}, {"index": 5654, "quantile": 1.0, "value": 450000.0, "Latitude": 33.73, "Longitude": -118.3, "Population": 866.0}, {"index": 5655, "quantile": 0.0, "value": 117100.0, "Latitude": 33.74, "Longitude": -118.3, "Population": 1584.0}, {"index": 5655, "quantile": 0.25, "value": 193800.0, "Latitude": 33.74, "Longitude": -118.3, "Population": 1584.0}, {"index": 5655, "quantile": 0.5, "value": 221200.00000000003, "Latitude": 33.74, "Longitude": -118.3, "Population": 1584.0}, {"index": 5655, "quantile": 0.75, "value": 269100.0, "Latitude": 33.74, "Longitude": -118.3, "Population": 1584.0}, {"index": 5655, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.3, "Population": 1584.0}, {"index": 5656, "quantile": 0.0, "value": 157800.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 799.0}, {"index": 5656, "quantile": 0.25, "value": 313750.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 799.0}, {"index": 5656, "quantile": 0.5, "value": 368500.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 799.0}, {"index": 5656, "quantile": 0.75, "value": 368500.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 799.0}, {"index": 5656, "quantile": 1.0, "value": 453700.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 799.0}, {"index": 5657, "quantile": 0.0, "value": 205100.00000000003, "Latitude": 33.73, "Longitude": -118.31, "Population": 656.0}, {"index": 5657, "quantile": 0.25, "value": 351900.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 656.0}, {"index": 5657, "quantile": 0.5, "value": 351900.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 656.0}, {"index": 5657, "quantile": 0.75, "value": 356300.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 656.0}, {"index": 5657, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -118.31, "Population": 656.0}, {"index": 5658, "quantile": 0.0, "value": 137500.0, "Latitude": 33.74, "Longitude": -118.3, "Population": 1184.0}, {"index": 5658, "quantile": 0.25, "value": 285200.0, "Latitude": 33.74, "Longitude": -118.3, "Population": 1184.0}, {"index": 5658, "quantile": 0.5, "value": 285200.0, "Latitude": 33.74, "Longitude": -118.3, "Population": 1184.0}, {"index": 5658, "quantile": 0.75, "value": 285200.0, "Latitude": 33.74, "Longitude": -118.3, "Population": 1184.0}, {"index": 5658, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.3, "Population": 1184.0}, {"index": 5659, "quantile": 0.0, "value": 189800.0, "Latitude": 33.73, "Longitude": -118.3, "Population": 1130.0}, {"index": 5659, "quantile": 0.25, "value": 338825.0, "Latitude": 33.73, "Longitude": -118.3, "Population": 1130.0}, {"index": 5659, "quantile": 0.5, "value": 393900.0, "Latitude": 33.73, "Longitude": -118.3, "Population": 1130.0}, {"index": 5659, "quantile": 0.75, "value": 455000.0, "Latitude": 33.73, "Longitude": -118.3, "Population": 1130.0}, {"index": 5659, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -118.3, "Population": 1130.0}, {"index": 5660, "quantile": 0.0, "value": 97300.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 957.0}, {"index": 5660, "quantile": 0.25, "value": 321500.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 957.0}, {"index": 5660, "quantile": 0.5, "value": 350000.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 957.0}, {"index": 5660, "quantile": 0.75, "value": 350000.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 957.0}, {"index": 5660, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.73, "Longitude": -118.31, "Population": 957.0}, {"index": 5661, "quantile": 0.0, "value": 115900.0, "Latitude": 33.74, "Longitude": -118.28, "Population": 2090.0}, {"index": 5661, "quantile": 0.25, "value": 206225.0, "Latitude": 33.74, "Longitude": -118.28, "Population": 2090.0}, {"index": 5661, "quantile": 0.5, "value": 248100.0, "Latitude": 33.74, "Longitude": -118.28, "Population": 2090.0}, {"index": 5661, "quantile": 0.75, "value": 248100.0, "Latitude": 33.74, "Longitude": -118.28, "Population": 2090.0}, {"index": 5661, "quantile": 1.0, "value": 275000.0, "Latitude": 33.74, "Longitude": -118.28, "Population": 2090.0}, {"index": 5662, "quantile": 0.0, "value": 87500.0, "Latitude": 33.73, "Longitude": -118.28, "Population": 2178.0}, {"index": 5662, "quantile": 0.25, "value": 172050.0, "Latitude": 33.73, "Longitude": -118.28, "Population": 2178.0}, {"index": 5662, "quantile": 0.5, "value": 223350.00000000003, "Latitude": 33.73, "Longitude": -118.28, "Population": 2178.0}, {"index": 5662, "quantile": 0.75, "value": 242300.0, "Latitude": 33.73, "Longitude": -118.28, "Population": 2178.0}, {"index": 5662, "quantile": 1.0, "value": 445000.0, "Latitude": 33.73, "Longitude": -118.28, "Population": 2178.0}, {"index": 5663, "quantile": 0.0, "value": 93000.0, "Latitude": 33.73, "Longitude": -118.28, "Population": 1767.0}, {"index": 5663, "quantile": 0.25, "value": 238525.0, "Latitude": 33.73, "Longitude": -118.28, "Population": 1767.0}, {"index": 5663, "quantile": 0.5, "value": 243200.0, "Latitude": 33.73, "Longitude": -118.28, "Population": 1767.0}, {"index": 5663, "quantile": 0.75, "value": 243200.0, "Latitude": 33.73, "Longitude": -118.28, "Population": 1767.0}, {"index": 5663, "quantile": 1.0, "value": 263500.0, "Latitude": 33.73, "Longitude": -118.28, "Population": 1767.0}, {"index": 5664, "quantile": 0.0, "value": 88800.0, "Latitude": 33.73, "Longitude": -118.28, "Population": 1550.0}, {"index": 5664, "quantile": 0.25, "value": 226850.0, "Latitude": 33.73, "Longitude": -118.28, "Population": 1550.0}, {"index": 5664, "quantile": 0.5, "value": 227199.99999999997, "Latitude": 33.73, "Longitude": -118.28, "Population": 1550.0}, {"index": 5664, "quantile": 0.75, "value": 227199.99999999997, "Latitude": 33.73, "Longitude": -118.28, "Population": 1550.0}, {"index": 5664, "quantile": 1.0, "value": 350000.0, "Latitude": 33.73, "Longitude": -118.28, "Population": 1550.0}, {"index": 5665, "quantile": 0.0, "value": 150400.0, "Latitude": 33.73, "Longitude": -118.29, "Population": 1865.0}, {"index": 5665, "quantile": 0.25, "value": 231700.00000000003, "Latitude": 33.73, "Longitude": -118.29, "Population": 1865.0}, {"index": 5665, "quantile": 0.5, "value": 231700.00000000003, "Latitude": 33.73, "Longitude": -118.29, "Population": 1865.0}, {"index": 5665, "quantile": 0.75, "value": 231700.00000000003, "Latitude": 33.73, "Longitude": -118.29, "Population": 1865.0}, {"index": 5665, "quantile": 1.0, "value": 376100.0, "Latitude": 33.73, "Longitude": -118.29, "Population": 1865.0}, {"index": 5666, "quantile": 0.0, "value": 100000.0, "Latitude": 33.72, "Longitude": -118.29, "Population": 1253.0}, {"index": 5666, "quantile": 0.25, "value": 256675.0, "Latitude": 33.72, "Longitude": -118.29, "Population": 1253.0}, {"index": 5666, "quantile": 0.5, "value": 257500.00000000003, "Latitude": 33.72, "Longitude": -118.29, "Population": 1253.0}, {"index": 5666, "quantile": 0.75, "value": 257500.00000000003, "Latitude": 33.72, "Longitude": -118.29, "Population": 1253.0}, {"index": 5666, "quantile": 1.0, "value": 361300.0, "Latitude": 33.72, "Longitude": -118.29, "Population": 1253.0}, {"index": 5667, "quantile": 0.0, "value": 137000.0, "Latitude": 33.72, "Longitude": -118.3, "Population": 1459.0}, {"index": 5667, "quantile": 0.25, "value": 253399.99999999997, "Latitude": 33.72, "Longitude": -118.3, "Population": 1459.0}, {"index": 5667, "quantile": 0.5, "value": 253399.99999999997, "Latitude": 33.72, "Longitude": -118.3, "Population": 1459.0}, {"index": 5667, "quantile": 0.75, "value": 253399.99999999997, "Latitude": 33.72, "Longitude": -118.3, "Population": 1459.0}, {"index": 5667, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.72, "Longitude": -118.3, "Population": 1459.0}, {"index": 5668, "quantile": 0.0, "value": 137000.0, "Latitude": 33.72, "Longitude": -118.3, "Population": 1388.0}, {"index": 5668, "quantile": 0.25, "value": 201799.99999999997, "Latitude": 33.72, "Longitude": -118.3, "Population": 1388.0}, {"index": 5668, "quantile": 0.5, "value": 253399.99999999997, "Latitude": 33.72, "Longitude": -118.3, "Population": 1388.0}, {"index": 5668, "quantile": 0.75, "value": 256300.00000000003, "Latitude": 33.72, "Longitude": -118.3, "Population": 1388.0}, {"index": 5668, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.3, "Population": 1388.0}, {"index": 5669, "quantile": 0.0, "value": 181100.0, "Latitude": 33.73, "Longitude": -118.3, "Population": 1304.0}, {"index": 5669, "quantile": 0.25, "value": 271000.0, "Latitude": 33.73, "Longitude": -118.3, "Population": 1304.0}, {"index": 5669, "quantile": 0.5, "value": 276400.0, "Latitude": 33.73, "Longitude": -118.3, "Population": 1304.0}, {"index": 5669, "quantile": 0.75, "value": 276400.0, "Latitude": 33.73, "Longitude": -118.3, "Population": 1304.0}, {"index": 5669, "quantile": 1.0, "value": 404500.0, "Latitude": 33.73, "Longitude": -118.3, "Population": 1304.0}, {"index": 5670, "quantile": 0.0, "value": 182600.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 692.0}, {"index": 5670, "quantile": 0.25, "value": 321500.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 692.0}, {"index": 5670, "quantile": 0.5, "value": 321500.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 692.0}, {"index": 5670, "quantile": 0.75, "value": 321500.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 692.0}, {"index": 5670, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 33.73, "Longitude": -118.31, "Population": 692.0}, {"index": 5671, "quantile": 0.0, "value": 142500.0, "Latitude": 33.72, "Longitude": -118.31, "Population": 1372.0}, {"index": 5671, "quantile": 0.25, "value": 326700.0, "Latitude": 33.72, "Longitude": -118.31, "Population": 1372.0}, {"index": 5671, "quantile": 0.5, "value": 326700.0, "Latitude": 33.72, "Longitude": -118.31, "Population": 1372.0}, {"index": 5671, "quantile": 0.75, "value": 326700.0, "Latitude": 33.72, "Longitude": -118.31, "Population": 1372.0}, {"index": 5671, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.72, "Longitude": -118.31, "Population": 1372.0}, {"index": 5672, "quantile": 0.0, "value": 149600.0, "Latitude": 33.69, "Longitude": -118.33, "Population": 1171.0}, {"index": 5672, "quantile": 0.25, "value": 311900.0, "Latitude": 33.69, "Longitude": -118.33, "Population": 1171.0}, {"index": 5672, "quantile": 0.5, "value": 311900.0, "Latitude": 33.69, "Longitude": -118.33, "Population": 1171.0}, {"index": 5672, "quantile": 0.75, "value": 311900.0, "Latitude": 33.69, "Longitude": -118.33, "Population": 1171.0}, {"index": 5672, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 33.69, "Longitude": -118.33, "Population": 1171.0}, {"index": 5673, "quantile": 0.0, "value": 158200.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 986.0}, {"index": 5673, "quantile": 0.25, "value": 368500.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 986.0}, {"index": 5673, "quantile": 0.5, "value": 409800.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 986.0}, {"index": 5673, "quantile": 0.75, "value": 409800.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 986.0}, {"index": 5673, "quantile": 1.0, "value": 494700.0, "Latitude": 33.73, "Longitude": -118.31, "Population": 986.0}, {"index": 5674, "quantile": 0.0, "value": 176300.0, "Latitude": 33.73, "Longitude": -118.32, "Population": 407.0}, {"index": 5674, "quantile": 0.25, "value": 494350.0, "Latitude": 33.73, "Longitude": -118.32, "Population": 407.0}, {"index": 5674, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -118.32, "Population": 407.0}, {"index": 5674, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -118.32, "Population": 407.0}, {"index": 5674, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -118.32, "Population": 407.0}, {"index": 5675, "quantile": 0.0, "value": 314000.0, "Latitude": 33.72, "Longitude": -118.33, "Population": 2297.0}, {"index": 5675, "quantile": 0.25, "value": 446699.99999999994, "Latitude": 33.72, "Longitude": -118.33, "Population": 2297.0}, {"index": 5675, "quantile": 0.5, "value": 446699.99999999994, "Latitude": 33.72, "Longitude": -118.33, "Population": 2297.0}, {"index": 5675, "quantile": 0.75, "value": 446699.99999999994, "Latitude": 33.72, "Longitude": -118.33, "Population": 2297.0}, {"index": 5675, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.33, "Population": 2297.0}, {"index": 5676, "quantile": 0.0, "value": 93000.0, "Latitude": 33.71, "Longitude": -118.29, "Population": 1815.0}, {"index": 5676, "quantile": 0.25, "value": 277025.0, "Latitude": 33.71, "Longitude": -118.29, "Population": 1815.0}, {"index": 5676, "quantile": 0.5, "value": 300000.0, "Latitude": 33.71, "Longitude": -118.29, "Population": 1815.0}, {"index": 5676, "quantile": 0.75, "value": 300000.0, "Latitude": 33.71, "Longitude": -118.29, "Population": 1815.0}, {"index": 5676, "quantile": 1.0, "value": 383800.0, "Latitude": 33.71, "Longitude": -118.29, "Population": 1815.0}, {"index": 5677, "quantile": 0.0, "value": 157800.0, "Latitude": 33.67, "Longitude": -118.31, "Population": 611.0}, {"index": 5677, "quantile": 0.25, "value": 310450.0, "Latitude": 33.67, "Longitude": -118.31, "Population": 611.0}, {"index": 5677, "quantile": 0.5, "value": 401900.0, "Latitude": 33.67, "Longitude": -118.31, "Population": 611.0}, {"index": 5677, "quantile": 0.75, "value": 401900.0, "Latitude": 33.67, "Longitude": -118.31, "Population": 611.0}, {"index": 5677, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -118.31, "Population": 611.0}, {"index": 5678, "quantile": 0.0, "value": 257900.00000000003, "Latitude": 33.72, "Longitude": -118.3, "Population": 1167.0}, {"index": 5678, "quantile": 0.25, "value": 361500.0, "Latitude": 33.72, "Longitude": -118.3, "Population": 1167.0}, {"index": 5678, "quantile": 0.5, "value": 361500.0, "Latitude": 33.72, "Longitude": -118.3, "Population": 1167.0}, {"index": 5678, "quantile": 0.75, "value": 361500.0, "Latitude": 33.72, "Longitude": -118.3, "Population": 1167.0}, {"index": 5678, "quantile": 1.0, "value": 432100.0, "Latitude": 33.72, "Longitude": -118.3, "Population": 1167.0}, {"index": 5679, "quantile": 0.0, "value": 160300.0, "Latitude": 33.71, "Longitude": -118.29, "Population": 780.0}, {"index": 5679, "quantile": 0.25, "value": 218800.00000000003, "Latitude": 33.71, "Longitude": -118.29, "Population": 780.0}, {"index": 5679, "quantile": 0.5, "value": 269750.0, "Latitude": 33.71, "Longitude": -118.29, "Population": 780.0}, {"index": 5679, "quantile": 0.75, "value": 355925.0, "Latitude": 33.71, "Longitude": -118.29, "Population": 780.0}, {"index": 5679, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -118.29, "Population": 780.0}, {"index": 5680, "quantile": 0.0, "value": 240600.0, "Latitude": 33.71, "Longitude": -118.29, "Population": 902.0}, {"index": 5680, "quantile": 0.25, "value": 332800.0, "Latitude": 33.71, "Longitude": -118.29, "Population": 902.0}, {"index": 5680, "quantile": 0.5, "value": 332800.0, "Latitude": 33.71, "Longitude": -118.29, "Population": 902.0}, {"index": 5680, "quantile": 0.75, "value": 332800.0, "Latitude": 33.71, "Longitude": -118.29, "Population": 902.0}, {"index": 5680, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -118.29, "Population": 902.0}, {"index": 5681, "quantile": 0.0, "value": 140600.0, "Latitude": 33.71, "Longitude": -118.29, "Population": 1316.0}, {"index": 5681, "quantile": 0.25, "value": 303800.0, "Latitude": 33.71, "Longitude": -118.29, "Population": 1316.0}, {"index": 5681, "quantile": 0.5, "value": 303800.0, "Latitude": 33.71, "Longitude": -118.29, "Population": 1316.0}, {"index": 5681, "quantile": 0.75, "value": 303800.0, "Latitude": 33.71, "Longitude": -118.29, "Population": 1316.0}, {"index": 5681, "quantile": 1.0, "value": 418600.0, "Latitude": 33.71, "Longitude": -118.29, "Population": 1316.0}, {"index": 5682, "quantile": 0.0, "value": 96500.0, "Latitude": 33.72, "Longitude": -118.29, "Population": 1103.0}, {"index": 5682, "quantile": 0.25, "value": 260275.00000000003, "Latitude": 33.72, "Longitude": -118.29, "Population": 1103.0}, {"index": 5682, "quantile": 0.5, "value": 282200.0, "Latitude": 33.72, "Longitude": -118.29, "Population": 1103.0}, {"index": 5682, "quantile": 0.75, "value": 366700.0, "Latitude": 33.72, "Longitude": -118.29, "Population": 1103.0}, {"index": 5682, "quantile": 1.0, "value": 462899.99999999994, "Latitude": 33.72, "Longitude": -118.29, "Population": 1103.0}, {"index": 5683, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.72, "Longitude": -118.29, "Population": 801.0}, {"index": 5683, "quantile": 0.25, "value": 225000.0, "Latitude": 33.72, "Longitude": -118.29, "Population": 801.0}, {"index": 5683, "quantile": 0.5, "value": 225000.0, "Latitude": 33.72, "Longitude": -118.29, "Population": 801.0}, {"index": 5683, "quantile": 0.75, "value": 242300.0, "Latitude": 33.72, "Longitude": -118.29, "Population": 801.0}, {"index": 5683, "quantile": 1.0, "value": 420800.0, "Latitude": 33.72, "Longitude": -118.29, "Population": 801.0}, {"index": 5684, "quantile": 0.0, "value": 135800.0, "Latitude": 33.68, "Longitude": -118.28, "Population": 1624.0}, {"index": 5684, "quantile": 0.25, "value": 275250.0, "Latitude": 33.68, "Longitude": -118.28, "Population": 1624.0}, {"index": 5684, "quantile": 0.5, "value": 287500.0, "Latitude": 33.68, "Longitude": -118.28, "Population": 1624.0}, {"index": 5684, "quantile": 0.75, "value": 287500.0, "Latitude": 33.68, "Longitude": -118.28, "Population": 1624.0}, {"index": 5684, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.68, "Longitude": -118.28, "Population": 1624.0}, {"index": 5685, "quantile": 0.0, "value": 269600.0, "Latitude": 34.24, "Longitude": -118.23, "Population": 1695.0}, {"index": 5685, "quantile": 0.25, "value": 396400.0, "Latitude": 34.24, "Longitude": -118.23, "Population": 1695.0}, {"index": 5685, "quantile": 0.5, "value": 396400.0, "Latitude": 34.24, "Longitude": -118.23, "Population": 1695.0}, {"index": 5685, "quantile": 0.75, "value": 433024.99999999994, "Latitude": 34.24, "Longitude": -118.23, "Population": 1695.0}, {"index": 5685, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.23, "Population": 1695.0}, {"index": 5686, "quantile": 0.0, "value": 215600.0, "Latitude": 34.23, "Longitude": -118.23, "Population": 1055.0}, {"index": 5686, "quantile": 0.25, "value": 325575.0, "Latitude": 34.23, "Longitude": -118.23, "Population": 1055.0}, {"index": 5686, "quantile": 0.5, "value": 367100.0, "Latitude": 34.23, "Longitude": -118.23, "Population": 1055.0}, {"index": 5686, "quantile": 0.75, "value": 367100.0, "Latitude": 34.23, "Longitude": -118.23, "Population": 1055.0}, {"index": 5686, "quantile": 1.0, "value": 457400.0, "Latitude": 34.23, "Longitude": -118.23, "Population": 1055.0}, {"index": 5687, "quantile": 0.0, "value": 325200.0, "Latitude": 34.24, "Longitude": -118.24, "Population": 1349.0}, {"index": 5687, "quantile": 0.25, "value": 394100.0, "Latitude": 34.24, "Longitude": -118.24, "Population": 1349.0}, {"index": 5687, "quantile": 0.5, "value": 394100.0, "Latitude": 34.24, "Longitude": -118.24, "Population": 1349.0}, {"index": 5687, "quantile": 0.75, "value": 396850.0, "Latitude": 34.24, "Longitude": -118.24, "Population": 1349.0}, {"index": 5687, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.24, "Population": 1349.0}, {"index": 5688, "quantile": 0.0, "value": 189100.0, "Latitude": 34.24, "Longitude": -118.24, "Population": 1645.0}, {"index": 5688, "quantile": 0.25, "value": 380100.0, "Latitude": 34.24, "Longitude": -118.24, "Population": 1645.0}, {"index": 5688, "quantile": 0.5, "value": 380100.0, "Latitude": 34.24, "Longitude": -118.24, "Population": 1645.0}, {"index": 5688, "quantile": 0.75, "value": 394675.0, "Latitude": 34.24, "Longitude": -118.24, "Population": 1645.0}, {"index": 5688, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.24, "Population": 1645.0}, {"index": 5689, "quantile": 0.0, "value": 97600.0, "Latitude": 34.22, "Longitude": -118.23, "Population": 1079.0}, {"index": 5689, "quantile": 0.25, "value": 210600.0, "Latitude": 34.22, "Longitude": -118.23, "Population": 1079.0}, {"index": 5689, "quantile": 0.5, "value": 233599.99999999997, "Latitude": 34.22, "Longitude": -118.23, "Population": 1079.0}, {"index": 5689, "quantile": 0.75, "value": 262500.0, "Latitude": 34.22, "Longitude": -118.23, "Population": 1079.0}, {"index": 5689, "quantile": 1.0, "value": 376800.0, "Latitude": 34.22, "Longitude": -118.23, "Population": 1079.0}, {"index": 5690, "quantile": 0.0, "value": 191000.0, "Latitude": 34.23, "Longitude": -118.24, "Population": 896.0}, {"index": 5690, "quantile": 0.25, "value": 349600.0, "Latitude": 34.23, "Longitude": -118.24, "Population": 896.0}, {"index": 5690, "quantile": 0.5, "value": 352700.0, "Latitude": 34.23, "Longitude": -118.24, "Population": 896.0}, {"index": 5690, "quantile": 0.75, "value": 352700.0, "Latitude": 34.23, "Longitude": -118.24, "Population": 896.0}, {"index": 5690, "quantile": 1.0, "value": 485700.0, "Latitude": 34.23, "Longitude": -118.24, "Population": 896.0}, {"index": 5691, "quantile": 0.0, "value": 169300.0, "Latitude": 34.23, "Longitude": -118.24, "Population": 514.0}, {"index": 5691, "quantile": 0.25, "value": 254199.99999999997, "Latitude": 34.23, "Longitude": -118.24, "Population": 514.0}, {"index": 5691, "quantile": 0.5, "value": 254199.99999999997, "Latitude": 34.23, "Longitude": -118.24, "Population": 514.0}, {"index": 5691, "quantile": 0.75, "value": 254199.99999999997, "Latitude": 34.23, "Longitude": -118.24, "Population": 514.0}, {"index": 5691, "quantile": 1.0, "value": 493400.0, "Latitude": 34.23, "Longitude": -118.24, "Population": 514.0}, {"index": 5692, "quantile": 0.0, "value": 159600.0, "Latitude": 34.23, "Longitude": -118.24, "Population": 753.0}, {"index": 5692, "quantile": 0.25, "value": 292100.0, "Latitude": 34.23, "Longitude": -118.24, "Population": 753.0}, {"index": 5692, "quantile": 0.5, "value": 292100.0, "Latitude": 34.23, "Longitude": -118.24, "Population": 753.0}, {"index": 5692, "quantile": 0.75, "value": 292100.0, "Latitude": 34.23, "Longitude": -118.24, "Population": 753.0}, {"index": 5692, "quantile": 1.0, "value": 485700.0, "Latitude": 34.23, "Longitude": -118.24, "Population": 753.0}, {"index": 5693, "quantile": 0.0, "value": 183800.0, "Latitude": 34.23, "Longitude": -118.25, "Population": 1413.0}, {"index": 5693, "quantile": 0.25, "value": 223824.99999999997, "Latitude": 34.23, "Longitude": -118.25, "Population": 1413.0}, {"index": 5693, "quantile": 0.5, "value": 247550.00000000003, "Latitude": 34.23, "Longitude": -118.25, "Population": 1413.0}, {"index": 5693, "quantile": 0.75, "value": 263600.0, "Latitude": 34.23, "Longitude": -118.25, "Population": 1413.0}, {"index": 5693, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 34.23, "Longitude": -118.25, "Population": 1413.0}, {"index": 5694, "quantile": 0.0, "value": 168800.0, "Latitude": 34.25, "Longitude": -118.25, "Population": 1392.0}, {"index": 5694, "quantile": 0.25, "value": 258599.99999999997, "Latitude": 34.25, "Longitude": -118.25, "Population": 1392.0}, {"index": 5694, "quantile": 0.5, "value": 336900.0, "Latitude": 34.25, "Longitude": -118.25, "Population": 1392.0}, {"index": 5694, "quantile": 0.75, "value": 336900.0, "Latitude": 34.25, "Longitude": -118.25, "Population": 1392.0}, {"index": 5694, "quantile": 1.0, "value": 445700.0, "Latitude": 34.25, "Longitude": -118.25, "Population": 1392.0}, {"index": 5695, "quantile": 0.0, "value": 166400.0, "Latitude": 34.23, "Longitude": -118.25, "Population": 1232.0}, {"index": 5695, "quantile": 0.25, "value": 260374.99999999997, "Latitude": 34.23, "Longitude": -118.25, "Population": 1232.0}, {"index": 5695, "quantile": 0.5, "value": 296200.0, "Latitude": 34.23, "Longitude": -118.25, "Population": 1232.0}, {"index": 5695, "quantile": 0.75, "value": 296200.0, "Latitude": 34.23, "Longitude": -118.25, "Population": 1232.0}, {"index": 5695, "quantile": 1.0, "value": 344300.0, "Latitude": 34.23, "Longitude": -118.25, "Population": 1232.0}, {"index": 5696, "quantile": 0.0, "value": 205399.99999999997, "Latitude": 34.24, "Longitude": -118.26, "Population": 816.0}, {"index": 5696, "quantile": 0.25, "value": 312100.0, "Latitude": 34.24, "Longitude": -118.26, "Population": 816.0}, {"index": 5696, "quantile": 0.5, "value": 312100.0, "Latitude": 34.24, "Longitude": -118.26, "Population": 816.0}, {"index": 5696, "quantile": 0.75, "value": 312100.0, "Latitude": 34.24, "Longitude": -118.26, "Population": 816.0}, {"index": 5696, "quantile": 1.0, "value": 500000.0, "Latitude": 34.24, "Longitude": -118.26, "Population": 816.0}, {"index": 5697, "quantile": 0.0, "value": 232500.00000000003, "Latitude": 34.24, "Longitude": -118.26, "Population": 788.0}, {"index": 5697, "quantile": 0.25, "value": 344400.0, "Latitude": 34.24, "Longitude": -118.26, "Population": 788.0}, {"index": 5697, "quantile": 0.5, "value": 344400.0, "Latitude": 34.24, "Longitude": -118.26, "Population": 788.0}, {"index": 5697, "quantile": 0.75, "value": 344400.0, "Latitude": 34.24, "Longitude": -118.26, "Population": 788.0}, {"index": 5697, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.26, "Population": 788.0}, {"index": 5698, "quantile": 0.0, "value": 198100.0, "Latitude": 34.24, "Longitude": -118.26, "Population": 1226.0}, {"index": 5698, "quantile": 0.25, "value": 314775.0, "Latitude": 34.24, "Longitude": -118.26, "Population": 1226.0}, {"index": 5698, "quantile": 0.5, "value": 329500.0, "Latitude": 34.24, "Longitude": -118.26, "Population": 1226.0}, {"index": 5698, "quantile": 0.75, "value": 329500.0, "Latitude": 34.24, "Longitude": -118.26, "Population": 1226.0}, {"index": 5698, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.26, "Population": 1226.0}, {"index": 5699, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 34.24, "Longitude": -118.26, "Population": 555.0}, {"index": 5699, "quantile": 0.25, "value": 209200.0, "Latitude": 34.24, "Longitude": -118.26, "Population": 555.0}, {"index": 5699, "quantile": 0.5, "value": 271900.0, "Latitude": 34.24, "Longitude": -118.26, "Population": 555.0}, {"index": 5699, "quantile": 0.75, "value": 271900.0, "Latitude": 34.24, "Longitude": -118.26, "Population": 555.0}, {"index": 5699, "quantile": 1.0, "value": 329200.0, "Latitude": 34.24, "Longitude": -118.26, "Population": 555.0}, {"index": 5700, "quantile": 0.0, "value": 186200.0, "Latitude": 34.23, "Longitude": -118.25, "Population": 1157.0}, {"index": 5700, "quantile": 0.25, "value": 217700.0, "Latitude": 34.23, "Longitude": -118.25, "Population": 1157.0}, {"index": 5700, "quantile": 0.5, "value": 217700.0, "Latitude": 34.23, "Longitude": -118.25, "Population": 1157.0}, {"index": 5700, "quantile": 0.75, "value": 224675.0, "Latitude": 34.23, "Longitude": -118.25, "Population": 1157.0}, {"index": 5700, "quantile": 1.0, "value": 326700.0, "Latitude": 34.23, "Longitude": -118.25, "Population": 1157.0}, {"index": 5701, "quantile": 0.0, "value": 187600.0, "Latitude": 34.22, "Longitude": -118.25, "Population": 1089.0}, {"index": 5701, "quantile": 0.25, "value": 243975.0, "Latitude": 34.22, "Longitude": -118.25, "Population": 1089.0}, {"index": 5701, "quantile": 0.5, "value": 280300.0, "Latitude": 34.22, "Longitude": -118.25, "Population": 1089.0}, {"index": 5701, "quantile": 0.75, "value": 304600.0, "Latitude": 34.22, "Longitude": -118.25, "Population": 1089.0}, {"index": 5701, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.22, "Longitude": -118.25, "Population": 1089.0}, {"index": 5702, "quantile": 0.0, "value": 183600.0, "Latitude": 34.23, "Longitude": -118.25, "Population": 967.0}, {"index": 5702, "quantile": 0.25, "value": 256225.0, "Latitude": 34.23, "Longitude": -118.25, "Population": 967.0}, {"index": 5702, "quantile": 0.5, "value": 261300.0, "Latitude": 34.23, "Longitude": -118.25, "Population": 967.0}, {"index": 5702, "quantile": 0.75, "value": 261300.0, "Latitude": 34.23, "Longitude": -118.25, "Population": 967.0}, {"index": 5702, "quantile": 1.0, "value": 368500.0, "Latitude": 34.23, "Longitude": -118.25, "Population": 967.0}, {"index": 5703, "quantile": 0.0, "value": 157500.0, "Latitude": 34.23, "Longitude": -118.26, "Population": 836.0}, {"index": 5703, "quantile": 0.25, "value": 209200.0, "Latitude": 34.23, "Longitude": -118.26, "Population": 836.0}, {"index": 5703, "quantile": 0.5, "value": 209200.0, "Latitude": 34.23, "Longitude": -118.26, "Population": 836.0}, {"index": 5703, "quantile": 0.75, "value": 224150.00000000003, "Latitude": 34.23, "Longitude": -118.26, "Population": 836.0}, {"index": 5703, "quantile": 1.0, "value": 434500.0, "Latitude": 34.23, "Longitude": -118.26, "Population": 836.0}, {"index": 5704, "quantile": 0.0, "value": 263700.0, "Latitude": 34.23, "Longitude": -118.26, "Population": 518.0}, {"index": 5704, "quantile": 0.25, "value": 263700.0, "Latitude": 34.23, "Longitude": -118.26, "Population": 518.0}, {"index": 5704, "quantile": 0.5, "value": 263700.0, "Latitude": 34.23, "Longitude": -118.26, "Population": 518.0}, {"index": 5704, "quantile": 0.75, "value": 386700.0, "Latitude": 34.23, "Longitude": -118.26, "Population": 518.0}, {"index": 5704, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -118.26, "Population": 518.0}, {"index": 5705, "quantile": 0.0, "value": 185100.0, "Latitude": 34.23, "Longitude": -118.26, "Population": 838.0}, {"index": 5705, "quantile": 0.25, "value": 278075.0, "Latitude": 34.23, "Longitude": -118.26, "Population": 838.0}, {"index": 5705, "quantile": 0.5, "value": 326600.0, "Latitude": 34.23, "Longitude": -118.26, "Population": 838.0}, {"index": 5705, "quantile": 0.75, "value": 326600.0, "Latitude": 34.23, "Longitude": -118.26, "Population": 838.0}, {"index": 5705, "quantile": 1.0, "value": 394900.0, "Latitude": 34.23, "Longitude": -118.26, "Population": 838.0}, {"index": 5706, "quantile": 0.0, "value": 208400.0, "Latitude": 34.21, "Longitude": -118.22, "Population": 1030.0}, {"index": 5706, "quantile": 0.25, "value": 341700.0, "Latitude": 34.21, "Longitude": -118.22, "Population": 1030.0}, {"index": 5706, "quantile": 0.5, "value": 341700.0, "Latitude": 34.21, "Longitude": -118.22, "Population": 1030.0}, {"index": 5706, "quantile": 0.75, "value": 341700.0, "Latitude": 34.21, "Longitude": -118.22, "Population": 1030.0}, {"index": 5706, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.22, "Population": 1030.0}, {"index": 5707, "quantile": 0.0, "value": 221800.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 1357.0}, {"index": 5707, "quantile": 0.25, "value": 268000.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 1357.0}, {"index": 5707, "quantile": 0.5, "value": 268000.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 1357.0}, {"index": 5707, "quantile": 0.75, "value": 268000.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 1357.0}, {"index": 5707, "quantile": 1.0, "value": 425500.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 1357.0}, {"index": 5708, "quantile": 0.0, "value": 88800.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 1217.0}, {"index": 5708, "quantile": 0.25, "value": 233000.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 1217.0}, {"index": 5708, "quantile": 0.5, "value": 257000.00000000003, "Latitude": 34.21, "Longitude": -118.23, "Population": 1217.0}, {"index": 5708, "quantile": 0.75, "value": 282200.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 1217.0}, {"index": 5708, "quantile": 1.0, "value": 404800.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 1217.0}, {"index": 5709, "quantile": 0.0, "value": 130600.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 693.0}, {"index": 5709, "quantile": 0.25, "value": 200000.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 693.0}, {"index": 5709, "quantile": 0.5, "value": 200000.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 693.0}, {"index": 5709, "quantile": 0.75, "value": 200000.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 693.0}, {"index": 5709, "quantile": 1.0, "value": 328800.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 693.0}, {"index": 5710, "quantile": 0.0, "value": 165600.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 859.0}, {"index": 5710, "quantile": 0.25, "value": 234800.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 859.0}, {"index": 5710, "quantile": 0.5, "value": 234800.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 859.0}, {"index": 5710, "quantile": 0.75, "value": 236125.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 859.0}, {"index": 5710, "quantile": 1.0, "value": 450000.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 859.0}, {"index": 5711, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.22, "Longitude": -118.24, "Population": 1271.0}, {"index": 5711, "quantile": 0.25, "value": 263825.0, "Latitude": 34.22, "Longitude": -118.24, "Population": 1271.0}, {"index": 5711, "quantile": 0.5, "value": 263900.0, "Latitude": 34.22, "Longitude": -118.24, "Population": 1271.0}, {"index": 5711, "quantile": 0.75, "value": 263900.0, "Latitude": 34.22, "Longitude": -118.24, "Population": 1271.0}, {"index": 5711, "quantile": 1.0, "value": 436400.0, "Latitude": 34.22, "Longitude": -118.24, "Population": 1271.0}, {"index": 5712, "quantile": 0.0, "value": 128400.0, "Latitude": 34.22, "Longitude": -118.24, "Population": 926.0}, {"index": 5712, "quantile": 0.25, "value": 252000.0, "Latitude": 34.22, "Longitude": -118.24, "Population": 926.0}, {"index": 5712, "quantile": 0.5, "value": 252000.0, "Latitude": 34.22, "Longitude": -118.24, "Population": 926.0}, {"index": 5712, "quantile": 0.75, "value": 252000.0, "Latitude": 34.22, "Longitude": -118.24, "Population": 926.0}, {"index": 5712, "quantile": 1.0, "value": 364400.0, "Latitude": 34.22, "Longitude": -118.24, "Population": 926.0}, {"index": 5713, "quantile": 0.0, "value": 135400.0, "Latitude": 34.22, "Longitude": -118.25, "Population": 1516.0}, {"index": 5713, "quantile": 0.25, "value": 241774.99999999997, "Latitude": 34.22, "Longitude": -118.25, "Population": 1516.0}, {"index": 5713, "quantile": 0.5, "value": 267000.0, "Latitude": 34.22, "Longitude": -118.25, "Population": 1516.0}, {"index": 5713, "quantile": 0.75, "value": 267000.0, "Latitude": 34.22, "Longitude": -118.25, "Population": 1516.0}, {"index": 5713, "quantile": 1.0, "value": 361700.0, "Latitude": 34.22, "Longitude": -118.25, "Population": 1516.0}, {"index": 5714, "quantile": 0.0, "value": 254199.99999999997, "Latitude": 34.21, "Longitude": -118.23, "Population": 121.0}, {"index": 5714, "quantile": 0.25, "value": 285000.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 121.0}, {"index": 5714, "quantile": 0.5, "value": 285000.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 121.0}, {"index": 5714, "quantile": 0.75, "value": 377675.0, "Latitude": 34.21, "Longitude": -118.23, "Population": 121.0}, {"index": 5714, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.23, "Population": 121.0}, {"index": 5715, "quantile": 0.0, "value": 158200.0, "Latitude": 34.2, "Longitude": -118.23, "Population": 750.0}, {"index": 5715, "quantile": 0.25, "value": 253024.99999999997, "Latitude": 34.2, "Longitude": -118.23, "Population": 750.0}, {"index": 5715, "quantile": 0.5, "value": 295150.0, "Latitude": 34.2, "Longitude": -118.23, "Population": 750.0}, {"index": 5715, "quantile": 0.75, "value": 373600.0, "Latitude": 34.2, "Longitude": -118.23, "Population": 750.0}, {"index": 5715, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.23, "Population": 750.0}, {"index": 5716, "quantile": 0.0, "value": 137500.0, "Latitude": 34.2, "Longitude": -118.23, "Population": 807.0}, {"index": 5716, "quantile": 0.25, "value": 238950.0, "Latitude": 34.2, "Longitude": -118.23, "Population": 807.0}, {"index": 5716, "quantile": 0.5, "value": 306300.0, "Latitude": 34.2, "Longitude": -118.23, "Population": 807.0}, {"index": 5716, "quantile": 0.75, "value": 306300.0, "Latitude": 34.2, "Longitude": -118.23, "Population": 807.0}, {"index": 5716, "quantile": 1.0, "value": 306300.0, "Latitude": 34.2, "Longitude": -118.23, "Population": 807.0}, {"index": 5717, "quantile": 0.0, "value": 201399.99999999997, "Latitude": 34.2, "Longitude": -118.24, "Population": 1282.0}, {"index": 5717, "quantile": 0.25, "value": 309900.0, "Latitude": 34.2, "Longitude": -118.24, "Population": 1282.0}, {"index": 5717, "quantile": 0.5, "value": 309900.0, "Latitude": 34.2, "Longitude": -118.24, "Population": 1282.0}, {"index": 5717, "quantile": 0.75, "value": 309900.0, "Latitude": 34.2, "Longitude": -118.24, "Population": 1282.0}, {"index": 5717, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.24, "Population": 1282.0}, {"index": 5718, "quantile": 0.0, "value": 188000.0, "Latitude": 34.21, "Longitude": -118.24, "Population": 1888.0}, {"index": 5718, "quantile": 0.25, "value": 245600.0, "Latitude": 34.21, "Longitude": -118.24, "Population": 1888.0}, {"index": 5718, "quantile": 0.5, "value": 245600.0, "Latitude": 34.21, "Longitude": -118.24, "Population": 1888.0}, {"index": 5718, "quantile": 0.75, "value": 245600.0, "Latitude": 34.21, "Longitude": -118.24, "Population": 1888.0}, {"index": 5718, "quantile": 1.0, "value": 366700.0, "Latitude": 34.21, "Longitude": -118.24, "Population": 1888.0}, {"index": 5719, "quantile": 0.0, "value": 158200.0, "Latitude": 34.22, "Longitude": -118.24, "Population": 1232.0}, {"index": 5719, "quantile": 0.25, "value": 241299.99999999997, "Latitude": 34.22, "Longitude": -118.24, "Population": 1232.0}, {"index": 5719, "quantile": 0.5, "value": 241299.99999999997, "Latitude": 34.22, "Longitude": -118.24, "Population": 1232.0}, {"index": 5719, "quantile": 0.75, "value": 247100.0, "Latitude": 34.22, "Longitude": -118.24, "Population": 1232.0}, {"index": 5719, "quantile": 1.0, "value": 429100.00000000006, "Latitude": 34.22, "Longitude": -118.24, "Population": 1232.0}, {"index": 5720, "quantile": 0.0, "value": 281900.0, "Latitude": 34.22, "Longitude": -118.27, "Population": 3141.0}, {"index": 5720, "quantile": 0.25, "value": 462200.0, "Latitude": 34.22, "Longitude": -118.27, "Population": 3141.0}, {"index": 5720, "quantile": 0.5, "value": 462200.0, "Latitude": 34.22, "Longitude": -118.27, "Population": 3141.0}, {"index": 5720, "quantile": 0.75, "value": 462200.0, "Latitude": 34.22, "Longitude": -118.27, "Population": 3141.0}, {"index": 5720, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.27, "Population": 3141.0}, {"index": 5721, "quantile": 0.0, "value": 84600.0, "Latitude": 34.18, "Longitude": -118.23, "Population": 757.0}, {"index": 5721, "quantile": 0.25, "value": 189774.99999999997, "Latitude": 34.18, "Longitude": -118.23, "Population": 757.0}, {"index": 5721, "quantile": 0.5, "value": 244499.99999999997, "Latitude": 34.18, "Longitude": -118.23, "Population": 757.0}, {"index": 5721, "quantile": 0.75, "value": 284875.0, "Latitude": 34.18, "Longitude": -118.23, "Population": 757.0}, {"index": 5721, "quantile": 1.0, "value": 487500.0, "Latitude": 34.18, "Longitude": -118.23, "Population": 757.0}, {"index": 5722, "quantile": 0.0, "value": 196900.0, "Latitude": 34.18, "Longitude": -118.23, "Population": 768.0}, {"index": 5722, "quantile": 0.25, "value": 378250.0, "Latitude": 34.18, "Longitude": -118.23, "Population": 768.0}, {"index": 5722, "quantile": 0.5, "value": 457400.0, "Latitude": 34.18, "Longitude": -118.23, "Population": 768.0}, {"index": 5722, "quantile": 0.75, "value": 457400.0, "Latitude": 34.18, "Longitude": -118.23, "Population": 768.0}, {"index": 5722, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.23, "Population": 768.0}, {"index": 5723, "quantile": 0.0, "value": 263700.0, "Latitude": 34.18, "Longitude": -118.23, "Population": 943.0}, {"index": 5723, "quantile": 0.25, "value": 446600.0, "Latitude": 34.18, "Longitude": -118.23, "Population": 943.0}, {"index": 5723, "quantile": 0.5, "value": 446600.0, "Latitude": 34.18, "Longitude": -118.23, "Population": 943.0}, {"index": 5723, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.23, "Population": 943.0}, {"index": 5723, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.23, "Population": 943.0}, {"index": 5724, "quantile": 0.0, "value": 365900.0, "Latitude": 34.18, "Longitude": -118.26, "Population": 5459.0}, {"index": 5724, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.26, "Population": 5459.0}, {"index": 5724, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.26, "Population": 5459.0}, {"index": 5724, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.26, "Population": 5459.0}, {"index": 5724, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.26, "Population": 5459.0}, {"index": 5725, "quantile": 0.0, "value": 37500.0, "Latitude": 34.19, "Longitude": -118.22, "Population": 446.0}, {"index": 5725, "quantile": 0.25, "value": 218650.0, "Latitude": 34.19, "Longitude": -118.22, "Population": 446.0}, {"index": 5725, "quantile": 0.5, "value": 261800.0, "Latitude": 34.19, "Longitude": -118.22, "Population": 446.0}, {"index": 5725, "quantile": 0.75, "value": 334300.0, "Latitude": 34.19, "Longitude": -118.22, "Population": 446.0}, {"index": 5725, "quantile": 1.0, "value": 428300.00000000006, "Latitude": 34.19, "Longitude": -118.22, "Population": 446.0}, {"index": 5726, "quantile": 0.0, "value": 189800.0, "Latitude": 34.19, "Longitude": -118.22, "Population": 1895.0}, {"index": 5726, "quantile": 0.25, "value": 293600.0, "Latitude": 34.19, "Longitude": -118.22, "Population": 1895.0}, {"index": 5726, "quantile": 0.5, "value": 319100.0, "Latitude": 34.19, "Longitude": -118.22, "Population": 1895.0}, {"index": 5726, "quantile": 0.75, "value": 376800.0, "Latitude": 34.19, "Longitude": -118.22, "Population": 1895.0}, {"index": 5726, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.22, "Population": 1895.0}, {"index": 5727, "quantile": 0.0, "value": 186400.0, "Latitude": 34.19, "Longitude": -118.22, "Population": 1115.0}, {"index": 5727, "quantile": 0.25, "value": 261749.99999999997, "Latitude": 34.19, "Longitude": -118.22, "Population": 1115.0}, {"index": 5727, "quantile": 0.5, "value": 303850.0, "Latitude": 34.19, "Longitude": -118.22, "Population": 1115.0}, {"index": 5727, "quantile": 0.75, "value": 326600.0, "Latitude": 34.19, "Longitude": -118.22, "Population": 1115.0}, {"index": 5727, "quantile": 1.0, "value": 468000.0, "Latitude": 34.19, "Longitude": -118.22, "Population": 1115.0}, {"index": 5728, "quantile": 0.0, "value": 431799.99999999994, "Latitude": 34.18, "Longitude": -118.21, "Population": 1113.0}, {"index": 5728, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.21, "Population": 1113.0}, {"index": 5728, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.21, "Population": 1113.0}, {"index": 5728, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.21, "Population": 1113.0}, {"index": 5728, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.21, "Population": 1113.0}, {"index": 5729, "quantile": 0.0, "value": 210000.0, "Latitude": 34.17, "Longitude": -118.23, "Population": 2099.0}, {"index": 5729, "quantile": 0.25, "value": 250000.0, "Latitude": 34.17, "Longitude": -118.23, "Population": 2099.0}, {"index": 5729, "quantile": 0.5, "value": 366700.0, "Latitude": 34.17, "Longitude": -118.23, "Population": 2099.0}, {"index": 5729, "quantile": 0.75, "value": 366700.0, "Latitude": 34.17, "Longitude": -118.23, "Population": 2099.0}, {"index": 5729, "quantile": 1.0, "value": 366700.0, "Latitude": 34.17, "Longitude": -118.23, "Population": 2099.0}, {"index": 5730, "quantile": 0.0, "value": 308400.0, "Latitude": 34.17, "Longitude": -118.21, "Population": 3401.0}, {"index": 5730, "quantile": 0.25, "value": 472700.00000000006, "Latitude": 34.17, "Longitude": -118.21, "Population": 3401.0}, {"index": 5730, "quantile": 0.5, "value": 472700.00000000006, "Latitude": 34.17, "Longitude": -118.21, "Population": 3401.0}, {"index": 5730, "quantile": 0.75, "value": 472700.00000000006, "Latitude": 34.17, "Longitude": -118.21, "Population": 3401.0}, {"index": 5730, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.21, "Population": 3401.0}, {"index": 5731, "quantile": 0.0, "value": 150800.0, "Latitude": 34.16, "Longitude": -118.21, "Population": 199.0}, {"index": 5731, "quantile": 0.25, "value": 302025.0, "Latitude": 34.16, "Longitude": -118.21, "Population": 199.0}, {"index": 5731, "quantile": 0.5, "value": 420500.0, "Latitude": 34.16, "Longitude": -118.21, "Population": 199.0}, {"index": 5731, "quantile": 0.75, "value": 420500.0, "Latitude": 34.16, "Longitude": -118.21, "Population": 199.0}, {"index": 5731, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.21, "Population": 199.0}, {"index": 5732, "quantile": 0.0, "value": 269000.0, "Latitude": 34.16, "Longitude": -118.19, "Population": 735.0}, {"index": 5732, "quantile": 0.25, "value": 375700.0, "Latitude": 34.16, "Longitude": -118.19, "Population": 735.0}, {"index": 5732, "quantile": 0.5, "value": 375700.0, "Latitude": 34.16, "Longitude": -118.19, "Population": 735.0}, {"index": 5732, "quantile": 0.75, "value": 376775.0, "Latitude": 34.16, "Longitude": -118.19, "Population": 735.0}, {"index": 5732, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.19, "Population": 735.0}, {"index": 5733, "quantile": 0.0, "value": 189100.0, "Latitude": 34.16, "Longitude": -118.2, "Population": 2465.0}, {"index": 5733, "quantile": 0.25, "value": 416800.0, "Latitude": 34.16, "Longitude": -118.2, "Population": 2465.0}, {"index": 5733, "quantile": 0.5, "value": 446100.00000000006, "Latitude": 34.16, "Longitude": -118.2, "Population": 2465.0}, {"index": 5733, "quantile": 0.75, "value": 446100.00000000006, "Latitude": 34.16, "Longitude": -118.2, "Population": 2465.0}, {"index": 5733, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.2, "Population": 2465.0}, {"index": 5734, "quantile": 0.0, "value": 192600.0, "Latitude": 34.16, "Longitude": -118.23, "Population": 1359.0}, {"index": 5734, "quantile": 0.25, "value": 362950.0, "Latitude": 34.16, "Longitude": -118.23, "Population": 1359.0}, {"index": 5734, "quantile": 0.5, "value": 429100.00000000006, "Latitude": 34.16, "Longitude": -118.23, "Population": 1359.0}, {"index": 5734, "quantile": 0.75, "value": 429100.00000000006, "Latitude": 34.16, "Longitude": -118.23, "Population": 1359.0}, {"index": 5734, "quantile": 1.0, "value": 495500.0, "Latitude": 34.16, "Longitude": -118.23, "Population": 1359.0}, {"index": 5735, "quantile": 0.0, "value": 112500.0, "Latitude": 34.15, "Longitude": -118.23, "Population": 1332.0}, {"index": 5735, "quantile": 0.25, "value": 250750.00000000003, "Latitude": 34.15, "Longitude": -118.23, "Population": 1332.0}, {"index": 5735, "quantile": 0.5, "value": 257100.00000000003, "Latitude": 34.15, "Longitude": -118.23, "Population": 1332.0}, {"index": 5735, "quantile": 0.75, "value": 257100.00000000003, "Latitude": 34.15, "Longitude": -118.23, "Population": 1332.0}, {"index": 5735, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.15, "Longitude": -118.23, "Population": 1332.0}, {"index": 5736, "quantile": 0.0, "value": 183100.0, "Latitude": 34.15, "Longitude": -118.23, "Population": 998.0}, {"index": 5736, "quantile": 0.25, "value": 311150.0, "Latitude": 34.15, "Longitude": -118.23, "Population": 998.0}, {"index": 5736, "quantile": 0.5, "value": 370400.0, "Latitude": 34.15, "Longitude": -118.23, "Population": 998.0}, {"index": 5736, "quantile": 0.75, "value": 370400.0, "Latitude": 34.15, "Longitude": -118.23, "Population": 998.0}, {"index": 5736, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.15, "Longitude": -118.23, "Population": 998.0}, {"index": 5737, "quantile": 0.0, "value": 214699.99999999997, "Latitude": 34.16, "Longitude": -118.24, "Population": 1156.0}, {"index": 5737, "quantile": 0.25, "value": 323450.0, "Latitude": 34.16, "Longitude": -118.24, "Population": 1156.0}, {"index": 5737, "quantile": 0.5, "value": 374300.0, "Latitude": 34.16, "Longitude": -118.24, "Population": 1156.0}, {"index": 5737, "quantile": 0.75, "value": 374300.0, "Latitude": 34.16, "Longitude": -118.24, "Population": 1156.0}, {"index": 5737, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.24, "Population": 1156.0}, {"index": 5738, "quantile": 0.0, "value": 411800.00000000006, "Latitude": 34.16, "Longitude": -118.24, "Population": 733.0}, {"index": 5738, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.24, "Population": 733.0}, {"index": 5738, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.24, "Population": 733.0}, {"index": 5738, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.24, "Population": 733.0}, {"index": 5738, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.24, "Population": 733.0}, {"index": 5739, "quantile": 0.0, "value": 267600.0, "Latitude": 34.16, "Longitude": -118.24, "Population": 797.0}, {"index": 5739, "quantile": 0.25, "value": 374000.0, "Latitude": 34.16, "Longitude": -118.24, "Population": 797.0}, {"index": 5739, "quantile": 0.5, "value": 376850.0, "Latitude": 34.16, "Longitude": -118.24, "Population": 797.0}, {"index": 5739, "quantile": 0.75, "value": 457400.0, "Latitude": 34.16, "Longitude": -118.24, "Population": 797.0}, {"index": 5739, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.24, "Population": 797.0}, {"index": 5740, "quantile": 0.0, "value": 148700.0, "Latitude": 34.16, "Longitude": -118.25, "Population": 993.0}, {"index": 5740, "quantile": 0.25, "value": 326100.0, "Latitude": 34.16, "Longitude": -118.25, "Population": 993.0}, {"index": 5740, "quantile": 0.5, "value": 368100.0, "Latitude": 34.16, "Longitude": -118.25, "Population": 993.0}, {"index": 5740, "quantile": 0.75, "value": 368100.0, "Latitude": 34.16, "Longitude": -118.25, "Population": 993.0}, {"index": 5740, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.25, "Population": 993.0}, {"index": 5741, "quantile": 0.0, "value": 181800.0, "Latitude": 34.17, "Longitude": -118.25, "Population": 631.0}, {"index": 5741, "quantile": 0.25, "value": 328900.0, "Latitude": 34.17, "Longitude": -118.25, "Population": 631.0}, {"index": 5741, "quantile": 0.5, "value": 361400.0, "Latitude": 34.17, "Longitude": -118.25, "Population": 631.0}, {"index": 5741, "quantile": 0.75, "value": 414300.0, "Latitude": 34.17, "Longitude": -118.25, "Population": 631.0}, {"index": 5741, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.25, "Population": 631.0}, {"index": 5742, "quantile": 0.0, "value": 101000.0, "Latitude": 34.16, "Longitude": -118.25, "Population": 2690.0}, {"index": 5742, "quantile": 0.25, "value": 208075.0, "Latitude": 34.16, "Longitude": -118.25, "Population": 2690.0}, {"index": 5742, "quantile": 0.5, "value": 280000.0, "Latitude": 34.16, "Longitude": -118.25, "Population": 2690.0}, {"index": 5742, "quantile": 0.75, "value": 280000.0, "Latitude": 34.16, "Longitude": -118.25, "Population": 2690.0}, {"index": 5742, "quantile": 1.0, "value": 306800.0, "Latitude": 34.16, "Longitude": -118.25, "Population": 2690.0}, {"index": 5743, "quantile": 0.0, "value": 120100.0, "Latitude": 34.17, "Longitude": -118.26, "Population": 2593.0}, {"index": 5743, "quantile": 0.25, "value": 287525.0, "Latitude": 34.17, "Longitude": -118.26, "Population": 2593.0}, {"index": 5743, "quantile": 0.5, "value": 318600.0, "Latitude": 34.17, "Longitude": -118.26, "Population": 2593.0}, {"index": 5743, "quantile": 0.75, "value": 318600.0, "Latitude": 34.17, "Longitude": -118.26, "Population": 2593.0}, {"index": 5743, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.26, "Population": 2593.0}, {"index": 5744, "quantile": 0.0, "value": 85700.0, "Latitude": 34.16, "Longitude": -118.26, "Population": 1312.0}, {"index": 5744, "quantile": 0.25, "value": 187500.0, "Latitude": 34.16, "Longitude": -118.26, "Population": 1312.0}, {"index": 5744, "quantile": 0.5, "value": 187500.0, "Latitude": 34.16, "Longitude": -118.26, "Population": 1312.0}, {"index": 5744, "quantile": 0.75, "value": 187500.0, "Latitude": 34.16, "Longitude": -118.26, "Population": 1312.0}, {"index": 5744, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.26, "Population": 1312.0}, {"index": 5745, "quantile": 0.0, "value": 74600.0, "Latitude": 34.16, "Longitude": -118.26, "Population": 1866.0}, {"index": 5745, "quantile": 0.25, "value": 206300.00000000003, "Latitude": 34.16, "Longitude": -118.26, "Population": 1866.0}, {"index": 5745, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 34.16, "Longitude": -118.26, "Population": 1866.0}, {"index": 5745, "quantile": 0.75, "value": 206300.00000000003, "Latitude": 34.16, "Longitude": -118.26, "Population": 1866.0}, {"index": 5745, "quantile": 1.0, "value": 420800.0, "Latitude": 34.16, "Longitude": -118.26, "Population": 1866.0}, {"index": 5746, "quantile": 0.0, "value": 146900.0, "Latitude": 34.16, "Longitude": -118.26, "Population": 1883.0}, {"index": 5746, "quantile": 0.25, "value": 268250.0, "Latitude": 34.16, "Longitude": -118.26, "Population": 1883.0}, {"index": 5746, "quantile": 0.5, "value": 351100.0, "Latitude": 34.16, "Longitude": -118.26, "Population": 1883.0}, {"index": 5746, "quantile": 0.75, "value": 351100.0, "Latitude": 34.16, "Longitude": -118.26, "Population": 1883.0}, {"index": 5746, "quantile": 1.0, "value": 364900.0, "Latitude": 34.16, "Longitude": -118.26, "Population": 1883.0}, {"index": 5747, "quantile": 0.0, "value": 67500.0, "Latitude": 34.17, "Longitude": -118.27, "Population": 825.0}, {"index": 5747, "quantile": 0.25, "value": 320000.0, "Latitude": 34.17, "Longitude": -118.27, "Population": 825.0}, {"index": 5747, "quantile": 0.5, "value": 354700.0, "Latitude": 34.17, "Longitude": -118.27, "Population": 825.0}, {"index": 5747, "quantile": 0.75, "value": 354700.0, "Latitude": 34.17, "Longitude": -118.27, "Population": 825.0}, {"index": 5747, "quantile": 1.0, "value": 485700.0, "Latitude": 34.17, "Longitude": -118.27, "Population": 825.0}, {"index": 5748, "quantile": 0.0, "value": 67500.0, "Latitude": 34.16, "Longitude": -118.27, "Population": 3164.0}, {"index": 5748, "quantile": 0.25, "value": 225900.0, "Latitude": 34.16, "Longitude": -118.27, "Population": 3164.0}, {"index": 5748, "quantile": 0.5, "value": 238700.0, "Latitude": 34.16, "Longitude": -118.27, "Population": 3164.0}, {"index": 5748, "quantile": 0.75, "value": 238700.0, "Latitude": 34.16, "Longitude": -118.27, "Population": 3164.0}, {"index": 5748, "quantile": 1.0, "value": 350900.0, "Latitude": 34.16, "Longitude": -118.27, "Population": 3164.0}, {"index": 5749, "quantile": 0.0, "value": 126699.99999999999, "Latitude": 34.16, "Longitude": -118.27, "Population": 973.0}, {"index": 5749, "quantile": 0.25, "value": 215500.00000000003, "Latitude": 34.16, "Longitude": -118.27, "Population": 973.0}, {"index": 5749, "quantile": 0.5, "value": 241699.99999999997, "Latitude": 34.16, "Longitude": -118.27, "Population": 973.0}, {"index": 5749, "quantile": 0.75, "value": 261500.00000000003, "Latitude": 34.16, "Longitude": -118.27, "Population": 973.0}, {"index": 5749, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 34.16, "Longitude": -118.27, "Population": 973.0}, {"index": 5750, "quantile": 0.0, "value": 175200.0, "Latitude": 34.17, "Longitude": -118.28, "Population": 1135.0}, {"index": 5750, "quantile": 0.25, "value": 255399.99999999997, "Latitude": 34.17, "Longitude": -118.28, "Population": 1135.0}, {"index": 5750, "quantile": 0.5, "value": 295800.0, "Latitude": 34.17, "Longitude": -118.28, "Population": 1135.0}, {"index": 5750, "quantile": 0.75, "value": 358000.0, "Latitude": 34.17, "Longitude": -118.28, "Population": 1135.0}, {"index": 5750, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.28, "Population": 1135.0}, {"index": 5751, "quantile": 0.0, "value": 171700.0, "Latitude": 34.17, "Longitude": -118.27, "Population": 908.0}, {"index": 5751, "quantile": 0.25, "value": 374000.0, "Latitude": 34.17, "Longitude": -118.27, "Population": 908.0}, {"index": 5751, "quantile": 0.5, "value": 374000.0, "Latitude": 34.17, "Longitude": -118.27, "Population": 908.0}, {"index": 5751, "quantile": 0.75, "value": 374000.0, "Latitude": 34.17, "Longitude": -118.27, "Population": 908.0}, {"index": 5751, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.27, "Population": 908.0}, {"index": 5752, "quantile": 0.0, "value": 263700.0, "Latitude": 34.17, "Longitude": -118.27, "Population": 829.0}, {"index": 5752, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.27, "Population": 829.0}, {"index": 5752, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.27, "Population": 829.0}, {"index": 5752, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.27, "Population": 829.0}, {"index": 5752, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.27, "Population": 829.0}, {"index": 5753, "quantile": 0.0, "value": 225000.0, "Latitude": 34.18, "Longitude": -118.27, "Population": 1158.0}, {"index": 5753, "quantile": 0.25, "value": 375275.0, "Latitude": 34.18, "Longitude": -118.27, "Population": 1158.0}, {"index": 5753, "quantile": 0.5, "value": 484600.0, "Latitude": 34.18, "Longitude": -118.27, "Population": 1158.0}, {"index": 5753, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.27, "Population": 1158.0}, {"index": 5753, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.27, "Population": 1158.0}, {"index": 5754, "quantile": 0.0, "value": 332500.0, "Latitude": 34.18, "Longitude": -118.28, "Population": 911.0}, {"index": 5754, "quantile": 0.25, "value": 424000.0, "Latitude": 34.18, "Longitude": -118.28, "Population": 911.0}, {"index": 5754, "quantile": 0.5, "value": 477200.0, "Latitude": 34.18, "Longitude": -118.28, "Population": 911.0}, {"index": 5754, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.28, "Population": 911.0}, {"index": 5754, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.28, "Population": 911.0}, {"index": 5755, "quantile": 0.0, "value": 209500.00000000003, "Latitude": 34.18, "Longitude": -118.28, "Population": 1137.0}, {"index": 5755, "quantile": 0.25, "value": 358000.0, "Latitude": 34.18, "Longitude": -118.28, "Population": 1137.0}, {"index": 5755, "quantile": 0.5, "value": 358000.0, "Latitude": 34.18, "Longitude": -118.28, "Population": 1137.0}, {"index": 5755, "quantile": 0.75, "value": 358000.0, "Latitude": 34.18, "Longitude": -118.28, "Population": 1137.0}, {"index": 5755, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.28, "Population": 1137.0}, {"index": 5756, "quantile": 0.0, "value": 158200.0, "Latitude": 34.18, "Longitude": -118.29, "Population": 667.0}, {"index": 5756, "quantile": 0.25, "value": 323500.0, "Latitude": 34.18, "Longitude": -118.29, "Population": 667.0}, {"index": 5756, "quantile": 0.5, "value": 323500.0, "Latitude": 34.18, "Longitude": -118.29, "Population": 667.0}, {"index": 5756, "quantile": 0.75, "value": 323500.0, "Latitude": 34.18, "Longitude": -118.29, "Population": 667.0}, {"index": 5756, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.29, "Population": 667.0}, {"index": 5757, "quantile": 0.0, "value": 338400.0, "Latitude": 34.18, "Longitude": -118.28, "Population": 878.0}, {"index": 5757, "quantile": 0.25, "value": 365600.0, "Latitude": 34.18, "Longitude": -118.28, "Population": 878.0}, {"index": 5757, "quantile": 0.5, "value": 365600.0, "Latitude": 34.18, "Longitude": -118.28, "Population": 878.0}, {"index": 5757, "quantile": 0.75, "value": 437600.00000000006, "Latitude": 34.18, "Longitude": -118.28, "Population": 878.0}, {"index": 5757, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.28, "Population": 878.0}, {"index": 5758, "quantile": 0.0, "value": 136000.0, "Latitude": 34.17, "Longitude": -118.28, "Population": 1553.0}, {"index": 5758, "quantile": 0.25, "value": 217999.99999999997, "Latitude": 34.17, "Longitude": -118.28, "Population": 1553.0}, {"index": 5758, "quantile": 0.5, "value": 256300.00000000003, "Latitude": 34.17, "Longitude": -118.28, "Population": 1553.0}, {"index": 5758, "quantile": 0.75, "value": 256300.00000000003, "Latitude": 34.17, "Longitude": -118.28, "Population": 1553.0}, {"index": 5758, "quantile": 1.0, "value": 346700.0, "Latitude": 34.17, "Longitude": -118.28, "Population": 1553.0}, {"index": 5759, "quantile": 0.0, "value": 140500.0, "Latitude": 34.17, "Longitude": -118.29, "Population": 2986.0}, {"index": 5759, "quantile": 0.25, "value": 182725.0, "Latitude": 34.17, "Longitude": -118.29, "Population": 2986.0}, {"index": 5759, "quantile": 0.5, "value": 219800.0, "Latitude": 34.17, "Longitude": -118.29, "Population": 2986.0}, {"index": 5759, "quantile": 0.75, "value": 229000.0, "Latitude": 34.17, "Longitude": -118.29, "Population": 2986.0}, {"index": 5759, "quantile": 1.0, "value": 358100.0, "Latitude": 34.17, "Longitude": -118.29, "Population": 2986.0}, {"index": 5760, "quantile": 0.0, "value": 162500.0, "Latitude": 34.17, "Longitude": -118.29, "Population": 875.0}, {"index": 5760, "quantile": 0.25, "value": 260100.0, "Latitude": 34.17, "Longitude": -118.29, "Population": 875.0}, {"index": 5760, "quantile": 0.5, "value": 292600.0, "Latitude": 34.17, "Longitude": -118.29, "Population": 875.0}, {"index": 5760, "quantile": 0.75, "value": 292600.0, "Latitude": 34.17, "Longitude": -118.29, "Population": 875.0}, {"index": 5760, "quantile": 1.0, "value": 395700.0, "Latitude": 34.17, "Longitude": -118.29, "Population": 875.0}, {"index": 5761, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 34.18, "Longitude": -118.29, "Population": 2719.0}, {"index": 5761, "quantile": 0.25, "value": 211900.00000000003, "Latitude": 34.18, "Longitude": -118.29, "Population": 2719.0}, {"index": 5761, "quantile": 0.5, "value": 286600.0, "Latitude": 34.18, "Longitude": -118.29, "Population": 2719.0}, {"index": 5761, "quantile": 0.75, "value": 286600.0, "Latitude": 34.18, "Longitude": -118.29, "Population": 2719.0}, {"index": 5761, "quantile": 1.0, "value": 335500.0, "Latitude": 34.18, "Longitude": -118.29, "Population": 2719.0}, {"index": 5762, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 34.16, "Longitude": -118.29, "Population": 1019.0}, {"index": 5762, "quantile": 0.25, "value": 233950.0, "Latitude": 34.16, "Longitude": -118.29, "Population": 1019.0}, {"index": 5762, "quantile": 0.5, "value": 241900.0, "Latitude": 34.16, "Longitude": -118.29, "Population": 1019.0}, {"index": 5762, "quantile": 0.75, "value": 241900.0, "Latitude": 34.16, "Longitude": -118.29, "Population": 1019.0}, {"index": 5762, "quantile": 1.0, "value": 339100.0, "Latitude": 34.16, "Longitude": -118.29, "Population": 1019.0}, {"index": 5763, "quantile": 0.0, "value": 102600.0, "Latitude": 34.16, "Longitude": -118.29, "Population": 349.0}, {"index": 5763, "quantile": 0.25, "value": 189800.0, "Latitude": 34.16, "Longitude": -118.29, "Population": 349.0}, {"index": 5763, "quantile": 0.5, "value": 189800.0, "Latitude": 34.16, "Longitude": -118.29, "Population": 349.0}, {"index": 5763, "quantile": 0.75, "value": 189800.0, "Latitude": 34.16, "Longitude": -118.29, "Population": 349.0}, {"index": 5763, "quantile": 1.0, "value": 339100.0, "Latitude": 34.16, "Longitude": -118.29, "Population": 349.0}, {"index": 5764, "quantile": 0.0, "value": 131000.0, "Latitude": 34.17, "Longitude": -118.29, "Population": 1882.0}, {"index": 5764, "quantile": 0.25, "value": 208300.00000000003, "Latitude": 34.17, "Longitude": -118.29, "Population": 1882.0}, {"index": 5764, "quantile": 0.5, "value": 208300.00000000003, "Latitude": 34.17, "Longitude": -118.29, "Population": 1882.0}, {"index": 5764, "quantile": 0.75, "value": 208300.00000000003, "Latitude": 34.17, "Longitude": -118.29, "Population": 1882.0}, {"index": 5764, "quantile": 1.0, "value": 350000.0, "Latitude": 34.17, "Longitude": -118.29, "Population": 1882.0}, {"index": 5765, "quantile": 0.0, "value": 157600.0, "Latitude": 34.17, "Longitude": -118.3, "Population": 3309.0}, {"index": 5765, "quantile": 0.25, "value": 220000.00000000003, "Latitude": 34.17, "Longitude": -118.3, "Population": 3309.0}, {"index": 5765, "quantile": 0.5, "value": 222400.00000000003, "Latitude": 34.17, "Longitude": -118.3, "Population": 3309.0}, {"index": 5765, "quantile": 0.75, "value": 222400.00000000003, "Latitude": 34.17, "Longitude": -118.3, "Population": 3309.0}, {"index": 5765, "quantile": 1.0, "value": 285000.0, "Latitude": 34.17, "Longitude": -118.3, "Population": 3309.0}, {"index": 5766, "quantile": 0.0, "value": 143200.0, "Latitude": 34.17, "Longitude": -118.3, "Population": 74.0}, {"index": 5766, "quantile": 0.25, "value": 162500.0, "Latitude": 34.17, "Longitude": -118.3, "Population": 74.0}, {"index": 5766, "quantile": 0.5, "value": 162500.0, "Latitude": 34.17, "Longitude": -118.3, "Population": 74.0}, {"index": 5766, "quantile": 0.75, "value": 169875.0, "Latitude": 34.17, "Longitude": -118.3, "Population": 74.0}, {"index": 5766, "quantile": 1.0, "value": 385700.0, "Latitude": 34.17, "Longitude": -118.3, "Population": 74.0}, {"index": 5767, "quantile": 0.0, "value": 160300.0, "Latitude": 34.16, "Longitude": -118.29, "Population": 764.0}, {"index": 5767, "quantile": 0.25, "value": 238000.0, "Latitude": 34.16, "Longitude": -118.29, "Population": 764.0}, {"index": 5767, "quantile": 0.5, "value": 238000.0, "Latitude": 34.16, "Longitude": -118.29, "Population": 764.0}, {"index": 5767, "quantile": 0.75, "value": 238000.0, "Latitude": 34.16, "Longitude": -118.29, "Population": 764.0}, {"index": 5767, "quantile": 1.0, "value": 436400.0, "Latitude": 34.16, "Longitude": -118.29, "Population": 764.0}, {"index": 5768, "quantile": 0.0, "value": 204400.0, "Latitude": 34.16, "Longitude": -118.3, "Population": 869.0}, {"index": 5768, "quantile": 0.25, "value": 243600.0, "Latitude": 34.16, "Longitude": -118.3, "Population": 869.0}, {"index": 5768, "quantile": 0.5, "value": 243600.0, "Latitude": 34.16, "Longitude": -118.3, "Population": 869.0}, {"index": 5768, "quantile": 0.75, "value": 287500.0, "Latitude": 34.16, "Longitude": -118.3, "Population": 869.0}, {"index": 5768, "quantile": 1.0, "value": 435700.0, "Latitude": 34.16, "Longitude": -118.3, "Population": 869.0}, {"index": 5769, "quantile": 0.0, "value": 129200.0, "Latitude": 34.16, "Longitude": -118.3, "Population": 2401.0}, {"index": 5769, "quantile": 0.25, "value": 217625.0, "Latitude": 34.16, "Longitude": -118.3, "Population": 2401.0}, {"index": 5769, "quantile": 0.5, "value": 256800.0, "Latitude": 34.16, "Longitude": -118.3, "Population": 2401.0}, {"index": 5769, "quantile": 0.75, "value": 256800.0, "Latitude": 34.16, "Longitude": -118.3, "Population": 2401.0}, {"index": 5769, "quantile": 1.0, "value": 256800.0, "Latitude": 34.16, "Longitude": -118.3, "Population": 2401.0}, {"index": 5770, "quantile": 0.0, "value": 162500.0, "Latitude": 34.16, "Longitude": -118.27, "Population": 787.0}, {"index": 5770, "quantile": 0.25, "value": 255500.00000000003, "Latitude": 34.16, "Longitude": -118.27, "Population": 787.0}, {"index": 5770, "quantile": 0.5, "value": 255500.00000000003, "Latitude": 34.16, "Longitude": -118.27, "Population": 787.0}, {"index": 5770, "quantile": 0.75, "value": 255500.00000000003, "Latitude": 34.16, "Longitude": -118.27, "Population": 787.0}, {"index": 5770, "quantile": 1.0, "value": 298400.0, "Latitude": 34.16, "Longitude": -118.27, "Population": 787.0}, {"index": 5771, "quantile": 0.0, "value": 155500.0, "Latitude": 34.15, "Longitude": -118.27, "Population": 1684.0}, {"index": 5771, "quantile": 0.25, "value": 217099.99999999997, "Latitude": 34.15, "Longitude": -118.27, "Population": 1684.0}, {"index": 5771, "quantile": 0.5, "value": 217099.99999999997, "Latitude": 34.15, "Longitude": -118.27, "Population": 1684.0}, {"index": 5771, "quantile": 0.75, "value": 217099.99999999997, "Latitude": 34.15, "Longitude": -118.27, "Population": 1684.0}, {"index": 5771, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 34.15, "Longitude": -118.27, "Population": 1684.0}, {"index": 5772, "quantile": 0.0, "value": 143800.0, "Latitude": 34.15, "Longitude": -118.27, "Population": 2205.0}, {"index": 5772, "quantile": 0.25, "value": 218025.0, "Latitude": 34.15, "Longitude": -118.27, "Population": 2205.0}, {"index": 5772, "quantile": 0.5, "value": 220200.0, "Latitude": 34.15, "Longitude": -118.27, "Population": 2205.0}, {"index": 5772, "quantile": 0.75, "value": 220200.0, "Latitude": 34.15, "Longitude": -118.27, "Population": 2205.0}, {"index": 5772, "quantile": 1.0, "value": 256800.0, "Latitude": 34.15, "Longitude": -118.27, "Population": 2205.0}, {"index": 5773, "quantile": 0.0, "value": 97400.0, "Latitude": 34.15, "Longitude": -118.27, "Population": 1494.0}, {"index": 5773, "quantile": 0.25, "value": 162575.0, "Latitude": 34.15, "Longitude": -118.27, "Population": 1494.0}, {"index": 5773, "quantile": 0.5, "value": 199750.0, "Latitude": 34.15, "Longitude": -118.27, "Population": 1494.0}, {"index": 5773, "quantile": 0.75, "value": 243600.0, "Latitude": 34.15, "Longitude": -118.27, "Population": 1494.0}, {"index": 5773, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.15, "Longitude": -118.27, "Population": 1494.0}, {"index": 5774, "quantile": 0.0, "value": 123700.00000000001, "Latitude": 34.16, "Longitude": -118.27, "Population": 479.0}, {"index": 5774, "quantile": 0.25, "value": 239475.00000000003, "Latitude": 34.16, "Longitude": -118.27, "Population": 479.0}, {"index": 5774, "quantile": 0.5, "value": 253700.0, "Latitude": 34.16, "Longitude": -118.27, "Population": 479.0}, {"index": 5774, "quantile": 0.75, "value": 253700.0, "Latitude": 34.16, "Longitude": -118.27, "Population": 479.0}, {"index": 5774, "quantile": 1.0, "value": 419100.0, "Latitude": 34.16, "Longitude": -118.27, "Population": 479.0}, {"index": 5775, "quantile": 0.0, "value": 93900.0, "Latitude": 34.16, "Longitude": -118.27, "Population": 637.0}, {"index": 5775, "quantile": 0.25, "value": 214800.0, "Latitude": 34.16, "Longitude": -118.27, "Population": 637.0}, {"index": 5775, "quantile": 0.5, "value": 248300.0, "Latitude": 34.16, "Longitude": -118.27, "Population": 637.0}, {"index": 5775, "quantile": 0.75, "value": 290200.0, "Latitude": 34.16, "Longitude": -118.27, "Population": 637.0}, {"index": 5775, "quantile": 1.0, "value": 395700.0, "Latitude": 34.16, "Longitude": -118.27, "Population": 637.0}, {"index": 5776, "quantile": 0.0, "value": 67000.0, "Latitude": 34.16, "Longitude": -118.28, "Population": 605.0}, {"index": 5776, "quantile": 0.25, "value": 257399.99999999997, "Latitude": 34.16, "Longitude": -118.28, "Population": 605.0}, {"index": 5776, "quantile": 0.5, "value": 257399.99999999997, "Latitude": 34.16, "Longitude": -118.28, "Population": 605.0}, {"index": 5776, "quantile": 0.75, "value": 257399.99999999997, "Latitude": 34.16, "Longitude": -118.28, "Population": 605.0}, {"index": 5776, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.28, "Population": 605.0}, {"index": 5777, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 34.16, "Longitude": -118.26, "Population": 950.0}, {"index": 5777, "quantile": 0.25, "value": 150000.0, "Latitude": 34.16, "Longitude": -118.26, "Population": 950.0}, {"index": 5777, "quantile": 0.5, "value": 162500.0, "Latitude": 34.16, "Longitude": -118.26, "Population": 950.0}, {"index": 5777, "quantile": 0.75, "value": 232399.99999999997, "Latitude": 34.16, "Longitude": -118.26, "Population": 950.0}, {"index": 5777, "quantile": 1.0, "value": 420800.0, "Latitude": 34.16, "Longitude": -118.26, "Population": 950.0}, {"index": 5778, "quantile": 0.0, "value": 118100.0, "Latitude": 34.15, "Longitude": -118.26, "Population": 1941.0}, {"index": 5778, "quantile": 0.25, "value": 184600.0, "Latitude": 34.15, "Longitude": -118.26, "Population": 1941.0}, {"index": 5778, "quantile": 0.5, "value": 209800.0, "Latitude": 34.15, "Longitude": -118.26, "Population": 1941.0}, {"index": 5778, "quantile": 0.75, "value": 248125.00000000003, "Latitude": 34.15, "Longitude": -118.26, "Population": 1941.0}, {"index": 5778, "quantile": 1.0, "value": 425000.0, "Latitude": 34.15, "Longitude": -118.26, "Population": 1941.0}, {"index": 5779, "quantile": 0.0, "value": 141700.0, "Latitude": 34.15, "Longitude": -118.26, "Population": 2315.0}, {"index": 5779, "quantile": 0.25, "value": 247500.0, "Latitude": 34.15, "Longitude": -118.26, "Population": 2315.0}, {"index": 5779, "quantile": 0.5, "value": 252300.0, "Latitude": 34.15, "Longitude": -118.26, "Population": 2315.0}, {"index": 5779, "quantile": 0.75, "value": 252300.0, "Latitude": 34.15, "Longitude": -118.26, "Population": 2315.0}, {"index": 5779, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.15, "Longitude": -118.26, "Population": 2315.0}, {"index": 5780, "quantile": 0.0, "value": 153100.0, "Latitude": 34.15, "Longitude": -118.26, "Population": 1763.0}, {"index": 5780, "quantile": 0.25, "value": 230349.99999999997, "Latitude": 34.15, "Longitude": -118.26, "Population": 1763.0}, {"index": 5780, "quantile": 0.5, "value": 247500.0, "Latitude": 34.15, "Longitude": -118.26, "Population": 1763.0}, {"index": 5780, "quantile": 0.75, "value": 247500.0, "Latitude": 34.15, "Longitude": -118.26, "Population": 1763.0}, {"index": 5780, "quantile": 1.0, "value": 254000.0, "Latitude": 34.15, "Longitude": -118.26, "Population": 1763.0}, {"index": 5781, "quantile": 0.0, "value": 67500.0, "Latitude": 34.16, "Longitude": -118.24, "Population": 493.0}, {"index": 5781, "quantile": 0.25, "value": 298800.0, "Latitude": 34.16, "Longitude": -118.24, "Population": 493.0}, {"index": 5781, "quantile": 0.5, "value": 298800.0, "Latitude": 34.16, "Longitude": -118.24, "Population": 493.0}, {"index": 5781, "quantile": 0.75, "value": 347000.0, "Latitude": 34.16, "Longitude": -118.24, "Population": 493.0}, {"index": 5781, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.24, "Population": 493.0}, {"index": 5782, "quantile": 0.0, "value": 138000.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 1562.0}, {"index": 5782, "quantile": 0.25, "value": 204000.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 1562.0}, {"index": 5782, "quantile": 0.5, "value": 224749.99999999997, "Latitude": 34.15, "Longitude": -118.24, "Population": 1562.0}, {"index": 5782, "quantile": 0.75, "value": 257100.00000000003, "Latitude": 34.15, "Longitude": -118.24, "Population": 1562.0}, {"index": 5782, "quantile": 1.0, "value": 349300.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 1562.0}, {"index": 5783, "quantile": 0.0, "value": 190600.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 499.0}, {"index": 5783, "quantile": 0.25, "value": 282600.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 499.0}, {"index": 5783, "quantile": 0.5, "value": 282600.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 499.0}, {"index": 5783, "quantile": 0.75, "value": 282600.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 499.0}, {"index": 5783, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.24, "Population": 499.0}, {"index": 5784, "quantile": 0.0, "value": 131000.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 1888.0}, {"index": 5784, "quantile": 0.25, "value": 204200.00000000003, "Latitude": 34.15, "Longitude": -118.25, "Population": 1888.0}, {"index": 5784, "quantile": 0.5, "value": 209600.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 1888.0}, {"index": 5784, "quantile": 0.75, "value": 209600.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 1888.0}, {"index": 5784, "quantile": 1.0, "value": 430900.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 1888.0}, {"index": 5785, "quantile": 0.0, "value": 112500.0, "Latitude": 34.16, "Longitude": -118.25, "Population": 1681.0}, {"index": 5785, "quantile": 0.25, "value": 200000.0, "Latitude": 34.16, "Longitude": -118.25, "Population": 1681.0}, {"index": 5785, "quantile": 0.5, "value": 200000.0, "Latitude": 34.16, "Longitude": -118.25, "Population": 1681.0}, {"index": 5785, "quantile": 0.75, "value": 200000.0, "Latitude": 34.16, "Longitude": -118.25, "Population": 1681.0}, {"index": 5785, "quantile": 1.0, "value": 430900.0, "Latitude": 34.16, "Longitude": -118.25, "Population": 1681.0}, {"index": 5786, "quantile": 0.0, "value": 168500.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 4116.0}, {"index": 5786, "quantile": 0.25, "value": 209800.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 4116.0}, {"index": 5786, "quantile": 0.5, "value": 209800.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 4116.0}, {"index": 5786, "quantile": 0.75, "value": 209800.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 4116.0}, {"index": 5786, "quantile": 1.0, "value": 300000.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 4116.0}, {"index": 5787, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 34.15, "Longitude": -118.24, "Population": 3171.0}, {"index": 5787, "quantile": 0.25, "value": 192900.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 3171.0}, {"index": 5787, "quantile": 0.5, "value": 192900.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 3171.0}, {"index": 5787, "quantile": 0.75, "value": 192900.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 3171.0}, {"index": 5787, "quantile": 1.0, "value": 300000.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 3171.0}, {"index": 5788, "quantile": 0.0, "value": 17500.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 605.0}, {"index": 5788, "quantile": 0.25, "value": 187125.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 605.0}, {"index": 5788, "quantile": 0.5, "value": 216200.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 605.0}, {"index": 5788, "quantile": 0.75, "value": 280000.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 605.0}, {"index": 5788, "quantile": 1.0, "value": 438300.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 605.0}, {"index": 5789, "quantile": 0.0, "value": 17500.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 768.0}, {"index": 5789, "quantile": 0.25, "value": 187500.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 768.0}, {"index": 5789, "quantile": 0.5, "value": 187500.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 768.0}, {"index": 5789, "quantile": 0.75, "value": 200000.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 768.0}, {"index": 5789, "quantile": 1.0, "value": 438300.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 768.0}, {"index": 5790, "quantile": 0.0, "value": 101800.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 1729.0}, {"index": 5790, "quantile": 0.25, "value": 193800.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 1729.0}, {"index": 5790, "quantile": 0.5, "value": 193800.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 1729.0}, {"index": 5790, "quantile": 0.75, "value": 224300.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 1729.0}, {"index": 5790, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.25, "Population": 1729.0}, {"index": 5791, "quantile": 0.0, "value": 167800.0, "Latitude": 34.14, "Longitude": -118.23, "Population": 2061.0}, {"index": 5791, "quantile": 0.25, "value": 201300.0, "Latitude": 34.14, "Longitude": -118.23, "Population": 2061.0}, {"index": 5791, "quantile": 0.5, "value": 201300.0, "Latitude": 34.14, "Longitude": -118.23, "Population": 2061.0}, {"index": 5791, "quantile": 0.75, "value": 217099.99999999997, "Latitude": 34.14, "Longitude": -118.23, "Population": 2061.0}, {"index": 5791, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 34.14, "Longitude": -118.23, "Population": 2061.0}, {"index": 5792, "quantile": 0.0, "value": 142500.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 2929.0}, {"index": 5792, "quantile": 0.25, "value": 208275.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 2929.0}, {"index": 5792, "quantile": 0.5, "value": 209800.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 2929.0}, {"index": 5792, "quantile": 0.75, "value": 222100.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 2929.0}, {"index": 5792, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.24, "Population": 2929.0}, {"index": 5793, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.14, "Longitude": -118.24, "Population": 2614.0}, {"index": 5793, "quantile": 0.25, "value": 216350.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 2614.0}, {"index": 5793, "quantile": 0.5, "value": 229000.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 2614.0}, {"index": 5793, "quantile": 0.75, "value": 229000.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 2614.0}, {"index": 5793, "quantile": 1.0, "value": 412500.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 2614.0}, {"index": 5794, "quantile": 0.0, "value": 125000.0, "Latitude": 34.15, "Longitude": -118.23, "Population": 1686.0}, {"index": 5794, "quantile": 0.25, "value": 224300.0, "Latitude": 34.15, "Longitude": -118.23, "Population": 1686.0}, {"index": 5794, "quantile": 0.5, "value": 258300.00000000003, "Latitude": 34.15, "Longitude": -118.23, "Population": 1686.0}, {"index": 5794, "quantile": 0.75, "value": 258300.00000000003, "Latitude": 34.15, "Longitude": -118.23, "Population": 1686.0}, {"index": 5794, "quantile": 1.0, "value": 285300.0, "Latitude": 34.15, "Longitude": -118.23, "Population": 1686.0}, {"index": 5795, "quantile": 0.0, "value": 125000.0, "Latitude": 34.14, "Longitude": -118.23, "Population": 1745.0}, {"index": 5795, "quantile": 0.25, "value": 224300.0, "Latitude": 34.14, "Longitude": -118.23, "Population": 1745.0}, {"index": 5795, "quantile": 0.5, "value": 224300.0, "Latitude": 34.14, "Longitude": -118.23, "Population": 1745.0}, {"index": 5795, "quantile": 0.75, "value": 224300.0, "Latitude": 34.14, "Longitude": -118.23, "Population": 1745.0}, {"index": 5795, "quantile": 1.0, "value": 306800.0, "Latitude": 34.14, "Longitude": -118.23, "Population": 1745.0}, {"index": 5796, "quantile": 0.0, "value": 166100.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 1402.0}, {"index": 5796, "quantile": 0.25, "value": 204875.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 1402.0}, {"index": 5796, "quantile": 0.5, "value": 254000.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 1402.0}, {"index": 5796, "quantile": 0.75, "value": 254000.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 1402.0}, {"index": 5796, "quantile": 1.0, "value": 257100.00000000003, "Latitude": 34.14, "Longitude": -118.24, "Population": 1402.0}, {"index": 5797, "quantile": 0.0, "value": 93200.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 1501.0}, {"index": 5797, "quantile": 0.25, "value": 193800.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 1501.0}, {"index": 5797, "quantile": 0.5, "value": 215400.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 1501.0}, {"index": 5797, "quantile": 0.75, "value": 231275.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 1501.0}, {"index": 5797, "quantile": 1.0, "value": 350000.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 1501.0}, {"index": 5798, "quantile": 0.0, "value": 166100.0, "Latitude": 34.13, "Longitude": -118.24, "Population": 959.0}, {"index": 5798, "quantile": 0.25, "value": 234175.00000000003, "Latitude": 34.13, "Longitude": -118.24, "Population": 959.0}, {"index": 5798, "quantile": 0.5, "value": 257700.0, "Latitude": 34.13, "Longitude": -118.24, "Population": 959.0}, {"index": 5798, "quantile": 0.75, "value": 257700.0, "Latitude": 34.13, "Longitude": -118.24, "Population": 959.0}, {"index": 5798, "quantile": 1.0, "value": 336300.0, "Latitude": 34.13, "Longitude": -118.24, "Population": 959.0}, {"index": 5799, "quantile": 0.0, "value": 191000.0, "Latitude": 34.13, "Longitude": -118.24, "Population": 1043.0}, {"index": 5799, "quantile": 0.25, "value": 269000.0, "Latitude": 34.13, "Longitude": -118.24, "Population": 1043.0}, {"index": 5799, "quantile": 0.5, "value": 269000.0, "Latitude": 34.13, "Longitude": -118.24, "Population": 1043.0}, {"index": 5799, "quantile": 0.75, "value": 269000.0, "Latitude": 34.13, "Longitude": -118.24, "Population": 1043.0}, {"index": 5799, "quantile": 1.0, "value": 495500.0, "Latitude": 34.13, "Longitude": -118.24, "Population": 1043.0}, {"index": 5800, "quantile": 0.0, "value": 102499.99999999999, "Latitude": 34.15, "Longitude": -118.24, "Population": 1892.0}, {"index": 5800, "quantile": 0.25, "value": 202300.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 1892.0}, {"index": 5800, "quantile": 0.5, "value": 202300.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 1892.0}, {"index": 5800, "quantile": 0.75, "value": 202300.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 1892.0}, {"index": 5800, "quantile": 1.0, "value": 380000.0, "Latitude": 34.15, "Longitude": -118.24, "Population": 1892.0}, {"index": 5801, "quantile": 0.0, "value": 118100.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 4486.0}, {"index": 5801, "quantile": 0.25, "value": 209800.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 4486.0}, {"index": 5801, "quantile": 0.5, "value": 222100.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 4486.0}, {"index": 5801, "quantile": 0.75, "value": 222100.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 4486.0}, {"index": 5801, "quantile": 1.0, "value": 300000.0, "Latitude": 34.14, "Longitude": -118.24, "Population": 4486.0}, {"index": 5802, "quantile": 0.0, "value": 98400.0, "Latitude": 34.14, "Longitude": -118.25, "Population": 1245.0}, {"index": 5802, "quantile": 0.25, "value": 196900.0, "Latitude": 34.14, "Longitude": -118.25, "Population": 1245.0}, {"index": 5802, "quantile": 0.5, "value": 196900.0, "Latitude": 34.14, "Longitude": -118.25, "Population": 1245.0}, {"index": 5802, "quantile": 0.75, "value": 203300.0, "Latitude": 34.14, "Longitude": -118.25, "Population": 1245.0}, {"index": 5802, "quantile": 1.0, "value": 450000.0, "Latitude": 34.14, "Longitude": -118.25, "Population": 1245.0}, {"index": 5803, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.14, "Longitude": -118.25, "Population": 552.0}, {"index": 5803, "quantile": 0.25, "value": 223450.00000000003, "Latitude": 34.14, "Longitude": -118.25, "Population": 552.0}, {"index": 5803, "quantile": 0.5, "value": 275000.0, "Latitude": 34.14, "Longitude": -118.25, "Population": 552.0}, {"index": 5803, "quantile": 0.75, "value": 275000.0, "Latitude": 34.14, "Longitude": -118.25, "Population": 552.0}, {"index": 5803, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.25, "Population": 552.0}, {"index": 5804, "quantile": 0.0, "value": 73300.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 616.0}, {"index": 5804, "quantile": 0.25, "value": 187500.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 616.0}, {"index": 5804, "quantile": 0.5, "value": 187500.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 616.0}, {"index": 5804, "quantile": 0.75, "value": 187500.0, "Latitude": 34.15, "Longitude": -118.25, "Population": 616.0}, {"index": 5804, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.25, "Population": 616.0}, {"index": 5805, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 34.14, "Longitude": -118.26, "Population": 650.0}, {"index": 5805, "quantile": 0.25, "value": 184400.0, "Latitude": 34.14, "Longitude": -118.26, "Population": 650.0}, {"index": 5805, "quantile": 0.5, "value": 200000.0, "Latitude": 34.14, "Longitude": -118.26, "Population": 650.0}, {"index": 5805, "quantile": 0.75, "value": 258500.0, "Latitude": 34.14, "Longitude": -118.26, "Population": 650.0}, {"index": 5805, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.26, "Population": 650.0}, {"index": 5806, "quantile": 0.0, "value": 87500.0, "Latitude": 34.14, "Longitude": -118.26, "Population": 4094.0}, {"index": 5806, "quantile": 0.25, "value": 166700.0, "Latitude": 34.14, "Longitude": -118.26, "Population": 4094.0}, {"index": 5806, "quantile": 0.5, "value": 192500.0, "Latitude": 34.14, "Longitude": -118.26, "Population": 4094.0}, {"index": 5806, "quantile": 0.75, "value": 227124.99999999997, "Latitude": 34.14, "Longitude": -118.26, "Population": 4094.0}, {"index": 5806, "quantile": 1.0, "value": 445000.0, "Latitude": 34.14, "Longitude": -118.26, "Population": 4094.0}, {"index": 5807, "quantile": 0.0, "value": 94000.0, "Latitude": 34.14, "Longitude": -118.27, "Population": 1025.0}, {"index": 5807, "quantile": 0.25, "value": 175000.0, "Latitude": 34.14, "Longitude": -118.27, "Population": 1025.0}, {"index": 5807, "quantile": 0.5, "value": 175000.0, "Latitude": 34.14, "Longitude": -118.27, "Population": 1025.0}, {"index": 5807, "quantile": 0.75, "value": 175000.0, "Latitude": 34.14, "Longitude": -118.27, "Population": 1025.0}, {"index": 5807, "quantile": 1.0, "value": 285000.0, "Latitude": 34.14, "Longitude": -118.27, "Population": 1025.0}, {"index": 5808, "quantile": 0.0, "value": 100000.0, "Latitude": 34.14, "Longitude": -118.26, "Population": 1200.0}, {"index": 5808, "quantile": 0.25, "value": 147450.0, "Latitude": 34.14, "Longitude": -118.26, "Population": 1200.0}, {"index": 5808, "quantile": 0.5, "value": 192899.99999999997, "Latitude": 34.14, "Longitude": -118.26, "Population": 1200.0}, {"index": 5808, "quantile": 0.75, "value": 235600.00000000003, "Latitude": 34.14, "Longitude": -118.26, "Population": 1200.0}, {"index": 5808, "quantile": 1.0, "value": 286600.0, "Latitude": 34.14, "Longitude": -118.26, "Population": 1200.0}, {"index": 5809, "quantile": 0.0, "value": 154600.0, "Latitude": 34.15, "Longitude": -118.27, "Population": 2287.0}, {"index": 5809, "quantile": 0.25, "value": 220200.0, "Latitude": 34.15, "Longitude": -118.27, "Population": 2287.0}, {"index": 5809, "quantile": 0.5, "value": 229000.0, "Latitude": 34.15, "Longitude": -118.27, "Population": 2287.0}, {"index": 5809, "quantile": 0.75, "value": 229000.0, "Latitude": 34.15, "Longitude": -118.27, "Population": 2287.0}, {"index": 5809, "quantile": 1.0, "value": 305600.0, "Latitude": 34.15, "Longitude": -118.27, "Population": 2287.0}, {"index": 5810, "quantile": 0.0, "value": 140500.0, "Latitude": 34.13, "Longitude": -118.26, "Population": 2843.0}, {"index": 5810, "quantile": 0.25, "value": 218100.0, "Latitude": 34.13, "Longitude": -118.26, "Population": 2843.0}, {"index": 5810, "quantile": 0.5, "value": 218100.0, "Latitude": 34.13, "Longitude": -118.26, "Population": 2843.0}, {"index": 5810, "quantile": 0.75, "value": 218100.0, "Latitude": 34.13, "Longitude": -118.26, "Population": 2843.0}, {"index": 5810, "quantile": 1.0, "value": 255900.00000000003, "Latitude": 34.13, "Longitude": -118.26, "Population": 2843.0}, {"index": 5811, "quantile": 0.0, "value": 116700.0, "Latitude": 34.13, "Longitude": -118.26, "Population": 1185.0}, {"index": 5811, "quantile": 0.25, "value": 207100.00000000003, "Latitude": 34.13, "Longitude": -118.26, "Population": 1185.0}, {"index": 5811, "quantile": 0.5, "value": 207100.00000000003, "Latitude": 34.13, "Longitude": -118.26, "Population": 1185.0}, {"index": 5811, "quantile": 0.75, "value": 207100.00000000003, "Latitude": 34.13, "Longitude": -118.26, "Population": 1185.0}, {"index": 5811, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 34.13, "Longitude": -118.26, "Population": 1185.0}, {"index": 5812, "quantile": 0.0, "value": 22500.0, "Latitude": 34.13, "Longitude": -118.26, "Population": 194.0}, {"index": 5812, "quantile": 0.25, "value": 215875.00000000003, "Latitude": 34.13, "Longitude": -118.26, "Population": 194.0}, {"index": 5812, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 34.13, "Longitude": -118.26, "Population": 194.0}, {"index": 5812, "quantile": 0.75, "value": 218800.00000000003, "Latitude": 34.13, "Longitude": -118.26, "Population": 194.0}, {"index": 5812, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.26, "Population": 194.0}, {"index": 5813, "quantile": 0.0, "value": 112500.0, "Latitude": 34.14, "Longitude": -118.26, "Population": 1255.0}, {"index": 5813, "quantile": 0.25, "value": 184925.0, "Latitude": 34.14, "Longitude": -118.26, "Population": 1255.0}, {"index": 5813, "quantile": 0.5, "value": 204999.99999999997, "Latitude": 34.14, "Longitude": -118.26, "Population": 1255.0}, {"index": 5813, "quantile": 0.75, "value": 204999.99999999997, "Latitude": 34.14, "Longitude": -118.26, "Population": 1255.0}, {"index": 5813, "quantile": 1.0, "value": 227100.0, "Latitude": 34.14, "Longitude": -118.26, "Population": 1255.0}, {"index": 5814, "quantile": 0.0, "value": 50600.0, "Latitude": 34.14, "Longitude": -118.25, "Population": 3749.0}, {"index": 5814, "quantile": 0.25, "value": 155650.0, "Latitude": 34.14, "Longitude": -118.25, "Population": 3749.0}, {"index": 5814, "quantile": 0.5, "value": 175850.0, "Latitude": 34.14, "Longitude": -118.25, "Population": 3749.0}, {"index": 5814, "quantile": 0.75, "value": 198400.0, "Latitude": 34.14, "Longitude": -118.25, "Population": 3749.0}, {"index": 5814, "quantile": 1.0, "value": 350000.0, "Latitude": 34.14, "Longitude": -118.25, "Population": 3749.0}, {"index": 5815, "quantile": 0.0, "value": 145400.0, "Latitude": 34.14, "Longitude": -118.25, "Population": 5217.0}, {"index": 5815, "quantile": 0.25, "value": 188174.99999999997, "Latitude": 34.14, "Longitude": -118.25, "Population": 5217.0}, {"index": 5815, "quantile": 0.5, "value": 218100.0, "Latitude": 34.14, "Longitude": -118.25, "Population": 5217.0}, {"index": 5815, "quantile": 0.75, "value": 222400.00000000003, "Latitude": 34.14, "Longitude": -118.25, "Population": 5217.0}, {"index": 5815, "quantile": 1.0, "value": 350000.0, "Latitude": 34.14, "Longitude": -118.25, "Population": 5217.0}, {"index": 5816, "quantile": 0.0, "value": 140100.0, "Latitude": 34.13, "Longitude": -118.25, "Population": 2226.0}, {"index": 5816, "quantile": 0.25, "value": 207100.00000000003, "Latitude": 34.13, "Longitude": -118.25, "Population": 2226.0}, {"index": 5816, "quantile": 0.5, "value": 219700.0, "Latitude": 34.13, "Longitude": -118.25, "Population": 2226.0}, {"index": 5816, "quantile": 0.75, "value": 229000.0, "Latitude": 34.13, "Longitude": -118.25, "Population": 2226.0}, {"index": 5816, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.25, "Population": 2226.0}, {"index": 5817, "quantile": 0.0, "value": 97300.0, "Latitude": 34.13, "Longitude": -118.24, "Population": 1245.0}, {"index": 5817, "quantile": 0.25, "value": 214800.0, "Latitude": 34.13, "Longitude": -118.24, "Population": 1245.0}, {"index": 5817, "quantile": 0.5, "value": 260500.0, "Latitude": 34.13, "Longitude": -118.24, "Population": 1245.0}, {"index": 5817, "quantile": 0.75, "value": 260500.0, "Latitude": 34.13, "Longitude": -118.24, "Population": 1245.0}, {"index": 5817, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.13, "Longitude": -118.24, "Population": 1245.0}, {"index": 5818, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.13, "Longitude": -118.25, "Population": 229.0}, {"index": 5818, "quantile": 0.25, "value": 177400.0, "Latitude": 34.13, "Longitude": -118.25, "Population": 229.0}, {"index": 5818, "quantile": 0.5, "value": 207100.00000000003, "Latitude": 34.13, "Longitude": -118.25, "Population": 229.0}, {"index": 5818, "quantile": 0.75, "value": 259100.00000000003, "Latitude": 34.13, "Longitude": -118.25, "Population": 229.0}, {"index": 5818, "quantile": 1.0, "value": 337500.0, "Latitude": 34.13, "Longitude": -118.25, "Population": 229.0}, {"index": 5819, "quantile": 0.0, "value": 153500.0, "Latitude": 34.13, "Longitude": -118.25, "Population": 2542.0}, {"index": 5819, "quantile": 0.25, "value": 219300.0, "Latitude": 34.13, "Longitude": -118.25, "Population": 2542.0}, {"index": 5819, "quantile": 0.5, "value": 255900.00000000003, "Latitude": 34.13, "Longitude": -118.25, "Population": 2542.0}, {"index": 5819, "quantile": 0.75, "value": 255900.00000000003, "Latitude": 34.13, "Longitude": -118.25, "Population": 2542.0}, {"index": 5819, "quantile": 1.0, "value": 330800.0, "Latitude": 34.13, "Longitude": -118.25, "Population": 2542.0}, {"index": 5820, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.12, "Longitude": -118.25, "Population": 861.0}, {"index": 5820, "quantile": 0.25, "value": 143800.0, "Latitude": 34.12, "Longitude": -118.25, "Population": 861.0}, {"index": 5820, "quantile": 0.5, "value": 173900.0, "Latitude": 34.12, "Longitude": -118.25, "Population": 861.0}, {"index": 5820, "quantile": 0.75, "value": 200000.0, "Latitude": 34.12, "Longitude": -118.25, "Population": 861.0}, {"index": 5820, "quantile": 1.0, "value": 360000.0, "Latitude": 34.12, "Longitude": -118.25, "Population": 861.0}, {"index": 5821, "quantile": 0.0, "value": 269600.0, "Latitude": 34.22, "Longitude": -118.31, "Population": 3199.0}, {"index": 5821, "quantile": 0.25, "value": 338400.0, "Latitude": 34.22, "Longitude": -118.31, "Population": 3199.0}, {"index": 5821, "quantile": 0.5, "value": 393400.0, "Latitude": 34.22, "Longitude": -118.31, "Population": 3199.0}, {"index": 5821, "quantile": 0.75, "value": 405225.0, "Latitude": 34.22, "Longitude": -118.31, "Population": 3199.0}, {"index": 5821, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.31, "Population": 3199.0}, {"index": 5822, "quantile": 0.0, "value": 269600.0, "Latitude": 34.21, "Longitude": -118.33, "Population": 1362.0}, {"index": 5822, "quantile": 0.25, "value": 402900.0, "Latitude": 34.21, "Longitude": -118.33, "Population": 1362.0}, {"index": 5822, "quantile": 0.5, "value": 402900.0, "Latitude": 34.21, "Longitude": -118.33, "Population": 1362.0}, {"index": 5822, "quantile": 0.75, "value": 402900.0, "Latitude": 34.21, "Longitude": -118.33, "Population": 1362.0}, {"index": 5822, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.33, "Population": 1362.0}, {"index": 5823, "quantile": 0.0, "value": 148400.0, "Latitude": 34.21, "Longitude": -118.34, "Population": 864.0}, {"index": 5823, "quantile": 0.25, "value": 219975.0, "Latitude": 34.21, "Longitude": -118.34, "Population": 864.0}, {"index": 5823, "quantile": 0.5, "value": 252800.0, "Latitude": 34.21, "Longitude": -118.34, "Population": 864.0}, {"index": 5823, "quantile": 0.75, "value": 296200.0, "Latitude": 34.21, "Longitude": -118.34, "Population": 864.0}, {"index": 5823, "quantile": 1.0, "value": 456100.0, "Latitude": 34.21, "Longitude": -118.34, "Population": 864.0}, {"index": 5824, "quantile": 0.0, "value": 90100.0, "Latitude": 34.18, "Longitude": -118.29, "Population": 1441.0}, {"index": 5824, "quantile": 0.25, "value": 279650.0, "Latitude": 34.18, "Longitude": -118.29, "Population": 1441.0}, {"index": 5824, "quantile": 0.5, "value": 320400.0, "Latitude": 34.18, "Longitude": -118.29, "Population": 1441.0}, {"index": 5824, "quantile": 0.75, "value": 320400.0, "Latitude": 34.18, "Longitude": -118.29, "Population": 1441.0}, {"index": 5824, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.29, "Population": 1441.0}, {"index": 5825, "quantile": 0.0, "value": 116700.0, "Latitude": 34.19, "Longitude": -118.3, "Population": 1924.0}, {"index": 5825, "quantile": 0.25, "value": 217700.0, "Latitude": 34.19, "Longitude": -118.3, "Population": 1924.0}, {"index": 5825, "quantile": 0.5, "value": 280900.0, "Latitude": 34.19, "Longitude": -118.3, "Population": 1924.0}, {"index": 5825, "quantile": 0.75, "value": 280900.0, "Latitude": 34.19, "Longitude": -118.3, "Population": 1924.0}, {"index": 5825, "quantile": 1.0, "value": 341200.0, "Latitude": 34.19, "Longitude": -118.3, "Population": 1924.0}, {"index": 5826, "quantile": 0.0, "value": 149600.0, "Latitude": 34.19, "Longitude": -118.3, "Population": 746.0}, {"index": 5826, "quantile": 0.25, "value": 326100.0, "Latitude": 34.19, "Longitude": -118.3, "Population": 746.0}, {"index": 5826, "quantile": 0.5, "value": 326100.0, "Latitude": 34.19, "Longitude": -118.3, "Population": 746.0}, {"index": 5826, "quantile": 0.75, "value": 326100.0, "Latitude": 34.19, "Longitude": -118.3, "Population": 746.0}, {"index": 5826, "quantile": 1.0, "value": 479000.0, "Latitude": 34.19, "Longitude": -118.3, "Population": 746.0}, {"index": 5827, "quantile": 0.0, "value": 90400.0, "Latitude": 34.19, "Longitude": -118.3, "Population": 586.0}, {"index": 5827, "quantile": 0.25, "value": 324850.0, "Latitude": 34.19, "Longitude": -118.3, "Population": 586.0}, {"index": 5827, "quantile": 0.5, "value": 332400.0, "Latitude": 34.19, "Longitude": -118.3, "Population": 586.0}, {"index": 5827, "quantile": 0.75, "value": 332400.0, "Latitude": 34.19, "Longitude": -118.3, "Population": 586.0}, {"index": 5827, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.3, "Population": 586.0}, {"index": 5828, "quantile": 0.0, "value": 165600.0, "Latitude": 34.19, "Longitude": -118.31, "Population": 2372.0}, {"index": 5828, "quantile": 0.25, "value": 244499.99999999997, "Latitude": 34.19, "Longitude": -118.31, "Population": 2372.0}, {"index": 5828, "quantile": 0.5, "value": 266600.0, "Latitude": 34.19, "Longitude": -118.31, "Population": 2372.0}, {"index": 5828, "quantile": 0.75, "value": 335000.0, "Latitude": 34.19, "Longitude": -118.31, "Population": 2372.0}, {"index": 5828, "quantile": 1.0, "value": 395500.0, "Latitude": 34.19, "Longitude": -118.31, "Population": 2372.0}, {"index": 5829, "quantile": 0.0, "value": 85600.0, "Latitude": 34.19, "Longitude": -118.3, "Population": 1364.0}, {"index": 5829, "quantile": 0.25, "value": 200999.99999999997, "Latitude": 34.19, "Longitude": -118.3, "Population": 1364.0}, {"index": 5829, "quantile": 0.5, "value": 326100.0, "Latitude": 34.19, "Longitude": -118.3, "Population": 1364.0}, {"index": 5829, "quantile": 0.75, "value": 427600.0, "Latitude": 34.19, "Longitude": -118.3, "Population": 1364.0}, {"index": 5829, "quantile": 1.0, "value": 450800.0, "Latitude": 34.19, "Longitude": -118.3, "Population": 1364.0}, {"index": 5830, "quantile": 0.0, "value": 136400.0, "Latitude": 34.2, "Longitude": -118.31, "Population": 778.0}, {"index": 5830, "quantile": 0.25, "value": 295900.0, "Latitude": 34.2, "Longitude": -118.31, "Population": 778.0}, {"index": 5830, "quantile": 0.5, "value": 349600.0, "Latitude": 34.2, "Longitude": -118.31, "Population": 778.0}, {"index": 5830, "quantile": 0.75, "value": 349600.0, "Latitude": 34.2, "Longitude": -118.31, "Population": 778.0}, {"index": 5830, "quantile": 1.0, "value": 368500.0, "Latitude": 34.2, "Longitude": -118.31, "Population": 778.0}, {"index": 5831, "quantile": 0.0, "value": 171700.0, "Latitude": 34.2, "Longitude": -118.32, "Population": 984.0}, {"index": 5831, "quantile": 0.25, "value": 345300.0, "Latitude": 34.2, "Longitude": -118.32, "Population": 984.0}, {"index": 5831, "quantile": 0.5, "value": 345300.0, "Latitude": 34.2, "Longitude": -118.32, "Population": 984.0}, {"index": 5831, "quantile": 0.75, "value": 362850.0, "Latitude": 34.2, "Longitude": -118.32, "Population": 984.0}, {"index": 5831, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.32, "Population": 984.0}, {"index": 5832, "quantile": 0.0, "value": 157800.0, "Latitude": 34.2, "Longitude": -118.32, "Population": 372.0}, {"index": 5832, "quantile": 0.25, "value": 238199.99999999997, "Latitude": 34.2, "Longitude": -118.32, "Population": 372.0}, {"index": 5832, "quantile": 0.5, "value": 328900.0, "Latitude": 34.2, "Longitude": -118.32, "Population": 372.0}, {"index": 5832, "quantile": 0.75, "value": 328900.0, "Latitude": 34.2, "Longitude": -118.32, "Population": 372.0}, {"index": 5832, "quantile": 1.0, "value": 365900.0, "Latitude": 34.2, "Longitude": -118.32, "Population": 372.0}, {"index": 5833, "quantile": 0.0, "value": 84400.0, "Latitude": 34.2, "Longitude": -118.32, "Population": 834.0}, {"index": 5833, "quantile": 0.25, "value": 208175.0, "Latitude": 34.2, "Longitude": -118.32, "Population": 834.0}, {"index": 5833, "quantile": 0.5, "value": 229199.99999999997, "Latitude": 34.2, "Longitude": -118.32, "Population": 834.0}, {"index": 5833, "quantile": 0.75, "value": 277500.0, "Latitude": 34.2, "Longitude": -118.32, "Population": 834.0}, {"index": 5833, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.32, "Population": 834.0}, {"index": 5834, "quantile": 0.0, "value": 163900.0, "Latitude": 34.2, "Longitude": -118.33, "Population": 613.0}, {"index": 5834, "quantile": 0.25, "value": 238300.0, "Latitude": 34.2, "Longitude": -118.33, "Population": 613.0}, {"index": 5834, "quantile": 0.5, "value": 289000.0, "Latitude": 34.2, "Longitude": -118.33, "Population": 613.0}, {"index": 5834, "quantile": 0.75, "value": 289000.0, "Latitude": 34.2, "Longitude": -118.33, "Population": 613.0}, {"index": 5834, "quantile": 1.0, "value": 361700.0, "Latitude": 34.2, "Longitude": -118.33, "Population": 613.0}, {"index": 5835, "quantile": 0.0, "value": 152000.0, "Latitude": 34.2, "Longitude": -118.33, "Population": 1106.0}, {"index": 5835, "quantile": 0.25, "value": 233524.99999999997, "Latitude": 34.2, "Longitude": -118.33, "Population": 1106.0}, {"index": 5835, "quantile": 0.5, "value": 284600.0, "Latitude": 34.2, "Longitude": -118.33, "Population": 1106.0}, {"index": 5835, "quantile": 0.75, "value": 284600.0, "Latitude": 34.2, "Longitude": -118.33, "Population": 1106.0}, {"index": 5835, "quantile": 1.0, "value": 352100.0, "Latitude": 34.2, "Longitude": -118.33, "Population": 1106.0}, {"index": 5836, "quantile": 0.0, "value": 127800.0, "Latitude": 34.2, "Longitude": -118.34, "Population": 1516.0}, {"index": 5836, "quantile": 0.25, "value": 233500.0, "Latitude": 34.2, "Longitude": -118.34, "Population": 1516.0}, {"index": 5836, "quantile": 0.5, "value": 262900.0, "Latitude": 34.2, "Longitude": -118.34, "Population": 1516.0}, {"index": 5836, "quantile": 0.75, "value": 262900.0, "Latitude": 34.2, "Longitude": -118.34, "Population": 1516.0}, {"index": 5836, "quantile": 1.0, "value": 361700.0, "Latitude": 34.2, "Longitude": -118.34, "Population": 1516.0}, {"index": 5837, "quantile": 0.0, "value": 122200.0, "Latitude": 34.19, "Longitude": -118.34, "Population": 1176.0}, {"index": 5837, "quantile": 0.25, "value": 192400.0, "Latitude": 34.19, "Longitude": -118.34, "Population": 1176.0}, {"index": 5837, "quantile": 0.5, "value": 192400.0, "Latitude": 34.19, "Longitude": -118.34, "Population": 1176.0}, {"index": 5837, "quantile": 0.75, "value": 194900.0, "Latitude": 34.19, "Longitude": -118.34, "Population": 1176.0}, {"index": 5837, "quantile": 1.0, "value": 261000.0, "Latitude": 34.19, "Longitude": -118.34, "Population": 1176.0}, {"index": 5838, "quantile": 0.0, "value": 112500.0, "Latitude": 34.2, "Longitude": -118.36, "Population": 1874.0}, {"index": 5838, "quantile": 0.25, "value": 185100.0, "Latitude": 34.2, "Longitude": -118.36, "Population": 1874.0}, {"index": 5838, "quantile": 0.5, "value": 199300.0, "Latitude": 34.2, "Longitude": -118.36, "Population": 1874.0}, {"index": 5838, "quantile": 0.75, "value": 210975.0, "Latitude": 34.2, "Longitude": -118.36, "Population": 1874.0}, {"index": 5838, "quantile": 1.0, "value": 350000.0, "Latitude": 34.2, "Longitude": -118.36, "Population": 1874.0}, {"index": 5839, "quantile": 0.0, "value": 150900.0, "Latitude": 34.2, "Longitude": -118.32, "Population": 952.0}, {"index": 5839, "quantile": 0.25, "value": 323100.00000000006, "Latitude": 34.2, "Longitude": -118.32, "Population": 952.0}, {"index": 5839, "quantile": 0.5, "value": 341200.0, "Latitude": 34.2, "Longitude": -118.32, "Population": 952.0}, {"index": 5839, "quantile": 0.75, "value": 341200.0, "Latitude": 34.2, "Longitude": -118.32, "Population": 952.0}, {"index": 5839, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.32, "Population": 952.0}, {"index": 5840, "quantile": 0.0, "value": 132200.0, "Latitude": 34.19, "Longitude": -118.32, "Population": 485.0}, {"index": 5840, "quantile": 0.25, "value": 352100.0, "Latitude": 34.19, "Longitude": -118.32, "Population": 485.0}, {"index": 5840, "quantile": 0.5, "value": 352100.0, "Latitude": 34.19, "Longitude": -118.32, "Population": 485.0}, {"index": 5840, "quantile": 0.75, "value": 352100.0, "Latitude": 34.19, "Longitude": -118.32, "Population": 485.0}, {"index": 5840, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.32, "Population": 485.0}, {"index": 5841, "quantile": 0.0, "value": 74300.0, "Latitude": 34.19, "Longitude": -118.32, "Population": 613.0}, {"index": 5841, "quantile": 0.25, "value": 272500.0, "Latitude": 34.19, "Longitude": -118.32, "Population": 613.0}, {"index": 5841, "quantile": 0.5, "value": 272500.0, "Latitude": 34.19, "Longitude": -118.32, "Population": 613.0}, {"index": 5841, "quantile": 0.75, "value": 272500.0, "Latitude": 34.19, "Longitude": -118.32, "Population": 613.0}, {"index": 5841, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.32, "Population": 613.0}, {"index": 5842, "quantile": 0.0, "value": 93800.0, "Latitude": 34.19, "Longitude": -118.31, "Population": 420.0}, {"index": 5842, "quantile": 0.25, "value": 217925.0, "Latitude": 34.19, "Longitude": -118.31, "Population": 420.0}, {"index": 5842, "quantile": 0.5, "value": 361700.0, "Latitude": 34.19, "Longitude": -118.31, "Population": 420.0}, {"index": 5842, "quantile": 0.75, "value": 361700.0, "Latitude": 34.19, "Longitude": -118.31, "Population": 420.0}, {"index": 5842, "quantile": 1.0, "value": 361700.0, "Latitude": 34.19, "Longitude": -118.31, "Population": 420.0}, {"index": 5843, "quantile": 0.0, "value": 162100.0, "Latitude": 34.19, "Longitude": -118.32, "Population": 375.0}, {"index": 5843, "quantile": 0.25, "value": 222700.0, "Latitude": 34.19, "Longitude": -118.32, "Population": 375.0}, {"index": 5843, "quantile": 0.5, "value": 222700.0, "Latitude": 34.19, "Longitude": -118.32, "Population": 375.0}, {"index": 5843, "quantile": 0.75, "value": 222700.0, "Latitude": 34.19, "Longitude": -118.32, "Population": 375.0}, {"index": 5843, "quantile": 1.0, "value": 361700.0, "Latitude": 34.19, "Longitude": -118.32, "Population": 375.0}, {"index": 5844, "quantile": 0.0, "value": 143800.0, "Latitude": 34.2, "Longitude": -118.33, "Population": 4757.0}, {"index": 5844, "quantile": 0.25, "value": 198900.0, "Latitude": 34.2, "Longitude": -118.33, "Population": 4757.0}, {"index": 5844, "quantile": 0.5, "value": 225950.0, "Latitude": 34.2, "Longitude": -118.33, "Population": 4757.0}, {"index": 5844, "quantile": 0.75, "value": 248100.0, "Latitude": 34.2, "Longitude": -118.33, "Population": 4757.0}, {"index": 5844, "quantile": 1.0, "value": 417600.0, "Latitude": 34.2, "Longitude": -118.33, "Population": 4757.0}, {"index": 5845, "quantile": 0.0, "value": 145400.0, "Latitude": 34.18, "Longitude": -118.3, "Population": 4293.0}, {"index": 5845, "quantile": 0.25, "value": 230300.0, "Latitude": 34.18, "Longitude": -118.3, "Population": 4293.0}, {"index": 5845, "quantile": 0.5, "value": 251900.0, "Latitude": 34.18, "Longitude": -118.3, "Population": 4293.0}, {"index": 5845, "quantile": 0.75, "value": 251900.0, "Latitude": 34.18, "Longitude": -118.3, "Population": 4293.0}, {"index": 5845, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.18, "Longitude": -118.3, "Population": 4293.0}, {"index": 5846, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.17, "Longitude": -118.3, "Population": 342.0}, {"index": 5846, "quantile": 0.25, "value": 200000.0, "Latitude": 34.17, "Longitude": -118.3, "Population": 342.0}, {"index": 5846, "quantile": 0.5, "value": 200000.0, "Latitude": 34.17, "Longitude": -118.3, "Population": 342.0}, {"index": 5846, "quantile": 0.75, "value": 200000.0, "Latitude": 34.17, "Longitude": -118.3, "Population": 342.0}, {"index": 5846, "quantile": 1.0, "value": 362500.0, "Latitude": 34.17, "Longitude": -118.3, "Population": 342.0}, {"index": 5847, "quantile": 0.0, "value": 72100.0, "Latitude": 34.18, "Longitude": -118.3, "Population": 2997.0}, {"index": 5847, "quantile": 0.25, "value": 172100.0, "Latitude": 34.18, "Longitude": -118.3, "Population": 2997.0}, {"index": 5847, "quantile": 0.5, "value": 172100.0, "Latitude": 34.18, "Longitude": -118.3, "Population": 2997.0}, {"index": 5847, "quantile": 0.75, "value": 215200.0, "Latitude": 34.18, "Longitude": -118.3, "Population": 2997.0}, {"index": 5847, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.3, "Population": 2997.0}, {"index": 5848, "quantile": 0.0, "value": 132500.0, "Latitude": 34.18, "Longitude": -118.31, "Population": 1700.0}, {"index": 5848, "quantile": 0.25, "value": 181300.0, "Latitude": 34.18, "Longitude": -118.31, "Population": 1700.0}, {"index": 5848, "quantile": 0.5, "value": 181300.0, "Latitude": 34.18, "Longitude": -118.31, "Population": 1700.0}, {"index": 5848, "quantile": 0.75, "value": 182100.0, "Latitude": 34.18, "Longitude": -118.31, "Population": 1700.0}, {"index": 5848, "quantile": 1.0, "value": 280900.0, "Latitude": 34.18, "Longitude": -118.31, "Population": 1700.0}, {"index": 5849, "quantile": 0.0, "value": 75900.0, "Latitude": 34.19, "Longitude": -118.31, "Population": 1986.0}, {"index": 5849, "quantile": 0.25, "value": 222700.0, "Latitude": 34.19, "Longitude": -118.31, "Population": 1986.0}, {"index": 5849, "quantile": 0.5, "value": 222700.0, "Latitude": 34.19, "Longitude": -118.31, "Population": 1986.0}, {"index": 5849, "quantile": 0.75, "value": 222700.0, "Latitude": 34.19, "Longitude": -118.31, "Population": 1986.0}, {"index": 5849, "quantile": 1.0, "value": 402500.00000000006, "Latitude": 34.19, "Longitude": -118.31, "Population": 1986.0}, {"index": 5850, "quantile": 0.0, "value": 71300.0, "Latitude": 34.18, "Longitude": -118.32, "Population": 83.0}, {"index": 5850, "quantile": 0.25, "value": 118800.0, "Latitude": 34.18, "Longitude": -118.32, "Population": 83.0}, {"index": 5850, "quantile": 0.5, "value": 118800.0, "Latitude": 34.18, "Longitude": -118.32, "Population": 83.0}, {"index": 5850, "quantile": 0.75, "value": 225775.00000000003, "Latitude": 34.18, "Longitude": -118.32, "Population": 83.0}, {"index": 5850, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.32, "Population": 83.0}, {"index": 5851, "quantile": 0.0, "value": 166900.0, "Latitude": 34.18, "Longitude": -118.32, "Population": 832.0}, {"index": 5851, "quantile": 0.25, "value": 212100.0, "Latitude": 34.18, "Longitude": -118.32, "Population": 832.0}, {"index": 5851, "quantile": 0.5, "value": 212100.0, "Latitude": 34.18, "Longitude": -118.32, "Population": 832.0}, {"index": 5851, "quantile": 0.75, "value": 217000.0, "Latitude": 34.18, "Longitude": -118.32, "Population": 832.0}, {"index": 5851, "quantile": 1.0, "value": 318600.0, "Latitude": 34.18, "Longitude": -118.32, "Population": 832.0}, {"index": 5852, "quantile": 0.0, "value": 183900.0, "Latitude": 34.17, "Longitude": -118.32, "Population": 1202.0}, {"index": 5852, "quantile": 0.25, "value": 250000.0, "Latitude": 34.17, "Longitude": -118.32, "Population": 1202.0}, {"index": 5852, "quantile": 0.5, "value": 250000.0, "Latitude": 34.17, "Longitude": -118.32, "Population": 1202.0}, {"index": 5852, "quantile": 0.75, "value": 250000.0, "Latitude": 34.17, "Longitude": -118.32, "Population": 1202.0}, {"index": 5852, "quantile": 1.0, "value": 404500.0, "Latitude": 34.17, "Longitude": -118.32, "Population": 1202.0}, {"index": 5853, "quantile": 0.0, "value": 157800.0, "Latitude": 34.17, "Longitude": -118.32, "Population": 1284.0}, {"index": 5853, "quantile": 0.25, "value": 247100.0, "Latitude": 34.17, "Longitude": -118.32, "Population": 1284.0}, {"index": 5853, "quantile": 0.5, "value": 247100.0, "Latitude": 34.17, "Longitude": -118.32, "Population": 1284.0}, {"index": 5853, "quantile": 0.75, "value": 247100.0, "Latitude": 34.17, "Longitude": -118.32, "Population": 1284.0}, {"index": 5853, "quantile": 1.0, "value": 446800.0, "Latitude": 34.17, "Longitude": -118.32, "Population": 1284.0}, {"index": 5854, "quantile": 0.0, "value": 156400.0, "Latitude": 34.17, "Longitude": -118.33, "Population": 1118.0}, {"index": 5854, "quantile": 0.25, "value": 238349.99999999997, "Latitude": 34.17, "Longitude": -118.33, "Population": 1118.0}, {"index": 5854, "quantile": 0.5, "value": 278300.0, "Latitude": 34.17, "Longitude": -118.33, "Population": 1118.0}, {"index": 5854, "quantile": 0.75, "value": 320600.0, "Latitude": 34.17, "Longitude": -118.33, "Population": 1118.0}, {"index": 5854, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.33, "Population": 1118.0}, {"index": 5855, "quantile": 0.0, "value": 136300.0, "Latitude": 34.19, "Longitude": -118.33, "Population": 1133.0}, {"index": 5855, "quantile": 0.25, "value": 217000.0, "Latitude": 34.19, "Longitude": -118.33, "Population": 1133.0}, {"index": 5855, "quantile": 0.5, "value": 231300.00000000003, "Latitude": 34.19, "Longitude": -118.33, "Population": 1133.0}, {"index": 5855, "quantile": 0.75, "value": 254500.0, "Latitude": 34.19, "Longitude": -118.33, "Population": 1133.0}, {"index": 5855, "quantile": 1.0, "value": 323000.0, "Latitude": 34.19, "Longitude": -118.33, "Population": 1133.0}, {"index": 5856, "quantile": 0.0, "value": 93900.0, "Latitude": 34.18, "Longitude": -118.33, "Population": 1256.0}, {"index": 5856, "quantile": 0.25, "value": 225999.99999999997, "Latitude": 34.18, "Longitude": -118.33, "Population": 1256.0}, {"index": 5856, "quantile": 0.5, "value": 225999.99999999997, "Latitude": 34.18, "Longitude": -118.33, "Population": 1256.0}, {"index": 5856, "quantile": 0.75, "value": 225999.99999999997, "Latitude": 34.18, "Longitude": -118.33, "Population": 1256.0}, {"index": 5856, "quantile": 1.0, "value": 382100.0, "Latitude": 34.18, "Longitude": -118.33, "Population": 1256.0}, {"index": 5857, "quantile": 0.0, "value": 130300.0, "Latitude": 34.19, "Longitude": -118.33, "Population": 799.0}, {"index": 5857, "quantile": 0.25, "value": 217000.0, "Latitude": 34.19, "Longitude": -118.33, "Population": 799.0}, {"index": 5857, "quantile": 0.5, "value": 217000.0, "Latitude": 34.19, "Longitude": -118.33, "Population": 799.0}, {"index": 5857, "quantile": 0.75, "value": 217000.0, "Latitude": 34.19, "Longitude": -118.33, "Population": 799.0}, {"index": 5857, "quantile": 1.0, "value": 361700.0, "Latitude": 34.19, "Longitude": -118.33, "Population": 799.0}, {"index": 5858, "quantile": 0.0, "value": 70100.0, "Latitude": 34.19, "Longitude": -118.34, "Population": 490.0}, {"index": 5858, "quantile": 0.25, "value": 190850.0, "Latitude": 34.19, "Longitude": -118.34, "Population": 490.0}, {"index": 5858, "quantile": 0.5, "value": 232500.00000000003, "Latitude": 34.19, "Longitude": -118.34, "Population": 490.0}, {"index": 5858, "quantile": 0.75, "value": 268200.0, "Latitude": 34.19, "Longitude": -118.34, "Population": 490.0}, {"index": 5858, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.34, "Population": 490.0}, {"index": 5859, "quantile": 0.0, "value": 173800.0, "Latitude": 34.18, "Longitude": -118.33, "Population": 785.0}, {"index": 5859, "quantile": 0.25, "value": 235500.0, "Latitude": 34.18, "Longitude": -118.33, "Population": 785.0}, {"index": 5859, "quantile": 0.5, "value": 235500.0, "Latitude": 34.18, "Longitude": -118.33, "Population": 785.0}, {"index": 5859, "quantile": 0.75, "value": 235500.0, "Latitude": 34.18, "Longitude": -118.33, "Population": 785.0}, {"index": 5859, "quantile": 1.0, "value": 361700.0, "Latitude": 34.18, "Longitude": -118.33, "Population": 785.0}, {"index": 5860, "quantile": 0.0, "value": 93800.0, "Latitude": 34.18, "Longitude": -118.33, "Population": 977.0}, {"index": 5860, "quantile": 0.25, "value": 231300.00000000003, "Latitude": 34.18, "Longitude": -118.33, "Population": 977.0}, {"index": 5860, "quantile": 0.5, "value": 231300.00000000003, "Latitude": 34.18, "Longitude": -118.33, "Population": 977.0}, {"index": 5860, "quantile": 0.75, "value": 231300.00000000003, "Latitude": 34.18, "Longitude": -118.33, "Population": 977.0}, {"index": 5860, "quantile": 1.0, "value": 349600.0, "Latitude": 34.18, "Longitude": -118.33, "Population": 977.0}, {"index": 5861, "quantile": 0.0, "value": 158200.0, "Latitude": 34.18, "Longitude": -118.33, "Population": 926.0}, {"index": 5861, "quantile": 0.25, "value": 272500.0, "Latitude": 34.18, "Longitude": -118.33, "Population": 926.0}, {"index": 5861, "quantile": 0.5, "value": 341750.0, "Latitude": 34.18, "Longitude": -118.33, "Population": 926.0}, {"index": 5861, "quantile": 0.75, "value": 399950.0, "Latitude": 34.18, "Longitude": -118.33, "Population": 926.0}, {"index": 5861, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.33, "Population": 926.0}, {"index": 5862, "quantile": 0.0, "value": 97200.0, "Latitude": 34.19, "Longitude": -118.34, "Population": 613.0}, {"index": 5862, "quantile": 0.25, "value": 219899.99999999997, "Latitude": 34.19, "Longitude": -118.34, "Population": 613.0}, {"index": 5862, "quantile": 0.5, "value": 219899.99999999997, "Latitude": 34.19, "Longitude": -118.34, "Population": 613.0}, {"index": 5862, "quantile": 0.75, "value": 219899.99999999997, "Latitude": 34.19, "Longitude": -118.34, "Population": 613.0}, {"index": 5862, "quantile": 1.0, "value": 362200.0, "Latitude": 34.19, "Longitude": -118.34, "Population": 613.0}, {"index": 5863, "quantile": 0.0, "value": 93900.0, "Latitude": 34.19, "Longitude": -118.34, "Population": 834.0}, {"index": 5863, "quantile": 0.25, "value": 231199.99999999997, "Latitude": 34.19, "Longitude": -118.34, "Population": 834.0}, {"index": 5863, "quantile": 0.5, "value": 231199.99999999997, "Latitude": 34.19, "Longitude": -118.34, "Population": 834.0}, {"index": 5863, "quantile": 0.75, "value": 231199.99999999997, "Latitude": 34.19, "Longitude": -118.34, "Population": 834.0}, {"index": 5863, "quantile": 1.0, "value": 380300.0, "Latitude": 34.19, "Longitude": -118.34, "Population": 834.0}, {"index": 5864, "quantile": 0.0, "value": 131000.0, "Latitude": 34.18, "Longitude": -118.34, "Population": 1448.0}, {"index": 5864, "quantile": 0.25, "value": 226900.0, "Latitude": 34.18, "Longitude": -118.34, "Population": 1448.0}, {"index": 5864, "quantile": 0.5, "value": 226900.0, "Latitude": 34.18, "Longitude": -118.34, "Population": 1448.0}, {"index": 5864, "quantile": 0.75, "value": 226900.0, "Latitude": 34.18, "Longitude": -118.34, "Population": 1448.0}, {"index": 5864, "quantile": 1.0, "value": 436400.0, "Latitude": 34.18, "Longitude": -118.34, "Population": 1448.0}, {"index": 5865, "quantile": 0.0, "value": 143000.0, "Latitude": 34.18, "Longitude": -118.34, "Population": 714.0}, {"index": 5865, "quantile": 0.25, "value": 229900.0, "Latitude": 34.18, "Longitude": -118.34, "Population": 714.0}, {"index": 5865, "quantile": 0.5, "value": 229900.0, "Latitude": 34.18, "Longitude": -118.34, "Population": 714.0}, {"index": 5865, "quantile": 0.75, "value": 229900.0, "Latitude": 34.18, "Longitude": -118.34, "Population": 714.0}, {"index": 5865, "quantile": 1.0, "value": 350900.0, "Latitude": 34.18, "Longitude": -118.34, "Population": 714.0}, {"index": 5866, "quantile": 0.0, "value": 137500.0, "Latitude": 34.19, "Longitude": -118.35, "Population": 557.0}, {"index": 5866, "quantile": 0.25, "value": 203799.99999999997, "Latitude": 34.19, "Longitude": -118.35, "Population": 557.0}, {"index": 5866, "quantile": 0.5, "value": 222600.0, "Latitude": 34.19, "Longitude": -118.35, "Population": 557.0}, {"index": 5866, "quantile": 0.75, "value": 241300.00000000003, "Latitude": 34.19, "Longitude": -118.35, "Population": 557.0}, {"index": 5866, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.35, "Population": 557.0}, {"index": 5867, "quantile": 0.0, "value": 187600.0, "Latitude": 34.19, "Longitude": -118.36, "Population": 846.0}, {"index": 5867, "quantile": 0.25, "value": 209500.00000000003, "Latitude": 34.19, "Longitude": -118.36, "Population": 846.0}, {"index": 5867, "quantile": 0.5, "value": 209500.00000000003, "Latitude": 34.19, "Longitude": -118.36, "Population": 846.0}, {"index": 5867, "quantile": 0.75, "value": 246300.0, "Latitude": 34.19, "Longitude": -118.36, "Population": 846.0}, {"index": 5867, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.19, "Longitude": -118.36, "Population": 846.0}, {"index": 5868, "quantile": 0.0, "value": 156400.0, "Latitude": 34.18, "Longitude": -118.35, "Population": 1277.0}, {"index": 5868, "quantile": 0.25, "value": 225999.99999999997, "Latitude": 34.18, "Longitude": -118.35, "Population": 1277.0}, {"index": 5868, "quantile": 0.5, "value": 237150.00000000003, "Latitude": 34.18, "Longitude": -118.35, "Population": 1277.0}, {"index": 5868, "quantile": 0.75, "value": 279875.0, "Latitude": 34.18, "Longitude": -118.35, "Population": 1277.0}, {"index": 5868, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.35, "Population": 1277.0}, {"index": 5869, "quantile": 0.0, "value": 84600.0, "Latitude": 34.18, "Longitude": -118.35, "Population": 866.0}, {"index": 5869, "quantile": 0.25, "value": 230399.99999999997, "Latitude": 34.18, "Longitude": -118.35, "Population": 866.0}, {"index": 5869, "quantile": 0.5, "value": 230399.99999999997, "Latitude": 34.18, "Longitude": -118.35, "Population": 866.0}, {"index": 5869, "quantile": 0.75, "value": 230399.99999999997, "Latitude": 34.18, "Longitude": -118.35, "Population": 866.0}, {"index": 5869, "quantile": 1.0, "value": 436400.0, "Latitude": 34.18, "Longitude": -118.35, "Population": 866.0}, {"index": 5870, "quantile": 0.0, "value": 85500.0, "Latitude": 34.17, "Longitude": -118.35, "Population": 1280.0}, {"index": 5870, "quantile": 0.25, "value": 231999.99999999997, "Latitude": 34.17, "Longitude": -118.35, "Population": 1280.0}, {"index": 5870, "quantile": 0.5, "value": 231999.99999999997, "Latitude": 34.17, "Longitude": -118.35, "Population": 1280.0}, {"index": 5870, "quantile": 0.75, "value": 242525.0, "Latitude": 34.17, "Longitude": -118.35, "Population": 1280.0}, {"index": 5870, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.35, "Population": 1280.0}, {"index": 5871, "quantile": 0.0, "value": 67700.0, "Latitude": 34.17, "Longitude": -118.35, "Population": 365.0}, {"index": 5871, "quantile": 0.25, "value": 209625.0, "Latitude": 34.17, "Longitude": -118.35, "Population": 365.0}, {"index": 5871, "quantile": 0.5, "value": 225000.0, "Latitude": 34.17, "Longitude": -118.35, "Population": 365.0}, {"index": 5871, "quantile": 0.75, "value": 225000.0, "Latitude": 34.17, "Longitude": -118.35, "Population": 365.0}, {"index": 5871, "quantile": 1.0, "value": 450000.0, "Latitude": 34.17, "Longitude": -118.35, "Population": 365.0}, {"index": 5872, "quantile": 0.0, "value": 148400.0, "Latitude": 34.17, "Longitude": -118.35, "Population": 814.0}, {"index": 5872, "quantile": 0.25, "value": 216000.0, "Latitude": 34.17, "Longitude": -118.35, "Population": 814.0}, {"index": 5872, "quantile": 0.5, "value": 216000.0, "Latitude": 34.17, "Longitude": -118.35, "Population": 814.0}, {"index": 5872, "quantile": 0.75, "value": 216000.0, "Latitude": 34.17, "Longitude": -118.35, "Population": 814.0}, {"index": 5872, "quantile": 1.0, "value": 361700.0, "Latitude": 34.17, "Longitude": -118.35, "Population": 814.0}, {"index": 5873, "quantile": 0.0, "value": 157000.0, "Latitude": 34.17, "Longitude": -118.36, "Population": 661.0}, {"index": 5873, "quantile": 0.25, "value": 229100.0, "Latitude": 34.17, "Longitude": -118.36, "Population": 661.0}, {"index": 5873, "quantile": 0.5, "value": 229100.0, "Latitude": 34.17, "Longitude": -118.36, "Population": 661.0}, {"index": 5873, "quantile": 0.75, "value": 229100.0, "Latitude": 34.17, "Longitude": -118.36, "Population": 661.0}, {"index": 5873, "quantile": 1.0, "value": 324000.0, "Latitude": 34.17, "Longitude": -118.36, "Population": 661.0}, {"index": 5874, "quantile": 0.0, "value": 157000.0, "Latitude": 34.18, "Longitude": -118.34, "Population": 720.0}, {"index": 5874, "quantile": 0.25, "value": 205999.99999999997, "Latitude": 34.18, "Longitude": -118.34, "Population": 720.0}, {"index": 5874, "quantile": 0.5, "value": 231999.99999999997, "Latitude": 34.18, "Longitude": -118.34, "Population": 720.0}, {"index": 5874, "quantile": 0.75, "value": 238450.0, "Latitude": 34.18, "Longitude": -118.34, "Population": 720.0}, {"index": 5874, "quantile": 1.0, "value": 395700.0, "Latitude": 34.18, "Longitude": -118.34, "Population": 720.0}, {"index": 5875, "quantile": 0.0, "value": 173800.0, "Latitude": 34.18, "Longitude": -118.34, "Population": 1601.0}, {"index": 5875, "quantile": 0.25, "value": 231999.99999999997, "Latitude": 34.18, "Longitude": -118.34, "Population": 1601.0}, {"index": 5875, "quantile": 0.5, "value": 231999.99999999997, "Latitude": 34.18, "Longitude": -118.34, "Population": 1601.0}, {"index": 5875, "quantile": 0.75, "value": 232799.99999999997, "Latitude": 34.18, "Longitude": -118.34, "Population": 1601.0}, {"index": 5875, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.34, "Population": 1601.0}, {"index": 5876, "quantile": 0.0, "value": 198200.0, "Latitude": 34.17, "Longitude": -118.34, "Population": 1284.0}, {"index": 5876, "quantile": 0.25, "value": 232500.00000000003, "Latitude": 34.17, "Longitude": -118.34, "Population": 1284.0}, {"index": 5876, "quantile": 0.5, "value": 232500.00000000003, "Latitude": 34.17, "Longitude": -118.34, "Population": 1284.0}, {"index": 5876, "quantile": 0.75, "value": 281475.0, "Latitude": 34.17, "Longitude": -118.34, "Population": 1284.0}, {"index": 5876, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.34, "Population": 1284.0}, {"index": 5877, "quantile": 0.0, "value": 161900.0, "Latitude": 34.16, "Longitude": -118.35, "Population": 1083.0}, {"index": 5877, "quantile": 0.25, "value": 250000.0, "Latitude": 34.16, "Longitude": -118.35, "Population": 1083.0}, {"index": 5877, "quantile": 0.5, "value": 250000.0, "Latitude": 34.16, "Longitude": -118.35, "Population": 1083.0}, {"index": 5877, "quantile": 0.75, "value": 250000.0, "Latitude": 34.16, "Longitude": -118.35, "Population": 1083.0}, {"index": 5877, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.35, "Population": 1083.0}, {"index": 5878, "quantile": 0.0, "value": 229700.00000000003, "Latitude": 34.16, "Longitude": -118.35, "Population": 538.0}, {"index": 5878, "quantile": 0.25, "value": 293800.0, "Latitude": 34.16, "Longitude": -118.35, "Population": 538.0}, {"index": 5878, "quantile": 0.5, "value": 293800.0, "Latitude": 34.16, "Longitude": -118.35, "Population": 538.0}, {"index": 5878, "quantile": 0.75, "value": 338800.0, "Latitude": 34.16, "Longitude": -118.35, "Population": 538.0}, {"index": 5878, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.35, "Population": 538.0}, {"index": 5879, "quantile": 0.0, "value": 125000.0, "Latitude": 34.16, "Longitude": -118.35, "Population": 584.0}, {"index": 5879, "quantile": 0.25, "value": 267900.0, "Latitude": 34.16, "Longitude": -118.35, "Population": 584.0}, {"index": 5879, "quantile": 0.5, "value": 267900.0, "Latitude": 34.16, "Longitude": -118.35, "Population": 584.0}, {"index": 5879, "quantile": 0.75, "value": 267900.0, "Latitude": 34.16, "Longitude": -118.35, "Population": 584.0}, {"index": 5879, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.35, "Population": 584.0}, {"index": 5880, "quantile": 0.0, "value": 62400.0, "Latitude": 34.17, "Longitude": -118.33, "Population": 750.0}, {"index": 5880, "quantile": 0.25, "value": 127175.0, "Latitude": 34.17, "Longitude": -118.33, "Population": 750.0}, {"index": 5880, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 34.17, "Longitude": -118.33, "Population": 750.0}, {"index": 5880, "quantile": 0.75, "value": 260300.00000000003, "Latitude": 34.17, "Longitude": -118.33, "Population": 750.0}, {"index": 5880, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.33, "Population": 750.0}, {"index": 5881, "quantile": 0.0, "value": 164300.0, "Latitude": 34.16, "Longitude": -118.33, "Population": 1235.0}, {"index": 5881, "quantile": 0.25, "value": 229674.99999999997, "Latitude": 34.16, "Longitude": -118.33, "Population": 1235.0}, {"index": 5881, "quantile": 0.5, "value": 266000.0, "Latitude": 34.16, "Longitude": -118.33, "Population": 1235.0}, {"index": 5881, "quantile": 0.75, "value": 309300.0, "Latitude": 34.16, "Longitude": -118.33, "Population": 1235.0}, {"index": 5881, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.33, "Population": 1235.0}, {"index": 5882, "quantile": 0.0, "value": 125000.0, "Latitude": 34.17, "Longitude": -118.34, "Population": 756.0}, {"index": 5882, "quantile": 0.25, "value": 247000.00000000003, "Latitude": 34.17, "Longitude": -118.34, "Population": 756.0}, {"index": 5882, "quantile": 0.5, "value": 247000.00000000003, "Latitude": 34.17, "Longitude": -118.34, "Population": 756.0}, {"index": 5882, "quantile": 0.75, "value": 247000.00000000003, "Latitude": 34.17, "Longitude": -118.34, "Population": 756.0}, {"index": 5882, "quantile": 1.0, "value": 436400.0, "Latitude": 34.17, "Longitude": -118.34, "Population": 756.0}, {"index": 5883, "quantile": 0.0, "value": 156400.0, "Latitude": 34.17, "Longitude": -118.34, "Population": 545.0}, {"index": 5883, "quantile": 0.25, "value": 249500.0, "Latitude": 34.17, "Longitude": -118.34, "Population": 545.0}, {"index": 5883, "quantile": 0.5, "value": 249500.0, "Latitude": 34.17, "Longitude": -118.34, "Population": 545.0}, {"index": 5883, "quantile": 0.75, "value": 249500.0, "Latitude": 34.17, "Longitude": -118.34, "Population": 545.0}, {"index": 5883, "quantile": 1.0, "value": 372000.0, "Latitude": 34.17, "Longitude": -118.34, "Population": 545.0}, {"index": 5884, "quantile": 0.0, "value": 138200.0, "Latitude": 34.16, "Longitude": -118.34, "Population": 848.0}, {"index": 5884, "quantile": 0.25, "value": 254500.0, "Latitude": 34.16, "Longitude": -118.34, "Population": 848.0}, {"index": 5884, "quantile": 0.5, "value": 254500.0, "Latitude": 34.16, "Longitude": -118.34, "Population": 848.0}, {"index": 5884, "quantile": 0.75, "value": 254500.0, "Latitude": 34.16, "Longitude": -118.34, "Population": 848.0}, {"index": 5884, "quantile": 1.0, "value": 396000.0, "Latitude": 34.16, "Longitude": -118.34, "Population": 848.0}, {"index": 5885, "quantile": 0.0, "value": 97300.0, "Latitude": 34.16, "Longitude": -118.34, "Population": 608.0}, {"index": 5885, "quantile": 0.25, "value": 244499.99999999997, "Latitude": 34.16, "Longitude": -118.34, "Population": 608.0}, {"index": 5885, "quantile": 0.5, "value": 244499.99999999997, "Latitude": 34.16, "Longitude": -118.34, "Population": 608.0}, {"index": 5885, "quantile": 0.75, "value": 244499.99999999997, "Latitude": 34.16, "Longitude": -118.34, "Population": 608.0}, {"index": 5885, "quantile": 1.0, "value": 479000.0, "Latitude": 34.16, "Longitude": -118.34, "Population": 608.0}, {"index": 5886, "quantile": 0.0, "value": 149600.0, "Latitude": 34.16, "Longitude": -118.33, "Population": 1676.0}, {"index": 5886, "quantile": 0.25, "value": 247900.0, "Latitude": 34.16, "Longitude": -118.33, "Population": 1676.0}, {"index": 5886, "quantile": 0.5, "value": 247900.0, "Latitude": 34.16, "Longitude": -118.33, "Population": 1676.0}, {"index": 5886, "quantile": 0.75, "value": 251175.00000000003, "Latitude": 34.16, "Longitude": -118.33, "Population": 1676.0}, {"index": 5886, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.16, "Longitude": -118.33, "Population": 1676.0}, {"index": 5887, "quantile": 0.0, "value": 17500.0, "Latitude": 34.15, "Longitude": -118.33, "Population": 259.0}, {"index": 5887, "quantile": 0.25, "value": 17500.0, "Latitude": 34.15, "Longitude": -118.33, "Population": 259.0}, {"index": 5887, "quantile": 0.5, "value": 17500.0, "Latitude": 34.15, "Longitude": -118.33, "Population": 259.0}, {"index": 5887, "quantile": 0.75, "value": 232100.00000000003, "Latitude": 34.15, "Longitude": -118.33, "Population": 259.0}, {"index": 5887, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.33, "Population": 259.0}, {"index": 5888, "quantile": 0.0, "value": 331800.0, "Latitude": 34.15, "Longitude": -118.33, "Population": 471.0}, {"index": 5888, "quantile": 0.25, "value": 331800.0, "Latitude": 34.15, "Longitude": -118.33, "Population": 471.0}, {"index": 5888, "quantile": 0.5, "value": 331800.0, "Latitude": 34.15, "Longitude": -118.33, "Population": 471.0}, {"index": 5888, "quantile": 0.75, "value": 393500.0, "Latitude": 34.15, "Longitude": -118.33, "Population": 471.0}, {"index": 5888, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.33, "Population": 471.0}, {"index": 5889, "quantile": 0.0, "value": 175000.0, "Latitude": 34.15, "Longitude": -118.34, "Population": 1190.0}, {"index": 5889, "quantile": 0.25, "value": 450000.0, "Latitude": 34.15, "Longitude": -118.34, "Population": 1190.0}, {"index": 5889, "quantile": 0.5, "value": 497400.0, "Latitude": 34.15, "Longitude": -118.34, "Population": 1190.0}, {"index": 5889, "quantile": 0.75, "value": 497400.0, "Latitude": 34.15, "Longitude": -118.34, "Population": 1190.0}, {"index": 5889, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.34, "Population": 1190.0}, {"index": 5890, "quantile": 0.0, "value": 137500.0, "Latitude": 34.15, "Longitude": -118.34, "Population": 625.0}, {"index": 5890, "quantile": 0.25, "value": 289050.0, "Latitude": 34.15, "Longitude": -118.34, "Population": 625.0}, {"index": 5890, "quantile": 0.5, "value": 450000.0, "Latitude": 34.15, "Longitude": -118.34, "Population": 625.0}, {"index": 5890, "quantile": 0.75, "value": 450000.0, "Latitude": 34.15, "Longitude": -118.34, "Population": 625.0}, {"index": 5890, "quantile": 1.0, "value": 450000.0, "Latitude": 34.15, "Longitude": -118.34, "Population": 625.0}, {"index": 5891, "quantile": 0.0, "value": 210900.0, "Latitude": 34.16, "Longitude": -118.34, "Population": 2616.0}, {"index": 5891, "quantile": 0.25, "value": 281300.0, "Latitude": 34.16, "Longitude": -118.34, "Population": 2616.0}, {"index": 5891, "quantile": 0.5, "value": 337050.0, "Latitude": 34.16, "Longitude": -118.34, "Population": 2616.0}, {"index": 5891, "quantile": 0.75, "value": 393700.0, "Latitude": 34.16, "Longitude": -118.34, "Population": 2616.0}, {"index": 5891, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.34, "Population": 2616.0}, {"index": 5892, "quantile": 0.0, "value": 152000.0, "Latitude": 34.17, "Longitude": -118.32, "Population": 1562.0}, {"index": 5892, "quantile": 0.25, "value": 258800.0, "Latitude": 34.17, "Longitude": -118.32, "Population": 1562.0}, {"index": 5892, "quantile": 0.5, "value": 258800.0, "Latitude": 34.17, "Longitude": -118.32, "Population": 1562.0}, {"index": 5892, "quantile": 0.75, "value": 258800.0, "Latitude": 34.17, "Longitude": -118.32, "Population": 1562.0}, {"index": 5892, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.17, "Longitude": -118.32, "Population": 1562.0}, {"index": 5893, "quantile": 0.0, "value": 161500.0, "Latitude": 34.16, "Longitude": -118.31, "Population": 1317.0}, {"index": 5893, "quantile": 0.25, "value": 250000.0, "Latitude": 34.16, "Longitude": -118.31, "Population": 1317.0}, {"index": 5893, "quantile": 0.5, "value": 349300.0, "Latitude": 34.16, "Longitude": -118.31, "Population": 1317.0}, {"index": 5893, "quantile": 0.75, "value": 349300.0, "Latitude": 34.16, "Longitude": -118.31, "Population": 1317.0}, {"index": 5893, "quantile": 1.0, "value": 417600.0, "Latitude": 34.16, "Longitude": -118.31, "Population": 1317.0}, {"index": 5894, "quantile": 0.0, "value": 125000.0, "Latitude": 34.16, "Longitude": -118.32, "Population": 403.0}, {"index": 5894, "quantile": 0.25, "value": 366700.0, "Latitude": 34.16, "Longitude": -118.32, "Population": 403.0}, {"index": 5894, "quantile": 0.5, "value": 366700.0, "Latitude": 34.16, "Longitude": -118.32, "Population": 403.0}, {"index": 5894, "quantile": 0.75, "value": 366700.0, "Latitude": 34.16, "Longitude": -118.32, "Population": 403.0}, {"index": 5894, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.32, "Population": 403.0}, {"index": 5895, "quantile": 0.0, "value": 67000.0, "Latitude": 34.17, "Longitude": -118.32, "Population": 799.0}, {"index": 5895, "quantile": 0.25, "value": 196875.0, "Latitude": 34.17, "Longitude": -118.32, "Population": 799.0}, {"index": 5895, "quantile": 0.5, "value": 256850.00000000003, "Latitude": 34.17, "Longitude": -118.32, "Population": 799.0}, {"index": 5895, "quantile": 0.75, "value": 290800.0, "Latitude": 34.17, "Longitude": -118.32, "Population": 799.0}, {"index": 5895, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.32, "Population": 799.0}, {"index": 5896, "quantile": 0.0, "value": 87500.0, "Latitude": 34.16, "Longitude": -118.33, "Population": 770.0}, {"index": 5896, "quantile": 0.25, "value": 234600.0, "Latitude": 34.16, "Longitude": -118.33, "Population": 770.0}, {"index": 5896, "quantile": 0.5, "value": 234600.0, "Latitude": 34.16, "Longitude": -118.33, "Population": 770.0}, {"index": 5896, "quantile": 0.75, "value": 279425.0, "Latitude": 34.16, "Longitude": -118.33, "Population": 770.0}, {"index": 5896, "quantile": 1.0, "value": 500000.0, "Latitude": 34.16, "Longitude": -118.33, "Population": 770.0}, {"index": 5897, "quantile": 0.0, "value": 145800.0, "Latitude": 34.16, "Longitude": -118.32, "Population": 1031.0}, {"index": 5897, "quantile": 0.25, "value": 278300.0, "Latitude": 34.16, "Longitude": -118.32, "Population": 1031.0}, {"index": 5897, "quantile": 0.5, "value": 278300.0, "Latitude": 34.16, "Longitude": -118.32, "Population": 1031.0}, {"index": 5897, "quantile": 0.75, "value": 278300.0, "Latitude": 34.16, "Longitude": -118.32, "Population": 1031.0}, {"index": 5897, "quantile": 1.0, "value": 479000.0, "Latitude": 34.16, "Longitude": -118.32, "Population": 1031.0}, {"index": 5898, "quantile": 0.0, "value": 98300.0, "Latitude": 34.17, "Longitude": -118.3, "Population": 1211.0}, {"index": 5898, "quantile": 0.25, "value": 188175.0, "Latitude": 34.17, "Longitude": -118.3, "Population": 1211.0}, {"index": 5898, "quantile": 0.5, "value": 204999.99999999997, "Latitude": 34.17, "Longitude": -118.3, "Population": 1211.0}, {"index": 5898, "quantile": 0.75, "value": 204999.99999999997, "Latitude": 34.17, "Longitude": -118.3, "Population": 1211.0}, {"index": 5898, "quantile": 1.0, "value": 344400.0, "Latitude": 34.17, "Longitude": -118.3, "Population": 1211.0}, {"index": 5899, "quantile": 0.0, "value": 241699.99999999997, "Latitude": 34.16, "Longitude": -118.31, "Population": 860.0}, {"index": 5899, "quantile": 0.25, "value": 315000.0, "Latitude": 34.16, "Longitude": -118.31, "Population": 860.0}, {"index": 5899, "quantile": 0.5, "value": 315000.0, "Latitude": 34.16, "Longitude": -118.31, "Population": 860.0}, {"index": 5899, "quantile": 0.75, "value": 320800.0, "Latitude": 34.16, "Longitude": -118.31, "Population": 860.0}, {"index": 5899, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.31, "Population": 860.0}, {"index": 5900, "quantile": 0.0, "value": 118400.0, "Latitude": 34.17, "Longitude": -118.31, "Population": 2118.0}, {"index": 5900, "quantile": 0.25, "value": 210500.00000000003, "Latitude": 34.17, "Longitude": -118.31, "Population": 2118.0}, {"index": 5900, "quantile": 0.5, "value": 218299.99999999997, "Latitude": 34.17, "Longitude": -118.31, "Population": 2118.0}, {"index": 5900, "quantile": 0.75, "value": 218299.99999999997, "Latitude": 34.17, "Longitude": -118.31, "Population": 2118.0}, {"index": 5900, "quantile": 1.0, "value": 417600.0, "Latitude": 34.17, "Longitude": -118.31, "Population": 2118.0}, {"index": 5901, "quantile": 0.0, "value": 162500.0, "Latitude": 34.17, "Longitude": -118.31, "Population": 2522.0}, {"index": 5901, "quantile": 0.25, "value": 219400.0, "Latitude": 34.17, "Longitude": -118.31, "Population": 2522.0}, {"index": 5901, "quantile": 0.5, "value": 219400.0, "Latitude": 34.17, "Longitude": -118.31, "Population": 2522.0}, {"index": 5901, "quantile": 0.75, "value": 219400.0, "Latitude": 34.17, "Longitude": -118.31, "Population": 2522.0}, {"index": 5901, "quantile": 1.0, "value": 358100.0, "Latitude": 34.17, "Longitude": -118.31, "Population": 2522.0}, {"index": 5902, "quantile": 0.0, "value": 144500.0, "Latitude": 34.3, "Longitude": -118.43, "Population": 1601.0}, {"index": 5902, "quantile": 0.25, "value": 146000.0, "Latitude": 34.3, "Longitude": -118.43, "Population": 1601.0}, {"index": 5902, "quantile": 0.5, "value": 146000.0, "Latitude": 34.3, "Longitude": -118.43, "Population": 1601.0}, {"index": 5902, "quantile": 0.75, "value": 167975.0, "Latitude": 34.3, "Longitude": -118.43, "Population": 1601.0}, {"index": 5902, "quantile": 1.0, "value": 262500.0, "Latitude": 34.3, "Longitude": -118.43, "Population": 1601.0}, {"index": 5903, "quantile": 0.0, "value": 137800.0, "Latitude": 34.3, "Longitude": -118.43, "Population": 1111.0}, {"index": 5903, "quantile": 0.25, "value": 161800.0, "Latitude": 34.3, "Longitude": -118.43, "Population": 1111.0}, {"index": 5903, "quantile": 0.5, "value": 161800.0, "Latitude": 34.3, "Longitude": -118.43, "Population": 1111.0}, {"index": 5903, "quantile": 0.75, "value": 161800.0, "Latitude": 34.3, "Longitude": -118.43, "Population": 1111.0}, {"index": 5903, "quantile": 1.0, "value": 252599.99999999997, "Latitude": 34.3, "Longitude": -118.43, "Population": 1111.0}, {"index": 5904, "quantile": 0.0, "value": 125499.99999999999, "Latitude": 34.29, "Longitude": -118.43, "Population": 1499.0}, {"index": 5904, "quantile": 0.25, "value": 153500.0, "Latitude": 34.29, "Longitude": -118.43, "Population": 1499.0}, {"index": 5904, "quantile": 0.5, "value": 153500.0, "Latitude": 34.29, "Longitude": -118.43, "Population": 1499.0}, {"index": 5904, "quantile": 0.75, "value": 160850.0, "Latitude": 34.29, "Longitude": -118.43, "Population": 1499.0}, {"index": 5904, "quantile": 1.0, "value": 262900.0, "Latitude": 34.29, "Longitude": -118.43, "Population": 1499.0}, {"index": 5905, "quantile": 0.0, "value": 127200.0, "Latitude": 34.29, "Longitude": -118.42, "Population": 1389.0}, {"index": 5905, "quantile": 0.25, "value": 160275.0, "Latitude": 34.29, "Longitude": -118.42, "Population": 1389.0}, {"index": 5905, "quantile": 0.5, "value": 160300.0, "Latitude": 34.29, "Longitude": -118.42, "Population": 1389.0}, {"index": 5905, "quantile": 0.75, "value": 160300.0, "Latitude": 34.29, "Longitude": -118.42, "Population": 1389.0}, {"index": 5905, "quantile": 1.0, "value": 177400.0, "Latitude": 34.29, "Longitude": -118.42, "Population": 1389.0}, {"index": 5906, "quantile": 0.0, "value": 67500.0, "Latitude": 34.3, "Longitude": -118.43, "Population": 246.0}, {"index": 5906, "quantile": 0.25, "value": 164600.0, "Latitude": 34.3, "Longitude": -118.43, "Population": 246.0}, {"index": 5906, "quantile": 0.5, "value": 164600.0, "Latitude": 34.3, "Longitude": -118.43, "Population": 246.0}, {"index": 5906, "quantile": 0.75, "value": 164600.0, "Latitude": 34.3, "Longitude": -118.43, "Population": 246.0}, {"index": 5906, "quantile": 1.0, "value": 327300.0, "Latitude": 34.3, "Longitude": -118.43, "Population": 246.0}, {"index": 5907, "quantile": 0.0, "value": 125699.99999999999, "Latitude": 34.29, "Longitude": -118.44, "Population": 1555.0}, {"index": 5907, "quantile": 0.25, "value": 187725.0, "Latitude": 34.29, "Longitude": -118.44, "Population": 1555.0}, {"index": 5907, "quantile": 0.5, "value": 193800.0, "Latitude": 34.29, "Longitude": -118.44, "Population": 1555.0}, {"index": 5907, "quantile": 0.75, "value": 193800.0, "Latitude": 34.29, "Longitude": -118.44, "Population": 1555.0}, {"index": 5907, "quantile": 1.0, "value": 447100.0, "Latitude": 34.29, "Longitude": -118.44, "Population": 1555.0}, {"index": 5908, "quantile": 0.0, "value": 81300.0, "Latitude": 34.29, "Longitude": -118.43, "Population": 1384.0}, {"index": 5908, "quantile": 0.25, "value": 155500.0, "Latitude": 34.29, "Longitude": -118.43, "Population": 1384.0}, {"index": 5908, "quantile": 0.5, "value": 155500.0, "Latitude": 34.29, "Longitude": -118.43, "Population": 1384.0}, {"index": 5908, "quantile": 0.75, "value": 155500.0, "Latitude": 34.29, "Longitude": -118.43, "Population": 1384.0}, {"index": 5908, "quantile": 1.0, "value": 375000.0, "Latitude": 34.29, "Longitude": -118.43, "Population": 1384.0}, {"index": 5909, "quantile": 0.0, "value": 133000.0, "Latitude": 34.29, "Longitude": -118.43, "Population": 1073.0}, {"index": 5909, "quantile": 0.25, "value": 156550.0, "Latitude": 34.29, "Longitude": -118.43, "Population": 1073.0}, {"index": 5909, "quantile": 0.5, "value": 161750.00000000003, "Latitude": 34.29, "Longitude": -118.43, "Population": 1073.0}, {"index": 5909, "quantile": 0.75, "value": 171700.0, "Latitude": 34.29, "Longitude": -118.43, "Population": 1073.0}, {"index": 5909, "quantile": 1.0, "value": 220100.0, "Latitude": 34.29, "Longitude": -118.43, "Population": 1073.0}, {"index": 5910, "quantile": 0.0, "value": 115100.0, "Latitude": 34.29, "Longitude": -118.43, "Population": 1196.0}, {"index": 5910, "quantile": 0.25, "value": 167000.0, "Latitude": 34.29, "Longitude": -118.43, "Population": 1196.0}, {"index": 5910, "quantile": 0.5, "value": 167000.0, "Latitude": 34.29, "Longitude": -118.43, "Population": 1196.0}, {"index": 5910, "quantile": 0.75, "value": 171750.0, "Latitude": 34.29, "Longitude": -118.43, "Population": 1196.0}, {"index": 5910, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.29, "Longitude": -118.43, "Population": 1196.0}, {"index": 5911, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.28, "Longitude": -118.43, "Population": 1243.0}, {"index": 5911, "quantile": 0.25, "value": 131550.0, "Latitude": 34.28, "Longitude": -118.43, "Population": 1243.0}, {"index": 5911, "quantile": 0.5, "value": 146600.0, "Latitude": 34.28, "Longitude": -118.43, "Population": 1243.0}, {"index": 5911, "quantile": 0.75, "value": 157800.0, "Latitude": 34.28, "Longitude": -118.43, "Population": 1243.0}, {"index": 5911, "quantile": 1.0, "value": 262500.0, "Latitude": 34.28, "Longitude": -118.43, "Population": 1243.0}, {"index": 5912, "quantile": 0.0, "value": 37500.0, "Latitude": 34.29, "Longitude": -118.44, "Population": 1434.0}, {"index": 5912, "quantile": 0.25, "value": 122900.00000000001, "Latitude": 34.29, "Longitude": -118.44, "Population": 1434.0}, {"index": 5912, "quantile": 0.5, "value": 122900.00000000001, "Latitude": 34.29, "Longitude": -118.44, "Population": 1434.0}, {"index": 5912, "quantile": 0.75, "value": 138800.0, "Latitude": 34.29, "Longitude": -118.44, "Population": 1434.0}, {"index": 5912, "quantile": 1.0, "value": 262500.0, "Latitude": 34.29, "Longitude": -118.44, "Population": 1434.0}, {"index": 5913, "quantile": 0.0, "value": 76600.0, "Latitude": 34.29, "Longitude": -118.44, "Population": 1357.0}, {"index": 5913, "quantile": 0.25, "value": 152000.0, "Latitude": 34.29, "Longitude": -118.44, "Population": 1357.0}, {"index": 5913, "quantile": 0.5, "value": 179250.0, "Latitude": 34.29, "Longitude": -118.44, "Population": 1357.0}, {"index": 5913, "quantile": 0.75, "value": 202000.0, "Latitude": 34.29, "Longitude": -118.44, "Population": 1357.0}, {"index": 5913, "quantile": 1.0, "value": 344400.0, "Latitude": 34.29, "Longitude": -118.44, "Population": 1357.0}, {"index": 5914, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.29, "Longitude": -118.45, "Population": 840.0}, {"index": 5914, "quantile": 0.25, "value": 133300.0, "Latitude": 34.29, "Longitude": -118.45, "Population": 840.0}, {"index": 5914, "quantile": 0.5, "value": 150000.0, "Latitude": 34.29, "Longitude": -118.45, "Population": 840.0}, {"index": 5914, "quantile": 0.75, "value": 191375.0, "Latitude": 34.29, "Longitude": -118.45, "Population": 840.0}, {"index": 5914, "quantile": 1.0, "value": 305800.0, "Latitude": 34.29, "Longitude": -118.45, "Population": 840.0}, {"index": 5915, "quantile": 0.0, "value": 33200.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 582.0}, {"index": 5915, "quantile": 0.25, "value": 138800.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 582.0}, {"index": 5915, "quantile": 0.5, "value": 138800.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 582.0}, {"index": 5915, "quantile": 0.75, "value": 138800.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 582.0}, {"index": 5915, "quantile": 1.0, "value": 350000.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 582.0}, {"index": 5916, "quantile": 0.0, "value": 60000.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 24.0}, {"index": 5916, "quantile": 0.25, "value": 162500.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 24.0}, {"index": 5916, "quantile": 0.5, "value": 162500.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 24.0}, {"index": 5916, "quantile": 0.75, "value": 162500.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 24.0}, {"index": 5916, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -118.44, "Population": 24.0}, {"index": 5917, "quantile": 0.0, "value": 37500.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 1107.0}, {"index": 5917, "quantile": 0.25, "value": 136400.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 1107.0}, {"index": 5917, "quantile": 0.5, "value": 144100.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 1107.0}, {"index": 5917, "quantile": 0.75, "value": 144100.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 1107.0}, {"index": 5917, "quantile": 1.0, "value": 207100.00000000003, "Latitude": 34.28, "Longitude": -118.44, "Population": 1107.0}, {"index": 5918, "quantile": 0.0, "value": 67500.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 800.0}, {"index": 5918, "quantile": 0.25, "value": 127600.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 800.0}, {"index": 5918, "quantile": 0.5, "value": 167000.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 800.0}, {"index": 5918, "quantile": 0.75, "value": 187500.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 800.0}, {"index": 5918, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -118.44, "Population": 800.0}, {"index": 5919, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 34.28, "Longitude": -118.44, "Population": 1359.0}, {"index": 5919, "quantile": 0.25, "value": 137100.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 1359.0}, {"index": 5919, "quantile": 0.5, "value": 137100.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 1359.0}, {"index": 5919, "quantile": 0.75, "value": 137550.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 1359.0}, {"index": 5919, "quantile": 1.0, "value": 192400.0, "Latitude": 34.28, "Longitude": -118.44, "Population": 1359.0}, {"index": 5920, "quantile": 0.0, "value": 97900.0, "Latitude": 34.28, "Longitude": -118.45, "Population": 2780.0}, {"index": 5920, "quantile": 0.25, "value": 138900.0, "Latitude": 34.28, "Longitude": -118.45, "Population": 2780.0}, {"index": 5920, "quantile": 0.5, "value": 148000.0, "Latitude": 34.28, "Longitude": -118.45, "Population": 2780.0}, {"index": 5920, "quantile": 0.75, "value": 170625.0, "Latitude": 34.28, "Longitude": -118.45, "Population": 2780.0}, {"index": 5920, "quantile": 1.0, "value": 305800.0, "Latitude": 34.28, "Longitude": -118.45, "Population": 2780.0}, {"index": 5921, "quantile": 0.0, "value": 280300.0, "Latitude": 34.15, "Longitude": -117.71, "Population": 7665.0}, {"index": 5921, "quantile": 0.25, "value": 348700.0, "Latitude": 34.15, "Longitude": -117.71, "Population": 7665.0}, {"index": 5921, "quantile": 0.5, "value": 361400.0, "Latitude": 34.15, "Longitude": -117.71, "Population": 7665.0}, {"index": 5921, "quantile": 0.75, "value": 385225.0, "Latitude": 34.15, "Longitude": -117.71, "Population": 7665.0}, {"index": 5921, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -117.71, "Population": 7665.0}, {"index": 5922, "quantile": 0.0, "value": 134500.0, "Latitude": 34.12, "Longitude": -117.73, "Population": 412.0}, {"index": 5922, "quantile": 0.25, "value": 293800.0, "Latitude": 34.12, "Longitude": -117.73, "Population": 412.0}, {"index": 5922, "quantile": 0.5, "value": 293800.0, "Latitude": 34.12, "Longitude": -117.73, "Population": 412.0}, {"index": 5922, "quantile": 0.75, "value": 294300.0, "Latitude": 34.12, "Longitude": -117.73, "Population": 412.0}, {"index": 5922, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -117.73, "Population": 412.0}, {"index": 5923, "quantile": 0.0, "value": 155000.0, "Latitude": 34.13, "Longitude": -117.78, "Population": 3710.0}, {"index": 5923, "quantile": 0.25, "value": 260500.0, "Latitude": 34.13, "Longitude": -117.78, "Population": 3710.0}, {"index": 5923, "quantile": 0.5, "value": 260500.0, "Latitude": 34.13, "Longitude": -117.78, "Population": 3710.0}, {"index": 5923, "quantile": 0.75, "value": 260500.0, "Latitude": 34.13, "Longitude": -117.78, "Population": 3710.0}, {"index": 5923, "quantile": 1.0, "value": 491200.0, "Latitude": 34.13, "Longitude": -117.78, "Population": 3710.0}, {"index": 5924, "quantile": 0.0, "value": 173200.0, "Latitude": 34.13, "Longitude": -117.76, "Population": 7249.0}, {"index": 5924, "quantile": 0.25, "value": 357850.0, "Latitude": 34.13, "Longitude": -117.76, "Population": 7249.0}, {"index": 5924, "quantile": 0.5, "value": 358700.0, "Latitude": 34.13, "Longitude": -117.76, "Population": 7249.0}, {"index": 5924, "quantile": 0.75, "value": 358700.0, "Latitude": 34.13, "Longitude": -117.76, "Population": 7249.0}, {"index": 5924, "quantile": 1.0, "value": 462700.0, "Latitude": 34.13, "Longitude": -117.76, "Population": 7249.0}, {"index": 5925, "quantile": 0.0, "value": 97400.0, "Latitude": 34.15, "Longitude": -117.8, "Population": 3699.0}, {"index": 5925, "quantile": 0.25, "value": 208599.99999999997, "Latitude": 34.15, "Longitude": -117.8, "Population": 3699.0}, {"index": 5925, "quantile": 0.5, "value": 235600.0, "Latitude": 34.15, "Longitude": -117.8, "Population": 3699.0}, {"index": 5925, "quantile": 0.75, "value": 285125.0, "Latitude": 34.15, "Longitude": -117.8, "Population": 3699.0}, {"index": 5925, "quantile": 1.0, "value": 371700.0, "Latitude": 34.15, "Longitude": -117.8, "Population": 3699.0}, {"index": 5926, "quantile": 0.0, "value": 125699.99999999999, "Latitude": 34.11, "Longitude": -117.8, "Population": 2654.0}, {"index": 5926, "quantile": 0.25, "value": 211700.0, "Latitude": 34.11, "Longitude": -117.8, "Population": 2654.0}, {"index": 5926, "quantile": 0.5, "value": 211700.0, "Latitude": 34.11, "Longitude": -117.8, "Population": 2654.0}, {"index": 5926, "quantile": 0.75, "value": 223300.0, "Latitude": 34.11, "Longitude": -117.8, "Population": 2654.0}, {"index": 5926, "quantile": 1.0, "value": 279700.0, "Latitude": 34.11, "Longitude": -117.8, "Population": 2654.0}, {"index": 5927, "quantile": 0.0, "value": 125899.99999999999, "Latitude": 34.1, "Longitude": -117.8, "Population": 2949.0}, {"index": 5927, "quantile": 0.25, "value": 174600.0, "Latitude": 34.1, "Longitude": -117.8, "Population": 2949.0}, {"index": 5927, "quantile": 0.5, "value": 174600.0, "Latitude": 34.1, "Longitude": -117.8, "Population": 2949.0}, {"index": 5927, "quantile": 0.75, "value": 174600.0, "Latitude": 34.1, "Longitude": -117.8, "Population": 2949.0}, {"index": 5927, "quantile": 1.0, "value": 305600.0, "Latitude": 34.1, "Longitude": -117.8, "Population": 2949.0}, {"index": 5928, "quantile": 0.0, "value": 161700.0, "Latitude": 34.1, "Longitude": -117.8, "Population": 1187.0}, {"index": 5928, "quantile": 0.25, "value": 161700.0, "Latitude": 34.1, "Longitude": -117.8, "Population": 1187.0}, {"index": 5928, "quantile": 0.5, "value": 161700.0, "Latitude": 34.1, "Longitude": -117.8, "Population": 1187.0}, {"index": 5928, "quantile": 0.75, "value": 294300.0, "Latitude": 34.1, "Longitude": -117.8, "Population": 1187.0}, {"index": 5928, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -117.8, "Population": 1187.0}, {"index": 5929, "quantile": 0.0, "value": 106200.0, "Latitude": 34.12, "Longitude": -117.79, "Population": 1319.0}, {"index": 5929, "quantile": 0.25, "value": 224500.0, "Latitude": 34.12, "Longitude": -117.79, "Population": 1319.0}, {"index": 5929, "quantile": 0.5, "value": 224500.0, "Latitude": 34.12, "Longitude": -117.79, "Population": 1319.0}, {"index": 5929, "quantile": 0.75, "value": 224500.0, "Latitude": 34.12, "Longitude": -117.79, "Population": 1319.0}, {"index": 5929, "quantile": 1.0, "value": 326800.0, "Latitude": 34.12, "Longitude": -117.79, "Population": 1319.0}, {"index": 5930, "quantile": 0.0, "value": 108400.00000000001, "Latitude": 34.11, "Longitude": -117.79, "Population": 1881.0}, {"index": 5930, "quantile": 0.25, "value": 215600.0, "Latitude": 34.11, "Longitude": -117.79, "Population": 1881.0}, {"index": 5930, "quantile": 0.5, "value": 215600.0, "Latitude": 34.11, "Longitude": -117.79, "Population": 1881.0}, {"index": 5930, "quantile": 0.75, "value": 215600.0, "Latitude": 34.11, "Longitude": -117.79, "Population": 1881.0}, {"index": 5930, "quantile": 1.0, "value": 334100.0, "Latitude": 34.11, "Longitude": -117.79, "Population": 1881.0}, {"index": 5931, "quantile": 0.0, "value": 219600.00000000003, "Latitude": 34.14, "Longitude": -117.83, "Population": 3460.0}, {"index": 5931, "quantile": 0.25, "value": 272800.0, "Latitude": 34.14, "Longitude": -117.83, "Population": 3460.0}, {"index": 5931, "quantile": 0.5, "value": 296700.0, "Latitude": 34.14, "Longitude": -117.83, "Population": 3460.0}, {"index": 5931, "quantile": 0.75, "value": 357400.0, "Latitude": 34.14, "Longitude": -117.83, "Population": 3460.0}, {"index": 5931, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -117.83, "Population": 3460.0}, {"index": 5932, "quantile": 0.0, "value": 259300.0, "Latitude": 34.15, "Longitude": -117.83, "Population": 1023.0}, {"index": 5932, "quantile": 0.25, "value": 414925.00000000006, "Latitude": 34.15, "Longitude": -117.83, "Population": 1023.0}, {"index": 5932, "quantile": 0.5, "value": 451499.99999999994, "Latitude": 34.15, "Longitude": -117.83, "Population": 1023.0}, {"index": 5932, "quantile": 0.75, "value": 451499.99999999994, "Latitude": 34.15, "Longitude": -117.83, "Population": 1023.0}, {"index": 5932, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -117.83, "Population": 1023.0}, {"index": 5933, "quantile": 0.0, "value": 115700.0, "Latitude": 34.13, "Longitude": -117.82, "Population": 1606.0}, {"index": 5933, "quantile": 0.25, "value": 247600.0, "Latitude": 34.13, "Longitude": -117.82, "Population": 1606.0}, {"index": 5933, "quantile": 0.5, "value": 279400.0, "Latitude": 34.13, "Longitude": -117.82, "Population": 1606.0}, {"index": 5933, "quantile": 0.75, "value": 297200.0, "Latitude": 34.13, "Longitude": -117.82, "Population": 1606.0}, {"index": 5933, "quantile": 1.0, "value": 491200.0, "Latitude": 34.13, "Longitude": -117.82, "Population": 1606.0}, {"index": 5934, "quantile": 0.0, "value": 156700.0, "Latitude": 34.13, "Longitude": -117.84, "Population": 2103.0}, {"index": 5934, "quantile": 0.25, "value": 198000.0, "Latitude": 34.13, "Longitude": -117.84, "Population": 2103.0}, {"index": 5934, "quantile": 0.5, "value": 198000.0, "Latitude": 34.13, "Longitude": -117.84, "Population": 2103.0}, {"index": 5934, "quantile": 0.75, "value": 220299.99999999997, "Latitude": 34.13, "Longitude": -117.84, "Population": 2103.0}, {"index": 5934, "quantile": 1.0, "value": 271500.0, "Latitude": 34.13, "Longitude": -117.84, "Population": 2103.0}, {"index": 5935, "quantile": 0.0, "value": 235200.0, "Latitude": 34.15, "Longitude": -117.87, "Population": 2061.0}, {"index": 5935, "quantile": 0.25, "value": 451400.0, "Latitude": 34.15, "Longitude": -117.87, "Population": 2061.0}, {"index": 5935, "quantile": 0.5, "value": 451400.0, "Latitude": 34.15, "Longitude": -117.87, "Population": 2061.0}, {"index": 5935, "quantile": 0.75, "value": 451400.0, "Latitude": 34.15, "Longitude": -117.87, "Population": 2061.0}, {"index": 5935, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -117.87, "Population": 2061.0}, {"index": 5936, "quantile": 0.0, "value": 116300.0, "Latitude": 34.15, "Longitude": -117.93, "Population": 4723.0}, {"index": 5936, "quantile": 0.25, "value": 156800.0, "Latitude": 34.15, "Longitude": -117.93, "Population": 4723.0}, {"index": 5936, "quantile": 0.5, "value": 156800.0, "Latitude": 34.15, "Longitude": -117.93, "Population": 4723.0}, {"index": 5936, "quantile": 0.75, "value": 173300.0, "Latitude": 34.15, "Longitude": -117.93, "Population": 4723.0}, {"index": 5936, "quantile": 1.0, "value": 299300.0, "Latitude": 34.15, "Longitude": -117.93, "Population": 4723.0}, {"index": 5937, "quantile": 0.0, "value": 140200.0, "Latitude": 34.15, "Longitude": -117.9, "Population": 1332.0}, {"index": 5937, "quantile": 0.25, "value": 212800.0, "Latitude": 34.15, "Longitude": -117.9, "Population": 1332.0}, {"index": 5937, "quantile": 0.5, "value": 212800.0, "Latitude": 34.15, "Longitude": -117.9, "Population": 1332.0}, {"index": 5937, "quantile": 0.75, "value": 212800.0, "Latitude": 34.15, "Longitude": -117.9, "Population": 1332.0}, {"index": 5937, "quantile": 1.0, "value": 286500.0, "Latitude": 34.15, "Longitude": -117.9, "Population": 1332.0}, {"index": 5938, "quantile": 0.0, "value": 169400.0, "Latitude": 34.14, "Longitude": -117.9, "Population": 1187.0}, {"index": 5938, "quantile": 0.25, "value": 184200.0, "Latitude": 34.14, "Longitude": -117.9, "Population": 1187.0}, {"index": 5938, "quantile": 0.5, "value": 184200.0, "Latitude": 34.14, "Longitude": -117.9, "Population": 1187.0}, {"index": 5938, "quantile": 0.75, "value": 189900.0, "Latitude": 34.14, "Longitude": -117.9, "Population": 1187.0}, {"index": 5938, "quantile": 1.0, "value": 476700.00000000006, "Latitude": 34.14, "Longitude": -117.9, "Population": 1187.0}, {"index": 5939, "quantile": 0.0, "value": 140200.0, "Latitude": 34.14, "Longitude": -117.9, "Population": 1561.0}, {"index": 5939, "quantile": 0.25, "value": 155500.0, "Latitude": 34.14, "Longitude": -117.9, "Population": 1561.0}, {"index": 5939, "quantile": 0.5, "value": 155500.0, "Latitude": 34.14, "Longitude": -117.9, "Population": 1561.0}, {"index": 5939, "quantile": 0.75, "value": 174900.0, "Latitude": 34.14, "Longitude": -117.9, "Population": 1561.0}, {"index": 5939, "quantile": 1.0, "value": 267000.0, "Latitude": 34.14, "Longitude": -117.9, "Population": 1561.0}, {"index": 5940, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.14, "Longitude": -117.91, "Population": 1544.0}, {"index": 5940, "quantile": 0.25, "value": 154625.0, "Latitude": 34.14, "Longitude": -117.91, "Population": 1544.0}, {"index": 5940, "quantile": 0.5, "value": 166700.0, "Latitude": 34.14, "Longitude": -117.91, "Population": 1544.0}, {"index": 5940, "quantile": 0.75, "value": 166700.0, "Latitude": 34.14, "Longitude": -117.91, "Population": 1544.0}, {"index": 5940, "quantile": 1.0, "value": 176700.0, "Latitude": 34.14, "Longitude": -117.91, "Population": 1544.0}, {"index": 5941, "quantile": 0.0, "value": 117300.0, "Latitude": 34.14, "Longitude": -117.89, "Population": 2855.0}, {"index": 5941, "quantile": 0.25, "value": 159925.0, "Latitude": 34.14, "Longitude": -117.89, "Population": 2855.0}, {"index": 5941, "quantile": 0.5, "value": 202050.00000000003, "Latitude": 34.14, "Longitude": -117.89, "Population": 2855.0}, {"index": 5941, "quantile": 0.75, "value": 235000.0, "Latitude": 34.14, "Longitude": -117.89, "Population": 2855.0}, {"index": 5941, "quantile": 1.0, "value": 476700.00000000006, "Latitude": 34.14, "Longitude": -117.89, "Population": 2855.0}, {"index": 5942, "quantile": 0.0, "value": 165200.0, "Latitude": 34.14, "Longitude": -117.88, "Population": 1001.0}, {"index": 5942, "quantile": 0.25, "value": 292125.0, "Latitude": 34.14, "Longitude": -117.88, "Population": 1001.0}, {"index": 5942, "quantile": 0.5, "value": 310500.0, "Latitude": 34.14, "Longitude": -117.88, "Population": 1001.0}, {"index": 5942, "quantile": 0.75, "value": 340925.0, "Latitude": 34.14, "Longitude": -117.88, "Population": 1001.0}, {"index": 5942, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -117.88, "Population": 1001.0}, {"index": 5943, "quantile": 0.0, "value": 135400.0, "Latitude": 34.14, "Longitude": -117.88, "Population": 924.0}, {"index": 5943, "quantile": 0.25, "value": 180600.0, "Latitude": 34.14, "Longitude": -117.88, "Population": 924.0}, {"index": 5943, "quantile": 0.5, "value": 191700.0, "Latitude": 34.14, "Longitude": -117.88, "Population": 924.0}, {"index": 5943, "quantile": 0.75, "value": 211775.0, "Latitude": 34.14, "Longitude": -117.88, "Population": 924.0}, {"index": 5943, "quantile": 1.0, "value": 280800.0, "Latitude": 34.14, "Longitude": -117.88, "Population": 924.0}, {"index": 5944, "quantile": 0.0, "value": 151300.0, "Latitude": 34.13, "Longitude": -117.88, "Population": 2106.0}, {"index": 5944, "quantile": 0.25, "value": 185500.0, "Latitude": 34.13, "Longitude": -117.88, "Population": 2106.0}, {"index": 5944, "quantile": 0.5, "value": 185500.0, "Latitude": 34.13, "Longitude": -117.88, "Population": 2106.0}, {"index": 5944, "quantile": 0.75, "value": 185500.0, "Latitude": 34.13, "Longitude": -117.88, "Population": 2106.0}, {"index": 5944, "quantile": 1.0, "value": 274300.0, "Latitude": 34.13, "Longitude": -117.88, "Population": 2106.0}, {"index": 5945, "quantile": 0.0, "value": 173400.0, "Latitude": 34.14, "Longitude": -117.85, "Population": 1251.0}, {"index": 5945, "quantile": 0.25, "value": 297200.0, "Latitude": 34.14, "Longitude": -117.85, "Population": 1251.0}, {"index": 5945, "quantile": 0.5, "value": 297200.0, "Latitude": 34.14, "Longitude": -117.85, "Population": 1251.0}, {"index": 5945, "quantile": 0.75, "value": 297200.0, "Latitude": 34.14, "Longitude": -117.85, "Population": 1251.0}, {"index": 5945, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -117.85, "Population": 1251.0}, {"index": 5946, "quantile": 0.0, "value": 152500.0, "Latitude": 34.14, "Longitude": -117.85, "Population": 654.0}, {"index": 5946, "quantile": 0.25, "value": 275000.0, "Latitude": 34.14, "Longitude": -117.85, "Population": 654.0}, {"index": 5946, "quantile": 0.5, "value": 275000.0, "Latitude": 34.14, "Longitude": -117.85, "Population": 654.0}, {"index": 5946, "quantile": 0.75, "value": 275000.0, "Latitude": 34.14, "Longitude": -117.85, "Population": 654.0}, {"index": 5946, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -117.85, "Population": 654.0}, {"index": 5947, "quantile": 0.0, "value": 120000.0, "Latitude": 34.14, "Longitude": -117.86, "Population": 1098.0}, {"index": 5947, "quantile": 0.25, "value": 278300.0, "Latitude": 34.14, "Longitude": -117.86, "Population": 1098.0}, {"index": 5947, "quantile": 0.5, "value": 283400.0, "Latitude": 34.14, "Longitude": -117.86, "Population": 1098.0}, {"index": 5947, "quantile": 0.75, "value": 283400.0, "Latitude": 34.14, "Longitude": -117.86, "Population": 1098.0}, {"index": 5947, "quantile": 1.0, "value": 336900.0, "Latitude": 34.14, "Longitude": -117.86, "Population": 1098.0}, {"index": 5948, "quantile": 0.0, "value": 158200.0, "Latitude": 34.15, "Longitude": -117.87, "Population": 1056.0}, {"index": 5948, "quantile": 0.25, "value": 269500.0, "Latitude": 34.15, "Longitude": -117.87, "Population": 1056.0}, {"index": 5948, "quantile": 0.5, "value": 269500.0, "Latitude": 34.15, "Longitude": -117.87, "Population": 1056.0}, {"index": 5948, "quantile": 0.75, "value": 271925.0, "Latitude": 34.15, "Longitude": -117.87, "Population": 1056.0}, {"index": 5948, "quantile": 1.0, "value": 451300.0, "Latitude": 34.15, "Longitude": -117.87, "Population": 1056.0}, {"index": 5949, "quantile": 0.0, "value": 117800.0, "Latitude": 34.14, "Longitude": -117.86, "Population": 1484.0}, {"index": 5949, "quantile": 0.25, "value": 215600.0, "Latitude": 34.14, "Longitude": -117.86, "Population": 1484.0}, {"index": 5949, "quantile": 0.5, "value": 235300.00000000003, "Latitude": 34.14, "Longitude": -117.86, "Population": 1484.0}, {"index": 5949, "quantile": 0.75, "value": 235300.00000000003, "Latitude": 34.14, "Longitude": -117.86, "Population": 1484.0}, {"index": 5949, "quantile": 1.0, "value": 434800.0, "Latitude": 34.14, "Longitude": -117.86, "Population": 1484.0}, {"index": 5950, "quantile": 0.0, "value": 104900.0, "Latitude": 34.14, "Longitude": -117.87, "Population": 1139.0}, {"index": 5950, "quantile": 0.25, "value": 209200.0, "Latitude": 34.14, "Longitude": -117.87, "Population": 1139.0}, {"index": 5950, "quantile": 0.5, "value": 209200.0, "Latitude": 34.14, "Longitude": -117.87, "Population": 1139.0}, {"index": 5950, "quantile": 0.75, "value": 209200.0, "Latitude": 34.14, "Longitude": -117.87, "Population": 1139.0}, {"index": 5950, "quantile": 1.0, "value": 362500.0, "Latitude": 34.14, "Longitude": -117.87, "Population": 1139.0}, {"index": 5951, "quantile": 0.0, "value": 140200.0, "Latitude": 34.13, "Longitude": -117.85, "Population": 1021.0}, {"index": 5951, "quantile": 0.25, "value": 183650.0, "Latitude": 34.13, "Longitude": -117.85, "Population": 1021.0}, {"index": 5951, "quantile": 0.5, "value": 187600.0, "Latitude": 34.13, "Longitude": -117.85, "Population": 1021.0}, {"index": 5951, "quantile": 0.75, "value": 205799.99999999997, "Latitude": 34.13, "Longitude": -117.85, "Population": 1021.0}, {"index": 5951, "quantile": 1.0, "value": 450000.0, "Latitude": 34.13, "Longitude": -117.85, "Population": 1021.0}, {"index": 5952, "quantile": 0.0, "value": 121300.00000000001, "Latitude": 34.12, "Longitude": -117.85, "Population": 2524.0}, {"index": 5952, "quantile": 0.25, "value": 192100.0, "Latitude": 34.12, "Longitude": -117.85, "Population": 2524.0}, {"index": 5952, "quantile": 0.5, "value": 192100.0, "Latitude": 34.12, "Longitude": -117.85, "Population": 2524.0}, {"index": 5952, "quantile": 0.75, "value": 192100.0, "Latitude": 34.12, "Longitude": -117.85, "Population": 2524.0}, {"index": 5952, "quantile": 1.0, "value": 350800.0, "Latitude": 34.12, "Longitude": -117.85, "Population": 2524.0}, {"index": 5953, "quantile": 0.0, "value": 158200.0, "Latitude": 34.13, "Longitude": -117.86, "Population": 1269.0}, {"index": 5953, "quantile": 0.25, "value": 222100.0, "Latitude": 34.13, "Longitude": -117.86, "Population": 1269.0}, {"index": 5953, "quantile": 0.5, "value": 245500.0, "Latitude": 34.13, "Longitude": -117.86, "Population": 1269.0}, {"index": 5953, "quantile": 0.75, "value": 245500.0, "Latitude": 34.13, "Longitude": -117.86, "Population": 1269.0}, {"index": 5953, "quantile": 1.0, "value": 271500.0, "Latitude": 34.13, "Longitude": -117.86, "Population": 1269.0}, {"index": 5954, "quantile": 0.0, "value": 112100.0, "Latitude": 34.13, "Longitude": -117.86, "Population": 607.0}, {"index": 5954, "quantile": 0.25, "value": 209500.00000000003, "Latitude": 34.13, "Longitude": -117.86, "Population": 607.0}, {"index": 5954, "quantile": 0.5, "value": 209500.00000000003, "Latitude": 34.13, "Longitude": -117.86, "Population": 607.0}, {"index": 5954, "quantile": 0.75, "value": 209500.00000000003, "Latitude": 34.13, "Longitude": -117.86, "Population": 607.0}, {"index": 5954, "quantile": 1.0, "value": 258400.0, "Latitude": 34.13, "Longitude": -117.86, "Population": 607.0}, {"index": 5955, "quantile": 0.0, "value": 132800.0, "Latitude": 34.13, "Longitude": -117.86, "Population": 378.0}, {"index": 5955, "quantile": 0.25, "value": 170800.0, "Latitude": 34.13, "Longitude": -117.86, "Population": 378.0}, {"index": 5955, "quantile": 0.5, "value": 170800.0, "Latitude": 34.13, "Longitude": -117.86, "Population": 378.0}, {"index": 5955, "quantile": 0.75, "value": 194500.0, "Latitude": 34.13, "Longitude": -117.86, "Population": 378.0}, {"index": 5955, "quantile": 1.0, "value": 305800.0, "Latitude": 34.13, "Longitude": -117.86, "Population": 378.0}, {"index": 5956, "quantile": 0.0, "value": 137300.0, "Latitude": 34.13, "Longitude": -117.87, "Population": 872.0}, {"index": 5956, "quantile": 0.25, "value": 194500.0, "Latitude": 34.13, "Longitude": -117.87, "Population": 872.0}, {"index": 5956, "quantile": 0.5, "value": 194500.0, "Latitude": 34.13, "Longitude": -117.87, "Population": 872.0}, {"index": 5956, "quantile": 0.75, "value": 194500.0, "Latitude": 34.13, "Longitude": -117.87, "Population": 872.0}, {"index": 5956, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 34.13, "Longitude": -117.87, "Population": 872.0}, {"index": 5957, "quantile": 0.0, "value": 112500.0, "Latitude": 34.13, "Longitude": -117.87, "Population": 873.0}, {"index": 5957, "quantile": 0.25, "value": 194300.0, "Latitude": 34.13, "Longitude": -117.87, "Population": 873.0}, {"index": 5957, "quantile": 0.5, "value": 194300.0, "Latitude": 34.13, "Longitude": -117.87, "Population": 873.0}, {"index": 5957, "quantile": 0.75, "value": 194300.0, "Latitude": 34.13, "Longitude": -117.87, "Population": 873.0}, {"index": 5957, "quantile": 1.0, "value": 364900.0, "Latitude": 34.13, "Longitude": -117.87, "Population": 873.0}, {"index": 5958, "quantile": 0.0, "value": 133800.0, "Latitude": 34.12, "Longitude": -117.82, "Population": 1546.0}, {"index": 5958, "quantile": 0.25, "value": 209400.0, "Latitude": 34.12, "Longitude": -117.82, "Population": 1546.0}, {"index": 5958, "quantile": 0.5, "value": 209400.0, "Latitude": 34.12, "Longitude": -117.82, "Population": 1546.0}, {"index": 5958, "quantile": 0.75, "value": 209400.0, "Latitude": 34.12, "Longitude": -117.82, "Population": 1546.0}, {"index": 5958, "quantile": 1.0, "value": 426499.99999999994, "Latitude": 34.12, "Longitude": -117.82, "Population": 1546.0}, {"index": 5959, "quantile": 0.0, "value": 163600.0, "Latitude": 34.12, "Longitude": -117.84, "Population": 1722.0}, {"index": 5959, "quantile": 0.25, "value": 228900.00000000003, "Latitude": 34.12, "Longitude": -117.84, "Population": 1722.0}, {"index": 5959, "quantile": 0.5, "value": 228900.00000000003, "Latitude": 34.12, "Longitude": -117.84, "Population": 1722.0}, {"index": 5959, "quantile": 0.75, "value": 228900.00000000003, "Latitude": 34.12, "Longitude": -117.84, "Population": 1722.0}, {"index": 5959, "quantile": 1.0, "value": 350000.0, "Latitude": 34.12, "Longitude": -117.84, "Population": 1722.0}, {"index": 5960, "quantile": 0.0, "value": 93600.0, "Latitude": 34.11, "Longitude": -117.83, "Population": 1484.0}, {"index": 5960, "quantile": 0.25, "value": 197725.0, "Latitude": 34.11, "Longitude": -117.83, "Population": 1484.0}, {"index": 5960, "quantile": 0.5, "value": 213300.0, "Latitude": 34.11, "Longitude": -117.83, "Population": 1484.0}, {"index": 5960, "quantile": 0.75, "value": 231900.0, "Latitude": 34.11, "Longitude": -117.83, "Population": 1484.0}, {"index": 5960, "quantile": 1.0, "value": 354200.0, "Latitude": 34.11, "Longitude": -117.83, "Population": 1484.0}, {"index": 5961, "quantile": 0.0, "value": 88000.0, "Latitude": 34.11, "Longitude": -117.84, "Population": 1911.0}, {"index": 5961, "quantile": 0.25, "value": 179100.0, "Latitude": 34.11, "Longitude": -117.84, "Population": 1911.0}, {"index": 5961, "quantile": 0.5, "value": 223000.0, "Latitude": 34.11, "Longitude": -117.84, "Population": 1911.0}, {"index": 5961, "quantile": 0.75, "value": 240300.0, "Latitude": 34.11, "Longitude": -117.84, "Population": 1911.0}, {"index": 5961, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 34.11, "Longitude": -117.84, "Population": 1911.0}, {"index": 5962, "quantile": 0.0, "value": 144500.0, "Latitude": 34.12, "Longitude": -117.84, "Population": 1142.0}, {"index": 5962, "quantile": 0.25, "value": 187600.0, "Latitude": 34.12, "Longitude": -117.84, "Population": 1142.0}, {"index": 5962, "quantile": 0.5, "value": 187600.0, "Latitude": 34.12, "Longitude": -117.84, "Population": 1142.0}, {"index": 5962, "quantile": 0.75, "value": 187600.0, "Latitude": 34.12, "Longitude": -117.84, "Population": 1142.0}, {"index": 5962, "quantile": 1.0, "value": 272600.0, "Latitude": 34.12, "Longitude": -117.84, "Population": 1142.0}, {"index": 5963, "quantile": 0.0, "value": 142500.0, "Latitude": 34.11, "Longitude": -117.85, "Population": 4944.0}, {"index": 5963, "quantile": 0.25, "value": 222625.00000000003, "Latitude": 34.11, "Longitude": -117.85, "Population": 4944.0}, {"index": 5963, "quantile": 0.5, "value": 223000.0, "Latitude": 34.11, "Longitude": -117.85, "Population": 4944.0}, {"index": 5963, "quantile": 0.75, "value": 223000.0, "Latitude": 34.11, "Longitude": -117.85, "Population": 4944.0}, {"index": 5963, "quantile": 1.0, "value": 299300.0, "Latitude": 34.11, "Longitude": -117.85, "Population": 4944.0}, {"index": 5964, "quantile": 0.0, "value": 288700.0, "Latitude": 34.08, "Longitude": -117.81, "Population": 7775.0}, {"index": 5964, "quantile": 0.25, "value": 348900.0, "Latitude": 34.08, "Longitude": -117.81, "Population": 7775.0}, {"index": 5964, "quantile": 0.5, "value": 348900.0, "Latitude": 34.08, "Longitude": -117.81, "Population": 7775.0}, {"index": 5964, "quantile": 0.75, "value": 350175.0, "Latitude": 34.08, "Longitude": -117.81, "Population": 7775.0}, {"index": 5964, "quantile": 1.0, "value": 428599.99999999994, "Latitude": 34.08, "Longitude": -117.81, "Population": 7775.0}, {"index": 5965, "quantile": 0.0, "value": 188600.0, "Latitude": 34.12, "Longitude": -117.81, "Population": 3100.0}, {"index": 5965, "quantile": 0.25, "value": 192600.0, "Latitude": 34.12, "Longitude": -117.81, "Population": 3100.0}, {"index": 5965, "quantile": 0.5, "value": 192600.0, "Latitude": 34.12, "Longitude": -117.81, "Population": 3100.0}, {"index": 5965, "quantile": 0.75, "value": 213950.0, "Latitude": 34.12, "Longitude": -117.81, "Population": 3100.0}, {"index": 5965, "quantile": 1.0, "value": 445700.0, "Latitude": 34.12, "Longitude": -117.81, "Population": 3100.0}, {"index": 5966, "quantile": 0.0, "value": 117300.0, "Latitude": 34.11, "Longitude": -117.81, "Population": 1866.0}, {"index": 5966, "quantile": 0.25, "value": 170800.0, "Latitude": 34.11, "Longitude": -117.81, "Population": 1866.0}, {"index": 5966, "quantile": 0.5, "value": 176600.0, "Latitude": 34.11, "Longitude": -117.81, "Population": 1866.0}, {"index": 5966, "quantile": 0.75, "value": 191700.0, "Latitude": 34.11, "Longitude": -117.81, "Population": 1866.0}, {"index": 5966, "quantile": 1.0, "value": 349300.0, "Latitude": 34.11, "Longitude": -117.81, "Population": 1866.0}, {"index": 5967, "quantile": 0.0, "value": 107300.0, "Latitude": 34.1, "Longitude": -117.81, "Population": 1126.0}, {"index": 5967, "quantile": 0.25, "value": 144600.0, "Latitude": 34.1, "Longitude": -117.81, "Population": 1126.0}, {"index": 5967, "quantile": 0.5, "value": 144600.0, "Latitude": 34.1, "Longitude": -117.81, "Population": 1126.0}, {"index": 5967, "quantile": 0.75, "value": 166050.0, "Latitude": 34.1, "Longitude": -117.81, "Population": 1126.0}, {"index": 5967, "quantile": 1.0, "value": 289300.0, "Latitude": 34.1, "Longitude": -117.81, "Population": 1126.0}, {"index": 5968, "quantile": 0.0, "value": 137000.0, "Latitude": 34.1, "Longitude": -117.83, "Population": 5407.0}, {"index": 5968, "quantile": 0.25, "value": 231100.0, "Latitude": 34.1, "Longitude": -117.83, "Population": 5407.0}, {"index": 5968, "quantile": 0.5, "value": 231100.0, "Latitude": 34.1, "Longitude": -117.83, "Population": 5407.0}, {"index": 5968, "quantile": 0.75, "value": 231100.0, "Latitude": 34.1, "Longitude": -117.83, "Population": 5407.0}, {"index": 5968, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -117.83, "Population": 5407.0}, {"index": 5969, "quantile": 0.0, "value": 81800.0, "Latitude": 34.1, "Longitude": -117.76, "Population": 1973.0}, {"index": 5969, "quantile": 0.25, "value": 147600.0, "Latitude": 34.1, "Longitude": -117.76, "Population": 1973.0}, {"index": 5969, "quantile": 0.5, "value": 202199.99999999997, "Latitude": 34.1, "Longitude": -117.76, "Population": 1973.0}, {"index": 5969, "quantile": 0.75, "value": 202199.99999999997, "Latitude": 34.1, "Longitude": -117.76, "Population": 1973.0}, {"index": 5969, "quantile": 1.0, "value": 231800.0, "Latitude": 34.1, "Longitude": -117.76, "Population": 1973.0}, {"index": 5970, "quantile": 0.0, "value": 101600.0, "Latitude": 34.09, "Longitude": -117.78, "Population": 1862.0}, {"index": 5970, "quantile": 0.25, "value": 161875.0, "Latitude": 34.09, "Longitude": -117.78, "Population": 1862.0}, {"index": 5970, "quantile": 0.5, "value": 177200.0, "Latitude": 34.09, "Longitude": -117.78, "Population": 1862.0}, {"index": 5970, "quantile": 0.75, "value": 177200.0, "Latitude": 34.09, "Longitude": -117.78, "Population": 1862.0}, {"index": 5970, "quantile": 1.0, "value": 204599.99999999997, "Latitude": 34.09, "Longitude": -117.78, "Population": 1862.0}, {"index": 5971, "quantile": 0.0, "value": 101600.0, "Latitude": 34.1, "Longitude": -117.79, "Population": 1024.0}, {"index": 5971, "quantile": 0.25, "value": 176550.0, "Latitude": 34.1, "Longitude": -117.79, "Population": 1024.0}, {"index": 5971, "quantile": 0.5, "value": 190500.0, "Latitude": 34.1, "Longitude": -117.79, "Population": 1024.0}, {"index": 5971, "quantile": 0.75, "value": 190500.0, "Latitude": 34.1, "Longitude": -117.79, "Population": 1024.0}, {"index": 5971, "quantile": 1.0, "value": 417600.0, "Latitude": 34.1, "Longitude": -117.79, "Population": 1024.0}, {"index": 5972, "quantile": 0.0, "value": 132600.0, "Latitude": 34.12, "Longitude": -117.76, "Population": 3575.0}, {"index": 5972, "quantile": 0.25, "value": 209250.00000000003, "Latitude": 34.12, "Longitude": -117.76, "Population": 3575.0}, {"index": 5972, "quantile": 0.5, "value": 275700.0, "Latitude": 34.12, "Longitude": -117.76, "Population": 3575.0}, {"index": 5972, "quantile": 0.75, "value": 275700.0, "Latitude": 34.12, "Longitude": -117.76, "Population": 3575.0}, {"index": 5972, "quantile": 1.0, "value": 430900.0, "Latitude": 34.12, "Longitude": -117.76, "Population": 3575.0}, {"index": 5973, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 34.12, "Longitude": -117.77, "Population": 2007.0}, {"index": 5973, "quantile": 0.25, "value": 189575.0, "Latitude": 34.12, "Longitude": -117.77, "Population": 2007.0}, {"index": 5973, "quantile": 0.5, "value": 229999.99999999997, "Latitude": 34.12, "Longitude": -117.77, "Population": 2007.0}, {"index": 5973, "quantile": 0.75, "value": 229999.99999999997, "Latitude": 34.12, "Longitude": -117.77, "Population": 2007.0}, {"index": 5973, "quantile": 1.0, "value": 334100.0, "Latitude": 34.12, "Longitude": -117.77, "Population": 2007.0}, {"index": 5974, "quantile": 0.0, "value": 135000.0, "Latitude": 34.11, "Longitude": -117.76, "Population": 2874.0}, {"index": 5974, "quantile": 0.25, "value": 180500.0, "Latitude": 34.11, "Longitude": -117.76, "Population": 2874.0}, {"index": 5974, "quantile": 0.5, "value": 180500.0, "Latitude": 34.11, "Longitude": -117.76, "Population": 2874.0}, {"index": 5974, "quantile": 0.75, "value": 180500.0, "Latitude": 34.11, "Longitude": -117.76, "Population": 2874.0}, {"index": 5974, "quantile": 1.0, "value": 233100.0, "Latitude": 34.11, "Longitude": -117.76, "Population": 2874.0}, {"index": 5975, "quantile": 0.0, "value": 75000.0, "Latitude": 34.1, "Longitude": -117.77, "Population": 1241.0}, {"index": 5975, "quantile": 0.25, "value": 135700.0, "Latitude": 34.1, "Longitude": -117.77, "Population": 1241.0}, {"index": 5975, "quantile": 0.5, "value": 139300.0, "Latitude": 34.1, "Longitude": -117.77, "Population": 1241.0}, {"index": 5975, "quantile": 0.75, "value": 209500.00000000003, "Latitude": 34.1, "Longitude": -117.77, "Population": 1241.0}, {"index": 5975, "quantile": 1.0, "value": 296100.0, "Latitude": 34.1, "Longitude": -117.77, "Population": 1241.0}, {"index": 5976, "quantile": 0.0, "value": 105600.0, "Latitude": 34.11, "Longitude": -117.77, "Population": 1124.0}, {"index": 5976, "quantile": 0.25, "value": 180900.0, "Latitude": 34.11, "Longitude": -117.77, "Population": 1124.0}, {"index": 5976, "quantile": 0.5, "value": 180900.0, "Latitude": 34.11, "Longitude": -117.77, "Population": 1124.0}, {"index": 5976, "quantile": 0.75, "value": 180900.0, "Latitude": 34.11, "Longitude": -117.77, "Population": 1124.0}, {"index": 5976, "quantile": 1.0, "value": 223900.0, "Latitude": 34.11, "Longitude": -117.77, "Population": 1124.0}, {"index": 5977, "quantile": 0.0, "value": 77100.0, "Latitude": 34.11, "Longitude": -117.78, "Population": 3205.0}, {"index": 5977, "quantile": 0.25, "value": 212300.00000000003, "Latitude": 34.11, "Longitude": -117.78, "Population": 3205.0}, {"index": 5977, "quantile": 0.5, "value": 212300.00000000003, "Latitude": 34.11, "Longitude": -117.78, "Population": 3205.0}, {"index": 5977, "quantile": 0.75, "value": 212300.00000000003, "Latitude": 34.11, "Longitude": -117.78, "Population": 3205.0}, {"index": 5977, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -117.78, "Population": 3205.0}, {"index": 5978, "quantile": 0.0, "value": 128600.0, "Latitude": 34.11, "Longitude": -117.74, "Population": 1391.0}, {"index": 5978, "quantile": 0.25, "value": 214699.99999999997, "Latitude": 34.11, "Longitude": -117.74, "Population": 1391.0}, {"index": 5978, "quantile": 0.5, "value": 214699.99999999997, "Latitude": 34.11, "Longitude": -117.74, "Population": 1391.0}, {"index": 5978, "quantile": 0.75, "value": 246124.99999999997, "Latitude": 34.11, "Longitude": -117.74, "Population": 1391.0}, {"index": 5978, "quantile": 1.0, "value": 444500.0, "Latitude": 34.11, "Longitude": -117.74, "Population": 1391.0}, {"index": 5979, "quantile": 0.0, "value": 136200.0, "Latitude": 34.12, "Longitude": -117.75, "Population": 2243.0}, {"index": 5979, "quantile": 0.25, "value": 261525.0, "Latitude": 34.12, "Longitude": -117.75, "Population": 2243.0}, {"index": 5979, "quantile": 0.5, "value": 348800.0, "Latitude": 34.12, "Longitude": -117.75, "Population": 2243.0}, {"index": 5979, "quantile": 0.75, "value": 411750.00000000006, "Latitude": 34.12, "Longitude": -117.75, "Population": 2243.0}, {"index": 5979, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -117.75, "Population": 2243.0}, {"index": 5980, "quantile": 0.0, "value": 81300.0, "Latitude": 34.1, "Longitude": -117.74, "Population": 1847.0}, {"index": 5980, "quantile": 0.25, "value": 127299.99999999999, "Latitude": 34.1, "Longitude": -117.74, "Population": 1847.0}, {"index": 5980, "quantile": 0.5, "value": 136000.0, "Latitude": 34.1, "Longitude": -117.74, "Population": 1847.0}, {"index": 5980, "quantile": 0.75, "value": 136000.0, "Latitude": 34.1, "Longitude": -117.74, "Population": 1847.0}, {"index": 5980, "quantile": 1.0, "value": 231800.0, "Latitude": 34.1, "Longitude": -117.74, "Population": 1847.0}, {"index": 5981, "quantile": 0.0, "value": 101600.0, "Latitude": 34.1, "Longitude": -117.74, "Population": 2477.0}, {"index": 5981, "quantile": 0.25, "value": 117800.0, "Latitude": 34.1, "Longitude": -117.74, "Population": 2477.0}, {"index": 5981, "quantile": 0.5, "value": 128800.0, "Latitude": 34.1, "Longitude": -117.74, "Population": 2477.0}, {"index": 5981, "quantile": 0.75, "value": 139300.0, "Latitude": 34.1, "Longitude": -117.74, "Population": 2477.0}, {"index": 5981, "quantile": 1.0, "value": 375000.0, "Latitude": 34.1, "Longitude": -117.74, "Population": 2477.0}, {"index": 5982, "quantile": 0.0, "value": 87500.0, "Latitude": 34.1, "Longitude": -117.75, "Population": 4369.0}, {"index": 5982, "quantile": 0.25, "value": 199650.0, "Latitude": 34.1, "Longitude": -117.75, "Population": 4369.0}, {"index": 5982, "quantile": 0.5, "value": 242050.0, "Latitude": 34.1, "Longitude": -117.75, "Population": 4369.0}, {"index": 5982, "quantile": 0.75, "value": 258175.0, "Latitude": 34.1, "Longitude": -117.75, "Population": 4369.0}, {"index": 5982, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -117.75, "Population": 4369.0}, {"index": 5983, "quantile": 0.0, "value": 105300.0, "Latitude": 34.12, "Longitude": -117.71, "Population": 4952.0}, {"index": 5983, "quantile": 0.25, "value": 239500.0, "Latitude": 34.12, "Longitude": -117.71, "Population": 4952.0}, {"index": 5983, "quantile": 0.5, "value": 239500.0, "Latitude": 34.12, "Longitude": -117.71, "Population": 4952.0}, {"index": 5983, "quantile": 0.75, "value": 239600.0, "Latitude": 34.12, "Longitude": -117.71, "Population": 4952.0}, {"index": 5983, "quantile": 1.0, "value": 359900.0, "Latitude": 34.12, "Longitude": -117.71, "Population": 4952.0}, {"index": 5984, "quantile": 0.0, "value": 115700.0, "Latitude": 34.12, "Longitude": -117.73, "Population": 2487.0}, {"index": 5984, "quantile": 0.25, "value": 247600.0, "Latitude": 34.12, "Longitude": -117.73, "Population": 2487.0}, {"index": 5984, "quantile": 0.5, "value": 274600.0, "Latitude": 34.12, "Longitude": -117.73, "Population": 2487.0}, {"index": 5984, "quantile": 0.75, "value": 294050.0, "Latitude": 34.12, "Longitude": -117.73, "Population": 2487.0}, {"index": 5984, "quantile": 1.0, "value": 413999.99999999994, "Latitude": 34.12, "Longitude": -117.73, "Population": 2487.0}, {"index": 5985, "quantile": 0.0, "value": 35000.0, "Latitude": 34.1, "Longitude": -117.71, "Population": 1492.0}, {"index": 5985, "quantile": 0.25, "value": 125000.0, "Latitude": 34.1, "Longitude": -117.71, "Population": 1492.0}, {"index": 5985, "quantile": 0.5, "value": 125000.0, "Latitude": 34.1, "Longitude": -117.71, "Population": 1492.0}, {"index": 5985, "quantile": 0.75, "value": 125000.0, "Latitude": 34.1, "Longitude": -117.71, "Population": 1492.0}, {"index": 5985, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 34.1, "Longitude": -117.71, "Population": 1492.0}, {"index": 5986, "quantile": 0.0, "value": 67500.0, "Latitude": 34.1, "Longitude": -117.71, "Population": 2688.0}, {"index": 5986, "quantile": 0.25, "value": 118375.00000000001, "Latitude": 34.1, "Longitude": -117.71, "Population": 2688.0}, {"index": 5986, "quantile": 0.5, "value": 212500.0, "Latitude": 34.1, "Longitude": -117.71, "Population": 2688.0}, {"index": 5986, "quantile": 0.75, "value": 212500.0, "Latitude": 34.1, "Longitude": -117.71, "Population": 2688.0}, {"index": 5986, "quantile": 1.0, "value": 212500.0, "Latitude": 34.1, "Longitude": -117.71, "Population": 2688.0}, {"index": 5987, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 34.1, "Longitude": -117.72, "Population": 978.0}, {"index": 5987, "quantile": 0.25, "value": 291200.0, "Latitude": 34.1, "Longitude": -117.72, "Population": 978.0}, {"index": 5987, "quantile": 0.5, "value": 291200.0, "Latitude": 34.1, "Longitude": -117.72, "Population": 978.0}, {"index": 5987, "quantile": 0.75, "value": 320425.0, "Latitude": 34.1, "Longitude": -117.72, "Population": 978.0}, {"index": 5987, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -117.72, "Population": 978.0}, {"index": 5988, "quantile": 0.0, "value": 45000.0, "Latitude": 34.1, "Longitude": -117.72, "Population": 1592.0}, {"index": 5988, "quantile": 0.25, "value": 181800.0, "Latitude": 34.1, "Longitude": -117.72, "Population": 1592.0}, {"index": 5988, "quantile": 0.5, "value": 181800.0, "Latitude": 34.1, "Longitude": -117.72, "Population": 1592.0}, {"index": 5988, "quantile": 0.75, "value": 181800.0, "Latitude": 34.1, "Longitude": -117.72, "Population": 1592.0}, {"index": 5988, "quantile": 1.0, "value": 288200.0, "Latitude": 34.1, "Longitude": -117.72, "Population": 1592.0}, {"index": 5989, "quantile": 0.0, "value": 158200.0, "Latitude": 34.1, "Longitude": -117.72, "Population": 1034.0}, {"index": 5989, "quantile": 0.25, "value": 280725.0, "Latitude": 34.1, "Longitude": -117.72, "Population": 1034.0}, {"index": 5989, "quantile": 0.5, "value": 362550.0, "Latitude": 34.1, "Longitude": -117.72, "Population": 1034.0}, {"index": 5989, "quantile": 0.75, "value": 471300.0, "Latitude": 34.1, "Longitude": -117.72, "Population": 1034.0}, {"index": 5989, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -117.72, "Population": 1034.0}, {"index": 5990, "quantile": 0.0, "value": 158200.0, "Latitude": 34.1, "Longitude": -117.73, "Population": 1344.0}, {"index": 5990, "quantile": 0.25, "value": 225999.99999999997, "Latitude": 34.1, "Longitude": -117.73, "Population": 1344.0}, {"index": 5990, "quantile": 0.5, "value": 225999.99999999997, "Latitude": 34.1, "Longitude": -117.73, "Population": 1344.0}, {"index": 5990, "quantile": 0.75, "value": 256524.99999999997, "Latitude": 34.1, "Longitude": -117.73, "Population": 1344.0}, {"index": 5990, "quantile": 1.0, "value": 477299.99999999994, "Latitude": 34.1, "Longitude": -117.73, "Population": 1344.0}, {"index": 5991, "quantile": 0.0, "value": 120100.0, "Latitude": 34.09, "Longitude": -117.71, "Population": 1385.0}, {"index": 5991, "quantile": 0.25, "value": 146900.0, "Latitude": 34.09, "Longitude": -117.71, "Population": 1385.0}, {"index": 5991, "quantile": 0.5, "value": 158700.0, "Latitude": 34.09, "Longitude": -117.71, "Population": 1385.0}, {"index": 5991, "quantile": 0.75, "value": 158700.0, "Latitude": 34.09, "Longitude": -117.71, "Population": 1385.0}, {"index": 5991, "quantile": 1.0, "value": 278900.0, "Latitude": 34.09, "Longitude": -117.71, "Population": 1385.0}, {"index": 5992, "quantile": 0.0, "value": 107000.0, "Latitude": 34.08, "Longitude": -117.71, "Population": 1411.0}, {"index": 5992, "quantile": 0.25, "value": 142500.0, "Latitude": 34.08, "Longitude": -117.71, "Population": 1411.0}, {"index": 5992, "quantile": 0.5, "value": 146800.0, "Latitude": 34.08, "Longitude": -117.71, "Population": 1411.0}, {"index": 5992, "quantile": 0.75, "value": 159275.0, "Latitude": 34.08, "Longitude": -117.71, "Population": 1411.0}, {"index": 5992, "quantile": 1.0, "value": 249100.0, "Latitude": 34.08, "Longitude": -117.71, "Population": 1411.0}, {"index": 5993, "quantile": 0.0, "value": 97400.0, "Latitude": 34.09, "Longitude": -117.72, "Population": 785.0}, {"index": 5993, "quantile": 0.25, "value": 118000.0, "Latitude": 34.09, "Longitude": -117.72, "Population": 785.0}, {"index": 5993, "quantile": 0.5, "value": 152500.0, "Latitude": 34.09, "Longitude": -117.72, "Population": 785.0}, {"index": 5993, "quantile": 0.75, "value": 187125.0, "Latitude": 34.09, "Longitude": -117.72, "Population": 785.0}, {"index": 5993, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -117.72, "Population": 785.0}, {"index": 5994, "quantile": 0.0, "value": 117800.0, "Latitude": 34.09, "Longitude": -117.72, "Population": 2575.0}, {"index": 5994, "quantile": 0.25, "value": 152500.0, "Latitude": 34.09, "Longitude": -117.72, "Population": 2575.0}, {"index": 5994, "quantile": 0.5, "value": 152500.0, "Latitude": 34.09, "Longitude": -117.72, "Population": 2575.0}, {"index": 5994, "quantile": 0.75, "value": 152500.0, "Latitude": 34.09, "Longitude": -117.72, "Population": 2575.0}, {"index": 5994, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -117.72, "Population": 2575.0}, {"index": 5995, "quantile": 0.0, "value": 90600.0, "Latitude": 34.09, "Longitude": -117.73, "Population": 1897.0}, {"index": 5995, "quantile": 0.25, "value": 112100.0, "Latitude": 34.09, "Longitude": -117.73, "Population": 1897.0}, {"index": 5995, "quantile": 0.5, "value": 112100.0, "Latitude": 34.09, "Longitude": -117.73, "Population": 1897.0}, {"index": 5995, "quantile": 0.75, "value": 112100.0, "Latitude": 34.09, "Longitude": -117.73, "Population": 1897.0}, {"index": 5995, "quantile": 1.0, "value": 192800.0, "Latitude": 34.09, "Longitude": -117.73, "Population": 1897.0}, {"index": 5996, "quantile": 0.0, "value": 101600.0, "Latitude": 34.09, "Longitude": -117.73, "Population": 1355.0}, {"index": 5996, "quantile": 0.25, "value": 117800.0, "Latitude": 34.09, "Longitude": -117.73, "Population": 1355.0}, {"index": 5996, "quantile": 0.5, "value": 117800.0, "Latitude": 34.09, "Longitude": -117.73, "Population": 1355.0}, {"index": 5996, "quantile": 0.75, "value": 117849.99999999999, "Latitude": 34.09, "Longitude": -117.73, "Population": 1355.0}, {"index": 5996, "quantile": 1.0, "value": 190500.0, "Latitude": 34.09, "Longitude": -117.73, "Population": 1355.0}, {"index": 5997, "quantile": 0.0, "value": 94300.0, "Latitude": 34.08, "Longitude": -117.73, "Population": 1251.0}, {"index": 5997, "quantile": 0.25, "value": 115199.99999999999, "Latitude": 34.08, "Longitude": -117.73, "Population": 1251.0}, {"index": 5997, "quantile": 0.5, "value": 115199.99999999999, "Latitude": 34.08, "Longitude": -117.73, "Population": 1251.0}, {"index": 5997, "quantile": 0.75, "value": 115350.0, "Latitude": 34.08, "Longitude": -117.73, "Population": 1251.0}, {"index": 5997, "quantile": 1.0, "value": 182100.0, "Latitude": 34.08, "Longitude": -117.73, "Population": 1251.0}, {"index": 5998, "quantile": 0.0, "value": 111900.0, "Latitude": 34.09, "Longitude": -117.74, "Population": 2192.0}, {"index": 5998, "quantile": 0.25, "value": 136075.0, "Latitude": 34.09, "Longitude": -117.74, "Population": 2192.0}, {"index": 5998, "quantile": 0.5, "value": 136400.0, "Latitude": 34.09, "Longitude": -117.74, "Population": 2192.0}, {"index": 5998, "quantile": 0.75, "value": 136400.0, "Latitude": 34.09, "Longitude": -117.74, "Population": 2192.0}, {"index": 5998, "quantile": 1.0, "value": 225900.0, "Latitude": 34.09, "Longitude": -117.74, "Population": 2192.0}, {"index": 5999, "quantile": 0.0, "value": 95500.0, "Latitude": 34.08, "Longitude": -117.75, "Population": 1797.0}, {"index": 5999, "quantile": 0.25, "value": 135100.0, "Latitude": 34.08, "Longitude": -117.75, "Population": 1797.0}, {"index": 5999, "quantile": 0.5, "value": 135100.0, "Latitude": 34.08, "Longitude": -117.75, "Population": 1797.0}, {"index": 5999, "quantile": 0.75, "value": 135100.0, "Latitude": 34.08, "Longitude": -117.75, "Population": 1797.0}, {"index": 5999, "quantile": 1.0, "value": 235000.0, "Latitude": 34.08, "Longitude": -117.75, "Population": 1797.0}, {"index": 6000, "quantile": 0.0, "value": 95200.0, "Latitude": 34.08, "Longitude": -117.75, "Population": 600.0}, {"index": 6000, "quantile": 0.25, "value": 139100.0, "Latitude": 34.08, "Longitude": -117.75, "Population": 600.0}, {"index": 6000, "quantile": 0.5, "value": 139100.0, "Latitude": 34.08, "Longitude": -117.75, "Population": 600.0}, {"index": 6000, "quantile": 0.75, "value": 139100.0, "Latitude": 34.08, "Longitude": -117.75, "Population": 600.0}, {"index": 6000, "quantile": 1.0, "value": 314100.0, "Latitude": 34.08, "Longitude": -117.75, "Population": 600.0}, {"index": 6001, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 34.09, "Longitude": -117.75, "Population": 1672.0}, {"index": 6001, "quantile": 0.25, "value": 146900.0, "Latitude": 34.09, "Longitude": -117.75, "Population": 1672.0}, {"index": 6001, "quantile": 0.5, "value": 146900.0, "Latitude": 34.09, "Longitude": -117.75, "Population": 1672.0}, {"index": 6001, "quantile": 0.75, "value": 146900.0, "Latitude": 34.09, "Longitude": -117.75, "Population": 1672.0}, {"index": 6001, "quantile": 1.0, "value": 244899.99999999997, "Latitude": 34.09, "Longitude": -117.75, "Population": 1672.0}, {"index": 6002, "quantile": 0.0, "value": 84500.0, "Latitude": 34.08, "Longitude": -117.76, "Population": 1677.0}, {"index": 6002, "quantile": 0.25, "value": 130275.00000000001, "Latitude": 34.08, "Longitude": -117.76, "Population": 1677.0}, {"index": 6002, "quantile": 0.5, "value": 139200.0, "Latitude": 34.08, "Longitude": -117.76, "Population": 1677.0}, {"index": 6002, "quantile": 0.75, "value": 139200.0, "Latitude": 34.08, "Longitude": -117.76, "Population": 1677.0}, {"index": 6002, "quantile": 1.0, "value": 297100.0, "Latitude": 34.08, "Longitude": -117.76, "Population": 1677.0}, {"index": 6003, "quantile": 0.0, "value": 149900.0, "Latitude": 34.08, "Longitude": -117.77, "Population": 2817.0}, {"index": 6003, "quantile": 0.25, "value": 214800.0, "Latitude": 34.08, "Longitude": -117.77, "Population": 2817.0}, {"index": 6003, "quantile": 0.5, "value": 214800.0, "Latitude": 34.08, "Longitude": -117.77, "Population": 2817.0}, {"index": 6003, "quantile": 0.75, "value": 237400.0, "Latitude": 34.08, "Longitude": -117.77, "Population": 2817.0}, {"index": 6003, "quantile": 1.0, "value": 327300.0, "Latitude": 34.08, "Longitude": -117.77, "Population": 2817.0}, {"index": 6004, "quantile": 0.0, "value": 96200.0, "Latitude": 34.07, "Longitude": -117.77, "Population": 2392.0}, {"index": 6004, "quantile": 0.25, "value": 124000.0, "Latitude": 34.07, "Longitude": -117.77, "Population": 2392.0}, {"index": 6004, "quantile": 0.5, "value": 124000.0, "Latitude": 34.07, "Longitude": -117.77, "Population": 2392.0}, {"index": 6004, "quantile": 0.75, "value": 124000.0, "Latitude": 34.07, "Longitude": -117.77, "Population": 2392.0}, {"index": 6004, "quantile": 1.0, "value": 208100.0, "Latitude": 34.07, "Longitude": -117.77, "Population": 2392.0}, {"index": 6005, "quantile": 0.0, "value": 78800.0, "Latitude": 34.07, "Longitude": -117.77, "Population": 2452.0}, {"index": 6005, "quantile": 0.25, "value": 115199.99999999999, "Latitude": 34.07, "Longitude": -117.77, "Population": 2452.0}, {"index": 6005, "quantile": 0.5, "value": 124000.0, "Latitude": 34.07, "Longitude": -117.77, "Population": 2452.0}, {"index": 6005, "quantile": 0.75, "value": 134725.0, "Latitude": 34.07, "Longitude": -117.77, "Population": 2452.0}, {"index": 6005, "quantile": 1.0, "value": 361700.0, "Latitude": 34.07, "Longitude": -117.77, "Population": 2452.0}, {"index": 6006, "quantile": 0.0, "value": 88300.0, "Latitude": 34.07, "Longitude": -117.75, "Population": 1131.0}, {"index": 6006, "quantile": 0.25, "value": 127299.99999999999, "Latitude": 34.07, "Longitude": -117.75, "Population": 1131.0}, {"index": 6006, "quantile": 0.5, "value": 127299.99999999999, "Latitude": 34.07, "Longitude": -117.75, "Population": 1131.0}, {"index": 6006, "quantile": 0.75, "value": 127299.99999999999, "Latitude": 34.07, "Longitude": -117.75, "Population": 1131.0}, {"index": 6006, "quantile": 1.0, "value": 297100.0, "Latitude": 34.07, "Longitude": -117.75, "Population": 1131.0}, {"index": 6007, "quantile": 0.0, "value": 88300.0, "Latitude": 34.07, "Longitude": -117.76, "Population": 1173.0}, {"index": 6007, "quantile": 0.25, "value": 109800.00000000001, "Latitude": 34.07, "Longitude": -117.76, "Population": 1173.0}, {"index": 6007, "quantile": 0.5, "value": 109800.00000000001, "Latitude": 34.07, "Longitude": -117.76, "Population": 1173.0}, {"index": 6007, "quantile": 0.75, "value": 119400.0, "Latitude": 34.07, "Longitude": -117.76, "Population": 1173.0}, {"index": 6007, "quantile": 1.0, "value": 225999.99999999997, "Latitude": 34.07, "Longitude": -117.76, "Population": 1173.0}, {"index": 6008, "quantile": 0.0, "value": 80300.0, "Latitude": 34.07, "Longitude": -117.76, "Population": 677.0}, {"index": 6008, "quantile": 0.25, "value": 127299.99999999999, "Latitude": 34.07, "Longitude": -117.76, "Population": 677.0}, {"index": 6008, "quantile": 0.5, "value": 135700.0, "Latitude": 34.07, "Longitude": -117.76, "Population": 677.0}, {"index": 6008, "quantile": 0.75, "value": 173525.0, "Latitude": 34.07, "Longitude": -117.76, "Population": 677.0}, {"index": 6008, "quantile": 1.0, "value": 258400.0, "Latitude": 34.07, "Longitude": -117.76, "Population": 677.0}, {"index": 6009, "quantile": 0.0, "value": 82300.0, "Latitude": 34.06, "Longitude": -117.76, "Population": 1625.0}, {"index": 6009, "quantile": 0.25, "value": 103600.0, "Latitude": 34.06, "Longitude": -117.76, "Population": 1625.0}, {"index": 6009, "quantile": 0.5, "value": 103600.0, "Latitude": 34.06, "Longitude": -117.76, "Population": 1625.0}, {"index": 6009, "quantile": 0.75, "value": 103600.0, "Latitude": 34.06, "Longitude": -117.76, "Population": 1625.0}, {"index": 6009, "quantile": 1.0, "value": 151800.0, "Latitude": 34.06, "Longitude": -117.76, "Population": 1625.0}, {"index": 6010, "quantile": 0.0, "value": 84900.0, "Latitude": 34.06, "Longitude": -117.76, "Population": 384.0}, {"index": 6010, "quantile": 0.25, "value": 92600.0, "Latitude": 34.06, "Longitude": -117.76, "Population": 384.0}, {"index": 6010, "quantile": 0.5, "value": 92600.0, "Latitude": 34.06, "Longitude": -117.76, "Population": 384.0}, {"index": 6010, "quantile": 0.75, "value": 106675.00000000001, "Latitude": 34.06, "Longitude": -117.76, "Population": 384.0}, {"index": 6010, "quantile": 1.0, "value": 375000.0, "Latitude": 34.06, "Longitude": -117.76, "Population": 384.0}, {"index": 6011, "quantile": 0.0, "value": 91300.0, "Latitude": 34.06, "Longitude": -117.77, "Population": 2379.0}, {"index": 6011, "quantile": 0.25, "value": 105800.0, "Latitude": 34.06, "Longitude": -117.77, "Population": 2379.0}, {"index": 6011, "quantile": 0.5, "value": 108000.0, "Latitude": 34.06, "Longitude": -117.77, "Population": 2379.0}, {"index": 6011, "quantile": 0.75, "value": 108000.0, "Latitude": 34.06, "Longitude": -117.77, "Population": 2379.0}, {"index": 6011, "quantile": 1.0, "value": 160800.0, "Latitude": 34.06, "Longitude": -117.77, "Population": 2379.0}, {"index": 6012, "quantile": 0.0, "value": 91000.0, "Latitude": 34.07, "Longitude": -117.78, "Population": 2899.0}, {"index": 6012, "quantile": 0.25, "value": 113500.0, "Latitude": 34.07, "Longitude": -117.78, "Population": 2899.0}, {"index": 6012, "quantile": 0.5, "value": 113500.0, "Latitude": 34.07, "Longitude": -117.78, "Population": 2899.0}, {"index": 6012, "quantile": 0.75, "value": 135425.0, "Latitude": 34.07, "Longitude": -117.78, "Population": 2899.0}, {"index": 6012, "quantile": 1.0, "value": 279700.0, "Latitude": 34.07, "Longitude": -117.78, "Population": 2899.0}, {"index": 6013, "quantile": 0.0, "value": 63500.0, "Latitude": 34.06, "Longitude": -117.78, "Population": 1807.0}, {"index": 6013, "quantile": 0.25, "value": 114799.99999999999, "Latitude": 34.06, "Longitude": -117.78, "Population": 1807.0}, {"index": 6013, "quantile": 0.5, "value": 114799.99999999999, "Latitude": 34.06, "Longitude": -117.78, "Population": 1807.0}, {"index": 6013, "quantile": 0.75, "value": 114799.99999999999, "Latitude": 34.06, "Longitude": -117.78, "Population": 1807.0}, {"index": 6013, "quantile": 1.0, "value": 192300.0, "Latitude": 34.06, "Longitude": -117.78, "Population": 1807.0}, {"index": 6014, "quantile": 0.0, "value": 112999.99999999999, "Latitude": 34.07, "Longitude": -117.79, "Population": 1689.0}, {"index": 6014, "quantile": 0.25, "value": 116300.0, "Latitude": 34.07, "Longitude": -117.79, "Population": 1689.0}, {"index": 6014, "quantile": 0.5, "value": 116300.0, "Latitude": 34.07, "Longitude": -117.79, "Population": 1689.0}, {"index": 6014, "quantile": 0.75, "value": 128400.0, "Latitude": 34.07, "Longitude": -117.79, "Population": 1689.0}, {"index": 6014, "quantile": 1.0, "value": 222300.0, "Latitude": 34.07, "Longitude": -117.79, "Population": 1689.0}, {"index": 6015, "quantile": 0.0, "value": 108500.0, "Latitude": 34.07, "Longitude": -117.79, "Population": 870.0}, {"index": 6015, "quantile": 0.25, "value": 116100.0, "Latitude": 34.07, "Longitude": -117.79, "Population": 870.0}, {"index": 6015, "quantile": 0.5, "value": 116100.0, "Latitude": 34.07, "Longitude": -117.79, "Population": 870.0}, {"index": 6015, "quantile": 0.75, "value": 116300.0, "Latitude": 34.07, "Longitude": -117.79, "Population": 870.0}, {"index": 6015, "quantile": 1.0, "value": 195200.0, "Latitude": 34.07, "Longitude": -117.79, "Population": 870.0}, {"index": 6016, "quantile": 0.0, "value": 56499.99999999999, "Latitude": 34.06, "Longitude": -117.78, "Population": 964.0}, {"index": 6016, "quantile": 0.25, "value": 105800.0, "Latitude": 34.06, "Longitude": -117.78, "Population": 964.0}, {"index": 6016, "quantile": 0.5, "value": 119400.0, "Latitude": 34.06, "Longitude": -117.78, "Population": 964.0}, {"index": 6016, "quantile": 0.75, "value": 134400.0, "Latitude": 34.06, "Longitude": -117.78, "Population": 964.0}, {"index": 6016, "quantile": 1.0, "value": 265500.0, "Latitude": 34.06, "Longitude": -117.78, "Population": 964.0}, {"index": 6017, "quantile": 0.0, "value": 91500.0, "Latitude": 34.05, "Longitude": -117.78, "Population": 1886.0}, {"index": 6017, "quantile": 0.25, "value": 129200.0, "Latitude": 34.05, "Longitude": -117.78, "Population": 1886.0}, {"index": 6017, "quantile": 0.5, "value": 151000.0, "Latitude": 34.05, "Longitude": -117.78, "Population": 1886.0}, {"index": 6017, "quantile": 0.75, "value": 178025.0, "Latitude": 34.05, "Longitude": -117.78, "Population": 1886.0}, {"index": 6017, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.05, "Longitude": -117.78, "Population": 1886.0}, {"index": 6018, "quantile": 0.0, "value": 104400.0, "Latitude": 34.05, "Longitude": -117.8, "Population": 2485.0}, {"index": 6018, "quantile": 0.25, "value": 125899.99999999999, "Latitude": 34.05, "Longitude": -117.8, "Population": 2485.0}, {"index": 6018, "quantile": 0.5, "value": 125899.99999999999, "Latitude": 34.05, "Longitude": -117.8, "Population": 2485.0}, {"index": 6018, "quantile": 0.75, "value": 182775.0, "Latitude": 34.05, "Longitude": -117.8, "Population": 2485.0}, {"index": 6018, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -117.8, "Population": 2485.0}, {"index": 6019, "quantile": 0.0, "value": 78800.0, "Latitude": 34.06, "Longitude": -117.8, "Population": 1325.0}, {"index": 6019, "quantile": 0.25, "value": 108500.0, "Latitude": 34.06, "Longitude": -117.8, "Population": 1325.0}, {"index": 6019, "quantile": 0.5, "value": 108500.0, "Latitude": 34.06, "Longitude": -117.8, "Population": 1325.0}, {"index": 6019, "quantile": 0.75, "value": 112999.99999999999, "Latitude": 34.06, "Longitude": -117.8, "Population": 1325.0}, {"index": 6019, "quantile": 1.0, "value": 235000.0, "Latitude": 34.06, "Longitude": -117.8, "Population": 1325.0}, {"index": 6020, "quantile": 0.0, "value": 117300.0, "Latitude": 34.05, "Longitude": -117.82, "Population": 2558.0}, {"index": 6020, "quantile": 0.25, "value": 117300.0, "Latitude": 34.05, "Longitude": -117.82, "Population": 2558.0}, {"index": 6020, "quantile": 0.5, "value": 117300.0, "Latitude": 34.05, "Longitude": -117.82, "Population": 2558.0}, {"index": 6020, "quantile": 0.75, "value": 155225.0, "Latitude": 34.05, "Longitude": -117.82, "Population": 2558.0}, {"index": 6020, "quantile": 1.0, "value": 500000.0, "Latitude": 34.05, "Longitude": -117.82, "Population": 2558.0}, {"index": 6021, "quantile": 0.0, "value": 63500.0, "Latitude": 34.06, "Longitude": -117.76, "Population": 1719.0}, {"index": 6021, "quantile": 0.25, "value": 91900.0, "Latitude": 34.06, "Longitude": -117.76, "Population": 1719.0}, {"index": 6021, "quantile": 0.5, "value": 91900.0, "Latitude": 34.06, "Longitude": -117.76, "Population": 1719.0}, {"index": 6021, "quantile": 0.75, "value": 104299.99999999999, "Latitude": 34.06, "Longitude": -117.76, "Population": 1719.0}, {"index": 6021, "quantile": 1.0, "value": 162500.0, "Latitude": 34.06, "Longitude": -117.76, "Population": 1719.0}, {"index": 6022, "quantile": 0.0, "value": 56499.99999999999, "Latitude": 34.05, "Longitude": -117.76, "Population": 3055.0}, {"index": 6022, "quantile": 0.25, "value": 98000.0, "Latitude": 34.05, "Longitude": -117.76, "Population": 3055.0}, {"index": 6022, "quantile": 0.5, "value": 98000.0, "Latitude": 34.05, "Longitude": -117.76, "Population": 3055.0}, {"index": 6022, "quantile": 0.75, "value": 103600.0, "Latitude": 34.05, "Longitude": -117.76, "Population": 3055.0}, {"index": 6022, "quantile": 1.0, "value": 212500.0, "Latitude": 34.05, "Longitude": -117.76, "Population": 3055.0}, {"index": 6023, "quantile": 0.0, "value": 64000.0, "Latitude": 34.05, "Longitude": -117.75, "Population": 1494.0}, {"index": 6023, "quantile": 0.25, "value": 93300.0, "Latitude": 34.05, "Longitude": -117.75, "Population": 1494.0}, {"index": 6023, "quantile": 0.5, "value": 93300.0, "Latitude": 34.05, "Longitude": -117.75, "Population": 1494.0}, {"index": 6023, "quantile": 0.75, "value": 93300.0, "Latitude": 34.05, "Longitude": -117.75, "Population": 1494.0}, {"index": 6023, "quantile": 1.0, "value": 212500.0, "Latitude": 34.05, "Longitude": -117.75, "Population": 1494.0}, {"index": 6024, "quantile": 0.0, "value": 68900.0, "Latitude": 34.05, "Longitude": -117.76, "Population": 4711.0}, {"index": 6024, "quantile": 0.25, "value": 103325.0, "Latitude": 34.05, "Longitude": -117.76, "Population": 4711.0}, {"index": 6024, "quantile": 0.5, "value": 116199.99999999999, "Latitude": 34.05, "Longitude": -117.76, "Population": 4711.0}, {"index": 6024, "quantile": 0.75, "value": 116199.99999999999, "Latitude": 34.05, "Longitude": -117.76, "Population": 4711.0}, {"index": 6024, "quantile": 1.0, "value": 204999.99999999997, "Latitude": 34.05, "Longitude": -117.76, "Population": 4711.0}, {"index": 6025, "quantile": 0.0, "value": 98300.0, "Latitude": 34.08, "Longitude": -117.74, "Population": 911.0}, {"index": 6025, "quantile": 0.25, "value": 134300.0, "Latitude": 34.08, "Longitude": -117.74, "Population": 911.0}, {"index": 6025, "quantile": 0.5, "value": 134300.0, "Latitude": 34.08, "Longitude": -117.74, "Population": 911.0}, {"index": 6025, "quantile": 0.75, "value": 139300.0, "Latitude": 34.08, "Longitude": -117.74, "Population": 911.0}, {"index": 6025, "quantile": 1.0, "value": 206999.99999999997, "Latitude": 34.08, "Longitude": -117.74, "Population": 911.0}, {"index": 6026, "quantile": 0.0, "value": 91200.0, "Latitude": 34.07, "Longitude": -117.74, "Population": 1550.0}, {"index": 6026, "quantile": 0.25, "value": 135700.0, "Latitude": 34.07, "Longitude": -117.74, "Population": 1550.0}, {"index": 6026, "quantile": 0.5, "value": 135700.0, "Latitude": 34.07, "Longitude": -117.74, "Population": 1550.0}, {"index": 6026, "quantile": 0.75, "value": 135700.0, "Latitude": 34.07, "Longitude": -117.74, "Population": 1550.0}, {"index": 6026, "quantile": 1.0, "value": 361700.0, "Latitude": 34.07, "Longitude": -117.74, "Population": 1550.0}, {"index": 6027, "quantile": 0.0, "value": 112500.0, "Latitude": 34.06, "Longitude": -117.74, "Population": 1508.0}, {"index": 6027, "quantile": 0.25, "value": 129200.0, "Latitude": 34.06, "Longitude": -117.74, "Population": 1508.0}, {"index": 6027, "quantile": 0.5, "value": 129200.0, "Latitude": 34.06, "Longitude": -117.74, "Population": 1508.0}, {"index": 6027, "quantile": 0.75, "value": 139200.0, "Latitude": 34.06, "Longitude": -117.74, "Population": 1508.0}, {"index": 6027, "quantile": 1.0, "value": 231800.0, "Latitude": 34.06, "Longitude": -117.74, "Population": 1508.0}, {"index": 6028, "quantile": 0.0, "value": 117800.0, "Latitude": 34.07, "Longitude": -117.74, "Population": 947.0}, {"index": 6028, "quantile": 0.25, "value": 180325.0, "Latitude": 34.07, "Longitude": -117.74, "Population": 947.0}, {"index": 6028, "quantile": 0.5, "value": 214800.0, "Latitude": 34.07, "Longitude": -117.74, "Population": 947.0}, {"index": 6028, "quantile": 0.75, "value": 285800.0, "Latitude": 34.07, "Longitude": -117.74, "Population": 947.0}, {"index": 6028, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 34.07, "Longitude": -117.74, "Population": 947.0}, {"index": 6029, "quantile": 0.0, "value": 136200.0, "Latitude": 34.07, "Longitude": -117.75, "Population": 444.0}, {"index": 6029, "quantile": 0.25, "value": 272500.0, "Latitude": 34.07, "Longitude": -117.75, "Population": 444.0}, {"index": 6029, "quantile": 0.5, "value": 399300.0, "Latitude": 34.07, "Longitude": -117.75, "Population": 444.0}, {"index": 6029, "quantile": 0.75, "value": 478550.25, "Latitude": 34.07, "Longitude": -117.75, "Population": 444.0}, {"index": 6029, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -117.75, "Population": 444.0}, {"index": 6030, "quantile": 0.0, "value": 52800.0, "Latitude": 34.07, "Longitude": -117.75, "Population": 1246.0}, {"index": 6030, "quantile": 0.25, "value": 143875.0, "Latitude": 34.07, "Longitude": -117.75, "Population": 1246.0}, {"index": 6030, "quantile": 0.5, "value": 146200.0, "Latitude": 34.07, "Longitude": -117.75, "Population": 1246.0}, {"index": 6030, "quantile": 0.75, "value": 146200.0, "Latitude": 34.07, "Longitude": -117.75, "Population": 1246.0}, {"index": 6030, "quantile": 1.0, "value": 225000.0, "Latitude": 34.07, "Longitude": -117.75, "Population": 1246.0}, {"index": 6031, "quantile": 0.0, "value": 88400.0, "Latitude": 34.08, "Longitude": -117.72, "Population": 1761.0}, {"index": 6031, "quantile": 0.25, "value": 117800.0, "Latitude": 34.08, "Longitude": -117.72, "Population": 1761.0}, {"index": 6031, "quantile": 0.5, "value": 135050.0, "Latitude": 34.08, "Longitude": -117.72, "Population": 1761.0}, {"index": 6031, "quantile": 0.75, "value": 139300.0, "Latitude": 34.08, "Longitude": -117.72, "Population": 1761.0}, {"index": 6031, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -117.72, "Population": 1761.0}, {"index": 6032, "quantile": 0.0, "value": 111700.0, "Latitude": 34.07, "Longitude": -117.72, "Population": 2580.0}, {"index": 6032, "quantile": 0.25, "value": 130250.0, "Latitude": 34.07, "Longitude": -117.72, "Population": 2580.0}, {"index": 6032, "quantile": 0.5, "value": 136400.0, "Latitude": 34.07, "Longitude": -117.72, "Population": 2580.0}, {"index": 6032, "quantile": 0.75, "value": 143875.0, "Latitude": 34.07, "Longitude": -117.72, "Population": 2580.0}, {"index": 6032, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -117.72, "Population": 2580.0}, {"index": 6033, "quantile": 0.0, "value": 99200.0, "Latitude": 34.08, "Longitude": -117.73, "Population": 3502.0}, {"index": 6033, "quantile": 0.25, "value": 128400.0, "Latitude": 34.08, "Longitude": -117.73, "Population": 3502.0}, {"index": 6033, "quantile": 0.5, "value": 139150.0, "Latitude": 34.08, "Longitude": -117.73, "Population": 3502.0}, {"index": 6033, "quantile": 0.75, "value": 177200.0, "Latitude": 34.08, "Longitude": -117.73, "Population": 3502.0}, {"index": 6033, "quantile": 1.0, "value": 258700.00000000003, "Latitude": 34.08, "Longitude": -117.73, "Population": 3502.0}, {"index": 6034, "quantile": 0.0, "value": 91500.0, "Latitude": 34.07, "Longitude": -117.73, "Population": 2716.0}, {"index": 6034, "quantile": 0.25, "value": 135000.0, "Latitude": 34.07, "Longitude": -117.73, "Population": 2716.0}, {"index": 6034, "quantile": 0.5, "value": 135000.0, "Latitude": 34.07, "Longitude": -117.73, "Population": 2716.0}, {"index": 6034, "quantile": 0.75, "value": 135000.0, "Latitude": 34.07, "Longitude": -117.73, "Population": 2716.0}, {"index": 6034, "quantile": 1.0, "value": 252100.0, "Latitude": 34.07, "Longitude": -117.73, "Population": 2716.0}, {"index": 6035, "quantile": 0.0, "value": 81900.0, "Latitude": 34.06, "Longitude": -117.72, "Population": 1718.0}, {"index": 6035, "quantile": 0.25, "value": 106475.00000000001, "Latitude": 34.06, "Longitude": -117.72, "Population": 1718.0}, {"index": 6035, "quantile": 0.5, "value": 113199.99999999999, "Latitude": 34.06, "Longitude": -117.72, "Population": 1718.0}, {"index": 6035, "quantile": 0.75, "value": 113199.99999999999, "Latitude": 34.06, "Longitude": -117.72, "Population": 1718.0}, {"index": 6035, "quantile": 1.0, "value": 225999.99999999997, "Latitude": 34.06, "Longitude": -117.72, "Population": 1718.0}, {"index": 6036, "quantile": 0.0, "value": 107000.0, "Latitude": 34.06, "Longitude": -117.73, "Population": 315.0}, {"index": 6036, "quantile": 0.25, "value": 117800.0, "Latitude": 34.06, "Longitude": -117.73, "Population": 315.0}, {"index": 6036, "quantile": 0.5, "value": 117800.0, "Latitude": 34.06, "Longitude": -117.73, "Population": 315.0}, {"index": 6036, "quantile": 0.75, "value": 122800.0, "Latitude": 34.06, "Longitude": -117.73, "Population": 315.0}, {"index": 6036, "quantile": 1.0, "value": 362500.0, "Latitude": 34.06, "Longitude": -117.73, "Population": 315.0}, {"index": 6037, "quantile": 0.0, "value": 90200.0, "Latitude": 34.06, "Longitude": -117.73, "Population": 368.0}, {"index": 6037, "quantile": 0.25, "value": 98800.0, "Latitude": 34.06, "Longitude": -117.73, "Population": 368.0}, {"index": 6037, "quantile": 0.5, "value": 98800.0, "Latitude": 34.06, "Longitude": -117.73, "Population": 368.0}, {"index": 6037, "quantile": 0.75, "value": 107825.0, "Latitude": 34.06, "Longitude": -117.73, "Population": 368.0}, {"index": 6037, "quantile": 1.0, "value": 350000.0, "Latitude": 34.06, "Longitude": -117.73, "Population": 368.0}, {"index": 6038, "quantile": 0.0, "value": 91900.0, "Latitude": 34.07, "Longitude": -117.73, "Population": 1430.0}, {"index": 6038, "quantile": 0.25, "value": 122600.0, "Latitude": 34.07, "Longitude": -117.73, "Population": 1430.0}, {"index": 6038, "quantile": 0.5, "value": 122600.0, "Latitude": 34.07, "Longitude": -117.73, "Population": 1430.0}, {"index": 6038, "quantile": 0.75, "value": 122600.0, "Latitude": 34.07, "Longitude": -117.73, "Population": 1430.0}, {"index": 6038, "quantile": 1.0, "value": 225000.0, "Latitude": 34.07, "Longitude": -117.73, "Population": 1430.0}, {"index": 6039, "quantile": 0.0, "value": 56499.99999999999, "Latitude": 34.07, "Longitude": -117.73, "Population": 854.0}, {"index": 6039, "quantile": 0.25, "value": 119400.0, "Latitude": 34.07, "Longitude": -117.73, "Population": 854.0}, {"index": 6039, "quantile": 0.5, "value": 119400.0, "Latitude": 34.07, "Longitude": -117.73, "Population": 854.0}, {"index": 6039, "quantile": 0.75, "value": 119400.0, "Latitude": 34.07, "Longitude": -117.73, "Population": 854.0}, {"index": 6039, "quantile": 1.0, "value": 250000.0, "Latitude": 34.07, "Longitude": -117.73, "Population": 854.0}, {"index": 6040, "quantile": 0.0, "value": 82300.0, "Latitude": 34.05, "Longitude": -117.73, "Population": 809.0}, {"index": 6040, "quantile": 0.25, "value": 118100.0, "Latitude": 34.05, "Longitude": -117.73, "Population": 809.0}, {"index": 6040, "quantile": 0.5, "value": 118100.0, "Latitude": 34.05, "Longitude": -117.73, "Population": 809.0}, {"index": 6040, "quantile": 0.75, "value": 118100.0, "Latitude": 34.05, "Longitude": -117.73, "Population": 809.0}, {"index": 6040, "quantile": 1.0, "value": 210000.0, "Latitude": 34.05, "Longitude": -117.73, "Population": 809.0}, {"index": 6041, "quantile": 0.0, "value": 58600.0, "Latitude": 34.05, "Longitude": -117.73, "Population": 2877.0}, {"index": 6041, "quantile": 0.25, "value": 108000.0, "Latitude": 34.05, "Longitude": -117.73, "Population": 2877.0}, {"index": 6041, "quantile": 0.5, "value": 113300.0, "Latitude": 34.05, "Longitude": -117.73, "Population": 2877.0}, {"index": 6041, "quantile": 0.75, "value": 113300.0, "Latitude": 34.05, "Longitude": -117.73, "Population": 2877.0}, {"index": 6041, "quantile": 1.0, "value": 129299.99999999999, "Latitude": 34.05, "Longitude": -117.73, "Population": 2877.0}, {"index": 6042, "quantile": 0.0, "value": 83000.0, "Latitude": 34.05, "Longitude": -117.74, "Population": 1466.0}, {"index": 6042, "quantile": 0.25, "value": 94300.0, "Latitude": 34.05, "Longitude": -117.74, "Population": 1466.0}, {"index": 6042, "quantile": 0.5, "value": 94300.0, "Latitude": 34.05, "Longitude": -117.74, "Population": 1466.0}, {"index": 6042, "quantile": 0.75, "value": 110900.0, "Latitude": 34.05, "Longitude": -117.74, "Population": 1466.0}, {"index": 6042, "quantile": 1.0, "value": 187500.0, "Latitude": 34.05, "Longitude": -117.74, "Population": 1466.0}, {"index": 6043, "quantile": 0.0, "value": 37500.0, "Latitude": 34.05, "Longitude": -117.74, "Population": 3029.0}, {"index": 6043, "quantile": 0.25, "value": 98000.0, "Latitude": 34.05, "Longitude": -117.74, "Population": 3029.0}, {"index": 6043, "quantile": 0.5, "value": 108000.0, "Latitude": 34.05, "Longitude": -117.74, "Population": 3029.0}, {"index": 6043, "quantile": 0.75, "value": 113300.0, "Latitude": 34.05, "Longitude": -117.74, "Population": 3029.0}, {"index": 6043, "quantile": 1.0, "value": 162500.0, "Latitude": 34.05, "Longitude": -117.74, "Population": 3029.0}, {"index": 6044, "quantile": 0.0, "value": 73700.0, "Latitude": 34.05, "Longitude": -117.74, "Population": 1024.0}, {"index": 6044, "quantile": 0.25, "value": 110900.0, "Latitude": 34.05, "Longitude": -117.74, "Population": 1024.0}, {"index": 6044, "quantile": 0.5, "value": 110900.0, "Latitude": 34.05, "Longitude": -117.74, "Population": 1024.0}, {"index": 6044, "quantile": 0.75, "value": 110900.0, "Latitude": 34.05, "Longitude": -117.74, "Population": 1024.0}, {"index": 6044, "quantile": 1.0, "value": 139400.0, "Latitude": 34.05, "Longitude": -117.74, "Population": 1024.0}, {"index": 6045, "quantile": 0.0, "value": 69900.0, "Latitude": 34.05, "Longitude": -117.75, "Population": 1511.0}, {"index": 6045, "quantile": 0.25, "value": 93300.0, "Latitude": 34.05, "Longitude": -117.75, "Population": 1511.0}, {"index": 6045, "quantile": 0.5, "value": 103600.0, "Latitude": 34.05, "Longitude": -117.75, "Population": 1511.0}, {"index": 6045, "quantile": 0.75, "value": 108650.0, "Latitude": 34.05, "Longitude": -117.75, "Population": 1511.0}, {"index": 6045, "quantile": 1.0, "value": 158800.0, "Latitude": 34.05, "Longitude": -117.75, "Population": 1511.0}, {"index": 6046, "quantile": 0.0, "value": 78800.0, "Latitude": 34.04, "Longitude": -117.73, "Population": 3367.0}, {"index": 6046, "quantile": 0.25, "value": 113500.0, "Latitude": 34.04, "Longitude": -117.73, "Population": 3367.0}, {"index": 6046, "quantile": 0.5, "value": 123300.00000000001, "Latitude": 34.04, "Longitude": -117.73, "Population": 3367.0}, {"index": 6046, "quantile": 0.75, "value": 128400.0, "Latitude": 34.04, "Longitude": -117.73, "Population": 3367.0}, {"index": 6046, "quantile": 1.0, "value": 346200.0, "Latitude": 34.04, "Longitude": -117.73, "Population": 3367.0}, {"index": 6047, "quantile": 0.0, "value": 90500.0, "Latitude": 34.03, "Longitude": -117.73, "Population": 1459.0}, {"index": 6047, "quantile": 0.25, "value": 118100.0, "Latitude": 34.03, "Longitude": -117.73, "Population": 1459.0}, {"index": 6047, "quantile": 0.5, "value": 118100.0, "Latitude": 34.03, "Longitude": -117.73, "Population": 1459.0}, {"index": 6047, "quantile": 0.75, "value": 118100.0, "Latitude": 34.03, "Longitude": -117.73, "Population": 1459.0}, {"index": 6047, "quantile": 1.0, "value": 231800.0, "Latitude": 34.03, "Longitude": -117.73, "Population": 1459.0}, {"index": 6048, "quantile": 0.0, "value": 107300.0, "Latitude": 34.02, "Longitude": -117.74, "Population": 1904.0}, {"index": 6048, "quantile": 0.25, "value": 117800.0, "Latitude": 34.02, "Longitude": -117.74, "Population": 1904.0}, {"index": 6048, "quantile": 0.5, "value": 128400.0, "Latitude": 34.02, "Longitude": -117.74, "Population": 1904.0}, {"index": 6048, "quantile": 0.75, "value": 139225.0, "Latitude": 34.02, "Longitude": -117.74, "Population": 1904.0}, {"index": 6048, "quantile": 1.0, "value": 180900.0, "Latitude": 34.02, "Longitude": -117.74, "Population": 1904.0}, {"index": 6049, "quantile": 0.0, "value": 81800.0, "Latitude": 34.04, "Longitude": -117.74, "Population": 1987.0}, {"index": 6049, "quantile": 0.25, "value": 129600.0, "Latitude": 34.04, "Longitude": -117.74, "Population": 1987.0}, {"index": 6049, "quantile": 0.5, "value": 129600.0, "Latitude": 34.04, "Longitude": -117.74, "Population": 1987.0}, {"index": 6049, "quantile": 0.75, "value": 129600.0, "Latitude": 34.04, "Longitude": -117.74, "Population": 1987.0}, {"index": 6049, "quantile": 1.0, "value": 202199.99999999997, "Latitude": 34.04, "Longitude": -117.74, "Population": 1987.0}, {"index": 6050, "quantile": 0.0, "value": 91000.0, "Latitude": 34.03, "Longitude": -117.74, "Population": 3712.0}, {"index": 6050, "quantile": 0.25, "value": 123300.00000000001, "Latitude": 34.03, "Longitude": -117.74, "Population": 3712.0}, {"index": 6050, "quantile": 0.5, "value": 123300.00000000001, "Latitude": 34.03, "Longitude": -117.74, "Population": 3712.0}, {"index": 6050, "quantile": 0.75, "value": 123300.00000000001, "Latitude": 34.03, "Longitude": -117.74, "Population": 3712.0}, {"index": 6050, "quantile": 1.0, "value": 187700.0, "Latitude": 34.03, "Longitude": -117.74, "Population": 3712.0}, {"index": 6051, "quantile": 0.0, "value": 67500.0, "Latitude": 34.04, "Longitude": -117.75, "Population": 2600.0}, {"index": 6051, "quantile": 0.25, "value": 113599.99999999999, "Latitude": 34.04, "Longitude": -117.75, "Population": 2600.0}, {"index": 6051, "quantile": 0.5, "value": 113599.99999999999, "Latitude": 34.04, "Longitude": -117.75, "Population": 2600.0}, {"index": 6051, "quantile": 0.75, "value": 116625.0, "Latitude": 34.04, "Longitude": -117.75, "Population": 2600.0}, {"index": 6051, "quantile": 1.0, "value": 346200.0, "Latitude": 34.04, "Longitude": -117.75, "Population": 2600.0}, {"index": 6052, "quantile": 0.0, "value": 90500.0, "Latitude": 34.04, "Longitude": -117.76, "Population": 1564.0}, {"index": 6052, "quantile": 0.25, "value": 115199.99999999999, "Latitude": 34.04, "Longitude": -117.76, "Population": 1564.0}, {"index": 6052, "quantile": 0.5, "value": 134800.0, "Latitude": 34.04, "Longitude": -117.76, "Population": 1564.0}, {"index": 6052, "quantile": 0.75, "value": 178400.0, "Latitude": 34.04, "Longitude": -117.76, "Population": 1564.0}, {"index": 6052, "quantile": 1.0, "value": 375000.0, "Latitude": 34.04, "Longitude": -117.76, "Population": 1564.0}, {"index": 6053, "quantile": 0.0, "value": 106700.0, "Latitude": 34.04, "Longitude": -117.76, "Population": 2052.0}, {"index": 6053, "quantile": 0.25, "value": 112999.99999999999, "Latitude": 34.04, "Longitude": -117.76, "Population": 2052.0}, {"index": 6053, "quantile": 0.5, "value": 112999.99999999999, "Latitude": 34.04, "Longitude": -117.76, "Population": 2052.0}, {"index": 6053, "quantile": 0.75, "value": 116150.0, "Latitude": 34.04, "Longitude": -117.76, "Population": 2052.0}, {"index": 6053, "quantile": 1.0, "value": 177200.0, "Latitude": 34.04, "Longitude": -117.76, "Population": 2052.0}, {"index": 6054, "quantile": 0.0, "value": 185100.0, "Latitude": 34.0, "Longitude": -117.85, "Population": 1389.0}, {"index": 6054, "quantile": 0.25, "value": 226900.0, "Latitude": 34.0, "Longitude": -117.85, "Population": 1389.0}, {"index": 6054, "quantile": 0.5, "value": 227900.0, "Latitude": 34.0, "Longitude": -117.85, "Population": 1389.0}, {"index": 6054, "quantile": 0.75, "value": 227900.0, "Latitude": 34.0, "Longitude": -117.85, "Population": 1389.0}, {"index": 6054, "quantile": 1.0, "value": 302100.0, "Latitude": 34.0, "Longitude": -117.85, "Population": 1389.0}, {"index": 6055, "quantile": 0.0, "value": 143000.0, "Latitude": 33.99, "Longitude": -117.86, "Population": 8686.0}, {"index": 6055, "quantile": 0.25, "value": 260524.99999999997, "Latitude": 33.99, "Longitude": -117.86, "Population": 8686.0}, {"index": 6055, "quantile": 0.5, "value": 304750.0, "Latitude": 33.99, "Longitude": -117.86, "Population": 8686.0}, {"index": 6055, "quantile": 0.75, "value": 326525.0, "Latitude": 33.99, "Longitude": -117.86, "Population": 8686.0}, {"index": 6055, "quantile": 1.0, "value": 450399.99999999994, "Latitude": 33.99, "Longitude": -117.86, "Population": 8686.0}, {"index": 6056, "quantile": 0.0, "value": 214500.0, "Latitude": 34.03, "Longitude": -117.8, "Population": 1885.0}, {"index": 6056, "quantile": 0.25, "value": 247600.0, "Latitude": 34.03, "Longitude": -117.8, "Population": 1885.0}, {"index": 6056, "quantile": 0.5, "value": 247600.0, "Latitude": 34.03, "Longitude": -117.8, "Population": 1885.0}, {"index": 6056, "quantile": 0.75, "value": 247600.0, "Latitude": 34.03, "Longitude": -117.8, "Population": 1885.0}, {"index": 6056, "quantile": 1.0, "value": 403700.0, "Latitude": 34.03, "Longitude": -117.8, "Population": 1885.0}, {"index": 6057, "quantile": 0.0, "value": 181300.0, "Latitude": 34.03, "Longitude": -117.78, "Population": 15507.0}, {"index": 6057, "quantile": 0.25, "value": 253900.00000000003, "Latitude": 34.03, "Longitude": -117.78, "Population": 15507.0}, {"index": 6057, "quantile": 0.5, "value": 253900.00000000003, "Latitude": 34.03, "Longitude": -117.78, "Population": 15507.0}, {"index": 6057, "quantile": 0.75, "value": 254150.0, "Latitude": 34.03, "Longitude": -117.78, "Population": 15507.0}, {"index": 6057, "quantile": 1.0, "value": 491200.0, "Latitude": 34.03, "Longitude": -117.78, "Population": 15507.0}, {"index": 6058, "quantile": 0.0, "value": 84200.0, "Latitude": 34.01, "Longitude": -117.83, "Population": 4911.0}, {"index": 6058, "quantile": 0.25, "value": 178500.0, "Latitude": 34.01, "Longitude": -117.83, "Population": 4911.0}, {"index": 6058, "quantile": 0.5, "value": 228200.0, "Latitude": 34.01, "Longitude": -117.83, "Population": 4911.0}, {"index": 6058, "quantile": 0.75, "value": 281150.0, "Latitude": 34.01, "Longitude": -117.83, "Population": 4911.0}, {"index": 6058, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -117.83, "Population": 4911.0}, {"index": 6059, "quantile": 0.0, "value": 110900.0, "Latitude": 34.02, "Longitude": -117.8, "Population": 1535.0}, {"index": 6059, "quantile": 0.25, "value": 230600.0, "Latitude": 34.02, "Longitude": -117.8, "Population": 1535.0}, {"index": 6059, "quantile": 0.5, "value": 230600.0, "Latitude": 34.02, "Longitude": -117.8, "Population": 1535.0}, {"index": 6059, "quantile": 0.75, "value": 241100.0, "Latitude": 34.02, "Longitude": -117.8, "Population": 1535.0}, {"index": 6059, "quantile": 1.0, "value": 430900.0, "Latitude": 34.02, "Longitude": -117.8, "Population": 1535.0}, {"index": 6060, "quantile": 0.0, "value": 106300.0, "Latitude": 34.01, "Longitude": -117.81, "Population": 4332.0}, {"index": 6060, "quantile": 0.25, "value": 192600.0, "Latitude": 34.01, "Longitude": -117.81, "Population": 4332.0}, {"index": 6060, "quantile": 0.5, "value": 224500.0, "Latitude": 34.01, "Longitude": -117.81, "Population": 4332.0}, {"index": 6060, "quantile": 0.75, "value": 263800.0, "Latitude": 34.01, "Longitude": -117.81, "Population": 4332.0}, {"index": 6060, "quantile": 1.0, "value": 445700.0, "Latitude": 34.01, "Longitude": -117.81, "Population": 4332.0}, {"index": 6061, "quantile": 0.0, "value": 138200.0, "Latitude": 34.02, "Longitude": -117.79, "Population": 9427.0}, {"index": 6061, "quantile": 0.25, "value": 314075.0, "Latitude": 34.02, "Longitude": -117.79, "Population": 9427.0}, {"index": 6061, "quantile": 0.5, "value": 315600.0, "Latitude": 34.02, "Longitude": -117.79, "Population": 9427.0}, {"index": 6061, "quantile": 0.75, "value": 315600.0, "Latitude": 34.02, "Longitude": -117.79, "Population": 9427.0}, {"index": 6061, "quantile": 1.0, "value": 402500.00000000006, "Latitude": 34.02, "Longitude": -117.79, "Population": 9427.0}, {"index": 6062, "quantile": 0.0, "value": 196600.0, "Latitude": 34.0, "Longitude": -117.84, "Population": 383.0}, {"index": 6062, "quantile": 0.25, "value": 253799.99999999997, "Latitude": 34.0, "Longitude": -117.84, "Population": 383.0}, {"index": 6062, "quantile": 0.5, "value": 253799.99999999997, "Latitude": 34.0, "Longitude": -117.84, "Population": 383.0}, {"index": 6062, "quantile": 0.75, "value": 260400.0, "Latitude": 34.0, "Longitude": -117.84, "Population": 383.0}, {"index": 6062, "quantile": 1.0, "value": 485300.0, "Latitude": 34.0, "Longitude": -117.84, "Population": 383.0}, {"index": 6063, "quantile": 0.0, "value": 218299.99999999997, "Latitude": 33.99, "Longitude": -117.83, "Population": 8380.0}, {"index": 6063, "quantile": 0.25, "value": 267000.0, "Latitude": 33.99, "Longitude": -117.83, "Population": 8380.0}, {"index": 6063, "quantile": 0.5, "value": 267000.0, "Latitude": 33.99, "Longitude": -117.83, "Population": 8380.0}, {"index": 6063, "quantile": 0.75, "value": 267000.0, "Latitude": 33.99, "Longitude": -117.83, "Population": 8380.0}, {"index": 6063, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -117.83, "Population": 8380.0}, {"index": 6064, "quantile": 0.0, "value": 156000.0, "Latitude": 33.98, "Longitude": -117.84, "Population": 1993.0}, {"index": 6064, "quantile": 0.25, "value": 221200.00000000003, "Latitude": 33.98, "Longitude": -117.84, "Population": 1993.0}, {"index": 6064, "quantile": 0.5, "value": 221200.00000000003, "Latitude": 33.98, "Longitude": -117.84, "Population": 1993.0}, {"index": 6064, "quantile": 0.75, "value": 232700.0, "Latitude": 33.98, "Longitude": -117.84, "Population": 1993.0}, {"index": 6064, "quantile": 1.0, "value": 344700.0, "Latitude": 33.98, "Longitude": -117.84, "Population": 1993.0}, {"index": 6065, "quantile": 0.0, "value": 225700.0, "Latitude": 33.97, "Longitude": -117.83, "Population": 9671.0}, {"index": 6065, "quantile": 0.25, "value": 360400.0, "Latitude": 33.97, "Longitude": -117.83, "Population": 9671.0}, {"index": 6065, "quantile": 0.5, "value": 368300.0, "Latitude": 33.97, "Longitude": -117.83, "Population": 9671.0}, {"index": 6065, "quantile": 0.75, "value": 368300.0, "Latitude": 33.97, "Longitude": -117.83, "Population": 9671.0}, {"index": 6065, "quantile": 1.0, "value": 450399.99999999994, "Latitude": 33.97, "Longitude": -117.83, "Population": 9671.0}, {"index": 6066, "quantile": 0.0, "value": 170300.0, "Latitude": 34.04, "Longitude": -117.87, "Population": 15037.0}, {"index": 6066, "quantile": 0.25, "value": 315600.0, "Latitude": 34.04, "Longitude": -117.87, "Population": 15037.0}, {"index": 6066, "quantile": 0.5, "value": 339700.0, "Latitude": 34.04, "Longitude": -117.87, "Population": 15037.0}, {"index": 6066, "quantile": 0.75, "value": 339700.0, "Latitude": 34.04, "Longitude": -117.87, "Population": 15037.0}, {"index": 6066, "quantile": 1.0, "value": 402500.00000000006, "Latitude": 34.04, "Longitude": -117.87, "Population": 15037.0}, {"index": 6067, "quantile": 0.0, "value": 153200.0, "Latitude": 34.02, "Longitude": -117.86, "Population": 3671.0}, {"index": 6067, "quantile": 0.25, "value": 262100.0, "Latitude": 34.02, "Longitude": -117.86, "Population": 3671.0}, {"index": 6067, "quantile": 0.5, "value": 262100.0, "Latitude": 34.02, "Longitude": -117.86, "Population": 3671.0}, {"index": 6067, "quantile": 0.75, "value": 262100.0, "Latitude": 34.02, "Longitude": -117.86, "Population": 3671.0}, {"index": 6067, "quantile": 1.0, "value": 324900.0, "Latitude": 34.02, "Longitude": -117.86, "Population": 3671.0}, {"index": 6068, "quantile": 0.0, "value": 118200.0, "Latitude": 34.01, "Longitude": -117.86, "Population": 3038.0}, {"index": 6068, "quantile": 0.25, "value": 264400.0, "Latitude": 34.01, "Longitude": -117.86, "Population": 3038.0}, {"index": 6068, "quantile": 0.5, "value": 264400.0, "Latitude": 34.01, "Longitude": -117.86, "Population": 3038.0}, {"index": 6068, "quantile": 0.75, "value": 264400.0, "Latitude": 34.01, "Longitude": -117.86, "Population": 3038.0}, {"index": 6068, "quantile": 1.0, "value": 302100.0, "Latitude": 34.01, "Longitude": -117.86, "Population": 3038.0}, {"index": 6069, "quantile": 0.0, "value": 182400.0, "Latitude": 34.02, "Longitude": -117.87, "Population": 2120.0}, {"index": 6069, "quantile": 0.25, "value": 256350.0, "Latitude": 34.02, "Longitude": -117.87, "Population": 2120.0}, {"index": 6069, "quantile": 0.5, "value": 264300.0, "Latitude": 34.02, "Longitude": -117.87, "Population": 2120.0}, {"index": 6069, "quantile": 0.75, "value": 286500.0, "Latitude": 34.02, "Longitude": -117.87, "Population": 2120.0}, {"index": 6069, "quantile": 1.0, "value": 393100.0, "Latitude": 34.02, "Longitude": -117.87, "Population": 2120.0}, {"index": 6070, "quantile": 0.0, "value": 225700.0, "Latitude": 34.04, "Longitude": -117.84, "Population": 4904.0}, {"index": 6070, "quantile": 0.25, "value": 359975.0, "Latitude": 34.04, "Longitude": -117.84, "Population": 4904.0}, {"index": 6070, "quantile": 0.5, "value": 402500.00000000006, "Latitude": 34.04, "Longitude": -117.84, "Population": 4904.0}, {"index": 6070, "quantile": 0.75, "value": 402500.00000000006, "Latitude": 34.04, "Longitude": -117.84, "Population": 4904.0}, {"index": 6070, "quantile": 1.0, "value": 402500.00000000006, "Latitude": 34.04, "Longitude": -117.84, "Population": 4904.0}, {"index": 6071, "quantile": 0.0, "value": 194100.0, "Latitude": 34.06, "Longitude": -117.85, "Population": 1406.0}, {"index": 6071, "quantile": 0.25, "value": 340300.0, "Latitude": 34.06, "Longitude": -117.85, "Population": 1406.0}, {"index": 6071, "quantile": 0.5, "value": 462700.0, "Latitude": 34.06, "Longitude": -117.85, "Population": 1406.0}, {"index": 6071, "quantile": 0.75, "value": 462700.0, "Latitude": 34.06, "Longitude": -117.85, "Population": 1406.0}, {"index": 6071, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -117.85, "Population": 1406.0}, {"index": 6072, "quantile": 0.0, "value": 173200.0, "Latitude": 34.08, "Longitude": -117.85, "Population": 467.0}, {"index": 6072, "quantile": 0.25, "value": 284325.0, "Latitude": 34.08, "Longitude": -117.85, "Population": 467.0}, {"index": 6072, "quantile": 0.5, "value": 332700.0, "Latitude": 34.08, "Longitude": -117.85, "Population": 467.0}, {"index": 6072, "quantile": 0.75, "value": 407299.99999999994, "Latitude": 34.08, "Longitude": -117.85, "Population": 467.0}, {"index": 6072, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -117.85, "Population": 467.0}, {"index": 6073, "quantile": 0.0, "value": 349500.0, "Latitude": 34.07, "Longitude": -117.85, "Population": 295.0}, {"index": 6073, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -117.85, "Population": 295.0}, {"index": 6073, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -117.85, "Population": 295.0}, {"index": 6073, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -117.85, "Population": 295.0}, {"index": 6073, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -117.85, "Population": 295.0}, {"index": 6074, "quantile": 0.0, "value": 230600.0, "Latitude": 34.08, "Longitude": -117.86, "Population": 1003.0}, {"index": 6074, "quantile": 0.25, "value": 380900.0, "Latitude": 34.08, "Longitude": -117.86, "Population": 1003.0}, {"index": 6074, "quantile": 0.5, "value": 380900.0, "Latitude": 34.08, "Longitude": -117.86, "Population": 1003.0}, {"index": 6074, "quantile": 0.75, "value": 380900.0, "Latitude": 34.08, "Longitude": -117.86, "Population": 1003.0}, {"index": 6074, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -117.86, "Population": 1003.0}, {"index": 6075, "quantile": 0.0, "value": 139100.0, "Latitude": 34.08, "Longitude": -117.87, "Population": 2037.0}, {"index": 6075, "quantile": 0.25, "value": 229599.99999999997, "Latitude": 34.08, "Longitude": -117.87, "Population": 2037.0}, {"index": 6075, "quantile": 0.5, "value": 269500.0, "Latitude": 34.08, "Longitude": -117.87, "Population": 2037.0}, {"index": 6075, "quantile": 0.75, "value": 298650.0, "Latitude": 34.08, "Longitude": -117.87, "Population": 2037.0}, {"index": 6075, "quantile": 1.0, "value": 495500.0, "Latitude": 34.08, "Longitude": -117.87, "Population": 2037.0}, {"index": 6076, "quantile": 0.0, "value": 144100.0, "Latitude": 34.07, "Longitude": -117.87, "Population": 2210.0}, {"index": 6076, "quantile": 0.25, "value": 224050.0, "Latitude": 34.07, "Longitude": -117.87, "Population": 2210.0}, {"index": 6076, "quantile": 0.5, "value": 258700.00000000003, "Latitude": 34.07, "Longitude": -117.87, "Population": 2210.0}, {"index": 6076, "quantile": 0.75, "value": 258700.00000000003, "Latitude": 34.07, "Longitude": -117.87, "Population": 2210.0}, {"index": 6076, "quantile": 1.0, "value": 476700.00000000006, "Latitude": 34.07, "Longitude": -117.87, "Population": 2210.0}, {"index": 6077, "quantile": 0.0, "value": 108400.00000000001, "Latitude": 34.1, "Longitude": -117.85, "Population": 2315.0}, {"index": 6077, "quantile": 0.25, "value": 189900.0, "Latitude": 34.1, "Longitude": -117.85, "Population": 2315.0}, {"index": 6077, "quantile": 0.5, "value": 189900.0, "Latitude": 34.1, "Longitude": -117.85, "Population": 2315.0}, {"index": 6077, "quantile": 0.75, "value": 216450.00000000003, "Latitude": 34.1, "Longitude": -117.85, "Population": 2315.0}, {"index": 6077, "quantile": 1.0, "value": 445700.0, "Latitude": 34.1, "Longitude": -117.85, "Population": 2315.0}, {"index": 6078, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 34.09, "Longitude": -117.86, "Population": 2205.0}, {"index": 6078, "quantile": 0.25, "value": 216575.0, "Latitude": 34.09, "Longitude": -117.86, "Population": 2205.0}, {"index": 6078, "quantile": 0.5, "value": 233600.00000000003, "Latitude": 34.09, "Longitude": -117.86, "Population": 2205.0}, {"index": 6078, "quantile": 0.75, "value": 265000.0, "Latitude": 34.09, "Longitude": -117.86, "Population": 2205.0}, {"index": 6078, "quantile": 1.0, "value": 436700.0, "Latitude": 34.09, "Longitude": -117.86, "Population": 2205.0}, {"index": 6079, "quantile": 0.0, "value": 185600.0, "Latitude": 34.09, "Longitude": -117.85, "Population": 2066.0}, {"index": 6079, "quantile": 0.25, "value": 263900.0, "Latitude": 34.09, "Longitude": -117.85, "Population": 2066.0}, {"index": 6079, "quantile": 0.5, "value": 263900.0, "Latitude": 34.09, "Longitude": -117.85, "Population": 2066.0}, {"index": 6079, "quantile": 0.75, "value": 263900.0, "Latitude": 34.09, "Longitude": -117.85, "Population": 2066.0}, {"index": 6079, "quantile": 1.0, "value": 393100.0, "Latitude": 34.09, "Longitude": -117.85, "Population": 2066.0}, {"index": 6080, "quantile": 0.0, "value": 199400.0, "Latitude": 34.09, "Longitude": -117.86, "Population": 1664.0}, {"index": 6080, "quantile": 0.25, "value": 241200.0, "Latitude": 34.09, "Longitude": -117.86, "Population": 1664.0}, {"index": 6080, "quantile": 0.5, "value": 267300.0, "Latitude": 34.09, "Longitude": -117.86, "Population": 1664.0}, {"index": 6080, "quantile": 0.75, "value": 283025.00000000006, "Latitude": 34.09, "Longitude": -117.86, "Population": 1664.0}, {"index": 6080, "quantile": 1.0, "value": 344700.0, "Latitude": 34.09, "Longitude": -117.86, "Population": 1664.0}, {"index": 6081, "quantile": 0.0, "value": 137500.0, "Latitude": 34.1, "Longitude": -117.87, "Population": 1084.0}, {"index": 6081, "quantile": 0.25, "value": 191700.0, "Latitude": 34.1, "Longitude": -117.87, "Population": 1084.0}, {"index": 6081, "quantile": 0.5, "value": 191700.0, "Latitude": 34.1, "Longitude": -117.87, "Population": 1084.0}, {"index": 6081, "quantile": 0.75, "value": 194500.0, "Latitude": 34.1, "Longitude": -117.87, "Population": 1084.0}, {"index": 6081, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 34.1, "Longitude": -117.87, "Population": 1084.0}, {"index": 6082, "quantile": 0.0, "value": 144600.0, "Latitude": 34.09, "Longitude": -117.87, "Population": 927.0}, {"index": 6082, "quantile": 0.25, "value": 169200.0, "Latitude": 34.09, "Longitude": -117.87, "Population": 927.0}, {"index": 6082, "quantile": 0.5, "value": 178399.99999999997, "Latitude": 34.09, "Longitude": -117.87, "Population": 927.0}, {"index": 6082, "quantile": 0.75, "value": 187050.0, "Latitude": 34.09, "Longitude": -117.87, "Population": 927.0}, {"index": 6082, "quantile": 1.0, "value": 285500.0, "Latitude": 34.09, "Longitude": -117.87, "Population": 927.0}, {"index": 6083, "quantile": 0.0, "value": 148400.0, "Latitude": 34.1, "Longitude": -117.88, "Population": 1696.0}, {"index": 6083, "quantile": 0.25, "value": 216600.0, "Latitude": 34.1, "Longitude": -117.88, "Population": 1696.0}, {"index": 6083, "quantile": 0.5, "value": 216600.0, "Latitude": 34.1, "Longitude": -117.88, "Population": 1696.0}, {"index": 6083, "quantile": 0.75, "value": 216600.0, "Latitude": 34.1, "Longitude": -117.88, "Population": 1696.0}, {"index": 6083, "quantile": 1.0, "value": 306300.0, "Latitude": 34.1, "Longitude": -117.88, "Population": 1696.0}, {"index": 6084, "quantile": 0.0, "value": 165100.0, "Latitude": 34.09, "Longitude": -117.89, "Population": 1005.0}, {"index": 6084, "quantile": 0.25, "value": 201399.99999999997, "Latitude": 34.09, "Longitude": -117.89, "Population": 1005.0}, {"index": 6084, "quantile": 0.5, "value": 210500.0, "Latitude": 34.09, "Longitude": -117.89, "Population": 1005.0}, {"index": 6084, "quantile": 0.75, "value": 244800.0, "Latitude": 34.09, "Longitude": -117.89, "Population": 1005.0}, {"index": 6084, "quantile": 1.0, "value": 426499.99999999994, "Latitude": 34.09, "Longitude": -117.89, "Population": 1005.0}, {"index": 6085, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 34.09, "Longitude": -117.87, "Population": 640.0}, {"index": 6085, "quantile": 0.25, "value": 190200.0, "Latitude": 34.09, "Longitude": -117.87, "Population": 640.0}, {"index": 6085, "quantile": 0.5, "value": 219749.99999999997, "Latitude": 34.09, "Longitude": -117.87, "Population": 640.0}, {"index": 6085, "quantile": 0.75, "value": 246075.0, "Latitude": 34.09, "Longitude": -117.87, "Population": 640.0}, {"index": 6085, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -117.87, "Population": 640.0}, {"index": 6086, "quantile": 0.0, "value": 112500.0, "Latitude": 34.08, "Longitude": -117.87, "Population": 2257.0}, {"index": 6086, "quantile": 0.25, "value": 181100.0, "Latitude": 34.08, "Longitude": -117.87, "Population": 2257.0}, {"index": 6086, "quantile": 0.5, "value": 188800.0, "Latitude": 34.08, "Longitude": -117.87, "Population": 2257.0}, {"index": 6086, "quantile": 0.75, "value": 199600.0, "Latitude": 34.08, "Longitude": -117.87, "Population": 2257.0}, {"index": 6086, "quantile": 1.0, "value": 305800.0, "Latitude": 34.08, "Longitude": -117.87, "Population": 2257.0}, {"index": 6087, "quantile": 0.0, "value": 125899.99999999999, "Latitude": 34.09, "Longitude": -117.88, "Population": 2223.0}, {"index": 6087, "quantile": 0.25, "value": 186000.0, "Latitude": 34.09, "Longitude": -117.88, "Population": 2223.0}, {"index": 6087, "quantile": 0.5, "value": 186000.0, "Latitude": 34.09, "Longitude": -117.88, "Population": 2223.0}, {"index": 6087, "quantile": 0.75, "value": 186000.0, "Latitude": 34.09, "Longitude": -117.88, "Population": 2223.0}, {"index": 6087, "quantile": 1.0, "value": 263200.0, "Latitude": 34.09, "Longitude": -117.88, "Population": 2223.0}, {"index": 6088, "quantile": 0.0, "value": 135400.0, "Latitude": 34.1, "Longitude": -117.86, "Population": 1327.0}, {"index": 6088, "quantile": 0.25, "value": 180600.0, "Latitude": 34.1, "Longitude": -117.86, "Population": 1327.0}, {"index": 6088, "quantile": 0.5, "value": 180600.0, "Latitude": 34.1, "Longitude": -117.86, "Population": 1327.0}, {"index": 6088, "quantile": 0.75, "value": 181100.0, "Latitude": 34.1, "Longitude": -117.86, "Population": 1327.0}, {"index": 6088, "quantile": 1.0, "value": 375000.0, "Latitude": 34.1, "Longitude": -117.86, "Population": 1327.0}, {"index": 6089, "quantile": 0.0, "value": 146200.0, "Latitude": 34.1, "Longitude": -117.86, "Population": 588.0}, {"index": 6089, "quantile": 0.25, "value": 196900.0, "Latitude": 34.1, "Longitude": -117.86, "Population": 588.0}, {"index": 6089, "quantile": 0.5, "value": 196900.0, "Latitude": 34.1, "Longitude": -117.86, "Population": 588.0}, {"index": 6089, "quantile": 0.75, "value": 208699.99999999997, "Latitude": 34.1, "Longitude": -117.86, "Population": 588.0}, {"index": 6089, "quantile": 1.0, "value": 485700.0, "Latitude": 34.1, "Longitude": -117.86, "Population": 588.0}, {"index": 6090, "quantile": 0.0, "value": 125899.99999999999, "Latitude": 34.1, "Longitude": -117.87, "Population": 3359.0}, {"index": 6090, "quantile": 0.25, "value": 173300.0, "Latitude": 34.1, "Longitude": -117.87, "Population": 3359.0}, {"index": 6090, "quantile": 0.5, "value": 173300.0, "Latitude": 34.1, "Longitude": -117.87, "Population": 3359.0}, {"index": 6090, "quantile": 0.75, "value": 173300.0, "Latitude": 34.1, "Longitude": -117.87, "Population": 3359.0}, {"index": 6090, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 34.1, "Longitude": -117.87, "Population": 3359.0}, {"index": 6091, "quantile": 0.0, "value": 117300.0, "Latitude": 34.1, "Longitude": -117.84, "Population": 4419.0}, {"index": 6091, "quantile": 0.25, "value": 180700.0, "Latitude": 34.1, "Longitude": -117.84, "Population": 4419.0}, {"index": 6091, "quantile": 0.5, "value": 180700.0, "Latitude": 34.1, "Longitude": -117.84, "Population": 4419.0}, {"index": 6091, "quantile": 0.75, "value": 180700.0, "Latitude": 34.1, "Longitude": -117.84, "Population": 4419.0}, {"index": 6091, "quantile": 1.0, "value": 262000.0, "Latitude": 34.1, "Longitude": -117.84, "Population": 4419.0}, {"index": 6092, "quantile": 0.0, "value": 93800.0, "Latitude": 34.11, "Longitude": -117.85, "Population": 985.0}, {"index": 6092, "quantile": 0.25, "value": 180600.0, "Latitude": 34.11, "Longitude": -117.85, "Population": 985.0}, {"index": 6092, "quantile": 0.5, "value": 180600.0, "Latitude": 34.11, "Longitude": -117.85, "Population": 985.0}, {"index": 6092, "quantile": 0.75, "value": 180600.0, "Latitude": 34.11, "Longitude": -117.85, "Population": 985.0}, {"index": 6092, "quantile": 1.0, "value": 335000.0, "Latitude": 34.11, "Longitude": -117.85, "Population": 985.0}, {"index": 6093, "quantile": 0.0, "value": 151300.0, "Latitude": 34.12, "Longitude": -117.87, "Population": 1073.0}, {"index": 6093, "quantile": 0.25, "value": 183800.0, "Latitude": 34.12, "Longitude": -117.87, "Population": 1073.0}, {"index": 6093, "quantile": 0.5, "value": 183800.0, "Latitude": 34.12, "Longitude": -117.87, "Population": 1073.0}, {"index": 6093, "quantile": 0.75, "value": 187800.0, "Latitude": 34.12, "Longitude": -117.87, "Population": 1073.0}, {"index": 6093, "quantile": 1.0, "value": 374600.0, "Latitude": 34.12, "Longitude": -117.87, "Population": 1073.0}, {"index": 6094, "quantile": 0.0, "value": 158100.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 1006.0}, {"index": 6094, "quantile": 0.25, "value": 158500.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 1006.0}, {"index": 6094, "quantile": 0.5, "value": 158500.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 1006.0}, {"index": 6094, "quantile": 0.75, "value": 185400.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 1006.0}, {"index": 6094, "quantile": 1.0, "value": 264400.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 1006.0}, {"index": 6095, "quantile": 0.0, "value": 108500.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 522.0}, {"index": 6095, "quantile": 0.25, "value": 178000.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 522.0}, {"index": 6095, "quantile": 0.5, "value": 178000.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 522.0}, {"index": 6095, "quantile": 0.75, "value": 179200.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 522.0}, {"index": 6095, "quantile": 1.0, "value": 272600.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 522.0}, {"index": 6096, "quantile": 0.0, "value": 140200.0, "Latitude": 34.12, "Longitude": -117.87, "Population": 772.0}, {"index": 6096, "quantile": 0.25, "value": 173825.0, "Latitude": 34.12, "Longitude": -117.87, "Population": 772.0}, {"index": 6096, "quantile": 0.5, "value": 174500.0, "Latitude": 34.12, "Longitude": -117.87, "Population": 772.0}, {"index": 6096, "quantile": 0.75, "value": 174500.0, "Latitude": 34.12, "Longitude": -117.87, "Population": 772.0}, {"index": 6096, "quantile": 1.0, "value": 241900.0, "Latitude": 34.12, "Longitude": -117.87, "Population": 772.0}, {"index": 6097, "quantile": 0.0, "value": 146400.0, "Latitude": 34.11, "Longitude": -117.87, "Population": 2105.0}, {"index": 6097, "quantile": 0.25, "value": 199600.0, "Latitude": 34.11, "Longitude": -117.87, "Population": 2105.0}, {"index": 6097, "quantile": 0.5, "value": 199600.0, "Latitude": 34.11, "Longitude": -117.87, "Population": 2105.0}, {"index": 6097, "quantile": 0.75, "value": 199600.0, "Latitude": 34.11, "Longitude": -117.87, "Population": 2105.0}, {"index": 6097, "quantile": 1.0, "value": 336200.0, "Latitude": 34.11, "Longitude": -117.87, "Population": 2105.0}, {"index": 6098, "quantile": 0.0, "value": 147400.0, "Latitude": 34.11, "Longitude": -117.87, "Population": 799.0}, {"index": 6098, "quantile": 0.25, "value": 183350.0, "Latitude": 34.11, "Longitude": -117.87, "Population": 799.0}, {"index": 6098, "quantile": 0.5, "value": 192200.0, "Latitude": 34.11, "Longitude": -117.87, "Population": 799.0}, {"index": 6098, "quantile": 0.75, "value": 192200.0, "Latitude": 34.11, "Longitude": -117.87, "Population": 799.0}, {"index": 6098, "quantile": 1.0, "value": 338100.0, "Latitude": 34.11, "Longitude": -117.87, "Population": 799.0}, {"index": 6099, "quantile": 0.0, "value": 143100.0, "Latitude": 34.11, "Longitude": -117.88, "Population": 2008.0}, {"index": 6099, "quantile": 0.25, "value": 182500.0, "Latitude": 34.11, "Longitude": -117.88, "Population": 2008.0}, {"index": 6099, "quantile": 0.5, "value": 182700.0, "Latitude": 34.11, "Longitude": -117.88, "Population": 2008.0}, {"index": 6099, "quantile": 0.75, "value": 182700.0, "Latitude": 34.11, "Longitude": -117.88, "Population": 2008.0}, {"index": 6099, "quantile": 1.0, "value": 263200.0, "Latitude": 34.11, "Longitude": -117.88, "Population": 2008.0}, {"index": 6100, "quantile": 0.0, "value": 158000.0, "Latitude": 34.12, "Longitude": -117.89, "Population": 885.0}, {"index": 6100, "quantile": 0.25, "value": 168800.0, "Latitude": 34.12, "Longitude": -117.89, "Population": 885.0}, {"index": 6100, "quantile": 0.5, "value": 168800.0, "Latitude": 34.12, "Longitude": -117.89, "Population": 885.0}, {"index": 6100, "quantile": 0.75, "value": 183800.0, "Latitude": 34.12, "Longitude": -117.89, "Population": 885.0}, {"index": 6100, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.12, "Longitude": -117.89, "Population": 885.0}, {"index": 6101, "quantile": 0.0, "value": 139200.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 1088.0}, {"index": 6101, "quantile": 0.25, "value": 165300.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 1088.0}, {"index": 6101, "quantile": 0.5, "value": 165300.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 1088.0}, {"index": 6101, "quantile": 0.75, "value": 165300.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 1088.0}, {"index": 6101, "quantile": 1.0, "value": 193800.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 1088.0}, {"index": 6102, "quantile": 0.0, "value": 124400.0, "Latitude": 34.11, "Longitude": -117.89, "Population": 446.0}, {"index": 6102, "quantile": 0.25, "value": 151300.0, "Latitude": 34.11, "Longitude": -117.89, "Population": 446.0}, {"index": 6102, "quantile": 0.5, "value": 151300.0, "Latitude": 34.11, "Longitude": -117.89, "Population": 446.0}, {"index": 6102, "quantile": 0.75, "value": 163175.0, "Latitude": 34.11, "Longitude": -117.89, "Population": 446.0}, {"index": 6102, "quantile": 1.0, "value": 271500.0, "Latitude": 34.11, "Longitude": -117.89, "Population": 446.0}, {"index": 6103, "quantile": 0.0, "value": 111800.00000000001, "Latitude": 34.11, "Longitude": -117.88, "Population": 1751.0}, {"index": 6103, "quantile": 0.25, "value": 157000.0, "Latitude": 34.11, "Longitude": -117.88, "Population": 1751.0}, {"index": 6103, "quantile": 0.5, "value": 157000.0, "Latitude": 34.11, "Longitude": -117.88, "Population": 1751.0}, {"index": 6103, "quantile": 0.75, "value": 171425.0, "Latitude": 34.11, "Longitude": -117.88, "Population": 1751.0}, {"index": 6103, "quantile": 1.0, "value": 305800.0, "Latitude": 34.11, "Longitude": -117.88, "Population": 1751.0}, {"index": 6104, "quantile": 0.0, "value": 138200.0, "Latitude": 34.12, "Longitude": -117.89, "Population": 1224.0}, {"index": 6104, "quantile": 0.25, "value": 141900.0, "Latitude": 34.12, "Longitude": -117.89, "Population": 1224.0}, {"index": 6104, "quantile": 0.5, "value": 141900.0, "Latitude": 34.12, "Longitude": -117.89, "Population": 1224.0}, {"index": 6104, "quantile": 0.75, "value": 141900.0, "Latitude": 34.12, "Longitude": -117.89, "Population": 1224.0}, {"index": 6104, "quantile": 1.0, "value": 185800.0, "Latitude": 34.12, "Longitude": -117.89, "Population": 1224.0}, {"index": 6105, "quantile": 0.0, "value": 117400.0, "Latitude": 34.12, "Longitude": -117.89, "Population": 1396.0}, {"index": 6105, "quantile": 0.25, "value": 141300.0, "Latitude": 34.12, "Longitude": -117.89, "Population": 1396.0}, {"index": 6105, "quantile": 0.5, "value": 141300.0, "Latitude": 34.12, "Longitude": -117.89, "Population": 1396.0}, {"index": 6105, "quantile": 0.75, "value": 141900.0, "Latitude": 34.12, "Longitude": -117.89, "Population": 1396.0}, {"index": 6105, "quantile": 1.0, "value": 201300.0, "Latitude": 34.12, "Longitude": -117.89, "Population": 1396.0}, {"index": 6106, "quantile": 0.0, "value": 140200.0, "Latitude": 34.11, "Longitude": -117.89, "Population": 1623.0}, {"index": 6106, "quantile": 0.25, "value": 140200.0, "Latitude": 34.11, "Longitude": -117.89, "Population": 1623.0}, {"index": 6106, "quantile": 0.5, "value": 140200.0, "Latitude": 34.11, "Longitude": -117.89, "Population": 1623.0}, {"index": 6106, "quantile": 0.75, "value": 184400.0, "Latitude": 34.11, "Longitude": -117.89, "Population": 1623.0}, {"index": 6106, "quantile": 1.0, "value": 247600.0, "Latitude": 34.11, "Longitude": -117.89, "Population": 1623.0}, {"index": 6107, "quantile": 0.0, "value": 126000.0, "Latitude": 34.11, "Longitude": -117.9, "Population": 1047.0}, {"index": 6107, "quantile": 0.25, "value": 150500.0, "Latitude": 34.11, "Longitude": -117.9, "Population": 1047.0}, {"index": 6107, "quantile": 0.5, "value": 164350.0, "Latitude": 34.11, "Longitude": -117.9, "Population": 1047.0}, {"index": 6107, "quantile": 0.75, "value": 173600.0, "Latitude": 34.11, "Longitude": -117.9, "Population": 1047.0}, {"index": 6107, "quantile": 1.0, "value": 216600.0, "Latitude": 34.11, "Longitude": -117.9, "Population": 1047.0}, {"index": 6108, "quantile": 0.0, "value": 136000.0, "Latitude": 34.13, "Longitude": -117.88, "Population": 1674.0}, {"index": 6108, "quantile": 0.25, "value": 155600.0, "Latitude": 34.13, "Longitude": -117.88, "Population": 1674.0}, {"index": 6108, "quantile": 0.5, "value": 155600.0, "Latitude": 34.13, "Longitude": -117.88, "Population": 1674.0}, {"index": 6108, "quantile": 0.75, "value": 189275.0, "Latitude": 34.13, "Longitude": -117.88, "Population": 1674.0}, {"index": 6108, "quantile": 1.0, "value": 338900.0, "Latitude": 34.13, "Longitude": -117.88, "Population": 1674.0}, {"index": 6109, "quantile": 0.0, "value": 141900.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 1327.0}, {"index": 6109, "quantile": 0.25, "value": 164300.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 1327.0}, {"index": 6109, "quantile": 0.5, "value": 164300.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 1327.0}, {"index": 6109, "quantile": 0.75, "value": 165475.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 1327.0}, {"index": 6109, "quantile": 1.0, "value": 252100.0, "Latitude": 34.12, "Longitude": -117.88, "Population": 1327.0}, {"index": 6110, "quantile": 0.0, "value": 147400.0, "Latitude": 34.13, "Longitude": -117.89, "Population": 1443.0}, {"index": 6110, "quantile": 0.25, "value": 147400.0, "Latitude": 34.13, "Longitude": -117.89, "Population": 1443.0}, {"index": 6110, "quantile": 0.5, "value": 147400.0, "Latitude": 34.13, "Longitude": -117.89, "Population": 1443.0}, {"index": 6110, "quantile": 0.75, "value": 168425.0, "Latitude": 34.13, "Longitude": -117.89, "Population": 1443.0}, {"index": 6110, "quantile": 1.0, "value": 245500.0, "Latitude": 34.13, "Longitude": -117.89, "Population": 1443.0}, {"index": 6111, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 34.13, "Longitude": -117.9, "Population": 2868.0}, {"index": 6111, "quantile": 0.25, "value": 142525.0, "Latitude": 34.13, "Longitude": -117.9, "Population": 2868.0}, {"index": 6111, "quantile": 0.5, "value": 162500.0, "Latitude": 34.13, "Longitude": -117.9, "Population": 2868.0}, {"index": 6111, "quantile": 0.75, "value": 171550.0, "Latitude": 34.13, "Longitude": -117.9, "Population": 2868.0}, {"index": 6111, "quantile": 1.0, "value": 217800.0, "Latitude": 34.13, "Longitude": -117.9, "Population": 2868.0}, {"index": 6112, "quantile": 0.0, "value": 114799.99999999999, "Latitude": 34.13, "Longitude": -117.9, "Population": 1312.0}, {"index": 6112, "quantile": 0.25, "value": 136100.0, "Latitude": 34.13, "Longitude": -117.9, "Population": 1312.0}, {"index": 6112, "quantile": 0.5, "value": 136100.0, "Latitude": 34.13, "Longitude": -117.9, "Population": 1312.0}, {"index": 6112, "quantile": 0.75, "value": 154000.0, "Latitude": 34.13, "Longitude": -117.9, "Population": 1312.0}, {"index": 6112, "quantile": 1.0, "value": 220500.0, "Latitude": 34.13, "Longitude": -117.9, "Population": 1312.0}, {"index": 6113, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.13, "Longitude": -117.9, "Population": 819.0}, {"index": 6113, "quantile": 0.25, "value": 137500.0, "Latitude": 34.13, "Longitude": -117.9, "Population": 819.0}, {"index": 6113, "quantile": 0.5, "value": 165400.0, "Latitude": 34.13, "Longitude": -117.9, "Population": 819.0}, {"index": 6113, "quantile": 0.75, "value": 202300.0, "Latitude": 34.13, "Longitude": -117.9, "Population": 819.0}, {"index": 6113, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.13, "Longitude": -117.9, "Population": 819.0}, {"index": 6114, "quantile": 0.0, "value": 129400.0, "Latitude": 34.13, "Longitude": -117.9, "Population": 1564.0}, {"index": 6114, "quantile": 0.25, "value": 133000.0, "Latitude": 34.13, "Longitude": -117.9, "Population": 1564.0}, {"index": 6114, "quantile": 0.5, "value": 133000.0, "Latitude": 34.13, "Longitude": -117.9, "Population": 1564.0}, {"index": 6114, "quantile": 0.75, "value": 152000.0, "Latitude": 34.13, "Longitude": -117.9, "Population": 1564.0}, {"index": 6114, "quantile": 1.0, "value": 212500.0, "Latitude": 34.13, "Longitude": -117.9, "Population": 1564.0}, {"index": 6115, "quantile": 0.0, "value": 124100.00000000001, "Latitude": 34.12, "Longitude": -117.9, "Population": 1787.0}, {"index": 6115, "quantile": 0.25, "value": 124100.00000000001, "Latitude": 34.12, "Longitude": -117.9, "Population": 1787.0}, {"index": 6115, "quantile": 0.5, "value": 124100.00000000001, "Latitude": 34.12, "Longitude": -117.9, "Population": 1787.0}, {"index": 6115, "quantile": 0.75, "value": 143900.0, "Latitude": 34.12, "Longitude": -117.9, "Population": 1787.0}, {"index": 6115, "quantile": 1.0, "value": 297100.0, "Latitude": 34.12, "Longitude": -117.9, "Population": 1787.0}, {"index": 6116, "quantile": 0.0, "value": 117600.0, "Latitude": 34.12, "Longitude": -117.9, "Population": 1571.0}, {"index": 6116, "quantile": 0.25, "value": 138200.0, "Latitude": 34.12, "Longitude": -117.9, "Population": 1571.0}, {"index": 6116, "quantile": 0.5, "value": 138200.0, "Latitude": 34.12, "Longitude": -117.9, "Population": 1571.0}, {"index": 6116, "quantile": 0.75, "value": 145825.0, "Latitude": 34.12, "Longitude": -117.9, "Population": 1571.0}, {"index": 6116, "quantile": 1.0, "value": 205500.00000000003, "Latitude": 34.12, "Longitude": -117.9, "Population": 1571.0}, {"index": 6117, "quantile": 0.0, "value": 112500.0, "Latitude": 34.12, "Longitude": -117.9, "Population": 804.0}, {"index": 6117, "quantile": 0.25, "value": 151400.0, "Latitude": 34.12, "Longitude": -117.9, "Population": 804.0}, {"index": 6117, "quantile": 0.5, "value": 151400.0, "Latitude": 34.12, "Longitude": -117.9, "Population": 804.0}, {"index": 6117, "quantile": 0.75, "value": 151400.0, "Latitude": 34.12, "Longitude": -117.9, "Population": 804.0}, {"index": 6117, "quantile": 1.0, "value": 252599.99999999997, "Latitude": 34.12, "Longitude": -117.9, "Population": 804.0}, {"index": 6118, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.13, "Longitude": -117.91, "Population": 1037.0}, {"index": 6118, "quantile": 0.25, "value": 138500.0, "Latitude": 34.13, "Longitude": -117.91, "Population": 1037.0}, {"index": 6118, "quantile": 0.5, "value": 138500.0, "Latitude": 34.13, "Longitude": -117.91, "Population": 1037.0}, {"index": 6118, "quantile": 0.75, "value": 138500.0, "Latitude": 34.13, "Longitude": -117.91, "Population": 1037.0}, {"index": 6118, "quantile": 1.0, "value": 225999.99999999997, "Latitude": 34.13, "Longitude": -117.91, "Population": 1037.0}, {"index": 6119, "quantile": 0.0, "value": 124100.00000000001, "Latitude": 34.13, "Longitude": -117.92, "Population": 1526.0}, {"index": 6119, "quantile": 0.25, "value": 132600.0, "Latitude": 34.13, "Longitude": -117.92, "Population": 1526.0}, {"index": 6119, "quantile": 0.5, "value": 132600.0, "Latitude": 34.13, "Longitude": -117.92, "Population": 1526.0}, {"index": 6119, "quantile": 0.75, "value": 137500.0, "Latitude": 34.13, "Longitude": -117.92, "Population": 1526.0}, {"index": 6119, "quantile": 1.0, "value": 242200.00000000003, "Latitude": 34.13, "Longitude": -117.92, "Population": 1526.0}, {"index": 6120, "quantile": 0.0, "value": 117700.0, "Latitude": 34.12, "Longitude": -117.91, "Population": 2259.0}, {"index": 6120, "quantile": 0.25, "value": 145500.0, "Latitude": 34.12, "Longitude": -117.91, "Population": 2259.0}, {"index": 6120, "quantile": 0.5, "value": 145500.0, "Latitude": 34.12, "Longitude": -117.91, "Population": 2259.0}, {"index": 6120, "quantile": 0.75, "value": 146025.0, "Latitude": 34.12, "Longitude": -117.91, "Population": 2259.0}, {"index": 6120, "quantile": 1.0, "value": 257799.99999999997, "Latitude": 34.12, "Longitude": -117.91, "Population": 2259.0}, {"index": 6121, "quantile": 0.0, "value": 136500.0, "Latitude": 34.12, "Longitude": -117.91, "Population": 1038.0}, {"index": 6121, "quantile": 0.25, "value": 149500.0, "Latitude": 34.12, "Longitude": -117.91, "Population": 1038.0}, {"index": 6121, "quantile": 0.5, "value": 149500.0, "Latitude": 34.12, "Longitude": -117.91, "Population": 1038.0}, {"index": 6121, "quantile": 0.75, "value": 175775.0, "Latitude": 34.12, "Longitude": -117.91, "Population": 1038.0}, {"index": 6121, "quantile": 1.0, "value": 198600.0, "Latitude": 34.12, "Longitude": -117.91, "Population": 1038.0}, {"index": 6122, "quantile": 0.0, "value": 84500.0, "Latitude": 34.12, "Longitude": -117.92, "Population": 2161.0}, {"index": 6122, "quantile": 0.25, "value": 136100.0, "Latitude": 34.12, "Longitude": -117.92, "Population": 2161.0}, {"index": 6122, "quantile": 0.5, "value": 153000.0, "Latitude": 34.12, "Longitude": -117.92, "Population": 2161.0}, {"index": 6122, "quantile": 0.75, "value": 167675.0, "Latitude": 34.12, "Longitude": -117.92, "Population": 2161.0}, {"index": 6122, "quantile": 1.0, "value": 212500.0, "Latitude": 34.12, "Longitude": -117.92, "Population": 2161.0}, {"index": 6123, "quantile": 0.0, "value": 65000.0, "Latitude": 34.12, "Longitude": -117.93, "Population": 266.0}, {"index": 6123, "quantile": 0.25, "value": 134400.0, "Latitude": 34.12, "Longitude": -117.93, "Population": 266.0}, {"index": 6123, "quantile": 0.5, "value": 134400.0, "Latitude": 34.12, "Longitude": -117.93, "Population": 266.0}, {"index": 6123, "quantile": 0.75, "value": 134400.0, "Latitude": 34.12, "Longitude": -117.93, "Population": 266.0}, {"index": 6123, "quantile": 1.0, "value": 275000.0, "Latitude": 34.12, "Longitude": -117.93, "Population": 266.0}, {"index": 6124, "quantile": 0.0, "value": 37500.0, "Latitude": 34.11, "Longitude": -117.9, "Population": 4797.0}, {"index": 6124, "quantile": 0.25, "value": 142600.0, "Latitude": 34.11, "Longitude": -117.9, "Population": 4797.0}, {"index": 6124, "quantile": 0.5, "value": 142600.0, "Latitude": 34.11, "Longitude": -117.9, "Population": 4797.0}, {"index": 6124, "quantile": 0.75, "value": 148700.0, "Latitude": 34.11, "Longitude": -117.9, "Population": 4797.0}, {"index": 6124, "quantile": 1.0, "value": 350000.0, "Latitude": 34.11, "Longitude": -117.9, "Population": 4797.0}, {"index": 6125, "quantile": 0.0, "value": 113500.0, "Latitude": 34.11, "Longitude": -117.91, "Population": 2396.0}, {"index": 6125, "quantile": 0.25, "value": 153000.0, "Latitude": 34.11, "Longitude": -117.91, "Population": 2396.0}, {"index": 6125, "quantile": 0.5, "value": 153000.0, "Latitude": 34.11, "Longitude": -117.91, "Population": 2396.0}, {"index": 6125, "quantile": 0.75, "value": 153625.0, "Latitude": 34.11, "Longitude": -117.91, "Population": 2396.0}, {"index": 6125, "quantile": 1.0, "value": 234600.0, "Latitude": 34.11, "Longitude": -117.91, "Population": 2396.0}, {"index": 6126, "quantile": 0.0, "value": 131000.0, "Latitude": 34.11, "Longitude": -117.92, "Population": 2151.0}, {"index": 6126, "quantile": 0.25, "value": 153000.0, "Latitude": 34.11, "Longitude": -117.92, "Population": 2151.0}, {"index": 6126, "quantile": 0.5, "value": 159200.0, "Latitude": 34.11, "Longitude": -117.92, "Population": 2151.0}, {"index": 6126, "quantile": 0.75, "value": 187400.0, "Latitude": 34.11, "Longitude": -117.92, "Population": 2151.0}, {"index": 6126, "quantile": 1.0, "value": 291500.0, "Latitude": 34.11, "Longitude": -117.92, "Population": 2151.0}, {"index": 6127, "quantile": 0.0, "value": 130500.0, "Latitude": 34.1, "Longitude": -117.94, "Population": 929.0}, {"index": 6127, "quantile": 0.25, "value": 153400.0, "Latitude": 34.1, "Longitude": -117.94, "Population": 929.0}, {"index": 6127, "quantile": 0.5, "value": 153400.0, "Latitude": 34.1, "Longitude": -117.94, "Population": 929.0}, {"index": 6127, "quantile": 0.75, "value": 167000.0, "Latitude": 34.1, "Longitude": -117.94, "Population": 929.0}, {"index": 6127, "quantile": 1.0, "value": 200300.0, "Latitude": 34.1, "Longitude": -117.94, "Population": 929.0}, {"index": 6128, "quantile": 0.0, "value": 52500.0, "Latitude": 34.11, "Longitude": -117.97, "Population": 121.0}, {"index": 6128, "quantile": 0.25, "value": 135325.0, "Latitude": 34.11, "Longitude": -117.97, "Population": 121.0}, {"index": 6128, "quantile": 0.5, "value": 143900.0, "Latitude": 34.11, "Longitude": -117.97, "Population": 121.0}, {"index": 6128, "quantile": 0.75, "value": 162700.0, "Latitude": 34.11, "Longitude": -117.97, "Population": 121.0}, {"index": 6128, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -117.97, "Population": 121.0}, {"index": 6129, "quantile": 0.0, "value": 130500.0, "Latitude": 34.08, "Longitude": -117.99, "Population": 2307.0}, {"index": 6129, "quantile": 0.25, "value": 141000.0, "Latitude": 34.08, "Longitude": -117.99, "Population": 2307.0}, {"index": 6129, "quantile": 0.5, "value": 141000.0, "Latitude": 34.08, "Longitude": -117.99, "Population": 2307.0}, {"index": 6129, "quantile": 0.75, "value": 146825.0, "Latitude": 34.08, "Longitude": -117.99, "Population": 2307.0}, {"index": 6129, "quantile": 1.0, "value": 206800.0, "Latitude": 34.08, "Longitude": -117.99, "Population": 2307.0}, {"index": 6130, "quantile": 0.0, "value": 130100.0, "Latitude": 34.07, "Longitude": -117.99, "Population": 1548.0}, {"index": 6130, "quantile": 0.25, "value": 147200.0, "Latitude": 34.07, "Longitude": -117.99, "Population": 1548.0}, {"index": 6130, "quantile": 0.5, "value": 147200.0, "Latitude": 34.07, "Longitude": -117.99, "Population": 1548.0}, {"index": 6130, "quantile": 0.75, "value": 147200.0, "Latitude": 34.07, "Longitude": -117.99, "Population": 1548.0}, {"index": 6130, "quantile": 1.0, "value": 205500.00000000003, "Latitude": 34.07, "Longitude": -117.99, "Population": 1548.0}, {"index": 6131, "quantile": 0.0, "value": 135500.0, "Latitude": 34.07, "Longitude": -117.98, "Population": 3131.0}, {"index": 6131, "quantile": 0.25, "value": 139400.0, "Latitude": 34.07, "Longitude": -117.98, "Population": 3131.0}, {"index": 6131, "quantile": 0.5, "value": 139400.0, "Latitude": 34.07, "Longitude": -117.98, "Population": 3131.0}, {"index": 6131, "quantile": 0.75, "value": 160425.0, "Latitude": 34.07, "Longitude": -117.98, "Population": 3131.0}, {"index": 6131, "quantile": 1.0, "value": 217800.0, "Latitude": 34.07, "Longitude": -117.98, "Population": 3131.0}, {"index": 6132, "quantile": 0.0, "value": 83100.0, "Latitude": 34.07, "Longitude": -117.98, "Population": 504.0}, {"index": 6132, "quantile": 0.25, "value": 152500.0, "Latitude": 34.07, "Longitude": -117.98, "Population": 504.0}, {"index": 6132, "quantile": 0.5, "value": 152500.0, "Latitude": 34.07, "Longitude": -117.98, "Population": 504.0}, {"index": 6132, "quantile": 0.75, "value": 152500.0, "Latitude": 34.07, "Longitude": -117.98, "Population": 504.0}, {"index": 6132, "quantile": 1.0, "value": 188500.0, "Latitude": 34.07, "Longitude": -117.98, "Population": 504.0}, {"index": 6133, "quantile": 0.0, "value": 105100.0, "Latitude": 34.06, "Longitude": -117.99, "Population": 2660.0}, {"index": 6133, "quantile": 0.25, "value": 145675.0, "Latitude": 34.06, "Longitude": -117.99, "Population": 2660.0}, {"index": 6133, "quantile": 0.5, "value": 162100.0, "Latitude": 34.06, "Longitude": -117.99, "Population": 2660.0}, {"index": 6133, "quantile": 0.75, "value": 165350.0, "Latitude": 34.06, "Longitude": -117.99, "Population": 2660.0}, {"index": 6133, "quantile": 1.0, "value": 371400.0, "Latitude": 34.06, "Longitude": -117.99, "Population": 2660.0}, {"index": 6134, "quantile": 0.0, "value": 86900.0, "Latitude": 34.07, "Longitude": -118.0, "Population": 1609.0}, {"index": 6134, "quantile": 0.25, "value": 138500.0, "Latitude": 34.07, "Longitude": -118.0, "Population": 1609.0}, {"index": 6134, "quantile": 0.5, "value": 138500.0, "Latitude": 34.07, "Longitude": -118.0, "Population": 1609.0}, {"index": 6134, "quantile": 0.75, "value": 155500.0, "Latitude": 34.07, "Longitude": -118.0, "Population": 1609.0}, {"index": 6134, "quantile": 1.0, "value": 350000.0, "Latitude": 34.07, "Longitude": -118.0, "Population": 1609.0}, {"index": 6135, "quantile": 0.0, "value": 105100.0, "Latitude": 34.07, "Longitude": -117.99, "Population": 1648.0}, {"index": 6135, "quantile": 0.25, "value": 145900.0, "Latitude": 34.07, "Longitude": -117.99, "Population": 1648.0}, {"index": 6135, "quantile": 0.5, "value": 145900.0, "Latitude": 34.07, "Longitude": -117.99, "Population": 1648.0}, {"index": 6135, "quantile": 0.75, "value": 145900.0, "Latitude": 34.07, "Longitude": -117.99, "Population": 1648.0}, {"index": 6135, "quantile": 1.0, "value": 208100.0, "Latitude": 34.07, "Longitude": -117.99, "Population": 1648.0}, {"index": 6136, "quantile": 0.0, "value": 115199.99999999999, "Latitude": 34.08, "Longitude": -117.99, "Population": 954.0}, {"index": 6136, "quantile": 0.25, "value": 134800.0, "Latitude": 34.08, "Longitude": -117.99, "Population": 954.0}, {"index": 6136, "quantile": 0.5, "value": 134800.0, "Latitude": 34.08, "Longitude": -117.99, "Population": 954.0}, {"index": 6136, "quantile": 0.75, "value": 142650.0, "Latitude": 34.08, "Longitude": -117.99, "Population": 954.0}, {"index": 6136, "quantile": 1.0, "value": 192800.0, "Latitude": 34.08, "Longitude": -117.99, "Population": 954.0}, {"index": 6137, "quantile": 0.0, "value": 52500.0, "Latitude": 34.08, "Longitude": -117.97, "Population": 1781.0}, {"index": 6137, "quantile": 0.25, "value": 138925.0, "Latitude": 34.08, "Longitude": -117.97, "Population": 1781.0}, {"index": 6137, "quantile": 0.5, "value": 158750.0, "Latitude": 34.08, "Longitude": -117.97, "Population": 1781.0}, {"index": 6137, "quantile": 0.75, "value": 169700.0, "Latitude": 34.08, "Longitude": -117.97, "Population": 1781.0}, {"index": 6137, "quantile": 1.0, "value": 297100.0, "Latitude": 34.08, "Longitude": -117.97, "Population": 1781.0}, {"index": 6138, "quantile": 0.0, "value": 113500.0, "Latitude": 34.08, "Longitude": -117.97, "Population": 1961.0}, {"index": 6138, "quantile": 0.25, "value": 164100.0, "Latitude": 34.08, "Longitude": -117.97, "Population": 1961.0}, {"index": 6138, "quantile": 0.5, "value": 164100.0, "Latitude": 34.08, "Longitude": -117.97, "Population": 1961.0}, {"index": 6138, "quantile": 0.75, "value": 164100.0, "Latitude": 34.08, "Longitude": -117.97, "Population": 1961.0}, {"index": 6138, "quantile": 1.0, "value": 205500.00000000003, "Latitude": 34.08, "Longitude": -117.97, "Population": 1961.0}, {"index": 6139, "quantile": 0.0, "value": 130500.0, "Latitude": 34.07, "Longitude": -117.96, "Population": 2583.0}, {"index": 6139, "quantile": 0.25, "value": 160200.0, "Latitude": 34.07, "Longitude": -117.96, "Population": 2583.0}, {"index": 6139, "quantile": 0.5, "value": 175200.0, "Latitude": 34.07, "Longitude": -117.96, "Population": 2583.0}, {"index": 6139, "quantile": 0.75, "value": 187900.0, "Latitude": 34.07, "Longitude": -117.96, "Population": 2583.0}, {"index": 6139, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 34.07, "Longitude": -117.96, "Population": 2583.0}, {"index": 6140, "quantile": 0.0, "value": 131000.0, "Latitude": 34.07, "Longitude": -117.97, "Population": 1573.0}, {"index": 6140, "quantile": 0.25, "value": 157100.0, "Latitude": 34.07, "Longitude": -117.97, "Population": 1573.0}, {"index": 6140, "quantile": 0.5, "value": 157100.0, "Latitude": 34.07, "Longitude": -117.97, "Population": 1573.0}, {"index": 6140, "quantile": 0.75, "value": 157100.0, "Latitude": 34.07, "Longitude": -117.97, "Population": 1573.0}, {"index": 6140, "quantile": 1.0, "value": 220500.0, "Latitude": 34.07, "Longitude": -117.97, "Population": 1573.0}, {"index": 6141, "quantile": 0.0, "value": 117500.0, "Latitude": 34.07, "Longitude": -117.97, "Population": 1325.0}, {"index": 6141, "quantile": 0.25, "value": 162500.0, "Latitude": 34.07, "Longitude": -117.97, "Population": 1325.0}, {"index": 6141, "quantile": 0.5, "value": 162500.0, "Latitude": 34.07, "Longitude": -117.97, "Population": 1325.0}, {"index": 6141, "quantile": 0.75, "value": 162500.0, "Latitude": 34.07, "Longitude": -117.97, "Population": 1325.0}, {"index": 6141, "quantile": 1.0, "value": 207100.00000000003, "Latitude": 34.07, "Longitude": -117.97, "Population": 1325.0}, {"index": 6142, "quantile": 0.0, "value": 130500.0, "Latitude": 34.08, "Longitude": -117.98, "Population": 3537.0}, {"index": 6142, "quantile": 0.25, "value": 152200.0, "Latitude": 34.08, "Longitude": -117.98, "Population": 3537.0}, {"index": 6142, "quantile": 0.5, "value": 152200.0, "Latitude": 34.08, "Longitude": -117.98, "Population": 3537.0}, {"index": 6142, "quantile": 0.75, "value": 152200.0, "Latitude": 34.08, "Longitude": -117.98, "Population": 3537.0}, {"index": 6142, "quantile": 1.0, "value": 210300.00000000003, "Latitude": 34.08, "Longitude": -117.98, "Population": 3537.0}, {"index": 6143, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 34.1, "Longitude": -117.98, "Population": 5389.0}, {"index": 6143, "quantile": 0.25, "value": 138525.0, "Latitude": 34.1, "Longitude": -117.98, "Population": 5389.0}, {"index": 6143, "quantile": 0.5, "value": 152200.0, "Latitude": 34.1, "Longitude": -117.98, "Population": 5389.0}, {"index": 6143, "quantile": 0.75, "value": 162325.0, "Latitude": 34.1, "Longitude": -117.98, "Population": 5389.0}, {"index": 6143, "quantile": 1.0, "value": 206800.0, "Latitude": 34.1, "Longitude": -117.98, "Population": 5389.0}, {"index": 6144, "quantile": 0.0, "value": 141600.0, "Latitude": 34.09, "Longitude": -117.98, "Population": 2640.0}, {"index": 6144, "quantile": 0.25, "value": 161300.0, "Latitude": 34.09, "Longitude": -117.98, "Population": 2640.0}, {"index": 6144, "quantile": 0.5, "value": 161300.0, "Latitude": 34.09, "Longitude": -117.98, "Population": 2640.0}, {"index": 6144, "quantile": 0.75, "value": 161300.0, "Latitude": 34.09, "Longitude": -117.98, "Population": 2640.0}, {"index": 6144, "quantile": 1.0, "value": 190700.0, "Latitude": 34.09, "Longitude": -117.98, "Population": 2640.0}, {"index": 6145, "quantile": 0.0, "value": 141300.0, "Latitude": 34.09, "Longitude": -117.97, "Population": 3339.0}, {"index": 6145, "quantile": 0.25, "value": 160400.0, "Latitude": 34.09, "Longitude": -117.97, "Population": 3339.0}, {"index": 6145, "quantile": 0.5, "value": 160500.0, "Latitude": 34.09, "Longitude": -117.97, "Population": 3339.0}, {"index": 6145, "quantile": 0.75, "value": 160500.0, "Latitude": 34.09, "Longitude": -117.97, "Population": 3339.0}, {"index": 6145, "quantile": 1.0, "value": 252100.0, "Latitude": 34.09, "Longitude": -117.97, "Population": 3339.0}, {"index": 6146, "quantile": 0.0, "value": 84500.0, "Latitude": 34.11, "Longitude": -117.95, "Population": 2013.0}, {"index": 6146, "quantile": 0.25, "value": 130500.0, "Latitude": 34.11, "Longitude": -117.95, "Population": 2013.0}, {"index": 6146, "quantile": 0.5, "value": 146700.0, "Latitude": 34.11, "Longitude": -117.95, "Population": 2013.0}, {"index": 6146, "quantile": 0.75, "value": 160800.0, "Latitude": 34.11, "Longitude": -117.95, "Population": 2013.0}, {"index": 6146, "quantile": 1.0, "value": 242700.0, "Latitude": 34.11, "Longitude": -117.95, "Population": 2013.0}, {"index": 6147, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 34.1, "Longitude": -117.96, "Population": 3878.0}, {"index": 6147, "quantile": 0.25, "value": 141600.0, "Latitude": 34.1, "Longitude": -117.96, "Population": 3878.0}, {"index": 6147, "quantile": 0.5, "value": 141600.0, "Latitude": 34.1, "Longitude": -117.96, "Population": 3878.0}, {"index": 6147, "quantile": 0.75, "value": 141600.0, "Latitude": 34.1, "Longitude": -117.96, "Population": 3878.0}, {"index": 6147, "quantile": 1.0, "value": 271200.0, "Latitude": 34.1, "Longitude": -117.96, "Population": 3878.0}, {"index": 6148, "quantile": 0.0, "value": 84500.0, "Latitude": 34.1, "Longitude": -117.97, "Population": 1600.0}, {"index": 6148, "quantile": 0.25, "value": 143900.0, "Latitude": 34.1, "Longitude": -117.97, "Population": 1600.0}, {"index": 6148, "quantile": 0.5, "value": 143900.0, "Latitude": 34.1, "Longitude": -117.97, "Population": 1600.0}, {"index": 6148, "quantile": 0.75, "value": 143900.0, "Latitude": 34.1, "Longitude": -117.97, "Population": 1600.0}, {"index": 6148, "quantile": 1.0, "value": 245100.0, "Latitude": 34.1, "Longitude": -117.97, "Population": 1600.0}, {"index": 6149, "quantile": 0.0, "value": 83100.0, "Latitude": 34.1, "Longitude": -117.97, "Population": 1285.0}, {"index": 6149, "quantile": 0.25, "value": 160100.0, "Latitude": 34.1, "Longitude": -117.97, "Population": 1285.0}, {"index": 6149, "quantile": 0.5, "value": 160100.0, "Latitude": 34.1, "Longitude": -117.97, "Population": 1285.0}, {"index": 6149, "quantile": 0.75, "value": 160100.0, "Latitude": 34.1, "Longitude": -117.97, "Population": 1285.0}, {"index": 6149, "quantile": 1.0, "value": 191300.0, "Latitude": 34.1, "Longitude": -117.97, "Population": 1285.0}, {"index": 6150, "quantile": 0.0, "value": 130500.0, "Latitude": 34.09, "Longitude": -117.96, "Population": 2477.0}, {"index": 6150, "quantile": 0.25, "value": 155275.0, "Latitude": 34.09, "Longitude": -117.96, "Population": 2477.0}, {"index": 6150, "quantile": 0.5, "value": 160800.0, "Latitude": 34.09, "Longitude": -117.96, "Population": 2477.0}, {"index": 6150, "quantile": 0.75, "value": 160800.0, "Latitude": 34.09, "Longitude": -117.96, "Population": 2477.0}, {"index": 6150, "quantile": 1.0, "value": 190700.0, "Latitude": 34.09, "Longitude": -117.96, "Population": 2477.0}, {"index": 6151, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 34.09, "Longitude": -117.96, "Population": 1584.0}, {"index": 6151, "quantile": 0.25, "value": 131000.0, "Latitude": 34.09, "Longitude": -117.96, "Population": 1584.0}, {"index": 6151, "quantile": 0.5, "value": 131000.0, "Latitude": 34.09, "Longitude": -117.96, "Population": 1584.0}, {"index": 6151, "quantile": 0.75, "value": 145300.0, "Latitude": 34.09, "Longitude": -117.96, "Population": 1584.0}, {"index": 6151, "quantile": 1.0, "value": 287500.0, "Latitude": 34.09, "Longitude": -117.96, "Population": 1584.0}, {"index": 6152, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 34.1, "Longitude": -117.96, "Population": 2847.0}, {"index": 6152, "quantile": 0.25, "value": 151275.0, "Latitude": 34.1, "Longitude": -117.96, "Population": 2847.0}, {"index": 6152, "quantile": 0.5, "value": 155500.0, "Latitude": 34.1, "Longitude": -117.96, "Population": 2847.0}, {"index": 6152, "quantile": 0.75, "value": 160800.0, "Latitude": 34.1, "Longitude": -117.96, "Population": 2847.0}, {"index": 6152, "quantile": 1.0, "value": 184200.0, "Latitude": 34.1, "Longitude": -117.96, "Population": 2847.0}, {"index": 6153, "quantile": 0.0, "value": 143400.0, "Latitude": 34.09, "Longitude": -117.97, "Population": 2259.0}, {"index": 6153, "quantile": 0.25, "value": 143400.0, "Latitude": 34.09, "Longitude": -117.97, "Population": 2259.0}, {"index": 6153, "quantile": 0.5, "value": 143400.0, "Latitude": 34.09, "Longitude": -117.97, "Population": 2259.0}, {"index": 6153, "quantile": 0.75, "value": 155900.0, "Latitude": 34.09, "Longitude": -117.97, "Population": 2259.0}, {"index": 6153, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 34.09, "Longitude": -117.97, "Population": 2259.0}, {"index": 6154, "quantile": 0.0, "value": 115199.99999999999, "Latitude": 34.09, "Longitude": -117.95, "Population": 1792.0}, {"index": 6154, "quantile": 0.25, "value": 166500.0, "Latitude": 34.09, "Longitude": -117.95, "Population": 1792.0}, {"index": 6154, "quantile": 0.5, "value": 166500.0, "Latitude": 34.09, "Longitude": -117.95, "Population": 1792.0}, {"index": 6154, "quantile": 0.75, "value": 166500.0, "Latitude": 34.09, "Longitude": -117.95, "Population": 1792.0}, {"index": 6154, "quantile": 1.0, "value": 208800.0, "Latitude": 34.09, "Longitude": -117.95, "Population": 1792.0}, {"index": 6155, "quantile": 0.0, "value": 113599.99999999999, "Latitude": 34.08, "Longitude": -117.95, "Population": 1728.0}, {"index": 6155, "quantile": 0.25, "value": 153474.99999999997, "Latitude": 34.08, "Longitude": -117.95, "Population": 1728.0}, {"index": 6155, "quantile": 0.5, "value": 168600.0, "Latitude": 34.08, "Longitude": -117.95, "Population": 1728.0}, {"index": 6155, "quantile": 0.75, "value": 181100.0, "Latitude": 34.08, "Longitude": -117.95, "Population": 1728.0}, {"index": 6155, "quantile": 1.0, "value": 375000.0, "Latitude": 34.08, "Longitude": -117.95, "Population": 1728.0}, {"index": 6156, "quantile": 0.0, "value": 103600.0, "Latitude": 34.09, "Longitude": -117.95, "Population": 1296.0}, {"index": 6156, "quantile": 0.25, "value": 140600.0, "Latitude": 34.09, "Longitude": -117.95, "Population": 1296.0}, {"index": 6156, "quantile": 0.5, "value": 140600.0, "Latitude": 34.09, "Longitude": -117.95, "Population": 1296.0}, {"index": 6156, "quantile": 0.75, "value": 152050.0, "Latitude": 34.09, "Longitude": -117.95, "Population": 1296.0}, {"index": 6156, "quantile": 1.0, "value": 305800.0, "Latitude": 34.09, "Longitude": -117.95, "Population": 1296.0}, {"index": 6157, "quantile": 0.0, "value": 112000.00000000001, "Latitude": 34.08, "Longitude": -117.96, "Population": 1242.0}, {"index": 6157, "quantile": 0.25, "value": 151800.0, "Latitude": 34.08, "Longitude": -117.96, "Population": 1242.0}, {"index": 6157, "quantile": 0.5, "value": 151800.0, "Latitude": 34.08, "Longitude": -117.96, "Population": 1242.0}, {"index": 6157, "quantile": 0.75, "value": 151800.0, "Latitude": 34.08, "Longitude": -117.96, "Population": 1242.0}, {"index": 6157, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 34.08, "Longitude": -117.96, "Population": 1242.0}, {"index": 6158, "quantile": 0.0, "value": 113599.99999999999, "Latitude": 34.08, "Longitude": -117.96, "Population": 3563.0}, {"index": 6158, "quantile": 0.25, "value": 150400.0, "Latitude": 34.08, "Longitude": -117.96, "Population": 3563.0}, {"index": 6158, "quantile": 0.5, "value": 161300.0, "Latitude": 34.08, "Longitude": -117.96, "Population": 3563.0}, {"index": 6158, "quantile": 0.75, "value": 173325.0, "Latitude": 34.08, "Longitude": -117.96, "Population": 3563.0}, {"index": 6158, "quantile": 1.0, "value": 271200.0, "Latitude": 34.08, "Longitude": -117.96, "Population": 3563.0}, {"index": 6159, "quantile": 0.0, "value": 144100.0, "Latitude": 34.08, "Longitude": -117.96, "Population": 2330.0}, {"index": 6159, "quantile": 0.25, "value": 173100.0, "Latitude": 34.08, "Longitude": -117.96, "Population": 2330.0}, {"index": 6159, "quantile": 0.5, "value": 173100.0, "Latitude": 34.08, "Longitude": -117.96, "Population": 2330.0}, {"index": 6159, "quantile": 0.75, "value": 173100.0, "Latitude": 34.08, "Longitude": -117.96, "Population": 2330.0}, {"index": 6159, "quantile": 1.0, "value": 207200.0, "Latitude": 34.08, "Longitude": -117.96, "Population": 2330.0}, {"index": 6160, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.09, "Longitude": -117.94, "Population": 1742.0}, {"index": 6160, "quantile": 0.25, "value": 176700.0, "Latitude": 34.09, "Longitude": -117.94, "Population": 1742.0}, {"index": 6160, "quantile": 0.5, "value": 176700.0, "Latitude": 34.09, "Longitude": -117.94, "Population": 1742.0}, {"index": 6160, "quantile": 0.75, "value": 176700.0, "Latitude": 34.09, "Longitude": -117.94, "Population": 1742.0}, {"index": 6160, "quantile": 1.0, "value": 225999.99999999997, "Latitude": 34.09, "Longitude": -117.94, "Population": 1742.0}, {"index": 6161, "quantile": 0.0, "value": 154200.0, "Latitude": 34.08, "Longitude": -117.94, "Population": 1669.0}, {"index": 6161, "quantile": 0.25, "value": 184800.0, "Latitude": 34.08, "Longitude": -117.94, "Population": 1669.0}, {"index": 6161, "quantile": 0.5, "value": 190600.0, "Latitude": 34.08, "Longitude": -117.94, "Population": 1669.0}, {"index": 6161, "quantile": 0.75, "value": 192075.0, "Latitude": 34.08, "Longitude": -117.94, "Population": 1669.0}, {"index": 6161, "quantile": 1.0, "value": 248900.0, "Latitude": 34.08, "Longitude": -117.94, "Population": 1669.0}, {"index": 6162, "quantile": 0.0, "value": 82800.0, "Latitude": 34.08, "Longitude": -117.94, "Population": 1269.0}, {"index": 6162, "quantile": 0.25, "value": 192100.0, "Latitude": 34.08, "Longitude": -117.94, "Population": 1269.0}, {"index": 6162, "quantile": 0.5, "value": 201200.0, "Latitude": 34.08, "Longitude": -117.94, "Population": 1269.0}, {"index": 6162, "quantile": 0.75, "value": 201200.0, "Latitude": 34.08, "Longitude": -117.94, "Population": 1269.0}, {"index": 6162, "quantile": 1.0, "value": 258700.00000000003, "Latitude": 34.08, "Longitude": -117.94, "Population": 1269.0}, {"index": 6163, "quantile": 0.0, "value": 160600.0, "Latitude": 34.08, "Longitude": -117.94, "Population": 1336.0}, {"index": 6163, "quantile": 0.25, "value": 187700.0, "Latitude": 34.08, "Longitude": -117.94, "Population": 1336.0}, {"index": 6163, "quantile": 0.5, "value": 187700.0, "Latitude": 34.08, "Longitude": -117.94, "Population": 1336.0}, {"index": 6163, "quantile": 0.75, "value": 191700.0, "Latitude": 34.08, "Longitude": -117.94, "Population": 1336.0}, {"index": 6163, "quantile": 1.0, "value": 267300.0, "Latitude": 34.08, "Longitude": -117.94, "Population": 1336.0}, {"index": 6164, "quantile": 0.0, "value": 78300.0, "Latitude": 34.08, "Longitude": -117.95, "Population": 672.0}, {"index": 6164, "quantile": 0.25, "value": 189000.0, "Latitude": 34.08, "Longitude": -117.95, "Population": 672.0}, {"index": 6164, "quantile": 0.5, "value": 189000.0, "Latitude": 34.08, "Longitude": -117.95, "Population": 672.0}, {"index": 6164, "quantile": 0.75, "value": 189000.0, "Latitude": 34.08, "Longitude": -117.95, "Population": 672.0}, {"index": 6164, "quantile": 1.0, "value": 258100.0, "Latitude": 34.08, "Longitude": -117.95, "Population": 672.0}, {"index": 6165, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 34.07, "Longitude": -117.95, "Population": 1279.0}, {"index": 6165, "quantile": 0.25, "value": 164800.0, "Latitude": 34.07, "Longitude": -117.95, "Population": 1279.0}, {"index": 6165, "quantile": 0.5, "value": 177950.0, "Latitude": 34.07, "Longitude": -117.95, "Population": 1279.0}, {"index": 6165, "quantile": 0.75, "value": 189100.0, "Latitude": 34.07, "Longitude": -117.95, "Population": 1279.0}, {"index": 6165, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -117.95, "Population": 1279.0}, {"index": 6166, "quantile": 0.0, "value": 124400.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 1376.0}, {"index": 6166, "quantile": 0.25, "value": 174400.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 1376.0}, {"index": 6166, "quantile": 0.5, "value": 185350.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 1376.0}, {"index": 6166, "quantile": 0.75, "value": 201200.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 1376.0}, {"index": 6166, "quantile": 1.0, "value": 274300.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 1376.0}, {"index": 6167, "quantile": 0.0, "value": 124400.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 499.0}, {"index": 6167, "quantile": 0.25, "value": 161300.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 499.0}, {"index": 6167, "quantile": 0.5, "value": 161300.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 499.0}, {"index": 6167, "quantile": 0.75, "value": 174500.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 499.0}, {"index": 6167, "quantile": 1.0, "value": 246900.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 499.0}, {"index": 6168, "quantile": 0.0, "value": 137200.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 1093.0}, {"index": 6168, "quantile": 0.25, "value": 165500.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 1093.0}, {"index": 6168, "quantile": 0.5, "value": 165500.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 1093.0}, {"index": 6168, "quantile": 0.75, "value": 191475.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 1093.0}, {"index": 6168, "quantile": 1.0, "value": 257200.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 1093.0}, {"index": 6169, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 34.09, "Longitude": -117.93, "Population": 769.0}, {"index": 6169, "quantile": 0.25, "value": 154200.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 769.0}, {"index": 6169, "quantile": 0.5, "value": 154200.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 769.0}, {"index": 6169, "quantile": 0.75, "value": 170800.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 769.0}, {"index": 6169, "quantile": 1.0, "value": 274300.0, "Latitude": 34.09, "Longitude": -117.93, "Population": 769.0}, {"index": 6170, "quantile": 0.0, "value": 178500.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 679.0}, {"index": 6170, "quantile": 0.25, "value": 191900.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 679.0}, {"index": 6170, "quantile": 0.5, "value": 191900.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 679.0}, {"index": 6170, "quantile": 0.75, "value": 191900.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 679.0}, {"index": 6170, "quantile": 1.0, "value": 264600.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 679.0}, {"index": 6171, "quantile": 0.0, "value": 161300.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 1257.0}, {"index": 6171, "quantile": 0.25, "value": 185200.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 1257.0}, {"index": 6171, "quantile": 0.5, "value": 185200.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 1257.0}, {"index": 6171, "quantile": 0.75, "value": 185200.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 1257.0}, {"index": 6171, "quantile": 1.0, "value": 246900.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 1257.0}, {"index": 6172, "quantile": 0.0, "value": 153400.0, "Latitude": 34.07, "Longitude": -117.93, "Population": 819.0}, {"index": 6172, "quantile": 0.25, "value": 188800.0, "Latitude": 34.07, "Longitude": -117.93, "Population": 819.0}, {"index": 6172, "quantile": 0.5, "value": 188800.0, "Latitude": 34.07, "Longitude": -117.93, "Population": 819.0}, {"index": 6172, "quantile": 0.75, "value": 189000.0, "Latitude": 34.07, "Longitude": -117.93, "Population": 819.0}, {"index": 6172, "quantile": 1.0, "value": 258100.0, "Latitude": 34.07, "Longitude": -117.93, "Population": 819.0}, {"index": 6173, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 34.08, "Longitude": -117.93, "Population": 806.0}, {"index": 6173, "quantile": 0.25, "value": 180775.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 806.0}, {"index": 6173, "quantile": 0.5, "value": 189600.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 806.0}, {"index": 6173, "quantile": 0.75, "value": 197000.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 806.0}, {"index": 6173, "quantile": 1.0, "value": 338100.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 806.0}, {"index": 6174, "quantile": 0.0, "value": 124400.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 379.0}, {"index": 6174, "quantile": 0.25, "value": 206000.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 379.0}, {"index": 6174, "quantile": 0.5, "value": 206000.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 379.0}, {"index": 6174, "quantile": 0.75, "value": 206000.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 379.0}, {"index": 6174, "quantile": 1.0, "value": 278400.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 379.0}, {"index": 6175, "quantile": 0.0, "value": 154200.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 901.0}, {"index": 6175, "quantile": 0.25, "value": 191200.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 901.0}, {"index": 6175, "quantile": 0.5, "value": 197000.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 901.0}, {"index": 6175, "quantile": 0.75, "value": 197000.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 901.0}, {"index": 6175, "quantile": 1.0, "value": 218900.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 901.0}, {"index": 6176, "quantile": 0.0, "value": 151800.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 1139.0}, {"index": 6176, "quantile": 0.25, "value": 175800.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 1139.0}, {"index": 6176, "quantile": 0.5, "value": 185800.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 1139.0}, {"index": 6176, "quantile": 0.75, "value": 185800.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 1139.0}, {"index": 6176, "quantile": 1.0, "value": 289300.0, "Latitude": 34.08, "Longitude": -117.93, "Population": 1139.0}, {"index": 6177, "quantile": 0.0, "value": 146300.0, "Latitude": 34.08, "Longitude": -117.91, "Population": 1170.0}, {"index": 6177, "quantile": 0.25, "value": 197325.0, "Latitude": 34.08, "Longitude": -117.91, "Population": 1170.0}, {"index": 6177, "quantile": 0.5, "value": 217099.99999999997, "Latitude": 34.08, "Longitude": -117.91, "Population": 1170.0}, {"index": 6177, "quantile": 0.75, "value": 217099.99999999997, "Latitude": 34.08, "Longitude": -117.91, "Population": 1170.0}, {"index": 6177, "quantile": 1.0, "value": 341700.0, "Latitude": 34.08, "Longitude": -117.91, "Population": 1170.0}, {"index": 6178, "quantile": 0.0, "value": 144500.0, "Latitude": 34.08, "Longitude": -117.91, "Population": 861.0}, {"index": 6178, "quantile": 0.25, "value": 182575.0, "Latitude": 34.08, "Longitude": -117.91, "Population": 861.0}, {"index": 6178, "quantile": 0.5, "value": 190500.0, "Latitude": 34.08, "Longitude": -117.91, "Population": 861.0}, {"index": 6178, "quantile": 0.75, "value": 206999.99999999997, "Latitude": 34.08, "Longitude": -117.91, "Population": 861.0}, {"index": 6178, "quantile": 1.0, "value": 276000.0, "Latitude": 34.08, "Longitude": -117.91, "Population": 861.0}, {"index": 6179, "quantile": 0.0, "value": 151300.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 741.0}, {"index": 6179, "quantile": 0.25, "value": 189600.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 741.0}, {"index": 6179, "quantile": 0.5, "value": 189600.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 741.0}, {"index": 6179, "quantile": 0.75, "value": 189600.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 741.0}, {"index": 6179, "quantile": 1.0, "value": 262500.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 741.0}, {"index": 6180, "quantile": 0.0, "value": 144500.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 1011.0}, {"index": 6180, "quantile": 0.25, "value": 197000.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 1011.0}, {"index": 6180, "quantile": 0.5, "value": 206999.99999999997, "Latitude": 34.08, "Longitude": -117.92, "Population": 1011.0}, {"index": 6180, "quantile": 0.75, "value": 206999.99999999997, "Latitude": 34.08, "Longitude": -117.92, "Population": 1011.0}, {"index": 6180, "quantile": 1.0, "value": 276000.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 1011.0}, {"index": 6181, "quantile": 0.0, "value": 181100.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 965.0}, {"index": 6181, "quantile": 0.25, "value": 199400.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 965.0}, {"index": 6181, "quantile": 0.5, "value": 199400.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 965.0}, {"index": 6181, "quantile": 0.75, "value": 227475.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 965.0}, {"index": 6181, "quantile": 1.0, "value": 372000.0, "Latitude": 34.08, "Longitude": -117.92, "Population": 965.0}, {"index": 6182, "quantile": 0.0, "value": 106400.0, "Latitude": 34.1, "Longitude": -117.91, "Population": 1999.0}, {"index": 6182, "quantile": 0.25, "value": 181100.0, "Latitude": 34.1, "Longitude": -117.91, "Population": 1999.0}, {"index": 6182, "quantile": 0.5, "value": 181100.0, "Latitude": 34.1, "Longitude": -117.91, "Population": 1999.0}, {"index": 6182, "quantile": 0.75, "value": 181100.0, "Latitude": 34.1, "Longitude": -117.91, "Population": 1999.0}, {"index": 6182, "quantile": 1.0, "value": 264100.0, "Latitude": 34.1, "Longitude": -117.91, "Population": 1999.0}, {"index": 6183, "quantile": 0.0, "value": 66300.0, "Latitude": 34.09, "Longitude": -117.91, "Population": 2296.0}, {"index": 6183, "quantile": 0.25, "value": 161700.0, "Latitude": 34.09, "Longitude": -117.91, "Population": 2296.0}, {"index": 6183, "quantile": 0.5, "value": 190950.0, "Latitude": 34.09, "Longitude": -117.91, "Population": 2296.0}, {"index": 6183, "quantile": 0.75, "value": 210425.0, "Latitude": 34.09, "Longitude": -117.91, "Population": 2296.0}, {"index": 6183, "quantile": 1.0, "value": 325000.0, "Latitude": 34.09, "Longitude": -117.91, "Population": 2296.0}, {"index": 6184, "quantile": 0.0, "value": 134100.0, "Latitude": 34.09, "Longitude": -117.92, "Population": 1164.0}, {"index": 6184, "quantile": 0.25, "value": 168800.0, "Latitude": 34.09, "Longitude": -117.92, "Population": 1164.0}, {"index": 6184, "quantile": 0.5, "value": 185450.0, "Latitude": 34.09, "Longitude": -117.92, "Population": 1164.0}, {"index": 6184, "quantile": 0.75, "value": 212725.0, "Latitude": 34.09, "Longitude": -117.92, "Population": 1164.0}, {"index": 6184, "quantile": 1.0, "value": 274200.0, "Latitude": 34.09, "Longitude": -117.92, "Population": 1164.0}, {"index": 6185, "quantile": 0.0, "value": 138200.0, "Latitude": 34.1, "Longitude": -117.92, "Population": 1492.0}, {"index": 6185, "quantile": 0.25, "value": 150500.0, "Latitude": 34.1, "Longitude": -117.92, "Population": 1492.0}, {"index": 6185, "quantile": 0.5, "value": 150500.0, "Latitude": 34.1, "Longitude": -117.92, "Population": 1492.0}, {"index": 6185, "quantile": 0.75, "value": 162700.0, "Latitude": 34.1, "Longitude": -117.92, "Population": 1492.0}, {"index": 6185, "quantile": 1.0, "value": 212500.0, "Latitude": 34.1, "Longitude": -117.92, "Population": 1492.0}, {"index": 6186, "quantile": 0.0, "value": 132800.0, "Latitude": 34.1, "Longitude": -117.9, "Population": 1766.0}, {"index": 6186, "quantile": 0.25, "value": 174700.0, "Latitude": 34.1, "Longitude": -117.9, "Population": 1766.0}, {"index": 6186, "quantile": 0.5, "value": 181250.0, "Latitude": 34.1, "Longitude": -117.9, "Population": 1766.0}, {"index": 6186, "quantile": 0.75, "value": 196400.0, "Latitude": 34.1, "Longitude": -117.9, "Population": 1766.0}, {"index": 6186, "quantile": 1.0, "value": 309300.0, "Latitude": 34.1, "Longitude": -117.9, "Population": 1766.0}, {"index": 6187, "quantile": 0.0, "value": 121100.00000000001, "Latitude": 34.1, "Longitude": -117.91, "Population": 1779.0}, {"index": 6187, "quantile": 0.25, "value": 166700.0, "Latitude": 34.1, "Longitude": -117.91, "Population": 1779.0}, {"index": 6187, "quantile": 0.5, "value": 166700.0, "Latitude": 34.1, "Longitude": -117.91, "Population": 1779.0}, {"index": 6187, "quantile": 0.75, "value": 166700.0, "Latitude": 34.1, "Longitude": -117.91, "Population": 1779.0}, {"index": 6187, "quantile": 1.0, "value": 293300.0, "Latitude": 34.1, "Longitude": -117.91, "Population": 1779.0}, {"index": 6188, "quantile": 0.0, "value": 145200.0, "Latitude": 34.1, "Longitude": -117.92, "Population": 1933.0}, {"index": 6188, "quantile": 0.25, "value": 160700.0, "Latitude": 34.1, "Longitude": -117.92, "Population": 1933.0}, {"index": 6188, "quantile": 0.5, "value": 160700.0, "Latitude": 34.1, "Longitude": -117.92, "Population": 1933.0}, {"index": 6188, "quantile": 0.75, "value": 182900.00000000003, "Latitude": 34.1, "Longitude": -117.92, "Population": 1933.0}, {"index": 6188, "quantile": 1.0, "value": 274300.0, "Latitude": 34.1, "Longitude": -117.92, "Population": 1933.0}, {"index": 6189, "quantile": 0.0, "value": 135700.0, "Latitude": 34.1, "Longitude": -117.89, "Population": 1762.0}, {"index": 6189, "quantile": 0.25, "value": 191850.0, "Latitude": 34.1, "Longitude": -117.89, "Population": 1762.0}, {"index": 6189, "quantile": 0.5, "value": 209350.0, "Latitude": 34.1, "Longitude": -117.89, "Population": 1762.0}, {"index": 6189, "quantile": 0.75, "value": 219599.99999999997, "Latitude": 34.1, "Longitude": -117.89, "Population": 1762.0}, {"index": 6189, "quantile": 1.0, "value": 361700.0, "Latitude": 34.1, "Longitude": -117.89, "Population": 1762.0}, {"index": 6190, "quantile": 0.0, "value": 121300.00000000001, "Latitude": 34.1, "Longitude": -117.89, "Population": 1858.0}, {"index": 6190, "quantile": 0.25, "value": 166700.0, "Latitude": 34.1, "Longitude": -117.89, "Population": 1858.0}, {"index": 6190, "quantile": 0.5, "value": 184200.0, "Latitude": 34.1, "Longitude": -117.89, "Population": 1858.0}, {"index": 6190, "quantile": 0.75, "value": 202274.99999999997, "Latitude": 34.1, "Longitude": -117.89, "Population": 1858.0}, {"index": 6190, "quantile": 1.0, "value": 273000.0, "Latitude": 34.1, "Longitude": -117.89, "Population": 1858.0}, {"index": 6191, "quantile": 0.0, "value": 113900.0, "Latitude": 34.1, "Longitude": -117.89, "Population": 1456.0}, {"index": 6191, "quantile": 0.25, "value": 168600.0, "Latitude": 34.1, "Longitude": -117.89, "Population": 1456.0}, {"index": 6191, "quantile": 0.5, "value": 168600.0, "Latitude": 34.1, "Longitude": -117.89, "Population": 1456.0}, {"index": 6191, "quantile": 0.75, "value": 168600.0, "Latitude": 34.1, "Longitude": -117.89, "Population": 1456.0}, {"index": 6191, "quantile": 1.0, "value": 242700.0, "Latitude": 34.1, "Longitude": -117.89, "Population": 1456.0}, {"index": 6192, "quantile": 0.0, "value": 168800.0, "Latitude": 34.1, "Longitude": -117.9, "Population": 1481.0}, {"index": 6192, "quantile": 0.25, "value": 176600.0, "Latitude": 34.1, "Longitude": -117.9, "Population": 1481.0}, {"index": 6192, "quantile": 0.5, "value": 176600.0, "Latitude": 34.1, "Longitude": -117.9, "Population": 1481.0}, {"index": 6192, "quantile": 0.75, "value": 188025.0, "Latitude": 34.1, "Longitude": -117.9, "Population": 1481.0}, {"index": 6192, "quantile": 1.0, "value": 271500.0, "Latitude": 34.1, "Longitude": -117.9, "Population": 1481.0}, {"index": 6193, "quantile": 0.0, "value": 124400.0, "Latitude": 34.09, "Longitude": -117.9, "Population": 825.0}, {"index": 6193, "quantile": 0.25, "value": 186550.0, "Latitude": 34.09, "Longitude": -117.9, "Population": 825.0}, {"index": 6193, "quantile": 0.5, "value": 189600.0, "Latitude": 34.09, "Longitude": -117.9, "Population": 825.0}, {"index": 6193, "quantile": 0.75, "value": 206000.0, "Latitude": 34.09, "Longitude": -117.9, "Population": 825.0}, {"index": 6193, "quantile": 1.0, "value": 338100.0, "Latitude": 34.09, "Longitude": -117.9, "Population": 825.0}, {"index": 6194, "quantile": 0.0, "value": 158200.0, "Latitude": 34.08, "Longitude": -117.9, "Population": 976.0}, {"index": 6194, "quantile": 0.25, "value": 201200.0, "Latitude": 34.08, "Longitude": -117.9, "Population": 976.0}, {"index": 6194, "quantile": 0.5, "value": 201200.0, "Latitude": 34.08, "Longitude": -117.9, "Population": 976.0}, {"index": 6194, "quantile": 0.75, "value": 235750.0, "Latitude": 34.08, "Longitude": -117.9, "Population": 976.0}, {"index": 6194, "quantile": 1.0, "value": 430900.0, "Latitude": 34.08, "Longitude": -117.9, "Population": 976.0}, {"index": 6195, "quantile": 0.0, "value": 92600.0, "Latitude": 34.09, "Longitude": -117.89, "Population": 538.0}, {"index": 6195, "quantile": 0.25, "value": 181300.0, "Latitude": 34.09, "Longitude": -117.89, "Population": 538.0}, {"index": 6195, "quantile": 0.5, "value": 181300.0, "Latitude": 34.09, "Longitude": -117.89, "Population": 538.0}, {"index": 6195, "quantile": 0.75, "value": 191350.0, "Latitude": 34.09, "Longitude": -117.89, "Population": 538.0}, {"index": 6195, "quantile": 1.0, "value": 414700.0, "Latitude": 34.09, "Longitude": -117.89, "Population": 538.0}, {"index": 6196, "quantile": 0.0, "value": 45000.0, "Latitude": 34.09, "Longitude": -117.89, "Population": 583.0}, {"index": 6196, "quantile": 0.25, "value": 172650.0, "Latitude": 34.09, "Longitude": -117.89, "Population": 583.0}, {"index": 6196, "quantile": 0.5, "value": 191700.0, "Latitude": 34.09, "Longitude": -117.89, "Population": 583.0}, {"index": 6196, "quantile": 0.75, "value": 236175.00000000003, "Latitude": 34.09, "Longitude": -117.89, "Population": 583.0}, {"index": 6196, "quantile": 1.0, "value": 350000.0, "Latitude": 34.09, "Longitude": -117.89, "Population": 583.0}, {"index": 6197, "quantile": 0.0, "value": 161900.0, "Latitude": 34.09, "Longitude": -117.89, "Population": 1100.0}, {"index": 6197, "quantile": 0.25, "value": 176700.0, "Latitude": 34.09, "Longitude": -117.89, "Population": 1100.0}, {"index": 6197, "quantile": 0.5, "value": 176700.0, "Latitude": 34.09, "Longitude": -117.89, "Population": 1100.0}, {"index": 6197, "quantile": 0.75, "value": 176700.0, "Latitude": 34.09, "Longitude": -117.89, "Population": 1100.0}, {"index": 6197, "quantile": 1.0, "value": 276100.0, "Latitude": 34.09, "Longitude": -117.89, "Population": 1100.0}, {"index": 6198, "quantile": 0.0, "value": 161300.0, "Latitude": 34.09, "Longitude": -117.9, "Population": 892.0}, {"index": 6198, "quantile": 0.25, "value": 191800.0, "Latitude": 34.09, "Longitude": -117.9, "Population": 892.0}, {"index": 6198, "quantile": 0.5, "value": 191800.0, "Latitude": 34.09, "Longitude": -117.9, "Population": 892.0}, {"index": 6198, "quantile": 0.75, "value": 210850.00000000003, "Latitude": 34.09, "Longitude": -117.9, "Population": 892.0}, {"index": 6198, "quantile": 1.0, "value": 352100.0, "Latitude": 34.09, "Longitude": -117.9, "Population": 892.0}, {"index": 6199, "quantile": 0.0, "value": 45000.0, "Latitude": 34.08, "Longitude": -117.88, "Population": 3147.0}, {"index": 6199, "quantile": 0.25, "value": 160000.0, "Latitude": 34.08, "Longitude": -117.88, "Population": 3147.0}, {"index": 6199, "quantile": 0.5, "value": 197700.0, "Latitude": 34.08, "Longitude": -117.88, "Population": 3147.0}, {"index": 6199, "quantile": 0.75, "value": 230424.99999999997, "Latitude": 34.08, "Longitude": -117.88, "Population": 3147.0}, {"index": 6199, "quantile": 1.0, "value": 274300.0, "Latitude": 34.08, "Longitude": -117.88, "Population": 3147.0}, {"index": 6200, "quantile": 0.0, "value": 105200.0, "Latitude": 34.08, "Longitude": -117.89, "Population": 825.0}, {"index": 6200, "quantile": 0.25, "value": 215600.0, "Latitude": 34.08, "Longitude": -117.89, "Population": 825.0}, {"index": 6200, "quantile": 0.5, "value": 215600.0, "Latitude": 34.08, "Longitude": -117.89, "Population": 825.0}, {"index": 6200, "quantile": 0.75, "value": 215600.0, "Latitude": 34.08, "Longitude": -117.89, "Population": 825.0}, {"index": 6200, "quantile": 1.0, "value": 364900.0, "Latitude": 34.08, "Longitude": -117.89, "Population": 825.0}, {"index": 6201, "quantile": 0.0, "value": 105200.0, "Latitude": 34.08, "Longitude": -117.89, "Population": 1107.0}, {"index": 6201, "quantile": 0.25, "value": 185325.0, "Latitude": 34.08, "Longitude": -117.89, "Population": 1107.0}, {"index": 6201, "quantile": 0.5, "value": 212200.0, "Latitude": 34.08, "Longitude": -117.89, "Population": 1107.0}, {"index": 6201, "quantile": 0.75, "value": 228500.0, "Latitude": 34.08, "Longitude": -117.89, "Population": 1107.0}, {"index": 6201, "quantile": 1.0, "value": 404500.0, "Latitude": 34.08, "Longitude": -117.89, "Population": 1107.0}, {"index": 6202, "quantile": 0.0, "value": 116100.0, "Latitude": 34.07, "Longitude": -117.89, "Population": 1580.0}, {"index": 6202, "quantile": 0.25, "value": 181900.0, "Latitude": 34.07, "Longitude": -117.89, "Population": 1580.0}, {"index": 6202, "quantile": 0.5, "value": 200300.0, "Latitude": 34.07, "Longitude": -117.89, "Population": 1580.0}, {"index": 6202, "quantile": 0.75, "value": 200300.0, "Latitude": 34.07, "Longitude": -117.89, "Population": 1580.0}, {"index": 6202, "quantile": 1.0, "value": 252100.0, "Latitude": 34.07, "Longitude": -117.89, "Population": 1580.0}, {"index": 6203, "quantile": 0.0, "value": 117300.0, "Latitude": 34.08, "Longitude": -117.9, "Population": 3426.0}, {"index": 6203, "quantile": 0.25, "value": 171900.0, "Latitude": 34.08, "Longitude": -117.9, "Population": 3426.0}, {"index": 6203, "quantile": 0.5, "value": 189500.0, "Latitude": 34.08, "Longitude": -117.9, "Population": 3426.0}, {"index": 6203, "quantile": 0.75, "value": 203275.0, "Latitude": 34.08, "Longitude": -117.9, "Population": 3426.0}, {"index": 6203, "quantile": 1.0, "value": 247600.0, "Latitude": 34.08, "Longitude": -117.9, "Population": 3426.0}, {"index": 6204, "quantile": 0.0, "value": 332700.0, "Latitude": 34.06, "Longitude": -117.87, "Population": 1525.0}, {"index": 6204, "quantile": 0.25, "value": 454300.0, "Latitude": 34.06, "Longitude": -117.87, "Population": 1525.0}, {"index": 6204, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -117.87, "Population": 1525.0}, {"index": 6204, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -117.87, "Population": 1525.0}, {"index": 6204, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -117.87, "Population": 1525.0}, {"index": 6205, "quantile": 0.0, "value": 181100.0, "Latitude": 34.06, "Longitude": -117.88, "Population": 3081.0}, {"index": 6205, "quantile": 0.25, "value": 314275.0, "Latitude": 34.06, "Longitude": -117.88, "Population": 3081.0}, {"index": 6205, "quantile": 0.5, "value": 491200.0, "Latitude": 34.06, "Longitude": -117.88, "Population": 3081.0}, {"index": 6205, "quantile": 0.75, "value": 491200.0, "Latitude": 34.06, "Longitude": -117.88, "Population": 3081.0}, {"index": 6205, "quantile": 1.0, "value": 491200.0, "Latitude": 34.06, "Longitude": -117.88, "Population": 3081.0}, {"index": 6206, "quantile": 0.0, "value": 204800.0, "Latitude": 34.06, "Longitude": -117.9, "Population": 599.0}, {"index": 6206, "quantile": 0.25, "value": 287200.0, "Latitude": 34.06, "Longitude": -117.9, "Population": 599.0}, {"index": 6206, "quantile": 0.5, "value": 287200.0, "Latitude": 34.06, "Longitude": -117.9, "Population": 599.0}, {"index": 6206, "quantile": 0.75, "value": 353000.0, "Latitude": 34.06, "Longitude": -117.9, "Population": 599.0}, {"index": 6206, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -117.9, "Population": 599.0}, {"index": 6207, "quantile": 0.0, "value": 183800.0, "Latitude": 34.06, "Longitude": -117.9, "Population": 831.0}, {"index": 6207, "quantile": 0.25, "value": 248400.0, "Latitude": 34.06, "Longitude": -117.9, "Population": 831.0}, {"index": 6207, "quantile": 0.5, "value": 274700.0, "Latitude": 34.06, "Longitude": -117.9, "Population": 831.0}, {"index": 6207, "quantile": 0.75, "value": 274700.0, "Latitude": 34.06, "Longitude": -117.9, "Population": 831.0}, {"index": 6207, "quantile": 1.0, "value": 491200.0, "Latitude": 34.06, "Longitude": -117.9, "Population": 831.0}, {"index": 6208, "quantile": 0.0, "value": 88900.0, "Latitude": 34.06, "Longitude": -117.9, "Population": 578.0}, {"index": 6208, "quantile": 0.25, "value": 243275.0, "Latitude": 34.06, "Longitude": -117.9, "Population": 578.0}, {"index": 6208, "quantile": 0.5, "value": 274700.0, "Latitude": 34.06, "Longitude": -117.9, "Population": 578.0}, {"index": 6208, "quantile": 0.75, "value": 339300.0, "Latitude": 34.06, "Longitude": -117.9, "Population": 578.0}, {"index": 6208, "quantile": 1.0, "value": 491200.0, "Latitude": 34.06, "Longitude": -117.9, "Population": 578.0}, {"index": 6209, "quantile": 0.0, "value": 139100.0, "Latitude": 34.07, "Longitude": -117.89, "Population": 804.0}, {"index": 6209, "quantile": 0.25, "value": 188600.0, "Latitude": 34.07, "Longitude": -117.89, "Population": 804.0}, {"index": 6209, "quantile": 0.5, "value": 188600.0, "Latitude": 34.07, "Longitude": -117.89, "Population": 804.0}, {"index": 6209, "quantile": 0.75, "value": 190650.0, "Latitude": 34.07, "Longitude": -117.89, "Population": 804.0}, {"index": 6209, "quantile": 1.0, "value": 264600.0, "Latitude": 34.07, "Longitude": -117.89, "Population": 804.0}, {"index": 6210, "quantile": 0.0, "value": 108500.0, "Latitude": 34.07, "Longitude": -117.9, "Population": 1056.0}, {"index": 6210, "quantile": 0.25, "value": 172000.0, "Latitude": 34.07, "Longitude": -117.9, "Population": 1056.0}, {"index": 6210, "quantile": 0.5, "value": 172000.0, "Latitude": 34.07, "Longitude": -117.9, "Population": 1056.0}, {"index": 6210, "quantile": 0.75, "value": 172000.0, "Latitude": 34.07, "Longitude": -117.9, "Population": 1056.0}, {"index": 6210, "quantile": 1.0, "value": 450000.0, "Latitude": 34.07, "Longitude": -117.9, "Population": 1056.0}, {"index": 6211, "quantile": 0.0, "value": 102600.0, "Latitude": 34.07, "Longitude": -117.89, "Population": 392.0}, {"index": 6211, "quantile": 0.25, "value": 179800.0, "Latitude": 34.07, "Longitude": -117.89, "Population": 392.0}, {"index": 6211, "quantile": 0.5, "value": 197000.0, "Latitude": 34.07, "Longitude": -117.89, "Population": 392.0}, {"index": 6211, "quantile": 0.75, "value": 245850.0, "Latitude": 34.07, "Longitude": -117.89, "Population": 392.0}, {"index": 6211, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -117.89, "Population": 392.0}, {"index": 6212, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 34.06, "Longitude": -117.9, "Population": 1488.0}, {"index": 6212, "quantile": 0.25, "value": 213300.0, "Latitude": 34.06, "Longitude": -117.9, "Population": 1488.0}, {"index": 6212, "quantile": 0.5, "value": 227950.0, "Latitude": 34.06, "Longitude": -117.9, "Population": 1488.0}, {"index": 6212, "quantile": 0.75, "value": 248400.0, "Latitude": 34.06, "Longitude": -117.9, "Population": 1488.0}, {"index": 6212, "quantile": 1.0, "value": 395100.0, "Latitude": 34.06, "Longitude": -117.9, "Population": 1488.0}, {"index": 6213, "quantile": 0.0, "value": 155000.0, "Latitude": 34.07, "Longitude": -117.9, "Population": 466.0}, {"index": 6213, "quantile": 0.25, "value": 249400.00000000003, "Latitude": 34.07, "Longitude": -117.9, "Population": 466.0}, {"index": 6213, "quantile": 0.5, "value": 249400.00000000003, "Latitude": 34.07, "Longitude": -117.9, "Population": 466.0}, {"index": 6213, "quantile": 0.75, "value": 258325.0, "Latitude": 34.07, "Longitude": -117.9, "Population": 466.0}, {"index": 6213, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -117.9, "Population": 466.0}, {"index": 6214, "quantile": 0.0, "value": 156200.0, "Latitude": 34.07, "Longitude": -117.91, "Population": 887.0}, {"index": 6214, "quantile": 0.25, "value": 171900.0, "Latitude": 34.07, "Longitude": -117.91, "Population": 887.0}, {"index": 6214, "quantile": 0.5, "value": 189600.0, "Latitude": 34.07, "Longitude": -117.91, "Population": 887.0}, {"index": 6214, "quantile": 0.75, "value": 210350.0, "Latitude": 34.07, "Longitude": -117.91, "Population": 887.0}, {"index": 6214, "quantile": 1.0, "value": 353600.0, "Latitude": 34.07, "Longitude": -117.91, "Population": 887.0}, {"index": 6215, "quantile": 0.0, "value": 159400.0, "Latitude": 34.07, "Longitude": -117.91, "Population": 1519.0}, {"index": 6215, "quantile": 0.25, "value": 204199.99999999997, "Latitude": 34.07, "Longitude": -117.91, "Population": 1519.0}, {"index": 6215, "quantile": 0.5, "value": 204199.99999999997, "Latitude": 34.07, "Longitude": -117.91, "Population": 1519.0}, {"index": 6215, "quantile": 0.75, "value": 212650.0, "Latitude": 34.07, "Longitude": -117.91, "Population": 1519.0}, {"index": 6215, "quantile": 1.0, "value": 306300.0, "Latitude": 34.07, "Longitude": -117.91, "Population": 1519.0}, {"index": 6216, "quantile": 0.0, "value": 160700.0, "Latitude": 34.06, "Longitude": -117.92, "Population": 1718.0}, {"index": 6216, "quantile": 0.25, "value": 197600.0, "Latitude": 34.06, "Longitude": -117.92, "Population": 1718.0}, {"index": 6216, "quantile": 0.5, "value": 197600.0, "Latitude": 34.06, "Longitude": -117.92, "Population": 1718.0}, {"index": 6216, "quantile": 0.75, "value": 197600.0, "Latitude": 34.06, "Longitude": -117.92, "Population": 1718.0}, {"index": 6216, "quantile": 1.0, "value": 243200.0, "Latitude": 34.06, "Longitude": -117.92, "Population": 1718.0}, {"index": 6217, "quantile": 0.0, "value": 151300.0, "Latitude": 34.07, "Longitude": -117.92, "Population": 658.0}, {"index": 6217, "quantile": 0.25, "value": 176050.0, "Latitude": 34.07, "Longitude": -117.92, "Population": 658.0}, {"index": 6217, "quantile": 0.5, "value": 191000.0, "Latitude": 34.07, "Longitude": -117.92, "Population": 658.0}, {"index": 6217, "quantile": 0.75, "value": 208199.99999999997, "Latitude": 34.07, "Longitude": -117.92, "Population": 658.0}, {"index": 6217, "quantile": 1.0, "value": 365900.0, "Latitude": 34.07, "Longitude": -117.92, "Population": 658.0}, {"index": 6218, "quantile": 0.0, "value": 112500.0, "Latitude": 34.07, "Longitude": -117.92, "Population": 1052.0}, {"index": 6218, "quantile": 0.25, "value": 195250.0, "Latitude": 34.07, "Longitude": -117.92, "Population": 1052.0}, {"index": 6218, "quantile": 0.5, "value": 195500.0, "Latitude": 34.07, "Longitude": -117.92, "Population": 1052.0}, {"index": 6218, "quantile": 0.75, "value": 195500.0, "Latitude": 34.07, "Longitude": -117.92, "Population": 1052.0}, {"index": 6218, "quantile": 1.0, "value": 259800.0, "Latitude": 34.07, "Longitude": -117.92, "Population": 1052.0}, {"index": 6219, "quantile": 0.0, "value": 165300.0, "Latitude": 34.06, "Longitude": -117.91, "Population": 1382.0}, {"index": 6219, "quantile": 0.25, "value": 218299.99999999997, "Latitude": 34.06, "Longitude": -117.91, "Population": 1382.0}, {"index": 6219, "quantile": 0.5, "value": 218299.99999999997, "Latitude": 34.06, "Longitude": -117.91, "Population": 1382.0}, {"index": 6219, "quantile": 0.75, "value": 218925.0, "Latitude": 34.06, "Longitude": -117.91, "Population": 1382.0}, {"index": 6219, "quantile": 1.0, "value": 445700.0, "Latitude": 34.06, "Longitude": -117.91, "Population": 1382.0}, {"index": 6220, "quantile": 0.0, "value": 150800.0, "Latitude": 34.05, "Longitude": -117.91, "Population": 1727.0}, {"index": 6220, "quantile": 0.25, "value": 205100.00000000003, "Latitude": 34.05, "Longitude": -117.91, "Population": 1727.0}, {"index": 6220, "quantile": 0.5, "value": 218299.99999999997, "Latitude": 34.05, "Longitude": -117.91, "Population": 1727.0}, {"index": 6220, "quantile": 0.75, "value": 246400.0, "Latitude": 34.05, "Longitude": -117.91, "Population": 1727.0}, {"index": 6220, "quantile": 1.0, "value": 447100.0, "Latitude": 34.05, "Longitude": -117.91, "Population": 1727.0}, {"index": 6221, "quantile": 0.0, "value": 165100.0, "Latitude": 34.06, "Longitude": -117.92, "Population": 1420.0}, {"index": 6221, "quantile": 0.25, "value": 207399.99999999997, "Latitude": 34.06, "Longitude": -117.92, "Population": 1420.0}, {"index": 6221, "quantile": 0.5, "value": 219700.0, "Latitude": 34.06, "Longitude": -117.92, "Population": 1420.0}, {"index": 6221, "quantile": 0.75, "value": 259425.00000000003, "Latitude": 34.06, "Longitude": -117.92, "Population": 1420.0}, {"index": 6221, "quantile": 1.0, "value": 430900.0, "Latitude": 34.06, "Longitude": -117.92, "Population": 1420.0}, {"index": 6222, "quantile": 0.0, "value": 165100.0, "Latitude": 34.06, "Longitude": -117.93, "Population": 798.0}, {"index": 6222, "quantile": 0.25, "value": 202100.0, "Latitude": 34.06, "Longitude": -117.93, "Population": 798.0}, {"index": 6222, "quantile": 0.5, "value": 202100.0, "Latitude": 34.06, "Longitude": -117.93, "Population": 798.0}, {"index": 6222, "quantile": 0.75, "value": 250674.99999999997, "Latitude": 34.06, "Longitude": -117.93, "Population": 798.0}, {"index": 6222, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -117.93, "Population": 798.0}, {"index": 6223, "quantile": 0.0, "value": 139300.0, "Latitude": 34.06, "Longitude": -117.93, "Population": 628.0}, {"index": 6223, "quantile": 0.25, "value": 187500.0, "Latitude": 34.06, "Longitude": -117.93, "Population": 628.0}, {"index": 6223, "quantile": 0.5, "value": 187500.0, "Latitude": 34.06, "Longitude": -117.93, "Population": 628.0}, {"index": 6223, "quantile": 0.75, "value": 187500.0, "Latitude": 34.06, "Longitude": -117.93, "Population": 628.0}, {"index": 6223, "quantile": 1.0, "value": 270500.0, "Latitude": 34.06, "Longitude": -117.93, "Population": 628.0}, {"index": 6224, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 34.05, "Longitude": -117.93, "Population": 848.0}, {"index": 6224, "quantile": 0.25, "value": 162450.0, "Latitude": 34.05, "Longitude": -117.93, "Population": 848.0}, {"index": 6224, "quantile": 0.5, "value": 166700.0, "Latitude": 34.05, "Longitude": -117.93, "Population": 848.0}, {"index": 6224, "quantile": 0.75, "value": 186050.0, "Latitude": 34.05, "Longitude": -117.93, "Population": 848.0}, {"index": 6224, "quantile": 1.0, "value": 338100.0, "Latitude": 34.05, "Longitude": -117.93, "Population": 848.0}, {"index": 6225, "quantile": 0.0, "value": 144100.0, "Latitude": 34.05, "Longitude": -117.93, "Population": 1902.0}, {"index": 6225, "quantile": 0.25, "value": 190700.0, "Latitude": 34.05, "Longitude": -117.93, "Population": 1902.0}, {"index": 6225, "quantile": 0.5, "value": 190700.0, "Latitude": 34.05, "Longitude": -117.93, "Population": 1902.0}, {"index": 6225, "quantile": 0.75, "value": 190700.0, "Latitude": 34.05, "Longitude": -117.93, "Population": 1902.0}, {"index": 6225, "quantile": 1.0, "value": 248900.0, "Latitude": 34.05, "Longitude": -117.93, "Population": 1902.0}, {"index": 6226, "quantile": 0.0, "value": 357600.0, "Latitude": 34.07, "Longitude": -117.92, "Population": 129.0}, {"index": 6226, "quantile": 0.25, "value": 453800.0, "Latitude": 34.07, "Longitude": -117.92, "Population": 129.0}, {"index": 6226, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -117.92, "Population": 129.0}, {"index": 6226, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -117.92, "Population": 129.0}, {"index": 6226, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -117.92, "Population": 129.0}, {"index": 6227, "quantile": 0.0, "value": 106400.0, "Latitude": 34.06, "Longitude": -117.93, "Population": 2210.0}, {"index": 6227, "quantile": 0.25, "value": 199050.00000000003, "Latitude": 34.06, "Longitude": -117.93, "Population": 2210.0}, {"index": 6227, "quantile": 0.5, "value": 202800.0, "Latitude": 34.06, "Longitude": -117.93, "Population": 2210.0}, {"index": 6227, "quantile": 0.75, "value": 202800.0, "Latitude": 34.06, "Longitude": -117.93, "Population": 2210.0}, {"index": 6227, "quantile": 1.0, "value": 273000.0, "Latitude": 34.06, "Longitude": -117.93, "Population": 2210.0}, {"index": 6228, "quantile": 0.0, "value": 156000.0, "Latitude": 34.05, "Longitude": -117.95, "Population": 890.0}, {"index": 6228, "quantile": 0.25, "value": 204800.0, "Latitude": 34.05, "Longitude": -117.95, "Population": 890.0}, {"index": 6228, "quantile": 0.5, "value": 204800.0, "Latitude": 34.05, "Longitude": -117.95, "Population": 890.0}, {"index": 6228, "quantile": 0.75, "value": 220624.99999999997, "Latitude": 34.05, "Longitude": -117.95, "Population": 890.0}, {"index": 6228, "quantile": 1.0, "value": 333500.0, "Latitude": 34.05, "Longitude": -117.95, "Population": 890.0}, {"index": 6229, "quantile": 0.0, "value": 146000.0, "Latitude": 34.06, "Longitude": -117.94, "Population": 2003.0}, {"index": 6229, "quantile": 0.25, "value": 182500.0, "Latitude": 34.06, "Longitude": -117.94, "Population": 2003.0}, {"index": 6229, "quantile": 0.5, "value": 190700.0, "Latitude": 34.06, "Longitude": -117.94, "Population": 2003.0}, {"index": 6229, "quantile": 0.75, "value": 211300.0, "Latitude": 34.06, "Longitude": -117.94, "Population": 2003.0}, {"index": 6229, "quantile": 1.0, "value": 287500.0, "Latitude": 34.06, "Longitude": -117.94, "Population": 2003.0}, {"index": 6230, "quantile": 0.0, "value": 155500.0, "Latitude": 34.06, "Longitude": -117.94, "Population": 1230.0}, {"index": 6230, "quantile": 0.25, "value": 193400.00000000003, "Latitude": 34.06, "Longitude": -117.94, "Population": 1230.0}, {"index": 6230, "quantile": 0.5, "value": 193900.0, "Latitude": 34.06, "Longitude": -117.94, "Population": 1230.0}, {"index": 6230, "quantile": 0.75, "value": 193900.0, "Latitude": 34.06, "Longitude": -117.94, "Population": 1230.0}, {"index": 6230, "quantile": 1.0, "value": 306300.0, "Latitude": 34.06, "Longitude": -117.94, "Population": 1230.0}, {"index": 6231, "quantile": 0.0, "value": 142000.0, "Latitude": 34.07, "Longitude": -117.93, "Population": 683.0}, {"index": 6231, "quantile": 0.25, "value": 207300.0, "Latitude": 34.07, "Longitude": -117.93, "Population": 683.0}, {"index": 6231, "quantile": 0.5, "value": 207300.0, "Latitude": 34.07, "Longitude": -117.93, "Population": 683.0}, {"index": 6231, "quantile": 0.75, "value": 207300.0, "Latitude": 34.07, "Longitude": -117.93, "Population": 683.0}, {"index": 6231, "quantile": 1.0, "value": 365900.0, "Latitude": 34.07, "Longitude": -117.93, "Population": 683.0}, {"index": 6232, "quantile": 0.0, "value": 98300.0, "Latitude": 34.07, "Longitude": -117.94, "Population": 1187.0}, {"index": 6232, "quantile": 0.25, "value": 158700.0, "Latitude": 34.07, "Longitude": -117.94, "Population": 1187.0}, {"index": 6232, "quantile": 0.5, "value": 184500.00000000003, "Latitude": 34.07, "Longitude": -117.94, "Population": 1187.0}, {"index": 6232, "quantile": 0.75, "value": 201825.0, "Latitude": 34.07, "Longitude": -117.94, "Population": 1187.0}, {"index": 6232, "quantile": 1.0, "value": 344400.0, "Latitude": 34.07, "Longitude": -117.94, "Population": 1187.0}, {"index": 6233, "quantile": 0.0, "value": 96100.0, "Latitude": 34.07, "Longitude": -117.95, "Population": 951.0}, {"index": 6233, "quantile": 0.25, "value": 161075.0, "Latitude": 34.07, "Longitude": -117.95, "Population": 951.0}, {"index": 6233, "quantile": 0.5, "value": 195200.0, "Latitude": 34.07, "Longitude": -117.95, "Population": 951.0}, {"index": 6233, "quantile": 0.75, "value": 195200.0, "Latitude": 34.07, "Longitude": -117.95, "Population": 951.0}, {"index": 6233, "quantile": 1.0, "value": 242700.0, "Latitude": 34.07, "Longitude": -117.95, "Population": 951.0}, {"index": 6234, "quantile": 0.0, "value": 93600.0, "Latitude": 34.06, "Longitude": -117.95, "Population": 1370.0}, {"index": 6234, "quantile": 0.25, "value": 184800.0, "Latitude": 34.06, "Longitude": -117.95, "Population": 1370.0}, {"index": 6234, "quantile": 0.5, "value": 184800.0, "Latitude": 34.06, "Longitude": -117.95, "Population": 1370.0}, {"index": 6234, "quantile": 0.75, "value": 187700.0, "Latitude": 34.06, "Longitude": -117.95, "Population": 1370.0}, {"index": 6234, "quantile": 1.0, "value": 248900.0, "Latitude": 34.06, "Longitude": -117.95, "Population": 1370.0}, {"index": 6235, "quantile": 0.0, "value": 146400.0, "Latitude": 34.07, "Longitude": -117.96, "Population": 1508.0}, {"index": 6235, "quantile": 0.25, "value": 191700.0, "Latitude": 34.07, "Longitude": -117.96, "Population": 1508.0}, {"index": 6235, "quantile": 0.5, "value": 191700.0, "Latitude": 34.07, "Longitude": -117.96, "Population": 1508.0}, {"index": 6235, "quantile": 0.75, "value": 194099.99999999997, "Latitude": 34.07, "Longitude": -117.96, "Population": 1508.0}, {"index": 6235, "quantile": 1.0, "value": 289300.0, "Latitude": 34.07, "Longitude": -117.96, "Population": 1508.0}, {"index": 6236, "quantile": 0.0, "value": 150500.0, "Latitude": 34.06, "Longitude": -117.96, "Population": 1464.0}, {"index": 6236, "quantile": 0.25, "value": 183200.0, "Latitude": 34.06, "Longitude": -117.96, "Population": 1464.0}, {"index": 6236, "quantile": 0.5, "value": 183200.0, "Latitude": 34.06, "Longitude": -117.96, "Population": 1464.0}, {"index": 6236, "quantile": 0.75, "value": 183200.0, "Latitude": 34.06, "Longitude": -117.96, "Population": 1464.0}, {"index": 6236, "quantile": 1.0, "value": 200300.0, "Latitude": 34.06, "Longitude": -117.96, "Population": 1464.0}, {"index": 6237, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.06, "Longitude": -117.96, "Population": 1462.0}, {"index": 6237, "quantile": 0.25, "value": 136700.0, "Latitude": 34.06, "Longitude": -117.96, "Population": 1462.0}, {"index": 6237, "quantile": 0.5, "value": 156450.0, "Latitude": 34.06, "Longitude": -117.96, "Population": 1462.0}, {"index": 6237, "quantile": 0.75, "value": 181900.0, "Latitude": 34.06, "Longitude": -117.96, "Population": 1462.0}, {"index": 6237, "quantile": 1.0, "value": 233300.00000000003, "Latitude": 34.06, "Longitude": -117.96, "Population": 1462.0}, {"index": 6238, "quantile": 0.0, "value": 108500.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 1274.0}, {"index": 6238, "quantile": 0.25, "value": 162700.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 1274.0}, {"index": 6238, "quantile": 0.5, "value": 162700.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 1274.0}, {"index": 6238, "quantile": 0.75, "value": 162700.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 1274.0}, {"index": 6238, "quantile": 1.0, "value": 190500.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 1274.0}, {"index": 6239, "quantile": 0.0, "value": 141900.0, "Latitude": 34.06, "Longitude": -117.97, "Population": 2786.0}, {"index": 6239, "quantile": 0.25, "value": 161075.0, "Latitude": 34.06, "Longitude": -117.97, "Population": 2786.0}, {"index": 6239, "quantile": 0.5, "value": 166800.0, "Latitude": 34.06, "Longitude": -117.97, "Population": 2786.0}, {"index": 6239, "quantile": 0.75, "value": 166800.0, "Latitude": 34.06, "Longitude": -117.97, "Population": 2786.0}, {"index": 6239, "quantile": 1.0, "value": 252100.0, "Latitude": 34.06, "Longitude": -117.97, "Population": 2786.0}, {"index": 6240, "quantile": 0.0, "value": 150500.0, "Latitude": 34.06, "Longitude": -117.98, "Population": 1079.0}, {"index": 6240, "quantile": 0.25, "value": 160300.0, "Latitude": 34.06, "Longitude": -117.98, "Population": 1079.0}, {"index": 6240, "quantile": 0.5, "value": 160300.0, "Latitude": 34.06, "Longitude": -117.98, "Population": 1079.0}, {"index": 6240, "quantile": 0.75, "value": 164950.0, "Latitude": 34.06, "Longitude": -117.98, "Population": 1079.0}, {"index": 6240, "quantile": 1.0, "value": 279400.0, "Latitude": 34.06, "Longitude": -117.98, "Population": 1079.0}, {"index": 6241, "quantile": 0.0, "value": 125000.0, "Latitude": 34.06, "Longitude": -117.97, "Population": 2194.0}, {"index": 6241, "quantile": 0.25, "value": 155500.0, "Latitude": 34.06, "Longitude": -117.97, "Population": 2194.0}, {"index": 6241, "quantile": 0.5, "value": 155500.0, "Latitude": 34.06, "Longitude": -117.97, "Population": 2194.0}, {"index": 6241, "quantile": 0.75, "value": 155500.0, "Latitude": 34.06, "Longitude": -117.97, "Population": 2194.0}, {"index": 6241, "quantile": 1.0, "value": 205500.00000000003, "Latitude": 34.06, "Longitude": -117.97, "Population": 2194.0}, {"index": 6242, "quantile": 0.0, "value": 126800.0, "Latitude": 34.06, "Longitude": -117.98, "Population": 1967.0}, {"index": 6242, "quantile": 0.25, "value": 160700.0, "Latitude": 34.06, "Longitude": -117.98, "Population": 1967.0}, {"index": 6242, "quantile": 0.5, "value": 160700.0, "Latitude": 34.06, "Longitude": -117.98, "Population": 1967.0}, {"index": 6242, "quantile": 0.75, "value": 160700.0, "Latitude": 34.06, "Longitude": -117.98, "Population": 1967.0}, {"index": 6242, "quantile": 1.0, "value": 187200.0, "Latitude": 34.06, "Longitude": -117.98, "Population": 1967.0}, {"index": 6243, "quantile": 0.0, "value": 146700.0, "Latitude": 34.05, "Longitude": -117.98, "Population": 2176.0}, {"index": 6243, "quantile": 0.25, "value": 156900.0, "Latitude": 34.05, "Longitude": -117.98, "Population": 2176.0}, {"index": 6243, "quantile": 0.5, "value": 156900.0, "Latitude": 34.05, "Longitude": -117.98, "Population": 2176.0}, {"index": 6243, "quantile": 0.75, "value": 160700.0, "Latitude": 34.05, "Longitude": -117.98, "Population": 2176.0}, {"index": 6243, "quantile": 1.0, "value": 190600.0, "Latitude": 34.05, "Longitude": -117.98, "Population": 2176.0}, {"index": 6244, "quantile": 0.0, "value": 126800.0, "Latitude": 34.05, "Longitude": -117.99, "Population": 1441.0}, {"index": 6244, "quantile": 0.25, "value": 151100.0, "Latitude": 34.05, "Longitude": -117.99, "Population": 1441.0}, {"index": 6244, "quantile": 0.5, "value": 151100.0, "Latitude": 34.05, "Longitude": -117.99, "Population": 1441.0}, {"index": 6244, "quantile": 0.75, "value": 156900.0, "Latitude": 34.05, "Longitude": -117.99, "Population": 1441.0}, {"index": 6244, "quantile": 1.0, "value": 190400.0, "Latitude": 34.05, "Longitude": -117.99, "Population": 1441.0}, {"index": 6245, "quantile": 0.0, "value": 122900.00000000001, "Latitude": 34.05, "Longitude": -117.97, "Population": 1727.0}, {"index": 6245, "quantile": 0.25, "value": 134800.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 1727.0}, {"index": 6245, "quantile": 0.5, "value": 157700.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 1727.0}, {"index": 6245, "quantile": 0.75, "value": 166500.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 1727.0}, {"index": 6245, "quantile": 1.0, "value": 242700.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 1727.0}, {"index": 6246, "quantile": 0.0, "value": 113900.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 746.0}, {"index": 6246, "quantile": 0.25, "value": 158000.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 746.0}, {"index": 6246, "quantile": 0.5, "value": 158000.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 746.0}, {"index": 6246, "quantile": 0.75, "value": 158000.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 746.0}, {"index": 6246, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -117.97, "Population": 746.0}, {"index": 6247, "quantile": 0.0, "value": 112500.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 763.0}, {"index": 6247, "quantile": 0.25, "value": 161400.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 763.0}, {"index": 6247, "quantile": 0.5, "value": 161400.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 763.0}, {"index": 6247, "quantile": 0.75, "value": 173100.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 763.0}, {"index": 6247, "quantile": 1.0, "value": 235000.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 763.0}, {"index": 6248, "quantile": 0.0, "value": 113900.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 1832.0}, {"index": 6248, "quantile": 0.25, "value": 152825.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 1832.0}, {"index": 6248, "quantile": 0.5, "value": 162500.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 1832.0}, {"index": 6248, "quantile": 0.75, "value": 172000.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 1832.0}, {"index": 6248, "quantile": 1.0, "value": 236000.0, "Latitude": 34.05, "Longitude": -117.97, "Population": 1832.0}, {"index": 6249, "quantile": 0.0, "value": 142900.0, "Latitude": 34.05, "Longitude": -117.98, "Population": 1467.0}, {"index": 6249, "quantile": 0.25, "value": 159800.0, "Latitude": 34.05, "Longitude": -117.98, "Population": 1467.0}, {"index": 6249, "quantile": 0.5, "value": 159800.0, "Latitude": 34.05, "Longitude": -117.98, "Population": 1467.0}, {"index": 6249, "quantile": 0.75, "value": 159800.0, "Latitude": 34.05, "Longitude": -117.98, "Population": 1467.0}, {"index": 6249, "quantile": 1.0, "value": 211500.00000000003, "Latitude": 34.05, "Longitude": -117.98, "Population": 1467.0}, {"index": 6250, "quantile": 0.0, "value": 127200.0, "Latitude": 34.04, "Longitude": -117.98, "Population": 2108.0}, {"index": 6250, "quantile": 0.25, "value": 154600.0, "Latitude": 34.04, "Longitude": -117.98, "Population": 2108.0}, {"index": 6250, "quantile": 0.5, "value": 154600.0, "Latitude": 34.04, "Longitude": -117.98, "Population": 2108.0}, {"index": 6250, "quantile": 0.75, "value": 154600.0, "Latitude": 34.04, "Longitude": -117.98, "Population": 2108.0}, {"index": 6250, "quantile": 1.0, "value": 190800.0, "Latitude": 34.04, "Longitude": -117.98, "Population": 2108.0}, {"index": 6251, "quantile": 0.0, "value": 138200.0, "Latitude": 34.04, "Longitude": -117.97, "Population": 1326.0}, {"index": 6251, "quantile": 0.25, "value": 162500.0, "Latitude": 34.04, "Longitude": -117.97, "Population": 1326.0}, {"index": 6251, "quantile": 0.5, "value": 163300.0, "Latitude": 34.04, "Longitude": -117.97, "Population": 1326.0}, {"index": 6251, "quantile": 0.75, "value": 163300.0, "Latitude": 34.04, "Longitude": -117.97, "Population": 1326.0}, {"index": 6251, "quantile": 1.0, "value": 270500.0, "Latitude": 34.04, "Longitude": -117.97, "Population": 1326.0}, {"index": 6252, "quantile": 0.0, "value": 134400.0, "Latitude": 34.04, "Longitude": -117.97, "Population": 1355.0}, {"index": 6252, "quantile": 0.25, "value": 157300.0, "Latitude": 34.04, "Longitude": -117.97, "Population": 1355.0}, {"index": 6252, "quantile": 0.5, "value": 157300.0, "Latitude": 34.04, "Longitude": -117.97, "Population": 1355.0}, {"index": 6252, "quantile": 0.75, "value": 167200.00000000003, "Latitude": 34.04, "Longitude": -117.97, "Population": 1355.0}, {"index": 6252, "quantile": 1.0, "value": 217000.0, "Latitude": 34.04, "Longitude": -117.97, "Population": 1355.0}, {"index": 6253, "quantile": 0.0, "value": 130500.0, "Latitude": 34.03, "Longitude": -117.96, "Population": 1755.0}, {"index": 6253, "quantile": 0.25, "value": 150400.0, "Latitude": 34.03, "Longitude": -117.96, "Population": 1755.0}, {"index": 6253, "quantile": 0.5, "value": 150400.0, "Latitude": 34.03, "Longitude": -117.96, "Population": 1755.0}, {"index": 6253, "quantile": 0.75, "value": 150400.0, "Latitude": 34.03, "Longitude": -117.96, "Population": 1755.0}, {"index": 6253, "quantile": 1.0, "value": 182100.0, "Latitude": 34.03, "Longitude": -117.96, "Population": 1755.0}, {"index": 6254, "quantile": 0.0, "value": 131100.0, "Latitude": 34.03, "Longitude": -117.96, "Population": 1462.0}, {"index": 6254, "quantile": 0.25, "value": 152600.0, "Latitude": 34.03, "Longitude": -117.96, "Population": 1462.0}, {"index": 6254, "quantile": 0.5, "value": 152600.0, "Latitude": 34.03, "Longitude": -117.96, "Population": 1462.0}, {"index": 6254, "quantile": 0.75, "value": 152600.0, "Latitude": 34.03, "Longitude": -117.96, "Population": 1462.0}, {"index": 6254, "quantile": 1.0, "value": 190600.0, "Latitude": 34.03, "Longitude": -117.96, "Population": 1462.0}, {"index": 6255, "quantile": 0.0, "value": 120300.0, "Latitude": 34.03, "Longitude": -117.95, "Population": 1609.0}, {"index": 6255, "quantile": 0.25, "value": 147825.0, "Latitude": 34.03, "Longitude": -117.95, "Population": 1609.0}, {"index": 6255, "quantile": 0.5, "value": 158900.0, "Latitude": 34.03, "Longitude": -117.95, "Population": 1609.0}, {"index": 6255, "quantile": 0.75, "value": 162400.0, "Latitude": 34.03, "Longitude": -117.95, "Population": 1609.0}, {"index": 6255, "quantile": 1.0, "value": 190600.0, "Latitude": 34.03, "Longitude": -117.95, "Population": 1609.0}, {"index": 6256, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.03, "Longitude": -117.95, "Population": 727.0}, {"index": 6256, "quantile": 0.25, "value": 137500.0, "Latitude": 34.03, "Longitude": -117.95, "Population": 727.0}, {"index": 6256, "quantile": 0.5, "value": 147250.0, "Latitude": 34.03, "Longitude": -117.95, "Population": 727.0}, {"index": 6256, "quantile": 0.75, "value": 166300.0, "Latitude": 34.03, "Longitude": -117.95, "Population": 727.0}, {"index": 6256, "quantile": 1.0, "value": 450000.0, "Latitude": 34.03, "Longitude": -117.95, "Population": 727.0}, {"index": 6257, "quantile": 0.0, "value": 150500.0, "Latitude": 34.05, "Longitude": -117.96, "Population": 1092.0}, {"index": 6257, "quantile": 0.25, "value": 163100.0, "Latitude": 34.05, "Longitude": -117.96, "Population": 1092.0}, {"index": 6257, "quantile": 0.5, "value": 163100.0, "Latitude": 34.05, "Longitude": -117.96, "Population": 1092.0}, {"index": 6257, "quantile": 0.75, "value": 163100.0, "Latitude": 34.05, "Longitude": -117.96, "Population": 1092.0}, {"index": 6257, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.05, "Longitude": -117.96, "Population": 1092.0}, {"index": 6258, "quantile": 0.0, "value": 103200.0, "Latitude": 34.05, "Longitude": -117.96, "Population": 1149.0}, {"index": 6258, "quantile": 0.25, "value": 148300.0, "Latitude": 34.05, "Longitude": -117.96, "Population": 1149.0}, {"index": 6258, "quantile": 0.5, "value": 159600.0, "Latitude": 34.05, "Longitude": -117.96, "Population": 1149.0}, {"index": 6258, "quantile": 0.75, "value": 163650.0, "Latitude": 34.05, "Longitude": -117.96, "Population": 1149.0}, {"index": 6258, "quantile": 1.0, "value": 242700.0, "Latitude": 34.05, "Longitude": -117.96, "Population": 1149.0}, {"index": 6259, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 34.05, "Longitude": -117.95, "Population": 1113.0}, {"index": 6259, "quantile": 0.25, "value": 154100.0, "Latitude": 34.05, "Longitude": -117.95, "Population": 1113.0}, {"index": 6259, "quantile": 0.5, "value": 163600.0, "Latitude": 34.05, "Longitude": -117.95, "Population": 1113.0}, {"index": 6259, "quantile": 0.75, "value": 173700.0, "Latitude": 34.05, "Longitude": -117.95, "Population": 1113.0}, {"index": 6259, "quantile": 1.0, "value": 211500.00000000003, "Latitude": 34.05, "Longitude": -117.95, "Population": 1113.0}, {"index": 6260, "quantile": 0.0, "value": 153900.0, "Latitude": 34.04, "Longitude": -117.95, "Population": 982.0}, {"index": 6260, "quantile": 0.25, "value": 161200.0, "Latitude": 34.04, "Longitude": -117.95, "Population": 982.0}, {"index": 6260, "quantile": 0.5, "value": 163100.0, "Latitude": 34.04, "Longitude": -117.95, "Population": 982.0}, {"index": 6260, "quantile": 0.75, "value": 166325.0, "Latitude": 34.04, "Longitude": -117.95, "Population": 982.0}, {"index": 6260, "quantile": 1.0, "value": 211500.00000000003, "Latitude": 34.04, "Longitude": -117.95, "Population": 982.0}, {"index": 6261, "quantile": 0.0, "value": 117700.0, "Latitude": 34.04, "Longitude": -117.96, "Population": 924.0}, {"index": 6261, "quantile": 0.25, "value": 148300.0, "Latitude": 34.04, "Longitude": -117.96, "Population": 924.0}, {"index": 6261, "quantile": 0.5, "value": 148300.0, "Latitude": 34.04, "Longitude": -117.96, "Population": 924.0}, {"index": 6261, "quantile": 0.75, "value": 156875.0, "Latitude": 34.04, "Longitude": -117.96, "Population": 924.0}, {"index": 6261, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -117.96, "Population": 924.0}, {"index": 6262, "quantile": 0.0, "value": 152800.0, "Latitude": 34.04, "Longitude": -117.96, "Population": 1115.0}, {"index": 6262, "quantile": 0.25, "value": 158100.0, "Latitude": 34.04, "Longitude": -117.96, "Population": 1115.0}, {"index": 6262, "quantile": 0.5, "value": 158100.0, "Latitude": 34.04, "Longitude": -117.96, "Population": 1115.0}, {"index": 6262, "quantile": 0.75, "value": 164900.0, "Latitude": 34.04, "Longitude": -117.96, "Population": 1115.0}, {"index": 6262, "quantile": 1.0, "value": 253799.99999999997, "Latitude": 34.04, "Longitude": -117.96, "Population": 1115.0}, {"index": 6263, "quantile": 0.0, "value": 144100.0, "Latitude": 34.04, "Longitude": -117.96, "Population": 1020.0}, {"index": 6263, "quantile": 0.25, "value": 162500.0, "Latitude": 34.04, "Longitude": -117.96, "Population": 1020.0}, {"index": 6263, "quantile": 0.5, "value": 165899.99999999997, "Latitude": 34.04, "Longitude": -117.96, "Population": 1020.0}, {"index": 6263, "quantile": 0.75, "value": 175800.0, "Latitude": 34.04, "Longitude": -117.96, "Population": 1020.0}, {"index": 6263, "quantile": 1.0, "value": 374600.0, "Latitude": 34.04, "Longitude": -117.96, "Population": 1020.0}, {"index": 6264, "quantile": 0.0, "value": 145200.0, "Latitude": 34.05, "Longitude": -117.96, "Population": 1385.0}, {"index": 6264, "quantile": 0.25, "value": 180975.0, "Latitude": 34.05, "Longitude": -117.96, "Population": 1385.0}, {"index": 6264, "quantile": 0.5, "value": 181900.0, "Latitude": 34.05, "Longitude": -117.96, "Population": 1385.0}, {"index": 6264, "quantile": 0.75, "value": 181900.0, "Latitude": 34.05, "Longitude": -117.96, "Population": 1385.0}, {"index": 6264, "quantile": 1.0, "value": 257799.99999999997, "Latitude": 34.05, "Longitude": -117.96, "Population": 1385.0}, {"index": 6265, "quantile": 0.0, "value": 141100.0, "Latitude": 34.05, "Longitude": -117.94, "Population": 1341.0}, {"index": 6265, "quantile": 0.25, "value": 163100.0, "Latitude": 34.05, "Longitude": -117.94, "Population": 1341.0}, {"index": 6265, "quantile": 0.5, "value": 163500.0, "Latitude": 34.05, "Longitude": -117.94, "Population": 1341.0}, {"index": 6265, "quantile": 0.75, "value": 163500.0, "Latitude": 34.05, "Longitude": -117.94, "Population": 1341.0}, {"index": 6265, "quantile": 1.0, "value": 190600.0, "Latitude": 34.05, "Longitude": -117.94, "Population": 1341.0}, {"index": 6266, "quantile": 0.0, "value": 130100.0, "Latitude": 34.04, "Longitude": -117.94, "Population": 1367.0}, {"index": 6266, "quantile": 0.25, "value": 156999.99999999997, "Latitude": 34.04, "Longitude": -117.94, "Population": 1367.0}, {"index": 6266, "quantile": 0.5, "value": 160200.0, "Latitude": 34.04, "Longitude": -117.94, "Population": 1367.0}, {"index": 6266, "quantile": 0.75, "value": 160200.0, "Latitude": 34.04, "Longitude": -117.94, "Population": 1367.0}, {"index": 6266, "quantile": 1.0, "value": 270500.0, "Latitude": 34.04, "Longitude": -117.94, "Population": 1367.0}, {"index": 6267, "quantile": 0.0, "value": 137500.0, "Latitude": 34.04, "Longitude": -117.94, "Population": 977.0}, {"index": 6267, "quantile": 0.25, "value": 163000.0, "Latitude": 34.04, "Longitude": -117.94, "Population": 977.0}, {"index": 6267, "quantile": 0.5, "value": 163000.0, "Latitude": 34.04, "Longitude": -117.94, "Population": 977.0}, {"index": 6267, "quantile": 0.75, "value": 163000.0, "Latitude": 34.04, "Longitude": -117.94, "Population": 977.0}, {"index": 6267, "quantile": 1.0, "value": 450000.0, "Latitude": 34.04, "Longitude": -117.94, "Population": 977.0}, {"index": 6268, "quantile": 0.0, "value": 117700.0, "Latitude": 34.05, "Longitude": -117.94, "Population": 1262.0}, {"index": 6268, "quantile": 0.25, "value": 161200.0, "Latitude": 34.05, "Longitude": -117.94, "Population": 1262.0}, {"index": 6268, "quantile": 0.5, "value": 161200.0, "Latitude": 34.05, "Longitude": -117.94, "Population": 1262.0}, {"index": 6268, "quantile": 0.75, "value": 161200.0, "Latitude": 34.05, "Longitude": -117.94, "Population": 1262.0}, {"index": 6268, "quantile": 1.0, "value": 180800.0, "Latitude": 34.05, "Longitude": -117.94, "Population": 1262.0}, {"index": 6269, "quantile": 0.0, "value": 130500.0, "Latitude": 34.05, "Longitude": -117.95, "Population": 2028.0}, {"index": 6269, "quantile": 0.25, "value": 154500.0, "Latitude": 34.05, "Longitude": -117.95, "Population": 2028.0}, {"index": 6269, "quantile": 0.5, "value": 154500.0, "Latitude": 34.05, "Longitude": -117.95, "Population": 2028.0}, {"index": 6269, "quantile": 0.75, "value": 155350.0, "Latitude": 34.05, "Longitude": -117.95, "Population": 2028.0}, {"index": 6269, "quantile": 1.0, "value": 257799.99999999997, "Latitude": 34.05, "Longitude": -117.95, "Population": 2028.0}, {"index": 6270, "quantile": 0.0, "value": 127600.0, "Latitude": 34.04, "Longitude": -117.94, "Population": 1571.0}, {"index": 6270, "quantile": 0.25, "value": 158900.0, "Latitude": 34.04, "Longitude": -117.94, "Population": 1571.0}, {"index": 6270, "quantile": 0.5, "value": 158900.0, "Latitude": 34.04, "Longitude": -117.94, "Population": 1571.0}, {"index": 6270, "quantile": 0.75, "value": 158900.0, "Latitude": 34.04, "Longitude": -117.94, "Population": 1571.0}, {"index": 6270, "quantile": 1.0, "value": 178600.0, "Latitude": 34.04, "Longitude": -117.94, "Population": 1571.0}, {"index": 6271, "quantile": 0.0, "value": 118100.0, "Latitude": 34.04, "Longitude": -117.95, "Population": 2296.0}, {"index": 6271, "quantile": 0.25, "value": 165025.0, "Latitude": 34.04, "Longitude": -117.95, "Population": 2296.0}, {"index": 6271, "quantile": 0.5, "value": 181600.0, "Latitude": 34.04, "Longitude": -117.95, "Population": 2296.0}, {"index": 6271, "quantile": 0.75, "value": 206725.0, "Latitude": 34.04, "Longitude": -117.95, "Population": 2296.0}, {"index": 6271, "quantile": 1.0, "value": 445000.0, "Latitude": 34.04, "Longitude": -117.95, "Population": 2296.0}, {"index": 6272, "quantile": 0.0, "value": 141600.0, "Latitude": 34.03, "Longitude": -117.94, "Population": 1112.0}, {"index": 6272, "quantile": 0.25, "value": 149000.0, "Latitude": 34.03, "Longitude": -117.94, "Population": 1112.0}, {"index": 6272, "quantile": 0.5, "value": 149000.0, "Latitude": 34.03, "Longitude": -117.94, "Population": 1112.0}, {"index": 6272, "quantile": 0.75, "value": 156999.99999999997, "Latitude": 34.03, "Longitude": -117.94, "Population": 1112.0}, {"index": 6272, "quantile": 1.0, "value": 183600.0, "Latitude": 34.03, "Longitude": -117.94, "Population": 1112.0}, {"index": 6273, "quantile": 0.0, "value": 141900.0, "Latitude": 34.03, "Longitude": -117.94, "Population": 1015.0}, {"index": 6273, "quantile": 0.25, "value": 151800.0, "Latitude": 34.03, "Longitude": -117.94, "Population": 1015.0}, {"index": 6273, "quantile": 0.5, "value": 151800.0, "Latitude": 34.03, "Longitude": -117.94, "Population": 1015.0}, {"index": 6273, "quantile": 0.75, "value": 153175.0, "Latitude": 34.03, "Longitude": -117.94, "Population": 1015.0}, {"index": 6273, "quantile": 1.0, "value": 185800.0, "Latitude": 34.03, "Longitude": -117.94, "Population": 1015.0}, {"index": 6274, "quantile": 0.0, "value": 112500.0, "Latitude": 34.03, "Longitude": -117.95, "Population": 1517.0}, {"index": 6274, "quantile": 0.25, "value": 157900.0, "Latitude": 34.03, "Longitude": -117.95, "Population": 1517.0}, {"index": 6274, "quantile": 0.5, "value": 157900.0, "Latitude": 34.03, "Longitude": -117.95, "Population": 1517.0}, {"index": 6274, "quantile": 0.75, "value": 157900.0, "Latitude": 34.03, "Longitude": -117.95, "Population": 1517.0}, {"index": 6274, "quantile": 1.0, "value": 205500.00000000003, "Latitude": 34.03, "Longitude": -117.95, "Population": 1517.0}, {"index": 6275, "quantile": 0.0, "value": 91800.0, "Latitude": 34.01, "Longitude": -117.93, "Population": 3883.0}, {"index": 6275, "quantile": 0.25, "value": 132200.0, "Latitude": 34.01, "Longitude": -117.93, "Population": 3883.0}, {"index": 6275, "quantile": 0.5, "value": 152550.0, "Latitude": 34.01, "Longitude": -117.93, "Population": 3883.0}, {"index": 6275, "quantile": 0.75, "value": 164249.99999999997, "Latitude": 34.01, "Longitude": -117.93, "Population": 3883.0}, {"index": 6275, "quantile": 1.0, "value": 237500.0, "Latitude": 34.01, "Longitude": -117.93, "Population": 3883.0}, {"index": 6276, "quantile": 0.0, "value": 143200.0, "Latitude": 34.01, "Longitude": -117.93, "Population": 1757.0}, {"index": 6276, "quantile": 0.25, "value": 153800.0, "Latitude": 34.01, "Longitude": -117.93, "Population": 1757.0}, {"index": 6276, "quantile": 0.5, "value": 153800.0, "Latitude": 34.01, "Longitude": -117.93, "Population": 1757.0}, {"index": 6276, "quantile": 0.75, "value": 159800.0, "Latitude": 34.01, "Longitude": -117.93, "Population": 1757.0}, {"index": 6276, "quantile": 1.0, "value": 185600.0, "Latitude": 34.01, "Longitude": -117.93, "Population": 1757.0}, {"index": 6277, "quantile": 0.0, "value": 127200.0, "Latitude": 34.02, "Longitude": -117.94, "Population": 3899.0}, {"index": 6277, "quantile": 0.25, "value": 162900.0, "Latitude": 34.02, "Longitude": -117.94, "Population": 3899.0}, {"index": 6277, "quantile": 0.5, "value": 162900.0, "Latitude": 34.02, "Longitude": -117.94, "Population": 3899.0}, {"index": 6277, "quantile": 0.75, "value": 163650.0, "Latitude": 34.02, "Longitude": -117.94, "Population": 3899.0}, {"index": 6277, "quantile": 1.0, "value": 195300.0, "Latitude": 34.02, "Longitude": -117.94, "Population": 3899.0}, {"index": 6278, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 34.02, "Longitude": -117.95, "Population": 900.0}, {"index": 6278, "quantile": 0.25, "value": 153925.0, "Latitude": 34.02, "Longitude": -117.95, "Population": 900.0}, {"index": 6278, "quantile": 0.5, "value": 166050.0, "Latitude": 34.02, "Longitude": -117.95, "Population": 900.0}, {"index": 6278, "quantile": 0.75, "value": 190625.0, "Latitude": 34.02, "Longitude": -117.95, "Population": 900.0}, {"index": 6278, "quantile": 1.0, "value": 339100.0, "Latitude": 34.02, "Longitude": -117.95, "Population": 900.0}, {"index": 6279, "quantile": 0.0, "value": 144100.0, "Latitude": 34.02, "Longitude": -117.95, "Population": 1203.0}, {"index": 6279, "quantile": 0.25, "value": 144100.0, "Latitude": 34.02, "Longitude": -117.95, "Population": 1203.0}, {"index": 6279, "quantile": 0.5, "value": 144100.0, "Latitude": 34.02, "Longitude": -117.95, "Population": 1203.0}, {"index": 6279, "quantile": 0.75, "value": 182375.0, "Latitude": 34.02, "Longitude": -117.95, "Population": 1203.0}, {"index": 6279, "quantile": 1.0, "value": 263200.0, "Latitude": 34.02, "Longitude": -117.95, "Population": 1203.0}, {"index": 6280, "quantile": 0.0, "value": 147400.0, "Latitude": 34.03, "Longitude": -117.92, "Population": 898.0}, {"index": 6280, "quantile": 0.25, "value": 157300.0, "Latitude": 34.03, "Longitude": -117.92, "Population": 898.0}, {"index": 6280, "quantile": 0.5, "value": 157300.0, "Latitude": 34.03, "Longitude": -117.92, "Population": 898.0}, {"index": 6280, "quantile": 0.75, "value": 157399.99999999997, "Latitude": 34.03, "Longitude": -117.92, "Population": 898.0}, {"index": 6280, "quantile": 1.0, "value": 225900.0, "Latitude": 34.03, "Longitude": -117.92, "Population": 898.0}, {"index": 6281, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 34.03, "Longitude": -117.92, "Population": 1728.0}, {"index": 6281, "quantile": 0.25, "value": 160100.0, "Latitude": 34.03, "Longitude": -117.92, "Population": 1728.0}, {"index": 6281, "quantile": 0.5, "value": 162400.0, "Latitude": 34.03, "Longitude": -117.92, "Population": 1728.0}, {"index": 6281, "quantile": 0.75, "value": 162400.0, "Latitude": 34.03, "Longitude": -117.92, "Population": 1728.0}, {"index": 6281, "quantile": 1.0, "value": 179600.0, "Latitude": 34.03, "Longitude": -117.92, "Population": 1728.0}, {"index": 6282, "quantile": 0.0, "value": 133000.0, "Latitude": 34.03, "Longitude": -117.92, "Population": 1285.0}, {"index": 6282, "quantile": 0.25, "value": 159500.0, "Latitude": 34.03, "Longitude": -117.92, "Population": 1285.0}, {"index": 6282, "quantile": 0.5, "value": 159500.0, "Latitude": 34.03, "Longitude": -117.92, "Population": 1285.0}, {"index": 6282, "quantile": 0.75, "value": 162525.0, "Latitude": 34.03, "Longitude": -117.92, "Population": 1285.0}, {"index": 6282, "quantile": 1.0, "value": 181900.0, "Latitude": 34.03, "Longitude": -117.92, "Population": 1285.0}, {"index": 6283, "quantile": 0.0, "value": 133000.0, "Latitude": 34.03, "Longitude": -117.93, "Population": 1694.0}, {"index": 6283, "quantile": 0.25, "value": 163100.0, "Latitude": 34.03, "Longitude": -117.93, "Population": 1694.0}, {"index": 6283, "quantile": 0.5, "value": 163100.0, "Latitude": 34.03, "Longitude": -117.93, "Population": 1694.0}, {"index": 6283, "quantile": 0.75, "value": 163100.0, "Latitude": 34.03, "Longitude": -117.93, "Population": 1694.0}, {"index": 6283, "quantile": 1.0, "value": 180000.0, "Latitude": 34.03, "Longitude": -117.93, "Population": 1694.0}, {"index": 6284, "quantile": 0.0, "value": 149500.0, "Latitude": 34.03, "Longitude": -117.93, "Population": 1837.0}, {"index": 6284, "quantile": 0.25, "value": 164500.0, "Latitude": 34.03, "Longitude": -117.93, "Population": 1837.0}, {"index": 6284, "quantile": 0.5, "value": 164500.0, "Latitude": 34.03, "Longitude": -117.93, "Population": 1837.0}, {"index": 6284, "quantile": 0.75, "value": 164500.0, "Latitude": 34.03, "Longitude": -117.93, "Population": 1837.0}, {"index": 6284, "quantile": 1.0, "value": 248900.0, "Latitude": 34.03, "Longitude": -117.93, "Population": 1837.0}, {"index": 6285, "quantile": 0.0, "value": 151800.0, "Latitude": 34.04, "Longitude": -117.93, "Population": 4580.0}, {"index": 6285, "quantile": 0.25, "value": 177225.0, "Latitude": 34.04, "Longitude": -117.93, "Population": 4580.0}, {"index": 6285, "quantile": 0.5, "value": 200100.0, "Latitude": 34.04, "Longitude": -117.93, "Population": 4580.0}, {"index": 6285, "quantile": 0.75, "value": 215899.99999999997, "Latitude": 34.04, "Longitude": -117.93, "Population": 4580.0}, {"index": 6285, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.04, "Longitude": -117.93, "Population": 4580.0}, {"index": 6286, "quantile": 0.0, "value": 130600.0, "Latitude": 34.04, "Longitude": -117.93, "Population": 905.0}, {"index": 6286, "quantile": 0.25, "value": 168800.0, "Latitude": 34.04, "Longitude": -117.93, "Population": 905.0}, {"index": 6286, "quantile": 0.5, "value": 184500.00000000003, "Latitude": 34.04, "Longitude": -117.93, "Population": 905.0}, {"index": 6286, "quantile": 0.75, "value": 195050.0, "Latitude": 34.04, "Longitude": -117.93, "Population": 905.0}, {"index": 6286, "quantile": 1.0, "value": 255500.00000000003, "Latitude": 34.04, "Longitude": -117.93, "Population": 905.0}, {"index": 6287, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 34.04, "Longitude": -117.9, "Population": 6652.0}, {"index": 6287, "quantile": 0.25, "value": 160200.0, "Latitude": 34.04, "Longitude": -117.9, "Population": 6652.0}, {"index": 6287, "quantile": 0.5, "value": 202500.0, "Latitude": 34.04, "Longitude": -117.9, "Population": 6652.0}, {"index": 6287, "quantile": 0.75, "value": 233550.0, "Latitude": 34.04, "Longitude": -117.9, "Population": 6652.0}, {"index": 6287, "quantile": 1.0, "value": 319100.0, "Latitude": 34.04, "Longitude": -117.9, "Population": 6652.0}, {"index": 6288, "quantile": 0.0, "value": 67500.0, "Latitude": 34.05, "Longitude": -117.9, "Population": 253.0}, {"index": 6288, "quantile": 0.25, "value": 330400.0, "Latitude": 34.05, "Longitude": -117.9, "Population": 253.0}, {"index": 6288, "quantile": 0.5, "value": 330400.0, "Latitude": 34.05, "Longitude": -117.9, "Population": 253.0}, {"index": 6288, "quantile": 0.75, "value": 330400.0, "Latitude": 34.05, "Longitude": -117.9, "Population": 253.0}, {"index": 6288, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -117.9, "Population": 253.0}, {"index": 6289, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 34.04, "Longitude": -117.91, "Population": 5278.0}, {"index": 6289, "quantile": 0.25, "value": 178425.0, "Latitude": 34.04, "Longitude": -117.91, "Population": 5278.0}, {"index": 6289, "quantile": 0.5, "value": 194450.0, "Latitude": 34.04, "Longitude": -117.91, "Population": 5278.0}, {"index": 6289, "quantile": 0.75, "value": 239374.99999999997, "Latitude": 34.04, "Longitude": -117.91, "Population": 5278.0}, {"index": 6289, "quantile": 1.0, "value": 385700.0, "Latitude": 34.04, "Longitude": -117.91, "Population": 5278.0}, {"index": 6290, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 34.05, "Longitude": -117.92, "Population": 1743.0}, {"index": 6290, "quantile": 0.25, "value": 161900.0, "Latitude": 34.05, "Longitude": -117.92, "Population": 1743.0}, {"index": 6290, "quantile": 0.5, "value": 161900.0, "Latitude": 34.05, "Longitude": -117.92, "Population": 1743.0}, {"index": 6290, "quantile": 0.75, "value": 163100.0, "Latitude": 34.05, "Longitude": -117.92, "Population": 1743.0}, {"index": 6290, "quantile": 1.0, "value": 250800.0, "Latitude": 34.05, "Longitude": -117.92, "Population": 1743.0}, {"index": 6291, "quantile": 0.0, "value": 135800.0, "Latitude": 34.01, "Longitude": -117.88, "Population": 4429.0}, {"index": 6291, "quantile": 0.25, "value": 178200.0, "Latitude": 34.01, "Longitude": -117.88, "Population": 4429.0}, {"index": 6291, "quantile": 0.5, "value": 178200.0, "Latitude": 34.01, "Longitude": -117.88, "Population": 4429.0}, {"index": 6291, "quantile": 0.75, "value": 188600.0, "Latitude": 34.01, "Longitude": -117.88, "Population": 4429.0}, {"index": 6291, "quantile": 1.0, "value": 265600.0, "Latitude": 34.01, "Longitude": -117.88, "Population": 4429.0}, {"index": 6292, "quantile": 0.0, "value": 117300.0, "Latitude": 34.0, "Longitude": -117.88, "Population": 3394.0}, {"index": 6292, "quantile": 0.25, "value": 177200.0, "Latitude": 34.0, "Longitude": -117.88, "Population": 3394.0}, {"index": 6292, "quantile": 0.5, "value": 185200.0, "Latitude": 34.0, "Longitude": -117.88, "Population": 3394.0}, {"index": 6292, "quantile": 0.75, "value": 201500.0, "Latitude": 34.0, "Longitude": -117.88, "Population": 3394.0}, {"index": 6292, "quantile": 1.0, "value": 291500.0, "Latitude": 34.0, "Longitude": -117.88, "Population": 3394.0}, {"index": 6293, "quantile": 0.0, "value": 113500.0, "Latitude": 34.01, "Longitude": -117.89, "Population": 3881.0}, {"index": 6293, "quantile": 0.25, "value": 154100.0, "Latitude": 34.01, "Longitude": -117.89, "Population": 3881.0}, {"index": 6293, "quantile": 0.5, "value": 154100.0, "Latitude": 34.01, "Longitude": -117.89, "Population": 3881.0}, {"index": 6293, "quantile": 0.75, "value": 162900.0, "Latitude": 34.01, "Longitude": -117.89, "Population": 3881.0}, {"index": 6293, "quantile": 1.0, "value": 211800.0, "Latitude": 34.01, "Longitude": -117.89, "Population": 3881.0}, {"index": 6294, "quantile": 0.0, "value": 116300.0, "Latitude": 34.01, "Longitude": -117.9, "Population": 2091.0}, {"index": 6294, "quantile": 0.25, "value": 131100.0, "Latitude": 34.01, "Longitude": -117.9, "Population": 2091.0}, {"index": 6294, "quantile": 0.5, "value": 131100.0, "Latitude": 34.01, "Longitude": -117.9, "Population": 2091.0}, {"index": 6294, "quantile": 0.75, "value": 155550.0, "Latitude": 34.01, "Longitude": -117.9, "Population": 2091.0}, {"index": 6294, "quantile": 1.0, "value": 222300.0, "Latitude": 34.01, "Longitude": -117.9, "Population": 2091.0}, {"index": 6295, "quantile": 0.0, "value": 113500.0, "Latitude": 34.01, "Longitude": -117.9, "Population": 2079.0}, {"index": 6295, "quantile": 0.25, "value": 141300.0, "Latitude": 34.01, "Longitude": -117.9, "Population": 2079.0}, {"index": 6295, "quantile": 0.5, "value": 159800.0, "Latitude": 34.01, "Longitude": -117.9, "Population": 2079.0}, {"index": 6295, "quantile": 0.75, "value": 173100.0, "Latitude": 34.01, "Longitude": -117.9, "Population": 2079.0}, {"index": 6295, "quantile": 1.0, "value": 212500.0, "Latitude": 34.01, "Longitude": -117.9, "Population": 2079.0}, {"index": 6296, "quantile": 0.0, "value": 117300.0, "Latitude": 34.02, "Longitude": -117.91, "Population": 4349.0}, {"index": 6296, "quantile": 0.25, "value": 153900.0, "Latitude": 34.02, "Longitude": -117.91, "Population": 4349.0}, {"index": 6296, "quantile": 0.5, "value": 168000.0, "Latitude": 34.02, "Longitude": -117.91, "Population": 4349.0}, {"index": 6296, "quantile": 0.75, "value": 186700.0, "Latitude": 34.02, "Longitude": -117.91, "Population": 4349.0}, {"index": 6296, "quantile": 1.0, "value": 346200.0, "Latitude": 34.02, "Longitude": -117.91, "Population": 4349.0}, {"index": 6297, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 34.02, "Longitude": -117.9, "Population": 8997.0}, {"index": 6297, "quantile": 0.25, "value": 167400.0, "Latitude": 34.02, "Longitude": -117.9, "Population": 8997.0}, {"index": 6297, "quantile": 0.5, "value": 199600.0, "Latitude": 34.02, "Longitude": -117.9, "Population": 8997.0}, {"index": 6297, "quantile": 0.75, "value": 215400.0, "Latitude": 34.02, "Longitude": -117.9, "Population": 8997.0}, {"index": 6297, "quantile": 1.0, "value": 319100.0, "Latitude": 34.02, "Longitude": -117.9, "Population": 8997.0}, {"index": 6298, "quantile": 0.0, "value": 117400.0, "Latitude": 34.02, "Longitude": -117.91, "Population": 5587.0}, {"index": 6298, "quantile": 0.25, "value": 145800.0, "Latitude": 34.02, "Longitude": -117.91, "Population": 5587.0}, {"index": 6298, "quantile": 0.5, "value": 158599.99999999997, "Latitude": 34.02, "Longitude": -117.91, "Population": 5587.0}, {"index": 6298, "quantile": 0.75, "value": 162900.0, "Latitude": 34.02, "Longitude": -117.91, "Population": 5587.0}, {"index": 6298, "quantile": 1.0, "value": 346200.0, "Latitude": 34.02, "Longitude": -117.91, "Population": 5587.0}, {"index": 6299, "quantile": 0.0, "value": 115100.0, "Latitude": 34.01, "Longitude": -117.92, "Population": 3738.0}, {"index": 6299, "quantile": 0.25, "value": 127200.0, "Latitude": 34.01, "Longitude": -117.92, "Population": 3738.0}, {"index": 6299, "quantile": 0.5, "value": 127200.0, "Latitude": 34.01, "Longitude": -117.92, "Population": 3738.0}, {"index": 6299, "quantile": 0.75, "value": 131100.0, "Latitude": 34.01, "Longitude": -117.92, "Population": 3738.0}, {"index": 6299, "quantile": 1.0, "value": 183100.0, "Latitude": 34.01, "Longitude": -117.92, "Population": 3738.0}, {"index": 6300, "quantile": 0.0, "value": 127200.0, "Latitude": 34.04, "Longitude": -117.98, "Population": 1390.0}, {"index": 6300, "quantile": 0.25, "value": 161525.0, "Latitude": 34.04, "Longitude": -117.98, "Population": 1390.0}, {"index": 6300, "quantile": 0.5, "value": 190600.0, "Latitude": 34.04, "Longitude": -117.98, "Population": 1390.0}, {"index": 6300, "quantile": 0.75, "value": 190600.0, "Latitude": 34.04, "Longitude": -117.98, "Population": 1390.0}, {"index": 6300, "quantile": 1.0, "value": 195300.0, "Latitude": 34.04, "Longitude": -117.98, "Population": 1390.0}, {"index": 6301, "quantile": 0.0, "value": 96400.0, "Latitude": 34.02, "Longitude": -117.96, "Population": 460.0}, {"index": 6301, "quantile": 0.25, "value": 133300.0, "Latitude": 34.02, "Longitude": -117.96, "Population": 460.0}, {"index": 6301, "quantile": 0.5, "value": 133300.0, "Latitude": 34.02, "Longitude": -117.96, "Population": 460.0}, {"index": 6301, "quantile": 0.75, "value": 136900.0, "Latitude": 34.02, "Longitude": -117.96, "Population": 460.0}, {"index": 6301, "quantile": 1.0, "value": 297100.0, "Latitude": 34.02, "Longitude": -117.96, "Population": 460.0}, {"index": 6302, "quantile": 0.0, "value": 67000.0, "Latitude": 34.03, "Longitude": -117.98, "Population": 484.0}, {"index": 6302, "quantile": 0.25, "value": 176725.0, "Latitude": 34.03, "Longitude": -117.98, "Population": 484.0}, {"index": 6302, "quantile": 0.5, "value": 191100.0, "Latitude": 34.03, "Longitude": -117.98, "Population": 484.0}, {"index": 6302, "quantile": 0.75, "value": 191100.0, "Latitude": 34.03, "Longitude": -117.98, "Population": 484.0}, {"index": 6302, "quantile": 1.0, "value": 225000.0, "Latitude": 34.03, "Longitude": -117.98, "Population": 484.0}, {"index": 6303, "quantile": 0.0, "value": 117300.0, "Latitude": 33.99, "Longitude": -117.9, "Population": 5325.0}, {"index": 6303, "quantile": 0.25, "value": 171900.0, "Latitude": 33.99, "Longitude": -117.9, "Population": 5325.0}, {"index": 6303, "quantile": 0.5, "value": 171900.0, "Latitude": 33.99, "Longitude": -117.9, "Population": 5325.0}, {"index": 6303, "quantile": 0.75, "value": 186625.0, "Latitude": 33.99, "Longitude": -117.9, "Population": 5325.0}, {"index": 6303, "quantile": 1.0, "value": 250999.99999999997, "Latitude": 33.99, "Longitude": -117.9, "Population": 5325.0}, {"index": 6304, "quantile": 0.0, "value": 52500.0, "Latitude": 34.0, "Longitude": -117.92, "Population": 193.0}, {"index": 6304, "quantile": 0.25, "value": 121275.0, "Latitude": 34.0, "Longitude": -117.92, "Population": 193.0}, {"index": 6304, "quantile": 0.5, "value": 137500.0, "Latitude": 34.0, "Longitude": -117.92, "Population": 193.0}, {"index": 6304, "quantile": 0.75, "value": 145800.0, "Latitude": 34.0, "Longitude": -117.92, "Population": 193.0}, {"index": 6304, "quantile": 1.0, "value": 375000.0, "Latitude": 34.0, "Longitude": -117.92, "Population": 193.0}, {"index": 6305, "quantile": 0.0, "value": 71300.0, "Latitude": 34.0, "Longitude": -117.88, "Population": 170.0}, {"index": 6305, "quantile": 0.25, "value": 187500.0, "Latitude": 34.0, "Longitude": -117.88, "Population": 170.0}, {"index": 6305, "quantile": 0.5, "value": 187500.0, "Latitude": 34.0, "Longitude": -117.88, "Population": 170.0}, {"index": 6305, "quantile": 0.75, "value": 187500.0, "Latitude": 34.0, "Longitude": -117.88, "Population": 170.0}, {"index": 6305, "quantile": 1.0, "value": 375000.0, "Latitude": 34.0, "Longitude": -117.88, "Population": 170.0}, {"index": 6306, "quantile": 0.0, "value": 124400.0, "Latitude": 33.99, "Longitude": -117.89, "Population": 1784.0}, {"index": 6306, "quantile": 0.25, "value": 211300.0, "Latitude": 33.99, "Longitude": -117.89, "Population": 1784.0}, {"index": 6306, "quantile": 0.5, "value": 211300.0, "Latitude": 33.99, "Longitude": -117.89, "Population": 1784.0}, {"index": 6306, "quantile": 0.75, "value": 211300.0, "Latitude": 33.99, "Longitude": -117.89, "Population": 1784.0}, {"index": 6306, "quantile": 1.0, "value": 476700.00000000006, "Latitude": 33.99, "Longitude": -117.89, "Population": 1784.0}, {"index": 6307, "quantile": 0.0, "value": 160600.0, "Latitude": 33.99, "Longitude": -117.87, "Population": 2031.0}, {"index": 6307, "quantile": 0.25, "value": 209700.0, "Latitude": 33.99, "Longitude": -117.87, "Population": 2031.0}, {"index": 6307, "quantile": 0.5, "value": 209700.0, "Latitude": 33.99, "Longitude": -117.87, "Population": 2031.0}, {"index": 6307, "quantile": 0.75, "value": 209700.0, "Latitude": 33.99, "Longitude": -117.87, "Population": 2031.0}, {"index": 6307, "quantile": 1.0, "value": 378000.0, "Latitude": 33.99, "Longitude": -117.87, "Population": 2031.0}, {"index": 6308, "quantile": 0.0, "value": 115100.0, "Latitude": 34.05, "Longitude": -118.01, "Population": 813.0}, {"index": 6308, "quantile": 0.25, "value": 138000.0, "Latitude": 34.05, "Longitude": -118.01, "Population": 813.0}, {"index": 6308, "quantile": 0.5, "value": 138000.0, "Latitude": 34.05, "Longitude": -118.01, "Population": 813.0}, {"index": 6308, "quantile": 0.75, "value": 138000.0, "Latitude": 34.05, "Longitude": -118.01, "Population": 813.0}, {"index": 6308, "quantile": 1.0, "value": 184200.0, "Latitude": 34.05, "Longitude": -118.01, "Population": 813.0}, {"index": 6309, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 34.04, "Longitude": -117.99, "Population": 4027.0}, {"index": 6309, "quantile": 0.25, "value": 150000.0, "Latitude": 34.04, "Longitude": -117.99, "Population": 4027.0}, {"index": 6309, "quantile": 0.5, "value": 154900.0, "Latitude": 34.04, "Longitude": -117.99, "Population": 4027.0}, {"index": 6309, "quantile": 0.75, "value": 165100.0, "Latitude": 34.04, "Longitude": -117.99, "Population": 4027.0}, {"index": 6309, "quantile": 1.0, "value": 346200.0, "Latitude": 34.04, "Longitude": -117.99, "Population": 4027.0}, {"index": 6310, "quantile": 0.0, "value": 158000.0, "Latitude": 34.04, "Longitude": -118.02, "Population": 3538.0}, {"index": 6310, "quantile": 0.25, "value": 215400.0, "Latitude": 34.04, "Longitude": -118.02, "Population": 3538.0}, {"index": 6310, "quantile": 0.5, "value": 215400.0, "Latitude": 34.04, "Longitude": -118.02, "Population": 3538.0}, {"index": 6310, "quantile": 0.75, "value": 215400.0, "Latitude": 34.04, "Longitude": -118.02, "Population": 3538.0}, {"index": 6310, "quantile": 1.0, "value": 265600.0, "Latitude": 34.04, "Longitude": -118.02, "Population": 3538.0}, {"index": 6311, "quantile": 0.0, "value": 158800.0, "Latitude": 34.03, "Longitude": -118.0, "Population": 3912.0}, {"index": 6311, "quantile": 0.25, "value": 226100.0, "Latitude": 34.03, "Longitude": -118.0, "Population": 3912.0}, {"index": 6311, "quantile": 0.5, "value": 226100.0, "Latitude": 34.03, "Longitude": -118.0, "Population": 3912.0}, {"index": 6311, "quantile": 0.75, "value": 226100.0, "Latitude": 34.03, "Longitude": -118.0, "Population": 3912.0}, {"index": 6311, "quantile": 1.0, "value": 286700.0, "Latitude": 34.03, "Longitude": -118.0, "Population": 3912.0}, {"index": 6312, "quantile": 0.0, "value": 117300.0, "Latitude": 34.02, "Longitude": -117.98, "Population": 2044.0}, {"index": 6312, "quantile": 0.25, "value": 179100.0, "Latitude": 34.02, "Longitude": -117.98, "Population": 2044.0}, {"index": 6312, "quantile": 0.5, "value": 183900.0, "Latitude": 34.02, "Longitude": -117.98, "Population": 2044.0}, {"index": 6312, "quantile": 0.75, "value": 183900.0, "Latitude": 34.02, "Longitude": -117.98, "Population": 2044.0}, {"index": 6312, "quantile": 1.0, "value": 247600.0, "Latitude": 34.02, "Longitude": -117.98, "Population": 2044.0}, {"index": 6313, "quantile": 0.0, "value": 114500.0, "Latitude": 34.02, "Longitude": -117.98, "Population": 1971.0}, {"index": 6313, "quantile": 0.25, "value": 186700.0, "Latitude": 34.02, "Longitude": -117.98, "Population": 1971.0}, {"index": 6313, "quantile": 0.5, "value": 190700.0, "Latitude": 34.02, "Longitude": -117.98, "Population": 1971.0}, {"index": 6313, "quantile": 0.75, "value": 205100.00000000003, "Latitude": 34.02, "Longitude": -117.98, "Population": 1971.0}, {"index": 6313, "quantile": 1.0, "value": 248900.0, "Latitude": 34.02, "Longitude": -117.98, "Population": 1971.0}, {"index": 6314, "quantile": 0.0, "value": 202900.0, "Latitude": 34.01, "Longitude": -117.98, "Population": 1344.0}, {"index": 6314, "quantile": 0.25, "value": 262100.0, "Latitude": 34.01, "Longitude": -117.98, "Population": 1344.0}, {"index": 6314, "quantile": 0.5, "value": 262100.0, "Latitude": 34.01, "Longitude": -117.98, "Population": 1344.0}, {"index": 6314, "quantile": 0.75, "value": 262100.0, "Latitude": 34.01, "Longitude": -117.98, "Population": 1344.0}, {"index": 6314, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -117.98, "Population": 1344.0}, {"index": 6315, "quantile": 0.0, "value": 196600.0, "Latitude": 34.0, "Longitude": -117.99, "Population": 1371.0}, {"index": 6315, "quantile": 0.25, "value": 332675.0, "Latitude": 34.0, "Longitude": -117.99, "Population": 1371.0}, {"index": 6315, "quantile": 0.5, "value": 382500.0, "Latitude": 34.0, "Longitude": -117.99, "Population": 1371.0}, {"index": 6315, "quantile": 0.75, "value": 382500.0, "Latitude": 34.0, "Longitude": -117.99, "Population": 1371.0}, {"index": 6315, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -117.99, "Population": 1371.0}, {"index": 6316, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 34.02, "Longitude": -118.02, "Population": 2647.0}, {"index": 6316, "quantile": 0.25, "value": 302400.0, "Latitude": 34.02, "Longitude": -118.02, "Population": 2647.0}, {"index": 6316, "quantile": 0.5, "value": 302400.0, "Latitude": 34.02, "Longitude": -118.02, "Population": 2647.0}, {"index": 6316, "quantile": 0.75, "value": 302400.0, "Latitude": 34.02, "Longitude": -118.02, "Population": 2647.0}, {"index": 6316, "quantile": 1.0, "value": 430900.0, "Latitude": 34.02, "Longitude": -118.02, "Population": 2647.0}, {"index": 6317, "quantile": 0.0, "value": 127200.0, "Latitude": 34.01, "Longitude": -117.97, "Population": 2959.0}, {"index": 6317, "quantile": 0.25, "value": 156550.0, "Latitude": 34.01, "Longitude": -117.97, "Population": 2959.0}, {"index": 6317, "quantile": 0.5, "value": 162200.0, "Latitude": 34.01, "Longitude": -117.97, "Population": 2959.0}, {"index": 6317, "quantile": 0.75, "value": 166800.0, "Latitude": 34.01, "Longitude": -117.97, "Population": 2959.0}, {"index": 6317, "quantile": 1.0, "value": 190600.0, "Latitude": 34.01, "Longitude": -117.97, "Population": 2959.0}, {"index": 6318, "quantile": 0.0, "value": 135100.0, "Latitude": 34.01, "Longitude": -117.97, "Population": 1410.0}, {"index": 6318, "quantile": 0.25, "value": 165500.0, "Latitude": 34.01, "Longitude": -117.97, "Population": 1410.0}, {"index": 6318, "quantile": 0.5, "value": 165500.0, "Latitude": 34.01, "Longitude": -117.97, "Population": 1410.0}, {"index": 6318, "quantile": 0.75, "value": 165500.0, "Latitude": 34.01, "Longitude": -117.97, "Population": 1410.0}, {"index": 6318, "quantile": 1.0, "value": 220100.0, "Latitude": 34.01, "Longitude": -117.97, "Population": 1410.0}, {"index": 6319, "quantile": 0.0, "value": 131100.0, "Latitude": 34.0, "Longitude": -117.97, "Population": 1407.0}, {"index": 6319, "quantile": 0.25, "value": 163400.0, "Latitude": 34.0, "Longitude": -117.97, "Population": 1407.0}, {"index": 6319, "quantile": 0.5, "value": 178200.0, "Latitude": 34.0, "Longitude": -117.97, "Population": 1407.0}, {"index": 6319, "quantile": 0.75, "value": 186200.0, "Latitude": 34.0, "Longitude": -117.97, "Population": 1407.0}, {"index": 6319, "quantile": 1.0, "value": 235000.0, "Latitude": 34.0, "Longitude": -117.97, "Population": 1407.0}, {"index": 6320, "quantile": 0.0, "value": 160500.0, "Latitude": 33.99, "Longitude": -117.97, "Population": 2613.0}, {"index": 6320, "quantile": 0.25, "value": 232000.00000000003, "Latitude": 33.99, "Longitude": -117.97, "Population": 2613.0}, {"index": 6320, "quantile": 0.5, "value": 289900.0, "Latitude": 33.99, "Longitude": -117.97, "Population": 2613.0}, {"index": 6320, "quantile": 0.75, "value": 289900.0, "Latitude": 33.99, "Longitude": -117.97, "Population": 2613.0}, {"index": 6320, "quantile": 1.0, "value": 420099.99999999994, "Latitude": 33.99, "Longitude": -117.97, "Population": 2613.0}, {"index": 6321, "quantile": 0.0, "value": 177500.0, "Latitude": 34.0, "Longitude": -117.98, "Population": 1968.0}, {"index": 6321, "quantile": 0.25, "value": 286700.0, "Latitude": 34.0, "Longitude": -117.98, "Population": 1968.0}, {"index": 6321, "quantile": 0.5, "value": 324900.0, "Latitude": 34.0, "Longitude": -117.98, "Population": 1968.0}, {"index": 6321, "quantile": 0.75, "value": 324900.0, "Latitude": 34.0, "Longitude": -117.98, "Population": 1968.0}, {"index": 6321, "quantile": 1.0, "value": 344700.0, "Latitude": 34.0, "Longitude": -117.98, "Population": 1968.0}, {"index": 6322, "quantile": 0.0, "value": 263900.0, "Latitude": 33.99, "Longitude": -117.98, "Population": 1429.0}, {"index": 6322, "quantile": 0.25, "value": 334300.0, "Latitude": 33.99, "Longitude": -117.98, "Population": 1429.0}, {"index": 6322, "quantile": 0.5, "value": 334300.0, "Latitude": 33.99, "Longitude": -117.98, "Population": 1429.0}, {"index": 6322, "quantile": 0.75, "value": 334300.0, "Latitude": 33.99, "Longitude": -117.98, "Population": 1429.0}, {"index": 6322, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -117.98, "Population": 1429.0}, {"index": 6323, "quantile": 0.0, "value": 218500.0, "Latitude": 33.98, "Longitude": -117.98, "Population": 1039.0}, {"index": 6323, "quantile": 0.25, "value": 292100.0, "Latitude": 33.98, "Longitude": -117.98, "Population": 1039.0}, {"index": 6323, "quantile": 0.5, "value": 333500.0, "Latitude": 33.98, "Longitude": -117.98, "Population": 1039.0}, {"index": 6323, "quantile": 0.75, "value": 333500.0, "Latitude": 33.98, "Longitude": -117.98, "Population": 1039.0}, {"index": 6323, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.98, "Longitude": -117.98, "Population": 1039.0}, {"index": 6324, "quantile": 0.0, "value": 165200.0, "Latitude": 33.98, "Longitude": -117.99, "Population": 3727.0}, {"index": 6324, "quantile": 0.25, "value": 360400.0, "Latitude": 33.98, "Longitude": -117.99, "Population": 3727.0}, {"index": 6324, "quantile": 0.5, "value": 360400.0, "Latitude": 33.98, "Longitude": -117.99, "Population": 3727.0}, {"index": 6324, "quantile": 0.75, "value": 360400.0, "Latitude": 33.98, "Longitude": -117.99, "Population": 3727.0}, {"index": 6324, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -117.99, "Population": 3727.0}, {"index": 6325, "quantile": 0.0, "value": 142500.0, "Latitude": 34.0, "Longitude": -117.95, "Population": 1858.0}, {"index": 6325, "quantile": 0.25, "value": 174200.0, "Latitude": 34.0, "Longitude": -117.95, "Population": 1858.0}, {"index": 6325, "quantile": 0.5, "value": 176300.0, "Latitude": 34.0, "Longitude": -117.95, "Population": 1858.0}, {"index": 6325, "quantile": 0.75, "value": 176300.0, "Latitude": 34.0, "Longitude": -117.95, "Population": 1858.0}, {"index": 6325, "quantile": 1.0, "value": 183800.0, "Latitude": 34.0, "Longitude": -117.95, "Population": 1858.0}, {"index": 6326, "quantile": 0.0, "value": 117200.0, "Latitude": 34.0, "Longitude": -117.96, "Population": 3527.0}, {"index": 6326, "quantile": 0.25, "value": 186700.0, "Latitude": 34.0, "Longitude": -117.96, "Population": 3527.0}, {"index": 6326, "quantile": 0.5, "value": 186700.0, "Latitude": 34.0, "Longitude": -117.96, "Population": 3527.0}, {"index": 6326, "quantile": 0.75, "value": 186700.0, "Latitude": 34.0, "Longitude": -117.96, "Population": 3527.0}, {"index": 6326, "quantile": 1.0, "value": 450000.0, "Latitude": 34.0, "Longitude": -117.96, "Population": 3527.0}, {"index": 6327, "quantile": 0.0, "value": 147400.0, "Latitude": 34.0, "Longitude": -117.96, "Population": 1954.0}, {"index": 6327, "quantile": 0.25, "value": 183800.0, "Latitude": 34.0, "Longitude": -117.96, "Population": 1954.0}, {"index": 6327, "quantile": 0.5, "value": 183800.0, "Latitude": 34.0, "Longitude": -117.96, "Population": 1954.0}, {"index": 6327, "quantile": 0.75, "value": 183800.0, "Latitude": 34.0, "Longitude": -117.96, "Population": 1954.0}, {"index": 6327, "quantile": 1.0, "value": 215200.0, "Latitude": 34.0, "Longitude": -117.96, "Population": 1954.0}, {"index": 6328, "quantile": 0.0, "value": 194300.0, "Latitude": 33.98, "Longitude": -117.92, "Population": 8907.0}, {"index": 6328, "quantile": 0.25, "value": 291174.99999999994, "Latitude": 33.98, "Longitude": -117.92, "Population": 8907.0}, {"index": 6328, "quantile": 0.5, "value": 362500.0, "Latitude": 33.98, "Longitude": -117.92, "Population": 8907.0}, {"index": 6328, "quantile": 0.75, "value": 362500.0, "Latitude": 33.98, "Longitude": -117.92, "Population": 8907.0}, {"index": 6328, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.98, "Longitude": -117.92, "Population": 8907.0}, {"index": 6329, "quantile": 0.0, "value": 164800.0, "Latitude": 33.98, "Longitude": -117.95, "Population": 7732.0}, {"index": 6329, "quantile": 0.25, "value": 269050.0, "Latitude": 33.98, "Longitude": -117.95, "Population": 7732.0}, {"index": 6329, "quantile": 0.5, "value": 330400.0, "Latitude": 33.98, "Longitude": -117.95, "Population": 7732.0}, {"index": 6329, "quantile": 0.75, "value": 330400.0, "Latitude": 33.98, "Longitude": -117.95, "Population": 7732.0}, {"index": 6329, "quantile": 1.0, "value": 384400.0, "Latitude": 33.98, "Longitude": -117.95, "Population": 7732.0}, {"index": 6330, "quantile": 0.0, "value": 155500.0, "Latitude": 33.99, "Longitude": -117.94, "Population": 3112.0}, {"index": 6330, "quantile": 0.25, "value": 249200.0, "Latitude": 33.99, "Longitude": -117.94, "Population": 3112.0}, {"index": 6330, "quantile": 0.5, "value": 284000.0, "Latitude": 33.99, "Longitude": -117.94, "Population": 3112.0}, {"index": 6330, "quantile": 0.75, "value": 284000.0, "Latitude": 33.99, "Longitude": -117.94, "Population": 3112.0}, {"index": 6330, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -117.94, "Population": 3112.0}, {"index": 6331, "quantile": 0.0, "value": 137000.0, "Latitude": 33.99, "Longitude": -117.95, "Population": 2418.0}, {"index": 6331, "quantile": 0.25, "value": 166300.0, "Latitude": 33.99, "Longitude": -117.95, "Population": 2418.0}, {"index": 6331, "quantile": 0.5, "value": 207500.00000000003, "Latitude": 33.99, "Longitude": -117.95, "Population": 2418.0}, {"index": 6331, "quantile": 0.75, "value": 246550.0, "Latitude": 33.99, "Longitude": -117.95, "Population": 2418.0}, {"index": 6331, "quantile": 1.0, "value": 320700.0, "Latitude": 33.99, "Longitude": -117.95, "Population": 2418.0}, {"index": 6332, "quantile": 0.0, "value": 127200.0, "Latitude": 33.99, "Longitude": -117.95, "Population": 610.0}, {"index": 6332, "quantile": 0.25, "value": 325000.0, "Latitude": 33.99, "Longitude": -117.95, "Population": 610.0}, {"index": 6332, "quantile": 0.5, "value": 325000.0, "Latitude": 33.99, "Longitude": -117.95, "Population": 610.0}, {"index": 6332, "quantile": 0.75, "value": 325000.0, "Latitude": 33.99, "Longitude": -117.95, "Population": 610.0}, {"index": 6332, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -117.95, "Population": 610.0}, {"index": 6333, "quantile": 0.0, "value": 192600.0, "Latitude": 33.99, "Longitude": -117.95, "Population": 451.0}, {"index": 6333, "quantile": 0.25, "value": 320650.0, "Latitude": 33.99, "Longitude": -117.95, "Population": 451.0}, {"index": 6333, "quantile": 0.5, "value": 332200.0, "Latitude": 33.99, "Longitude": -117.95, "Population": 451.0}, {"index": 6333, "quantile": 0.75, "value": 332200.0, "Latitude": 33.99, "Longitude": -117.95, "Population": 451.0}, {"index": 6333, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -117.95, "Population": 451.0}, {"index": 6334, "quantile": 0.0, "value": 88900.0, "Latitude": 33.99, "Longitude": -117.96, "Population": 660.0}, {"index": 6334, "quantile": 0.25, "value": 219575.0, "Latitude": 33.99, "Longitude": -117.96, "Population": 660.0}, {"index": 6334, "quantile": 0.5, "value": 297600.0, "Latitude": 33.99, "Longitude": -117.96, "Population": 660.0}, {"index": 6334, "quantile": 0.75, "value": 297600.0, "Latitude": 33.99, "Longitude": -117.96, "Population": 660.0}, {"index": 6334, "quantile": 1.0, "value": 395100.0, "Latitude": 33.99, "Longitude": -117.96, "Population": 660.0}, {"index": 6335, "quantile": 0.0, "value": 220800.00000000003, "Latitude": 33.99, "Longitude": -117.96, "Population": 1348.0}, {"index": 6335, "quantile": 0.25, "value": 245825.0, "Latitude": 33.99, "Longitude": -117.96, "Population": 1348.0}, {"index": 6335, "quantile": 0.5, "value": 285500.0, "Latitude": 33.99, "Longitude": -117.96, "Population": 1348.0}, {"index": 6335, "quantile": 0.75, "value": 328850.0, "Latitude": 33.99, "Longitude": -117.96, "Population": 1348.0}, {"index": 6335, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.99, "Longitude": -117.96, "Population": 1348.0}, {"index": 6336, "quantile": 0.0, "value": 218299.99999999997, "Latitude": 33.99, "Longitude": -117.97, "Population": 1560.0}, {"index": 6336, "quantile": 0.25, "value": 297725.0, "Latitude": 33.99, "Longitude": -117.97, "Population": 1560.0}, {"index": 6336, "quantile": 0.5, "value": 300300.0, "Latitude": 33.99, "Longitude": -117.97, "Population": 1560.0}, {"index": 6336, "quantile": 0.75, "value": 300300.0, "Latitude": 33.99, "Longitude": -117.97, "Population": 1560.0}, {"index": 6336, "quantile": 1.0, "value": 384400.0, "Latitude": 33.99, "Longitude": -117.97, "Population": 1560.0}, {"index": 6337, "quantile": 0.0, "value": 142000.0, "Latitude": 33.98, "Longitude": -117.96, "Population": 599.0}, {"index": 6337, "quantile": 0.25, "value": 266150.0, "Latitude": 33.98, "Longitude": -117.96, "Population": 599.0}, {"index": 6337, "quantile": 0.5, "value": 302200.0, "Latitude": 33.98, "Longitude": -117.96, "Population": 599.0}, {"index": 6337, "quantile": 0.75, "value": 302200.0, "Latitude": 33.98, "Longitude": -117.96, "Population": 599.0}, {"index": 6337, "quantile": 1.0, "value": 404500.0, "Latitude": 33.98, "Longitude": -117.96, "Population": 599.0}, {"index": 6338, "quantile": 0.0, "value": 132200.0, "Latitude": 33.96, "Longitude": -117.88, "Population": 10988.0}, {"index": 6338, "quantile": 0.25, "value": 197500.0, "Latitude": 33.96, "Longitude": -117.88, "Population": 10988.0}, {"index": 6338, "quantile": 0.5, "value": 226100.0, "Latitude": 33.96, "Longitude": -117.88, "Population": 10988.0}, {"index": 6338, "quantile": 0.75, "value": 264400.0, "Latitude": 33.96, "Longitude": -117.88, "Population": 10988.0}, {"index": 6338, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.96, "Longitude": -117.88, "Population": 10988.0}, {"index": 6339, "quantile": 0.0, "value": 81000.0, "Latitude": 33.98, "Longitude": -117.89, "Population": 1415.0}, {"index": 6339, "quantile": 0.25, "value": 176650.0, "Latitude": 33.98, "Longitude": -117.89, "Population": 1415.0}, {"index": 6339, "quantile": 0.5, "value": 184500.0, "Latitude": 33.98, "Longitude": -117.89, "Population": 1415.0}, {"index": 6339, "quantile": 0.75, "value": 184500.0, "Latitude": 33.98, "Longitude": -117.89, "Population": 1415.0}, {"index": 6339, "quantile": 1.0, "value": 450000.0, "Latitude": 33.98, "Longitude": -117.89, "Population": 1415.0}, {"index": 6340, "quantile": 0.0, "value": 136500.0, "Latitude": 33.98, "Longitude": -117.9, "Population": 7228.0}, {"index": 6340, "quantile": 0.25, "value": 184700.0, "Latitude": 33.98, "Longitude": -117.9, "Population": 7228.0}, {"index": 6340, "quantile": 0.5, "value": 186700.0, "Latitude": 33.98, "Longitude": -117.9, "Population": 7228.0}, {"index": 6340, "quantile": 0.75, "value": 186700.0, "Latitude": 33.98, "Longitude": -117.9, "Population": 7228.0}, {"index": 6340, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 33.98, "Longitude": -117.9, "Population": 7228.0}, {"index": 6341, "quantile": 0.0, "value": 177100.0, "Latitude": 33.97, "Longitude": -117.9, "Population": 4014.0}, {"index": 6341, "quantile": 0.25, "value": 213200.0, "Latitude": 33.97, "Longitude": -117.9, "Population": 4014.0}, {"index": 6341, "quantile": 0.5, "value": 213200.0, "Latitude": 33.97, "Longitude": -117.9, "Population": 4014.0}, {"index": 6341, "quantile": 0.75, "value": 213200.0, "Latitude": 33.97, "Longitude": -117.9, "Population": 4014.0}, {"index": 6341, "quantile": 1.0, "value": 313000.0, "Latitude": 33.97, "Longitude": -117.9, "Population": 4014.0}, {"index": 6342, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 34.06, "Longitude": -117.75, "Population": 1126.0}, {"index": 6342, "quantile": 0.25, "value": 105800.0, "Latitude": 34.06, "Longitude": -117.75, "Population": 1126.0}, {"index": 6342, "quantile": 0.5, "value": 105800.0, "Latitude": 34.06, "Longitude": -117.75, "Population": 1126.0}, {"index": 6342, "quantile": 0.75, "value": 105800.0, "Latitude": 34.06, "Longitude": -117.75, "Population": 1126.0}, {"index": 6342, "quantile": 1.0, "value": 139300.0, "Latitude": 34.06, "Longitude": -117.75, "Population": 1126.0}, {"index": 6343, "quantile": 0.0, "value": 40000.0, "Latitude": 34.06, "Longitude": -117.75, "Population": 44.0}, {"index": 6343, "quantile": 0.25, "value": 78800.0, "Latitude": 34.06, "Longitude": -117.75, "Population": 44.0}, {"index": 6343, "quantile": 0.5, "value": 106050.0, "Latitude": 34.06, "Longitude": -117.75, "Population": 44.0}, {"index": 6343, "quantile": 0.75, "value": 120800.0, "Latitude": 34.06, "Longitude": -117.75, "Population": 44.0}, {"index": 6343, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -117.75, "Population": 44.0}, {"index": 6344, "quantile": 0.0, "value": 45000.0, "Latitude": 34.06, "Longitude": -117.74, "Population": 727.0}, {"index": 6344, "quantile": 0.25, "value": 102400.0, "Latitude": 34.06, "Longitude": -117.74, "Population": 727.0}, {"index": 6344, "quantile": 0.5, "value": 138000.0, "Latitude": 34.06, "Longitude": -117.74, "Population": 727.0}, {"index": 6344, "quantile": 0.75, "value": 181800.0, "Latitude": 34.06, "Longitude": -117.74, "Population": 727.0}, {"index": 6344, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -117.74, "Population": 727.0}, {"index": 6345, "quantile": 0.0, "value": 85800.0, "Latitude": 34.05, "Longitude": -117.75, "Population": 469.0}, {"index": 6345, "quantile": 0.25, "value": 107500.0, "Latitude": 34.05, "Longitude": -117.75, "Population": 469.0}, {"index": 6345, "quantile": 0.5, "value": 107500.0, "Latitude": 34.05, "Longitude": -117.75, "Population": 469.0}, {"index": 6345, "quantile": 0.75, "value": 107500.0, "Latitude": 34.05, "Longitude": -117.75, "Population": 469.0}, {"index": 6345, "quantile": 1.0, "value": 364700.0, "Latitude": 34.05, "Longitude": -117.75, "Population": 469.0}, {"index": 6346, "quantile": 0.0, "value": 47500.0, "Latitude": 34.05, "Longitude": -117.75, "Population": 503.0}, {"index": 6346, "quantile": 0.25, "value": 91475.0, "Latitude": 34.05, "Longitude": -117.75, "Population": 503.0}, {"index": 6346, "quantile": 0.5, "value": 110600.00000000001, "Latitude": 34.05, "Longitude": -117.75, "Population": 503.0}, {"index": 6346, "quantile": 0.75, "value": 113074.99999999999, "Latitude": 34.05, "Longitude": -117.75, "Population": 503.0}, {"index": 6346, "quantile": 1.0, "value": 158300.0, "Latitude": 34.05, "Longitude": -117.75, "Population": 503.0}, {"index": 6347, "quantile": 0.0, "value": 63400.0, "Latitude": 34.06, "Longitude": -117.75, "Population": 502.0}, {"index": 6347, "quantile": 0.25, "value": 105800.0, "Latitude": 34.06, "Longitude": -117.75, "Population": 502.0}, {"index": 6347, "quantile": 0.5, "value": 112500.0, "Latitude": 34.06, "Longitude": -117.75, "Population": 502.0}, {"index": 6347, "quantile": 0.75, "value": 112500.0, "Latitude": 34.06, "Longitude": -117.75, "Population": 502.0}, {"index": 6347, "quantile": 1.0, "value": 145200.0, "Latitude": 34.06, "Longitude": -117.75, "Population": 502.0}, {"index": 6348, "quantile": 0.0, "value": 67000.0, "Latitude": 34.06, "Longitude": -117.75, "Population": 46.0}, {"index": 6348, "quantile": 0.25, "value": 67500.0, "Latitude": 34.06, "Longitude": -117.75, "Population": 46.0}, {"index": 6348, "quantile": 0.5, "value": 67500.0, "Latitude": 34.06, "Longitude": -117.75, "Population": 46.0}, {"index": 6348, "quantile": 0.75, "value": 98200.0, "Latitude": 34.06, "Longitude": -117.75, "Population": 46.0}, {"index": 6348, "quantile": 1.0, "value": 350000.0, "Latitude": 34.06, "Longitude": -117.75, "Population": 46.0}, {"index": 6349, "quantile": 0.0, "value": 96400.0, "Latitude": 34.15, "Longitude": -117.94, "Population": 421.0}, {"index": 6349, "quantile": 0.25, "value": 179800.0, "Latitude": 34.15, "Longitude": -117.94, "Population": 421.0}, {"index": 6349, "quantile": 0.5, "value": 190200.0, "Latitude": 34.15, "Longitude": -117.94, "Population": 421.0}, {"index": 6349, "quantile": 0.75, "value": 224700.0, "Latitude": 34.15, "Longitude": -117.94, "Population": 421.0}, {"index": 6349, "quantile": 1.0, "value": 447100.0, "Latitude": 34.15, "Longitude": -117.94, "Population": 421.0}, {"index": 6350, "quantile": 0.0, "value": 218299.99999999997, "Latitude": 34.16, "Longitude": -117.95, "Population": 3538.0}, {"index": 6350, "quantile": 0.25, "value": 273800.0, "Latitude": 34.16, "Longitude": -117.95, "Population": 3538.0}, {"index": 6350, "quantile": 0.5, "value": 273800.0, "Latitude": 34.16, "Longitude": -117.95, "Population": 3538.0}, {"index": 6350, "quantile": 0.75, "value": 273800.0, "Latitude": 34.16, "Longitude": -117.95, "Population": 3538.0}, {"index": 6350, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 34.16, "Longitude": -117.95, "Population": 3538.0}, {"index": 6351, "quantile": 0.0, "value": 147200.0, "Latitude": 34.14, "Longitude": -117.94, "Population": 868.0}, {"index": 6351, "quantile": 0.25, "value": 219400.0, "Latitude": 34.14, "Longitude": -117.94, "Population": 868.0}, {"index": 6351, "quantile": 0.5, "value": 219400.0, "Latitude": 34.14, "Longitude": -117.94, "Population": 868.0}, {"index": 6351, "quantile": 0.75, "value": 219400.0, "Latitude": 34.14, "Longitude": -117.94, "Population": 868.0}, {"index": 6351, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -117.94, "Population": 868.0}, {"index": 6352, "quantile": 0.0, "value": 94300.0, "Latitude": 34.14, "Longitude": -117.95, "Population": 2283.0}, {"index": 6352, "quantile": 0.25, "value": 154300.0, "Latitude": 34.14, "Longitude": -117.95, "Population": 2283.0}, {"index": 6352, "quantile": 0.5, "value": 179600.0, "Latitude": 34.14, "Longitude": -117.95, "Population": 2283.0}, {"index": 6352, "quantile": 0.75, "value": 224500.0, "Latitude": 34.14, "Longitude": -117.95, "Population": 2283.0}, {"index": 6352, "quantile": 1.0, "value": 476700.00000000006, "Latitude": 34.14, "Longitude": -117.95, "Population": 2283.0}, {"index": 6353, "quantile": 0.0, "value": 124100.00000000001, "Latitude": 34.14, "Longitude": -117.95, "Population": 1526.0}, {"index": 6353, "quantile": 0.25, "value": 137500.0, "Latitude": 34.14, "Longitude": -117.95, "Population": 1526.0}, {"index": 6353, "quantile": 0.5, "value": 137500.0, "Latitude": 34.14, "Longitude": -117.95, "Population": 1526.0}, {"index": 6353, "quantile": 0.75, "value": 139100.0, "Latitude": 34.14, "Longitude": -117.95, "Population": 1526.0}, {"index": 6353, "quantile": 1.0, "value": 297100.0, "Latitude": 34.14, "Longitude": -117.95, "Population": 1526.0}, {"index": 6354, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.14, "Longitude": -117.96, "Population": 1328.0}, {"index": 6354, "quantile": 0.25, "value": 155600.0, "Latitude": 34.14, "Longitude": -117.96, "Population": 1328.0}, {"index": 6354, "quantile": 0.5, "value": 165500.0, "Latitude": 34.14, "Longitude": -117.96, "Population": 1328.0}, {"index": 6354, "quantile": 0.75, "value": 208375.00000000003, "Latitude": 34.14, "Longitude": -117.96, "Population": 1328.0}, {"index": 6354, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -117.96, "Population": 1328.0}, {"index": 6355, "quantile": 0.0, "value": 137200.0, "Latitude": 34.14, "Longitude": -117.96, "Population": 993.0}, {"index": 6355, "quantile": 0.25, "value": 163900.0, "Latitude": 34.14, "Longitude": -117.96, "Population": 993.0}, {"index": 6355, "quantile": 0.5, "value": 163900.0, "Latitude": 34.14, "Longitude": -117.96, "Population": 993.0}, {"index": 6355, "quantile": 0.75, "value": 163900.0, "Latitude": 34.14, "Longitude": -117.96, "Population": 993.0}, {"index": 6355, "quantile": 1.0, "value": 309300.0, "Latitude": 34.14, "Longitude": -117.96, "Population": 993.0}, {"index": 6356, "quantile": 0.0, "value": 96200.0, "Latitude": 34.14, "Longitude": -117.96, "Population": 619.0}, {"index": 6356, "quantile": 0.25, "value": 177675.0, "Latitude": 34.14, "Longitude": -117.96, "Population": 619.0}, {"index": 6356, "quantile": 0.5, "value": 179600.0, "Latitude": 34.14, "Longitude": -117.96, "Population": 619.0}, {"index": 6356, "quantile": 0.75, "value": 179600.0, "Latitude": 34.14, "Longitude": -117.96, "Population": 619.0}, {"index": 6356, "quantile": 1.0, "value": 299300.0, "Latitude": 34.14, "Longitude": -117.96, "Population": 619.0}, {"index": 6357, "quantile": 0.0, "value": 45000.0, "Latitude": 34.14, "Longitude": -117.97, "Population": 1839.0}, {"index": 6357, "quantile": 0.25, "value": 150300.0, "Latitude": 34.14, "Longitude": -117.97, "Population": 1839.0}, {"index": 6357, "quantile": 0.5, "value": 150300.0, "Latitude": 34.14, "Longitude": -117.97, "Population": 1839.0}, {"index": 6357, "quantile": 0.75, "value": 150300.0, "Latitude": 34.14, "Longitude": -117.97, "Population": 1839.0}, {"index": 6357, "quantile": 1.0, "value": 235900.0, "Latitude": 34.14, "Longitude": -117.97, "Population": 1839.0}, {"index": 6358, "quantile": 0.0, "value": 136000.0, "Latitude": 34.14, "Longitude": -117.97, "Population": 903.0}, {"index": 6358, "quantile": 0.25, "value": 136000.0, "Latitude": 34.14, "Longitude": -117.97, "Population": 903.0}, {"index": 6358, "quantile": 0.5, "value": 136000.0, "Latitude": 34.14, "Longitude": -117.97, "Population": 903.0}, {"index": 6358, "quantile": 0.75, "value": 140875.0, "Latitude": 34.14, "Longitude": -117.97, "Population": 903.0}, {"index": 6358, "quantile": 1.0, "value": 286600.0, "Latitude": 34.14, "Longitude": -117.97, "Population": 903.0}, {"index": 6359, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 34.13, "Longitude": -117.97, "Population": 541.0}, {"index": 6359, "quantile": 0.25, "value": 151700.0, "Latitude": 34.13, "Longitude": -117.97, "Population": 541.0}, {"index": 6359, "quantile": 0.5, "value": 151700.0, "Latitude": 34.13, "Longitude": -117.97, "Population": 541.0}, {"index": 6359, "quantile": 0.75, "value": 155125.0, "Latitude": 34.13, "Longitude": -117.97, "Population": 541.0}, {"index": 6359, "quantile": 1.0, "value": 375000.0, "Latitude": 34.13, "Longitude": -117.97, "Population": 541.0}, {"index": 6360, "quantile": 0.0, "value": 84500.0, "Latitude": 34.14, "Longitude": -117.98, "Population": 1329.0}, {"index": 6360, "quantile": 0.25, "value": 148000.0, "Latitude": 34.14, "Longitude": -117.98, "Population": 1329.0}, {"index": 6360, "quantile": 0.5, "value": 148000.0, "Latitude": 34.14, "Longitude": -117.98, "Population": 1329.0}, {"index": 6360, "quantile": 0.75, "value": 148850.0, "Latitude": 34.14, "Longitude": -117.98, "Population": 1329.0}, {"index": 6360, "quantile": 1.0, "value": 217800.0, "Latitude": 34.14, "Longitude": -117.98, "Population": 1329.0}, {"index": 6361, "quantile": 0.0, "value": 113700.0, "Latitude": 34.13, "Longitude": -117.97, "Population": 1546.0}, {"index": 6361, "quantile": 0.25, "value": 144500.0, "Latitude": 34.13, "Longitude": -117.97, "Population": 1546.0}, {"index": 6361, "quantile": 0.5, "value": 144500.0, "Latitude": 34.13, "Longitude": -117.97, "Population": 1546.0}, {"index": 6361, "quantile": 0.75, "value": 155325.0, "Latitude": 34.13, "Longitude": -117.97, "Population": 1546.0}, {"index": 6361, "quantile": 1.0, "value": 235500.0, "Latitude": 34.13, "Longitude": -117.97, "Population": 1546.0}, {"index": 6362, "quantile": 0.0, "value": 130100.0, "Latitude": 34.13, "Longitude": -117.98, "Population": 1279.0}, {"index": 6362, "quantile": 0.25, "value": 142900.0, "Latitude": 34.13, "Longitude": -117.98, "Population": 1279.0}, {"index": 6362, "quantile": 0.5, "value": 142900.0, "Latitude": 34.13, "Longitude": -117.98, "Population": 1279.0}, {"index": 6362, "quantile": 0.75, "value": 150425.0, "Latitude": 34.13, "Longitude": -117.98, "Population": 1279.0}, {"index": 6362, "quantile": 1.0, "value": 188000.0, "Latitude": 34.13, "Longitude": -117.98, "Population": 1279.0}, {"index": 6363, "quantile": 0.0, "value": 130500.0, "Latitude": 34.13, "Longitude": -117.98, "Population": 1890.0}, {"index": 6363, "quantile": 0.25, "value": 130500.0, "Latitude": 34.13, "Longitude": -117.98, "Population": 1890.0}, {"index": 6363, "quantile": 0.5, "value": 130500.0, "Latitude": 34.13, "Longitude": -117.98, "Population": 1890.0}, {"index": 6363, "quantile": 0.75, "value": 163725.0, "Latitude": 34.13, "Longitude": -117.98, "Population": 1890.0}, {"index": 6363, "quantile": 1.0, "value": 271200.0, "Latitude": 34.13, "Longitude": -117.98, "Population": 1890.0}, {"index": 6364, "quantile": 0.0, "value": 230799.99999999997, "Latitude": 34.15, "Longitude": -117.97, "Population": 1268.0}, {"index": 6364, "quantile": 0.25, "value": 390050.0, "Latitude": 34.15, "Longitude": -117.97, "Population": 1268.0}, {"index": 6364, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -117.97, "Population": 1268.0}, {"index": 6364, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -117.97, "Population": 1268.0}, {"index": 6364, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -117.97, "Population": 1268.0}, {"index": 6365, "quantile": 0.0, "value": 158200.0, "Latitude": 34.17, "Longitude": -117.97, "Population": 2112.0}, {"index": 6365, "quantile": 0.25, "value": 295000.0, "Latitude": 34.17, "Longitude": -117.97, "Population": 2112.0}, {"index": 6365, "quantile": 0.5, "value": 295000.0, "Latitude": 34.17, "Longitude": -117.97, "Population": 2112.0}, {"index": 6365, "quantile": 0.75, "value": 295000.0, "Latitude": 34.17, "Longitude": -117.97, "Population": 2112.0}, {"index": 6365, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 34.17, "Longitude": -117.97, "Population": 2112.0}, {"index": 6366, "quantile": 0.0, "value": 225000.0, "Latitude": 34.16, "Longitude": -118.0, "Population": 398.0}, {"index": 6366, "quantile": 0.25, "value": 290800.0, "Latitude": 34.16, "Longitude": -118.0, "Population": 398.0}, {"index": 6366, "quantile": 0.5, "value": 350700.0, "Latitude": 34.16, "Longitude": -118.0, "Population": 398.0}, {"index": 6366, "quantile": 0.75, "value": 414799.99999999994, "Latitude": 34.16, "Longitude": -118.0, "Population": 398.0}, {"index": 6366, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.0, "Population": 398.0}, {"index": 6367, "quantile": 0.0, "value": 185100.0, "Latitude": 34.16, "Longitude": -118.01, "Population": 753.0}, {"index": 6367, "quantile": 0.25, "value": 318500.0, "Latitude": 34.16, "Longitude": -118.01, "Population": 753.0}, {"index": 6367, "quantile": 0.5, "value": 318500.0, "Latitude": 34.16, "Longitude": -118.01, "Population": 753.0}, {"index": 6367, "quantile": 0.75, "value": 318500.0, "Latitude": 34.16, "Longitude": -118.01, "Population": 753.0}, {"index": 6367, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.01, "Population": 753.0}, {"index": 6368, "quantile": 0.0, "value": 160100.0, "Latitude": 34.18, "Longitude": -117.99, "Population": 1063.0}, {"index": 6368, "quantile": 0.25, "value": 365000.0, "Latitude": 34.18, "Longitude": -117.99, "Population": 1063.0}, {"index": 6368, "quantile": 0.5, "value": 365000.0, "Latitude": 34.18, "Longitude": -117.99, "Population": 1063.0}, {"index": 6368, "quantile": 0.75, "value": 365000.0, "Latitude": 34.18, "Longitude": -117.99, "Population": 1063.0}, {"index": 6368, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -117.99, "Population": 1063.0}, {"index": 6369, "quantile": 0.0, "value": 156800.0, "Latitude": 34.16, "Longitude": -117.99, "Population": 1851.0}, {"index": 6369, "quantile": 0.25, "value": 245275.0, "Latitude": 34.16, "Longitude": -117.99, "Population": 1851.0}, {"index": 6369, "quantile": 0.5, "value": 262000.0, "Latitude": 34.16, "Longitude": -117.99, "Population": 1851.0}, {"index": 6369, "quantile": 0.75, "value": 262000.0, "Latitude": 34.16, "Longitude": -117.99, "Population": 1851.0}, {"index": 6369, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 34.16, "Longitude": -117.99, "Population": 1851.0}, {"index": 6370, "quantile": 0.0, "value": 97300.0, "Latitude": 34.16, "Longitude": -118.0, "Population": 531.0}, {"index": 6370, "quantile": 0.25, "value": 270600.0, "Latitude": 34.16, "Longitude": -118.0, "Population": 531.0}, {"index": 6370, "quantile": 0.5, "value": 270600.0, "Latitude": 34.16, "Longitude": -118.0, "Population": 531.0}, {"index": 6370, "quantile": 0.75, "value": 270600.0, "Latitude": 34.16, "Longitude": -118.0, "Population": 531.0}, {"index": 6370, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.0, "Population": 531.0}, {"index": 6371, "quantile": 0.0, "value": 136200.0, "Latitude": 34.15, "Longitude": -118.0, "Population": 1540.0}, {"index": 6371, "quantile": 0.25, "value": 256800.0, "Latitude": 34.15, "Longitude": -118.0, "Population": 1540.0}, {"index": 6371, "quantile": 0.5, "value": 256800.0, "Latitude": 34.15, "Longitude": -118.0, "Population": 1540.0}, {"index": 6371, "quantile": 0.75, "value": 261700.0, "Latitude": 34.15, "Longitude": -118.0, "Population": 1540.0}, {"index": 6371, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 34.15, "Longitude": -118.0, "Population": 1540.0}, {"index": 6372, "quantile": 0.0, "value": 97400.0, "Latitude": 34.15, "Longitude": -118.01, "Population": 986.0}, {"index": 6372, "quantile": 0.25, "value": 265500.0, "Latitude": 34.15, "Longitude": -118.01, "Population": 986.0}, {"index": 6372, "quantile": 0.5, "value": 265500.0, "Latitude": 34.15, "Longitude": -118.01, "Population": 986.0}, {"index": 6372, "quantile": 0.75, "value": 265700.0, "Latitude": 34.15, "Longitude": -118.01, "Population": 986.0}, {"index": 6372, "quantile": 1.0, "value": 446000.0, "Latitude": 34.15, "Longitude": -118.01, "Population": 986.0}, {"index": 6373, "quantile": 0.0, "value": 94500.0, "Latitude": 34.15, "Longitude": -118.02, "Population": 1045.0}, {"index": 6373, "quantile": 0.25, "value": 280625.0, "Latitude": 34.15, "Longitude": -118.02, "Population": 1045.0}, {"index": 6373, "quantile": 0.5, "value": 280800.0, "Latitude": 34.15, "Longitude": -118.02, "Population": 1045.0}, {"index": 6373, "quantile": 0.75, "value": 280800.0, "Latitude": 34.15, "Longitude": -118.02, "Population": 1045.0}, {"index": 6373, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 34.15, "Longitude": -118.02, "Population": 1045.0}, {"index": 6374, "quantile": 0.0, "value": 431799.99999999994, "Latitude": 34.17, "Longitude": -118.02, "Population": 1558.0}, {"index": 6374, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.02, "Population": 1558.0}, {"index": 6374, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.02, "Population": 1558.0}, {"index": 6374, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.02, "Population": 1558.0}, {"index": 6374, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.02, "Population": 1558.0}, {"index": 6375, "quantile": 0.0, "value": 220699.99999999997, "Latitude": 34.16, "Longitude": -118.03, "Population": 693.0}, {"index": 6375, "quantile": 0.25, "value": 393125.0, "Latitude": 34.16, "Longitude": -118.03, "Population": 693.0}, {"index": 6375, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.03, "Population": 693.0}, {"index": 6375, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.03, "Population": 693.0}, {"index": 6375, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.03, "Population": 693.0}, {"index": 6376, "quantile": 0.0, "value": 97300.0, "Latitude": 34.15, "Longitude": -118.03, "Population": 674.0}, {"index": 6376, "quantile": 0.25, "value": 275000.0, "Latitude": 34.15, "Longitude": -118.03, "Population": 674.0}, {"index": 6376, "quantile": 0.5, "value": 486800.00000000006, "Latitude": 34.15, "Longitude": -118.03, "Population": 674.0}, {"index": 6376, "quantile": 0.75, "value": 486800.00000000006, "Latitude": 34.15, "Longitude": -118.03, "Population": 674.0}, {"index": 6376, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 34.15, "Longitude": -118.03, "Population": 674.0}, {"index": 6377, "quantile": 0.0, "value": 84600.0, "Latitude": 34.15, "Longitude": -118.02, "Population": 980.0}, {"index": 6377, "quantile": 0.25, "value": 257650.00000000003, "Latitude": 34.15, "Longitude": -118.02, "Population": 980.0}, {"index": 6377, "quantile": 0.5, "value": 307400.0, "Latitude": 34.15, "Longitude": -118.02, "Population": 980.0}, {"index": 6377, "quantile": 0.75, "value": 307400.0, "Latitude": 34.15, "Longitude": -118.02, "Population": 980.0}, {"index": 6377, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 34.15, "Longitude": -118.02, "Population": 980.0}, {"index": 6378, "quantile": 0.0, "value": 310900.0, "Latitude": 34.17, "Longitude": -118.06, "Population": 1059.0}, {"index": 6378, "quantile": 0.25, "value": 412650.0, "Latitude": 34.17, "Longitude": -118.06, "Population": 1059.0}, {"index": 6378, "quantile": 0.5, "value": 462200.0, "Latitude": 34.17, "Longitude": -118.06, "Population": 1059.0}, {"index": 6378, "quantile": 0.75, "value": 486650.0, "Latitude": 34.17, "Longitude": -118.06, "Population": 1059.0}, {"index": 6378, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.06, "Population": 1059.0}, {"index": 6379, "quantile": 0.0, "value": 90400.0, "Latitude": 34.17, "Longitude": -118.05, "Population": 1036.0}, {"index": 6379, "quantile": 0.25, "value": 380125.0, "Latitude": 34.17, "Longitude": -118.05, "Population": 1036.0}, {"index": 6379, "quantile": 0.5, "value": 388900.0, "Latitude": 34.17, "Longitude": -118.05, "Population": 1036.0}, {"index": 6379, "quantile": 0.75, "value": 388900.0, "Latitude": 34.17, "Longitude": -118.05, "Population": 1036.0}, {"index": 6379, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.05, "Population": 1036.0}, {"index": 6380, "quantile": 0.0, "value": 137500.0, "Latitude": 34.17, "Longitude": -118.04, "Population": 764.0}, {"index": 6380, "quantile": 0.25, "value": 265700.0, "Latitude": 34.17, "Longitude": -118.04, "Population": 764.0}, {"index": 6380, "quantile": 0.5, "value": 265700.0, "Latitude": 34.17, "Longitude": -118.04, "Population": 764.0}, {"index": 6380, "quantile": 0.75, "value": 314700.0, "Latitude": 34.17, "Longitude": -118.04, "Population": 764.0}, {"index": 6380, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.04, "Population": 764.0}, {"index": 6381, "quantile": 0.0, "value": 181000.0, "Latitude": 34.18, "Longitude": -118.04, "Population": 1220.0}, {"index": 6381, "quantile": 0.25, "value": 291825.0, "Latitude": 34.18, "Longitude": -118.04, "Population": 1220.0}, {"index": 6381, "quantile": 0.5, "value": 363000.0, "Latitude": 34.18, "Longitude": -118.04, "Population": 1220.0}, {"index": 6381, "quantile": 0.75, "value": 397000.0, "Latitude": 34.18, "Longitude": -118.04, "Population": 1220.0}, {"index": 6381, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.04, "Population": 1220.0}, {"index": 6382, "quantile": 0.0, "value": 161700.0, "Latitude": 34.16, "Longitude": -118.04, "Population": 633.0}, {"index": 6382, "quantile": 0.25, "value": 350700.0, "Latitude": 34.16, "Longitude": -118.04, "Population": 633.0}, {"index": 6382, "quantile": 0.5, "value": 350700.0, "Latitude": 34.16, "Longitude": -118.04, "Population": 633.0}, {"index": 6382, "quantile": 0.75, "value": 350700.0, "Latitude": 34.16, "Longitude": -118.04, "Population": 633.0}, {"index": 6382, "quantile": 1.0, "value": 433300.0, "Latitude": 34.16, "Longitude": -118.04, "Population": 633.0}, {"index": 6383, "quantile": 0.0, "value": 177100.0, "Latitude": 34.16, "Longitude": -118.05, "Population": 1688.0}, {"index": 6383, "quantile": 0.25, "value": 340600.0, "Latitude": 34.16, "Longitude": -118.05, "Population": 1688.0}, {"index": 6383, "quantile": 0.5, "value": 376800.0, "Latitude": 34.16, "Longitude": -118.05, "Population": 1688.0}, {"index": 6383, "quantile": 0.75, "value": 376800.0, "Latitude": 34.16, "Longitude": -118.05, "Population": 1688.0}, {"index": 6383, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.05, "Population": 1688.0}, {"index": 6384, "quantile": 0.0, "value": 122800.0, "Latitude": 34.16, "Longitude": -118.05, "Population": 1236.0}, {"index": 6384, "quantile": 0.25, "value": 339775.0, "Latitude": 34.16, "Longitude": -118.05, "Population": 1236.0}, {"index": 6384, "quantile": 0.5, "value": 406900.0, "Latitude": 34.16, "Longitude": -118.05, "Population": 1236.0}, {"index": 6384, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.05, "Population": 1236.0}, {"index": 6384, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.05, "Population": 1236.0}, {"index": 6385, "quantile": 0.0, "value": 126699.99999999999, "Latitude": 34.16, "Longitude": -118.06, "Population": 816.0}, {"index": 6385, "quantile": 0.25, "value": 247700.0, "Latitude": 34.16, "Longitude": -118.06, "Population": 816.0}, {"index": 6385, "quantile": 0.5, "value": 286500.0, "Latitude": 34.16, "Longitude": -118.06, "Population": 816.0}, {"index": 6385, "quantile": 0.75, "value": 286500.0, "Latitude": 34.16, "Longitude": -118.06, "Population": 816.0}, {"index": 6385, "quantile": 1.0, "value": 307400.0, "Latitude": 34.16, "Longitude": -118.06, "Population": 816.0}, {"index": 6386, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 34.16, "Longitude": -118.06, "Population": 909.0}, {"index": 6386, "quantile": 0.25, "value": 348625.0, "Latitude": 34.16, "Longitude": -118.06, "Population": 909.0}, {"index": 6386, "quantile": 0.5, "value": 362500.0, "Latitude": 34.16, "Longitude": -118.06, "Population": 909.0}, {"index": 6386, "quantile": 0.75, "value": 362500.0, "Latitude": 34.16, "Longitude": -118.06, "Population": 909.0}, {"index": 6386, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.06, "Population": 909.0}, {"index": 6387, "quantile": 0.0, "value": 221300.0, "Latitude": 34.16, "Longitude": -118.07, "Population": 1401.0}, {"index": 6387, "quantile": 0.25, "value": 330000.0, "Latitude": 34.16, "Longitude": -118.07, "Population": 1401.0}, {"index": 6387, "quantile": 0.5, "value": 330000.0, "Latitude": 34.16, "Longitude": -118.07, "Population": 1401.0}, {"index": 6387, "quantile": 0.75, "value": 330000.0, "Latitude": 34.16, "Longitude": -118.07, "Population": 1401.0}, {"index": 6387, "quantile": 1.0, "value": 468000.0, "Latitude": 34.16, "Longitude": -118.07, "Population": 1401.0}, {"index": 6388, "quantile": 0.0, "value": 229300.00000000003, "Latitude": 34.16, "Longitude": -118.03, "Population": 667.0}, {"index": 6388, "quantile": 0.25, "value": 465000.00000000006, "Latitude": 34.16, "Longitude": -118.03, "Population": 667.0}, {"index": 6388, "quantile": 0.5, "value": 484700.00000000006, "Latitude": 34.16, "Longitude": -118.03, "Population": 667.0}, {"index": 6388, "quantile": 0.75, "value": 484700.00000000006, "Latitude": 34.16, "Longitude": -118.03, "Population": 667.0}, {"index": 6388, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.03, "Population": 667.0}, {"index": 6389, "quantile": 0.0, "value": 411800.00000000006, "Latitude": 34.16, "Longitude": -118.03, "Population": 1034.0}, {"index": 6389, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.03, "Population": 1034.0}, {"index": 6389, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.03, "Population": 1034.0}, {"index": 6389, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.03, "Population": 1034.0}, {"index": 6389, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.03, "Population": 1034.0}, {"index": 6390, "quantile": 0.0, "value": 431600.0, "Latitude": 34.15, "Longitude": -118.05, "Population": 1877.0}, {"index": 6390, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.05, "Population": 1877.0}, {"index": 6390, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.05, "Population": 1877.0}, {"index": 6390, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.05, "Population": 1877.0}, {"index": 6390, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.05, "Population": 1877.0}, {"index": 6391, "quantile": 0.0, "value": 453800.0, "Latitude": 34.15, "Longitude": -118.06, "Population": 697.0}, {"index": 6391, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.06, "Population": 697.0}, {"index": 6391, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.06, "Population": 697.0}, {"index": 6391, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.06, "Population": 697.0}, {"index": 6391, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.06, "Population": 697.0}, {"index": 6392, "quantile": 0.0, "value": 360600.0, "Latitude": 34.14, "Longitude": -118.05, "Population": 862.0}, {"index": 6392, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.05, "Population": 862.0}, {"index": 6392, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.05, "Population": 862.0}, {"index": 6392, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.05, "Population": 862.0}, {"index": 6392, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.05, "Population": 862.0}, {"index": 6393, "quantile": 0.0, "value": 135000.0, "Latitude": 34.13, "Longitude": -118.06, "Population": 1769.0}, {"index": 6393, "quantile": 0.25, "value": 330175.0, "Latitude": 34.13, "Longitude": -118.06, "Population": 1769.0}, {"index": 6393, "quantile": 0.5, "value": 391500.0, "Latitude": 34.13, "Longitude": -118.06, "Population": 1769.0}, {"index": 6393, "quantile": 0.75, "value": 391500.0, "Latitude": 34.13, "Longitude": -118.06, "Population": 1769.0}, {"index": 6393, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.06, "Population": 1769.0}, {"index": 6394, "quantile": 0.0, "value": 281900.0, "Latitude": 34.14, "Longitude": -118.06, "Population": 1179.0}, {"index": 6394, "quantile": 0.25, "value": 437300.0, "Latitude": 34.14, "Longitude": -118.06, "Population": 1179.0}, {"index": 6394, "quantile": 0.5, "value": 437300.0, "Latitude": 34.14, "Longitude": -118.06, "Population": 1179.0}, {"index": 6394, "quantile": 0.75, "value": 437300.0, "Latitude": 34.14, "Longitude": -118.06, "Population": 1179.0}, {"index": 6394, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.06, "Population": 1179.0}, {"index": 6395, "quantile": 0.0, "value": 287200.0, "Latitude": 34.14, "Longitude": -118.06, "Population": 1151.0}, {"index": 6395, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.06, "Population": 1151.0}, {"index": 6395, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.06, "Population": 1151.0}, {"index": 6395, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.06, "Population": 1151.0}, {"index": 6395, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.06, "Population": 1151.0}, {"index": 6396, "quantile": 0.0, "value": 167700.0, "Latitude": 34.14, "Longitude": -118.03, "Population": 721.0}, {"index": 6396, "quantile": 0.25, "value": 247149.99999999997, "Latitude": 34.14, "Longitude": -118.03, "Population": 721.0}, {"index": 6396, "quantile": 0.5, "value": 352200.0, "Latitude": 34.14, "Longitude": -118.03, "Population": 721.0}, {"index": 6396, "quantile": 0.75, "value": 352200.0, "Latitude": 34.14, "Longitude": -118.03, "Population": 721.0}, {"index": 6396, "quantile": 1.0, "value": 450800.0, "Latitude": 34.14, "Longitude": -118.03, "Population": 721.0}, {"index": 6397, "quantile": 0.0, "value": 153100.0, "Latitude": 34.13, "Longitude": -118.04, "Population": 1227.0}, {"index": 6397, "quantile": 0.25, "value": 276200.0, "Latitude": 34.13, "Longitude": -118.04, "Population": 1227.0}, {"index": 6397, "quantile": 0.5, "value": 276200.0, "Latitude": 34.13, "Longitude": -118.04, "Population": 1227.0}, {"index": 6397, "quantile": 0.75, "value": 314700.0, "Latitude": 34.13, "Longitude": -118.04, "Population": 1227.0}, {"index": 6397, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.04, "Population": 1227.0}, {"index": 6398, "quantile": 0.0, "value": 84000.0, "Latitude": 34.15, "Longitude": -118.04, "Population": 676.0}, {"index": 6398, "quantile": 0.25, "value": 194450.0, "Latitude": 34.15, "Longitude": -118.04, "Population": 676.0}, {"index": 6398, "quantile": 0.5, "value": 221900.0, "Latitude": 34.15, "Longitude": -118.04, "Population": 676.0}, {"index": 6398, "quantile": 0.75, "value": 270700.0, "Latitude": 34.15, "Longitude": -118.04, "Population": 676.0}, {"index": 6398, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.04, "Population": 676.0}, {"index": 6399, "quantile": 0.0, "value": 416700.0, "Latitude": 34.13, "Longitude": -118.04, "Population": 268.0}, {"index": 6399, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.04, "Population": 268.0}, {"index": 6399, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.04, "Population": 268.0}, {"index": 6399, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.04, "Population": 268.0}, {"index": 6399, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.04, "Population": 268.0}, {"index": 6400, "quantile": 0.0, "value": 90100.0, "Latitude": 34.13, "Longitude": -118.05, "Population": 1475.0}, {"index": 6400, "quantile": 0.25, "value": 218299.99999999997, "Latitude": 34.13, "Longitude": -118.05, "Population": 1475.0}, {"index": 6400, "quantile": 0.5, "value": 218299.99999999997, "Latitude": 34.13, "Longitude": -118.05, "Population": 1475.0}, {"index": 6400, "quantile": 0.75, "value": 225300.0, "Latitude": 34.13, "Longitude": -118.05, "Population": 1475.0}, {"index": 6400, "quantile": 1.0, "value": 396400.0, "Latitude": 34.13, "Longitude": -118.05, "Population": 1475.0}, {"index": 6401, "quantile": 0.0, "value": 93800.0, "Latitude": 34.13, "Longitude": -118.06, "Population": 5359.0}, {"index": 6401, "quantile": 0.25, "value": 227300.0, "Latitude": 34.13, "Longitude": -118.06, "Population": 5359.0}, {"index": 6401, "quantile": 0.5, "value": 227300.0, "Latitude": 34.13, "Longitude": -118.06, "Population": 5359.0}, {"index": 6401, "quantile": 0.75, "value": 270725.0, "Latitude": 34.13, "Longitude": -118.06, "Population": 5359.0}, {"index": 6401, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.06, "Population": 5359.0}, {"index": 6402, "quantile": 0.0, "value": 94900.0, "Latitude": 34.14, "Longitude": -118.02, "Population": 478.0}, {"index": 6402, "quantile": 0.25, "value": 243200.0, "Latitude": 34.14, "Longitude": -118.02, "Population": 478.0}, {"index": 6402, "quantile": 0.5, "value": 252800.0, "Latitude": 34.14, "Longitude": -118.02, "Population": 478.0}, {"index": 6402, "quantile": 0.75, "value": 252800.0, "Latitude": 34.14, "Longitude": -118.02, "Population": 478.0}, {"index": 6402, "quantile": 1.0, "value": 297100.0, "Latitude": 34.14, "Longitude": -118.02, "Population": 478.0}, {"index": 6403, "quantile": 0.0, "value": 137200.0, "Latitude": 34.13, "Longitude": -118.02, "Population": 1803.0}, {"index": 6403, "quantile": 0.25, "value": 255950.0, "Latitude": 34.13, "Longitude": -118.02, "Population": 1803.0}, {"index": 6403, "quantile": 0.5, "value": 273600.0, "Latitude": 34.13, "Longitude": -118.02, "Population": 1803.0}, {"index": 6403, "quantile": 0.75, "value": 273600.0, "Latitude": 34.13, "Longitude": -118.02, "Population": 1803.0}, {"index": 6403, "quantile": 1.0, "value": 305800.0, "Latitude": 34.13, "Longitude": -118.02, "Population": 1803.0}, {"index": 6404, "quantile": 0.0, "value": 93800.0, "Latitude": 34.14, "Longitude": -118.03, "Population": 2338.0}, {"index": 6404, "quantile": 0.25, "value": 242600.00000000003, "Latitude": 34.14, "Longitude": -118.03, "Population": 2338.0}, {"index": 6404, "quantile": 0.5, "value": 242600.00000000003, "Latitude": 34.14, "Longitude": -118.03, "Population": 2338.0}, {"index": 6404, "quantile": 0.75, "value": 242600.00000000003, "Latitude": 34.14, "Longitude": -118.03, "Population": 2338.0}, {"index": 6404, "quantile": 1.0, "value": 434800.0, "Latitude": 34.14, "Longitude": -118.03, "Population": 2338.0}, {"index": 6405, "quantile": 0.0, "value": 176600.0, "Latitude": 34.13, "Longitude": -118.01, "Population": 648.0}, {"index": 6405, "quantile": 0.25, "value": 257099.99999999997, "Latitude": 34.13, "Longitude": -118.01, "Population": 648.0}, {"index": 6405, "quantile": 0.5, "value": 365900.0, "Latitude": 34.13, "Longitude": -118.01, "Population": 648.0}, {"index": 6405, "quantile": 0.75, "value": 365900.0, "Latitude": 34.13, "Longitude": -118.01, "Population": 648.0}, {"index": 6405, "quantile": 1.0, "value": 450800.0, "Latitude": 34.13, "Longitude": -118.01, "Population": 648.0}, {"index": 6406, "quantile": 0.0, "value": 151400.0, "Latitude": 34.13, "Longitude": -118.02, "Population": 1239.0}, {"index": 6406, "quantile": 0.25, "value": 303450.0, "Latitude": 34.13, "Longitude": -118.02, "Population": 1239.0}, {"index": 6406, "quantile": 0.5, "value": 430900.0, "Latitude": 34.13, "Longitude": -118.02, "Population": 1239.0}, {"index": 6406, "quantile": 0.75, "value": 430900.0, "Latitude": 34.13, "Longitude": -118.02, "Population": 1239.0}, {"index": 6406, "quantile": 1.0, "value": 445700.0, "Latitude": 34.13, "Longitude": -118.02, "Population": 1239.0}, {"index": 6407, "quantile": 0.0, "value": 67500.0, "Latitude": 34.13, "Longitude": -118.02, "Population": 980.0}, {"index": 6407, "quantile": 0.25, "value": 429000.0, "Latitude": 34.13, "Longitude": -118.02, "Population": 980.0}, {"index": 6407, "quantile": 0.5, "value": 429000.0, "Latitude": 34.13, "Longitude": -118.02, "Population": 980.0}, {"index": 6407, "quantile": 0.75, "value": 429000.0, "Latitude": 34.13, "Longitude": -118.02, "Population": 980.0}, {"index": 6407, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.02, "Population": 980.0}, {"index": 6408, "quantile": 0.0, "value": 162900.0, "Latitude": 34.13, "Longitude": -118.03, "Population": 995.0}, {"index": 6408, "quantile": 0.25, "value": 273850.0, "Latitude": 34.13, "Longitude": -118.03, "Population": 995.0}, {"index": 6408, "quantile": 0.5, "value": 445700.0, "Latitude": 34.13, "Longitude": -118.03, "Population": 995.0}, {"index": 6408, "quantile": 0.75, "value": 445700.0, "Latitude": 34.13, "Longitude": -118.03, "Population": 995.0}, {"index": 6408, "quantile": 1.0, "value": 445700.0, "Latitude": 34.13, "Longitude": -118.03, "Population": 995.0}, {"index": 6409, "quantile": 0.0, "value": 186900.0, "Latitude": 34.12, "Longitude": -118.02, "Population": 989.0}, {"index": 6409, "quantile": 0.25, "value": 261200.0, "Latitude": 34.12, "Longitude": -118.02, "Population": 989.0}, {"index": 6409, "quantile": 0.5, "value": 310799.99999999994, "Latitude": 34.12, "Longitude": -118.02, "Population": 989.0}, {"index": 6409, "quantile": 0.75, "value": 416899.99999999994, "Latitude": 34.12, "Longitude": -118.02, "Population": 989.0}, {"index": 6409, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.02, "Population": 989.0}, {"index": 6410, "quantile": 0.0, "value": 173300.0, "Latitude": 34.11, "Longitude": -118.02, "Population": 1110.0}, {"index": 6410, "quantile": 0.25, "value": 282100.0, "Latitude": 34.11, "Longitude": -118.02, "Population": 1110.0}, {"index": 6410, "quantile": 0.5, "value": 414799.99999999994, "Latitude": 34.11, "Longitude": -118.02, "Population": 1110.0}, {"index": 6410, "quantile": 0.75, "value": 414799.99999999994, "Latitude": 34.11, "Longitude": -118.02, "Population": 1110.0}, {"index": 6410, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.02, "Population": 1110.0}, {"index": 6411, "quantile": 0.0, "value": 142000.0, "Latitude": 34.12, "Longitude": -118.02, "Population": 751.0}, {"index": 6411, "quantile": 0.25, "value": 228425.0, "Latitude": 34.12, "Longitude": -118.02, "Population": 751.0}, {"index": 6411, "quantile": 0.5, "value": 395100.0, "Latitude": 34.12, "Longitude": -118.02, "Population": 751.0}, {"index": 6411, "quantile": 0.75, "value": 395100.0, "Latitude": 34.12, "Longitude": -118.02, "Population": 751.0}, {"index": 6411, "quantile": 1.0, "value": 445200.0, "Latitude": 34.12, "Longitude": -118.02, "Population": 751.0}, {"index": 6412, "quantile": 0.0, "value": 185600.0, "Latitude": 34.12, "Longitude": -118.02, "Population": 870.0}, {"index": 6412, "quantile": 0.25, "value": 408500.0, "Latitude": 34.12, "Longitude": -118.02, "Population": 870.0}, {"index": 6412, "quantile": 0.5, "value": 408500.0, "Latitude": 34.12, "Longitude": -118.02, "Population": 870.0}, {"index": 6412, "quantile": 0.75, "value": 408500.0, "Latitude": 34.12, "Longitude": -118.02, "Population": 870.0}, {"index": 6412, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.02, "Population": 870.0}, {"index": 6413, "quantile": 0.0, "value": 232500.00000000003, "Latitude": 34.11, "Longitude": -118.03, "Population": 1344.0}, {"index": 6413, "quantile": 0.25, "value": 437399.99999999994, "Latitude": 34.11, "Longitude": -118.03, "Population": 1344.0}, {"index": 6413, "quantile": 0.5, "value": 437399.99999999994, "Latitude": 34.11, "Longitude": -118.03, "Population": 1344.0}, {"index": 6413, "quantile": 0.75, "value": 437399.99999999994, "Latitude": 34.11, "Longitude": -118.03, "Population": 1344.0}, {"index": 6413, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.03, "Population": 1344.0}, {"index": 6414, "quantile": 0.0, "value": 161700.0, "Latitude": 34.14, "Longitude": -118.01, "Population": 1816.0}, {"index": 6414, "quantile": 0.25, "value": 161700.0, "Latitude": 34.14, "Longitude": -118.01, "Population": 1816.0}, {"index": 6414, "quantile": 0.5, "value": 161700.0, "Latitude": 34.14, "Longitude": -118.01, "Population": 1816.0}, {"index": 6414, "quantile": 0.75, "value": 192100.0, "Latitude": 34.14, "Longitude": -118.01, "Population": 1816.0}, {"index": 6414, "quantile": 1.0, "value": 258400.0, "Latitude": 34.14, "Longitude": -118.01, "Population": 1816.0}, {"index": 6415, "quantile": 0.0, "value": 140200.0, "Latitude": 34.14, "Longitude": -118.01, "Population": 2202.0}, {"index": 6415, "quantile": 0.25, "value": 175875.0, "Latitude": 34.14, "Longitude": -118.01, "Population": 2202.0}, {"index": 6415, "quantile": 0.5, "value": 186000.0, "Latitude": 34.14, "Longitude": -118.01, "Population": 2202.0}, {"index": 6415, "quantile": 0.75, "value": 211900.00000000003, "Latitude": 34.14, "Longitude": -118.01, "Population": 2202.0}, {"index": 6415, "quantile": 1.0, "value": 417600.0, "Latitude": 34.14, "Longitude": -118.01, "Population": 2202.0}, {"index": 6416, "quantile": 0.0, "value": 136000.0, "Latitude": 34.14, "Longitude": -118.02, "Population": 4131.0}, {"index": 6416, "quantile": 0.25, "value": 220425.0, "Latitude": 34.14, "Longitude": -118.02, "Population": 4131.0}, {"index": 6416, "quantile": 0.5, "value": 222800.00000000003, "Latitude": 34.14, "Longitude": -118.02, "Population": 4131.0}, {"index": 6416, "quantile": 0.75, "value": 222800.00000000003, "Latitude": 34.14, "Longitude": -118.02, "Population": 4131.0}, {"index": 6416, "quantile": 1.0, "value": 476700.00000000006, "Latitude": 34.14, "Longitude": -118.02, "Population": 4131.0}, {"index": 6417, "quantile": 0.0, "value": 100000.0, "Latitude": 34.15, "Longitude": -117.99, "Population": 1951.0}, {"index": 6417, "quantile": 0.25, "value": 185600.0, "Latitude": 34.15, "Longitude": -117.99, "Population": 1951.0}, {"index": 6417, "quantile": 0.5, "value": 185600.0, "Latitude": 34.15, "Longitude": -117.99, "Population": 1951.0}, {"index": 6417, "quantile": 0.75, "value": 185600.0, "Latitude": 34.15, "Longitude": -117.99, "Population": 1951.0}, {"index": 6417, "quantile": 1.0, "value": 268200.0, "Latitude": 34.15, "Longitude": -117.99, "Population": 1951.0}, {"index": 6418, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.15, "Longitude": -118.0, "Population": 1544.0}, {"index": 6418, "quantile": 0.25, "value": 161700.0, "Latitude": 34.15, "Longitude": -118.0, "Population": 1544.0}, {"index": 6418, "quantile": 0.5, "value": 190050.0, "Latitude": 34.15, "Longitude": -118.0, "Population": 1544.0}, {"index": 6418, "quantile": 0.75, "value": 212774.99999999997, "Latitude": 34.15, "Longitude": -118.0, "Population": 1544.0}, {"index": 6418, "quantile": 1.0, "value": 358100.0, "Latitude": 34.15, "Longitude": -118.0, "Population": 1544.0}, {"index": 6419, "quantile": 0.0, "value": 136000.0, "Latitude": 34.15, "Longitude": -118.01, "Population": 3689.0}, {"index": 6419, "quantile": 0.25, "value": 184100.0, "Latitude": 34.15, "Longitude": -118.01, "Population": 3689.0}, {"index": 6419, "quantile": 0.5, "value": 184100.0, "Latitude": 34.15, "Longitude": -118.01, "Population": 3689.0}, {"index": 6419, "quantile": 0.75, "value": 214525.0, "Latitude": 34.15, "Longitude": -118.01, "Population": 3689.0}, {"index": 6419, "quantile": 1.0, "value": 349300.0, "Latitude": 34.15, "Longitude": -118.01, "Population": 3689.0}, {"index": 6420, "quantile": 0.0, "value": 136000.0, "Latitude": 34.14, "Longitude": -117.98, "Population": 2899.0}, {"index": 6420, "quantile": 0.25, "value": 235200.0, "Latitude": 34.14, "Longitude": -117.98, "Population": 2899.0}, {"index": 6420, "quantile": 0.5, "value": 235200.0, "Latitude": 34.14, "Longitude": -117.98, "Population": 2899.0}, {"index": 6420, "quantile": 0.75, "value": 235200.0, "Latitude": 34.14, "Longitude": -117.98, "Population": 2899.0}, {"index": 6420, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -117.98, "Population": 2899.0}, {"index": 6421, "quantile": 0.0, "value": 111600.00000000001, "Latitude": 34.14, "Longitude": -117.99, "Population": 1988.0}, {"index": 6421, "quantile": 0.25, "value": 153000.0, "Latitude": 34.14, "Longitude": -117.99, "Population": 1988.0}, {"index": 6421, "quantile": 0.5, "value": 153000.0, "Latitude": 34.14, "Longitude": -117.99, "Population": 1988.0}, {"index": 6421, "quantile": 0.75, "value": 153000.0, "Latitude": 34.14, "Longitude": -117.99, "Population": 1988.0}, {"index": 6421, "quantile": 1.0, "value": 218200.0, "Latitude": 34.14, "Longitude": -117.99, "Population": 1988.0}, {"index": 6422, "quantile": 0.0, "value": 106400.0, "Latitude": 34.13, "Longitude": -118.0, "Population": 1869.0}, {"index": 6422, "quantile": 0.25, "value": 167000.0, "Latitude": 34.13, "Longitude": -118.0, "Population": 1869.0}, {"index": 6422, "quantile": 0.5, "value": 167000.0, "Latitude": 34.13, "Longitude": -118.0, "Population": 1869.0}, {"index": 6422, "quantile": 0.75, "value": 167000.0, "Latitude": 34.13, "Longitude": -118.0, "Population": 1869.0}, {"index": 6422, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.0, "Population": 1869.0}, {"index": 6423, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.14, "Longitude": -118.0, "Population": 1131.0}, {"index": 6423, "quantile": 0.25, "value": 134300.0, "Latitude": 34.14, "Longitude": -118.0, "Population": 1131.0}, {"index": 6423, "quantile": 0.5, "value": 166300.0, "Latitude": 34.14, "Longitude": -118.0, "Population": 1131.0}, {"index": 6423, "quantile": 0.75, "value": 190800.0, "Latitude": 34.14, "Longitude": -118.0, "Population": 1131.0}, {"index": 6423, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.0, "Population": 1131.0}, {"index": 6424, "quantile": 0.0, "value": 136000.0, "Latitude": 34.14, "Longitude": -118.0, "Population": 800.0}, {"index": 6424, "quantile": 0.25, "value": 166900.0, "Latitude": 34.14, "Longitude": -118.0, "Population": 800.0}, {"index": 6424, "quantile": 0.5, "value": 166900.0, "Latitude": 34.14, "Longitude": -118.0, "Population": 800.0}, {"index": 6424, "quantile": 0.75, "value": 184625.0, "Latitude": 34.14, "Longitude": -118.0, "Population": 800.0}, {"index": 6424, "quantile": 1.0, "value": 307400.0, "Latitude": 34.14, "Longitude": -118.0, "Population": 800.0}, {"index": 6425, "quantile": 0.0, "value": 134400.0, "Latitude": 34.13, "Longitude": -118.0, "Population": 742.0}, {"index": 6425, "quantile": 0.25, "value": 160700.0, "Latitude": 34.13, "Longitude": -118.0, "Population": 742.0}, {"index": 6425, "quantile": 0.5, "value": 174000.0, "Latitude": 34.13, "Longitude": -118.0, "Population": 742.0}, {"index": 6425, "quantile": 0.75, "value": 195350.0, "Latitude": 34.13, "Longitude": -118.0, "Population": 742.0}, {"index": 6425, "quantile": 1.0, "value": 258100.0, "Latitude": 34.13, "Longitude": -118.0, "Population": 742.0}, {"index": 6426, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 34.13, "Longitude": -117.99, "Population": 1618.0}, {"index": 6426, "quantile": 0.25, "value": 129400.0, "Latitude": 34.13, "Longitude": -117.99, "Population": 1618.0}, {"index": 6426, "quantile": 0.5, "value": 129400.0, "Latitude": 34.13, "Longitude": -117.99, "Population": 1618.0}, {"index": 6426, "quantile": 0.75, "value": 142500.0, "Latitude": 34.13, "Longitude": -117.99, "Population": 1618.0}, {"index": 6426, "quantile": 1.0, "value": 218699.99999999997, "Latitude": 34.13, "Longitude": -117.99, "Population": 1618.0}, {"index": 6427, "quantile": 0.0, "value": 126000.0, "Latitude": 34.12, "Longitude": -117.99, "Population": 1504.0}, {"index": 6427, "quantile": 0.25, "value": 130100.0, "Latitude": 34.12, "Longitude": -117.99, "Population": 1504.0}, {"index": 6427, "quantile": 0.5, "value": 130100.0, "Latitude": 34.12, "Longitude": -117.99, "Population": 1504.0}, {"index": 6427, "quantile": 0.75, "value": 142000.0, "Latitude": 34.12, "Longitude": -117.99, "Population": 1504.0}, {"index": 6427, "quantile": 1.0, "value": 183100.0, "Latitude": 34.12, "Longitude": -117.99, "Population": 1504.0}, {"index": 6428, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 34.12, "Longitude": -117.99, "Population": 1040.0}, {"index": 6428, "quantile": 0.25, "value": 139200.0, "Latitude": 34.12, "Longitude": -117.99, "Population": 1040.0}, {"index": 6428, "quantile": 0.5, "value": 139200.0, "Latitude": 34.12, "Longitude": -117.99, "Population": 1040.0}, {"index": 6428, "quantile": 0.75, "value": 139200.0, "Latitude": 34.12, "Longitude": -117.99, "Population": 1040.0}, {"index": 6428, "quantile": 1.0, "value": 208100.0, "Latitude": 34.12, "Longitude": -117.99, "Population": 1040.0}, {"index": 6429, "quantile": 0.0, "value": 136000.0, "Latitude": 34.12, "Longitude": -118.0, "Population": 928.0}, {"index": 6429, "quantile": 0.25, "value": 175000.0, "Latitude": 34.12, "Longitude": -118.0, "Population": 928.0}, {"index": 6429, "quantile": 0.5, "value": 175000.0, "Latitude": 34.12, "Longitude": -118.0, "Population": 928.0}, {"index": 6429, "quantile": 0.75, "value": 181425.0, "Latitude": 34.12, "Longitude": -118.0, "Population": 928.0}, {"index": 6429, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 34.12, "Longitude": -118.0, "Population": 928.0}, {"index": 6430, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 34.12, "Longitude": -118.0, "Population": 546.0}, {"index": 6430, "quantile": 0.25, "value": 173800.0, "Latitude": 34.12, "Longitude": -118.0, "Population": 546.0}, {"index": 6430, "quantile": 0.5, "value": 173800.0, "Latitude": 34.12, "Longitude": -118.0, "Population": 546.0}, {"index": 6430, "quantile": 0.75, "value": 188375.0, "Latitude": 34.12, "Longitude": -118.0, "Population": 546.0}, {"index": 6430, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.12, "Longitude": -118.0, "Population": 546.0}, {"index": 6431, "quantile": 0.0, "value": 124400.0, "Latitude": 34.13, "Longitude": -118.01, "Population": 1906.0}, {"index": 6431, "quantile": 0.25, "value": 211899.99999999997, "Latitude": 34.13, "Longitude": -118.01, "Population": 1906.0}, {"index": 6431, "quantile": 0.5, "value": 212300.00000000003, "Latitude": 34.13, "Longitude": -118.01, "Population": 1906.0}, {"index": 6431, "quantile": 0.75, "value": 212300.00000000003, "Latitude": 34.13, "Longitude": -118.01, "Population": 1906.0}, {"index": 6431, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.13, "Longitude": -118.01, "Population": 1906.0}, {"index": 6432, "quantile": 0.0, "value": 149600.0, "Latitude": 34.12, "Longitude": -118.01, "Population": 657.0}, {"index": 6432, "quantile": 0.25, "value": 214800.0, "Latitude": 34.12, "Longitude": -118.01, "Population": 657.0}, {"index": 6432, "quantile": 0.5, "value": 214800.0, "Latitude": 34.12, "Longitude": -118.01, "Population": 657.0}, {"index": 6432, "quantile": 0.75, "value": 214800.0, "Latitude": 34.12, "Longitude": -118.01, "Population": 657.0}, {"index": 6432, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.12, "Longitude": -118.01, "Population": 657.0}, {"index": 6433, "quantile": 0.0, "value": 168900.0, "Latitude": 34.12, "Longitude": -118.01, "Population": 922.0}, {"index": 6433, "quantile": 0.25, "value": 262375.0, "Latitude": 34.12, "Longitude": -118.01, "Population": 922.0}, {"index": 6433, "quantile": 0.5, "value": 278400.0, "Latitude": 34.12, "Longitude": -118.01, "Population": 922.0}, {"index": 6433, "quantile": 0.75, "value": 278400.0, "Latitude": 34.12, "Longitude": -118.01, "Population": 922.0}, {"index": 6433, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.01, "Population": 922.0}, {"index": 6434, "quantile": 0.0, "value": 85400.0, "Latitude": 34.11, "Longitude": -118.01, "Population": 826.0}, {"index": 6434, "quantile": 0.25, "value": 212200.0, "Latitude": 34.11, "Longitude": -118.01, "Population": 826.0}, {"index": 6434, "quantile": 0.5, "value": 212200.0, "Latitude": 34.11, "Longitude": -118.01, "Population": 826.0}, {"index": 6434, "quantile": 0.75, "value": 212200.0, "Latitude": 34.11, "Longitude": -118.01, "Population": 826.0}, {"index": 6434, "quantile": 1.0, "value": 340400.0, "Latitude": 34.11, "Longitude": -118.01, "Population": 826.0}, {"index": 6435, "quantile": 0.0, "value": 100400.0, "Latitude": 34.11, "Longitude": -118.01, "Population": 1054.0}, {"index": 6435, "quantile": 0.25, "value": 202375.00000000003, "Latitude": 34.11, "Longitude": -118.01, "Population": 1054.0}, {"index": 6435, "quantile": 0.5, "value": 211600.0, "Latitude": 34.11, "Longitude": -118.01, "Population": 1054.0}, {"index": 6435, "quantile": 0.75, "value": 211600.0, "Latitude": 34.11, "Longitude": -118.01, "Population": 1054.0}, {"index": 6435, "quantile": 1.0, "value": 341700.0, "Latitude": 34.11, "Longitude": -118.01, "Population": 1054.0}, {"index": 6436, "quantile": 0.0, "value": 168900.0, "Latitude": 34.11, "Longitude": -118.01, "Population": 794.0}, {"index": 6436, "quantile": 0.25, "value": 212200.0, "Latitude": 34.11, "Longitude": -118.01, "Population": 794.0}, {"index": 6436, "quantile": 0.5, "value": 212200.0, "Latitude": 34.11, "Longitude": -118.01, "Population": 794.0}, {"index": 6436, "quantile": 0.75, "value": 212200.0, "Latitude": 34.11, "Longitude": -118.01, "Population": 794.0}, {"index": 6436, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 34.11, "Longitude": -118.01, "Population": 794.0}, {"index": 6437, "quantile": 0.0, "value": 168900.0, "Latitude": 34.1, "Longitude": -118.02, "Population": 1008.0}, {"index": 6437, "quantile": 0.25, "value": 233700.00000000003, "Latitude": 34.1, "Longitude": -118.02, "Population": 1008.0}, {"index": 6437, "quantile": 0.5, "value": 233700.00000000003, "Latitude": 34.1, "Longitude": -118.02, "Population": 1008.0}, {"index": 6437, "quantile": 0.75, "value": 233700.00000000003, "Latitude": 34.1, "Longitude": -118.02, "Population": 1008.0}, {"index": 6437, "quantile": 1.0, "value": 445700.0, "Latitude": 34.1, "Longitude": -118.02, "Population": 1008.0}, {"index": 6438, "quantile": 0.0, "value": 92600.0, "Latitude": 34.1, "Longitude": -118.02, "Population": 248.0}, {"index": 6438, "quantile": 0.25, "value": 202925.00000000003, "Latitude": 34.1, "Longitude": -118.02, "Population": 248.0}, {"index": 6438, "quantile": 0.5, "value": 225999.99999999997, "Latitude": 34.1, "Longitude": -118.02, "Population": 248.0}, {"index": 6438, "quantile": 0.75, "value": 225999.99999999997, "Latitude": 34.1, "Longitude": -118.02, "Population": 248.0}, {"index": 6438, "quantile": 1.0, "value": 361700.0, "Latitude": 34.1, "Longitude": -118.02, "Population": 248.0}, {"index": 6439, "quantile": 0.0, "value": 110700.0, "Latitude": 34.11, "Longitude": -118.02, "Population": 718.0}, {"index": 6439, "quantile": 0.25, "value": 219000.0, "Latitude": 34.11, "Longitude": -118.02, "Population": 718.0}, {"index": 6439, "quantile": 0.5, "value": 219000.0, "Latitude": 34.11, "Longitude": -118.02, "Population": 718.0}, {"index": 6439, "quantile": 0.75, "value": 235325.0, "Latitude": 34.11, "Longitude": -118.02, "Population": 718.0}, {"index": 6439, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.11, "Longitude": -118.02, "Population": 718.0}, {"index": 6440, "quantile": 0.0, "value": 168900.0, "Latitude": 34.1, "Longitude": -118.03, "Population": 1079.0}, {"index": 6440, "quantile": 0.25, "value": 233599.99999999997, "Latitude": 34.1, "Longitude": -118.03, "Population": 1079.0}, {"index": 6440, "quantile": 0.5, "value": 233599.99999999997, "Latitude": 34.1, "Longitude": -118.03, "Population": 1079.0}, {"index": 6440, "quantile": 0.75, "value": 233599.99999999997, "Latitude": 34.1, "Longitude": -118.03, "Population": 1079.0}, {"index": 6440, "quantile": 1.0, "value": 445700.0, "Latitude": 34.1, "Longitude": -118.03, "Population": 1079.0}, {"index": 6441, "quantile": 0.0, "value": 120800.0, "Latitude": 34.1, "Longitude": -118.03, "Population": 1376.0}, {"index": 6441, "quantile": 0.25, "value": 193100.0, "Latitude": 34.1, "Longitude": -118.03, "Population": 1376.0}, {"index": 6441, "quantile": 0.5, "value": 214600.0, "Latitude": 34.1, "Longitude": -118.03, "Population": 1376.0}, {"index": 6441, "quantile": 0.75, "value": 244575.0, "Latitude": 34.1, "Longitude": -118.03, "Population": 1376.0}, {"index": 6441, "quantile": 1.0, "value": 296100.0, "Latitude": 34.1, "Longitude": -118.03, "Population": 1376.0}, {"index": 6442, "quantile": 0.0, "value": 165500.0, "Latitude": 34.1, "Longitude": -118.03, "Population": 1473.0}, {"index": 6442, "quantile": 0.25, "value": 223900.0, "Latitude": 34.1, "Longitude": -118.03, "Population": 1473.0}, {"index": 6442, "quantile": 0.5, "value": 223900.0, "Latitude": 34.1, "Longitude": -118.03, "Population": 1473.0}, {"index": 6442, "quantile": 0.75, "value": 223900.0, "Latitude": 34.1, "Longitude": -118.03, "Population": 1473.0}, {"index": 6442, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 34.1, "Longitude": -118.03, "Population": 1473.0}, {"index": 6443, "quantile": 0.0, "value": 118800.0, "Latitude": 34.1, "Longitude": -118.03, "Population": 1512.0}, {"index": 6443, "quantile": 0.25, "value": 191700.0, "Latitude": 34.1, "Longitude": -118.03, "Population": 1512.0}, {"index": 6443, "quantile": 0.5, "value": 213300.0, "Latitude": 34.1, "Longitude": -118.03, "Population": 1512.0}, {"index": 6443, "quantile": 0.75, "value": 242200.00000000003, "Latitude": 34.1, "Longitude": -118.03, "Population": 1512.0}, {"index": 6443, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 34.1, "Longitude": -118.03, "Population": 1512.0}, {"index": 6444, "quantile": 0.0, "value": 181100.0, "Latitude": 34.11, "Longitude": -118.03, "Population": 988.0}, {"index": 6444, "quantile": 0.25, "value": 416050.0, "Latitude": 34.11, "Longitude": -118.03, "Population": 988.0}, {"index": 6444, "quantile": 0.5, "value": 416899.99999999994, "Latitude": 34.11, "Longitude": -118.03, "Population": 988.0}, {"index": 6444, "quantile": 0.75, "value": 416899.99999999994, "Latitude": 34.11, "Longitude": -118.03, "Population": 988.0}, {"index": 6444, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.03, "Population": 988.0}, {"index": 6445, "quantile": 0.0, "value": 93900.0, "Latitude": 34.11, "Longitude": -118.04, "Population": 405.0}, {"index": 6445, "quantile": 0.25, "value": 442525.0, "Latitude": 34.11, "Longitude": -118.04, "Population": 405.0}, {"index": 6445, "quantile": 0.5, "value": 447100.0, "Latitude": 34.11, "Longitude": -118.04, "Population": 405.0}, {"index": 6445, "quantile": 0.75, "value": 447100.0, "Latitude": 34.11, "Longitude": -118.04, "Population": 405.0}, {"index": 6445, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.04, "Population": 405.0}, {"index": 6446, "quantile": 0.0, "value": 204800.0, "Latitude": 34.11, "Longitude": -118.04, "Population": 598.0}, {"index": 6446, "quantile": 0.25, "value": 332425.0, "Latitude": 34.11, "Longitude": -118.04, "Population": 598.0}, {"index": 6446, "quantile": 0.5, "value": 422900.0, "Latitude": 34.11, "Longitude": -118.04, "Population": 598.0}, {"index": 6446, "quantile": 0.75, "value": 484700.00000000006, "Latitude": 34.11, "Longitude": -118.04, "Population": 598.0}, {"index": 6446, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.04, "Population": 598.0}, {"index": 6447, "quantile": 0.0, "value": 186900.0, "Latitude": 34.11, "Longitude": -118.05, "Population": 1779.0}, {"index": 6447, "quantile": 0.25, "value": 269275.0, "Latitude": 34.11, "Longitude": -118.05, "Population": 1779.0}, {"index": 6447, "quantile": 0.5, "value": 426499.99999999994, "Latitude": 34.11, "Longitude": -118.05, "Population": 1779.0}, {"index": 6447, "quantile": 0.75, "value": 426499.99999999994, "Latitude": 34.11, "Longitude": -118.05, "Population": 1779.0}, {"index": 6447, "quantile": 1.0, "value": 485700.0, "Latitude": 34.11, "Longitude": -118.05, "Population": 1779.0}, {"index": 6448, "quantile": 0.0, "value": 120000.0, "Latitude": 34.13, "Longitude": -118.04, "Population": 1072.0}, {"index": 6448, "quantile": 0.25, "value": 310575.0, "Latitude": 34.13, "Longitude": -118.04, "Population": 1072.0}, {"index": 6448, "quantile": 0.5, "value": 430199.99999999994, "Latitude": 34.13, "Longitude": -118.04, "Population": 1072.0}, {"index": 6448, "quantile": 0.75, "value": 430199.99999999994, "Latitude": 34.13, "Longitude": -118.04, "Population": 1072.0}, {"index": 6448, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.04, "Population": 1072.0}, {"index": 6449, "quantile": 0.0, "value": 97400.0, "Latitude": 34.12, "Longitude": -118.04, "Population": 1113.0}, {"index": 6449, "quantile": 0.25, "value": 345249.99999999994, "Latitude": 34.12, "Longitude": -118.04, "Population": 1113.0}, {"index": 6449, "quantile": 0.5, "value": 445200.0, "Latitude": 34.12, "Longitude": -118.04, "Population": 1113.0}, {"index": 6449, "quantile": 0.75, "value": 445200.0, "Latitude": 34.12, "Longitude": -118.04, "Population": 1113.0}, {"index": 6449, "quantile": 1.0, "value": 485700.0, "Latitude": 34.12, "Longitude": -118.04, "Population": 1113.0}, {"index": 6450, "quantile": 0.0, "value": 267900.0, "Latitude": 34.12, "Longitude": -118.04, "Population": 921.0}, {"index": 6450, "quantile": 0.25, "value": 375700.0, "Latitude": 34.12, "Longitude": -118.04, "Population": 921.0}, {"index": 6450, "quantile": 0.5, "value": 408500.0, "Latitude": 34.12, "Longitude": -118.04, "Population": 921.0}, {"index": 6450, "quantile": 0.75, "value": 484700.00000000006, "Latitude": 34.12, "Longitude": -118.04, "Population": 921.0}, {"index": 6450, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.04, "Population": 921.0}, {"index": 6451, "quantile": 0.0, "value": 201399.99999999997, "Latitude": 34.12, "Longitude": -118.04, "Population": 984.0}, {"index": 6451, "quantile": 0.25, "value": 239975.0, "Latitude": 34.12, "Longitude": -118.04, "Population": 984.0}, {"index": 6451, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.04, "Population": 984.0}, {"index": 6451, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.04, "Population": 984.0}, {"index": 6451, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.04, "Population": 984.0}, {"index": 6452, "quantile": 0.0, "value": 134200.0, "Latitude": 34.12, "Longitude": -118.05, "Population": 2302.0}, {"index": 6452, "quantile": 0.25, "value": 260400.0, "Latitude": 34.12, "Longitude": -118.05, "Population": 2302.0}, {"index": 6452, "quantile": 0.5, "value": 476700.00000000006, "Latitude": 34.12, "Longitude": -118.05, "Population": 2302.0}, {"index": 6452, "quantile": 0.75, "value": 476700.00000000006, "Latitude": 34.12, "Longitude": -118.05, "Population": 2302.0}, {"index": 6452, "quantile": 1.0, "value": 476700.00000000006, "Latitude": 34.12, "Longitude": -118.05, "Population": 2302.0}, {"index": 6453, "quantile": 0.0, "value": 161500.0, "Latitude": 34.12, "Longitude": -118.06, "Population": 1848.0}, {"index": 6453, "quantile": 0.25, "value": 248100.0, "Latitude": 34.12, "Longitude": -118.06, "Population": 1848.0}, {"index": 6453, "quantile": 0.5, "value": 248100.0, "Latitude": 34.12, "Longitude": -118.06, "Population": 1848.0}, {"index": 6453, "quantile": 0.75, "value": 248100.0, "Latitude": 34.12, "Longitude": -118.06, "Population": 1848.0}, {"index": 6453, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.06, "Population": 1848.0}, {"index": 6454, "quantile": 0.0, "value": 170800.0, "Latitude": 34.12, "Longitude": -118.06, "Population": 1660.0}, {"index": 6454, "quantile": 0.25, "value": 210625.00000000003, "Latitude": 34.12, "Longitude": -118.06, "Population": 1660.0}, {"index": 6454, "quantile": 0.5, "value": 271500.0, "Latitude": 34.12, "Longitude": -118.06, "Population": 1660.0}, {"index": 6454, "quantile": 0.75, "value": 271500.0, "Latitude": 34.12, "Longitude": -118.06, "Population": 1660.0}, {"index": 6454, "quantile": 1.0, "value": 271500.0, "Latitude": 34.12, "Longitude": -118.06, "Population": 1660.0}, {"index": 6455, "quantile": 0.0, "value": 148400.0, "Latitude": 34.12, "Longitude": -118.06, "Population": 1044.0}, {"index": 6455, "quantile": 0.25, "value": 211575.00000000003, "Latitude": 34.12, "Longitude": -118.06, "Population": 1044.0}, {"index": 6455, "quantile": 0.5, "value": 234500.00000000003, "Latitude": 34.12, "Longitude": -118.06, "Population": 1044.0}, {"index": 6455, "quantile": 0.75, "value": 260400.0, "Latitude": 34.12, "Longitude": -118.06, "Population": 1044.0}, {"index": 6455, "quantile": 1.0, "value": 388900.0, "Latitude": 34.12, "Longitude": -118.06, "Population": 1044.0}, {"index": 6456, "quantile": 0.0, "value": 84600.0, "Latitude": 34.11, "Longitude": -118.05, "Population": 677.0}, {"index": 6456, "quantile": 0.25, "value": 204500.0, "Latitude": 34.11, "Longitude": -118.05, "Population": 677.0}, {"index": 6456, "quantile": 0.5, "value": 225000.0, "Latitude": 34.11, "Longitude": -118.05, "Population": 677.0}, {"index": 6456, "quantile": 0.75, "value": 264750.0, "Latitude": 34.11, "Longitude": -118.05, "Population": 677.0}, {"index": 6456, "quantile": 1.0, "value": 476700.00000000006, "Latitude": 34.11, "Longitude": -118.05, "Population": 677.0}, {"index": 6457, "quantile": 0.0, "value": 90000.0, "Latitude": 34.11, "Longitude": -118.06, "Population": 914.0}, {"index": 6457, "quantile": 0.25, "value": 232625.0, "Latitude": 34.11, "Longitude": -118.06, "Population": 914.0}, {"index": 6457, "quantile": 0.5, "value": 239500.0, "Latitude": 34.11, "Longitude": -118.06, "Population": 914.0}, {"index": 6457, "quantile": 0.75, "value": 239500.0, "Latitude": 34.11, "Longitude": -118.06, "Population": 914.0}, {"index": 6457, "quantile": 1.0, "value": 450000.0, "Latitude": 34.11, "Longitude": -118.06, "Population": 914.0}, {"index": 6458, "quantile": 0.0, "value": 67900.0, "Latitude": 34.11, "Longitude": -118.06, "Population": 1196.0}, {"index": 6458, "quantile": 0.25, "value": 248700.0, "Latitude": 34.11, "Longitude": -118.06, "Population": 1196.0}, {"index": 6458, "quantile": 0.5, "value": 248700.0, "Latitude": 34.11, "Longitude": -118.06, "Population": 1196.0}, {"index": 6458, "quantile": 0.75, "value": 248700.0, "Latitude": 34.11, "Longitude": -118.06, "Population": 1196.0}, {"index": 6458, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 34.11, "Longitude": -118.06, "Population": 1196.0}, {"index": 6459, "quantile": 0.0, "value": 143200.0, "Latitude": 34.1, "Longitude": -118.04, "Population": 1590.0}, {"index": 6459, "quantile": 0.25, "value": 182950.0, "Latitude": 34.1, "Longitude": -118.04, "Population": 1590.0}, {"index": 6459, "quantile": 0.5, "value": 311900.0, "Latitude": 34.1, "Longitude": -118.04, "Population": 1590.0}, {"index": 6459, "quantile": 0.75, "value": 493200.00000000006, "Latitude": 34.1, "Longitude": -118.04, "Population": 1590.0}, {"index": 6459, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.1, "Longitude": -118.04, "Population": 1590.0}, {"index": 6460, "quantile": 0.0, "value": 146400.0, "Latitude": 34.1, "Longitude": -118.05, "Population": 889.0}, {"index": 6460, "quantile": 0.25, "value": 253799.99999999997, "Latitude": 34.1, "Longitude": -118.05, "Population": 889.0}, {"index": 6460, "quantile": 0.5, "value": 272600.0, "Latitude": 34.1, "Longitude": -118.05, "Population": 889.0}, {"index": 6460, "quantile": 0.75, "value": 272600.0, "Latitude": 34.1, "Longitude": -118.05, "Population": 889.0}, {"index": 6460, "quantile": 1.0, "value": 295600.0, "Latitude": 34.1, "Longitude": -118.05, "Population": 889.0}, {"index": 6461, "quantile": 0.0, "value": 168900.0, "Latitude": 34.1, "Longitude": -118.06, "Population": 1599.0}, {"index": 6461, "quantile": 0.25, "value": 257100.00000000003, "Latitude": 34.1, "Longitude": -118.06, "Population": 1599.0}, {"index": 6461, "quantile": 0.5, "value": 257100.00000000003, "Latitude": 34.1, "Longitude": -118.06, "Population": 1599.0}, {"index": 6461, "quantile": 0.75, "value": 257100.00000000003, "Latitude": 34.1, "Longitude": -118.06, "Population": 1599.0}, {"index": 6461, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 34.1, "Longitude": -118.06, "Population": 1599.0}, {"index": 6462, "quantile": 0.0, "value": 108000.0, "Latitude": 34.1, "Longitude": -118.06, "Population": 697.0}, {"index": 6462, "quantile": 0.25, "value": 275525.0, "Latitude": 34.1, "Longitude": -118.06, "Population": 697.0}, {"index": 6462, "quantile": 0.5, "value": 283600.0, "Latitude": 34.1, "Longitude": -118.06, "Population": 697.0}, {"index": 6462, "quantile": 0.75, "value": 283600.0, "Latitude": 34.1, "Longitude": -118.06, "Population": 697.0}, {"index": 6462, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 34.1, "Longitude": -118.06, "Population": 697.0}, {"index": 6463, "quantile": 0.0, "value": 93300.0, "Latitude": 34.1, "Longitude": -118.06, "Population": 786.0}, {"index": 6463, "quantile": 0.25, "value": 256700.00000000003, "Latitude": 34.1, "Longitude": -118.06, "Population": 786.0}, {"index": 6463, "quantile": 0.5, "value": 256700.00000000003, "Latitude": 34.1, "Longitude": -118.06, "Population": 786.0}, {"index": 6463, "quantile": 0.75, "value": 256700.00000000003, "Latitude": 34.1, "Longitude": -118.06, "Population": 786.0}, {"index": 6463, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 34.1, "Longitude": -118.06, "Population": 786.0}, {"index": 6464, "quantile": 0.0, "value": 134400.0, "Latitude": 34.1, "Longitude": -118.06, "Population": 1308.0}, {"index": 6464, "quantile": 0.25, "value": 241950.00000000003, "Latitude": 34.1, "Longitude": -118.06, "Population": 1308.0}, {"index": 6464, "quantile": 0.5, "value": 260100.0, "Latitude": 34.1, "Longitude": -118.06, "Population": 1308.0}, {"index": 6464, "quantile": 0.75, "value": 260100.0, "Latitude": 34.1, "Longitude": -118.06, "Population": 1308.0}, {"index": 6464, "quantile": 1.0, "value": 271500.0, "Latitude": 34.1, "Longitude": -118.06, "Population": 1308.0}, {"index": 6465, "quantile": 0.0, "value": 148400.0, "Latitude": 34.1, "Longitude": -118.04, "Population": 1155.0}, {"index": 6465, "quantile": 0.25, "value": 233675.00000000003, "Latitude": 34.1, "Longitude": -118.04, "Population": 1155.0}, {"index": 6465, "quantile": 0.5, "value": 235300.00000000003, "Latitude": 34.1, "Longitude": -118.04, "Population": 1155.0}, {"index": 6465, "quantile": 0.75, "value": 235300.00000000003, "Latitude": 34.1, "Longitude": -118.04, "Population": 1155.0}, {"index": 6465, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 34.1, "Longitude": -118.04, "Population": 1155.0}, {"index": 6466, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 34.09, "Longitude": -118.04, "Population": 1542.0}, {"index": 6466, "quantile": 0.25, "value": 248900.0, "Latitude": 34.09, "Longitude": -118.04, "Population": 1542.0}, {"index": 6466, "quantile": 0.5, "value": 248900.0, "Latitude": 34.09, "Longitude": -118.04, "Population": 1542.0}, {"index": 6466, "quantile": 0.75, "value": 248900.0, "Latitude": 34.09, "Longitude": -118.04, "Population": 1542.0}, {"index": 6466, "quantile": 1.0, "value": 274300.0, "Latitude": 34.09, "Longitude": -118.04, "Population": 1542.0}, {"index": 6467, "quantile": 0.0, "value": 139700.0, "Latitude": 34.1, "Longitude": -118.05, "Population": 1107.0}, {"index": 6467, "quantile": 0.25, "value": 231400.0, "Latitude": 34.1, "Longitude": -118.05, "Population": 1107.0}, {"index": 6467, "quantile": 0.5, "value": 252199.99999999997, "Latitude": 34.1, "Longitude": -118.05, "Population": 1107.0}, {"index": 6467, "quantile": 0.75, "value": 252199.99999999997, "Latitude": 34.1, "Longitude": -118.05, "Population": 1107.0}, {"index": 6467, "quantile": 1.0, "value": 364400.0, "Latitude": 34.1, "Longitude": -118.05, "Population": 1107.0}, {"index": 6468, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.1, "Longitude": -118.05, "Population": 1313.0}, {"index": 6468, "quantile": 0.25, "value": 199775.0, "Latitude": 34.1, "Longitude": -118.05, "Population": 1313.0}, {"index": 6468, "quantile": 0.5, "value": 274300.0, "Latitude": 34.1, "Longitude": -118.05, "Population": 1313.0}, {"index": 6468, "quantile": 0.75, "value": 274300.0, "Latitude": 34.1, "Longitude": -118.05, "Population": 1313.0}, {"index": 6468, "quantile": 1.0, "value": 274300.0, "Latitude": 34.1, "Longitude": -118.05, "Population": 1313.0}, {"index": 6469, "quantile": 0.0, "value": 165500.0, "Latitude": 34.09, "Longitude": -118.06, "Population": 1096.0}, {"index": 6469, "quantile": 0.25, "value": 256500.0, "Latitude": 34.09, "Longitude": -118.06, "Population": 1096.0}, {"index": 6469, "quantile": 0.5, "value": 262500.0, "Latitude": 34.09, "Longitude": -118.06, "Population": 1096.0}, {"index": 6469, "quantile": 0.75, "value": 262500.0, "Latitude": 34.09, "Longitude": -118.06, "Population": 1096.0}, {"index": 6469, "quantile": 1.0, "value": 272600.0, "Latitude": 34.09, "Longitude": -118.06, "Population": 1096.0}, {"index": 6470, "quantile": 0.0, "value": 188700.0, "Latitude": 34.1, "Longitude": -118.06, "Population": 874.0}, {"index": 6470, "quantile": 0.25, "value": 265900.0, "Latitude": 34.1, "Longitude": -118.06, "Population": 874.0}, {"index": 6470, "quantile": 0.5, "value": 265900.0, "Latitude": 34.1, "Longitude": -118.06, "Population": 874.0}, {"index": 6470, "quantile": 0.75, "value": 265900.0, "Latitude": 34.1, "Longitude": -118.06, "Population": 874.0}, {"index": 6470, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.06, "Population": 874.0}, {"index": 6471, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.09, "Longitude": -118.06, "Population": 717.0}, {"index": 6471, "quantile": 0.25, "value": 189000.0, "Latitude": 34.09, "Longitude": -118.06, "Population": 717.0}, {"index": 6471, "quantile": 0.5, "value": 258100.0, "Latitude": 34.09, "Longitude": -118.06, "Population": 717.0}, {"index": 6471, "quantile": 0.75, "value": 258100.0, "Latitude": 34.09, "Longitude": -118.06, "Population": 717.0}, {"index": 6471, "quantile": 1.0, "value": 417600.0, "Latitude": 34.09, "Longitude": -118.06, "Population": 717.0}, {"index": 6472, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.09, "Longitude": -118.06, "Population": 1116.0}, {"index": 6472, "quantile": 0.25, "value": 177500.0, "Latitude": 34.09, "Longitude": -118.06, "Population": 1116.0}, {"index": 6472, "quantile": 0.5, "value": 209200.0, "Latitude": 34.09, "Longitude": -118.06, "Population": 1116.0}, {"index": 6472, "quantile": 0.75, "value": 237750.0, "Latitude": 34.09, "Longitude": -118.06, "Population": 1116.0}, {"index": 6472, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 34.09, "Longitude": -118.06, "Population": 1116.0}, {"index": 6473, "quantile": 0.0, "value": 94000.0, "Latitude": 34.09, "Longitude": -118.07, "Population": 1293.0}, {"index": 6473, "quantile": 0.25, "value": 159650.0, "Latitude": 34.09, "Longitude": -118.07, "Population": 1293.0}, {"index": 6473, "quantile": 0.5, "value": 175900.0, "Latitude": 34.09, "Longitude": -118.07, "Population": 1293.0}, {"index": 6473, "quantile": 0.75, "value": 195899.99999999997, "Latitude": 34.09, "Longitude": -118.07, "Population": 1293.0}, {"index": 6473, "quantile": 1.0, "value": 226600.0, "Latitude": 34.09, "Longitude": -118.07, "Population": 1293.0}, {"index": 6474, "quantile": 0.0, "value": 144500.0, "Latitude": 34.09, "Longitude": -118.07, "Population": 887.0}, {"index": 6474, "quantile": 0.25, "value": 166675.0, "Latitude": 34.09, "Longitude": -118.07, "Population": 887.0}, {"index": 6474, "quantile": 0.5, "value": 174750.0, "Latitude": 34.09, "Longitude": -118.07, "Population": 887.0}, {"index": 6474, "quantile": 0.75, "value": 189800.0, "Latitude": 34.09, "Longitude": -118.07, "Population": 887.0}, {"index": 6474, "quantile": 1.0, "value": 339100.0, "Latitude": 34.09, "Longitude": -118.07, "Population": 887.0}, {"index": 6475, "quantile": 0.0, "value": 117300.0, "Latitude": 34.09, "Longitude": -118.08, "Population": 1715.0}, {"index": 6475, "quantile": 0.25, "value": 208775.00000000003, "Latitude": 34.09, "Longitude": -118.08, "Population": 1715.0}, {"index": 6475, "quantile": 0.5, "value": 208800.0, "Latitude": 34.09, "Longitude": -118.08, "Population": 1715.0}, {"index": 6475, "quantile": 0.75, "value": 208800.0, "Latitude": 34.09, "Longitude": -118.08, "Population": 1715.0}, {"index": 6475, "quantile": 1.0, "value": 290800.0, "Latitude": 34.09, "Longitude": -118.08, "Population": 1715.0}, {"index": 6476, "quantile": 0.0, "value": 131000.0, "Latitude": 34.09, "Longitude": -118.08, "Population": 1485.0}, {"index": 6476, "quantile": 0.25, "value": 181850.0, "Latitude": 34.09, "Longitude": -118.08, "Population": 1485.0}, {"index": 6476, "quantile": 0.5, "value": 207200.0, "Latitude": 34.09, "Longitude": -118.08, "Population": 1485.0}, {"index": 6476, "quantile": 0.75, "value": 207200.0, "Latitude": 34.09, "Longitude": -118.08, "Population": 1485.0}, {"index": 6476, "quantile": 1.0, "value": 207200.0, "Latitude": 34.09, "Longitude": -118.08, "Population": 1485.0}, {"index": 6477, "quantile": 0.0, "value": 140300.0, "Latitude": 34.09, "Longitude": -118.08, "Population": 2316.0}, {"index": 6477, "quantile": 0.25, "value": 206800.0, "Latitude": 34.09, "Longitude": -118.08, "Population": 2316.0}, {"index": 6477, "quantile": 0.5, "value": 206800.0, "Latitude": 34.09, "Longitude": -118.08, "Population": 2316.0}, {"index": 6477, "quantile": 0.75, "value": 206800.0, "Latitude": 34.09, "Longitude": -118.08, "Population": 2316.0}, {"index": 6477, "quantile": 1.0, "value": 247600.0, "Latitude": 34.09, "Longitude": -118.08, "Population": 2316.0}, {"index": 6478, "quantile": 0.0, "value": 144500.0, "Latitude": 34.09, "Longitude": -118.04, "Population": 1461.0}, {"index": 6478, "quantile": 0.25, "value": 176074.99999999997, "Latitude": 34.09, "Longitude": -118.04, "Population": 1461.0}, {"index": 6478, "quantile": 0.5, "value": 183000.0, "Latitude": 34.09, "Longitude": -118.04, "Population": 1461.0}, {"index": 6478, "quantile": 0.75, "value": 183000.0, "Latitude": 34.09, "Longitude": -118.04, "Population": 1461.0}, {"index": 6478, "quantile": 1.0, "value": 207200.0, "Latitude": 34.09, "Longitude": -118.04, "Population": 1461.0}, {"index": 6479, "quantile": 0.0, "value": 144100.0, "Latitude": 34.08, "Longitude": -118.04, "Population": 975.0}, {"index": 6479, "quantile": 0.25, "value": 173300.0, "Latitude": 34.08, "Longitude": -118.04, "Population": 975.0}, {"index": 6479, "quantile": 0.5, "value": 173300.0, "Latitude": 34.08, "Longitude": -118.04, "Population": 975.0}, {"index": 6479, "quantile": 0.75, "value": 173300.0, "Latitude": 34.08, "Longitude": -118.04, "Population": 975.0}, {"index": 6479, "quantile": 1.0, "value": 211500.00000000003, "Latitude": 34.08, "Longitude": -118.04, "Population": 975.0}, {"index": 6480, "quantile": 0.0, "value": 116300.0, "Latitude": 34.09, "Longitude": -118.04, "Population": 817.0}, {"index": 6480, "quantile": 0.25, "value": 186000.0, "Latitude": 34.09, "Longitude": -118.04, "Population": 817.0}, {"index": 6480, "quantile": 0.5, "value": 186000.0, "Latitude": 34.09, "Longitude": -118.04, "Population": 817.0}, {"index": 6480, "quantile": 0.75, "value": 186000.0, "Latitude": 34.09, "Longitude": -118.04, "Population": 817.0}, {"index": 6480, "quantile": 1.0, "value": 272200.0, "Latitude": 34.09, "Longitude": -118.04, "Population": 817.0}, {"index": 6481, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 34.09, "Longitude": -118.05, "Population": 409.0}, {"index": 6481, "quantile": 0.25, "value": 156700.0, "Latitude": 34.09, "Longitude": -118.05, "Population": 409.0}, {"index": 6481, "quantile": 0.5, "value": 175100.0, "Latitude": 34.09, "Longitude": -118.05, "Population": 409.0}, {"index": 6481, "quantile": 0.75, "value": 199775.0, "Latitude": 34.09, "Longitude": -118.05, "Population": 409.0}, {"index": 6481, "quantile": 1.0, "value": 291500.0, "Latitude": 34.09, "Longitude": -118.05, "Population": 409.0}, {"index": 6482, "quantile": 0.0, "value": 153700.0, "Latitude": 34.09, "Longitude": -118.02, "Population": 1199.0}, {"index": 6482, "quantile": 0.25, "value": 169200.0, "Latitude": 34.09, "Longitude": -118.02, "Population": 1199.0}, {"index": 6482, "quantile": 0.5, "value": 184850.0, "Latitude": 34.09, "Longitude": -118.02, "Population": 1199.0}, {"index": 6482, "quantile": 0.75, "value": 208474.99999999997, "Latitude": 34.09, "Longitude": -118.02, "Population": 1199.0}, {"index": 6482, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 34.09, "Longitude": -118.02, "Population": 1199.0}, {"index": 6483, "quantile": 0.0, "value": 133000.0, "Latitude": 34.08, "Longitude": -118.02, "Population": 2449.0}, {"index": 6483, "quantile": 0.25, "value": 175200.0, "Latitude": 34.08, "Longitude": -118.02, "Population": 2449.0}, {"index": 6483, "quantile": 0.5, "value": 175200.0, "Latitude": 34.08, "Longitude": -118.02, "Population": 2449.0}, {"index": 6483, "quantile": 0.75, "value": 175200.0, "Latitude": 34.08, "Longitude": -118.02, "Population": 2449.0}, {"index": 6483, "quantile": 1.0, "value": 281700.0, "Latitude": 34.08, "Longitude": -118.02, "Population": 2449.0}, {"index": 6484, "quantile": 0.0, "value": 135500.0, "Latitude": 34.09, "Longitude": -118.02, "Population": 1976.0}, {"index": 6484, "quantile": 0.25, "value": 164450.0, "Latitude": 34.09, "Longitude": -118.02, "Population": 1976.0}, {"index": 6484, "quantile": 0.5, "value": 170000.0, "Latitude": 34.09, "Longitude": -118.02, "Population": 1976.0}, {"index": 6484, "quantile": 0.75, "value": 170000.0, "Latitude": 34.09, "Longitude": -118.02, "Population": 1976.0}, {"index": 6484, "quantile": 1.0, "value": 193800.0, "Latitude": 34.09, "Longitude": -118.02, "Population": 1976.0}, {"index": 6485, "quantile": 0.0, "value": 117400.0, "Latitude": 34.09, "Longitude": -118.03, "Population": 1152.0}, {"index": 6485, "quantile": 0.25, "value": 180625.0, "Latitude": 34.09, "Longitude": -118.03, "Population": 1152.0}, {"index": 6485, "quantile": 0.5, "value": 180900.0, "Latitude": 34.09, "Longitude": -118.03, "Population": 1152.0}, {"index": 6485, "quantile": 0.75, "value": 180900.0, "Latitude": 34.09, "Longitude": -118.03, "Population": 1152.0}, {"index": 6485, "quantile": 1.0, "value": 254500.0, "Latitude": 34.09, "Longitude": -118.03, "Population": 1152.0}, {"index": 6486, "quantile": 0.0, "value": 136100.0, "Latitude": 34.08, "Longitude": -118.03, "Population": 1732.0}, {"index": 6486, "quantile": 0.25, "value": 169600.0, "Latitude": 34.08, "Longitude": -118.03, "Population": 1732.0}, {"index": 6486, "quantile": 0.5, "value": 169600.0, "Latitude": 34.08, "Longitude": -118.03, "Population": 1732.0}, {"index": 6486, "quantile": 0.75, "value": 169600.0, "Latitude": 34.08, "Longitude": -118.03, "Population": 1732.0}, {"index": 6486, "quantile": 1.0, "value": 227100.0, "Latitude": 34.08, "Longitude": -118.03, "Population": 1732.0}, {"index": 6487, "quantile": 0.0, "value": 96100.0, "Latitude": 34.1, "Longitude": -118.0, "Population": 1544.0}, {"index": 6487, "quantile": 0.25, "value": 176300.0, "Latitude": 34.1, "Longitude": -118.0, "Population": 1544.0}, {"index": 6487, "quantile": 0.5, "value": 176300.0, "Latitude": 34.1, "Longitude": -118.0, "Population": 1544.0}, {"index": 6487, "quantile": 0.75, "value": 176300.0, "Latitude": 34.1, "Longitude": -118.0, "Population": 1544.0}, {"index": 6487, "quantile": 1.0, "value": 237200.0, "Latitude": 34.1, "Longitude": -118.0, "Population": 1544.0}, {"index": 6488, "quantile": 0.0, "value": 140200.0, "Latitude": 34.09, "Longitude": -118.01, "Population": 2331.0}, {"index": 6488, "quantile": 0.25, "value": 161600.0, "Latitude": 34.09, "Longitude": -118.01, "Population": 2331.0}, {"index": 6488, "quantile": 0.5, "value": 181400.0, "Latitude": 34.09, "Longitude": -118.01, "Population": 2331.0}, {"index": 6488, "quantile": 0.75, "value": 194025.0, "Latitude": 34.09, "Longitude": -118.01, "Population": 2331.0}, {"index": 6488, "quantile": 1.0, "value": 291500.0, "Latitude": 34.09, "Longitude": -118.01, "Population": 2331.0}, {"index": 6489, "quantile": 0.0, "value": 153000.0, "Latitude": 34.1, "Longitude": -118.01, "Population": 1713.0}, {"index": 6489, "quantile": 0.25, "value": 181400.0, "Latitude": 34.1, "Longitude": -118.01, "Population": 1713.0}, {"index": 6489, "quantile": 0.5, "value": 181400.0, "Latitude": 34.1, "Longitude": -118.01, "Population": 1713.0}, {"index": 6489, "quantile": 0.75, "value": 181400.0, "Latitude": 34.1, "Longitude": -118.01, "Population": 1713.0}, {"index": 6489, "quantile": 1.0, "value": 286600.0, "Latitude": 34.1, "Longitude": -118.01, "Population": 1713.0}, {"index": 6490, "quantile": 0.0, "value": 134700.0, "Latitude": 34.1, "Longitude": -118.01, "Population": 1375.0}, {"index": 6490, "quantile": 0.25, "value": 166300.0, "Latitude": 34.1, "Longitude": -118.01, "Population": 1375.0}, {"index": 6490, "quantile": 0.5, "value": 166300.0, "Latitude": 34.1, "Longitude": -118.01, "Population": 1375.0}, {"index": 6490, "quantile": 0.75, "value": 166300.0, "Latitude": 34.1, "Longitude": -118.01, "Population": 1375.0}, {"index": 6490, "quantile": 1.0, "value": 235500.0, "Latitude": 34.1, "Longitude": -118.01, "Population": 1375.0}, {"index": 6491, "quantile": 0.0, "value": 137500.0, "Latitude": 34.08, "Longitude": -118.0, "Population": 1520.0}, {"index": 6491, "quantile": 0.25, "value": 183675.0, "Latitude": 34.08, "Longitude": -118.0, "Population": 1520.0}, {"index": 6491, "quantile": 0.5, "value": 195300.0, "Latitude": 34.08, "Longitude": -118.0, "Population": 1520.0}, {"index": 6491, "quantile": 0.75, "value": 195300.0, "Latitude": 34.08, "Longitude": -118.0, "Population": 1520.0}, {"index": 6491, "quantile": 1.0, "value": 220100.0, "Latitude": 34.08, "Longitude": -118.0, "Population": 1520.0}, {"index": 6492, "quantile": 0.0, "value": 130500.0, "Latitude": 34.08, "Longitude": -118.01, "Population": 1969.0}, {"index": 6492, "quantile": 0.25, "value": 158025.0, "Latitude": 34.08, "Longitude": -118.01, "Population": 1969.0}, {"index": 6492, "quantile": 0.5, "value": 164100.0, "Latitude": 34.08, "Longitude": -118.01, "Population": 1969.0}, {"index": 6492, "quantile": 0.75, "value": 177275.0, "Latitude": 34.08, "Longitude": -118.01, "Population": 1969.0}, {"index": 6492, "quantile": 1.0, "value": 237200.0, "Latitude": 34.08, "Longitude": -118.01, "Population": 1969.0}, {"index": 6493, "quantile": 0.0, "value": 112100.0, "Latitude": 34.08, "Longitude": -118.02, "Population": 2452.0}, {"index": 6493, "quantile": 0.25, "value": 164250.0, "Latitude": 34.08, "Longitude": -118.02, "Population": 2452.0}, {"index": 6493, "quantile": 0.5, "value": 175900.0, "Latitude": 34.08, "Longitude": -118.02, "Population": 2452.0}, {"index": 6493, "quantile": 0.75, "value": 175900.0, "Latitude": 34.08, "Longitude": -118.02, "Population": 2452.0}, {"index": 6493, "quantile": 1.0, "value": 195100.0, "Latitude": 34.08, "Longitude": -118.02, "Population": 2452.0}, {"index": 6494, "quantile": 0.0, "value": 150500.0, "Latitude": 34.08, "Longitude": -118.01, "Population": 1414.0}, {"index": 6494, "quantile": 0.25, "value": 173600.0, "Latitude": 34.08, "Longitude": -118.01, "Population": 1414.0}, {"index": 6494, "quantile": 0.5, "value": 173600.0, "Latitude": 34.08, "Longitude": -118.01, "Population": 1414.0}, {"index": 6494, "quantile": 0.75, "value": 173600.0, "Latitude": 34.08, "Longitude": -118.01, "Population": 1414.0}, {"index": 6494, "quantile": 1.0, "value": 211400.0, "Latitude": 34.08, "Longitude": -118.01, "Population": 1414.0}, {"index": 6495, "quantile": 0.0, "value": 134400.0, "Latitude": 34.09, "Longitude": -118.01, "Population": 1283.0}, {"index": 6495, "quantile": 0.25, "value": 181700.0, "Latitude": 34.09, "Longitude": -118.01, "Population": 1283.0}, {"index": 6495, "quantile": 0.5, "value": 181700.0, "Latitude": 34.09, "Longitude": -118.01, "Population": 1283.0}, {"index": 6495, "quantile": 0.75, "value": 181700.0, "Latitude": 34.09, "Longitude": -118.01, "Population": 1283.0}, {"index": 6495, "quantile": 1.0, "value": 236500.00000000003, "Latitude": 34.09, "Longitude": -118.01, "Population": 1283.0}, {"index": 6496, "quantile": 0.0, "value": 150500.0, "Latitude": 34.08, "Longitude": -118.0, "Population": 1279.0}, {"index": 6496, "quantile": 0.25, "value": 185100.0, "Latitude": 34.08, "Longitude": -118.0, "Population": 1279.0}, {"index": 6496, "quantile": 0.5, "value": 185100.0, "Latitude": 34.08, "Longitude": -118.0, "Population": 1279.0}, {"index": 6496, "quantile": 0.75, "value": 185100.0, "Latitude": 34.08, "Longitude": -118.0, "Population": 1279.0}, {"index": 6496, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 34.08, "Longitude": -118.0, "Population": 1279.0}, {"index": 6497, "quantile": 0.0, "value": 97900.0, "Latitude": 34.08, "Longitude": -118.02, "Population": 2830.0}, {"index": 6497, "quantile": 0.25, "value": 164200.0, "Latitude": 34.08, "Longitude": -118.02, "Population": 2830.0}, {"index": 6497, "quantile": 0.5, "value": 164200.0, "Latitude": 34.08, "Longitude": -118.02, "Population": 2830.0}, {"index": 6497, "quantile": 0.75, "value": 164325.0, "Latitude": 34.08, "Longitude": -118.02, "Population": 2830.0}, {"index": 6497, "quantile": 1.0, "value": 200000.0, "Latitude": 34.08, "Longitude": -118.02, "Population": 2830.0}, {"index": 6498, "quantile": 0.0, "value": 113900.0, "Latitude": 34.08, "Longitude": -118.03, "Population": 726.0}, {"index": 6498, "quantile": 0.25, "value": 148500.0, "Latitude": 34.08, "Longitude": -118.03, "Population": 726.0}, {"index": 6498, "quantile": 0.5, "value": 155000.0, "Latitude": 34.08, "Longitude": -118.03, "Population": 726.0}, {"index": 6498, "quantile": 0.75, "value": 164650.0, "Latitude": 34.08, "Longitude": -118.03, "Population": 726.0}, {"index": 6498, "quantile": 1.0, "value": 205600.0, "Latitude": 34.08, "Longitude": -118.03, "Population": 726.0}, {"index": 6499, "quantile": 0.0, "value": 118800.0, "Latitude": 34.08, "Longitude": -118.03, "Population": 1311.0}, {"index": 6499, "quantile": 0.25, "value": 152000.0, "Latitude": 34.08, "Longitude": -118.03, "Population": 1311.0}, {"index": 6499, "quantile": 0.5, "value": 164800.0, "Latitude": 34.08, "Longitude": -118.03, "Population": 1311.0}, {"index": 6499, "quantile": 0.75, "value": 189100.0, "Latitude": 34.08, "Longitude": -118.03, "Population": 1311.0}, {"index": 6499, "quantile": 1.0, "value": 257799.99999999997, "Latitude": 34.08, "Longitude": -118.03, "Population": 1311.0}, {"index": 6500, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.07, "Longitude": -118.04, "Population": 269.0}, {"index": 6500, "quantile": 0.25, "value": 131300.0, "Latitude": 34.07, "Longitude": -118.04, "Population": 269.0}, {"index": 6500, "quantile": 0.5, "value": 131300.0, "Latitude": 34.07, "Longitude": -118.04, "Population": 269.0}, {"index": 6500, "quantile": 0.75, "value": 168775.0, "Latitude": 34.07, "Longitude": -118.04, "Population": 269.0}, {"index": 6500, "quantile": 1.0, "value": 350000.0, "Latitude": 34.07, "Longitude": -118.04, "Population": 269.0}, {"index": 6501, "quantile": 0.0, "value": 67500.0, "Latitude": 34.08, "Longitude": -118.05, "Population": 752.0}, {"index": 6501, "quantile": 0.25, "value": 137500.0, "Latitude": 34.08, "Longitude": -118.05, "Population": 752.0}, {"index": 6501, "quantile": 0.5, "value": 146400.0, "Latitude": 34.08, "Longitude": -118.05, "Population": 752.0}, {"index": 6501, "quantile": 0.75, "value": 162500.0, "Latitude": 34.08, "Longitude": -118.05, "Population": 752.0}, {"index": 6501, "quantile": 1.0, "value": 300000.0, "Latitude": 34.08, "Longitude": -118.05, "Population": 752.0}, {"index": 6502, "quantile": 0.0, "value": 139400.0, "Latitude": 34.08, "Longitude": -118.05, "Population": 4983.0}, {"index": 6502, "quantile": 0.25, "value": 156300.0, "Latitude": 34.08, "Longitude": -118.05, "Population": 4983.0}, {"index": 6502, "quantile": 0.5, "value": 169400.0, "Latitude": 34.08, "Longitude": -118.05, "Population": 4983.0}, {"index": 6502, "quantile": 0.75, "value": 185100.0, "Latitude": 34.08, "Longitude": -118.05, "Population": 4983.0}, {"index": 6502, "quantile": 1.0, "value": 217800.0, "Latitude": 34.08, "Longitude": -118.05, "Population": 4983.0}, {"index": 6503, "quantile": 0.0, "value": 125000.0, "Latitude": 34.08, "Longitude": -118.05, "Population": 1857.0}, {"index": 6503, "quantile": 0.25, "value": 151175.0, "Latitude": 34.08, "Longitude": -118.05, "Population": 1857.0}, {"index": 6503, "quantile": 0.5, "value": 162300.0, "Latitude": 34.08, "Longitude": -118.05, "Population": 1857.0}, {"index": 6503, "quantile": 0.75, "value": 170425.0, "Latitude": 34.08, "Longitude": -118.05, "Population": 1857.0}, {"index": 6503, "quantile": 1.0, "value": 312500.0, "Latitude": 34.08, "Longitude": -118.05, "Population": 1857.0}, {"index": 6504, "quantile": 0.0, "value": 97300.0, "Latitude": 34.08, "Longitude": -118.06, "Population": 850.0}, {"index": 6504, "quantile": 0.25, "value": 139200.0, "Latitude": 34.08, "Longitude": -118.06, "Population": 850.0}, {"index": 6504, "quantile": 0.5, "value": 152500.0, "Latitude": 34.08, "Longitude": -118.06, "Population": 850.0}, {"index": 6504, "quantile": 0.75, "value": 168600.0, "Latitude": 34.08, "Longitude": -118.06, "Population": 850.0}, {"index": 6504, "quantile": 1.0, "value": 188500.0, "Latitude": 34.08, "Longitude": -118.06, "Population": 850.0}, {"index": 6505, "quantile": 0.0, "value": 130500.0, "Latitude": 34.08, "Longitude": -118.06, "Population": 942.0}, {"index": 6505, "quantile": 0.25, "value": 169525.00000000003, "Latitude": 34.08, "Longitude": -118.06, "Population": 942.0}, {"index": 6505, "quantile": 0.5, "value": 189100.0, "Latitude": 34.08, "Longitude": -118.06, "Population": 942.0}, {"index": 6505, "quantile": 0.75, "value": 189100.0, "Latitude": 34.08, "Longitude": -118.06, "Population": 942.0}, {"index": 6505, "quantile": 1.0, "value": 207100.00000000003, "Latitude": 34.08, "Longitude": -118.06, "Population": 942.0}, {"index": 6506, "quantile": 0.0, "value": 141600.0, "Latitude": 34.08, "Longitude": -118.06, "Population": 1239.0}, {"index": 6506, "quantile": 0.25, "value": 201500.0, "Latitude": 34.08, "Longitude": -118.06, "Population": 1239.0}, {"index": 6506, "quantile": 0.5, "value": 201500.0, "Latitude": 34.08, "Longitude": -118.06, "Population": 1239.0}, {"index": 6506, "quantile": 0.75, "value": 201500.0, "Latitude": 34.08, "Longitude": -118.06, "Population": 1239.0}, {"index": 6506, "quantile": 1.0, "value": 268200.0, "Latitude": 34.08, "Longitude": -118.06, "Population": 1239.0}, {"index": 6507, "quantile": 0.0, "value": 141300.0, "Latitude": 34.08, "Longitude": -118.07, "Population": 1843.0}, {"index": 6507, "quantile": 0.25, "value": 186175.0, "Latitude": 34.08, "Longitude": -118.07, "Population": 1843.0}, {"index": 6507, "quantile": 0.5, "value": 211900.00000000003, "Latitude": 34.08, "Longitude": -118.07, "Population": 1843.0}, {"index": 6507, "quantile": 0.75, "value": 211900.00000000003, "Latitude": 34.08, "Longitude": -118.07, "Population": 1843.0}, {"index": 6507, "quantile": 1.0, "value": 243200.0, "Latitude": 34.08, "Longitude": -118.07, "Population": 1843.0}, {"index": 6508, "quantile": 0.0, "value": 120300.0, "Latitude": 34.07, "Longitude": -118.07, "Population": 1427.0}, {"index": 6508, "quantile": 0.25, "value": 160800.0, "Latitude": 34.07, "Longitude": -118.07, "Population": 1427.0}, {"index": 6508, "quantile": 0.5, "value": 207100.00000000003, "Latitude": 34.07, "Longitude": -118.07, "Population": 1427.0}, {"index": 6508, "quantile": 0.75, "value": 207100.00000000003, "Latitude": 34.07, "Longitude": -118.07, "Population": 1427.0}, {"index": 6508, "quantile": 1.0, "value": 250999.99999999997, "Latitude": 34.07, "Longitude": -118.07, "Population": 1427.0}, {"index": 6509, "quantile": 0.0, "value": 124100.00000000001, "Latitude": 34.08, "Longitude": -118.07, "Population": 733.0}, {"index": 6509, "quantile": 0.25, "value": 198500.0, "Latitude": 34.08, "Longitude": -118.07, "Population": 733.0}, {"index": 6509, "quantile": 0.5, "value": 214600.0, "Latitude": 34.08, "Longitude": -118.07, "Population": 733.0}, {"index": 6509, "quantile": 0.75, "value": 214600.0, "Latitude": 34.08, "Longitude": -118.07, "Population": 733.0}, {"index": 6509, "quantile": 1.0, "value": 258100.0, "Latitude": 34.08, "Longitude": -118.07, "Population": 733.0}, {"index": 6510, "quantile": 0.0, "value": 141000.0, "Latitude": 34.07, "Longitude": -118.05, "Population": 4119.0}, {"index": 6510, "quantile": 0.25, "value": 183100.0, "Latitude": 34.07, "Longitude": -118.05, "Population": 4119.0}, {"index": 6510, "quantile": 0.5, "value": 183100.0, "Latitude": 34.07, "Longitude": -118.05, "Population": 4119.0}, {"index": 6510, "quantile": 0.75, "value": 183100.0, "Latitude": 34.07, "Longitude": -118.05, "Population": 4119.0}, {"index": 6510, "quantile": 1.0, "value": 271200.0, "Latitude": 34.07, "Longitude": -118.05, "Population": 4119.0}, {"index": 6511, "quantile": 0.0, "value": 88800.0, "Latitude": 34.07, "Longitude": -118.06, "Population": 3034.0}, {"index": 6511, "quantile": 0.25, "value": 157725.0, "Latitude": 34.07, "Longitude": -118.06, "Population": 3034.0}, {"index": 6511, "quantile": 0.5, "value": 165000.0, "Latitude": 34.07, "Longitude": -118.06, "Population": 3034.0}, {"index": 6511, "quantile": 0.75, "value": 173900.0, "Latitude": 34.07, "Longitude": -118.06, "Population": 3034.0}, {"index": 6511, "quantile": 1.0, "value": 237500.0, "Latitude": 34.07, "Longitude": -118.06, "Population": 3034.0}, {"index": 6512, "quantile": 0.0, "value": 103200.0, "Latitude": 34.07, "Longitude": -118.03, "Population": 905.0}, {"index": 6512, "quantile": 0.25, "value": 152000.0, "Latitude": 34.07, "Longitude": -118.03, "Population": 905.0}, {"index": 6512, "quantile": 0.5, "value": 152000.0, "Latitude": 34.07, "Longitude": -118.03, "Population": 905.0}, {"index": 6512, "quantile": 0.75, "value": 152825.0, "Latitude": 34.07, "Longitude": -118.03, "Population": 905.0}, {"index": 6512, "quantile": 1.0, "value": 220500.0, "Latitude": 34.07, "Longitude": -118.03, "Population": 905.0}, {"index": 6513, "quantile": 0.0, "value": 98200.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 1307.0}, {"index": 6513, "quantile": 0.25, "value": 162100.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 1307.0}, {"index": 6513, "quantile": 0.5, "value": 162100.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 1307.0}, {"index": 6513, "quantile": 0.75, "value": 162100.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 1307.0}, {"index": 6513, "quantile": 1.0, "value": 224500.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 1307.0}, {"index": 6514, "quantile": 0.0, "value": 111700.0, "Latitude": 34.07, "Longitude": -118.04, "Population": 1090.0}, {"index": 6514, "quantile": 0.25, "value": 174000.0, "Latitude": 34.07, "Longitude": -118.04, "Population": 1090.0}, {"index": 6514, "quantile": 0.5, "value": 174000.0, "Latitude": 34.07, "Longitude": -118.04, "Population": 1090.0}, {"index": 6514, "quantile": 0.75, "value": 174000.0, "Latitude": 34.07, "Longitude": -118.04, "Population": 1090.0}, {"index": 6514, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 34.07, "Longitude": -118.04, "Population": 1090.0}, {"index": 6515, "quantile": 0.0, "value": 103200.0, "Latitude": 34.07, "Longitude": -118.04, "Population": 2536.0}, {"index": 6515, "quantile": 0.25, "value": 172000.0, "Latitude": 34.07, "Longitude": -118.04, "Population": 2536.0}, {"index": 6515, "quantile": 0.5, "value": 173100.0, "Latitude": 34.07, "Longitude": -118.04, "Population": 2536.0}, {"index": 6515, "quantile": 0.75, "value": 173100.0, "Latitude": 34.07, "Longitude": -118.04, "Population": 2536.0}, {"index": 6515, "quantile": 1.0, "value": 225000.0, "Latitude": 34.07, "Longitude": -118.04, "Population": 2536.0}, {"index": 6516, "quantile": 0.0, "value": 37500.0, "Latitude": 34.07, "Longitude": -118.01, "Population": 6666.0}, {"index": 6516, "quantile": 0.25, "value": 147775.0, "Latitude": 34.07, "Longitude": -118.01, "Population": 6666.0}, {"index": 6516, "quantile": 0.5, "value": 158400.0, "Latitude": 34.07, "Longitude": -118.01, "Population": 6666.0}, {"index": 6516, "quantile": 0.75, "value": 170000.0, "Latitude": 34.07, "Longitude": -118.01, "Population": 6666.0}, {"index": 6516, "quantile": 1.0, "value": 245100.0, "Latitude": 34.07, "Longitude": -118.01, "Population": 6666.0}, {"index": 6517, "quantile": 0.0, "value": 45000.0, "Latitude": 34.06, "Longitude": -118.01, "Population": 455.0}, {"index": 6517, "quantile": 0.25, "value": 155400.0, "Latitude": 34.06, "Longitude": -118.01, "Population": 455.0}, {"index": 6517, "quantile": 0.5, "value": 155400.0, "Latitude": 34.06, "Longitude": -118.01, "Population": 455.0}, {"index": 6517, "quantile": 0.75, "value": 175000.0, "Latitude": 34.06, "Longitude": -118.01, "Population": 455.0}, {"index": 6517, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.01, "Population": 455.0}, {"index": 6518, "quantile": 0.0, "value": 37500.0, "Latitude": 34.07, "Longitude": -118.01, "Population": 6626.0}, {"index": 6518, "quantile": 0.25, "value": 150200.0, "Latitude": 34.07, "Longitude": -118.01, "Population": 6626.0}, {"index": 6518, "quantile": 0.5, "value": 161900.0, "Latitude": 34.07, "Longitude": -118.01, "Population": 6626.0}, {"index": 6518, "quantile": 0.75, "value": 173825.0, "Latitude": 34.07, "Longitude": -118.01, "Population": 6626.0}, {"index": 6518, "quantile": 1.0, "value": 350000.0, "Latitude": 34.07, "Longitude": -118.01, "Population": 6626.0}, {"index": 6519, "quantile": 0.0, "value": 98500.0, "Latitude": 34.07, "Longitude": -118.02, "Population": 3528.0}, {"index": 6519, "quantile": 0.25, "value": 156300.0, "Latitude": 34.07, "Longitude": -118.02, "Population": 3528.0}, {"index": 6519, "quantile": 0.5, "value": 156300.0, "Latitude": 34.07, "Longitude": -118.02, "Population": 3528.0}, {"index": 6519, "quantile": 0.75, "value": 157800.0, "Latitude": 34.07, "Longitude": -118.02, "Population": 3528.0}, {"index": 6519, "quantile": 1.0, "value": 217800.0, "Latitude": 34.07, "Longitude": -118.02, "Population": 3528.0}, {"index": 6520, "quantile": 0.0, "value": 103600.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 1396.0}, {"index": 6520, "quantile": 0.25, "value": 155600.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 1396.0}, {"index": 6520, "quantile": 0.5, "value": 163350.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 1396.0}, {"index": 6520, "quantile": 0.75, "value": 170725.00000000003, "Latitude": 34.06, "Longitude": -118.03, "Population": 1396.0}, {"index": 6520, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 34.06, "Longitude": -118.03, "Population": 1396.0}, {"index": 6521, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 34.06, "Longitude": -118.03, "Population": 3537.0}, {"index": 6521, "quantile": 0.25, "value": 135200.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 3537.0}, {"index": 6521, "quantile": 0.5, "value": 135200.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 3537.0}, {"index": 6521, "quantile": 0.75, "value": 150400.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 3537.0}, {"index": 6521, "quantile": 1.0, "value": 350000.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 3537.0}, {"index": 6522, "quantile": 0.0, "value": 147200.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 3481.0}, {"index": 6522, "quantile": 0.25, "value": 157800.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 3481.0}, {"index": 6522, "quantile": 0.5, "value": 157800.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 3481.0}, {"index": 6522, "quantile": 0.75, "value": 161900.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 3481.0}, {"index": 6522, "quantile": 1.0, "value": 215099.99999999997, "Latitude": 34.06, "Longitude": -118.03, "Population": 3481.0}, {"index": 6523, "quantile": 0.0, "value": 109400.00000000001, "Latitude": 34.06, "Longitude": -118.04, "Population": 1300.0}, {"index": 6523, "quantile": 0.25, "value": 153400.0, "Latitude": 34.06, "Longitude": -118.04, "Population": 1300.0}, {"index": 6523, "quantile": 0.5, "value": 153400.0, "Latitude": 34.06, "Longitude": -118.04, "Population": 1300.0}, {"index": 6523, "quantile": 0.75, "value": 154250.0, "Latitude": 34.06, "Longitude": -118.04, "Population": 1300.0}, {"index": 6523, "quantile": 1.0, "value": 185600.0, "Latitude": 34.06, "Longitude": -118.04, "Population": 1300.0}, {"index": 6524, "quantile": 0.0, "value": 120100.0, "Latitude": 34.06, "Longitude": -118.04, "Population": 2481.0}, {"index": 6524, "quantile": 0.25, "value": 154200.0, "Latitude": 34.06, "Longitude": -118.04, "Population": 2481.0}, {"index": 6524, "quantile": 0.5, "value": 154200.0, "Latitude": 34.06, "Longitude": -118.04, "Population": 2481.0}, {"index": 6524, "quantile": 0.75, "value": 154200.0, "Latitude": 34.06, "Longitude": -118.04, "Population": 2481.0}, {"index": 6524, "quantile": 1.0, "value": 201300.0, "Latitude": 34.06, "Longitude": -118.04, "Population": 2481.0}, {"index": 6525, "quantile": 0.0, "value": 108500.0, "Latitude": 34.06, "Longitude": -118.04, "Population": 988.0}, {"index": 6525, "quantile": 0.25, "value": 158650.0, "Latitude": 34.06, "Longitude": -118.04, "Population": 988.0}, {"index": 6525, "quantile": 0.5, "value": 176100.0, "Latitude": 34.06, "Longitude": -118.04, "Population": 988.0}, {"index": 6525, "quantile": 0.75, "value": 176100.0, "Latitude": 34.06, "Longitude": -118.04, "Population": 988.0}, {"index": 6525, "quantile": 1.0, "value": 242700.0, "Latitude": 34.06, "Longitude": -118.04, "Population": 988.0}, {"index": 6526, "quantile": 0.0, "value": 89300.0, "Latitude": 34.06, "Longitude": -118.05, "Population": 2991.0}, {"index": 6526, "quantile": 0.25, "value": 147425.0, "Latitude": 34.06, "Longitude": -118.05, "Population": 2991.0}, {"index": 6526, "quantile": 0.5, "value": 160800.0, "Latitude": 34.06, "Longitude": -118.05, "Population": 2991.0}, {"index": 6526, "quantile": 0.75, "value": 164200.0, "Latitude": 34.06, "Longitude": -118.05, "Population": 2991.0}, {"index": 6526, "quantile": 1.0, "value": 215400.0, "Latitude": 34.06, "Longitude": -118.05, "Population": 2991.0}, {"index": 6527, "quantile": 0.0, "value": 67500.0, "Latitude": 34.06, "Longitude": -118.05, "Population": 722.0}, {"index": 6527, "quantile": 0.25, "value": 135200.0, "Latitude": 34.06, "Longitude": -118.05, "Population": 722.0}, {"index": 6527, "quantile": 0.5, "value": 148050.00000000003, "Latitude": 34.06, "Longitude": -118.05, "Population": 722.0}, {"index": 6527, "quantile": 0.75, "value": 162100.0, "Latitude": 34.06, "Longitude": -118.05, "Population": 722.0}, {"index": 6527, "quantile": 1.0, "value": 312500.0, "Latitude": 34.06, "Longitude": -118.05, "Population": 722.0}, {"index": 6528, "quantile": 0.0, "value": 76600.0, "Latitude": 34.06, "Longitude": -118.05, "Population": 1570.0}, {"index": 6528, "quantile": 0.25, "value": 142000.0, "Latitude": 34.06, "Longitude": -118.05, "Population": 1570.0}, {"index": 6528, "quantile": 0.5, "value": 142000.0, "Latitude": 34.06, "Longitude": -118.05, "Population": 1570.0}, {"index": 6528, "quantile": 0.75, "value": 142000.0, "Latitude": 34.06, "Longitude": -118.05, "Population": 1570.0}, {"index": 6528, "quantile": 1.0, "value": 250000.0, "Latitude": 34.06, "Longitude": -118.05, "Population": 1570.0}, {"index": 6529, "quantile": 0.0, "value": 145000.0, "Latitude": 34.06, "Longitude": -118.06, "Population": 3160.0}, {"index": 6529, "quantile": 0.25, "value": 173900.0, "Latitude": 34.06, "Longitude": -118.06, "Population": 3160.0}, {"index": 6529, "quantile": 0.5, "value": 173900.0, "Latitude": 34.06, "Longitude": -118.06, "Population": 3160.0}, {"index": 6529, "quantile": 0.75, "value": 173900.0, "Latitude": 34.06, "Longitude": -118.06, "Population": 3160.0}, {"index": 6529, "quantile": 1.0, "value": 187500.0, "Latitude": 34.06, "Longitude": -118.06, "Population": 3160.0}, {"index": 6530, "quantile": 0.0, "value": 91400.0, "Latitude": 34.06, "Longitude": -118.06, "Population": 2184.0}, {"index": 6530, "quantile": 0.25, "value": 165050.0, "Latitude": 34.06, "Longitude": -118.06, "Population": 2184.0}, {"index": 6530, "quantile": 0.5, "value": 165900.0, "Latitude": 34.06, "Longitude": -118.06, "Population": 2184.0}, {"index": 6530, "quantile": 0.75, "value": 165900.0, "Latitude": 34.06, "Longitude": -118.06, "Population": 2184.0}, {"index": 6530, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.06, "Population": 2184.0}, {"index": 6531, "quantile": 0.0, "value": 137500.0, "Latitude": 34.07, "Longitude": -118.07, "Population": 1062.0}, {"index": 6531, "quantile": 0.25, "value": 182450.0, "Latitude": 34.07, "Longitude": -118.07, "Population": 1062.0}, {"index": 6531, "quantile": 0.5, "value": 199300.0, "Latitude": 34.07, "Longitude": -118.07, "Population": 1062.0}, {"index": 6531, "quantile": 0.75, "value": 199300.0, "Latitude": 34.07, "Longitude": -118.07, "Population": 1062.0}, {"index": 6531, "quantile": 1.0, "value": 211900.00000000003, "Latitude": 34.07, "Longitude": -118.07, "Population": 1062.0}, {"index": 6532, "quantile": 0.0, "value": 150900.0, "Latitude": 34.07, "Longitude": -118.08, "Population": 3775.0}, {"index": 6532, "quantile": 0.25, "value": 183100.0, "Latitude": 34.07, "Longitude": -118.08, "Population": 3775.0}, {"index": 6532, "quantile": 0.5, "value": 205500.00000000003, "Latitude": 34.07, "Longitude": -118.08, "Population": 3775.0}, {"index": 6532, "quantile": 0.75, "value": 205500.00000000003, "Latitude": 34.07, "Longitude": -118.08, "Population": 3775.0}, {"index": 6532, "quantile": 1.0, "value": 205500.00000000003, "Latitude": 34.07, "Longitude": -118.08, "Population": 3775.0}, {"index": 6533, "quantile": 0.0, "value": 116100.0, "Latitude": 34.06, "Longitude": -118.07, "Population": 2758.0}, {"index": 6533, "quantile": 0.25, "value": 168600.0, "Latitude": 34.06, "Longitude": -118.07, "Population": 2758.0}, {"index": 6533, "quantile": 0.5, "value": 168600.0, "Latitude": 34.06, "Longitude": -118.07, "Population": 2758.0}, {"index": 6533, "quantile": 0.75, "value": 168600.0, "Latitude": 34.06, "Longitude": -118.07, "Population": 2758.0}, {"index": 6533, "quantile": 1.0, "value": 227100.0, "Latitude": 34.06, "Longitude": -118.07, "Population": 2758.0}, {"index": 6534, "quantile": 0.0, "value": 122900.00000000001, "Latitude": 34.05, "Longitude": -118.04, "Population": 1337.0}, {"index": 6534, "quantile": 0.25, "value": 156800.0, "Latitude": 34.05, "Longitude": -118.04, "Population": 1337.0}, {"index": 6534, "quantile": 0.5, "value": 156800.0, "Latitude": 34.05, "Longitude": -118.04, "Population": 1337.0}, {"index": 6534, "quantile": 0.75, "value": 156800.0, "Latitude": 34.05, "Longitude": -118.04, "Population": 1337.0}, {"index": 6534, "quantile": 1.0, "value": 208100.0, "Latitude": 34.05, "Longitude": -118.04, "Population": 1337.0}, {"index": 6535, "quantile": 0.0, "value": 123100.00000000001, "Latitude": 34.05, "Longitude": -118.05, "Population": 920.0}, {"index": 6535, "quantile": 0.25, "value": 162200.0, "Latitude": 34.05, "Longitude": -118.05, "Population": 920.0}, {"index": 6535, "quantile": 0.5, "value": 162200.0, "Latitude": 34.05, "Longitude": -118.05, "Population": 920.0}, {"index": 6535, "quantile": 0.75, "value": 162200.0, "Latitude": 34.05, "Longitude": -118.05, "Population": 920.0}, {"index": 6535, "quantile": 1.0, "value": 242700.0, "Latitude": 34.05, "Longitude": -118.05, "Population": 920.0}, {"index": 6536, "quantile": 0.0, "value": 139400.0, "Latitude": 34.04, "Longitude": -118.06, "Population": 1011.0}, {"index": 6536, "quantile": 0.25, "value": 160300.0, "Latitude": 34.04, "Longitude": -118.06, "Population": 1011.0}, {"index": 6536, "quantile": 0.5, "value": 160300.0, "Latitude": 34.04, "Longitude": -118.06, "Population": 1011.0}, {"index": 6536, "quantile": 0.75, "value": 169975.0, "Latitude": 34.04, "Longitude": -118.06, "Population": 1011.0}, {"index": 6536, "quantile": 1.0, "value": 254000.0, "Latitude": 34.04, "Longitude": -118.06, "Population": 1011.0}, {"index": 6537, "quantile": 0.0, "value": 123400.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 3818.0}, {"index": 6537, "quantile": 0.25, "value": 151400.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 3818.0}, {"index": 6537, "quantile": 0.5, "value": 151400.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 3818.0}, {"index": 6537, "quantile": 0.75, "value": 151400.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 3818.0}, {"index": 6537, "quantile": 1.0, "value": 237500.0, "Latitude": 34.06, "Longitude": -118.03, "Population": 3818.0}, {"index": 6538, "quantile": 0.0, "value": 124100.00000000001, "Latitude": 34.05, "Longitude": -118.04, "Population": 1043.0}, {"index": 6538, "quantile": 0.25, "value": 137500.0, "Latitude": 34.05, "Longitude": -118.04, "Population": 1043.0}, {"index": 6538, "quantile": 0.5, "value": 137500.0, "Latitude": 34.05, "Longitude": -118.04, "Population": 1043.0}, {"index": 6538, "quantile": 0.75, "value": 146475.0, "Latitude": 34.05, "Longitude": -118.04, "Population": 1043.0}, {"index": 6538, "quantile": 1.0, "value": 242700.0, "Latitude": 34.05, "Longitude": -118.04, "Population": 1043.0}, {"index": 6539, "quantile": 0.0, "value": 118100.0, "Latitude": 34.04, "Longitude": -118.04, "Population": 1527.0}, {"index": 6539, "quantile": 0.25, "value": 160525.0, "Latitude": 34.04, "Longitude": -118.04, "Population": 1527.0}, {"index": 6539, "quantile": 0.5, "value": 160600.0, "Latitude": 34.04, "Longitude": -118.04, "Population": 1527.0}, {"index": 6539, "quantile": 0.75, "value": 160600.0, "Latitude": 34.04, "Longitude": -118.04, "Population": 1527.0}, {"index": 6539, "quantile": 1.0, "value": 193800.0, "Latitude": 34.04, "Longitude": -118.04, "Population": 1527.0}, {"index": 6540, "quantile": 0.0, "value": 108500.0, "Latitude": 34.04, "Longitude": -118.04, "Population": 1492.0}, {"index": 6540, "quantile": 0.25, "value": 163775.0, "Latitude": 34.04, "Longitude": -118.04, "Population": 1492.0}, {"index": 6540, "quantile": 0.5, "value": 165100.0, "Latitude": 34.04, "Longitude": -118.04, "Population": 1492.0}, {"index": 6540, "quantile": 0.75, "value": 165100.0, "Latitude": 34.04, "Longitude": -118.04, "Population": 1492.0}, {"index": 6540, "quantile": 1.0, "value": 194100.0, "Latitude": 34.04, "Longitude": -118.04, "Population": 1492.0}, {"index": 6541, "quantile": 0.0, "value": 144100.0, "Latitude": 34.04, "Longitude": -118.05, "Population": 1098.0}, {"index": 6541, "quantile": 0.25, "value": 158100.0, "Latitude": 34.04, "Longitude": -118.05, "Population": 1098.0}, {"index": 6541, "quantile": 0.5, "value": 164000.0, "Latitude": 34.04, "Longitude": -118.05, "Population": 1098.0}, {"index": 6541, "quantile": 0.75, "value": 170925.0, "Latitude": 34.04, "Longitude": -118.05, "Population": 1098.0}, {"index": 6541, "quantile": 1.0, "value": 211500.00000000003, "Latitude": 34.04, "Longitude": -118.05, "Population": 1098.0}, {"index": 6542, "quantile": 0.0, "value": 67500.0, "Latitude": 34.03, "Longitude": -118.06, "Population": 21.0}, {"index": 6542, "quantile": 0.25, "value": 175000.0, "Latitude": 34.03, "Longitude": -118.06, "Population": 21.0}, {"index": 6542, "quantile": 0.5, "value": 175000.0, "Latitude": 34.03, "Longitude": -118.06, "Population": 21.0}, {"index": 6542, "quantile": 0.75, "value": 175000.0, "Latitude": 34.03, "Longitude": -118.06, "Population": 21.0}, {"index": 6542, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.06, "Population": 21.0}, {"index": 6543, "quantile": 0.0, "value": 95100.0, "Latitude": 34.06, "Longitude": -118.02, "Population": 3792.0}, {"index": 6543, "quantile": 0.25, "value": 166875.0, "Latitude": 34.06, "Longitude": -118.02, "Population": 3792.0}, {"index": 6543, "quantile": 0.5, "value": 173800.0, "Latitude": 34.06, "Longitude": -118.02, "Population": 3792.0}, {"index": 6543, "quantile": 0.75, "value": 173800.0, "Latitude": 34.06, "Longitude": -118.02, "Population": 3792.0}, {"index": 6543, "quantile": 1.0, "value": 350000.0, "Latitude": 34.06, "Longitude": -118.02, "Population": 3792.0}, {"index": 6544, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 34.05, "Longitude": -118.02, "Population": 2050.0}, {"index": 6544, "quantile": 0.25, "value": 156300.0, "Latitude": 34.05, "Longitude": -118.02, "Population": 2050.0}, {"index": 6544, "quantile": 0.5, "value": 156300.0, "Latitude": 34.05, "Longitude": -118.02, "Population": 2050.0}, {"index": 6544, "quantile": 0.75, "value": 156900.0, "Latitude": 34.05, "Longitude": -118.02, "Population": 2050.0}, {"index": 6544, "quantile": 1.0, "value": 187500.0, "Latitude": 34.05, "Longitude": -118.02, "Population": 2050.0}, {"index": 6545, "quantile": 0.0, "value": 114799.99999999999, "Latitude": 34.05, "Longitude": -118.03, "Population": 1557.0}, {"index": 6545, "quantile": 0.25, "value": 157500.0, "Latitude": 34.05, "Longitude": -118.03, "Population": 1557.0}, {"index": 6545, "quantile": 0.5, "value": 157500.0, "Latitude": 34.05, "Longitude": -118.03, "Population": 1557.0}, {"index": 6545, "quantile": 0.75, "value": 157500.0, "Latitude": 34.05, "Longitude": -118.03, "Population": 1557.0}, {"index": 6545, "quantile": 1.0, "value": 180600.0, "Latitude": 34.05, "Longitude": -118.03, "Population": 1557.0}, {"index": 6546, "quantile": 0.0, "value": 126000.0, "Latitude": 34.05, "Longitude": -118.03, "Population": 1511.0}, {"index": 6546, "quantile": 0.25, "value": 142300.0, "Latitude": 34.05, "Longitude": -118.03, "Population": 1511.0}, {"index": 6546, "quantile": 0.5, "value": 142300.0, "Latitude": 34.05, "Longitude": -118.03, "Population": 1511.0}, {"index": 6546, "quantile": 0.75, "value": 143625.0, "Latitude": 34.05, "Longitude": -118.03, "Population": 1511.0}, {"index": 6546, "quantile": 1.0, "value": 190600.0, "Latitude": 34.05, "Longitude": -118.03, "Population": 1511.0}, {"index": 6547, "quantile": 0.0, "value": 91500.0, "Latitude": 34.05, "Longitude": -118.01, "Population": 1717.0}, {"index": 6547, "quantile": 0.25, "value": 161700.0, "Latitude": 34.05, "Longitude": -118.01, "Population": 1717.0}, {"index": 6547, "quantile": 0.5, "value": 161700.0, "Latitude": 34.05, "Longitude": -118.01, "Population": 1717.0}, {"index": 6547, "quantile": 0.75, "value": 161700.0, "Latitude": 34.05, "Longitude": -118.01, "Population": 1717.0}, {"index": 6547, "quantile": 1.0, "value": 212500.0, "Latitude": 34.05, "Longitude": -118.01, "Population": 1717.0}, {"index": 6548, "quantile": 0.0, "value": 67300.0, "Latitude": 34.05, "Longitude": -118.02, "Population": 1145.0}, {"index": 6548, "quantile": 0.25, "value": 167000.0, "Latitude": 34.05, "Longitude": -118.02, "Population": 1145.0}, {"index": 6548, "quantile": 0.5, "value": 167000.0, "Latitude": 34.05, "Longitude": -118.02, "Population": 1145.0}, {"index": 6548, "quantile": 0.75, "value": 167000.0, "Latitude": 34.05, "Longitude": -118.02, "Population": 1145.0}, {"index": 6548, "quantile": 1.0, "value": 188500.0, "Latitude": 34.05, "Longitude": -118.02, "Population": 1145.0}, {"index": 6549, "quantile": 0.0, "value": 89100.0, "Latitude": 34.05, "Longitude": -118.02, "Population": 2932.0}, {"index": 6549, "quantile": 0.25, "value": 141675.0, "Latitude": 34.05, "Longitude": -118.02, "Population": 2932.0}, {"index": 6549, "quantile": 0.5, "value": 154450.0, "Latitude": 34.05, "Longitude": -118.02, "Population": 2932.0}, {"index": 6549, "quantile": 0.75, "value": 167000.0, "Latitude": 34.05, "Longitude": -118.02, "Population": 2932.0}, {"index": 6549, "quantile": 1.0, "value": 450000.0, "Latitude": 34.05, "Longitude": -118.02, "Population": 2932.0}, {"index": 6550, "quantile": 0.0, "value": 136100.0, "Latitude": 34.04, "Longitude": -118.02, "Population": 5041.0}, {"index": 6550, "quantile": 0.25, "value": 158100.0, "Latitude": 34.04, "Longitude": -118.02, "Population": 5041.0}, {"index": 6550, "quantile": 0.5, "value": 158100.0, "Latitude": 34.04, "Longitude": -118.02, "Population": 5041.0}, {"index": 6550, "quantile": 0.75, "value": 158100.0, "Latitude": 34.04, "Longitude": -118.02, "Population": 5041.0}, {"index": 6550, "quantile": 1.0, "value": 217800.0, "Latitude": 34.04, "Longitude": -118.02, "Population": 5041.0}, {"index": 6551, "quantile": 0.0, "value": 498600.0, "Latitude": 34.18, "Longitude": -118.09, "Population": 1139.0}, {"index": 6551, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.09, "Population": 1139.0}, {"index": 6551, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.09, "Population": 1139.0}, {"index": 6551, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.09, "Population": 1139.0}, {"index": 6551, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.09, "Population": 1139.0}, {"index": 6552, "quantile": 0.0, "value": 281900.0, "Latitude": 34.17, "Longitude": -118.07, "Population": 1525.0}, {"index": 6552, "quantile": 0.25, "value": 454800.0, "Latitude": 34.17, "Longitude": -118.07, "Population": 1525.0}, {"index": 6552, "quantile": 0.5, "value": 454800.0, "Latitude": 34.17, "Longitude": -118.07, "Population": 1525.0}, {"index": 6552, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.07, "Population": 1525.0}, {"index": 6552, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.07, "Population": 1525.0}, {"index": 6553, "quantile": 0.0, "value": 197100.0, "Latitude": 34.17, "Longitude": -118.07, "Population": 1215.0}, {"index": 6553, "quantile": 0.25, "value": 278875.0, "Latitude": 34.17, "Longitude": -118.07, "Population": 1215.0}, {"index": 6553, "quantile": 0.5, "value": 326100.0, "Latitude": 34.17, "Longitude": -118.07, "Population": 1215.0}, {"index": 6553, "quantile": 0.75, "value": 326100.0, "Latitude": 34.17, "Longitude": -118.07, "Population": 1215.0}, {"index": 6553, "quantile": 1.0, "value": 370400.0, "Latitude": 34.17, "Longitude": -118.07, "Population": 1215.0}, {"index": 6554, "quantile": 0.0, "value": 211700.0, "Latitude": 34.17, "Longitude": -118.07, "Population": 986.0}, {"index": 6554, "quantile": 0.25, "value": 269000.0, "Latitude": 34.17, "Longitude": -118.07, "Population": 986.0}, {"index": 6554, "quantile": 0.5, "value": 287200.0, "Latitude": 34.17, "Longitude": -118.07, "Population": 986.0}, {"index": 6554, "quantile": 0.75, "value": 299850.0, "Latitude": 34.17, "Longitude": -118.07, "Population": 986.0}, {"index": 6554, "quantile": 1.0, "value": 500000.0, "Latitude": 34.17, "Longitude": -118.07, "Population": 986.0}, {"index": 6555, "quantile": 0.0, "value": 263700.0, "Latitude": 34.18, "Longitude": -118.1, "Population": 880.0}, {"index": 6555, "quantile": 0.25, "value": 450000.0, "Latitude": 34.18, "Longitude": -118.1, "Population": 880.0}, {"index": 6555, "quantile": 0.5, "value": 450000.0, "Latitude": 34.18, "Longitude": -118.1, "Population": 880.0}, {"index": 6555, "quantile": 0.75, "value": 450000.0, "Latitude": 34.18, "Longitude": -118.1, "Population": 880.0}, {"index": 6555, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.1, "Population": 880.0}, {"index": 6556, "quantile": 0.0, "value": 293500.0, "Latitude": 34.19, "Longitude": -118.11, "Population": 620.0}, {"index": 6556, "quantile": 0.25, "value": 483300.0, "Latitude": 34.19, "Longitude": -118.11, "Population": 620.0}, {"index": 6556, "quantile": 0.5, "value": 483300.0, "Latitude": 34.19, "Longitude": -118.11, "Population": 620.0}, {"index": 6556, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.11, "Population": 620.0}, {"index": 6556, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.11, "Population": 620.0}, {"index": 6557, "quantile": 0.0, "value": 320300.0, "Latitude": 34.19, "Longitude": -118.12, "Population": 970.0}, {"index": 6557, "quantile": 0.25, "value": 433824.99999999994, "Latitude": 34.19, "Longitude": -118.12, "Population": 970.0}, {"index": 6557, "quantile": 0.5, "value": 484100.0, "Latitude": 34.19, "Longitude": -118.12, "Population": 970.0}, {"index": 6557, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.12, "Population": 970.0}, {"index": 6557, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.12, "Population": 970.0}, {"index": 6558, "quantile": 0.0, "value": 285000.0, "Latitude": 34.2, "Longitude": -118.11, "Population": 1897.0}, {"index": 6558, "quantile": 0.25, "value": 359400.0, "Latitude": 34.2, "Longitude": -118.11, "Population": 1897.0}, {"index": 6558, "quantile": 0.5, "value": 359400.0, "Latitude": 34.2, "Longitude": -118.11, "Population": 1897.0}, {"index": 6558, "quantile": 0.75, "value": 378000.0, "Latitude": 34.2, "Longitude": -118.11, "Population": 1897.0}, {"index": 6558, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.11, "Population": 1897.0}, {"index": 6559, "quantile": 0.0, "value": 295500.0, "Latitude": 34.2, "Longitude": -118.13, "Population": 1022.0}, {"index": 6559, "quantile": 0.25, "value": 295500.0, "Latitude": 34.2, "Longitude": -118.13, "Population": 1022.0}, {"index": 6559, "quantile": 0.5, "value": 295500.0, "Latitude": 34.2, "Longitude": -118.13, "Population": 1022.0}, {"index": 6559, "quantile": 0.75, "value": 403700.0, "Latitude": 34.2, "Longitude": -118.13, "Population": 1022.0}, {"index": 6559, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.13, "Population": 1022.0}, {"index": 6560, "quantile": 0.0, "value": 200999.99999999997, "Latitude": 34.19, "Longitude": -118.13, "Population": 930.0}, {"index": 6560, "quantile": 0.25, "value": 303900.0, "Latitude": 34.19, "Longitude": -118.13, "Population": 930.0}, {"index": 6560, "quantile": 0.5, "value": 303900.0, "Latitude": 34.19, "Longitude": -118.13, "Population": 930.0}, {"index": 6560, "quantile": 0.75, "value": 303900.0, "Latitude": 34.19, "Longitude": -118.13, "Population": 930.0}, {"index": 6560, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.13, "Population": 930.0}, {"index": 6561, "quantile": 0.0, "value": 204400.0, "Latitude": 34.21, "Longitude": -118.13, "Population": 621.0}, {"index": 6561, "quantile": 0.25, "value": 274100.0, "Latitude": 34.21, "Longitude": -118.13, "Population": 621.0}, {"index": 6561, "quantile": 0.5, "value": 274100.0, "Latitude": 34.21, "Longitude": -118.13, "Population": 621.0}, {"index": 6561, "quantile": 0.75, "value": 274100.0, "Latitude": 34.21, "Longitude": -118.13, "Population": 621.0}, {"index": 6561, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.13, "Population": 621.0}, {"index": 6562, "quantile": 0.0, "value": 125000.0, "Latitude": 34.2, "Longitude": -118.13, "Population": 529.0}, {"index": 6562, "quantile": 0.25, "value": 254199.99999999997, "Latitude": 34.2, "Longitude": -118.13, "Population": 529.0}, {"index": 6562, "quantile": 0.5, "value": 267900.0, "Latitude": 34.2, "Longitude": -118.13, "Population": 529.0}, {"index": 6562, "quantile": 0.75, "value": 311725.00000000006, "Latitude": 34.2, "Longitude": -118.13, "Population": 529.0}, {"index": 6562, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.13, "Population": 529.0}, {"index": 6563, "quantile": 0.0, "value": 158200.0, "Latitude": 34.2, "Longitude": -118.13, "Population": 573.0}, {"index": 6563, "quantile": 0.25, "value": 240200.0, "Latitude": 34.2, "Longitude": -118.13, "Population": 573.0}, {"index": 6563, "quantile": 0.5, "value": 240200.0, "Latitude": 34.2, "Longitude": -118.13, "Population": 573.0}, {"index": 6563, "quantile": 0.75, "value": 248775.0, "Latitude": 34.2, "Longitude": -118.13, "Population": 573.0}, {"index": 6563, "quantile": 1.0, "value": 479000.0, "Latitude": 34.2, "Longitude": -118.13, "Population": 573.0}, {"index": 6564, "quantile": 0.0, "value": 128600.0, "Latitude": 34.19, "Longitude": -118.13, "Population": 1015.0}, {"index": 6564, "quantile": 0.25, "value": 220325.00000000003, "Latitude": 34.19, "Longitude": -118.13, "Population": 1015.0}, {"index": 6564, "quantile": 0.5, "value": 242200.00000000003, "Latitude": 34.19, "Longitude": -118.13, "Population": 1015.0}, {"index": 6564, "quantile": 0.75, "value": 242200.00000000003, "Latitude": 34.19, "Longitude": -118.13, "Population": 1015.0}, {"index": 6564, "quantile": 1.0, "value": 361700.0, "Latitude": 34.19, "Longitude": -118.13, "Population": 1015.0}, {"index": 6565, "quantile": 0.0, "value": 90400.0, "Latitude": 34.19, "Longitude": -118.14, "Population": 1686.0}, {"index": 6565, "quantile": 0.25, "value": 200999.99999999997, "Latitude": 34.19, "Longitude": -118.14, "Population": 1686.0}, {"index": 6565, "quantile": 0.5, "value": 200999.99999999997, "Latitude": 34.19, "Longitude": -118.14, "Population": 1686.0}, {"index": 6565, "quantile": 0.75, "value": 249600.0, "Latitude": 34.19, "Longitude": -118.14, "Population": 1686.0}, {"index": 6565, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 34.19, "Longitude": -118.14, "Population": 1686.0}, {"index": 6566, "quantile": 0.0, "value": 196900.0, "Latitude": 34.2, "Longitude": -118.14, "Population": 1282.0}, {"index": 6566, "quantile": 0.25, "value": 207399.99999999997, "Latitude": 34.2, "Longitude": -118.14, "Population": 1282.0}, {"index": 6566, "quantile": 0.5, "value": 207399.99999999997, "Latitude": 34.2, "Longitude": -118.14, "Population": 1282.0}, {"index": 6566, "quantile": 0.75, "value": 292400.0, "Latitude": 34.2, "Longitude": -118.14, "Population": 1282.0}, {"index": 6566, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.2, "Longitude": -118.14, "Population": 1282.0}, {"index": 6567, "quantile": 0.0, "value": 158700.0, "Latitude": 34.2, "Longitude": -118.15, "Population": 1037.0}, {"index": 6567, "quantile": 0.25, "value": 210300.00000000003, "Latitude": 34.2, "Longitude": -118.15, "Population": 1037.0}, {"index": 6567, "quantile": 0.5, "value": 210300.00000000003, "Latitude": 34.2, "Longitude": -118.15, "Population": 1037.0}, {"index": 6567, "quantile": 0.75, "value": 210300.00000000003, "Latitude": 34.2, "Longitude": -118.15, "Population": 1037.0}, {"index": 6567, "quantile": 1.0, "value": 289900.0, "Latitude": 34.2, "Longitude": -118.15, "Population": 1037.0}, {"index": 6568, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 34.2, "Longitude": -118.15, "Population": 1018.0}, {"index": 6568, "quantile": 0.25, "value": 182100.0, "Latitude": 34.2, "Longitude": -118.15, "Population": 1018.0}, {"index": 6568, "quantile": 0.5, "value": 182100.0, "Latitude": 34.2, "Longitude": -118.15, "Population": 1018.0}, {"index": 6568, "quantile": 0.75, "value": 182100.0, "Latitude": 34.2, "Longitude": -118.15, "Population": 1018.0}, {"index": 6568, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.15, "Population": 1018.0}, {"index": 6569, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 34.2, "Longitude": -118.15, "Population": 857.0}, {"index": 6569, "quantile": 0.25, "value": 182100.0, "Latitude": 34.2, "Longitude": -118.15, "Population": 857.0}, {"index": 6569, "quantile": 0.5, "value": 197300.0, "Latitude": 34.2, "Longitude": -118.15, "Population": 857.0}, {"index": 6569, "quantile": 0.75, "value": 233550.0, "Latitude": 34.2, "Longitude": -118.15, "Population": 857.0}, {"index": 6569, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.2, "Longitude": -118.15, "Population": 857.0}, {"index": 6570, "quantile": 0.0, "value": 154800.0, "Latitude": 34.21, "Longitude": -118.15, "Population": 1422.0}, {"index": 6570, "quantile": 0.25, "value": 225900.0, "Latitude": 34.21, "Longitude": -118.15, "Population": 1422.0}, {"index": 6570, "quantile": 0.5, "value": 246400.0, "Latitude": 34.21, "Longitude": -118.15, "Population": 1422.0}, {"index": 6570, "quantile": 0.75, "value": 303050.0, "Latitude": 34.21, "Longitude": -118.15, "Population": 1422.0}, {"index": 6570, "quantile": 1.0, "value": 395100.0, "Latitude": 34.21, "Longitude": -118.15, "Population": 1422.0}, {"index": 6571, "quantile": 0.0, "value": 153800.0, "Latitude": 34.19, "Longitude": -118.15, "Population": 1126.0}, {"index": 6571, "quantile": 0.25, "value": 161600.0, "Latitude": 34.19, "Longitude": -118.15, "Population": 1126.0}, {"index": 6571, "quantile": 0.5, "value": 161600.0, "Latitude": 34.19, "Longitude": -118.15, "Population": 1126.0}, {"index": 6571, "quantile": 0.75, "value": 164975.0, "Latitude": 34.19, "Longitude": -118.15, "Population": 1126.0}, {"index": 6571, "quantile": 1.0, "value": 436400.0, "Latitude": 34.19, "Longitude": -118.15, "Population": 1126.0}, {"index": 6572, "quantile": 0.0, "value": 84600.0, "Latitude": 34.19, "Longitude": -118.15, "Population": 868.0}, {"index": 6572, "quantile": 0.25, "value": 160700.0, "Latitude": 34.19, "Longitude": -118.15, "Population": 868.0}, {"index": 6572, "quantile": 0.5, "value": 160700.0, "Latitude": 34.19, "Longitude": -118.15, "Population": 868.0}, {"index": 6572, "quantile": 0.75, "value": 176125.0, "Latitude": 34.19, "Longitude": -118.15, "Population": 868.0}, {"index": 6572, "quantile": 1.0, "value": 296800.0, "Latitude": 34.19, "Longitude": -118.15, "Population": 868.0}, {"index": 6573, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 34.19, "Longitude": -118.16, "Population": 1218.0}, {"index": 6573, "quantile": 0.25, "value": 177900.0, "Latitude": 34.19, "Longitude": -118.16, "Population": 1218.0}, {"index": 6573, "quantile": 0.5, "value": 177900.0, "Latitude": 34.19, "Longitude": -118.16, "Population": 1218.0}, {"index": 6573, "quantile": 0.75, "value": 177900.0, "Latitude": 34.19, "Longitude": -118.16, "Population": 1218.0}, {"index": 6573, "quantile": 1.0, "value": 274300.0, "Latitude": 34.19, "Longitude": -118.16, "Population": 1218.0}, {"index": 6574, "quantile": 0.0, "value": 90400.0, "Latitude": 34.2, "Longitude": -118.16, "Population": 988.0}, {"index": 6574, "quantile": 0.25, "value": 176000.0, "Latitude": 34.2, "Longitude": -118.16, "Population": 988.0}, {"index": 6574, "quantile": 0.5, "value": 176000.0, "Latitude": 34.2, "Longitude": -118.16, "Population": 988.0}, {"index": 6574, "quantile": 0.75, "value": 176000.0, "Latitude": 34.2, "Longitude": -118.16, "Population": 988.0}, {"index": 6574, "quantile": 1.0, "value": 276000.0, "Latitude": 34.2, "Longitude": -118.16, "Population": 988.0}, {"index": 6575, "quantile": 0.0, "value": 156000.0, "Latitude": 34.22, "Longitude": -118.18, "Population": 853.0}, {"index": 6575, "quantile": 0.25, "value": 241699.99999999997, "Latitude": 34.22, "Longitude": -118.18, "Population": 853.0}, {"index": 6575, "quantile": 0.5, "value": 241699.99999999997, "Latitude": 34.22, "Longitude": -118.18, "Population": 853.0}, {"index": 6575, "quantile": 0.75, "value": 254599.99999999997, "Latitude": 34.22, "Longitude": -118.18, "Population": 853.0}, {"index": 6575, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.18, "Population": 853.0}, {"index": 6576, "quantile": 0.0, "value": 431799.99999999994, "Latitude": 34.22, "Longitude": -118.19, "Population": 4353.0}, {"index": 6576, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.19, "Population": 4353.0}, {"index": 6576, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.19, "Population": 4353.0}, {"index": 6576, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.19, "Population": 4353.0}, {"index": 6576, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.19, "Population": 4353.0}, {"index": 6577, "quantile": 0.0, "value": 415900.0, "Latitude": 34.22, "Longitude": -118.21, "Population": 941.0}, {"index": 6577, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.21, "Population": 941.0}, {"index": 6577, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.21, "Population": 941.0}, {"index": 6577, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.21, "Population": 941.0}, {"index": 6577, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.21, "Population": 941.0}, {"index": 6578, "quantile": 0.0, "value": 331800.0, "Latitude": 34.2, "Longitude": -118.18, "Population": 668.0}, {"index": 6578, "quantile": 0.25, "value": 415900.0, "Latitude": 34.2, "Longitude": -118.18, "Population": 668.0}, {"index": 6578, "quantile": 0.5, "value": 415900.0, "Latitude": 34.2, "Longitude": -118.18, "Population": 668.0}, {"index": 6578, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.18, "Population": 668.0}, {"index": 6578, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.18, "Population": 668.0}, {"index": 6579, "quantile": 0.0, "value": 263700.0, "Latitude": 34.2, "Longitude": -118.19, "Population": 859.0}, {"index": 6579, "quantile": 0.25, "value": 466950.0, "Latitude": 34.2, "Longitude": -118.19, "Population": 859.0}, {"index": 6579, "quantile": 0.5, "value": 483700.0, "Latitude": 34.2, "Longitude": -118.19, "Population": 859.0}, {"index": 6579, "quantile": 0.75, "value": 483700.0, "Latitude": 34.2, "Longitude": -118.19, "Population": 859.0}, {"index": 6579, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.19, "Population": 859.0}, {"index": 6580, "quantile": 0.0, "value": 241699.99999999997, "Latitude": 34.21, "Longitude": -118.19, "Population": 680.0}, {"index": 6580, "quantile": 0.25, "value": 430475.00000000006, "Latitude": 34.21, "Longitude": -118.19, "Population": 680.0}, {"index": 6580, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.19, "Population": 680.0}, {"index": 6580, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.19, "Population": 680.0}, {"index": 6580, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.19, "Population": 680.0}, {"index": 6581, "quantile": 0.0, "value": 263700.0, "Latitude": 34.21, "Longitude": -118.2, "Population": 609.0}, {"index": 6581, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.2, "Population": 609.0}, {"index": 6581, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.2, "Population": 609.0}, {"index": 6581, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.2, "Population": 609.0}, {"index": 6581, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.2, "Population": 609.0}, {"index": 6582, "quantile": 0.0, "value": 255900.00000000003, "Latitude": 34.21, "Longitude": -118.2, "Population": 665.0}, {"index": 6582, "quantile": 0.25, "value": 365100.0, "Latitude": 34.21, "Longitude": -118.2, "Population": 665.0}, {"index": 6582, "quantile": 0.5, "value": 433000.0, "Latitude": 34.21, "Longitude": -118.2, "Population": 665.0}, {"index": 6582, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.2, "Population": 665.0}, {"index": 6582, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.2, "Population": 665.0}, {"index": 6583, "quantile": 0.0, "value": 175600.0, "Latitude": 34.21, "Longitude": -118.21, "Population": 757.0}, {"index": 6583, "quantile": 0.25, "value": 343025.0, "Latitude": 34.21, "Longitude": -118.21, "Population": 757.0}, {"index": 6583, "quantile": 0.5, "value": 450800.0, "Latitude": 34.21, "Longitude": -118.21, "Population": 757.0}, {"index": 6583, "quantile": 0.75, "value": 450800.0, "Latitude": 34.21, "Longitude": -118.21, "Population": 757.0}, {"index": 6583, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.21, "Longitude": -118.21, "Population": 757.0}, {"index": 6584, "quantile": 0.0, "value": 382200.0, "Latitude": 34.23, "Longitude": -118.22, "Population": 1268.0}, {"index": 6584, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -118.22, "Population": 1268.0}, {"index": 6584, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -118.22, "Population": 1268.0}, {"index": 6584, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -118.22, "Population": 1268.0}, {"index": 6584, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -118.22, "Population": 1268.0}, {"index": 6585, "quantile": 0.0, "value": 342300.0, "Latitude": 34.22, "Longitude": -118.21, "Population": 1240.0}, {"index": 6585, "quantile": 0.25, "value": 454550.00000000006, "Latitude": 34.22, "Longitude": -118.21, "Population": 1240.0}, {"index": 6585, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.21, "Population": 1240.0}, {"index": 6585, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.21, "Population": 1240.0}, {"index": 6585, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.21, "Population": 1240.0}, {"index": 6586, "quantile": 0.0, "value": 263700.0, "Latitude": 34.22, "Longitude": -118.22, "Population": 1094.0}, {"index": 6586, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.22, "Population": 1094.0}, {"index": 6586, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.22, "Population": 1094.0}, {"index": 6586, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.22, "Population": 1094.0}, {"index": 6586, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.22, "Population": 1094.0}, {"index": 6587, "quantile": 0.0, "value": 183800.0, "Latitude": 34.22, "Longitude": -118.23, "Population": 618.0}, {"index": 6587, "quantile": 0.25, "value": 352850.0, "Latitude": 34.22, "Longitude": -118.23, "Population": 618.0}, {"index": 6587, "quantile": 0.5, "value": 431799.99999999994, "Latitude": 34.22, "Longitude": -118.23, "Population": 618.0}, {"index": 6587, "quantile": 0.75, "value": 431799.99999999994, "Latitude": 34.22, "Longitude": -118.23, "Population": 618.0}, {"index": 6587, "quantile": 1.0, "value": 457400.0, "Latitude": 34.22, "Longitude": -118.23, "Population": 618.0}, {"index": 6588, "quantile": 0.0, "value": 215600.0, "Latitude": 34.2, "Longitude": -118.21, "Population": 1409.0}, {"index": 6588, "quantile": 0.25, "value": 365000.0, "Latitude": 34.2, "Longitude": -118.21, "Population": 1409.0}, {"index": 6588, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.21, "Population": 1409.0}, {"index": 6588, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.21, "Population": 1409.0}, {"index": 6588, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.21, "Population": 1409.0}, {"index": 6589, "quantile": 0.0, "value": 263700.0, "Latitude": 34.2, "Longitude": -118.2, "Population": 1219.0}, {"index": 6589, "quantile": 0.25, "value": 373500.00000000006, "Latitude": 34.2, "Longitude": -118.2, "Population": 1219.0}, {"index": 6589, "quantile": 0.5, "value": 437300.0, "Latitude": 34.2, "Longitude": -118.2, "Population": 1219.0}, {"index": 6589, "quantile": 0.75, "value": 483700.0, "Latitude": 34.2, "Longitude": -118.2, "Population": 1219.0}, {"index": 6589, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.2, "Population": 1219.0}, {"index": 6590, "quantile": 0.0, "value": 416700.0, "Latitude": 34.19, "Longitude": -118.18, "Population": 528.0}, {"index": 6590, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.18, "Population": 528.0}, {"index": 6590, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.18, "Population": 528.0}, {"index": 6590, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.18, "Population": 528.0}, {"index": 6590, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.18, "Population": 528.0}, {"index": 6591, "quantile": 0.0, "value": 483300.0, "Latitude": 34.19, "Longitude": -118.19, "Population": 825.0}, {"index": 6591, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.19, "Population": 825.0}, {"index": 6591, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.19, "Population": 825.0}, {"index": 6591, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.19, "Population": 825.0}, {"index": 6591, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.19, "Population": 825.0}, {"index": 6592, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.2, "Population": 798.0}, {"index": 6592, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.2, "Population": 798.0}, {"index": 6592, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.2, "Population": 798.0}, {"index": 6592, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.2, "Population": 798.0}, {"index": 6592, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.2, "Population": 798.0}, {"index": 6593, "quantile": 0.0, "value": 360600.0, "Latitude": 34.17, "Longitude": -118.18, "Population": 1467.0}, {"index": 6593, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.18, "Population": 1467.0}, {"index": 6593, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.18, "Population": 1467.0}, {"index": 6593, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.18, "Population": 1467.0}, {"index": 6593, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.18, "Population": 1467.0}, {"index": 6594, "quantile": 0.0, "value": 431799.99999999994, "Latitude": 34.16, "Longitude": -118.18, "Population": 1699.0}, {"index": 6594, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.18, "Population": 1699.0}, {"index": 6594, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.18, "Population": 1699.0}, {"index": 6594, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.18, "Population": 1699.0}, {"index": 6594, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.18, "Population": 1699.0}, {"index": 6595, "quantile": 0.0, "value": 63500.0, "Latitude": 34.18, "Longitude": -118.15, "Population": 1985.0}, {"index": 6595, "quantile": 0.25, "value": 142100.0, "Latitude": 34.18, "Longitude": -118.15, "Population": 1985.0}, {"index": 6595, "quantile": 0.5, "value": 142100.0, "Latitude": 34.18, "Longitude": -118.15, "Population": 1985.0}, {"index": 6595, "quantile": 0.75, "value": 142100.0, "Latitude": 34.18, "Longitude": -118.15, "Population": 1985.0}, {"index": 6595, "quantile": 1.0, "value": 171400.0, "Latitude": 34.18, "Longitude": -118.15, "Population": 1985.0}, {"index": 6596, "quantile": 0.0, "value": 91100.0, "Latitude": 34.17, "Longitude": -118.15, "Population": 1740.0}, {"index": 6596, "quantile": 0.25, "value": 127499.99999999999, "Latitude": 34.17, "Longitude": -118.15, "Population": 1740.0}, {"index": 6596, "quantile": 0.5, "value": 127499.99999999999, "Latitude": 34.17, "Longitude": -118.15, "Population": 1740.0}, {"index": 6596, "quantile": 0.75, "value": 135650.0, "Latitude": 34.17, "Longitude": -118.15, "Population": 1740.0}, {"index": 6596, "quantile": 1.0, "value": 225999.99999999997, "Latitude": 34.17, "Longitude": -118.15, "Population": 1740.0}, {"index": 6597, "quantile": 0.0, "value": 91100.0, "Latitude": 34.18, "Longitude": -118.16, "Population": 1345.0}, {"index": 6597, "quantile": 0.25, "value": 136100.0, "Latitude": 34.18, "Longitude": -118.16, "Population": 1345.0}, {"index": 6597, "quantile": 0.5, "value": 136100.0, "Latitude": 34.18, "Longitude": -118.16, "Population": 1345.0}, {"index": 6597, "quantile": 0.75, "value": 136250.0, "Latitude": 34.18, "Longitude": -118.16, "Population": 1345.0}, {"index": 6597, "quantile": 1.0, "value": 226600.0, "Latitude": 34.18, "Longitude": -118.16, "Population": 1345.0}, {"index": 6598, "quantile": 0.0, "value": 107500.0, "Latitude": 34.18, "Longitude": -118.16, "Population": 559.0}, {"index": 6598, "quantile": 0.25, "value": 135700.0, "Latitude": 34.18, "Longitude": -118.16, "Population": 559.0}, {"index": 6598, "quantile": 0.5, "value": 135700.0, "Latitude": 34.18, "Longitude": -118.16, "Population": 559.0}, {"index": 6598, "quantile": 0.75, "value": 135700.0, "Latitude": 34.18, "Longitude": -118.16, "Population": 559.0}, {"index": 6598, "quantile": 1.0, "value": 242200.00000000003, "Latitude": 34.18, "Longitude": -118.16, "Population": 559.0}, {"index": 6599, "quantile": 0.0, "value": 70100.0, "Latitude": 34.17, "Longitude": -118.16, "Population": 703.0}, {"index": 6599, "quantile": 0.25, "value": 163800.0, "Latitude": 34.17, "Longitude": -118.16, "Population": 703.0}, {"index": 6599, "quantile": 0.5, "value": 163800.0, "Latitude": 34.17, "Longitude": -118.16, "Population": 703.0}, {"index": 6599, "quantile": 0.75, "value": 163800.0, "Latitude": 34.17, "Longitude": -118.16, "Population": 703.0}, {"index": 6599, "quantile": 1.0, "value": 280000.0, "Latitude": 34.17, "Longitude": -118.16, "Population": 703.0}, {"index": 6600, "quantile": 0.0, "value": 71300.0, "Latitude": 34.18, "Longitude": -118.17, "Population": 607.0}, {"index": 6600, "quantile": 0.25, "value": 218800.00000000003, "Latitude": 34.18, "Longitude": -118.17, "Population": 607.0}, {"index": 6600, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 34.18, "Longitude": -118.17, "Population": 607.0}, {"index": 6600, "quantile": 0.75, "value": 218800.00000000003, "Latitude": 34.18, "Longitude": -118.17, "Population": 607.0}, {"index": 6600, "quantile": 1.0, "value": 262900.0, "Latitude": 34.18, "Longitude": -118.17, "Population": 607.0}, {"index": 6601, "quantile": 0.0, "value": 118800.0, "Latitude": 34.18, "Longitude": -118.15, "Population": 1118.0}, {"index": 6601, "quantile": 0.25, "value": 154900.0, "Latitude": 34.18, "Longitude": -118.15, "Population": 1118.0}, {"index": 6601, "quantile": 0.5, "value": 154900.0, "Latitude": 34.18, "Longitude": -118.15, "Population": 1118.0}, {"index": 6601, "quantile": 0.75, "value": 159650.0, "Latitude": 34.18, "Longitude": -118.15, "Population": 1118.0}, {"index": 6601, "quantile": 1.0, "value": 230600.0, "Latitude": 34.18, "Longitude": -118.15, "Population": 1118.0}, {"index": 6602, "quantile": 0.0, "value": 94500.0, "Latitude": 34.19, "Longitude": -118.16, "Population": 1641.0}, {"index": 6602, "quantile": 0.25, "value": 138500.0, "Latitude": 34.19, "Longitude": -118.16, "Population": 1641.0}, {"index": 6602, "quantile": 0.5, "value": 142200.00000000003, "Latitude": 34.19, "Longitude": -118.16, "Population": 1641.0}, {"index": 6602, "quantile": 0.75, "value": 152900.0, "Latitude": 34.19, "Longitude": -118.16, "Population": 1641.0}, {"index": 6602, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 34.19, "Longitude": -118.16, "Population": 1641.0}, {"index": 6603, "quantile": 0.0, "value": 127600.0, "Latitude": 34.19, "Longitude": -118.16, "Population": 1377.0}, {"index": 6603, "quantile": 0.25, "value": 153500.0, "Latitude": 34.19, "Longitude": -118.16, "Population": 1377.0}, {"index": 6603, "quantile": 0.5, "value": 153500.0, "Latitude": 34.19, "Longitude": -118.16, "Population": 1377.0}, {"index": 6603, "quantile": 0.75, "value": 173900.0, "Latitude": 34.19, "Longitude": -118.16, "Population": 1377.0}, {"index": 6603, "quantile": 1.0, "value": 247700.0, "Latitude": 34.19, "Longitude": -118.16, "Population": 1377.0}, {"index": 6604, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 34.18, "Longitude": -118.17, "Population": 828.0}, {"index": 6604, "quantile": 0.25, "value": 166700.0, "Latitude": 34.18, "Longitude": -118.17, "Population": 828.0}, {"index": 6604, "quantile": 0.5, "value": 166700.0, "Latitude": 34.18, "Longitude": -118.17, "Population": 828.0}, {"index": 6604, "quantile": 0.75, "value": 175425.0, "Latitude": 34.18, "Longitude": -118.17, "Population": 828.0}, {"index": 6604, "quantile": 1.0, "value": 252100.0, "Latitude": 34.18, "Longitude": -118.17, "Population": 828.0}, {"index": 6605, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 34.19, "Longitude": -118.17, "Population": 1035.0}, {"index": 6605, "quantile": 0.25, "value": 175225.0, "Latitude": 34.19, "Longitude": -118.17, "Population": 1035.0}, {"index": 6605, "quantile": 0.5, "value": 182399.99999999997, "Latitude": 34.19, "Longitude": -118.17, "Population": 1035.0}, {"index": 6605, "quantile": 0.75, "value": 205400.00000000003, "Latitude": 34.19, "Longitude": -118.17, "Population": 1035.0}, {"index": 6605, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.17, "Population": 1035.0}, {"index": 6606, "quantile": 0.0, "value": 90400.0, "Latitude": 34.19, "Longitude": -118.13, "Population": 1012.0}, {"index": 6606, "quantile": 0.25, "value": 213075.0, "Latitude": 34.19, "Longitude": -118.13, "Population": 1012.0}, {"index": 6606, "quantile": 0.5, "value": 240700.0, "Latitude": 34.19, "Longitude": -118.13, "Population": 1012.0}, {"index": 6606, "quantile": 0.75, "value": 282700.0, "Latitude": 34.19, "Longitude": -118.13, "Population": 1012.0}, {"index": 6606, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.13, "Population": 1012.0}, {"index": 6607, "quantile": 0.0, "value": 112500.0, "Latitude": 34.18, "Longitude": -118.14, "Population": 1700.0}, {"index": 6607, "quantile": 0.25, "value": 160700.0, "Latitude": 34.18, "Longitude": -118.14, "Population": 1700.0}, {"index": 6607, "quantile": 0.5, "value": 175500.0, "Latitude": 34.18, "Longitude": -118.14, "Population": 1700.0}, {"index": 6607, "quantile": 0.75, "value": 234750.0, "Latitude": 34.18, "Longitude": -118.14, "Population": 1700.0}, {"index": 6607, "quantile": 1.0, "value": 315400.0, "Latitude": 34.18, "Longitude": -118.14, "Population": 1700.0}, {"index": 6608, "quantile": 0.0, "value": 70100.0, "Latitude": 34.19, "Longitude": -118.14, "Population": 737.0}, {"index": 6608, "quantile": 0.25, "value": 237000.0, "Latitude": 34.19, "Longitude": -118.14, "Population": 737.0}, {"index": 6608, "quantile": 0.5, "value": 237000.0, "Latitude": 34.19, "Longitude": -118.14, "Population": 737.0}, {"index": 6608, "quantile": 0.75, "value": 237000.0, "Latitude": 34.19, "Longitude": -118.14, "Population": 737.0}, {"index": 6608, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 34.19, "Longitude": -118.14, "Population": 737.0}, {"index": 6609, "quantile": 0.0, "value": 94500.0, "Latitude": 34.19, "Longitude": -118.15, "Population": 1398.0}, {"index": 6609, "quantile": 0.25, "value": 156300.0, "Latitude": 34.19, "Longitude": -118.15, "Population": 1398.0}, {"index": 6609, "quantile": 0.5, "value": 170700.0, "Latitude": 34.19, "Longitude": -118.15, "Population": 1398.0}, {"index": 6609, "quantile": 0.75, "value": 197200.0, "Latitude": 34.19, "Longitude": -118.15, "Population": 1398.0}, {"index": 6609, "quantile": 1.0, "value": 263500.0, "Latitude": 34.19, "Longitude": -118.15, "Population": 1398.0}, {"index": 6610, "quantile": 0.0, "value": 207399.99999999997, "Latitude": 34.18, "Longitude": -118.1, "Population": 902.0}, {"index": 6610, "quantile": 0.25, "value": 300550.0, "Latitude": 34.18, "Longitude": -118.1, "Population": 902.0}, {"index": 6610, "quantile": 0.5, "value": 300900.0, "Latitude": 34.18, "Longitude": -118.1, "Population": 902.0}, {"index": 6610, "quantile": 0.75, "value": 300900.0, "Latitude": 34.18, "Longitude": -118.1, "Population": 902.0}, {"index": 6610, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.1, "Population": 902.0}, {"index": 6611, "quantile": 0.0, "value": 225999.99999999997, "Latitude": 34.18, "Longitude": -118.11, "Population": 1434.0}, {"index": 6611, "quantile": 0.25, "value": 358600.00000000006, "Latitude": 34.18, "Longitude": -118.11, "Population": 1434.0}, {"index": 6611, "quantile": 0.5, "value": 471000.0, "Latitude": 34.18, "Longitude": -118.11, "Population": 1434.0}, {"index": 6611, "quantile": 0.75, "value": 490400.0, "Latitude": 34.18, "Longitude": -118.11, "Population": 1434.0}, {"index": 6611, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.11, "Population": 1434.0}, {"index": 6612, "quantile": 0.0, "value": 257900.00000000003, "Latitude": 34.18, "Longitude": -118.12, "Population": 891.0}, {"index": 6612, "quantile": 0.25, "value": 329550.0, "Latitude": 34.18, "Longitude": -118.12, "Population": 891.0}, {"index": 6612, "quantile": 0.5, "value": 373600.0, "Latitude": 34.18, "Longitude": -118.12, "Population": 891.0}, {"index": 6612, "quantile": 0.75, "value": 452299.99999999994, "Latitude": 34.18, "Longitude": -118.12, "Population": 891.0}, {"index": 6612, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.12, "Population": 891.0}, {"index": 6613, "quantile": 0.0, "value": 258300.00000000003, "Latitude": 34.18, "Longitude": -118.13, "Population": 1309.0}, {"index": 6613, "quantile": 0.25, "value": 310900.0, "Latitude": 34.18, "Longitude": -118.13, "Population": 1309.0}, {"index": 6613, "quantile": 0.5, "value": 310900.0, "Latitude": 34.18, "Longitude": -118.13, "Population": 1309.0}, {"index": 6613, "quantile": 0.75, "value": 351400.0, "Latitude": 34.18, "Longitude": -118.13, "Population": 1309.0}, {"index": 6613, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.13, "Population": 1309.0}, {"index": 6614, "quantile": 0.0, "value": 209400.0, "Latitude": 34.17, "Longitude": -118.1, "Population": 753.0}, {"index": 6614, "quantile": 0.25, "value": 279600.0, "Latitude": 34.17, "Longitude": -118.1, "Population": 753.0}, {"index": 6614, "quantile": 0.5, "value": 279600.0, "Latitude": 34.17, "Longitude": -118.1, "Population": 753.0}, {"index": 6614, "quantile": 0.75, "value": 297200.0, "Latitude": 34.17, "Longitude": -118.1, "Population": 753.0}, {"index": 6614, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.1, "Population": 753.0}, {"index": 6615, "quantile": 0.0, "value": 124700.00000000001, "Latitude": 34.17, "Longitude": -118.1, "Population": 421.0}, {"index": 6615, "quantile": 0.25, "value": 268100.0, "Latitude": 34.17, "Longitude": -118.1, "Population": 421.0}, {"index": 6615, "quantile": 0.5, "value": 268100.0, "Latitude": 34.17, "Longitude": -118.1, "Population": 421.0}, {"index": 6615, "quantile": 0.75, "value": 268100.0, "Latitude": 34.17, "Longitude": -118.1, "Population": 421.0}, {"index": 6615, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.1, "Population": 421.0}, {"index": 6616, "quantile": 0.0, "value": 187500.0, "Latitude": 34.17, "Longitude": -118.11, "Population": 1484.0}, {"index": 6616, "quantile": 0.25, "value": 261600.0, "Latitude": 34.17, "Longitude": -118.11, "Population": 1484.0}, {"index": 6616, "quantile": 0.5, "value": 261600.0, "Latitude": 34.17, "Longitude": -118.11, "Population": 1484.0}, {"index": 6616, "quantile": 0.75, "value": 261600.0, "Latitude": 34.17, "Longitude": -118.11, "Population": 1484.0}, {"index": 6616, "quantile": 1.0, "value": 476300.0, "Latitude": 34.17, "Longitude": -118.11, "Population": 1484.0}, {"index": 6617, "quantile": 0.0, "value": 59600.0, "Latitude": 34.17, "Longitude": -118.11, "Population": 1453.0}, {"index": 6617, "quantile": 0.25, "value": 234600.0, "Latitude": 34.17, "Longitude": -118.11, "Population": 1453.0}, {"index": 6617, "quantile": 0.5, "value": 234600.0, "Latitude": 34.17, "Longitude": -118.11, "Population": 1453.0}, {"index": 6617, "quantile": 0.75, "value": 234600.0, "Latitude": 34.17, "Longitude": -118.11, "Population": 1453.0}, {"index": 6617, "quantile": 1.0, "value": 276100.0, "Latitude": 34.17, "Longitude": -118.11, "Population": 1453.0}, {"index": 6618, "quantile": 0.0, "value": 140200.0, "Latitude": 34.18, "Longitude": -118.12, "Population": 1537.0}, {"index": 6618, "quantile": 0.25, "value": 225250.0, "Latitude": 34.18, "Longitude": -118.12, "Population": 1537.0}, {"index": 6618, "quantile": 0.5, "value": 230600.0, "Latitude": 34.18, "Longitude": -118.12, "Population": 1537.0}, {"index": 6618, "quantile": 0.75, "value": 230600.0, "Latitude": 34.18, "Longitude": -118.12, "Population": 1537.0}, {"index": 6618, "quantile": 1.0, "value": 286500.0, "Latitude": 34.18, "Longitude": -118.12, "Population": 1537.0}, {"index": 6619, "quantile": 0.0, "value": 169300.0, "Latitude": 34.18, "Longitude": -118.13, "Population": 603.0}, {"index": 6619, "quantile": 0.25, "value": 310900.0, "Latitude": 34.18, "Longitude": -118.13, "Population": 603.0}, {"index": 6619, "quantile": 0.5, "value": 368550.0, "Latitude": 34.18, "Longitude": -118.13, "Population": 603.0}, {"index": 6619, "quantile": 0.75, "value": 446450.0, "Latitude": 34.18, "Longitude": -118.13, "Population": 603.0}, {"index": 6619, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.13, "Population": 603.0}, {"index": 6620, "quantile": 0.0, "value": 94500.0, "Latitude": 34.17, "Longitude": -118.12, "Population": 1551.0}, {"index": 6620, "quantile": 0.25, "value": 183375.0, "Latitude": 34.17, "Longitude": -118.12, "Population": 1551.0}, {"index": 6620, "quantile": 0.5, "value": 225000.0, "Latitude": 34.17, "Longitude": -118.12, "Population": 1551.0}, {"index": 6620, "quantile": 0.75, "value": 225000.0, "Latitude": 34.17, "Longitude": -118.12, "Population": 1551.0}, {"index": 6620, "quantile": 1.0, "value": 225000.0, "Latitude": 34.17, "Longitude": -118.12, "Population": 1551.0}, {"index": 6621, "quantile": 0.0, "value": 70100.0, "Latitude": 34.17, "Longitude": -118.12, "Population": 777.0}, {"index": 6621, "quantile": 0.25, "value": 261150.00000000003, "Latitude": 34.17, "Longitude": -118.12, "Population": 777.0}, {"index": 6621, "quantile": 0.5, "value": 315400.0, "Latitude": 34.17, "Longitude": -118.12, "Population": 777.0}, {"index": 6621, "quantile": 0.75, "value": 315400.0, "Latitude": 34.17, "Longitude": -118.12, "Population": 777.0}, {"index": 6621, "quantile": 1.0, "value": 440900.0, "Latitude": 34.17, "Longitude": -118.12, "Population": 777.0}, {"index": 6622, "quantile": 0.0, "value": 105100.0, "Latitude": 34.17, "Longitude": -118.13, "Population": 966.0}, {"index": 6622, "quantile": 0.25, "value": 239900.0, "Latitude": 34.17, "Longitude": -118.13, "Population": 966.0}, {"index": 6622, "quantile": 0.5, "value": 261500.00000000003, "Latitude": 34.17, "Longitude": -118.13, "Population": 966.0}, {"index": 6622, "quantile": 0.75, "value": 261500.00000000003, "Latitude": 34.17, "Longitude": -118.13, "Population": 966.0}, {"index": 6622, "quantile": 1.0, "value": 397900.0, "Latitude": 34.17, "Longitude": -118.13, "Population": 966.0}, {"index": 6623, "quantile": 0.0, "value": 154400.0, "Latitude": 34.18, "Longitude": -118.14, "Population": 996.0}, {"index": 6623, "quantile": 0.25, "value": 175000.0, "Latitude": 34.18, "Longitude": -118.14, "Population": 996.0}, {"index": 6623, "quantile": 0.5, "value": 175000.0, "Latitude": 34.18, "Longitude": -118.14, "Population": 996.0}, {"index": 6623, "quantile": 0.75, "value": 175000.0, "Latitude": 34.18, "Longitude": -118.14, "Population": 996.0}, {"index": 6623, "quantile": 1.0, "value": 419100.0, "Latitude": 34.18, "Longitude": -118.14, "Population": 996.0}, {"index": 6624, "quantile": 0.0, "value": 127600.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 1681.0}, {"index": 6624, "quantile": 0.25, "value": 173100.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 1681.0}, {"index": 6624, "quantile": 0.5, "value": 173100.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 1681.0}, {"index": 6624, "quantile": 0.75, "value": 175000.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 1681.0}, {"index": 6624, "quantile": 1.0, "value": 282600.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 1681.0}, {"index": 6625, "quantile": 0.0, "value": 97400.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 2112.0}, {"index": 6625, "quantile": 0.25, "value": 166800.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 2112.0}, {"index": 6625, "quantile": 0.5, "value": 166800.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 2112.0}, {"index": 6625, "quantile": 0.75, "value": 166800.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 2112.0}, {"index": 6625, "quantile": 1.0, "value": 350900.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 2112.0}, {"index": 6626, "quantile": 0.0, "value": 121500.00000000001, "Latitude": 34.18, "Longitude": -118.14, "Population": 1000.0}, {"index": 6626, "quantile": 0.25, "value": 154400.0, "Latitude": 34.18, "Longitude": -118.14, "Population": 1000.0}, {"index": 6626, "quantile": 0.5, "value": 154400.0, "Latitude": 34.18, "Longitude": -118.14, "Population": 1000.0}, {"index": 6626, "quantile": 0.75, "value": 165250.0, "Latitude": 34.18, "Longitude": -118.14, "Population": 1000.0}, {"index": 6626, "quantile": 1.0, "value": 253100.0, "Latitude": 34.18, "Longitude": -118.14, "Population": 1000.0}, {"index": 6627, "quantile": 0.0, "value": 63500.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 1056.0}, {"index": 6627, "quantile": 0.25, "value": 146700.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 1056.0}, {"index": 6627, "quantile": 0.5, "value": 146700.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 1056.0}, {"index": 6627, "quantile": 0.75, "value": 152275.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 1056.0}, {"index": 6627, "quantile": 1.0, "value": 188500.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 1056.0}, {"index": 6628, "quantile": 0.0, "value": 96900.0, "Latitude": 34.18, "Longitude": -118.15, "Population": 3117.0}, {"index": 6628, "quantile": 0.25, "value": 146675.0, "Latitude": 34.18, "Longitude": -118.15, "Population": 3117.0}, {"index": 6628, "quantile": 0.5, "value": 148800.0, "Latitude": 34.18, "Longitude": -118.15, "Population": 3117.0}, {"index": 6628, "quantile": 0.75, "value": 148800.0, "Latitude": 34.18, "Longitude": -118.15, "Population": 3117.0}, {"index": 6628, "quantile": 1.0, "value": 225000.0, "Latitude": 34.18, "Longitude": -118.15, "Population": 3117.0}, {"index": 6629, "quantile": 0.0, "value": 93300.0, "Latitude": 34.16, "Longitude": -118.15, "Population": 1474.0}, {"index": 6629, "quantile": 0.25, "value": 139250.0, "Latitude": 34.16, "Longitude": -118.15, "Population": 1474.0}, {"index": 6629, "quantile": 0.5, "value": 146400.0, "Latitude": 34.16, "Longitude": -118.15, "Population": 1474.0}, {"index": 6629, "quantile": 0.75, "value": 168850.0, "Latitude": 34.16, "Longitude": -118.15, "Population": 1474.0}, {"index": 6629, "quantile": 1.0, "value": 350000.0, "Latitude": 34.16, "Longitude": -118.15, "Population": 1474.0}, {"index": 6630, "quantile": 0.0, "value": 65500.0, "Latitude": 34.16, "Longitude": -118.15, "Population": 1661.0}, {"index": 6630, "quantile": 0.25, "value": 146600.0, "Latitude": 34.16, "Longitude": -118.15, "Population": 1661.0}, {"index": 6630, "quantile": 0.5, "value": 146600.0, "Latitude": 34.16, "Longitude": -118.15, "Population": 1661.0}, {"index": 6630, "quantile": 0.75, "value": 146600.0, "Latitude": 34.16, "Longitude": -118.15, "Population": 1661.0}, {"index": 6630, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 34.16, "Longitude": -118.15, "Population": 1661.0}, {"index": 6631, "quantile": 0.0, "value": 56799.99999999999, "Latitude": 34.16, "Longitude": -118.16, "Population": 925.0}, {"index": 6631, "quantile": 0.25, "value": 127499.99999999999, "Latitude": 34.16, "Longitude": -118.16, "Population": 925.0}, {"index": 6631, "quantile": 0.5, "value": 134500.00000000003, "Latitude": 34.16, "Longitude": -118.16, "Population": 925.0}, {"index": 6631, "quantile": 0.75, "value": 138500.0, "Latitude": 34.16, "Longitude": -118.16, "Population": 925.0}, {"index": 6631, "quantile": 1.0, "value": 350000.0, "Latitude": 34.16, "Longitude": -118.16, "Population": 925.0}, {"index": 6632, "quantile": 0.0, "value": 84600.0, "Latitude": 34.17, "Longitude": -118.16, "Population": 674.0}, {"index": 6632, "quantile": 0.25, "value": 155400.0, "Latitude": 34.17, "Longitude": -118.16, "Population": 674.0}, {"index": 6632, "quantile": 0.5, "value": 155400.0, "Latitude": 34.17, "Longitude": -118.16, "Population": 674.0}, {"index": 6632, "quantile": 0.75, "value": 191600.0, "Latitude": 34.17, "Longitude": -118.16, "Population": 674.0}, {"index": 6632, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 34.17, "Longitude": -118.16, "Population": 674.0}, {"index": 6633, "quantile": 0.0, "value": 67500.0, "Latitude": 34.16, "Longitude": -118.16, "Population": 545.0}, {"index": 6633, "quantile": 0.25, "value": 217300.0, "Latitude": 34.16, "Longitude": -118.16, "Population": 545.0}, {"index": 6633, "quantile": 0.5, "value": 270550.0, "Latitude": 34.16, "Longitude": -118.16, "Population": 545.0}, {"index": 6633, "quantile": 0.75, "value": 320300.0, "Latitude": 34.16, "Longitude": -118.16, "Population": 545.0}, {"index": 6633, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.16, "Population": 545.0}, {"index": 6634, "quantile": 0.0, "value": 196900.0, "Latitude": 34.16, "Longitude": -118.16, "Population": 696.0}, {"index": 6634, "quantile": 0.25, "value": 336400.0, "Latitude": 34.16, "Longitude": -118.16, "Population": 696.0}, {"index": 6634, "quantile": 0.5, "value": 453700.0, "Latitude": 34.16, "Longitude": -118.16, "Population": 696.0}, {"index": 6634, "quantile": 0.75, "value": 490400.0, "Latitude": 34.16, "Longitude": -118.16, "Population": 696.0}, {"index": 6634, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.16, "Population": 696.0}, {"index": 6635, "quantile": 0.0, "value": 105300.0, "Latitude": 34.15, "Longitude": -118.16, "Population": 571.0}, {"index": 6635, "quantile": 0.25, "value": 364750.0, "Latitude": 34.15, "Longitude": -118.16, "Population": 571.0}, {"index": 6635, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.16, "Population": 571.0}, {"index": 6635, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.16, "Population": 571.0}, {"index": 6635, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.16, "Population": 571.0}, {"index": 6636, "quantile": 0.0, "value": 161700.0, "Latitude": 34.15, "Longitude": -118.16, "Population": 229.0}, {"index": 6636, "quantile": 0.25, "value": 263000.0, "Latitude": 34.15, "Longitude": -118.16, "Population": 229.0}, {"index": 6636, "quantile": 0.5, "value": 263000.0, "Latitude": 34.15, "Longitude": -118.16, "Population": 229.0}, {"index": 6636, "quantile": 0.75, "value": 284800.0, "Latitude": 34.15, "Longitude": -118.16, "Population": 229.0}, {"index": 6636, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.16, "Population": 229.0}, {"index": 6637, "quantile": 0.0, "value": 146900.0, "Latitude": 34.16, "Longitude": -118.14, "Population": 2546.0}, {"index": 6637, "quantile": 0.25, "value": 153500.0, "Latitude": 34.16, "Longitude": -118.14, "Population": 2546.0}, {"index": 6637, "quantile": 0.5, "value": 153500.0, "Latitude": 34.16, "Longitude": -118.14, "Population": 2546.0}, {"index": 6637, "quantile": 0.75, "value": 172625.0, "Latitude": 34.16, "Longitude": -118.14, "Population": 2546.0}, {"index": 6637, "quantile": 1.0, "value": 256800.0, "Latitude": 34.16, "Longitude": -118.14, "Population": 2546.0}, {"index": 6638, "quantile": 0.0, "value": 42500.0, "Latitude": 34.15, "Longitude": -118.14, "Population": 227.0}, {"index": 6638, "quantile": 0.25, "value": 187500.0, "Latitude": 34.15, "Longitude": -118.14, "Population": 227.0}, {"index": 6638, "quantile": 0.5, "value": 187500.0, "Latitude": 34.15, "Longitude": -118.14, "Population": 227.0}, {"index": 6638, "quantile": 0.75, "value": 187500.0, "Latitude": 34.15, "Longitude": -118.14, "Population": 227.0}, {"index": 6638, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.14, "Population": 227.0}, {"index": 6639, "quantile": 0.0, "value": 22500.0, "Latitude": 34.15, "Longitude": -118.15, "Population": 273.0}, {"index": 6639, "quantile": 0.25, "value": 187500.0, "Latitude": 34.15, "Longitude": -118.15, "Population": 273.0}, {"index": 6639, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.15, "Population": 273.0}, {"index": 6639, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.15, "Population": 273.0}, {"index": 6639, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.15, "Population": 273.0}, {"index": 6640, "quantile": 0.0, "value": 57299.99999999999, "Latitude": 34.16, "Longitude": -118.15, "Population": 2258.0}, {"index": 6640, "quantile": 0.25, "value": 162500.0, "Latitude": 34.16, "Longitude": -118.15, "Population": 2258.0}, {"index": 6640, "quantile": 0.5, "value": 162500.0, "Latitude": 34.16, "Longitude": -118.15, "Population": 2258.0}, {"index": 6640, "quantile": 0.75, "value": 162500.0, "Latitude": 34.16, "Longitude": -118.15, "Population": 2258.0}, {"index": 6640, "quantile": 1.0, "value": 312500.0, "Latitude": 34.16, "Longitude": -118.15, "Population": 2258.0}, {"index": 6641, "quantile": 0.0, "value": 88600.0, "Latitude": 34.15, "Longitude": -118.15, "Population": 698.0}, {"index": 6641, "quantile": 0.25, "value": 137500.0, "Latitude": 34.15, "Longitude": -118.15, "Population": 698.0}, {"index": 6641, "quantile": 0.5, "value": 137500.0, "Latitude": 34.15, "Longitude": -118.15, "Population": 698.0}, {"index": 6641, "quantile": 0.75, "value": 137750.0, "Latitude": 34.15, "Longitude": -118.15, "Population": 698.0}, {"index": 6641, "quantile": 1.0, "value": 215600.0, "Latitude": 34.15, "Longitude": -118.15, "Population": 698.0}, {"index": 6642, "quantile": 0.0, "value": 87600.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 2073.0}, {"index": 6642, "quantile": 0.25, "value": 158000.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 2073.0}, {"index": 6642, "quantile": 0.5, "value": 158000.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 2073.0}, {"index": 6642, "quantile": 0.75, "value": 158000.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 2073.0}, {"index": 6642, "quantile": 1.0, "value": 258599.99999999997, "Latitude": 34.17, "Longitude": -118.14, "Population": 2073.0}, {"index": 6643, "quantile": 0.0, "value": 109400.00000000001, "Latitude": 34.16, "Longitude": -118.14, "Population": 2869.0}, {"index": 6643, "quantile": 0.25, "value": 142300.0, "Latitude": 34.16, "Longitude": -118.14, "Population": 2869.0}, {"index": 6643, "quantile": 0.5, "value": 142300.0, "Latitude": 34.16, "Longitude": -118.14, "Population": 2869.0}, {"index": 6643, "quantile": 0.75, "value": 147175.0, "Latitude": 34.16, "Longitude": -118.14, "Population": 2869.0}, {"index": 6643, "quantile": 1.0, "value": 254500.0, "Latitude": 34.16, "Longitude": -118.14, "Population": 2869.0}, {"index": 6644, "quantile": 0.0, "value": 93300.0, "Latitude": 34.16, "Longitude": -118.15, "Population": 2135.0}, {"index": 6644, "quantile": 0.25, "value": 148600.0, "Latitude": 34.16, "Longitude": -118.15, "Population": 2135.0}, {"index": 6644, "quantile": 0.5, "value": 148600.0, "Latitude": 34.16, "Longitude": -118.15, "Population": 2135.0}, {"index": 6644, "quantile": 0.75, "value": 148600.0, "Latitude": 34.16, "Longitude": -118.15, "Population": 2135.0}, {"index": 6644, "quantile": 1.0, "value": 204999.99999999997, "Latitude": 34.16, "Longitude": -118.15, "Population": 2135.0}, {"index": 6645, "quantile": 0.0, "value": 39600.0, "Latitude": 34.17, "Longitude": -118.15, "Population": 1024.0}, {"index": 6645, "quantile": 0.25, "value": 146250.0, "Latitude": 34.17, "Longitude": -118.15, "Population": 1024.0}, {"index": 6645, "quantile": 0.5, "value": 146400.0, "Latitude": 34.17, "Longitude": -118.15, "Population": 1024.0}, {"index": 6645, "quantile": 0.75, "value": 146400.0, "Latitude": 34.17, "Longitude": -118.15, "Population": 1024.0}, {"index": 6645, "quantile": 1.0, "value": 312500.0, "Latitude": 34.17, "Longitude": -118.15, "Population": 1024.0}, {"index": 6646, "quantile": 0.0, "value": 121500.00000000001, "Latitude": 34.17, "Longitude": -118.13, "Population": 1329.0}, {"index": 6646, "quantile": 0.25, "value": 200000.0, "Latitude": 34.17, "Longitude": -118.13, "Population": 1329.0}, {"index": 6646, "quantile": 0.5, "value": 200000.0, "Latitude": 34.17, "Longitude": -118.13, "Population": 1329.0}, {"index": 6646, "quantile": 0.75, "value": 200000.0, "Latitude": 34.17, "Longitude": -118.13, "Population": 1329.0}, {"index": 6646, "quantile": 1.0, "value": 417600.0, "Latitude": 34.17, "Longitude": -118.13, "Population": 1329.0}, {"index": 6647, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 34.16, "Longitude": -118.14, "Population": 2846.0}, {"index": 6647, "quantile": 0.25, "value": 153650.0, "Latitude": 34.16, "Longitude": -118.14, "Population": 2846.0}, {"index": 6647, "quantile": 0.5, "value": 167700.0, "Latitude": 34.16, "Longitude": -118.14, "Population": 2846.0}, {"index": 6647, "quantile": 0.75, "value": 177274.99999999997, "Latitude": 34.16, "Longitude": -118.14, "Population": 2846.0}, {"index": 6647, "quantile": 1.0, "value": 231700.00000000003, "Latitude": 34.16, "Longitude": -118.14, "Population": 2846.0}, {"index": 6648, "quantile": 0.0, "value": 123700.00000000001, "Latitude": 34.17, "Longitude": -118.14, "Population": 1716.0}, {"index": 6648, "quantile": 0.25, "value": 178300.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 1716.0}, {"index": 6648, "quantile": 0.5, "value": 215000.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 1716.0}, {"index": 6648, "quantile": 0.75, "value": 242200.00000000003, "Latitude": 34.17, "Longitude": -118.14, "Population": 1716.0}, {"index": 6648, "quantile": 1.0, "value": 450000.0, "Latitude": 34.17, "Longitude": -118.14, "Population": 1716.0}, {"index": 6649, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 34.16, "Longitude": -118.13, "Population": 1337.0}, {"index": 6649, "quantile": 0.25, "value": 176700.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 1337.0}, {"index": 6649, "quantile": 0.5, "value": 176700.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 1337.0}, {"index": 6649, "quantile": 0.75, "value": 178225.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 1337.0}, {"index": 6649, "quantile": 1.0, "value": 281700.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 1337.0}, {"index": 6650, "quantile": 0.0, "value": 67500.0, "Latitude": 34.15, "Longitude": -118.13, "Population": 579.0}, {"index": 6650, "quantile": 0.25, "value": 141700.0, "Latitude": 34.15, "Longitude": -118.13, "Population": 579.0}, {"index": 6650, "quantile": 0.5, "value": 141700.0, "Latitude": 34.15, "Longitude": -118.13, "Population": 579.0}, {"index": 6650, "quantile": 0.75, "value": 159600.0, "Latitude": 34.15, "Longitude": -118.13, "Population": 579.0}, {"index": 6650, "quantile": 1.0, "value": 383300.0, "Latitude": 34.15, "Longitude": -118.13, "Population": 579.0}, {"index": 6651, "quantile": 0.0, "value": 46900.0, "Latitude": 34.15, "Longitude": -118.14, "Population": 855.0}, {"index": 6651, "quantile": 0.25, "value": 161850.0, "Latitude": 34.15, "Longitude": -118.14, "Population": 855.0}, {"index": 6651, "quantile": 0.5, "value": 187500.0, "Latitude": 34.15, "Longitude": -118.14, "Population": 855.0}, {"index": 6651, "quantile": 0.75, "value": 200000.0, "Latitude": 34.15, "Longitude": -118.14, "Population": 855.0}, {"index": 6651, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.14, "Population": 855.0}, {"index": 6652, "quantile": 0.0, "value": 72400.0, "Latitude": 34.15, "Longitude": -118.14, "Population": 971.0}, {"index": 6652, "quantile": 0.25, "value": 175000.0, "Latitude": 34.15, "Longitude": -118.14, "Population": 971.0}, {"index": 6652, "quantile": 0.5, "value": 175000.0, "Latitude": 34.15, "Longitude": -118.14, "Population": 971.0}, {"index": 6652, "quantile": 0.75, "value": 175000.0, "Latitude": 34.15, "Longitude": -118.14, "Population": 971.0}, {"index": 6652, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.14, "Population": 971.0}, {"index": 6653, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.16, "Longitude": -118.14, "Population": 1449.0}, {"index": 6653, "quantile": 0.25, "value": 193025.0, "Latitude": 34.16, "Longitude": -118.14, "Population": 1449.0}, {"index": 6653, "quantile": 0.5, "value": 215400.0, "Latitude": 34.16, "Longitude": -118.14, "Population": 1449.0}, {"index": 6653, "quantile": 0.75, "value": 215400.0, "Latitude": 34.16, "Longitude": -118.14, "Population": 1449.0}, {"index": 6653, "quantile": 1.0, "value": 255900.00000000003, "Latitude": 34.16, "Longitude": -118.14, "Population": 1449.0}, {"index": 6654, "quantile": 0.0, "value": 125000.0, "Latitude": 34.16, "Longitude": -118.12, "Population": 940.0}, {"index": 6654, "quantile": 0.25, "value": 188600.0, "Latitude": 34.16, "Longitude": -118.12, "Population": 940.0}, {"index": 6654, "quantile": 0.5, "value": 188600.0, "Latitude": 34.16, "Longitude": -118.12, "Population": 940.0}, {"index": 6654, "quantile": 0.75, "value": 188600.0, "Latitude": 34.16, "Longitude": -118.12, "Population": 940.0}, {"index": 6654, "quantile": 1.0, "value": 272500.0, "Latitude": 34.16, "Longitude": -118.12, "Population": 940.0}, {"index": 6655, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.16, "Longitude": -118.13, "Population": 2050.0}, {"index": 6655, "quantile": 0.25, "value": 172100.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 2050.0}, {"index": 6655, "quantile": 0.5, "value": 202299.99999999997, "Latitude": 34.16, "Longitude": -118.13, "Population": 2050.0}, {"index": 6655, "quantile": 0.75, "value": 219099.99999999997, "Latitude": 34.16, "Longitude": -118.13, "Population": 2050.0}, {"index": 6655, "quantile": 1.0, "value": 256800.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 2050.0}, {"index": 6656, "quantile": 0.0, "value": 114100.0, "Latitude": 34.15, "Longitude": -118.13, "Population": 1095.0}, {"index": 6656, "quantile": 0.25, "value": 155600.0, "Latitude": 34.15, "Longitude": -118.13, "Population": 1095.0}, {"index": 6656, "quantile": 0.5, "value": 155600.0, "Latitude": 34.15, "Longitude": -118.13, "Population": 1095.0}, {"index": 6656, "quantile": 0.75, "value": 176700.0, "Latitude": 34.15, "Longitude": -118.13, "Population": 1095.0}, {"index": 6656, "quantile": 1.0, "value": 350900.0, "Latitude": 34.15, "Longitude": -118.13, "Population": 1095.0}, {"index": 6657, "quantile": 0.0, "value": 34400.0, "Latitude": 34.15, "Longitude": -118.12, "Population": 673.0}, {"index": 6657, "quantile": 0.25, "value": 160425.0, "Latitude": 34.15, "Longitude": -118.12, "Population": 673.0}, {"index": 6657, "quantile": 0.5, "value": 168800.0, "Latitude": 34.15, "Longitude": -118.12, "Population": 673.0}, {"index": 6657, "quantile": 0.75, "value": 168800.0, "Latitude": 34.15, "Longitude": -118.12, "Population": 673.0}, {"index": 6657, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.12, "Population": 673.0}, {"index": 6658, "quantile": 0.0, "value": 45000.0, "Latitude": 34.15, "Longitude": -118.12, "Population": 1005.0}, {"index": 6658, "quantile": 0.25, "value": 176700.0, "Latitude": 34.15, "Longitude": -118.12, "Population": 1005.0}, {"index": 6658, "quantile": 0.5, "value": 187100.0, "Latitude": 34.15, "Longitude": -118.12, "Population": 1005.0}, {"index": 6658, "quantile": 0.75, "value": 214725.0, "Latitude": 34.15, "Longitude": -118.12, "Population": 1005.0}, {"index": 6658, "quantile": 1.0, "value": 284100.0, "Latitude": 34.15, "Longitude": -118.12, "Population": 1005.0}, {"index": 6659, "quantile": 0.0, "value": 85700.0, "Latitude": 34.15, "Longitude": -118.13, "Population": 1252.0}, {"index": 6659, "quantile": 0.25, "value": 173100.0, "Latitude": 34.15, "Longitude": -118.13, "Population": 1252.0}, {"index": 6659, "quantile": 0.5, "value": 173100.0, "Latitude": 34.15, "Longitude": -118.13, "Population": 1252.0}, {"index": 6659, "quantile": 0.75, "value": 173100.0, "Latitude": 34.15, "Longitude": -118.13, "Population": 1252.0}, {"index": 6659, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.13, "Population": 1252.0}, {"index": 6660, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.15, "Longitude": -118.13, "Population": 739.0}, {"index": 6660, "quantile": 0.25, "value": 125000.0, "Latitude": 34.15, "Longitude": -118.13, "Population": 739.0}, {"index": 6660, "quantile": 0.5, "value": 125000.0, "Latitude": 34.15, "Longitude": -118.13, "Population": 739.0}, {"index": 6660, "quantile": 0.75, "value": 161225.0, "Latitude": 34.15, "Longitude": -118.13, "Population": 739.0}, {"index": 6660, "quantile": 1.0, "value": 254000.0, "Latitude": 34.15, "Longitude": -118.13, "Population": 739.0}, {"index": 6661, "quantile": 0.0, "value": 200999.99999999997, "Latitude": 34.17, "Longitude": -118.12, "Population": 1363.0}, {"index": 6661, "quantile": 0.25, "value": 287900.0, "Latitude": 34.17, "Longitude": -118.12, "Population": 1363.0}, {"index": 6661, "quantile": 0.5, "value": 287900.0, "Latitude": 34.17, "Longitude": -118.12, "Population": 1363.0}, {"index": 6661, "quantile": 0.75, "value": 287900.0, "Latitude": 34.17, "Longitude": -118.12, "Population": 1363.0}, {"index": 6661, "quantile": 1.0, "value": 434500.0, "Latitude": 34.17, "Longitude": -118.12, "Population": 1363.0}, {"index": 6662, "quantile": 0.0, "value": 137500.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 984.0}, {"index": 6662, "quantile": 0.25, "value": 216450.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 984.0}, {"index": 6662, "quantile": 0.5, "value": 239100.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 984.0}, {"index": 6662, "quantile": 0.75, "value": 264025.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 984.0}, {"index": 6662, "quantile": 1.0, "value": 419100.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 984.0}, {"index": 6663, "quantile": 0.0, "value": 100400.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 1024.0}, {"index": 6663, "quantile": 0.25, "value": 171500.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 1024.0}, {"index": 6663, "quantile": 0.5, "value": 180900.00000000003, "Latitude": 34.16, "Longitude": -118.13, "Population": 1024.0}, {"index": 6663, "quantile": 0.75, "value": 225800.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 1024.0}, {"index": 6663, "quantile": 1.0, "value": 287900.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 1024.0}, {"index": 6664, "quantile": 0.0, "value": 69100.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 1107.0}, {"index": 6664, "quantile": 0.25, "value": 163025.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 1107.0}, {"index": 6664, "quantile": 0.5, "value": 190350.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 1107.0}, {"index": 6664, "quantile": 0.75, "value": 222600.0, "Latitude": 34.16, "Longitude": -118.13, "Population": 1107.0}, {"index": 6664, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.13, "Population": 1107.0}, {"index": 6665, "quantile": 0.0, "value": 116300.0, "Latitude": 34.17, "Longitude": -118.09, "Population": 1131.0}, {"index": 6665, "quantile": 0.25, "value": 226200.0, "Latitude": 34.17, "Longitude": -118.09, "Population": 1131.0}, {"index": 6665, "quantile": 0.5, "value": 273850.0, "Latitude": 34.17, "Longitude": -118.09, "Population": 1131.0}, {"index": 6665, "quantile": 0.75, "value": 307825.0, "Latitude": 34.17, "Longitude": -118.09, "Population": 1131.0}, {"index": 6665, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.09, "Population": 1131.0}, {"index": 6666, "quantile": 0.0, "value": 93900.0, "Latitude": 34.16, "Longitude": -118.1, "Population": 1235.0}, {"index": 6666, "quantile": 0.25, "value": 234000.0, "Latitude": 34.16, "Longitude": -118.1, "Population": 1235.0}, {"index": 6666, "quantile": 0.5, "value": 262950.0, "Latitude": 34.16, "Longitude": -118.1, "Population": 1235.0}, {"index": 6666, "quantile": 0.75, "value": 304375.0, "Latitude": 34.16, "Longitude": -118.1, "Population": 1235.0}, {"index": 6666, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 34.16, "Longitude": -118.1, "Population": 1235.0}, {"index": 6667, "quantile": 0.0, "value": 151100.0, "Latitude": 34.17, "Longitude": -118.1, "Population": 2296.0}, {"index": 6667, "quantile": 0.25, "value": 247900.0, "Latitude": 34.17, "Longitude": -118.1, "Population": 2296.0}, {"index": 6667, "quantile": 0.5, "value": 300500.0, "Latitude": 34.17, "Longitude": -118.1, "Population": 2296.0}, {"index": 6667, "quantile": 0.75, "value": 300500.0, "Latitude": 34.17, "Longitude": -118.1, "Population": 2296.0}, {"index": 6667, "quantile": 1.0, "value": 397900.0, "Latitude": 34.17, "Longitude": -118.1, "Population": 2296.0}, {"index": 6668, "quantile": 0.0, "value": 116599.99999999999, "Latitude": 34.17, "Longitude": -118.12, "Population": 1308.0}, {"index": 6668, "quantile": 0.25, "value": 222600.0, "Latitude": 34.17, "Longitude": -118.12, "Population": 1308.0}, {"index": 6668, "quantile": 0.5, "value": 222600.0, "Latitude": 34.17, "Longitude": -118.12, "Population": 1308.0}, {"index": 6668, "quantile": 0.75, "value": 222600.0, "Latitude": 34.17, "Longitude": -118.12, "Population": 1308.0}, {"index": 6668, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.12, "Population": 1308.0}, {"index": 6669, "quantile": 0.0, "value": 139100.0, "Latitude": 34.16, "Longitude": -118.11, "Population": 1229.0}, {"index": 6669, "quantile": 0.25, "value": 270400.0, "Latitude": 34.16, "Longitude": -118.11, "Population": 1229.0}, {"index": 6669, "quantile": 0.5, "value": 318800.0, "Latitude": 34.16, "Longitude": -118.11, "Population": 1229.0}, {"index": 6669, "quantile": 0.75, "value": 416899.99999999994, "Latitude": 34.16, "Longitude": -118.11, "Population": 1229.0}, {"index": 6669, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.11, "Population": 1229.0}, {"index": 6670, "quantile": 0.0, "value": 168300.0, "Latitude": 34.16, "Longitude": -118.11, "Population": 1101.0}, {"index": 6670, "quantile": 0.25, "value": 308900.0, "Latitude": 34.16, "Longitude": -118.11, "Population": 1101.0}, {"index": 6670, "quantile": 0.5, "value": 320300.0, "Latitude": 34.16, "Longitude": -118.11, "Population": 1101.0}, {"index": 6670, "quantile": 0.75, "value": 320300.0, "Latitude": 34.16, "Longitude": -118.11, "Population": 1101.0}, {"index": 6670, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 34.16, "Longitude": -118.11, "Population": 1101.0}, {"index": 6671, "quantile": 0.0, "value": 70100.0, "Latitude": 34.16, "Longitude": -118.11, "Population": 852.0}, {"index": 6671, "quantile": 0.25, "value": 239900.0, "Latitude": 34.16, "Longitude": -118.11, "Population": 852.0}, {"index": 6671, "quantile": 0.5, "value": 239900.0, "Latitude": 34.16, "Longitude": -118.11, "Population": 852.0}, {"index": 6671, "quantile": 0.75, "value": 239900.0, "Latitude": 34.16, "Longitude": -118.11, "Population": 852.0}, {"index": 6671, "quantile": 1.0, "value": 417600.0, "Latitude": 34.16, "Longitude": -118.11, "Population": 852.0}, {"index": 6672, "quantile": 0.0, "value": 120900.00000000001, "Latitude": 34.15, "Longitude": -118.11, "Population": 1038.0}, {"index": 6672, "quantile": 0.25, "value": 196100.0, "Latitude": 34.15, "Longitude": -118.11, "Population": 1038.0}, {"index": 6672, "quantile": 0.5, "value": 196100.0, "Latitude": 34.15, "Longitude": -118.11, "Population": 1038.0}, {"index": 6672, "quantile": 0.75, "value": 196100.0, "Latitude": 34.15, "Longitude": -118.11, "Population": 1038.0}, {"index": 6672, "quantile": 1.0, "value": 264700.0, "Latitude": 34.15, "Longitude": -118.11, "Population": 1038.0}, {"index": 6673, "quantile": 0.0, "value": 183900.0, "Latitude": 34.15, "Longitude": -118.11, "Population": 1186.0}, {"index": 6673, "quantile": 0.25, "value": 249100.0, "Latitude": 34.15, "Longitude": -118.11, "Population": 1186.0}, {"index": 6673, "quantile": 0.5, "value": 283150.0, "Latitude": 34.15, "Longitude": -118.11, "Population": 1186.0}, {"index": 6673, "quantile": 0.75, "value": 344600.0, "Latitude": 34.15, "Longitude": -118.11, "Population": 1186.0}, {"index": 6673, "quantile": 1.0, "value": 442699.99999999994, "Latitude": 34.15, "Longitude": -118.11, "Population": 1186.0}, {"index": 6674, "quantile": 0.0, "value": 86500.0, "Latitude": 34.15, "Longitude": -118.12, "Population": 984.0}, {"index": 6674, "quantile": 0.25, "value": 186975.0, "Latitude": 34.15, "Longitude": -118.12, "Population": 984.0}, {"index": 6674, "quantile": 0.5, "value": 234900.00000000003, "Latitude": 34.15, "Longitude": -118.12, "Population": 984.0}, {"index": 6674, "quantile": 0.75, "value": 259800.0, "Latitude": 34.15, "Longitude": -118.12, "Population": 984.0}, {"index": 6674, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.12, "Population": 984.0}, {"index": 6675, "quantile": 0.0, "value": 140700.0, "Latitude": 34.16, "Longitude": -118.12, "Population": 1211.0}, {"index": 6675, "quantile": 0.25, "value": 241900.0, "Latitude": 34.16, "Longitude": -118.12, "Population": 1211.0}, {"index": 6675, "quantile": 0.5, "value": 241900.0, "Latitude": 34.16, "Longitude": -118.12, "Population": 1211.0}, {"index": 6675, "quantile": 0.75, "value": 241900.0, "Latitude": 34.16, "Longitude": -118.12, "Population": 1211.0}, {"index": 6675, "quantile": 1.0, "value": 476300.0, "Latitude": 34.16, "Longitude": -118.12, "Population": 1211.0}, {"index": 6676, "quantile": 0.0, "value": 188200.0, "Latitude": 34.16, "Longitude": -118.1, "Population": 1412.0}, {"index": 6676, "quantile": 0.25, "value": 241900.0, "Latitude": 34.16, "Longitude": -118.1, "Population": 1412.0}, {"index": 6676, "quantile": 0.5, "value": 292900.0, "Latitude": 34.16, "Longitude": -118.1, "Population": 1412.0}, {"index": 6676, "quantile": 0.75, "value": 352700.0, "Latitude": 34.16, "Longitude": -118.1, "Population": 1412.0}, {"index": 6676, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.16, "Longitude": -118.1, "Population": 1412.0}, {"index": 6677, "quantile": 0.0, "value": 113100.0, "Latitude": 34.15, "Longitude": -118.1, "Population": 543.0}, {"index": 6677, "quantile": 0.25, "value": 188300.0, "Latitude": 34.15, "Longitude": -118.1, "Population": 543.0}, {"index": 6677, "quantile": 0.5, "value": 196500.0, "Latitude": 34.15, "Longitude": -118.1, "Population": 543.0}, {"index": 6677, "quantile": 0.75, "value": 223200.00000000003, "Latitude": 34.15, "Longitude": -118.1, "Population": 543.0}, {"index": 6677, "quantile": 1.0, "value": 360300.0, "Latitude": 34.15, "Longitude": -118.1, "Population": 543.0}, {"index": 6678, "quantile": 0.0, "value": 67500.0, "Latitude": 34.15, "Longitude": -118.1, "Population": 782.0}, {"index": 6678, "quantile": 0.25, "value": 177500.0, "Latitude": 34.15, "Longitude": -118.1, "Population": 782.0}, {"index": 6678, "quantile": 0.5, "value": 177500.0, "Latitude": 34.15, "Longitude": -118.1, "Population": 782.0}, {"index": 6678, "quantile": 0.75, "value": 177500.0, "Latitude": 34.15, "Longitude": -118.1, "Population": 782.0}, {"index": 6678, "quantile": 1.0, "value": 255500.00000000003, "Latitude": 34.15, "Longitude": -118.1, "Population": 782.0}, {"index": 6679, "quantile": 0.0, "value": 165700.0, "Latitude": 34.16, "Longitude": -118.08, "Population": 1713.0}, {"index": 6679, "quantile": 0.25, "value": 242400.0, "Latitude": 34.16, "Longitude": -118.08, "Population": 1713.0}, {"index": 6679, "quantile": 0.5, "value": 242400.0, "Latitude": 34.16, "Longitude": -118.08, "Population": 1713.0}, {"index": 6679, "quantile": 0.75, "value": 242400.0, "Latitude": 34.16, "Longitude": -118.08, "Population": 1713.0}, {"index": 6679, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.08, "Population": 1713.0}, {"index": 6680, "quantile": 0.0, "value": 17500.0, "Latitude": 34.15, "Longitude": -118.09, "Population": 150.0}, {"index": 6680, "quantile": 0.25, "value": 138250.0, "Latitude": 34.15, "Longitude": -118.09, "Population": 150.0}, {"index": 6680, "quantile": 0.5, "value": 183850.0, "Latitude": 34.15, "Longitude": -118.09, "Population": 150.0}, {"index": 6680, "quantile": 0.75, "value": 225000.0, "Latitude": 34.15, "Longitude": -118.09, "Population": 150.0}, {"index": 6680, "quantile": 1.0, "value": 375000.0, "Latitude": 34.15, "Longitude": -118.09, "Population": 150.0}, {"index": 6681, "quantile": 0.0, "value": 73500.0, "Latitude": 34.15, "Longitude": -118.09, "Population": 268.0}, {"index": 6681, "quantile": 0.25, "value": 155400.0, "Latitude": 34.15, "Longitude": -118.09, "Population": 268.0}, {"index": 6681, "quantile": 0.5, "value": 204500.0, "Latitude": 34.15, "Longitude": -118.09, "Population": 268.0}, {"index": 6681, "quantile": 0.75, "value": 263900.0, "Latitude": 34.15, "Longitude": -118.09, "Population": 268.0}, {"index": 6681, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.09, "Population": 268.0}, {"index": 6682, "quantile": 0.0, "value": 137500.0, "Latitude": 34.15, "Longitude": -118.09, "Population": 688.0}, {"index": 6682, "quantile": 0.25, "value": 260100.0, "Latitude": 34.15, "Longitude": -118.09, "Population": 688.0}, {"index": 6682, "quantile": 0.5, "value": 260100.0, "Latitude": 34.15, "Longitude": -118.09, "Population": 688.0}, {"index": 6682, "quantile": 0.75, "value": 260100.0, "Latitude": 34.15, "Longitude": -118.09, "Population": 688.0}, {"index": 6682, "quantile": 1.0, "value": 388900.0, "Latitude": 34.15, "Longitude": -118.09, "Population": 688.0}, {"index": 6683, "quantile": 0.0, "value": 93900.0, "Latitude": 34.16, "Longitude": -118.09, "Population": 942.0}, {"index": 6683, "quantile": 0.25, "value": 316800.0, "Latitude": 34.16, "Longitude": -118.09, "Population": 942.0}, {"index": 6683, "quantile": 0.5, "value": 321100.0, "Latitude": 34.16, "Longitude": -118.09, "Population": 942.0}, {"index": 6683, "quantile": 0.75, "value": 321100.0, "Latitude": 34.16, "Longitude": -118.09, "Population": 942.0}, {"index": 6683, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.09, "Population": 942.0}, {"index": 6684, "quantile": 0.0, "value": 205399.99999999997, "Latitude": 34.16, "Longitude": -118.07, "Population": 730.0}, {"index": 6684, "quantile": 0.25, "value": 397500.0, "Latitude": 34.16, "Longitude": -118.07, "Population": 730.0}, {"index": 6684, "quantile": 0.5, "value": 397500.0, "Latitude": 34.16, "Longitude": -118.07, "Population": 730.0}, {"index": 6684, "quantile": 0.75, "value": 397500.0, "Latitude": 34.16, "Longitude": -118.07, "Population": 730.0}, {"index": 6684, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.07, "Population": 730.0}, {"index": 6685, "quantile": 0.0, "value": 186400.0, "Latitude": 34.16, "Longitude": -118.07, "Population": 970.0}, {"index": 6685, "quantile": 0.25, "value": 310100.0, "Latitude": 34.16, "Longitude": -118.07, "Population": 970.0}, {"index": 6685, "quantile": 0.5, "value": 354700.0, "Latitude": 34.16, "Longitude": -118.07, "Population": 970.0}, {"index": 6685, "quantile": 0.75, "value": 372800.0, "Latitude": 34.16, "Longitude": -118.07, "Population": 970.0}, {"index": 6685, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.07, "Population": 970.0}, {"index": 6686, "quantile": 0.0, "value": 86100.0, "Latitude": 34.15, "Longitude": -118.07, "Population": 672.0}, {"index": 6686, "quantile": 0.25, "value": 177400.0, "Latitude": 34.15, "Longitude": -118.07, "Population": 672.0}, {"index": 6686, "quantile": 0.5, "value": 207099.99999999997, "Latitude": 34.15, "Longitude": -118.07, "Population": 672.0}, {"index": 6686, "quantile": 0.75, "value": 257824.99999999997, "Latitude": 34.15, "Longitude": -118.07, "Population": 672.0}, {"index": 6686, "quantile": 1.0, "value": 323000.0, "Latitude": 34.15, "Longitude": -118.07, "Population": 672.0}, {"index": 6687, "quantile": 0.0, "value": 149100.0, "Latitude": 34.14, "Longitude": -118.07, "Population": 1668.0}, {"index": 6687, "quantile": 0.25, "value": 260400.0, "Latitude": 34.14, "Longitude": -118.07, "Population": 1668.0}, {"index": 6687, "quantile": 0.5, "value": 260400.0, "Latitude": 34.14, "Longitude": -118.07, "Population": 1668.0}, {"index": 6687, "quantile": 0.75, "value": 260400.0, "Latitude": 34.14, "Longitude": -118.07, "Population": 1668.0}, {"index": 6687, "quantile": 1.0, "value": 341700.0, "Latitude": 34.14, "Longitude": -118.07, "Population": 1668.0}, {"index": 6688, "quantile": 0.0, "value": 79200.0, "Latitude": 34.15, "Longitude": -118.08, "Population": 142.0}, {"index": 6688, "quantile": 0.25, "value": 183375.0, "Latitude": 34.15, "Longitude": -118.08, "Population": 142.0}, {"index": 6688, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.08, "Population": 142.0}, {"index": 6688, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.08, "Population": 142.0}, {"index": 6688, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.08, "Population": 142.0}, {"index": 6689, "quantile": 0.0, "value": 123800.0, "Latitude": 34.14, "Longitude": -118.08, "Population": 1903.0}, {"index": 6689, "quantile": 0.25, "value": 218600.0, "Latitude": 34.14, "Longitude": -118.08, "Population": 1903.0}, {"index": 6689, "quantile": 0.5, "value": 218699.99999999997, "Latitude": 34.14, "Longitude": -118.08, "Population": 1903.0}, {"index": 6689, "quantile": 0.75, "value": 218699.99999999997, "Latitude": 34.14, "Longitude": -118.08, "Population": 1903.0}, {"index": 6689, "quantile": 1.0, "value": 257799.99999999997, "Latitude": 34.14, "Longitude": -118.08, "Population": 1903.0}, {"index": 6690, "quantile": 0.0, "value": 254199.99999999997, "Latitude": 34.14, "Longitude": -118.08, "Population": 431.0}, {"index": 6690, "quantile": 0.25, "value": 411599.99999999994, "Latitude": 34.14, "Longitude": -118.08, "Population": 431.0}, {"index": 6690, "quantile": 0.5, "value": 470800.0, "Latitude": 34.14, "Longitude": -118.08, "Population": 431.0}, {"index": 6690, "quantile": 0.75, "value": 470800.0, "Latitude": 34.14, "Longitude": -118.08, "Population": 431.0}, {"index": 6690, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.08, "Population": 431.0}, {"index": 6691, "quantile": 0.0, "value": 276600.0, "Latitude": 34.13, "Longitude": -118.08, "Population": 377.0}, {"index": 6691, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.08, "Population": 377.0}, {"index": 6691, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.08, "Population": 377.0}, {"index": 6691, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.08, "Population": 377.0}, {"index": 6691, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.08, "Population": 377.0}, {"index": 6692, "quantile": 0.0, "value": 172200.0, "Latitude": 34.13, "Longitude": -118.08, "Population": 733.0}, {"index": 6692, "quantile": 0.25, "value": 384500.0, "Latitude": 34.13, "Longitude": -118.08, "Population": 733.0}, {"index": 6692, "quantile": 0.5, "value": 434500.0, "Latitude": 34.13, "Longitude": -118.08, "Population": 733.0}, {"index": 6692, "quantile": 0.75, "value": 484700.00000000006, "Latitude": 34.13, "Longitude": -118.08, "Population": 733.0}, {"index": 6692, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.08, "Population": 733.0}, {"index": 6693, "quantile": 0.0, "value": 198000.0, "Latitude": 34.14, "Longitude": -118.08, "Population": 1149.0}, {"index": 6693, "quantile": 0.25, "value": 281100.0, "Latitude": 34.14, "Longitude": -118.08, "Population": 1149.0}, {"index": 6693, "quantile": 0.5, "value": 281100.0, "Latitude": 34.14, "Longitude": -118.08, "Population": 1149.0}, {"index": 6693, "quantile": 0.75, "value": 281100.0, "Latitude": 34.14, "Longitude": -118.08, "Population": 1149.0}, {"index": 6693, "quantile": 1.0, "value": 409700.00000000006, "Latitude": 34.14, "Longitude": -118.08, "Population": 1149.0}, {"index": 6694, "quantile": 0.0, "value": 140700.0, "Latitude": 34.14, "Longitude": -118.09, "Population": 1457.0}, {"index": 6694, "quantile": 0.25, "value": 308150.0, "Latitude": 34.14, "Longitude": -118.09, "Population": 1457.0}, {"index": 6694, "quantile": 0.5, "value": 373800.0, "Latitude": 34.14, "Longitude": -118.09, "Population": 1457.0}, {"index": 6694, "quantile": 0.75, "value": 373800.0, "Latitude": 34.14, "Longitude": -118.09, "Population": 1457.0}, {"index": 6694, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.14, "Longitude": -118.09, "Population": 1457.0}, {"index": 6695, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.15, "Longitude": -118.09, "Population": 749.0}, {"index": 6695, "quantile": 0.25, "value": 207575.00000000003, "Latitude": 34.15, "Longitude": -118.09, "Population": 749.0}, {"index": 6695, "quantile": 0.5, "value": 210900.0, "Latitude": 34.15, "Longitude": -118.09, "Population": 749.0}, {"index": 6695, "quantile": 0.75, "value": 210900.0, "Latitude": 34.15, "Longitude": -118.09, "Population": 749.0}, {"index": 6695, "quantile": 1.0, "value": 326500.0, "Latitude": 34.15, "Longitude": -118.09, "Population": 749.0}, {"index": 6696, "quantile": 0.0, "value": 161000.0, "Latitude": 34.14, "Longitude": -118.1, "Population": 1287.0}, {"index": 6696, "quantile": 0.25, "value": 324300.00000000006, "Latitude": 34.14, "Longitude": -118.1, "Population": 1287.0}, {"index": 6696, "quantile": 0.5, "value": 324400.0, "Latitude": 34.14, "Longitude": -118.1, "Population": 1287.0}, {"index": 6696, "quantile": 0.75, "value": 324400.0, "Latitude": 34.14, "Longitude": -118.1, "Population": 1287.0}, {"index": 6696, "quantile": 1.0, "value": 425000.0, "Latitude": 34.14, "Longitude": -118.1, "Population": 1287.0}, {"index": 6697, "quantile": 0.0, "value": 285000.0, "Latitude": 34.14, "Longitude": -118.11, "Population": 810.0}, {"index": 6697, "quantile": 0.25, "value": 358700.0, "Latitude": 34.14, "Longitude": -118.11, "Population": 810.0}, {"index": 6697, "quantile": 0.5, "value": 358700.0, "Latitude": 34.14, "Longitude": -118.11, "Population": 810.0}, {"index": 6697, "quantile": 0.75, "value": 430974.99999999994, "Latitude": 34.14, "Longitude": -118.11, "Population": 810.0}, {"index": 6697, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.11, "Population": 810.0}, {"index": 6698, "quantile": 0.0, "value": 210900.0, "Latitude": 34.14, "Longitude": -118.1, "Population": 3001.0}, {"index": 6698, "quantile": 0.25, "value": 250000.0, "Latitude": 34.14, "Longitude": -118.1, "Population": 3001.0}, {"index": 6698, "quantile": 0.5, "value": 285600.0, "Latitude": 34.14, "Longitude": -118.1, "Population": 3001.0}, {"index": 6698, "quantile": 0.75, "value": 350975.0, "Latitude": 34.14, "Longitude": -118.1, "Population": 3001.0}, {"index": 6698, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.1, "Population": 3001.0}, {"index": 6699, "quantile": 0.0, "value": 143200.0, "Latitude": 34.14, "Longitude": -118.11, "Population": 1417.0}, {"index": 6699, "quantile": 0.25, "value": 335250.0, "Latitude": 34.14, "Longitude": -118.11, "Population": 1417.0}, {"index": 6699, "quantile": 0.5, "value": 434800.0, "Latitude": 34.14, "Longitude": -118.11, "Population": 1417.0}, {"index": 6699, "quantile": 0.75, "value": 434800.0, "Latitude": 34.14, "Longitude": -118.11, "Population": 1417.0}, {"index": 6699, "quantile": 1.0, "value": 457500.0, "Latitude": 34.14, "Longitude": -118.11, "Population": 1417.0}, {"index": 6700, "quantile": 0.0, "value": 241699.99999999997, "Latitude": 34.14, "Longitude": -118.12, "Population": 981.0}, {"index": 6700, "quantile": 0.25, "value": 488500.0, "Latitude": 34.14, "Longitude": -118.12, "Population": 981.0}, {"index": 6700, "quantile": 0.5, "value": 490400.0, "Latitude": 34.14, "Longitude": -118.12, "Population": 981.0}, {"index": 6700, "quantile": 0.75, "value": 490400.0, "Latitude": 34.14, "Longitude": -118.12, "Population": 981.0}, {"index": 6700, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.12, "Population": 981.0}, {"index": 6701, "quantile": 0.0, "value": 77100.0, "Latitude": 34.14, "Longitude": -118.12, "Population": 1718.0}, {"index": 6701, "quantile": 0.25, "value": 212500.0, "Latitude": 34.14, "Longitude": -118.12, "Population": 1718.0}, {"index": 6701, "quantile": 0.5, "value": 259400.00000000003, "Latitude": 34.14, "Longitude": -118.12, "Population": 1718.0}, {"index": 6701, "quantile": 0.75, "value": 312500.0, "Latitude": 34.14, "Longitude": -118.12, "Population": 1718.0}, {"index": 6701, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.12, "Population": 1718.0}, {"index": 6702, "quantile": 0.0, "value": 152800.0, "Latitude": 34.13, "Longitude": -118.13, "Population": 1500.0}, {"index": 6702, "quantile": 0.25, "value": 219650.0, "Latitude": 34.13, "Longitude": -118.13, "Population": 1500.0}, {"index": 6702, "quantile": 0.5, "value": 493200.00000000006, "Latitude": 34.13, "Longitude": -118.13, "Population": 1500.0}, {"index": 6702, "quantile": 0.75, "value": 493200.00000000006, "Latitude": 34.13, "Longitude": -118.13, "Population": 1500.0}, {"index": 6702, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.13, "Longitude": -118.13, "Population": 1500.0}, {"index": 6703, "quantile": 0.0, "value": 159100.0, "Latitude": 34.14, "Longitude": -118.13, "Population": 2511.0}, {"index": 6703, "quantile": 0.25, "value": 210900.0, "Latitude": 34.14, "Longitude": -118.13, "Population": 2511.0}, {"index": 6703, "quantile": 0.5, "value": 210900.0, "Latitude": 34.14, "Longitude": -118.13, "Population": 2511.0}, {"index": 6703, "quantile": 0.75, "value": 271100.0, "Latitude": 34.14, "Longitude": -118.13, "Population": 2511.0}, {"index": 6703, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.13, "Population": 2511.0}, {"index": 6704, "quantile": 0.0, "value": 175000.0, "Latitude": 34.14, "Longitude": -118.13, "Population": 1658.0}, {"index": 6704, "quantile": 0.25, "value": 271100.0, "Latitude": 34.14, "Longitude": -118.13, "Population": 1658.0}, {"index": 6704, "quantile": 0.5, "value": 295500.0, "Latitude": 34.14, "Longitude": -118.13, "Population": 1658.0}, {"index": 6704, "quantile": 0.75, "value": 369050.0, "Latitude": 34.14, "Longitude": -118.13, "Population": 1658.0}, {"index": 6704, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.13, "Population": 1658.0}, {"index": 6705, "quantile": 0.0, "value": 159100.0, "Latitude": 34.14, "Longitude": -118.14, "Population": 4210.0}, {"index": 6705, "quantile": 0.25, "value": 275000.0, "Latitude": 34.14, "Longitude": -118.14, "Population": 4210.0}, {"index": 6705, "quantile": 0.5, "value": 362500.0, "Latitude": 34.14, "Longitude": -118.14, "Population": 4210.0}, {"index": 6705, "quantile": 0.75, "value": 450000.0, "Latitude": 34.14, "Longitude": -118.14, "Population": 4210.0}, {"index": 6705, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.14, "Population": 4210.0}, {"index": 6706, "quantile": 0.0, "value": 45000.0, "Latitude": 34.14, "Longitude": -118.14, "Population": 1694.0}, {"index": 6706, "quantile": 0.25, "value": 141700.0, "Latitude": 34.14, "Longitude": -118.14, "Population": 1694.0}, {"index": 6706, "quantile": 0.5, "value": 187500.0, "Latitude": 34.14, "Longitude": -118.14, "Population": 1694.0}, {"index": 6706, "quantile": 0.75, "value": 211225.0, "Latitude": 34.14, "Longitude": -118.14, "Population": 1694.0}, {"index": 6706, "quantile": 1.0, "value": 420800.0, "Latitude": 34.14, "Longitude": -118.14, "Population": 1694.0}, {"index": 6707, "quantile": 0.0, "value": 87500.0, "Latitude": 34.14, "Longitude": -118.15, "Population": 755.0}, {"index": 6707, "quantile": 0.25, "value": 258300.00000000003, "Latitude": 34.14, "Longitude": -118.15, "Population": 755.0}, {"index": 6707, "quantile": 0.5, "value": 258300.00000000003, "Latitude": 34.14, "Longitude": -118.15, "Population": 755.0}, {"index": 6707, "quantile": 0.75, "value": 297550.0, "Latitude": 34.14, "Longitude": -118.15, "Population": 755.0}, {"index": 6707, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.15, "Population": 755.0}, {"index": 6708, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.14, "Longitude": -118.15, "Population": 454.0}, {"index": 6708, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 34.14, "Longitude": -118.15, "Population": 454.0}, {"index": 6708, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 34.14, "Longitude": -118.15, "Population": 454.0}, {"index": 6708, "quantile": 0.75, "value": 173125.00000000003, "Latitude": 34.14, "Longitude": -118.15, "Population": 454.0}, {"index": 6708, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.15, "Population": 454.0}, {"index": 6709, "quantile": 0.0, "value": 55500.00000000001, "Latitude": 34.14, "Longitude": -118.15, "Population": 361.0}, {"index": 6709, "quantile": 0.25, "value": 149100.0, "Latitude": 34.14, "Longitude": -118.15, "Population": 361.0}, {"index": 6709, "quantile": 0.5, "value": 187500.0, "Latitude": 34.14, "Longitude": -118.15, "Population": 361.0}, {"index": 6709, "quantile": 0.75, "value": 187500.0, "Latitude": 34.14, "Longitude": -118.15, "Population": 361.0}, {"index": 6709, "quantile": 1.0, "value": 268500.0, "Latitude": 34.14, "Longitude": -118.15, "Population": 361.0}, {"index": 6710, "quantile": 0.0, "value": 258199.99999999997, "Latitude": 34.14, "Longitude": -118.16, "Population": 816.0}, {"index": 6710, "quantile": 0.25, "value": 451474.99999999994, "Latitude": 34.14, "Longitude": -118.16, "Population": 816.0}, {"index": 6710, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.16, "Population": 816.0}, {"index": 6710, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.16, "Population": 816.0}, {"index": 6710, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.16, "Population": 816.0}, {"index": 6711, "quantile": 0.0, "value": 293500.0, "Latitude": 34.14, "Longitude": -118.16, "Population": 973.0}, {"index": 6711, "quantile": 0.25, "value": 499675.74999999994, "Latitude": 34.14, "Longitude": -118.16, "Population": 973.0}, {"index": 6711, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.16, "Population": 973.0}, {"index": 6711, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.16, "Population": 973.0}, {"index": 6711, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.16, "Population": 973.0}, {"index": 6712, "quantile": 0.0, "value": 454300.0, "Latitude": 34.14, "Longitude": -118.17, "Population": 759.0}, {"index": 6712, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.17, "Population": 759.0}, {"index": 6712, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.17, "Population": 759.0}, {"index": 6712, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.17, "Population": 759.0}, {"index": 6712, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.17, "Population": 759.0}, {"index": 6713, "quantile": 0.0, "value": 263700.0, "Latitude": 34.13, "Longitude": -118.18, "Population": 1057.0}, {"index": 6713, "quantile": 0.25, "value": 477799.99999999994, "Latitude": 34.13, "Longitude": -118.18, "Population": 1057.0}, {"index": 6713, "quantile": 0.5, "value": 477799.99999999994, "Latitude": 34.13, "Longitude": -118.18, "Population": 1057.0}, {"index": 6713, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.18, "Population": 1057.0}, {"index": 6713, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.18, "Population": 1057.0}, {"index": 6714, "quantile": 0.0, "value": 286200.0, "Latitude": 34.13, "Longitude": -118.18, "Population": 1007.0}, {"index": 6714, "quantile": 0.25, "value": 363000.0, "Latitude": 34.13, "Longitude": -118.18, "Population": 1007.0}, {"index": 6714, "quantile": 0.5, "value": 363000.0, "Latitude": 34.13, "Longitude": -118.18, "Population": 1007.0}, {"index": 6714, "quantile": 0.75, "value": 431850.0, "Latitude": 34.13, "Longitude": -118.18, "Population": 1007.0}, {"index": 6714, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.18, "Population": 1007.0}, {"index": 6715, "quantile": 0.0, "value": 319300.0, "Latitude": 34.14, "Longitude": -118.18, "Population": 1131.0}, {"index": 6715, "quantile": 0.25, "value": 424000.0, "Latitude": 34.14, "Longitude": -118.18, "Population": 1131.0}, {"index": 6715, "quantile": 0.5, "value": 477100.0, "Latitude": 34.14, "Longitude": -118.18, "Population": 1131.0}, {"index": 6715, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.18, "Population": 1131.0}, {"index": 6715, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.18, "Population": 1131.0}, {"index": 6716, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 34.13, "Longitude": -118.15, "Population": 1143.0}, {"index": 6716, "quantile": 0.25, "value": 220750.0, "Latitude": 34.13, "Longitude": -118.15, "Population": 1143.0}, {"index": 6716, "quantile": 0.5, "value": 261850.0, "Latitude": 34.13, "Longitude": -118.15, "Population": 1143.0}, {"index": 6716, "quantile": 0.75, "value": 296300.0, "Latitude": 34.13, "Longitude": -118.15, "Population": 1143.0}, {"index": 6716, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.15, "Population": 1143.0}, {"index": 6717, "quantile": 0.0, "value": 186400.0, "Latitude": 34.13, "Longitude": -118.15, "Population": 947.0}, {"index": 6717, "quantile": 0.25, "value": 314700.0, "Latitude": 34.13, "Longitude": -118.15, "Population": 947.0}, {"index": 6717, "quantile": 0.5, "value": 314700.0, "Latitude": 34.13, "Longitude": -118.15, "Population": 947.0}, {"index": 6717, "quantile": 0.75, "value": 342100.0, "Latitude": 34.13, "Longitude": -118.15, "Population": 947.0}, {"index": 6717, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.15, "Population": 947.0}, {"index": 6718, "quantile": 0.0, "value": 263700.0, "Latitude": 34.13, "Longitude": -118.16, "Population": 1337.0}, {"index": 6718, "quantile": 0.25, "value": 490800.00000000006, "Latitude": 34.13, "Longitude": -118.16, "Population": 1337.0}, {"index": 6718, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.16, "Population": 1337.0}, {"index": 6718, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.16, "Population": 1337.0}, {"index": 6718, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.16, "Population": 1337.0}, {"index": 6719, "quantile": 0.0, "value": 320300.0, "Latitude": 34.13, "Longitude": -118.13, "Population": 924.0}, {"index": 6719, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.13, "Population": 924.0}, {"index": 6719, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.13, "Population": 924.0}, {"index": 6719, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.13, "Population": 924.0}, {"index": 6719, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.13, "Population": 924.0}, {"index": 6720, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.13, "Population": 1109.0}, {"index": 6720, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.13, "Population": 1109.0}, {"index": 6720, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.13, "Population": 1109.0}, {"index": 6720, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.13, "Population": 1109.0}, {"index": 6720, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.13, "Population": 1109.0}, {"index": 6721, "quantile": 0.0, "value": 134100.0, "Latitude": 34.13, "Longitude": -118.14, "Population": 1505.0}, {"index": 6721, "quantile": 0.25, "value": 250525.00000000003, "Latitude": 34.13, "Longitude": -118.14, "Population": 1505.0}, {"index": 6721, "quantile": 0.5, "value": 251100.0, "Latitude": 34.13, "Longitude": -118.14, "Population": 1505.0}, {"index": 6721, "quantile": 0.75, "value": 251100.0, "Latitude": 34.13, "Longitude": -118.14, "Population": 1505.0}, {"index": 6721, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.13, "Longitude": -118.14, "Population": 1505.0}, {"index": 6722, "quantile": 0.0, "value": 228300.0, "Latitude": 34.13, "Longitude": -118.14, "Population": 1650.0}, {"index": 6722, "quantile": 0.25, "value": 319100.0, "Latitude": 34.13, "Longitude": -118.14, "Population": 1650.0}, {"index": 6722, "quantile": 0.5, "value": 388900.0, "Latitude": 34.13, "Longitude": -118.14, "Population": 1650.0}, {"index": 6722, "quantile": 0.75, "value": 446875.0, "Latitude": 34.13, "Longitude": -118.14, "Population": 1650.0}, {"index": 6722, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.14, "Population": 1650.0}, {"index": 6723, "quantile": 0.0, "value": 40000.0, "Latitude": 34.13, "Longitude": -118.15, "Population": 430.0}, {"index": 6723, "quantile": 0.25, "value": 258300.00000000003, "Latitude": 34.13, "Longitude": -118.15, "Population": 430.0}, {"index": 6723, "quantile": 0.5, "value": 290000.0, "Latitude": 34.13, "Longitude": -118.15, "Population": 430.0}, {"index": 6723, "quantile": 0.75, "value": 348025.0, "Latitude": 34.13, "Longitude": -118.15, "Population": 430.0}, {"index": 6723, "quantile": 1.0, "value": 474300.00000000006, "Latitude": 34.13, "Longitude": -118.15, "Population": 430.0}, {"index": 6724, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.12, "Population": 975.0}, {"index": 6724, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.12, "Population": 975.0}, {"index": 6724, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.12, "Population": 975.0}, {"index": 6724, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.12, "Population": 975.0}, {"index": 6724, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.12, "Population": 975.0}, {"index": 6725, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.11, "Population": 900.0}, {"index": 6725, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.11, "Population": 900.0}, {"index": 6725, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.11, "Population": 900.0}, {"index": 6725, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.11, "Population": 900.0}, {"index": 6725, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.11, "Population": 900.0}, {"index": 6726, "quantile": 0.0, "value": 410300.0, "Latitude": 34.12, "Longitude": -118.11, "Population": 1152.0}, {"index": 6726, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.11, "Population": 1152.0}, {"index": 6726, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.11, "Population": 1152.0}, {"index": 6726, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.11, "Population": 1152.0}, {"index": 6726, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.11, "Population": 1152.0}, {"index": 6727, "quantile": 0.0, "value": 410300.0, "Latitude": 34.12, "Longitude": -118.12, "Population": 956.0}, {"index": 6727, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.12, "Population": 956.0}, {"index": 6727, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.12, "Population": 956.0}, {"index": 6727, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.12, "Population": 956.0}, {"index": 6727, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.12, "Population": 956.0}, {"index": 6728, "quantile": 0.0, "value": 498600.0, "Latitude": 34.11, "Longitude": -118.12, "Population": 1057.0}, {"index": 6728, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.12, "Population": 1057.0}, {"index": 6728, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.12, "Population": 1057.0}, {"index": 6728, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.12, "Population": 1057.0}, {"index": 6728, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.12, "Population": 1057.0}, {"index": 6729, "quantile": 0.0, "value": 360600.0, "Latitude": 34.11, "Longitude": -118.13, "Population": 1102.0}, {"index": 6729, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.13, "Population": 1102.0}, {"index": 6729, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.13, "Population": 1102.0}, {"index": 6729, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.13, "Population": 1102.0}, {"index": 6729, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.13, "Population": 1102.0}, {"index": 6730, "quantile": 0.0, "value": 320300.0, "Latitude": 34.11, "Longitude": -118.14, "Population": 1153.0}, {"index": 6730, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.14, "Population": 1153.0}, {"index": 6730, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.14, "Population": 1153.0}, {"index": 6730, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.14, "Population": 1153.0}, {"index": 6730, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.14, "Population": 1153.0}, {"index": 6731, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.1, "Population": 754.0}, {"index": 6731, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.1, "Population": 754.0}, {"index": 6731, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.1, "Population": 754.0}, {"index": 6731, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.1, "Population": 754.0}, {"index": 6731, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.1, "Population": 754.0}, {"index": 6732, "quantile": 0.0, "value": 418800.0, "Latitude": 34.13, "Longitude": -118.1, "Population": 693.0}, {"index": 6732, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.1, "Population": 693.0}, {"index": 6732, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.1, "Population": 693.0}, {"index": 6732, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.1, "Population": 693.0}, {"index": 6732, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.1, "Population": 693.0}, {"index": 6733, "quantile": 0.0, "value": 329800.0, "Latitude": 34.12, "Longitude": -118.09, "Population": 1231.0}, {"index": 6733, "quantile": 0.25, "value": 446600.0, "Latitude": 34.12, "Longitude": -118.09, "Population": 1231.0}, {"index": 6733, "quantile": 0.5, "value": 484100.0, "Latitude": 34.12, "Longitude": -118.09, "Population": 1231.0}, {"index": 6733, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.09, "Population": 1231.0}, {"index": 6733, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.09, "Population": 1231.0}, {"index": 6734, "quantile": 0.0, "value": 258300.00000000003, "Latitude": 34.12, "Longitude": -118.1, "Population": 1601.0}, {"index": 6734, "quantile": 0.25, "value": 457400.0, "Latitude": 34.12, "Longitude": -118.1, "Population": 1601.0}, {"index": 6734, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.1, "Population": 1601.0}, {"index": 6734, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.1, "Population": 1601.0}, {"index": 6734, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.1, "Population": 1601.0}, {"index": 6735, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.1, "Population": 636.0}, {"index": 6735, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.1, "Population": 636.0}, {"index": 6735, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.1, "Population": 636.0}, {"index": 6735, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.1, "Population": 636.0}, {"index": 6735, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.1, "Population": 636.0}, {"index": 6736, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.1, "Population": 749.0}, {"index": 6736, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.1, "Population": 749.0}, {"index": 6736, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.1, "Population": 749.0}, {"index": 6736, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.1, "Population": 749.0}, {"index": 6736, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.1, "Population": 749.0}, {"index": 6737, "quantile": 0.0, "value": 150800.0, "Latitude": 34.13, "Longitude": -118.08, "Population": 413.0}, {"index": 6737, "quantile": 0.25, "value": 255399.99999999997, "Latitude": 34.13, "Longitude": -118.08, "Population": 413.0}, {"index": 6737, "quantile": 0.5, "value": 351150.0, "Latitude": 34.13, "Longitude": -118.08, "Population": 413.0}, {"index": 6737, "quantile": 0.75, "value": 404125.0, "Latitude": 34.13, "Longitude": -118.08, "Population": 413.0}, {"index": 6737, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.08, "Population": 413.0}, {"index": 6738, "quantile": 0.0, "value": 164300.0, "Latitude": 34.12, "Longitude": -118.08, "Population": 807.0}, {"index": 6738, "quantile": 0.25, "value": 216900.0, "Latitude": 34.12, "Longitude": -118.08, "Population": 807.0}, {"index": 6738, "quantile": 0.5, "value": 295550.0, "Latitude": 34.12, "Longitude": -118.08, "Population": 807.0}, {"index": 6738, "quantile": 0.75, "value": 342700.0, "Latitude": 34.12, "Longitude": -118.08, "Population": 807.0}, {"index": 6738, "quantile": 1.0, "value": 489799.99999999994, "Latitude": 34.12, "Longitude": -118.08, "Population": 807.0}, {"index": 6739, "quantile": 0.0, "value": 199400.0, "Latitude": 34.12, "Longitude": -118.09, "Population": 1284.0}, {"index": 6739, "quantile": 0.25, "value": 324300.00000000006, "Latitude": 34.12, "Longitude": -118.09, "Population": 1284.0}, {"index": 6739, "quantile": 0.5, "value": 342700.0, "Latitude": 34.12, "Longitude": -118.09, "Population": 1284.0}, {"index": 6739, "quantile": 0.75, "value": 342700.0, "Latitude": 34.12, "Longitude": -118.09, "Population": 1284.0}, {"index": 6739, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.09, "Population": 1284.0}, {"index": 6740, "quantile": 0.0, "value": 158200.0, "Latitude": 34.12, "Longitude": -118.09, "Population": 779.0}, {"index": 6740, "quantile": 0.25, "value": 318500.0, "Latitude": 34.12, "Longitude": -118.09, "Population": 779.0}, {"index": 6740, "quantile": 0.5, "value": 359900.0, "Latitude": 34.12, "Longitude": -118.09, "Population": 779.0}, {"index": 6740, "quantile": 0.75, "value": 359900.0, "Latitude": 34.12, "Longitude": -118.09, "Population": 779.0}, {"index": 6740, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.12, "Longitude": -118.09, "Population": 779.0}, {"index": 6741, "quantile": 0.0, "value": 155500.0, "Latitude": 34.13, "Longitude": -118.07, "Population": 1992.0}, {"index": 6741, "quantile": 0.25, "value": 251200.0, "Latitude": 34.13, "Longitude": -118.07, "Population": 1992.0}, {"index": 6741, "quantile": 0.5, "value": 251200.0, "Latitude": 34.13, "Longitude": -118.07, "Population": 1992.0}, {"index": 6741, "quantile": 0.75, "value": 251200.0, "Latitude": 34.13, "Longitude": -118.07, "Population": 1992.0}, {"index": 6741, "quantile": 1.0, "value": 366700.0, "Latitude": 34.13, "Longitude": -118.07, "Population": 1992.0}, {"index": 6742, "quantile": 0.0, "value": 85500.0, "Latitude": 34.13, "Longitude": -118.08, "Population": 2273.0}, {"index": 6742, "quantile": 0.25, "value": 228500.0, "Latitude": 34.13, "Longitude": -118.08, "Population": 2273.0}, {"index": 6742, "quantile": 0.5, "value": 228500.0, "Latitude": 34.13, "Longitude": -118.08, "Population": 2273.0}, {"index": 6742, "quantile": 0.75, "value": 228500.0, "Latitude": 34.13, "Longitude": -118.08, "Population": 2273.0}, {"index": 6742, "quantile": 1.0, "value": 369300.0, "Latitude": 34.13, "Longitude": -118.08, "Population": 2273.0}, {"index": 6743, "quantile": 0.0, "value": 212500.0, "Latitude": 34.12, "Longitude": -118.07, "Population": 1194.0}, {"index": 6743, "quantile": 0.25, "value": 279900.0, "Latitude": 34.12, "Longitude": -118.07, "Population": 1194.0}, {"index": 6743, "quantile": 0.5, "value": 279900.0, "Latitude": 34.12, "Longitude": -118.07, "Population": 1194.0}, {"index": 6743, "quantile": 0.75, "value": 280175.0, "Latitude": 34.12, "Longitude": -118.07, "Population": 1194.0}, {"index": 6743, "quantile": 1.0, "value": 365600.0, "Latitude": 34.12, "Longitude": -118.07, "Population": 1194.0}, {"index": 6744, "quantile": 0.0, "value": 168300.0, "Latitude": 34.12, "Longitude": -118.07, "Population": 802.0}, {"index": 6744, "quantile": 0.25, "value": 265750.0, "Latitude": 34.12, "Longitude": -118.07, "Population": 802.0}, {"index": 6744, "quantile": 0.5, "value": 272600.0, "Latitude": 34.12, "Longitude": -118.07, "Population": 802.0}, {"index": 6744, "quantile": 0.75, "value": 272600.0, "Latitude": 34.12, "Longitude": -118.07, "Population": 802.0}, {"index": 6744, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 34.12, "Longitude": -118.07, "Population": 802.0}, {"index": 6745, "quantile": 0.0, "value": 152100.0, "Latitude": 34.12, "Longitude": -118.08, "Population": 1541.0}, {"index": 6745, "quantile": 0.25, "value": 260400.0, "Latitude": 34.12, "Longitude": -118.08, "Population": 1541.0}, {"index": 6745, "quantile": 0.5, "value": 264100.0, "Latitude": 34.12, "Longitude": -118.08, "Population": 1541.0}, {"index": 6745, "quantile": 0.75, "value": 264100.0, "Latitude": 34.12, "Longitude": -118.08, "Population": 1541.0}, {"index": 6745, "quantile": 1.0, "value": 341700.0, "Latitude": 34.12, "Longitude": -118.08, "Population": 1541.0}, {"index": 6746, "quantile": 0.0, "value": 136200.0, "Latitude": 34.12, "Longitude": -118.08, "Population": 757.0}, {"index": 6746, "quantile": 0.25, "value": 255400.00000000003, "Latitude": 34.12, "Longitude": -118.08, "Population": 757.0}, {"index": 6746, "quantile": 0.5, "value": 270500.0, "Latitude": 34.12, "Longitude": -118.08, "Population": 757.0}, {"index": 6746, "quantile": 0.75, "value": 270500.0, "Latitude": 34.12, "Longitude": -118.08, "Population": 757.0}, {"index": 6746, "quantile": 1.0, "value": 387800.0, "Latitude": 34.12, "Longitude": -118.08, "Population": 757.0}, {"index": 6747, "quantile": 0.0, "value": 131500.0, "Latitude": 34.11, "Longitude": -118.07, "Population": 1627.0}, {"index": 6747, "quantile": 0.25, "value": 208750.0, "Latitude": 34.11, "Longitude": -118.07, "Population": 1627.0}, {"index": 6747, "quantile": 0.5, "value": 227300.0, "Latitude": 34.11, "Longitude": -118.07, "Population": 1627.0}, {"index": 6747, "quantile": 0.75, "value": 271774.99999999994, "Latitude": 34.11, "Longitude": -118.07, "Population": 1627.0}, {"index": 6747, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.11, "Longitude": -118.07, "Population": 1627.0}, {"index": 6748, "quantile": 0.0, "value": 65300.0, "Latitude": 34.11, "Longitude": -118.07, "Population": 419.0}, {"index": 6748, "quantile": 0.25, "value": 225000.0, "Latitude": 34.11, "Longitude": -118.07, "Population": 419.0}, {"index": 6748, "quantile": 0.5, "value": 225000.0, "Latitude": 34.11, "Longitude": -118.07, "Population": 419.0}, {"index": 6748, "quantile": 0.75, "value": 225000.0, "Latitude": 34.11, "Longitude": -118.07, "Population": 419.0}, {"index": 6748, "quantile": 1.0, "value": 461100.0, "Latitude": 34.11, "Longitude": -118.07, "Population": 419.0}, {"index": 6749, "quantile": 0.0, "value": 156400.0, "Latitude": 34.11, "Longitude": -118.08, "Population": 1494.0}, {"index": 6749, "quantile": 0.25, "value": 257200.0, "Latitude": 34.11, "Longitude": -118.08, "Population": 1494.0}, {"index": 6749, "quantile": 0.5, "value": 257200.0, "Latitude": 34.11, "Longitude": -118.08, "Population": 1494.0}, {"index": 6749, "quantile": 0.75, "value": 257200.0, "Latitude": 34.11, "Longitude": -118.08, "Population": 1494.0}, {"index": 6749, "quantile": 1.0, "value": 274300.0, "Latitude": 34.11, "Longitude": -118.08, "Population": 1494.0}, {"index": 6750, "quantile": 0.0, "value": 158200.0, "Latitude": 34.11, "Longitude": -118.08, "Population": 927.0}, {"index": 6750, "quantile": 0.25, "value": 285300.0, "Latitude": 34.11, "Longitude": -118.08, "Population": 927.0}, {"index": 6750, "quantile": 0.5, "value": 285300.0, "Latitude": 34.11, "Longitude": -118.08, "Population": 927.0}, {"index": 6750, "quantile": 0.75, "value": 285300.0, "Latitude": 34.11, "Longitude": -118.08, "Population": 927.0}, {"index": 6750, "quantile": 1.0, "value": 373800.0, "Latitude": 34.11, "Longitude": -118.08, "Population": 927.0}, {"index": 6751, "quantile": 0.0, "value": 100000.0, "Latitude": 34.1, "Longitude": -118.08, "Population": 1500.0}, {"index": 6751, "quantile": 0.25, "value": 214600.0, "Latitude": 34.1, "Longitude": -118.08, "Population": 1500.0}, {"index": 6751, "quantile": 0.5, "value": 214600.0, "Latitude": 34.1, "Longitude": -118.08, "Population": 1500.0}, {"index": 6751, "quantile": 0.75, "value": 214600.0, "Latitude": 34.1, "Longitude": -118.08, "Population": 1500.0}, {"index": 6751, "quantile": 1.0, "value": 361700.0, "Latitude": 34.1, "Longitude": -118.08, "Population": 1500.0}, {"index": 6752, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 34.11, "Longitude": -118.09, "Population": 1231.0}, {"index": 6752, "quantile": 0.25, "value": 219000.0, "Latitude": 34.11, "Longitude": -118.09, "Population": 1231.0}, {"index": 6752, "quantile": 0.5, "value": 239250.0, "Latitude": 34.11, "Longitude": -118.09, "Population": 1231.0}, {"index": 6752, "quantile": 0.75, "value": 283000.0, "Latitude": 34.11, "Longitude": -118.09, "Population": 1231.0}, {"index": 6752, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.09, "Population": 1231.0}, {"index": 6753, "quantile": 0.0, "value": 295500.0, "Latitude": 34.11, "Longitude": -118.09, "Population": 764.0}, {"index": 6753, "quantile": 0.25, "value": 414799.99999999994, "Latitude": 34.11, "Longitude": -118.09, "Population": 764.0}, {"index": 6753, "quantile": 0.5, "value": 414799.99999999994, "Latitude": 34.11, "Longitude": -118.09, "Population": 764.0}, {"index": 6753, "quantile": 0.75, "value": 414799.99999999994, "Latitude": 34.11, "Longitude": -118.09, "Population": 764.0}, {"index": 6753, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.09, "Population": 764.0}, {"index": 6754, "quantile": 0.0, "value": 84600.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 792.0}, {"index": 6754, "quantile": 0.25, "value": 258575.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 792.0}, {"index": 6754, "quantile": 0.5, "value": 280000.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 792.0}, {"index": 6754, "quantile": 0.75, "value": 280000.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 792.0}, {"index": 6754, "quantile": 1.0, "value": 330300.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 792.0}, {"index": 6755, "quantile": 0.0, "value": 237200.0, "Latitude": 34.11, "Longitude": -118.1, "Population": 1317.0}, {"index": 6755, "quantile": 0.25, "value": 351400.0, "Latitude": 34.11, "Longitude": -118.1, "Population": 1317.0}, {"index": 6755, "quantile": 0.5, "value": 351400.0, "Latitude": 34.11, "Longitude": -118.1, "Population": 1317.0}, {"index": 6755, "quantile": 0.75, "value": 359400.0, "Latitude": 34.11, "Longitude": -118.1, "Population": 1317.0}, {"index": 6755, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.1, "Population": 1317.0}, {"index": 6756, "quantile": 0.0, "value": 160100.0, "Latitude": 34.11, "Longitude": -118.11, "Population": 753.0}, {"index": 6756, "quantile": 0.25, "value": 358700.0, "Latitude": 34.11, "Longitude": -118.11, "Population": 753.0}, {"index": 6756, "quantile": 0.5, "value": 414799.99999999994, "Latitude": 34.11, "Longitude": -118.11, "Population": 753.0}, {"index": 6756, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.11, "Population": 753.0}, {"index": 6756, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.11, "Population": 753.0}, {"index": 6757, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 34.1, "Longitude": -118.11, "Population": 1329.0}, {"index": 6757, "quantile": 0.25, "value": 292900.0, "Latitude": 34.1, "Longitude": -118.11, "Population": 1329.0}, {"index": 6757, "quantile": 0.5, "value": 292900.0, "Latitude": 34.1, "Longitude": -118.11, "Population": 1329.0}, {"index": 6757, "quantile": 0.75, "value": 294900.0, "Latitude": 34.1, "Longitude": -118.11, "Population": 1329.0}, {"index": 6757, "quantile": 1.0, "value": 490400.0, "Latitude": 34.1, "Longitude": -118.11, "Population": 1329.0}, {"index": 6758, "quantile": 0.0, "value": 153800.0, "Latitude": 34.11, "Longitude": -118.12, "Population": 785.0}, {"index": 6758, "quantile": 0.25, "value": 315425.0, "Latitude": 34.11, "Longitude": -118.12, "Population": 785.0}, {"index": 6758, "quantile": 0.5, "value": 359600.0, "Latitude": 34.11, "Longitude": -118.12, "Population": 785.0}, {"index": 6758, "quantile": 0.75, "value": 359600.0, "Latitude": 34.11, "Longitude": -118.12, "Population": 785.0}, {"index": 6758, "quantile": 1.0, "value": 479000.0, "Latitude": 34.11, "Longitude": -118.12, "Population": 785.0}, {"index": 6759, "quantile": 0.0, "value": 97300.0, "Latitude": 34.1, "Longitude": -118.12, "Population": 1103.0}, {"index": 6759, "quantile": 0.25, "value": 238275.00000000003, "Latitude": 34.1, "Longitude": -118.12, "Population": 1103.0}, {"index": 6759, "quantile": 0.5, "value": 282600.0, "Latitude": 34.1, "Longitude": -118.12, "Population": 1103.0}, {"index": 6759, "quantile": 0.75, "value": 282600.0, "Latitude": 34.1, "Longitude": -118.12, "Population": 1103.0}, {"index": 6759, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.1, "Longitude": -118.12, "Population": 1103.0}, {"index": 6760, "quantile": 0.0, "value": 168900.0, "Latitude": 34.1, "Longitude": -118.12, "Population": 1435.0}, {"index": 6760, "quantile": 0.25, "value": 230750.0, "Latitude": 34.1, "Longitude": -118.12, "Population": 1435.0}, {"index": 6760, "quantile": 0.5, "value": 306300.0, "Latitude": 34.1, "Longitude": -118.12, "Population": 1435.0}, {"index": 6760, "quantile": 0.75, "value": 306300.0, "Latitude": 34.1, "Longitude": -118.12, "Population": 1435.0}, {"index": 6760, "quantile": 1.0, "value": 323700.0, "Latitude": 34.1, "Longitude": -118.12, "Population": 1435.0}, {"index": 6761, "quantile": 0.0, "value": 93800.0, "Latitude": 34.1, "Longitude": -118.13, "Population": 1396.0}, {"index": 6761, "quantile": 0.25, "value": 149175.0, "Latitude": 34.1, "Longitude": -118.13, "Population": 1396.0}, {"index": 6761, "quantile": 0.5, "value": 175000.0, "Latitude": 34.1, "Longitude": -118.13, "Population": 1396.0}, {"index": 6761, "quantile": 0.75, "value": 200575.0, "Latitude": 34.1, "Longitude": -118.13, "Population": 1396.0}, {"index": 6761, "quantile": 1.0, "value": 350000.0, "Latitude": 34.1, "Longitude": -118.13, "Population": 1396.0}, {"index": 6762, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.09, "Longitude": -118.13, "Population": 2773.0}, {"index": 6762, "quantile": 0.25, "value": 188200.0, "Latitude": 34.09, "Longitude": -118.13, "Population": 2773.0}, {"index": 6762, "quantile": 0.5, "value": 188200.0, "Latitude": 34.09, "Longitude": -118.13, "Population": 2773.0}, {"index": 6762, "quantile": 0.75, "value": 188200.0, "Latitude": 34.09, "Longitude": -118.13, "Population": 2773.0}, {"index": 6762, "quantile": 1.0, "value": 253900.00000000003, "Latitude": 34.09, "Longitude": -118.13, "Population": 2773.0}, {"index": 6763, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 34.1, "Longitude": -118.13, "Population": 2153.0}, {"index": 6763, "quantile": 0.25, "value": 209225.0, "Latitude": 34.1, "Longitude": -118.13, "Population": 2153.0}, {"index": 6763, "quantile": 0.5, "value": 214100.0, "Latitude": 34.1, "Longitude": -118.13, "Population": 2153.0}, {"index": 6763, "quantile": 0.75, "value": 214100.0, "Latitude": 34.1, "Longitude": -118.13, "Population": 2153.0}, {"index": 6763, "quantile": 1.0, "value": 305800.0, "Latitude": 34.1, "Longitude": -118.13, "Population": 2153.0}, {"index": 6764, "quantile": 0.0, "value": 165600.0, "Latitude": 34.09, "Longitude": -118.14, "Population": 2622.0}, {"index": 6764, "quantile": 0.25, "value": 208700.00000000003, "Latitude": 34.09, "Longitude": -118.14, "Population": 2622.0}, {"index": 6764, "quantile": 0.5, "value": 208700.00000000003, "Latitude": 34.09, "Longitude": -118.14, "Population": 2622.0}, {"index": 6764, "quantile": 0.75, "value": 208700.00000000003, "Latitude": 34.09, "Longitude": -118.14, "Population": 2622.0}, {"index": 6764, "quantile": 1.0, "value": 253900.00000000003, "Latitude": 34.09, "Longitude": -118.14, "Population": 2622.0}, {"index": 6765, "quantile": 0.0, "value": 205799.99999999997, "Latitude": 34.11, "Longitude": -118.13, "Population": 755.0}, {"index": 6765, "quantile": 0.25, "value": 351100.0, "Latitude": 34.11, "Longitude": -118.13, "Population": 755.0}, {"index": 6765, "quantile": 0.5, "value": 351100.0, "Latitude": 34.11, "Longitude": -118.13, "Population": 755.0}, {"index": 6765, "quantile": 0.75, "value": 351100.0, "Latitude": 34.11, "Longitude": -118.13, "Population": 755.0}, {"index": 6765, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.13, "Population": 755.0}, {"index": 6766, "quantile": 0.0, "value": 45000.0, "Latitude": 34.1, "Longitude": -118.13, "Population": 2478.0}, {"index": 6766, "quantile": 0.25, "value": 251200.0, "Latitude": 34.1, "Longitude": -118.13, "Population": 2478.0}, {"index": 6766, "quantile": 0.5, "value": 252400.0, "Latitude": 34.1, "Longitude": -118.13, "Population": 2478.0}, {"index": 6766, "quantile": 0.75, "value": 252400.0, "Latitude": 34.1, "Longitude": -118.13, "Population": 2478.0}, {"index": 6766, "quantile": 1.0, "value": 434800.0, "Latitude": 34.1, "Longitude": -118.13, "Population": 2478.0}, {"index": 6767, "quantile": 0.0, "value": 106900.0, "Latitude": 34.1, "Longitude": -118.14, "Population": 2290.0}, {"index": 6767, "quantile": 0.25, "value": 220699.99999999997, "Latitude": 34.1, "Longitude": -118.14, "Population": 2290.0}, {"index": 6767, "quantile": 0.5, "value": 258400.0, "Latitude": 34.1, "Longitude": -118.14, "Population": 2290.0}, {"index": 6767, "quantile": 0.75, "value": 258400.0, "Latitude": 34.1, "Longitude": -118.14, "Population": 2290.0}, {"index": 6767, "quantile": 1.0, "value": 300000.0, "Latitude": 34.1, "Longitude": -118.14, "Population": 2290.0}, {"index": 6768, "quantile": 0.0, "value": 195100.0, "Latitude": 34.11, "Longitude": -118.14, "Population": 1427.0}, {"index": 6768, "quantile": 0.25, "value": 301150.0, "Latitude": 34.11, "Longitude": -118.14, "Population": 1427.0}, {"index": 6768, "quantile": 0.5, "value": 444500.0, "Latitude": 34.11, "Longitude": -118.14, "Population": 1427.0}, {"index": 6768, "quantile": 0.75, "value": 444500.0, "Latitude": 34.11, "Longitude": -118.14, "Population": 1427.0}, {"index": 6768, "quantile": 1.0, "value": 444500.0, "Latitude": 34.11, "Longitude": -118.14, "Population": 1427.0}, {"index": 6769, "quantile": 0.0, "value": 173100.0, "Latitude": 34.1, "Longitude": -118.15, "Population": 1927.0}, {"index": 6769, "quantile": 0.25, "value": 342000.0, "Latitude": 34.1, "Longitude": -118.15, "Population": 1927.0}, {"index": 6769, "quantile": 0.5, "value": 419100.0, "Latitude": 34.1, "Longitude": -118.15, "Population": 1927.0}, {"index": 6769, "quantile": 0.75, "value": 419100.0, "Latitude": 34.1, "Longitude": -118.15, "Population": 1927.0}, {"index": 6769, "quantile": 1.0, "value": 419100.0, "Latitude": 34.1, "Longitude": -118.15, "Population": 1927.0}, {"index": 6770, "quantile": 0.0, "value": 263700.0, "Latitude": 34.11, "Longitude": -118.15, "Population": 930.0}, {"index": 6770, "quantile": 0.25, "value": 469100.0, "Latitude": 34.11, "Longitude": -118.15, "Population": 930.0}, {"index": 6770, "quantile": 0.5, "value": 469100.0, "Latitude": 34.11, "Longitude": -118.15, "Population": 930.0}, {"index": 6770, "quantile": 0.75, "value": 469100.0, "Latitude": 34.11, "Longitude": -118.15, "Population": 930.0}, {"index": 6770, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.15, "Population": 930.0}, {"index": 6771, "quantile": 0.0, "value": 87600.0, "Latitude": 34.11, "Longitude": -118.15, "Population": 704.0}, {"index": 6771, "quantile": 0.25, "value": 335700.0, "Latitude": 34.11, "Longitude": -118.15, "Population": 704.0}, {"index": 6771, "quantile": 0.5, "value": 364800.0, "Latitude": 34.11, "Longitude": -118.15, "Population": 704.0}, {"index": 6771, "quantile": 0.75, "value": 364800.0, "Latitude": 34.11, "Longitude": -118.15, "Population": 704.0}, {"index": 6771, "quantile": 1.0, "value": 436400.0, "Latitude": 34.11, "Longitude": -118.15, "Population": 704.0}, {"index": 6772, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 34.11, "Longitude": -118.15, "Population": 363.0}, {"index": 6772, "quantile": 0.25, "value": 352800.0, "Latitude": 34.11, "Longitude": -118.15, "Population": 363.0}, {"index": 6772, "quantile": 0.5, "value": 352800.0, "Latitude": 34.11, "Longitude": -118.15, "Population": 363.0}, {"index": 6772, "quantile": 0.75, "value": 380300.0, "Latitude": 34.11, "Longitude": -118.15, "Population": 363.0}, {"index": 6772, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.15, "Population": 363.0}, {"index": 6773, "quantile": 0.0, "value": 132200.0, "Latitude": 34.12, "Longitude": -118.15, "Population": 2719.0}, {"index": 6773, "quantile": 0.25, "value": 289375.0, "Latitude": 34.12, "Longitude": -118.15, "Population": 2719.0}, {"index": 6773, "quantile": 0.5, "value": 346550.0, "Latitude": 34.12, "Longitude": -118.15, "Population": 2719.0}, {"index": 6773, "quantile": 0.75, "value": 413675.0, "Latitude": 34.12, "Longitude": -118.15, "Population": 2719.0}, {"index": 6773, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.15, "Population": 2719.0}, {"index": 6774, "quantile": 0.0, "value": 175000.0, "Latitude": 34.12, "Longitude": -118.15, "Population": 742.0}, {"index": 6774, "quantile": 0.25, "value": 331800.0, "Latitude": 34.12, "Longitude": -118.15, "Population": 742.0}, {"index": 6774, "quantile": 0.5, "value": 382100.0, "Latitude": 34.12, "Longitude": -118.15, "Population": 742.0}, {"index": 6774, "quantile": 0.75, "value": 453800.0, "Latitude": 34.12, "Longitude": -118.15, "Population": 742.0}, {"index": 6774, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.15, "Population": 742.0}, {"index": 6775, "quantile": 0.0, "value": 125499.99999999999, "Latitude": 34.12, "Longitude": -118.15, "Population": 725.0}, {"index": 6775, "quantile": 0.25, "value": 204500.0, "Latitude": 34.12, "Longitude": -118.15, "Population": 725.0}, {"index": 6775, "quantile": 0.5, "value": 204500.0, "Latitude": 34.12, "Longitude": -118.15, "Population": 725.0}, {"index": 6775, "quantile": 0.75, "value": 224250.00000000003, "Latitude": 34.12, "Longitude": -118.15, "Population": 725.0}, {"index": 6775, "quantile": 1.0, "value": 436400.0, "Latitude": 34.12, "Longitude": -118.15, "Population": 725.0}, {"index": 6776, "quantile": 0.0, "value": 191000.0, "Latitude": 34.12, "Longitude": -118.15, "Population": 848.0}, {"index": 6776, "quantile": 0.25, "value": 368700.0, "Latitude": 34.12, "Longitude": -118.15, "Population": 848.0}, {"index": 6776, "quantile": 0.5, "value": 500000.0, "Latitude": 34.12, "Longitude": -118.15, "Population": 848.0}, {"index": 6776, "quantile": 0.75, "value": 500000.0, "Latitude": 34.12, "Longitude": -118.15, "Population": 848.0}, {"index": 6776, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.15, "Population": 848.0}, {"index": 6777, "quantile": 0.0, "value": 281100.0, "Latitude": 34.12, "Longitude": -118.16, "Population": 940.0}, {"index": 6777, "quantile": 0.25, "value": 435100.0, "Latitude": 34.12, "Longitude": -118.16, "Population": 940.0}, {"index": 6777, "quantile": 0.5, "value": 435100.0, "Latitude": 34.12, "Longitude": -118.16, "Population": 940.0}, {"index": 6777, "quantile": 0.75, "value": 470350.0, "Latitude": 34.12, "Longitude": -118.16, "Population": 940.0}, {"index": 6777, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.16, "Population": 940.0}, {"index": 6778, "quantile": 0.0, "value": 254900.0, "Latitude": 34.12, "Longitude": -118.17, "Population": 995.0}, {"index": 6778, "quantile": 0.25, "value": 342850.0, "Latitude": 34.12, "Longitude": -118.17, "Population": 995.0}, {"index": 6778, "quantile": 0.5, "value": 354700.0, "Latitude": 34.12, "Longitude": -118.17, "Population": 995.0}, {"index": 6778, "quantile": 0.75, "value": 354700.0, "Latitude": 34.12, "Longitude": -118.17, "Population": 995.0}, {"index": 6778, "quantile": 1.0, "value": 427200.0, "Latitude": 34.12, "Longitude": -118.17, "Population": 995.0}, {"index": 6779, "quantile": 0.0, "value": 167100.0, "Latitude": 34.11, "Longitude": -118.15, "Population": 1314.0}, {"index": 6779, "quantile": 0.25, "value": 261300.0, "Latitude": 34.11, "Longitude": -118.15, "Population": 1314.0}, {"index": 6779, "quantile": 0.5, "value": 309300.0, "Latitude": 34.11, "Longitude": -118.15, "Population": 1314.0}, {"index": 6779, "quantile": 0.75, "value": 309300.0, "Latitude": 34.11, "Longitude": -118.15, "Population": 1314.0}, {"index": 6779, "quantile": 1.0, "value": 352100.0, "Latitude": 34.11, "Longitude": -118.15, "Population": 1314.0}, {"index": 6780, "quantile": 0.0, "value": 203900.00000000003, "Latitude": 34.1, "Longitude": -118.15, "Population": 1847.0}, {"index": 6780, "quantile": 0.25, "value": 274974.99999999994, "Latitude": 34.1, "Longitude": -118.15, "Population": 1847.0}, {"index": 6780, "quantile": 0.5, "value": 364900.0, "Latitude": 34.1, "Longitude": -118.15, "Population": 1847.0}, {"index": 6780, "quantile": 0.75, "value": 364900.0, "Latitude": 34.1, "Longitude": -118.15, "Population": 1847.0}, {"index": 6780, "quantile": 1.0, "value": 364900.0, "Latitude": 34.1, "Longitude": -118.15, "Population": 1847.0}, {"index": 6781, "quantile": 0.0, "value": 160500.0, "Latitude": 34.11, "Longitude": -118.16, "Population": 2639.0}, {"index": 6781, "quantile": 0.25, "value": 251025.0, "Latitude": 34.11, "Longitude": -118.16, "Population": 2639.0}, {"index": 6781, "quantile": 0.5, "value": 364400.0, "Latitude": 34.11, "Longitude": -118.16, "Population": 2639.0}, {"index": 6781, "quantile": 0.75, "value": 364400.0, "Latitude": 34.11, "Longitude": -118.16, "Population": 2639.0}, {"index": 6781, "quantile": 1.0, "value": 395000.0, "Latitude": 34.11, "Longitude": -118.16, "Population": 2639.0}, {"index": 6782, "quantile": 0.0, "value": 118000.0, "Latitude": 34.11, "Longitude": -118.16, "Population": 632.0}, {"index": 6782, "quantile": 0.25, "value": 238275.00000000003, "Latitude": 34.11, "Longitude": -118.16, "Population": 632.0}, {"index": 6782, "quantile": 0.5, "value": 263600.0, "Latitude": 34.11, "Longitude": -118.16, "Population": 632.0}, {"index": 6782, "quantile": 0.75, "value": 263600.0, "Latitude": 34.11, "Longitude": -118.16, "Population": 632.0}, {"index": 6782, "quantile": 1.0, "value": 308300.0, "Latitude": 34.11, "Longitude": -118.16, "Population": 632.0}, {"index": 6783, "quantile": 0.0, "value": 178400.0, "Latitude": 34.11, "Longitude": -118.17, "Population": 892.0}, {"index": 6783, "quantile": 0.25, "value": 278900.0, "Latitude": 34.11, "Longitude": -118.17, "Population": 892.0}, {"index": 6783, "quantile": 0.5, "value": 278900.0, "Latitude": 34.11, "Longitude": -118.17, "Population": 892.0}, {"index": 6783, "quantile": 0.75, "value": 295200.0, "Latitude": 34.11, "Longitude": -118.17, "Population": 892.0}, {"index": 6783, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.17, "Population": 892.0}, {"index": 6784, "quantile": 0.0, "value": 112500.0, "Latitude": 34.11, "Longitude": -118.17, "Population": 2370.0}, {"index": 6784, "quantile": 0.25, "value": 207899.99999999997, "Latitude": 34.11, "Longitude": -118.17, "Population": 2370.0}, {"index": 6784, "quantile": 0.5, "value": 240000.0, "Latitude": 34.11, "Longitude": -118.17, "Population": 2370.0}, {"index": 6784, "quantile": 0.75, "value": 295300.00000000006, "Latitude": 34.11, "Longitude": -118.17, "Population": 2370.0}, {"index": 6784, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.17, "Population": 2370.0}, {"index": 6785, "quantile": 0.0, "value": 193500.0, "Latitude": 34.1, "Longitude": -118.17, "Population": 1922.0}, {"index": 6785, "quantile": 0.25, "value": 355425.0, "Latitude": 34.1, "Longitude": -118.17, "Population": 1922.0}, {"index": 6785, "quantile": 0.5, "value": 395000.0, "Latitude": 34.1, "Longitude": -118.17, "Population": 1922.0}, {"index": 6785, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.17, "Population": 1922.0}, {"index": 6785, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.17, "Population": 1922.0}, {"index": 6786, "quantile": 0.0, "value": 143800.0, "Latitude": 34.1, "Longitude": -118.14, "Population": 2411.0}, {"index": 6786, "quantile": 0.25, "value": 198575.0, "Latitude": 34.1, "Longitude": -118.14, "Population": 2411.0}, {"index": 6786, "quantile": 0.5, "value": 214100.0, "Latitude": 34.1, "Longitude": -118.14, "Population": 2411.0}, {"index": 6786, "quantile": 0.75, "value": 229475.0, "Latitude": 34.1, "Longitude": -118.14, "Population": 2411.0}, {"index": 6786, "quantile": 1.0, "value": 305800.0, "Latitude": 34.1, "Longitude": -118.14, "Population": 2411.0}, {"index": 6787, "quantile": 0.0, "value": 93000.0, "Latitude": 34.09, "Longitude": -118.15, "Population": 1456.0}, {"index": 6787, "quantile": 0.25, "value": 177925.0, "Latitude": 34.09, "Longitude": -118.15, "Population": 1456.0}, {"index": 6787, "quantile": 0.5, "value": 192800.0, "Latitude": 34.09, "Longitude": -118.15, "Population": 1456.0}, {"index": 6787, "quantile": 0.75, "value": 192800.0, "Latitude": 34.09, "Longitude": -118.15, "Population": 1456.0}, {"index": 6787, "quantile": 1.0, "value": 346200.0, "Latitude": 34.09, "Longitude": -118.15, "Population": 1456.0}, {"index": 6788, "quantile": 0.0, "value": 137500.0, "Latitude": 34.09, "Longitude": -118.15, "Population": 1238.0}, {"index": 6788, "quantile": 0.25, "value": 204199.99999999997, "Latitude": 34.09, "Longitude": -118.15, "Population": 1238.0}, {"index": 6788, "quantile": 0.5, "value": 219499.99999999997, "Latitude": 34.09, "Longitude": -118.15, "Population": 1238.0}, {"index": 6788, "quantile": 0.75, "value": 244824.99999999997, "Latitude": 34.09, "Longitude": -118.15, "Population": 1238.0}, {"index": 6788, "quantile": 1.0, "value": 380300.0, "Latitude": 34.09, "Longitude": -118.15, "Population": 1238.0}, {"index": 6789, "quantile": 0.0, "value": 136000.0, "Latitude": 34.09, "Longitude": -118.16, "Population": 1122.0}, {"index": 6789, "quantile": 0.25, "value": 224000.00000000003, "Latitude": 34.09, "Longitude": -118.16, "Population": 1122.0}, {"index": 6789, "quantile": 0.5, "value": 224000.00000000003, "Latitude": 34.09, "Longitude": -118.16, "Population": 1122.0}, {"index": 6789, "quantile": 0.75, "value": 224000.00000000003, "Latitude": 34.09, "Longitude": -118.16, "Population": 1122.0}, {"index": 6789, "quantile": 1.0, "value": 330300.0, "Latitude": 34.09, "Longitude": -118.16, "Population": 1122.0}, {"index": 6790, "quantile": 0.0, "value": 172100.0, "Latitude": 34.1, "Longitude": -118.15, "Population": 2277.0}, {"index": 6790, "quantile": 0.25, "value": 229300.00000000003, "Latitude": 34.1, "Longitude": -118.15, "Population": 2277.0}, {"index": 6790, "quantile": 0.5, "value": 229300.00000000003, "Latitude": 34.1, "Longitude": -118.15, "Population": 2277.0}, {"index": 6790, "quantile": 0.75, "value": 229300.00000000003, "Latitude": 34.1, "Longitude": -118.15, "Population": 2277.0}, {"index": 6790, "quantile": 1.0, "value": 285500.0, "Latitude": 34.1, "Longitude": -118.15, "Population": 2277.0}, {"index": 6791, "quantile": 0.0, "value": 118800.0, "Latitude": 34.08, "Longitude": -118.15, "Population": 941.0}, {"index": 6791, "quantile": 0.25, "value": 181675.0, "Latitude": 34.08, "Longitude": -118.15, "Population": 941.0}, {"index": 6791, "quantile": 0.5, "value": 205600.0, "Latitude": 34.08, "Longitude": -118.15, "Population": 941.0}, {"index": 6791, "quantile": 0.75, "value": 205600.0, "Latitude": 34.08, "Longitude": -118.15, "Population": 941.0}, {"index": 6791, "quantile": 1.0, "value": 268200.0, "Latitude": 34.08, "Longitude": -118.15, "Population": 941.0}, {"index": 6792, "quantile": 0.0, "value": 121500.00000000001, "Latitude": 34.08, "Longitude": -118.15, "Population": 2446.0}, {"index": 6792, "quantile": 0.25, "value": 171950.0, "Latitude": 34.08, "Longitude": -118.15, "Population": 2446.0}, {"index": 6792, "quantile": 0.5, "value": 193600.0, "Latitude": 34.08, "Longitude": -118.15, "Population": 2446.0}, {"index": 6792, "quantile": 0.75, "value": 237200.0, "Latitude": 34.08, "Longitude": -118.15, "Population": 2446.0}, {"index": 6792, "quantile": 1.0, "value": 306300.0, "Latitude": 34.08, "Longitude": -118.15, "Population": 2446.0}, {"index": 6793, "quantile": 0.0, "value": 137500.0, "Latitude": 34.09, "Longitude": -118.14, "Population": 2934.0}, {"index": 6793, "quantile": 0.25, "value": 170000.0, "Latitude": 34.09, "Longitude": -118.14, "Population": 2934.0}, {"index": 6793, "quantile": 0.5, "value": 202949.99999999997, "Latitude": 34.09, "Longitude": -118.14, "Population": 2934.0}, {"index": 6793, "quantile": 0.75, "value": 209550.00000000003, "Latitude": 34.09, "Longitude": -118.14, "Population": 2934.0}, {"index": 6793, "quantile": 1.0, "value": 265800.0, "Latitude": 34.09, "Longitude": -118.14, "Population": 2934.0}, {"index": 6794, "quantile": 0.0, "value": 151500.0, "Latitude": 34.09, "Longitude": -118.14, "Population": 1547.0}, {"index": 6794, "quantile": 0.25, "value": 194275.0, "Latitude": 34.09, "Longitude": -118.14, "Population": 1547.0}, {"index": 6794, "quantile": 0.5, "value": 219000.0, "Latitude": 34.09, "Longitude": -118.14, "Population": 1547.0}, {"index": 6794, "quantile": 0.75, "value": 219000.0, "Latitude": 34.09, "Longitude": -118.14, "Population": 1547.0}, {"index": 6794, "quantile": 1.0, "value": 254199.99999999997, "Latitude": 34.09, "Longitude": -118.14, "Population": 1547.0}, {"index": 6795, "quantile": 0.0, "value": 140500.0, "Latitude": 34.08, "Longitude": -118.14, "Population": 2909.0}, {"index": 6795, "quantile": 0.25, "value": 170000.0, "Latitude": 34.08, "Longitude": -118.14, "Population": 2909.0}, {"index": 6795, "quantile": 0.5, "value": 170000.0, "Latitude": 34.08, "Longitude": -118.14, "Population": 2909.0}, {"index": 6795, "quantile": 0.75, "value": 170000.0, "Latitude": 34.08, "Longitude": -118.14, "Population": 2909.0}, {"index": 6795, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.14, "Population": 2909.0}, {"index": 6796, "quantile": 0.0, "value": 88100.0, "Latitude": 34.08, "Longitude": -118.14, "Population": 1110.0}, {"index": 6796, "quantile": 0.25, "value": 191700.0, "Latitude": 34.08, "Longitude": -118.14, "Population": 1110.0}, {"index": 6796, "quantile": 0.5, "value": 191700.0, "Latitude": 34.08, "Longitude": -118.14, "Population": 1110.0}, {"index": 6796, "quantile": 0.75, "value": 191700.0, "Latitude": 34.08, "Longitude": -118.14, "Population": 1110.0}, {"index": 6796, "quantile": 1.0, "value": 220699.99999999997, "Latitude": 34.08, "Longitude": -118.14, "Population": 1110.0}, {"index": 6797, "quantile": 0.0, "value": 133000.0, "Latitude": 34.08, "Longitude": -118.14, "Population": 2937.0}, {"index": 6797, "quantile": 0.25, "value": 175975.0, "Latitude": 34.08, "Longitude": -118.14, "Population": 2937.0}, {"index": 6797, "quantile": 0.5, "value": 217800.0, "Latitude": 34.08, "Longitude": -118.14, "Population": 2937.0}, {"index": 6797, "quantile": 0.75, "value": 217800.0, "Latitude": 34.08, "Longitude": -118.14, "Population": 2937.0}, {"index": 6797, "quantile": 1.0, "value": 217800.0, "Latitude": 34.08, "Longitude": -118.14, "Population": 2937.0}, {"index": 6798, "quantile": 0.0, "value": 65000.0, "Latitude": 34.07, "Longitude": -118.14, "Population": 523.0}, {"index": 6798, "quantile": 0.25, "value": 162500.0, "Latitude": 34.07, "Longitude": -118.14, "Population": 523.0}, {"index": 6798, "quantile": 0.5, "value": 181300.0, "Latitude": 34.07, "Longitude": -118.14, "Population": 523.0}, {"index": 6798, "quantile": 0.75, "value": 239900.0, "Latitude": 34.07, "Longitude": -118.14, "Population": 523.0}, {"index": 6798, "quantile": 1.0, "value": 417600.0, "Latitude": 34.07, "Longitude": -118.14, "Population": 523.0}, {"index": 6799, "quantile": 0.0, "value": 153500.0, "Latitude": 34.1, "Longitude": -118.11, "Population": 1454.0}, {"index": 6799, "quantile": 0.25, "value": 210400.0, "Latitude": 34.1, "Longitude": -118.11, "Population": 1454.0}, {"index": 6799, "quantile": 0.5, "value": 226600.0, "Latitude": 34.1, "Longitude": -118.11, "Population": 1454.0}, {"index": 6799, "quantile": 0.75, "value": 226600.0, "Latitude": 34.1, "Longitude": -118.11, "Population": 1454.0}, {"index": 6799, "quantile": 1.0, "value": 274300.0, "Latitude": 34.1, "Longitude": -118.11, "Population": 1454.0}, {"index": 6800, "quantile": 0.0, "value": 112500.0, "Latitude": 34.09, "Longitude": -118.12, "Population": 3518.0}, {"index": 6800, "quantile": 0.25, "value": 188400.0, "Latitude": 34.09, "Longitude": -118.12, "Population": 3518.0}, {"index": 6800, "quantile": 0.5, "value": 188400.0, "Latitude": 34.09, "Longitude": -118.12, "Population": 3518.0}, {"index": 6800, "quantile": 0.75, "value": 192875.0, "Latitude": 34.09, "Longitude": -118.12, "Population": 3518.0}, {"index": 6800, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.12, "Population": 3518.0}, {"index": 6801, "quantile": 0.0, "value": 120000.0, "Latitude": 34.09, "Longitude": -118.13, "Population": 662.0}, {"index": 6801, "quantile": 0.25, "value": 169450.0, "Latitude": 34.09, "Longitude": -118.13, "Population": 662.0}, {"index": 6801, "quantile": 0.5, "value": 203100.0, "Latitude": 34.09, "Longitude": -118.13, "Population": 662.0}, {"index": 6801, "quantile": 0.75, "value": 224000.00000000003, "Latitude": 34.09, "Longitude": -118.13, "Population": 662.0}, {"index": 6801, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.13, "Population": 662.0}, {"index": 6802, "quantile": 0.0, "value": 157600.0, "Latitude": 34.09, "Longitude": -118.13, "Population": 1936.0}, {"index": 6802, "quantile": 0.25, "value": 211024.99999999997, "Latitude": 34.09, "Longitude": -118.13, "Population": 1936.0}, {"index": 6802, "quantile": 0.5, "value": 219000.0, "Latitude": 34.09, "Longitude": -118.13, "Population": 1936.0}, {"index": 6802, "quantile": 0.75, "value": 219000.0, "Latitude": 34.09, "Longitude": -118.13, "Population": 1936.0}, {"index": 6802, "quantile": 1.0, "value": 309100.0, "Latitude": 34.09, "Longitude": -118.13, "Population": 1936.0}, {"index": 6803, "quantile": 0.0, "value": 67000.0, "Latitude": 34.08, "Longitude": -118.13, "Population": 1367.0}, {"index": 6803, "quantile": 0.25, "value": 169050.0, "Latitude": 34.08, "Longitude": -118.13, "Population": 1367.0}, {"index": 6803, "quantile": 0.5, "value": 202200.00000000003, "Latitude": 34.08, "Longitude": -118.13, "Population": 1367.0}, {"index": 6803, "quantile": 0.75, "value": 212500.0, "Latitude": 34.08, "Longitude": -118.13, "Population": 1367.0}, {"index": 6803, "quantile": 1.0, "value": 350900.0, "Latitude": 34.08, "Longitude": -118.13, "Population": 1367.0}, {"index": 6804, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.1, "Longitude": -118.09, "Population": 3620.0}, {"index": 6804, "quantile": 0.25, "value": 169200.0, "Latitude": 34.1, "Longitude": -118.09, "Population": 3620.0}, {"index": 6804, "quantile": 0.5, "value": 186400.0, "Latitude": 34.1, "Longitude": -118.09, "Population": 3620.0}, {"index": 6804, "quantile": 0.75, "value": 208800.0, "Latitude": 34.1, "Longitude": -118.09, "Population": 3620.0}, {"index": 6804, "quantile": 1.0, "value": 475000.0, "Latitude": 34.1, "Longitude": -118.09, "Population": 3620.0}, {"index": 6805, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.1, "Longitude": -118.1, "Population": 1249.0}, {"index": 6805, "quantile": 0.25, "value": 137500.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 1249.0}, {"index": 6805, "quantile": 0.5, "value": 148800.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 1249.0}, {"index": 6805, "quantile": 0.75, "value": 170075.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 1249.0}, {"index": 6805, "quantile": 1.0, "value": 242700.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 1249.0}, {"index": 6806, "quantile": 0.0, "value": 88800.0, "Latitude": 34.09, "Longitude": -118.09, "Population": 949.0}, {"index": 6806, "quantile": 0.25, "value": 173100.0, "Latitude": 34.09, "Longitude": -118.09, "Population": 949.0}, {"index": 6806, "quantile": 0.5, "value": 188500.0, "Latitude": 34.09, "Longitude": -118.09, "Population": 949.0}, {"index": 6806, "quantile": 0.75, "value": 188500.0, "Latitude": 34.09, "Longitude": -118.09, "Population": 949.0}, {"index": 6806, "quantile": 1.0, "value": 225000.0, "Latitude": 34.09, "Longitude": -118.09, "Population": 949.0}, {"index": 6807, "quantile": 0.0, "value": 143100.0, "Latitude": 34.09, "Longitude": -118.1, "Population": 1517.0}, {"index": 6807, "quantile": 0.25, "value": 185975.0, "Latitude": 34.09, "Longitude": -118.1, "Population": 1517.0}, {"index": 6807, "quantile": 0.5, "value": 209649.99999999997, "Latitude": 34.09, "Longitude": -118.1, "Population": 1517.0}, {"index": 6807, "quantile": 0.75, "value": 242025.00000000003, "Latitude": 34.09, "Longitude": -118.1, "Population": 1517.0}, {"index": 6807, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.1, "Population": 1517.0}, {"index": 6808, "quantile": 0.0, "value": 140200.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 1352.0}, {"index": 6808, "quantile": 0.25, "value": 206800.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 1352.0}, {"index": 6808, "quantile": 0.5, "value": 234600.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 1352.0}, {"index": 6808, "quantile": 0.75, "value": 234600.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 1352.0}, {"index": 6808, "quantile": 1.0, "value": 281700.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 1352.0}, {"index": 6809, "quantile": 0.0, "value": 132800.0, "Latitude": 34.1, "Longitude": -118.11, "Population": 2109.0}, {"index": 6809, "quantile": 0.25, "value": 188025.0, "Latitude": 34.1, "Longitude": -118.11, "Population": 2109.0}, {"index": 6809, "quantile": 0.5, "value": 204300.00000000003, "Latitude": 34.1, "Longitude": -118.11, "Population": 2109.0}, {"index": 6809, "quantile": 0.75, "value": 215499.99999999997, "Latitude": 34.1, "Longitude": -118.11, "Population": 2109.0}, {"index": 6809, "quantile": 1.0, "value": 305800.0, "Latitude": 34.1, "Longitude": -118.11, "Population": 2109.0}, {"index": 6810, "quantile": 0.0, "value": 81900.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 1628.0}, {"index": 6810, "quantile": 0.25, "value": 168600.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 1628.0}, {"index": 6810, "quantile": 0.5, "value": 197200.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 1628.0}, {"index": 6810, "quantile": 0.75, "value": 224625.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 1628.0}, {"index": 6810, "quantile": 1.0, "value": 266300.0, "Latitude": 34.1, "Longitude": -118.1, "Population": 1628.0}, {"index": 6811, "quantile": 0.0, "value": 153600.0, "Latitude": 34.1, "Longitude": -118.07, "Population": 1262.0}, {"index": 6811, "quantile": 0.25, "value": 234900.00000000003, "Latitude": 34.1, "Longitude": -118.07, "Population": 1262.0}, {"index": 6811, "quantile": 0.5, "value": 259800.0, "Latitude": 34.1, "Longitude": -118.07, "Population": 1262.0}, {"index": 6811, "quantile": 0.75, "value": 259800.0, "Latitude": 34.1, "Longitude": -118.07, "Population": 1262.0}, {"index": 6811, "quantile": 1.0, "value": 330300.0, "Latitude": 34.1, "Longitude": -118.07, "Population": 1262.0}, {"index": 6812, "quantile": 0.0, "value": 166100.0, "Latitude": 34.09, "Longitude": -118.07, "Population": 1153.0}, {"index": 6812, "quantile": 0.25, "value": 212000.0, "Latitude": 34.09, "Longitude": -118.07, "Population": 1153.0}, {"index": 6812, "quantile": 0.5, "value": 212000.0, "Latitude": 34.09, "Longitude": -118.07, "Population": 1153.0}, {"index": 6812, "quantile": 0.75, "value": 212000.0, "Latitude": 34.09, "Longitude": -118.07, "Population": 1153.0}, {"index": 6812, "quantile": 1.0, "value": 476700.00000000006, "Latitude": 34.09, "Longitude": -118.07, "Population": 1153.0}, {"index": 6813, "quantile": 0.0, "value": 117800.0, "Latitude": 34.1, "Longitude": -118.07, "Population": 543.0}, {"index": 6813, "quantile": 0.25, "value": 174000.0, "Latitude": 34.1, "Longitude": -118.07, "Population": 543.0}, {"index": 6813, "quantile": 0.5, "value": 201050.0, "Latitude": 34.1, "Longitude": -118.07, "Population": 543.0}, {"index": 6813, "quantile": 0.75, "value": 236500.00000000003, "Latitude": 34.1, "Longitude": -118.07, "Population": 543.0}, {"index": 6813, "quantile": 1.0, "value": 267000.0, "Latitude": 34.1, "Longitude": -118.07, "Population": 543.0}, {"index": 6814, "quantile": 0.0, "value": 158700.0, "Latitude": 34.1, "Longitude": -118.07, "Population": 2812.0}, {"index": 6814, "quantile": 0.25, "value": 214100.0, "Latitude": 34.1, "Longitude": -118.07, "Population": 2812.0}, {"index": 6814, "quantile": 0.5, "value": 214100.0, "Latitude": 34.1, "Longitude": -118.07, "Population": 2812.0}, {"index": 6814, "quantile": 0.75, "value": 214100.0, "Latitude": 34.1, "Longitude": -118.07, "Population": 2812.0}, {"index": 6814, "quantile": 1.0, "value": 259800.0, "Latitude": 34.1, "Longitude": -118.07, "Population": 2812.0}, {"index": 6815, "quantile": 0.0, "value": 144600.0, "Latitude": 34.1, "Longitude": -118.08, "Population": 1605.0}, {"index": 6815, "quantile": 0.25, "value": 181575.0, "Latitude": 34.1, "Longitude": -118.08, "Population": 1605.0}, {"index": 6815, "quantile": 0.5, "value": 209600.0, "Latitude": 34.1, "Longitude": -118.08, "Population": 1605.0}, {"index": 6815, "quantile": 0.75, "value": 246400.0, "Latitude": 34.1, "Longitude": -118.08, "Population": 1605.0}, {"index": 6815, "quantile": 1.0, "value": 312200.0, "Latitude": 34.1, "Longitude": -118.08, "Population": 1605.0}, {"index": 6816, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.1, "Longitude": -118.09, "Population": 1183.0}, {"index": 6816, "quantile": 0.25, "value": 198800.0, "Latitude": 34.1, "Longitude": -118.09, "Population": 1183.0}, {"index": 6816, "quantile": 0.5, "value": 210400.0, "Latitude": 34.1, "Longitude": -118.09, "Population": 1183.0}, {"index": 6816, "quantile": 0.75, "value": 210400.0, "Latitude": 34.1, "Longitude": -118.09, "Population": 1183.0}, {"index": 6816, "quantile": 1.0, "value": 286500.0, "Latitude": 34.1, "Longitude": -118.09, "Population": 1183.0}, {"index": 6817, "quantile": 0.0, "value": 111700.0, "Latitude": 34.08, "Longitude": -118.08, "Population": 1330.0}, {"index": 6817, "quantile": 0.25, "value": 167375.0, "Latitude": 34.08, "Longitude": -118.08, "Population": 1330.0}, {"index": 6817, "quantile": 0.5, "value": 179150.0, "Latitude": 34.08, "Longitude": -118.08, "Population": 1330.0}, {"index": 6817, "quantile": 0.75, "value": 211900.00000000003, "Latitude": 34.08, "Longitude": -118.08, "Population": 1330.0}, {"index": 6817, "quantile": 1.0, "value": 291500.0, "Latitude": 34.08, "Longitude": -118.08, "Population": 1330.0}, {"index": 6818, "quantile": 0.0, "value": 109600.00000000001, "Latitude": 34.08, "Longitude": -118.08, "Population": 1343.0}, {"index": 6818, "quantile": 0.25, "value": 162175.0, "Latitude": 34.08, "Longitude": -118.08, "Population": 1343.0}, {"index": 6818, "quantile": 0.5, "value": 183200.0, "Latitude": 34.08, "Longitude": -118.08, "Population": 1343.0}, {"index": 6818, "quantile": 0.75, "value": 206000.0, "Latitude": 34.08, "Longitude": -118.08, "Population": 1343.0}, {"index": 6818, "quantile": 1.0, "value": 242200.00000000003, "Latitude": 34.08, "Longitude": -118.08, "Population": 1343.0}, {"index": 6819, "quantile": 0.0, "value": 87500.0, "Latitude": 34.09, "Longitude": -118.09, "Population": 745.0}, {"index": 6819, "quantile": 0.25, "value": 215725.0, "Latitude": 34.09, "Longitude": -118.09, "Population": 745.0}, {"index": 6819, "quantile": 0.5, "value": 224000.00000000003, "Latitude": 34.09, "Longitude": -118.09, "Population": 745.0}, {"index": 6819, "quantile": 0.75, "value": 224000.00000000003, "Latitude": 34.09, "Longitude": -118.09, "Population": 745.0}, {"index": 6819, "quantile": 1.0, "value": 229300.00000000003, "Latitude": 34.09, "Longitude": -118.09, "Population": 745.0}, {"index": 6820, "quantile": 0.0, "value": 136000.0, "Latitude": 34.08, "Longitude": -118.09, "Population": 986.0}, {"index": 6820, "quantile": 0.25, "value": 170000.0, "Latitude": 34.08, "Longitude": -118.09, "Population": 986.0}, {"index": 6820, "quantile": 0.5, "value": 196100.0, "Latitude": 34.08, "Longitude": -118.09, "Population": 986.0}, {"index": 6820, "quantile": 0.75, "value": 208100.0, "Latitude": 34.08, "Longitude": -118.09, "Population": 986.0}, {"index": 6820, "quantile": 1.0, "value": 253900.00000000003, "Latitude": 34.08, "Longitude": -118.09, "Population": 986.0}, {"index": 6821, "quantile": 0.0, "value": 122200.0, "Latitude": 34.08, "Longitude": -118.09, "Population": 1165.0}, {"index": 6821, "quantile": 0.25, "value": 183200.0, "Latitude": 34.08, "Longitude": -118.09, "Population": 1165.0}, {"index": 6821, "quantile": 0.5, "value": 206000.0, "Latitude": 34.08, "Longitude": -118.09, "Population": 1165.0}, {"index": 6821, "quantile": 0.75, "value": 206000.0, "Latitude": 34.08, "Longitude": -118.09, "Population": 1165.0}, {"index": 6821, "quantile": 1.0, "value": 222600.0, "Latitude": 34.08, "Longitude": -118.09, "Population": 1165.0}, {"index": 6822, "quantile": 0.0, "value": 117300.0, "Latitude": 34.08, "Longitude": -118.09, "Population": 769.0}, {"index": 6822, "quantile": 0.25, "value": 185000.0, "Latitude": 34.08, "Longitude": -118.09, "Population": 769.0}, {"index": 6822, "quantile": 0.5, "value": 218299.99999999997, "Latitude": 34.08, "Longitude": -118.09, "Population": 769.0}, {"index": 6822, "quantile": 0.75, "value": 218299.99999999997, "Latitude": 34.08, "Longitude": -118.09, "Population": 769.0}, {"index": 6822, "quantile": 1.0, "value": 226600.0, "Latitude": 34.08, "Longitude": -118.09, "Population": 769.0}, {"index": 6823, "quantile": 0.0, "value": 154200.0, "Latitude": 34.09, "Longitude": -118.1, "Population": 829.0}, {"index": 6823, "quantile": 0.25, "value": 227300.0, "Latitude": 34.09, "Longitude": -118.1, "Population": 829.0}, {"index": 6823, "quantile": 0.5, "value": 227300.0, "Latitude": 34.09, "Longitude": -118.1, "Population": 829.0}, {"index": 6823, "quantile": 0.75, "value": 227300.0, "Latitude": 34.09, "Longitude": -118.1, "Population": 829.0}, {"index": 6823, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.09, "Longitude": -118.1, "Population": 829.0}, {"index": 6824, "quantile": 0.0, "value": 106900.0, "Latitude": 34.08, "Longitude": -118.1, "Population": 1977.0}, {"index": 6824, "quantile": 0.25, "value": 205600.0, "Latitude": 34.08, "Longitude": -118.1, "Population": 1977.0}, {"index": 6824, "quantile": 0.5, "value": 208100.0, "Latitude": 34.08, "Longitude": -118.1, "Population": 1977.0}, {"index": 6824, "quantile": 0.75, "value": 208100.0, "Latitude": 34.08, "Longitude": -118.1, "Population": 1977.0}, {"index": 6824, "quantile": 1.0, "value": 296100.0, "Latitude": 34.08, "Longitude": -118.1, "Population": 1977.0}, {"index": 6825, "quantile": 0.0, "value": 87500.0, "Latitude": 34.08, "Longitude": -118.1, "Population": 3985.0}, {"index": 6825, "quantile": 0.25, "value": 187425.0, "Latitude": 34.08, "Longitude": -118.1, "Population": 3985.0}, {"index": 6825, "quantile": 0.5, "value": 204599.99999999997, "Latitude": 34.08, "Longitude": -118.1, "Population": 3985.0}, {"index": 6825, "quantile": 0.75, "value": 204599.99999999997, "Latitude": 34.08, "Longitude": -118.1, "Population": 3985.0}, {"index": 6825, "quantile": 1.0, "value": 222100.0, "Latitude": 34.08, "Longitude": -118.1, "Population": 3985.0}, {"index": 6826, "quantile": 0.0, "value": 155400.0, "Latitude": 34.09, "Longitude": -118.1, "Population": 1434.0}, {"index": 6826, "quantile": 0.25, "value": 238300.0, "Latitude": 34.09, "Longitude": -118.1, "Population": 1434.0}, {"index": 6826, "quantile": 0.5, "value": 238300.0, "Latitude": 34.09, "Longitude": -118.1, "Population": 1434.0}, {"index": 6826, "quantile": 0.75, "value": 238300.0, "Latitude": 34.09, "Longitude": -118.1, "Population": 1434.0}, {"index": 6826, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.09, "Longitude": -118.1, "Population": 1434.0}, {"index": 6827, "quantile": 0.0, "value": 166300.0, "Latitude": 34.08, "Longitude": -118.11, "Population": 1829.0}, {"index": 6827, "quantile": 0.25, "value": 243200.0, "Latitude": 34.08, "Longitude": -118.11, "Population": 1829.0}, {"index": 6827, "quantile": 0.5, "value": 243200.0, "Latitude": 34.08, "Longitude": -118.11, "Population": 1829.0}, {"index": 6827, "quantile": 0.75, "value": 243200.0, "Latitude": 34.08, "Longitude": -118.11, "Population": 1829.0}, {"index": 6827, "quantile": 1.0, "value": 309300.0, "Latitude": 34.08, "Longitude": -118.11, "Population": 1829.0}, {"index": 6828, "quantile": 0.0, "value": 135000.0, "Latitude": 34.08, "Longitude": -118.11, "Population": 945.0}, {"index": 6828, "quantile": 0.25, "value": 271250.0, "Latitude": 34.08, "Longitude": -118.11, "Population": 945.0}, {"index": 6828, "quantile": 0.5, "value": 320000.0, "Latitude": 34.08, "Longitude": -118.11, "Population": 945.0}, {"index": 6828, "quantile": 0.75, "value": 339400.0, "Latitude": 34.08, "Longitude": -118.11, "Population": 945.0}, {"index": 6828, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.11, "Population": 945.0}, {"index": 6829, "quantile": 0.0, "value": 157500.0, "Latitude": 34.08, "Longitude": -118.11, "Population": 779.0}, {"index": 6829, "quantile": 0.25, "value": 236525.0, "Latitude": 34.08, "Longitude": -118.11, "Population": 779.0}, {"index": 6829, "quantile": 0.5, "value": 244800.0, "Latitude": 34.08, "Longitude": -118.11, "Population": 779.0}, {"index": 6829, "quantile": 0.75, "value": 244800.0, "Latitude": 34.08, "Longitude": -118.11, "Population": 779.0}, {"index": 6829, "quantile": 1.0, "value": 434500.0, "Latitude": 34.08, "Longitude": -118.11, "Population": 779.0}, {"index": 6830, "quantile": 0.0, "value": 142000.0, "Latitude": 34.07, "Longitude": -118.11, "Population": 698.0}, {"index": 6830, "quantile": 0.25, "value": 244400.0, "Latitude": 34.07, "Longitude": -118.11, "Population": 698.0}, {"index": 6830, "quantile": 0.5, "value": 244400.0, "Latitude": 34.07, "Longitude": -118.11, "Population": 698.0}, {"index": 6830, "quantile": 0.75, "value": 244400.0, "Latitude": 34.07, "Longitude": -118.11, "Population": 698.0}, {"index": 6830, "quantile": 1.0, "value": 395100.0, "Latitude": 34.07, "Longitude": -118.11, "Population": 698.0}, {"index": 6831, "quantile": 0.0, "value": 155300.0, "Latitude": 34.09, "Longitude": -118.12, "Population": 2719.0}, {"index": 6831, "quantile": 0.25, "value": 205050.0, "Latitude": 34.09, "Longitude": -118.12, "Population": 2719.0}, {"index": 6831, "quantile": 0.5, "value": 208000.0, "Latitude": 34.09, "Longitude": -118.12, "Population": 2719.0}, {"index": 6831, "quantile": 0.75, "value": 208000.0, "Latitude": 34.09, "Longitude": -118.12, "Population": 2719.0}, {"index": 6831, "quantile": 1.0, "value": 233500.0, "Latitude": 34.09, "Longitude": -118.12, "Population": 2719.0}, {"index": 6832, "quantile": 0.0, "value": 156200.0, "Latitude": 34.08, "Longitude": -118.12, "Population": 980.0}, {"index": 6832, "quantile": 0.25, "value": 244400.0, "Latitude": 34.08, "Longitude": -118.12, "Population": 980.0}, {"index": 6832, "quantile": 0.5, "value": 245699.99999999997, "Latitude": 34.08, "Longitude": -118.12, "Population": 980.0}, {"index": 6832, "quantile": 0.75, "value": 245699.99999999997, "Latitude": 34.08, "Longitude": -118.12, "Population": 980.0}, {"index": 6832, "quantile": 1.0, "value": 485700.0, "Latitude": 34.08, "Longitude": -118.12, "Population": 980.0}, {"index": 6833, "quantile": 0.0, "value": 137500.0, "Latitude": 34.08, "Longitude": -118.12, "Population": 1010.0}, {"index": 6833, "quantile": 0.25, "value": 237375.00000000003, "Latitude": 34.08, "Longitude": -118.12, "Population": 1010.0}, {"index": 6833, "quantile": 0.5, "value": 268200.0, "Latitude": 34.08, "Longitude": -118.12, "Population": 1010.0}, {"index": 6833, "quantile": 0.75, "value": 268200.0, "Latitude": 34.08, "Longitude": -118.12, "Population": 1010.0}, {"index": 6833, "quantile": 1.0, "value": 350900.0, "Latitude": 34.08, "Longitude": -118.12, "Population": 1010.0}, {"index": 6834, "quantile": 0.0, "value": 136000.0, "Latitude": 34.08, "Longitude": -118.13, "Population": 2814.0}, {"index": 6834, "quantile": 0.25, "value": 208199.99999999997, "Latitude": 34.08, "Longitude": -118.13, "Population": 2814.0}, {"index": 6834, "quantile": 0.5, "value": 227100.0, "Latitude": 34.08, "Longitude": -118.13, "Population": 2814.0}, {"index": 6834, "quantile": 0.75, "value": 227100.0, "Latitude": 34.08, "Longitude": -118.13, "Population": 2814.0}, {"index": 6834, "quantile": 1.0, "value": 253900.00000000003, "Latitude": 34.08, "Longitude": -118.13, "Population": 2814.0}, {"index": 6835, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 34.08, "Longitude": -118.12, "Population": 1762.0}, {"index": 6835, "quantile": 0.25, "value": 202274.99999999997, "Latitude": 34.08, "Longitude": -118.12, "Population": 1762.0}, {"index": 6835, "quantile": 0.5, "value": 253900.00000000003, "Latitude": 34.08, "Longitude": -118.12, "Population": 1762.0}, {"index": 6835, "quantile": 0.75, "value": 253900.00000000003, "Latitude": 34.08, "Longitude": -118.12, "Population": 1762.0}, {"index": 6835, "quantile": 1.0, "value": 315500.0, "Latitude": 34.08, "Longitude": -118.12, "Population": 1762.0}, {"index": 6836, "quantile": 0.0, "value": 112500.0, "Latitude": 34.08, "Longitude": -118.13, "Population": 1883.0}, {"index": 6836, "quantile": 0.25, "value": 169800.0, "Latitude": 34.08, "Longitude": -118.13, "Population": 1883.0}, {"index": 6836, "quantile": 0.5, "value": 192200.0, "Latitude": 34.08, "Longitude": -118.13, "Population": 1883.0}, {"index": 6836, "quantile": 0.75, "value": 206075.0, "Latitude": 34.08, "Longitude": -118.13, "Population": 1883.0}, {"index": 6836, "quantile": 1.0, "value": 253900.00000000003, "Latitude": 34.08, "Longitude": -118.13, "Population": 1883.0}, {"index": 6837, "quantile": 0.0, "value": 112500.0, "Latitude": 34.08, "Longitude": -118.12, "Population": 1565.0}, {"index": 6837, "quantile": 0.25, "value": 229975.0, "Latitude": 34.08, "Longitude": -118.12, "Population": 1565.0}, {"index": 6837, "quantile": 0.5, "value": 234900.00000000003, "Latitude": 34.08, "Longitude": -118.12, "Population": 1565.0}, {"index": 6837, "quantile": 0.75, "value": 234900.00000000003, "Latitude": 34.08, "Longitude": -118.12, "Population": 1565.0}, {"index": 6837, "quantile": 1.0, "value": 268200.0, "Latitude": 34.08, "Longitude": -118.12, "Population": 1565.0}, {"index": 6838, "quantile": 0.0, "value": 122200.0, "Latitude": 34.07, "Longitude": -118.13, "Population": 1404.0}, {"index": 6838, "quantile": 0.25, "value": 214699.99999999997, "Latitude": 34.07, "Longitude": -118.13, "Population": 1404.0}, {"index": 6838, "quantile": 0.5, "value": 220500.0, "Latitude": 34.07, "Longitude": -118.13, "Population": 1404.0}, {"index": 6838, "quantile": 0.75, "value": 220500.0, "Latitude": 34.07, "Longitude": -118.13, "Population": 1404.0}, {"index": 6838, "quantile": 1.0, "value": 251100.0, "Latitude": 34.07, "Longitude": -118.13, "Population": 1404.0}, {"index": 6839, "quantile": 0.0, "value": 120200.0, "Latitude": 34.07, "Longitude": -118.12, "Population": 1410.0}, {"index": 6839, "quantile": 0.25, "value": 183200.0, "Latitude": 34.07, "Longitude": -118.12, "Population": 1410.0}, {"index": 6839, "quantile": 0.5, "value": 212500.0, "Latitude": 34.07, "Longitude": -118.12, "Population": 1410.0}, {"index": 6839, "quantile": 0.75, "value": 212500.0, "Latitude": 34.07, "Longitude": -118.12, "Population": 1410.0}, {"index": 6839, "quantile": 1.0, "value": 361700.0, "Latitude": 34.07, "Longitude": -118.12, "Population": 1410.0}, {"index": 6840, "quantile": 0.0, "value": 98200.0, "Latitude": 34.07, "Longitude": -118.12, "Population": 820.0}, {"index": 6840, "quantile": 0.25, "value": 186150.0, "Latitude": 34.07, "Longitude": -118.12, "Population": 820.0}, {"index": 6840, "quantile": 0.5, "value": 215600.0, "Latitude": 34.07, "Longitude": -118.12, "Population": 820.0}, {"index": 6840, "quantile": 0.75, "value": 215600.0, "Latitude": 34.07, "Longitude": -118.12, "Population": 820.0}, {"index": 6840, "quantile": 1.0, "value": 225999.99999999997, "Latitude": 34.07, "Longitude": -118.12, "Population": 820.0}, {"index": 6841, "quantile": 0.0, "value": 103899.99999999999, "Latitude": 34.06, "Longitude": -118.12, "Population": 965.0}, {"index": 6841, "quantile": 0.25, "value": 208075.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 965.0}, {"index": 6841, "quantile": 0.5, "value": 211800.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 965.0}, {"index": 6841, "quantile": 0.75, "value": 211800.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 965.0}, {"index": 6841, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.12, "Population": 965.0}, {"index": 6842, "quantile": 0.0, "value": 58299.99999999999, "Latitude": 34.06, "Longitude": -118.13, "Population": 1590.0}, {"index": 6842, "quantile": 0.25, "value": 137500.0, "Latitude": 34.06, "Longitude": -118.13, "Population": 1590.0}, {"index": 6842, "quantile": 0.5, "value": 177950.0, "Latitude": 34.06, "Longitude": -118.13, "Population": 1590.0}, {"index": 6842, "quantile": 0.75, "value": 225000.0, "Latitude": 34.06, "Longitude": -118.13, "Population": 1590.0}, {"index": 6842, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.13, "Population": 1590.0}, {"index": 6843, "quantile": 0.0, "value": 153500.0, "Latitude": 34.07, "Longitude": -118.13, "Population": 1870.0}, {"index": 6843, "quantile": 0.25, "value": 192200.0, "Latitude": 34.07, "Longitude": -118.13, "Population": 1870.0}, {"index": 6843, "quantile": 0.5, "value": 192200.0, "Latitude": 34.07, "Longitude": -118.13, "Population": 1870.0}, {"index": 6843, "quantile": 0.75, "value": 192200.0, "Latitude": 34.07, "Longitude": -118.13, "Population": 1870.0}, {"index": 6843, "quantile": 1.0, "value": 204999.99999999997, "Latitude": 34.07, "Longitude": -118.13, "Population": 1870.0}, {"index": 6844, "quantile": 0.0, "value": 87500.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 4945.0}, {"index": 6844, "quantile": 0.25, "value": 181600.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 4945.0}, {"index": 6844, "quantile": 0.5, "value": 181600.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 4945.0}, {"index": 6844, "quantile": 0.75, "value": 182275.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 4945.0}, {"index": 6844, "quantile": 1.0, "value": 250000.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 4945.0}, {"index": 6845, "quantile": 0.0, "value": 140600.0, "Latitude": 34.07, "Longitude": -118.11, "Population": 3072.0}, {"index": 6845, "quantile": 0.25, "value": 202300.0, "Latitude": 34.07, "Longitude": -118.11, "Population": 3072.0}, {"index": 6845, "quantile": 0.5, "value": 202300.0, "Latitude": 34.07, "Longitude": -118.11, "Population": 3072.0}, {"index": 6845, "quantile": 0.75, "value": 202300.0, "Latitude": 34.07, "Longitude": -118.11, "Population": 3072.0}, {"index": 6845, "quantile": 1.0, "value": 360000.0, "Latitude": 34.07, "Longitude": -118.11, "Population": 3072.0}, {"index": 6846, "quantile": 0.0, "value": 122600.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 2221.0}, {"index": 6846, "quantile": 0.25, "value": 192300.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 2221.0}, {"index": 6846, "quantile": 0.5, "value": 192300.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 2221.0}, {"index": 6846, "quantile": 0.75, "value": 192300.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 2221.0}, {"index": 6846, "quantile": 1.0, "value": 233300.00000000003, "Latitude": 34.06, "Longitude": -118.11, "Population": 2221.0}, {"index": 6847, "quantile": 0.0, "value": 84000.0, "Latitude": 34.07, "Longitude": -118.14, "Population": 656.0}, {"index": 6847, "quantile": 0.25, "value": 168300.0, "Latitude": 34.07, "Longitude": -118.14, "Population": 656.0}, {"index": 6847, "quantile": 0.5, "value": 181300.0, "Latitude": 34.07, "Longitude": -118.14, "Population": 656.0}, {"index": 6847, "quantile": 0.75, "value": 210500.0, "Latitude": 34.07, "Longitude": -118.14, "Population": 656.0}, {"index": 6847, "quantile": 1.0, "value": 271900.0, "Latitude": 34.07, "Longitude": -118.14, "Population": 656.0}, {"index": 6848, "quantile": 0.0, "value": 178500.0, "Latitude": 34.06, "Longitude": -118.14, "Population": 1246.0}, {"index": 6848, "quantile": 0.25, "value": 221100.00000000003, "Latitude": 34.06, "Longitude": -118.14, "Population": 1246.0}, {"index": 6848, "quantile": 0.5, "value": 245699.99999999997, "Latitude": 34.06, "Longitude": -118.14, "Population": 1246.0}, {"index": 6848, "quantile": 0.75, "value": 245699.99999999997, "Latitude": 34.06, "Longitude": -118.14, "Population": 1246.0}, {"index": 6848, "quantile": 1.0, "value": 307400.0, "Latitude": 34.06, "Longitude": -118.14, "Population": 1246.0}, {"index": 6849, "quantile": 0.0, "value": 146400.0, "Latitude": 34.06, "Longitude": -118.14, "Population": 706.0}, {"index": 6849, "quantile": 0.25, "value": 251574.99999999997, "Latitude": 34.06, "Longitude": -118.14, "Population": 706.0}, {"index": 6849, "quantile": 0.5, "value": 253799.99999999997, "Latitude": 34.06, "Longitude": -118.14, "Population": 706.0}, {"index": 6849, "quantile": 0.75, "value": 253799.99999999997, "Latitude": 34.06, "Longitude": -118.14, "Population": 706.0}, {"index": 6849, "quantile": 1.0, "value": 334400.0, "Latitude": 34.06, "Longitude": -118.14, "Population": 706.0}, {"index": 6850, "quantile": 0.0, "value": 84600.0, "Latitude": 34.07, "Longitude": -118.15, "Population": 887.0}, {"index": 6850, "quantile": 0.25, "value": 233624.99999999997, "Latitude": 34.07, "Longitude": -118.15, "Population": 887.0}, {"index": 6850, "quantile": 0.5, "value": 234400.0, "Latitude": 34.07, "Longitude": -118.15, "Population": 887.0}, {"index": 6850, "quantile": 0.75, "value": 234400.0, "Latitude": 34.07, "Longitude": -118.15, "Population": 887.0}, {"index": 6850, "quantile": 1.0, "value": 307400.0, "Latitude": 34.07, "Longitude": -118.15, "Population": 887.0}, {"index": 6851, "quantile": 0.0, "value": 98800.0, "Latitude": 34.07, "Longitude": -118.15, "Population": 1063.0}, {"index": 6851, "quantile": 0.25, "value": 185100.0, "Latitude": 34.07, "Longitude": -118.15, "Population": 1063.0}, {"index": 6851, "quantile": 0.5, "value": 220699.99999999997, "Latitude": 34.07, "Longitude": -118.15, "Population": 1063.0}, {"index": 6851, "quantile": 0.75, "value": 220699.99999999997, "Latitude": 34.07, "Longitude": -118.15, "Population": 1063.0}, {"index": 6851, "quantile": 1.0, "value": 258400.0, "Latitude": 34.07, "Longitude": -118.15, "Population": 1063.0}, {"index": 6852, "quantile": 0.0, "value": 142600.0, "Latitude": 34.07, "Longitude": -118.16, "Population": 1651.0}, {"index": 6852, "quantile": 0.25, "value": 201100.0, "Latitude": 34.07, "Longitude": -118.16, "Population": 1651.0}, {"index": 6852, "quantile": 0.5, "value": 241500.0, "Latitude": 34.07, "Longitude": -118.16, "Population": 1651.0}, {"index": 6852, "quantile": 0.75, "value": 241500.0, "Latitude": 34.07, "Longitude": -118.16, "Population": 1651.0}, {"index": 6852, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.07, "Longitude": -118.16, "Population": 1651.0}, {"index": 6853, "quantile": 0.0, "value": 126699.99999999999, "Latitude": 34.07, "Longitude": -118.16, "Population": 2118.0}, {"index": 6853, "quantile": 0.25, "value": 199325.0, "Latitude": 34.07, "Longitude": -118.16, "Population": 2118.0}, {"index": 6853, "quantile": 0.5, "value": 229650.0, "Latitude": 34.07, "Longitude": -118.16, "Population": 2118.0}, {"index": 6853, "quantile": 0.75, "value": 260100.0, "Latitude": 34.07, "Longitude": -118.16, "Population": 2118.0}, {"index": 6853, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.16, "Population": 2118.0}, {"index": 6854, "quantile": 0.0, "value": 70700.0, "Latitude": 34.07, "Longitude": -118.15, "Population": 940.0}, {"index": 6854, "quantile": 0.25, "value": 162475.0, "Latitude": 34.07, "Longitude": -118.15, "Population": 940.0}, {"index": 6854, "quantile": 0.5, "value": 242700.0, "Latitude": 34.07, "Longitude": -118.15, "Population": 940.0}, {"index": 6854, "quantile": 0.75, "value": 242700.0, "Latitude": 34.07, "Longitude": -118.15, "Population": 940.0}, {"index": 6854, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.15, "Population": 940.0}, {"index": 6855, "quantile": 0.0, "value": 143800.0, "Latitude": 34.06, "Longitude": -118.15, "Population": 2517.0}, {"index": 6855, "quantile": 0.25, "value": 204300.00000000003, "Latitude": 34.06, "Longitude": -118.15, "Population": 2517.0}, {"index": 6855, "quantile": 0.5, "value": 204300.00000000003, "Latitude": 34.06, "Longitude": -118.15, "Population": 2517.0}, {"index": 6855, "quantile": 0.75, "value": 204300.00000000003, "Latitude": 34.06, "Longitude": -118.15, "Population": 2517.0}, {"index": 6855, "quantile": 1.0, "value": 305800.0, "Latitude": 34.06, "Longitude": -118.15, "Population": 2517.0}, {"index": 6856, "quantile": 0.0, "value": 214500.0, "Latitude": 34.06, "Longitude": -118.16, "Population": 2163.0}, {"index": 6856, "quantile": 0.25, "value": 306700.0, "Latitude": 34.06, "Longitude": -118.16, "Population": 2163.0}, {"index": 6856, "quantile": 0.5, "value": 315100.0, "Latitude": 34.06, "Longitude": -118.16, "Population": 2163.0}, {"index": 6856, "quantile": 0.75, "value": 315100.0, "Latitude": 34.06, "Longitude": -118.16, "Population": 2163.0}, {"index": 6856, "quantile": 1.0, "value": 365500.0, "Latitude": 34.06, "Longitude": -118.16, "Population": 2163.0}, {"index": 6857, "quantile": 0.0, "value": 173400.0, "Latitude": 34.06, "Longitude": -118.16, "Population": 785.0}, {"index": 6857, "quantile": 0.25, "value": 300300.0, "Latitude": 34.06, "Longitude": -118.16, "Population": 785.0}, {"index": 6857, "quantile": 0.5, "value": 301100.0, "Latitude": 34.06, "Longitude": -118.16, "Population": 785.0}, {"index": 6857, "quantile": 0.75, "value": 301100.0, "Latitude": 34.06, "Longitude": -118.16, "Population": 785.0}, {"index": 6857, "quantile": 1.0, "value": 495500.0, "Latitude": 34.06, "Longitude": -118.16, "Population": 785.0}, {"index": 6858, "quantile": 0.0, "value": 78300.0, "Latitude": 34.05, "Longitude": -118.14, "Population": 3062.0}, {"index": 6858, "quantile": 0.25, "value": 197875.0, "Latitude": 34.05, "Longitude": -118.14, "Population": 3062.0}, {"index": 6858, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 34.05, "Longitude": -118.14, "Population": 3062.0}, {"index": 6858, "quantile": 0.75, "value": 239374.99999999997, "Latitude": 34.05, "Longitude": -118.14, "Population": 3062.0}, {"index": 6858, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.14, "Population": 3062.0}, {"index": 6859, "quantile": 0.0, "value": 143800.0, "Latitude": 34.05, "Longitude": -118.15, "Population": 1939.0}, {"index": 6859, "quantile": 0.25, "value": 217599.99999999997, "Latitude": 34.05, "Longitude": -118.15, "Population": 1939.0}, {"index": 6859, "quantile": 0.5, "value": 305800.0, "Latitude": 34.05, "Longitude": -118.15, "Population": 1939.0}, {"index": 6859, "quantile": 0.75, "value": 305800.0, "Latitude": 34.05, "Longitude": -118.15, "Population": 1939.0}, {"index": 6859, "quantile": 1.0, "value": 335500.0, "Latitude": 34.05, "Longitude": -118.15, "Population": 1939.0}, {"index": 6860, "quantile": 0.0, "value": 161900.0, "Latitude": 34.05, "Longitude": -118.15, "Population": 1783.0}, {"index": 6860, "quantile": 0.25, "value": 214600.0, "Latitude": 34.05, "Longitude": -118.15, "Population": 1783.0}, {"index": 6860, "quantile": 0.5, "value": 231999.99999999997, "Latitude": 34.05, "Longitude": -118.15, "Population": 1783.0}, {"index": 6860, "quantile": 0.75, "value": 243825.0, "Latitude": 34.05, "Longitude": -118.15, "Population": 1783.0}, {"index": 6860, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.15, "Population": 1783.0}, {"index": 6861, "quantile": 0.0, "value": 106900.0, "Latitude": 34.06, "Longitude": -118.13, "Population": 1130.0}, {"index": 6861, "quantile": 0.25, "value": 198500.0, "Latitude": 34.06, "Longitude": -118.13, "Population": 1130.0}, {"index": 6861, "quantile": 0.5, "value": 198500.0, "Latitude": 34.06, "Longitude": -118.13, "Population": 1130.0}, {"index": 6861, "quantile": 0.75, "value": 198500.0, "Latitude": 34.06, "Longitude": -118.13, "Population": 1130.0}, {"index": 6861, "quantile": 1.0, "value": 242200.00000000003, "Latitude": 34.06, "Longitude": -118.13, "Population": 1130.0}, {"index": 6862, "quantile": 0.0, "value": 143400.0, "Latitude": 34.06, "Longitude": -118.14, "Population": 3496.0}, {"index": 6862, "quantile": 0.25, "value": 202800.0, "Latitude": 34.06, "Longitude": -118.14, "Population": 3496.0}, {"index": 6862, "quantile": 0.5, "value": 237200.0, "Latitude": 34.06, "Longitude": -118.14, "Population": 3496.0}, {"index": 6862, "quantile": 0.75, "value": 237200.0, "Latitude": 34.06, "Longitude": -118.14, "Population": 3496.0}, {"index": 6862, "quantile": 1.0, "value": 291500.0, "Latitude": 34.06, "Longitude": -118.14, "Population": 3496.0}, {"index": 6863, "quantile": 0.0, "value": 146000.0, "Latitude": 34.05, "Longitude": -118.13, "Population": 1879.0}, {"index": 6863, "quantile": 0.25, "value": 229100.00000000003, "Latitude": 34.05, "Longitude": -118.13, "Population": 1879.0}, {"index": 6863, "quantile": 0.5, "value": 268400.0, "Latitude": 34.05, "Longitude": -118.13, "Population": 1879.0}, {"index": 6863, "quantile": 0.75, "value": 268400.0, "Latitude": 34.05, "Longitude": -118.13, "Population": 1879.0}, {"index": 6863, "quantile": 1.0, "value": 281700.0, "Latitude": 34.05, "Longitude": -118.13, "Population": 1879.0}, {"index": 6864, "quantile": 0.0, "value": 113599.99999999999, "Latitude": 34.05, "Longitude": -118.14, "Population": 954.0}, {"index": 6864, "quantile": 0.25, "value": 236400.0, "Latitude": 34.05, "Longitude": -118.14, "Population": 954.0}, {"index": 6864, "quantile": 0.5, "value": 236400.0, "Latitude": 34.05, "Longitude": -118.14, "Population": 954.0}, {"index": 6864, "quantile": 0.75, "value": 236400.0, "Latitude": 34.05, "Longitude": -118.14, "Population": 954.0}, {"index": 6864, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.14, "Population": 954.0}, {"index": 6865, "quantile": 0.0, "value": 122600.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 1308.0}, {"index": 6865, "quantile": 0.25, "value": 197200.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 1308.0}, {"index": 6865, "quantile": 0.5, "value": 197200.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 1308.0}, {"index": 6865, "quantile": 0.75, "value": 197200.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 1308.0}, {"index": 6865, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.12, "Population": 1308.0}, {"index": 6866, "quantile": 0.0, "value": 61100.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 800.0}, {"index": 6866, "quantile": 0.25, "value": 144700.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 800.0}, {"index": 6866, "quantile": 0.5, "value": 185850.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 800.0}, {"index": 6866, "quantile": 0.75, "value": 211800.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 800.0}, {"index": 6866, "quantile": 1.0, "value": 445000.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 800.0}, {"index": 6867, "quantile": 0.0, "value": 140200.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 1304.0}, {"index": 6867, "quantile": 0.25, "value": 187275.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 1304.0}, {"index": 6867, "quantile": 0.5, "value": 214699.99999999997, "Latitude": 34.06, "Longitude": -118.12, "Population": 1304.0}, {"index": 6867, "quantile": 0.75, "value": 214699.99999999997, "Latitude": 34.06, "Longitude": -118.12, "Population": 1304.0}, {"index": 6867, "quantile": 1.0, "value": 271200.0, "Latitude": 34.06, "Longitude": -118.12, "Population": 1304.0}, {"index": 6868, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 34.06, "Longitude": -118.11, "Population": 1148.0}, {"index": 6868, "quantile": 0.25, "value": 153400.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 1148.0}, {"index": 6868, "quantile": 0.5, "value": 181650.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 1148.0}, {"index": 6868, "quantile": 0.75, "value": 215600.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 1148.0}, {"index": 6868, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.11, "Population": 1148.0}, {"index": 6869, "quantile": 0.0, "value": 67500.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 1750.0}, {"index": 6869, "quantile": 0.25, "value": 160300.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 1750.0}, {"index": 6869, "quantile": 0.5, "value": 190800.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 1750.0}, {"index": 6869, "quantile": 0.75, "value": 198500.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 1750.0}, {"index": 6869, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.11, "Population": 1750.0}, {"index": 6870, "quantile": 0.0, "value": 92400.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 2208.0}, {"index": 6870, "quantile": 0.25, "value": 160300.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 2208.0}, {"index": 6870, "quantile": 0.5, "value": 160300.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 2208.0}, {"index": 6870, "quantile": 0.75, "value": 160300.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 2208.0}, {"index": 6870, "quantile": 1.0, "value": 242200.00000000003, "Latitude": 34.06, "Longitude": -118.11, "Population": 2208.0}, {"index": 6871, "quantile": 0.0, "value": 67500.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 481.0}, {"index": 6871, "quantile": 0.25, "value": 147400.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 481.0}, {"index": 6871, "quantile": 0.5, "value": 172000.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 481.0}, {"index": 6871, "quantile": 0.75, "value": 183200.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 481.0}, {"index": 6871, "quantile": 1.0, "value": 271400.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 481.0}, {"index": 6872, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 34.07, "Longitude": -118.09, "Population": 1058.0}, {"index": 6872, "quantile": 0.25, "value": 153675.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 1058.0}, {"index": 6872, "quantile": 0.5, "value": 184200.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 1058.0}, {"index": 6872, "quantile": 0.75, "value": 184200.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 1058.0}, {"index": 6872, "quantile": 1.0, "value": 184200.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 1058.0}, {"index": 6873, "quantile": 0.0, "value": 119100.0, "Latitude": 34.08, "Longitude": -118.1, "Population": 1188.0}, {"index": 6873, "quantile": 0.25, "value": 182100.0, "Latitude": 34.08, "Longitude": -118.1, "Population": 1188.0}, {"index": 6873, "quantile": 0.5, "value": 182100.0, "Latitude": 34.08, "Longitude": -118.1, "Population": 1188.0}, {"index": 6873, "quantile": 0.75, "value": 182100.0, "Latitude": 34.08, "Longitude": -118.1, "Population": 1188.0}, {"index": 6873, "quantile": 1.0, "value": 217800.0, "Latitude": 34.08, "Longitude": -118.1, "Population": 1188.0}, {"index": 6874, "quantile": 0.0, "value": 88800.0, "Latitude": 34.07, "Longitude": -118.1, "Population": 1255.0}, {"index": 6874, "quantile": 0.25, "value": 176800.0, "Latitude": 34.07, "Longitude": -118.1, "Population": 1255.0}, {"index": 6874, "quantile": 0.5, "value": 176800.0, "Latitude": 34.07, "Longitude": -118.1, "Population": 1255.0}, {"index": 6874, "quantile": 0.75, "value": 176800.0, "Latitude": 34.07, "Longitude": -118.1, "Population": 1255.0}, {"index": 6874, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.1, "Population": 1255.0}, {"index": 6875, "quantile": 0.0, "value": 116100.0, "Latitude": 34.07, "Longitude": -118.11, "Population": 1073.0}, {"index": 6875, "quantile": 0.25, "value": 151100.0, "Latitude": 34.07, "Longitude": -118.11, "Population": 1073.0}, {"index": 6875, "quantile": 0.5, "value": 157399.99999999997, "Latitude": 34.07, "Longitude": -118.11, "Population": 1073.0}, {"index": 6875, "quantile": 0.75, "value": 176100.0, "Latitude": 34.07, "Longitude": -118.11, "Population": 1073.0}, {"index": 6875, "quantile": 1.0, "value": 222100.0, "Latitude": 34.07, "Longitude": -118.11, "Population": 1073.0}, {"index": 6876, "quantile": 0.0, "value": 111800.00000000001, "Latitude": 34.07, "Longitude": -118.1, "Population": 1383.0}, {"index": 6876, "quantile": 0.25, "value": 170300.0, "Latitude": 34.07, "Longitude": -118.1, "Population": 1383.0}, {"index": 6876, "quantile": 0.5, "value": 170300.0, "Latitude": 34.07, "Longitude": -118.1, "Population": 1383.0}, {"index": 6876, "quantile": 0.75, "value": 170300.0, "Latitude": 34.07, "Longitude": -118.1, "Population": 1383.0}, {"index": 6876, "quantile": 1.0, "value": 192300.0, "Latitude": 34.07, "Longitude": -118.1, "Population": 1383.0}, {"index": 6877, "quantile": 0.0, "value": 105100.0, "Latitude": 34.07, "Longitude": -118.1, "Population": 3816.0}, {"index": 6877, "quantile": 0.25, "value": 148800.0, "Latitude": 34.07, "Longitude": -118.1, "Population": 3816.0}, {"index": 6877, "quantile": 0.5, "value": 162900.0, "Latitude": 34.07, "Longitude": -118.1, "Population": 3816.0}, {"index": 6877, "quantile": 0.75, "value": 170300.0, "Latitude": 34.07, "Longitude": -118.1, "Population": 3816.0}, {"index": 6877, "quantile": 1.0, "value": 217800.0, "Latitude": 34.07, "Longitude": -118.1, "Population": 3816.0}, {"index": 6878, "quantile": 0.0, "value": 83100.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 709.0}, {"index": 6878, "quantile": 0.25, "value": 170800.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 709.0}, {"index": 6878, "quantile": 0.5, "value": 170800.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 709.0}, {"index": 6878, "quantile": 0.75, "value": 174075.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 709.0}, {"index": 6878, "quantile": 1.0, "value": 242700.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 709.0}, {"index": 6879, "quantile": 0.0, "value": 133300.0, "Latitude": 34.07, "Longitude": -118.1, "Population": 3817.0}, {"index": 6879, "quantile": 0.25, "value": 173925.0, "Latitude": 34.07, "Longitude": -118.1, "Population": 3817.0}, {"index": 6879, "quantile": 0.5, "value": 203700.0, "Latitude": 34.07, "Longitude": -118.1, "Population": 3817.0}, {"index": 6879, "quantile": 0.75, "value": 203700.0, "Latitude": 34.07, "Longitude": -118.1, "Population": 3817.0}, {"index": 6879, "quantile": 1.0, "value": 231700.00000000003, "Latitude": 34.07, "Longitude": -118.1, "Population": 3817.0}, {"index": 6880, "quantile": 0.0, "value": 81300.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 568.0}, {"index": 6880, "quantile": 0.25, "value": 183200.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 568.0}, {"index": 6880, "quantile": 0.5, "value": 183200.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 568.0}, {"index": 6880, "quantile": 0.75, "value": 183200.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 568.0}, {"index": 6880, "quantile": 1.0, "value": 224000.00000000003, "Latitude": 34.07, "Longitude": -118.09, "Population": 568.0}, {"index": 6881, "quantile": 0.0, "value": 126000.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 1032.0}, {"index": 6881, "quantile": 0.25, "value": 185600.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 1032.0}, {"index": 6881, "quantile": 0.5, "value": 188500.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 1032.0}, {"index": 6881, "quantile": 0.75, "value": 188500.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 1032.0}, {"index": 6881, "quantile": 1.0, "value": 202300.0, "Latitude": 34.07, "Longitude": -118.09, "Population": 1032.0}, {"index": 6882, "quantile": 0.0, "value": 72700.0, "Latitude": 34.06, "Longitude": -118.09, "Population": 2264.0}, {"index": 6882, "quantile": 0.25, "value": 157800.0, "Latitude": 34.06, "Longitude": -118.09, "Population": 2264.0}, {"index": 6882, "quantile": 0.5, "value": 167550.0, "Latitude": 34.06, "Longitude": -118.09, "Population": 2264.0}, {"index": 6882, "quantile": 0.75, "value": 182000.0, "Latitude": 34.06, "Longitude": -118.09, "Population": 2264.0}, {"index": 6882, "quantile": 1.0, "value": 192300.0, "Latitude": 34.06, "Longitude": -118.09, "Population": 2264.0}, {"index": 6883, "quantile": 0.0, "value": 109400.00000000001, "Latitude": 34.06, "Longitude": -118.09, "Population": 3485.0}, {"index": 6883, "quantile": 0.25, "value": 153700.0, "Latitude": 34.06, "Longitude": -118.09, "Population": 3485.0}, {"index": 6883, "quantile": 0.5, "value": 168600.0, "Latitude": 34.06, "Longitude": -118.09, "Population": 3485.0}, {"index": 6883, "quantile": 0.75, "value": 177750.0, "Latitude": 34.06, "Longitude": -118.09, "Population": 3485.0}, {"index": 6883, "quantile": 1.0, "value": 217800.0, "Latitude": 34.06, "Longitude": -118.09, "Population": 3485.0}, {"index": 6884, "quantile": 0.0, "value": 158700.0, "Latitude": 34.04, "Longitude": -118.08, "Population": 3273.0}, {"index": 6884, "quantile": 0.25, "value": 185100.0, "Latitude": 34.04, "Longitude": -118.08, "Population": 3273.0}, {"index": 6884, "quantile": 0.5, "value": 185100.0, "Latitude": 34.04, "Longitude": -118.08, "Population": 3273.0}, {"index": 6884, "quantile": 0.75, "value": 198000.0, "Latitude": 34.04, "Longitude": -118.08, "Population": 3273.0}, {"index": 6884, "quantile": 1.0, "value": 343900.0, "Latitude": 34.04, "Longitude": -118.08, "Population": 3273.0}, {"index": 6885, "quantile": 0.0, "value": 96900.0, "Latitude": 34.06, "Longitude": -118.09, "Population": 1163.0}, {"index": 6885, "quantile": 0.25, "value": 185600.0, "Latitude": 34.06, "Longitude": -118.09, "Population": 1163.0}, {"index": 6885, "quantile": 0.5, "value": 185600.0, "Latitude": 34.06, "Longitude": -118.09, "Population": 1163.0}, {"index": 6885, "quantile": 0.75, "value": 185600.0, "Latitude": 34.06, "Longitude": -118.09, "Population": 1163.0}, {"index": 6885, "quantile": 1.0, "value": 225000.0, "Latitude": 34.06, "Longitude": -118.09, "Population": 1163.0}, {"index": 6886, "quantile": 0.0, "value": 123200.0, "Latitude": 34.06, "Longitude": -118.1, "Population": 3100.0}, {"index": 6886, "quantile": 0.25, "value": 154300.0, "Latitude": 34.06, "Longitude": -118.1, "Population": 3100.0}, {"index": 6886, "quantile": 0.5, "value": 163350.0, "Latitude": 34.06, "Longitude": -118.1, "Population": 3100.0}, {"index": 6886, "quantile": 0.75, "value": 176800.0, "Latitude": 34.06, "Longitude": -118.1, "Population": 3100.0}, {"index": 6886, "quantile": 1.0, "value": 271200.0, "Latitude": 34.06, "Longitude": -118.1, "Population": 3100.0}, {"index": 6887, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 34.06, "Longitude": -118.1, "Population": 1492.0}, {"index": 6887, "quantile": 0.25, "value": 158350.0, "Latitude": 34.06, "Longitude": -118.1, "Population": 1492.0}, {"index": 6887, "quantile": 0.5, "value": 179200.0, "Latitude": 34.06, "Longitude": -118.1, "Population": 1492.0}, {"index": 6887, "quantile": 0.75, "value": 179200.0, "Latitude": 34.06, "Longitude": -118.1, "Population": 1492.0}, {"index": 6887, "quantile": 1.0, "value": 205500.00000000003, "Latitude": 34.06, "Longitude": -118.1, "Population": 1492.0}, {"index": 6888, "quantile": 0.0, "value": 123400.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 1700.0}, {"index": 6888, "quantile": 0.25, "value": 176800.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 1700.0}, {"index": 6888, "quantile": 0.5, "value": 187500.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 1700.0}, {"index": 6888, "quantile": 0.75, "value": 187500.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 1700.0}, {"index": 6888, "quantile": 1.0, "value": 192300.0, "Latitude": 34.06, "Longitude": -118.11, "Population": 1700.0}, {"index": 6889, "quantile": 0.0, "value": 113500.0, "Latitude": 34.05, "Longitude": -118.09, "Population": 1379.0}, {"index": 6889, "quantile": 0.25, "value": 158000.0, "Latitude": 34.05, "Longitude": -118.09, "Population": 1379.0}, {"index": 6889, "quantile": 0.5, "value": 172600.0, "Latitude": 34.05, "Longitude": -118.09, "Population": 1379.0}, {"index": 6889, "quantile": 0.75, "value": 190525.0, "Latitude": 34.05, "Longitude": -118.09, "Population": 1379.0}, {"index": 6889, "quantile": 1.0, "value": 450000.0, "Latitude": 34.05, "Longitude": -118.09, "Population": 1379.0}, {"index": 6890, "quantile": 0.0, "value": 131200.0, "Latitude": 34.05, "Longitude": -118.1, "Population": 2975.0}, {"index": 6890, "quantile": 0.25, "value": 179025.0, "Latitude": 34.05, "Longitude": -118.1, "Population": 2975.0}, {"index": 6890, "quantile": 0.5, "value": 183300.0, "Latitude": 34.05, "Longitude": -118.1, "Population": 2975.0}, {"index": 6890, "quantile": 0.75, "value": 183300.0, "Latitude": 34.05, "Longitude": -118.1, "Population": 2975.0}, {"index": 6890, "quantile": 1.0, "value": 346200.0, "Latitude": 34.05, "Longitude": -118.1, "Population": 2975.0}, {"index": 6891, "quantile": 0.0, "value": 130500.0, "Latitude": 34.05, "Longitude": -118.1, "Population": 1296.0}, {"index": 6891, "quantile": 0.25, "value": 152300.0, "Latitude": 34.05, "Longitude": -118.1, "Population": 1296.0}, {"index": 6891, "quantile": 0.5, "value": 152300.0, "Latitude": 34.05, "Longitude": -118.1, "Population": 1296.0}, {"index": 6891, "quantile": 0.75, "value": 161475.0, "Latitude": 34.05, "Longitude": -118.1, "Population": 1296.0}, {"index": 6891, "quantile": 1.0, "value": 271200.0, "Latitude": 34.05, "Longitude": -118.1, "Population": 1296.0}, {"index": 6892, "quantile": 0.0, "value": 157000.0, "Latitude": 34.04, "Longitude": -118.09, "Population": 3842.0}, {"index": 6892, "quantile": 0.25, "value": 168500.0, "Latitude": 34.04, "Longitude": -118.09, "Population": 3842.0}, {"index": 6892, "quantile": 0.5, "value": 168500.0, "Latitude": 34.04, "Longitude": -118.09, "Population": 3842.0}, {"index": 6892, "quantile": 0.75, "value": 181300.0, "Latitude": 34.04, "Longitude": -118.09, "Population": 3842.0}, {"index": 6892, "quantile": 1.0, "value": 417600.0, "Latitude": 34.04, "Longitude": -118.09, "Population": 3842.0}, {"index": 6893, "quantile": 0.0, "value": 156000.0, "Latitude": 34.04, "Longitude": -118.09, "Population": 824.0}, {"index": 6893, "quantile": 0.25, "value": 272600.0, "Latitude": 34.04, "Longitude": -118.09, "Population": 824.0}, {"index": 6893, "quantile": 0.5, "value": 272600.0, "Latitude": 34.04, "Longitude": -118.09, "Population": 824.0}, {"index": 6893, "quantile": 0.75, "value": 272850.0, "Latitude": 34.04, "Longitude": -118.09, "Population": 824.0}, {"index": 6893, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.09, "Population": 824.0}, {"index": 6894, "quantile": 0.0, "value": 149900.0, "Latitude": 34.05, "Longitude": -118.11, "Population": 1729.0}, {"index": 6894, "quantile": 0.25, "value": 240550.0, "Latitude": 34.05, "Longitude": -118.11, "Population": 1729.0}, {"index": 6894, "quantile": 0.5, "value": 251650.00000000003, "Latitude": 34.05, "Longitude": -118.11, "Population": 1729.0}, {"index": 6894, "quantile": 0.75, "value": 276500.0, "Latitude": 34.05, "Longitude": -118.11, "Population": 1729.0}, {"index": 6894, "quantile": 1.0, "value": 402600.0, "Latitude": 34.05, "Longitude": -118.11, "Population": 1729.0}, {"index": 6895, "quantile": 0.0, "value": 179500.0, "Latitude": 34.04, "Longitude": -118.11, "Population": 2264.0}, {"index": 6895, "quantile": 0.25, "value": 212300.00000000003, "Latitude": 34.04, "Longitude": -118.11, "Population": 2264.0}, {"index": 6895, "quantile": 0.5, "value": 223599.99999999997, "Latitude": 34.04, "Longitude": -118.11, "Population": 2264.0}, {"index": 6895, "quantile": 0.75, "value": 241224.99999999997, "Latitude": 34.04, "Longitude": -118.11, "Population": 2264.0}, {"index": 6895, "quantile": 1.0, "value": 353600.0, "Latitude": 34.04, "Longitude": -118.11, "Population": 2264.0}, {"index": 6896, "quantile": 0.0, "value": 150000.0, "Latitude": 34.05, "Longitude": -118.12, "Population": 2416.0}, {"index": 6896, "quantile": 0.25, "value": 206800.0, "Latitude": 34.05, "Longitude": -118.12, "Population": 2416.0}, {"index": 6896, "quantile": 0.5, "value": 247600.0, "Latitude": 34.05, "Longitude": -118.12, "Population": 2416.0}, {"index": 6896, "quantile": 0.75, "value": 247600.0, "Latitude": 34.05, "Longitude": -118.12, "Population": 2416.0}, {"index": 6896, "quantile": 1.0, "value": 271600.0, "Latitude": 34.05, "Longitude": -118.12, "Population": 2416.0}, {"index": 6897, "quantile": 0.0, "value": 142000.0, "Latitude": 34.04, "Longitude": -118.12, "Population": 598.0}, {"index": 6897, "quantile": 0.25, "value": 249275.0, "Latitude": 34.04, "Longitude": -118.12, "Population": 598.0}, {"index": 6897, "quantile": 0.5, "value": 254900.0, "Latitude": 34.04, "Longitude": -118.12, "Population": 598.0}, {"index": 6897, "quantile": 0.75, "value": 254900.0, "Latitude": 34.04, "Longitude": -118.12, "Population": 598.0}, {"index": 6897, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.12, "Population": 598.0}, {"index": 6898, "quantile": 0.0, "value": 154700.0, "Latitude": 34.04, "Longitude": -118.13, "Population": 1118.0}, {"index": 6898, "quantile": 0.25, "value": 218075.00000000003, "Latitude": 34.04, "Longitude": -118.13, "Population": 1118.0}, {"index": 6898, "quantile": 0.5, "value": 227300.0, "Latitude": 34.04, "Longitude": -118.13, "Population": 1118.0}, {"index": 6898, "quantile": 0.75, "value": 227300.0, "Latitude": 34.04, "Longitude": -118.13, "Population": 1118.0}, {"index": 6898, "quantile": 1.0, "value": 341700.0, "Latitude": 34.04, "Longitude": -118.13, "Population": 1118.0}, {"index": 6899, "quantile": 0.0, "value": 145700.0, "Latitude": 34.04, "Longitude": -118.13, "Population": 881.0}, {"index": 6899, "quantile": 0.25, "value": 217150.0, "Latitude": 34.04, "Longitude": -118.13, "Population": 881.0}, {"index": 6899, "quantile": 0.5, "value": 220500.0, "Latitude": 34.04, "Longitude": -118.13, "Population": 881.0}, {"index": 6899, "quantile": 0.75, "value": 220500.0, "Latitude": 34.04, "Longitude": -118.13, "Population": 881.0}, {"index": 6899, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.13, "Population": 881.0}, {"index": 6900, "quantile": 0.0, "value": 145200.0, "Latitude": 34.03, "Longitude": -118.14, "Population": 1042.0}, {"index": 6900, "quantile": 0.25, "value": 166000.0, "Latitude": 34.03, "Longitude": -118.14, "Population": 1042.0}, {"index": 6900, "quantile": 0.5, "value": 211500.00000000003, "Latitude": 34.03, "Longitude": -118.14, "Population": 1042.0}, {"index": 6900, "quantile": 0.75, "value": 211500.00000000003, "Latitude": 34.03, "Longitude": -118.14, "Population": 1042.0}, {"index": 6900, "quantile": 1.0, "value": 263200.0, "Latitude": 34.03, "Longitude": -118.14, "Population": 1042.0}, {"index": 6901, "quantile": 0.0, "value": 75200.0, "Latitude": 34.04, "Longitude": -118.15, "Population": 664.0}, {"index": 6901, "quantile": 0.25, "value": 145000.0, "Latitude": 34.04, "Longitude": -118.15, "Population": 664.0}, {"index": 6901, "quantile": 0.5, "value": 170800.0, "Latitude": 34.04, "Longitude": -118.15, "Population": 664.0}, {"index": 6901, "quantile": 0.75, "value": 195950.0, "Latitude": 34.04, "Longitude": -118.15, "Population": 664.0}, {"index": 6901, "quantile": 1.0, "value": 333300.0, "Latitude": 34.04, "Longitude": -118.15, "Population": 664.0}, {"index": 6902, "quantile": 0.0, "value": 121500.00000000001, "Latitude": 34.04, "Longitude": -118.14, "Population": 1216.0}, {"index": 6902, "quantile": 0.25, "value": 209300.0, "Latitude": 34.04, "Longitude": -118.14, "Population": 1216.0}, {"index": 6902, "quantile": 0.5, "value": 209300.0, "Latitude": 34.04, "Longitude": -118.14, "Population": 1216.0}, {"index": 6902, "quantile": 0.75, "value": 209300.0, "Latitude": 34.04, "Longitude": -118.14, "Population": 1216.0}, {"index": 6902, "quantile": 1.0, "value": 318600.0, "Latitude": 34.04, "Longitude": -118.14, "Population": 1216.0}, {"index": 6903, "quantile": 0.0, "value": 96100.0, "Latitude": 34.04, "Longitude": -118.14, "Population": 1120.0}, {"index": 6903, "quantile": 0.25, "value": 198800.0, "Latitude": 34.04, "Longitude": -118.14, "Population": 1120.0}, {"index": 6903, "quantile": 0.5, "value": 198800.0, "Latitude": 34.04, "Longitude": -118.14, "Population": 1120.0}, {"index": 6903, "quantile": 0.75, "value": 207249.99999999997, "Latitude": 34.04, "Longitude": -118.14, "Population": 1120.0}, {"index": 6903, "quantile": 1.0, "value": 273600.0, "Latitude": 34.04, "Longitude": -118.14, "Population": 1120.0}, {"index": 6904, "quantile": 0.0, "value": 92600.0, "Latitude": 34.04, "Longitude": -118.14, "Population": 509.0}, {"index": 6904, "quantile": 0.25, "value": 223025.00000000003, "Latitude": 34.04, "Longitude": -118.14, "Population": 509.0}, {"index": 6904, "quantile": 0.5, "value": 243200.0, "Latitude": 34.04, "Longitude": -118.14, "Population": 509.0}, {"index": 6904, "quantile": 0.75, "value": 243200.0, "Latitude": 34.04, "Longitude": -118.14, "Population": 509.0}, {"index": 6904, "quantile": 1.0, "value": 265800.0, "Latitude": 34.04, "Longitude": -118.14, "Population": 509.0}, {"index": 6905, "quantile": 0.0, "value": 96100.0, "Latitude": 34.03, "Longitude": -118.11, "Population": 989.0}, {"index": 6905, "quantile": 0.25, "value": 161375.0, "Latitude": 34.03, "Longitude": -118.11, "Population": 989.0}, {"index": 6905, "quantile": 0.5, "value": 183900.0, "Latitude": 34.03, "Longitude": -118.11, "Population": 989.0}, {"index": 6905, "quantile": 0.75, "value": 198800.0, "Latitude": 34.03, "Longitude": -118.11, "Population": 989.0}, {"index": 6905, "quantile": 1.0, "value": 291500.0, "Latitude": 34.03, "Longitude": -118.11, "Population": 989.0}, {"index": 6906, "quantile": 0.0, "value": 149500.0, "Latitude": 34.04, "Longitude": -118.13, "Population": 1392.0}, {"index": 6906, "quantile": 0.25, "value": 198650.00000000003, "Latitude": 34.04, "Longitude": -118.13, "Population": 1392.0}, {"index": 6906, "quantile": 0.5, "value": 211400.0, "Latitude": 34.04, "Longitude": -118.13, "Population": 1392.0}, {"index": 6906, "quantile": 0.75, "value": 211400.0, "Latitude": 34.04, "Longitude": -118.13, "Population": 1392.0}, {"index": 6906, "quantile": 1.0, "value": 274300.0, "Latitude": 34.04, "Longitude": -118.13, "Population": 1392.0}, {"index": 6907, "quantile": 0.0, "value": 165700.0, "Latitude": 34.04, "Longitude": -118.12, "Population": 1355.0}, {"index": 6907, "quantile": 0.25, "value": 213950.0, "Latitude": 34.04, "Longitude": -118.12, "Population": 1355.0}, {"index": 6907, "quantile": 0.5, "value": 235300.00000000003, "Latitude": 34.04, "Longitude": -118.12, "Population": 1355.0}, {"index": 6907, "quantile": 0.75, "value": 235300.00000000003, "Latitude": 34.04, "Longitude": -118.12, "Population": 1355.0}, {"index": 6907, "quantile": 1.0, "value": 263200.0, "Latitude": 34.04, "Longitude": -118.12, "Population": 1355.0}, {"index": 6908, "quantile": 0.0, "value": 124400.0, "Latitude": 34.04, "Longitude": -118.12, "Population": 608.0}, {"index": 6908, "quantile": 0.25, "value": 215700.0, "Latitude": 34.04, "Longitude": -118.12, "Population": 608.0}, {"index": 6908, "quantile": 0.5, "value": 246900.0, "Latitude": 34.04, "Longitude": -118.12, "Population": 608.0}, {"index": 6908, "quantile": 0.75, "value": 246900.0, "Latitude": 34.04, "Longitude": -118.12, "Population": 608.0}, {"index": 6908, "quantile": 1.0, "value": 365900.0, "Latitude": 34.04, "Longitude": -118.12, "Population": 608.0}, {"index": 6909, "quantile": 0.0, "value": 323700.0, "Latitude": 33.95, "Longitude": -117.93, "Population": 1382.0}, {"index": 6909, "quantile": 0.25, "value": 444925.0, "Latitude": 33.95, "Longitude": -117.93, "Population": 1382.0}, {"index": 6909, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -117.93, "Population": 1382.0}, {"index": 6909, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -117.93, "Population": 1382.0}, {"index": 6909, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -117.93, "Population": 1382.0}, {"index": 6910, "quantile": 0.0, "value": 127200.0, "Latitude": 33.95, "Longitude": -117.95, "Population": 1913.0}, {"index": 6910, "quantile": 0.25, "value": 318400.0, "Latitude": 33.95, "Longitude": -117.95, "Population": 1913.0}, {"index": 6910, "quantile": 0.5, "value": 354350.0, "Latitude": 33.95, "Longitude": -117.95, "Population": 1913.0}, {"index": 6910, "quantile": 0.75, "value": 440124.99999999994, "Latitude": 33.95, "Longitude": -117.95, "Population": 1913.0}, {"index": 6910, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -117.95, "Population": 1913.0}, {"index": 6911, "quantile": 0.0, "value": 342300.0, "Latitude": 33.97, "Longitude": -117.95, "Population": 424.0}, {"index": 6911, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -117.95, "Population": 424.0}, {"index": 6911, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -117.95, "Population": 424.0}, {"index": 6911, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -117.95, "Population": 424.0}, {"index": 6911, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -117.95, "Population": 424.0}, {"index": 6912, "quantile": 0.0, "value": 269600.0, "Latitude": 33.96, "Longitude": -117.97, "Population": 1995.0}, {"index": 6912, "quantile": 0.25, "value": 356050.0, "Latitude": 33.96, "Longitude": -117.97, "Population": 1995.0}, {"index": 6912, "quantile": 0.5, "value": 417050.00000000006, "Latitude": 33.96, "Longitude": -117.97, "Population": 1995.0}, {"index": 6912, "quantile": 0.75, "value": 469100.0, "Latitude": 33.96, "Longitude": -117.97, "Population": 1995.0}, {"index": 6912, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -117.97, "Population": 1995.0}, {"index": 6913, "quantile": 0.0, "value": 190200.0, "Latitude": 33.95, "Longitude": -117.98, "Population": 1758.0}, {"index": 6913, "quantile": 0.25, "value": 282400.0, "Latitude": 33.95, "Longitude": -117.98, "Population": 1758.0}, {"index": 6913, "quantile": 0.5, "value": 282400.0, "Latitude": 33.95, "Longitude": -117.98, "Population": 1758.0}, {"index": 6913, "quantile": 0.75, "value": 282400.0, "Latitude": 33.95, "Longitude": -117.98, "Population": 1758.0}, {"index": 6913, "quantile": 1.0, "value": 451300.0, "Latitude": 33.95, "Longitude": -117.98, "Population": 1758.0}, {"index": 6914, "quantile": 0.0, "value": 169600.0, "Latitude": 33.94, "Longitude": -117.98, "Population": 2038.0}, {"index": 6914, "quantile": 0.25, "value": 258800.0, "Latitude": 33.94, "Longitude": -117.98, "Population": 2038.0}, {"index": 6914, "quantile": 0.5, "value": 258800.0, "Latitude": 33.94, "Longitude": -117.98, "Population": 2038.0}, {"index": 6914, "quantile": 0.75, "value": 258800.0, "Latitude": 33.94, "Longitude": -117.98, "Population": 2038.0}, {"index": 6914, "quantile": 1.0, "value": 354200.0, "Latitude": 33.94, "Longitude": -117.98, "Population": 2038.0}, {"index": 6915, "quantile": 0.0, "value": 411800.00000000006, "Latitude": 33.95, "Longitude": -117.99, "Population": 851.0}, {"index": 6915, "quantile": 0.25, "value": 498600.0, "Latitude": 33.95, "Longitude": -117.99, "Population": 851.0}, {"index": 6915, "quantile": 0.5, "value": 498600.0, "Latitude": 33.95, "Longitude": -117.99, "Population": 851.0}, {"index": 6915, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -117.99, "Population": 851.0}, {"index": 6915, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -117.99, "Population": 851.0}, {"index": 6916, "quantile": 0.0, "value": 169300.0, "Latitude": 33.95, "Longitude": -118.0, "Population": 505.0}, {"index": 6916, "quantile": 0.25, "value": 401000.0, "Latitude": 33.95, "Longitude": -118.0, "Population": 505.0}, {"index": 6916, "quantile": 0.5, "value": 401000.0, "Latitude": 33.95, "Longitude": -118.0, "Population": 505.0}, {"index": 6916, "quantile": 0.75, "value": 401000.0, "Latitude": 33.95, "Longitude": -118.0, "Population": 505.0}, {"index": 6916, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -118.0, "Population": 505.0}, {"index": 6917, "quantile": 0.0, "value": 158200.0, "Latitude": 33.95, "Longitude": -118.01, "Population": 774.0}, {"index": 6917, "quantile": 0.25, "value": 269800.0, "Latitude": 33.95, "Longitude": -118.01, "Population": 774.0}, {"index": 6917, "quantile": 0.5, "value": 296700.0, "Latitude": 33.95, "Longitude": -118.01, "Population": 774.0}, {"index": 6917, "quantile": 0.75, "value": 296700.0, "Latitude": 33.95, "Longitude": -118.01, "Population": 774.0}, {"index": 6917, "quantile": 1.0, "value": 445700.0, "Latitude": 33.95, "Longitude": -118.01, "Population": 774.0}, {"index": 6918, "quantile": 0.0, "value": 314000.0, "Latitude": 33.96, "Longitude": -118.0, "Population": 878.0}, {"index": 6918, "quantile": 0.25, "value": 453800.0, "Latitude": 33.96, "Longitude": -118.0, "Population": 878.0}, {"index": 6918, "quantile": 0.5, "value": 453800.0, "Latitude": 33.96, "Longitude": -118.0, "Population": 878.0}, {"index": 6918, "quantile": 0.75, "value": 498600.0, "Latitude": 33.96, "Longitude": -118.0, "Population": 878.0}, {"index": 6918, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.0, "Population": 878.0}, {"index": 6919, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 33.97, "Longitude": -117.99, "Population": 1490.0}, {"index": 6919, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -117.99, "Population": 1490.0}, {"index": 6919, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -117.99, "Population": 1490.0}, {"index": 6919, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -117.99, "Population": 1490.0}, {"index": 6919, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -117.99, "Population": 1490.0}, {"index": 6920, "quantile": 0.0, "value": 87500.0, "Latitude": 34.02, "Longitude": -118.05, "Population": 25.0}, {"index": 6920, "quantile": 0.25, "value": 177900.0, "Latitude": 34.02, "Longitude": -118.05, "Population": 25.0}, {"index": 6920, "quantile": 0.5, "value": 375000.0, "Latitude": 34.02, "Longitude": -118.05, "Population": 25.0}, {"index": 6920, "quantile": 0.75, "value": 375000.0, "Latitude": 34.02, "Longitude": -118.05, "Population": 25.0}, {"index": 6920, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.05, "Population": 25.0}, {"index": 6921, "quantile": 0.0, "value": 181300.0, "Latitude": 34.01, "Longitude": -118.03, "Population": 2975.0}, {"index": 6921, "quantile": 0.25, "value": 271675.0, "Latitude": 34.01, "Longitude": -118.03, "Population": 2975.0}, {"index": 6921, "quantile": 0.5, "value": 403700.0, "Latitude": 34.01, "Longitude": -118.03, "Population": 2975.0}, {"index": 6921, "quantile": 0.75, "value": 403700.0, "Latitude": 34.01, "Longitude": -118.03, "Population": 2975.0}, {"index": 6921, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.03, "Population": 2975.0}, {"index": 6922, "quantile": 0.0, "value": 154700.0, "Latitude": 34.02, "Longitude": -118.06, "Population": 2653.0}, {"index": 6922, "quantile": 0.25, "value": 188800.0, "Latitude": 34.02, "Longitude": -118.06, "Population": 2653.0}, {"index": 6922, "quantile": 0.5, "value": 188800.0, "Latitude": 34.02, "Longitude": -118.06, "Population": 2653.0}, {"index": 6922, "quantile": 0.75, "value": 197050.0, "Latitude": 34.02, "Longitude": -118.06, "Population": 2653.0}, {"index": 6922, "quantile": 1.0, "value": 308000.0, "Latitude": 34.02, "Longitude": -118.06, "Population": 2653.0}, {"index": 6923, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 34.01, "Longitude": -118.06, "Population": 1488.0}, {"index": 6923, "quantile": 0.25, "value": 155100.0, "Latitude": 34.01, "Longitude": -118.06, "Population": 1488.0}, {"index": 6923, "quantile": 0.5, "value": 155100.0, "Latitude": 34.01, "Longitude": -118.06, "Population": 1488.0}, {"index": 6923, "quantile": 0.75, "value": 159425.0, "Latitude": 34.01, "Longitude": -118.06, "Population": 1488.0}, {"index": 6923, "quantile": 1.0, "value": 387500.0, "Latitude": 34.01, "Longitude": -118.06, "Population": 1488.0}, {"index": 6924, "quantile": 0.0, "value": 117700.0, "Latitude": 34.01, "Longitude": -118.07, "Population": 1540.0}, {"index": 6924, "quantile": 0.25, "value": 159325.0, "Latitude": 34.01, "Longitude": -118.07, "Population": 1540.0}, {"index": 6924, "quantile": 0.5, "value": 164100.0, "Latitude": 34.01, "Longitude": -118.07, "Population": 1540.0}, {"index": 6924, "quantile": 0.75, "value": 176625.0, "Latitude": 34.01, "Longitude": -118.07, "Population": 1540.0}, {"index": 6924, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.07, "Population": 1540.0}, {"index": 6925, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.01, "Longitude": -118.07, "Population": 1025.0}, {"index": 6925, "quantile": 0.25, "value": 153474.99999999997, "Latitude": 34.01, "Longitude": -118.07, "Population": 1025.0}, {"index": 6925, "quantile": 0.5, "value": 160900.0, "Latitude": 34.01, "Longitude": -118.07, "Population": 1025.0}, {"index": 6925, "quantile": 0.75, "value": 172600.0, "Latitude": 34.01, "Longitude": -118.07, "Population": 1025.0}, {"index": 6925, "quantile": 1.0, "value": 218699.99999999997, "Latitude": 34.01, "Longitude": -118.07, "Population": 1025.0}, {"index": 6926, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.01, "Longitude": -118.08, "Population": 1322.0}, {"index": 6926, "quantile": 0.25, "value": 158100.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 1322.0}, {"index": 6926, "quantile": 0.5, "value": 158100.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 1322.0}, {"index": 6926, "quantile": 0.75, "value": 166300.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 1322.0}, {"index": 6926, "quantile": 1.0, "value": 237200.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 1322.0}, {"index": 6927, "quantile": 0.0, "value": 88800.0, "Latitude": 34.0, "Longitude": -118.07, "Population": 1471.0}, {"index": 6927, "quantile": 0.25, "value": 143800.0, "Latitude": 34.0, "Longitude": -118.07, "Population": 1471.0}, {"index": 6927, "quantile": 0.5, "value": 143800.0, "Latitude": 34.0, "Longitude": -118.07, "Population": 1471.0}, {"index": 6927, "quantile": 0.75, "value": 145000.0, "Latitude": 34.0, "Longitude": -118.07, "Population": 1471.0}, {"index": 6927, "quantile": 1.0, "value": 200000.0, "Latitude": 34.0, "Longitude": -118.07, "Population": 1471.0}, {"index": 6928, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 34.0, "Longitude": -118.08, "Population": 1373.0}, {"index": 6928, "quantile": 0.25, "value": 150200.0, "Latitude": 34.0, "Longitude": -118.08, "Population": 1373.0}, {"index": 6928, "quantile": 0.5, "value": 156500.0, "Latitude": 34.0, "Longitude": -118.08, "Population": 1373.0}, {"index": 6928, "quantile": 0.75, "value": 163900.0, "Latitude": 34.0, "Longitude": -118.08, "Population": 1373.0}, {"index": 6928, "quantile": 1.0, "value": 305800.0, "Latitude": 34.0, "Longitude": -118.08, "Population": 1373.0}, {"index": 6929, "quantile": 0.0, "value": 137500.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 2122.0}, {"index": 6929, "quantile": 0.25, "value": 150200.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 2122.0}, {"index": 6929, "quantile": 0.5, "value": 150200.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 2122.0}, {"index": 6929, "quantile": 0.75, "value": 156350.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 2122.0}, {"index": 6929, "quantile": 1.0, "value": 189200.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 2122.0}, {"index": 6930, "quantile": 0.0, "value": 73000.0, "Latitude": 34.02, "Longitude": -118.08, "Population": 2551.0}, {"index": 6930, "quantile": 0.25, "value": 144200.0, "Latitude": 34.02, "Longitude": -118.08, "Population": 2551.0}, {"index": 6930, "quantile": 0.5, "value": 144200.0, "Latitude": 34.02, "Longitude": -118.08, "Population": 2551.0}, {"index": 6930, "quantile": 0.75, "value": 153750.0, "Latitude": 34.02, "Longitude": -118.08, "Population": 2551.0}, {"index": 6930, "quantile": 1.0, "value": 229000.0, "Latitude": 34.02, "Longitude": -118.08, "Population": 2551.0}, {"index": 6931, "quantile": 0.0, "value": 91300.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 890.0}, {"index": 6931, "quantile": 0.25, "value": 152225.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 890.0}, {"index": 6931, "quantile": 0.5, "value": 162000.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 890.0}, {"index": 6931, "quantile": 0.75, "value": 174300.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 890.0}, {"index": 6931, "quantile": 1.0, "value": 216600.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 890.0}, {"index": 6932, "quantile": 0.0, "value": 103600.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 1282.0}, {"index": 6932, "quantile": 0.25, "value": 147600.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 1282.0}, {"index": 6932, "quantile": 0.5, "value": 147600.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 1282.0}, {"index": 6932, "quantile": 0.75, "value": 151925.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 1282.0}, {"index": 6932, "quantile": 1.0, "value": 195200.0, "Latitude": 34.01, "Longitude": -118.08, "Population": 1282.0}, {"index": 6933, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 34.01, "Longitude": -118.09, "Population": 1538.0}, {"index": 6933, "quantile": 0.25, "value": 150600.0, "Latitude": 34.01, "Longitude": -118.09, "Population": 1538.0}, {"index": 6933, "quantile": 0.5, "value": 150600.0, "Latitude": 34.01, "Longitude": -118.09, "Population": 1538.0}, {"index": 6933, "quantile": 0.75, "value": 150600.0, "Latitude": 34.01, "Longitude": -118.09, "Population": 1538.0}, {"index": 6933, "quantile": 1.0, "value": 189100.0, "Latitude": 34.01, "Longitude": -118.09, "Population": 1538.0}, {"index": 6934, "quantile": 0.0, "value": 84200.0, "Latitude": 34.01, "Longitude": -118.09, "Population": 1094.0}, {"index": 6934, "quantile": 0.25, "value": 114100.0, "Latitude": 34.01, "Longitude": -118.09, "Population": 1094.0}, {"index": 6934, "quantile": 0.5, "value": 114100.0, "Latitude": 34.01, "Longitude": -118.09, "Population": 1094.0}, {"index": 6934, "quantile": 0.75, "value": 137500.0, "Latitude": 34.01, "Longitude": -118.09, "Population": 1094.0}, {"index": 6934, "quantile": 1.0, "value": 189400.0, "Latitude": 34.01, "Longitude": -118.09, "Population": 1094.0}, {"index": 6935, "quantile": 0.0, "value": 142900.0, "Latitude": 34.01, "Longitude": -118.09, "Population": 1151.0}, {"index": 6935, "quantile": 0.25, "value": 149500.0, "Latitude": 34.01, "Longitude": -118.09, "Population": 1151.0}, {"index": 6935, "quantile": 0.5, "value": 149500.0, "Latitude": 34.01, "Longitude": -118.09, "Population": 1151.0}, {"index": 6935, "quantile": 0.75, "value": 159925.0, "Latitude": 34.01, "Longitude": -118.09, "Population": 1151.0}, {"index": 6935, "quantile": 1.0, "value": 190600.0, "Latitude": 34.01, "Longitude": -118.09, "Population": 1151.0}, {"index": 6936, "quantile": 0.0, "value": 94000.0, "Latitude": 34.0, "Longitude": -118.09, "Population": 1174.0}, {"index": 6936, "quantile": 0.25, "value": 160600.0, "Latitude": 34.0, "Longitude": -118.09, "Population": 1174.0}, {"index": 6936, "quantile": 0.5, "value": 160600.0, "Latitude": 34.0, "Longitude": -118.09, "Population": 1174.0}, {"index": 6936, "quantile": 0.75, "value": 176799.99999999997, "Latitude": 34.0, "Longitude": -118.09, "Population": 1174.0}, {"index": 6936, "quantile": 1.0, "value": 265800.0, "Latitude": 34.0, "Longitude": -118.09, "Population": 1174.0}, {"index": 6937, "quantile": 0.0, "value": 138200.0, "Latitude": 34.0, "Longitude": -118.09, "Population": 1290.0}, {"index": 6937, "quantile": 0.25, "value": 162500.0, "Latitude": 34.0, "Longitude": -118.09, "Population": 1290.0}, {"index": 6937, "quantile": 0.5, "value": 162500.0, "Latitude": 34.0, "Longitude": -118.09, "Population": 1290.0}, {"index": 6937, "quantile": 0.75, "value": 162500.0, "Latitude": 34.0, "Longitude": -118.09, "Population": 1290.0}, {"index": 6937, "quantile": 1.0, "value": 233900.0, "Latitude": 34.0, "Longitude": -118.09, "Population": 1290.0}, {"index": 6938, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.99, "Longitude": -118.09, "Population": 1005.0}, {"index": 6938, "quantile": 0.25, "value": 172600.0, "Latitude": 33.99, "Longitude": -118.09, "Population": 1005.0}, {"index": 6938, "quantile": 0.5, "value": 172600.0, "Latitude": 33.99, "Longitude": -118.09, "Population": 1005.0}, {"index": 6938, "quantile": 0.75, "value": 172600.0, "Latitude": 33.99, "Longitude": -118.09, "Population": 1005.0}, {"index": 6938, "quantile": 1.0, "value": 190400.0, "Latitude": 33.99, "Longitude": -118.09, "Population": 1005.0}, {"index": 6939, "quantile": 0.0, "value": 141900.0, "Latitude": 33.99, "Longitude": -118.1, "Population": 1271.0}, {"index": 6939, "quantile": 0.25, "value": 164050.0, "Latitude": 33.99, "Longitude": -118.1, "Population": 1271.0}, {"index": 6939, "quantile": 0.5, "value": 175200.0, "Latitude": 33.99, "Longitude": -118.1, "Population": 1271.0}, {"index": 6939, "quantile": 0.75, "value": 175200.0, "Latitude": 33.99, "Longitude": -118.1, "Population": 1271.0}, {"index": 6939, "quantile": 1.0, "value": 190600.0, "Latitude": 33.99, "Longitude": -118.1, "Population": 1271.0}, {"index": 6940, "quantile": 0.0, "value": 152000.0, "Latitude": 33.99, "Longitude": -118.1, "Population": 933.0}, {"index": 6940, "quantile": 0.25, "value": 161400.0, "Latitude": 33.99, "Longitude": -118.1, "Population": 933.0}, {"index": 6940, "quantile": 0.5, "value": 175400.0, "Latitude": 33.99, "Longitude": -118.1, "Population": 933.0}, {"index": 6940, "quantile": 0.75, "value": 191900.0, "Latitude": 33.99, "Longitude": -118.1, "Population": 933.0}, {"index": 6940, "quantile": 1.0, "value": 251200.0, "Latitude": 33.99, "Longitude": -118.1, "Population": 933.0}, {"index": 6941, "quantile": 0.0, "value": 105700.0, "Latitude": 33.99, "Longitude": -118.1, "Population": 599.0}, {"index": 6941, "quantile": 0.25, "value": 185100.0, "Latitude": 33.99, "Longitude": -118.1, "Population": 599.0}, {"index": 6941, "quantile": 0.5, "value": 190300.0, "Latitude": 33.99, "Longitude": -118.1, "Population": 599.0}, {"index": 6941, "quantile": 0.75, "value": 190300.0, "Latitude": 33.99, "Longitude": -118.1, "Population": 599.0}, {"index": 6941, "quantile": 1.0, "value": 214600.0, "Latitude": 33.99, "Longitude": -118.1, "Population": 599.0}, {"index": 6942, "quantile": 0.0, "value": 149000.0, "Latitude": 33.98, "Longitude": -118.08, "Population": 1041.0}, {"index": 6942, "quantile": 0.25, "value": 165800.0, "Latitude": 33.98, "Longitude": -118.08, "Population": 1041.0}, {"index": 6942, "quantile": 0.5, "value": 165800.0, "Latitude": 33.98, "Longitude": -118.08, "Population": 1041.0}, {"index": 6942, "quantile": 0.75, "value": 165800.0, "Latitude": 33.98, "Longitude": -118.08, "Population": 1041.0}, {"index": 6942, "quantile": 1.0, "value": 200300.0, "Latitude": 33.98, "Longitude": -118.08, "Population": 1041.0}, {"index": 6943, "quantile": 0.0, "value": 144300.0, "Latitude": 33.98, "Longitude": -118.08, "Population": 863.0}, {"index": 6943, "quantile": 0.25, "value": 153800.0, "Latitude": 33.98, "Longitude": -118.08, "Population": 863.0}, {"index": 6943, "quantile": 0.5, "value": 158200.0, "Latitude": 33.98, "Longitude": -118.08, "Population": 863.0}, {"index": 6943, "quantile": 0.75, "value": 162849.99999999997, "Latitude": 33.98, "Longitude": -118.08, "Population": 863.0}, {"index": 6943, "quantile": 1.0, "value": 189100.0, "Latitude": 33.98, "Longitude": -118.08, "Population": 863.0}, {"index": 6944, "quantile": 0.0, "value": 144300.0, "Latitude": 33.98, "Longitude": -118.09, "Population": 1092.0}, {"index": 6944, "quantile": 0.25, "value": 160700.0, "Latitude": 33.98, "Longitude": -118.09, "Population": 1092.0}, {"index": 6944, "quantile": 0.5, "value": 160700.0, "Latitude": 33.98, "Longitude": -118.09, "Population": 1092.0}, {"index": 6944, "quantile": 0.75, "value": 160700.0, "Latitude": 33.98, "Longitude": -118.09, "Population": 1092.0}, {"index": 6944, "quantile": 1.0, "value": 205500.00000000003, "Latitude": 33.98, "Longitude": -118.09, "Population": 1092.0}, {"index": 6945, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.99, "Longitude": -118.09, "Population": 1923.0}, {"index": 6945, "quantile": 0.25, "value": 177900.0, "Latitude": 33.99, "Longitude": -118.09, "Population": 1923.0}, {"index": 6945, "quantile": 0.5, "value": 177900.0, "Latitude": 33.99, "Longitude": -118.09, "Population": 1923.0}, {"index": 6945, "quantile": 0.75, "value": 177900.0, "Latitude": 33.99, "Longitude": -118.09, "Population": 1923.0}, {"index": 6945, "quantile": 1.0, "value": 238200.0, "Latitude": 33.99, "Longitude": -118.09, "Population": 1923.0}, {"index": 6946, "quantile": 0.0, "value": 117700.0, "Latitude": 33.99, "Longitude": -118.08, "Population": 1369.0}, {"index": 6946, "quantile": 0.25, "value": 155350.0, "Latitude": 33.99, "Longitude": -118.08, "Population": 1369.0}, {"index": 6946, "quantile": 0.5, "value": 160700.0, "Latitude": 33.99, "Longitude": -118.08, "Population": 1369.0}, {"index": 6946, "quantile": 0.75, "value": 169175.0, "Latitude": 33.99, "Longitude": -118.08, "Population": 1369.0}, {"index": 6946, "quantile": 1.0, "value": 199300.0, "Latitude": 33.99, "Longitude": -118.08, "Population": 1369.0}, {"index": 6947, "quantile": 0.0, "value": 91300.0, "Latitude": 33.99, "Longitude": -118.08, "Population": 1125.0}, {"index": 6947, "quantile": 0.25, "value": 160600.0, "Latitude": 33.99, "Longitude": -118.08, "Population": 1125.0}, {"index": 6947, "quantile": 0.5, "value": 162000.0, "Latitude": 33.99, "Longitude": -118.08, "Population": 1125.0}, {"index": 6947, "quantile": 0.75, "value": 162000.0, "Latitude": 33.99, "Longitude": -118.08, "Population": 1125.0}, {"index": 6947, "quantile": 1.0, "value": 216600.0, "Latitude": 33.99, "Longitude": -118.08, "Population": 1125.0}, {"index": 6948, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 33.99, "Longitude": -118.08, "Population": 2028.0}, {"index": 6948, "quantile": 0.25, "value": 163900.0, "Latitude": 33.99, "Longitude": -118.08, "Population": 2028.0}, {"index": 6948, "quantile": 0.5, "value": 163900.0, "Latitude": 33.99, "Longitude": -118.08, "Population": 2028.0}, {"index": 6948, "quantile": 0.75, "value": 163900.0, "Latitude": 33.99, "Longitude": -118.08, "Population": 2028.0}, {"index": 6948, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 33.99, "Longitude": -118.08, "Population": 2028.0}, {"index": 6949, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.0, "Longitude": -118.08, "Population": 997.0}, {"index": 6949, "quantile": 0.25, "value": 166300.0, "Latitude": 34.0, "Longitude": -118.08, "Population": 997.0}, {"index": 6949, "quantile": 0.5, "value": 166300.0, "Latitude": 34.0, "Longitude": -118.08, "Population": 997.0}, {"index": 6949, "quantile": 0.75, "value": 166300.0, "Latitude": 34.0, "Longitude": -118.08, "Population": 997.0}, {"index": 6949, "quantile": 1.0, "value": 254999.99999999997, "Latitude": 34.0, "Longitude": -118.08, "Population": 997.0}, {"index": 6950, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.99, "Longitude": -118.07, "Population": 1134.0}, {"index": 6950, "quantile": 0.25, "value": 164900.0, "Latitude": 33.99, "Longitude": -118.07, "Population": 1134.0}, {"index": 6950, "quantile": 0.5, "value": 164900.0, "Latitude": 33.99, "Longitude": -118.07, "Population": 1134.0}, {"index": 6950, "quantile": 0.75, "value": 164900.0, "Latitude": 33.99, "Longitude": -118.07, "Population": 1134.0}, {"index": 6950, "quantile": 1.0, "value": 244800.0, "Latitude": 33.99, "Longitude": -118.07, "Population": 1134.0}, {"index": 6951, "quantile": 0.0, "value": 105700.0, "Latitude": 33.99, "Longitude": -118.07, "Population": 1002.0}, {"index": 6951, "quantile": 0.25, "value": 160600.0, "Latitude": 33.99, "Longitude": -118.07, "Population": 1002.0}, {"index": 6951, "quantile": 0.5, "value": 163300.0, "Latitude": 33.99, "Longitude": -118.07, "Population": 1002.0}, {"index": 6951, "quantile": 0.75, "value": 163300.0, "Latitude": 33.99, "Longitude": -118.07, "Population": 1002.0}, {"index": 6951, "quantile": 1.0, "value": 265800.0, "Latitude": 33.99, "Longitude": -118.07, "Population": 1002.0}, {"index": 6952, "quantile": 0.0, "value": 115100.0, "Latitude": 33.99, "Longitude": -118.07, "Population": 807.0}, {"index": 6952, "quantile": 0.25, "value": 138000.0, "Latitude": 33.99, "Longitude": -118.07, "Population": 807.0}, {"index": 6952, "quantile": 0.5, "value": 153300.0, "Latitude": 33.99, "Longitude": -118.07, "Population": 807.0}, {"index": 6952, "quantile": 0.75, "value": 153300.0, "Latitude": 33.99, "Longitude": -118.07, "Population": 807.0}, {"index": 6952, "quantile": 1.0, "value": 184200.0, "Latitude": 33.99, "Longitude": -118.07, "Population": 807.0}, {"index": 6953, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.98, "Longitude": -118.06, "Population": 1221.0}, {"index": 6953, "quantile": 0.25, "value": 169200.0, "Latitude": 33.98, "Longitude": -118.06, "Population": 1221.0}, {"index": 6953, "quantile": 0.5, "value": 169200.0, "Latitude": 33.98, "Longitude": -118.06, "Population": 1221.0}, {"index": 6953, "quantile": 0.75, "value": 169200.0, "Latitude": 33.98, "Longitude": -118.06, "Population": 1221.0}, {"index": 6953, "quantile": 1.0, "value": 344400.0, "Latitude": 33.98, "Longitude": -118.06, "Population": 1221.0}, {"index": 6954, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.98, "Longitude": -118.06, "Population": 932.0}, {"index": 6954, "quantile": 0.25, "value": 170550.0, "Latitude": 33.98, "Longitude": -118.06, "Population": 932.0}, {"index": 6954, "quantile": 0.5, "value": 178000.0, "Latitude": 33.98, "Longitude": -118.06, "Population": 932.0}, {"index": 6954, "quantile": 0.75, "value": 178000.0, "Latitude": 33.98, "Longitude": -118.06, "Population": 932.0}, {"index": 6954, "quantile": 1.0, "value": 232799.99999999997, "Latitude": 33.98, "Longitude": -118.06, "Population": 932.0}, {"index": 6955, "quantile": 0.0, "value": 142000.0, "Latitude": 33.98, "Longitude": -118.06, "Population": 615.0}, {"index": 6955, "quantile": 0.25, "value": 186900.0, "Latitude": 33.98, "Longitude": -118.06, "Population": 615.0}, {"index": 6955, "quantile": 0.5, "value": 186900.0, "Latitude": 33.98, "Longitude": -118.06, "Population": 615.0}, {"index": 6955, "quantile": 0.75, "value": 217674.99999999997, "Latitude": 33.98, "Longitude": -118.06, "Population": 615.0}, {"index": 6955, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.06, "Population": 615.0}, {"index": 6956, "quantile": 0.0, "value": 59600.0, "Latitude": 33.98, "Longitude": -118.06, "Population": 579.0}, {"index": 6956, "quantile": 0.25, "value": 161800.0, "Latitude": 33.98, "Longitude": -118.06, "Population": 579.0}, {"index": 6956, "quantile": 0.5, "value": 190300.0, "Latitude": 33.98, "Longitude": -118.06, "Population": 579.0}, {"index": 6956, "quantile": 0.75, "value": 237474.99999999997, "Latitude": 33.98, "Longitude": -118.06, "Population": 579.0}, {"index": 6956, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.06, "Population": 579.0}, {"index": 6957, "quantile": 0.0, "value": 158100.0, "Latitude": 33.98, "Longitude": -118.06, "Population": 975.0}, {"index": 6957, "quantile": 0.25, "value": 177600.0, "Latitude": 33.98, "Longitude": -118.06, "Population": 975.0}, {"index": 6957, "quantile": 0.5, "value": 177600.0, "Latitude": 33.98, "Longitude": -118.06, "Population": 975.0}, {"index": 6957, "quantile": 0.75, "value": 194000.0, "Latitude": 33.98, "Longitude": -118.06, "Population": 975.0}, {"index": 6957, "quantile": 1.0, "value": 456100.0, "Latitude": 33.98, "Longitude": -118.06, "Population": 975.0}, {"index": 6958, "quantile": 0.0, "value": 152500.0, "Latitude": 34.0, "Longitude": -118.06, "Population": 2597.0}, {"index": 6958, "quantile": 0.25, "value": 219800.0, "Latitude": 34.0, "Longitude": -118.06, "Population": 2597.0}, {"index": 6958, "quantile": 0.5, "value": 219800.0, "Latitude": 34.0, "Longitude": -118.06, "Population": 2597.0}, {"index": 6958, "quantile": 0.75, "value": 219800.0, "Latitude": 34.0, "Longitude": -118.06, "Population": 2597.0}, {"index": 6958, "quantile": 1.0, "value": 281900.0, "Latitude": 34.0, "Longitude": -118.06, "Population": 2597.0}, {"index": 6959, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 34.0, "Longitude": -118.07, "Population": 2117.0}, {"index": 6959, "quantile": 0.25, "value": 167300.0, "Latitude": 34.0, "Longitude": -118.07, "Population": 2117.0}, {"index": 6959, "quantile": 0.5, "value": 167300.0, "Latitude": 34.0, "Longitude": -118.07, "Population": 2117.0}, {"index": 6959, "quantile": 0.75, "value": 167300.0, "Latitude": 34.0, "Longitude": -118.07, "Population": 2117.0}, {"index": 6959, "quantile": 1.0, "value": 268400.0, "Latitude": 34.0, "Longitude": -118.07, "Population": 2117.0}, {"index": 6960, "quantile": 0.0, "value": 153800.0, "Latitude": 33.99, "Longitude": -118.05, "Population": 1085.0}, {"index": 6960, "quantile": 0.25, "value": 220900.0, "Latitude": 33.99, "Longitude": -118.05, "Population": 1085.0}, {"index": 6960, "quantile": 0.5, "value": 261450.0, "Latitude": 33.99, "Longitude": -118.05, "Population": 1085.0}, {"index": 6960, "quantile": 0.75, "value": 285300.0, "Latitude": 33.99, "Longitude": -118.05, "Population": 1085.0}, {"index": 6960, "quantile": 1.0, "value": 463800.0, "Latitude": 33.99, "Longitude": -118.05, "Population": 1085.0}, {"index": 6961, "quantile": 0.0, "value": 198600.0, "Latitude": 33.99, "Longitude": -118.04, "Population": 1613.0}, {"index": 6961, "quantile": 0.25, "value": 198600.0, "Latitude": 33.99, "Longitude": -118.04, "Population": 1613.0}, {"index": 6961, "quantile": 0.5, "value": 198600.0, "Latitude": 33.99, "Longitude": -118.04, "Population": 1613.0}, {"index": 6961, "quantile": 0.75, "value": 216400.00000000003, "Latitude": 33.99, "Longitude": -118.04, "Population": 1613.0}, {"index": 6961, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.04, "Population": 1613.0}, {"index": 6962, "quantile": 0.0, "value": 132800.0, "Latitude": 33.99, "Longitude": -118.05, "Population": 886.0}, {"index": 6962, "quantile": 0.25, "value": 182400.0, "Latitude": 33.99, "Longitude": -118.05, "Population": 886.0}, {"index": 6962, "quantile": 0.5, "value": 182400.0, "Latitude": 33.99, "Longitude": -118.05, "Population": 886.0}, {"index": 6962, "quantile": 0.75, "value": 182400.0, "Latitude": 33.99, "Longitude": -118.05, "Population": 886.0}, {"index": 6962, "quantile": 1.0, "value": 345800.0, "Latitude": 33.99, "Longitude": -118.05, "Population": 886.0}, {"index": 6963, "quantile": 0.0, "value": 139700.0, "Latitude": 33.99, "Longitude": -118.06, "Population": 484.0}, {"index": 6963, "quantile": 0.25, "value": 186200.0, "Latitude": 33.99, "Longitude": -118.06, "Population": 484.0}, {"index": 6963, "quantile": 0.5, "value": 186200.0, "Latitude": 33.99, "Longitude": -118.06, "Population": 484.0}, {"index": 6963, "quantile": 0.75, "value": 186200.0, "Latitude": 33.99, "Longitude": -118.06, "Population": 484.0}, {"index": 6963, "quantile": 1.0, "value": 252199.99999999997, "Latitude": 33.99, "Longitude": -118.06, "Population": 484.0}, {"index": 6964, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 33.99, "Longitude": -118.06, "Population": 827.0}, {"index": 6964, "quantile": 0.25, "value": 166100.0, "Latitude": 33.99, "Longitude": -118.06, "Population": 827.0}, {"index": 6964, "quantile": 0.5, "value": 166100.0, "Latitude": 33.99, "Longitude": -118.06, "Population": 827.0}, {"index": 6964, "quantile": 0.75, "value": 192450.0, "Latitude": 33.99, "Longitude": -118.06, "Population": 827.0}, {"index": 6964, "quantile": 1.0, "value": 323000.0, "Latitude": 33.99, "Longitude": -118.06, "Population": 827.0}, {"index": 6965, "quantile": 0.0, "value": 70100.0, "Latitude": 33.99, "Longitude": -118.06, "Population": 637.0}, {"index": 6965, "quantile": 0.25, "value": 149600.0, "Latitude": 33.99, "Longitude": -118.06, "Population": 637.0}, {"index": 6965, "quantile": 0.5, "value": 169900.0, "Latitude": 33.99, "Longitude": -118.06, "Population": 637.0}, {"index": 6965, "quantile": 0.75, "value": 211600.0, "Latitude": 33.99, "Longitude": -118.06, "Population": 637.0}, {"index": 6965, "quantile": 1.0, "value": 397900.0, "Latitude": 33.99, "Longitude": -118.06, "Population": 637.0}, {"index": 6966, "quantile": 0.0, "value": 93900.0, "Latitude": 33.99, "Longitude": -118.06, "Population": 670.0}, {"index": 6966, "quantile": 0.25, "value": 188000.0, "Latitude": 33.99, "Longitude": -118.06, "Population": 670.0}, {"index": 6966, "quantile": 0.5, "value": 188000.0, "Latitude": 33.99, "Longitude": -118.06, "Population": 670.0}, {"index": 6966, "quantile": 0.75, "value": 221675.00000000003, "Latitude": 33.99, "Longitude": -118.06, "Population": 670.0}, {"index": 6966, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.06, "Population": 670.0}, {"index": 6967, "quantile": 0.0, "value": 108000.0, "Latitude": 33.98, "Longitude": -118.04, "Population": 1362.0}, {"index": 6967, "quantile": 0.25, "value": 156875.0, "Latitude": 33.98, "Longitude": -118.04, "Population": 1362.0}, {"index": 6967, "quantile": 0.5, "value": 164250.0, "Latitude": 33.98, "Longitude": -118.04, "Population": 1362.0}, {"index": 6967, "quantile": 0.75, "value": 186900.0, "Latitude": 33.98, "Longitude": -118.04, "Population": 1362.0}, {"index": 6967, "quantile": 1.0, "value": 350900.0, "Latitude": 33.98, "Longitude": -118.04, "Population": 1362.0}, {"index": 6968, "quantile": 0.0, "value": 109800.00000000001, "Latitude": 33.98, "Longitude": -118.05, "Population": 1174.0}, {"index": 6968, "quantile": 0.25, "value": 137500.0, "Latitude": 33.98, "Longitude": -118.05, "Population": 1174.0}, {"index": 6968, "quantile": 0.5, "value": 137500.0, "Latitude": 33.98, "Longitude": -118.05, "Population": 1174.0}, {"index": 6968, "quantile": 0.75, "value": 160500.0, "Latitude": 33.98, "Longitude": -118.05, "Population": 1174.0}, {"index": 6968, "quantile": 1.0, "value": 300000.0, "Latitude": 33.98, "Longitude": -118.05, "Population": 1174.0}, {"index": 6969, "quantile": 0.0, "value": 137500.0, "Latitude": 33.98, "Longitude": -118.05, "Population": 1222.0}, {"index": 6969, "quantile": 0.25, "value": 155300.0, "Latitude": 33.98, "Longitude": -118.05, "Population": 1222.0}, {"index": 6969, "quantile": 0.5, "value": 155300.0, "Latitude": 33.98, "Longitude": -118.05, "Population": 1222.0}, {"index": 6969, "quantile": 0.75, "value": 158725.0, "Latitude": 33.98, "Longitude": -118.05, "Population": 1222.0}, {"index": 6969, "quantile": 1.0, "value": 242200.00000000003, "Latitude": 33.98, "Longitude": -118.05, "Population": 1222.0}, {"index": 6970, "quantile": 0.0, "value": 158100.0, "Latitude": 34.0, "Longitude": -118.04, "Population": 2114.0}, {"index": 6970, "quantile": 0.25, "value": 279200.0, "Latitude": 34.0, "Longitude": -118.04, "Population": 2114.0}, {"index": 6970, "quantile": 0.5, "value": 279200.0, "Latitude": 34.0, "Longitude": -118.04, "Population": 2114.0}, {"index": 6970, "quantile": 0.75, "value": 279200.0, "Latitude": 34.0, "Longitude": -118.04, "Population": 2114.0}, {"index": 6970, "quantile": 1.0, "value": 463800.0, "Latitude": 34.0, "Longitude": -118.04, "Population": 2114.0}, {"index": 6971, "quantile": 0.0, "value": 112500.0, "Latitude": 33.99, "Longitude": -118.03, "Population": 1177.0}, {"index": 6971, "quantile": 0.25, "value": 199275.0, "Latitude": 33.99, "Longitude": -118.03, "Population": 1177.0}, {"index": 6971, "quantile": 0.5, "value": 243800.00000000003, "Latitude": 33.99, "Longitude": -118.03, "Population": 1177.0}, {"index": 6971, "quantile": 0.75, "value": 243800.00000000003, "Latitude": 33.99, "Longitude": -118.03, "Population": 1177.0}, {"index": 6971, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 33.99, "Longitude": -118.03, "Population": 1177.0}, {"index": 6972, "quantile": 0.0, "value": 67000.0, "Latitude": 33.98, "Longitude": -118.03, "Population": 880.0}, {"index": 6972, "quantile": 0.25, "value": 236800.0, "Latitude": 33.98, "Longitude": -118.03, "Population": 880.0}, {"index": 6972, "quantile": 0.5, "value": 236800.0, "Latitude": 33.98, "Longitude": -118.03, "Population": 880.0}, {"index": 6972, "quantile": 0.75, "value": 236800.0, "Latitude": 33.98, "Longitude": -118.03, "Population": 880.0}, {"index": 6972, "quantile": 1.0, "value": 360300.0, "Latitude": 33.98, "Longitude": -118.03, "Population": 880.0}, {"index": 6973, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.98, "Longitude": -118.04, "Population": 1699.0}, {"index": 6973, "quantile": 0.25, "value": 163300.0, "Latitude": 33.98, "Longitude": -118.04, "Population": 1699.0}, {"index": 6973, "quantile": 0.5, "value": 163300.0, "Latitude": 33.98, "Longitude": -118.04, "Population": 1699.0}, {"index": 6973, "quantile": 0.75, "value": 183325.0, "Latitude": 33.98, "Longitude": -118.04, "Population": 1699.0}, {"index": 6973, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.04, "Population": 1699.0}, {"index": 6974, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.98, "Longitude": -118.04, "Population": 1158.0}, {"index": 6974, "quantile": 0.25, "value": 165600.0, "Latitude": 33.98, "Longitude": -118.04, "Population": 1158.0}, {"index": 6974, "quantile": 0.5, "value": 165600.0, "Latitude": 33.98, "Longitude": -118.04, "Population": 1158.0}, {"index": 6974, "quantile": 0.75, "value": 165600.0, "Latitude": 33.98, "Longitude": -118.04, "Population": 1158.0}, {"index": 6974, "quantile": 1.0, "value": 225800.0, "Latitude": 33.98, "Longitude": -118.04, "Population": 1158.0}, {"index": 6975, "quantile": 0.0, "value": 85400.0, "Latitude": 33.98, "Longitude": -118.04, "Population": 1580.0}, {"index": 6975, "quantile": 0.25, "value": 146000.0, "Latitude": 33.98, "Longitude": -118.04, "Population": 1580.0}, {"index": 6975, "quantile": 0.5, "value": 175000.0, "Latitude": 33.98, "Longitude": -118.04, "Population": 1580.0}, {"index": 6975, "quantile": 0.75, "value": 192400.0, "Latitude": 33.98, "Longitude": -118.04, "Population": 1580.0}, {"index": 6975, "quantile": 1.0, "value": 364300.0, "Latitude": 33.98, "Longitude": -118.04, "Population": 1580.0}, {"index": 6976, "quantile": 0.0, "value": 125499.99999999999, "Latitude": 33.99, "Longitude": -118.04, "Population": 1262.0}, {"index": 6976, "quantile": 0.25, "value": 197100.0, "Latitude": 33.99, "Longitude": -118.04, "Population": 1262.0}, {"index": 6976, "quantile": 0.5, "value": 197100.0, "Latitude": 33.99, "Longitude": -118.04, "Population": 1262.0}, {"index": 6976, "quantile": 0.75, "value": 197100.0, "Latitude": 33.99, "Longitude": -118.04, "Population": 1262.0}, {"index": 6976, "quantile": 1.0, "value": 323000.0, "Latitude": 33.99, "Longitude": -118.04, "Population": 1262.0}, {"index": 6977, "quantile": 0.0, "value": 239100.0, "Latitude": 33.98, "Longitude": -118.02, "Population": 707.0}, {"index": 6977, "quantile": 0.25, "value": 332700.0, "Latitude": 33.98, "Longitude": -118.02, "Population": 707.0}, {"index": 6977, "quantile": 0.5, "value": 332700.0, "Latitude": 33.98, "Longitude": -118.02, "Population": 707.0}, {"index": 6977, "quantile": 0.75, "value": 332700.0, "Latitude": 33.98, "Longitude": -118.02, "Population": 707.0}, {"index": 6977, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.02, "Population": 707.0}, {"index": 6978, "quantile": 0.0, "value": 146300.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1190.0}, {"index": 6978, "quantile": 0.25, "value": 195950.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1190.0}, {"index": 6978, "quantile": 0.5, "value": 217099.99999999997, "Latitude": 33.97, "Longitude": -118.03, "Population": 1190.0}, {"index": 6978, "quantile": 0.75, "value": 248700.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1190.0}, {"index": 6978, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.03, "Population": 1190.0}, {"index": 6979, "quantile": 0.0, "value": 115700.0, "Latitude": 33.97, "Longitude": -118.02, "Population": 887.0}, {"index": 6979, "quantile": 0.25, "value": 295650.0, "Latitude": 33.97, "Longitude": -118.02, "Population": 887.0}, {"index": 6979, "quantile": 0.5, "value": 313800.0, "Latitude": 33.97, "Longitude": -118.02, "Population": 887.0}, {"index": 6979, "quantile": 0.75, "value": 313800.0, "Latitude": 33.97, "Longitude": -118.02, "Population": 887.0}, {"index": 6979, "quantile": 1.0, "value": 490400.0, "Latitude": 33.97, "Longitude": -118.02, "Population": 887.0}, {"index": 6980, "quantile": 0.0, "value": 155100.0, "Latitude": 33.97, "Longitude": -118.01, "Population": 608.0}, {"index": 6980, "quantile": 0.25, "value": 290800.0, "Latitude": 33.97, "Longitude": -118.01, "Population": 608.0}, {"index": 6980, "quantile": 0.5, "value": 290800.0, "Latitude": 33.97, "Longitude": -118.01, "Population": 608.0}, {"index": 6980, "quantile": 0.75, "value": 327300.0, "Latitude": 33.97, "Longitude": -118.01, "Population": 608.0}, {"index": 6980, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.01, "Population": 608.0}, {"index": 6981, "quantile": 0.0, "value": 149900.0, "Latitude": 33.97, "Longitude": -118.0, "Population": 3124.0}, {"index": 6981, "quantile": 0.25, "value": 234750.0, "Latitude": 33.97, "Longitude": -118.0, "Population": 3124.0}, {"index": 6981, "quantile": 0.5, "value": 244099.99999999997, "Latitude": 33.97, "Longitude": -118.0, "Population": 3124.0}, {"index": 6981, "quantile": 0.75, "value": 298200.0, "Latitude": 33.97, "Longitude": -118.0, "Population": 3124.0}, {"index": 6981, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.0, "Population": 3124.0}, {"index": 6982, "quantile": 0.0, "value": 177300.0, "Latitude": 33.96, "Longitude": -118.01, "Population": 882.0}, {"index": 6982, "quantile": 0.25, "value": 229800.0, "Latitude": 33.96, "Longitude": -118.01, "Population": 882.0}, {"index": 6982, "quantile": 0.5, "value": 273500.0, "Latitude": 33.96, "Longitude": -118.01, "Population": 882.0}, {"index": 6982, "quantile": 0.75, "value": 273500.0, "Latitude": 33.96, "Longitude": -118.01, "Population": 882.0}, {"index": 6982, "quantile": 1.0, "value": 426499.99999999994, "Latitude": 33.96, "Longitude": -118.01, "Population": 882.0}, {"index": 6983, "quantile": 0.0, "value": 107900.0, "Latitude": 33.96, "Longitude": -118.02, "Population": 913.0}, {"index": 6983, "quantile": 0.25, "value": 179800.0, "Latitude": 33.96, "Longitude": -118.02, "Population": 913.0}, {"index": 6983, "quantile": 0.5, "value": 197000.0, "Latitude": 33.96, "Longitude": -118.02, "Population": 913.0}, {"index": 6983, "quantile": 0.75, "value": 236700.0, "Latitude": 33.96, "Longitude": -118.02, "Population": 913.0}, {"index": 6983, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.02, "Population": 913.0}, {"index": 6984, "quantile": 0.0, "value": 120700.00000000001, "Latitude": 33.96, "Longitude": -118.02, "Population": 988.0}, {"index": 6984, "quantile": 0.25, "value": 219700.0, "Latitude": 33.96, "Longitude": -118.02, "Population": 988.0}, {"index": 6984, "quantile": 0.5, "value": 219700.0, "Latitude": 33.96, "Longitude": -118.02, "Population": 988.0}, {"index": 6984, "quantile": 0.75, "value": 219700.0, "Latitude": 33.96, "Longitude": -118.02, "Population": 988.0}, {"index": 6984, "quantile": 1.0, "value": 382100.0, "Latitude": 33.96, "Longitude": -118.02, "Population": 988.0}, {"index": 6985, "quantile": 0.0, "value": 157800.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 715.0}, {"index": 6985, "quantile": 0.25, "value": 232399.99999999997, "Latitude": 33.97, "Longitude": -118.03, "Population": 715.0}, {"index": 6985, "quantile": 0.5, "value": 232399.99999999997, "Latitude": 33.97, "Longitude": -118.03, "Population": 715.0}, {"index": 6985, "quantile": 0.75, "value": 232399.99999999997, "Latitude": 33.97, "Longitude": -118.03, "Population": 715.0}, {"index": 6985, "quantile": 1.0, "value": 420099.99999999994, "Latitude": 33.97, "Longitude": -118.03, "Population": 715.0}, {"index": 6986, "quantile": 0.0, "value": 168900.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1029.0}, {"index": 6986, "quantile": 0.25, "value": 224300.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1029.0}, {"index": 6986, "quantile": 0.5, "value": 224300.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1029.0}, {"index": 6986, "quantile": 0.75, "value": 224300.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1029.0}, {"index": 6986, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 33.97, "Longitude": -118.03, "Population": 1029.0}, {"index": 6987, "quantile": 0.0, "value": 120000.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1103.0}, {"index": 6987, "quantile": 0.25, "value": 196200.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1103.0}, {"index": 6987, "quantile": 0.5, "value": 196200.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1103.0}, {"index": 6987, "quantile": 0.75, "value": 196200.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1103.0}, {"index": 6987, "quantile": 1.0, "value": 282500.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1103.0}, {"index": 6988, "quantile": 0.0, "value": 95200.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1359.0}, {"index": 6988, "quantile": 0.25, "value": 158200.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1359.0}, {"index": 6988, "quantile": 0.5, "value": 170250.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1359.0}, {"index": 6988, "quantile": 0.75, "value": 191925.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1359.0}, {"index": 6988, "quantile": 1.0, "value": 272800.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1359.0}, {"index": 6989, "quantile": 0.0, "value": 129200.0, "Latitude": 33.97, "Longitude": -118.04, "Population": 1968.0}, {"index": 6989, "quantile": 0.25, "value": 162500.0, "Latitude": 33.97, "Longitude": -118.04, "Population": 1968.0}, {"index": 6989, "quantile": 0.5, "value": 162500.0, "Latitude": 33.97, "Longitude": -118.04, "Population": 1968.0}, {"index": 6989, "quantile": 0.75, "value": 162700.0, "Latitude": 33.97, "Longitude": -118.04, "Population": 1968.0}, {"index": 6989, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 33.97, "Longitude": -118.04, "Population": 1968.0}, {"index": 6990, "quantile": 0.0, "value": 146000.0, "Latitude": 33.97, "Longitude": -118.04, "Population": 2313.0}, {"index": 6990, "quantile": 0.25, "value": 177500.0, "Latitude": 33.97, "Longitude": -118.04, "Population": 2313.0}, {"index": 6990, "quantile": 0.5, "value": 177500.0, "Latitude": 33.97, "Longitude": -118.04, "Population": 2313.0}, {"index": 6990, "quantile": 0.75, "value": 177500.0, "Latitude": 33.97, "Longitude": -118.04, "Population": 2313.0}, {"index": 6990, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 33.97, "Longitude": -118.04, "Population": 2313.0}, {"index": 6991, "quantile": 0.0, "value": 113100.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1644.0}, {"index": 6991, "quantile": 0.25, "value": 177500.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1644.0}, {"index": 6991, "quantile": 0.5, "value": 192000.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1644.0}, {"index": 6991, "quantile": 0.75, "value": 192000.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1644.0}, {"index": 6991, "quantile": 1.0, "value": 338900.0, "Latitude": 33.97, "Longitude": -118.03, "Population": 1644.0}, {"index": 6992, "quantile": 0.0, "value": 148400.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 1138.0}, {"index": 6992, "quantile": 0.25, "value": 168900.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 1138.0}, {"index": 6992, "quantile": 0.5, "value": 168900.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 1138.0}, {"index": 6992, "quantile": 0.75, "value": 192700.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 1138.0}, {"index": 6992, "quantile": 1.0, "value": 273600.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 1138.0}, {"index": 6993, "quantile": 0.0, "value": 124400.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 964.0}, {"index": 6993, "quantile": 0.25, "value": 181200.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 964.0}, {"index": 6993, "quantile": 0.5, "value": 181200.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 964.0}, {"index": 6993, "quantile": 0.75, "value": 189150.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 964.0}, {"index": 6993, "quantile": 1.0, "value": 246900.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 964.0}, {"index": 6994, "quantile": 0.0, "value": 139700.0, "Latitude": 33.96, "Longitude": -118.03, "Population": 1022.0}, {"index": 6994, "quantile": 0.25, "value": 171400.0, "Latitude": 33.96, "Longitude": -118.03, "Population": 1022.0}, {"index": 6994, "quantile": 0.5, "value": 171400.0, "Latitude": 33.96, "Longitude": -118.03, "Population": 1022.0}, {"index": 6994, "quantile": 0.75, "value": 192225.0, "Latitude": 33.96, "Longitude": -118.03, "Population": 1022.0}, {"index": 6994, "quantile": 1.0, "value": 273600.0, "Latitude": 33.96, "Longitude": -118.03, "Population": 1022.0}, {"index": 6995, "quantile": 0.0, "value": 149600.0, "Latitude": 33.96, "Longitude": -118.03, "Population": 614.0}, {"index": 6995, "quantile": 0.25, "value": 164600.0, "Latitude": 33.96, "Longitude": -118.03, "Population": 614.0}, {"index": 6995, "quantile": 0.5, "value": 164600.0, "Latitude": 33.96, "Longitude": -118.03, "Population": 614.0}, {"index": 6995, "quantile": 0.75, "value": 196200.0, "Latitude": 33.96, "Longitude": -118.03, "Population": 614.0}, {"index": 6995, "quantile": 1.0, "value": 305800.0, "Latitude": 33.96, "Longitude": -118.03, "Population": 614.0}, {"index": 6996, "quantile": 0.0, "value": 118000.0, "Latitude": 33.95, "Longitude": -118.03, "Population": 1034.0}, {"index": 6996, "quantile": 0.25, "value": 184600.0, "Latitude": 33.95, "Longitude": -118.03, "Population": 1034.0}, {"index": 6996, "quantile": 0.5, "value": 199700.0, "Latitude": 33.95, "Longitude": -118.03, "Population": 1034.0}, {"index": 6996, "quantile": 0.75, "value": 224375.0, "Latitude": 33.95, "Longitude": -118.03, "Population": 1034.0}, {"index": 6996, "quantile": 1.0, "value": 353200.0, "Latitude": 33.95, "Longitude": -118.03, "Population": 1034.0}, {"index": 6997, "quantile": 0.0, "value": 148400.0, "Latitude": 33.95, "Longitude": -118.03, "Population": 934.0}, {"index": 6997, "quantile": 0.25, "value": 177800.0, "Latitude": 33.95, "Longitude": -118.03, "Population": 934.0}, {"index": 6997, "quantile": 0.5, "value": 177800.0, "Latitude": 33.95, "Longitude": -118.03, "Population": 934.0}, {"index": 6997, "quantile": 0.75, "value": 179575.0, "Latitude": 33.95, "Longitude": -118.03, "Population": 934.0}, {"index": 6997, "quantile": 1.0, "value": 267300.0, "Latitude": 33.95, "Longitude": -118.03, "Population": 934.0}, {"index": 6998, "quantile": 0.0, "value": 152500.0, "Latitude": 33.95, "Longitude": -118.04, "Population": 1390.0}, {"index": 6998, "quantile": 0.25, "value": 178500.0, "Latitude": 33.95, "Longitude": -118.04, "Population": 1390.0}, {"index": 6998, "quantile": 0.5, "value": 178500.0, "Latitude": 33.95, "Longitude": -118.04, "Population": 1390.0}, {"index": 6998, "quantile": 0.75, "value": 182600.0, "Latitude": 33.95, "Longitude": -118.04, "Population": 1390.0}, {"index": 6998, "quantile": 1.0, "value": 285500.0, "Latitude": 33.95, "Longitude": -118.04, "Population": 1390.0}, {"index": 6999, "quantile": 0.0, "value": 93800.0, "Latitude": 33.96, "Longitude": -118.04, "Population": 1163.0}, {"index": 6999, "quantile": 0.25, "value": 165775.0, "Latitude": 33.96, "Longitude": -118.04, "Population": 1163.0}, {"index": 6999, "quantile": 0.5, "value": 178500.0, "Latitude": 33.96, "Longitude": -118.04, "Population": 1163.0}, {"index": 6999, "quantile": 0.75, "value": 199000.0, "Latitude": 33.96, "Longitude": -118.04, "Population": 1163.0}, {"index": 6999, "quantile": 1.0, "value": 274300.0, "Latitude": 33.96, "Longitude": -118.04, "Population": 1163.0}, {"index": 7000, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.96, "Longitude": -118.04, "Population": 1269.0}, {"index": 7000, "quantile": 0.25, "value": 148800.0, "Latitude": 33.96, "Longitude": -118.04, "Population": 1269.0}, {"index": 7000, "quantile": 0.5, "value": 148800.0, "Latitude": 33.96, "Longitude": -118.04, "Population": 1269.0}, {"index": 7000, "quantile": 0.75, "value": 151075.0, "Latitude": 33.96, "Longitude": -118.04, "Population": 1269.0}, {"index": 7000, "quantile": 1.0, "value": 237900.0, "Latitude": 33.96, "Longitude": -118.04, "Population": 1269.0}, {"index": 7001, "quantile": 0.0, "value": 125000.0, "Latitude": 33.96, "Longitude": -118.05, "Population": 2778.0}, {"index": 7001, "quantile": 0.25, "value": 146250.0, "Latitude": 33.96, "Longitude": -118.05, "Population": 2778.0}, {"index": 7001, "quantile": 0.5, "value": 154300.0, "Latitude": 33.96, "Longitude": -118.05, "Population": 2778.0}, {"index": 7001, "quantile": 0.75, "value": 162500.0, "Latitude": 33.96, "Longitude": -118.05, "Population": 2778.0}, {"index": 7001, "quantile": 1.0, "value": 235300.00000000003, "Latitude": 33.96, "Longitude": -118.05, "Population": 2778.0}, {"index": 7002, "quantile": 0.0, "value": 122200.0, "Latitude": 33.97, "Longitude": -118.04, "Population": 1282.0}, {"index": 7002, "quantile": 0.25, "value": 158200.0, "Latitude": 33.97, "Longitude": -118.04, "Population": 1282.0}, {"index": 7002, "quantile": 0.5, "value": 158200.0, "Latitude": 33.97, "Longitude": -118.04, "Population": 1282.0}, {"index": 7002, "quantile": 0.75, "value": 162275.0, "Latitude": 33.97, "Longitude": -118.04, "Population": 1282.0}, {"index": 7002, "quantile": 1.0, "value": 220500.0, "Latitude": 33.97, "Longitude": -118.04, "Population": 1282.0}, {"index": 7003, "quantile": 0.0, "value": 146000.0, "Latitude": 33.98, "Longitude": -118.05, "Population": 1305.0}, {"index": 7003, "quantile": 0.25, "value": 172800.0, "Latitude": 33.98, "Longitude": -118.05, "Population": 1305.0}, {"index": 7003, "quantile": 0.5, "value": 172800.0, "Latitude": 33.98, "Longitude": -118.05, "Population": 1305.0}, {"index": 7003, "quantile": 0.75, "value": 175800.0, "Latitude": 33.98, "Longitude": -118.05, "Population": 1305.0}, {"index": 7003, "quantile": 1.0, "value": 274300.0, "Latitude": 33.98, "Longitude": -118.05, "Population": 1305.0}, {"index": 7004, "quantile": 0.0, "value": 117700.0, "Latitude": 33.97, "Longitude": -118.05, "Population": 2816.0}, {"index": 7004, "quantile": 0.25, "value": 150600.0, "Latitude": 33.97, "Longitude": -118.05, "Population": 2816.0}, {"index": 7004, "quantile": 0.5, "value": 159900.00000000003, "Latitude": 33.97, "Longitude": -118.05, "Population": 2816.0}, {"index": 7004, "quantile": 0.75, "value": 174325.0, "Latitude": 33.97, "Longitude": -118.05, "Population": 2816.0}, {"index": 7004, "quantile": 1.0, "value": 252100.0, "Latitude": 33.97, "Longitude": -118.05, "Population": 2816.0}, {"index": 7005, "quantile": 0.0, "value": 121100.00000000001, "Latitude": 33.97, "Longitude": -118.06, "Population": 1077.0}, {"index": 7005, "quantile": 0.25, "value": 165600.0, "Latitude": 33.97, "Longitude": -118.06, "Population": 1077.0}, {"index": 7005, "quantile": 0.5, "value": 175150.0, "Latitude": 33.97, "Longitude": -118.06, "Population": 1077.0}, {"index": 7005, "quantile": 0.75, "value": 181500.0, "Latitude": 33.97, "Longitude": -118.06, "Population": 1077.0}, {"index": 7005, "quantile": 1.0, "value": 224700.0, "Latitude": 33.97, "Longitude": -118.06, "Population": 1077.0}, {"index": 7006, "quantile": 0.0, "value": 112500.0, "Latitude": 33.98, "Longitude": -118.07, "Population": 2032.0}, {"index": 7006, "quantile": 0.25, "value": 167800.0, "Latitude": 33.98, "Longitude": -118.07, "Population": 2032.0}, {"index": 7006, "quantile": 0.5, "value": 167800.0, "Latitude": 33.98, "Longitude": -118.07, "Population": 2032.0}, {"index": 7006, "quantile": 0.75, "value": 177900.0, "Latitude": 33.98, "Longitude": -118.07, "Population": 2032.0}, {"index": 7006, "quantile": 1.0, "value": 271600.0, "Latitude": 33.98, "Longitude": -118.07, "Population": 2032.0}, {"index": 7007, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.98, "Longitude": -118.07, "Population": 916.0}, {"index": 7007, "quantile": 0.25, "value": 169800.0, "Latitude": 33.98, "Longitude": -118.07, "Population": 916.0}, {"index": 7007, "quantile": 0.5, "value": 169800.0, "Latitude": 33.98, "Longitude": -118.07, "Population": 916.0}, {"index": 7007, "quantile": 0.75, "value": 174450.0, "Latitude": 33.98, "Longitude": -118.07, "Population": 916.0}, {"index": 7007, "quantile": 1.0, "value": 274300.0, "Latitude": 33.98, "Longitude": -118.07, "Population": 916.0}, {"index": 7008, "quantile": 0.0, "value": 161100.0, "Latitude": 33.97, "Longitude": -118.06, "Population": 988.0}, {"index": 7008, "quantile": 0.25, "value": 175800.0, "Latitude": 33.97, "Longitude": -118.06, "Population": 988.0}, {"index": 7008, "quantile": 0.5, "value": 175800.0, "Latitude": 33.97, "Longitude": -118.06, "Population": 988.0}, {"index": 7008, "quantile": 0.75, "value": 175800.0, "Latitude": 33.97, "Longitude": -118.06, "Population": 988.0}, {"index": 7008, "quantile": 1.0, "value": 268400.0, "Latitude": 33.97, "Longitude": -118.06, "Population": 988.0}, {"index": 7009, "quantile": 0.0, "value": 103499.99999999999, "Latitude": 33.97, "Longitude": -118.07, "Population": 1006.0}, {"index": 7009, "quantile": 0.25, "value": 159575.0, "Latitude": 33.97, "Longitude": -118.07, "Population": 1006.0}, {"index": 7009, "quantile": 0.5, "value": 187500.0, "Latitude": 33.97, "Longitude": -118.07, "Population": 1006.0}, {"index": 7009, "quantile": 0.75, "value": 211700.0, "Latitude": 33.97, "Longitude": -118.07, "Population": 1006.0}, {"index": 7009, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.07, "Population": 1006.0}, {"index": 7010, "quantile": 0.0, "value": 94500.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 789.0}, {"index": 7010, "quantile": 0.25, "value": 162000.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 789.0}, {"index": 7010, "quantile": 0.5, "value": 164400.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 789.0}, {"index": 7010, "quantile": 0.75, "value": 170925.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 789.0}, {"index": 7010, "quantile": 1.0, "value": 270500.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 789.0}, {"index": 7011, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 33.97, "Longitude": -118.07, "Population": 3017.0}, {"index": 7011, "quantile": 0.25, "value": 155600.0, "Latitude": 33.97, "Longitude": -118.07, "Population": 3017.0}, {"index": 7011, "quantile": 0.5, "value": 155600.0, "Latitude": 33.97, "Longitude": -118.07, "Population": 3017.0}, {"index": 7011, "quantile": 0.75, "value": 162000.0, "Latitude": 33.97, "Longitude": -118.07, "Population": 3017.0}, {"index": 7011, "quantile": 1.0, "value": 203700.0, "Latitude": 33.97, "Longitude": -118.07, "Population": 3017.0}, {"index": 7012, "quantile": 0.0, "value": 108600.00000000001, "Latitude": 33.96, "Longitude": -118.07, "Population": 913.0}, {"index": 7012, "quantile": 0.25, "value": 147100.0, "Latitude": 33.96, "Longitude": -118.07, "Population": 913.0}, {"index": 7012, "quantile": 0.5, "value": 147100.0, "Latitude": 33.96, "Longitude": -118.07, "Population": 913.0}, {"index": 7012, "quantile": 0.75, "value": 155600.0, "Latitude": 33.96, "Longitude": -118.07, "Population": 913.0}, {"index": 7012, "quantile": 1.0, "value": 204199.99999999997, "Latitude": 33.96, "Longitude": -118.07, "Population": 913.0}, {"index": 7013, "quantile": 0.0, "value": 146400.0, "Latitude": 33.97, "Longitude": -118.07, "Population": 1052.0}, {"index": 7013, "quantile": 0.25, "value": 156200.0, "Latitude": 33.97, "Longitude": -118.07, "Population": 1052.0}, {"index": 7013, "quantile": 0.5, "value": 156200.0, "Latitude": 33.97, "Longitude": -118.07, "Population": 1052.0}, {"index": 7013, "quantile": 0.75, "value": 164500.0, "Latitude": 33.97, "Longitude": -118.07, "Population": 1052.0}, {"index": 7013, "quantile": 1.0, "value": 262400.0, "Latitude": 33.97, "Longitude": -118.07, "Population": 1052.0}, {"index": 7014, "quantile": 0.0, "value": 117700.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 1258.0}, {"index": 7014, "quantile": 0.25, "value": 162500.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 1258.0}, {"index": 7014, "quantile": 0.5, "value": 165800.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 1258.0}, {"index": 7014, "quantile": 0.75, "value": 176300.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 1258.0}, {"index": 7014, "quantile": 1.0, "value": 252100.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 1258.0}, {"index": 7015, "quantile": 0.0, "value": 151300.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 590.0}, {"index": 7015, "quantile": 0.25, "value": 161200.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 590.0}, {"index": 7015, "quantile": 0.5, "value": 161200.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 590.0}, {"index": 7015, "quantile": 0.75, "value": 166325.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 590.0}, {"index": 7015, "quantile": 1.0, "value": 352300.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 590.0}, {"index": 7016, "quantile": 0.0, "value": 133300.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 1380.0}, {"index": 7016, "quantile": 0.25, "value": 153800.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 1380.0}, {"index": 7016, "quantile": 0.5, "value": 159500.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 1380.0}, {"index": 7016, "quantile": 0.75, "value": 163300.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 1380.0}, {"index": 7016, "quantile": 1.0, "value": 375000.0, "Latitude": 33.97, "Longitude": -118.08, "Population": 1380.0}, {"index": 7017, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.98, "Longitude": -118.09, "Population": 691.0}, {"index": 7017, "quantile": 0.25, "value": 158700.0, "Latitude": 33.98, "Longitude": -118.09, "Population": 691.0}, {"index": 7017, "quantile": 0.5, "value": 167500.0, "Latitude": 33.98, "Longitude": -118.09, "Population": 691.0}, {"index": 7017, "quantile": 0.75, "value": 174675.0, "Latitude": 33.98, "Longitude": -118.09, "Population": 691.0}, {"index": 7017, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 33.98, "Longitude": -118.09, "Population": 691.0}, {"index": 7018, "quantile": 0.0, "value": 147400.0, "Latitude": 33.97, "Longitude": -118.09, "Population": 1108.0}, {"index": 7018, "quantile": 0.25, "value": 166000.0, "Latitude": 33.97, "Longitude": -118.09, "Population": 1108.0}, {"index": 7018, "quantile": 0.5, "value": 166000.0, "Latitude": 33.97, "Longitude": -118.09, "Population": 1108.0}, {"index": 7018, "quantile": 0.75, "value": 166000.0, "Latitude": 33.97, "Longitude": -118.09, "Population": 1108.0}, {"index": 7018, "quantile": 1.0, "value": 226799.99999999997, "Latitude": 33.97, "Longitude": -118.09, "Population": 1108.0}, {"index": 7019, "quantile": 0.0, "value": 136900.0, "Latitude": 33.97, "Longitude": -118.09, "Population": 2033.0}, {"index": 7019, "quantile": 0.25, "value": 155475.0, "Latitude": 33.97, "Longitude": -118.09, "Population": 2033.0}, {"index": 7019, "quantile": 0.5, "value": 165500.0, "Latitude": 33.97, "Longitude": -118.09, "Population": 2033.0}, {"index": 7019, "quantile": 0.75, "value": 172600.0, "Latitude": 33.97, "Longitude": -118.09, "Population": 2033.0}, {"index": 7019, "quantile": 1.0, "value": 244800.0, "Latitude": 33.97, "Longitude": -118.09, "Population": 2033.0}, {"index": 7020, "quantile": 0.0, "value": 106800.0, "Latitude": 33.97, "Longitude": -118.1, "Population": 2010.0}, {"index": 7020, "quantile": 0.25, "value": 163500.0, "Latitude": 33.97, "Longitude": -118.1, "Population": 2010.0}, {"index": 7020, "quantile": 0.5, "value": 163500.0, "Latitude": 33.97, "Longitude": -118.1, "Population": 2010.0}, {"index": 7020, "quantile": 0.75, "value": 163500.0, "Latitude": 33.97, "Longitude": -118.1, "Population": 2010.0}, {"index": 7020, "quantile": 1.0, "value": 208100.0, "Latitude": 33.97, "Longitude": -118.1, "Population": 2010.0}, {"index": 7021, "quantile": 0.0, "value": 103200.0, "Latitude": 33.98, "Longitude": -118.1, "Population": 1042.0}, {"index": 7021, "quantile": 0.25, "value": 156700.0, "Latitude": 33.98, "Longitude": -118.1, "Population": 1042.0}, {"index": 7021, "quantile": 0.5, "value": 156700.0, "Latitude": 33.98, "Longitude": -118.1, "Population": 1042.0}, {"index": 7021, "quantile": 0.75, "value": 157050.0, "Latitude": 33.98, "Longitude": -118.1, "Population": 1042.0}, {"index": 7021, "quantile": 1.0, "value": 235500.0, "Latitude": 33.98, "Longitude": -118.1, "Population": 1042.0}, {"index": 7022, "quantile": 0.0, "value": 113900.0, "Latitude": 33.98, "Longitude": -118.09, "Population": 1068.0}, {"index": 7022, "quantile": 0.25, "value": 153500.0, "Latitude": 33.98, "Longitude": -118.09, "Population": 1068.0}, {"index": 7022, "quantile": 0.5, "value": 158000.0, "Latitude": 33.98, "Longitude": -118.09, "Population": 1068.0}, {"index": 7022, "quantile": 0.75, "value": 160700.0, "Latitude": 33.98, "Longitude": -118.09, "Population": 1068.0}, {"index": 7022, "quantile": 1.0, "value": 190800.0, "Latitude": 33.98, "Longitude": -118.09, "Population": 1068.0}, {"index": 7023, "quantile": 0.0, "value": 113700.0, "Latitude": 33.98, "Longitude": -118.1, "Population": 1623.0}, {"index": 7023, "quantile": 0.25, "value": 152000.0, "Latitude": 33.98, "Longitude": -118.1, "Population": 1623.0}, {"index": 7023, "quantile": 0.5, "value": 152000.0, "Latitude": 33.98, "Longitude": -118.1, "Population": 1623.0}, {"index": 7023, "quantile": 0.75, "value": 166375.0, "Latitude": 33.98, "Longitude": -118.1, "Population": 1623.0}, {"index": 7023, "quantile": 1.0, "value": 237500.0, "Latitude": 33.98, "Longitude": -118.1, "Population": 1623.0}, {"index": 7024, "quantile": 0.0, "value": 150000.0, "Latitude": 33.97, "Longitude": -118.11, "Population": 1672.0}, {"index": 7024, "quantile": 0.25, "value": 166600.0, "Latitude": 33.97, "Longitude": -118.11, "Population": 1672.0}, {"index": 7024, "quantile": 0.5, "value": 166600.0, "Latitude": 33.97, "Longitude": -118.11, "Population": 1672.0}, {"index": 7024, "quantile": 0.75, "value": 170325.00000000003, "Latitude": 33.97, "Longitude": -118.11, "Population": 1672.0}, {"index": 7024, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 33.97, "Longitude": -118.11, "Population": 1672.0}, {"index": 7025, "quantile": 0.0, "value": 106300.0, "Latitude": 33.98, "Longitude": -118.11, "Population": 410.0}, {"index": 7025, "quantile": 0.25, "value": 134400.0, "Latitude": 33.98, "Longitude": -118.11, "Population": 410.0}, {"index": 7025, "quantile": 0.5, "value": 154200.0, "Latitude": 33.98, "Longitude": -118.11, "Population": 410.0}, {"index": 7025, "quantile": 0.75, "value": 175500.0, "Latitude": 33.98, "Longitude": -118.11, "Population": 410.0}, {"index": 7025, "quantile": 1.0, "value": 263200.0, "Latitude": 33.98, "Longitude": -118.11, "Population": 410.0}, {"index": 7026, "quantile": 0.0, "value": 117700.0, "Latitude": 33.96, "Longitude": -118.09, "Population": 2593.0}, {"index": 7026, "quantile": 0.25, "value": 163950.0, "Latitude": 33.96, "Longitude": -118.09, "Population": 2593.0}, {"index": 7026, "quantile": 0.5, "value": 169700.0, "Latitude": 33.96, "Longitude": -118.09, "Population": 2593.0}, {"index": 7026, "quantile": 0.75, "value": 169700.0, "Latitude": 33.96, "Longitude": -118.09, "Population": 2593.0}, {"index": 7026, "quantile": 1.0, "value": 211900.00000000003, "Latitude": 33.96, "Longitude": -118.09, "Population": 2593.0}, {"index": 7027, "quantile": 0.0, "value": 153500.0, "Latitude": 33.96, "Longitude": -118.09, "Population": 719.0}, {"index": 7027, "quantile": 0.25, "value": 163200.0, "Latitude": 33.96, "Longitude": -118.09, "Population": 719.0}, {"index": 7027, "quantile": 0.5, "value": 163200.0, "Latitude": 33.96, "Longitude": -118.09, "Population": 719.0}, {"index": 7027, "quantile": 0.75, "value": 180600.0, "Latitude": 33.96, "Longitude": -118.09, "Population": 719.0}, {"index": 7027, "quantile": 1.0, "value": 236500.00000000003, "Latitude": 33.96, "Longitude": -118.09, "Population": 719.0}, {"index": 7028, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.95, "Longitude": -118.09, "Population": 1306.0}, {"index": 7028, "quantile": 0.25, "value": 166600.0, "Latitude": 33.95, "Longitude": -118.09, "Population": 1306.0}, {"index": 7028, "quantile": 0.5, "value": 166600.0, "Latitude": 33.95, "Longitude": -118.09, "Population": 1306.0}, {"index": 7028, "quantile": 0.75, "value": 178425.0, "Latitude": 33.95, "Longitude": -118.09, "Population": 1306.0}, {"index": 7028, "quantile": 1.0, "value": 263200.0, "Latitude": 33.95, "Longitude": -118.09, "Population": 1306.0}, {"index": 7029, "quantile": 0.0, "value": 142900.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 1195.0}, {"index": 7029, "quantile": 0.25, "value": 157700.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 1195.0}, {"index": 7029, "quantile": 0.5, "value": 165600.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 1195.0}, {"index": 7029, "quantile": 0.75, "value": 169400.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 1195.0}, {"index": 7029, "quantile": 1.0, "value": 244800.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 1195.0}, {"index": 7030, "quantile": 0.0, "value": 117700.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 946.0}, {"index": 7030, "quantile": 0.25, "value": 162500.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 946.0}, {"index": 7030, "quantile": 0.5, "value": 162500.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 946.0}, {"index": 7030, "quantile": 0.75, "value": 162625.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 946.0}, {"index": 7030, "quantile": 1.0, "value": 211800.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 946.0}, {"index": 7031, "quantile": 0.0, "value": 129200.0, "Latitude": 33.97, "Longitude": -118.1, "Population": 1461.0}, {"index": 7031, "quantile": 0.25, "value": 165600.0, "Latitude": 33.97, "Longitude": -118.1, "Population": 1461.0}, {"index": 7031, "quantile": 0.5, "value": 183400.0, "Latitude": 33.97, "Longitude": -118.1, "Population": 1461.0}, {"index": 7031, "quantile": 0.75, "value": 196550.0, "Latitude": 33.97, "Longitude": -118.1, "Population": 1461.0}, {"index": 7031, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 33.97, "Longitude": -118.1, "Population": 1461.0}, {"index": 7032, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 33.96, "Longitude": -118.1, "Population": 1476.0}, {"index": 7032, "quantile": 0.25, "value": 192100.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 1476.0}, {"index": 7032, "quantile": 0.5, "value": 192100.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 1476.0}, {"index": 7032, "quantile": 0.75, "value": 192100.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 1476.0}, {"index": 7032, "quantile": 1.0, "value": 417600.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 1476.0}, {"index": 7033, "quantile": 0.0, "value": 96100.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 981.0}, {"index": 7033, "quantile": 0.25, "value": 173100.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 981.0}, {"index": 7033, "quantile": 0.5, "value": 173100.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 981.0}, {"index": 7033, "quantile": 0.75, "value": 173100.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 981.0}, {"index": 7033, "quantile": 1.0, "value": 276000.0, "Latitude": 33.96, "Longitude": -118.1, "Population": 981.0}, {"index": 7034, "quantile": 0.0, "value": 160000.0, "Latitude": 33.95, "Longitude": -118.08, "Population": 1274.0}, {"index": 7034, "quantile": 0.25, "value": 160600.0, "Latitude": 33.95, "Longitude": -118.08, "Population": 1274.0}, {"index": 7034, "quantile": 0.5, "value": 160600.0, "Latitude": 33.95, "Longitude": -118.08, "Population": 1274.0}, {"index": 7034, "quantile": 0.75, "value": 177475.0, "Latitude": 33.95, "Longitude": -118.08, "Population": 1274.0}, {"index": 7034, "quantile": 1.0, "value": 339100.0, "Latitude": 33.95, "Longitude": -118.08, "Population": 1274.0}, {"index": 7035, "quantile": 0.0, "value": 117700.0, "Latitude": 33.95, "Longitude": -118.08, "Population": 1328.0}, {"index": 7035, "quantile": 0.25, "value": 162800.0, "Latitude": 33.95, "Longitude": -118.08, "Population": 1328.0}, {"index": 7035, "quantile": 0.5, "value": 162800.0, "Latitude": 33.95, "Longitude": -118.08, "Population": 1328.0}, {"index": 7035, "quantile": 0.75, "value": 162800.0, "Latitude": 33.95, "Longitude": -118.08, "Population": 1328.0}, {"index": 7035, "quantile": 1.0, "value": 199300.0, "Latitude": 33.95, "Longitude": -118.08, "Population": 1328.0}, {"index": 7036, "quantile": 0.0, "value": 141100.0, "Latitude": 33.96, "Longitude": -118.08, "Population": 1659.0}, {"index": 7036, "quantile": 0.25, "value": 157700.0, "Latitude": 33.96, "Longitude": -118.08, "Population": 1659.0}, {"index": 7036, "quantile": 0.5, "value": 164100.0, "Latitude": 33.96, "Longitude": -118.08, "Population": 1659.0}, {"index": 7036, "quantile": 0.75, "value": 171275.0, "Latitude": 33.96, "Longitude": -118.08, "Population": 1659.0}, {"index": 7036, "quantile": 1.0, "value": 195300.0, "Latitude": 33.96, "Longitude": -118.08, "Population": 1659.0}, {"index": 7037, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.96, "Longitude": -118.08, "Population": 1162.0}, {"index": 7037, "quantile": 0.25, "value": 165400.0, "Latitude": 33.96, "Longitude": -118.08, "Population": 1162.0}, {"index": 7037, "quantile": 0.5, "value": 165400.0, "Latitude": 33.96, "Longitude": -118.08, "Population": 1162.0}, {"index": 7037, "quantile": 0.75, "value": 165400.0, "Latitude": 33.96, "Longitude": -118.08, "Population": 1162.0}, {"index": 7037, "quantile": 1.0, "value": 211400.0, "Latitude": 33.96, "Longitude": -118.08, "Population": 1162.0}, {"index": 7038, "quantile": 0.0, "value": 97200.0, "Latitude": 33.96, "Longitude": -118.09, "Population": 1407.0}, {"index": 7038, "quantile": 0.25, "value": 156900.0, "Latitude": 33.96, "Longitude": -118.09, "Population": 1407.0}, {"index": 7038, "quantile": 0.5, "value": 175900.0, "Latitude": 33.96, "Longitude": -118.09, "Population": 1407.0}, {"index": 7038, "quantile": 0.75, "value": 192000.0, "Latitude": 33.96, "Longitude": -118.09, "Population": 1407.0}, {"index": 7038, "quantile": 1.0, "value": 230799.99999999997, "Latitude": 33.96, "Longitude": -118.09, "Population": 1407.0}, {"index": 7039, "quantile": 0.0, "value": 134400.0, "Latitude": 33.95, "Longitude": -118.09, "Population": 737.0}, {"index": 7039, "quantile": 0.25, "value": 170800.0, "Latitude": 33.95, "Longitude": -118.09, "Population": 737.0}, {"index": 7039, "quantile": 0.5, "value": 170800.0, "Latitude": 33.95, "Longitude": -118.09, "Population": 737.0}, {"index": 7039, "quantile": 0.75, "value": 170800.0, "Latitude": 33.95, "Longitude": -118.09, "Population": 737.0}, {"index": 7039, "quantile": 1.0, "value": 206800.0, "Latitude": 33.95, "Longitude": -118.09, "Population": 737.0}, {"index": 7040, "quantile": 0.0, "value": 164800.0, "Latitude": 33.94, "Longitude": -118.09, "Population": 1576.0}, {"index": 7040, "quantile": 0.25, "value": 183400.0, "Latitude": 33.94, "Longitude": -118.09, "Population": 1576.0}, {"index": 7040, "quantile": 0.5, "value": 183400.0, "Latitude": 33.94, "Longitude": -118.09, "Population": 1576.0}, {"index": 7040, "quantile": 0.75, "value": 183400.0, "Latitude": 33.94, "Longitude": -118.09, "Population": 1576.0}, {"index": 7040, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 33.94, "Longitude": -118.09, "Population": 1576.0}, {"index": 7041, "quantile": 0.0, "value": 125699.99999999999, "Latitude": 33.93, "Longitude": -118.09, "Population": 1205.0}, {"index": 7041, "quantile": 0.25, "value": 177800.0, "Latitude": 33.93, "Longitude": -118.09, "Population": 1205.0}, {"index": 7041, "quantile": 0.5, "value": 183400.0, "Latitude": 33.93, "Longitude": -118.09, "Population": 1205.0}, {"index": 7041, "quantile": 0.75, "value": 183400.0, "Latitude": 33.93, "Longitude": -118.09, "Population": 1205.0}, {"index": 7041, "quantile": 1.0, "value": 233900.0, "Latitude": 33.93, "Longitude": -118.09, "Population": 1205.0}, {"index": 7042, "quantile": 0.0, "value": 141100.0, "Latitude": 33.94, "Longitude": -118.09, "Population": 1379.0}, {"index": 7042, "quantile": 0.25, "value": 175075.0, "Latitude": 33.94, "Longitude": -118.09, "Population": 1379.0}, {"index": 7042, "quantile": 0.5, "value": 175400.0, "Latitude": 33.94, "Longitude": -118.09, "Population": 1379.0}, {"index": 7042, "quantile": 0.75, "value": 175400.0, "Latitude": 33.94, "Longitude": -118.09, "Population": 1379.0}, {"index": 7042, "quantile": 1.0, "value": 211900.00000000003, "Latitude": 33.94, "Longitude": -118.09, "Population": 1379.0}, {"index": 7043, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.94, "Longitude": -118.08, "Population": 2219.0}, {"index": 7043, "quantile": 0.25, "value": 171400.0, "Latitude": 33.94, "Longitude": -118.08, "Population": 2219.0}, {"index": 7043, "quantile": 0.5, "value": 171400.0, "Latitude": 33.94, "Longitude": -118.08, "Population": 2219.0}, {"index": 7043, "quantile": 0.75, "value": 177450.0, "Latitude": 33.94, "Longitude": -118.08, "Population": 2219.0}, {"index": 7043, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 33.94, "Longitude": -118.08, "Population": 2219.0}, {"index": 7044, "quantile": 0.0, "value": 158500.0, "Latitude": 33.95, "Longitude": -118.04, "Population": 1227.0}, {"index": 7044, "quantile": 0.25, "value": 171900.0, "Latitude": 33.95, "Longitude": -118.04, "Population": 1227.0}, {"index": 7044, "quantile": 0.5, "value": 171900.0, "Latitude": 33.95, "Longitude": -118.04, "Population": 1227.0}, {"index": 7044, "quantile": 0.75, "value": 192200.0, "Latitude": 33.95, "Longitude": -118.04, "Population": 1227.0}, {"index": 7044, "quantile": 1.0, "value": 334000.0, "Latitude": 33.95, "Longitude": -118.04, "Population": 1227.0}, {"index": 7045, "quantile": 0.0, "value": 158500.0, "Latitude": 33.94, "Longitude": -118.04, "Population": 2430.0}, {"index": 7045, "quantile": 0.25, "value": 173900.0, "Latitude": 33.94, "Longitude": -118.04, "Population": 2430.0}, {"index": 7045, "quantile": 0.5, "value": 173900.0, "Latitude": 33.94, "Longitude": -118.04, "Population": 2430.0}, {"index": 7045, "quantile": 0.75, "value": 180375.0, "Latitude": 33.94, "Longitude": -118.04, "Population": 2430.0}, {"index": 7045, "quantile": 1.0, "value": 248900.0, "Latitude": 33.94, "Longitude": -118.04, "Population": 2430.0}, {"index": 7046, "quantile": 0.0, "value": 125699.99999999999, "Latitude": 33.95, "Longitude": -118.04, "Population": 1236.0}, {"index": 7046, "quantile": 0.25, "value": 173900.0, "Latitude": 33.95, "Longitude": -118.04, "Population": 1236.0}, {"index": 7046, "quantile": 0.5, "value": 182600.0, "Latitude": 33.95, "Longitude": -118.04, "Population": 1236.0}, {"index": 7046, "quantile": 0.75, "value": 189000.0, "Latitude": 33.95, "Longitude": -118.04, "Population": 1236.0}, {"index": 7046, "quantile": 1.0, "value": 248900.0, "Latitude": 33.95, "Longitude": -118.04, "Population": 1236.0}, {"index": 7047, "quantile": 0.0, "value": 127200.0, "Latitude": 33.95, "Longitude": -118.05, "Population": 1600.0}, {"index": 7047, "quantile": 0.25, "value": 165000.0, "Latitude": 33.95, "Longitude": -118.05, "Population": 1600.0}, {"index": 7047, "quantile": 0.5, "value": 170800.0, "Latitude": 33.95, "Longitude": -118.05, "Population": 1600.0}, {"index": 7047, "quantile": 0.75, "value": 170800.0, "Latitude": 33.95, "Longitude": -118.05, "Population": 1600.0}, {"index": 7047, "quantile": 1.0, "value": 271200.0, "Latitude": 33.95, "Longitude": -118.05, "Population": 1600.0}, {"index": 7048, "quantile": 0.0, "value": 84200.0, "Latitude": 33.94, "Longitude": -118.05, "Population": 527.0}, {"index": 7048, "quantile": 0.25, "value": 149000.0, "Latitude": 33.94, "Longitude": -118.05, "Population": 527.0}, {"index": 7048, "quantile": 0.5, "value": 149000.0, "Latitude": 33.94, "Longitude": -118.05, "Population": 527.0}, {"index": 7048, "quantile": 0.75, "value": 149000.0, "Latitude": 33.94, "Longitude": -118.05, "Population": 527.0}, {"index": 7048, "quantile": 1.0, "value": 350000.0, "Latitude": 33.94, "Longitude": -118.05, "Population": 527.0}, {"index": 7049, "quantile": 0.0, "value": 89100.0, "Latitude": 33.93, "Longitude": -118.04, "Population": 1165.0}, {"index": 7049, "quantile": 0.25, "value": 150000.0, "Latitude": 33.93, "Longitude": -118.04, "Population": 1165.0}, {"index": 7049, "quantile": 0.5, "value": 161800.0, "Latitude": 33.93, "Longitude": -118.04, "Population": 1165.0}, {"index": 7049, "quantile": 0.75, "value": 161800.0, "Latitude": 33.93, "Longitude": -118.04, "Population": 1165.0}, {"index": 7049, "quantile": 1.0, "value": 174000.0, "Latitude": 33.93, "Longitude": -118.04, "Population": 1165.0}, {"index": 7050, "quantile": 0.0, "value": 83100.0, "Latitude": 33.93, "Longitude": -118.05, "Population": 883.0}, {"index": 7050, "quantile": 0.25, "value": 138000.0, "Latitude": 33.93, "Longitude": -118.05, "Population": 883.0}, {"index": 7050, "quantile": 0.5, "value": 155600.0, "Latitude": 33.93, "Longitude": -118.05, "Population": 883.0}, {"index": 7050, "quantile": 0.75, "value": 167400.0, "Latitude": 33.93, "Longitude": -118.05, "Population": 883.0}, {"index": 7050, "quantile": 1.0, "value": 270500.0, "Latitude": 33.93, "Longitude": -118.05, "Population": 883.0}, {"index": 7051, "quantile": 0.0, "value": 117400.0, "Latitude": 33.93, "Longitude": -118.05, "Population": 2241.0}, {"index": 7051, "quantile": 0.25, "value": 150000.0, "Latitude": 33.93, "Longitude": -118.05, "Population": 2241.0}, {"index": 7051, "quantile": 0.5, "value": 150000.0, "Latitude": 33.93, "Longitude": -118.05, "Population": 2241.0}, {"index": 7051, "quantile": 0.75, "value": 154300.00000000003, "Latitude": 33.93, "Longitude": -118.05, "Population": 2241.0}, {"index": 7051, "quantile": 1.0, "value": 190600.0, "Latitude": 33.93, "Longitude": -118.05, "Population": 2241.0}, {"index": 7052, "quantile": 0.0, "value": 108500.0, "Latitude": 33.92, "Longitude": -118.05, "Population": 2170.0}, {"index": 7052, "quantile": 0.25, "value": 152775.0, "Latitude": 33.92, "Longitude": -118.05, "Population": 2170.0}, {"index": 7052, "quantile": 0.5, "value": 154700.0, "Latitude": 33.92, "Longitude": -118.05, "Population": 2170.0}, {"index": 7052, "quantile": 0.75, "value": 154700.0, "Latitude": 33.92, "Longitude": -118.05, "Population": 2170.0}, {"index": 7052, "quantile": 1.0, "value": 184200.0, "Latitude": 33.92, "Longitude": -118.05, "Population": 2170.0}, {"index": 7053, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 33.93, "Longitude": -118.03, "Population": 2688.0}, {"index": 7053, "quantile": 0.25, "value": 162650.0, "Latitude": 33.93, "Longitude": -118.03, "Population": 2688.0}, {"index": 7053, "quantile": 0.5, "value": 170400.0, "Latitude": 33.93, "Longitude": -118.03, "Population": 2688.0}, {"index": 7053, "quantile": 0.75, "value": 187500.0, "Latitude": 33.93, "Longitude": -118.03, "Population": 2688.0}, {"index": 7053, "quantile": 1.0, "value": 344400.0, "Latitude": 33.93, "Longitude": -118.03, "Population": 2688.0}, {"index": 7054, "quantile": 0.0, "value": 157100.0, "Latitude": 33.92, "Longitude": -118.02, "Population": 1312.0}, {"index": 7054, "quantile": 0.25, "value": 164800.0, "Latitude": 33.92, "Longitude": -118.02, "Population": 1312.0}, {"index": 7054, "quantile": 0.5, "value": 164800.0, "Latitude": 33.92, "Longitude": -118.02, "Population": 1312.0}, {"index": 7054, "quantile": 0.75, "value": 171825.0, "Latitude": 33.92, "Longitude": -118.02, "Population": 1312.0}, {"index": 7054, "quantile": 1.0, "value": 203700.0, "Latitude": 33.92, "Longitude": -118.02, "Population": 1312.0}, {"index": 7055, "quantile": 0.0, "value": 89100.0, "Latitude": 33.92, "Longitude": -118.03, "Population": 1307.0}, {"index": 7055, "quantile": 0.25, "value": 147050.0, "Latitude": 33.92, "Longitude": -118.03, "Population": 1307.0}, {"index": 7055, "quantile": 0.5, "value": 159400.0, "Latitude": 33.92, "Longitude": -118.03, "Population": 1307.0}, {"index": 7055, "quantile": 0.75, "value": 163500.0, "Latitude": 33.92, "Longitude": -118.03, "Population": 1307.0}, {"index": 7055, "quantile": 1.0, "value": 207100.00000000003, "Latitude": 33.92, "Longitude": -118.03, "Population": 1307.0}, {"index": 7056, "quantile": 0.0, "value": 158100.0, "Latitude": 33.92, "Longitude": -118.03, "Population": 1243.0}, {"index": 7056, "quantile": 0.25, "value": 173625.0, "Latitude": 33.92, "Longitude": -118.03, "Population": 1243.0}, {"index": 7056, "quantile": 0.5, "value": 183900.0, "Latitude": 33.92, "Longitude": -118.03, "Population": 1243.0}, {"index": 7056, "quantile": 0.75, "value": 201725.00000000003, "Latitude": 33.92, "Longitude": -118.03, "Population": 1243.0}, {"index": 7056, "quantile": 1.0, "value": 276000.0, "Latitude": 33.92, "Longitude": -118.03, "Population": 1243.0}, {"index": 7057, "quantile": 0.0, "value": 143200.0, "Latitude": 33.93, "Longitude": -118.04, "Population": 1505.0}, {"index": 7057, "quantile": 0.25, "value": 151900.0, "Latitude": 33.93, "Longitude": -118.04, "Population": 1505.0}, {"index": 7057, "quantile": 0.5, "value": 151900.0, "Latitude": 33.93, "Longitude": -118.04, "Population": 1505.0}, {"index": 7057, "quantile": 0.75, "value": 157250.0, "Latitude": 33.93, "Longitude": -118.04, "Population": 1505.0}, {"index": 7057, "quantile": 1.0, "value": 185600.0, "Latitude": 33.93, "Longitude": -118.04, "Population": 1505.0}, {"index": 7058, "quantile": 0.0, "value": 141100.0, "Latitude": 33.92, "Longitude": -118.04, "Population": 1573.0}, {"index": 7058, "quantile": 0.25, "value": 153500.0, "Latitude": 33.92, "Longitude": -118.04, "Population": 1573.0}, {"index": 7058, "quantile": 0.5, "value": 153500.0, "Latitude": 33.92, "Longitude": -118.04, "Population": 1573.0}, {"index": 7058, "quantile": 0.75, "value": 158200.0, "Latitude": 33.92, "Longitude": -118.04, "Population": 1573.0}, {"index": 7058, "quantile": 1.0, "value": 199300.0, "Latitude": 33.92, "Longitude": -118.04, "Population": 1573.0}, {"index": 7059, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.93, "Longitude": -118.04, "Population": 1293.0}, {"index": 7059, "quantile": 0.25, "value": 157325.0, "Latitude": 33.93, "Longitude": -118.04, "Population": 1293.0}, {"index": 7059, "quantile": 0.5, "value": 164900.0, "Latitude": 33.93, "Longitude": -118.04, "Population": 1293.0}, {"index": 7059, "quantile": 0.75, "value": 171900.0, "Latitude": 33.93, "Longitude": -118.04, "Population": 1293.0}, {"index": 7059, "quantile": 1.0, "value": 211400.0, "Latitude": 33.93, "Longitude": -118.04, "Population": 1293.0}, {"index": 7060, "quantile": 0.0, "value": 136900.0, "Latitude": 33.92, "Longitude": -118.04, "Population": 2151.0}, {"index": 7060, "quantile": 0.25, "value": 153500.0, "Latitude": 33.92, "Longitude": -118.04, "Population": 2151.0}, {"index": 7060, "quantile": 0.5, "value": 158550.0, "Latitude": 33.92, "Longitude": -118.04, "Population": 2151.0}, {"index": 7060, "quantile": 0.75, "value": 166200.0, "Latitude": 33.92, "Longitude": -118.04, "Population": 2151.0}, {"index": 7060, "quantile": 1.0, "value": 211800.0, "Latitude": 33.92, "Longitude": -118.04, "Population": 2151.0}, {"index": 7061, "quantile": 0.0, "value": 166700.0, "Latitude": 33.93, "Longitude": -118.02, "Population": 1218.0}, {"index": 7061, "quantile": 0.25, "value": 193800.0, "Latitude": 33.93, "Longitude": -118.02, "Population": 1218.0}, {"index": 7061, "quantile": 0.5, "value": 193800.0, "Latitude": 33.93, "Longitude": -118.02, "Population": 1218.0}, {"index": 7061, "quantile": 0.75, "value": 193800.0, "Latitude": 33.93, "Longitude": -118.02, "Population": 1218.0}, {"index": 7061, "quantile": 1.0, "value": 231500.0, "Latitude": 33.93, "Longitude": -118.02, "Population": 1218.0}, {"index": 7062, "quantile": 0.0, "value": 171900.0, "Latitude": 33.93, "Longitude": -118.03, "Population": 1386.0}, {"index": 7062, "quantile": 0.25, "value": 179500.0, "Latitude": 33.93, "Longitude": -118.03, "Population": 1386.0}, {"index": 7062, "quantile": 0.5, "value": 179500.0, "Latitude": 33.93, "Longitude": -118.03, "Population": 1386.0}, {"index": 7062, "quantile": 0.75, "value": 205100.00000000003, "Latitude": 33.93, "Longitude": -118.03, "Population": 1386.0}, {"index": 7062, "quantile": 1.0, "value": 258800.0, "Latitude": 33.93, "Longitude": -118.03, "Population": 1386.0}, {"index": 7063, "quantile": 0.0, "value": 161400.0, "Latitude": 33.94, "Longitude": -118.03, "Population": 889.0}, {"index": 7063, "quantile": 0.25, "value": 179800.0, "Latitude": 33.94, "Longitude": -118.03, "Population": 889.0}, {"index": 7063, "quantile": 0.5, "value": 179800.0, "Latitude": 33.94, "Longitude": -118.03, "Population": 889.0}, {"index": 7063, "quantile": 0.75, "value": 180125.0, "Latitude": 33.94, "Longitude": -118.03, "Population": 889.0}, {"index": 7063, "quantile": 1.0, "value": 320700.0, "Latitude": 33.94, "Longitude": -118.03, "Population": 889.0}, {"index": 7064, "quantile": 0.0, "value": 106400.0, "Latitude": 33.94, "Longitude": -118.03, "Population": 1564.0}, {"index": 7064, "quantile": 0.25, "value": 177200.0, "Latitude": 33.94, "Longitude": -118.03, "Population": 1564.0}, {"index": 7064, "quantile": 0.5, "value": 177200.0, "Latitude": 33.94, "Longitude": -118.03, "Population": 1564.0}, {"index": 7064, "quantile": 0.75, "value": 177200.0, "Latitude": 33.94, "Longitude": -118.03, "Population": 1564.0}, {"index": 7064, "quantile": 1.0, "value": 223900.0, "Latitude": 33.94, "Longitude": -118.03, "Population": 1564.0}, {"index": 7065, "quantile": 0.0, "value": 150500.0, "Latitude": 33.94, "Longitude": -118.04, "Population": 1115.0}, {"index": 7065, "quantile": 0.25, "value": 163100.0, "Latitude": 33.94, "Longitude": -118.04, "Population": 1115.0}, {"index": 7065, "quantile": 0.5, "value": 164400.0, "Latitude": 33.94, "Longitude": -118.04, "Population": 1115.0}, {"index": 7065, "quantile": 0.75, "value": 164400.0, "Latitude": 33.94, "Longitude": -118.04, "Population": 1115.0}, {"index": 7065, "quantile": 1.0, "value": 191300.0, "Latitude": 33.94, "Longitude": -118.04, "Population": 1115.0}, {"index": 7066, "quantile": 0.0, "value": 153600.0, "Latitude": 33.94, "Longitude": -118.03, "Population": 917.0}, {"index": 7066, "quantile": 0.25, "value": 169000.0, "Latitude": 33.94, "Longitude": -118.03, "Population": 917.0}, {"index": 7066, "quantile": 0.5, "value": 169000.0, "Latitude": 33.94, "Longitude": -118.03, "Population": 917.0}, {"index": 7066, "quantile": 0.75, "value": 182650.0, "Latitude": 33.94, "Longitude": -118.03, "Population": 917.0}, {"index": 7066, "quantile": 1.0, "value": 283500.0, "Latitude": 33.94, "Longitude": -118.03, "Population": 917.0}, {"index": 7067, "quantile": 0.0, "value": 168800.0, "Latitude": 33.95, "Longitude": -118.01, "Population": 816.0}, {"index": 7067, "quantile": 0.25, "value": 181100.0, "Latitude": 33.95, "Longitude": -118.01, "Population": 816.0}, {"index": 7067, "quantile": 0.5, "value": 181100.0, "Latitude": 33.95, "Longitude": -118.01, "Population": 816.0}, {"index": 7067, "quantile": 0.75, "value": 186975.0, "Latitude": 33.95, "Longitude": -118.01, "Population": 816.0}, {"index": 7067, "quantile": 1.0, "value": 338100.0, "Latitude": 33.95, "Longitude": -118.01, "Population": 816.0}, {"index": 7068, "quantile": 0.0, "value": 177600.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 871.0}, {"index": 7068, "quantile": 0.25, "value": 179800.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 871.0}, {"index": 7068, "quantile": 0.5, "value": 179800.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 871.0}, {"index": 7068, "quantile": 0.75, "value": 190850.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 871.0}, {"index": 7068, "quantile": 1.0, "value": 272600.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 871.0}, {"index": 7069, "quantile": 0.0, "value": 174400.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 797.0}, {"index": 7069, "quantile": 0.25, "value": 179500.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 797.0}, {"index": 7069, "quantile": 0.5, "value": 179500.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 797.0}, {"index": 7069, "quantile": 0.75, "value": 201275.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 797.0}, {"index": 7069, "quantile": 1.0, "value": 295300.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 797.0}, {"index": 7070, "quantile": 0.0, "value": 151300.0, "Latitude": 33.95, "Longitude": -118.01, "Population": 627.0}, {"index": 7070, "quantile": 0.25, "value": 183625.00000000003, "Latitude": 33.95, "Longitude": -118.01, "Population": 627.0}, {"index": 7070, "quantile": 0.5, "value": 215400.0, "Latitude": 33.95, "Longitude": -118.01, "Population": 627.0}, {"index": 7070, "quantile": 0.75, "value": 233700.00000000003, "Latitude": 33.95, "Longitude": -118.01, "Population": 627.0}, {"index": 7070, "quantile": 1.0, "value": 365900.0, "Latitude": 33.95, "Longitude": -118.01, "Population": 627.0}, {"index": 7071, "quantile": 0.0, "value": 155500.0, "Latitude": 33.94, "Longitude": -118.02, "Population": 1339.0}, {"index": 7071, "quantile": 0.25, "value": 192200.0, "Latitude": 33.94, "Longitude": -118.02, "Population": 1339.0}, {"index": 7071, "quantile": 0.5, "value": 192200.0, "Latitude": 33.94, "Longitude": -118.02, "Population": 1339.0}, {"index": 7071, "quantile": 0.75, "value": 192200.0, "Latitude": 33.94, "Longitude": -118.02, "Population": 1339.0}, {"index": 7071, "quantile": 1.0, "value": 354200.0, "Latitude": 33.94, "Longitude": -118.02, "Population": 1339.0}, {"index": 7072, "quantile": 0.0, "value": 131000.0, "Latitude": 33.94, "Longitude": -118.02, "Population": 3232.0}, {"index": 7072, "quantile": 0.25, "value": 180200.0, "Latitude": 33.94, "Longitude": -118.02, "Population": 3232.0}, {"index": 7072, "quantile": 0.5, "value": 191800.0, "Latitude": 33.94, "Longitude": -118.02, "Population": 3232.0}, {"index": 7072, "quantile": 0.75, "value": 191800.0, "Latitude": 33.94, "Longitude": -118.02, "Population": 3232.0}, {"index": 7072, "quantile": 1.0, "value": 228500.0, "Latitude": 33.94, "Longitude": -118.02, "Population": 3232.0}, {"index": 7073, "quantile": 0.0, "value": 136300.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 1112.0}, {"index": 7073, "quantile": 0.25, "value": 173900.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 1112.0}, {"index": 7073, "quantile": 0.5, "value": 173900.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 1112.0}, {"index": 7073, "quantile": 0.75, "value": 189900.0, "Latitude": 33.95, "Longitude": -118.02, "Population": 1112.0}, {"index": 7073, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 33.95, "Longitude": -118.02, "Population": 1112.0}, {"index": 7074, "quantile": 0.0, "value": 186000.0, "Latitude": 33.94, "Longitude": -117.98, "Population": 1222.0}, {"index": 7074, "quantile": 0.25, "value": 226200.0, "Latitude": 33.94, "Longitude": -117.98, "Population": 1222.0}, {"index": 7074, "quantile": 0.5, "value": 226200.0, "Latitude": 33.94, "Longitude": -117.98, "Population": 1222.0}, {"index": 7074, "quantile": 0.75, "value": 226200.0, "Latitude": 33.94, "Longitude": -117.98, "Population": 1222.0}, {"index": 7074, "quantile": 1.0, "value": 334100.0, "Latitude": 33.94, "Longitude": -117.98, "Population": 1222.0}, {"index": 7075, "quantile": 0.0, "value": 214500.0, "Latitude": 33.93, "Longitude": -117.98, "Population": 1520.0}, {"index": 7075, "quantile": 0.25, "value": 232500.00000000003, "Latitude": 33.93, "Longitude": -117.98, "Population": 1520.0}, {"index": 7075, "quantile": 0.5, "value": 232500.00000000003, "Latitude": 33.93, "Longitude": -117.98, "Population": 1520.0}, {"index": 7075, "quantile": 0.75, "value": 247600.0, "Latitude": 33.93, "Longitude": -117.98, "Population": 1520.0}, {"index": 7075, "quantile": 1.0, "value": 417800.0, "Latitude": 33.93, "Longitude": -117.98, "Population": 1520.0}, {"index": 7076, "quantile": 0.0, "value": 88800.0, "Latitude": 33.93, "Longitude": -117.99, "Population": 1049.0}, {"index": 7076, "quantile": 0.25, "value": 208100.0, "Latitude": 33.93, "Longitude": -117.99, "Population": 1049.0}, {"index": 7076, "quantile": 0.5, "value": 208100.0, "Latitude": 33.93, "Longitude": -117.99, "Population": 1049.0}, {"index": 7076, "quantile": 0.75, "value": 215825.00000000003, "Latitude": 33.93, "Longitude": -117.99, "Population": 1049.0}, {"index": 7076, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 33.93, "Longitude": -117.99, "Population": 1049.0}, {"index": 7077, "quantile": 0.0, "value": 120700.00000000001, "Latitude": 33.94, "Longitude": -117.99, "Population": 758.0}, {"index": 7077, "quantile": 0.25, "value": 214000.0, "Latitude": 33.94, "Longitude": -117.99, "Population": 758.0}, {"index": 7077, "quantile": 0.5, "value": 214000.0, "Latitude": 33.94, "Longitude": -117.99, "Population": 758.0}, {"index": 7077, "quantile": 0.75, "value": 214000.0, "Latitude": 33.94, "Longitude": -117.99, "Population": 758.0}, {"index": 7077, "quantile": 1.0, "value": 306300.0, "Latitude": 33.94, "Longitude": -117.99, "Population": 758.0}, {"index": 7078, "quantile": 0.0, "value": 169000.0, "Latitude": 33.94, "Longitude": -117.99, "Population": 1214.0}, {"index": 7078, "quantile": 0.25, "value": 212300.00000000003, "Latitude": 33.94, "Longitude": -117.99, "Population": 1214.0}, {"index": 7078, "quantile": 0.5, "value": 212300.00000000003, "Latitude": 33.94, "Longitude": -117.99, "Population": 1214.0}, {"index": 7078, "quantile": 0.75, "value": 215825.00000000003, "Latitude": 33.94, "Longitude": -117.99, "Population": 1214.0}, {"index": 7078, "quantile": 1.0, "value": 391500.0, "Latitude": 33.94, "Longitude": -117.99, "Population": 1214.0}, {"index": 7079, "quantile": 0.0, "value": 171600.0, "Latitude": 33.94, "Longitude": -118.0, "Population": 1305.0}, {"index": 7079, "quantile": 0.25, "value": 214400.0, "Latitude": 33.94, "Longitude": -118.0, "Population": 1305.0}, {"index": 7079, "quantile": 0.5, "value": 214400.0, "Latitude": 33.94, "Longitude": -118.0, "Population": 1305.0}, {"index": 7079, "quantile": 0.75, "value": 214400.0, "Latitude": 33.94, "Longitude": -118.0, "Population": 1305.0}, {"index": 7079, "quantile": 1.0, "value": 343200.0, "Latitude": 33.94, "Longitude": -118.0, "Population": 1305.0}, {"index": 7080, "quantile": 0.0, "value": 156300.0, "Latitude": 33.94, "Longitude": -118.0, "Population": 1395.0}, {"index": 7080, "quantile": 0.25, "value": 203700.0, "Latitude": 33.94, "Longitude": -118.0, "Population": 1395.0}, {"index": 7080, "quantile": 0.5, "value": 203700.0, "Latitude": 33.94, "Longitude": -118.0, "Population": 1395.0}, {"index": 7080, "quantile": 0.75, "value": 203700.0, "Latitude": 33.94, "Longitude": -118.0, "Population": 1395.0}, {"index": 7080, "quantile": 1.0, "value": 430900.0, "Latitude": 33.94, "Longitude": -118.0, "Population": 1395.0}, {"index": 7081, "quantile": 0.0, "value": 166300.0, "Latitude": 33.94, "Longitude": -118.01, "Population": 969.0}, {"index": 7081, "quantile": 0.25, "value": 188700.0, "Latitude": 33.94, "Longitude": -118.01, "Population": 969.0}, {"index": 7081, "quantile": 0.5, "value": 188700.0, "Latitude": 33.94, "Longitude": -118.01, "Population": 969.0}, {"index": 7081, "quantile": 0.75, "value": 188700.0, "Latitude": 33.94, "Longitude": -118.01, "Population": 969.0}, {"index": 7081, "quantile": 1.0, "value": 268100.0, "Latitude": 33.94, "Longitude": -118.01, "Population": 969.0}, {"index": 7082, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.94, "Longitude": -118.01, "Population": 807.0}, {"index": 7082, "quantile": 0.25, "value": 172750.0, "Latitude": 33.94, "Longitude": -118.01, "Population": 807.0}, {"index": 7082, "quantile": 0.5, "value": 179800.0, "Latitude": 33.94, "Longitude": -118.01, "Population": 807.0}, {"index": 7082, "quantile": 0.75, "value": 188600.0, "Latitude": 33.94, "Longitude": -118.01, "Population": 807.0}, {"index": 7082, "quantile": 1.0, "value": 274300.0, "Latitude": 33.94, "Longitude": -118.01, "Population": 807.0}, {"index": 7083, "quantile": 0.0, "value": 160500.0, "Latitude": 33.93, "Longitude": -118.01, "Population": 1886.0}, {"index": 7083, "quantile": 0.25, "value": 174400.0, "Latitude": 33.93, "Longitude": -118.01, "Population": 1886.0}, {"index": 7083, "quantile": 0.5, "value": 174400.0, "Latitude": 33.93, "Longitude": -118.01, "Population": 1886.0}, {"index": 7083, "quantile": 0.75, "value": 200999.99999999997, "Latitude": 33.93, "Longitude": -118.01, "Population": 1886.0}, {"index": 7083, "quantile": 1.0, "value": 253500.0, "Latitude": 33.93, "Longitude": -118.01, "Population": 1886.0}, {"index": 7084, "quantile": 0.0, "value": 158700.0, "Latitude": 33.93, "Longitude": -118.02, "Population": 2984.0}, {"index": 7084, "quantile": 0.25, "value": 184700.0, "Latitude": 33.93, "Longitude": -118.02, "Population": 2984.0}, {"index": 7084, "quantile": 0.5, "value": 184700.0, "Latitude": 33.93, "Longitude": -118.02, "Population": 2984.0}, {"index": 7084, "quantile": 0.75, "value": 184700.0, "Latitude": 33.93, "Longitude": -118.02, "Population": 2984.0}, {"index": 7084, "quantile": 1.0, "value": 276000.0, "Latitude": 33.93, "Longitude": -118.02, "Population": 2984.0}, {"index": 7085, "quantile": 0.0, "value": 100800.0, "Latitude": 33.93, "Longitude": -117.99, "Population": 779.0}, {"index": 7085, "quantile": 0.25, "value": 178950.0, "Latitude": 33.93, "Longitude": -117.99, "Population": 779.0}, {"index": 7085, "quantile": 0.5, "value": 187600.0, "Latitude": 33.93, "Longitude": -117.99, "Population": 779.0}, {"index": 7085, "quantile": 0.75, "value": 206550.0, "Latitude": 33.93, "Longitude": -117.99, "Population": 779.0}, {"index": 7085, "quantile": 1.0, "value": 267300.0, "Latitude": 33.93, "Longitude": -117.99, "Population": 779.0}, {"index": 7086, "quantile": 0.0, "value": 157800.0, "Latitude": 33.93, "Longitude": -118.0, "Population": 758.0}, {"index": 7086, "quantile": 0.25, "value": 185100.0, "Latitude": 33.93, "Longitude": -118.0, "Population": 758.0}, {"index": 7086, "quantile": 0.5, "value": 202900.0, "Latitude": 33.93, "Longitude": -118.0, "Population": 758.0}, {"index": 7086, "quantile": 0.75, "value": 221225.0, "Latitude": 33.93, "Longitude": -118.0, "Population": 758.0}, {"index": 7086, "quantile": 1.0, "value": 271500.0, "Latitude": 33.93, "Longitude": -118.0, "Population": 758.0}, {"index": 7087, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.93, "Longitude": -118.01, "Population": 1293.0}, {"index": 7087, "quantile": 0.25, "value": 189900.0, "Latitude": 33.93, "Longitude": -118.01, "Population": 1293.0}, {"index": 7087, "quantile": 0.5, "value": 189900.0, "Latitude": 33.93, "Longitude": -118.01, "Population": 1293.0}, {"index": 7087, "quantile": 0.75, "value": 189900.0, "Latitude": 33.93, "Longitude": -118.01, "Population": 1293.0}, {"index": 7087, "quantile": 1.0, "value": 283500.0, "Latitude": 33.93, "Longitude": -118.01, "Population": 1293.0}, {"index": 7088, "quantile": 0.0, "value": 146400.0, "Latitude": 33.93, "Longitude": -118.0, "Population": 445.0}, {"index": 7088, "quantile": 0.25, "value": 185000.0, "Latitude": 33.93, "Longitude": -118.0, "Population": 445.0}, {"index": 7088, "quantile": 0.5, "value": 185000.0, "Latitude": 33.93, "Longitude": -118.0, "Population": 445.0}, {"index": 7088, "quantile": 0.75, "value": 190325.0, "Latitude": 33.93, "Longitude": -118.0, "Population": 445.0}, {"index": 7088, "quantile": 1.0, "value": 272600.0, "Latitude": 33.93, "Longitude": -118.0, "Population": 445.0}, {"index": 7089, "quantile": 0.0, "value": 132800.0, "Latitude": 33.94, "Longitude": -118.0, "Population": 444.0}, {"index": 7089, "quantile": 0.25, "value": 174400.0, "Latitude": 33.94, "Longitude": -118.0, "Population": 444.0}, {"index": 7089, "quantile": 0.5, "value": 174400.0, "Latitude": 33.94, "Longitude": -118.0, "Population": 444.0}, {"index": 7089, "quantile": 0.75, "value": 188249.99999999997, "Latitude": 33.94, "Longitude": -118.0, "Population": 444.0}, {"index": 7089, "quantile": 1.0, "value": 282100.0, "Latitude": 33.94, "Longitude": -118.0, "Population": 444.0}, {"index": 7090, "quantile": 0.0, "value": 155500.0, "Latitude": 33.92, "Longitude": -118.01, "Population": 2269.0}, {"index": 7090, "quantile": 0.25, "value": 205100.00000000003, "Latitude": 33.92, "Longitude": -118.01, "Population": 2269.0}, {"index": 7090, "quantile": 0.5, "value": 205100.00000000003, "Latitude": 33.92, "Longitude": -118.01, "Population": 2269.0}, {"index": 7090, "quantile": 0.75, "value": 205100.00000000003, "Latitude": 33.92, "Longitude": -118.01, "Population": 2269.0}, {"index": 7090, "quantile": 1.0, "value": 286500.0, "Latitude": 33.92, "Longitude": -118.01, "Population": 2269.0}, {"index": 7091, "quantile": 0.0, "value": 169600.0, "Latitude": 33.92, "Longitude": -118.01, "Population": 829.0}, {"index": 7091, "quantile": 0.25, "value": 187600.0, "Latitude": 33.92, "Longitude": -118.01, "Population": 829.0}, {"index": 7091, "quantile": 0.5, "value": 187600.0, "Latitude": 33.92, "Longitude": -118.01, "Population": 829.0}, {"index": 7091, "quantile": 0.75, "value": 214775.00000000003, "Latitude": 33.92, "Longitude": -118.01, "Population": 829.0}, {"index": 7091, "quantile": 1.0, "value": 485700.0, "Latitude": 33.92, "Longitude": -118.01, "Population": 829.0}, {"index": 7092, "quantile": 0.0, "value": 155500.0, "Latitude": 33.92, "Longitude": -118.02, "Population": 956.0}, {"index": 7092, "quantile": 0.25, "value": 185300.0, "Latitude": 33.92, "Longitude": -118.02, "Population": 956.0}, {"index": 7092, "quantile": 0.5, "value": 185300.0, "Latitude": 33.92, "Longitude": -118.02, "Population": 956.0}, {"index": 7092, "quantile": 0.75, "value": 204100.0, "Latitude": 33.92, "Longitude": -118.02, "Population": 956.0}, {"index": 7092, "quantile": 1.0, "value": 245699.99999999997, "Latitude": 33.92, "Longitude": -118.02, "Population": 956.0}, {"index": 7093, "quantile": 0.0, "value": 245000.00000000003, "Latitude": 33.92, "Longitude": -118.0, "Population": 1204.0}, {"index": 7093, "quantile": 0.25, "value": 289600.0, "Latitude": 33.92, "Longitude": -118.0, "Population": 1204.0}, {"index": 7093, "quantile": 0.5, "value": 289600.0, "Latitude": 33.92, "Longitude": -118.0, "Population": 1204.0}, {"index": 7093, "quantile": 0.75, "value": 289600.0, "Latitude": 33.92, "Longitude": -118.0, "Population": 1204.0}, {"index": 7093, "quantile": 1.0, "value": 381500.0, "Latitude": 33.92, "Longitude": -118.0, "Population": 1204.0}, {"index": 7094, "quantile": 0.0, "value": 218299.99999999997, "Latitude": 33.91, "Longitude": -118.0, "Population": 2374.0}, {"index": 7094, "quantile": 0.25, "value": 281725.0, "Latitude": 33.91, "Longitude": -118.0, "Population": 2374.0}, {"index": 7094, "quantile": 0.5, "value": 285200.0, "Latitude": 33.91, "Longitude": -118.0, "Population": 2374.0}, {"index": 7094, "quantile": 0.75, "value": 285200.0, "Latitude": 33.91, "Longitude": -118.0, "Population": 2374.0}, {"index": 7094, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.91, "Longitude": -118.0, "Population": 2374.0}, {"index": 7095, "quantile": 0.0, "value": 174400.0, "Latitude": 33.93, "Longitude": -117.99, "Population": 1921.0}, {"index": 7095, "quantile": 0.25, "value": 210400.0, "Latitude": 33.93, "Longitude": -117.99, "Population": 1921.0}, {"index": 7095, "quantile": 0.5, "value": 210400.0, "Latitude": 33.93, "Longitude": -117.99, "Population": 1921.0}, {"index": 7095, "quantile": 0.75, "value": 210400.0, "Latitude": 33.93, "Longitude": -117.99, "Population": 1921.0}, {"index": 7095, "quantile": 1.0, "value": 306300.0, "Latitude": 33.93, "Longitude": -117.99, "Population": 1921.0}, {"index": 7096, "quantile": 0.0, "value": 137200.0, "Latitude": 33.93, "Longitude": -118.0, "Population": 2547.0}, {"index": 7096, "quantile": 0.25, "value": 215400.0, "Latitude": 33.93, "Longitude": -118.0, "Population": 2547.0}, {"index": 7096, "quantile": 0.5, "value": 215400.0, "Latitude": 33.93, "Longitude": -118.0, "Population": 2547.0}, {"index": 7096, "quantile": 0.75, "value": 215400.0, "Latitude": 33.93, "Longitude": -118.0, "Population": 2547.0}, {"index": 7096, "quantile": 1.0, "value": 289900.0, "Latitude": 33.93, "Longitude": -118.0, "Population": 2547.0}, {"index": 7097, "quantile": 0.0, "value": 151400.0, "Latitude": 33.92, "Longitude": -117.98, "Population": 1793.0}, {"index": 7097, "quantile": 0.25, "value": 219800.0, "Latitude": 33.92, "Longitude": -117.98, "Population": 1793.0}, {"index": 7097, "quantile": 0.5, "value": 219800.0, "Latitude": 33.92, "Longitude": -117.98, "Population": 1793.0}, {"index": 7097, "quantile": 0.75, "value": 234100.00000000003, "Latitude": 33.92, "Longitude": -117.98, "Population": 1793.0}, {"index": 7097, "quantile": 1.0, "value": 352000.0, "Latitude": 33.92, "Longitude": -117.98, "Population": 1793.0}, {"index": 7098, "quantile": 0.0, "value": 156800.0, "Latitude": 33.92, "Longitude": -117.99, "Population": 3106.0}, {"index": 7098, "quantile": 0.25, "value": 215575.00000000003, "Latitude": 33.92, "Longitude": -117.99, "Population": 3106.0}, {"index": 7098, "quantile": 0.5, "value": 222700.0, "Latitude": 33.92, "Longitude": -117.99, "Population": 3106.0}, {"index": 7098, "quantile": 0.75, "value": 222700.0, "Latitude": 33.92, "Longitude": -117.99, "Population": 3106.0}, {"index": 7098, "quantile": 1.0, "value": 278400.0, "Latitude": 33.92, "Longitude": -117.99, "Population": 3106.0}, {"index": 7099, "quantile": 0.0, "value": 143700.0, "Latitude": 33.91, "Longitude": -117.98, "Population": 3836.0}, {"index": 7099, "quantile": 0.25, "value": 229650.0, "Latitude": 33.91, "Longitude": -117.98, "Population": 3836.0}, {"index": 7099, "quantile": 0.5, "value": 282850.0, "Latitude": 33.91, "Longitude": -117.98, "Population": 3836.0}, {"index": 7099, "quantile": 0.75, "value": 400000.0, "Latitude": 33.91, "Longitude": -117.98, "Population": 3836.0}, {"index": 7099, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.91, "Longitude": -117.98, "Population": 3836.0}, {"index": 7100, "quantile": 0.0, "value": 156300.0, "Latitude": 33.9, "Longitude": -117.99, "Population": 1235.0}, {"index": 7100, "quantile": 0.25, "value": 206500.0, "Latitude": 33.9, "Longitude": -117.99, "Population": 1235.0}, {"index": 7100, "quantile": 0.5, "value": 219749.99999999997, "Latitude": 33.9, "Longitude": -117.99, "Population": 1235.0}, {"index": 7100, "quantile": 0.75, "value": 227975.0, "Latitude": 33.9, "Longitude": -117.99, "Population": 1235.0}, {"index": 7100, "quantile": 1.0, "value": 361700.0, "Latitude": 33.9, "Longitude": -117.99, "Population": 1235.0}, {"index": 7101, "quantile": 0.0, "value": 144100.0, "Latitude": 33.9, "Longitude": -117.99, "Population": 1021.0}, {"index": 7101, "quantile": 0.25, "value": 197600.0, "Latitude": 33.9, "Longitude": -117.99, "Population": 1021.0}, {"index": 7101, "quantile": 0.5, "value": 199700.0, "Latitude": 33.9, "Longitude": -117.99, "Population": 1021.0}, {"index": 7101, "quantile": 0.75, "value": 199700.0, "Latitude": 33.9, "Longitude": -117.99, "Population": 1021.0}, {"index": 7101, "quantile": 1.0, "value": 231300.00000000003, "Latitude": 33.9, "Longitude": -117.99, "Population": 1021.0}, {"index": 7102, "quantile": 0.0, "value": 142000.0, "Latitude": 33.89, "Longitude": -118.0, "Population": 574.0}, {"index": 7102, "quantile": 0.25, "value": 200800.0, "Latitude": 33.89, "Longitude": -118.0, "Population": 574.0}, {"index": 7102, "quantile": 0.5, "value": 200800.0, "Latitude": 33.89, "Longitude": -118.0, "Population": 574.0}, {"index": 7102, "quantile": 0.75, "value": 200800.0, "Latitude": 33.89, "Longitude": -118.0, "Population": 574.0}, {"index": 7102, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.0, "Population": 574.0}, {"index": 7103, "quantile": 0.0, "value": 158500.0, "Latitude": 33.89, "Longitude": -118.0, "Population": 1053.0}, {"index": 7103, "quantile": 0.25, "value": 213300.0, "Latitude": 33.89, "Longitude": -118.0, "Population": 1053.0}, {"index": 7103, "quantile": 0.5, "value": 213300.0, "Latitude": 33.89, "Longitude": -118.0, "Population": 1053.0}, {"index": 7103, "quantile": 0.75, "value": 213300.0, "Latitude": 33.89, "Longitude": -118.0, "Population": 1053.0}, {"index": 7103, "quantile": 1.0, "value": 263400.0, "Latitude": 33.89, "Longitude": -118.0, "Population": 1053.0}, {"index": 7104, "quantile": 0.0, "value": 156900.0, "Latitude": 33.9, "Longitude": -118.0, "Population": 972.0}, {"index": 7104, "quantile": 0.25, "value": 204700.00000000003, "Latitude": 33.9, "Longitude": -118.0, "Population": 972.0}, {"index": 7104, "quantile": 0.5, "value": 209800.0, "Latitude": 33.9, "Longitude": -118.0, "Population": 972.0}, {"index": 7104, "quantile": 0.75, "value": 209800.0, "Latitude": 33.9, "Longitude": -118.0, "Population": 972.0}, {"index": 7104, "quantile": 1.0, "value": 327300.0, "Latitude": 33.9, "Longitude": -118.0, "Population": 972.0}, {"index": 7105, "quantile": 0.0, "value": 100800.0, "Latitude": 33.9, "Longitude": -118.0, "Population": 1127.0}, {"index": 7105, "quantile": 0.25, "value": 189550.0, "Latitude": 33.9, "Longitude": -118.0, "Population": 1127.0}, {"index": 7105, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 33.9, "Longitude": -118.0, "Population": 1127.0}, {"index": 7105, "quantile": 0.75, "value": 206300.00000000003, "Latitude": 33.9, "Longitude": -118.0, "Population": 1127.0}, {"index": 7105, "quantile": 1.0, "value": 218900.0, "Latitude": 33.9, "Longitude": -118.0, "Population": 1127.0}, {"index": 7106, "quantile": 0.0, "value": 194000.0, "Latitude": 33.9, "Longitude": -118.01, "Population": 1655.0}, {"index": 7106, "quantile": 0.25, "value": 200999.99999999997, "Latitude": 33.9, "Longitude": -118.01, "Population": 1655.0}, {"index": 7106, "quantile": 0.5, "value": 200999.99999999997, "Latitude": 33.9, "Longitude": -118.01, "Population": 1655.0}, {"index": 7106, "quantile": 0.75, "value": 205300.0, "Latitude": 33.9, "Longitude": -118.01, "Population": 1655.0}, {"index": 7106, "quantile": 1.0, "value": 420099.99999999994, "Latitude": 33.9, "Longitude": -118.01, "Population": 1655.0}, {"index": 7107, "quantile": 0.0, "value": 156000.0, "Latitude": 33.89, "Longitude": -118.01, "Population": 1003.0}, {"index": 7107, "quantile": 0.25, "value": 177200.0, "Latitude": 33.89, "Longitude": -118.01, "Population": 1003.0}, {"index": 7107, "quantile": 0.5, "value": 194050.0, "Latitude": 33.89, "Longitude": -118.01, "Population": 1003.0}, {"index": 7107, "quantile": 0.75, "value": 224350.0, "Latitude": 33.89, "Longitude": -118.01, "Population": 1003.0}, {"index": 7107, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.01, "Population": 1003.0}, {"index": 7108, "quantile": 0.0, "value": 138000.0, "Latitude": 33.89, "Longitude": -118.01, "Population": 1018.0}, {"index": 7108, "quantile": 0.25, "value": 200625.0, "Latitude": 33.89, "Longitude": -118.01, "Population": 1018.0}, {"index": 7108, "quantile": 0.5, "value": 212800.0, "Latitude": 33.89, "Longitude": -118.01, "Population": 1018.0}, {"index": 7108, "quantile": 0.75, "value": 212800.0, "Latitude": 33.89, "Longitude": -118.01, "Population": 1018.0}, {"index": 7108, "quantile": 1.0, "value": 341200.0, "Latitude": 33.89, "Longitude": -118.01, "Population": 1018.0}, {"index": 7109, "quantile": 0.0, "value": 108500.0, "Latitude": 33.89, "Longitude": -118.0, "Population": 578.0}, {"index": 7109, "quantile": 0.25, "value": 178000.0, "Latitude": 33.89, "Longitude": -118.0, "Population": 578.0}, {"index": 7109, "quantile": 0.5, "value": 187500.0, "Latitude": 33.89, "Longitude": -118.0, "Population": 578.0}, {"index": 7109, "quantile": 0.75, "value": 197675.0, "Latitude": 33.89, "Longitude": -118.0, "Population": 578.0}, {"index": 7109, "quantile": 1.0, "value": 276000.0, "Latitude": 33.89, "Longitude": -118.0, "Population": 578.0}, {"index": 7110, "quantile": 0.0, "value": 201399.99999999997, "Latitude": 33.9, "Longitude": -118.02, "Population": 1276.0}, {"index": 7110, "quantile": 0.25, "value": 205200.0, "Latitude": 33.9, "Longitude": -118.02, "Population": 1276.0}, {"index": 7110, "quantile": 0.5, "value": 205200.0, "Latitude": 33.9, "Longitude": -118.02, "Population": 1276.0}, {"index": 7110, "quantile": 0.75, "value": 218000.00000000003, "Latitude": 33.9, "Longitude": -118.02, "Population": 1276.0}, {"index": 7110, "quantile": 1.0, "value": 350200.0, "Latitude": 33.9, "Longitude": -118.02, "Population": 1276.0}, {"index": 7111, "quantile": 0.0, "value": 124400.0, "Latitude": 33.9, "Longitude": -118.02, "Population": 1540.0}, {"index": 7111, "quantile": 0.25, "value": 191700.0, "Latitude": 33.9, "Longitude": -118.02, "Population": 1540.0}, {"index": 7111, "quantile": 0.5, "value": 202900.0, "Latitude": 33.9, "Longitude": -118.02, "Population": 1540.0}, {"index": 7111, "quantile": 0.75, "value": 202900.0, "Latitude": 33.9, "Longitude": -118.02, "Population": 1540.0}, {"index": 7111, "quantile": 1.0, "value": 271500.0, "Latitude": 33.9, "Longitude": -118.02, "Population": 1540.0}, {"index": 7112, "quantile": 0.0, "value": 160000.0, "Latitude": 33.89, "Longitude": -118.01, "Population": 804.0}, {"index": 7112, "quantile": 0.25, "value": 198200.0, "Latitude": 33.89, "Longitude": -118.01, "Population": 804.0}, {"index": 7112, "quantile": 0.5, "value": 202900.0, "Latitude": 33.89, "Longitude": -118.01, "Population": 804.0}, {"index": 7112, "quantile": 0.75, "value": 202900.0, "Latitude": 33.89, "Longitude": -118.01, "Population": 804.0}, {"index": 7112, "quantile": 1.0, "value": 338100.0, "Latitude": 33.89, "Longitude": -118.01, "Population": 804.0}, {"index": 7113, "quantile": 0.0, "value": 146400.0, "Latitude": 33.89, "Longitude": -118.02, "Population": 670.0}, {"index": 7113, "quantile": 0.25, "value": 198200.0, "Latitude": 33.89, "Longitude": -118.02, "Population": 670.0}, {"index": 7113, "quantile": 0.5, "value": 198200.0, "Latitude": 33.89, "Longitude": -118.02, "Population": 670.0}, {"index": 7113, "quantile": 0.75, "value": 200800.0, "Latitude": 33.89, "Longitude": -118.02, "Population": 670.0}, {"index": 7113, "quantile": 1.0, "value": 395100.0, "Latitude": 33.89, "Longitude": -118.02, "Population": 670.0}, {"index": 7114, "quantile": 0.0, "value": 107500.0, "Latitude": 33.92, "Longitude": -118.02, "Population": 1169.0}, {"index": 7114, "quantile": 0.25, "value": 189900.0, "Latitude": 33.92, "Longitude": -118.02, "Population": 1169.0}, {"index": 7114, "quantile": 0.5, "value": 218699.99999999997, "Latitude": 33.92, "Longitude": -118.02, "Population": 1169.0}, {"index": 7114, "quantile": 0.75, "value": 218699.99999999997, "Latitude": 33.92, "Longitude": -118.02, "Population": 1169.0}, {"index": 7114, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 33.92, "Longitude": -118.02, "Population": 1169.0}, {"index": 7115, "quantile": 0.0, "value": 125000.0, "Latitude": 33.91, "Longitude": -118.01, "Population": 2541.0}, {"index": 7115, "quantile": 0.25, "value": 156225.0, "Latitude": 33.91, "Longitude": -118.01, "Population": 2541.0}, {"index": 7115, "quantile": 0.5, "value": 164750.0, "Latitude": 33.91, "Longitude": -118.01, "Population": 2541.0}, {"index": 7115, "quantile": 0.75, "value": 174350.0, "Latitude": 33.91, "Longitude": -118.01, "Population": 2541.0}, {"index": 7115, "quantile": 1.0, "value": 387500.0, "Latitude": 33.91, "Longitude": -118.01, "Population": 2541.0}, {"index": 7116, "quantile": 0.0, "value": 158200.0, "Latitude": 33.9, "Longitude": -118.01, "Population": 685.0}, {"index": 7116, "quantile": 0.25, "value": 211700.0, "Latitude": 33.9, "Longitude": -118.01, "Population": 685.0}, {"index": 7116, "quantile": 0.5, "value": 211700.0, "Latitude": 33.9, "Longitude": -118.01, "Population": 685.0}, {"index": 7116, "quantile": 0.75, "value": 211700.0, "Latitude": 33.9, "Longitude": -118.01, "Population": 685.0}, {"index": 7116, "quantile": 1.0, "value": 489799.99999999994, "Latitude": 33.9, "Longitude": -118.01, "Population": 685.0}, {"index": 7117, "quantile": 0.0, "value": 164800.0, "Latitude": 33.91, "Longitude": -118.02, "Population": 1248.0}, {"index": 7117, "quantile": 0.25, "value": 216699.99999999997, "Latitude": 33.91, "Longitude": -118.02, "Population": 1248.0}, {"index": 7117, "quantile": 0.5, "value": 216699.99999999997, "Latitude": 33.91, "Longitude": -118.02, "Population": 1248.0}, {"index": 7117, "quantile": 0.75, "value": 216699.99999999997, "Latitude": 33.91, "Longitude": -118.02, "Population": 1248.0}, {"index": 7117, "quantile": 1.0, "value": 279400.0, "Latitude": 33.91, "Longitude": -118.02, "Population": 1248.0}, {"index": 7118, "quantile": 0.0, "value": 136000.0, "Latitude": 33.9, "Longitude": -118.02, "Population": 977.0}, {"index": 7118, "quantile": 0.25, "value": 169000.0, "Latitude": 33.9, "Longitude": -118.02, "Population": 977.0}, {"index": 7118, "quantile": 0.5, "value": 190900.0, "Latitude": 33.9, "Longitude": -118.02, "Population": 977.0}, {"index": 7118, "quantile": 0.75, "value": 201399.99999999997, "Latitude": 33.9, "Longitude": -118.02, "Population": 977.0}, {"index": 7118, "quantile": 1.0, "value": 264500.0, "Latitude": 33.9, "Longitude": -118.02, "Population": 977.0}, {"index": 7119, "quantile": 0.0, "value": 168300.0, "Latitude": 33.9, "Longitude": -118.03, "Population": 744.0}, {"index": 7119, "quantile": 0.25, "value": 202400.0, "Latitude": 33.9, "Longitude": -118.03, "Population": 744.0}, {"index": 7119, "quantile": 0.5, "value": 202400.0, "Latitude": 33.9, "Longitude": -118.03, "Population": 744.0}, {"index": 7119, "quantile": 0.75, "value": 202400.0, "Latitude": 33.9, "Longitude": -118.03, "Population": 744.0}, {"index": 7119, "quantile": 1.0, "value": 258100.0, "Latitude": 33.9, "Longitude": -118.03, "Population": 744.0}, {"index": 7120, "quantile": 0.0, "value": 159600.0, "Latitude": 33.91, "Longitude": -118.02, "Population": 692.0}, {"index": 7120, "quantile": 0.25, "value": 213700.0, "Latitude": 33.91, "Longitude": -118.02, "Population": 692.0}, {"index": 7120, "quantile": 0.5, "value": 213700.0, "Latitude": 33.91, "Longitude": -118.02, "Population": 692.0}, {"index": 7120, "quantile": 0.75, "value": 213700.0, "Latitude": 33.91, "Longitude": -118.02, "Population": 692.0}, {"index": 7120, "quantile": 1.0, "value": 427299.99999999994, "Latitude": 33.91, "Longitude": -118.02, "Population": 692.0}, {"index": 7121, "quantile": 0.0, "value": 146400.0, "Latitude": 33.91, "Longitude": -118.02, "Population": 1309.0}, {"index": 7121, "quantile": 0.25, "value": 195500.0, "Latitude": 33.91, "Longitude": -118.02, "Population": 1309.0}, {"index": 7121, "quantile": 0.5, "value": 212600.0, "Latitude": 33.91, "Longitude": -118.02, "Population": 1309.0}, {"index": 7121, "quantile": 0.75, "value": 228900.00000000003, "Latitude": 33.91, "Longitude": -118.02, "Population": 1309.0}, {"index": 7121, "quantile": 1.0, "value": 284000.0, "Latitude": 33.91, "Longitude": -118.02, "Population": 1309.0}, {"index": 7122, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.91, "Longitude": -118.03, "Population": 2526.0}, {"index": 7122, "quantile": 0.25, "value": 160100.0, "Latitude": 33.91, "Longitude": -118.03, "Population": 2526.0}, {"index": 7122, "quantile": 0.5, "value": 160100.0, "Latitude": 33.91, "Longitude": -118.03, "Population": 2526.0}, {"index": 7122, "quantile": 0.75, "value": 177950.0, "Latitude": 33.91, "Longitude": -118.03, "Population": 2526.0}, {"index": 7122, "quantile": 1.0, "value": 228500.0, "Latitude": 33.91, "Longitude": -118.03, "Population": 2526.0}, {"index": 7123, "quantile": 0.0, "value": 142900.0, "Latitude": 33.91, "Longitude": -118.03, "Population": 1741.0}, {"index": 7123, "quantile": 0.25, "value": 164100.0, "Latitude": 33.91, "Longitude": -118.03, "Population": 1741.0}, {"index": 7123, "quantile": 0.5, "value": 164100.0, "Latitude": 33.91, "Longitude": -118.03, "Population": 1741.0}, {"index": 7123, "quantile": 0.75, "value": 164100.0, "Latitude": 33.91, "Longitude": -118.03, "Population": 1741.0}, {"index": 7123, "quantile": 1.0, "value": 213300.0, "Latitude": 33.91, "Longitude": -118.03, "Population": 1741.0}, {"index": 7124, "quantile": 0.0, "value": 155500.0, "Latitude": 33.9, "Longitude": -118.03, "Population": 826.0}, {"index": 7124, "quantile": 0.25, "value": 171100.0, "Latitude": 33.9, "Longitude": -118.03, "Population": 826.0}, {"index": 7124, "quantile": 0.5, "value": 171100.0, "Latitude": 33.9, "Longitude": -118.03, "Population": 826.0}, {"index": 7124, "quantile": 0.75, "value": 171100.0, "Latitude": 33.9, "Longitude": -118.03, "Population": 826.0}, {"index": 7124, "quantile": 1.0, "value": 245699.99999999997, "Latitude": 33.9, "Longitude": -118.03, "Population": 826.0}, {"index": 7125, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.9, "Longitude": -118.04, "Population": 15.0}, {"index": 7125, "quantile": 0.25, "value": 162500.0, "Latitude": 33.9, "Longitude": -118.04, "Population": 15.0}, {"index": 7125, "quantile": 0.5, "value": 162500.0, "Latitude": 33.9, "Longitude": -118.04, "Population": 15.0}, {"index": 7125, "quantile": 0.75, "value": 162500.0, "Latitude": 33.9, "Longitude": -118.04, "Population": 15.0}, {"index": 7125, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.04, "Population": 15.0}, {"index": 7126, "quantile": 0.0, "value": 193400.0, "Latitude": 34.03, "Longitude": -118.09, "Population": 2043.0}, {"index": 7126, "quantile": 0.25, "value": 243625.00000000003, "Latitude": 34.03, "Longitude": -118.09, "Population": 2043.0}, {"index": 7126, "quantile": 0.5, "value": 276800.0, "Latitude": 34.03, "Longitude": -118.09, "Population": 2043.0}, {"index": 7126, "quantile": 0.75, "value": 276800.0, "Latitude": 34.03, "Longitude": -118.09, "Population": 2043.0}, {"index": 7126, "quantile": 1.0, "value": 436700.0, "Latitude": 34.03, "Longitude": -118.09, "Population": 2043.0}, {"index": 7127, "quantile": 0.0, "value": 100800.0, "Latitude": 34.02, "Longitude": -118.09, "Population": 1099.0}, {"index": 7127, "quantile": 0.25, "value": 192174.99999999997, "Latitude": 34.02, "Longitude": -118.09, "Population": 1099.0}, {"index": 7127, "quantile": 0.5, "value": 250199.99999999997, "Latitude": 34.02, "Longitude": -118.09, "Population": 1099.0}, {"index": 7127, "quantile": 0.75, "value": 250199.99999999997, "Latitude": 34.02, "Longitude": -118.09, "Population": 1099.0}, {"index": 7127, "quantile": 1.0, "value": 339100.0, "Latitude": 34.02, "Longitude": -118.09, "Population": 1099.0}, {"index": 7128, "quantile": 0.0, "value": 121500.00000000001, "Latitude": 34.02, "Longitude": -118.09, "Population": 2855.0}, {"index": 7128, "quantile": 0.25, "value": 194825.0, "Latitude": 34.02, "Longitude": -118.09, "Population": 2855.0}, {"index": 7128, "quantile": 0.5, "value": 208599.99999999997, "Latitude": 34.02, "Longitude": -118.09, "Population": 2855.0}, {"index": 7128, "quantile": 0.75, "value": 208599.99999999997, "Latitude": 34.02, "Longitude": -118.09, "Population": 2855.0}, {"index": 7128, "quantile": 1.0, "value": 305800.0, "Latitude": 34.02, "Longitude": -118.09, "Population": 2855.0}, {"index": 7129, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 34.02, "Longitude": -118.1, "Population": 508.0}, {"index": 7129, "quantile": 0.25, "value": 213525.0, "Latitude": 34.02, "Longitude": -118.1, "Population": 508.0}, {"index": 7129, "quantile": 0.5, "value": 254350.0, "Latitude": 34.02, "Longitude": -118.1, "Population": 508.0}, {"index": 7129, "quantile": 0.75, "value": 331900.0, "Latitude": 34.02, "Longitude": -118.1, "Population": 508.0}, {"index": 7129, "quantile": 1.0, "value": 450800.0, "Latitude": 34.02, "Longitude": -118.1, "Population": 508.0}, {"index": 7130, "quantile": 0.0, "value": 167900.0, "Latitude": 34.02, "Longitude": -118.11, "Population": 5279.0}, {"index": 7130, "quantile": 0.25, "value": 241900.0, "Latitude": 34.02, "Longitude": -118.11, "Population": 5279.0}, {"index": 7130, "quantile": 0.5, "value": 318900.0, "Latitude": 34.02, "Longitude": -118.11, "Population": 5279.0}, {"index": 7130, "quantile": 0.75, "value": 318900.0, "Latitude": 34.02, "Longitude": -118.11, "Population": 5279.0}, {"index": 7130, "quantile": 1.0, "value": 426499.99999999994, "Latitude": 34.02, "Longitude": -118.11, "Population": 5279.0}, {"index": 7131, "quantile": 0.0, "value": 102400.0, "Latitude": 34.02, "Longitude": -118.12, "Population": 1466.0}, {"index": 7131, "quantile": 0.25, "value": 220650.0, "Latitude": 34.02, "Longitude": -118.12, "Population": 1466.0}, {"index": 7131, "quantile": 0.5, "value": 265800.0, "Latitude": 34.02, "Longitude": -118.12, "Population": 1466.0}, {"index": 7131, "quantile": 0.75, "value": 265800.0, "Latitude": 34.02, "Longitude": -118.12, "Population": 1466.0}, {"index": 7131, "quantile": 1.0, "value": 361700.0, "Latitude": 34.02, "Longitude": -118.12, "Population": 1466.0}, {"index": 7132, "quantile": 0.0, "value": 130600.0, "Latitude": 34.03, "Longitude": -118.12, "Population": 1751.0}, {"index": 7132, "quantile": 0.25, "value": 225800.0, "Latitude": 34.03, "Longitude": -118.12, "Population": 1751.0}, {"index": 7132, "quantile": 0.5, "value": 308000.0, "Latitude": 34.03, "Longitude": -118.12, "Population": 1751.0}, {"index": 7132, "quantile": 0.75, "value": 308000.0, "Latitude": 34.03, "Longitude": -118.12, "Population": 1751.0}, {"index": 7132, "quantile": 1.0, "value": 324900.0, "Latitude": 34.03, "Longitude": -118.12, "Population": 1751.0}, {"index": 7133, "quantile": 0.0, "value": 146700.0, "Latitude": 34.01, "Longitude": -118.1, "Population": 2087.0}, {"index": 7133, "quantile": 0.25, "value": 176800.0, "Latitude": 34.01, "Longitude": -118.1, "Population": 2087.0}, {"index": 7133, "quantile": 0.5, "value": 189200.0, "Latitude": 34.01, "Longitude": -118.1, "Population": 2087.0}, {"index": 7133, "quantile": 0.75, "value": 189200.0, "Latitude": 34.01, "Longitude": -118.1, "Population": 2087.0}, {"index": 7133, "quantile": 1.0, "value": 193800.0, "Latitude": 34.01, "Longitude": -118.1, "Population": 2087.0}, {"index": 7134, "quantile": 0.0, "value": 45000.0, "Latitude": 34.01, "Longitude": -118.1, "Population": 1336.0}, {"index": 7134, "quantile": 0.25, "value": 175000.0, "Latitude": 34.01, "Longitude": -118.1, "Population": 1336.0}, {"index": 7134, "quantile": 0.5, "value": 183300.0, "Latitude": 34.01, "Longitude": -118.1, "Population": 1336.0}, {"index": 7134, "quantile": 0.75, "value": 183300.0, "Latitude": 34.01, "Longitude": -118.1, "Population": 1336.0}, {"index": 7134, "quantile": 1.0, "value": 376100.0, "Latitude": 34.01, "Longitude": -118.1, "Population": 1336.0}, {"index": 7135, "quantile": 0.0, "value": 152000.0, "Latitude": 34.01, "Longitude": -118.1, "Population": 1005.0}, {"index": 7135, "quantile": 0.25, "value": 178750.0, "Latitude": 34.01, "Longitude": -118.1, "Population": 1005.0}, {"index": 7135, "quantile": 0.5, "value": 195800.0, "Latitude": 34.01, "Longitude": -118.1, "Population": 1005.0}, {"index": 7135, "quantile": 0.75, "value": 195800.0, "Latitude": 34.01, "Longitude": -118.1, "Population": 1005.0}, {"index": 7135, "quantile": 1.0, "value": 271600.0, "Latitude": 34.01, "Longitude": -118.1, "Population": 1005.0}, {"index": 7136, "quantile": 0.0, "value": 95200.0, "Latitude": 34.02, "Longitude": -118.1, "Population": 653.0}, {"index": 7136, "quantile": 0.25, "value": 164275.0, "Latitude": 34.02, "Longitude": -118.1, "Population": 653.0}, {"index": 7136, "quantile": 0.5, "value": 191100.0, "Latitude": 34.02, "Longitude": -118.1, "Population": 653.0}, {"index": 7136, "quantile": 0.75, "value": 224500.0, "Latitude": 34.02, "Longitude": -118.1, "Population": 653.0}, {"index": 7136, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.1, "Population": 653.0}, {"index": 7137, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 34.02, "Longitude": -118.11, "Population": 932.0}, {"index": 7137, "quantile": 0.25, "value": 210200.0, "Latitude": 34.02, "Longitude": -118.11, "Population": 932.0}, {"index": 7137, "quantile": 0.5, "value": 210200.0, "Latitude": 34.02, "Longitude": -118.11, "Population": 932.0}, {"index": 7137, "quantile": 0.75, "value": 210200.0, "Latitude": 34.02, "Longitude": -118.11, "Population": 932.0}, {"index": 7137, "quantile": 1.0, "value": 266400.0, "Latitude": 34.02, "Longitude": -118.11, "Population": 932.0}, {"index": 7138, "quantile": 0.0, "value": 95200.0, "Latitude": 34.01, "Longitude": -118.11, "Population": 1122.0}, {"index": 7138, "quantile": 0.25, "value": 162500.0, "Latitude": 34.01, "Longitude": -118.11, "Population": 1122.0}, {"index": 7138, "quantile": 0.5, "value": 166100.0, "Latitude": 34.01, "Longitude": -118.11, "Population": 1122.0}, {"index": 7138, "quantile": 0.75, "value": 200825.0, "Latitude": 34.01, "Longitude": -118.11, "Population": 1122.0}, {"index": 7138, "quantile": 1.0, "value": 265500.0, "Latitude": 34.01, "Longitude": -118.11, "Population": 1122.0}, {"index": 7139, "quantile": 0.0, "value": 125000.0, "Latitude": 34.02, "Longitude": -118.12, "Population": 1105.0}, {"index": 7139, "quantile": 0.25, "value": 185475.0, "Latitude": 34.02, "Longitude": -118.12, "Population": 1105.0}, {"index": 7139, "quantile": 0.5, "value": 205600.0, "Latitude": 34.02, "Longitude": -118.12, "Population": 1105.0}, {"index": 7139, "quantile": 0.75, "value": 205600.0, "Latitude": 34.02, "Longitude": -118.12, "Population": 1105.0}, {"index": 7139, "quantile": 1.0, "value": 260700.00000000003, "Latitude": 34.02, "Longitude": -118.12, "Population": 1105.0}, {"index": 7140, "quantile": 0.0, "value": 87500.0, "Latitude": 34.02, "Longitude": -118.12, "Population": 1429.0}, {"index": 7140, "quantile": 0.25, "value": 181900.0, "Latitude": 34.02, "Longitude": -118.12, "Population": 1429.0}, {"index": 7140, "quantile": 0.5, "value": 224500.0, "Latitude": 34.02, "Longitude": -118.12, "Population": 1429.0}, {"index": 7140, "quantile": 0.75, "value": 224500.0, "Latitude": 34.02, "Longitude": -118.12, "Population": 1429.0}, {"index": 7140, "quantile": 1.0, "value": 254999.99999999997, "Latitude": 34.02, "Longitude": -118.12, "Population": 1429.0}, {"index": 7141, "quantile": 0.0, "value": 155300.0, "Latitude": 34.03, "Longitude": -118.13, "Population": 3176.0}, {"index": 7141, "quantile": 0.25, "value": 208199.99999999997, "Latitude": 34.03, "Longitude": -118.13, "Population": 3176.0}, {"index": 7141, "quantile": 0.5, "value": 208199.99999999997, "Latitude": 34.03, "Longitude": -118.13, "Population": 3176.0}, {"index": 7141, "quantile": 0.75, "value": 208199.99999999997, "Latitude": 34.03, "Longitude": -118.13, "Population": 3176.0}, {"index": 7141, "quantile": 1.0, "value": 285500.0, "Latitude": 34.03, "Longitude": -118.13, "Population": 3176.0}, {"index": 7142, "quantile": 0.0, "value": 134100.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 788.0}, {"index": 7142, "quantile": 0.25, "value": 185100.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 788.0}, {"index": 7142, "quantile": 0.5, "value": 185100.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 788.0}, {"index": 7142, "quantile": 0.75, "value": 185100.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 788.0}, {"index": 7142, "quantile": 1.0, "value": 324400.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 788.0}, {"index": 7143, "quantile": 0.0, "value": 87500.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 2144.0}, {"index": 7143, "quantile": 0.25, "value": 143550.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 2144.0}, {"index": 7143, "quantile": 0.5, "value": 161600.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 2144.0}, {"index": 7143, "quantile": 0.75, "value": 171625.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 2144.0}, {"index": 7143, "quantile": 1.0, "value": 225000.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 2144.0}, {"index": 7144, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.02, "Longitude": -118.13, "Population": 565.0}, {"index": 7144, "quantile": 0.25, "value": 192000.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 565.0}, {"index": 7144, "quantile": 0.5, "value": 192000.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 565.0}, {"index": 7144, "quantile": 0.75, "value": 192000.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 565.0}, {"index": 7144, "quantile": 1.0, "value": 224500.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 565.0}, {"index": 7145, "quantile": 0.0, "value": 94000.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 261.0}, {"index": 7145, "quantile": 0.25, "value": 160600.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 261.0}, {"index": 7145, "quantile": 0.5, "value": 178300.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 261.0}, {"index": 7145, "quantile": 0.75, "value": 193700.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 261.0}, {"index": 7145, "quantile": 1.0, "value": 375000.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 261.0}, {"index": 7146, "quantile": 0.0, "value": 91300.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 967.0}, {"index": 7146, "quantile": 0.25, "value": 178300.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 967.0}, {"index": 7146, "quantile": 0.5, "value": 178300.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 967.0}, {"index": 7146, "quantile": 0.75, "value": 178300.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 967.0}, {"index": 7146, "quantile": 1.0, "value": 242700.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 967.0}, {"index": 7147, "quantile": 0.0, "value": 110700.0, "Latitude": 34.03, "Longitude": -118.14, "Population": 1291.0}, {"index": 7147, "quantile": 0.25, "value": 201100.0, "Latitude": 34.03, "Longitude": -118.14, "Population": 1291.0}, {"index": 7147, "quantile": 0.5, "value": 201100.0, "Latitude": 34.03, "Longitude": -118.14, "Population": 1291.0}, {"index": 7147, "quantile": 0.75, "value": 201100.0, "Latitude": 34.03, "Longitude": -118.14, "Population": 1291.0}, {"index": 7147, "quantile": 1.0, "value": 274300.0, "Latitude": 34.03, "Longitude": -118.14, "Population": 1291.0}, {"index": 7148, "quantile": 0.0, "value": 67000.0, "Latitude": 34.03, "Longitude": -118.13, "Population": 1470.0}, {"index": 7148, "quantile": 0.25, "value": 161800.0, "Latitude": 34.03, "Longitude": -118.13, "Population": 1470.0}, {"index": 7148, "quantile": 0.5, "value": 180500.0, "Latitude": 34.03, "Longitude": -118.13, "Population": 1470.0}, {"index": 7148, "quantile": 0.75, "value": 206750.0, "Latitude": 34.03, "Longitude": -118.13, "Population": 1470.0}, {"index": 7148, "quantile": 1.0, "value": 272800.0, "Latitude": 34.03, "Longitude": -118.13, "Population": 1470.0}, {"index": 7149, "quantile": 0.0, "value": 67000.0, "Latitude": 34.03, "Longitude": -118.14, "Population": 1203.0}, {"index": 7149, "quantile": 0.25, "value": 172150.0, "Latitude": 34.03, "Longitude": -118.14, "Population": 1203.0}, {"index": 7149, "quantile": 0.5, "value": 180500.0, "Latitude": 34.03, "Longitude": -118.14, "Population": 1203.0}, {"index": 7149, "quantile": 0.75, "value": 180500.0, "Latitude": 34.03, "Longitude": -118.14, "Population": 1203.0}, {"index": 7149, "quantile": 1.0, "value": 220699.99999999997, "Latitude": 34.03, "Longitude": -118.14, "Population": 1203.0}, {"index": 7150, "quantile": 0.0, "value": 114100.0, "Latitude": 34.02, "Longitude": -118.15, "Population": 2386.0}, {"index": 7150, "quantile": 0.25, "value": 150075.0, "Latitude": 34.02, "Longitude": -118.15, "Population": 2386.0}, {"index": 7150, "quantile": 0.5, "value": 156300.0, "Latitude": 34.02, "Longitude": -118.15, "Population": 2386.0}, {"index": 7150, "quantile": 0.75, "value": 162100.0, "Latitude": 34.02, "Longitude": -118.15, "Population": 2386.0}, {"index": 7150, "quantile": 1.0, "value": 187500.0, "Latitude": 34.02, "Longitude": -118.15, "Population": 2386.0}, {"index": 7151, "quantile": 0.0, "value": 72800.0, "Latitude": 34.03, "Longitude": -118.15, "Population": 1687.0}, {"index": 7151, "quantile": 0.25, "value": 147475.0, "Latitude": 34.03, "Longitude": -118.15, "Population": 1687.0}, {"index": 7151, "quantile": 0.5, "value": 158800.0, "Latitude": 34.03, "Longitude": -118.15, "Population": 1687.0}, {"index": 7151, "quantile": 0.75, "value": 158800.0, "Latitude": 34.03, "Longitude": -118.15, "Population": 1687.0}, {"index": 7151, "quantile": 1.0, "value": 350000.0, "Latitude": 34.03, "Longitude": -118.15, "Population": 1687.0}, {"index": 7152, "quantile": 0.0, "value": 96100.0, "Latitude": 34.03, "Longitude": -118.16, "Population": 1142.0}, {"index": 7152, "quantile": 0.25, "value": 141600.0, "Latitude": 34.03, "Longitude": -118.16, "Population": 1142.0}, {"index": 7152, "quantile": 0.5, "value": 141600.0, "Latitude": 34.03, "Longitude": -118.16, "Population": 1142.0}, {"index": 7152, "quantile": 0.75, "value": 141600.0, "Latitude": 34.03, "Longitude": -118.16, "Population": 1142.0}, {"index": 7152, "quantile": 1.0, "value": 179800.0, "Latitude": 34.03, "Longitude": -118.16, "Population": 1142.0}, {"index": 7153, "quantile": 0.0, "value": 47500.0, "Latitude": 34.03, "Longitude": -118.15, "Population": 588.0}, {"index": 7153, "quantile": 0.25, "value": 140775.0, "Latitude": 34.03, "Longitude": -118.15, "Population": 588.0}, {"index": 7153, "quantile": 0.5, "value": 175000.0, "Latitude": 34.03, "Longitude": -118.15, "Population": 588.0}, {"index": 7153, "quantile": 0.75, "value": 200200.00000000003, "Latitude": 34.03, "Longitude": -118.15, "Population": 588.0}, {"index": 7153, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.15, "Population": 588.0}, {"index": 7154, "quantile": 0.0, "value": 109800.00000000001, "Latitude": 34.03, "Longitude": -118.15, "Population": 1206.0}, {"index": 7154, "quantile": 0.25, "value": 189300.0, "Latitude": 34.03, "Longitude": -118.15, "Population": 1206.0}, {"index": 7154, "quantile": 0.5, "value": 189300.0, "Latitude": 34.03, "Longitude": -118.15, "Population": 1206.0}, {"index": 7154, "quantile": 0.75, "value": 189300.0, "Latitude": 34.03, "Longitude": -118.15, "Population": 1206.0}, {"index": 7154, "quantile": 1.0, "value": 227100.0, "Latitude": 34.03, "Longitude": -118.15, "Population": 1206.0}, {"index": 7155, "quantile": 0.0, "value": 143400.0, "Latitude": 34.04, "Longitude": -118.15, "Population": 787.0}, {"index": 7155, "quantile": 0.25, "value": 194600.0, "Latitude": 34.04, "Longitude": -118.15, "Population": 787.0}, {"index": 7155, "quantile": 0.5, "value": 194600.0, "Latitude": 34.04, "Longitude": -118.15, "Population": 787.0}, {"index": 7155, "quantile": 0.75, "value": 194600.0, "Latitude": 34.04, "Longitude": -118.15, "Population": 787.0}, {"index": 7155, "quantile": 1.0, "value": 285500.0, "Latitude": 34.04, "Longitude": -118.15, "Population": 787.0}, {"index": 7156, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 34.04, "Longitude": -118.15, "Population": 457.0}, {"index": 7156, "quantile": 0.25, "value": 162500.0, "Latitude": 34.04, "Longitude": -118.15, "Population": 457.0}, {"index": 7156, "quantile": 0.5, "value": 162500.0, "Latitude": 34.04, "Longitude": -118.15, "Population": 457.0}, {"index": 7156, "quantile": 0.75, "value": 174500.0, "Latitude": 34.04, "Longitude": -118.15, "Population": 457.0}, {"index": 7156, "quantile": 1.0, "value": 395700.0, "Latitude": 34.04, "Longitude": -118.15, "Population": 457.0}, {"index": 7157, "quantile": 0.0, "value": 52500.0, "Latitude": 34.04, "Longitude": -118.16, "Population": 302.0}, {"index": 7157, "quantile": 0.25, "value": 127350.00000000001, "Latitude": 34.04, "Longitude": -118.16, "Population": 302.0}, {"index": 7157, "quantile": 0.5, "value": 146700.0, "Latitude": 34.04, "Longitude": -118.16, "Population": 302.0}, {"index": 7157, "quantile": 0.75, "value": 179450.0, "Latitude": 34.04, "Longitude": -118.16, "Population": 302.0}, {"index": 7157, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.16, "Population": 302.0}, {"index": 7158, "quantile": 0.0, "value": 91300.0, "Latitude": 34.04, "Longitude": -118.16, "Population": 2486.0}, {"index": 7158, "quantile": 0.25, "value": 143800.0, "Latitude": 34.04, "Longitude": -118.16, "Population": 2486.0}, {"index": 7158, "quantile": 0.5, "value": 181900.0, "Latitude": 34.04, "Longitude": -118.16, "Population": 2486.0}, {"index": 7158, "quantile": 0.75, "value": 181900.0, "Latitude": 34.04, "Longitude": -118.16, "Population": 2486.0}, {"index": 7158, "quantile": 1.0, "value": 225000.0, "Latitude": 34.04, "Longitude": -118.16, "Population": 2486.0}, {"index": 7159, "quantile": 0.0, "value": 112500.0, "Latitude": 34.04, "Longitude": -118.16, "Population": 1535.0}, {"index": 7159, "quantile": 0.25, "value": 145000.0, "Latitude": 34.04, "Longitude": -118.16, "Population": 1535.0}, {"index": 7159, "quantile": 0.5, "value": 145000.0, "Latitude": 34.04, "Longitude": -118.16, "Population": 1535.0}, {"index": 7159, "quantile": 0.75, "value": 150999.99999999997, "Latitude": 34.04, "Longitude": -118.16, "Population": 1535.0}, {"index": 7159, "quantile": 1.0, "value": 187500.0, "Latitude": 34.04, "Longitude": -118.16, "Population": 1535.0}, {"index": 7160, "quantile": 0.0, "value": 114100.0, "Latitude": 34.04, "Longitude": -118.16, "Population": 806.0}, {"index": 7160, "quantile": 0.25, "value": 134400.0, "Latitude": 34.04, "Longitude": -118.16, "Population": 806.0}, {"index": 7160, "quantile": 0.5, "value": 134400.0, "Latitude": 34.04, "Longitude": -118.16, "Population": 806.0}, {"index": 7160, "quantile": 0.75, "value": 134400.0, "Latitude": 34.04, "Longitude": -118.16, "Population": 806.0}, {"index": 7160, "quantile": 1.0, "value": 181900.0, "Latitude": 34.04, "Longitude": -118.16, "Population": 806.0}, {"index": 7161, "quantile": 0.0, "value": 89200.0, "Latitude": 34.03, "Longitude": -118.17, "Population": 1064.0}, {"index": 7161, "quantile": 0.25, "value": 133025.0, "Latitude": 34.03, "Longitude": -118.17, "Population": 1064.0}, {"index": 7161, "quantile": 0.5, "value": 140800.0, "Latitude": 34.03, "Longitude": -118.17, "Population": 1064.0}, {"index": 7161, "quantile": 0.75, "value": 160325.0, "Latitude": 34.03, "Longitude": -118.17, "Population": 1064.0}, {"index": 7161, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 34.03, "Longitude": -118.17, "Population": 1064.0}, {"index": 7162, "quantile": 0.0, "value": 109400.00000000001, "Latitude": 34.04, "Longitude": -118.17, "Population": 402.0}, {"index": 7162, "quantile": 0.25, "value": 129700.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 402.0}, {"index": 7162, "quantile": 0.5, "value": 129700.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 402.0}, {"index": 7162, "quantile": 0.75, "value": 130749.99999999999, "Latitude": 34.04, "Longitude": -118.17, "Population": 402.0}, {"index": 7162, "quantile": 1.0, "value": 350000.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 402.0}, {"index": 7163, "quantile": 0.0, "value": 67500.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 655.0}, {"index": 7163, "quantile": 0.25, "value": 127350.00000000001, "Latitude": 34.04, "Longitude": -118.17, "Population": 655.0}, {"index": 7163, "quantile": 0.5, "value": 153500.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 655.0}, {"index": 7163, "quantile": 0.75, "value": 172575.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 655.0}, {"index": 7163, "quantile": 1.0, "value": 440900.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 655.0}, {"index": 7164, "quantile": 0.0, "value": 37500.0, "Latitude": 34.06, "Longitude": -118.17, "Population": 2862.0}, {"index": 7164, "quantile": 0.25, "value": 123800.0, "Latitude": 34.06, "Longitude": -118.17, "Population": 2862.0}, {"index": 7164, "quantile": 0.5, "value": 123800.0, "Latitude": 34.06, "Longitude": -118.17, "Population": 2862.0}, {"index": 7164, "quantile": 0.75, "value": 131900.0, "Latitude": 34.06, "Longitude": -118.17, "Population": 2862.0}, {"index": 7164, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 34.06, "Longitude": -118.17, "Population": 2862.0}, {"index": 7165, "quantile": 0.0, "value": 115100.0, "Latitude": 34.05, "Longitude": -118.17, "Population": 2990.0}, {"index": 7165, "quantile": 0.25, "value": 130799.99999999999, "Latitude": 34.05, "Longitude": -118.17, "Population": 2990.0}, {"index": 7165, "quantile": 0.5, "value": 144899.99999999997, "Latitude": 34.05, "Longitude": -118.17, "Population": 2990.0}, {"index": 7165, "quantile": 0.75, "value": 153525.0, "Latitude": 34.05, "Longitude": -118.17, "Population": 2990.0}, {"index": 7165, "quantile": 1.0, "value": 242700.0, "Latitude": 34.05, "Longitude": -118.17, "Population": 2990.0}, {"index": 7166, "quantile": 0.0, "value": 90000.0, "Latitude": 34.05, "Longitude": -118.18, "Population": 455.0}, {"index": 7166, "quantile": 0.25, "value": 125000.0, "Latitude": 34.05, "Longitude": -118.18, "Population": 455.0}, {"index": 7166, "quantile": 0.5, "value": 127899.99999999999, "Latitude": 34.05, "Longitude": -118.18, "Population": 455.0}, {"index": 7166, "quantile": 0.75, "value": 149100.0, "Latitude": 34.05, "Longitude": -118.18, "Population": 455.0}, {"index": 7166, "quantile": 1.0, "value": 167200.0, "Latitude": 34.05, "Longitude": -118.18, "Population": 455.0}, {"index": 7167, "quantile": 0.0, "value": 97200.0, "Latitude": 34.06, "Longitude": -118.17, "Population": 1853.0}, {"index": 7167, "quantile": 0.25, "value": 129299.99999999999, "Latitude": 34.06, "Longitude": -118.17, "Population": 1853.0}, {"index": 7167, "quantile": 0.5, "value": 144499.99999999997, "Latitude": 34.06, "Longitude": -118.17, "Population": 1853.0}, {"index": 7167, "quantile": 0.75, "value": 154050.0, "Latitude": 34.06, "Longitude": -118.17, "Population": 1853.0}, {"index": 7167, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 34.06, "Longitude": -118.17, "Population": 1853.0}, {"index": 7168, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.06, "Longitude": -118.17, "Population": 416.0}, {"index": 7168, "quantile": 0.25, "value": 133300.0, "Latitude": 34.06, "Longitude": -118.17, "Population": 416.0}, {"index": 7168, "quantile": 0.5, "value": 148800.0, "Latitude": 34.06, "Longitude": -118.17, "Population": 416.0}, {"index": 7168, "quantile": 0.75, "value": 166700.0, "Latitude": 34.06, "Longitude": -118.17, "Population": 416.0}, {"index": 7168, "quantile": 1.0, "value": 333300.0, "Latitude": 34.06, "Longitude": -118.17, "Population": 416.0}, {"index": 7169, "quantile": 0.0, "value": 56799.99999999999, "Latitude": 34.06, "Longitude": -118.18, "Population": 266.0}, {"index": 7169, "quantile": 0.25, "value": 98200.0, "Latitude": 34.06, "Longitude": -118.18, "Population": 266.0}, {"index": 7169, "quantile": 0.5, "value": 98200.0, "Latitude": 34.06, "Longitude": -118.18, "Population": 266.0}, {"index": 7169, "quantile": 0.75, "value": 98200.0, "Latitude": 34.06, "Longitude": -118.18, "Population": 266.0}, {"index": 7169, "quantile": 1.0, "value": 350000.0, "Latitude": 34.06, "Longitude": -118.18, "Population": 266.0}, {"index": 7170, "quantile": 0.0, "value": 93800.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 2052.0}, {"index": 7170, "quantile": 0.25, "value": 116100.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 2052.0}, {"index": 7170, "quantile": 0.5, "value": 116100.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 2052.0}, {"index": 7170, "quantile": 0.75, "value": 131150.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 2052.0}, {"index": 7170, "quantile": 1.0, "value": 173100.0, "Latitude": 34.06, "Longitude": -118.19, "Population": 2052.0}, {"index": 7171, "quantile": 0.0, "value": 94000.0, "Latitude": 34.06, "Longitude": -118.18, "Population": 893.0}, {"index": 7171, "quantile": 0.25, "value": 122900.00000000001, "Latitude": 34.06, "Longitude": -118.18, "Population": 893.0}, {"index": 7171, "quantile": 0.5, "value": 135600.0, "Latitude": 34.06, "Longitude": -118.18, "Population": 893.0}, {"index": 7171, "quantile": 0.75, "value": 163100.0, "Latitude": 34.06, "Longitude": -118.18, "Population": 893.0}, {"index": 7171, "quantile": 1.0, "value": 208800.0, "Latitude": 34.06, "Longitude": -118.18, "Population": 893.0}, {"index": 7172, "quantile": 0.0, "value": 91100.0, "Latitude": 34.05, "Longitude": -118.18, "Population": 925.0}, {"index": 7172, "quantile": 0.25, "value": 133000.0, "Latitude": 34.05, "Longitude": -118.18, "Population": 925.0}, {"index": 7172, "quantile": 0.5, "value": 133000.0, "Latitude": 34.05, "Longitude": -118.18, "Population": 925.0}, {"index": 7172, "quantile": 0.75, "value": 133000.0, "Latitude": 34.05, "Longitude": -118.18, "Population": 925.0}, {"index": 7172, "quantile": 1.0, "value": 225000.0, "Latitude": 34.05, "Longitude": -118.18, "Population": 925.0}, {"index": 7173, "quantile": 0.0, "value": 82300.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1535.0}, {"index": 7173, "quantile": 0.25, "value": 119200.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1535.0}, {"index": 7173, "quantile": 0.5, "value": 119200.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1535.0}, {"index": 7173, "quantile": 0.75, "value": 129250.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1535.0}, {"index": 7173, "quantile": 1.0, "value": 158800.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1535.0}, {"index": 7174, "quantile": 0.0, "value": 98200.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1423.0}, {"index": 7174, "quantile": 0.25, "value": 135200.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1423.0}, {"index": 7174, "quantile": 0.5, "value": 135200.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1423.0}, {"index": 7174, "quantile": 0.75, "value": 137500.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1423.0}, {"index": 7174, "quantile": 1.0, "value": 192500.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1423.0}, {"index": 7175, "quantile": 0.0, "value": 96900.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1193.0}, {"index": 7175, "quantile": 0.25, "value": 122900.00000000001, "Latitude": 34.05, "Longitude": -118.19, "Population": 1193.0}, {"index": 7175, "quantile": 0.5, "value": 122900.00000000001, "Latitude": 34.05, "Longitude": -118.19, "Population": 1193.0}, {"index": 7175, "quantile": 0.75, "value": 132400.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 1193.0}, {"index": 7175, "quantile": 1.0, "value": 232100.00000000003, "Latitude": 34.05, "Longitude": -118.19, "Population": 1193.0}, {"index": 7176, "quantile": 0.0, "value": 98100.0, "Latitude": 34.05, "Longitude": -118.18, "Population": 3299.0}, {"index": 7176, "quantile": 0.25, "value": 126499.99999999999, "Latitude": 34.05, "Longitude": -118.18, "Population": 3299.0}, {"index": 7176, "quantile": 0.5, "value": 126499.99999999999, "Latitude": 34.05, "Longitude": -118.18, "Population": 3299.0}, {"index": 7176, "quantile": 0.75, "value": 141700.0, "Latitude": 34.05, "Longitude": -118.18, "Population": 3299.0}, {"index": 7176, "quantile": 1.0, "value": 169300.0, "Latitude": 34.05, "Longitude": -118.18, "Population": 3299.0}, {"index": 7177, "quantile": 0.0, "value": 108500.0, "Latitude": 34.05, "Longitude": -118.18, "Population": 817.0}, {"index": 7177, "quantile": 0.25, "value": 123100.00000000001, "Latitude": 34.05, "Longitude": -118.18, "Population": 817.0}, {"index": 7177, "quantile": 0.5, "value": 123100.00000000001, "Latitude": 34.05, "Longitude": -118.18, "Population": 817.0}, {"index": 7177, "quantile": 0.75, "value": 126150.0, "Latitude": 34.05, "Longitude": -118.18, "Population": 817.0}, {"index": 7177, "quantile": 1.0, "value": 194600.0, "Latitude": 34.05, "Longitude": -118.18, "Population": 817.0}, {"index": 7178, "quantile": 0.0, "value": 110700.0, "Latitude": 34.05, "Longitude": -118.18, "Population": 814.0}, {"index": 7178, "quantile": 0.25, "value": 115100.0, "Latitude": 34.05, "Longitude": -118.18, "Population": 814.0}, {"index": 7178, "quantile": 0.5, "value": 115100.0, "Latitude": 34.05, "Longitude": -118.18, "Population": 814.0}, {"index": 7178, "quantile": 0.75, "value": 115399.99999999999, "Latitude": 34.05, "Longitude": -118.18, "Population": 814.0}, {"index": 7178, "quantile": 1.0, "value": 257799.99999999997, "Latitude": 34.05, "Longitude": -118.18, "Population": 814.0}, {"index": 7179, "quantile": 0.0, "value": 72500.0, "Latitude": 34.04, "Longitude": -118.18, "Population": 2118.0}, {"index": 7179, "quantile": 0.25, "value": 129000.0, "Latitude": 34.04, "Longitude": -118.18, "Population": 2118.0}, {"index": 7179, "quantile": 0.5, "value": 129000.0, "Latitude": 34.04, "Longitude": -118.18, "Population": 2118.0}, {"index": 7179, "quantile": 0.75, "value": 129000.0, "Latitude": 34.04, "Longitude": -118.18, "Population": 2118.0}, {"index": 7179, "quantile": 1.0, "value": 254999.99999999997, "Latitude": 34.04, "Longitude": -118.18, "Population": 2118.0}, {"index": 7180, "quantile": 0.0, "value": 89100.0, "Latitude": 34.04, "Longitude": -118.18, "Population": 1249.0}, {"index": 7180, "quantile": 0.25, "value": 141700.0, "Latitude": 34.04, "Longitude": -118.18, "Population": 1249.0}, {"index": 7180, "quantile": 0.5, "value": 141700.0, "Latitude": 34.04, "Longitude": -118.18, "Population": 1249.0}, {"index": 7180, "quantile": 0.75, "value": 141700.0, "Latitude": 34.04, "Longitude": -118.18, "Population": 1249.0}, {"index": 7180, "quantile": 1.0, "value": 206000.0, "Latitude": 34.04, "Longitude": -118.18, "Population": 1249.0}, {"index": 7181, "quantile": 0.0, "value": 97200.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1164.0}, {"index": 7181, "quantile": 0.25, "value": 141475.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1164.0}, {"index": 7181, "quantile": 0.5, "value": 146900.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1164.0}, {"index": 7181, "quantile": 0.75, "value": 146900.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1164.0}, {"index": 7181, "quantile": 1.0, "value": 184400.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1164.0}, {"index": 7182, "quantile": 0.0, "value": 88800.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1613.0}, {"index": 7182, "quantile": 0.25, "value": 123475.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1613.0}, {"index": 7182, "quantile": 0.5, "value": 140950.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1613.0}, {"index": 7182, "quantile": 0.75, "value": 151750.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1613.0}, {"index": 7182, "quantile": 1.0, "value": 218100.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1613.0}, {"index": 7183, "quantile": 0.0, "value": 98100.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 785.0}, {"index": 7183, "quantile": 0.25, "value": 128425.00000000001, "Latitude": 34.05, "Longitude": -118.19, "Population": 785.0}, {"index": 7183, "quantile": 0.5, "value": 137500.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 785.0}, {"index": 7183, "quantile": 0.75, "value": 150575.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 785.0}, {"index": 7183, "quantile": 1.0, "value": 346200.0, "Latitude": 34.05, "Longitude": -118.19, "Population": 785.0}, {"index": 7184, "quantile": 0.0, "value": 90600.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 613.0}, {"index": 7184, "quantile": 0.25, "value": 133000.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 613.0}, {"index": 7184, "quantile": 0.5, "value": 133900.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 613.0}, {"index": 7184, "quantile": 0.75, "value": 133900.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 613.0}, {"index": 7184, "quantile": 1.0, "value": 181300.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 613.0}, {"index": 7185, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.04, "Longitude": -118.17, "Population": 682.0}, {"index": 7185, "quantile": 0.25, "value": 124100.00000000001, "Latitude": 34.04, "Longitude": -118.17, "Population": 682.0}, {"index": 7185, "quantile": 0.5, "value": 134900.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 682.0}, {"index": 7185, "quantile": 0.75, "value": 145800.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 682.0}, {"index": 7185, "quantile": 1.0, "value": 163600.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 682.0}, {"index": 7186, "quantile": 0.0, "value": 89100.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 690.0}, {"index": 7186, "quantile": 0.25, "value": 142500.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 690.0}, {"index": 7186, "quantile": 0.5, "value": 145800.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 690.0}, {"index": 7186, "quantile": 0.75, "value": 145800.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 690.0}, {"index": 7186, "quantile": 1.0, "value": 164600.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 690.0}, {"index": 7187, "quantile": 0.0, "value": 105900.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 1005.0}, {"index": 7187, "quantile": 0.25, "value": 134000.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 1005.0}, {"index": 7187, "quantile": 0.5, "value": 134000.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 1005.0}, {"index": 7187, "quantile": 0.75, "value": 134000.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 1005.0}, {"index": 7187, "quantile": 1.0, "value": 175000.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 1005.0}, {"index": 7188, "quantile": 0.0, "value": 98600.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 1005.0}, {"index": 7188, "quantile": 0.25, "value": 113999.99999999999, "Latitude": 34.04, "Longitude": -118.17, "Population": 1005.0}, {"index": 7188, "quantile": 0.5, "value": 113999.99999999999, "Latitude": 34.04, "Longitude": -118.17, "Population": 1005.0}, {"index": 7188, "quantile": 0.75, "value": 133250.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 1005.0}, {"index": 7188, "quantile": 1.0, "value": 184400.0, "Latitude": 34.04, "Longitude": -118.17, "Population": 1005.0}, {"index": 7189, "quantile": 0.0, "value": 115100.0, "Latitude": 34.05, "Longitude": -118.17, "Population": 999.0}, {"index": 7189, "quantile": 0.25, "value": 126000.0, "Latitude": 34.05, "Longitude": -118.17, "Population": 999.0}, {"index": 7189, "quantile": 0.5, "value": 126000.0, "Latitude": 34.05, "Longitude": -118.17, "Population": 999.0}, {"index": 7189, "quantile": 0.75, "value": 130100.0, "Latitude": 34.05, "Longitude": -118.17, "Population": 999.0}, {"index": 7189, "quantile": 1.0, "value": 184200.0, "Latitude": 34.05, "Longitude": -118.17, "Population": 999.0}, {"index": 7190, "quantile": 0.0, "value": 53200.0, "Latitude": 34.05, "Longitude": -118.17, "Population": 715.0}, {"index": 7190, "quantile": 0.25, "value": 124100.00000000001, "Latitude": 34.05, "Longitude": -118.17, "Population": 715.0}, {"index": 7190, "quantile": 0.5, "value": 124100.00000000001, "Latitude": 34.05, "Longitude": -118.17, "Population": 715.0}, {"index": 7190, "quantile": 0.75, "value": 124100.00000000001, "Latitude": 34.05, "Longitude": -118.17, "Population": 715.0}, {"index": 7190, "quantile": 1.0, "value": 193800.0, "Latitude": 34.05, "Longitude": -118.17, "Population": 715.0}, {"index": 7191, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 34.04, "Longitude": -118.18, "Population": 1997.0}, {"index": 7191, "quantile": 0.25, "value": 150500.0, "Latitude": 34.04, "Longitude": -118.18, "Population": 1997.0}, {"index": 7191, "quantile": 0.5, "value": 150500.0, "Latitude": 34.04, "Longitude": -118.18, "Population": 1997.0}, {"index": 7191, "quantile": 0.75, "value": 150500.0, "Latitude": 34.04, "Longitude": -118.18, "Population": 1997.0}, {"index": 7191, "quantile": 1.0, "value": 180600.0, "Latitude": 34.04, "Longitude": -118.18, "Population": 1997.0}, {"index": 7192, "quantile": 0.0, "value": 93800.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 835.0}, {"index": 7192, "quantile": 0.25, "value": 143800.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 835.0}, {"index": 7192, "quantile": 0.5, "value": 143800.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 835.0}, {"index": 7192, "quantile": 0.75, "value": 143800.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 835.0}, {"index": 7192, "quantile": 1.0, "value": 350000.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 835.0}, {"index": 7193, "quantile": 0.0, "value": 88100.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 1177.0}, {"index": 7193, "quantile": 0.25, "value": 112900.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 1177.0}, {"index": 7193, "quantile": 0.5, "value": 127499.99999999999, "Latitude": 34.03, "Longitude": -118.19, "Population": 1177.0}, {"index": 7193, "quantile": 0.75, "value": 136400.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 1177.0}, {"index": 7193, "quantile": 1.0, "value": 190600.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 1177.0}, {"index": 7194, "quantile": 0.0, "value": 92400.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1438.0}, {"index": 7194, "quantile": 0.25, "value": 134900.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1438.0}, {"index": 7194, "quantile": 0.5, "value": 140800.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1438.0}, {"index": 7194, "quantile": 0.75, "value": 145000.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1438.0}, {"index": 7194, "quantile": 1.0, "value": 191700.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1438.0}, {"index": 7195, "quantile": 0.0, "value": 109100.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1706.0}, {"index": 7195, "quantile": 0.25, "value": 143775.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1706.0}, {"index": 7195, "quantile": 0.5, "value": 153300.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1706.0}, {"index": 7195, "quantile": 0.75, "value": 153300.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1706.0}, {"index": 7195, "quantile": 1.0, "value": 158800.0, "Latitude": 34.04, "Longitude": -118.19, "Population": 1706.0}, {"index": 7196, "quantile": 0.0, "value": 89200.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 627.0}, {"index": 7196, "quantile": 0.25, "value": 125000.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 627.0}, {"index": 7196, "quantile": 0.5, "value": 125000.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 627.0}, {"index": 7196, "quantile": 0.75, "value": 136900.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 627.0}, {"index": 7196, "quantile": 1.0, "value": 185600.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 627.0}, {"index": 7197, "quantile": 0.0, "value": 38800.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 2842.0}, {"index": 7197, "quantile": 0.25, "value": 121300.00000000001, "Latitude": 34.03, "Longitude": -118.18, "Population": 2842.0}, {"index": 7197, "quantile": 0.5, "value": 121300.00000000001, "Latitude": 34.03, "Longitude": -118.18, "Population": 2842.0}, {"index": 7197, "quantile": 0.75, "value": 132200.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 2842.0}, {"index": 7197, "quantile": 1.0, "value": 173200.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 2842.0}, {"index": 7198, "quantile": 0.0, "value": 93800.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 2588.0}, {"index": 7198, "quantile": 0.25, "value": 133825.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 2588.0}, {"index": 7198, "quantile": 0.5, "value": 142800.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 2588.0}, {"index": 7198, "quantile": 0.75, "value": 147200.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 2588.0}, {"index": 7198, "quantile": 1.0, "value": 181900.0, "Latitude": 34.03, "Longitude": -118.19, "Population": 2588.0}, {"index": 7199, "quantile": 0.0, "value": 93800.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 2920.0}, {"index": 7199, "quantile": 0.25, "value": 142800.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 2920.0}, {"index": 7199, "quantile": 0.5, "value": 145600.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 2920.0}, {"index": 7199, "quantile": 0.75, "value": 145600.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 2920.0}, {"index": 7199, "quantile": 1.0, "value": 189400.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 2920.0}, {"index": 7200, "quantile": 0.0, "value": 82300.0, "Latitude": 34.02, "Longitude": -118.19, "Population": 1820.0}, {"index": 7200, "quantile": 0.25, "value": 142800.0, "Latitude": 34.02, "Longitude": -118.19, "Population": 1820.0}, {"index": 7200, "quantile": 0.5, "value": 142800.0, "Latitude": 34.02, "Longitude": -118.19, "Population": 1820.0}, {"index": 7200, "quantile": 0.75, "value": 142800.0, "Latitude": 34.02, "Longitude": -118.19, "Population": 1820.0}, {"index": 7200, "quantile": 1.0, "value": 227199.99999999997, "Latitude": 34.02, "Longitude": -118.19, "Population": 1820.0}, {"index": 7201, "quantile": 0.0, "value": 67300.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 1484.0}, {"index": 7201, "quantile": 0.25, "value": 114075.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 1484.0}, {"index": 7201, "quantile": 0.5, "value": 135700.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 1484.0}, {"index": 7201, "quantile": 0.75, "value": 146000.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 1484.0}, {"index": 7201, "quantile": 1.0, "value": 170800.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 1484.0}, {"index": 7202, "quantile": 0.0, "value": 37500.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 3228.0}, {"index": 7202, "quantile": 0.25, "value": 132200.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 3228.0}, {"index": 7202, "quantile": 0.5, "value": 132200.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 3228.0}, {"index": 7202, "quantile": 0.75, "value": 132200.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 3228.0}, {"index": 7202, "quantile": 1.0, "value": 224500.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 3228.0}, {"index": 7203, "quantile": 0.0, "value": 88200.0, "Latitude": 34.02, "Longitude": -118.19, "Population": 546.0}, {"index": 7203, "quantile": 0.25, "value": 135575.0, "Latitude": 34.02, "Longitude": -118.19, "Population": 546.0}, {"index": 7203, "quantile": 0.5, "value": 137500.0, "Latitude": 34.02, "Longitude": -118.19, "Population": 546.0}, {"index": 7203, "quantile": 0.75, "value": 137500.0, "Latitude": 34.02, "Longitude": -118.19, "Population": 546.0}, {"index": 7203, "quantile": 1.0, "value": 222500.0, "Latitude": 34.02, "Longitude": -118.19, "Population": 546.0}, {"index": 7204, "quantile": 0.0, "value": 91300.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 720.0}, {"index": 7204, "quantile": 0.25, "value": 142500.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 720.0}, {"index": 7204, "quantile": 0.5, "value": 142500.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 720.0}, {"index": 7204, "quantile": 0.75, "value": 142500.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 720.0}, {"index": 7204, "quantile": 1.0, "value": 362200.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 720.0}, {"index": 7205, "quantile": 0.0, "value": 82300.0, "Latitude": 34.02, "Longitude": -118.19, "Population": 1735.0}, {"index": 7205, "quantile": 0.25, "value": 125800.0, "Latitude": 34.02, "Longitude": -118.19, "Population": 1735.0}, {"index": 7205, "quantile": 0.5, "value": 137500.0, "Latitude": 34.02, "Longitude": -118.19, "Population": 1735.0}, {"index": 7205, "quantile": 0.75, "value": 154674.99999999997, "Latitude": 34.02, "Longitude": -118.19, "Population": 1735.0}, {"index": 7205, "quantile": 1.0, "value": 350000.0, "Latitude": 34.02, "Longitude": -118.19, "Population": 1735.0}, {"index": 7206, "quantile": 0.0, "value": 97200.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 987.0}, {"index": 7206, "quantile": 0.25, "value": 125000.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 987.0}, {"index": 7206, "quantile": 0.5, "value": 125000.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 987.0}, {"index": 7206, "quantile": 0.75, "value": 128624.99999999999, "Latitude": 34.02, "Longitude": -118.18, "Population": 987.0}, {"index": 7206, "quantile": 1.0, "value": 170800.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 987.0}, {"index": 7207, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 34.02, "Longitude": -118.18, "Population": 965.0}, {"index": 7207, "quantile": 0.25, "value": 133900.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 965.0}, {"index": 7207, "quantile": 0.5, "value": 133900.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 965.0}, {"index": 7207, "quantile": 0.75, "value": 133900.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 965.0}, {"index": 7207, "quantile": 1.0, "value": 156000.0, "Latitude": 34.02, "Longitude": -118.18, "Population": 965.0}, {"index": 7208, "quantile": 0.0, "value": 92100.0, "Latitude": 34.01, "Longitude": -118.18, "Population": 2191.0}, {"index": 7208, "quantile": 0.25, "value": 127299.99999999999, "Latitude": 34.01, "Longitude": -118.18, "Population": 2191.0}, {"index": 7208, "quantile": 0.5, "value": 127299.99999999999, "Latitude": 34.01, "Longitude": -118.18, "Population": 2191.0}, {"index": 7208, "quantile": 0.75, "value": 137500.0, "Latitude": 34.01, "Longitude": -118.18, "Population": 2191.0}, {"index": 7208, "quantile": 1.0, "value": 173100.0, "Latitude": 34.01, "Longitude": -118.18, "Population": 2191.0}, {"index": 7209, "quantile": 0.0, "value": 92500.0, "Latitude": 34.03, "Longitude": -118.17, "Population": 2325.0}, {"index": 7209, "quantile": 0.25, "value": 140800.0, "Latitude": 34.03, "Longitude": -118.17, "Population": 2325.0}, {"index": 7209, "quantile": 0.5, "value": 140800.0, "Latitude": 34.03, "Longitude": -118.17, "Population": 2325.0}, {"index": 7209, "quantile": 0.75, "value": 140800.0, "Latitude": 34.03, "Longitude": -118.17, "Population": 2325.0}, {"index": 7209, "quantile": 1.0, "value": 165600.0, "Latitude": 34.03, "Longitude": -118.17, "Population": 2325.0}, {"index": 7210, "quantile": 0.0, "value": 106600.0, "Latitude": 34.03, "Longitude": -118.17, "Population": 1855.0}, {"index": 7210, "quantile": 0.25, "value": 148800.0, "Latitude": 34.03, "Longitude": -118.17, "Population": 1855.0}, {"index": 7210, "quantile": 0.5, "value": 156700.0, "Latitude": 34.03, "Longitude": -118.17, "Population": 1855.0}, {"index": 7210, "quantile": 0.75, "value": 165000.0, "Latitude": 34.03, "Longitude": -118.17, "Population": 1855.0}, {"index": 7210, "quantile": 1.0, "value": 231700.00000000003, "Latitude": 34.03, "Longitude": -118.17, "Population": 1855.0}, {"index": 7211, "quantile": 0.0, "value": 97300.0, "Latitude": 34.03, "Longitude": -118.17, "Population": 1248.0}, {"index": 7211, "quantile": 0.25, "value": 120000.0, "Latitude": 34.03, "Longitude": -118.17, "Population": 1248.0}, {"index": 7211, "quantile": 0.5, "value": 120000.0, "Latitude": 34.03, "Longitude": -118.17, "Population": 1248.0}, {"index": 7211, "quantile": 0.75, "value": 138275.0, "Latitude": 34.03, "Longitude": -118.17, "Population": 1248.0}, {"index": 7211, "quantile": 1.0, "value": 170800.0, "Latitude": 34.03, "Longitude": -118.17, "Population": 1248.0}, {"index": 7212, "quantile": 0.0, "value": 91500.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 1893.0}, {"index": 7212, "quantile": 0.25, "value": 137500.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 1893.0}, {"index": 7212, "quantile": 0.5, "value": 137500.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 1893.0}, {"index": 7212, "quantile": 0.75, "value": 137500.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 1893.0}, {"index": 7212, "quantile": 1.0, "value": 165600.0, "Latitude": 34.03, "Longitude": -118.18, "Population": 1893.0}, {"index": 7213, "quantile": 0.0, "value": 107500.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 851.0}, {"index": 7213, "quantile": 0.25, "value": 140600.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 851.0}, {"index": 7213, "quantile": 0.5, "value": 140600.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 851.0}, {"index": 7213, "quantile": 0.75, "value": 140600.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 851.0}, {"index": 7213, "quantile": 1.0, "value": 190000.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 851.0}, {"index": 7214, "quantile": 0.0, "value": 38800.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 968.0}, {"index": 7214, "quantile": 0.25, "value": 118124.99999999999, "Latitude": 34.02, "Longitude": -118.17, "Population": 968.0}, {"index": 7214, "quantile": 0.5, "value": 134400.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 968.0}, {"index": 7214, "quantile": 0.75, "value": 150000.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 968.0}, {"index": 7214, "quantile": 1.0, "value": 212500.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 968.0}, {"index": 7215, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 34.02, "Longitude": -118.17, "Population": 883.0}, {"index": 7215, "quantile": 0.25, "value": 143800.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 883.0}, {"index": 7215, "quantile": 0.5, "value": 143800.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 883.0}, {"index": 7215, "quantile": 0.75, "value": 143800.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 883.0}, {"index": 7215, "quantile": 1.0, "value": 191700.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 883.0}, {"index": 7216, "quantile": 0.0, "value": 38800.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 488.0}, {"index": 7216, "quantile": 0.25, "value": 112500.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 488.0}, {"index": 7216, "quantile": 0.5, "value": 112500.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 488.0}, {"index": 7216, "quantile": 0.75, "value": 137500.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 488.0}, {"index": 7216, "quantile": 1.0, "value": 350000.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 488.0}, {"index": 7217, "quantile": 0.0, "value": 97300.0, "Latitude": 34.03, "Longitude": -118.16, "Population": 925.0}, {"index": 7217, "quantile": 0.25, "value": 143250.0, "Latitude": 34.03, "Longitude": -118.16, "Population": 925.0}, {"index": 7217, "quantile": 0.5, "value": 145000.0, "Latitude": 34.03, "Longitude": -118.16, "Population": 925.0}, {"index": 7217, "quantile": 0.75, "value": 145000.0, "Latitude": 34.03, "Longitude": -118.16, "Population": 925.0}, {"index": 7217, "quantile": 1.0, "value": 188500.0, "Latitude": 34.03, "Longitude": -118.16, "Population": 925.0}, {"index": 7218, "quantile": 0.0, "value": 93800.0, "Latitude": 34.03, "Longitude": -118.16, "Population": 2682.0}, {"index": 7218, "quantile": 0.25, "value": 137500.0, "Latitude": 34.03, "Longitude": -118.16, "Population": 2682.0}, {"index": 7218, "quantile": 0.5, "value": 144800.0, "Latitude": 34.03, "Longitude": -118.16, "Population": 2682.0}, {"index": 7218, "quantile": 0.75, "value": 161100.00000000003, "Latitude": 34.03, "Longitude": -118.16, "Population": 2682.0}, {"index": 7218, "quantile": 1.0, "value": 193800.0, "Latitude": 34.03, "Longitude": -118.16, "Population": 2682.0}, {"index": 7219, "quantile": 0.0, "value": 89300.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 2053.0}, {"index": 7219, "quantile": 0.25, "value": 143800.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 2053.0}, {"index": 7219, "quantile": 0.5, "value": 149500.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 2053.0}, {"index": 7219, "quantile": 0.75, "value": 160825.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 2053.0}, {"index": 7219, "quantile": 1.0, "value": 224500.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 2053.0}, {"index": 7220, "quantile": 0.0, "value": 103600.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 1511.0}, {"index": 7220, "quantile": 0.25, "value": 153074.99999999997, "Latitude": 34.02, "Longitude": -118.16, "Population": 1511.0}, {"index": 7220, "quantile": 0.5, "value": 166000.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 1511.0}, {"index": 7220, "quantile": 0.75, "value": 166000.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 1511.0}, {"index": 7220, "quantile": 1.0, "value": 224500.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 1511.0}, {"index": 7221, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 34.02, "Longitude": -118.16, "Population": 1303.0}, {"index": 7221, "quantile": 0.25, "value": 138800.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 1303.0}, {"index": 7221, "quantile": 0.5, "value": 138800.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 1303.0}, {"index": 7221, "quantile": 0.75, "value": 138800.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 1303.0}, {"index": 7221, "quantile": 1.0, "value": 180600.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 1303.0}, {"index": 7222, "quantile": 0.0, "value": 92100.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 1191.0}, {"index": 7222, "quantile": 0.25, "value": 122625.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 1191.0}, {"index": 7222, "quantile": 0.5, "value": 137500.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 1191.0}, {"index": 7222, "quantile": 0.75, "value": 145000.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 1191.0}, {"index": 7222, "quantile": 1.0, "value": 170300.0, "Latitude": 34.02, "Longitude": -118.17, "Population": 1191.0}, {"index": 7223, "quantile": 0.0, "value": 104200.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 1962.0}, {"index": 7223, "quantile": 0.25, "value": 142600.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 1962.0}, {"index": 7223, "quantile": 0.5, "value": 146450.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 1962.0}, {"index": 7223, "quantile": 0.75, "value": 165925.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 1962.0}, {"index": 7223, "quantile": 1.0, "value": 350000.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 1962.0}, {"index": 7224, "quantile": 0.0, "value": 92100.0, "Latitude": 34.02, "Longitude": -118.15, "Population": 3004.0}, {"index": 7224, "quantile": 0.25, "value": 143125.0, "Latitude": 34.02, "Longitude": -118.15, "Population": 3004.0}, {"index": 7224, "quantile": 0.5, "value": 156500.0, "Latitude": 34.02, "Longitude": -118.15, "Population": 3004.0}, {"index": 7224, "quantile": 0.75, "value": 169550.0, "Latitude": 34.02, "Longitude": -118.15, "Population": 3004.0}, {"index": 7224, "quantile": 1.0, "value": 189200.0, "Latitude": 34.02, "Longitude": -118.15, "Population": 3004.0}, {"index": 7225, "quantile": 0.0, "value": 120000.0, "Latitude": 34.02, "Longitude": -118.15, "Population": 2195.0}, {"index": 7225, "quantile": 0.25, "value": 151900.0, "Latitude": 34.02, "Longitude": -118.15, "Population": 2195.0}, {"index": 7225, "quantile": 0.5, "value": 151900.0, "Latitude": 34.02, "Longitude": -118.15, "Population": 2195.0}, {"index": 7225, "quantile": 0.75, "value": 158250.0, "Latitude": 34.02, "Longitude": -118.15, "Population": 2195.0}, {"index": 7225, "quantile": 1.0, "value": 219000.0, "Latitude": 34.02, "Longitude": -118.15, "Population": 2195.0}, {"index": 7226, "quantile": 0.0, "value": 114300.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 773.0}, {"index": 7226, "quantile": 0.25, "value": 156900.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 773.0}, {"index": 7226, "quantile": 0.5, "value": 156900.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 773.0}, {"index": 7226, "quantile": 0.75, "value": 156900.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 773.0}, {"index": 7226, "quantile": 1.0, "value": 305800.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 773.0}, {"index": 7227, "quantile": 0.0, "value": 52500.0, "Latitude": 34.01, "Longitude": -118.16, "Population": 952.0}, {"index": 7227, "quantile": 0.25, "value": 158900.0, "Latitude": 34.01, "Longitude": -118.16, "Population": 952.0}, {"index": 7227, "quantile": 0.5, "value": 158900.0, "Latitude": 34.01, "Longitude": -118.16, "Population": 952.0}, {"index": 7227, "quantile": 0.75, "value": 158900.0, "Latitude": 34.01, "Longitude": -118.16, "Population": 952.0}, {"index": 7227, "quantile": 1.0, "value": 350000.0, "Latitude": 34.01, "Longitude": -118.16, "Population": 952.0}, {"index": 7228, "quantile": 0.0, "value": 114100.0, "Latitude": 34.01, "Longitude": -118.16, "Population": 1919.0}, {"index": 7228, "quantile": 0.25, "value": 137500.0, "Latitude": 34.01, "Longitude": -118.16, "Population": 1919.0}, {"index": 7228, "quantile": 0.5, "value": 137500.0, "Latitude": 34.01, "Longitude": -118.16, "Population": 1919.0}, {"index": 7228, "quantile": 0.75, "value": 137500.0, "Latitude": 34.01, "Longitude": -118.16, "Population": 1919.0}, {"index": 7228, "quantile": 1.0, "value": 350000.0, "Latitude": 34.01, "Longitude": -118.16, "Population": 1919.0}, {"index": 7229, "quantile": 0.0, "value": 100000.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 1175.0}, {"index": 7229, "quantile": 0.25, "value": 137500.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 1175.0}, {"index": 7229, "quantile": 0.5, "value": 153600.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 1175.0}, {"index": 7229, "quantile": 0.75, "value": 180700.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 1175.0}, {"index": 7229, "quantile": 1.0, "value": 445000.0, "Latitude": 34.02, "Longitude": -118.16, "Population": 1175.0}, {"index": 7230, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 34.02, "Longitude": -118.14, "Population": 1740.0}, {"index": 7230, "quantile": 0.25, "value": 153300.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 1740.0}, {"index": 7230, "quantile": 0.5, "value": 153300.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 1740.0}, {"index": 7230, "quantile": 0.75, "value": 153300.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 1740.0}, {"index": 7230, "quantile": 1.0, "value": 193800.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 1740.0}, {"index": 7231, "quantile": 0.0, "value": 88800.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 2077.0}, {"index": 7231, "quantile": 0.25, "value": 156300.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 2077.0}, {"index": 7231, "quantile": 0.5, "value": 180600.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 2077.0}, {"index": 7231, "quantile": 0.75, "value": 180600.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 2077.0}, {"index": 7231, "quantile": 1.0, "value": 302900.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 2077.0}, {"index": 7232, "quantile": 0.0, "value": 93000.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 1024.0}, {"index": 7232, "quantile": 0.25, "value": 153500.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 1024.0}, {"index": 7232, "quantile": 0.5, "value": 153500.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 1024.0}, {"index": 7232, "quantile": 0.75, "value": 153500.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 1024.0}, {"index": 7232, "quantile": 1.0, "value": 375000.0, "Latitude": 34.02, "Longitude": -118.13, "Population": 1024.0}, {"index": 7233, "quantile": 0.0, "value": 113799.99999999999, "Latitude": 34.01, "Longitude": -118.14, "Population": 1060.0}, {"index": 7233, "quantile": 0.25, "value": 153700.0, "Latitude": 34.01, "Longitude": -118.14, "Population": 1060.0}, {"index": 7233, "quantile": 0.5, "value": 153700.0, "Latitude": 34.01, "Longitude": -118.14, "Population": 1060.0}, {"index": 7233, "quantile": 0.75, "value": 153700.0, "Latitude": 34.01, "Longitude": -118.14, "Population": 1060.0}, {"index": 7233, "quantile": 1.0, "value": 184400.0, "Latitude": 34.01, "Longitude": -118.14, "Population": 1060.0}, {"index": 7234, "quantile": 0.0, "value": 90000.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 1825.0}, {"index": 7234, "quantile": 0.25, "value": 145500.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 1825.0}, {"index": 7234, "quantile": 0.5, "value": 145500.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 1825.0}, {"index": 7234, "quantile": 0.75, "value": 145500.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 1825.0}, {"index": 7234, "quantile": 1.0, "value": 275000.0, "Latitude": 34.02, "Longitude": -118.14, "Population": 1825.0}, {"index": 7235, "quantile": 0.0, "value": 98800.0, "Latitude": 34.01, "Longitude": -118.14, "Population": 1296.0}, {"index": 7235, "quantile": 0.25, "value": 156800.0, "Latitude": 34.01, "Longitude": -118.14, "Population": 1296.0}, {"index": 7235, "quantile": 0.5, "value": 156800.0, "Latitude": 34.01, "Longitude": -118.14, "Population": 1296.0}, {"index": 7235, "quantile": 0.75, "value": 156800.0, "Latitude": 34.01, "Longitude": -118.14, "Population": 1296.0}, {"index": 7235, "quantile": 1.0, "value": 220699.99999999997, "Latitude": 34.01, "Longitude": -118.14, "Population": 1296.0}, {"index": 7236, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 34.01, "Longitude": -118.14, "Population": 1841.0}, {"index": 7236, "quantile": 0.25, "value": 156500.0, "Latitude": 34.01, "Longitude": -118.14, "Population": 1841.0}, {"index": 7236, "quantile": 0.5, "value": 156500.0, "Latitude": 34.01, "Longitude": -118.14, "Population": 1841.0}, {"index": 7236, "quantile": 0.75, "value": 156500.0, "Latitude": 34.01, "Longitude": -118.14, "Population": 1841.0}, {"index": 7236, "quantile": 1.0, "value": 189300.0, "Latitude": 34.01, "Longitude": -118.14, "Population": 1841.0}, {"index": 7237, "quantile": 0.0, "value": 105700.0, "Latitude": 34.01, "Longitude": -118.13, "Population": 736.0}, {"index": 7237, "quantile": 0.25, "value": 161800.0, "Latitude": 34.01, "Longitude": -118.13, "Population": 736.0}, {"index": 7237, "quantile": 0.5, "value": 161800.0, "Latitude": 34.01, "Longitude": -118.13, "Population": 736.0}, {"index": 7237, "quantile": 0.75, "value": 184500.0, "Latitude": 34.01, "Longitude": -118.13, "Population": 736.0}, {"index": 7237, "quantile": 1.0, "value": 258400.0, "Latitude": 34.01, "Longitude": -118.13, "Population": 736.0}, {"index": 7238, "quantile": 0.0, "value": 76200.0, "Latitude": 34.01, "Longitude": -118.13, "Population": 2119.0}, {"index": 7238, "quantile": 0.25, "value": 132700.0, "Latitude": 34.01, "Longitude": -118.13, "Population": 2119.0}, {"index": 7238, "quantile": 0.5, "value": 152700.0, "Latitude": 34.01, "Longitude": -118.13, "Population": 2119.0}, {"index": 7238, "quantile": 0.75, "value": 163200.0, "Latitude": 34.01, "Longitude": -118.13, "Population": 2119.0}, {"index": 7238, "quantile": 1.0, "value": 224500.0, "Latitude": 34.01, "Longitude": -118.13, "Population": 2119.0}, {"index": 7239, "quantile": 0.0, "value": 117900.0, "Latitude": 34.01, "Longitude": -118.13, "Population": 827.0}, {"index": 7239, "quantile": 0.25, "value": 154300.0, "Latitude": 34.01, "Longitude": -118.13, "Population": 827.0}, {"index": 7239, "quantile": 0.5, "value": 154300.0, "Latitude": 34.01, "Longitude": -118.13, "Population": 827.0}, {"index": 7239, "quantile": 0.75, "value": 154300.0, "Latitude": 34.01, "Longitude": -118.13, "Population": 827.0}, {"index": 7239, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.13, "Population": 827.0}, {"index": 7240, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.01, "Longitude": -118.11, "Population": 775.0}, {"index": 7240, "quantile": 0.25, "value": 186524.99999999997, "Latitude": 34.01, "Longitude": -118.11, "Population": 775.0}, {"index": 7240, "quantile": 0.5, "value": 190000.0, "Latitude": 34.01, "Longitude": -118.11, "Population": 775.0}, {"index": 7240, "quantile": 0.75, "value": 190000.0, "Latitude": 34.01, "Longitude": -118.11, "Population": 775.0}, {"index": 7240, "quantile": 1.0, "value": 235700.00000000003, "Latitude": 34.01, "Longitude": -118.11, "Population": 775.0}, {"index": 7241, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 34.0, "Longitude": -118.12, "Population": 2385.0}, {"index": 7241, "quantile": 0.25, "value": 164425.0, "Latitude": 34.0, "Longitude": -118.12, "Population": 2385.0}, {"index": 7241, "quantile": 0.5, "value": 181800.0, "Latitude": 34.0, "Longitude": -118.12, "Population": 2385.0}, {"index": 7241, "quantile": 0.75, "value": 193700.0, "Latitude": 34.0, "Longitude": -118.12, "Population": 2385.0}, {"index": 7241, "quantile": 1.0, "value": 208800.0, "Latitude": 34.0, "Longitude": -118.12, "Population": 2385.0}, {"index": 7242, "quantile": 0.0, "value": 142800.0, "Latitude": 34.01, "Longitude": -118.12, "Population": 1068.0}, {"index": 7242, "quantile": 0.25, "value": 164600.0, "Latitude": 34.01, "Longitude": -118.12, "Population": 1068.0}, {"index": 7242, "quantile": 0.5, "value": 164600.0, "Latitude": 34.01, "Longitude": -118.12, "Population": 1068.0}, {"index": 7242, "quantile": 0.75, "value": 164600.0, "Latitude": 34.01, "Longitude": -118.12, "Population": 1068.0}, {"index": 7242, "quantile": 1.0, "value": 265500.0, "Latitude": 34.01, "Longitude": -118.12, "Population": 1068.0}, {"index": 7243, "quantile": 0.0, "value": 83400.0, "Latitude": 34.01, "Longitude": -118.12, "Population": 1472.0}, {"index": 7243, "quantile": 0.25, "value": 132400.0, "Latitude": 34.01, "Longitude": -118.12, "Population": 1472.0}, {"index": 7243, "quantile": 0.5, "value": 149000.0, "Latitude": 34.01, "Longitude": -118.12, "Population": 1472.0}, {"index": 7243, "quantile": 0.75, "value": 170300.0, "Latitude": 34.01, "Longitude": -118.12, "Population": 1472.0}, {"index": 7243, "quantile": 1.0, "value": 350000.0, "Latitude": 34.01, "Longitude": -118.12, "Population": 1472.0}, {"index": 7244, "quantile": 0.0, "value": 136800.0, "Latitude": 34.0, "Longitude": -118.1, "Population": 1929.0}, {"index": 7244, "quantile": 0.25, "value": 169300.0, "Latitude": 34.0, "Longitude": -118.1, "Population": 1929.0}, {"index": 7244, "quantile": 0.5, "value": 169300.0, "Latitude": 34.0, "Longitude": -118.1, "Population": 1929.0}, {"index": 7244, "quantile": 0.75, "value": 169375.0, "Latitude": 34.0, "Longitude": -118.1, "Population": 1929.0}, {"index": 7244, "quantile": 1.0, "value": 222100.0, "Latitude": 34.0, "Longitude": -118.1, "Population": 1929.0}, {"index": 7245, "quantile": 0.0, "value": 59800.0, "Latitude": 34.0, "Longitude": -118.11, "Population": 2103.0}, {"index": 7245, "quantile": 0.25, "value": 176175.00000000003, "Latitude": 34.0, "Longitude": -118.11, "Population": 2103.0}, {"index": 7245, "quantile": 0.5, "value": 193800.0, "Latitude": 34.0, "Longitude": -118.11, "Population": 2103.0}, {"index": 7245, "quantile": 0.75, "value": 193800.0, "Latitude": 34.0, "Longitude": -118.11, "Population": 2103.0}, {"index": 7245, "quantile": 1.0, "value": 198500.0, "Latitude": 34.0, "Longitude": -118.11, "Population": 2103.0}, {"index": 7246, "quantile": 0.0, "value": 102400.0, "Latitude": 34.0, "Longitude": -118.11, "Population": 1568.0}, {"index": 7246, "quantile": 0.25, "value": 163325.0, "Latitude": 34.0, "Longitude": -118.11, "Population": 1568.0}, {"index": 7246, "quantile": 0.5, "value": 193700.0, "Latitude": 34.0, "Longitude": -118.11, "Population": 1568.0}, {"index": 7246, "quantile": 0.75, "value": 193700.0, "Latitude": 34.0, "Longitude": -118.11, "Population": 1568.0}, {"index": 7246, "quantile": 1.0, "value": 276000.0, "Latitude": 34.0, "Longitude": -118.11, "Population": 1568.0}, {"index": 7247, "quantile": 0.0, "value": 139700.0, "Latitude": 34.0, "Longitude": -118.11, "Population": 2650.0}, {"index": 7247, "quantile": 0.25, "value": 169825.0, "Latitude": 34.0, "Longitude": -118.11, "Population": 2650.0}, {"index": 7247, "quantile": 0.5, "value": 178700.0, "Latitude": 34.0, "Longitude": -118.11, "Population": 2650.0}, {"index": 7247, "quantile": 0.75, "value": 178700.0, "Latitude": 34.0, "Longitude": -118.11, "Population": 2650.0}, {"index": 7247, "quantile": 1.0, "value": 225599.99999999997, "Latitude": 34.0, "Longitude": -118.11, "Population": 2650.0}, {"index": 7248, "quantile": 0.0, "value": 97200.0, "Latitude": 34.01, "Longitude": -118.11, "Population": 1189.0}, {"index": 7248, "quantile": 0.25, "value": 162500.0, "Latitude": 34.01, "Longitude": -118.11, "Population": 1189.0}, {"index": 7248, "quantile": 0.5, "value": 162500.0, "Latitude": 34.01, "Longitude": -118.11, "Population": 1189.0}, {"index": 7248, "quantile": 0.75, "value": 162500.0, "Latitude": 34.01, "Longitude": -118.11, "Population": 1189.0}, {"index": 7248, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 34.01, "Longitude": -118.11, "Population": 1189.0}, {"index": 7249, "quantile": 0.0, "value": 137500.0, "Latitude": 33.99, "Longitude": -118.12, "Population": 2012.0}, {"index": 7249, "quantile": 0.25, "value": 176800.0, "Latitude": 33.99, "Longitude": -118.12, "Population": 2012.0}, {"index": 7249, "quantile": 0.5, "value": 176800.0, "Latitude": 33.99, "Longitude": -118.12, "Population": 2012.0}, {"index": 7249, "quantile": 0.75, "value": 176800.0, "Latitude": 33.99, "Longitude": -118.12, "Population": 2012.0}, {"index": 7249, "quantile": 1.0, "value": 225599.99999999997, "Latitude": 33.99, "Longitude": -118.12, "Population": 2012.0}, {"index": 7250, "quantile": 0.0, "value": 142900.0, "Latitude": 33.99, "Longitude": -118.12, "Population": 1777.0}, {"index": 7250, "quantile": 0.25, "value": 185875.0, "Latitude": 33.99, "Longitude": -118.12, "Population": 1777.0}, {"index": 7250, "quantile": 0.5, "value": 191000.0, "Latitude": 33.99, "Longitude": -118.12, "Population": 1777.0}, {"index": 7250, "quantile": 0.75, "value": 191000.0, "Latitude": 33.99, "Longitude": -118.12, "Population": 1777.0}, {"index": 7250, "quantile": 1.0, "value": 208100.0, "Latitude": 33.99, "Longitude": -118.12, "Population": 1777.0}, {"index": 7251, "quantile": 0.0, "value": 73500.0, "Latitude": 33.98, "Longitude": -118.12, "Population": 717.0}, {"index": 7251, "quantile": 0.25, "value": 158200.0, "Latitude": 33.98, "Longitude": -118.12, "Population": 717.0}, {"index": 7251, "quantile": 0.5, "value": 169200.0, "Latitude": 33.98, "Longitude": -118.12, "Population": 717.0}, {"index": 7251, "quantile": 0.75, "value": 183150.0, "Latitude": 33.98, "Longitude": -118.12, "Population": 717.0}, {"index": 7251, "quantile": 1.0, "value": 230600.0, "Latitude": 33.98, "Longitude": -118.12, "Population": 717.0}, {"index": 7252, "quantile": 0.0, "value": 116100.0, "Latitude": 33.99, "Longitude": -118.12, "Population": 2037.0}, {"index": 7252, "quantile": 0.25, "value": 137500.0, "Latitude": 33.99, "Longitude": -118.12, "Population": 2037.0}, {"index": 7252, "quantile": 0.5, "value": 137500.0, "Latitude": 33.99, "Longitude": -118.12, "Population": 2037.0}, {"index": 7252, "quantile": 0.75, "value": 150500.0, "Latitude": 33.99, "Longitude": -118.12, "Population": 2037.0}, {"index": 7252, "quantile": 1.0, "value": 191100.0, "Latitude": 33.99, "Longitude": -118.12, "Population": 2037.0}, {"index": 7253, "quantile": 0.0, "value": 72900.0, "Latitude": 34.01, "Longitude": -118.14, "Population": 834.0}, {"index": 7253, "quantile": 0.25, "value": 161600.0, "Latitude": 34.01, "Longitude": -118.14, "Population": 834.0}, {"index": 7253, "quantile": 0.5, "value": 162500.0, "Latitude": 34.01, "Longitude": -118.14, "Population": 834.0}, {"index": 7253, "quantile": 0.75, "value": 162500.0, "Latitude": 34.01, "Longitude": -118.14, "Population": 834.0}, {"index": 7253, "quantile": 1.0, "value": 262500.0, "Latitude": 34.01, "Longitude": -118.14, "Population": 834.0}, {"index": 7254, "quantile": 0.0, "value": 106400.0, "Latitude": 33.98, "Longitude": -118.15, "Population": 3264.0}, {"index": 7254, "quantile": 0.25, "value": 158875.0, "Latitude": 33.98, "Longitude": -118.15, "Population": 3264.0}, {"index": 7254, "quantile": 0.5, "value": 177700.0, "Latitude": 33.98, "Longitude": -118.15, "Population": 3264.0}, {"index": 7254, "quantile": 0.75, "value": 186225.0, "Latitude": 33.98, "Longitude": -118.15, "Population": 3264.0}, {"index": 7254, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 33.98, "Longitude": -118.15, "Population": 3264.0}, {"index": 7255, "quantile": 0.0, "value": 133000.0, "Latitude": 34.0, "Longitude": -118.15, "Population": 2368.0}, {"index": 7255, "quantile": 0.25, "value": 175300.0, "Latitude": 34.0, "Longitude": -118.15, "Population": 2368.0}, {"index": 7255, "quantile": 0.5, "value": 175300.0, "Latitude": 34.0, "Longitude": -118.15, "Population": 2368.0}, {"index": 7255, "quantile": 0.75, "value": 175300.0, "Latitude": 34.0, "Longitude": -118.15, "Population": 2368.0}, {"index": 7255, "quantile": 1.0, "value": 281700.0, "Latitude": 34.0, "Longitude": -118.15, "Population": 2368.0}, {"index": 7256, "quantile": 0.0, "value": 133000.0, "Latitude": 34.0, "Longitude": -118.16, "Population": 1233.0}, {"index": 7256, "quantile": 0.25, "value": 147800.0, "Latitude": 34.0, "Longitude": -118.16, "Population": 1233.0}, {"index": 7256, "quantile": 0.5, "value": 158050.0, "Latitude": 34.0, "Longitude": -118.16, "Population": 1233.0}, {"index": 7256, "quantile": 0.75, "value": 165875.0, "Latitude": 34.0, "Longitude": -118.16, "Population": 1233.0}, {"index": 7256, "quantile": 1.0, "value": 220500.0, "Latitude": 34.0, "Longitude": -118.16, "Population": 1233.0}, {"index": 7257, "quantile": 0.0, "value": 100800.0, "Latitude": 34.01, "Longitude": -118.17, "Population": 1603.0}, {"index": 7257, "quantile": 0.25, "value": 130800.0, "Latitude": 34.01, "Longitude": -118.17, "Population": 1603.0}, {"index": 7257, "quantile": 0.5, "value": 130800.0, "Latitude": 34.01, "Longitude": -118.17, "Population": 1603.0}, {"index": 7257, "quantile": 0.75, "value": 130800.0, "Latitude": 34.01, "Longitude": -118.17, "Population": 1603.0}, {"index": 7257, "quantile": 1.0, "value": 162500.0, "Latitude": 34.01, "Longitude": -118.17, "Population": 1603.0}, {"index": 7258, "quantile": 0.0, "value": 85100.0, "Latitude": 34.01, "Longitude": -118.16, "Population": 732.0}, {"index": 7258, "quantile": 0.25, "value": 142800.0, "Latitude": 34.01, "Longitude": -118.16, "Population": 732.0}, {"index": 7258, "quantile": 0.5, "value": 142800.0, "Latitude": 34.01, "Longitude": -118.16, "Population": 732.0}, {"index": 7258, "quantile": 0.75, "value": 142800.0, "Latitude": 34.01, "Longitude": -118.16, "Population": 732.0}, {"index": 7258, "quantile": 1.0, "value": 227199.99999999997, "Latitude": 34.01, "Longitude": -118.16, "Population": 732.0}, {"index": 7259, "quantile": 0.0, "value": 127299.99999999999, "Latitude": 34.01, "Longitude": -118.17, "Population": 1689.0}, {"index": 7259, "quantile": 0.25, "value": 149300.0, "Latitude": 34.01, "Longitude": -118.17, "Population": 1689.0}, {"index": 7259, "quantile": 0.5, "value": 149300.0, "Latitude": 34.01, "Longitude": -118.17, "Population": 1689.0}, {"index": 7259, "quantile": 0.75, "value": 149300.0, "Latitude": 34.01, "Longitude": -118.17, "Population": 1689.0}, {"index": 7259, "quantile": 1.0, "value": 189400.0, "Latitude": 34.01, "Longitude": -118.17, "Population": 1689.0}, {"index": 7260, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.01, "Longitude": -118.18, "Population": 319.0}, {"index": 7260, "quantile": 0.25, "value": 148800.0, "Latitude": 34.01, "Longitude": -118.18, "Population": 319.0}, {"index": 7260, "quantile": 0.5, "value": 148800.0, "Latitude": 34.01, "Longitude": -118.18, "Population": 319.0}, {"index": 7260, "quantile": 0.75, "value": 148800.0, "Latitude": 34.01, "Longitude": -118.18, "Population": 319.0}, {"index": 7260, "quantile": 1.0, "value": 214299.99999999997, "Latitude": 34.01, "Longitude": -118.18, "Population": 319.0}, {"index": 7261, "quantile": 0.0, "value": 37500.0, "Latitude": 33.99, "Longitude": -118.21, "Population": 51.0}, {"index": 7261, "quantile": 0.25, "value": 134700.0, "Latitude": 33.99, "Longitude": -118.21, "Population": 51.0}, {"index": 7261, "quantile": 0.5, "value": 186600.0, "Latitude": 33.99, "Longitude": -118.21, "Population": 51.0}, {"index": 7261, "quantile": 0.75, "value": 241825.0, "Latitude": 33.99, "Longitude": -118.21, "Population": 51.0}, {"index": 7261, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.21, "Population": 51.0}, {"index": 7262, "quantile": 0.0, "value": 38800.0, "Latitude": 34.0, "Longitude": -118.23, "Population": 267.0}, {"index": 7262, "quantile": 0.25, "value": 131750.0, "Latitude": 34.0, "Longitude": -118.23, "Population": 267.0}, {"index": 7262, "quantile": 0.5, "value": 350000.0, "Latitude": 34.0, "Longitude": -118.23, "Population": 267.0}, {"index": 7262, "quantile": 0.75, "value": 350000.0, "Latitude": 34.0, "Longitude": -118.23, "Population": 267.0}, {"index": 7262, "quantile": 1.0, "value": 350000.0, "Latitude": 34.0, "Longitude": -118.23, "Population": 267.0}, {"index": 7263, "quantile": 0.0, "value": 38800.0, "Latitude": 33.99, "Longitude": -118.23, "Population": 714.0}, {"index": 7263, "quantile": 0.25, "value": 117075.0, "Latitude": 33.99, "Longitude": -118.23, "Population": 714.0}, {"index": 7263, "quantile": 0.5, "value": 147500.0, "Latitude": 33.99, "Longitude": -118.23, "Population": 714.0}, {"index": 7263, "quantile": 0.75, "value": 158300.0, "Latitude": 33.99, "Longitude": -118.23, "Population": 714.0}, {"index": 7263, "quantile": 1.0, "value": 350000.0, "Latitude": 33.99, "Longitude": -118.23, "Population": 714.0}, {"index": 7264, "quantile": 0.0, "value": 137500.0, "Latitude": 33.99, "Longitude": -118.22, "Population": 1976.0}, {"index": 7264, "quantile": 0.25, "value": 163200.0, "Latitude": 33.99, "Longitude": -118.22, "Population": 1976.0}, {"index": 7264, "quantile": 0.5, "value": 163200.0, "Latitude": 33.99, "Longitude": -118.22, "Population": 1976.0}, {"index": 7264, "quantile": 0.75, "value": 163200.0, "Latitude": 33.99, "Longitude": -118.22, "Population": 1976.0}, {"index": 7264, "quantile": 1.0, "value": 271200.0, "Latitude": 33.99, "Longitude": -118.22, "Population": 1976.0}, {"index": 7265, "quantile": 0.0, "value": 88400.0, "Latitude": 33.99, "Longitude": -118.22, "Population": 1754.0}, {"index": 7265, "quantile": 0.25, "value": 143200.0, "Latitude": 33.99, "Longitude": -118.22, "Population": 1754.0}, {"index": 7265, "quantile": 0.5, "value": 143200.0, "Latitude": 33.99, "Longitude": -118.22, "Population": 1754.0}, {"index": 7265, "quantile": 0.75, "value": 154300.0, "Latitude": 33.99, "Longitude": -118.22, "Population": 1754.0}, {"index": 7265, "quantile": 1.0, "value": 205900.00000000003, "Latitude": 33.99, "Longitude": -118.22, "Population": 1754.0}, {"index": 7266, "quantile": 0.0, "value": 108900.0, "Latitude": 33.99, "Longitude": -118.22, "Population": 1529.0}, {"index": 7266, "quantile": 0.25, "value": 186300.0, "Latitude": 33.99, "Longitude": -118.22, "Population": 1529.0}, {"index": 7266, "quantile": 0.5, "value": 186300.0, "Latitude": 33.99, "Longitude": -118.22, "Population": 1529.0}, {"index": 7266, "quantile": 0.75, "value": 186300.0, "Latitude": 33.99, "Longitude": -118.22, "Population": 1529.0}, {"index": 7266, "quantile": 1.0, "value": 450000.0, "Latitude": 33.99, "Longitude": -118.22, "Population": 1529.0}, {"index": 7267, "quantile": 0.0, "value": 100000.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 3032.0}, {"index": 7267, "quantile": 0.25, "value": 175000.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 3032.0}, {"index": 7267, "quantile": 0.5, "value": 175000.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 3032.0}, {"index": 7267, "quantile": 0.75, "value": 175000.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 3032.0}, {"index": 7267, "quantile": 1.0, "value": 262500.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 3032.0}, {"index": 7268, "quantile": 0.0, "value": 96400.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 1300.0}, {"index": 7268, "quantile": 0.25, "value": 152450.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 1300.0}, {"index": 7268, "quantile": 0.5, "value": 159150.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 1300.0}, {"index": 7268, "quantile": 0.75, "value": 164449.99999999997, "Latitude": 33.98, "Longitude": -118.22, "Population": 1300.0}, {"index": 7268, "quantile": 1.0, "value": 227100.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 1300.0}, {"index": 7269, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 33.98, "Longitude": -118.22, "Population": 899.0}, {"index": 7269, "quantile": 0.25, "value": 169675.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 899.0}, {"index": 7269, "quantile": 0.5, "value": 190600.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 899.0}, {"index": 7269, "quantile": 0.75, "value": 190600.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 899.0}, {"index": 7269, "quantile": 1.0, "value": 346200.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 899.0}, {"index": 7270, "quantile": 0.0, "value": 88800.0, "Latitude": 33.98, "Longitude": -118.23, "Population": 1439.0}, {"index": 7270, "quantile": 0.25, "value": 156675.0, "Latitude": 33.98, "Longitude": -118.23, "Population": 1439.0}, {"index": 7270, "quantile": 0.5, "value": 183300.0, "Latitude": 33.98, "Longitude": -118.23, "Population": 1439.0}, {"index": 7270, "quantile": 0.75, "value": 183300.0, "Latitude": 33.98, "Longitude": -118.23, "Population": 1439.0}, {"index": 7270, "quantile": 1.0, "value": 333300.0, "Latitude": 33.98, "Longitude": -118.23, "Population": 1439.0}, {"index": 7271, "quantile": 0.0, "value": 123500.00000000001, "Latitude": 33.99, "Longitude": -118.23, "Population": 839.0}, {"index": 7271, "quantile": 0.25, "value": 165000.0, "Latitude": 33.99, "Longitude": -118.23, "Population": 839.0}, {"index": 7271, "quantile": 0.5, "value": 165000.0, "Latitude": 33.99, "Longitude": -118.23, "Population": 839.0}, {"index": 7271, "quantile": 0.75, "value": 165000.0, "Latitude": 33.99, "Longitude": -118.23, "Population": 839.0}, {"index": 7271, "quantile": 1.0, "value": 319100.0, "Latitude": 33.99, "Longitude": -118.23, "Population": 839.0}, {"index": 7272, "quantile": 0.0, "value": 87500.0, "Latitude": 33.98, "Longitude": -118.23, "Population": 3909.0}, {"index": 7272, "quantile": 0.25, "value": 116199.99999999999, "Latitude": 33.98, "Longitude": -118.23, "Population": 3909.0}, {"index": 7272, "quantile": 0.5, "value": 145800.0, "Latitude": 33.98, "Longitude": -118.23, "Population": 3909.0}, {"index": 7272, "quantile": 0.75, "value": 159375.0, "Latitude": 33.98, "Longitude": -118.23, "Population": 3909.0}, {"index": 7272, "quantile": 1.0, "value": 270000.0, "Latitude": 33.98, "Longitude": -118.23, "Population": 3909.0}, {"index": 7273, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.99, "Longitude": -118.24, "Population": 498.0}, {"index": 7273, "quantile": 0.25, "value": 96400.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 498.0}, {"index": 7273, "quantile": 0.5, "value": 96400.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 498.0}, {"index": 7273, "quantile": 0.75, "value": 97200.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 498.0}, {"index": 7273, "quantile": 1.0, "value": 250000.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 498.0}, {"index": 7274, "quantile": 0.0, "value": 38800.0, "Latitude": 33.98, "Longitude": -118.24, "Population": 1062.0}, {"index": 7274, "quantile": 0.25, "value": 98025.0, "Latitude": 33.98, "Longitude": -118.24, "Population": 1062.0}, {"index": 7274, "quantile": 0.5, "value": 104300.00000000001, "Latitude": 33.98, "Longitude": -118.24, "Population": 1062.0}, {"index": 7274, "quantile": 0.75, "value": 112525.00000000001, "Latitude": 33.98, "Longitude": -118.24, "Population": 1062.0}, {"index": 7274, "quantile": 1.0, "value": 181300.0, "Latitude": 33.98, "Longitude": -118.24, "Population": 1062.0}, {"index": 7275, "quantile": 0.0, "value": 92100.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 1270.0}, {"index": 7275, "quantile": 0.25, "value": 118800.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 1270.0}, {"index": 7275, "quantile": 0.5, "value": 118800.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 1270.0}, {"index": 7275, "quantile": 0.75, "value": 118800.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 1270.0}, {"index": 7275, "quantile": 1.0, "value": 169900.0, "Latitude": 33.99, "Longitude": -118.24, "Population": 1270.0}, {"index": 7276, "quantile": 0.0, "value": 89800.0, "Latitude": 33.99, "Longitude": -118.25, "Population": 2054.0}, {"index": 7276, "quantile": 0.25, "value": 100299.99999999999, "Latitude": 33.99, "Longitude": -118.25, "Population": 2054.0}, {"index": 7276, "quantile": 0.5, "value": 100299.99999999999, "Latitude": 33.99, "Longitude": -118.25, "Population": 2054.0}, {"index": 7276, "quantile": 0.75, "value": 100299.99999999999, "Latitude": 33.99, "Longitude": -118.25, "Population": 2054.0}, {"index": 7276, "quantile": 1.0, "value": 137500.0, "Latitude": 33.99, "Longitude": -118.25, "Population": 2054.0}, {"index": 7277, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.99, "Longitude": -118.25, "Population": 2312.0}, {"index": 7277, "quantile": 0.25, "value": 92900.0, "Latitude": 33.99, "Longitude": -118.25, "Population": 2312.0}, {"index": 7277, "quantile": 0.5, "value": 92900.0, "Latitude": 33.99, "Longitude": -118.25, "Population": 2312.0}, {"index": 7277, "quantile": 0.75, "value": 137500.0, "Latitude": 33.99, "Longitude": -118.25, "Population": 2312.0}, {"index": 7277, "quantile": 1.0, "value": 212500.0, "Latitude": 33.99, "Longitude": -118.25, "Population": 2312.0}, {"index": 7278, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.98, "Longitude": -118.25, "Population": 754.0}, {"index": 7278, "quantile": 0.25, "value": 116700.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 754.0}, {"index": 7278, "quantile": 0.5, "value": 116700.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 754.0}, {"index": 7278, "quantile": 0.75, "value": 116700.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 754.0}, {"index": 7278, "quantile": 1.0, "value": 167000.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 754.0}, {"index": 7279, "quantile": 0.0, "value": 88200.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 1441.0}, {"index": 7279, "quantile": 0.25, "value": 98025.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 1441.0}, {"index": 7279, "quantile": 0.5, "value": 104550.00000000001, "Latitude": 33.98, "Longitude": -118.25, "Population": 1441.0}, {"index": 7279, "quantile": 0.75, "value": 109900.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 1441.0}, {"index": 7279, "quantile": 1.0, "value": 147500.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 1441.0}, {"index": 7280, "quantile": 0.0, "value": 90100.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 2223.0}, {"index": 7280, "quantile": 0.25, "value": 98800.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 2223.0}, {"index": 7280, "quantile": 0.5, "value": 115599.99999999999, "Latitude": 33.98, "Longitude": -118.25, "Population": 2223.0}, {"index": 7280, "quantile": 0.75, "value": 146300.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 2223.0}, {"index": 7280, "quantile": 1.0, "value": 185900.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 2223.0}, {"index": 7281, "quantile": 0.0, "value": 38800.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 1666.0}, {"index": 7281, "quantile": 0.25, "value": 102150.00000000001, "Latitude": 33.98, "Longitude": -118.25, "Population": 1666.0}, {"index": 7281, "quantile": 0.5, "value": 117649.99999999999, "Latitude": 33.98, "Longitude": -118.25, "Population": 1666.0}, {"index": 7281, "quantile": 0.75, "value": 143750.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 1666.0}, {"index": 7281, "quantile": 1.0, "value": 350000.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 1666.0}, {"index": 7282, "quantile": 0.0, "value": 38800.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 2271.0}, {"index": 7282, "quantile": 0.25, "value": 95800.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 2271.0}, {"index": 7282, "quantile": 0.5, "value": 98800.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 2271.0}, {"index": 7282, "quantile": 0.75, "value": 103875.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 2271.0}, {"index": 7282, "quantile": 1.0, "value": 187500.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 2271.0}, {"index": 7283, "quantile": 0.0, "value": 91500.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 1886.0}, {"index": 7283, "quantile": 0.25, "value": 125000.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 1886.0}, {"index": 7283, "quantile": 0.5, "value": 125000.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 1886.0}, {"index": 7283, "quantile": 0.75, "value": 125000.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 1886.0}, {"index": 7283, "quantile": 1.0, "value": 191100.0, "Latitude": 33.98, "Longitude": -118.25, "Population": 1886.0}, {"index": 7284, "quantile": 0.0, "value": 38800.0, "Latitude": 33.98, "Longitude": -118.24, "Population": 1622.0}, {"index": 7284, "quantile": 0.25, "value": 108900.0, "Latitude": 33.98, "Longitude": -118.24, "Population": 1622.0}, {"index": 7284, "quantile": 0.5, "value": 108900.0, "Latitude": 33.98, "Longitude": -118.24, "Population": 1622.0}, {"index": 7284, "quantile": 0.75, "value": 108900.0, "Latitude": 33.98, "Longitude": -118.24, "Population": 1622.0}, {"index": 7284, "quantile": 1.0, "value": 191100.0, "Latitude": 33.98, "Longitude": -118.24, "Population": 1622.0}, {"index": 7285, "quantile": 0.0, "value": 89300.0, "Latitude": 33.98, "Longitude": -118.24, "Population": 1288.0}, {"index": 7285, "quantile": 0.25, "value": 118050.00000000001, "Latitude": 33.98, "Longitude": -118.24, "Population": 1288.0}, {"index": 7285, "quantile": 0.5, "value": 125000.0, "Latitude": 33.98, "Longitude": -118.24, "Population": 1288.0}, {"index": 7285, "quantile": 0.75, "value": 125000.0, "Latitude": 33.98, "Longitude": -118.24, "Population": 1288.0}, {"index": 7285, "quantile": 1.0, "value": 175900.0, "Latitude": 33.98, "Longitude": -118.24, "Population": 1288.0}, {"index": 7286, "quantile": 0.0, "value": 38800.0, "Latitude": 33.98, "Longitude": -118.24, "Population": 230.0}, {"index": 7286, "quantile": 0.25, "value": 109900.0, "Latitude": 33.98, "Longitude": -118.24, "Population": 230.0}, {"index": 7286, "quantile": 0.5, "value": 131700.0, "Latitude": 33.98, "Longitude": -118.24, "Population": 230.0}, {"index": 7286, "quantile": 0.75, "value": 166300.0, "Latitude": 33.98, "Longitude": -118.24, "Population": 230.0}, {"index": 7286, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.24, "Population": 230.0}, {"index": 7287, "quantile": 0.0, "value": 38800.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 2650.0}, {"index": 7287, "quantile": 0.25, "value": 153775.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 2650.0}, {"index": 7287, "quantile": 0.5, "value": 169900.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 2650.0}, {"index": 7287, "quantile": 0.75, "value": 169900.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 2650.0}, {"index": 7287, "quantile": 1.0, "value": 275000.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 2650.0}, {"index": 7288, "quantile": 0.0, "value": 83100.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 625.0}, {"index": 7288, "quantile": 0.25, "value": 156900.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 625.0}, {"index": 7288, "quantile": 0.5, "value": 166300.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 625.0}, {"index": 7288, "quantile": 0.75, "value": 166300.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 625.0}, {"index": 7288, "quantile": 1.0, "value": 205600.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 625.0}, {"index": 7289, "quantile": 0.0, "value": 97900.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 2784.0}, {"index": 7289, "quantile": 0.25, "value": 166200.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 2784.0}, {"index": 7289, "quantile": 0.5, "value": 184400.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 2784.0}, {"index": 7289, "quantile": 0.75, "value": 184400.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 2784.0}, {"index": 7289, "quantile": 1.0, "value": 189200.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 2784.0}, {"index": 7290, "quantile": 0.0, "value": 92200.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 1496.0}, {"index": 7290, "quantile": 0.25, "value": 148200.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 1496.0}, {"index": 7290, "quantile": 0.5, "value": 148200.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 1496.0}, {"index": 7290, "quantile": 0.75, "value": 149100.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 1496.0}, {"index": 7290, "quantile": 1.0, "value": 260700.00000000003, "Latitude": 33.98, "Longitude": -118.22, "Population": 1496.0}, {"index": 7291, "quantile": 0.0, "value": 96400.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 1913.0}, {"index": 7291, "quantile": 0.25, "value": 186450.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 1913.0}, {"index": 7291, "quantile": 0.5, "value": 254999.99999999997, "Latitude": 33.98, "Longitude": -118.22, "Population": 1913.0}, {"index": 7291, "quantile": 0.75, "value": 254999.99999999997, "Latitude": 33.98, "Longitude": -118.22, "Population": 1913.0}, {"index": 7291, "quantile": 1.0, "value": 400000.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 1913.0}, {"index": 7292, "quantile": 0.0, "value": 87500.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 2980.0}, {"index": 7292, "quantile": 0.25, "value": 109425.00000000001, "Latitude": 33.98, "Longitude": -118.22, "Population": 2980.0}, {"index": 7292, "quantile": 0.5, "value": 139600.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 2980.0}, {"index": 7292, "quantile": 0.75, "value": 159375.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 2980.0}, {"index": 7292, "quantile": 1.0, "value": 350000.0, "Latitude": 33.98, "Longitude": -118.22, "Population": 2980.0}, {"index": 7293, "quantile": 0.0, "value": 92500.0, "Latitude": 33.98, "Longitude": -118.23, "Population": 2160.0}, {"index": 7293, "quantile": 0.25, "value": 150000.0, "Latitude": 33.98, "Longitude": -118.23, "Population": 2160.0}, {"index": 7293, "quantile": 0.5, "value": 150000.0, "Latitude": 33.98, "Longitude": -118.23, "Population": 2160.0}, {"index": 7293, "quantile": 0.75, "value": 150000.0, "Latitude": 33.98, "Longitude": -118.23, "Population": 2160.0}, {"index": 7293, "quantile": 1.0, "value": 180000.0, "Latitude": 33.98, "Longitude": -118.23, "Population": 2160.0}, {"index": 7294, "quantile": 0.0, "value": 75600.0, "Latitude": 33.98, "Longitude": -118.2, "Population": 950.0}, {"index": 7294, "quantile": 0.25, "value": 163100.0, "Latitude": 33.98, "Longitude": -118.2, "Population": 950.0}, {"index": 7294, "quantile": 0.5, "value": 163100.0, "Latitude": 33.98, "Longitude": -118.2, "Population": 950.0}, {"index": 7294, "quantile": 0.75, "value": 163100.0, "Latitude": 33.98, "Longitude": -118.2, "Population": 950.0}, {"index": 7294, "quantile": 1.0, "value": 181500.0, "Latitude": 33.98, "Longitude": -118.2, "Population": 950.0}, {"index": 7295, "quantile": 0.0, "value": 96200.0, "Latitude": 33.97, "Longitude": -118.21, "Population": 2274.0}, {"index": 7295, "quantile": 0.25, "value": 163100.0, "Latitude": 33.97, "Longitude": -118.21, "Population": 2274.0}, {"index": 7295, "quantile": 0.5, "value": 171300.0, "Latitude": 33.97, "Longitude": -118.21, "Population": 2274.0}, {"index": 7295, "quantile": 0.75, "value": 171300.0, "Latitude": 33.97, "Longitude": -118.21, "Population": 2274.0}, {"index": 7295, "quantile": 1.0, "value": 189400.0, "Latitude": 33.97, "Longitude": -118.21, "Population": 2274.0}, {"index": 7296, "quantile": 0.0, "value": 130500.0, "Latitude": 33.98, "Longitude": -118.21, "Population": 1257.0}, {"index": 7296, "quantile": 0.25, "value": 158500.0, "Latitude": 33.98, "Longitude": -118.21, "Population": 1257.0}, {"index": 7296, "quantile": 0.5, "value": 169000.0, "Latitude": 33.98, "Longitude": -118.21, "Population": 1257.0}, {"index": 7296, "quantile": 0.75, "value": 169000.0, "Latitude": 33.98, "Longitude": -118.21, "Population": 1257.0}, {"index": 7296, "quantile": 1.0, "value": 184200.0, "Latitude": 33.98, "Longitude": -118.21, "Population": 1257.0}, {"index": 7297, "quantile": 0.0, "value": 88500.0, "Latitude": 33.98, "Longitude": -118.21, "Population": 883.0}, {"index": 7297, "quantile": 0.25, "value": 159400.0, "Latitude": 33.98, "Longitude": -118.21, "Population": 883.0}, {"index": 7297, "quantile": 0.5, "value": 164600.0, "Latitude": 33.98, "Longitude": -118.21, "Population": 883.0}, {"index": 7297, "quantile": 0.75, "value": 164600.0, "Latitude": 33.98, "Longitude": -118.21, "Population": 883.0}, {"index": 7297, "quantile": 1.0, "value": 165000.0, "Latitude": 33.98, "Longitude": -118.21, "Population": 883.0}, {"index": 7298, "quantile": 0.0, "value": 116100.0, "Latitude": 33.98, "Longitude": -118.21, "Population": 2212.0}, {"index": 7298, "quantile": 0.25, "value": 157525.0, "Latitude": 33.98, "Longitude": -118.21, "Population": 2212.0}, {"index": 7298, "quantile": 0.5, "value": 161500.0, "Latitude": 33.98, "Longitude": -118.21, "Population": 2212.0}, {"index": 7298, "quantile": 0.75, "value": 161500.0, "Latitude": 33.98, "Longitude": -118.21, "Population": 2212.0}, {"index": 7298, "quantile": 1.0, "value": 180000.0, "Latitude": 33.98, "Longitude": -118.21, "Population": 2212.0}, {"index": 7299, "quantile": 0.0, "value": 97900.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 2252.0}, {"index": 7299, "quantile": 0.25, "value": 154200.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 2252.0}, {"index": 7299, "quantile": 0.5, "value": 154200.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 2252.0}, {"index": 7299, "quantile": 0.75, "value": 154200.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 2252.0}, {"index": 7299, "quantile": 1.0, "value": 171800.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 2252.0}, {"index": 7300, "quantile": 0.0, "value": 38800.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 1615.0}, {"index": 7300, "quantile": 0.25, "value": 141700.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 1615.0}, {"index": 7300, "quantile": 0.5, "value": 141700.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 1615.0}, {"index": 7300, "quantile": 0.75, "value": 141700.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 1615.0}, {"index": 7300, "quantile": 1.0, "value": 176600.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 1615.0}, {"index": 7301, "quantile": 0.0, "value": 105100.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1129.0}, {"index": 7301, "quantile": 0.25, "value": 142300.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1129.0}, {"index": 7301, "quantile": 0.5, "value": 142300.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1129.0}, {"index": 7301, "quantile": 0.75, "value": 142300.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1129.0}, {"index": 7301, "quantile": 1.0, "value": 169300.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1129.0}, {"index": 7302, "quantile": 0.0, "value": 115100.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1930.0}, {"index": 7302, "quantile": 0.25, "value": 126000.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1930.0}, {"index": 7302, "quantile": 0.5, "value": 149400.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1930.0}, {"index": 7302, "quantile": 0.75, "value": 154700.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1930.0}, {"index": 7302, "quantile": 1.0, "value": 195800.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1930.0}, {"index": 7303, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 33.98, "Longitude": -118.19, "Population": 1257.0}, {"index": 7303, "quantile": 0.25, "value": 151200.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 1257.0}, {"index": 7303, "quantile": 0.5, "value": 158000.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 1257.0}, {"index": 7303, "quantile": 0.75, "value": 158000.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 1257.0}, {"index": 7303, "quantile": 1.0, "value": 167000.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 1257.0}, {"index": 7304, "quantile": 0.0, "value": 103200.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1537.0}, {"index": 7304, "quantile": 0.25, "value": 157325.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1537.0}, {"index": 7304, "quantile": 0.5, "value": 157500.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1537.0}, {"index": 7304, "quantile": 0.75, "value": 157500.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1537.0}, {"index": 7304, "quantile": 1.0, "value": 184900.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1537.0}, {"index": 7305, "quantile": 0.0, "value": 121300.00000000001, "Latitude": 33.99, "Longitude": -118.19, "Population": 2544.0}, {"index": 7305, "quantile": 0.25, "value": 156300.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 2544.0}, {"index": 7305, "quantile": 0.5, "value": 156300.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 2544.0}, {"index": 7305, "quantile": 0.75, "value": 156325.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 2544.0}, {"index": 7305, "quantile": 1.0, "value": 271200.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 2544.0}, {"index": 7306, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 33.99, "Longitude": -118.2, "Population": 2140.0}, {"index": 7306, "quantile": 0.25, "value": 153500.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 2140.0}, {"index": 7306, "quantile": 0.5, "value": 154700.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 2140.0}, {"index": 7306, "quantile": 0.75, "value": 154700.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 2140.0}, {"index": 7306, "quantile": 1.0, "value": 179200.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 2140.0}, {"index": 7307, "quantile": 0.0, "value": 119900.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 1844.0}, {"index": 7307, "quantile": 0.25, "value": 160000.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 1844.0}, {"index": 7307, "quantile": 0.5, "value": 160000.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 1844.0}, {"index": 7307, "quantile": 0.75, "value": 160000.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 1844.0}, {"index": 7307, "quantile": 1.0, "value": 305800.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 1844.0}, {"index": 7308, "quantile": 0.0, "value": 120000.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1741.0}, {"index": 7308, "quantile": 0.25, "value": 154700.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1741.0}, {"index": 7308, "quantile": 0.5, "value": 154700.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1741.0}, {"index": 7308, "quantile": 0.75, "value": 154700.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1741.0}, {"index": 7308, "quantile": 1.0, "value": 186800.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1741.0}, {"index": 7309, "quantile": 0.0, "value": 88800.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 1058.0}, {"index": 7309, "quantile": 0.25, "value": 148475.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 1058.0}, {"index": 7309, "quantile": 0.5, "value": 155200.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 1058.0}, {"index": 7309, "quantile": 0.75, "value": 162600.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 1058.0}, {"index": 7309, "quantile": 1.0, "value": 305800.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 1058.0}, {"index": 7310, "quantile": 0.0, "value": 97200.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1398.0}, {"index": 7310, "quantile": 0.25, "value": 147800.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1398.0}, {"index": 7310, "quantile": 0.5, "value": 147800.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1398.0}, {"index": 7310, "quantile": 0.75, "value": 149850.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1398.0}, {"index": 7310, "quantile": 1.0, "value": 186800.0, "Latitude": 33.99, "Longitude": -118.19, "Population": 1398.0}, {"index": 7311, "quantile": 0.0, "value": 38800.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 2087.0}, {"index": 7311, "quantile": 0.25, "value": 114774.99999999999, "Latitude": 33.99, "Longitude": -118.2, "Population": 2087.0}, {"index": 7311, "quantile": 0.5, "value": 134750.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 2087.0}, {"index": 7311, "quantile": 0.75, "value": 156150.0, "Latitude": 33.99, "Longitude": -118.2, "Population": 2087.0}, {"index": 7311, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.2, "Population": 2087.0}, {"index": 7312, "quantile": 0.0, "value": 111800.00000000001, "Latitude": 33.98, "Longitude": -118.2, "Population": 1418.0}, {"index": 7312, "quantile": 0.25, "value": 159400.0, "Latitude": 33.98, "Longitude": -118.2, "Population": 1418.0}, {"index": 7312, "quantile": 0.5, "value": 159400.0, "Latitude": 33.98, "Longitude": -118.2, "Population": 1418.0}, {"index": 7312, "quantile": 0.75, "value": 159400.0, "Latitude": 33.98, "Longitude": -118.2, "Population": 1418.0}, {"index": 7312, "quantile": 1.0, "value": 176600.0, "Latitude": 33.98, "Longitude": -118.2, "Population": 1418.0}, {"index": 7313, "quantile": 0.0, "value": 91400.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 380.0}, {"index": 7313, "quantile": 0.25, "value": 164600.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 380.0}, {"index": 7313, "quantile": 0.5, "value": 189600.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 380.0}, {"index": 7313, "quantile": 0.75, "value": 189600.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 380.0}, {"index": 7313, "quantile": 1.0, "value": 350000.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 380.0}, {"index": 7314, "quantile": 0.0, "value": 97800.0, "Latitude": 33.97, "Longitude": -118.19, "Population": 1827.0}, {"index": 7314, "quantile": 0.25, "value": 156325.0, "Latitude": 33.97, "Longitude": -118.19, "Population": 1827.0}, {"index": 7314, "quantile": 0.5, "value": 181300.0, "Latitude": 33.97, "Longitude": -118.19, "Population": 1827.0}, {"index": 7314, "quantile": 0.75, "value": 181300.0, "Latitude": 33.97, "Longitude": -118.19, "Population": 1827.0}, {"index": 7314, "quantile": 1.0, "value": 248100.0, "Latitude": 33.97, "Longitude": -118.19, "Population": 1827.0}, {"index": 7315, "quantile": 0.0, "value": 148100.0, "Latitude": 33.97, "Longitude": -118.19, "Population": 2815.0}, {"index": 7315, "quantile": 0.25, "value": 172975.0, "Latitude": 33.97, "Longitude": -118.19, "Population": 2815.0}, {"index": 7315, "quantile": 0.5, "value": 178400.0, "Latitude": 33.97, "Longitude": -118.19, "Population": 2815.0}, {"index": 7315, "quantile": 0.75, "value": 178400.0, "Latitude": 33.97, "Longitude": -118.19, "Population": 2815.0}, {"index": 7315, "quantile": 1.0, "value": 204800.0, "Latitude": 33.97, "Longitude": -118.19, "Population": 2815.0}, {"index": 7316, "quantile": 0.0, "value": 100000.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 4582.0}, {"index": 7316, "quantile": 0.25, "value": 160800.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 4582.0}, {"index": 7316, "quantile": 0.5, "value": 172100.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 4582.0}, {"index": 7316, "quantile": 0.75, "value": 172100.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 4582.0}, {"index": 7316, "quantile": 1.0, "value": 203700.0, "Latitude": 33.98, "Longitude": -118.19, "Population": 4582.0}, {"index": 7317, "quantile": 0.0, "value": 92200.0, "Latitude": 33.98, "Longitude": -118.2, "Population": 1506.0}, {"index": 7317, "quantile": 0.25, "value": 142000.0, "Latitude": 33.98, "Longitude": -118.2, "Population": 1506.0}, {"index": 7317, "quantile": 0.5, "value": 159300.0, "Latitude": 33.98, "Longitude": -118.2, "Population": 1506.0}, {"index": 7317, "quantile": 0.75, "value": 171300.0, "Latitude": 33.98, "Longitude": -118.2, "Population": 1506.0}, {"index": 7317, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.2, "Population": 1506.0}, {"index": 7318, "quantile": 0.0, "value": 95100.0, "Latitude": 33.98, "Longitude": -118.2, "Population": 3259.0}, {"index": 7318, "quantile": 0.25, "value": 158500.0, "Latitude": 33.98, "Longitude": -118.2, "Population": 3259.0}, {"index": 7318, "quantile": 0.5, "value": 158500.0, "Latitude": 33.98, "Longitude": -118.2, "Population": 3259.0}, {"index": 7318, "quantile": 0.75, "value": 160800.0, "Latitude": 33.98, "Longitude": -118.2, "Population": 3259.0}, {"index": 7318, "quantile": 1.0, "value": 237500.0, "Latitude": 33.98, "Longitude": -118.2, "Population": 3259.0}, {"index": 7319, "quantile": 0.0, "value": 139700.0, "Latitude": 33.97, "Longitude": -118.2, "Population": 2055.0}, {"index": 7319, "quantile": 0.25, "value": 154600.0, "Latitude": 33.97, "Longitude": -118.2, "Population": 2055.0}, {"index": 7319, "quantile": 0.5, "value": 154600.0, "Latitude": 33.97, "Longitude": -118.2, "Population": 2055.0}, {"index": 7319, "quantile": 0.75, "value": 154600.0, "Latitude": 33.97, "Longitude": -118.2, "Population": 2055.0}, {"index": 7319, "quantile": 1.0, "value": 207100.00000000003, "Latitude": 33.97, "Longitude": -118.2, "Population": 2055.0}, {"index": 7320, "quantile": 0.0, "value": 88800.0, "Latitude": 33.99, "Longitude": -118.18, "Population": 1508.0}, {"index": 7320, "quantile": 0.25, "value": 140250.0, "Latitude": 33.99, "Longitude": -118.18, "Population": 1508.0}, {"index": 7320, "quantile": 0.5, "value": 154250.0, "Latitude": 33.99, "Longitude": -118.18, "Population": 1508.0}, {"index": 7320, "quantile": 0.75, "value": 158800.0, "Latitude": 33.99, "Longitude": -118.18, "Population": 1508.0}, {"index": 7320, "quantile": 1.0, "value": 262500.0, "Latitude": 33.99, "Longitude": -118.18, "Population": 1508.0}, {"index": 7321, "quantile": 0.0, "value": 97100.0, "Latitude": 33.99, "Longitude": -118.18, "Population": 1157.0}, {"index": 7321, "quantile": 0.25, "value": 132000.0, "Latitude": 33.99, "Longitude": -118.18, "Population": 1157.0}, {"index": 7321, "quantile": 0.5, "value": 145500.0, "Latitude": 33.99, "Longitude": -118.18, "Population": 1157.0}, {"index": 7321, "quantile": 0.75, "value": 163100.0, "Latitude": 33.99, "Longitude": -118.18, "Population": 1157.0}, {"index": 7321, "quantile": 1.0, "value": 191700.0, "Latitude": 33.99, "Longitude": -118.18, "Population": 1157.0}, {"index": 7322, "quantile": 0.0, "value": 112500.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 2542.0}, {"index": 7322, "quantile": 0.25, "value": 162500.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 2542.0}, {"index": 7322, "quantile": 0.5, "value": 164400.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 2542.0}, {"index": 7322, "quantile": 0.75, "value": 164400.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 2542.0}, {"index": 7322, "quantile": 1.0, "value": 180200.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 2542.0}, {"index": 7323, "quantile": 0.0, "value": 141700.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 2646.0}, {"index": 7323, "quantile": 0.25, "value": 162000.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 2646.0}, {"index": 7323, "quantile": 0.5, "value": 162000.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 2646.0}, {"index": 7323, "quantile": 0.75, "value": 162000.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 2646.0}, {"index": 7323, "quantile": 1.0, "value": 200000.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 2646.0}, {"index": 7324, "quantile": 0.0, "value": 137500.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 2237.0}, {"index": 7324, "quantile": 0.25, "value": 156100.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 2237.0}, {"index": 7324, "quantile": 0.5, "value": 156100.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 2237.0}, {"index": 7324, "quantile": 0.75, "value": 160000.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 2237.0}, {"index": 7324, "quantile": 1.0, "value": 184400.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 2237.0}, {"index": 7325, "quantile": 0.0, "value": 97300.0, "Latitude": 33.99, "Longitude": -118.18, "Population": 1512.0}, {"index": 7325, "quantile": 0.25, "value": 157200.0, "Latitude": 33.99, "Longitude": -118.18, "Population": 1512.0}, {"index": 7325, "quantile": 0.5, "value": 170800.0, "Latitude": 33.99, "Longitude": -118.18, "Population": 1512.0}, {"index": 7325, "quantile": 0.75, "value": 170800.0, "Latitude": 33.99, "Longitude": -118.18, "Population": 1512.0}, {"index": 7325, "quantile": 1.0, "value": 189400.0, "Latitude": 33.99, "Longitude": -118.18, "Population": 1512.0}, {"index": 7326, "quantile": 0.0, "value": 97300.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 585.0}, {"index": 7326, "quantile": 0.25, "value": 132100.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 585.0}, {"index": 7326, "quantile": 0.5, "value": 132100.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 585.0}, {"index": 7326, "quantile": 0.75, "value": 132100.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 585.0}, {"index": 7326, "quantile": 1.0, "value": 179200.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 585.0}, {"index": 7327, "quantile": 0.0, "value": 142000.0, "Latitude": 33.97, "Longitude": -118.17, "Population": 3558.0}, {"index": 7327, "quantile": 0.25, "value": 159000.0, "Latitude": 33.97, "Longitude": -118.17, "Population": 3558.0}, {"index": 7327, "quantile": 0.5, "value": 159000.0, "Latitude": 33.97, "Longitude": -118.17, "Population": 3558.0}, {"index": 7327, "quantile": 0.75, "value": 159000.0, "Latitude": 33.97, "Longitude": -118.17, "Population": 3558.0}, {"index": 7327, "quantile": 1.0, "value": 204599.99999999997, "Latitude": 33.97, "Longitude": -118.17, "Population": 3558.0}, {"index": 7328, "quantile": 0.0, "value": 88800.0, "Latitude": 33.97, "Longitude": -118.17, "Population": 2106.0}, {"index": 7328, "quantile": 0.25, "value": 168200.0, "Latitude": 33.97, "Longitude": -118.17, "Population": 2106.0}, {"index": 7328, "quantile": 0.5, "value": 168200.0, "Latitude": 33.97, "Longitude": -118.17, "Population": 2106.0}, {"index": 7328, "quantile": 0.75, "value": 168200.0, "Latitude": 33.97, "Longitude": -118.17, "Population": 2106.0}, {"index": 7328, "quantile": 1.0, "value": 231700.00000000003, "Latitude": 33.97, "Longitude": -118.17, "Population": 2106.0}, {"index": 7329, "quantile": 0.0, "value": 88500.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 834.0}, {"index": 7329, "quantile": 0.25, "value": 153300.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 834.0}, {"index": 7329, "quantile": 0.5, "value": 163600.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 834.0}, {"index": 7329, "quantile": 0.75, "value": 163600.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 834.0}, {"index": 7329, "quantile": 1.0, "value": 164600.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 834.0}, {"index": 7330, "quantile": 0.0, "value": 88500.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 873.0}, {"index": 7330, "quantile": 0.25, "value": 156000.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 873.0}, {"index": 7330, "quantile": 0.5, "value": 156000.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 873.0}, {"index": 7330, "quantile": 0.75, "value": 156000.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 873.0}, {"index": 7330, "quantile": 1.0, "value": 166300.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 873.0}, {"index": 7331, "quantile": 0.0, "value": 76600.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 1068.0}, {"index": 7331, "quantile": 0.25, "value": 143125.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 1068.0}, {"index": 7331, "quantile": 0.5, "value": 155200.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 1068.0}, {"index": 7331, "quantile": 0.75, "value": 162650.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 1068.0}, {"index": 7331, "quantile": 1.0, "value": 271200.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 1068.0}, {"index": 7332, "quantile": 0.0, "value": 88800.0, "Latitude": 33.97, "Longitude": -118.18, "Population": 2806.0}, {"index": 7332, "quantile": 0.25, "value": 152700.0, "Latitude": 33.97, "Longitude": -118.18, "Population": 2806.0}, {"index": 7332, "quantile": 0.5, "value": 162250.0, "Latitude": 33.97, "Longitude": -118.18, "Population": 2806.0}, {"index": 7332, "quantile": 0.75, "value": 178400.0, "Latitude": 33.97, "Longitude": -118.18, "Population": 2806.0}, {"index": 7332, "quantile": 1.0, "value": 254500.0, "Latitude": 33.97, "Longitude": -118.18, "Population": 2806.0}, {"index": 7333, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.97, "Longitude": -118.18, "Population": 3086.0}, {"index": 7333, "quantile": 0.25, "value": 160800.0, "Latitude": 33.97, "Longitude": -118.18, "Population": 3086.0}, {"index": 7333, "quantile": 0.5, "value": 189400.0, "Latitude": 33.97, "Longitude": -118.18, "Population": 3086.0}, {"index": 7333, "quantile": 0.75, "value": 189400.0, "Latitude": 33.97, "Longitude": -118.18, "Population": 3086.0}, {"index": 7333, "quantile": 1.0, "value": 189400.0, "Latitude": 33.97, "Longitude": -118.18, "Population": 3086.0}, {"index": 7334, "quantile": 0.0, "value": 123200.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 1280.0}, {"index": 7334, "quantile": 0.25, "value": 165500.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 1280.0}, {"index": 7334, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 33.98, "Longitude": -118.18, "Population": 1280.0}, {"index": 7334, "quantile": 0.75, "value": 206300.00000000003, "Latitude": 33.98, "Longitude": -118.18, "Population": 1280.0}, {"index": 7334, "quantile": 1.0, "value": 206300.00000000003, "Latitude": 33.98, "Longitude": -118.18, "Population": 1280.0}, {"index": 7335, "quantile": 0.0, "value": 97300.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 1514.0}, {"index": 7335, "quantile": 0.25, "value": 156075.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 1514.0}, {"index": 7335, "quantile": 0.5, "value": 178600.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 1514.0}, {"index": 7335, "quantile": 0.75, "value": 178600.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 1514.0}, {"index": 7335, "quantile": 1.0, "value": 189300.0, "Latitude": 33.98, "Longitude": -118.18, "Population": 1514.0}, {"index": 7336, "quantile": 0.0, "value": 95600.0, "Latitude": 33.98, "Longitude": -118.15, "Population": 1320.0}, {"index": 7336, "quantile": 0.25, "value": 160175.0, "Latitude": 33.98, "Longitude": -118.15, "Population": 1320.0}, {"index": 7336, "quantile": 0.5, "value": 165600.0, "Latitude": 33.98, "Longitude": -118.15, "Population": 1320.0}, {"index": 7336, "quantile": 0.75, "value": 165600.0, "Latitude": 33.98, "Longitude": -118.15, "Population": 1320.0}, {"index": 7336, "quantile": 1.0, "value": 215600.0, "Latitude": 33.98, "Longitude": -118.15, "Population": 1320.0}, {"index": 7337, "quantile": 0.0, "value": 92100.0, "Latitude": 33.97, "Longitude": -118.15, "Population": 1758.0}, {"index": 7337, "quantile": 0.25, "value": 144175.0, "Latitude": 33.97, "Longitude": -118.15, "Population": 1758.0}, {"index": 7337, "quantile": 0.5, "value": 157800.0, "Latitude": 33.97, "Longitude": -118.15, "Population": 1758.0}, {"index": 7337, "quantile": 0.75, "value": 162500.0, "Latitude": 33.97, "Longitude": -118.15, "Population": 1758.0}, {"index": 7337, "quantile": 1.0, "value": 191100.0, "Latitude": 33.97, "Longitude": -118.15, "Population": 1758.0}, {"index": 7338, "quantile": 0.0, "value": 117200.0, "Latitude": 33.97, "Longitude": -118.15, "Population": 1882.0}, {"index": 7338, "quantile": 0.25, "value": 163250.0, "Latitude": 33.97, "Longitude": -118.15, "Population": 1882.0}, {"index": 7338, "quantile": 0.5, "value": 170500.0, "Latitude": 33.97, "Longitude": -118.15, "Population": 1882.0}, {"index": 7338, "quantile": 0.75, "value": 170500.0, "Latitude": 33.97, "Longitude": -118.15, "Population": 1882.0}, {"index": 7338, "quantile": 1.0, "value": 193800.0, "Latitude": 33.97, "Longitude": -118.15, "Population": 1882.0}, {"index": 7339, "quantile": 0.0, "value": 106300.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1977.0}, {"index": 7339, "quantile": 0.25, "value": 156000.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1977.0}, {"index": 7339, "quantile": 0.5, "value": 157800.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1977.0}, {"index": 7339, "quantile": 0.75, "value": 157800.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1977.0}, {"index": 7339, "quantile": 1.0, "value": 191100.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1977.0}, {"index": 7340, "quantile": 0.0, "value": 114100.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 3208.0}, {"index": 7340, "quantile": 0.25, "value": 153474.99999999997, "Latitude": 33.97, "Longitude": -118.16, "Population": 3208.0}, {"index": 7340, "quantile": 0.5, "value": 159400.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 3208.0}, {"index": 7340, "quantile": 0.75, "value": 166200.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 3208.0}, {"index": 7340, "quantile": 1.0, "value": 237500.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 3208.0}, {"index": 7341, "quantile": 0.0, "value": 135700.0, "Latitude": 33.97, "Longitude": -118.14, "Population": 2576.0}, {"index": 7341, "quantile": 0.25, "value": 156000.0, "Latitude": 33.97, "Longitude": -118.14, "Population": 2576.0}, {"index": 7341, "quantile": 0.5, "value": 156000.0, "Latitude": 33.97, "Longitude": -118.14, "Population": 2576.0}, {"index": 7341, "quantile": 0.75, "value": 160900.0, "Latitude": 33.97, "Longitude": -118.14, "Population": 2576.0}, {"index": 7341, "quantile": 1.0, "value": 187500.0, "Latitude": 33.97, "Longitude": -118.14, "Population": 2576.0}, {"index": 7342, "quantile": 0.0, "value": 103600.0, "Latitude": 33.97, "Longitude": -118.14, "Population": 1175.0}, {"index": 7342, "quantile": 0.25, "value": 143699.99999999997, "Latitude": 33.97, "Longitude": -118.14, "Population": 1175.0}, {"index": 7342, "quantile": 0.5, "value": 157100.0, "Latitude": 33.97, "Longitude": -118.14, "Population": 1175.0}, {"index": 7342, "quantile": 0.75, "value": 166100.0, "Latitude": 33.97, "Longitude": -118.14, "Population": 1175.0}, {"index": 7342, "quantile": 1.0, "value": 305800.0, "Latitude": 33.97, "Longitude": -118.14, "Population": 1175.0}, {"index": 7343, "quantile": 0.0, "value": 83400.0, "Latitude": 33.96, "Longitude": -118.14, "Population": 620.0}, {"index": 7343, "quantile": 0.25, "value": 143800.0, "Latitude": 33.96, "Longitude": -118.14, "Population": 620.0}, {"index": 7343, "quantile": 0.5, "value": 143800.0, "Latitude": 33.96, "Longitude": -118.14, "Population": 620.0}, {"index": 7343, "quantile": 0.75, "value": 143800.0, "Latitude": 33.96, "Longitude": -118.14, "Population": 620.0}, {"index": 7343, "quantile": 1.0, "value": 350000.0, "Latitude": 33.96, "Longitude": -118.14, "Population": 620.0}, {"index": 7344, "quantile": 0.0, "value": 118100.0, "Latitude": 33.97, "Longitude": -118.15, "Population": 970.0}, {"index": 7344, "quantile": 0.25, "value": 162500.0, "Latitude": 33.97, "Longitude": -118.15, "Population": 970.0}, {"index": 7344, "quantile": 0.5, "value": 181500.0, "Latitude": 33.97, "Longitude": -118.15, "Population": 970.0}, {"index": 7344, "quantile": 0.75, "value": 181500.0, "Latitude": 33.97, "Longitude": -118.15, "Population": 970.0}, {"index": 7344, "quantile": 1.0, "value": 189400.0, "Latitude": 33.97, "Longitude": -118.15, "Population": 970.0}, {"index": 7345, "quantile": 0.0, "value": 82300.0, "Latitude": 33.97, "Longitude": -118.14, "Population": 2461.0}, {"index": 7345, "quantile": 0.25, "value": 160800.0, "Latitude": 33.97, "Longitude": -118.14, "Population": 2461.0}, {"index": 7345, "quantile": 0.5, "value": 160800.0, "Latitude": 33.97, "Longitude": -118.14, "Population": 2461.0}, {"index": 7345, "quantile": 0.75, "value": 160800.0, "Latitude": 33.97, "Longitude": -118.14, "Population": 2461.0}, {"index": 7345, "quantile": 1.0, "value": 189400.0, "Latitude": 33.97, "Longitude": -118.14, "Population": 2461.0}, {"index": 7346, "quantile": 0.0, "value": 105300.0, "Latitude": 33.97, "Longitude": -118.14, "Population": 1763.0}, {"index": 7346, "quantile": 0.25, "value": 150000.0, "Latitude": 33.97, "Longitude": -118.14, "Population": 1763.0}, {"index": 7346, "quantile": 0.5, "value": 150000.0, "Latitude": 33.97, "Longitude": -118.14, "Population": 1763.0}, {"index": 7346, "quantile": 0.75, "value": 150000.0, "Latitude": 33.97, "Longitude": -118.14, "Population": 1763.0}, {"index": 7346, "quantile": 1.0, "value": 215099.99999999997, "Latitude": 33.97, "Longitude": -118.14, "Population": 1763.0}, {"index": 7347, "quantile": 0.0, "value": 92100.0, "Latitude": 33.98, "Longitude": -118.16, "Population": 1448.0}, {"index": 7347, "quantile": 0.25, "value": 158000.0, "Latitude": 33.98, "Longitude": -118.16, "Population": 1448.0}, {"index": 7347, "quantile": 0.5, "value": 162500.0, "Latitude": 33.98, "Longitude": -118.16, "Population": 1448.0}, {"index": 7347, "quantile": 0.75, "value": 162500.0, "Latitude": 33.98, "Longitude": -118.16, "Population": 1448.0}, {"index": 7347, "quantile": 1.0, "value": 188500.0, "Latitude": 33.98, "Longitude": -118.16, "Population": 1448.0}, {"index": 7348, "quantile": 0.0, "value": 98800.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1890.0}, {"index": 7348, "quantile": 0.25, "value": 171300.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1890.0}, {"index": 7348, "quantile": 0.5, "value": 176600.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1890.0}, {"index": 7348, "quantile": 0.75, "value": 176600.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1890.0}, {"index": 7348, "quantile": 1.0, "value": 189600.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1890.0}, {"index": 7349, "quantile": 0.0, "value": 98800.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1756.0}, {"index": 7349, "quantile": 0.25, "value": 145725.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1756.0}, {"index": 7349, "quantile": 0.5, "value": 147200.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1756.0}, {"index": 7349, "quantile": 0.75, "value": 161775.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1756.0}, {"index": 7349, "quantile": 1.0, "value": 181500.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1756.0}, {"index": 7350, "quantile": 0.0, "value": 91500.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1897.0}, {"index": 7350, "quantile": 0.25, "value": 157800.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1897.0}, {"index": 7350, "quantile": 0.5, "value": 191100.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1897.0}, {"index": 7350, "quantile": 0.75, "value": 191100.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1897.0}, {"index": 7350, "quantile": 1.0, "value": 191100.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 1897.0}, {"index": 7351, "quantile": 0.0, "value": 38800.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 286.0}, {"index": 7351, "quantile": 0.25, "value": 160800.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 286.0}, {"index": 7351, "quantile": 0.5, "value": 175000.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 286.0}, {"index": 7351, "quantile": 0.75, "value": 175000.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 286.0}, {"index": 7351, "quantile": 1.0, "value": 350000.0, "Latitude": 33.97, "Longitude": -118.16, "Population": 286.0}, {"index": 7352, "quantile": 0.0, "value": 115100.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 1486.0}, {"index": 7352, "quantile": 0.25, "value": 138800.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 1486.0}, {"index": 7352, "quantile": 0.5, "value": 153250.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 1486.0}, {"index": 7352, "quantile": 0.75, "value": 162500.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 1486.0}, {"index": 7352, "quantile": 1.0, "value": 171300.0, "Latitude": 33.98, "Longitude": -118.17, "Population": 1486.0}, {"index": 7353, "quantile": 0.0, "value": 91500.0, "Latitude": 33.96, "Longitude": -118.15, "Population": 1482.0}, {"index": 7353, "quantile": 0.25, "value": 138800.0, "Latitude": 33.96, "Longitude": -118.15, "Population": 1482.0}, {"index": 7353, "quantile": 0.5, "value": 157800.0, "Latitude": 33.96, "Longitude": -118.15, "Population": 1482.0}, {"index": 7353, "quantile": 0.75, "value": 162500.0, "Latitude": 33.96, "Longitude": -118.15, "Population": 1482.0}, {"index": 7353, "quantile": 1.0, "value": 191100.0, "Latitude": 33.96, "Longitude": -118.15, "Population": 1482.0}, {"index": 7354, "quantile": 0.0, "value": 108200.00000000001, "Latitude": 33.96, "Longitude": -118.15, "Population": 2272.0}, {"index": 7354, "quantile": 0.25, "value": 160900.0, "Latitude": 33.96, "Longitude": -118.15, "Population": 2272.0}, {"index": 7354, "quantile": 0.5, "value": 160900.0, "Latitude": 33.96, "Longitude": -118.15, "Population": 2272.0}, {"index": 7354, "quantile": 0.75, "value": 160900.0, "Latitude": 33.96, "Longitude": -118.15, "Population": 2272.0}, {"index": 7354, "quantile": 1.0, "value": 191100.0, "Latitude": 33.96, "Longitude": -118.15, "Population": 2272.0}, {"index": 7355, "quantile": 0.0, "value": 130000.0, "Latitude": 33.96, "Longitude": -118.17, "Population": 2621.0}, {"index": 7355, "quantile": 0.25, "value": 163174.99999999997, "Latitude": 33.96, "Longitude": -118.17, "Population": 2621.0}, {"index": 7355, "quantile": 0.5, "value": 164200.0, "Latitude": 33.96, "Longitude": -118.17, "Population": 2621.0}, {"index": 7355, "quantile": 0.75, "value": 164200.0, "Latitude": 33.96, "Longitude": -118.17, "Population": 2621.0}, {"index": 7355, "quantile": 1.0, "value": 200000.0, "Latitude": 33.96, "Longitude": -118.17, "Population": 2621.0}, {"index": 7356, "quantile": 0.0, "value": 97900.0, "Latitude": 33.96, "Longitude": -118.16, "Population": 2480.0}, {"index": 7356, "quantile": 0.25, "value": 164200.0, "Latitude": 33.96, "Longitude": -118.16, "Population": 2480.0}, {"index": 7356, "quantile": 0.5, "value": 187500.0, "Latitude": 33.96, "Longitude": -118.16, "Population": 2480.0}, {"index": 7356, "quantile": 0.75, "value": 187500.0, "Latitude": 33.96, "Longitude": -118.16, "Population": 2480.0}, {"index": 7356, "quantile": 1.0, "value": 187500.0, "Latitude": 33.96, "Longitude": -118.16, "Population": 2480.0}, {"index": 7357, "quantile": 0.0, "value": 95100.0, "Latitude": 33.96, "Longitude": -118.17, "Population": 5027.0}, {"index": 7357, "quantile": 0.25, "value": 164200.0, "Latitude": 33.96, "Longitude": -118.17, "Population": 5027.0}, {"index": 7357, "quantile": 0.5, "value": 164200.0, "Latitude": 33.96, "Longitude": -118.17, "Population": 5027.0}, {"index": 7357, "quantile": 0.75, "value": 164200.0, "Latitude": 33.96, "Longitude": -118.17, "Population": 5027.0}, {"index": 7357, "quantile": 1.0, "value": 187500.0, "Latitude": 33.96, "Longitude": -118.17, "Population": 5027.0}, {"index": 7358, "quantile": 0.0, "value": 97900.0, "Latitude": 33.96, "Longitude": -118.17, "Population": 3803.0}, {"index": 7358, "quantile": 0.25, "value": 151050.0, "Latitude": 33.96, "Longitude": -118.17, "Population": 3803.0}, {"index": 7358, "quantile": 0.5, "value": 158150.0, "Latitude": 33.96, "Longitude": -118.17, "Population": 3803.0}, {"index": 7358, "quantile": 0.75, "value": 167450.0, "Latitude": 33.96, "Longitude": -118.17, "Population": 3803.0}, {"index": 7358, "quantile": 1.0, "value": 200000.0, "Latitude": 33.96, "Longitude": -118.17, "Population": 3803.0}, {"index": 7359, "quantile": 0.0, "value": 81300.0, "Latitude": 33.96, "Longitude": -118.18, "Population": 402.0}, {"index": 7359, "quantile": 0.25, "value": 137500.0, "Latitude": 33.96, "Longitude": -118.18, "Population": 402.0}, {"index": 7359, "quantile": 0.5, "value": 137500.0, "Latitude": 33.96, "Longitude": -118.18, "Population": 402.0}, {"index": 7359, "quantile": 0.75, "value": 137500.0, "Latitude": 33.96, "Longitude": -118.18, "Population": 402.0}, {"index": 7359, "quantile": 1.0, "value": 350000.0, "Latitude": 33.96, "Longitude": -118.18, "Population": 402.0}, {"index": 7360, "quantile": 0.0, "value": 111800.00000000001, "Latitude": 33.96, "Longitude": -118.19, "Population": 3740.0}, {"index": 7360, "quantile": 0.25, "value": 142000.0, "Latitude": 33.96, "Longitude": -118.19, "Population": 3740.0}, {"index": 7360, "quantile": 0.5, "value": 142000.0, "Latitude": 33.96, "Longitude": -118.19, "Population": 3740.0}, {"index": 7360, "quantile": 0.75, "value": 142000.0, "Latitude": 33.96, "Longitude": -118.19, "Population": 3740.0}, {"index": 7360, "quantile": 1.0, "value": 189400.0, "Latitude": 33.96, "Longitude": -118.19, "Population": 3740.0}, {"index": 7361, "quantile": 0.0, "value": 104800.0, "Latitude": 33.97, "Longitude": -118.18, "Population": 8551.0}, {"index": 7361, "quantile": 0.25, "value": 154500.0, "Latitude": 33.97, "Longitude": -118.18, "Population": 8551.0}, {"index": 7361, "quantile": 0.5, "value": 154500.0, "Latitude": 33.97, "Longitude": -118.18, "Population": 8551.0}, {"index": 7361, "quantile": 0.75, "value": 157925.0, "Latitude": 33.97, "Longitude": -118.18, "Population": 8551.0}, {"index": 7361, "quantile": 1.0, "value": 215099.99999999997, "Latitude": 33.97, "Longitude": -118.18, "Population": 8551.0}, {"index": 7362, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 33.97, "Longitude": -118.19, "Population": 3559.0}, {"index": 7362, "quantile": 0.25, "value": 146300.0, "Latitude": 33.97, "Longitude": -118.19, "Population": 3559.0}, {"index": 7362, "quantile": 0.5, "value": 146300.0, "Latitude": 33.97, "Longitude": -118.19, "Population": 3559.0}, {"index": 7362, "quantile": 0.75, "value": 146300.0, "Latitude": 33.97, "Longitude": -118.19, "Population": 3559.0}, {"index": 7362, "quantile": 1.0, "value": 193800.0, "Latitude": 33.97, "Longitude": -118.19, "Population": 3559.0}, {"index": 7363, "quantile": 0.0, "value": 105300.0, "Latitude": 33.97, "Longitude": -118.2, "Population": 2830.0}, {"index": 7363, "quantile": 0.25, "value": 164350.0, "Latitude": 33.97, "Longitude": -118.2, "Population": 2830.0}, {"index": 7363, "quantile": 0.5, "value": 166200.0, "Latitude": 33.97, "Longitude": -118.2, "Population": 2830.0}, {"index": 7363, "quantile": 0.75, "value": 166200.0, "Latitude": 33.97, "Longitude": -118.2, "Population": 2830.0}, {"index": 7363, "quantile": 1.0, "value": 180200.0, "Latitude": 33.97, "Longitude": -118.2, "Population": 2830.0}, {"index": 7364, "quantile": 0.0, "value": 85800.0, "Latitude": 33.97, "Longitude": -118.2, "Population": 820.0}, {"index": 7364, "quantile": 0.25, "value": 106824.99999999999, "Latitude": 33.97, "Longitude": -118.2, "Population": 820.0}, {"index": 7364, "quantile": 0.5, "value": 116399.99999999999, "Latitude": 33.97, "Longitude": -118.2, "Population": 820.0}, {"index": 7364, "quantile": 0.75, "value": 142800.0, "Latitude": 33.97, "Longitude": -118.2, "Population": 820.0}, {"index": 7364, "quantile": 1.0, "value": 215600.0, "Latitude": 33.97, "Longitude": -118.2, "Population": 820.0}, {"index": 7365, "quantile": 0.0, "value": 110700.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 2959.0}, {"index": 7365, "quantile": 0.25, "value": 167600.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 2959.0}, {"index": 7365, "quantile": 0.5, "value": 171700.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 2959.0}, {"index": 7365, "quantile": 0.75, "value": 171700.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 2959.0}, {"index": 7365, "quantile": 1.0, "value": 226600.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 2959.0}, {"index": 7366, "quantile": 0.0, "value": 88800.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 1871.0}, {"index": 7366, "quantile": 0.25, "value": 149250.00000000003, "Latitude": 33.96, "Longitude": -118.21, "Population": 1871.0}, {"index": 7366, "quantile": 0.5, "value": 156300.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 1871.0}, {"index": 7366, "quantile": 0.75, "value": 164699.99999999997, "Latitude": 33.96, "Longitude": -118.21, "Population": 1871.0}, {"index": 7366, "quantile": 1.0, "value": 206300.00000000003, "Latitude": 33.96, "Longitude": -118.21, "Population": 1871.0}, {"index": 7367, "quantile": 0.0, "value": 110700.0, "Latitude": 33.97, "Longitude": -118.21, "Population": 1268.0}, {"index": 7367, "quantile": 0.25, "value": 170600.0, "Latitude": 33.97, "Longitude": -118.21, "Population": 1268.0}, {"index": 7367, "quantile": 0.5, "value": 170600.0, "Latitude": 33.97, "Longitude": -118.21, "Population": 1268.0}, {"index": 7367, "quantile": 0.75, "value": 170600.0, "Latitude": 33.97, "Longitude": -118.21, "Population": 1268.0}, {"index": 7367, "quantile": 1.0, "value": 270500.0, "Latitude": 33.97, "Longitude": -118.21, "Population": 1268.0}, {"index": 7368, "quantile": 0.0, "value": 89100.0, "Latitude": 33.97, "Longitude": -118.21, "Population": 1558.0}, {"index": 7368, "quantile": 0.25, "value": 144925.0, "Latitude": 33.97, "Longitude": -118.21, "Population": 1558.0}, {"index": 7368, "quantile": 0.5, "value": 161600.0, "Latitude": 33.97, "Longitude": -118.21, "Population": 1558.0}, {"index": 7368, "quantile": 0.75, "value": 165000.0, "Latitude": 33.97, "Longitude": -118.21, "Population": 1558.0}, {"index": 7368, "quantile": 1.0, "value": 232100.00000000003, "Latitude": 33.97, "Longitude": -118.21, "Population": 1558.0}, {"index": 7369, "quantile": 0.0, "value": 110700.0, "Latitude": 33.97, "Longitude": -118.21, "Population": 3731.0}, {"index": 7369, "quantile": 0.25, "value": 166400.0, "Latitude": 33.97, "Longitude": -118.21, "Population": 3731.0}, {"index": 7369, "quantile": 0.5, "value": 167600.0, "Latitude": 33.97, "Longitude": -118.21, "Population": 3731.0}, {"index": 7369, "quantile": 0.75, "value": 167600.0, "Latitude": 33.97, "Longitude": -118.21, "Population": 3731.0}, {"index": 7369, "quantile": 1.0, "value": 257799.99999999997, "Latitude": 33.97, "Longitude": -118.21, "Population": 3731.0}, {"index": 7370, "quantile": 0.0, "value": 91300.0, "Latitude": 33.97, "Longitude": -118.22, "Population": 259.0}, {"index": 7370, "quantile": 0.25, "value": 157575.0, "Latitude": 33.97, "Longitude": -118.22, "Population": 259.0}, {"index": 7370, "quantile": 0.5, "value": 166100.0, "Latitude": 33.97, "Longitude": -118.22, "Population": 259.0}, {"index": 7370, "quantile": 0.75, "value": 166100.0, "Latitude": 33.97, "Longitude": -118.22, "Population": 259.0}, {"index": 7370, "quantile": 1.0, "value": 375000.0, "Latitude": 33.97, "Longitude": -118.22, "Population": 259.0}, {"index": 7371, "quantile": 0.0, "value": 93000.0, "Latitude": 33.97, "Longitude": -118.22, "Population": 1097.0}, {"index": 7371, "quantile": 0.25, "value": 162900.0, "Latitude": 33.97, "Longitude": -118.22, "Population": 1097.0}, {"index": 7371, "quantile": 0.5, "value": 162900.0, "Latitude": 33.97, "Longitude": -118.22, "Population": 1097.0}, {"index": 7371, "quantile": 0.75, "value": 162900.0, "Latitude": 33.97, "Longitude": -118.22, "Population": 1097.0}, {"index": 7371, "quantile": 1.0, "value": 190400.0, "Latitude": 33.97, "Longitude": -118.22, "Population": 1097.0}, {"index": 7372, "quantile": 0.0, "value": 84200.0, "Latitude": 33.97, "Longitude": -118.23, "Population": 2962.0}, {"index": 7372, "quantile": 0.25, "value": 151600.0, "Latitude": 33.97, "Longitude": -118.23, "Population": 2962.0}, {"index": 7372, "quantile": 0.5, "value": 169300.0, "Latitude": 33.97, "Longitude": -118.23, "Population": 2962.0}, {"index": 7372, "quantile": 0.75, "value": 169300.0, "Latitude": 33.97, "Longitude": -118.23, "Population": 2962.0}, {"index": 7372, "quantile": 1.0, "value": 180600.0, "Latitude": 33.97, "Longitude": -118.23, "Population": 2962.0}, {"index": 7373, "quantile": 0.0, "value": 97900.0, "Latitude": 33.96, "Longitude": -118.23, "Population": 3913.0}, {"index": 7373, "quantile": 0.25, "value": 148200.0, "Latitude": 33.96, "Longitude": -118.23, "Population": 3913.0}, {"index": 7373, "quantile": 0.5, "value": 148200.0, "Latitude": 33.96, "Longitude": -118.23, "Population": 3913.0}, {"index": 7373, "quantile": 0.75, "value": 148200.0, "Latitude": 33.96, "Longitude": -118.23, "Population": 3913.0}, {"index": 7373, "quantile": 1.0, "value": 235300.00000000003, "Latitude": 33.96, "Longitude": -118.23, "Population": 3913.0}, {"index": 7374, "quantile": 0.0, "value": 117600.0, "Latitude": 33.97, "Longitude": -118.22, "Population": 1663.0}, {"index": 7374, "quantile": 0.25, "value": 171300.0, "Latitude": 33.97, "Longitude": -118.22, "Population": 1663.0}, {"index": 7374, "quantile": 0.5, "value": 171300.0, "Latitude": 33.97, "Longitude": -118.22, "Population": 1663.0}, {"index": 7374, "quantile": 0.75, "value": 171300.0, "Latitude": 33.97, "Longitude": -118.22, "Population": 1663.0}, {"index": 7374, "quantile": 1.0, "value": 266400.0, "Latitude": 33.97, "Longitude": -118.22, "Population": 1663.0}, {"index": 7375, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 33.97, "Longitude": -118.22, "Population": 1097.0}, {"index": 7375, "quantile": 0.25, "value": 138800.0, "Latitude": 33.97, "Longitude": -118.22, "Population": 1097.0}, {"index": 7375, "quantile": 0.5, "value": 155200.0, "Latitude": 33.97, "Longitude": -118.22, "Population": 1097.0}, {"index": 7375, "quantile": 0.75, "value": 162900.0, "Latitude": 33.97, "Longitude": -118.22, "Population": 1097.0}, {"index": 7375, "quantile": 1.0, "value": 235700.00000000003, "Latitude": 33.97, "Longitude": -118.22, "Population": 1097.0}, {"index": 7376, "quantile": 0.0, "value": 88200.0, "Latitude": 33.97, "Longitude": -118.23, "Population": 1226.0}, {"index": 7376, "quantile": 0.25, "value": 111400.00000000001, "Latitude": 33.97, "Longitude": -118.23, "Population": 1226.0}, {"index": 7376, "quantile": 0.5, "value": 111400.00000000001, "Latitude": 33.97, "Longitude": -118.23, "Population": 1226.0}, {"index": 7376, "quantile": 0.75, "value": 111400.00000000001, "Latitude": 33.97, "Longitude": -118.23, "Population": 1226.0}, {"index": 7376, "quantile": 1.0, "value": 176600.0, "Latitude": 33.97, "Longitude": -118.23, "Population": 1226.0}, {"index": 7377, "quantile": 0.0, "value": 84200.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 2033.0}, {"index": 7377, "quantile": 0.25, "value": 118500.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 2033.0}, {"index": 7377, "quantile": 0.5, "value": 118500.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 2033.0}, {"index": 7377, "quantile": 0.75, "value": 118500.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 2033.0}, {"index": 7377, "quantile": 1.0, "value": 171300.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 2033.0}, {"index": 7378, "quantile": 0.0, "value": 84200.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1657.0}, {"index": 7378, "quantile": 0.25, "value": 97225.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1657.0}, {"index": 7378, "quantile": 0.5, "value": 105900.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1657.0}, {"index": 7378, "quantile": 0.75, "value": 113300.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1657.0}, {"index": 7378, "quantile": 1.0, "value": 159400.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1657.0}, {"index": 7379, "quantile": 0.0, "value": 84200.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1644.0}, {"index": 7379, "quantile": 0.25, "value": 115100.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1644.0}, {"index": 7379, "quantile": 0.5, "value": 115100.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1644.0}, {"index": 7379, "quantile": 0.75, "value": 118800.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1644.0}, {"index": 7379, "quantile": 1.0, "value": 187500.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1644.0}, {"index": 7380, "quantile": 0.0, "value": 88800.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1354.0}, {"index": 7380, "quantile": 0.25, "value": 112500.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1354.0}, {"index": 7380, "quantile": 0.5, "value": 112500.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1354.0}, {"index": 7380, "quantile": 0.75, "value": 117575.00000000001, "Latitude": 33.97, "Longitude": -118.24, "Population": 1354.0}, {"index": 7380, "quantile": 1.0, "value": 186800.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1354.0}, {"index": 7381, "quantile": 0.0, "value": 84200.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 1057.0}, {"index": 7381, "quantile": 0.25, "value": 102899.99999999999, "Latitude": 33.97, "Longitude": -118.25, "Population": 1057.0}, {"index": 7381, "quantile": 0.5, "value": 114799.99999999999, "Latitude": 33.97, "Longitude": -118.25, "Population": 1057.0}, {"index": 7381, "quantile": 0.75, "value": 114799.99999999999, "Latitude": 33.97, "Longitude": -118.25, "Population": 1057.0}, {"index": 7381, "quantile": 1.0, "value": 204999.99999999997, "Latitude": 33.97, "Longitude": -118.25, "Population": 1057.0}, {"index": 7382, "quantile": 0.0, "value": 38800.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 1316.0}, {"index": 7382, "quantile": 0.25, "value": 102600.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 1316.0}, {"index": 7382, "quantile": 0.5, "value": 102600.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 1316.0}, {"index": 7382, "quantile": 0.75, "value": 102600.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 1316.0}, {"index": 7382, "quantile": 1.0, "value": 125000.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 1316.0}, {"index": 7383, "quantile": 0.0, "value": 90000.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 1520.0}, {"index": 7383, "quantile": 0.25, "value": 97475.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 1520.0}, {"index": 7383, "quantile": 0.5, "value": 108700.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 1520.0}, {"index": 7383, "quantile": 0.75, "value": 108700.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 1520.0}, {"index": 7383, "quantile": 1.0, "value": 124300.00000000001, "Latitude": 33.97, "Longitude": -118.25, "Population": 1520.0}, {"index": 7384, "quantile": 0.0, "value": 92200.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 2288.0}, {"index": 7384, "quantile": 0.25, "value": 98800.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 2288.0}, {"index": 7384, "quantile": 0.5, "value": 98800.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 2288.0}, {"index": 7384, "quantile": 0.75, "value": 102525.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 2288.0}, {"index": 7384, "quantile": 1.0, "value": 187500.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 2288.0}, {"index": 7385, "quantile": 0.0, "value": 89100.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1403.0}, {"index": 7385, "quantile": 0.25, "value": 117200.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1403.0}, {"index": 7385, "quantile": 0.5, "value": 117200.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1403.0}, {"index": 7385, "quantile": 0.75, "value": 117200.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1403.0}, {"index": 7385, "quantile": 1.0, "value": 371400.0, "Latitude": 33.97, "Longitude": -118.24, "Population": 1403.0}, {"index": 7386, "quantile": 0.0, "value": 85800.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 912.0}, {"index": 7386, "quantile": 0.25, "value": 105100.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 912.0}, {"index": 7386, "quantile": 0.5, "value": 105100.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 912.0}, {"index": 7386, "quantile": 0.75, "value": 105100.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 912.0}, {"index": 7386, "quantile": 1.0, "value": 134400.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 912.0}, {"index": 7387, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.97, "Longitude": -118.25, "Population": 814.0}, {"index": 7387, "quantile": 0.25, "value": 112000.00000000001, "Latitude": 33.97, "Longitude": -118.25, "Population": 814.0}, {"index": 7387, "quantile": 0.5, "value": 112000.00000000001, "Latitude": 33.97, "Longitude": -118.25, "Population": 814.0}, {"index": 7387, "quantile": 0.75, "value": 112125.00000000001, "Latitude": 33.97, "Longitude": -118.25, "Population": 814.0}, {"index": 7387, "quantile": 1.0, "value": 181500.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 814.0}, {"index": 7388, "quantile": 0.0, "value": 84200.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 1571.0}, {"index": 7388, "quantile": 0.25, "value": 105224.99999999999, "Latitude": 33.96, "Longitude": -118.25, "Population": 1571.0}, {"index": 7388, "quantile": 0.5, "value": 112500.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 1571.0}, {"index": 7388, "quantile": 0.75, "value": 112500.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 1571.0}, {"index": 7388, "quantile": 1.0, "value": 243200.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 1571.0}, {"index": 7389, "quantile": 0.0, "value": 89300.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 1217.0}, {"index": 7389, "quantile": 0.25, "value": 106600.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 1217.0}, {"index": 7389, "quantile": 0.5, "value": 106600.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 1217.0}, {"index": 7389, "quantile": 0.75, "value": 106600.0, "Latitude": 33.97, "Longitude": -118.25, "Population": 1217.0}, {"index": 7389, "quantile": 1.0, "value": 207100.00000000003, "Latitude": 33.97, "Longitude": -118.25, "Population": 1217.0}, {"index": 7390, "quantile": 0.0, "value": 83400.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1876.0}, {"index": 7390, "quantile": 0.25, "value": 100600.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1876.0}, {"index": 7390, "quantile": 0.5, "value": 100600.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1876.0}, {"index": 7390, "quantile": 0.75, "value": 100600.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1876.0}, {"index": 7390, "quantile": 1.0, "value": 171300.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1876.0}, {"index": 7391, "quantile": 0.0, "value": 86200.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 793.0}, {"index": 7391, "quantile": 0.25, "value": 92900.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 793.0}, {"index": 7391, "quantile": 0.5, "value": 92900.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 793.0}, {"index": 7391, "quantile": 0.75, "value": 95325.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 793.0}, {"index": 7391, "quantile": 1.0, "value": 133900.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 793.0}, {"index": 7392, "quantile": 0.0, "value": 93400.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 918.0}, {"index": 7392, "quantile": 0.25, "value": 98800.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 918.0}, {"index": 7392, "quantile": 0.5, "value": 98800.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 918.0}, {"index": 7392, "quantile": 0.75, "value": 98800.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 918.0}, {"index": 7392, "quantile": 1.0, "value": 178300.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 918.0}, {"index": 7393, "quantile": 0.0, "value": 88400.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 1543.0}, {"index": 7393, "quantile": 0.25, "value": 96700.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 1543.0}, {"index": 7393, "quantile": 0.5, "value": 98100.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 1543.0}, {"index": 7393, "quantile": 0.75, "value": 98100.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 1543.0}, {"index": 7393, "quantile": 1.0, "value": 175900.0, "Latitude": 33.96, "Longitude": -118.25, "Population": 1543.0}, {"index": 7394, "quantile": 0.0, "value": 85400.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1655.0}, {"index": 7394, "quantile": 0.25, "value": 95500.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1655.0}, {"index": 7394, "quantile": 0.5, "value": 95500.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1655.0}, {"index": 7394, "quantile": 0.75, "value": 95500.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1655.0}, {"index": 7394, "quantile": 1.0, "value": 112500.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1655.0}, {"index": 7395, "quantile": 0.0, "value": 86200.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1252.0}, {"index": 7395, "quantile": 0.25, "value": 93400.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1252.0}, {"index": 7395, "quantile": 0.5, "value": 98100.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1252.0}, {"index": 7395, "quantile": 0.75, "value": 98100.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1252.0}, {"index": 7395, "quantile": 1.0, "value": 133900.0, "Latitude": 33.95, "Longitude": -118.25, "Population": 1252.0}, {"index": 7396, "quantile": 0.0, "value": 89700.0, "Latitude": 33.96, "Longitude": -118.23, "Population": 686.0}, {"index": 7396, "quantile": 0.25, "value": 94800.0, "Latitude": 33.96, "Longitude": -118.23, "Population": 686.0}, {"index": 7396, "quantile": 0.5, "value": 94800.0, "Latitude": 33.96, "Longitude": -118.23, "Population": 686.0}, {"index": 7396, "quantile": 0.75, "value": 118175.00000000001, "Latitude": 33.96, "Longitude": -118.23, "Population": 686.0}, {"index": 7396, "quantile": 1.0, "value": 225000.0, "Latitude": 33.96, "Longitude": -118.23, "Population": 686.0}, {"index": 7397, "quantile": 0.0, "value": 84700.0, "Latitude": 33.96, "Longitude": -118.23, "Population": 1136.0}, {"index": 7397, "quantile": 0.25, "value": 104325.0, "Latitude": 33.96, "Longitude": -118.23, "Population": 1136.0}, {"index": 7397, "quantile": 0.5, "value": 109100.0, "Latitude": 33.96, "Longitude": -118.23, "Population": 1136.0}, {"index": 7397, "quantile": 0.75, "value": 109100.0, "Latitude": 33.96, "Longitude": -118.23, "Population": 1136.0}, {"index": 7397, "quantile": 1.0, "value": 109900.0, "Latitude": 33.96, "Longitude": -118.23, "Population": 1136.0}, {"index": 7398, "quantile": 0.0, "value": 87500.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1765.0}, {"index": 7398, "quantile": 0.25, "value": 105900.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1765.0}, {"index": 7398, "quantile": 0.5, "value": 109900.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1765.0}, {"index": 7398, "quantile": 0.75, "value": 109900.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1765.0}, {"index": 7398, "quantile": 1.0, "value": 224500.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1765.0}, {"index": 7399, "quantile": 0.0, "value": 89200.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 821.0}, {"index": 7399, "quantile": 0.25, "value": 97300.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 821.0}, {"index": 7399, "quantile": 0.5, "value": 97300.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 821.0}, {"index": 7399, "quantile": 0.75, "value": 97625.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 821.0}, {"index": 7399, "quantile": 1.0, "value": 165300.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 821.0}, {"index": 7400, "quantile": 0.0, "value": 84200.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1101.0}, {"index": 7400, "quantile": 0.25, "value": 104400.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1101.0}, {"index": 7400, "quantile": 0.5, "value": 105900.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1101.0}, {"index": 7400, "quantile": 0.75, "value": 105900.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1101.0}, {"index": 7400, "quantile": 1.0, "value": 142800.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1101.0}, {"index": 7401, "quantile": 0.0, "value": 88300.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1553.0}, {"index": 7401, "quantile": 0.25, "value": 93400.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1553.0}, {"index": 7401, "quantile": 0.5, "value": 93400.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1553.0}, {"index": 7401, "quantile": 0.75, "value": 97575.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1553.0}, {"index": 7401, "quantile": 1.0, "value": 134400.0, "Latitude": 33.96, "Longitude": -118.24, "Population": 1553.0}, {"index": 7402, "quantile": 0.0, "value": 84700.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 739.0}, {"index": 7402, "quantile": 0.25, "value": 90200.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 739.0}, {"index": 7402, "quantile": 0.5, "value": 94900.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 739.0}, {"index": 7402, "quantile": 0.75, "value": 98100.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 739.0}, {"index": 7402, "quantile": 1.0, "value": 129700.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 739.0}, {"index": 7403, "quantile": 0.0, "value": 47500.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 789.0}, {"index": 7403, "quantile": 0.25, "value": 91400.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 789.0}, {"index": 7403, "quantile": 0.5, "value": 91400.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 789.0}, {"index": 7403, "quantile": 0.75, "value": 92075.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 789.0}, {"index": 7403, "quantile": 1.0, "value": 175000.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 789.0}, {"index": 7404, "quantile": 0.0, "value": 76200.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 1959.0}, {"index": 7404, "quantile": 0.25, "value": 132200.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 1959.0}, {"index": 7404, "quantile": 0.5, "value": 147050.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 1959.0}, {"index": 7404, "quantile": 0.75, "value": 164774.99999999997, "Latitude": 33.96, "Longitude": -118.21, "Population": 1959.0}, {"index": 7404, "quantile": 1.0, "value": 350000.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 1959.0}, {"index": 7405, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 33.96, "Longitude": -118.21, "Population": 2323.0}, {"index": 7405, "quantile": 0.25, "value": 145225.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 2323.0}, {"index": 7405, "quantile": 0.5, "value": 156700.00000000003, "Latitude": 33.96, "Longitude": -118.21, "Population": 2323.0}, {"index": 7405, "quantile": 0.75, "value": 168850.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 2323.0}, {"index": 7405, "quantile": 1.0, "value": 200000.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 2323.0}, {"index": 7406, "quantile": 0.0, "value": 134300.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 2361.0}, {"index": 7406, "quantile": 0.25, "value": 153100.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 2361.0}, {"index": 7406, "quantile": 0.5, "value": 162100.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 2361.0}, {"index": 7406, "quantile": 0.75, "value": 184175.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 2361.0}, {"index": 7406, "quantile": 1.0, "value": 217800.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 2361.0}, {"index": 7407, "quantile": 0.0, "value": 94800.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 1711.0}, {"index": 7407, "quantile": 0.25, "value": 156300.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 1711.0}, {"index": 7407, "quantile": 0.5, "value": 164200.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 1711.0}, {"index": 7407, "quantile": 0.75, "value": 164200.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 1711.0}, {"index": 7407, "quantile": 1.0, "value": 203700.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 1711.0}, {"index": 7408, "quantile": 0.0, "value": 88800.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 2113.0}, {"index": 7408, "quantile": 0.25, "value": 158800.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 2113.0}, {"index": 7408, "quantile": 0.5, "value": 158800.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 2113.0}, {"index": 7408, "quantile": 0.75, "value": 158800.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 2113.0}, {"index": 7408, "quantile": 1.0, "value": 253300.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 2113.0}, {"index": 7409, "quantile": 0.0, "value": 89100.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 1290.0}, {"index": 7409, "quantile": 0.25, "value": 161750.00000000003, "Latitude": 33.96, "Longitude": -118.22, "Population": 1290.0}, {"index": 7409, "quantile": 0.5, "value": 161800.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 1290.0}, {"index": 7409, "quantile": 0.75, "value": 161800.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 1290.0}, {"index": 7409, "quantile": 1.0, "value": 190600.0, "Latitude": 33.96, "Longitude": -118.22, "Population": 1290.0}, {"index": 7410, "quantile": 0.0, "value": 86400.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 2087.0}, {"index": 7410, "quantile": 0.25, "value": 154000.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 2087.0}, {"index": 7410, "quantile": 0.5, "value": 154000.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 2087.0}, {"index": 7410, "quantile": 0.75, "value": 154000.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 2087.0}, {"index": 7410, "quantile": 1.0, "value": 189600.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 2087.0}, {"index": 7411, "quantile": 0.0, "value": 92100.0, "Latitude": 33.95, "Longitude": -118.22, "Population": 2249.0}, {"index": 7411, "quantile": 0.25, "value": 148425.0, "Latitude": 33.95, "Longitude": -118.22, "Population": 2249.0}, {"index": 7411, "quantile": 0.5, "value": 154200.0, "Latitude": 33.95, "Longitude": -118.22, "Population": 2249.0}, {"index": 7411, "quantile": 0.75, "value": 160750.0, "Latitude": 33.95, "Longitude": -118.22, "Population": 2249.0}, {"index": 7411, "quantile": 1.0, "value": 184400.0, "Latitude": 33.95, "Longitude": -118.22, "Population": 2249.0}, {"index": 7412, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 33.95, "Longitude": -118.22, "Population": 4496.0}, {"index": 7412, "quantile": 0.25, "value": 150900.0, "Latitude": 33.95, "Longitude": -118.22, "Population": 4496.0}, {"index": 7412, "quantile": 0.5, "value": 150900.0, "Latitude": 33.95, "Longitude": -118.22, "Population": 4496.0}, {"index": 7412, "quantile": 0.75, "value": 150900.0, "Latitude": 33.95, "Longitude": -118.22, "Population": 4496.0}, {"index": 7412, "quantile": 1.0, "value": 180000.0, "Latitude": 33.95, "Longitude": -118.22, "Population": 4496.0}, {"index": 7413, "quantile": 0.0, "value": 84200.0, "Latitude": 33.96, "Longitude": -118.23, "Population": 2406.0}, {"index": 7413, "quantile": 0.25, "value": 151600.0, "Latitude": 33.96, "Longitude": -118.23, "Population": 2406.0}, {"index": 7413, "quantile": 0.5, "value": 151600.0, "Latitude": 33.96, "Longitude": -118.23, "Population": 2406.0}, {"index": 7413, "quantile": 0.75, "value": 151600.0, "Latitude": 33.96, "Longitude": -118.23, "Population": 2406.0}, {"index": 7413, "quantile": 1.0, "value": 180600.0, "Latitude": 33.96, "Longitude": -118.23, "Population": 2406.0}, {"index": 7414, "quantile": 0.0, "value": 92100.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 2190.0}, {"index": 7414, "quantile": 0.25, "value": 151425.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 2190.0}, {"index": 7414, "quantile": 0.5, "value": 152800.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 2190.0}, {"index": 7414, "quantile": 0.75, "value": 152800.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 2190.0}, {"index": 7414, "quantile": 1.0, "value": 171200.0, "Latitude": 33.95, "Longitude": -118.23, "Population": 2190.0}, {"index": 7415, "quantile": 0.0, "value": 95100.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1218.0}, {"index": 7415, "quantile": 0.25, "value": 143400.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1218.0}, {"index": 7415, "quantile": 0.5, "value": 143400.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1218.0}, {"index": 7415, "quantile": 0.75, "value": 147175.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1218.0}, {"index": 7415, "quantile": 1.0, "value": 176800.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1218.0}, {"index": 7416, "quantile": 0.0, "value": 97300.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1412.0}, {"index": 7416, "quantile": 0.25, "value": 153500.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1412.0}, {"index": 7416, "quantile": 0.5, "value": 153500.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1412.0}, {"index": 7416, "quantile": 0.75, "value": 153500.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1412.0}, {"index": 7416, "quantile": 1.0, "value": 169000.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1412.0}, {"index": 7417, "quantile": 0.0, "value": 115100.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1155.0}, {"index": 7417, "quantile": 0.25, "value": 127200.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1155.0}, {"index": 7417, "quantile": 0.5, "value": 140400.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1155.0}, {"index": 7417, "quantile": 0.75, "value": 145200.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1155.0}, {"index": 7417, "quantile": 1.0, "value": 191100.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1155.0}, {"index": 7418, "quantile": 0.0, "value": 83100.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1108.0}, {"index": 7418, "quantile": 0.25, "value": 126000.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1108.0}, {"index": 7418, "quantile": 0.5, "value": 144450.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1108.0}, {"index": 7418, "quantile": 0.75, "value": 148125.00000000003, "Latitude": 33.94, "Longitude": -118.22, "Population": 1108.0}, {"index": 7418, "quantile": 1.0, "value": 183600.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1108.0}, {"index": 7419, "quantile": 0.0, "value": 92500.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 1760.0}, {"index": 7419, "quantile": 0.25, "value": 139075.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 1760.0}, {"index": 7419, "quantile": 0.5, "value": 161600.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 1760.0}, {"index": 7419, "quantile": 0.75, "value": 161600.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 1760.0}, {"index": 7419, "quantile": 1.0, "value": 182100.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 1760.0}, {"index": 7420, "quantile": 0.0, "value": 89500.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 1190.0}, {"index": 7420, "quantile": 0.25, "value": 140650.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 1190.0}, {"index": 7420, "quantile": 0.5, "value": 157750.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 1190.0}, {"index": 7420, "quantile": 0.75, "value": 164600.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 1190.0}, {"index": 7420, "quantile": 1.0, "value": 178800.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 1190.0}, {"index": 7421, "quantile": 0.0, "value": 76600.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 1690.0}, {"index": 7421, "quantile": 0.25, "value": 163150.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 1690.0}, {"index": 7421, "quantile": 0.5, "value": 167000.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 1690.0}, {"index": 7421, "quantile": 0.75, "value": 167000.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 1690.0}, {"index": 7421, "quantile": 1.0, "value": 225000.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 1690.0}, {"index": 7422, "quantile": 0.0, "value": 89500.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 2021.0}, {"index": 7422, "quantile": 0.25, "value": 161800.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 2021.0}, {"index": 7422, "quantile": 0.5, "value": 164600.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 2021.0}, {"index": 7422, "quantile": 0.75, "value": 164600.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 2021.0}, {"index": 7422, "quantile": 1.0, "value": 273000.0, "Latitude": 33.96, "Longitude": -118.2, "Population": 2021.0}, {"index": 7423, "quantile": 0.0, "value": 86300.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 1590.0}, {"index": 7423, "quantile": 0.25, "value": 159300.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 1590.0}, {"index": 7423, "quantile": 0.5, "value": 159300.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 1590.0}, {"index": 7423, "quantile": 0.75, "value": 159300.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 1590.0}, {"index": 7423, "quantile": 1.0, "value": 254500.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 1590.0}, {"index": 7424, "quantile": 0.0, "value": 87500.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 422.0}, {"index": 7424, "quantile": 0.25, "value": 104200.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 422.0}, {"index": 7424, "quantile": 0.5, "value": 141700.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 422.0}, {"index": 7424, "quantile": 0.75, "value": 165150.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 422.0}, {"index": 7424, "quantile": 1.0, "value": 350000.0, "Latitude": 33.96, "Longitude": -118.21, "Population": 422.0}, {"index": 7425, "quantile": 0.0, "value": 90200.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 1726.0}, {"index": 7425, "quantile": 0.25, "value": 162075.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 1726.0}, {"index": 7425, "quantile": 0.5, "value": 165100.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 1726.0}, {"index": 7425, "quantile": 0.75, "value": 165100.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 1726.0}, {"index": 7425, "quantile": 1.0, "value": 248100.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 1726.0}, {"index": 7426, "quantile": 0.0, "value": 89200.0, "Latitude": 33.95, "Longitude": -118.2, "Population": 2101.0}, {"index": 7426, "quantile": 0.25, "value": 151500.0, "Latitude": 33.95, "Longitude": -118.2, "Population": 2101.0}, {"index": 7426, "quantile": 0.5, "value": 151500.0, "Latitude": 33.95, "Longitude": -118.2, "Population": 2101.0}, {"index": 7426, "quantile": 0.75, "value": 159075.0, "Latitude": 33.95, "Longitude": -118.2, "Population": 2101.0}, {"index": 7426, "quantile": 1.0, "value": 184400.0, "Latitude": 33.95, "Longitude": -118.2, "Population": 2101.0}, {"index": 7427, "quantile": 0.0, "value": 97300.0, "Latitude": 33.95, "Longitude": -118.2, "Population": 788.0}, {"index": 7427, "quantile": 0.25, "value": 159050.0, "Latitude": 33.95, "Longitude": -118.2, "Population": 788.0}, {"index": 7427, "quantile": 0.5, "value": 165300.0, "Latitude": 33.95, "Longitude": -118.2, "Population": 788.0}, {"index": 7427, "quantile": 0.75, "value": 165300.0, "Latitude": 33.95, "Longitude": -118.2, "Population": 788.0}, {"index": 7427, "quantile": 1.0, "value": 181500.0, "Latitude": 33.95, "Longitude": -118.2, "Population": 788.0}, {"index": 7428, "quantile": 0.0, "value": 97200.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 1265.0}, {"index": 7428, "quantile": 0.25, "value": 155200.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 1265.0}, {"index": 7428, "quantile": 0.5, "value": 155200.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 1265.0}, {"index": 7428, "quantile": 0.75, "value": 155200.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 1265.0}, {"index": 7428, "quantile": 1.0, "value": 190000.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 1265.0}, {"index": 7429, "quantile": 0.0, "value": 103200.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 2248.0}, {"index": 7429, "quantile": 0.25, "value": 151900.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 2248.0}, {"index": 7429, "quantile": 0.5, "value": 159000.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 2248.0}, {"index": 7429, "quantile": 0.75, "value": 162600.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 2248.0}, {"index": 7429, "quantile": 1.0, "value": 200000.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 2248.0}, {"index": 7430, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 33.95, "Longitude": -118.21, "Population": 2376.0}, {"index": 7430, "quantile": 0.25, "value": 160800.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 2376.0}, {"index": 7430, "quantile": 0.5, "value": 160800.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 2376.0}, {"index": 7430, "quantile": 0.75, "value": 160800.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 2376.0}, {"index": 7430, "quantile": 1.0, "value": 224500.0, "Latitude": 33.95, "Longitude": -118.21, "Population": 2376.0}, {"index": 7431, "quantile": 0.0, "value": 126600.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 680.0}, {"index": 7431, "quantile": 0.25, "value": 154200.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 680.0}, {"index": 7431, "quantile": 0.5, "value": 154200.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 680.0}, {"index": 7431, "quantile": 0.75, "value": 154200.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 680.0}, {"index": 7431, "quantile": 1.0, "value": 450000.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 680.0}, {"index": 7432, "quantile": 0.0, "value": 110700.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1705.0}, {"index": 7432, "quantile": 0.25, "value": 157500.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1705.0}, {"index": 7432, "quantile": 0.5, "value": 157500.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1705.0}, {"index": 7432, "quantile": 0.75, "value": 157500.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1705.0}, {"index": 7432, "quantile": 1.0, "value": 266400.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1705.0}, {"index": 7433, "quantile": 0.0, "value": 88800.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 2244.0}, {"index": 7433, "quantile": 0.25, "value": 153250.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 2244.0}, {"index": 7433, "quantile": 0.5, "value": 159700.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 2244.0}, {"index": 7433, "quantile": 0.75, "value": 162100.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 2244.0}, {"index": 7433, "quantile": 1.0, "value": 305800.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 2244.0}, {"index": 7434, "quantile": 0.0, "value": 113900.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 1628.0}, {"index": 7434, "quantile": 0.25, "value": 156100.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 1628.0}, {"index": 7434, "quantile": 0.5, "value": 156100.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 1628.0}, {"index": 7434, "quantile": 0.75, "value": 156100.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 1628.0}, {"index": 7434, "quantile": 1.0, "value": 219000.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 1628.0}, {"index": 7435, "quantile": 0.0, "value": 117400.0, "Latitude": 33.95, "Longitude": -118.19, "Population": 850.0}, {"index": 7435, "quantile": 0.25, "value": 175075.0, "Latitude": 33.95, "Longitude": -118.19, "Population": 850.0}, {"index": 7435, "quantile": 0.5, "value": 179100.0, "Latitude": 33.95, "Longitude": -118.19, "Population": 850.0}, {"index": 7435, "quantile": 0.75, "value": 179100.0, "Latitude": 33.95, "Longitude": -118.19, "Population": 850.0}, {"index": 7435, "quantile": 1.0, "value": 183600.0, "Latitude": 33.95, "Longitude": -118.19, "Population": 850.0}, {"index": 7436, "quantile": 0.0, "value": 96100.0, "Latitude": 33.94, "Longitude": -118.19, "Population": 1315.0}, {"index": 7436, "quantile": 0.25, "value": 148875.0, "Latitude": 33.94, "Longitude": -118.19, "Population": 1315.0}, {"index": 7436, "quantile": 0.5, "value": 161300.0, "Latitude": 33.94, "Longitude": -118.19, "Population": 1315.0}, {"index": 7436, "quantile": 0.75, "value": 169600.0, "Latitude": 33.94, "Longitude": -118.19, "Population": 1315.0}, {"index": 7436, "quantile": 1.0, "value": 306300.0, "Latitude": 33.94, "Longitude": -118.19, "Population": 1315.0}, {"index": 7437, "quantile": 0.0, "value": 110700.0, "Latitude": 33.94, "Longitude": -118.19, "Population": 1111.0}, {"index": 7437, "quantile": 0.25, "value": 149925.0, "Latitude": 33.94, "Longitude": -118.19, "Population": 1111.0}, {"index": 7437, "quantile": 0.5, "value": 161300.0, "Latitude": 33.94, "Longitude": -118.19, "Population": 1111.0}, {"index": 7437, "quantile": 0.75, "value": 173925.00000000003, "Latitude": 33.94, "Longitude": -118.19, "Population": 1111.0}, {"index": 7437, "quantile": 1.0, "value": 257799.99999999997, "Latitude": 33.94, "Longitude": -118.19, "Population": 1111.0}, {"index": 7438, "quantile": 0.0, "value": 113900.0, "Latitude": 33.95, "Longitude": -118.19, "Population": 1244.0}, {"index": 7438, "quantile": 0.25, "value": 162800.0, "Latitude": 33.95, "Longitude": -118.19, "Population": 1244.0}, {"index": 7438, "quantile": 0.5, "value": 164800.0, "Latitude": 33.95, "Longitude": -118.19, "Population": 1244.0}, {"index": 7438, "quantile": 0.75, "value": 164800.0, "Latitude": 33.95, "Longitude": -118.19, "Population": 1244.0}, {"index": 7438, "quantile": 1.0, "value": 167000.0, "Latitude": 33.95, "Longitude": -118.19, "Population": 1244.0}, {"index": 7439, "quantile": 0.0, "value": 120700.00000000001, "Latitude": 33.95, "Longitude": -118.19, "Population": 1559.0}, {"index": 7439, "quantile": 0.25, "value": 148100.0, "Latitude": 33.95, "Longitude": -118.19, "Population": 1559.0}, {"index": 7439, "quantile": 0.5, "value": 148100.0, "Latitude": 33.95, "Longitude": -118.19, "Population": 1559.0}, {"index": 7439, "quantile": 0.75, "value": 153625.0, "Latitude": 33.95, "Longitude": -118.19, "Population": 1559.0}, {"index": 7439, "quantile": 1.0, "value": 207100.00000000003, "Latitude": 33.95, "Longitude": -118.19, "Population": 1559.0}, {"index": 7440, "quantile": 0.0, "value": 100000.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1200.0}, {"index": 7440, "quantile": 0.25, "value": 149400.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1200.0}, {"index": 7440, "quantile": 0.5, "value": 159700.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1200.0}, {"index": 7440, "quantile": 0.75, "value": 168000.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1200.0}, {"index": 7440, "quantile": 1.0, "value": 205600.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1200.0}, {"index": 7441, "quantile": 0.0, "value": 93800.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1321.0}, {"index": 7441, "quantile": 0.25, "value": 136600.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1321.0}, {"index": 7441, "quantile": 0.5, "value": 151200.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1321.0}, {"index": 7441, "quantile": 0.75, "value": 159925.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1321.0}, {"index": 7441, "quantile": 1.0, "value": 236800.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1321.0}, {"index": 7442, "quantile": 0.0, "value": 88800.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1895.0}, {"index": 7442, "quantile": 0.25, "value": 159000.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1895.0}, {"index": 7442, "quantile": 0.5, "value": 159700.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1895.0}, {"index": 7442, "quantile": 0.75, "value": 159700.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1895.0}, {"index": 7442, "quantile": 1.0, "value": 184400.0, "Latitude": 33.94, "Longitude": -118.2, "Population": 1895.0}, {"index": 7443, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 33.96, "Longitude": -118.19, "Population": 934.0}, {"index": 7443, "quantile": 0.25, "value": 151800.0, "Latitude": 33.96, "Longitude": -118.19, "Population": 934.0}, {"index": 7443, "quantile": 0.5, "value": 151800.0, "Latitude": 33.96, "Longitude": -118.19, "Population": 934.0}, {"index": 7443, "quantile": 0.75, "value": 155125.0, "Latitude": 33.96, "Longitude": -118.19, "Population": 934.0}, {"index": 7443, "quantile": 1.0, "value": 350000.0, "Latitude": 33.96, "Longitude": -118.19, "Population": 934.0}, {"index": 7444, "quantile": 0.0, "value": 136100.0, "Latitude": 33.95, "Longitude": -118.19, "Population": 2609.0}, {"index": 7444, "quantile": 0.25, "value": 162100.0, "Latitude": 33.95, "Longitude": -118.19, "Population": 2609.0}, {"index": 7444, "quantile": 0.5, "value": 162100.0, "Latitude": 33.95, "Longitude": -118.19, "Population": 2609.0}, {"index": 7444, "quantile": 0.75, "value": 162100.0, "Latitude": 33.95, "Longitude": -118.19, "Population": 2609.0}, {"index": 7444, "quantile": 1.0, "value": 189400.0, "Latitude": 33.95, "Longitude": -118.19, "Population": 2609.0}, {"index": 7445, "quantile": 0.0, "value": 157800.0, "Latitude": 33.94, "Longitude": -118.16, "Population": 1270.0}, {"index": 7445, "quantile": 0.25, "value": 178600.0, "Latitude": 33.94, "Longitude": -118.16, "Population": 1270.0}, {"index": 7445, "quantile": 0.5, "value": 178600.0, "Latitude": 33.94, "Longitude": -118.16, "Population": 1270.0}, {"index": 7445, "quantile": 0.75, "value": 210400.0, "Latitude": 33.94, "Longitude": -118.16, "Population": 1270.0}, {"index": 7445, "quantile": 1.0, "value": 325400.0, "Latitude": 33.94, "Longitude": -118.16, "Population": 1270.0}, {"index": 7446, "quantile": 0.0, "value": 94000.0, "Latitude": 33.93, "Longitude": -118.16, "Population": 474.0}, {"index": 7446, "quantile": 0.25, "value": 179800.0, "Latitude": 33.93, "Longitude": -118.16, "Population": 474.0}, {"index": 7446, "quantile": 0.5, "value": 179800.0, "Latitude": 33.93, "Longitude": -118.16, "Population": 474.0}, {"index": 7446, "quantile": 0.75, "value": 179800.0, "Latitude": 33.93, "Longitude": -118.16, "Population": 474.0}, {"index": 7446, "quantile": 1.0, "value": 227300.0, "Latitude": 33.93, "Longitude": -118.16, "Population": 474.0}, {"index": 7447, "quantile": 0.0, "value": 109500.0, "Latitude": 33.94, "Longitude": -118.18, "Population": 968.0}, {"index": 7447, "quantile": 0.25, "value": 148825.0, "Latitude": 33.94, "Longitude": -118.18, "Population": 968.0}, {"index": 7447, "quantile": 0.5, "value": 183600.0, "Latitude": 33.94, "Longitude": -118.18, "Population": 968.0}, {"index": 7447, "quantile": 0.75, "value": 183600.0, "Latitude": 33.94, "Longitude": -118.18, "Population": 968.0}, {"index": 7447, "quantile": 1.0, "value": 190900.0, "Latitude": 33.94, "Longitude": -118.18, "Population": 968.0}, {"index": 7448, "quantile": 0.0, "value": 112000.00000000001, "Latitude": 33.95, "Longitude": -118.18, "Population": 1991.0}, {"index": 7448, "quantile": 0.25, "value": 151425.0, "Latitude": 33.95, "Longitude": -118.18, "Population": 1991.0}, {"index": 7448, "quantile": 0.5, "value": 157500.0, "Latitude": 33.95, "Longitude": -118.18, "Population": 1991.0}, {"index": 7448, "quantile": 0.75, "value": 165025.0, "Latitude": 33.95, "Longitude": -118.18, "Population": 1991.0}, {"index": 7448, "quantile": 1.0, "value": 219000.0, "Latitude": 33.95, "Longitude": -118.18, "Population": 1991.0}, {"index": 7449, "quantile": 0.0, "value": 100000.0, "Latitude": 33.95, "Longitude": -118.18, "Population": 2062.0}, {"index": 7449, "quantile": 0.25, "value": 156900.0, "Latitude": 33.95, "Longitude": -118.18, "Population": 2062.0}, {"index": 7449, "quantile": 0.5, "value": 170000.0, "Latitude": 33.95, "Longitude": -118.18, "Population": 2062.0}, {"index": 7449, "quantile": 0.75, "value": 179525.0, "Latitude": 33.95, "Longitude": -118.18, "Population": 2062.0}, {"index": 7449, "quantile": 1.0, "value": 291500.0, "Latitude": 33.95, "Longitude": -118.18, "Population": 2062.0}, {"index": 7450, "quantile": 0.0, "value": 95900.0, "Latitude": 33.94, "Longitude": -118.18, "Population": 2340.0}, {"index": 7450, "quantile": 0.25, "value": 154800.0, "Latitude": 33.94, "Longitude": -118.18, "Population": 2340.0}, {"index": 7450, "quantile": 0.5, "value": 165000.0, "Latitude": 33.94, "Longitude": -118.18, "Population": 2340.0}, {"index": 7450, "quantile": 0.75, "value": 165000.0, "Latitude": 33.94, "Longitude": -118.18, "Population": 2340.0}, {"index": 7450, "quantile": 1.0, "value": 195100.0, "Latitude": 33.94, "Longitude": -118.18, "Population": 2340.0}, {"index": 7451, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 33.94, "Longitude": -118.17, "Population": 499.0}, {"index": 7451, "quantile": 0.25, "value": 165500.0, "Latitude": 33.94, "Longitude": -118.17, "Population": 499.0}, {"index": 7451, "quantile": 0.5, "value": 165500.0, "Latitude": 33.94, "Longitude": -118.17, "Population": 499.0}, {"index": 7451, "quantile": 0.75, "value": 214400.0, "Latitude": 33.94, "Longitude": -118.17, "Population": 499.0}, {"index": 7451, "quantile": 1.0, "value": 420099.99999999994, "Latitude": 33.94, "Longitude": -118.17, "Population": 499.0}, {"index": 7452, "quantile": 0.0, "value": 99300.0, "Latitude": 33.95, "Longitude": -118.17, "Population": 1380.0}, {"index": 7452, "quantile": 0.25, "value": 181900.0, "Latitude": 33.95, "Longitude": -118.17, "Population": 1380.0}, {"index": 7452, "quantile": 0.5, "value": 181900.0, "Latitude": 33.95, "Longitude": -118.17, "Population": 1380.0}, {"index": 7452, "quantile": 0.75, "value": 181900.0, "Latitude": 33.95, "Longitude": -118.17, "Population": 1380.0}, {"index": 7452, "quantile": 1.0, "value": 225800.0, "Latitude": 33.95, "Longitude": -118.17, "Population": 1380.0}, {"index": 7453, "quantile": 0.0, "value": 160100.0, "Latitude": 33.92, "Longitude": -118.17, "Population": 1532.0}, {"index": 7453, "quantile": 0.25, "value": 171800.0, "Latitude": 33.92, "Longitude": -118.17, "Population": 1532.0}, {"index": 7453, "quantile": 0.5, "value": 171800.0, "Latitude": 33.92, "Longitude": -118.17, "Population": 1532.0}, {"index": 7453, "quantile": 0.75, "value": 174500.0, "Latitude": 33.92, "Longitude": -118.17, "Population": 1532.0}, {"index": 7453, "quantile": 1.0, "value": 244899.99999999997, "Latitude": 33.92, "Longitude": -118.17, "Population": 1532.0}, {"index": 7454, "quantile": 0.0, "value": 96100.0, "Latitude": 33.92, "Longitude": -118.17, "Population": 1276.0}, {"index": 7454, "quantile": 0.25, "value": 139400.0, "Latitude": 33.92, "Longitude": -118.17, "Population": 1276.0}, {"index": 7454, "quantile": 0.5, "value": 159900.0, "Latitude": 33.92, "Longitude": -118.17, "Population": 1276.0}, {"index": 7454, "quantile": 0.75, "value": 179100.0, "Latitude": 33.92, "Longitude": -118.17, "Population": 1276.0}, {"index": 7454, "quantile": 1.0, "value": 324400.0, "Latitude": 33.92, "Longitude": -118.17, "Population": 1276.0}, {"index": 7455, "quantile": 0.0, "value": 129900.0, "Latitude": 33.92, "Longitude": -118.16, "Population": 899.0}, {"index": 7455, "quantile": 0.25, "value": 161300.0, "Latitude": 33.92, "Longitude": -118.16, "Population": 899.0}, {"index": 7455, "quantile": 0.5, "value": 161300.0, "Latitude": 33.92, "Longitude": -118.16, "Population": 899.0}, {"index": 7455, "quantile": 0.75, "value": 161300.0, "Latitude": 33.92, "Longitude": -118.16, "Population": 899.0}, {"index": 7455, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 33.92, "Longitude": -118.16, "Population": 899.0}, {"index": 7456, "quantile": 0.0, "value": 94000.0, "Latitude": 33.91, "Longitude": -118.16, "Population": 1146.0}, {"index": 7456, "quantile": 0.25, "value": 149350.0, "Latitude": 33.91, "Longitude": -118.16, "Population": 1146.0}, {"index": 7456, "quantile": 0.5, "value": 165600.0, "Latitude": 33.91, "Longitude": -118.16, "Population": 1146.0}, {"index": 7456, "quantile": 0.75, "value": 186675.0, "Latitude": 33.91, "Longitude": -118.16, "Population": 1146.0}, {"index": 7456, "quantile": 1.0, "value": 361700.0, "Latitude": 33.91, "Longitude": -118.16, "Population": 1146.0}, {"index": 7457, "quantile": 0.0, "value": 71300.0, "Latitude": 33.91, "Longitude": -118.17, "Population": 877.0}, {"index": 7457, "quantile": 0.25, "value": 172475.0, "Latitude": 33.91, "Longitude": -118.17, "Population": 877.0}, {"index": 7457, "quantile": 0.5, "value": 187750.0, "Latitude": 33.91, "Longitude": -118.17, "Population": 877.0}, {"index": 7457, "quantile": 0.75, "value": 216224.99999999997, "Latitude": 33.91, "Longitude": -118.17, "Population": 877.0}, {"index": 7457, "quantile": 1.0, "value": 445000.0, "Latitude": 33.91, "Longitude": -118.17, "Population": 877.0}, {"index": 7458, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 33.92, "Longitude": -118.18, "Population": 2282.0}, {"index": 7458, "quantile": 0.25, "value": 144525.0, "Latitude": 33.92, "Longitude": -118.18, "Population": 2282.0}, {"index": 7458, "quantile": 0.5, "value": 148300.0, "Latitude": 33.92, "Longitude": -118.18, "Population": 2282.0}, {"index": 7458, "quantile": 0.75, "value": 154700.0, "Latitude": 33.92, "Longitude": -118.18, "Population": 2282.0}, {"index": 7458, "quantile": 1.0, "value": 190600.0, "Latitude": 33.92, "Longitude": -118.18, "Population": 2282.0}, {"index": 7459, "quantile": 0.0, "value": 97400.0, "Latitude": 33.92, "Longitude": -118.18, "Population": 708.0}, {"index": 7459, "quantile": 0.25, "value": 136900.0, "Latitude": 33.92, "Longitude": -118.18, "Population": 708.0}, {"index": 7459, "quantile": 0.5, "value": 136900.0, "Latitude": 33.92, "Longitude": -118.18, "Population": 708.0}, {"index": 7459, "quantile": 0.75, "value": 136900.0, "Latitude": 33.92, "Longitude": -118.18, "Population": 708.0}, {"index": 7459, "quantile": 1.0, "value": 184100.0, "Latitude": 33.92, "Longitude": -118.18, "Population": 708.0}, {"index": 7460, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.92, "Longitude": -118.19, "Population": 1469.0}, {"index": 7460, "quantile": 0.25, "value": 134050.0, "Latitude": 33.92, "Longitude": -118.19, "Population": 1469.0}, {"index": 7460, "quantile": 0.5, "value": 139800.0, "Latitude": 33.92, "Longitude": -118.19, "Population": 1469.0}, {"index": 7460, "quantile": 0.75, "value": 139800.0, "Latitude": 33.92, "Longitude": -118.19, "Population": 1469.0}, {"index": 7460, "quantile": 1.0, "value": 162500.0, "Latitude": 33.92, "Longitude": -118.19, "Population": 1469.0}, {"index": 7461, "quantile": 0.0, "value": 95100.0, "Latitude": 33.93, "Longitude": -118.18, "Population": 1820.0}, {"index": 7461, "quantile": 0.25, "value": 122900.00000000001, "Latitude": 33.93, "Longitude": -118.18, "Population": 1820.0}, {"index": 7461, "quantile": 0.5, "value": 122900.00000000001, "Latitude": 33.93, "Longitude": -118.18, "Population": 1820.0}, {"index": 7461, "quantile": 0.75, "value": 132900.00000000003, "Latitude": 33.93, "Longitude": -118.18, "Population": 1820.0}, {"index": 7461, "quantile": 1.0, "value": 184400.0, "Latitude": 33.93, "Longitude": -118.18, "Population": 1820.0}, {"index": 7462, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 33.93, "Longitude": -118.18, "Population": 949.0}, {"index": 7462, "quantile": 0.25, "value": 147200.0, "Latitude": 33.93, "Longitude": -118.18, "Population": 949.0}, {"index": 7462, "quantile": 0.5, "value": 147200.0, "Latitude": 33.93, "Longitude": -118.18, "Population": 949.0}, {"index": 7462, "quantile": 0.75, "value": 147350.0, "Latitude": 33.93, "Longitude": -118.18, "Population": 949.0}, {"index": 7462, "quantile": 1.0, "value": 189400.0, "Latitude": 33.93, "Longitude": -118.18, "Population": 949.0}, {"index": 7463, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 33.93, "Longitude": -118.19, "Population": 1226.0}, {"index": 7463, "quantile": 0.25, "value": 144300.0, "Latitude": 33.93, "Longitude": -118.19, "Population": 1226.0}, {"index": 7463, "quantile": 0.5, "value": 144300.0, "Latitude": 33.93, "Longitude": -118.19, "Population": 1226.0}, {"index": 7463, "quantile": 0.75, "value": 146425.0, "Latitude": 33.93, "Longitude": -118.19, "Population": 1226.0}, {"index": 7463, "quantile": 1.0, "value": 184200.0, "Latitude": 33.93, "Longitude": -118.19, "Population": 1226.0}, {"index": 7464, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 33.93, "Longitude": -118.19, "Population": 1614.0}, {"index": 7464, "quantile": 0.25, "value": 146400.0, "Latitude": 33.93, "Longitude": -118.19, "Population": 1614.0}, {"index": 7464, "quantile": 0.5, "value": 146400.0, "Latitude": 33.93, "Longitude": -118.19, "Population": 1614.0}, {"index": 7464, "quantile": 0.75, "value": 146400.0, "Latitude": 33.93, "Longitude": -118.19, "Population": 1614.0}, {"index": 7464, "quantile": 1.0, "value": 202400.0, "Latitude": 33.93, "Longitude": -118.19, "Population": 1614.0}, {"index": 7465, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.93, "Longitude": -118.2, "Population": 1780.0}, {"index": 7465, "quantile": 0.25, "value": 149400.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 1780.0}, {"index": 7465, "quantile": 0.5, "value": 149400.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 1780.0}, {"index": 7465, "quantile": 0.75, "value": 149400.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 1780.0}, {"index": 7465, "quantile": 1.0, "value": 271200.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 1780.0}, {"index": 7466, "quantile": 0.0, "value": 110700.0, "Latitude": 33.93, "Longitude": -118.19, "Population": 1227.0}, {"index": 7466, "quantile": 0.25, "value": 145700.0, "Latitude": 33.93, "Longitude": -118.19, "Population": 1227.0}, {"index": 7466, "quantile": 0.5, "value": 145700.0, "Latitude": 33.93, "Longitude": -118.19, "Population": 1227.0}, {"index": 7466, "quantile": 0.75, "value": 145825.0, "Latitude": 33.93, "Longitude": -118.19, "Population": 1227.0}, {"index": 7466, "quantile": 1.0, "value": 215400.0, "Latitude": 33.93, "Longitude": -118.19, "Population": 1227.0}, {"index": 7467, "quantile": 0.0, "value": 100000.0, "Latitude": 33.92, "Longitude": -118.19, "Population": 1732.0}, {"index": 7467, "quantile": 0.25, "value": 139400.0, "Latitude": 33.92, "Longitude": -118.19, "Population": 1732.0}, {"index": 7467, "quantile": 0.5, "value": 139400.0, "Latitude": 33.92, "Longitude": -118.19, "Population": 1732.0}, {"index": 7467, "quantile": 0.75, "value": 139400.0, "Latitude": 33.92, "Longitude": -118.19, "Population": 1732.0}, {"index": 7467, "quantile": 1.0, "value": 219800.0, "Latitude": 33.92, "Longitude": -118.19, "Population": 1732.0}, {"index": 7468, "quantile": 0.0, "value": 89500.0, "Latitude": 33.92, "Longitude": -118.2, "Population": 1432.0}, {"index": 7468, "quantile": 0.25, "value": 138800.0, "Latitude": 33.92, "Longitude": -118.2, "Population": 1432.0}, {"index": 7468, "quantile": 0.5, "value": 138800.0, "Latitude": 33.92, "Longitude": -118.2, "Population": 1432.0}, {"index": 7468, "quantile": 0.75, "value": 138800.0, "Latitude": 33.92, "Longitude": -118.2, "Population": 1432.0}, {"index": 7468, "quantile": 1.0, "value": 242700.0, "Latitude": 33.92, "Longitude": -118.2, "Population": 1432.0}, {"index": 7469, "quantile": 0.0, "value": 96100.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 1280.0}, {"index": 7469, "quantile": 0.25, "value": 146500.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 1280.0}, {"index": 7469, "quantile": 0.5, "value": 146500.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 1280.0}, {"index": 7469, "quantile": 0.75, "value": 151100.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 1280.0}, {"index": 7469, "quantile": 1.0, "value": 190400.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 1280.0}, {"index": 7470, "quantile": 0.0, "value": 94100.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 1443.0}, {"index": 7470, "quantile": 0.25, "value": 159175.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 1443.0}, {"index": 7470, "quantile": 0.5, "value": 162500.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 1443.0}, {"index": 7470, "quantile": 0.75, "value": 162500.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 1443.0}, {"index": 7470, "quantile": 1.0, "value": 350000.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 1443.0}, {"index": 7471, "quantile": 0.0, "value": 90000.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 1134.0}, {"index": 7471, "quantile": 0.25, "value": 141100.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 1134.0}, {"index": 7471, "quantile": 0.5, "value": 141100.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 1134.0}, {"index": 7471, "quantile": 0.75, "value": 141100.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 1134.0}, {"index": 7471, "quantile": 1.0, "value": 189400.0, "Latitude": 33.94, "Longitude": -118.21, "Population": 1134.0}, {"index": 7472, "quantile": 0.0, "value": 89300.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 3649.0}, {"index": 7472, "quantile": 0.25, "value": 131900.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 3649.0}, {"index": 7472, "quantile": 0.5, "value": 145800.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 3649.0}, {"index": 7472, "quantile": 0.75, "value": 160800.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 3649.0}, {"index": 7472, "quantile": 1.0, "value": 175000.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 3649.0}, {"index": 7473, "quantile": 0.0, "value": 81300.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 2341.0}, {"index": 7473, "quantile": 0.25, "value": 125450.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 2341.0}, {"index": 7473, "quantile": 0.5, "value": 137500.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 2341.0}, {"index": 7473, "quantile": 0.75, "value": 152025.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 2341.0}, {"index": 7473, "quantile": 1.0, "value": 189400.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 2341.0}, {"index": 7474, "quantile": 0.0, "value": 68900.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 3423.0}, {"index": 7474, "quantile": 0.25, "value": 144800.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 3423.0}, {"index": 7474, "quantile": 0.5, "value": 153250.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 3423.0}, {"index": 7474, "quantile": 0.75, "value": 162950.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 3423.0}, {"index": 7474, "quantile": 1.0, "value": 215099.99999999997, "Latitude": 33.93, "Longitude": -118.21, "Population": 3423.0}, {"index": 7475, "quantile": 0.0, "value": 89200.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 934.0}, {"index": 7475, "quantile": 0.25, "value": 141100.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 934.0}, {"index": 7475, "quantile": 0.5, "value": 145700.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 934.0}, {"index": 7475, "quantile": 0.75, "value": 145700.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 934.0}, {"index": 7475, "quantile": 1.0, "value": 166100.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 934.0}, {"index": 7476, "quantile": 0.0, "value": 98600.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 1193.0}, {"index": 7476, "quantile": 0.25, "value": 138800.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 1193.0}, {"index": 7476, "quantile": 0.5, "value": 138800.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 1193.0}, {"index": 7476, "quantile": 0.75, "value": 138800.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 1193.0}, {"index": 7476, "quantile": 1.0, "value": 191100.0, "Latitude": 33.93, "Longitude": -118.2, "Population": 1193.0}, {"index": 7477, "quantile": 0.0, "value": 89300.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 1769.0}, {"index": 7477, "quantile": 0.25, "value": 122900.00000000001, "Latitude": 33.93, "Longitude": -118.21, "Population": 1769.0}, {"index": 7477, "quantile": 0.5, "value": 141400.00000000003, "Latitude": 33.93, "Longitude": -118.21, "Population": 1769.0}, {"index": 7477, "quantile": 0.75, "value": 154725.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 1769.0}, {"index": 7477, "quantile": 1.0, "value": 187500.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 1769.0}, {"index": 7478, "quantile": 0.0, "value": 89500.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 184.0}, {"index": 7478, "quantile": 0.25, "value": 108900.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 184.0}, {"index": 7478, "quantile": 0.5, "value": 108900.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 184.0}, {"index": 7478, "quantile": 0.75, "value": 113250.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 184.0}, {"index": 7478, "quantile": 1.0, "value": 375000.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 184.0}, {"index": 7479, "quantile": 0.0, "value": 97900.0, "Latitude": 33.93, "Longitude": -118.22, "Population": 2286.0}, {"index": 7479, "quantile": 0.25, "value": 130450.0, "Latitude": 33.93, "Longitude": -118.22, "Population": 2286.0}, {"index": 7479, "quantile": 0.5, "value": 148200.0, "Latitude": 33.93, "Longitude": -118.22, "Population": 2286.0}, {"index": 7479, "quantile": 0.75, "value": 161200.0, "Latitude": 33.93, "Longitude": -118.22, "Population": 2286.0}, {"index": 7479, "quantile": 1.0, "value": 235300.00000000003, "Latitude": 33.93, "Longitude": -118.22, "Population": 2286.0}, {"index": 7480, "quantile": 0.0, "value": 38800.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1203.0}, {"index": 7480, "quantile": 0.25, "value": 125000.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1203.0}, {"index": 7480, "quantile": 0.5, "value": 141100.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1203.0}, {"index": 7480, "quantile": 0.75, "value": 153925.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1203.0}, {"index": 7480, "quantile": 1.0, "value": 187500.0, "Latitude": 33.94, "Longitude": -118.22, "Population": 1203.0}, {"index": 7481, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.93, "Longitude": -118.23, "Population": 610.0}, {"index": 7481, "quantile": 0.25, "value": 95100.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 610.0}, {"index": 7481, "quantile": 0.5, "value": 95100.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 610.0}, {"index": 7481, "quantile": 0.75, "value": 95100.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 610.0}, {"index": 7481, "quantile": 1.0, "value": 350000.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 610.0}, {"index": 7482, "quantile": 0.0, "value": 84700.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 1219.0}, {"index": 7482, "quantile": 0.25, "value": 93200.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 1219.0}, {"index": 7482, "quantile": 0.5, "value": 93200.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 1219.0}, {"index": 7482, "quantile": 0.75, "value": 93200.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 1219.0}, {"index": 7482, "quantile": 1.0, "value": 134400.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 1219.0}, {"index": 7483, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.93, "Longitude": -118.22, "Population": 903.0}, {"index": 7483, "quantile": 0.25, "value": 104650.0, "Latitude": 33.93, "Longitude": -118.22, "Population": 903.0}, {"index": 7483, "quantile": 0.5, "value": 126600.0, "Latitude": 33.93, "Longitude": -118.22, "Population": 903.0}, {"index": 7483, "quantile": 0.75, "value": 147200.0, "Latitude": 33.93, "Longitude": -118.22, "Population": 903.0}, {"index": 7483, "quantile": 1.0, "value": 350000.0, "Latitude": 33.93, "Longitude": -118.22, "Population": 903.0}, {"index": 7484, "quantile": 0.0, "value": 89200.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 636.0}, {"index": 7484, "quantile": 0.25, "value": 118100.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 636.0}, {"index": 7484, "quantile": 0.5, "value": 118100.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 636.0}, {"index": 7484, "quantile": 0.75, "value": 133000.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 636.0}, {"index": 7484, "quantile": 1.0, "value": 166700.0, "Latitude": 33.93, "Longitude": -118.21, "Population": 636.0}, {"index": 7485, "quantile": 0.0, "value": 88800.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 1839.0}, {"index": 7485, "quantile": 0.25, "value": 105300.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 1839.0}, {"index": 7485, "quantile": 0.5, "value": 118100.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 1839.0}, {"index": 7485, "quantile": 0.75, "value": 138950.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 1839.0}, {"index": 7485, "quantile": 1.0, "value": 184300.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 1839.0}, {"index": 7486, "quantile": 0.0, "value": 97900.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 1870.0}, {"index": 7486, "quantile": 0.25, "value": 117300.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 1870.0}, {"index": 7486, "quantile": 0.5, "value": 117300.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 1870.0}, {"index": 7486, "quantile": 0.75, "value": 123400.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 1870.0}, {"index": 7486, "quantile": 1.0, "value": 216400.00000000003, "Latitude": 33.92, "Longitude": -118.21, "Population": 1870.0}, {"index": 7487, "quantile": 0.0, "value": 38800.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 4551.0}, {"index": 7487, "quantile": 0.25, "value": 131900.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 4551.0}, {"index": 7487, "quantile": 0.5, "value": 131900.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 4551.0}, {"index": 7487, "quantile": 0.75, "value": 132100.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 4551.0}, {"index": 7487, "quantile": 1.0, "value": 350000.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 4551.0}, {"index": 7488, "quantile": 0.0, "value": 83100.0, "Latitude": 33.92, "Longitude": -118.22, "Population": 1251.0}, {"index": 7488, "quantile": 0.25, "value": 138325.0, "Latitude": 33.92, "Longitude": -118.22, "Population": 1251.0}, {"index": 7488, "quantile": 0.5, "value": 154700.0, "Latitude": 33.92, "Longitude": -118.22, "Population": 1251.0}, {"index": 7488, "quantile": 0.75, "value": 167600.0, "Latitude": 33.92, "Longitude": -118.22, "Population": 1251.0}, {"index": 7488, "quantile": 1.0, "value": 184900.0, "Latitude": 33.92, "Longitude": -118.22, "Population": 1251.0}, {"index": 7489, "quantile": 0.0, "value": 38800.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 308.0}, {"index": 7489, "quantile": 0.25, "value": 103575.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 308.0}, {"index": 7489, "quantile": 0.5, "value": 105400.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 308.0}, {"index": 7489, "quantile": 0.75, "value": 105400.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 308.0}, {"index": 7489, "quantile": 1.0, "value": 350000.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 308.0}, {"index": 7490, "quantile": 0.0, "value": 85800.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 909.0}, {"index": 7490, "quantile": 0.25, "value": 93200.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 909.0}, {"index": 7490, "quantile": 0.5, "value": 96700.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 909.0}, {"index": 7490, "quantile": 0.75, "value": 96700.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 909.0}, {"index": 7490, "quantile": 1.0, "value": 134400.0, "Latitude": 33.93, "Longitude": -118.23, "Population": 909.0}, {"index": 7491, "quantile": 0.0, "value": 88200.0, "Latitude": 33.92, "Longitude": -118.23, "Population": 1953.0}, {"index": 7491, "quantile": 0.25, "value": 92600.0, "Latitude": 33.92, "Longitude": -118.23, "Population": 1953.0}, {"index": 7491, "quantile": 0.5, "value": 98900.0, "Latitude": 33.92, "Longitude": -118.23, "Population": 1953.0}, {"index": 7491, "quantile": 0.75, "value": 108425.0, "Latitude": 33.92, "Longitude": -118.23, "Population": 1953.0}, {"index": 7491, "quantile": 1.0, "value": 148200.0, "Latitude": 33.92, "Longitude": -118.23, "Population": 1953.0}, {"index": 7492, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.93, "Longitude": -118.24, "Population": 354.0}, {"index": 7492, "quantile": 0.25, "value": 97200.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 354.0}, {"index": 7492, "quantile": 0.5, "value": 134750.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 354.0}, {"index": 7492, "quantile": 0.75, "value": 159600.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 354.0}, {"index": 7492, "quantile": 1.0, "value": 250000.0, "Latitude": 33.93, "Longitude": -118.24, "Population": 354.0}, {"index": 7493, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.92, "Longitude": -118.24, "Population": 605.0}, {"index": 7493, "quantile": 0.25, "value": 97400.0, "Latitude": 33.92, "Longitude": -118.24, "Population": 605.0}, {"index": 7493, "quantile": 0.5, "value": 97400.0, "Latitude": 33.92, "Longitude": -118.24, "Population": 605.0}, {"index": 7493, "quantile": 0.75, "value": 116700.0, "Latitude": 33.92, "Longitude": -118.24, "Population": 605.0}, {"index": 7493, "quantile": 1.0, "value": 250000.0, "Latitude": 33.92, "Longitude": -118.24, "Population": 605.0}, {"index": 7494, "quantile": 0.0, "value": 88200.0, "Latitude": 33.92, "Longitude": -118.24, "Population": 601.0}, {"index": 7494, "quantile": 0.25, "value": 106400.0, "Latitude": 33.92, "Longitude": -118.24, "Population": 601.0}, {"index": 7494, "quantile": 0.5, "value": 106400.0, "Latitude": 33.92, "Longitude": -118.24, "Population": 601.0}, {"index": 7494, "quantile": 0.75, "value": 106950.00000000001, "Latitude": 33.92, "Longitude": -118.24, "Population": 601.0}, {"index": 7494, "quantile": 1.0, "value": 262500.0, "Latitude": 33.92, "Longitude": -118.24, "Population": 601.0}, {"index": 7495, "quantile": 0.0, "value": 83100.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 246.0}, {"index": 7495, "quantile": 0.25, "value": 90000.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 246.0}, {"index": 7495, "quantile": 0.5, "value": 90000.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 246.0}, {"index": 7495, "quantile": 0.75, "value": 136450.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 246.0}, {"index": 7495, "quantile": 1.0, "value": 350000.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 246.0}, {"index": 7496, "quantile": 0.0, "value": 83100.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 647.0}, {"index": 7496, "quantile": 0.25, "value": 83100.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 647.0}, {"index": 7496, "quantile": 0.5, "value": 83100.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 647.0}, {"index": 7496, "quantile": 0.75, "value": 127325.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 647.0}, {"index": 7496, "quantile": 1.0, "value": 185200.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 647.0}, {"index": 7497, "quantile": 0.0, "value": 84700.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 754.0}, {"index": 7497, "quantile": 0.25, "value": 94150.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 754.0}, {"index": 7497, "quantile": 0.5, "value": 101800.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 754.0}, {"index": 7497, "quantile": 0.75, "value": 101800.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 754.0}, {"index": 7497, "quantile": 1.0, "value": 122600.0, "Latitude": 33.93, "Longitude": -118.25, "Population": 754.0}, {"index": 7498, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.92, "Longitude": -118.25, "Population": 411.0}, {"index": 7498, "quantile": 0.25, "value": 96500.0, "Latitude": 33.92, "Longitude": -118.25, "Population": 411.0}, {"index": 7498, "quantile": 0.5, "value": 96500.0, "Latitude": 33.92, "Longitude": -118.25, "Population": 411.0}, {"index": 7498, "quantile": 0.75, "value": 96500.0, "Latitude": 33.92, "Longitude": -118.25, "Population": 411.0}, {"index": 7498, "quantile": 1.0, "value": 350000.0, "Latitude": 33.92, "Longitude": -118.25, "Population": 411.0}, {"index": 7499, "quantile": 0.0, "value": 91300.0, "Latitude": 33.92, "Longitude": -118.25, "Population": 1184.0}, {"index": 7499, "quantile": 0.25, "value": 95900.0, "Latitude": 33.92, "Longitude": -118.25, "Population": 1184.0}, {"index": 7499, "quantile": 0.5, "value": 95900.0, "Latitude": 33.92, "Longitude": -118.25, "Population": 1184.0}, {"index": 7499, "quantile": 0.75, "value": 98800.0, "Latitude": 33.92, "Longitude": -118.25, "Population": 1184.0}, {"index": 7499, "quantile": 1.0, "value": 178300.0, "Latitude": 33.92, "Longitude": -118.25, "Population": 1184.0}, {"index": 7500, "quantile": 0.0, "value": 84200.0, "Latitude": 33.92, "Longitude": -118.25, "Population": 747.0}, {"index": 7500, "quantile": 0.25, "value": 92600.0, "Latitude": 33.92, "Longitude": -118.25, "Population": 747.0}, {"index": 7500, "quantile": 0.5, "value": 92600.0, "Latitude": 33.92, "Longitude": -118.25, "Population": 747.0}, {"index": 7500, "quantile": 0.75, "value": 94600.0, "Latitude": 33.92, "Longitude": -118.25, "Population": 747.0}, {"index": 7500, "quantile": 1.0, "value": 114199.99999999999, "Latitude": 33.92, "Longitude": -118.25, "Population": 747.0}, {"index": 7501, "quantile": 0.0, "value": 84200.0, "Latitude": 33.92, "Longitude": -118.26, "Population": 2105.0}, {"index": 7501, "quantile": 0.25, "value": 92600.0, "Latitude": 33.92, "Longitude": -118.26, "Population": 2105.0}, {"index": 7501, "quantile": 0.5, "value": 98100.0, "Latitude": 33.92, "Longitude": -118.26, "Population": 2105.0}, {"index": 7501, "quantile": 0.75, "value": 106200.0, "Latitude": 33.92, "Longitude": -118.26, "Population": 2105.0}, {"index": 7501, "quantile": 1.0, "value": 175900.0, "Latitude": 33.92, "Longitude": -118.26, "Population": 2105.0}, {"index": 7502, "quantile": 0.0, "value": 95200.0, "Latitude": 33.91, "Longitude": -118.26, "Population": 440.0}, {"index": 7502, "quantile": 0.25, "value": 120800.0, "Latitude": 33.91, "Longitude": -118.26, "Population": 440.0}, {"index": 7502, "quantile": 0.5, "value": 120800.0, "Latitude": 33.91, "Longitude": -118.26, "Population": 440.0}, {"index": 7502, "quantile": 0.75, "value": 120800.0, "Latitude": 33.91, "Longitude": -118.26, "Population": 440.0}, {"index": 7502, "quantile": 1.0, "value": 324400.0, "Latitude": 33.91, "Longitude": -118.26, "Population": 440.0}, {"index": 7503, "quantile": 0.0, "value": 84200.0, "Latitude": 33.92, "Longitude": -118.27, "Population": 1166.0}, {"index": 7503, "quantile": 0.25, "value": 89675.0, "Latitude": 33.92, "Longitude": -118.27, "Population": 1166.0}, {"index": 7503, "quantile": 0.5, "value": 93750.0, "Latitude": 33.92, "Longitude": -118.27, "Population": 1166.0}, {"index": 7503, "quantile": 0.75, "value": 101299.99999999999, "Latitude": 33.92, "Longitude": -118.27, "Population": 1166.0}, {"index": 7503, "quantile": 1.0, "value": 110600.00000000001, "Latitude": 33.92, "Longitude": -118.27, "Population": 1166.0}, {"index": 7504, "quantile": 0.0, "value": 88800.0, "Latitude": 33.92, "Longitude": -118.27, "Population": 1444.0}, {"index": 7504, "quantile": 0.25, "value": 106800.0, "Latitude": 33.92, "Longitude": -118.27, "Population": 1444.0}, {"index": 7504, "quantile": 0.5, "value": 106800.0, "Latitude": 33.92, "Longitude": -118.27, "Population": 1444.0}, {"index": 7504, "quantile": 0.75, "value": 106800.0, "Latitude": 33.92, "Longitude": -118.27, "Population": 1444.0}, {"index": 7504, "quantile": 1.0, "value": 165000.0, "Latitude": 33.92, "Longitude": -118.27, "Population": 1444.0}, {"index": 7505, "quantile": 0.0, "value": 89100.0, "Latitude": 33.92, "Longitude": -118.28, "Population": 1036.0}, {"index": 7505, "quantile": 0.25, "value": 110000.00000000001, "Latitude": 33.92, "Longitude": -118.28, "Population": 1036.0}, {"index": 7505, "quantile": 0.5, "value": 110000.00000000001, "Latitude": 33.92, "Longitude": -118.28, "Population": 1036.0}, {"index": 7505, "quantile": 0.75, "value": 110000.00000000001, "Latitude": 33.92, "Longitude": -118.28, "Population": 1036.0}, {"index": 7505, "quantile": 1.0, "value": 325000.0, "Latitude": 33.92, "Longitude": -118.28, "Population": 1036.0}, {"index": 7506, "quantile": 0.0, "value": 89100.0, "Latitude": 33.92, "Longitude": -118.28, "Population": 729.0}, {"index": 7506, "quantile": 0.25, "value": 104099.99999999999, "Latitude": 33.92, "Longitude": -118.28, "Population": 729.0}, {"index": 7506, "quantile": 0.5, "value": 117100.0, "Latitude": 33.92, "Longitude": -118.28, "Population": 729.0}, {"index": 7506, "quantile": 0.75, "value": 154800.0, "Latitude": 33.92, "Longitude": -118.28, "Population": 729.0}, {"index": 7506, "quantile": 1.0, "value": 242700.0, "Latitude": 33.92, "Longitude": -118.28, "Population": 729.0}, {"index": 7507, "quantile": 0.0, "value": 89100.0, "Latitude": 33.91, "Longitude": -118.27, "Population": 1318.0}, {"index": 7507, "quantile": 0.25, "value": 101099.99999999999, "Latitude": 33.91, "Longitude": -118.27, "Population": 1318.0}, {"index": 7507, "quantile": 0.5, "value": 101099.99999999999, "Latitude": 33.91, "Longitude": -118.27, "Population": 1318.0}, {"index": 7507, "quantile": 0.75, "value": 103050.0, "Latitude": 33.91, "Longitude": -118.27, "Population": 1318.0}, {"index": 7507, "quantile": 1.0, "value": 225000.0, "Latitude": 33.91, "Longitude": -118.27, "Population": 1318.0}, {"index": 7508, "quantile": 0.0, "value": 89100.0, "Latitude": 33.91, "Longitude": -118.27, "Population": 1720.0}, {"index": 7508, "quantile": 0.25, "value": 106075.00000000001, "Latitude": 33.91, "Longitude": -118.27, "Population": 1720.0}, {"index": 7508, "quantile": 0.5, "value": 109600.00000000001, "Latitude": 33.91, "Longitude": -118.27, "Population": 1720.0}, {"index": 7508, "quantile": 0.75, "value": 136300.0, "Latitude": 33.91, "Longitude": -118.27, "Population": 1720.0}, {"index": 7508, "quantile": 1.0, "value": 450000.0, "Latitude": 33.91, "Longitude": -118.27, "Population": 1720.0}, {"index": 7509, "quantile": 0.0, "value": 88400.0, "Latitude": 33.91, "Longitude": -118.27, "Population": 1292.0}, {"index": 7509, "quantile": 0.25, "value": 102899.99999999999, "Latitude": 33.91, "Longitude": -118.27, "Population": 1292.0}, {"index": 7509, "quantile": 0.5, "value": 110600.00000000001, "Latitude": 33.91, "Longitude": -118.27, "Population": 1292.0}, {"index": 7509, "quantile": 0.75, "value": 110600.00000000001, "Latitude": 33.91, "Longitude": -118.27, "Population": 1292.0}, {"index": 7509, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 33.91, "Longitude": -118.27, "Population": 1292.0}, {"index": 7510, "quantile": 0.0, "value": 96100.0, "Latitude": 33.89, "Longitude": -118.27, "Population": 1349.0}, {"index": 7510, "quantile": 0.25, "value": 173700.0, "Latitude": 33.89, "Longitude": -118.27, "Population": 1349.0}, {"index": 7510, "quantile": 0.5, "value": 188000.0, "Latitude": 33.89, "Longitude": -118.27, "Population": 1349.0}, {"index": 7510, "quantile": 0.75, "value": 208750.00000000003, "Latitude": 33.89, "Longitude": -118.27, "Population": 1349.0}, {"index": 7510, "quantile": 1.0, "value": 252100.0, "Latitude": 33.89, "Longitude": -118.27, "Population": 1349.0}, {"index": 7511, "quantile": 0.0, "value": 148900.0, "Latitude": 33.87, "Longitude": -118.27, "Population": 3244.0}, {"index": 7511, "quantile": 0.25, "value": 181400.0, "Latitude": 33.87, "Longitude": -118.27, "Population": 3244.0}, {"index": 7511, "quantile": 0.5, "value": 181400.0, "Latitude": 33.87, "Longitude": -118.27, "Population": 3244.0}, {"index": 7511, "quantile": 0.75, "value": 223050.00000000003, "Latitude": 33.87, "Longitude": -118.27, "Population": 3244.0}, {"index": 7511, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.87, "Longitude": -118.27, "Population": 3244.0}, {"index": 7512, "quantile": 0.0, "value": 88800.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 1163.0}, {"index": 7512, "quantile": 0.25, "value": 89500.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 1163.0}, {"index": 7512, "quantile": 0.5, "value": 89500.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 1163.0}, {"index": 7512, "quantile": 0.75, "value": 99050.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 1163.0}, {"index": 7512, "quantile": 1.0, "value": 217000.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 1163.0}, {"index": 7513, "quantile": 0.0, "value": 96100.0, "Latitude": 33.9, "Longitude": -118.26, "Population": 981.0}, {"index": 7513, "quantile": 0.25, "value": 171450.0, "Latitude": 33.9, "Longitude": -118.26, "Population": 981.0}, {"index": 7513, "quantile": 0.5, "value": 179300.0, "Latitude": 33.9, "Longitude": -118.26, "Population": 981.0}, {"index": 7513, "quantile": 0.75, "value": 192375.0, "Latitude": 33.9, "Longitude": -118.26, "Population": 981.0}, {"index": 7513, "quantile": 1.0, "value": 270500.0, "Latitude": 33.9, "Longitude": -118.26, "Population": 981.0}, {"index": 7514, "quantile": 0.0, "value": 81300.0, "Latitude": 33.9, "Longitude": -118.26, "Population": 754.0}, {"index": 7514, "quantile": 0.25, "value": 89475.0, "Latitude": 33.9, "Longitude": -118.26, "Population": 754.0}, {"index": 7514, "quantile": 0.5, "value": 94649.99999999999, "Latitude": 33.9, "Longitude": -118.26, "Population": 754.0}, {"index": 7514, "quantile": 0.75, "value": 123374.99999999999, "Latitude": 33.9, "Longitude": -118.26, "Population": 754.0}, {"index": 7514, "quantile": 1.0, "value": 260700.00000000003, "Latitude": 33.9, "Longitude": -118.26, "Population": 754.0}, {"index": 7515, "quantile": 0.0, "value": 124400.0, "Latitude": 33.92, "Longitude": -118.25, "Population": 502.0}, {"index": 7515, "quantile": 0.25, "value": 124400.0, "Latitude": 33.92, "Longitude": -118.25, "Population": 502.0}, {"index": 7515, "quantile": 0.5, "value": 124400.0, "Latitude": 33.92, "Longitude": -118.25, "Population": 502.0}, {"index": 7515, "quantile": 0.75, "value": 210475.0, "Latitude": 33.92, "Longitude": -118.25, "Population": 502.0}, {"index": 7515, "quantile": 1.0, "value": 294000.0, "Latitude": 33.92, "Longitude": -118.25, "Population": 502.0}, {"index": 7516, "quantile": 0.0, "value": 96100.0, "Latitude": 33.91, "Longitude": -118.25, "Population": 1125.0}, {"index": 7516, "quantile": 0.25, "value": 156400.0, "Latitude": 33.91, "Longitude": -118.25, "Population": 1125.0}, {"index": 7516, "quantile": 0.5, "value": 186550.0, "Latitude": 33.91, "Longitude": -118.25, "Population": 1125.0}, {"index": 7516, "quantile": 0.75, "value": 227300.0, "Latitude": 33.91, "Longitude": -118.25, "Population": 1125.0}, {"index": 7516, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.91, "Longitude": -118.25, "Population": 1125.0}, {"index": 7517, "quantile": 0.0, "value": 88800.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 614.0}, {"index": 7517, "quantile": 0.25, "value": 113100.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 614.0}, {"index": 7517, "quantile": 0.5, "value": 113100.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 614.0}, {"index": 7517, "quantile": 0.75, "value": 113100.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 614.0}, {"index": 7517, "quantile": 1.0, "value": 300000.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 614.0}, {"index": 7518, "quantile": 0.0, "value": 100000.0, "Latitude": 33.91, "Longitude": -118.25, "Population": 963.0}, {"index": 7518, "quantile": 0.25, "value": 161250.0, "Latitude": 33.91, "Longitude": -118.25, "Population": 963.0}, {"index": 7518, "quantile": 0.5, "value": 170800.0, "Latitude": 33.91, "Longitude": -118.25, "Population": 963.0}, {"index": 7518, "quantile": 0.75, "value": 190099.99999999997, "Latitude": 33.91, "Longitude": -118.25, "Population": 963.0}, {"index": 7518, "quantile": 1.0, "value": 375000.0, "Latitude": 33.91, "Longitude": -118.25, "Population": 963.0}, {"index": 7519, "quantile": 0.0, "value": 88200.0, "Latitude": 33.91, "Longitude": -118.26, "Population": 711.0}, {"index": 7519, "quantile": 0.25, "value": 95725.0, "Latitude": 33.91, "Longitude": -118.26, "Population": 711.0}, {"index": 7519, "quantile": 0.5, "value": 103000.0, "Latitude": 33.91, "Longitude": -118.26, "Population": 711.0}, {"index": 7519, "quantile": 0.75, "value": 111700.0, "Latitude": 33.91, "Longitude": -118.26, "Population": 711.0}, {"index": 7519, "quantile": 1.0, "value": 232100.00000000003, "Latitude": 33.91, "Longitude": -118.26, "Population": 711.0}, {"index": 7520, "quantile": 0.0, "value": 88800.0, "Latitude": 33.91, "Longitude": -118.26, "Population": 655.0}, {"index": 7520, "quantile": 0.25, "value": 95725.0, "Latitude": 33.91, "Longitude": -118.26, "Population": 655.0}, {"index": 7520, "quantile": 0.5, "value": 119550.0, "Latitude": 33.91, "Longitude": -118.26, "Population": 655.0}, {"index": 7520, "quantile": 0.75, "value": 179425.0, "Latitude": 33.91, "Longitude": -118.26, "Population": 655.0}, {"index": 7520, "quantile": 1.0, "value": 242099.99999999997, "Latitude": 33.91, "Longitude": -118.26, "Population": 655.0}, {"index": 7521, "quantile": 0.0, "value": 75600.0, "Latitude": 33.91, "Longitude": -118.26, "Population": 903.0}, {"index": 7521, "quantile": 0.25, "value": 91425.0, "Latitude": 33.91, "Longitude": -118.26, "Population": 903.0}, {"index": 7521, "quantile": 0.5, "value": 94500.0, "Latitude": 33.91, "Longitude": -118.26, "Population": 903.0}, {"index": 7521, "quantile": 0.75, "value": 109949.99999999999, "Latitude": 33.91, "Longitude": -118.26, "Population": 903.0}, {"index": 7521, "quantile": 1.0, "value": 195300.0, "Latitude": 33.91, "Longitude": -118.26, "Population": 903.0}, {"index": 7522, "quantile": 0.0, "value": 86200.0, "Latitude": 33.91, "Longitude": -118.24, "Population": 761.0}, {"index": 7522, "quantile": 0.25, "value": 88200.0, "Latitude": 33.91, "Longitude": -118.24, "Population": 761.0}, {"index": 7522, "quantile": 0.5, "value": 88200.0, "Latitude": 33.91, "Longitude": -118.24, "Population": 761.0}, {"index": 7522, "quantile": 0.75, "value": 92600.0, "Latitude": 33.91, "Longitude": -118.24, "Population": 761.0}, {"index": 7522, "quantile": 1.0, "value": 158800.0, "Latitude": 33.91, "Longitude": -118.24, "Population": 761.0}, {"index": 7523, "quantile": 0.0, "value": 84700.0, "Latitude": 33.91, "Longitude": -118.24, "Population": 721.0}, {"index": 7523, "quantile": 0.25, "value": 102899.99999999999, "Latitude": 33.91, "Longitude": -118.24, "Population": 721.0}, {"index": 7523, "quantile": 0.5, "value": 102899.99999999999, "Latitude": 33.91, "Longitude": -118.24, "Population": 721.0}, {"index": 7523, "quantile": 0.75, "value": 102899.99999999999, "Latitude": 33.91, "Longitude": -118.24, "Population": 721.0}, {"index": 7523, "quantile": 1.0, "value": 119900.0, "Latitude": 33.91, "Longitude": -118.24, "Population": 721.0}, {"index": 7524, "quantile": 0.0, "value": 89100.0, "Latitude": 33.91, "Longitude": -118.24, "Population": 1286.0}, {"index": 7524, "quantile": 0.25, "value": 103600.0, "Latitude": 33.91, "Longitude": -118.24, "Population": 1286.0}, {"index": 7524, "quantile": 0.5, "value": 103600.0, "Latitude": 33.91, "Longitude": -118.24, "Population": 1286.0}, {"index": 7524, "quantile": 0.75, "value": 103600.0, "Latitude": 33.91, "Longitude": -118.24, "Population": 1286.0}, {"index": 7524, "quantile": 1.0, "value": 174300.0, "Latitude": 33.91, "Longitude": -118.24, "Population": 1286.0}, {"index": 7525, "quantile": 0.0, "value": 84700.0, "Latitude": 33.91, "Longitude": -118.24, "Population": 1526.0}, {"index": 7525, "quantile": 0.25, "value": 94300.0, "Latitude": 33.91, "Longitude": -118.24, "Population": 1526.0}, {"index": 7525, "quantile": 0.5, "value": 94300.0, "Latitude": 33.91, "Longitude": -118.24, "Population": 1526.0}, {"index": 7525, "quantile": 0.75, "value": 95200.0, "Latitude": 33.91, "Longitude": -118.24, "Population": 1526.0}, {"index": 7525, "quantile": 1.0, "value": 115599.99999999999, "Latitude": 33.91, "Longitude": -118.24, "Population": 1526.0}, {"index": 7526, "quantile": 0.0, "value": 95900.0, "Latitude": 33.92, "Longitude": -118.24, "Population": 1122.0}, {"index": 7526, "quantile": 0.25, "value": 96100.0, "Latitude": 33.92, "Longitude": -118.24, "Population": 1122.0}, {"index": 7526, "quantile": 0.5, "value": 96100.0, "Latitude": 33.92, "Longitude": -118.24, "Population": 1122.0}, {"index": 7526, "quantile": 0.75, "value": 151475.0, "Latitude": 33.92, "Longitude": -118.24, "Population": 1122.0}, {"index": 7526, "quantile": 1.0, "value": 344400.0, "Latitude": 33.92, "Longitude": -118.24, "Population": 1122.0}, {"index": 7527, "quantile": 0.0, "value": 84700.0, "Latitude": 33.92, "Longitude": -118.23, "Population": 1699.0}, {"index": 7527, "quantile": 0.25, "value": 103800.0, "Latitude": 33.92, "Longitude": -118.23, "Population": 1699.0}, {"index": 7527, "quantile": 0.5, "value": 103800.0, "Latitude": 33.92, "Longitude": -118.23, "Population": 1699.0}, {"index": 7527, "quantile": 0.75, "value": 103800.0, "Latitude": 33.92, "Longitude": -118.23, "Population": 1699.0}, {"index": 7527, "quantile": 1.0, "value": 110600.00000000001, "Latitude": 33.92, "Longitude": -118.23, "Population": 1699.0}, {"index": 7528, "quantile": 0.0, "value": 84700.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 742.0}, {"index": 7528, "quantile": 0.25, "value": 88200.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 742.0}, {"index": 7528, "quantile": 0.5, "value": 88200.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 742.0}, {"index": 7528, "quantile": 0.75, "value": 93400.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 742.0}, {"index": 7528, "quantile": 1.0, "value": 175900.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 742.0}, {"index": 7529, "quantile": 0.0, "value": 84700.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 984.0}, {"index": 7529, "quantile": 0.25, "value": 89200.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 984.0}, {"index": 7529, "quantile": 0.5, "value": 97900.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 984.0}, {"index": 7529, "quantile": 0.75, "value": 139200.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 984.0}, {"index": 7529, "quantile": 1.0, "value": 302900.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 984.0}, {"index": 7530, "quantile": 0.0, "value": 84700.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 1041.0}, {"index": 7530, "quantile": 0.25, "value": 120300.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 1041.0}, {"index": 7530, "quantile": 0.5, "value": 134950.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 1041.0}, {"index": 7530, "quantile": 0.75, "value": 145500.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 1041.0}, {"index": 7530, "quantile": 1.0, "value": 242700.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 1041.0}, {"index": 7531, "quantile": 0.0, "value": 88200.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 1890.0}, {"index": 7531, "quantile": 0.25, "value": 89100.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 1890.0}, {"index": 7531, "quantile": 0.5, "value": 89100.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 1890.0}, {"index": 7531, "quantile": 0.75, "value": 138550.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 1890.0}, {"index": 7531, "quantile": 1.0, "value": 297100.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 1890.0}, {"index": 7532, "quantile": 0.0, "value": 84700.0, "Latitude": 33.92, "Longitude": -118.22, "Population": 1789.0}, {"index": 7532, "quantile": 0.25, "value": 89300.0, "Latitude": 33.92, "Longitude": -118.22, "Population": 1789.0}, {"index": 7532, "quantile": 0.5, "value": 89300.0, "Latitude": 33.92, "Longitude": -118.22, "Population": 1789.0}, {"index": 7532, "quantile": 0.75, "value": 96325.0, "Latitude": 33.92, "Longitude": -118.22, "Population": 1789.0}, {"index": 7532, "quantile": 1.0, "value": 169900.0, "Latitude": 33.92, "Longitude": -118.22, "Population": 1789.0}, {"index": 7533, "quantile": 0.0, "value": 88800.0, "Latitude": 33.91, "Longitude": -118.22, "Population": 841.0}, {"index": 7533, "quantile": 0.25, "value": 89200.0, "Latitude": 33.91, "Longitude": -118.22, "Population": 841.0}, {"index": 7533, "quantile": 0.5, "value": 89200.0, "Latitude": 33.91, "Longitude": -118.22, "Population": 841.0}, {"index": 7533, "quantile": 0.75, "value": 108474.99999999999, "Latitude": 33.91, "Longitude": -118.22, "Population": 841.0}, {"index": 7533, "quantile": 1.0, "value": 191100.0, "Latitude": 33.91, "Longitude": -118.22, "Population": 841.0}, {"index": 7534, "quantile": 0.0, "value": 84200.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 1215.0}, {"index": 7534, "quantile": 0.25, "value": 84700.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 1215.0}, {"index": 7534, "quantile": 0.5, "value": 84700.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 1215.0}, {"index": 7534, "quantile": 0.75, "value": 89575.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 1215.0}, {"index": 7534, "quantile": 1.0, "value": 190600.0, "Latitude": 33.91, "Longitude": -118.23, "Population": 1215.0}, {"index": 7535, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.92, "Longitude": -118.23, "Population": 1665.0}, {"index": 7535, "quantile": 0.25, "value": 95100.0, "Latitude": 33.92, "Longitude": -118.23, "Population": 1665.0}, {"index": 7535, "quantile": 0.5, "value": 102050.0, "Latitude": 33.92, "Longitude": -118.23, "Population": 1665.0}, {"index": 7535, "quantile": 0.75, "value": 105175.0, "Latitude": 33.92, "Longitude": -118.23, "Population": 1665.0}, {"index": 7535, "quantile": 1.0, "value": 350000.0, "Latitude": 33.92, "Longitude": -118.23, "Population": 1665.0}, {"index": 7536, "quantile": 0.0, "value": 94100.0, "Latitude": 33.92, "Longitude": -118.22, "Population": 1856.0}, {"index": 7536, "quantile": 0.25, "value": 100000.0, "Latitude": 33.92, "Longitude": -118.22, "Population": 1856.0}, {"index": 7536, "quantile": 0.5, "value": 100000.0, "Latitude": 33.92, "Longitude": -118.22, "Population": 1856.0}, {"index": 7536, "quantile": 0.75, "value": 135625.00000000003, "Latitude": 33.92, "Longitude": -118.22, "Population": 1856.0}, {"index": 7536, "quantile": 1.0, "value": 350000.0, "Latitude": 33.92, "Longitude": -118.22, "Population": 1856.0}, {"index": 7537, "quantile": 0.0, "value": 97200.0, "Latitude": 33.91, "Longitude": -118.21, "Population": 1807.0}, {"index": 7537, "quantile": 0.25, "value": 105300.0, "Latitude": 33.91, "Longitude": -118.21, "Population": 1807.0}, {"index": 7537, "quantile": 0.5, "value": 105300.0, "Latitude": 33.91, "Longitude": -118.21, "Population": 1807.0}, {"index": 7537, "quantile": 0.75, "value": 137650.0, "Latitude": 33.91, "Longitude": -118.21, "Population": 1807.0}, {"index": 7537, "quantile": 1.0, "value": 227100.0, "Latitude": 33.91, "Longitude": -118.21, "Population": 1807.0}, {"index": 7538, "quantile": 0.0, "value": 67500.0, "Latitude": 33.91, "Longitude": -118.21, "Population": 2601.0}, {"index": 7538, "quantile": 0.25, "value": 105600.0, "Latitude": 33.91, "Longitude": -118.21, "Population": 2601.0}, {"index": 7538, "quantile": 0.5, "value": 131900.0, "Latitude": 33.91, "Longitude": -118.21, "Population": 2601.0}, {"index": 7538, "quantile": 0.75, "value": 142600.0, "Latitude": 33.91, "Longitude": -118.21, "Population": 2601.0}, {"index": 7538, "quantile": 1.0, "value": 205300.0, "Latitude": 33.91, "Longitude": -118.21, "Population": 2601.0}, {"index": 7539, "quantile": 0.0, "value": 83100.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 679.0}, {"index": 7539, "quantile": 0.25, "value": 151850.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 679.0}, {"index": 7539, "quantile": 0.5, "value": 158200.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 679.0}, {"index": 7539, "quantile": 0.75, "value": 164649.99999999997, "Latitude": 33.9, "Longitude": -118.22, "Population": 679.0}, {"index": 7539, "quantile": 1.0, "value": 191300.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 679.0}, {"index": 7540, "quantile": 0.0, "value": 84700.0, "Latitude": 33.91, "Longitude": -118.22, "Population": 2263.0}, {"index": 7540, "quantile": 0.25, "value": 103200.0, "Latitude": 33.91, "Longitude": -118.22, "Population": 2263.0}, {"index": 7540, "quantile": 0.5, "value": 103200.0, "Latitude": 33.91, "Longitude": -118.22, "Population": 2263.0}, {"index": 7540, "quantile": 0.75, "value": 103200.0, "Latitude": 33.91, "Longitude": -118.22, "Population": 2263.0}, {"index": 7540, "quantile": 1.0, "value": 181900.0, "Latitude": 33.91, "Longitude": -118.22, "Population": 2263.0}, {"index": 7541, "quantile": 0.0, "value": 84200.0, "Latitude": 33.9, "Longitude": -118.2, "Population": 1178.0}, {"index": 7541, "quantile": 0.25, "value": 116875.0, "Latitude": 33.9, "Longitude": -118.2, "Population": 1178.0}, {"index": 7541, "quantile": 0.5, "value": 132400.0, "Latitude": 33.9, "Longitude": -118.2, "Population": 1178.0}, {"index": 7541, "quantile": 0.75, "value": 157575.0, "Latitude": 33.9, "Longitude": -118.2, "Population": 1178.0}, {"index": 7541, "quantile": 1.0, "value": 184100.0, "Latitude": 33.9, "Longitude": -118.2, "Population": 1178.0}, {"index": 7542, "quantile": 0.0, "value": 87500.0, "Latitude": 33.9, "Longitude": -118.21, "Population": 2010.0}, {"index": 7542, "quantile": 0.25, "value": 111725.00000000001, "Latitude": 33.9, "Longitude": -118.21, "Population": 2010.0}, {"index": 7542, "quantile": 0.5, "value": 123499.99999999999, "Latitude": 33.9, "Longitude": -118.21, "Population": 2010.0}, {"index": 7542, "quantile": 0.75, "value": 139800.0, "Latitude": 33.9, "Longitude": -118.21, "Population": 2010.0}, {"index": 7542, "quantile": 1.0, "value": 190400.0, "Latitude": 33.9, "Longitude": -118.21, "Population": 2010.0}, {"index": 7543, "quantile": 0.0, "value": 89300.0, "Latitude": 33.9, "Longitude": -118.21, "Population": 973.0}, {"index": 7543, "quantile": 0.25, "value": 102299.99999999999, "Latitude": 33.9, "Longitude": -118.21, "Population": 973.0}, {"index": 7543, "quantile": 0.5, "value": 102299.99999999999, "Latitude": 33.9, "Longitude": -118.21, "Population": 973.0}, {"index": 7543, "quantile": 0.75, "value": 145700.0, "Latitude": 33.9, "Longitude": -118.21, "Population": 973.0}, {"index": 7543, "quantile": 1.0, "value": 181500.0, "Latitude": 33.9, "Longitude": -118.21, "Population": 973.0}, {"index": 7544, "quantile": 0.0, "value": 87000.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 1786.0}, {"index": 7544, "quantile": 0.25, "value": 105600.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 1786.0}, {"index": 7544, "quantile": 0.5, "value": 105600.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 1786.0}, {"index": 7544, "quantile": 0.75, "value": 105600.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 1786.0}, {"index": 7544, "quantile": 1.0, "value": 115599.99999999999, "Latitude": 33.9, "Longitude": -118.22, "Population": 1786.0}, {"index": 7545, "quantile": 0.0, "value": 84700.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 1112.0}, {"index": 7545, "quantile": 0.25, "value": 105600.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 1112.0}, {"index": 7545, "quantile": 0.5, "value": 115599.99999999999, "Latitude": 33.9, "Longitude": -118.22, "Population": 1112.0}, {"index": 7545, "quantile": 0.75, "value": 115599.99999999999, "Latitude": 33.9, "Longitude": -118.22, "Population": 1112.0}, {"index": 7545, "quantile": 1.0, "value": 126800.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 1112.0}, {"index": 7546, "quantile": 0.0, "value": 52500.0, "Latitude": 33.92, "Longitude": -118.2, "Population": 477.0}, {"index": 7546, "quantile": 0.25, "value": 133300.0, "Latitude": 33.92, "Longitude": -118.2, "Population": 477.0}, {"index": 7546, "quantile": 0.5, "value": 149650.0, "Latitude": 33.92, "Longitude": -118.2, "Population": 477.0}, {"index": 7546, "quantile": 0.75, "value": 158200.0, "Latitude": 33.92, "Longitude": -118.2, "Population": 477.0}, {"index": 7546, "quantile": 1.0, "value": 219200.00000000003, "Latitude": 33.92, "Longitude": -118.2, "Population": 477.0}, {"index": 7547, "quantile": 0.0, "value": 110700.0, "Latitude": 33.92, "Longitude": -118.2, "Population": 1025.0}, {"index": 7547, "quantile": 0.25, "value": 141200.0, "Latitude": 33.92, "Longitude": -118.2, "Population": 1025.0}, {"index": 7547, "quantile": 0.5, "value": 141200.0, "Latitude": 33.92, "Longitude": -118.2, "Population": 1025.0}, {"index": 7547, "quantile": 0.75, "value": 141200.0, "Latitude": 33.92, "Longitude": -118.2, "Population": 1025.0}, {"index": 7547, "quantile": 1.0, "value": 183600.0, "Latitude": 33.92, "Longitude": -118.2, "Population": 1025.0}, {"index": 7548, "quantile": 0.0, "value": 108900.0, "Latitude": 33.92, "Longitude": -118.2, "Population": 895.0}, {"index": 7548, "quantile": 0.25, "value": 155100.00000000003, "Latitude": 33.92, "Longitude": -118.2, "Population": 895.0}, {"index": 7548, "quantile": 0.5, "value": 155600.0, "Latitude": 33.92, "Longitude": -118.2, "Population": 895.0}, {"index": 7548, "quantile": 0.75, "value": 155600.0, "Latitude": 33.92, "Longitude": -118.2, "Population": 895.0}, {"index": 7548, "quantile": 1.0, "value": 202400.0, "Latitude": 33.92, "Longitude": -118.2, "Population": 895.0}, {"index": 7549, "quantile": 0.0, "value": 97900.0, "Latitude": 33.91, "Longitude": -118.21, "Population": 1197.0}, {"index": 7549, "quantile": 0.25, "value": 133000.0, "Latitude": 33.91, "Longitude": -118.21, "Population": 1197.0}, {"index": 7549, "quantile": 0.5, "value": 133000.0, "Latitude": 33.91, "Longitude": -118.21, "Population": 1197.0}, {"index": 7549, "quantile": 0.75, "value": 133000.0, "Latitude": 33.91, "Longitude": -118.21, "Population": 1197.0}, {"index": 7549, "quantile": 1.0, "value": 167000.0, "Latitude": 33.91, "Longitude": -118.21, "Population": 1197.0}, {"index": 7550, "quantile": 0.0, "value": 96100.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 1432.0}, {"index": 7550, "quantile": 0.25, "value": 151200.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 1432.0}, {"index": 7550, "quantile": 0.5, "value": 151200.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 1432.0}, {"index": 7550, "quantile": 0.75, "value": 151200.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 1432.0}, {"index": 7550, "quantile": 1.0, "value": 184900.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 1432.0}, {"index": 7551, "quantile": 0.0, "value": 83100.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 645.0}, {"index": 7551, "quantile": 0.25, "value": 115399.99999999999, "Latitude": 33.92, "Longitude": -118.21, "Population": 645.0}, {"index": 7551, "quantile": 0.5, "value": 115399.99999999999, "Latitude": 33.92, "Longitude": -118.21, "Population": 645.0}, {"index": 7551, "quantile": 0.75, "value": 125000.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 645.0}, {"index": 7551, "quantile": 1.0, "value": 174000.0, "Latitude": 33.92, "Longitude": -118.21, "Population": 645.0}, {"index": 7552, "quantile": 0.0, "value": 88500.0, "Latitude": 33.91, "Longitude": -118.18, "Population": 1535.0}, {"index": 7552, "quantile": 0.25, "value": 117300.0, "Latitude": 33.91, "Longitude": -118.18, "Population": 1535.0}, {"index": 7552, "quantile": 0.5, "value": 139100.0, "Latitude": 33.91, "Longitude": -118.18, "Population": 1535.0}, {"index": 7552, "quantile": 0.75, "value": 150000.0, "Latitude": 33.91, "Longitude": -118.18, "Population": 1535.0}, {"index": 7552, "quantile": 1.0, "value": 183300.0, "Latitude": 33.91, "Longitude": -118.18, "Population": 1535.0}, {"index": 7553, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.91, "Longitude": -118.18, "Population": 878.0}, {"index": 7553, "quantile": 0.25, "value": 132625.0, "Latitude": 33.91, "Longitude": -118.18, "Population": 878.0}, {"index": 7553, "quantile": 0.5, "value": 134400.0, "Latitude": 33.91, "Longitude": -118.18, "Population": 878.0}, {"index": 7553, "quantile": 0.75, "value": 134400.0, "Latitude": 33.91, "Longitude": -118.18, "Population": 878.0}, {"index": 7553, "quantile": 1.0, "value": 155000.0, "Latitude": 33.91, "Longitude": -118.18, "Population": 878.0}, {"index": 7554, "quantile": 0.0, "value": 88800.0, "Latitude": 33.91, "Longitude": -118.19, "Population": 1509.0}, {"index": 7554, "quantile": 0.25, "value": 128099.99999999999, "Latitude": 33.91, "Longitude": -118.19, "Population": 1509.0}, {"index": 7554, "quantile": 0.5, "value": 128099.99999999999, "Latitude": 33.91, "Longitude": -118.19, "Population": 1509.0}, {"index": 7554, "quantile": 0.75, "value": 128099.99999999999, "Latitude": 33.91, "Longitude": -118.19, "Population": 1509.0}, {"index": 7554, "quantile": 1.0, "value": 180600.0, "Latitude": 33.91, "Longitude": -118.19, "Population": 1509.0}, {"index": 7555, "quantile": 0.0, "value": 91300.0, "Latitude": 33.91, "Longitude": -118.19, "Population": 826.0}, {"index": 7555, "quantile": 0.25, "value": 117400.0, "Latitude": 33.91, "Longitude": -118.19, "Population": 826.0}, {"index": 7555, "quantile": 0.5, "value": 117400.0, "Latitude": 33.91, "Longitude": -118.19, "Population": 826.0}, {"index": 7555, "quantile": 0.75, "value": 117400.0, "Latitude": 33.91, "Longitude": -118.19, "Population": 826.0}, {"index": 7555, "quantile": 1.0, "value": 193800.0, "Latitude": 33.91, "Longitude": -118.19, "Population": 826.0}, {"index": 7556, "quantile": 0.0, "value": 115100.0, "Latitude": 33.92, "Longitude": -118.19, "Population": 1153.0}, {"index": 7556, "quantile": 0.25, "value": 115799.99999999999, "Latitude": 33.92, "Longitude": -118.19, "Population": 1153.0}, {"index": 7556, "quantile": 0.5, "value": 115799.99999999999, "Latitude": 33.92, "Longitude": -118.19, "Population": 1153.0}, {"index": 7556, "quantile": 0.75, "value": 146500.0, "Latitude": 33.92, "Longitude": -118.19, "Population": 1153.0}, {"index": 7556, "quantile": 1.0, "value": 184200.0, "Latitude": 33.92, "Longitude": -118.19, "Population": 1153.0}, {"index": 7557, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 33.91, "Longitude": -118.19, "Population": 2935.0}, {"index": 7557, "quantile": 0.25, "value": 132400.0, "Latitude": 33.91, "Longitude": -118.19, "Population": 2935.0}, {"index": 7557, "quantile": 0.5, "value": 132400.0, "Latitude": 33.91, "Longitude": -118.19, "Population": 2935.0}, {"index": 7557, "quantile": 0.75, "value": 133125.0, "Latitude": 33.91, "Longitude": -118.19, "Population": 2935.0}, {"index": 7557, "quantile": 1.0, "value": 189400.0, "Latitude": 33.91, "Longitude": -118.19, "Population": 2935.0}, {"index": 7558, "quantile": 0.0, "value": 110700.0, "Latitude": 33.91, "Longitude": -118.2, "Population": 1494.0}, {"index": 7558, "quantile": 0.25, "value": 131300.0, "Latitude": 33.91, "Longitude": -118.2, "Population": 1494.0}, {"index": 7558, "quantile": 0.5, "value": 148750.0, "Latitude": 33.91, "Longitude": -118.2, "Population": 1494.0}, {"index": 7558, "quantile": 0.75, "value": 161975.0, "Latitude": 33.91, "Longitude": -118.2, "Population": 1494.0}, {"index": 7558, "quantile": 1.0, "value": 206900.0, "Latitude": 33.91, "Longitude": -118.2, "Population": 1494.0}, {"index": 7559, "quantile": 0.0, "value": 89100.0, "Latitude": 33.9, "Longitude": -118.2, "Population": 1298.0}, {"index": 7559, "quantile": 0.25, "value": 105100.0, "Latitude": 33.9, "Longitude": -118.2, "Population": 1298.0}, {"index": 7559, "quantile": 0.5, "value": 105100.0, "Latitude": 33.9, "Longitude": -118.2, "Population": 1298.0}, {"index": 7559, "quantile": 0.75, "value": 117400.0, "Latitude": 33.9, "Longitude": -118.2, "Population": 1298.0}, {"index": 7559, "quantile": 1.0, "value": 195100.0, "Latitude": 33.9, "Longitude": -118.2, "Population": 1298.0}, {"index": 7560, "quantile": 0.0, "value": 89100.0, "Latitude": 33.91, "Longitude": -118.2, "Population": 1836.0}, {"index": 7560, "quantile": 0.25, "value": 118100.0, "Latitude": 33.91, "Longitude": -118.2, "Population": 1836.0}, {"index": 7560, "quantile": 0.5, "value": 118100.0, "Latitude": 33.91, "Longitude": -118.2, "Population": 1836.0}, {"index": 7560, "quantile": 0.75, "value": 118100.0, "Latitude": 33.91, "Longitude": -118.2, "Population": 1836.0}, {"index": 7560, "quantile": 1.0, "value": 206500.0, "Latitude": 33.91, "Longitude": -118.2, "Population": 1836.0}, {"index": 7561, "quantile": 0.0, "value": 67300.0, "Latitude": 33.9, "Longitude": -118.19, "Population": 1385.0}, {"index": 7561, "quantile": 0.25, "value": 104800.0, "Latitude": 33.9, "Longitude": -118.19, "Population": 1385.0}, {"index": 7561, "quantile": 0.5, "value": 104800.0, "Latitude": 33.9, "Longitude": -118.19, "Population": 1385.0}, {"index": 7561, "quantile": 0.75, "value": 104875.0, "Latitude": 33.9, "Longitude": -118.19, "Population": 1385.0}, {"index": 7561, "quantile": 1.0, "value": 165600.0, "Latitude": 33.9, "Longitude": -118.19, "Population": 1385.0}, {"index": 7562, "quantile": 0.0, "value": 89500.0, "Latitude": 33.9, "Longitude": -118.19, "Population": 2677.0}, {"index": 7562, "quantile": 0.25, "value": 105100.0, "Latitude": 33.9, "Longitude": -118.19, "Population": 2677.0}, {"index": 7562, "quantile": 0.5, "value": 117400.0, "Latitude": 33.9, "Longitude": -118.19, "Population": 2677.0}, {"index": 7562, "quantile": 0.75, "value": 147225.0, "Latitude": 33.9, "Longitude": -118.19, "Population": 2677.0}, {"index": 7562, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 33.9, "Longitude": -118.19, "Population": 2677.0}, {"index": 7563, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.9, "Longitude": -118.19, "Population": 2073.0}, {"index": 7563, "quantile": 0.25, "value": 112900.0, "Latitude": 33.9, "Longitude": -118.19, "Population": 2073.0}, {"index": 7563, "quantile": 0.5, "value": 112900.0, "Latitude": 33.9, "Longitude": -118.19, "Population": 2073.0}, {"index": 7563, "quantile": 0.75, "value": 112900.0, "Latitude": 33.9, "Longitude": -118.19, "Population": 2073.0}, {"index": 7563, "quantile": 1.0, "value": 172100.0, "Latitude": 33.9, "Longitude": -118.19, "Population": 2073.0}, {"index": 7564, "quantile": 0.0, "value": 47700.0, "Latitude": 33.89, "Longitude": -118.19, "Population": 1154.0}, {"index": 7564, "quantile": 0.25, "value": 104800.0, "Latitude": 33.89, "Longitude": -118.19, "Population": 1154.0}, {"index": 7564, "quantile": 0.5, "value": 118300.0, "Latitude": 33.89, "Longitude": -118.19, "Population": 1154.0}, {"index": 7564, "quantile": 0.75, "value": 141700.0, "Latitude": 33.89, "Longitude": -118.19, "Population": 1154.0}, {"index": 7564, "quantile": 1.0, "value": 176600.0, "Latitude": 33.89, "Longitude": -118.19, "Population": 1154.0}, {"index": 7565, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.89, "Longitude": -118.19, "Population": 1639.0}, {"index": 7565, "quantile": 0.25, "value": 107300.0, "Latitude": 33.89, "Longitude": -118.19, "Population": 1639.0}, {"index": 7565, "quantile": 0.5, "value": 107300.0, "Latitude": 33.89, "Longitude": -118.19, "Population": 1639.0}, {"index": 7565, "quantile": 0.75, "value": 112900.0, "Latitude": 33.89, "Longitude": -118.19, "Population": 1639.0}, {"index": 7565, "quantile": 1.0, "value": 155000.0, "Latitude": 33.89, "Longitude": -118.19, "Population": 1639.0}, {"index": 7566, "quantile": 0.0, "value": 89500.0, "Latitude": 33.89, "Longitude": -118.2, "Population": 2499.0}, {"index": 7566, "quantile": 0.25, "value": 105100.0, "Latitude": 33.89, "Longitude": -118.2, "Population": 2499.0}, {"index": 7566, "quantile": 0.5, "value": 105100.0, "Latitude": 33.89, "Longitude": -118.2, "Population": 2499.0}, {"index": 7566, "quantile": 0.75, "value": 105100.0, "Latitude": 33.89, "Longitude": -118.2, "Population": 2499.0}, {"index": 7566, "quantile": 1.0, "value": 164600.0, "Latitude": 33.89, "Longitude": -118.2, "Population": 2499.0}, {"index": 7567, "quantile": 0.0, "value": 88200.0, "Latitude": 33.9, "Longitude": -118.2, "Population": 2093.0}, {"index": 7567, "quantile": 0.25, "value": 103200.0, "Latitude": 33.9, "Longitude": -118.2, "Population": 2093.0}, {"index": 7567, "quantile": 0.5, "value": 103200.0, "Latitude": 33.9, "Longitude": -118.2, "Population": 2093.0}, {"index": 7567, "quantile": 0.75, "value": 105149.99999999999, "Latitude": 33.9, "Longitude": -118.2, "Population": 2093.0}, {"index": 7567, "quantile": 1.0, "value": 191100.0, "Latitude": 33.9, "Longitude": -118.2, "Population": 2093.0}, {"index": 7568, "quantile": 0.0, "value": 89100.0, "Latitude": 33.89, "Longitude": -118.19, "Population": 3702.0}, {"index": 7568, "quantile": 0.25, "value": 116599.99999999999, "Latitude": 33.89, "Longitude": -118.19, "Population": 3702.0}, {"index": 7568, "quantile": 0.5, "value": 132400.0, "Latitude": 33.89, "Longitude": -118.19, "Population": 3702.0}, {"index": 7568, "quantile": 0.75, "value": 161100.0, "Latitude": 33.89, "Longitude": -118.19, "Population": 3702.0}, {"index": 7568, "quantile": 1.0, "value": 271200.0, "Latitude": 33.89, "Longitude": -118.19, "Population": 3702.0}, {"index": 7569, "quantile": 0.0, "value": 95200.0, "Latitude": 33.89, "Longitude": -118.2, "Population": 2170.0}, {"index": 7569, "quantile": 0.25, "value": 107900.0, "Latitude": 33.89, "Longitude": -118.2, "Population": 2170.0}, {"index": 7569, "quantile": 0.5, "value": 107900.0, "Latitude": 33.89, "Longitude": -118.2, "Population": 2170.0}, {"index": 7569, "quantile": 0.75, "value": 107900.0, "Latitude": 33.89, "Longitude": -118.2, "Population": 2170.0}, {"index": 7569, "quantile": 1.0, "value": 208100.0, "Latitude": 33.89, "Longitude": -118.2, "Population": 2170.0}, {"index": 7570, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.89, "Longitude": -118.21, "Population": 929.0}, {"index": 7570, "quantile": 0.25, "value": 116199.99999999999, "Latitude": 33.89, "Longitude": -118.21, "Population": 929.0}, {"index": 7570, "quantile": 0.5, "value": 116199.99999999999, "Latitude": 33.89, "Longitude": -118.21, "Population": 929.0}, {"index": 7570, "quantile": 0.75, "value": 162500.0, "Latitude": 33.89, "Longitude": -118.21, "Population": 929.0}, {"index": 7570, "quantile": 1.0, "value": 244800.0, "Latitude": 33.89, "Longitude": -118.21, "Population": 929.0}, {"index": 7571, "quantile": 0.0, "value": 69100.0, "Latitude": 33.89, "Longitude": -118.21, "Population": 1389.0}, {"index": 7571, "quantile": 0.25, "value": 113900.0, "Latitude": 33.89, "Longitude": -118.21, "Population": 1389.0}, {"index": 7571, "quantile": 0.5, "value": 113900.0, "Latitude": 33.89, "Longitude": -118.21, "Population": 1389.0}, {"index": 7571, "quantile": 0.75, "value": 113900.0, "Latitude": 33.89, "Longitude": -118.21, "Population": 1389.0}, {"index": 7571, "quantile": 1.0, "value": 193800.0, "Latitude": 33.89, "Longitude": -118.21, "Population": 1389.0}, {"index": 7572, "quantile": 0.0, "value": 73200.0, "Latitude": 33.89, "Longitude": -118.21, "Population": 1104.0}, {"index": 7572, "quantile": 0.25, "value": 116225.0, "Latitude": 33.89, "Longitude": -118.21, "Population": 1104.0}, {"index": 7572, "quantile": 0.5, "value": 126800.0, "Latitude": 33.89, "Longitude": -118.21, "Population": 1104.0}, {"index": 7572, "quantile": 0.75, "value": 144499.99999999997, "Latitude": 33.89, "Longitude": -118.21, "Population": 1104.0}, {"index": 7572, "quantile": 1.0, "value": 375000.0, "Latitude": 33.89, "Longitude": -118.21, "Population": 1104.0}, {"index": 7573, "quantile": 0.0, "value": 112500.0, "Latitude": 33.9, "Longitude": -118.21, "Population": 1335.0}, {"index": 7573, "quantile": 0.25, "value": 118800.0, "Latitude": 33.9, "Longitude": -118.21, "Population": 1335.0}, {"index": 7573, "quantile": 0.5, "value": 118800.0, "Latitude": 33.9, "Longitude": -118.21, "Population": 1335.0}, {"index": 7573, "quantile": 0.75, "value": 118800.0, "Latitude": 33.9, "Longitude": -118.21, "Population": 1335.0}, {"index": 7573, "quantile": 1.0, "value": 253700.0, "Latitude": 33.9, "Longitude": -118.21, "Population": 1335.0}, {"index": 7574, "quantile": 0.0, "value": 110700.0, "Latitude": 33.89, "Longitude": -118.21, "Population": 1128.0}, {"index": 7574, "quantile": 0.25, "value": 110700.0, "Latitude": 33.89, "Longitude": -118.21, "Population": 1128.0}, {"index": 7574, "quantile": 0.5, "value": 110700.0, "Latitude": 33.89, "Longitude": -118.21, "Population": 1128.0}, {"index": 7574, "quantile": 0.75, "value": 153900.00000000003, "Latitude": 33.89, "Longitude": -118.21, "Population": 1128.0}, {"index": 7574, "quantile": 1.0, "value": 206900.0, "Latitude": 33.89, "Longitude": -118.21, "Population": 1128.0}, {"index": 7575, "quantile": 0.0, "value": 96100.0, "Latitude": 33.88, "Longitude": -118.21, "Population": 686.0}, {"index": 7575, "quantile": 0.25, "value": 145200.0, "Latitude": 33.88, "Longitude": -118.21, "Population": 686.0}, {"index": 7575, "quantile": 0.5, "value": 158200.0, "Latitude": 33.88, "Longitude": -118.21, "Population": 686.0}, {"index": 7575, "quantile": 0.75, "value": 173425.0, "Latitude": 33.88, "Longitude": -118.21, "Population": 686.0}, {"index": 7575, "quantile": 1.0, "value": 375000.0, "Latitude": 33.88, "Longitude": -118.21, "Population": 686.0}, {"index": 7576, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.88, "Longitude": -118.21, "Population": 1254.0}, {"index": 7576, "quantile": 0.25, "value": 126800.0, "Latitude": 33.88, "Longitude": -118.21, "Population": 1254.0}, {"index": 7576, "quantile": 0.5, "value": 126800.0, "Latitude": 33.88, "Longitude": -118.21, "Population": 1254.0}, {"index": 7576, "quantile": 0.75, "value": 126800.0, "Latitude": 33.88, "Longitude": -118.21, "Population": 1254.0}, {"index": 7576, "quantile": 1.0, "value": 260700.00000000003, "Latitude": 33.88, "Longitude": -118.21, "Population": 1254.0}, {"index": 7577, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.89, "Longitude": -118.22, "Population": 252.0}, {"index": 7577, "quantile": 0.25, "value": 106350.00000000001, "Latitude": 33.89, "Longitude": -118.22, "Population": 252.0}, {"index": 7577, "quantile": 0.5, "value": 120200.0, "Latitude": 33.89, "Longitude": -118.22, "Population": 252.0}, {"index": 7577, "quantile": 0.75, "value": 150725.0, "Latitude": 33.89, "Longitude": -118.22, "Population": 252.0}, {"index": 7577, "quantile": 1.0, "value": 375000.0, "Latitude": 33.89, "Longitude": -118.22, "Population": 252.0}, {"index": 7578, "quantile": 0.0, "value": 72700.0, "Latitude": 33.89, "Longitude": -118.22, "Population": 776.0}, {"index": 7578, "quantile": 0.25, "value": 120200.0, "Latitude": 33.89, "Longitude": -118.22, "Population": 776.0}, {"index": 7578, "quantile": 0.5, "value": 120200.0, "Latitude": 33.89, "Longitude": -118.22, "Population": 776.0}, {"index": 7578, "quantile": 0.75, "value": 120200.0, "Latitude": 33.89, "Longitude": -118.22, "Population": 776.0}, {"index": 7578, "quantile": 1.0, "value": 175900.0, "Latitude": 33.89, "Longitude": -118.22, "Population": 776.0}, {"index": 7579, "quantile": 0.0, "value": 89500.0, "Latitude": 33.89, "Longitude": -118.22, "Population": 485.0}, {"index": 7579, "quantile": 0.25, "value": 95200.0, "Latitude": 33.89, "Longitude": -118.22, "Population": 485.0}, {"index": 7579, "quantile": 0.5, "value": 95200.0, "Latitude": 33.89, "Longitude": -118.22, "Population": 485.0}, {"index": 7579, "quantile": 0.75, "value": 108149.99999999999, "Latitude": 33.89, "Longitude": -118.22, "Population": 485.0}, {"index": 7579, "quantile": 1.0, "value": 275000.0, "Latitude": 33.89, "Longitude": -118.22, "Population": 485.0}, {"index": 7580, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.89, "Longitude": -118.22, "Population": 1086.0}, {"index": 7580, "quantile": 0.25, "value": 123325.0, "Latitude": 33.89, "Longitude": -118.22, "Population": 1086.0}, {"index": 7580, "quantile": 0.5, "value": 126600.0, "Latitude": 33.89, "Longitude": -118.22, "Population": 1086.0}, {"index": 7580, "quantile": 0.75, "value": 126600.0, "Latitude": 33.89, "Longitude": -118.22, "Population": 1086.0}, {"index": 7580, "quantile": 1.0, "value": 183300.0, "Latitude": 33.89, "Longitude": -118.22, "Population": 1086.0}, {"index": 7581, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.89, "Longitude": -118.23, "Population": 4145.0}, {"index": 7581, "quantile": 0.25, "value": 131700.00000000003, "Latitude": 33.89, "Longitude": -118.23, "Population": 4145.0}, {"index": 7581, "quantile": 0.5, "value": 133400.0, "Latitude": 33.89, "Longitude": -118.23, "Population": 4145.0}, {"index": 7581, "quantile": 0.75, "value": 133400.0, "Latitude": 33.89, "Longitude": -118.23, "Population": 4145.0}, {"index": 7581, "quantile": 1.0, "value": 239299.99999999997, "Latitude": 33.89, "Longitude": -118.23, "Population": 4145.0}, {"index": 7582, "quantile": 0.0, "value": 88800.0, "Latitude": 33.89, "Longitude": -118.24, "Population": 1166.0}, {"index": 7582, "quantile": 0.25, "value": 98225.0, "Latitude": 33.89, "Longitude": -118.24, "Population": 1166.0}, {"index": 7582, "quantile": 0.5, "value": 104099.99999999999, "Latitude": 33.89, "Longitude": -118.24, "Population": 1166.0}, {"index": 7582, "quantile": 0.75, "value": 113900.0, "Latitude": 33.89, "Longitude": -118.24, "Population": 1166.0}, {"index": 7582, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 33.89, "Longitude": -118.24, "Population": 1166.0}, {"index": 7583, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.91, "Longitude": -118.22, "Population": 732.0}, {"index": 7583, "quantile": 0.25, "value": 97750.0, "Latitude": 33.91, "Longitude": -118.22, "Population": 732.0}, {"index": 7583, "quantile": 0.5, "value": 131900.0, "Latitude": 33.91, "Longitude": -118.22, "Population": 732.0}, {"index": 7583, "quantile": 0.75, "value": 152300.0, "Latitude": 33.91, "Longitude": -118.22, "Population": 732.0}, {"index": 7583, "quantile": 1.0, "value": 350000.0, "Latitude": 33.91, "Longitude": -118.22, "Population": 732.0}, {"index": 7584, "quantile": 0.0, "value": 38800.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 583.0}, {"index": 7584, "quantile": 0.25, "value": 102299.99999999999, "Latitude": 33.9, "Longitude": -118.22, "Population": 583.0}, {"index": 7584, "quantile": 0.5, "value": 125000.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 583.0}, {"index": 7584, "quantile": 0.75, "value": 155825.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 583.0}, {"index": 7584, "quantile": 1.0, "value": 350000.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 583.0}, {"index": 7585, "quantile": 0.0, "value": 88800.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 2096.0}, {"index": 7585, "quantile": 0.25, "value": 97900.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 2096.0}, {"index": 7585, "quantile": 0.5, "value": 97900.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 2096.0}, {"index": 7585, "quantile": 0.75, "value": 116100.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 2096.0}, {"index": 7585, "quantile": 1.0, "value": 187500.0, "Latitude": 33.9, "Longitude": -118.22, "Population": 2096.0}, {"index": 7586, "quantile": 0.0, "value": 84200.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 2276.0}, {"index": 7586, "quantile": 0.25, "value": 100800.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 2276.0}, {"index": 7586, "quantile": 0.5, "value": 100800.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 2276.0}, {"index": 7586, "quantile": 0.75, "value": 100800.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 2276.0}, {"index": 7586, "quantile": 1.0, "value": 167900.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 2276.0}, {"index": 7587, "quantile": 0.0, "value": 85800.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 2334.0}, {"index": 7587, "quantile": 0.25, "value": 96700.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 2334.0}, {"index": 7587, "quantile": 0.5, "value": 103500.00000000001, "Latitude": 33.9, "Longitude": -118.23, "Population": 2334.0}, {"index": 7587, "quantile": 0.75, "value": 106200.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 2334.0}, {"index": 7587, "quantile": 1.0, "value": 137500.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 2334.0}, {"index": 7588, "quantile": 0.0, "value": 88200.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 1498.0}, {"index": 7588, "quantile": 0.25, "value": 88800.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 1498.0}, {"index": 7588, "quantile": 0.5, "value": 88800.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 1498.0}, {"index": 7588, "quantile": 0.75, "value": 95100.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 1498.0}, {"index": 7588, "quantile": 1.0, "value": 187500.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 1498.0}, {"index": 7589, "quantile": 0.0, "value": 108500.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 840.0}, {"index": 7589, "quantile": 0.25, "value": 112500.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 840.0}, {"index": 7589, "quantile": 0.5, "value": 112500.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 840.0}, {"index": 7589, "quantile": 0.75, "value": 142600.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 840.0}, {"index": 7589, "quantile": 1.0, "value": 298600.0, "Latitude": 33.9, "Longitude": -118.23, "Population": 840.0}, {"index": 7590, "quantile": 0.0, "value": 88600.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 1518.0}, {"index": 7590, "quantile": 0.25, "value": 103000.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 1518.0}, {"index": 7590, "quantile": 0.5, "value": 103000.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 1518.0}, {"index": 7590, "quantile": 0.75, "value": 103050.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 1518.0}, {"index": 7590, "quantile": 1.0, "value": 182100.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 1518.0}, {"index": 7591, "quantile": 0.0, "value": 53200.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 1055.0}, {"index": 7591, "quantile": 0.25, "value": 96625.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 1055.0}, {"index": 7591, "quantile": 0.5, "value": 103600.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 1055.0}, {"index": 7591, "quantile": 0.75, "value": 111700.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 1055.0}, {"index": 7591, "quantile": 1.0, "value": 192900.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 1055.0}, {"index": 7592, "quantile": 0.0, "value": 81300.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 475.0}, {"index": 7592, "quantile": 0.25, "value": 92600.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 475.0}, {"index": 7592, "quantile": 0.5, "value": 92600.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 475.0}, {"index": 7592, "quantile": 0.75, "value": 103125.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 475.0}, {"index": 7592, "quantile": 1.0, "value": 364700.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 475.0}, {"index": 7593, "quantile": 0.0, "value": 84100.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 1372.0}, {"index": 7593, "quantile": 0.25, "value": 106200.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 1372.0}, {"index": 7593, "quantile": 0.5, "value": 106200.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 1372.0}, {"index": 7593, "quantile": 0.75, "value": 106200.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 1372.0}, {"index": 7593, "quantile": 1.0, "value": 175900.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 1372.0}, {"index": 7594, "quantile": 0.0, "value": 88300.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 901.0}, {"index": 7594, "quantile": 0.25, "value": 103000.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 901.0}, {"index": 7594, "quantile": 0.5, "value": 108900.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 901.0}, {"index": 7594, "quantile": 0.75, "value": 113250.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 901.0}, {"index": 7594, "quantile": 1.0, "value": 414700.0, "Latitude": 33.9, "Longitude": -118.24, "Population": 901.0}, {"index": 7595, "quantile": 0.0, "value": 96100.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 733.0}, {"index": 7595, "quantile": 0.25, "value": 139400.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 733.0}, {"index": 7595, "quantile": 0.5, "value": 172700.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 733.0}, {"index": 7595, "quantile": 0.75, "value": 184525.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 733.0}, {"index": 7595, "quantile": 1.0, "value": 350000.0, "Latitude": 33.9, "Longitude": -118.25, "Population": 733.0}, {"index": 7596, "quantile": 0.0, "value": 88800.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 1957.0}, {"index": 7596, "quantile": 0.25, "value": 91500.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 1957.0}, {"index": 7596, "quantile": 0.5, "value": 91500.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 1957.0}, {"index": 7596, "quantile": 0.75, "value": 97900.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 1957.0}, {"index": 7596, "quantile": 1.0, "value": 176800.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 1957.0}, {"index": 7597, "quantile": 0.0, "value": 84700.0, "Latitude": 33.89, "Longitude": -118.24, "Population": 1211.0}, {"index": 7597, "quantile": 0.25, "value": 98300.0, "Latitude": 33.89, "Longitude": -118.24, "Population": 1211.0}, {"index": 7597, "quantile": 0.5, "value": 98300.0, "Latitude": 33.89, "Longitude": -118.24, "Population": 1211.0}, {"index": 7597, "quantile": 0.75, "value": 98300.0, "Latitude": 33.89, "Longitude": -118.24, "Population": 1211.0}, {"index": 7597, "quantile": 1.0, "value": 175900.0, "Latitude": 33.89, "Longitude": -118.24, "Population": 1211.0}, {"index": 7598, "quantile": 0.0, "value": 89500.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 1086.0}, {"index": 7598, "quantile": 0.25, "value": 110200.00000000001, "Latitude": 33.89, "Longitude": -118.25, "Population": 1086.0}, {"index": 7598, "quantile": 0.5, "value": 111700.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 1086.0}, {"index": 7598, "quantile": 0.75, "value": 111700.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 1086.0}, {"index": 7598, "quantile": 1.0, "value": 128099.99999999999, "Latitude": 33.89, "Longitude": -118.25, "Population": 1086.0}, {"index": 7599, "quantile": 0.0, "value": 108500.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 268.0}, {"index": 7599, "quantile": 0.25, "value": 115799.99999999999, "Latitude": 33.89, "Longitude": -118.25, "Population": 268.0}, {"index": 7599, "quantile": 0.5, "value": 115799.99999999999, "Latitude": 33.89, "Longitude": -118.25, "Population": 268.0}, {"index": 7599, "quantile": 0.75, "value": 183825.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 268.0}, {"index": 7599, "quantile": 1.0, "value": 375000.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 268.0}, {"index": 7600, "quantile": 0.0, "value": 91300.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 1183.0}, {"index": 7600, "quantile": 0.25, "value": 104099.99999999999, "Latitude": 33.89, "Longitude": -118.25, "Population": 1183.0}, {"index": 7600, "quantile": 0.5, "value": 104099.99999999999, "Latitude": 33.89, "Longitude": -118.25, "Population": 1183.0}, {"index": 7600, "quantile": 0.75, "value": 104099.99999999999, "Latitude": 33.89, "Longitude": -118.25, "Population": 1183.0}, {"index": 7600, "quantile": 1.0, "value": 166900.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 1183.0}, {"index": 7601, "quantile": 0.0, "value": 88800.0, "Latitude": 33.89, "Longitude": -118.26, "Population": 1395.0}, {"index": 7601, "quantile": 0.25, "value": 109600.00000000001, "Latitude": 33.89, "Longitude": -118.26, "Population": 1395.0}, {"index": 7601, "quantile": 0.5, "value": 109600.00000000001, "Latitude": 33.89, "Longitude": -118.26, "Population": 1395.0}, {"index": 7601, "quantile": 0.75, "value": 109600.00000000001, "Latitude": 33.89, "Longitude": -118.26, "Population": 1395.0}, {"index": 7601, "quantile": 1.0, "value": 206500.0, "Latitude": 33.89, "Longitude": -118.26, "Population": 1395.0}, {"index": 7602, "quantile": 0.0, "value": 65000.0, "Latitude": 33.89, "Longitude": -118.26, "Population": 603.0}, {"index": 7602, "quantile": 0.25, "value": 165525.0, "Latitude": 33.89, "Longitude": -118.26, "Population": 603.0}, {"index": 7602, "quantile": 0.5, "value": 181300.0, "Latitude": 33.89, "Longitude": -118.26, "Population": 603.0}, {"index": 7602, "quantile": 0.75, "value": 202100.0, "Latitude": 33.89, "Longitude": -118.26, "Population": 603.0}, {"index": 7602, "quantile": 1.0, "value": 340900.0, "Latitude": 33.89, "Longitude": -118.26, "Population": 603.0}, {"index": 7603, "quantile": 0.0, "value": 88800.0, "Latitude": 33.88, "Longitude": -118.24, "Population": 1207.0}, {"index": 7603, "quantile": 0.25, "value": 103200.0, "Latitude": 33.88, "Longitude": -118.24, "Population": 1207.0}, {"index": 7603, "quantile": 0.5, "value": 111700.0, "Latitude": 33.88, "Longitude": -118.24, "Population": 1207.0}, {"index": 7603, "quantile": 0.75, "value": 151350.0, "Latitude": 33.88, "Longitude": -118.24, "Population": 1207.0}, {"index": 7603, "quantile": 1.0, "value": 260700.00000000003, "Latitude": 33.88, "Longitude": -118.24, "Population": 1207.0}, {"index": 7604, "quantile": 0.0, "value": 92100.0, "Latitude": 33.88, "Longitude": -118.25, "Population": 1042.0}, {"index": 7604, "quantile": 0.25, "value": 98600.0, "Latitude": 33.88, "Longitude": -118.25, "Population": 1042.0}, {"index": 7604, "quantile": 0.5, "value": 98600.0, "Latitude": 33.88, "Longitude": -118.25, "Population": 1042.0}, {"index": 7604, "quantile": 0.75, "value": 98600.0, "Latitude": 33.88, "Longitude": -118.25, "Population": 1042.0}, {"index": 7604, "quantile": 1.0, "value": 225000.0, "Latitude": 33.88, "Longitude": -118.25, "Population": 1042.0}, {"index": 7605, "quantile": 0.0, "value": 89100.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 699.0}, {"index": 7605, "quantile": 0.25, "value": 103200.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 699.0}, {"index": 7605, "quantile": 0.5, "value": 103200.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 699.0}, {"index": 7605, "quantile": 0.75, "value": 109600.00000000001, "Latitude": 33.89, "Longitude": -118.25, "Population": 699.0}, {"index": 7605, "quantile": 1.0, "value": 154700.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 699.0}, {"index": 7606, "quantile": 0.0, "value": 96100.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 1154.0}, {"index": 7606, "quantile": 0.25, "value": 141050.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 1154.0}, {"index": 7606, "quantile": 0.5, "value": 151200.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 1154.0}, {"index": 7606, "quantile": 0.75, "value": 169175.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 1154.0}, {"index": 7606, "quantile": 1.0, "value": 235000.0, "Latitude": 33.89, "Longitude": -118.25, "Population": 1154.0}, {"index": 7607, "quantile": 0.0, "value": 96100.0, "Latitude": 33.88, "Longitude": -118.26, "Population": 1055.0}, {"index": 7607, "quantile": 0.25, "value": 120600.0, "Latitude": 33.88, "Longitude": -118.26, "Population": 1055.0}, {"index": 7607, "quantile": 0.5, "value": 174150.0, "Latitude": 33.88, "Longitude": -118.26, "Population": 1055.0}, {"index": 7607, "quantile": 0.75, "value": 188075.0, "Latitude": 33.88, "Longitude": -118.26, "Population": 1055.0}, {"index": 7607, "quantile": 1.0, "value": 276000.0, "Latitude": 33.88, "Longitude": -118.26, "Population": 1055.0}, {"index": 7608, "quantile": 0.0, "value": 95900.0, "Latitude": 33.88, "Longitude": -118.26, "Population": 330.0}, {"index": 7608, "quantile": 0.25, "value": 108500.0, "Latitude": 33.88, "Longitude": -118.26, "Population": 330.0}, {"index": 7608, "quantile": 0.5, "value": 108500.0, "Latitude": 33.88, "Longitude": -118.26, "Population": 330.0}, {"index": 7608, "quantile": 0.75, "value": 117975.00000000001, "Latitude": 33.88, "Longitude": -118.26, "Population": 330.0}, {"index": 7608, "quantile": 1.0, "value": 263200.0, "Latitude": 33.88, "Longitude": -118.26, "Population": 330.0}, {"index": 7609, "quantile": 0.0, "value": 67500.0, "Latitude": 33.88, "Longitude": -118.26, "Population": 775.0}, {"index": 7609, "quantile": 0.25, "value": 190200.0, "Latitude": 33.88, "Longitude": -118.26, "Population": 775.0}, {"index": 7609, "quantile": 0.5, "value": 215050.0, "Latitude": 33.88, "Longitude": -118.26, "Population": 775.0}, {"index": 7609, "quantile": 0.75, "value": 226925.0, "Latitude": 33.88, "Longitude": -118.26, "Population": 775.0}, {"index": 7609, "quantile": 1.0, "value": 395100.0, "Latitude": 33.88, "Longitude": -118.26, "Population": 775.0}, {"index": 7610, "quantile": 0.0, "value": 81300.0, "Latitude": 33.88, "Longitude": -118.22, "Population": 1016.0}, {"index": 7610, "quantile": 0.25, "value": 111500.0, "Latitude": 33.88, "Longitude": -118.22, "Population": 1016.0}, {"index": 7610, "quantile": 0.5, "value": 120200.0, "Latitude": 33.88, "Longitude": -118.22, "Population": 1016.0}, {"index": 7610, "quantile": 0.75, "value": 126650.0, "Latitude": 33.88, "Longitude": -118.22, "Population": 1016.0}, {"index": 7610, "quantile": 1.0, "value": 175900.0, "Latitude": 33.88, "Longitude": -118.22, "Population": 1016.0}, {"index": 7611, "quantile": 0.0, "value": 77300.0, "Latitude": 33.88, "Longitude": -118.22, "Population": 1335.0}, {"index": 7611, "quantile": 0.25, "value": 102499.99999999999, "Latitude": 33.88, "Longitude": -118.22, "Population": 1335.0}, {"index": 7611, "quantile": 0.5, "value": 102499.99999999999, "Latitude": 33.88, "Longitude": -118.22, "Population": 1335.0}, {"index": 7611, "quantile": 0.75, "value": 102499.99999999999, "Latitude": 33.88, "Longitude": -118.22, "Population": 1335.0}, {"index": 7611, "quantile": 1.0, "value": 169900.0, "Latitude": 33.88, "Longitude": -118.22, "Population": 1335.0}, {"index": 7612, "quantile": 0.0, "value": 84700.0, "Latitude": 33.89, "Longitude": -118.23, "Population": 1782.0}, {"index": 7612, "quantile": 0.25, "value": 95100.0, "Latitude": 33.89, "Longitude": -118.23, "Population": 1782.0}, {"index": 7612, "quantile": 0.5, "value": 95100.0, "Latitude": 33.89, "Longitude": -118.23, "Population": 1782.0}, {"index": 7612, "quantile": 0.75, "value": 95100.0, "Latitude": 33.89, "Longitude": -118.23, "Population": 1782.0}, {"index": 7612, "quantile": 1.0, "value": 350000.0, "Latitude": 33.89, "Longitude": -118.23, "Population": 1782.0}, {"index": 7613, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.88, "Longitude": -118.23, "Population": 763.0}, {"index": 7613, "quantile": 0.25, "value": 103600.0, "Latitude": 33.88, "Longitude": -118.23, "Population": 763.0}, {"index": 7613, "quantile": 0.5, "value": 107900.0, "Latitude": 33.88, "Longitude": -118.23, "Population": 763.0}, {"index": 7613, "quantile": 0.75, "value": 163275.0, "Latitude": 33.88, "Longitude": -118.23, "Population": 763.0}, {"index": 7613, "quantile": 1.0, "value": 232100.00000000003, "Latitude": 33.88, "Longitude": -118.23, "Population": 763.0}, {"index": 7614, "quantile": 0.0, "value": 84700.0, "Latitude": 33.88, "Longitude": -118.23, "Population": 1204.0}, {"index": 7614, "quantile": 0.25, "value": 113700.0, "Latitude": 33.88, "Longitude": -118.23, "Population": 1204.0}, {"index": 7614, "quantile": 0.5, "value": 113700.0, "Latitude": 33.88, "Longitude": -118.23, "Population": 1204.0}, {"index": 7614, "quantile": 0.75, "value": 113700.0, "Latitude": 33.88, "Longitude": -118.23, "Population": 1204.0}, {"index": 7614, "quantile": 1.0, "value": 206500.0, "Latitude": 33.88, "Longitude": -118.23, "Population": 1204.0}, {"index": 7615, "quantile": 0.0, "value": 100000.0, "Latitude": 33.89, "Longitude": -118.23, "Population": 1872.0}, {"index": 7615, "quantile": 0.25, "value": 117700.0, "Latitude": 33.89, "Longitude": -118.23, "Population": 1872.0}, {"index": 7615, "quantile": 0.5, "value": 117700.0, "Latitude": 33.89, "Longitude": -118.23, "Population": 1872.0}, {"index": 7615, "quantile": 0.75, "value": 117975.00000000001, "Latitude": 33.89, "Longitude": -118.23, "Population": 1872.0}, {"index": 7615, "quantile": 1.0, "value": 187100.0, "Latitude": 33.89, "Longitude": -118.23, "Population": 1872.0}, {"index": 7616, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 33.86, "Longitude": -118.22, "Population": 3944.0}, {"index": 7616, "quantile": 0.25, "value": 203500.0, "Latitude": 33.86, "Longitude": -118.22, "Population": 3944.0}, {"index": 7616, "quantile": 0.5, "value": 203500.0, "Latitude": 33.86, "Longitude": -118.22, "Population": 3944.0}, {"index": 7616, "quantile": 0.75, "value": 240275.00000000003, "Latitude": 33.86, "Longitude": -118.22, "Population": 3944.0}, {"index": 7616, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.22, "Population": 3944.0}, {"index": 7617, "quantile": 0.0, "value": 186400.0, "Latitude": 33.85, "Longitude": -118.24, "Population": 5237.0}, {"index": 7617, "quantile": 0.25, "value": 193300.0, "Latitude": 33.85, "Longitude": -118.24, "Population": 5237.0}, {"index": 7617, "quantile": 0.5, "value": 193300.0, "Latitude": 33.85, "Longitude": -118.24, "Population": 5237.0}, {"index": 7617, "quantile": 0.75, "value": 273900.0, "Latitude": 33.85, "Longitude": -118.24, "Population": 5237.0}, {"index": 7617, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.85, "Longitude": -118.24, "Population": 5237.0}, {"index": 7618, "quantile": 0.0, "value": 138900.0, "Latitude": 33.84, "Longitude": -118.23, "Population": 888.0}, {"index": 7618, "quantile": 0.25, "value": 180250.0, "Latitude": 33.84, "Longitude": -118.23, "Population": 888.0}, {"index": 7618, "quantile": 0.5, "value": 190200.0, "Latitude": 33.84, "Longitude": -118.23, "Population": 888.0}, {"index": 7618, "quantile": 0.75, "value": 207500.00000000003, "Latitude": 33.84, "Longitude": -118.23, "Population": 888.0}, {"index": 7618, "quantile": 1.0, "value": 279400.0, "Latitude": 33.84, "Longitude": -118.23, "Population": 888.0}, {"index": 7619, "quantile": 0.0, "value": 160000.0, "Latitude": 33.83, "Longitude": -118.24, "Population": 4721.0}, {"index": 7619, "quantile": 0.25, "value": 213099.99999999997, "Latitude": 33.83, "Longitude": -118.24, "Population": 4721.0}, {"index": 7619, "quantile": 0.5, "value": 213099.99999999997, "Latitude": 33.83, "Longitude": -118.24, "Population": 4721.0}, {"index": 7619, "quantile": 0.75, "value": 215899.99999999997, "Latitude": 33.83, "Longitude": -118.24, "Population": 4721.0}, {"index": 7619, "quantile": 1.0, "value": 378000.0, "Latitude": 33.83, "Longitude": -118.24, "Population": 4721.0}, {"index": 7620, "quantile": 0.0, "value": 138000.0, "Latitude": 33.84, "Longitude": -118.25, "Population": 1032.0}, {"index": 7620, "quantile": 0.25, "value": 208100.0, "Latitude": 33.84, "Longitude": -118.25, "Population": 1032.0}, {"index": 7620, "quantile": 0.5, "value": 208100.0, "Latitude": 33.84, "Longitude": -118.25, "Population": 1032.0}, {"index": 7620, "quantile": 0.75, "value": 208100.0, "Latitude": 33.84, "Longitude": -118.25, "Population": 1032.0}, {"index": 7620, "quantile": 1.0, "value": 281300.0, "Latitude": 33.84, "Longitude": -118.25, "Population": 1032.0}, {"index": 7621, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 33.87, "Longitude": -118.25, "Population": 3704.0}, {"index": 7621, "quantile": 0.25, "value": 181400.0, "Latitude": 33.87, "Longitude": -118.25, "Population": 3704.0}, {"index": 7621, "quantile": 0.5, "value": 216800.00000000003, "Latitude": 33.87, "Longitude": -118.25, "Population": 3704.0}, {"index": 7621, "quantile": 0.75, "value": 267100.0, "Latitude": 33.87, "Longitude": -118.25, "Population": 3704.0}, {"index": 7621, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.87, "Longitude": -118.25, "Population": 3704.0}, {"index": 7622, "quantile": 0.0, "value": 156000.0, "Latitude": 33.86, "Longitude": -118.25, "Population": 1852.0}, {"index": 7622, "quantile": 0.25, "value": 186400.0, "Latitude": 33.86, "Longitude": -118.25, "Population": 1852.0}, {"index": 7622, "quantile": 0.5, "value": 186400.0, "Latitude": 33.86, "Longitude": -118.25, "Population": 1852.0}, {"index": 7622, "quantile": 0.75, "value": 221900.0, "Latitude": 33.86, "Longitude": -118.25, "Population": 1852.0}, {"index": 7622, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.86, "Longitude": -118.25, "Population": 1852.0}, {"index": 7623, "quantile": 0.0, "value": 97400.0, "Latitude": 33.85, "Longitude": -118.26, "Population": 1087.0}, {"index": 7623, "quantile": 0.25, "value": 206999.99999999997, "Latitude": 33.85, "Longitude": -118.26, "Population": 1087.0}, {"index": 7623, "quantile": 0.5, "value": 206999.99999999997, "Latitude": 33.85, "Longitude": -118.26, "Population": 1087.0}, {"index": 7623, "quantile": 0.75, "value": 224474.99999999997, "Latitude": 33.85, "Longitude": -118.26, "Population": 1087.0}, {"index": 7623, "quantile": 1.0, "value": 361700.0, "Latitude": 33.85, "Longitude": -118.26, "Population": 1087.0}, {"index": 7624, "quantile": 0.0, "value": 179500.0, "Latitude": 33.85, "Longitude": -118.26, "Population": 4558.0}, {"index": 7624, "quantile": 0.25, "value": 197500.0, "Latitude": 33.85, "Longitude": -118.26, "Population": 4558.0}, {"index": 7624, "quantile": 0.5, "value": 197500.0, "Latitude": 33.85, "Longitude": -118.26, "Population": 4558.0}, {"index": 7624, "quantile": 0.75, "value": 225875.0, "Latitude": 33.85, "Longitude": -118.26, "Population": 4558.0}, {"index": 7624, "quantile": 1.0, "value": 301900.0, "Latitude": 33.85, "Longitude": -118.26, "Population": 4558.0}, {"index": 7625, "quantile": 0.0, "value": 137500.0, "Latitude": 33.86, "Longitude": -118.27, "Population": 1484.0}, {"index": 7625, "quantile": 0.25, "value": 167000.0, "Latitude": 33.86, "Longitude": -118.27, "Population": 1484.0}, {"index": 7625, "quantile": 0.5, "value": 167000.0, "Latitude": 33.86, "Longitude": -118.27, "Population": 1484.0}, {"index": 7625, "quantile": 0.75, "value": 167200.0, "Latitude": 33.86, "Longitude": -118.27, "Population": 1484.0}, {"index": 7625, "quantile": 1.0, "value": 225900.0, "Latitude": 33.86, "Longitude": -118.27, "Population": 1484.0}, {"index": 7626, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 33.86, "Longitude": -118.27, "Population": 2115.0}, {"index": 7626, "quantile": 0.25, "value": 168600.0, "Latitude": 33.86, "Longitude": -118.27, "Population": 2115.0}, {"index": 7626, "quantile": 0.5, "value": 168600.0, "Latitude": 33.86, "Longitude": -118.27, "Population": 2115.0}, {"index": 7626, "quantile": 0.75, "value": 168600.0, "Latitude": 33.86, "Longitude": -118.27, "Population": 2115.0}, {"index": 7626, "quantile": 1.0, "value": 220100.0, "Latitude": 33.86, "Longitude": -118.27, "Population": 2115.0}, {"index": 7627, "quantile": 0.0, "value": 141200.0, "Latitude": 33.86, "Longitude": -118.27, "Population": 701.0}, {"index": 7627, "quantile": 0.25, "value": 196600.0, "Latitude": 33.86, "Longitude": -118.27, "Population": 701.0}, {"index": 7627, "quantile": 0.5, "value": 196600.0, "Latitude": 33.86, "Longitude": -118.27, "Population": 701.0}, {"index": 7627, "quantile": 0.75, "value": 286550.0, "Latitude": 33.86, "Longitude": -118.27, "Population": 701.0}, {"index": 7627, "quantile": 1.0, "value": 422900.0, "Latitude": 33.86, "Longitude": -118.27, "Population": 701.0}, {"index": 7628, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 33.85, "Longitude": -118.28, "Population": 403.0}, {"index": 7628, "quantile": 0.25, "value": 177400.0, "Latitude": 33.85, "Longitude": -118.28, "Population": 403.0}, {"index": 7628, "quantile": 0.5, "value": 189600.0, "Latitude": 33.85, "Longitude": -118.28, "Population": 403.0}, {"index": 7628, "quantile": 0.75, "value": 201399.99999999997, "Latitude": 33.85, "Longitude": -118.28, "Population": 403.0}, {"index": 7628, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.28, "Population": 403.0}, {"index": 7629, "quantile": 0.0, "value": 88600.0, "Latitude": 33.84, "Longitude": -118.28, "Population": 1697.0}, {"index": 7629, "quantile": 0.25, "value": 187900.0, "Latitude": 33.84, "Longitude": -118.28, "Population": 1697.0}, {"index": 7629, "quantile": 0.5, "value": 187900.0, "Latitude": 33.84, "Longitude": -118.28, "Population": 1697.0}, {"index": 7629, "quantile": 0.75, "value": 187900.0, "Latitude": 33.84, "Longitude": -118.28, "Population": 1697.0}, {"index": 7629, "quantile": 1.0, "value": 281700.0, "Latitude": 33.84, "Longitude": -118.28, "Population": 1697.0}, {"index": 7630, "quantile": 0.0, "value": 150000.0, "Latitude": 33.83, "Longitude": -118.28, "Population": 3887.0}, {"index": 7630, "quantile": 0.25, "value": 194400.0, "Latitude": 33.83, "Longitude": -118.28, "Population": 3887.0}, {"index": 7630, "quantile": 0.5, "value": 194400.0, "Latitude": 33.83, "Longitude": -118.28, "Population": 3887.0}, {"index": 7630, "quantile": 0.75, "value": 194400.0, "Latitude": 33.83, "Longitude": -118.28, "Population": 3887.0}, {"index": 7630, "quantile": 1.0, "value": 291500.0, "Latitude": 33.83, "Longitude": -118.28, "Population": 3887.0}, {"index": 7631, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 33.84, "Longitude": -118.29, "Population": 1897.0}, {"index": 7631, "quantile": 0.25, "value": 162900.0, "Latitude": 33.84, "Longitude": -118.29, "Population": 1897.0}, {"index": 7631, "quantile": 0.5, "value": 162900.0, "Latitude": 33.84, "Longitude": -118.29, "Population": 1897.0}, {"index": 7631, "quantile": 0.75, "value": 164825.0, "Latitude": 33.84, "Longitude": -118.29, "Population": 1897.0}, {"index": 7631, "quantile": 1.0, "value": 286600.0, "Latitude": 33.84, "Longitude": -118.29, "Population": 1897.0}, {"index": 7632, "quantile": 0.0, "value": 83100.0, "Latitude": 33.84, "Longitude": -118.29, "Population": 843.0}, {"index": 7632, "quantile": 0.25, "value": 153275.0, "Latitude": 33.84, "Longitude": -118.29, "Population": 843.0}, {"index": 7632, "quantile": 0.5, "value": 183000.0, "Latitude": 33.84, "Longitude": -118.29, "Population": 843.0}, {"index": 7632, "quantile": 0.75, "value": 183000.0, "Latitude": 33.84, "Longitude": -118.29, "Population": 843.0}, {"index": 7632, "quantile": 1.0, "value": 270500.0, "Latitude": 33.84, "Longitude": -118.29, "Population": 843.0}, {"index": 7633, "quantile": 0.0, "value": 187500.0, "Latitude": 33.84, "Longitude": -118.29, "Population": 1396.0}, {"index": 7633, "quantile": 0.25, "value": 218000.00000000003, "Latitude": 33.84, "Longitude": -118.29, "Population": 1396.0}, {"index": 7633, "quantile": 0.5, "value": 218000.00000000003, "Latitude": 33.84, "Longitude": -118.29, "Population": 1396.0}, {"index": 7633, "quantile": 0.75, "value": 251300.0, "Latitude": 33.84, "Longitude": -118.29, "Population": 1396.0}, {"index": 7633, "quantile": 1.0, "value": 453700.0, "Latitude": 33.84, "Longitude": -118.29, "Population": 1396.0}, {"index": 7634, "quantile": 0.0, "value": 144100.0, "Latitude": 33.84, "Longitude": -118.29, "Population": 2321.0}, {"index": 7634, "quantile": 0.25, "value": 189975.0, "Latitude": 33.84, "Longitude": -118.29, "Population": 2321.0}, {"index": 7634, "quantile": 0.5, "value": 216500.0, "Latitude": 33.84, "Longitude": -118.29, "Population": 2321.0}, {"index": 7634, "quantile": 0.75, "value": 242375.0, "Latitude": 33.84, "Longitude": -118.29, "Population": 2321.0}, {"index": 7634, "quantile": 1.0, "value": 378000.0, "Latitude": 33.84, "Longitude": -118.29, "Population": 2321.0}, {"index": 7635, "quantile": 0.0, "value": 141500.0, "Latitude": 33.83, "Longitude": -118.29, "Population": 2819.0}, {"index": 7635, "quantile": 0.25, "value": 216500.0, "Latitude": 33.83, "Longitude": -118.29, "Population": 2819.0}, {"index": 7635, "quantile": 0.5, "value": 216500.0, "Latitude": 33.83, "Longitude": -118.29, "Population": 2819.0}, {"index": 7635, "quantile": 0.75, "value": 216500.0, "Latitude": 33.83, "Longitude": -118.29, "Population": 2819.0}, {"index": 7635, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.83, "Longitude": -118.29, "Population": 2819.0}, {"index": 7636, "quantile": 0.0, "value": 153300.0, "Latitude": 33.82, "Longitude": -118.28, "Population": 3680.0}, {"index": 7636, "quantile": 0.25, "value": 205100.00000000003, "Latitude": 33.82, "Longitude": -118.28, "Population": 3680.0}, {"index": 7636, "quantile": 0.5, "value": 205100.00000000003, "Latitude": 33.82, "Longitude": -118.28, "Population": 3680.0}, {"index": 7636, "quantile": 0.75, "value": 205100.00000000003, "Latitude": 33.82, "Longitude": -118.28, "Population": 3680.0}, {"index": 7636, "quantile": 1.0, "value": 279700.0, "Latitude": 33.82, "Longitude": -118.28, "Population": 3680.0}, {"index": 7637, "quantile": 0.0, "value": 81400.0, "Latitude": 33.82, "Longitude": -118.29, "Population": 2689.0}, {"index": 7637, "quantile": 0.25, "value": 218800.00000000003, "Latitude": 33.82, "Longitude": -118.29, "Population": 2689.0}, {"index": 7637, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 33.82, "Longitude": -118.29, "Population": 2689.0}, {"index": 7637, "quantile": 0.75, "value": 218800.00000000003, "Latitude": 33.82, "Longitude": -118.29, "Population": 2689.0}, {"index": 7637, "quantile": 1.0, "value": 291500.0, "Latitude": 33.82, "Longitude": -118.29, "Population": 2689.0}, {"index": 7638, "quantile": 0.0, "value": 169600.0, "Latitude": 33.81, "Longitude": -118.29, "Population": 3993.0}, {"index": 7638, "quantile": 0.25, "value": 218200.0, "Latitude": 33.81, "Longitude": -118.29, "Population": 3993.0}, {"index": 7638, "quantile": 0.5, "value": 218200.0, "Latitude": 33.81, "Longitude": -118.29, "Population": 3993.0}, {"index": 7638, "quantile": 0.75, "value": 222874.99999999997, "Latitude": 33.81, "Longitude": -118.29, "Population": 3993.0}, {"index": 7638, "quantile": 1.0, "value": 446800.0, "Latitude": 33.81, "Longitude": -118.29, "Population": 3993.0}, {"index": 7639, "quantile": 0.0, "value": 78600.0, "Latitude": 33.8, "Longitude": -118.29, "Population": 4185.0}, {"index": 7639, "quantile": 0.25, "value": 316475.0, "Latitude": 33.8, "Longitude": -118.29, "Population": 4185.0}, {"index": 7639, "quantile": 0.5, "value": 329400.0, "Latitude": 33.8, "Longitude": -118.29, "Population": 4185.0}, {"index": 7639, "quantile": 0.75, "value": 329400.0, "Latitude": 33.8, "Longitude": -118.29, "Population": 4185.0}, {"index": 7639, "quantile": 1.0, "value": 406300.0, "Latitude": 33.8, "Longitude": -118.29, "Population": 4185.0}, {"index": 7640, "quantile": 0.0, "value": 168600.0, "Latitude": 33.82, "Longitude": -118.28, "Population": 2813.0}, {"index": 7640, "quantile": 0.25, "value": 217700.0, "Latitude": 33.82, "Longitude": -118.28, "Population": 2813.0}, {"index": 7640, "quantile": 0.5, "value": 217700.0, "Latitude": 33.82, "Longitude": -118.28, "Population": 2813.0}, {"index": 7640, "quantile": 0.75, "value": 217700.0, "Latitude": 33.82, "Longitude": -118.28, "Population": 2813.0}, {"index": 7640, "quantile": 1.0, "value": 308000.0, "Latitude": 33.82, "Longitude": -118.28, "Population": 2813.0}, {"index": 7641, "quantile": 0.0, "value": 176400.0, "Latitude": 33.81, "Longitude": -118.28, "Population": 2046.0}, {"index": 7641, "quantile": 0.25, "value": 187400.0, "Latitude": 33.81, "Longitude": -118.28, "Population": 2046.0}, {"index": 7641, "quantile": 0.5, "value": 206050.00000000003, "Latitude": 33.81, "Longitude": -118.28, "Population": 2046.0}, {"index": 7641, "quantile": 0.75, "value": 223575.0, "Latitude": 33.81, "Longitude": -118.28, "Population": 2046.0}, {"index": 7641, "quantile": 1.0, "value": 302100.0, "Latitude": 33.81, "Longitude": -118.28, "Population": 2046.0}, {"index": 7642, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.82, "Longitude": -118.27, "Population": 1427.0}, {"index": 7642, "quantile": 0.25, "value": 167000.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 1427.0}, {"index": 7642, "quantile": 0.5, "value": 169899.99999999997, "Latitude": 33.82, "Longitude": -118.27, "Population": 1427.0}, {"index": 7642, "quantile": 0.75, "value": 177450.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 1427.0}, {"index": 7642, "quantile": 1.0, "value": 225900.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 1427.0}, {"index": 7643, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.82, "Longitude": -118.27, "Population": 1650.0}, {"index": 7643, "quantile": 0.25, "value": 170800.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 1650.0}, {"index": 7643, "quantile": 0.5, "value": 173500.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 1650.0}, {"index": 7643, "quantile": 0.75, "value": 173500.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 1650.0}, {"index": 7643, "quantile": 1.0, "value": 270500.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 1650.0}, {"index": 7644, "quantile": 0.0, "value": 155500.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 803.0}, {"index": 7644, "quantile": 0.25, "value": 191100.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 803.0}, {"index": 7644, "quantile": 0.5, "value": 191100.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 803.0}, {"index": 7644, "quantile": 0.75, "value": 191100.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 803.0}, {"index": 7644, "quantile": 1.0, "value": 353600.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 803.0}, {"index": 7645, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 33.81, "Longitude": -118.27, "Population": 1769.0}, {"index": 7645, "quantile": 0.25, "value": 113999.99999999999, "Latitude": 33.81, "Longitude": -118.27, "Population": 1769.0}, {"index": 7645, "quantile": 0.5, "value": 113999.99999999999, "Latitude": 33.81, "Longitude": -118.27, "Population": 1769.0}, {"index": 7645, "quantile": 0.75, "value": 161100.0, "Latitude": 33.81, "Longitude": -118.27, "Population": 1769.0}, {"index": 7645, "quantile": 1.0, "value": 344400.0, "Latitude": 33.81, "Longitude": -118.27, "Population": 1769.0}, {"index": 7646, "quantile": 0.0, "value": 117400.0, "Latitude": 33.81, "Longitude": -118.27, "Population": 811.0}, {"index": 7646, "quantile": 0.25, "value": 165300.0, "Latitude": 33.81, "Longitude": -118.27, "Population": 811.0}, {"index": 7646, "quantile": 0.5, "value": 165300.0, "Latitude": 33.81, "Longitude": -118.27, "Population": 811.0}, {"index": 7646, "quantile": 0.75, "value": 165300.0, "Latitude": 33.81, "Longitude": -118.27, "Population": 811.0}, {"index": 7646, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.27, "Population": 811.0}, {"index": 7647, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.81, "Longitude": -118.27, "Population": 1130.0}, {"index": 7647, "quantile": 0.25, "value": 166700.0, "Latitude": 33.81, "Longitude": -118.27, "Population": 1130.0}, {"index": 7647, "quantile": 0.5, "value": 182500.0, "Latitude": 33.81, "Longitude": -118.27, "Population": 1130.0}, {"index": 7647, "quantile": 0.75, "value": 204700.00000000003, "Latitude": 33.81, "Longitude": -118.27, "Population": 1130.0}, {"index": 7647, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.27, "Population": 1130.0}, {"index": 7648, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 33.82, "Longitude": -118.27, "Population": 763.0}, {"index": 7648, "quantile": 0.25, "value": 170400.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 763.0}, {"index": 7648, "quantile": 0.5, "value": 187200.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 763.0}, {"index": 7648, "quantile": 0.75, "value": 216275.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 763.0}, {"index": 7648, "quantile": 1.0, "value": 352300.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 763.0}, {"index": 7649, "quantile": 0.0, "value": 160000.0, "Latitude": 33.8, "Longitude": -118.27, "Population": 3287.0}, {"index": 7649, "quantile": 0.25, "value": 213099.99999999997, "Latitude": 33.8, "Longitude": -118.27, "Population": 3287.0}, {"index": 7649, "quantile": 0.5, "value": 215899.99999999997, "Latitude": 33.8, "Longitude": -118.27, "Population": 3287.0}, {"index": 7649, "quantile": 0.75, "value": 215899.99999999997, "Latitude": 33.8, "Longitude": -118.27, "Population": 3287.0}, {"index": 7649, "quantile": 1.0, "value": 319100.0, "Latitude": 33.8, "Longitude": -118.27, "Population": 3287.0}, {"index": 7650, "quantile": 0.0, "value": 126800.0, "Latitude": 33.84, "Longitude": -118.27, "Population": 3728.0}, {"index": 7650, "quantile": 0.25, "value": 186250.0, "Latitude": 33.84, "Longitude": -118.27, "Population": 3728.0}, {"index": 7650, "quantile": 0.5, "value": 208100.0, "Latitude": 33.84, "Longitude": -118.27, "Population": 3728.0}, {"index": 7650, "quantile": 0.75, "value": 232900.00000000003, "Latitude": 33.84, "Longitude": -118.27, "Population": 3728.0}, {"index": 7650, "quantile": 1.0, "value": 383800.0, "Latitude": 33.84, "Longitude": -118.27, "Population": 3728.0}, {"index": 7651, "quantile": 0.0, "value": 137200.0, "Latitude": 33.83, "Longitude": -118.28, "Population": 717.0}, {"index": 7651, "quantile": 0.25, "value": 175700.0, "Latitude": 33.83, "Longitude": -118.28, "Population": 717.0}, {"index": 7651, "quantile": 0.5, "value": 175700.0, "Latitude": 33.83, "Longitude": -118.28, "Population": 717.0}, {"index": 7651, "quantile": 0.75, "value": 175700.0, "Latitude": 33.83, "Longitude": -118.28, "Population": 717.0}, {"index": 7651, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.28, "Population": 717.0}, {"index": 7652, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 33.83, "Longitude": -118.27, "Population": 1623.0}, {"index": 7652, "quantile": 0.25, "value": 191400.0, "Latitude": 33.83, "Longitude": -118.27, "Population": 1623.0}, {"index": 7652, "quantile": 0.5, "value": 200500.0, "Latitude": 33.83, "Longitude": -118.27, "Population": 1623.0}, {"index": 7652, "quantile": 0.75, "value": 200500.0, "Latitude": 33.83, "Longitude": -118.27, "Population": 1623.0}, {"index": 7652, "quantile": 1.0, "value": 232799.99999999997, "Latitude": 33.83, "Longitude": -118.27, "Population": 1623.0}, {"index": 7653, "quantile": 0.0, "value": 95200.0, "Latitude": 33.83, "Longitude": -118.27, "Population": 717.0}, {"index": 7653, "quantile": 0.25, "value": 186900.0, "Latitude": 33.83, "Longitude": -118.27, "Population": 717.0}, {"index": 7653, "quantile": 0.5, "value": 186900.0, "Latitude": 33.83, "Longitude": -118.27, "Population": 717.0}, {"index": 7653, "quantile": 0.75, "value": 186900.0, "Latitude": 33.83, "Longitude": -118.27, "Population": 717.0}, {"index": 7653, "quantile": 1.0, "value": 285500.0, "Latitude": 33.83, "Longitude": -118.27, "Population": 717.0}, {"index": 7654, "quantile": 0.0, "value": 96100.0, "Latitude": 33.83, "Longitude": -118.26, "Population": 2064.0}, {"index": 7654, "quantile": 0.25, "value": 184600.0, "Latitude": 33.83, "Longitude": -118.26, "Population": 2064.0}, {"index": 7654, "quantile": 0.5, "value": 184600.0, "Latitude": 33.83, "Longitude": -118.26, "Population": 2064.0}, {"index": 7654, "quantile": 0.75, "value": 184600.0, "Latitude": 33.83, "Longitude": -118.26, "Population": 2064.0}, {"index": 7654, "quantile": 1.0, "value": 291500.0, "Latitude": 33.83, "Longitude": -118.26, "Population": 2064.0}, {"index": 7655, "quantile": 0.0, "value": 117400.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 1575.0}, {"index": 7655, "quantile": 0.25, "value": 163900.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 1575.0}, {"index": 7655, "quantile": 0.5, "value": 190800.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 1575.0}, {"index": 7655, "quantile": 0.75, "value": 200575.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 1575.0}, {"index": 7655, "quantile": 1.0, "value": 339100.0, "Latitude": 33.82, "Longitude": -118.27, "Population": 1575.0}, {"index": 7656, "quantile": 0.0, "value": 117300.0, "Latitude": 33.82, "Longitude": -118.26, "Population": 4753.0}, {"index": 7656, "quantile": 0.25, "value": 117400.0, "Latitude": 33.82, "Longitude": -118.26, "Population": 4753.0}, {"index": 7656, "quantile": 0.5, "value": 117400.0, "Latitude": 33.82, "Longitude": -118.26, "Population": 4753.0}, {"index": 7656, "quantile": 0.75, "value": 148950.0, "Latitude": 33.82, "Longitude": -118.26, "Population": 4753.0}, {"index": 7656, "quantile": 1.0, "value": 193900.0, "Latitude": 33.82, "Longitude": -118.26, "Population": 4753.0}, {"index": 7657, "quantile": 0.0, "value": 117400.0, "Latitude": 33.83, "Longitude": -118.26, "Population": 3211.0}, {"index": 7657, "quantile": 0.25, "value": 183800.0, "Latitude": 33.83, "Longitude": -118.26, "Population": 3211.0}, {"index": 7657, "quantile": 0.5, "value": 191300.0, "Latitude": 33.83, "Longitude": -118.26, "Population": 3211.0}, {"index": 7657, "quantile": 0.75, "value": 200500.0, "Latitude": 33.83, "Longitude": -118.26, "Population": 3211.0}, {"index": 7657, "quantile": 1.0, "value": 450000.0, "Latitude": 33.83, "Longitude": -118.26, "Population": 3211.0}, {"index": 7658, "quantile": 0.0, "value": 140200.0, "Latitude": 33.84, "Longitude": -118.21, "Population": 627.0}, {"index": 7658, "quantile": 0.25, "value": 166300.0, "Latitude": 33.84, "Longitude": -118.21, "Population": 627.0}, {"index": 7658, "quantile": 0.5, "value": 166300.0, "Latitude": 33.84, "Longitude": -118.21, "Population": 627.0}, {"index": 7658, "quantile": 0.75, "value": 166375.0, "Latitude": 33.84, "Longitude": -118.21, "Population": 627.0}, {"index": 7658, "quantile": 1.0, "value": 263200.0, "Latitude": 33.84, "Longitude": -118.21, "Population": 627.0}, {"index": 7659, "quantile": 0.0, "value": 126600.0, "Latitude": 33.84, "Longitude": -118.22, "Population": 1007.0}, {"index": 7659, "quantile": 0.25, "value": 167400.0, "Latitude": 33.84, "Longitude": -118.22, "Population": 1007.0}, {"index": 7659, "quantile": 0.5, "value": 168300.0, "Latitude": 33.84, "Longitude": -118.22, "Population": 1007.0}, {"index": 7659, "quantile": 0.75, "value": 168300.0, "Latitude": 33.84, "Longitude": -118.22, "Population": 1007.0}, {"index": 7659, "quantile": 1.0, "value": 339100.0, "Latitude": 33.84, "Longitude": -118.22, "Population": 1007.0}, {"index": 7660, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.84, "Longitude": -118.22, "Population": 1358.0}, {"index": 7660, "quantile": 0.25, "value": 166625.0, "Latitude": 33.84, "Longitude": -118.22, "Population": 1358.0}, {"index": 7660, "quantile": 0.5, "value": 180900.0, "Latitude": 33.84, "Longitude": -118.22, "Population": 1358.0}, {"index": 7660, "quantile": 0.75, "value": 201750.0, "Latitude": 33.84, "Longitude": -118.22, "Population": 1358.0}, {"index": 7660, "quantile": 1.0, "value": 339100.0, "Latitude": 33.84, "Longitude": -118.22, "Population": 1358.0}, {"index": 7661, "quantile": 0.0, "value": 143100.0, "Latitude": 33.83, "Longitude": -118.22, "Population": 1018.0}, {"index": 7661, "quantile": 0.25, "value": 160200.0, "Latitude": 33.83, "Longitude": -118.22, "Population": 1018.0}, {"index": 7661, "quantile": 0.5, "value": 160200.0, "Latitude": 33.83, "Longitude": -118.22, "Population": 1018.0}, {"index": 7661, "quantile": 0.75, "value": 165700.0, "Latitude": 33.83, "Longitude": -118.22, "Population": 1018.0}, {"index": 7661, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.83, "Longitude": -118.22, "Population": 1018.0}, {"index": 7662, "quantile": 0.0, "value": 93800.0, "Latitude": 33.83, "Longitude": -118.22, "Population": 1115.0}, {"index": 7662, "quantile": 0.25, "value": 174400.0, "Latitude": 33.83, "Longitude": -118.22, "Population": 1115.0}, {"index": 7662, "quantile": 0.5, "value": 174400.0, "Latitude": 33.83, "Longitude": -118.22, "Population": 1115.0}, {"index": 7662, "quantile": 0.75, "value": 174400.0, "Latitude": 33.83, "Longitude": -118.22, "Population": 1115.0}, {"index": 7662, "quantile": 1.0, "value": 318900.0, "Latitude": 33.83, "Longitude": -118.22, "Population": 1115.0}, {"index": 7663, "quantile": 0.0, "value": 86100.0, "Latitude": 33.83, "Longitude": -118.22, "Population": 871.0}, {"index": 7663, "quantile": 0.25, "value": 159700.0, "Latitude": 33.83, "Longitude": -118.22, "Population": 871.0}, {"index": 7663, "quantile": 0.5, "value": 172950.0, "Latitude": 33.83, "Longitude": -118.22, "Population": 871.0}, {"index": 7663, "quantile": 0.75, "value": 181200.0, "Latitude": 33.83, "Longitude": -118.22, "Population": 871.0}, {"index": 7663, "quantile": 1.0, "value": 231300.00000000003, "Latitude": 33.83, "Longitude": -118.22, "Population": 871.0}, {"index": 7664, "quantile": 0.0, "value": 95200.0, "Latitude": 33.83, "Longitude": -118.21, "Population": 601.0}, {"index": 7664, "quantile": 0.25, "value": 176100.0, "Latitude": 33.83, "Longitude": -118.21, "Population": 601.0}, {"index": 7664, "quantile": 0.5, "value": 176100.0, "Latitude": 33.83, "Longitude": -118.21, "Population": 601.0}, {"index": 7664, "quantile": 0.75, "value": 176100.0, "Latitude": 33.83, "Longitude": -118.21, "Population": 601.0}, {"index": 7664, "quantile": 1.0, "value": 285000.0, "Latitude": 33.83, "Longitude": -118.21, "Population": 601.0}, {"index": 7665, "quantile": 0.0, "value": 87500.0, "Latitude": 33.93, "Longitude": -118.07, "Population": 1453.0}, {"index": 7665, "quantile": 0.25, "value": 171900.0, "Latitude": 33.93, "Longitude": -118.07, "Population": 1453.0}, {"index": 7665, "quantile": 0.5, "value": 171900.0, "Latitude": 33.93, "Longitude": -118.07, "Population": 1453.0}, {"index": 7665, "quantile": 0.75, "value": 171900.0, "Latitude": 33.93, "Longitude": -118.07, "Population": 1453.0}, {"index": 7665, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -118.07, "Population": 1453.0}, {"index": 7666, "quantile": 0.0, "value": 107400.0, "Latitude": 33.93, "Longitude": -118.08, "Population": 673.0}, {"index": 7666, "quantile": 0.25, "value": 158200.0, "Latitude": 33.93, "Longitude": -118.08, "Population": 673.0}, {"index": 7666, "quantile": 0.5, "value": 158200.0, "Latitude": 33.93, "Longitude": -118.08, "Population": 673.0}, {"index": 7666, "quantile": 0.75, "value": 158200.0, "Latitude": 33.93, "Longitude": -118.08, "Population": 673.0}, {"index": 7666, "quantile": 1.0, "value": 199300.0, "Latitude": 33.93, "Longitude": -118.08, "Population": 673.0}, {"index": 7667, "quantile": 0.0, "value": 137800.0, "Latitude": 33.93, "Longitude": -118.08, "Population": 1127.0}, {"index": 7667, "quantile": 0.25, "value": 160700.0, "Latitude": 33.93, "Longitude": -118.08, "Population": 1127.0}, {"index": 7667, "quantile": 0.5, "value": 166200.0, "Latitude": 33.93, "Longitude": -118.08, "Population": 1127.0}, {"index": 7667, "quantile": 0.75, "value": 174000.0, "Latitude": 33.93, "Longitude": -118.08, "Population": 1127.0}, {"index": 7667, "quantile": 1.0, "value": 218299.99999999997, "Latitude": 33.93, "Longitude": -118.08, "Population": 1127.0}, {"index": 7668, "quantile": 0.0, "value": 111700.0, "Latitude": 33.92, "Longitude": -118.08, "Population": 1011.0}, {"index": 7668, "quantile": 0.25, "value": 157450.0, "Latitude": 33.92, "Longitude": -118.08, "Population": 1011.0}, {"index": 7668, "quantile": 0.5, "value": 162200.0, "Latitude": 33.92, "Longitude": -118.08, "Population": 1011.0}, {"index": 7668, "quantile": 0.75, "value": 172600.0, "Latitude": 33.92, "Longitude": -118.08, "Population": 1011.0}, {"index": 7668, "quantile": 1.0, "value": 207200.0, "Latitude": 33.92, "Longitude": -118.08, "Population": 1011.0}, {"index": 7669, "quantile": 0.0, "value": 158200.0, "Latitude": 33.92, "Longitude": -118.08, "Population": 1034.0}, {"index": 7669, "quantile": 0.25, "value": 165700.0, "Latitude": 33.92, "Longitude": -118.08, "Population": 1034.0}, {"index": 7669, "quantile": 0.5, "value": 165700.0, "Latitude": 33.92, "Longitude": -118.08, "Population": 1034.0}, {"index": 7669, "quantile": 0.75, "value": 165775.0, "Latitude": 33.92, "Longitude": -118.08, "Population": 1034.0}, {"index": 7669, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 33.92, "Longitude": -118.08, "Population": 1034.0}, {"index": 7670, "quantile": 0.0, "value": 127600.0, "Latitude": 33.92, "Longitude": -118.07, "Population": 1348.0}, {"index": 7670, "quantile": 0.25, "value": 161775.0, "Latitude": 33.92, "Longitude": -118.07, "Population": 1348.0}, {"index": 7670, "quantile": 0.5, "value": 174000.0, "Latitude": 33.92, "Longitude": -118.07, "Population": 1348.0}, {"index": 7670, "quantile": 0.75, "value": 174000.0, "Latitude": 33.92, "Longitude": -118.07, "Population": 1348.0}, {"index": 7670, "quantile": 1.0, "value": 175400.0, "Latitude": 33.92, "Longitude": -118.07, "Population": 1348.0}, {"index": 7671, "quantile": 0.0, "value": 157100.0, "Latitude": 33.92, "Longitude": -118.08, "Population": 1414.0}, {"index": 7671, "quantile": 0.25, "value": 166800.0, "Latitude": 33.92, "Longitude": -118.08, "Population": 1414.0}, {"index": 7671, "quantile": 0.5, "value": 166800.0, "Latitude": 33.92, "Longitude": -118.08, "Population": 1414.0}, {"index": 7671, "quantile": 0.75, "value": 169800.0, "Latitude": 33.92, "Longitude": -118.08, "Population": 1414.0}, {"index": 7671, "quantile": 1.0, "value": 276000.0, "Latitude": 33.92, "Longitude": -118.08, "Population": 1414.0}, {"index": 7672, "quantile": 0.0, "value": 152000.0, "Latitude": 33.93, "Longitude": -118.08, "Population": 1626.0}, {"index": 7672, "quantile": 0.25, "value": 172800.0, "Latitude": 33.93, "Longitude": -118.08, "Population": 1626.0}, {"index": 7672, "quantile": 0.5, "value": 172800.0, "Latitude": 33.93, "Longitude": -118.08, "Population": 1626.0}, {"index": 7672, "quantile": 0.75, "value": 172800.0, "Latitude": 33.93, "Longitude": -118.08, "Population": 1626.0}, {"index": 7672, "quantile": 1.0, "value": 199300.0, "Latitude": 33.93, "Longitude": -118.08, "Population": 1626.0}, {"index": 7673, "quantile": 0.0, "value": 96100.0, "Latitude": 33.93, "Longitude": -118.08, "Population": 1179.0}, {"index": 7673, "quantile": 0.25, "value": 156700.0, "Latitude": 33.93, "Longitude": -118.08, "Population": 1179.0}, {"index": 7673, "quantile": 0.5, "value": 166600.0, "Latitude": 33.93, "Longitude": -118.08, "Population": 1179.0}, {"index": 7673, "quantile": 0.75, "value": 182200.0, "Latitude": 33.93, "Longitude": -118.08, "Population": 1179.0}, {"index": 7673, "quantile": 1.0, "value": 250999.99999999997, "Latitude": 33.93, "Longitude": -118.08, "Population": 1179.0}, {"index": 7674, "quantile": 0.0, "value": 151300.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 1669.0}, {"index": 7674, "quantile": 0.25, "value": 162375.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 1669.0}, {"index": 7674, "quantile": 0.5, "value": 173900.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 1669.0}, {"index": 7674, "quantile": 0.75, "value": 186175.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 1669.0}, {"index": 7674, "quantile": 1.0, "value": 248900.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 1669.0}, {"index": 7675, "quantile": 0.0, "value": 146400.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 713.0}, {"index": 7675, "quantile": 0.25, "value": 160600.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 713.0}, {"index": 7675, "quantile": 0.5, "value": 168699.99999999997, "Latitude": 33.92, "Longitude": -118.09, "Population": 713.0}, {"index": 7675, "quantile": 0.75, "value": 183400.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 713.0}, {"index": 7675, "quantile": 1.0, "value": 262400.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 713.0}, {"index": 7676, "quantile": 0.0, "value": 146400.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 711.0}, {"index": 7676, "quantile": 0.25, "value": 170800.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 711.0}, {"index": 7676, "quantile": 0.5, "value": 170800.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 711.0}, {"index": 7676, "quantile": 0.75, "value": 183400.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 711.0}, {"index": 7676, "quantile": 1.0, "value": 365900.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 711.0}, {"index": 7677, "quantile": 0.0, "value": 88900.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 547.0}, {"index": 7677, "quantile": 0.25, "value": 168600.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 547.0}, {"index": 7677, "quantile": 0.5, "value": 168600.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 547.0}, {"index": 7677, "quantile": 0.75, "value": 185300.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 547.0}, {"index": 7677, "quantile": 1.0, "value": 430900.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 547.0}, {"index": 7678, "quantile": 0.0, "value": 149100.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 1157.0}, {"index": 7678, "quantile": 0.25, "value": 168300.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 1157.0}, {"index": 7678, "quantile": 0.5, "value": 168300.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 1157.0}, {"index": 7678, "quantile": 0.75, "value": 196075.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 1157.0}, {"index": 7678, "quantile": 1.0, "value": 262500.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 1157.0}, {"index": 7679, "quantile": 0.0, "value": 157700.0, "Latitude": 33.93, "Longitude": -118.09, "Population": 1183.0}, {"index": 7679, "quantile": 0.25, "value": 175300.0, "Latitude": 33.93, "Longitude": -118.09, "Population": 1183.0}, {"index": 7679, "quantile": 0.5, "value": 175300.0, "Latitude": 33.93, "Longitude": -118.09, "Population": 1183.0}, {"index": 7679, "quantile": 0.75, "value": 175300.0, "Latitude": 33.93, "Longitude": -118.09, "Population": 1183.0}, {"index": 7679, "quantile": 1.0, "value": 252100.0, "Latitude": 33.93, "Longitude": -118.09, "Population": 1183.0}, {"index": 7680, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.92, "Longitude": -118.1, "Population": 1388.0}, {"index": 7680, "quantile": 0.25, "value": 171600.0, "Latitude": 33.92, "Longitude": -118.1, "Population": 1388.0}, {"index": 7680, "quantile": 0.5, "value": 171600.0, "Latitude": 33.92, "Longitude": -118.1, "Population": 1388.0}, {"index": 7680, "quantile": 0.75, "value": 171600.0, "Latitude": 33.92, "Longitude": -118.1, "Population": 1388.0}, {"index": 7680, "quantile": 1.0, "value": 215700.0, "Latitude": 33.92, "Longitude": -118.1, "Population": 1388.0}, {"index": 7681, "quantile": 0.0, "value": 151300.0, "Latitude": 33.93, "Longitude": -118.1, "Population": 707.0}, {"index": 7681, "quantile": 0.25, "value": 174500.0, "Latitude": 33.93, "Longitude": -118.1, "Population": 707.0}, {"index": 7681, "quantile": 0.5, "value": 174500.0, "Latitude": 33.93, "Longitude": -118.1, "Population": 707.0}, {"index": 7681, "quantile": 0.75, "value": 174500.0, "Latitude": 33.93, "Longitude": -118.1, "Population": 707.0}, {"index": 7681, "quantile": 1.0, "value": 246900.0, "Latitude": 33.93, "Longitude": -118.1, "Population": 707.0}, {"index": 7682, "quantile": 0.0, "value": 113900.0, "Latitude": 33.93, "Longitude": -118.1, "Population": 1205.0}, {"index": 7682, "quantile": 0.25, "value": 152600.0, "Latitude": 33.93, "Longitude": -118.1, "Population": 1205.0}, {"index": 7682, "quantile": 0.5, "value": 159200.0, "Latitude": 33.93, "Longitude": -118.1, "Population": 1205.0}, {"index": 7682, "quantile": 0.75, "value": 174675.0, "Latitude": 33.93, "Longitude": -118.1, "Population": 1205.0}, {"index": 7682, "quantile": 1.0, "value": 218299.99999999997, "Latitude": 33.93, "Longitude": -118.1, "Population": 1205.0}, {"index": 7683, "quantile": 0.0, "value": 94500.0, "Latitude": 33.92, "Longitude": -118.11, "Population": 729.0}, {"index": 7683, "quantile": 0.25, "value": 151300.0, "Latitude": 33.92, "Longitude": -118.11, "Population": 729.0}, {"index": 7683, "quantile": 0.5, "value": 151300.0, "Latitude": 33.92, "Longitude": -118.11, "Population": 729.0}, {"index": 7683, "quantile": 0.75, "value": 161400.0, "Latitude": 33.92, "Longitude": -118.11, "Population": 729.0}, {"index": 7683, "quantile": 1.0, "value": 225900.0, "Latitude": 33.92, "Longitude": -118.11, "Population": 729.0}, {"index": 7684, "quantile": 0.0, "value": 147400.0, "Latitude": 33.92, "Longitude": -118.11, "Population": 983.0}, {"index": 7684, "quantile": 0.25, "value": 156600.0, "Latitude": 33.92, "Longitude": -118.11, "Population": 983.0}, {"index": 7684, "quantile": 0.5, "value": 156600.0, "Latitude": 33.92, "Longitude": -118.11, "Population": 983.0}, {"index": 7684, "quantile": 0.75, "value": 162200.0, "Latitude": 33.92, "Longitude": -118.11, "Population": 983.0}, {"index": 7684, "quantile": 1.0, "value": 183400.0, "Latitude": 33.92, "Longitude": -118.11, "Population": 983.0}, {"index": 7685, "quantile": 0.0, "value": 96100.0, "Latitude": 33.94, "Longitude": -118.1, "Population": 460.0}, {"index": 7685, "quantile": 0.25, "value": 136550.00000000003, "Latitude": 33.94, "Longitude": -118.1, "Population": 460.0}, {"index": 7685, "quantile": 0.5, "value": 158150.0, "Latitude": 33.94, "Longitude": -118.1, "Population": 460.0}, {"index": 7685, "quantile": 0.75, "value": 173175.0, "Latitude": 33.94, "Longitude": -118.1, "Population": 460.0}, {"index": 7685, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.94, "Longitude": -118.1, "Population": 460.0}, {"index": 7686, "quantile": 0.0, "value": 158000.0, "Latitude": 33.93, "Longitude": -118.1, "Population": 845.0}, {"index": 7686, "quantile": 0.25, "value": 186100.0, "Latitude": 33.93, "Longitude": -118.1, "Population": 845.0}, {"index": 7686, "quantile": 0.5, "value": 186100.0, "Latitude": 33.93, "Longitude": -118.1, "Population": 845.0}, {"index": 7686, "quantile": 0.75, "value": 186100.0, "Latitude": 33.93, "Longitude": -118.1, "Population": 845.0}, {"index": 7686, "quantile": 1.0, "value": 352200.0, "Latitude": 33.93, "Longitude": -118.1, "Population": 845.0}, {"index": 7687, "quantile": 0.0, "value": 167800.0, "Latitude": 33.95, "Longitude": -118.1, "Population": 2171.0}, {"index": 7687, "quantile": 0.25, "value": 196900.0, "Latitude": 33.95, "Longitude": -118.1, "Population": 2171.0}, {"index": 7687, "quantile": 0.5, "value": 196900.0, "Latitude": 33.95, "Longitude": -118.1, "Population": 2171.0}, {"index": 7687, "quantile": 0.75, "value": 196900.0, "Latitude": 33.95, "Longitude": -118.1, "Population": 2171.0}, {"index": 7687, "quantile": 1.0, "value": 300000.0, "Latitude": 33.95, "Longitude": -118.1, "Population": 2171.0}, {"index": 7688, "quantile": 0.0, "value": 134400.0, "Latitude": 33.95, "Longitude": -118.1, "Population": 995.0}, {"index": 7688, "quantile": 0.25, "value": 186100.0, "Latitude": 33.95, "Longitude": -118.1, "Population": 995.0}, {"index": 7688, "quantile": 0.5, "value": 203300.0, "Latitude": 33.95, "Longitude": -118.1, "Population": 995.0}, {"index": 7688, "quantile": 0.75, "value": 229599.99999999997, "Latitude": 33.95, "Longitude": -118.1, "Population": 995.0}, {"index": 7688, "quantile": 1.0, "value": 334200.0, "Latitude": 33.95, "Longitude": -118.1, "Population": 995.0}, {"index": 7689, "quantile": 0.0, "value": 146400.0, "Latitude": 33.95, "Longitude": -118.11, "Population": 1105.0}, {"index": 7689, "quantile": 0.25, "value": 234150.0, "Latitude": 33.95, "Longitude": -118.11, "Population": 1105.0}, {"index": 7689, "quantile": 0.5, "value": 261300.0, "Latitude": 33.95, "Longitude": -118.11, "Population": 1105.0}, {"index": 7689, "quantile": 0.75, "value": 261300.0, "Latitude": 33.95, "Longitude": -118.11, "Population": 1105.0}, {"index": 7689, "quantile": 1.0, "value": 272600.0, "Latitude": 33.95, "Longitude": -118.11, "Population": 1105.0}, {"index": 7690, "quantile": 0.0, "value": 220800.00000000003, "Latitude": 33.94, "Longitude": -118.1, "Population": 841.0}, {"index": 7690, "quantile": 0.25, "value": 258124.99999999997, "Latitude": 33.94, "Longitude": -118.1, "Population": 841.0}, {"index": 7690, "quantile": 0.5, "value": 290400.0, "Latitude": 33.94, "Longitude": -118.1, "Population": 841.0}, {"index": 7690, "quantile": 0.75, "value": 331850.0, "Latitude": 33.94, "Longitude": -118.1, "Population": 841.0}, {"index": 7690, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.94, "Longitude": -118.1, "Population": 841.0}, {"index": 7691, "quantile": 0.0, "value": 252300.0, "Latitude": 33.95, "Longitude": -118.11, "Population": 941.0}, {"index": 7691, "quantile": 0.25, "value": 414799.99999999994, "Latitude": 33.95, "Longitude": -118.11, "Population": 941.0}, {"index": 7691, "quantile": 0.5, "value": 452299.99999999994, "Latitude": 33.95, "Longitude": -118.11, "Population": 941.0}, {"index": 7691, "quantile": 0.75, "value": 452299.99999999994, "Latitude": 33.95, "Longitude": -118.11, "Population": 941.0}, {"index": 7691, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -118.11, "Population": 941.0}, {"index": 7692, "quantile": 0.0, "value": 293500.0, "Latitude": 33.95, "Longitude": -118.11, "Population": 617.0}, {"index": 7692, "quantile": 0.25, "value": 400000.0, "Latitude": 33.95, "Longitude": -118.11, "Population": 617.0}, {"index": 7692, "quantile": 0.5, "value": 400000.0, "Latitude": 33.95, "Longitude": -118.11, "Population": 617.0}, {"index": 7692, "quantile": 0.75, "value": 458500.0, "Latitude": 33.95, "Longitude": -118.11, "Population": 617.0}, {"index": 7692, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -118.11, "Population": 617.0}, {"index": 7693, "quantile": 0.0, "value": 132800.0, "Latitude": 33.97, "Longitude": -118.12, "Population": 2025.0}, {"index": 7693, "quantile": 0.25, "value": 191100.0, "Latitude": 33.97, "Longitude": -118.12, "Population": 2025.0}, {"index": 7693, "quantile": 0.5, "value": 191100.0, "Latitude": 33.97, "Longitude": -118.12, "Population": 2025.0}, {"index": 7693, "quantile": 0.75, "value": 198825.0, "Latitude": 33.97, "Longitude": -118.12, "Population": 2025.0}, {"index": 7693, "quantile": 1.0, "value": 417600.0, "Latitude": 33.97, "Longitude": -118.12, "Population": 2025.0}, {"index": 7694, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.96, "Longitude": -118.12, "Population": 877.0}, {"index": 7694, "quantile": 0.25, "value": 191300.0, "Latitude": 33.96, "Longitude": -118.12, "Population": 877.0}, {"index": 7694, "quantile": 0.5, "value": 191300.0, "Latitude": 33.96, "Longitude": -118.12, "Population": 877.0}, {"index": 7694, "quantile": 0.75, "value": 191300.0, "Latitude": 33.96, "Longitude": -118.12, "Population": 877.0}, {"index": 7694, "quantile": 1.0, "value": 365900.0, "Latitude": 33.96, "Longitude": -118.12, "Population": 877.0}, {"index": 7695, "quantile": 0.0, "value": 213600.0, "Latitude": 33.96, "Longitude": -118.11, "Population": 1278.0}, {"index": 7695, "quantile": 0.25, "value": 261600.0, "Latitude": 33.96, "Longitude": -118.11, "Population": 1278.0}, {"index": 7695, "quantile": 0.5, "value": 261600.0, "Latitude": 33.96, "Longitude": -118.11, "Population": 1278.0}, {"index": 7695, "quantile": 0.75, "value": 261600.0, "Latitude": 33.96, "Longitude": -118.11, "Population": 1278.0}, {"index": 7695, "quantile": 1.0, "value": 394400.0, "Latitude": 33.96, "Longitude": -118.11, "Population": 1278.0}, {"index": 7696, "quantile": 0.0, "value": 199400.0, "Latitude": 33.95, "Longitude": -118.12, "Population": 802.0}, {"index": 7696, "quantile": 0.25, "value": 291000.0, "Latitude": 33.95, "Longitude": -118.12, "Population": 802.0}, {"index": 7696, "quantile": 0.5, "value": 291000.0, "Latitude": 33.95, "Longitude": -118.12, "Population": 802.0}, {"index": 7696, "quantile": 0.75, "value": 291000.0, "Latitude": 33.95, "Longitude": -118.12, "Population": 802.0}, {"index": 7696, "quantile": 1.0, "value": 431400.0, "Latitude": 33.95, "Longitude": -118.12, "Population": 802.0}, {"index": 7697, "quantile": 0.0, "value": 206999.99999999997, "Latitude": 33.96, "Longitude": -118.12, "Population": 1243.0}, {"index": 7697, "quantile": 0.25, "value": 297200.0, "Latitude": 33.96, "Longitude": -118.12, "Population": 1243.0}, {"index": 7697, "quantile": 0.5, "value": 297200.0, "Latitude": 33.96, "Longitude": -118.12, "Population": 1243.0}, {"index": 7697, "quantile": 0.75, "value": 297200.0, "Latitude": 33.96, "Longitude": -118.12, "Population": 1243.0}, {"index": 7697, "quantile": 1.0, "value": 500000.0, "Latitude": 33.96, "Longitude": -118.12, "Population": 1243.0}, {"index": 7698, "quantile": 0.0, "value": 148400.0, "Latitude": 33.96, "Longitude": -118.12, "Population": 956.0}, {"index": 7698, "quantile": 0.25, "value": 241000.0, "Latitude": 33.96, "Longitude": -118.12, "Population": 956.0}, {"index": 7698, "quantile": 0.5, "value": 246000.0, "Latitude": 33.96, "Longitude": -118.12, "Population": 956.0}, {"index": 7698, "quantile": 0.75, "value": 246000.0, "Latitude": 33.96, "Longitude": -118.12, "Population": 956.0}, {"index": 7698, "quantile": 1.0, "value": 296200.0, "Latitude": 33.96, "Longitude": -118.12, "Population": 956.0}, {"index": 7699, "quantile": 0.0, "value": 146400.0, "Latitude": 33.96, "Longitude": -118.12, "Population": 698.0}, {"index": 7699, "quantile": 0.25, "value": 243799.99999999997, "Latitude": 33.96, "Longitude": -118.12, "Population": 698.0}, {"index": 7699, "quantile": 0.5, "value": 267300.0, "Latitude": 33.96, "Longitude": -118.12, "Population": 698.0}, {"index": 7699, "quantile": 0.75, "value": 267300.0, "Latitude": 33.96, "Longitude": -118.12, "Population": 698.0}, {"index": 7699, "quantile": 1.0, "value": 352200.0, "Latitude": 33.96, "Longitude": -118.12, "Population": 698.0}, {"index": 7700, "quantile": 0.0, "value": 117800.0, "Latitude": 33.97, "Longitude": -118.12, "Population": 471.0}, {"index": 7700, "quantile": 0.25, "value": 186150.0, "Latitude": 33.97, "Longitude": -118.12, "Population": 471.0}, {"index": 7700, "quantile": 0.5, "value": 197400.0, "Latitude": 33.97, "Longitude": -118.12, "Population": 471.0}, {"index": 7700, "quantile": 0.75, "value": 197400.0, "Latitude": 33.97, "Longitude": -118.12, "Population": 471.0}, {"index": 7700, "quantile": 1.0, "value": 265000.0, "Latitude": 33.97, "Longitude": -118.12, "Population": 471.0}, {"index": 7701, "quantile": 0.0, "value": 177600.0, "Latitude": 33.97, "Longitude": -118.13, "Population": 837.0}, {"index": 7701, "quantile": 0.25, "value": 251900.0, "Latitude": 33.97, "Longitude": -118.13, "Population": 837.0}, {"index": 7701, "quantile": 0.5, "value": 251900.0, "Latitude": 33.97, "Longitude": -118.13, "Population": 837.0}, {"index": 7701, "quantile": 0.75, "value": 251900.0, "Latitude": 33.97, "Longitude": -118.13, "Population": 837.0}, {"index": 7701, "quantile": 1.0, "value": 365900.0, "Latitude": 33.97, "Longitude": -118.13, "Population": 837.0}, {"index": 7702, "quantile": 0.0, "value": 142500.0, "Latitude": 33.96, "Longitude": -118.13, "Population": 958.0}, {"index": 7702, "quantile": 0.25, "value": 190600.0, "Latitude": 33.96, "Longitude": -118.13, "Population": 958.0}, {"index": 7702, "quantile": 0.5, "value": 216000.0, "Latitude": 33.96, "Longitude": -118.13, "Population": 958.0}, {"index": 7702, "quantile": 0.75, "value": 233599.99999999997, "Latitude": 33.96, "Longitude": -118.13, "Population": 958.0}, {"index": 7702, "quantile": 1.0, "value": 272600.0, "Latitude": 33.96, "Longitude": -118.13, "Population": 958.0}, {"index": 7703, "quantile": 0.0, "value": 100000.0, "Latitude": 33.96, "Longitude": -118.13, "Population": 557.0}, {"index": 7703, "quantile": 0.25, "value": 205625.00000000003, "Latitude": 33.96, "Longitude": -118.13, "Population": 557.0}, {"index": 7703, "quantile": 0.5, "value": 224749.99999999997, "Latitude": 33.96, "Longitude": -118.13, "Population": 557.0}, {"index": 7703, "quantile": 0.75, "value": 230050.0, "Latitude": 33.96, "Longitude": -118.13, "Population": 557.0}, {"index": 7703, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.13, "Population": 557.0}, {"index": 7704, "quantile": 0.0, "value": 168900.0, "Latitude": 33.96, "Longitude": -118.14, "Population": 1333.0}, {"index": 7704, "quantile": 0.25, "value": 234700.00000000003, "Latitude": 33.96, "Longitude": -118.14, "Population": 1333.0}, {"index": 7704, "quantile": 0.5, "value": 277200.0, "Latitude": 33.96, "Longitude": -118.14, "Population": 1333.0}, {"index": 7704, "quantile": 0.75, "value": 277200.0, "Latitude": 33.96, "Longitude": -118.14, "Population": 1333.0}, {"index": 7704, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 33.96, "Longitude": -118.14, "Population": 1333.0}, {"index": 7705, "quantile": 0.0, "value": 157800.0, "Latitude": 33.96, "Longitude": -118.13, "Population": 706.0}, {"index": 7705, "quantile": 0.25, "value": 228900.00000000003, "Latitude": 33.96, "Longitude": -118.13, "Population": 706.0}, {"index": 7705, "quantile": 0.5, "value": 253500.0, "Latitude": 33.96, "Longitude": -118.13, "Population": 706.0}, {"index": 7705, "quantile": 0.75, "value": 253500.0, "Latitude": 33.96, "Longitude": -118.13, "Population": 706.0}, {"index": 7705, "quantile": 1.0, "value": 334100.0, "Latitude": 33.96, "Longitude": -118.13, "Population": 706.0}, {"index": 7706, "quantile": 0.0, "value": 157800.0, "Latitude": 33.97, "Longitude": -118.13, "Population": 823.0}, {"index": 7706, "quantile": 0.25, "value": 218275.0, "Latitude": 33.97, "Longitude": -118.13, "Population": 823.0}, {"index": 7706, "quantile": 0.5, "value": 256000.0, "Latitude": 33.97, "Longitude": -118.13, "Population": 823.0}, {"index": 7706, "quantile": 0.75, "value": 296600.0, "Latitude": 33.97, "Longitude": -118.13, "Population": 823.0}, {"index": 7706, "quantile": 1.0, "value": 489799.99999999994, "Latitude": 33.97, "Longitude": -118.13, "Population": 823.0}, {"index": 7707, "quantile": 0.0, "value": 97400.0, "Latitude": 33.95, "Longitude": -118.13, "Population": 778.0}, {"index": 7707, "quantile": 0.25, "value": 293450.0, "Latitude": 33.95, "Longitude": -118.13, "Population": 778.0}, {"index": 7707, "quantile": 0.5, "value": 326600.0, "Latitude": 33.95, "Longitude": -118.13, "Population": 778.0}, {"index": 7707, "quantile": 0.75, "value": 326600.0, "Latitude": 33.95, "Longitude": -118.13, "Population": 778.0}, {"index": 7707, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -118.13, "Population": 778.0}, {"index": 7708, "quantile": 0.0, "value": 257900.00000000003, "Latitude": 33.95, "Longitude": -118.14, "Population": 822.0}, {"index": 7708, "quantile": 0.25, "value": 351400.0, "Latitude": 33.95, "Longitude": -118.14, "Population": 822.0}, {"index": 7708, "quantile": 0.5, "value": 372800.0, "Latitude": 33.95, "Longitude": -118.14, "Population": 822.0}, {"index": 7708, "quantile": 0.75, "value": 472150.0, "Latitude": 33.95, "Longitude": -118.14, "Population": 822.0}, {"index": 7708, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -118.14, "Population": 822.0}, {"index": 7709, "quantile": 0.0, "value": 255900.00000000003, "Latitude": 33.95, "Longitude": -118.14, "Population": 630.0}, {"index": 7709, "quantile": 0.25, "value": 343375.0, "Latitude": 33.95, "Longitude": -118.14, "Population": 630.0}, {"index": 7709, "quantile": 0.5, "value": 420749.99999999994, "Latitude": 33.95, "Longitude": -118.14, "Population": 630.0}, {"index": 7709, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -118.14, "Population": 630.0}, {"index": 7709, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -118.14, "Population": 630.0}, {"index": 7710, "quantile": 0.0, "value": 181000.0, "Latitude": 33.95, "Longitude": -118.14, "Population": 600.0}, {"index": 7710, "quantile": 0.25, "value": 302000.0, "Latitude": 33.95, "Longitude": -118.14, "Population": 600.0}, {"index": 7710, "quantile": 0.5, "value": 302000.0, "Latitude": 33.95, "Longitude": -118.14, "Population": 600.0}, {"index": 7710, "quantile": 0.75, "value": 302000.0, "Latitude": 33.95, "Longitude": -118.14, "Population": 600.0}, {"index": 7710, "quantile": 1.0, "value": 489799.99999999994, "Latitude": 33.95, "Longitude": -118.14, "Population": 600.0}, {"index": 7711, "quantile": 0.0, "value": 152100.0, "Latitude": 33.95, "Longitude": -118.14, "Population": 891.0}, {"index": 7711, "quantile": 0.25, "value": 282100.0, "Latitude": 33.95, "Longitude": -118.14, "Population": 891.0}, {"index": 7711, "quantile": 0.5, "value": 282100.0, "Latitude": 33.95, "Longitude": -118.14, "Population": 891.0}, {"index": 7711, "quantile": 0.75, "value": 282100.0, "Latitude": 33.95, "Longitude": -118.14, "Population": 891.0}, {"index": 7711, "quantile": 1.0, "value": 476700.00000000006, "Latitude": 33.95, "Longitude": -118.14, "Population": 891.0}, {"index": 7712, "quantile": 0.0, "value": 122200.0, "Latitude": 33.96, "Longitude": -118.15, "Population": 1397.0}, {"index": 7712, "quantile": 0.25, "value": 206775.00000000003, "Latitude": 33.96, "Longitude": -118.15, "Population": 1397.0}, {"index": 7712, "quantile": 0.5, "value": 285500.0, "Latitude": 33.96, "Longitude": -118.15, "Population": 1397.0}, {"index": 7712, "quantile": 0.75, "value": 285500.0, "Latitude": 33.96, "Longitude": -118.15, "Population": 1397.0}, {"index": 7712, "quantile": 1.0, "value": 324400.0, "Latitude": 33.96, "Longitude": -118.15, "Population": 1397.0}, {"index": 7713, "quantile": 0.0, "value": 157700.0, "Latitude": 33.95, "Longitude": -118.15, "Population": 686.0}, {"index": 7713, "quantile": 0.25, "value": 208524.99999999997, "Latitude": 33.95, "Longitude": -118.15, "Population": 686.0}, {"index": 7713, "quantile": 0.5, "value": 263200.0, "Latitude": 33.95, "Longitude": -118.15, "Population": 686.0}, {"index": 7713, "quantile": 0.75, "value": 263200.0, "Latitude": 33.95, "Longitude": -118.15, "Population": 686.0}, {"index": 7713, "quantile": 1.0, "value": 263200.0, "Latitude": 33.95, "Longitude": -118.15, "Population": 686.0}, {"index": 7714, "quantile": 0.0, "value": 192900.0, "Latitude": 33.95, "Longitude": -118.12, "Population": 1211.0}, {"index": 7714, "quantile": 0.25, "value": 267850.0, "Latitude": 33.95, "Longitude": -118.12, "Population": 1211.0}, {"index": 7714, "quantile": 0.5, "value": 269800.0, "Latitude": 33.95, "Longitude": -118.12, "Population": 1211.0}, {"index": 7714, "quantile": 0.75, "value": 269800.0, "Latitude": 33.95, "Longitude": -118.12, "Population": 1211.0}, {"index": 7714, "quantile": 1.0, "value": 453700.0, "Latitude": 33.95, "Longitude": -118.12, "Population": 1211.0}, {"index": 7715, "quantile": 0.0, "value": 183100.0, "Latitude": 33.94, "Longitude": -118.12, "Population": 825.0}, {"index": 7715, "quantile": 0.25, "value": 234225.0, "Latitude": 33.94, "Longitude": -118.12, "Population": 825.0}, {"index": 7715, "quantile": 0.5, "value": 254800.0, "Latitude": 33.94, "Longitude": -118.12, "Population": 825.0}, {"index": 7715, "quantile": 0.75, "value": 291500.0, "Latitude": 33.94, "Longitude": -118.12, "Population": 825.0}, {"index": 7715, "quantile": 1.0, "value": 485700.0, "Latitude": 33.94, "Longitude": -118.12, "Population": 825.0}, {"index": 7716, "quantile": 0.0, "value": 72000.0, "Latitude": 33.94, "Longitude": -118.12, "Population": 1166.0}, {"index": 7716, "quantile": 0.25, "value": 255425.0, "Latitude": 33.94, "Longitude": -118.12, "Population": 1166.0}, {"index": 7716, "quantile": 0.5, "value": 264700.0, "Latitude": 33.94, "Longitude": -118.12, "Population": 1166.0}, {"index": 7716, "quantile": 0.75, "value": 264700.0, "Latitude": 33.94, "Longitude": -118.12, "Population": 1166.0}, {"index": 7716, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.94, "Longitude": -118.12, "Population": 1166.0}, {"index": 7717, "quantile": 0.0, "value": 143800.0, "Latitude": 33.94, "Longitude": -118.13, "Population": 373.0}, {"index": 7717, "quantile": 0.25, "value": 220500.0, "Latitude": 33.94, "Longitude": -118.13, "Population": 373.0}, {"index": 7717, "quantile": 0.5, "value": 265000.0, "Latitude": 33.94, "Longitude": -118.13, "Population": 373.0}, {"index": 7717, "quantile": 0.75, "value": 265000.0, "Latitude": 33.94, "Longitude": -118.13, "Population": 373.0}, {"index": 7717, "quantile": 1.0, "value": 361700.0, "Latitude": 33.94, "Longitude": -118.13, "Population": 373.0}, {"index": 7718, "quantile": 0.0, "value": 101000.0, "Latitude": 33.95, "Longitude": -118.13, "Population": 3792.0}, {"index": 7718, "quantile": 0.25, "value": 229999.99999999997, "Latitude": 33.95, "Longitude": -118.13, "Population": 3792.0}, {"index": 7718, "quantile": 0.5, "value": 229999.99999999997, "Latitude": 33.95, "Longitude": -118.13, "Population": 3792.0}, {"index": 7718, "quantile": 0.75, "value": 229999.99999999997, "Latitude": 33.95, "Longitude": -118.13, "Population": 3792.0}, {"index": 7718, "quantile": 1.0, "value": 404500.0, "Latitude": 33.95, "Longitude": -118.13, "Population": 3792.0}, {"index": 7719, "quantile": 0.0, "value": 178500.0, "Latitude": 33.93, "Longitude": -118.11, "Population": 1196.0}, {"index": 7719, "quantile": 0.25, "value": 256200.00000000003, "Latitude": 33.93, "Longitude": -118.11, "Population": 1196.0}, {"index": 7719, "quantile": 0.5, "value": 283500.0, "Latitude": 33.93, "Longitude": -118.11, "Population": 1196.0}, {"index": 7719, "quantile": 0.75, "value": 283500.0, "Latitude": 33.93, "Longitude": -118.11, "Population": 1196.0}, {"index": 7719, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -118.11, "Population": 1196.0}, {"index": 7720, "quantile": 0.0, "value": 151300.0, "Latitude": 33.94, "Longitude": -118.11, "Population": 786.0}, {"index": 7720, "quantile": 0.25, "value": 211674.99999999997, "Latitude": 33.94, "Longitude": -118.11, "Population": 786.0}, {"index": 7720, "quantile": 0.5, "value": 244899.99999999997, "Latitude": 33.94, "Longitude": -118.11, "Population": 786.0}, {"index": 7720, "quantile": 0.75, "value": 244899.99999999997, "Latitude": 33.94, "Longitude": -118.11, "Population": 786.0}, {"index": 7720, "quantile": 1.0, "value": 267100.0, "Latitude": 33.94, "Longitude": -118.11, "Population": 786.0}, {"index": 7721, "quantile": 0.0, "value": 157800.0, "Latitude": 33.94, "Longitude": -118.11, "Population": 1036.0}, {"index": 7721, "quantile": 0.25, "value": 217350.00000000003, "Latitude": 33.94, "Longitude": -118.11, "Population": 1036.0}, {"index": 7721, "quantile": 0.5, "value": 233700.00000000003, "Latitude": 33.94, "Longitude": -118.11, "Population": 1036.0}, {"index": 7721, "quantile": 0.75, "value": 261075.0, "Latitude": 33.94, "Longitude": -118.11, "Population": 1036.0}, {"index": 7721, "quantile": 1.0, "value": 446800.0, "Latitude": 33.94, "Longitude": -118.11, "Population": 1036.0}, {"index": 7722, "quantile": 0.0, "value": 187800.0, "Latitude": 33.94, "Longitude": -118.12, "Population": 1047.0}, {"index": 7722, "quantile": 0.25, "value": 271300.0, "Latitude": 33.94, "Longitude": -118.12, "Population": 1047.0}, {"index": 7722, "quantile": 0.5, "value": 271300.0, "Latitude": 33.94, "Longitude": -118.12, "Population": 1047.0}, {"index": 7722, "quantile": 0.75, "value": 271300.0, "Latitude": 33.94, "Longitude": -118.12, "Population": 1047.0}, {"index": 7722, "quantile": 1.0, "value": 364900.0, "Latitude": 33.94, "Longitude": -118.12, "Population": 1047.0}, {"index": 7723, "quantile": 0.0, "value": 110700.0, "Latitude": 33.94, "Longitude": -118.12, "Population": 973.0}, {"index": 7723, "quantile": 0.25, "value": 239475.00000000003, "Latitude": 33.94, "Longitude": -118.12, "Population": 973.0}, {"index": 7723, "quantile": 0.5, "value": 283000.0, "Latitude": 33.94, "Longitude": -118.12, "Population": 973.0}, {"index": 7723, "quantile": 0.75, "value": 283000.0, "Latitude": 33.94, "Longitude": -118.12, "Population": 973.0}, {"index": 7723, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 33.94, "Longitude": -118.12, "Population": 973.0}, {"index": 7724, "quantile": 0.0, "value": 183100.0, "Latitude": 33.94, "Longitude": -118.11, "Population": 909.0}, {"index": 7724, "quantile": 0.25, "value": 241450.0, "Latitude": 33.94, "Longitude": -118.11, "Population": 909.0}, {"index": 7724, "quantile": 0.5, "value": 296600.0, "Latitude": 33.94, "Longitude": -118.11, "Population": 909.0}, {"index": 7724, "quantile": 0.75, "value": 296600.0, "Latitude": 33.94, "Longitude": -118.11, "Population": 909.0}, {"index": 7724, "quantile": 1.0, "value": 359900.0, "Latitude": 33.94, "Longitude": -118.11, "Population": 909.0}, {"index": 7725, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.93, "Longitude": -118.11, "Population": 736.0}, {"index": 7725, "quantile": 0.25, "value": 162500.0, "Latitude": 33.93, "Longitude": -118.11, "Population": 736.0}, {"index": 7725, "quantile": 0.5, "value": 162500.0, "Latitude": 33.93, "Longitude": -118.11, "Population": 736.0}, {"index": 7725, "quantile": 0.75, "value": 162500.0, "Latitude": 33.93, "Longitude": -118.11, "Population": 736.0}, {"index": 7725, "quantile": 1.0, "value": 420800.0, "Latitude": 33.93, "Longitude": -118.11, "Population": 736.0}, {"index": 7726, "quantile": 0.0, "value": 131900.0, "Latitude": 33.92, "Longitude": -118.12, "Population": 4673.0}, {"index": 7726, "quantile": 0.25, "value": 166750.0, "Latitude": 33.92, "Longitude": -118.12, "Population": 4673.0}, {"index": 7726, "quantile": 0.5, "value": 183700.0, "Latitude": 33.92, "Longitude": -118.12, "Population": 4673.0}, {"index": 7726, "quantile": 0.75, "value": 183700.0, "Latitude": 33.92, "Longitude": -118.12, "Population": 4673.0}, {"index": 7726, "quantile": 1.0, "value": 254199.99999999997, "Latitude": 33.92, "Longitude": -118.12, "Population": 4673.0}, {"index": 7727, "quantile": 0.0, "value": 89100.0, "Latitude": 33.93, "Longitude": -118.12, "Population": 466.0}, {"index": 7727, "quantile": 0.25, "value": 155625.0, "Latitude": 33.93, "Longitude": -118.12, "Population": 466.0}, {"index": 7727, "quantile": 0.5, "value": 166250.0, "Latitude": 33.93, "Longitude": -118.12, "Population": 466.0}, {"index": 7727, "quantile": 0.75, "value": 189400.0, "Latitude": 33.93, "Longitude": -118.12, "Population": 466.0}, {"index": 7727, "quantile": 1.0, "value": 263200.0, "Latitude": 33.93, "Longitude": -118.12, "Population": 466.0}, {"index": 7728, "quantile": 0.0, "value": 118500.0, "Latitude": 33.92, "Longitude": -118.13, "Population": 1932.0}, {"index": 7728, "quantile": 0.25, "value": 177200.0, "Latitude": 33.92, "Longitude": -118.13, "Population": 1932.0}, {"index": 7728, "quantile": 0.5, "value": 177200.0, "Latitude": 33.92, "Longitude": -118.13, "Population": 1932.0}, {"index": 7728, "quantile": 0.75, "value": 177200.0, "Latitude": 33.92, "Longitude": -118.13, "Population": 1932.0}, {"index": 7728, "quantile": 1.0, "value": 358100.0, "Latitude": 33.92, "Longitude": -118.13, "Population": 1932.0}, {"index": 7729, "quantile": 0.0, "value": 133000.0, "Latitude": 33.93, "Longitude": -118.13, "Population": 1775.0}, {"index": 7729, "quantile": 0.25, "value": 149400.0, "Latitude": 33.93, "Longitude": -118.13, "Population": 1775.0}, {"index": 7729, "quantile": 0.5, "value": 158100.0, "Latitude": 33.93, "Longitude": -118.13, "Population": 1775.0}, {"index": 7729, "quantile": 0.75, "value": 164100.0, "Latitude": 33.93, "Longitude": -118.13, "Population": 1775.0}, {"index": 7729, "quantile": 1.0, "value": 237900.0, "Latitude": 33.93, "Longitude": -118.13, "Population": 1775.0}, {"index": 7730, "quantile": 0.0, "value": 151300.0, "Latitude": 33.92, "Longitude": -118.13, "Population": 615.0}, {"index": 7730, "quantile": 0.25, "value": 173900.0, "Latitude": 33.92, "Longitude": -118.13, "Population": 615.0}, {"index": 7730, "quantile": 0.5, "value": 181300.0, "Latitude": 33.92, "Longitude": -118.13, "Population": 615.0}, {"index": 7730, "quantile": 0.75, "value": 187925.0, "Latitude": 33.92, "Longitude": -118.13, "Population": 615.0}, {"index": 7730, "quantile": 1.0, "value": 267100.0, "Latitude": 33.92, "Longitude": -118.13, "Population": 615.0}, {"index": 7731, "quantile": 0.0, "value": 112500.0, "Latitude": 33.92, "Longitude": -118.14, "Population": 2313.0}, {"index": 7731, "quantile": 0.25, "value": 188000.0, "Latitude": 33.92, "Longitude": -118.14, "Population": 2313.0}, {"index": 7731, "quantile": 0.5, "value": 198200.0, "Latitude": 33.92, "Longitude": -118.14, "Population": 2313.0}, {"index": 7731, "quantile": 0.75, "value": 208599.99999999997, "Latitude": 33.92, "Longitude": -118.14, "Population": 2313.0}, {"index": 7731, "quantile": 1.0, "value": 305800.0, "Latitude": 33.92, "Longitude": -118.14, "Population": 2313.0}, {"index": 7732, "quantile": 0.0, "value": 156400.0, "Latitude": 33.93, "Longitude": -118.14, "Population": 1647.0}, {"index": 7732, "quantile": 0.25, "value": 223900.0, "Latitude": 33.93, "Longitude": -118.14, "Population": 1647.0}, {"index": 7732, "quantile": 0.5, "value": 223900.0, "Latitude": 33.93, "Longitude": -118.14, "Population": 1647.0}, {"index": 7732, "quantile": 0.75, "value": 223900.0, "Latitude": 33.93, "Longitude": -118.14, "Population": 1647.0}, {"index": 7732, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -118.14, "Population": 1647.0}, {"index": 7733, "quantile": 0.0, "value": 166100.0, "Latitude": 33.93, "Longitude": -118.14, "Population": 1075.0}, {"index": 7733, "quantile": 0.25, "value": 226399.99999999997, "Latitude": 33.93, "Longitude": -118.14, "Population": 1075.0}, {"index": 7733, "quantile": 0.5, "value": 226399.99999999997, "Latitude": 33.93, "Longitude": -118.14, "Population": 1075.0}, {"index": 7733, "quantile": 0.75, "value": 226399.99999999997, "Latitude": 33.93, "Longitude": -118.14, "Population": 1075.0}, {"index": 7733, "quantile": 1.0, "value": 382100.0, "Latitude": 33.93, "Longitude": -118.14, "Population": 1075.0}, {"index": 7734, "quantile": 0.0, "value": 110700.0, "Latitude": 33.93, "Longitude": -118.15, "Population": 1676.0}, {"index": 7734, "quantile": 0.25, "value": 207300.0, "Latitude": 33.93, "Longitude": -118.15, "Population": 1676.0}, {"index": 7734, "quantile": 0.5, "value": 207300.0, "Latitude": 33.93, "Longitude": -118.15, "Population": 1676.0}, {"index": 7734, "quantile": 0.75, "value": 207300.0, "Latitude": 33.93, "Longitude": -118.15, "Population": 1676.0}, {"index": 7734, "quantile": 1.0, "value": 271500.0, "Latitude": 33.93, "Longitude": -118.15, "Population": 1676.0}, {"index": 7735, "quantile": 0.0, "value": 69100.0, "Latitude": 33.93, "Longitude": -118.13, "Population": 1578.0}, {"index": 7735, "quantile": 0.25, "value": 160850.0, "Latitude": 33.93, "Longitude": -118.13, "Population": 1578.0}, {"index": 7735, "quantile": 0.5, "value": 177550.0, "Latitude": 33.93, "Longitude": -118.13, "Population": 1578.0}, {"index": 7735, "quantile": 0.75, "value": 198800.0, "Latitude": 33.93, "Longitude": -118.13, "Population": 1578.0}, {"index": 7735, "quantile": 1.0, "value": 265800.0, "Latitude": 33.93, "Longitude": -118.13, "Population": 1578.0}, {"index": 7736, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 33.93, "Longitude": -118.13, "Population": 1222.0}, {"index": 7736, "quantile": 0.25, "value": 192000.0, "Latitude": 33.93, "Longitude": -118.13, "Population": 1222.0}, {"index": 7736, "quantile": 0.5, "value": 195800.0, "Latitude": 33.93, "Longitude": -118.13, "Population": 1222.0}, {"index": 7736, "quantile": 0.75, "value": 195800.0, "Latitude": 33.93, "Longitude": -118.13, "Population": 1222.0}, {"index": 7736, "quantile": 1.0, "value": 260700.00000000003, "Latitude": 33.93, "Longitude": -118.13, "Population": 1222.0}, {"index": 7737, "quantile": 0.0, "value": 45000.0, "Latitude": 33.94, "Longitude": -118.14, "Population": 1612.0}, {"index": 7737, "quantile": 0.25, "value": 183300.0, "Latitude": 33.94, "Longitude": -118.14, "Population": 1612.0}, {"index": 7737, "quantile": 0.5, "value": 190099.99999999997, "Latitude": 33.94, "Longitude": -118.14, "Population": 1612.0}, {"index": 7737, "quantile": 0.75, "value": 210900.0, "Latitude": 33.94, "Longitude": -118.14, "Population": 1612.0}, {"index": 7737, "quantile": 1.0, "value": 475000.0, "Latitude": 33.94, "Longitude": -118.14, "Population": 1612.0}, {"index": 7738, "quantile": 0.0, "value": 156400.0, "Latitude": 33.94, "Longitude": -118.14, "Population": 1561.0}, {"index": 7738, "quantile": 0.25, "value": 226500.0, "Latitude": 33.94, "Longitude": -118.14, "Population": 1561.0}, {"index": 7738, "quantile": 0.5, "value": 226500.0, "Latitude": 33.94, "Longitude": -118.14, "Population": 1561.0}, {"index": 7738, "quantile": 0.75, "value": 226500.0, "Latitude": 33.94, "Longitude": -118.14, "Population": 1561.0}, {"index": 7738, "quantile": 1.0, "value": 343200.0, "Latitude": 33.94, "Longitude": -118.14, "Population": 1561.0}, {"index": 7739, "quantile": 0.0, "value": 148400.0, "Latitude": 33.94, "Longitude": -118.15, "Population": 992.0}, {"index": 7739, "quantile": 0.25, "value": 219899.99999999997, "Latitude": 33.94, "Longitude": -118.15, "Population": 992.0}, {"index": 7739, "quantile": 0.5, "value": 242400.0, "Latitude": 33.94, "Longitude": -118.15, "Population": 992.0}, {"index": 7739, "quantile": 0.75, "value": 242400.0, "Latitude": 33.94, "Longitude": -118.15, "Population": 992.0}, {"index": 7739, "quantile": 1.0, "value": 283000.0, "Latitude": 33.94, "Longitude": -118.15, "Population": 992.0}, {"index": 7740, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.94, "Longitude": -118.15, "Population": 1003.0}, {"index": 7740, "quantile": 0.25, "value": 173375.0, "Latitude": 33.94, "Longitude": -118.15, "Population": 1003.0}, {"index": 7740, "quantile": 0.5, "value": 186200.0, "Latitude": 33.94, "Longitude": -118.15, "Population": 1003.0}, {"index": 7740, "quantile": 0.75, "value": 201650.00000000003, "Latitude": 33.94, "Longitude": -118.15, "Population": 1003.0}, {"index": 7740, "quantile": 1.0, "value": 285500.0, "Latitude": 33.94, "Longitude": -118.15, "Population": 1003.0}, {"index": 7741, "quantile": 0.0, "value": 95200.0, "Latitude": 33.95, "Longitude": -118.15, "Population": 1592.0}, {"index": 7741, "quantile": 0.25, "value": 165500.0, "Latitude": 33.95, "Longitude": -118.15, "Population": 1592.0}, {"index": 7741, "quantile": 0.5, "value": 177900.0, "Latitude": 33.95, "Longitude": -118.15, "Population": 1592.0}, {"index": 7741, "quantile": 0.75, "value": 196200.00000000003, "Latitude": 33.95, "Longitude": -118.15, "Population": 1592.0}, {"index": 7741, "quantile": 1.0, "value": 300000.0, "Latitude": 33.95, "Longitude": -118.15, "Population": 1592.0}, {"index": 7742, "quantile": 0.0, "value": 186600.0, "Latitude": 33.94, "Longitude": -118.16, "Population": 1685.0}, {"index": 7742, "quantile": 0.25, "value": 238300.0, "Latitude": 33.94, "Longitude": -118.16, "Population": 1685.0}, {"index": 7742, "quantile": 0.5, "value": 238300.0, "Latitude": 33.94, "Longitude": -118.16, "Population": 1685.0}, {"index": 7742, "quantile": 0.75, "value": 251500.0, "Latitude": 33.94, "Longitude": -118.16, "Population": 1685.0}, {"index": 7742, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.94, "Longitude": -118.16, "Population": 1685.0}, {"index": 7743, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 33.93, "Longitude": -118.15, "Population": 1128.0}, {"index": 7743, "quantile": 0.25, "value": 179050.0, "Latitude": 33.93, "Longitude": -118.15, "Population": 1128.0}, {"index": 7743, "quantile": 0.5, "value": 209300.0, "Latitude": 33.93, "Longitude": -118.15, "Population": 1128.0}, {"index": 7743, "quantile": 0.75, "value": 225800.0, "Latitude": 33.93, "Longitude": -118.15, "Population": 1128.0}, {"index": 7743, "quantile": 1.0, "value": 350000.0, "Latitude": 33.93, "Longitude": -118.15, "Population": 1128.0}, {"index": 7744, "quantile": 0.0, "value": 147300.0, "Latitude": 33.94, "Longitude": -118.16, "Population": 3317.0}, {"index": 7744, "quantile": 0.25, "value": 214299.99999999997, "Latitude": 33.94, "Longitude": -118.16, "Population": 3317.0}, {"index": 7744, "quantile": 0.5, "value": 232900.00000000003, "Latitude": 33.94, "Longitude": -118.16, "Population": 3317.0}, {"index": 7744, "quantile": 0.75, "value": 232900.00000000003, "Latitude": 33.94, "Longitude": -118.16, "Population": 3317.0}, {"index": 7744, "quantile": 1.0, "value": 286600.0, "Latitude": 33.94, "Longitude": -118.16, "Population": 3317.0}, {"index": 7745, "quantile": 0.0, "value": 142000.0, "Latitude": 33.93, "Longitude": -118.15, "Population": 1034.0}, {"index": 7745, "quantile": 0.25, "value": 201450.0, "Latitude": 33.93, "Longitude": -118.15, "Population": 1034.0}, {"index": 7745, "quantile": 0.5, "value": 221150.0, "Latitude": 33.93, "Longitude": -118.15, "Population": 1034.0}, {"index": 7745, "quantile": 0.75, "value": 229999.99999999997, "Latitude": 33.93, "Longitude": -118.15, "Population": 1034.0}, {"index": 7745, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 33.93, "Longitude": -118.15, "Population": 1034.0}, {"index": 7746, "quantile": 0.0, "value": 156700.0, "Latitude": 33.93, "Longitude": -118.15, "Population": 1084.0}, {"index": 7746, "quantile": 0.25, "value": 209300.0, "Latitude": 33.93, "Longitude": -118.15, "Population": 1084.0}, {"index": 7746, "quantile": 0.5, "value": 220500.0, "Latitude": 33.93, "Longitude": -118.15, "Population": 1084.0}, {"index": 7746, "quantile": 0.75, "value": 220500.0, "Latitude": 33.93, "Longitude": -118.15, "Population": 1084.0}, {"index": 7746, "quantile": 1.0, "value": 283300.0, "Latitude": 33.93, "Longitude": -118.15, "Population": 1084.0}, {"index": 7747, "quantile": 0.0, "value": 161400.0, "Latitude": 33.92, "Longitude": -118.16, "Population": 1134.0}, {"index": 7747, "quantile": 0.25, "value": 193950.0, "Latitude": 33.92, "Longitude": -118.16, "Population": 1134.0}, {"index": 7747, "quantile": 0.5, "value": 218900.0, "Latitude": 33.92, "Longitude": -118.16, "Population": 1134.0}, {"index": 7747, "quantile": 0.75, "value": 218900.0, "Latitude": 33.92, "Longitude": -118.16, "Population": 1134.0}, {"index": 7747, "quantile": 1.0, "value": 268400.0, "Latitude": 33.92, "Longitude": -118.16, "Population": 1134.0}, {"index": 7748, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 33.92, "Longitude": -118.14, "Population": 1799.0}, {"index": 7748, "quantile": 0.25, "value": 166500.0, "Latitude": 33.92, "Longitude": -118.14, "Population": 1799.0}, {"index": 7748, "quantile": 0.5, "value": 175300.0, "Latitude": 33.92, "Longitude": -118.14, "Population": 1799.0}, {"index": 7748, "quantile": 0.75, "value": 194275.0, "Latitude": 33.92, "Longitude": -118.14, "Population": 1799.0}, {"index": 7748, "quantile": 1.0, "value": 274300.0, "Latitude": 33.92, "Longitude": -118.14, "Population": 1799.0}, {"index": 7749, "quantile": 0.0, "value": 147300.0, "Latitude": 33.92, "Longitude": -118.15, "Population": 1232.0}, {"index": 7749, "quantile": 0.25, "value": 171800.0, "Latitude": 33.92, "Longitude": -118.15, "Population": 1232.0}, {"index": 7749, "quantile": 0.5, "value": 175000.0, "Latitude": 33.92, "Longitude": -118.15, "Population": 1232.0}, {"index": 7749, "quantile": 0.75, "value": 191300.0, "Latitude": 33.92, "Longitude": -118.15, "Population": 1232.0}, {"index": 7749, "quantile": 1.0, "value": 268400.0, "Latitude": 33.92, "Longitude": -118.15, "Population": 1232.0}, {"index": 7750, "quantile": 0.0, "value": 148400.0, "Latitude": 33.92, "Longitude": -118.15, "Population": 804.0}, {"index": 7750, "quantile": 0.25, "value": 174350.0, "Latitude": 33.92, "Longitude": -118.15, "Population": 804.0}, {"index": 7750, "quantile": 0.5, "value": 191300.0, "Latitude": 33.92, "Longitude": -118.15, "Population": 804.0}, {"index": 7750, "quantile": 0.75, "value": 215350.00000000003, "Latitude": 33.92, "Longitude": -118.15, "Population": 804.0}, {"index": 7750, "quantile": 1.0, "value": 327300.0, "Latitude": 33.92, "Longitude": -118.15, "Population": 804.0}, {"index": 7751, "quantile": 0.0, "value": 88800.0, "Latitude": 33.92, "Longitude": -118.15, "Population": 912.0}, {"index": 7751, "quantile": 0.25, "value": 161200.0, "Latitude": 33.92, "Longitude": -118.15, "Population": 912.0}, {"index": 7751, "quantile": 0.5, "value": 161200.0, "Latitude": 33.92, "Longitude": -118.15, "Population": 912.0}, {"index": 7751, "quantile": 0.75, "value": 161200.0, "Latitude": 33.92, "Longitude": -118.15, "Population": 912.0}, {"index": 7751, "quantile": 1.0, "value": 197200.0, "Latitude": 33.92, "Longitude": -118.15, "Population": 912.0}, {"index": 7752, "quantile": 0.0, "value": 97100.0, "Latitude": 33.92, "Longitude": -118.15, "Population": 646.0}, {"index": 7752, "quantile": 0.25, "value": 181625.0, "Latitude": 33.92, "Longitude": -118.15, "Population": 646.0}, {"index": 7752, "quantile": 0.5, "value": 182800.0, "Latitude": 33.92, "Longitude": -118.15, "Population": 646.0}, {"index": 7752, "quantile": 0.75, "value": 182800.0, "Latitude": 33.92, "Longitude": -118.15, "Population": 646.0}, {"index": 7752, "quantile": 1.0, "value": 236100.00000000003, "Latitude": 33.92, "Longitude": -118.15, "Population": 646.0}, {"index": 7753, "quantile": 0.0, "value": 45000.0, "Latitude": 33.91, "Longitude": -118.11, "Population": 1561.0}, {"index": 7753, "quantile": 0.25, "value": 184675.0, "Latitude": 33.91, "Longitude": -118.11, "Population": 1561.0}, {"index": 7753, "quantile": 0.5, "value": 210149.99999999997, "Latitude": 33.91, "Longitude": -118.11, "Population": 1561.0}, {"index": 7753, "quantile": 0.75, "value": 242899.99999999997, "Latitude": 33.91, "Longitude": -118.11, "Population": 1561.0}, {"index": 7753, "quantile": 1.0, "value": 429200.0, "Latitude": 33.91, "Longitude": -118.11, "Population": 1561.0}, {"index": 7754, "quantile": 0.0, "value": 100800.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 491.0}, {"index": 7754, "quantile": 0.25, "value": 173300.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 491.0}, {"index": 7754, "quantile": 0.5, "value": 182950.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 491.0}, {"index": 7754, "quantile": 0.75, "value": 192275.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 491.0}, {"index": 7754, "quantile": 1.0, "value": 274300.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 491.0}, {"index": 7755, "quantile": 0.0, "value": 153500.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 381.0}, {"index": 7755, "quantile": 0.25, "value": 183900.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 381.0}, {"index": 7755, "quantile": 0.5, "value": 183900.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 381.0}, {"index": 7755, "quantile": 0.75, "value": 189725.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 381.0}, {"index": 7755, "quantile": 1.0, "value": 265000.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 381.0}, {"index": 7756, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.91, "Longitude": -118.12, "Population": 857.0}, {"index": 7756, "quantile": 0.25, "value": 197500.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 857.0}, {"index": 7756, "quantile": 0.5, "value": 197500.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 857.0}, {"index": 7756, "quantile": 0.75, "value": 197500.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 857.0}, {"index": 7756, "quantile": 1.0, "value": 276000.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 857.0}, {"index": 7757, "quantile": 0.0, "value": 84500.0, "Latitude": 33.91, "Longitude": -118.13, "Population": 261.0}, {"index": 7757, "quantile": 0.25, "value": 183800.0, "Latitude": 33.91, "Longitude": -118.13, "Population": 261.0}, {"index": 7757, "quantile": 0.5, "value": 183800.0, "Latitude": 33.91, "Longitude": -118.13, "Population": 261.0}, {"index": 7757, "quantile": 0.75, "value": 221600.00000000003, "Latitude": 33.91, "Longitude": -118.13, "Population": 261.0}, {"index": 7757, "quantile": 1.0, "value": 329400.0, "Latitude": 33.91, "Longitude": -118.13, "Population": 261.0}, {"index": 7758, "quantile": 0.0, "value": 124400.0, "Latitude": 33.91, "Longitude": -118.13, "Population": 552.0}, {"index": 7758, "quantile": 0.25, "value": 222000.00000000003, "Latitude": 33.91, "Longitude": -118.13, "Population": 552.0}, {"index": 7758, "quantile": 0.5, "value": 222000.00000000003, "Latitude": 33.91, "Longitude": -118.13, "Population": 552.0}, {"index": 7758, "quantile": 0.75, "value": 222000.00000000003, "Latitude": 33.91, "Longitude": -118.13, "Population": 552.0}, {"index": 7758, "quantile": 1.0, "value": 354200.0, "Latitude": 33.91, "Longitude": -118.13, "Population": 552.0}, {"index": 7759, "quantile": 0.0, "value": 124400.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 569.0}, {"index": 7759, "quantile": 0.25, "value": 182300.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 569.0}, {"index": 7759, "quantile": 0.5, "value": 182300.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 569.0}, {"index": 7759, "quantile": 0.75, "value": 195400.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 569.0}, {"index": 7759, "quantile": 1.0, "value": 343900.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 569.0}, {"index": 7760, "quantile": 0.0, "value": 159400.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 1087.0}, {"index": 7760, "quantile": 0.25, "value": 187800.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 1087.0}, {"index": 7760, "quantile": 0.5, "value": 187800.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 1087.0}, {"index": 7760, "quantile": 0.75, "value": 187800.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 1087.0}, {"index": 7760, "quantile": 1.0, "value": 285500.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 1087.0}, {"index": 7761, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.91, "Longitude": -118.1, "Population": 399.0}, {"index": 7761, "quantile": 0.25, "value": 165700.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 399.0}, {"index": 7761, "quantile": 0.5, "value": 184950.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 399.0}, {"index": 7761, "quantile": 0.75, "value": 270425.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 399.0}, {"index": 7761, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 33.91, "Longitude": -118.1, "Population": 399.0}, {"index": 7762, "quantile": 0.0, "value": 133300.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 719.0}, {"index": 7762, "quantile": 0.25, "value": 175800.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 719.0}, {"index": 7762, "quantile": 0.5, "value": 175800.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 719.0}, {"index": 7762, "quantile": 0.75, "value": 175800.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 719.0}, {"index": 7762, "quantile": 1.0, "value": 195800.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 719.0}, {"index": 7763, "quantile": 0.0, "value": 103200.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 490.0}, {"index": 7763, "quantile": 0.25, "value": 153600.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 490.0}, {"index": 7763, "quantile": 0.5, "value": 162200.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 490.0}, {"index": 7763, "quantile": 0.75, "value": 179800.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 490.0}, {"index": 7763, "quantile": 1.0, "value": 244800.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 490.0}, {"index": 7764, "quantile": 0.0, "value": 153500.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 809.0}, {"index": 7764, "quantile": 0.25, "value": 160000.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 809.0}, {"index": 7764, "quantile": 0.5, "value": 160000.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 809.0}, {"index": 7764, "quantile": 0.75, "value": 177700.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 809.0}, {"index": 7764, "quantile": 1.0, "value": 239600.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 809.0}, {"index": 7765, "quantile": 0.0, "value": 136800.0, "Latitude": 33.91, "Longitude": -118.11, "Population": 597.0}, {"index": 7765, "quantile": 0.25, "value": 173625.0, "Latitude": 33.91, "Longitude": -118.11, "Population": 597.0}, {"index": 7765, "quantile": 0.5, "value": 187350.0, "Latitude": 33.91, "Longitude": -118.11, "Population": 597.0}, {"index": 7765, "quantile": 0.75, "value": 215899.99999999997, "Latitude": 33.91, "Longitude": -118.11, "Population": 597.0}, {"index": 7765, "quantile": 1.0, "value": 342800.0, "Latitude": 33.91, "Longitude": -118.11, "Population": 597.0}, {"index": 7766, "quantile": 0.0, "value": 139700.0, "Latitude": 33.91, "Longitude": -118.11, "Population": 1231.0}, {"index": 7766, "quantile": 0.25, "value": 153700.0, "Latitude": 33.91, "Longitude": -118.11, "Population": 1231.0}, {"index": 7766, "quantile": 0.5, "value": 153700.0, "Latitude": 33.91, "Longitude": -118.11, "Population": 1231.0}, {"index": 7766, "quantile": 0.75, "value": 199350.0, "Latitude": 33.91, "Longitude": -118.11, "Population": 1231.0}, {"index": 7766, "quantile": 1.0, "value": 322400.0, "Latitude": 33.91, "Longitude": -118.11, "Population": 1231.0}, {"index": 7767, "quantile": 0.0, "value": 89500.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 411.0}, {"index": 7767, "quantile": 0.25, "value": 147400.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 411.0}, {"index": 7767, "quantile": 0.5, "value": 176100.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 411.0}, {"index": 7767, "quantile": 0.75, "value": 191000.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 411.0}, {"index": 7767, "quantile": 1.0, "value": 375000.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 411.0}, {"index": 7768, "quantile": 0.0, "value": 82800.0, "Latitude": 33.91, "Longitude": -118.09, "Population": 1546.0}, {"index": 7768, "quantile": 0.25, "value": 159400.0, "Latitude": 33.91, "Longitude": -118.09, "Population": 1546.0}, {"index": 7768, "quantile": 0.5, "value": 159400.0, "Latitude": 33.91, "Longitude": -118.09, "Population": 1546.0}, {"index": 7768, "quantile": 0.75, "value": 186625.0, "Latitude": 33.91, "Longitude": -118.09, "Population": 1546.0}, {"index": 7768, "quantile": 1.0, "value": 344400.0, "Latitude": 33.91, "Longitude": -118.09, "Population": 1546.0}, {"index": 7769, "quantile": 0.0, "value": 117400.0, "Latitude": 33.91, "Longitude": -118.09, "Population": 1356.0}, {"index": 7769, "quantile": 0.25, "value": 141100.0, "Latitude": 33.91, "Longitude": -118.09, "Population": 1356.0}, {"index": 7769, "quantile": 0.5, "value": 141100.0, "Latitude": 33.91, "Longitude": -118.09, "Population": 1356.0}, {"index": 7769, "quantile": 0.75, "value": 142550.0, "Latitude": 33.91, "Longitude": -118.09, "Population": 1356.0}, {"index": 7769, "quantile": 1.0, "value": 183300.0, "Latitude": 33.91, "Longitude": -118.09, "Population": 1356.0}, {"index": 7770, "quantile": 0.0, "value": 117700.0, "Latitude": 33.91, "Longitude": -118.09, "Population": 990.0}, {"index": 7770, "quantile": 0.25, "value": 162200.0, "Latitude": 33.91, "Longitude": -118.09, "Population": 990.0}, {"index": 7770, "quantile": 0.5, "value": 162200.0, "Latitude": 33.91, "Longitude": -118.09, "Population": 990.0}, {"index": 7770, "quantile": 0.75, "value": 162950.0, "Latitude": 33.91, "Longitude": -118.09, "Population": 990.0}, {"index": 7770, "quantile": 1.0, "value": 252100.0, "Latitude": 33.91, "Longitude": -118.09, "Population": 990.0}, {"index": 7771, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.92, "Longitude": -118.09, "Population": 1491.0}, {"index": 7771, "quantile": 0.25, "value": 166200.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 1491.0}, {"index": 7771, "quantile": 0.5, "value": 166200.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 1491.0}, {"index": 7771, "quantile": 0.75, "value": 166200.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 1491.0}, {"index": 7771, "quantile": 1.0, "value": 195200.0, "Latitude": 33.92, "Longitude": -118.09, "Population": 1491.0}, {"index": 7772, "quantile": 0.0, "value": 151300.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 1238.0}, {"index": 7772, "quantile": 0.25, "value": 160000.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 1238.0}, {"index": 7772, "quantile": 0.5, "value": 165400.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 1238.0}, {"index": 7772, "quantile": 0.75, "value": 178000.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 1238.0}, {"index": 7772, "quantile": 1.0, "value": 319100.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 1238.0}, {"index": 7773, "quantile": 0.0, "value": 134100.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 1100.0}, {"index": 7773, "quantile": 0.25, "value": 168100.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 1100.0}, {"index": 7773, "quantile": 0.5, "value": 168100.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 1100.0}, {"index": 7773, "quantile": 0.75, "value": 168100.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 1100.0}, {"index": 7773, "quantile": 1.0, "value": 255500.00000000003, "Latitude": 33.91, "Longitude": -118.08, "Population": 1100.0}, {"index": 7774, "quantile": 0.0, "value": 46900.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 920.0}, {"index": 7774, "quantile": 0.25, "value": 159900.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 920.0}, {"index": 7774, "quantile": 0.5, "value": 159900.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 920.0}, {"index": 7774, "quantile": 0.75, "value": 159975.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 920.0}, {"index": 7774, "quantile": 1.0, "value": 197500.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 920.0}, {"index": 7775, "quantile": 0.0, "value": 132800.0, "Latitude": 33.9, "Longitude": -118.09, "Population": 862.0}, {"index": 7775, "quantile": 0.25, "value": 158700.0, "Latitude": 33.9, "Longitude": -118.09, "Population": 862.0}, {"index": 7775, "quantile": 0.5, "value": 158700.0, "Latitude": 33.9, "Longitude": -118.09, "Population": 862.0}, {"index": 7775, "quantile": 0.75, "value": 161900.0, "Latitude": 33.9, "Longitude": -118.09, "Population": 862.0}, {"index": 7775, "quantile": 1.0, "value": 417600.0, "Latitude": 33.9, "Longitude": -118.09, "Population": 862.0}, {"index": 7776, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.9, "Longitude": -118.09, "Population": 771.0}, {"index": 7776, "quantile": 0.25, "value": 161400.0, "Latitude": 33.9, "Longitude": -118.09, "Population": 771.0}, {"index": 7776, "quantile": 0.5, "value": 173300.0, "Latitude": 33.9, "Longitude": -118.09, "Population": 771.0}, {"index": 7776, "quantile": 0.75, "value": 177600.0, "Latitude": 33.9, "Longitude": -118.09, "Population": 771.0}, {"index": 7776, "quantile": 1.0, "value": 244899.99999999997, "Latitude": 33.9, "Longitude": -118.09, "Population": 771.0}, {"index": 7777, "quantile": 0.0, "value": 108500.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 1072.0}, {"index": 7777, "quantile": 0.25, "value": 159700.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 1072.0}, {"index": 7777, "quantile": 0.5, "value": 159700.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 1072.0}, {"index": 7777, "quantile": 0.75, "value": 166025.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 1072.0}, {"index": 7777, "quantile": 1.0, "value": 224100.0, "Latitude": 33.91, "Longitude": -118.1, "Population": 1072.0}, {"index": 7778, "quantile": 0.0, "value": 131900.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 2744.0}, {"index": 7778, "quantile": 0.25, "value": 165600.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 2744.0}, {"index": 7778, "quantile": 0.5, "value": 165600.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 2744.0}, {"index": 7778, "quantile": 0.75, "value": 172850.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 2744.0}, {"index": 7778, "quantile": 1.0, "value": 227100.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 2744.0}, {"index": 7779, "quantile": 0.0, "value": 113500.0, "Latitude": 33.91, "Longitude": -118.07, "Population": 1978.0}, {"index": 7779, "quantile": 0.25, "value": 159200.0, "Latitude": 33.91, "Longitude": -118.07, "Population": 1978.0}, {"index": 7779, "quantile": 0.5, "value": 159200.0, "Latitude": 33.91, "Longitude": -118.07, "Population": 1978.0}, {"index": 7779, "quantile": 0.75, "value": 162750.0, "Latitude": 33.91, "Longitude": -118.07, "Population": 1978.0}, {"index": 7779, "quantile": 1.0, "value": 229000.0, "Latitude": 33.91, "Longitude": -118.07, "Population": 1978.0}, {"index": 7780, "quantile": 0.0, "value": 117300.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 1200.0}, {"index": 7780, "quantile": 0.25, "value": 146900.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 1200.0}, {"index": 7780, "quantile": 0.5, "value": 146900.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 1200.0}, {"index": 7780, "quantile": 0.75, "value": 164025.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 1200.0}, {"index": 7780, "quantile": 1.0, "value": 275000.0, "Latitude": 33.91, "Longitude": -118.08, "Population": 1200.0}, {"index": 7781, "quantile": 0.0, "value": 148300.0, "Latitude": 33.91, "Longitude": -118.06, "Population": 4516.0}, {"index": 7781, "quantile": 0.25, "value": 157700.0, "Latitude": 33.91, "Longitude": -118.06, "Population": 4516.0}, {"index": 7781, "quantile": 0.5, "value": 157700.0, "Latitude": 33.91, "Longitude": -118.06, "Population": 4516.0}, {"index": 7781, "quantile": 0.75, "value": 160500.0, "Latitude": 33.91, "Longitude": -118.06, "Population": 4516.0}, {"index": 7781, "quantile": 1.0, "value": 252100.0, "Latitude": 33.91, "Longitude": -118.06, "Population": 4516.0}, {"index": 7782, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 33.91, "Longitude": -118.06, "Population": 1489.0}, {"index": 7782, "quantile": 0.25, "value": 180700.0, "Latitude": 33.91, "Longitude": -118.06, "Population": 1489.0}, {"index": 7782, "quantile": 0.5, "value": 180700.0, "Latitude": 33.91, "Longitude": -118.06, "Population": 1489.0}, {"index": 7782, "quantile": 0.75, "value": 200450.00000000003, "Latitude": 33.91, "Longitude": -118.06, "Population": 1489.0}, {"index": 7782, "quantile": 1.0, "value": 352400.0, "Latitude": 33.91, "Longitude": -118.06, "Population": 1489.0}, {"index": 7783, "quantile": 0.0, "value": 149500.0, "Latitude": 33.91, "Longitude": -118.06, "Population": 909.0}, {"index": 7783, "quantile": 0.25, "value": 173300.0, "Latitude": 33.91, "Longitude": -118.06, "Population": 909.0}, {"index": 7783, "quantile": 0.5, "value": 173300.0, "Latitude": 33.91, "Longitude": -118.06, "Population": 909.0}, {"index": 7783, "quantile": 0.75, "value": 173300.0, "Latitude": 33.91, "Longitude": -118.06, "Population": 909.0}, {"index": 7783, "quantile": 1.0, "value": 248900.0, "Latitude": 33.91, "Longitude": -118.06, "Population": 909.0}, {"index": 7784, "quantile": 0.0, "value": 145200.0, "Latitude": 33.91, "Longitude": -118.07, "Population": 1558.0}, {"index": 7784, "quantile": 0.25, "value": 157700.0, "Latitude": 33.91, "Longitude": -118.07, "Population": 1558.0}, {"index": 7784, "quantile": 0.5, "value": 157700.0, "Latitude": 33.91, "Longitude": -118.07, "Population": 1558.0}, {"index": 7784, "quantile": 0.75, "value": 161075.0, "Latitude": 33.91, "Longitude": -118.07, "Population": 1558.0}, {"index": 7784, "quantile": 1.0, "value": 252100.0, "Latitude": 33.91, "Longitude": -118.07, "Population": 1558.0}, {"index": 7785, "quantile": 0.0, "value": 87500.0, "Latitude": 33.9, "Longitude": -118.05, "Population": 642.0}, {"index": 7785, "quantile": 0.25, "value": 119900.0, "Latitude": 33.9, "Longitude": -118.05, "Population": 642.0}, {"index": 7785, "quantile": 0.5, "value": 119900.0, "Latitude": 33.9, "Longitude": -118.05, "Population": 642.0}, {"index": 7785, "quantile": 0.75, "value": 119900.0, "Latitude": 33.9, "Longitude": -118.05, "Population": 642.0}, {"index": 7785, "quantile": 1.0, "value": 215600.0, "Latitude": 33.9, "Longitude": -118.05, "Population": 642.0}, {"index": 7786, "quantile": 0.0, "value": 103600.0, "Latitude": 33.9, "Longitude": -118.05, "Population": 975.0}, {"index": 7786, "quantile": 0.25, "value": 155000.0, "Latitude": 33.9, "Longitude": -118.05, "Population": 975.0}, {"index": 7786, "quantile": 0.5, "value": 155000.0, "Latitude": 33.9, "Longitude": -118.05, "Population": 975.0}, {"index": 7786, "quantile": 0.75, "value": 155000.0, "Latitude": 33.9, "Longitude": -118.05, "Population": 975.0}, {"index": 7786, "quantile": 1.0, "value": 183100.0, "Latitude": 33.9, "Longitude": -118.05, "Population": 975.0}, {"index": 7787, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.9, "Longitude": -118.06, "Population": 882.0}, {"index": 7787, "quantile": 0.25, "value": 158000.0, "Latitude": 33.9, "Longitude": -118.06, "Population": 882.0}, {"index": 7787, "quantile": 0.5, "value": 158000.0, "Latitude": 33.9, "Longitude": -118.06, "Population": 882.0}, {"index": 7787, "quantile": 0.75, "value": 163125.0, "Latitude": 33.9, "Longitude": -118.06, "Population": 882.0}, {"index": 7787, "quantile": 1.0, "value": 206300.00000000003, "Latitude": 33.9, "Longitude": -118.06, "Population": 882.0}, {"index": 7788, "quantile": 0.0, "value": 158000.0, "Latitude": 33.89, "Longitude": -118.06, "Population": 1538.0}, {"index": 7788, "quantile": 0.25, "value": 220500.0, "Latitude": 33.89, "Longitude": -118.06, "Population": 1538.0}, {"index": 7788, "quantile": 0.5, "value": 220500.0, "Latitude": 33.89, "Longitude": -118.06, "Population": 1538.0}, {"index": 7788, "quantile": 0.75, "value": 220500.0, "Latitude": 33.89, "Longitude": -118.06, "Population": 1538.0}, {"index": 7788, "quantile": 1.0, "value": 308000.0, "Latitude": 33.89, "Longitude": -118.06, "Population": 1538.0}, {"index": 7789, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.89, "Longitude": -118.07, "Population": 964.0}, {"index": 7789, "quantile": 0.25, "value": 184750.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 964.0}, {"index": 7789, "quantile": 0.5, "value": 185300.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 964.0}, {"index": 7789, "quantile": 0.75, "value": 185300.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 964.0}, {"index": 7789, "quantile": 1.0, "value": 209800.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 964.0}, {"index": 7790, "quantile": 0.0, "value": 89100.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 2008.0}, {"index": 7790, "quantile": 0.25, "value": 160800.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 2008.0}, {"index": 7790, "quantile": 0.5, "value": 160800.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 2008.0}, {"index": 7790, "quantile": 0.75, "value": 160800.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 2008.0}, {"index": 7790, "quantile": 1.0, "value": 217000.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 2008.0}, {"index": 7791, "quantile": 0.0, "value": 89100.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 1651.0}, {"index": 7791, "quantile": 0.25, "value": 120300.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 1651.0}, {"index": 7791, "quantile": 0.5, "value": 120300.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 1651.0}, {"index": 7791, "quantile": 0.75, "value": 146400.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 1651.0}, {"index": 7791, "quantile": 1.0, "value": 242700.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 1651.0}, {"index": 7792, "quantile": 0.0, "value": 88800.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 1545.0}, {"index": 7792, "quantile": 0.25, "value": 123400.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 1545.0}, {"index": 7792, "quantile": 0.5, "value": 123400.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 1545.0}, {"index": 7792, "quantile": 0.75, "value": 142000.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 1545.0}, {"index": 7792, "quantile": 1.0, "value": 237500.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 1545.0}, {"index": 7793, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 33.89, "Longitude": -118.08, "Population": 1412.0}, {"index": 7793, "quantile": 0.25, "value": 139249.99999999997, "Latitude": 33.89, "Longitude": -118.08, "Population": 1412.0}, {"index": 7793, "quantile": 0.5, "value": 147200.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 1412.0}, {"index": 7793, "quantile": 0.75, "value": 153900.00000000003, "Latitude": 33.89, "Longitude": -118.08, "Population": 1412.0}, {"index": 7793, "quantile": 1.0, "value": 168000.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 1412.0}, {"index": 7794, "quantile": 0.0, "value": 117700.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 981.0}, {"index": 7794, "quantile": 0.25, "value": 153600.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 981.0}, {"index": 7794, "quantile": 0.5, "value": 153600.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 981.0}, {"index": 7794, "quantile": 0.75, "value": 153600.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 981.0}, {"index": 7794, "quantile": 1.0, "value": 235000.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 981.0}, {"index": 7795, "quantile": 0.0, "value": 117700.0, "Latitude": 33.9, "Longitude": -118.07, "Population": 1849.0}, {"index": 7795, "quantile": 0.25, "value": 164100.0, "Latitude": 33.9, "Longitude": -118.07, "Population": 1849.0}, {"index": 7795, "quantile": 0.5, "value": 164100.0, "Latitude": 33.9, "Longitude": -118.07, "Population": 1849.0}, {"index": 7795, "quantile": 0.75, "value": 164100.0, "Latitude": 33.9, "Longitude": -118.07, "Population": 1849.0}, {"index": 7795, "quantile": 1.0, "value": 274300.0, "Latitude": 33.9, "Longitude": -118.07, "Population": 1849.0}, {"index": 7796, "quantile": 0.0, "value": 143100.0, "Latitude": 33.9, "Longitude": -118.07, "Population": 776.0}, {"index": 7796, "quantile": 0.25, "value": 162025.0, "Latitude": 33.9, "Longitude": -118.07, "Population": 776.0}, {"index": 7796, "quantile": 0.5, "value": 167500.0, "Latitude": 33.9, "Longitude": -118.07, "Population": 776.0}, {"index": 7796, "quantile": 0.75, "value": 175800.0, "Latitude": 33.9, "Longitude": -118.07, "Population": 776.0}, {"index": 7796, "quantile": 1.0, "value": 273000.0, "Latitude": 33.9, "Longitude": -118.07, "Population": 776.0}, {"index": 7797, "quantile": 0.0, "value": 149600.0, "Latitude": 33.9, "Longitude": -118.07, "Population": 1180.0}, {"index": 7797, "quantile": 0.25, "value": 169200.0, "Latitude": 33.9, "Longitude": -118.07, "Population": 1180.0}, {"index": 7797, "quantile": 0.5, "value": 169200.0, "Latitude": 33.9, "Longitude": -118.07, "Population": 1180.0}, {"index": 7797, "quantile": 0.75, "value": 173800.0, "Latitude": 33.9, "Longitude": -118.07, "Population": 1180.0}, {"index": 7797, "quantile": 1.0, "value": 245699.99999999997, "Latitude": 33.9, "Longitude": -118.07, "Population": 1180.0}, {"index": 7798, "quantile": 0.0, "value": 138700.0, "Latitude": 33.9, "Longitude": -118.08, "Population": 733.0}, {"index": 7798, "quantile": 0.25, "value": 168300.0, "Latitude": 33.9, "Longitude": -118.08, "Population": 733.0}, {"index": 7798, "quantile": 0.5, "value": 168300.0, "Latitude": 33.9, "Longitude": -118.08, "Population": 733.0}, {"index": 7798, "quantile": 0.75, "value": 169350.0, "Latitude": 33.9, "Longitude": -118.08, "Population": 733.0}, {"index": 7798, "quantile": 1.0, "value": 267300.0, "Latitude": 33.9, "Longitude": -118.08, "Population": 733.0}, {"index": 7799, "quantile": 0.0, "value": 124400.0, "Latitude": 33.9, "Longitude": -118.08, "Population": 1155.0}, {"index": 7799, "quantile": 0.25, "value": 161100.0, "Latitude": 33.9, "Longitude": -118.08, "Population": 1155.0}, {"index": 7799, "quantile": 0.5, "value": 161100.0, "Latitude": 33.9, "Longitude": -118.08, "Population": 1155.0}, {"index": 7799, "quantile": 0.75, "value": 171425.0, "Latitude": 33.9, "Longitude": -118.08, "Population": 1155.0}, {"index": 7799, "quantile": 1.0, "value": 247600.0, "Latitude": 33.9, "Longitude": -118.08, "Population": 1155.0}, {"index": 7800, "quantile": 0.0, "value": 153500.0, "Latitude": 33.9, "Longitude": -118.09, "Population": 742.0}, {"index": 7800, "quantile": 0.25, "value": 153500.0, "Latitude": 33.9, "Longitude": -118.09, "Population": 742.0}, {"index": 7800, "quantile": 0.5, "value": 153500.0, "Latitude": 33.9, "Longitude": -118.09, "Population": 742.0}, {"index": 7800, "quantile": 0.75, "value": 173900.0, "Latitude": 33.9, "Longitude": -118.09, "Population": 742.0}, {"index": 7800, "quantile": 1.0, "value": 262500.0, "Latitude": 33.9, "Longitude": -118.09, "Population": 742.0}, {"index": 7801, "quantile": 0.0, "value": 117700.0, "Latitude": 33.9, "Longitude": -118.09, "Population": 2533.0}, {"index": 7801, "quantile": 0.25, "value": 176300.0, "Latitude": 33.9, "Longitude": -118.09, "Population": 2533.0}, {"index": 7801, "quantile": 0.5, "value": 176300.0, "Latitude": 33.9, "Longitude": -118.09, "Population": 2533.0}, {"index": 7801, "quantile": 0.75, "value": 176300.0, "Latitude": 33.9, "Longitude": -118.09, "Population": 2533.0}, {"index": 7801, "quantile": 1.0, "value": 217200.00000000003, "Latitude": 33.9, "Longitude": -118.09, "Population": 2533.0}, {"index": 7802, "quantile": 0.0, "value": 147300.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 776.0}, {"index": 7802, "quantile": 0.25, "value": 166000.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 776.0}, {"index": 7802, "quantile": 0.5, "value": 166000.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 776.0}, {"index": 7802, "quantile": 0.75, "value": 168300.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 776.0}, {"index": 7802, "quantile": 1.0, "value": 292600.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 776.0}, {"index": 7803, "quantile": 0.0, "value": 144000.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 1229.0}, {"index": 7803, "quantile": 0.25, "value": 174600.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 1229.0}, {"index": 7803, "quantile": 0.5, "value": 174600.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 1229.0}, {"index": 7803, "quantile": 0.75, "value": 174600.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 1229.0}, {"index": 7803, "quantile": 1.0, "value": 274300.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 1229.0}, {"index": 7804, "quantile": 0.0, "value": 153500.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 603.0}, {"index": 7804, "quantile": 0.25, "value": 167500.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 603.0}, {"index": 7804, "quantile": 0.5, "value": 167500.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 603.0}, {"index": 7804, "quantile": 0.75, "value": 167500.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 603.0}, {"index": 7804, "quantile": 1.0, "value": 263200.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 603.0}, {"index": 7805, "quantile": 0.0, "value": 96100.0, "Latitude": 33.89, "Longitude": -118.09, "Population": 708.0}, {"index": 7805, "quantile": 0.25, "value": 171500.0, "Latitude": 33.89, "Longitude": -118.09, "Population": 708.0}, {"index": 7805, "quantile": 0.5, "value": 171500.0, "Latitude": 33.89, "Longitude": -118.09, "Population": 708.0}, {"index": 7805, "quantile": 0.75, "value": 171500.0, "Latitude": 33.89, "Longitude": -118.09, "Population": 708.0}, {"index": 7805, "quantile": 1.0, "value": 274300.0, "Latitude": 33.89, "Longitude": -118.09, "Population": 708.0}, {"index": 7806, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 33.89, "Longitude": -118.09, "Population": 717.0}, {"index": 7806, "quantile": 0.25, "value": 158200.0, "Latitude": 33.89, "Longitude": -118.09, "Population": 717.0}, {"index": 7806, "quantile": 0.5, "value": 164000.0, "Latitude": 33.89, "Longitude": -118.09, "Population": 717.0}, {"index": 7806, "quantile": 0.75, "value": 175000.0, "Latitude": 33.89, "Longitude": -118.09, "Population": 717.0}, {"index": 7806, "quantile": 1.0, "value": 274300.0, "Latitude": 33.89, "Longitude": -118.09, "Population": 717.0}, {"index": 7807, "quantile": 0.0, "value": 158200.0, "Latitude": 33.89, "Longitude": -118.09, "Population": 2465.0}, {"index": 7807, "quantile": 0.25, "value": 166600.0, "Latitude": 33.89, "Longitude": -118.09, "Population": 2465.0}, {"index": 7807, "quantile": 0.5, "value": 166600.0, "Latitude": 33.89, "Longitude": -118.09, "Population": 2465.0}, {"index": 7807, "quantile": 0.75, "value": 182650.0, "Latitude": 33.89, "Longitude": -118.09, "Population": 2465.0}, {"index": 7807, "quantile": 1.0, "value": 417600.0, "Latitude": 33.89, "Longitude": -118.09, "Population": 2465.0}, {"index": 7808, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.89, "Longitude": -118.1, "Population": 1483.0}, {"index": 7808, "quantile": 0.25, "value": 185600.0, "Latitude": 33.89, "Longitude": -118.1, "Population": 1483.0}, {"index": 7808, "quantile": 0.5, "value": 185600.0, "Latitude": 33.89, "Longitude": -118.1, "Population": 1483.0}, {"index": 7808, "quantile": 0.75, "value": 185600.0, "Latitude": 33.89, "Longitude": -118.1, "Population": 1483.0}, {"index": 7808, "quantile": 1.0, "value": 248900.0, "Latitude": 33.89, "Longitude": -118.1, "Population": 1483.0}, {"index": 7809, "quantile": 0.0, "value": 151300.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 768.0}, {"index": 7809, "quantile": 0.25, "value": 161900.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 768.0}, {"index": 7809, "quantile": 0.5, "value": 161900.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 768.0}, {"index": 7809, "quantile": 0.75, "value": 171650.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 768.0}, {"index": 7809, "quantile": 1.0, "value": 248900.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 768.0}, {"index": 7810, "quantile": 0.0, "value": 113900.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 740.0}, {"index": 7810, "quantile": 0.25, "value": 151975.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 740.0}, {"index": 7810, "quantile": 0.5, "value": 155000.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 740.0}, {"index": 7810, "quantile": 0.75, "value": 160700.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 740.0}, {"index": 7810, "quantile": 1.0, "value": 184500.0, "Latitude": 33.9, "Longitude": -118.1, "Population": 740.0}, {"index": 7811, "quantile": 0.0, "value": 124400.0, "Latitude": 33.89, "Longitude": -118.1, "Population": 498.0}, {"index": 7811, "quantile": 0.25, "value": 173875.0, "Latitude": 33.89, "Longitude": -118.1, "Population": 498.0}, {"index": 7811, "quantile": 0.5, "value": 183800.0, "Latitude": 33.89, "Longitude": -118.1, "Population": 498.0}, {"index": 7811, "quantile": 0.75, "value": 191500.0, "Latitude": 33.89, "Longitude": -118.1, "Population": 498.0}, {"index": 7811, "quantile": 1.0, "value": 365900.0, "Latitude": 33.89, "Longitude": -118.1, "Population": 498.0}, {"index": 7812, "quantile": 0.0, "value": 152100.0, "Latitude": 33.89, "Longitude": -118.1, "Population": 602.0}, {"index": 7812, "quantile": 0.25, "value": 178000.0, "Latitude": 33.89, "Longitude": -118.1, "Population": 602.0}, {"index": 7812, "quantile": 0.5, "value": 178000.0, "Latitude": 33.89, "Longitude": -118.1, "Population": 602.0}, {"index": 7812, "quantile": 0.75, "value": 190025.0, "Latitude": 33.89, "Longitude": -118.1, "Population": 602.0}, {"index": 7812, "quantile": 1.0, "value": 276000.0, "Latitude": 33.89, "Longitude": -118.1, "Population": 602.0}, {"index": 7813, "quantile": 0.0, "value": 160200.0, "Latitude": 33.9, "Longitude": -118.11, "Population": 1465.0}, {"index": 7813, "quantile": 0.25, "value": 184600.0, "Latitude": 33.9, "Longitude": -118.11, "Population": 1465.0}, {"index": 7813, "quantile": 0.5, "value": 184600.0, "Latitude": 33.9, "Longitude": -118.11, "Population": 1465.0}, {"index": 7813, "quantile": 0.75, "value": 187500.0, "Latitude": 33.9, "Longitude": -118.11, "Population": 1465.0}, {"index": 7813, "quantile": 1.0, "value": 293300.0, "Latitude": 33.9, "Longitude": -118.11, "Population": 1465.0}, {"index": 7814, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 33.9, "Longitude": -118.11, "Population": 2471.0}, {"index": 7814, "quantile": 0.25, "value": 188300.0, "Latitude": 33.9, "Longitude": -118.11, "Population": 2471.0}, {"index": 7814, "quantile": 0.5, "value": 204300.00000000003, "Latitude": 33.9, "Longitude": -118.11, "Population": 2471.0}, {"index": 7814, "quantile": 0.75, "value": 218800.00000000003, "Latitude": 33.9, "Longitude": -118.11, "Population": 2471.0}, {"index": 7814, "quantile": 1.0, "value": 381800.0, "Latitude": 33.9, "Longitude": -118.11, "Population": 2471.0}, {"index": 7815, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.89, "Longitude": -118.11, "Population": 772.0}, {"index": 7815, "quantile": 0.25, "value": 175800.0, "Latitude": 33.89, "Longitude": -118.11, "Population": 772.0}, {"index": 7815, "quantile": 0.5, "value": 204700.00000000003, "Latitude": 33.89, "Longitude": -118.11, "Population": 772.0}, {"index": 7815, "quantile": 0.75, "value": 204700.00000000003, "Latitude": 33.89, "Longitude": -118.11, "Population": 772.0}, {"index": 7815, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.11, "Population": 772.0}, {"index": 7816, "quantile": 0.0, "value": 159400.0, "Latitude": 33.88, "Longitude": -118.11, "Population": 868.0}, {"index": 7816, "quantile": 0.25, "value": 197500.0, "Latitude": 33.88, "Longitude": -118.11, "Population": 868.0}, {"index": 7816, "quantile": 0.5, "value": 276000.0, "Latitude": 33.88, "Longitude": -118.11, "Population": 868.0}, {"index": 7816, "quantile": 0.75, "value": 276000.0, "Latitude": 33.88, "Longitude": -118.11, "Population": 868.0}, {"index": 7816, "quantile": 1.0, "value": 339100.0, "Latitude": 33.88, "Longitude": -118.11, "Population": 868.0}, {"index": 7817, "quantile": 0.0, "value": 112500.0, "Latitude": 33.89, "Longitude": -118.11, "Population": 1549.0}, {"index": 7817, "quantile": 0.25, "value": 186425.0, "Latitude": 33.89, "Longitude": -118.11, "Population": 1549.0}, {"index": 7817, "quantile": 0.5, "value": 195100.0, "Latitude": 33.89, "Longitude": -118.11, "Population": 1549.0}, {"index": 7817, "quantile": 0.75, "value": 214449.99999999997, "Latitude": 33.89, "Longitude": -118.11, "Population": 1549.0}, {"index": 7817, "quantile": 1.0, "value": 305800.0, "Latitude": 33.89, "Longitude": -118.11, "Population": 1549.0}, {"index": 7818, "quantile": 0.0, "value": 146400.0, "Latitude": 33.9, "Longitude": -118.11, "Population": 1084.0}, {"index": 7818, "quantile": 0.25, "value": 178000.0, "Latitude": 33.9, "Longitude": -118.11, "Population": 1084.0}, {"index": 7818, "quantile": 0.5, "value": 178000.0, "Latitude": 33.9, "Longitude": -118.11, "Population": 1084.0}, {"index": 7818, "quantile": 0.75, "value": 178000.0, "Latitude": 33.9, "Longitude": -118.11, "Population": 1084.0}, {"index": 7818, "quantile": 1.0, "value": 320700.0, "Latitude": 33.9, "Longitude": -118.11, "Population": 1084.0}, {"index": 7819, "quantile": 0.0, "value": 139100.0, "Latitude": 33.9, "Longitude": -118.11, "Population": 748.0}, {"index": 7819, "quantile": 0.25, "value": 183100.0, "Latitude": 33.9, "Longitude": -118.11, "Population": 748.0}, {"index": 7819, "quantile": 0.5, "value": 183100.0, "Latitude": 33.9, "Longitude": -118.11, "Population": 748.0}, {"index": 7819, "quantile": 0.75, "value": 211700.0, "Latitude": 33.9, "Longitude": -118.11, "Population": 748.0}, {"index": 7819, "quantile": 1.0, "value": 314100.0, "Latitude": 33.9, "Longitude": -118.11, "Population": 748.0}, {"index": 7820, "quantile": 0.0, "value": 156400.0, "Latitude": 33.91, "Longitude": -118.11, "Population": 617.0}, {"index": 7820, "quantile": 0.25, "value": 193100.0, "Latitude": 33.91, "Longitude": -118.11, "Population": 617.0}, {"index": 7820, "quantile": 0.5, "value": 193100.0, "Latitude": 33.91, "Longitude": -118.11, "Population": 617.0}, {"index": 7820, "quantile": 0.75, "value": 193100.0, "Latitude": 33.91, "Longitude": -118.11, "Population": 617.0}, {"index": 7820, "quantile": 1.0, "value": 285500.0, "Latitude": 33.91, "Longitude": -118.11, "Population": 617.0}, {"index": 7821, "quantile": 0.0, "value": 152100.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 749.0}, {"index": 7821, "quantile": 0.25, "value": 193625.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 749.0}, {"index": 7821, "quantile": 0.5, "value": 211000.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 749.0}, {"index": 7821, "quantile": 0.75, "value": 222800.00000000003, "Latitude": 33.91, "Longitude": -118.12, "Population": 749.0}, {"index": 7821, "quantile": 1.0, "value": 383800.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 749.0}, {"index": 7822, "quantile": 0.0, "value": 98900.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 1023.0}, {"index": 7822, "quantile": 0.25, "value": 214825.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 1023.0}, {"index": 7822, "quantile": 0.5, "value": 216600.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 1023.0}, {"index": 7822, "quantile": 0.75, "value": 216600.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 1023.0}, {"index": 7822, "quantile": 1.0, "value": 361700.0, "Latitude": 33.91, "Longitude": -118.12, "Population": 1023.0}, {"index": 7823, "quantile": 0.0, "value": 177600.0, "Latitude": 33.9, "Longitude": -118.13, "Population": 827.0}, {"index": 7823, "quantile": 0.25, "value": 191600.0, "Latitude": 33.9, "Longitude": -118.13, "Population": 827.0}, {"index": 7823, "quantile": 0.5, "value": 191600.0, "Latitude": 33.9, "Longitude": -118.13, "Population": 827.0}, {"index": 7823, "quantile": 0.75, "value": 211025.00000000003, "Latitude": 33.9, "Longitude": -118.13, "Population": 827.0}, {"index": 7823, "quantile": 1.0, "value": 456100.0, "Latitude": 33.9, "Longitude": -118.13, "Population": 827.0}, {"index": 7824, "quantile": 0.0, "value": 107900.0, "Latitude": 33.91, "Longitude": -118.13, "Population": 910.0}, {"index": 7824, "quantile": 0.25, "value": 190600.0, "Latitude": 33.91, "Longitude": -118.13, "Population": 910.0}, {"index": 7824, "quantile": 0.5, "value": 190600.0, "Latitude": 33.91, "Longitude": -118.13, "Population": 910.0}, {"index": 7824, "quantile": 0.75, "value": 190600.0, "Latitude": 33.91, "Longitude": -118.13, "Population": 910.0}, {"index": 7824, "quantile": 1.0, "value": 365900.0, "Latitude": 33.91, "Longitude": -118.13, "Population": 910.0}, {"index": 7825, "quantile": 0.0, "value": 124400.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 578.0}, {"index": 7825, "quantile": 0.25, "value": 177600.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 578.0}, {"index": 7825, "quantile": 0.5, "value": 177600.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 578.0}, {"index": 7825, "quantile": 0.75, "value": 177600.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 578.0}, {"index": 7825, "quantile": 1.0, "value": 246900.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 578.0}, {"index": 7826, "quantile": 0.0, "value": 153700.0, "Latitude": 33.9, "Longitude": -118.14, "Population": 1150.0}, {"index": 7826, "quantile": 0.25, "value": 225800.0, "Latitude": 33.9, "Longitude": -118.14, "Population": 1150.0}, {"index": 7826, "quantile": 0.5, "value": 225800.0, "Latitude": 33.9, "Longitude": -118.14, "Population": 1150.0}, {"index": 7826, "quantile": 0.75, "value": 225800.0, "Latitude": 33.9, "Longitude": -118.14, "Population": 1150.0}, {"index": 7826, "quantile": 1.0, "value": 282100.0, "Latitude": 33.9, "Longitude": -118.14, "Population": 1150.0}, {"index": 7827, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 33.91, "Longitude": -118.14, "Population": 974.0}, {"index": 7827, "quantile": 0.25, "value": 180800.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 974.0}, {"index": 7827, "quantile": 0.5, "value": 180800.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 974.0}, {"index": 7827, "quantile": 0.75, "value": 180800.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 974.0}, {"index": 7827, "quantile": 1.0, "value": 456200.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 974.0}, {"index": 7828, "quantile": 0.0, "value": 120300.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 1371.0}, {"index": 7828, "quantile": 0.25, "value": 175900.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 1371.0}, {"index": 7828, "quantile": 0.5, "value": 204199.99999999997, "Latitude": 33.91, "Longitude": -118.14, "Population": 1371.0}, {"index": 7828, "quantile": 0.75, "value": 204199.99999999997, "Latitude": 33.91, "Longitude": -118.14, "Population": 1371.0}, {"index": 7828, "quantile": 1.0, "value": 324400.0, "Latitude": 33.91, "Longitude": -118.14, "Population": 1371.0}, {"index": 7829, "quantile": 0.0, "value": 141100.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 1299.0}, {"index": 7829, "quantile": 0.25, "value": 156850.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 1299.0}, {"index": 7829, "quantile": 0.5, "value": 162750.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 1299.0}, {"index": 7829, "quantile": 0.75, "value": 173300.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 1299.0}, {"index": 7829, "quantile": 1.0, "value": 252100.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 1299.0}, {"index": 7830, "quantile": 0.0, "value": 89500.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 760.0}, {"index": 7830, "quantile": 0.25, "value": 147400.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 760.0}, {"index": 7830, "quantile": 0.5, "value": 147400.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 760.0}, {"index": 7830, "quantile": 0.75, "value": 147400.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 760.0}, {"index": 7830, "quantile": 1.0, "value": 220500.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 760.0}, {"index": 7831, "quantile": 0.0, "value": 129200.0, "Latitude": 33.9, "Longitude": -118.15, "Population": 1855.0}, {"index": 7831, "quantile": 0.25, "value": 144600.0, "Latitude": 33.9, "Longitude": -118.15, "Population": 1855.0}, {"index": 7831, "quantile": 0.5, "value": 144600.0, "Latitude": 33.9, "Longitude": -118.15, "Population": 1855.0}, {"index": 7831, "quantile": 0.75, "value": 155600.0, "Latitude": 33.9, "Longitude": -118.15, "Population": 1855.0}, {"index": 7831, "quantile": 1.0, "value": 272800.0, "Latitude": 33.9, "Longitude": -118.15, "Population": 1855.0}, {"index": 7832, "quantile": 0.0, "value": 112900.0, "Latitude": 33.9, "Longitude": -118.16, "Population": 2399.0}, {"index": 7832, "quantile": 0.25, "value": 156700.0, "Latitude": 33.9, "Longitude": -118.16, "Population": 2399.0}, {"index": 7832, "quantile": 0.5, "value": 156700.0, "Latitude": 33.9, "Longitude": -118.16, "Population": 2399.0}, {"index": 7832, "quantile": 0.75, "value": 160725.0, "Latitude": 33.9, "Longitude": -118.16, "Population": 2399.0}, {"index": 7832, "quantile": 1.0, "value": 200000.0, "Latitude": 33.9, "Longitude": -118.16, "Population": 2399.0}, {"index": 7833, "quantile": 0.0, "value": 59800.0, "Latitude": 33.91, "Longitude": -118.16, "Population": 3013.0}, {"index": 7833, "quantile": 0.25, "value": 135850.0, "Latitude": 33.91, "Longitude": -118.16, "Population": 3013.0}, {"index": 7833, "quantile": 0.5, "value": 153000.0, "Latitude": 33.91, "Longitude": -118.16, "Population": 3013.0}, {"index": 7833, "quantile": 0.75, "value": 164700.0, "Latitude": 33.91, "Longitude": -118.16, "Population": 3013.0}, {"index": 7833, "quantile": 1.0, "value": 242200.00000000003, "Latitude": 33.91, "Longitude": -118.16, "Population": 3013.0}, {"index": 7834, "quantile": 0.0, "value": 100000.0, "Latitude": 33.91, "Longitude": -118.16, "Population": 1415.0}, {"index": 7834, "quantile": 0.25, "value": 144700.0, "Latitude": 33.91, "Longitude": -118.16, "Population": 1415.0}, {"index": 7834, "quantile": 0.5, "value": 153500.0, "Latitude": 33.91, "Longitude": -118.16, "Population": 1415.0}, {"index": 7834, "quantile": 0.75, "value": 162800.0, "Latitude": 33.91, "Longitude": -118.16, "Population": 1415.0}, {"index": 7834, "quantile": 1.0, "value": 220500.0, "Latitude": 33.91, "Longitude": -118.16, "Population": 1415.0}, {"index": 7835, "quantile": 0.0, "value": 103600.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 610.0}, {"index": 7835, "quantile": 0.25, "value": 133300.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 610.0}, {"index": 7835, "quantile": 0.5, "value": 133300.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 610.0}, {"index": 7835, "quantile": 0.75, "value": 133300.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 610.0}, {"index": 7835, "quantile": 1.0, "value": 220500.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 610.0}, {"index": 7836, "quantile": 0.0, "value": 97200.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 1721.0}, {"index": 7836, "quantile": 0.25, "value": 146100.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 1721.0}, {"index": 7836, "quantile": 0.5, "value": 146100.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 1721.0}, {"index": 7836, "quantile": 0.75, "value": 164075.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 1721.0}, {"index": 7836, "quantile": 1.0, "value": 243200.0, "Latitude": 33.91, "Longitude": -118.15, "Population": 1721.0}, {"index": 7837, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 33.91, "Longitude": -118.16, "Population": 2467.0}, {"index": 7837, "quantile": 0.25, "value": 144000.0, "Latitude": 33.91, "Longitude": -118.16, "Population": 2467.0}, {"index": 7837, "quantile": 0.5, "value": 144000.0, "Latitude": 33.91, "Longitude": -118.16, "Population": 2467.0}, {"index": 7837, "quantile": 0.75, "value": 145525.0, "Latitude": 33.91, "Longitude": -118.16, "Population": 2467.0}, {"index": 7837, "quantile": 1.0, "value": 346200.0, "Latitude": 33.91, "Longitude": -118.16, "Population": 2467.0}, {"index": 7838, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 33.9, "Longitude": -118.17, "Population": 3215.0}, {"index": 7838, "quantile": 0.25, "value": 114199.99999999999, "Latitude": 33.9, "Longitude": -118.17, "Population": 3215.0}, {"index": 7838, "quantile": 0.5, "value": 114199.99999999999, "Latitude": 33.9, "Longitude": -118.17, "Population": 3215.0}, {"index": 7838, "quantile": 0.75, "value": 140275.0, "Latitude": 33.9, "Longitude": -118.17, "Population": 3215.0}, {"index": 7838, "quantile": 1.0, "value": 215099.99999999997, "Latitude": 33.9, "Longitude": -118.17, "Population": 3215.0}, {"index": 7839, "quantile": 0.0, "value": 110700.0, "Latitude": 33.91, "Longitude": -118.17, "Population": 748.0}, {"index": 7839, "quantile": 0.25, "value": 145800.0, "Latitude": 33.91, "Longitude": -118.17, "Population": 748.0}, {"index": 7839, "quantile": 0.5, "value": 145800.0, "Latitude": 33.91, "Longitude": -118.17, "Population": 748.0}, {"index": 7839, "quantile": 0.75, "value": 154200.0, "Latitude": 33.91, "Longitude": -118.17, "Population": 748.0}, {"index": 7839, "quantile": 1.0, "value": 190800.0, "Latitude": 33.91, "Longitude": -118.17, "Population": 748.0}, {"index": 7840, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 33.91, "Longitude": -118.17, "Population": 1237.0}, {"index": 7840, "quantile": 0.25, "value": 162300.0, "Latitude": 33.91, "Longitude": -118.17, "Population": 1237.0}, {"index": 7840, "quantile": 0.5, "value": 162300.0, "Latitude": 33.91, "Longitude": -118.17, "Population": 1237.0}, {"index": 7840, "quantile": 0.75, "value": 162300.0, "Latitude": 33.91, "Longitude": -118.17, "Population": 1237.0}, {"index": 7840, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 33.91, "Longitude": -118.17, "Population": 1237.0}, {"index": 7841, "quantile": 0.0, "value": 91600.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 1177.0}, {"index": 7841, "quantile": 0.25, "value": 137500.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 1177.0}, {"index": 7841, "quantile": 0.5, "value": 148600.00000000003, "Latitude": 33.9, "Longitude": -118.18, "Population": 1177.0}, {"index": 7841, "quantile": 0.75, "value": 176300.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 1177.0}, {"index": 7841, "quantile": 1.0, "value": 260700.00000000003, "Latitude": 33.9, "Longitude": -118.18, "Population": 1177.0}, {"index": 7842, "quantile": 0.0, "value": 117300.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 1888.0}, {"index": 7842, "quantile": 0.25, "value": 146400.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 1888.0}, {"index": 7842, "quantile": 0.5, "value": 146400.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 1888.0}, {"index": 7842, "quantile": 0.75, "value": 146400.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 1888.0}, {"index": 7842, "quantile": 1.0, "value": 176800.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 1888.0}, {"index": 7843, "quantile": 0.0, "value": 88500.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 933.0}, {"index": 7843, "quantile": 0.25, "value": 117300.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 933.0}, {"index": 7843, "quantile": 0.5, "value": 133000.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 933.0}, {"index": 7843, "quantile": 0.75, "value": 147200.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 933.0}, {"index": 7843, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 33.9, "Longitude": -118.18, "Population": 933.0}, {"index": 7844, "quantile": 0.0, "value": 89100.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 2625.0}, {"index": 7844, "quantile": 0.25, "value": 150900.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 2625.0}, {"index": 7844, "quantile": 0.5, "value": 150900.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 2625.0}, {"index": 7844, "quantile": 0.75, "value": 150900.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 2625.0}, {"index": 7844, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 33.9, "Longitude": -118.18, "Population": 2625.0}, {"index": 7845, "quantile": 0.0, "value": 89100.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 1960.0}, {"index": 7845, "quantile": 0.25, "value": 140400.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 1960.0}, {"index": 7845, "quantile": 0.5, "value": 140400.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 1960.0}, {"index": 7845, "quantile": 0.75, "value": 140400.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 1960.0}, {"index": 7845, "quantile": 1.0, "value": 184200.0, "Latitude": 33.9, "Longitude": -118.18, "Population": 1960.0}, {"index": 7846, "quantile": 0.0, "value": 88200.0, "Latitude": 33.89, "Longitude": -118.16, "Population": 389.0}, {"index": 7846, "quantile": 0.25, "value": 143800.0, "Latitude": 33.89, "Longitude": -118.16, "Population": 389.0}, {"index": 7846, "quantile": 0.5, "value": 143800.0, "Latitude": 33.89, "Longitude": -118.16, "Population": 389.0}, {"index": 7846, "quantile": 0.75, "value": 143800.0, "Latitude": 33.89, "Longitude": -118.16, "Population": 389.0}, {"index": 7846, "quantile": 1.0, "value": 375000.0, "Latitude": 33.89, "Longitude": -118.16, "Population": 389.0}, {"index": 7847, "quantile": 0.0, "value": 100000.0, "Latitude": 33.89, "Longitude": -118.16, "Population": 1201.0}, {"index": 7847, "quantile": 0.25, "value": 162500.0, "Latitude": 33.89, "Longitude": -118.16, "Population": 1201.0}, {"index": 7847, "quantile": 0.5, "value": 175000.0, "Latitude": 33.89, "Longitude": -118.16, "Population": 1201.0}, {"index": 7847, "quantile": 0.75, "value": 187675.0, "Latitude": 33.89, "Longitude": -118.16, "Population": 1201.0}, {"index": 7847, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.16, "Population": 1201.0}, {"index": 7848, "quantile": 0.0, "value": 67500.0, "Latitude": 33.89, "Longitude": -118.17, "Population": 47.0}, {"index": 7848, "quantile": 0.25, "value": 350000.0, "Latitude": 33.89, "Longitude": -118.17, "Population": 47.0}, {"index": 7848, "quantile": 0.5, "value": 350000.0, "Latitude": 33.89, "Longitude": -118.17, "Population": 47.0}, {"index": 7848, "quantile": 0.75, "value": 350000.0, "Latitude": 33.89, "Longitude": -118.17, "Population": 47.0}, {"index": 7848, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.17, "Population": 47.0}, {"index": 7849, "quantile": 0.0, "value": 98500.0, "Latitude": 33.89, "Longitude": -118.17, "Population": 3637.0}, {"index": 7849, "quantile": 0.25, "value": 160700.0, "Latitude": 33.89, "Longitude": -118.17, "Population": 3637.0}, {"index": 7849, "quantile": 0.5, "value": 160700.0, "Latitude": 33.89, "Longitude": -118.17, "Population": 3637.0}, {"index": 7849, "quantile": 0.75, "value": 160700.0, "Latitude": 33.89, "Longitude": -118.17, "Population": 3637.0}, {"index": 7849, "quantile": 1.0, "value": 164400.0, "Latitude": 33.89, "Longitude": -118.17, "Population": 3637.0}, {"index": 7850, "quantile": 0.0, "value": 67500.0, "Latitude": 33.89, "Longitude": -118.18, "Population": 4149.0}, {"index": 7850, "quantile": 0.25, "value": 131900.0, "Latitude": 33.89, "Longitude": -118.18, "Population": 4149.0}, {"index": 7850, "quantile": 0.5, "value": 131900.0, "Latitude": 33.89, "Longitude": -118.18, "Population": 4149.0}, {"index": 7850, "quantile": 0.75, "value": 160850.0, "Latitude": 33.89, "Longitude": -118.18, "Population": 4149.0}, {"index": 7850, "quantile": 1.0, "value": 204900.0, "Latitude": 33.89, "Longitude": -118.18, "Population": 4149.0}, {"index": 7851, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 33.89, "Longitude": -118.15, "Population": 4196.0}, {"index": 7851, "quantile": 0.25, "value": 148300.0, "Latitude": 33.89, "Longitude": -118.15, "Population": 4196.0}, {"index": 7851, "quantile": 0.5, "value": 148300.0, "Latitude": 33.89, "Longitude": -118.15, "Population": 4196.0}, {"index": 7851, "quantile": 0.75, "value": 148300.0, "Latitude": 33.89, "Longitude": -118.15, "Population": 4196.0}, {"index": 7851, "quantile": 1.0, "value": 271200.0, "Latitude": 33.89, "Longitude": -118.15, "Population": 4196.0}, {"index": 7852, "quantile": 0.0, "value": 81900.0, "Latitude": 33.88, "Longitude": -118.15, "Population": 2688.0}, {"index": 7852, "quantile": 0.25, "value": 146000.0, "Latitude": 33.88, "Longitude": -118.15, "Population": 2688.0}, {"index": 7852, "quantile": 0.5, "value": 146000.0, "Latitude": 33.88, "Longitude": -118.15, "Population": 2688.0}, {"index": 7852, "quantile": 0.75, "value": 152199.99999999997, "Latitude": 33.88, "Longitude": -118.15, "Population": 2688.0}, {"index": 7852, "quantile": 1.0, "value": 236100.00000000003, "Latitude": 33.88, "Longitude": -118.15, "Population": 2688.0}, {"index": 7853, "quantile": 0.0, "value": 133000.0, "Latitude": 33.89, "Longitude": -118.15, "Population": 2319.0}, {"index": 7853, "quantile": 0.25, "value": 179300.0, "Latitude": 33.89, "Longitude": -118.15, "Population": 2319.0}, {"index": 7853, "quantile": 0.5, "value": 190800.0, "Latitude": 33.89, "Longitude": -118.15, "Population": 2319.0}, {"index": 7853, "quantile": 0.75, "value": 190800.0, "Latitude": 33.89, "Longitude": -118.15, "Population": 2319.0}, {"index": 7853, "quantile": 1.0, "value": 237200.0, "Latitude": 33.89, "Longitude": -118.15, "Population": 2319.0}, {"index": 7854, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 33.89, "Longitude": -118.16, "Population": 599.0}, {"index": 7854, "quantile": 0.25, "value": 190900.0, "Latitude": 33.89, "Longitude": -118.16, "Population": 599.0}, {"index": 7854, "quantile": 0.5, "value": 190900.0, "Latitude": 33.89, "Longitude": -118.16, "Population": 599.0}, {"index": 7854, "quantile": 0.75, "value": 190900.0, "Latitude": 33.89, "Longitude": -118.16, "Population": 599.0}, {"index": 7854, "quantile": 1.0, "value": 397900.0, "Latitude": 33.89, "Longitude": -118.16, "Population": 599.0}, {"index": 7855, "quantile": 0.0, "value": 89100.0, "Latitude": 33.88, "Longitude": -118.16, "Population": 1181.0}, {"index": 7855, "quantile": 0.25, "value": 169500.0, "Latitude": 33.88, "Longitude": -118.16, "Population": 1181.0}, {"index": 7855, "quantile": 0.5, "value": 169500.0, "Latitude": 33.88, "Longitude": -118.16, "Population": 1181.0}, {"index": 7855, "quantile": 0.75, "value": 169500.0, "Latitude": 33.88, "Longitude": -118.16, "Population": 1181.0}, {"index": 7855, "quantile": 1.0, "value": 217000.0, "Latitude": 33.88, "Longitude": -118.16, "Population": 1181.0}, {"index": 7856, "quantile": 0.0, "value": 146300.0, "Latitude": 33.9, "Longitude": -118.13, "Population": 886.0}, {"index": 7856, "quantile": 0.25, "value": 208400.0, "Latitude": 33.9, "Longitude": -118.13, "Population": 886.0}, {"index": 7856, "quantile": 0.5, "value": 208400.0, "Latitude": 33.9, "Longitude": -118.13, "Population": 886.0}, {"index": 7856, "quantile": 0.75, "value": 211974.99999999997, "Latitude": 33.9, "Longitude": -118.13, "Population": 886.0}, {"index": 7856, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 33.9, "Longitude": -118.13, "Population": 886.0}, {"index": 7857, "quantile": 0.0, "value": 120800.0, "Latitude": 33.89, "Longitude": -118.13, "Population": 2368.0}, {"index": 7857, "quantile": 0.25, "value": 195125.0, "Latitude": 33.89, "Longitude": -118.13, "Population": 2368.0}, {"index": 7857, "quantile": 0.5, "value": 204900.0, "Latitude": 33.89, "Longitude": -118.13, "Population": 2368.0}, {"index": 7857, "quantile": 0.75, "value": 204900.0, "Latitude": 33.89, "Longitude": -118.13, "Population": 2368.0}, {"index": 7857, "quantile": 1.0, "value": 218400.00000000003, "Latitude": 33.89, "Longitude": -118.13, "Population": 2368.0}, {"index": 7858, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.89, "Longitude": -118.14, "Population": 1774.0}, {"index": 7858, "quantile": 0.25, "value": 183400.0, "Latitude": 33.89, "Longitude": -118.14, "Population": 1774.0}, {"index": 7858, "quantile": 0.5, "value": 183400.0, "Latitude": 33.89, "Longitude": -118.14, "Population": 1774.0}, {"index": 7858, "quantile": 0.75, "value": 183400.0, "Latitude": 33.89, "Longitude": -118.14, "Population": 1774.0}, {"index": 7858, "quantile": 1.0, "value": 350000.0, "Latitude": 33.89, "Longitude": -118.14, "Population": 1774.0}, {"index": 7859, "quantile": 0.0, "value": 112500.0, "Latitude": 33.89, "Longitude": -118.13, "Population": 361.0}, {"index": 7859, "quantile": 0.25, "value": 225800.0, "Latitude": 33.89, "Longitude": -118.13, "Population": 361.0}, {"index": 7859, "quantile": 0.5, "value": 225800.0, "Latitude": 33.89, "Longitude": -118.13, "Population": 361.0}, {"index": 7859, "quantile": 0.75, "value": 225800.0, "Latitude": 33.89, "Longitude": -118.13, "Population": 361.0}, {"index": 7859, "quantile": 1.0, "value": 339300.0, "Latitude": 33.89, "Longitude": -118.13, "Population": 361.0}, {"index": 7860, "quantile": 0.0, "value": 148400.0, "Latitude": 33.9, "Longitude": -118.13, "Population": 788.0}, {"index": 7860, "quantile": 0.25, "value": 195800.0, "Latitude": 33.9, "Longitude": -118.13, "Population": 788.0}, {"index": 7860, "quantile": 0.5, "value": 195800.0, "Latitude": 33.9, "Longitude": -118.13, "Population": 788.0}, {"index": 7860, "quantile": 0.75, "value": 207275.0, "Latitude": 33.9, "Longitude": -118.13, "Population": 788.0}, {"index": 7860, "quantile": 1.0, "value": 291500.0, "Latitude": 33.9, "Longitude": -118.13, "Population": 788.0}, {"index": 7861, "quantile": 0.0, "value": 129900.0, "Latitude": 33.9, "Longitude": -118.14, "Population": 883.0}, {"index": 7861, "quantile": 0.25, "value": 180100.0, "Latitude": 33.9, "Longitude": -118.14, "Population": 883.0}, {"index": 7861, "quantile": 0.5, "value": 180100.0, "Latitude": 33.9, "Longitude": -118.14, "Population": 883.0}, {"index": 7861, "quantile": 0.75, "value": 180100.0, "Latitude": 33.9, "Longitude": -118.14, "Population": 883.0}, {"index": 7861, "quantile": 1.0, "value": 271600.0, "Latitude": 33.9, "Longitude": -118.14, "Population": 883.0}, {"index": 7862, "quantile": 0.0, "value": 144600.0, "Latitude": 33.9, "Longitude": -118.13, "Population": 686.0}, {"index": 7862, "quantile": 0.25, "value": 197075.0, "Latitude": 33.9, "Longitude": -118.13, "Population": 686.0}, {"index": 7862, "quantile": 0.5, "value": 211000.0, "Latitude": 33.9, "Longitude": -118.13, "Population": 686.0}, {"index": 7862, "quantile": 0.75, "value": 219800.0, "Latitude": 33.9, "Longitude": -118.13, "Population": 686.0}, {"index": 7862, "quantile": 1.0, "value": 383800.0, "Latitude": 33.9, "Longitude": -118.13, "Population": 686.0}, {"index": 7863, "quantile": 0.0, "value": 95200.0, "Latitude": 33.9, "Longitude": -118.12, "Population": 1885.0}, {"index": 7863, "quantile": 0.25, "value": 206100.0, "Latitude": 33.9, "Longitude": -118.12, "Population": 1885.0}, {"index": 7863, "quantile": 0.5, "value": 206500.0, "Latitude": 33.9, "Longitude": -118.12, "Population": 1885.0}, {"index": 7863, "quantile": 0.75, "value": 206500.0, "Latitude": 33.9, "Longitude": -118.12, "Population": 1885.0}, {"index": 7863, "quantile": 1.0, "value": 273000.0, "Latitude": 33.9, "Longitude": -118.12, "Population": 1885.0}, {"index": 7864, "quantile": 0.0, "value": 91600.0, "Latitude": 33.89, "Longitude": -118.12, "Population": 5162.0}, {"index": 7864, "quantile": 0.25, "value": 175000.0, "Latitude": 33.89, "Longitude": -118.12, "Population": 5162.0}, {"index": 7864, "quantile": 0.5, "value": 193250.0, "Latitude": 33.89, "Longitude": -118.12, "Population": 5162.0}, {"index": 7864, "quantile": 0.75, "value": 208199.99999999997, "Latitude": 33.89, "Longitude": -118.12, "Population": 5162.0}, {"index": 7864, "quantile": 1.0, "value": 265800.0, "Latitude": 33.89, "Longitude": -118.12, "Population": 5162.0}, {"index": 7865, "quantile": 0.0, "value": 146000.0, "Latitude": 33.89, "Longitude": -118.12, "Population": 2030.0}, {"index": 7865, "quantile": 0.25, "value": 177425.0, "Latitude": 33.89, "Longitude": -118.12, "Population": 2030.0}, {"index": 7865, "quantile": 0.5, "value": 180900.0, "Latitude": 33.89, "Longitude": -118.12, "Population": 2030.0}, {"index": 7865, "quantile": 0.75, "value": 180900.0, "Latitude": 33.89, "Longitude": -118.12, "Population": 2030.0}, {"index": 7865, "quantile": 1.0, "value": 272800.0, "Latitude": 33.89, "Longitude": -118.12, "Population": 2030.0}, {"index": 7866, "quantile": 0.0, "value": 144600.0, "Latitude": 33.9, "Longitude": -118.12, "Population": 756.0}, {"index": 7866, "quantile": 0.25, "value": 173900.0, "Latitude": 33.9, "Longitude": -118.12, "Population": 756.0}, {"index": 7866, "quantile": 0.5, "value": 173900.0, "Latitude": 33.9, "Longitude": -118.12, "Population": 756.0}, {"index": 7866, "quantile": 0.75, "value": 173900.0, "Latitude": 33.9, "Longitude": -118.12, "Population": 756.0}, {"index": 7866, "quantile": 1.0, "value": 326700.0, "Latitude": 33.9, "Longitude": -118.12, "Population": 756.0}, {"index": 7867, "quantile": 0.0, "value": 118500.0, "Latitude": 33.88, "Longitude": -118.12, "Population": 983.0}, {"index": 7867, "quantile": 0.25, "value": 183175.0, "Latitude": 33.88, "Longitude": -118.12, "Population": 983.0}, {"index": 7867, "quantile": 0.5, "value": 243800.00000000003, "Latitude": 33.88, "Longitude": -118.12, "Population": 983.0}, {"index": 7867, "quantile": 0.75, "value": 243800.00000000003, "Latitude": 33.88, "Longitude": -118.12, "Population": 983.0}, {"index": 7867, "quantile": 1.0, "value": 280000.0, "Latitude": 33.88, "Longitude": -118.12, "Population": 983.0}, {"index": 7868, "quantile": 0.0, "value": 135400.0, "Latitude": 33.88, "Longitude": -118.12, "Population": 1305.0}, {"index": 7868, "quantile": 0.25, "value": 188000.0, "Latitude": 33.88, "Longitude": -118.12, "Population": 1305.0}, {"index": 7868, "quantile": 0.5, "value": 213349.99999999997, "Latitude": 33.88, "Longitude": -118.12, "Population": 1305.0}, {"index": 7868, "quantile": 0.75, "value": 234900.00000000003, "Latitude": 33.88, "Longitude": -118.12, "Population": 1305.0}, {"index": 7868, "quantile": 1.0, "value": 320400.0, "Latitude": 33.88, "Longitude": -118.12, "Population": 1305.0}, {"index": 7869, "quantile": 0.0, "value": 125000.0, "Latitude": 33.88, "Longitude": -118.13, "Population": 1981.0}, {"index": 7869, "quantile": 0.25, "value": 192700.0, "Latitude": 33.88, "Longitude": -118.13, "Population": 1981.0}, {"index": 7869, "quantile": 0.5, "value": 192700.0, "Latitude": 33.88, "Longitude": -118.13, "Population": 1981.0}, {"index": 7869, "quantile": 0.75, "value": 192700.0, "Latitude": 33.88, "Longitude": -118.13, "Population": 1981.0}, {"index": 7869, "quantile": 1.0, "value": 412500.0, "Latitude": 33.88, "Longitude": -118.13, "Population": 1981.0}, {"index": 7870, "quantile": 0.0, "value": 129200.0, "Latitude": 33.89, "Longitude": -118.13, "Population": 1723.0}, {"index": 7870, "quantile": 0.25, "value": 165500.0, "Latitude": 33.89, "Longitude": -118.13, "Population": 1723.0}, {"index": 7870, "quantile": 0.5, "value": 165500.0, "Latitude": 33.89, "Longitude": -118.13, "Population": 1723.0}, {"index": 7870, "quantile": 0.75, "value": 165500.0, "Latitude": 33.89, "Longitude": -118.13, "Population": 1723.0}, {"index": 7870, "quantile": 1.0, "value": 242099.99999999997, "Latitude": 33.89, "Longitude": -118.13, "Population": 1723.0}, {"index": 7871, "quantile": 0.0, "value": 146400.0, "Latitude": 33.89, "Longitude": -118.14, "Population": 740.0}, {"index": 7871, "quantile": 0.25, "value": 187500.0, "Latitude": 33.89, "Longitude": -118.14, "Population": 740.0}, {"index": 7871, "quantile": 0.5, "value": 202900.0, "Latitude": 33.89, "Longitude": -118.14, "Population": 740.0}, {"index": 7871, "quantile": 0.75, "value": 216899.99999999997, "Latitude": 33.89, "Longitude": -118.14, "Population": 740.0}, {"index": 7871, "quantile": 1.0, "value": 342800.0, "Latitude": 33.89, "Longitude": -118.14, "Population": 740.0}, {"index": 7872, "quantile": 0.0, "value": 100000.0, "Latitude": 33.89, "Longitude": -118.14, "Population": 1048.0}, {"index": 7872, "quantile": 0.25, "value": 168800.0, "Latitude": 33.89, "Longitude": -118.14, "Population": 1048.0}, {"index": 7872, "quantile": 0.5, "value": 190750.0, "Latitude": 33.89, "Longitude": -118.14, "Population": 1048.0}, {"index": 7872, "quantile": 0.75, "value": 219050.0, "Latitude": 33.89, "Longitude": -118.14, "Population": 1048.0}, {"index": 7872, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 33.89, "Longitude": -118.14, "Population": 1048.0}, {"index": 7873, "quantile": 0.0, "value": 153500.0, "Latitude": 33.88, "Longitude": -118.14, "Population": 1662.0}, {"index": 7873, "quantile": 0.25, "value": 179500.0, "Latitude": 33.88, "Longitude": -118.14, "Population": 1662.0}, {"index": 7873, "quantile": 0.5, "value": 179500.0, "Latitude": 33.88, "Longitude": -118.14, "Population": 1662.0}, {"index": 7873, "quantile": 0.75, "value": 179500.0, "Latitude": 33.88, "Longitude": -118.14, "Population": 1662.0}, {"index": 7873, "quantile": 1.0, "value": 268400.0, "Latitude": 33.88, "Longitude": -118.14, "Population": 1662.0}, {"index": 7874, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.89, "Longitude": -118.14, "Population": 866.0}, {"index": 7874, "quantile": 0.25, "value": 175000.0, "Latitude": 33.89, "Longitude": -118.14, "Population": 866.0}, {"index": 7874, "quantile": 0.5, "value": 175000.0, "Latitude": 33.89, "Longitude": -118.14, "Population": 866.0}, {"index": 7874, "quantile": 0.75, "value": 175000.0, "Latitude": 33.89, "Longitude": -118.14, "Population": 866.0}, {"index": 7874, "quantile": 1.0, "value": 235300.00000000003, "Latitude": 33.89, "Longitude": -118.14, "Population": 866.0}, {"index": 7875, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.88, "Longitude": -118.14, "Population": 1119.0}, {"index": 7875, "quantile": 0.25, "value": 161100.0, "Latitude": 33.88, "Longitude": -118.14, "Population": 1119.0}, {"index": 7875, "quantile": 0.5, "value": 174600.0, "Latitude": 33.88, "Longitude": -118.14, "Population": 1119.0}, {"index": 7875, "quantile": 0.75, "value": 196075.0, "Latitude": 33.88, "Longitude": -118.14, "Population": 1119.0}, {"index": 7875, "quantile": 1.0, "value": 274300.0, "Latitude": 33.88, "Longitude": -118.14, "Population": 1119.0}, {"index": 7876, "quantile": 0.0, "value": 125000.0, "Latitude": 33.88, "Longitude": -118.14, "Population": 2085.0}, {"index": 7876, "quantile": 0.25, "value": 165500.0, "Latitude": 33.88, "Longitude": -118.14, "Population": 2085.0}, {"index": 7876, "quantile": 0.5, "value": 181100.0, "Latitude": 33.88, "Longitude": -118.14, "Population": 2085.0}, {"index": 7876, "quantile": 0.75, "value": 202300.0, "Latitude": 33.88, "Longitude": -118.14, "Population": 2085.0}, {"index": 7876, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 33.88, "Longitude": -118.14, "Population": 2085.0}, {"index": 7877, "quantile": 0.0, "value": 143800.0, "Latitude": 33.87, "Longitude": -118.15, "Population": 1747.0}, {"index": 7877, "quantile": 0.25, "value": 198200.0, "Latitude": 33.87, "Longitude": -118.15, "Population": 1747.0}, {"index": 7877, "quantile": 0.5, "value": 198200.0, "Latitude": 33.87, "Longitude": -118.15, "Population": 1747.0}, {"index": 7877, "quantile": 0.75, "value": 198200.0, "Latitude": 33.87, "Longitude": -118.15, "Population": 1747.0}, {"index": 7877, "quantile": 1.0, "value": 300000.0, "Latitude": 33.87, "Longitude": -118.15, "Population": 1747.0}, {"index": 7878, "quantile": 0.0, "value": 139700.0, "Latitude": 33.88, "Longitude": -118.11, "Population": 1761.0}, {"index": 7878, "quantile": 0.25, "value": 207674.99999999997, "Latitude": 33.88, "Longitude": -118.11, "Population": 1761.0}, {"index": 7878, "quantile": 0.5, "value": 239699.99999999997, "Latitude": 33.88, "Longitude": -118.11, "Population": 1761.0}, {"index": 7878, "quantile": 0.75, "value": 239699.99999999997, "Latitude": 33.88, "Longitude": -118.11, "Population": 1761.0}, {"index": 7878, "quantile": 1.0, "value": 286600.0, "Latitude": 33.88, "Longitude": -118.11, "Population": 1761.0}, {"index": 7879, "quantile": 0.0, "value": 158500.0, "Latitude": 33.87, "Longitude": -118.11, "Population": 795.0}, {"index": 7879, "quantile": 0.25, "value": 224525.0, "Latitude": 33.87, "Longitude": -118.11, "Population": 795.0}, {"index": 7879, "quantile": 0.5, "value": 231800.0, "Latitude": 33.87, "Longitude": -118.11, "Population": 795.0}, {"index": 7879, "quantile": 0.75, "value": 231800.0, "Latitude": 33.87, "Longitude": -118.11, "Population": 795.0}, {"index": 7879, "quantile": 1.0, "value": 325400.0, "Latitude": 33.87, "Longitude": -118.11, "Population": 795.0}, {"index": 7880, "quantile": 0.0, "value": 159400.0, "Latitude": 33.87, "Longitude": -118.11, "Population": 1772.0}, {"index": 7880, "quantile": 0.25, "value": 240800.0, "Latitude": 33.87, "Longitude": -118.11, "Population": 1772.0}, {"index": 7880, "quantile": 0.5, "value": 240800.0, "Latitude": 33.87, "Longitude": -118.11, "Population": 1772.0}, {"index": 7880, "quantile": 0.75, "value": 240800.0, "Latitude": 33.87, "Longitude": -118.11, "Population": 1772.0}, {"index": 7880, "quantile": 1.0, "value": 385700.0, "Latitude": 33.87, "Longitude": -118.11, "Population": 1772.0}, {"index": 7881, "quantile": 0.0, "value": 45000.0, "Latitude": 33.87, "Longitude": -118.12, "Population": 1919.0}, {"index": 7881, "quantile": 0.25, "value": 150300.0, "Latitude": 33.87, "Longitude": -118.12, "Population": 1919.0}, {"index": 7881, "quantile": 0.5, "value": 177200.0, "Latitude": 33.87, "Longitude": -118.12, "Population": 1919.0}, {"index": 7881, "quantile": 0.75, "value": 202075.0, "Latitude": 33.87, "Longitude": -118.12, "Population": 1919.0}, {"index": 7881, "quantile": 1.0, "value": 383300.0, "Latitude": 33.87, "Longitude": -118.12, "Population": 1919.0}, {"index": 7882, "quantile": 0.0, "value": 149600.0, "Latitude": 33.88, "Longitude": -118.12, "Population": 557.0}, {"index": 7882, "quantile": 0.25, "value": 218400.00000000003, "Latitude": 33.88, "Longitude": -118.12, "Population": 557.0}, {"index": 7882, "quantile": 0.5, "value": 218400.00000000003, "Latitude": 33.88, "Longitude": -118.12, "Population": 557.0}, {"index": 7882, "quantile": 0.75, "value": 218400.00000000003, "Latitude": 33.88, "Longitude": -118.12, "Population": 557.0}, {"index": 7882, "quantile": 1.0, "value": 361700.0, "Latitude": 33.88, "Longitude": -118.12, "Population": 557.0}, {"index": 7883, "quantile": 0.0, "value": 143800.0, "Latitude": 33.88, "Longitude": -118.13, "Population": 1131.0}, {"index": 7883, "quantile": 0.25, "value": 166100.0, "Latitude": 33.88, "Longitude": -118.13, "Population": 1131.0}, {"index": 7883, "quantile": 0.5, "value": 166100.0, "Latitude": 33.88, "Longitude": -118.13, "Population": 1131.0}, {"index": 7883, "quantile": 0.75, "value": 209400.0, "Latitude": 33.88, "Longitude": -118.13, "Population": 1131.0}, {"index": 7883, "quantile": 1.0, "value": 265000.0, "Latitude": 33.88, "Longitude": -118.13, "Population": 1131.0}, {"index": 7884, "quantile": 0.0, "value": 139700.0, "Latitude": 33.87, "Longitude": -118.13, "Population": 2326.0}, {"index": 7884, "quantile": 0.25, "value": 193525.0, "Latitude": 33.87, "Longitude": -118.13, "Population": 2326.0}, {"index": 7884, "quantile": 0.5, "value": 198200.0, "Latitude": 33.87, "Longitude": -118.13, "Population": 2326.0}, {"index": 7884, "quantile": 0.75, "value": 208650.0, "Latitude": 33.87, "Longitude": -118.13, "Population": 2326.0}, {"index": 7884, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 33.87, "Longitude": -118.13, "Population": 2326.0}, {"index": 7885, "quantile": 0.0, "value": 136000.0, "Latitude": 33.87, "Longitude": -118.14, "Population": 4396.0}, {"index": 7885, "quantile": 0.25, "value": 174000.0, "Latitude": 33.87, "Longitude": -118.14, "Population": 4396.0}, {"index": 7885, "quantile": 0.5, "value": 188600.0, "Latitude": 33.87, "Longitude": -118.14, "Population": 4396.0}, {"index": 7885, "quantile": 0.75, "value": 215499.99999999997, "Latitude": 33.87, "Longitude": -118.14, "Population": 4396.0}, {"index": 7885, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 33.87, "Longitude": -118.14, "Population": 4396.0}, {"index": 7886, "quantile": 0.0, "value": 185300.0, "Latitude": 33.88, "Longitude": -118.04, "Population": 3059.0}, {"index": 7886, "quantile": 0.25, "value": 276975.0, "Latitude": 33.88, "Longitude": -118.04, "Population": 3059.0}, {"index": 7886, "quantile": 0.5, "value": 297300.0, "Latitude": 33.88, "Longitude": -118.04, "Population": 3059.0}, {"index": 7886, "quantile": 0.75, "value": 297300.0, "Latitude": 33.88, "Longitude": -118.04, "Population": 3059.0}, {"index": 7886, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.88, "Longitude": -118.04, "Population": 3059.0}, {"index": 7887, "quantile": 0.0, "value": 143000.0, "Latitude": 33.87, "Longitude": -118.04, "Population": 1387.0}, {"index": 7887, "quantile": 0.25, "value": 285800.0, "Latitude": 33.87, "Longitude": -118.04, "Population": 1387.0}, {"index": 7887, "quantile": 0.5, "value": 285800.0, "Latitude": 33.87, "Longitude": -118.04, "Population": 1387.0}, {"index": 7887, "quantile": 0.75, "value": 285800.0, "Latitude": 33.87, "Longitude": -118.04, "Population": 1387.0}, {"index": 7887, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.04, "Population": 1387.0}, {"index": 7888, "quantile": 0.0, "value": 170300.0, "Latitude": 33.88, "Longitude": -118.06, "Population": 3844.0}, {"index": 7888, "quantile": 0.25, "value": 319600.0, "Latitude": 33.88, "Longitude": -118.06, "Population": 3844.0}, {"index": 7888, "quantile": 0.5, "value": 337400.0, "Latitude": 33.88, "Longitude": -118.06, "Population": 3844.0}, {"index": 7888, "quantile": 0.75, "value": 337400.0, "Latitude": 33.88, "Longitude": -118.06, "Population": 3844.0}, {"index": 7888, "quantile": 1.0, "value": 393100.0, "Latitude": 33.88, "Longitude": -118.06, "Population": 3844.0}, {"index": 7889, "quantile": 0.0, "value": 206700.00000000003, "Latitude": 33.87, "Longitude": -118.05, "Population": 2952.0}, {"index": 7889, "quantile": 0.25, "value": 264400.0, "Latitude": 33.87, "Longitude": -118.05, "Population": 2952.0}, {"index": 7889, "quantile": 0.5, "value": 285800.0, "Latitude": 33.87, "Longitude": -118.05, "Population": 2952.0}, {"index": 7889, "quantile": 0.75, "value": 290850.0, "Latitude": 33.87, "Longitude": -118.05, "Population": 2952.0}, {"index": 7889, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.05, "Population": 2952.0}, {"index": 7890, "quantile": 0.0, "value": 191300.0, "Latitude": 33.88, "Longitude": -118.07, "Population": 2668.0}, {"index": 7890, "quantile": 0.25, "value": 245025.0, "Latitude": 33.88, "Longitude": -118.07, "Population": 2668.0}, {"index": 7890, "quantile": 0.5, "value": 277600.0, "Latitude": 33.88, "Longitude": -118.07, "Population": 2668.0}, {"index": 7890, "quantile": 0.75, "value": 299100.0, "Latitude": 33.88, "Longitude": -118.07, "Population": 2668.0}, {"index": 7890, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.88, "Longitude": -118.07, "Population": 2668.0}, {"index": 7891, "quantile": 0.0, "value": 139700.0, "Latitude": 33.88, "Longitude": -118.07, "Population": 1422.0}, {"index": 7891, "quantile": 0.25, "value": 139700.0, "Latitude": 33.88, "Longitude": -118.07, "Population": 1422.0}, {"index": 7891, "quantile": 0.5, "value": 139700.0, "Latitude": 33.88, "Longitude": -118.07, "Population": 1422.0}, {"index": 7891, "quantile": 0.75, "value": 153700.0, "Latitude": 33.88, "Longitude": -118.07, "Population": 1422.0}, {"index": 7891, "quantile": 1.0, "value": 340700.0, "Latitude": 33.88, "Longitude": -118.07, "Population": 1422.0}, {"index": 7892, "quantile": 0.0, "value": 222500.0, "Latitude": 33.88, "Longitude": -118.07, "Population": 1303.0}, {"index": 7892, "quantile": 0.25, "value": 285150.0, "Latitude": 33.88, "Longitude": -118.07, "Population": 1303.0}, {"index": 7892, "quantile": 0.5, "value": 344700.0, "Latitude": 33.88, "Longitude": -118.07, "Population": 1303.0}, {"index": 7892, "quantile": 0.75, "value": 344700.0, "Latitude": 33.88, "Longitude": -118.07, "Population": 1303.0}, {"index": 7892, "quantile": 1.0, "value": 402600.0, "Latitude": 33.88, "Longitude": -118.07, "Population": 1303.0}, {"index": 7893, "quantile": 0.0, "value": 175700.0, "Latitude": 33.87, "Longitude": -118.07, "Population": 1945.0}, {"index": 7893, "quantile": 0.25, "value": 275100.0, "Latitude": 33.87, "Longitude": -118.07, "Population": 1945.0}, {"index": 7893, "quantile": 0.5, "value": 299100.0, "Latitude": 33.87, "Longitude": -118.07, "Population": 1945.0}, {"index": 7893, "quantile": 0.75, "value": 299100.0, "Latitude": 33.87, "Longitude": -118.07, "Population": 1945.0}, {"index": 7893, "quantile": 1.0, "value": 302700.0, "Latitude": 33.87, "Longitude": -118.07, "Population": 1945.0}, {"index": 7894, "quantile": 0.0, "value": 195700.0, "Latitude": 33.86, "Longitude": -118.08, "Population": 1378.0}, {"index": 7894, "quantile": 0.25, "value": 277600.0, "Latitude": 33.86, "Longitude": -118.08, "Population": 1378.0}, {"index": 7894, "quantile": 0.5, "value": 287000.0, "Latitude": 33.86, "Longitude": -118.08, "Population": 1378.0}, {"index": 7894, "quantile": 0.75, "value": 287000.0, "Latitude": 33.86, "Longitude": -118.08, "Population": 1378.0}, {"index": 7894, "quantile": 1.0, "value": 344700.0, "Latitude": 33.86, "Longitude": -118.08, "Population": 1378.0}, {"index": 7895, "quantile": 0.0, "value": 193300.0, "Latitude": 33.85, "Longitude": -118.08, "Population": 2621.0}, {"index": 7895, "quantile": 0.25, "value": 286500.0, "Latitude": 33.85, "Longitude": -118.08, "Population": 2621.0}, {"index": 7895, "quantile": 0.5, "value": 288700.0, "Latitude": 33.85, "Longitude": -118.08, "Population": 2621.0}, {"index": 7895, "quantile": 0.75, "value": 288700.0, "Latitude": 33.85, "Longitude": -118.08, "Population": 2621.0}, {"index": 7895, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.85, "Longitude": -118.08, "Population": 2621.0}, {"index": 7896, "quantile": 0.0, "value": 155500.0, "Latitude": 33.86, "Longitude": -118.07, "Population": 2104.0}, {"index": 7896, "quantile": 0.25, "value": 230900.00000000003, "Latitude": 33.86, "Longitude": -118.07, "Population": 2104.0}, {"index": 7896, "quantile": 0.5, "value": 272900.0, "Latitude": 33.86, "Longitude": -118.07, "Population": 2104.0}, {"index": 7896, "quantile": 0.75, "value": 297300.0, "Latitude": 33.86, "Longitude": -118.07, "Population": 2104.0}, {"index": 7896, "quantile": 1.0, "value": 436700.0, "Latitude": 33.86, "Longitude": -118.07, "Population": 2104.0}, {"index": 7897, "quantile": 0.0, "value": 231700.00000000003, "Latitude": 33.85, "Longitude": -118.07, "Population": 2196.0}, {"index": 7897, "quantile": 0.25, "value": 319700.0, "Latitude": 33.85, "Longitude": -118.07, "Population": 2196.0}, {"index": 7897, "quantile": 0.5, "value": 319700.0, "Latitude": 33.85, "Longitude": -118.07, "Population": 2196.0}, {"index": 7897, "quantile": 0.75, "value": 319700.0, "Latitude": 33.85, "Longitude": -118.07, "Population": 2196.0}, {"index": 7897, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.07, "Population": 2196.0}, {"index": 7898, "quantile": 0.0, "value": 125699.99999999999, "Latitude": 33.86, "Longitude": -118.06, "Population": 3045.0}, {"index": 7898, "quantile": 0.25, "value": 211200.0, "Latitude": 33.86, "Longitude": -118.06, "Population": 3045.0}, {"index": 7898, "quantile": 0.5, "value": 246000.0, "Latitude": 33.86, "Longitude": -118.06, "Population": 3045.0}, {"index": 7898, "quantile": 0.75, "value": 265600.0, "Latitude": 33.86, "Longitude": -118.06, "Population": 3045.0}, {"index": 7898, "quantile": 1.0, "value": 436700.0, "Latitude": 33.86, "Longitude": -118.06, "Population": 3045.0}, {"index": 7899, "quantile": 0.0, "value": 173400.0, "Latitude": 33.86, "Longitude": -118.05, "Population": 1985.0}, {"index": 7899, "quantile": 0.25, "value": 242250.00000000003, "Latitude": 33.86, "Longitude": -118.05, "Population": 1985.0}, {"index": 7899, "quantile": 0.5, "value": 265600.0, "Latitude": 33.86, "Longitude": -118.05, "Population": 1985.0}, {"index": 7899, "quantile": 0.75, "value": 265600.0, "Latitude": 33.86, "Longitude": -118.05, "Population": 1985.0}, {"index": 7899, "quantile": 1.0, "value": 334000.0, "Latitude": 33.86, "Longitude": -118.05, "Population": 1985.0}, {"index": 7900, "quantile": 0.0, "value": 229800.0, "Latitude": 33.87, "Longitude": -118.03, "Population": 1368.0}, {"index": 7900, "quantile": 0.25, "value": 277600.0, "Latitude": 33.87, "Longitude": -118.03, "Population": 1368.0}, {"index": 7900, "quantile": 0.5, "value": 277600.0, "Latitude": 33.87, "Longitude": -118.03, "Population": 1368.0}, {"index": 7900, "quantile": 0.75, "value": 277600.0, "Latitude": 33.87, "Longitude": -118.03, "Population": 1368.0}, {"index": 7900, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.87, "Longitude": -118.03, "Population": 1368.0}, {"index": 7901, "quantile": 0.0, "value": 193400.0, "Latitude": 33.87, "Longitude": -118.04, "Population": 2794.0}, {"index": 7901, "quantile": 0.25, "value": 274150.0, "Latitude": 33.87, "Longitude": -118.04, "Population": 2794.0}, {"index": 7901, "quantile": 0.5, "value": 275100.0, "Latitude": 33.87, "Longitude": -118.04, "Population": 2794.0}, {"index": 7901, "quantile": 0.75, "value": 275100.0, "Latitude": 33.87, "Longitude": -118.04, "Population": 2794.0}, {"index": 7901, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.04, "Population": 2794.0}, {"index": 7902, "quantile": 0.0, "value": 141200.0, "Latitude": 33.86, "Longitude": -118.04, "Population": 1671.0}, {"index": 7902, "quantile": 0.25, "value": 300750.0, "Latitude": 33.86, "Longitude": -118.04, "Population": 1671.0}, {"index": 7902, "quantile": 0.5, "value": 329100.00000000006, "Latitude": 33.86, "Longitude": -118.04, "Population": 1671.0}, {"index": 7902, "quantile": 0.75, "value": 363200.0, "Latitude": 33.86, "Longitude": -118.04, "Population": 1671.0}, {"index": 7902, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.04, "Population": 1671.0}, {"index": 7903, "quantile": 0.0, "value": 236800.0, "Latitude": 33.86, "Longitude": -118.05, "Population": 1377.0}, {"index": 7903, "quantile": 0.25, "value": 336800.00000000006, "Latitude": 33.86, "Longitude": -118.05, "Population": 1377.0}, {"index": 7903, "quantile": 0.5, "value": 350400.0, "Latitude": 33.86, "Longitude": -118.05, "Population": 1377.0}, {"index": 7903, "quantile": 0.75, "value": 350400.0, "Latitude": 33.86, "Longitude": -118.05, "Population": 1377.0}, {"index": 7903, "quantile": 1.0, "value": 350400.0, "Latitude": 33.86, "Longitude": -118.05, "Population": 1377.0}, {"index": 7904, "quantile": 0.0, "value": 206700.00000000003, "Latitude": 33.85, "Longitude": -118.06, "Population": 2527.0}, {"index": 7904, "quantile": 0.25, "value": 301200.0, "Latitude": 33.85, "Longitude": -118.06, "Population": 2527.0}, {"index": 7904, "quantile": 0.5, "value": 437399.99999999994, "Latitude": 33.85, "Longitude": -118.06, "Population": 2527.0}, {"index": 7904, "quantile": 0.75, "value": 437399.99999999994, "Latitude": 33.85, "Longitude": -118.06, "Population": 2527.0}, {"index": 7904, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.85, "Longitude": -118.06, "Population": 2527.0}, {"index": 7905, "quantile": 0.0, "value": 170300.0, "Latitude": 33.88, "Longitude": -118.1, "Population": 4276.0}, {"index": 7905, "quantile": 0.25, "value": 319600.0, "Latitude": 33.88, "Longitude": -118.1, "Population": 4276.0}, {"index": 7905, "quantile": 0.5, "value": 319600.0, "Latitude": 33.88, "Longitude": -118.1, "Population": 4276.0}, {"index": 7905, "quantile": 0.75, "value": 319600.0, "Latitude": 33.88, "Longitude": -118.1, "Population": 4276.0}, {"index": 7905, "quantile": 1.0, "value": 480800.0, "Latitude": 33.88, "Longitude": -118.1, "Population": 4276.0}, {"index": 7906, "quantile": 0.0, "value": 139700.0, "Latitude": 33.86, "Longitude": -118.1, "Population": 1588.0}, {"index": 7906, "quantile": 0.25, "value": 198975.0, "Latitude": 33.86, "Longitude": -118.1, "Population": 1588.0}, {"index": 7906, "quantile": 0.5, "value": 219899.99999999997, "Latitude": 33.86, "Longitude": -118.1, "Population": 1588.0}, {"index": 7906, "quantile": 0.75, "value": 238950.0, "Latitude": 33.86, "Longitude": -118.1, "Population": 1588.0}, {"index": 7906, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.86, "Longitude": -118.1, "Population": 1588.0}, {"index": 7907, "quantile": 0.0, "value": 193300.0, "Latitude": 33.85, "Longitude": -118.09, "Population": 5026.0}, {"index": 7907, "quantile": 0.25, "value": 286500.0, "Latitude": 33.85, "Longitude": -118.09, "Population": 5026.0}, {"index": 7907, "quantile": 0.5, "value": 286500.0, "Latitude": 33.85, "Longitude": -118.09, "Population": 5026.0}, {"index": 7907, "quantile": 0.75, "value": 286500.0, "Latitude": 33.85, "Longitude": -118.09, "Population": 5026.0}, {"index": 7907, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.85, "Longitude": -118.09, "Population": 5026.0}, {"index": 7908, "quantile": 0.0, "value": 119300.0, "Latitude": 33.85, "Longitude": -118.1, "Population": 572.0}, {"index": 7908, "quantile": 0.25, "value": 204800.0, "Latitude": 33.85, "Longitude": -118.1, "Population": 572.0}, {"index": 7908, "quantile": 0.5, "value": 235500.00000000003, "Latitude": 33.85, "Longitude": -118.1, "Population": 572.0}, {"index": 7908, "quantile": 0.75, "value": 286500.0, "Latitude": 33.85, "Longitude": -118.1, "Population": 572.0}, {"index": 7908, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.1, "Population": 572.0}, {"index": 7909, "quantile": 0.0, "value": 139700.0, "Latitude": 33.88, "Longitude": -118.08, "Population": 1840.0}, {"index": 7909, "quantile": 0.25, "value": 208100.0, "Latitude": 33.88, "Longitude": -118.08, "Population": 1840.0}, {"index": 7909, "quantile": 0.5, "value": 208100.0, "Latitude": 33.88, "Longitude": -118.08, "Population": 1840.0}, {"index": 7909, "quantile": 0.75, "value": 208100.0, "Latitude": 33.88, "Longitude": -118.08, "Population": 1840.0}, {"index": 7909, "quantile": 1.0, "value": 353200.0, "Latitude": 33.88, "Longitude": -118.08, "Population": 1840.0}, {"index": 7910, "quantile": 0.0, "value": 159200.0, "Latitude": 33.88, "Longitude": -118.09, "Population": 1887.0}, {"index": 7910, "quantile": 0.25, "value": 195300.0, "Latitude": 33.88, "Longitude": -118.09, "Population": 1887.0}, {"index": 7910, "quantile": 0.5, "value": 195300.0, "Latitude": 33.88, "Longitude": -118.09, "Population": 1887.0}, {"index": 7910, "quantile": 0.75, "value": 195300.0, "Latitude": 33.88, "Longitude": -118.09, "Population": 1887.0}, {"index": 7910, "quantile": 1.0, "value": 276000.0, "Latitude": 33.88, "Longitude": -118.09, "Population": 1887.0}, {"index": 7911, "quantile": 0.0, "value": 117400.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 1679.0}, {"index": 7911, "quantile": 0.25, "value": 147025.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 1679.0}, {"index": 7911, "quantile": 0.5, "value": 155500.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 1679.0}, {"index": 7911, "quantile": 0.75, "value": 171250.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 1679.0}, {"index": 7911, "quantile": 1.0, "value": 242700.0, "Latitude": 33.89, "Longitude": -118.07, "Population": 1679.0}, {"index": 7912, "quantile": 0.0, "value": 130100.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 2045.0}, {"index": 7912, "quantile": 0.25, "value": 159350.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 2045.0}, {"index": 7912, "quantile": 0.5, "value": 160750.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 2045.0}, {"index": 7912, "quantile": 0.75, "value": 167800.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 2045.0}, {"index": 7912, "quantile": 1.0, "value": 223900.0, "Latitude": 33.89, "Longitude": -118.08, "Population": 2045.0}, {"index": 7913, "quantile": 0.0, "value": 83100.0, "Latitude": 33.88, "Longitude": -118.08, "Population": 1014.0}, {"index": 7913, "quantile": 0.25, "value": 159350.0, "Latitude": 33.88, "Longitude": -118.08, "Population": 1014.0}, {"index": 7913, "quantile": 0.5, "value": 159500.0, "Latitude": 33.88, "Longitude": -118.08, "Population": 1014.0}, {"index": 7913, "quantile": 0.75, "value": 159500.0, "Latitude": 33.88, "Longitude": -118.08, "Population": 1014.0}, {"index": 7913, "quantile": 1.0, "value": 182100.0, "Latitude": 33.88, "Longitude": -118.08, "Population": 1014.0}, {"index": 7914, "quantile": 0.0, "value": 120100.0, "Latitude": 33.88, "Longitude": -118.08, "Population": 2685.0}, {"index": 7914, "quantile": 0.25, "value": 120100.0, "Latitude": 33.88, "Longitude": -118.08, "Population": 2685.0}, {"index": 7914, "quantile": 0.5, "value": 120100.0, "Latitude": 33.88, "Longitude": -118.08, "Population": 2685.0}, {"index": 7914, "quantile": 0.75, "value": 141250.0, "Latitude": 33.88, "Longitude": -118.08, "Population": 2685.0}, {"index": 7914, "quantile": 1.0, "value": 205500.00000000003, "Latitude": 33.88, "Longitude": -118.08, "Population": 2685.0}, {"index": 7915, "quantile": 0.0, "value": 155500.0, "Latitude": 33.88, "Longitude": -118.08, "Population": 931.0}, {"index": 7915, "quantile": 0.25, "value": 185450.0, "Latitude": 33.88, "Longitude": -118.08, "Population": 931.0}, {"index": 7915, "quantile": 0.5, "value": 212699.99999999997, "Latitude": 33.88, "Longitude": -118.08, "Population": 931.0}, {"index": 7915, "quantile": 0.75, "value": 220549.99999999997, "Latitude": 33.88, "Longitude": -118.08, "Population": 931.0}, {"index": 7915, "quantile": 1.0, "value": 359900.0, "Latitude": 33.88, "Longitude": -118.08, "Population": 931.0}, {"index": 7916, "quantile": 0.0, "value": 137500.0, "Latitude": 33.87, "Longitude": -118.08, "Population": 2012.0}, {"index": 7916, "quantile": 0.25, "value": 188450.0, "Latitude": 33.87, "Longitude": -118.08, "Population": 2012.0}, {"index": 7916, "quantile": 0.5, "value": 200800.0, "Latitude": 33.87, "Longitude": -118.08, "Population": 2012.0}, {"index": 7916, "quantile": 0.75, "value": 200800.0, "Latitude": 33.87, "Longitude": -118.08, "Population": 2012.0}, {"index": 7916, "quantile": 1.0, "value": 232799.99999999997, "Latitude": 33.87, "Longitude": -118.08, "Population": 2012.0}, {"index": 7917, "quantile": 0.0, "value": 137500.0, "Latitude": 33.87, "Longitude": -118.07, "Population": 1613.0}, {"index": 7917, "quantile": 0.25, "value": 189700.0, "Latitude": 33.87, "Longitude": -118.07, "Population": 1613.0}, {"index": 7917, "quantile": 0.5, "value": 220100.0, "Latitude": 33.87, "Longitude": -118.07, "Population": 1613.0}, {"index": 7917, "quantile": 0.75, "value": 220100.0, "Latitude": 33.87, "Longitude": -118.07, "Population": 1613.0}, {"index": 7917, "quantile": 1.0, "value": 225900.0, "Latitude": 33.87, "Longitude": -118.07, "Population": 1613.0}, {"index": 7918, "quantile": 0.0, "value": 142500.0, "Latitude": 33.87, "Longitude": -118.09, "Population": 2098.0}, {"index": 7918, "quantile": 0.25, "value": 198100.0, "Latitude": 33.87, "Longitude": -118.09, "Population": 2098.0}, {"index": 7918, "quantile": 0.5, "value": 246000.0, "Latitude": 33.87, "Longitude": -118.09, "Population": 2098.0}, {"index": 7918, "quantile": 0.75, "value": 246000.0, "Latitude": 33.87, "Longitude": -118.09, "Population": 2098.0}, {"index": 7918, "quantile": 1.0, "value": 267100.0, "Latitude": 33.87, "Longitude": -118.09, "Population": 2098.0}, {"index": 7919, "quantile": 0.0, "value": 112500.0, "Latitude": 33.86, "Longitude": -118.07, "Population": 1703.0}, {"index": 7919, "quantile": 0.25, "value": 174600.0, "Latitude": 33.86, "Longitude": -118.07, "Population": 1703.0}, {"index": 7919, "quantile": 0.5, "value": 190700.0, "Latitude": 33.86, "Longitude": -118.07, "Population": 1703.0}, {"index": 7919, "quantile": 0.75, "value": 220100.0, "Latitude": 33.86, "Longitude": -118.07, "Population": 1703.0}, {"index": 7919, "quantile": 1.0, "value": 276000.0, "Latitude": 33.86, "Longitude": -118.07, "Population": 1703.0}, {"index": 7920, "quantile": 0.0, "value": 137500.0, "Latitude": 33.86, "Longitude": -118.07, "Population": 1347.0}, {"index": 7920, "quantile": 0.25, "value": 183225.0, "Latitude": 33.86, "Longitude": -118.07, "Population": 1347.0}, {"index": 7920, "quantile": 0.5, "value": 189700.0, "Latitude": 33.86, "Longitude": -118.07, "Population": 1347.0}, {"index": 7920, "quantile": 0.75, "value": 189700.0, "Latitude": 33.86, "Longitude": -118.07, "Population": 1347.0}, {"index": 7920, "quantile": 1.0, "value": 235000.0, "Latitude": 33.86, "Longitude": -118.07, "Population": 1347.0}, {"index": 7921, "quantile": 0.0, "value": 112500.0, "Latitude": 33.86, "Longitude": -118.08, "Population": 539.0}, {"index": 7921, "quantile": 0.25, "value": 198450.0, "Latitude": 33.86, "Longitude": -118.08, "Population": 539.0}, {"index": 7921, "quantile": 0.5, "value": 236500.00000000003, "Latitude": 33.86, "Longitude": -118.08, "Population": 539.0}, {"index": 7921, "quantile": 0.75, "value": 236500.00000000003, "Latitude": 33.86, "Longitude": -118.08, "Population": 539.0}, {"index": 7921, "quantile": 1.0, "value": 262500.0, "Latitude": 33.86, "Longitude": -118.08, "Population": 539.0}, {"index": 7922, "quantile": 0.0, "value": 137500.0, "Latitude": 33.86, "Longitude": -118.08, "Population": 1969.0}, {"index": 7922, "quantile": 0.25, "value": 215150.0, "Latitude": 33.86, "Longitude": -118.08, "Population": 1969.0}, {"index": 7922, "quantile": 0.5, "value": 215499.99999999997, "Latitude": 33.86, "Longitude": -118.08, "Population": 1969.0}, {"index": 7922, "quantile": 0.75, "value": 215499.99999999997, "Latitude": 33.86, "Longitude": -118.08, "Population": 1969.0}, {"index": 7922, "quantile": 1.0, "value": 305800.0, "Latitude": 33.86, "Longitude": -118.08, "Population": 1969.0}, {"index": 7923, "quantile": 0.0, "value": 117800.0, "Latitude": 33.86, "Longitude": -118.08, "Population": 684.0}, {"index": 7923, "quantile": 0.25, "value": 198800.0, "Latitude": 33.86, "Longitude": -118.08, "Population": 684.0}, {"index": 7923, "quantile": 0.5, "value": 198800.0, "Latitude": 33.86, "Longitude": -118.08, "Population": 684.0}, {"index": 7923, "quantile": 0.75, "value": 198800.0, "Latitude": 33.86, "Longitude": -118.08, "Population": 684.0}, {"index": 7923, "quantile": 1.0, "value": 262500.0, "Latitude": 33.86, "Longitude": -118.08, "Population": 684.0}, {"index": 7924, "quantile": 0.0, "value": 146300.0, "Latitude": 33.84, "Longitude": -118.08, "Population": 2042.0}, {"index": 7924, "quantile": 0.25, "value": 170400.0, "Latitude": 33.84, "Longitude": -118.08, "Population": 2042.0}, {"index": 7924, "quantile": 0.5, "value": 170400.0, "Latitude": 33.84, "Longitude": -118.08, "Population": 2042.0}, {"index": 7924, "quantile": 0.75, "value": 170400.0, "Latitude": 33.84, "Longitude": -118.08, "Population": 2042.0}, {"index": 7924, "quantile": 1.0, "value": 320800.0, "Latitude": 33.84, "Longitude": -118.08, "Population": 2042.0}, {"index": 7925, "quantile": 0.0, "value": 146400.0, "Latitude": 33.84, "Longitude": -118.08, "Population": 1806.0}, {"index": 7925, "quantile": 0.25, "value": 205074.99999999997, "Latitude": 33.84, "Longitude": -118.08, "Population": 1806.0}, {"index": 7925, "quantile": 0.5, "value": 221900.00000000003, "Latitude": 33.84, "Longitude": -118.08, "Population": 1806.0}, {"index": 7925, "quantile": 0.75, "value": 242999.99999999997, "Latitude": 33.84, "Longitude": -118.08, "Population": 1806.0}, {"index": 7925, "quantile": 1.0, "value": 272600.0, "Latitude": 33.84, "Longitude": -118.08, "Population": 1806.0}, {"index": 7926, "quantile": 0.0, "value": 142000.0, "Latitude": 33.84, "Longitude": -118.09, "Population": 2380.0}, {"index": 7926, "quantile": 0.25, "value": 185100.0, "Latitude": 33.84, "Longitude": -118.09, "Population": 2380.0}, {"index": 7926, "quantile": 0.5, "value": 207300.0, "Latitude": 33.84, "Longitude": -118.09, "Population": 2380.0}, {"index": 7926, "quantile": 0.75, "value": 233075.0, "Latitude": 33.84, "Longitude": -118.09, "Population": 2380.0}, {"index": 7926, "quantile": 1.0, "value": 334100.0, "Latitude": 33.84, "Longitude": -118.09, "Population": 2380.0}, {"index": 7927, "quantile": 0.0, "value": 134100.0, "Latitude": 33.84, "Longitude": -118.09, "Population": 1061.0}, {"index": 7927, "quantile": 0.25, "value": 180675.0, "Latitude": 33.84, "Longitude": -118.09, "Population": 1061.0}, {"index": 7927, "quantile": 0.5, "value": 195200.0, "Latitude": 33.84, "Longitude": -118.09, "Population": 1061.0}, {"index": 7927, "quantile": 0.75, "value": 211450.0, "Latitude": 33.84, "Longitude": -118.09, "Population": 1061.0}, {"index": 7927, "quantile": 1.0, "value": 378000.0, "Latitude": 33.84, "Longitude": -118.09, "Population": 1061.0}, {"index": 7928, "quantile": 0.0, "value": 130600.0, "Latitude": 33.85, "Longitude": -118.08, "Population": 682.0}, {"index": 7928, "quantile": 0.25, "value": 191300.0, "Latitude": 33.85, "Longitude": -118.08, "Population": 682.0}, {"index": 7928, "quantile": 0.5, "value": 191300.0, "Latitude": 33.85, "Longitude": -118.08, "Population": 682.0}, {"index": 7928, "quantile": 0.75, "value": 236325.00000000003, "Latitude": 33.85, "Longitude": -118.08, "Population": 682.0}, {"index": 7928, "quantile": 1.0, "value": 381500.0, "Latitude": 33.85, "Longitude": -118.08, "Population": 682.0}, {"index": 7929, "quantile": 0.0, "value": 152300.0, "Latitude": 33.84, "Longitude": -118.08, "Population": 2997.0}, {"index": 7929, "quantile": 0.25, "value": 162700.0, "Latitude": 33.84, "Longitude": -118.08, "Population": 2997.0}, {"index": 7929, "quantile": 0.5, "value": 162700.0, "Latitude": 33.84, "Longitude": -118.08, "Population": 2997.0}, {"index": 7929, "quantile": 0.75, "value": 170400.0, "Latitude": 33.84, "Longitude": -118.08, "Population": 2997.0}, {"index": 7929, "quantile": 1.0, "value": 344400.0, "Latitude": 33.84, "Longitude": -118.08, "Population": 2997.0}, {"index": 7930, "quantile": 0.0, "value": 145300.0, "Latitude": 33.84, "Longitude": -118.08, "Population": 2827.0}, {"index": 7930, "quantile": 0.25, "value": 153300.0, "Latitude": 33.84, "Longitude": -118.08, "Population": 2827.0}, {"index": 7930, "quantile": 0.5, "value": 153300.0, "Latitude": 33.84, "Longitude": -118.08, "Population": 2827.0}, {"index": 7930, "quantile": 0.75, "value": 176425.0, "Latitude": 33.84, "Longitude": -118.08, "Population": 2827.0}, {"index": 7930, "quantile": 1.0, "value": 225000.0, "Latitude": 33.84, "Longitude": -118.08, "Population": 2827.0}, {"index": 7931, "quantile": 0.0, "value": 160000.0, "Latitude": 33.84, "Longitude": -118.06, "Population": 4367.0}, {"index": 7931, "quantile": 0.25, "value": 210900.0, "Latitude": 33.84, "Longitude": -118.06, "Population": 4367.0}, {"index": 7931, "quantile": 0.5, "value": 210900.0, "Latitude": 33.84, "Longitude": -118.06, "Population": 4367.0}, {"index": 7931, "quantile": 0.75, "value": 210900.0, "Latitude": 33.84, "Longitude": -118.06, "Population": 4367.0}, {"index": 7931, "quantile": 1.0, "value": 271500.0, "Latitude": 33.84, "Longitude": -118.06, "Population": 4367.0}, {"index": 7932, "quantile": 0.0, "value": 141400.0, "Latitude": 33.84, "Longitude": -118.06, "Population": 3841.0}, {"index": 7932, "quantile": 0.25, "value": 168400.0, "Latitude": 33.84, "Longitude": -118.06, "Population": 3841.0}, {"index": 7932, "quantile": 0.5, "value": 168400.0, "Latitude": 33.84, "Longitude": -118.06, "Population": 3841.0}, {"index": 7932, "quantile": 0.75, "value": 169275.0, "Latitude": 33.84, "Longitude": -118.06, "Population": 3841.0}, {"index": 7932, "quantile": 1.0, "value": 344400.0, "Latitude": 33.84, "Longitude": -118.06, "Population": 3841.0}, {"index": 7933, "quantile": 0.0, "value": 215800.0, "Latitude": 33.82, "Longitude": -118.07, "Population": 1660.0}, {"index": 7933, "quantile": 0.25, "value": 228200.0, "Latitude": 33.82, "Longitude": -118.07, "Population": 1660.0}, {"index": 7933, "quantile": 0.5, "value": 228200.0, "Latitude": 33.82, "Longitude": -118.07, "Population": 1660.0}, {"index": 7933, "quantile": 0.75, "value": 253700.0, "Latitude": 33.82, "Longitude": -118.07, "Population": 1660.0}, {"index": 7933, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.07, "Population": 1660.0}, {"index": 7934, "quantile": 0.0, "value": 221000.0, "Latitude": 33.82, "Longitude": -118.08, "Population": 1644.0}, {"index": 7934, "quantile": 0.25, "value": 259400.0, "Latitude": 33.82, "Longitude": -118.08, "Population": 1644.0}, {"index": 7934, "quantile": 0.5, "value": 281900.0, "Latitude": 33.82, "Longitude": -118.08, "Population": 1644.0}, {"index": 7934, "quantile": 0.75, "value": 303200.0, "Latitude": 33.82, "Longitude": -118.08, "Population": 1644.0}, {"index": 7934, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.08, "Population": 1644.0}, {"index": 7935, "quantile": 0.0, "value": 105100.0, "Latitude": 33.83, "Longitude": -118.08, "Population": 2727.0}, {"index": 7935, "quantile": 0.25, "value": 136800.0, "Latitude": 33.83, "Longitude": -118.08, "Population": 2727.0}, {"index": 7935, "quantile": 0.5, "value": 136800.0, "Latitude": 33.83, "Longitude": -118.08, "Population": 2727.0}, {"index": 7935, "quantile": 0.75, "value": 157225.0, "Latitude": 33.83, "Longitude": -118.08, "Population": 2727.0}, {"index": 7935, "quantile": 1.0, "value": 237500.0, "Latitude": 33.83, "Longitude": -118.08, "Population": 2727.0}, {"index": 7936, "quantile": 0.0, "value": 105300.0, "Latitude": 33.82, "Longitude": -118.08, "Population": 3412.0}, {"index": 7936, "quantile": 0.25, "value": 136800.0, "Latitude": 33.82, "Longitude": -118.08, "Population": 3412.0}, {"index": 7936, "quantile": 0.5, "value": 158150.0, "Latitude": 33.82, "Longitude": -118.08, "Population": 3412.0}, {"index": 7936, "quantile": 0.75, "value": 164700.0, "Latitude": 33.82, "Longitude": -118.08, "Population": 3412.0}, {"index": 7936, "quantile": 1.0, "value": 237500.0, "Latitude": 33.82, "Longitude": -118.08, "Population": 3412.0}, {"index": 7937, "quantile": 0.0, "value": 131900.0, "Latitude": 33.83, "Longitude": -118.07, "Population": 3868.0}, {"index": 7937, "quantile": 0.25, "value": 142900.0, "Latitude": 33.83, "Longitude": -118.07, "Population": 3868.0}, {"index": 7937, "quantile": 0.5, "value": 142900.0, "Latitude": 33.83, "Longitude": -118.07, "Population": 3868.0}, {"index": 7937, "quantile": 0.75, "value": 143225.0, "Latitude": 33.83, "Longitude": -118.07, "Population": 3868.0}, {"index": 7937, "quantile": 1.0, "value": 225599.99999999997, "Latitude": 33.83, "Longitude": -118.07, "Population": 3868.0}, {"index": 7938, "quantile": 0.0, "value": 177100.0, "Latitude": 33.86, "Longitude": -118.11, "Population": 1229.0}, {"index": 7938, "quantile": 0.25, "value": 234900.00000000003, "Latitude": 33.86, "Longitude": -118.11, "Population": 1229.0}, {"index": 7938, "quantile": 0.5, "value": 234900.00000000003, "Latitude": 33.86, "Longitude": -118.11, "Population": 1229.0}, {"index": 7938, "quantile": 0.75, "value": 234900.00000000003, "Latitude": 33.86, "Longitude": -118.11, "Population": 1229.0}, {"index": 7938, "quantile": 1.0, "value": 445200.0, "Latitude": 33.86, "Longitude": -118.11, "Population": 1229.0}, {"index": 7939, "quantile": 0.0, "value": 174400.0, "Latitude": 33.86, "Longitude": -118.11, "Population": 685.0}, {"index": 7939, "quantile": 0.25, "value": 226475.00000000003, "Latitude": 33.86, "Longitude": -118.11, "Population": 685.0}, {"index": 7939, "quantile": 0.5, "value": 226900.0, "Latitude": 33.86, "Longitude": -118.11, "Population": 685.0}, {"index": 7939, "quantile": 0.75, "value": 226900.0, "Latitude": 33.86, "Longitude": -118.11, "Population": 685.0}, {"index": 7939, "quantile": 1.0, "value": 276000.0, "Latitude": 33.86, "Longitude": -118.11, "Population": 685.0}, {"index": 7940, "quantile": 0.0, "value": 93900.0, "Latitude": 33.86, "Longitude": -118.12, "Population": 1277.0}, {"index": 7940, "quantile": 0.25, "value": 199500.0, "Latitude": 33.86, "Longitude": -118.12, "Population": 1277.0}, {"index": 7940, "quantile": 0.5, "value": 199500.0, "Latitude": 33.86, "Longitude": -118.12, "Population": 1277.0}, {"index": 7940, "quantile": 0.75, "value": 199500.0, "Latitude": 33.86, "Longitude": -118.12, "Population": 1277.0}, {"index": 7940, "quantile": 1.0, "value": 292600.0, "Latitude": 33.86, "Longitude": -118.12, "Population": 1277.0}, {"index": 7941, "quantile": 0.0, "value": 70200.0, "Latitude": 33.87, "Longitude": -118.12, "Population": 837.0}, {"index": 7941, "quantile": 0.25, "value": 188000.0, "Latitude": 33.87, "Longitude": -118.12, "Population": 837.0}, {"index": 7941, "quantile": 0.5, "value": 188000.0, "Latitude": 33.87, "Longitude": -118.12, "Population": 837.0}, {"index": 7941, "quantile": 0.75, "value": 188000.0, "Latitude": 33.87, "Longitude": -118.12, "Population": 837.0}, {"index": 7941, "quantile": 1.0, "value": 222600.0, "Latitude": 33.87, "Longitude": -118.12, "Population": 837.0}, {"index": 7942, "quantile": 0.0, "value": 175600.0, "Latitude": 33.87, "Longitude": -118.13, "Population": 735.0}, {"index": 7942, "quantile": 0.25, "value": 198400.0, "Latitude": 33.87, "Longitude": -118.13, "Population": 735.0}, {"index": 7942, "quantile": 0.5, "value": 198400.0, "Latitude": 33.87, "Longitude": -118.13, "Population": 735.0}, {"index": 7942, "quantile": 0.75, "value": 211600.0, "Latitude": 33.87, "Longitude": -118.13, "Population": 735.0}, {"index": 7942, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 33.87, "Longitude": -118.13, "Population": 735.0}, {"index": 7943, "quantile": 0.0, "value": 93900.0, "Latitude": 33.86, "Longitude": -118.13, "Population": 645.0}, {"index": 7943, "quantile": 0.25, "value": 209500.00000000003, "Latitude": 33.86, "Longitude": -118.13, "Population": 645.0}, {"index": 7943, "quantile": 0.5, "value": 209500.00000000003, "Latitude": 33.86, "Longitude": -118.13, "Population": 645.0}, {"index": 7943, "quantile": 0.75, "value": 209500.00000000003, "Latitude": 33.86, "Longitude": -118.13, "Population": 645.0}, {"index": 7943, "quantile": 1.0, "value": 321800.0, "Latitude": 33.86, "Longitude": -118.13, "Population": 645.0}, {"index": 7944, "quantile": 0.0, "value": 110700.0, "Latitude": 33.86, "Longitude": -118.13, "Population": 919.0}, {"index": 7944, "quantile": 0.25, "value": 156925.0, "Latitude": 33.86, "Longitude": -118.13, "Population": 919.0}, {"index": 7944, "quantile": 0.5, "value": 183600.0, "Latitude": 33.86, "Longitude": -118.13, "Population": 919.0}, {"index": 7944, "quantile": 0.75, "value": 206900.0, "Latitude": 33.86, "Longitude": -118.13, "Population": 919.0}, {"index": 7944, "quantile": 1.0, "value": 324400.0, "Latitude": 33.86, "Longitude": -118.13, "Population": 919.0}, {"index": 7945, "quantile": 0.0, "value": 143100.0, "Latitude": 33.87, "Longitude": -118.14, "Population": 985.0}, {"index": 7945, "quantile": 0.25, "value": 211750.00000000003, "Latitude": 33.87, "Longitude": -118.14, "Population": 985.0}, {"index": 7945, "quantile": 0.5, "value": 219499.99999999997, "Latitude": 33.87, "Longitude": -118.14, "Population": 985.0}, {"index": 7945, "quantile": 0.75, "value": 219499.99999999997, "Latitude": 33.87, "Longitude": -118.14, "Population": 985.0}, {"index": 7945, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.87, "Longitude": -118.14, "Population": 985.0}, {"index": 7946, "quantile": 0.0, "value": 158100.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 1071.0}, {"index": 7946, "quantile": 0.25, "value": 208900.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 1071.0}, {"index": 7946, "quantile": 0.5, "value": 208900.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 1071.0}, {"index": 7946, "quantile": 0.75, "value": 219499.99999999997, "Latitude": 33.86, "Longitude": -118.14, "Population": 1071.0}, {"index": 7946, "quantile": 1.0, "value": 409800.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 1071.0}, {"index": 7947, "quantile": 0.0, "value": 143100.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 745.0}, {"index": 7947, "quantile": 0.25, "value": 213400.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 745.0}, {"index": 7947, "quantile": 0.5, "value": 213400.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 745.0}, {"index": 7947, "quantile": 0.75, "value": 213400.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 745.0}, {"index": 7947, "quantile": 1.0, "value": 479000.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 745.0}, {"index": 7948, "quantile": 0.0, "value": 137500.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 538.0}, {"index": 7948, "quantile": 0.25, "value": 213550.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 538.0}, {"index": 7948, "quantile": 0.5, "value": 225800.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 538.0}, {"index": 7948, "quantile": 0.75, "value": 269475.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 538.0}, {"index": 7948, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 33.86, "Longitude": -118.14, "Population": 538.0}, {"index": 7949, "quantile": 0.0, "value": 167700.0, "Latitude": 33.87, "Longitude": -118.14, "Population": 799.0}, {"index": 7949, "quantile": 0.25, "value": 214100.0, "Latitude": 33.87, "Longitude": -118.14, "Population": 799.0}, {"index": 7949, "quantile": 0.5, "value": 214100.0, "Latitude": 33.87, "Longitude": -118.14, "Population": 799.0}, {"index": 7949, "quantile": 0.75, "value": 218375.0, "Latitude": 33.87, "Longitude": -118.14, "Population": 799.0}, {"index": 7949, "quantile": 1.0, "value": 485700.0, "Latitude": 33.87, "Longitude": -118.14, "Population": 799.0}, {"index": 7950, "quantile": 0.0, "value": 183800.0, "Latitude": 33.86, "Longitude": -118.15, "Population": 827.0}, {"index": 7950, "quantile": 0.25, "value": 194100.0, "Latitude": 33.86, "Longitude": -118.15, "Population": 827.0}, {"index": 7950, "quantile": 0.5, "value": 194100.0, "Latitude": 33.86, "Longitude": -118.15, "Population": 827.0}, {"index": 7950, "quantile": 0.75, "value": 213325.0, "Latitude": 33.86, "Longitude": -118.15, "Population": 827.0}, {"index": 7950, "quantile": 1.0, "value": 343900.0, "Latitude": 33.86, "Longitude": -118.15, "Population": 827.0}, {"index": 7951, "quantile": 0.0, "value": 161700.0, "Latitude": 33.86, "Longitude": -118.15, "Population": 1385.0}, {"index": 7951, "quantile": 0.25, "value": 195275.0, "Latitude": 33.86, "Longitude": -118.15, "Population": 1385.0}, {"index": 7951, "quantile": 0.5, "value": 213800.0, "Latitude": 33.86, "Longitude": -118.15, "Population": 1385.0}, {"index": 7951, "quantile": 0.75, "value": 213800.0, "Latitude": 33.86, "Longitude": -118.15, "Population": 1385.0}, {"index": 7951, "quantile": 1.0, "value": 354200.0, "Latitude": 33.86, "Longitude": -118.15, "Population": 1385.0}, {"index": 7952, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 33.88, "Longitude": -118.16, "Population": 1634.0}, {"index": 7952, "quantile": 0.25, "value": 160950.00000000003, "Latitude": 33.88, "Longitude": -118.16, "Population": 1634.0}, {"index": 7952, "quantile": 0.5, "value": 169500.0, "Latitude": 33.88, "Longitude": -118.16, "Population": 1634.0}, {"index": 7952, "quantile": 0.75, "value": 183400.0, "Latitude": 33.88, "Longitude": -118.16, "Population": 1634.0}, {"index": 7952, "quantile": 1.0, "value": 290100.0, "Latitude": 33.88, "Longitude": -118.16, "Population": 1634.0}, {"index": 7953, "quantile": 0.0, "value": 136300.0, "Latitude": 33.87, "Longitude": -118.15, "Population": 1673.0}, {"index": 7953, "quantile": 0.25, "value": 181800.0, "Latitude": 33.87, "Longitude": -118.15, "Population": 1673.0}, {"index": 7953, "quantile": 0.5, "value": 181800.0, "Latitude": 33.87, "Longitude": -118.15, "Population": 1673.0}, {"index": 7953, "quantile": 0.75, "value": 181800.0, "Latitude": 33.87, "Longitude": -118.15, "Population": 1673.0}, {"index": 7953, "quantile": 1.0, "value": 253900.00000000003, "Latitude": 33.87, "Longitude": -118.15, "Population": 1673.0}, {"index": 7954, "quantile": 0.0, "value": 125000.0, "Latitude": 33.87, "Longitude": -118.16, "Population": 1363.0}, {"index": 7954, "quantile": 0.25, "value": 156700.0, "Latitude": 33.87, "Longitude": -118.16, "Population": 1363.0}, {"index": 7954, "quantile": 0.5, "value": 156700.0, "Latitude": 33.87, "Longitude": -118.16, "Population": 1363.0}, {"index": 7954, "quantile": 0.75, "value": 157600.0, "Latitude": 33.87, "Longitude": -118.16, "Population": 1363.0}, {"index": 7954, "quantile": 1.0, "value": 253900.00000000003, "Latitude": 33.87, "Longitude": -118.16, "Population": 1363.0}, {"index": 7955, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.88, "Longitude": -118.16, "Population": 1804.0}, {"index": 7955, "quantile": 0.25, "value": 170300.0, "Latitude": 33.88, "Longitude": -118.16, "Population": 1804.0}, {"index": 7955, "quantile": 0.5, "value": 170300.0, "Latitude": 33.88, "Longitude": -118.16, "Population": 1804.0}, {"index": 7955, "quantile": 0.75, "value": 170300.0, "Latitude": 33.88, "Longitude": -118.16, "Population": 1804.0}, {"index": 7955, "quantile": 1.0, "value": 350000.0, "Latitude": 33.88, "Longitude": -118.16, "Population": 1804.0}, {"index": 7956, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 33.88, "Longitude": -118.17, "Population": 590.0}, {"index": 7956, "quantile": 0.25, "value": 166700.0, "Latitude": 33.88, "Longitude": -118.17, "Population": 590.0}, {"index": 7956, "quantile": 0.5, "value": 166700.0, "Latitude": 33.88, "Longitude": -118.17, "Population": 590.0}, {"index": 7956, "quantile": 0.75, "value": 166700.0, "Latitude": 33.88, "Longitude": -118.17, "Population": 590.0}, {"index": 7956, "quantile": 1.0, "value": 275000.0, "Latitude": 33.88, "Longitude": -118.17, "Population": 590.0}, {"index": 7957, "quantile": 0.0, "value": 100000.0, "Latitude": 33.88, "Longitude": -118.17, "Population": 1161.0}, {"index": 7957, "quantile": 0.25, "value": 162700.0, "Latitude": 33.88, "Longitude": -118.17, "Population": 1161.0}, {"index": 7957, "quantile": 0.5, "value": 162700.0, "Latitude": 33.88, "Longitude": -118.17, "Population": 1161.0}, {"index": 7957, "quantile": 0.75, "value": 162700.0, "Latitude": 33.88, "Longitude": -118.17, "Population": 1161.0}, {"index": 7957, "quantile": 1.0, "value": 232700.0, "Latitude": 33.88, "Longitude": -118.17, "Population": 1161.0}, {"index": 7958, "quantile": 0.0, "value": 138700.0, "Latitude": 33.88, "Longitude": -118.18, "Population": 536.0}, {"index": 7958, "quantile": 0.25, "value": 167700.0, "Latitude": 33.88, "Longitude": -118.18, "Population": 536.0}, {"index": 7958, "quantile": 0.5, "value": 209200.0, "Latitude": 33.88, "Longitude": -118.18, "Population": 536.0}, {"index": 7958, "quantile": 0.75, "value": 218299.99999999997, "Latitude": 33.88, "Longitude": -118.18, "Population": 536.0}, {"index": 7958, "quantile": 1.0, "value": 434500.0, "Latitude": 33.88, "Longitude": -118.18, "Population": 536.0}, {"index": 7959, "quantile": 0.0, "value": 85600.0, "Latitude": 33.88, "Longitude": -118.18, "Population": 783.0}, {"index": 7959, "quantile": 0.25, "value": 167700.0, "Latitude": 33.88, "Longitude": -118.18, "Population": 783.0}, {"index": 7959, "quantile": 0.5, "value": 167700.0, "Latitude": 33.88, "Longitude": -118.18, "Population": 783.0}, {"index": 7959, "quantile": 0.75, "value": 202650.0, "Latitude": 33.88, "Longitude": -118.18, "Population": 783.0}, {"index": 7959, "quantile": 1.0, "value": 456100.0, "Latitude": 33.88, "Longitude": -118.18, "Population": 783.0}, {"index": 7960, "quantile": 0.0, "value": 113900.0, "Latitude": 33.88, "Longitude": -118.18, "Population": 1832.0}, {"index": 7960, "quantile": 0.25, "value": 161000.0, "Latitude": 33.88, "Longitude": -118.18, "Population": 1832.0}, {"index": 7960, "quantile": 0.5, "value": 161000.0, "Latitude": 33.88, "Longitude": -118.18, "Population": 1832.0}, {"index": 7960, "quantile": 0.75, "value": 161000.0, "Latitude": 33.88, "Longitude": -118.18, "Population": 1832.0}, {"index": 7960, "quantile": 1.0, "value": 344400.0, "Latitude": 33.88, "Longitude": -118.18, "Population": 1832.0}, {"index": 7961, "quantile": 0.0, "value": 118500.0, "Latitude": 33.87, "Longitude": -118.19, "Population": 2571.0}, {"index": 7961, "quantile": 0.25, "value": 184100.0, "Latitude": 33.87, "Longitude": -118.19, "Population": 2571.0}, {"index": 7961, "quantile": 0.5, "value": 184100.0, "Latitude": 33.87, "Longitude": -118.19, "Population": 2571.0}, {"index": 7961, "quantile": 0.75, "value": 184100.0, "Latitude": 33.87, "Longitude": -118.19, "Population": 2571.0}, {"index": 7961, "quantile": 1.0, "value": 350000.0, "Latitude": 33.87, "Longitude": -118.19, "Population": 2571.0}, {"index": 7962, "quantile": 0.0, "value": 137500.0, "Latitude": 33.87, "Longitude": -118.19, "Population": 1166.0}, {"index": 7962, "quantile": 0.25, "value": 162800.0, "Latitude": 33.87, "Longitude": -118.19, "Population": 1166.0}, {"index": 7962, "quantile": 0.5, "value": 178300.0, "Latitude": 33.87, "Longitude": -118.19, "Population": 1166.0}, {"index": 7962, "quantile": 0.75, "value": 178300.0, "Latitude": 33.87, "Longitude": -118.19, "Population": 1166.0}, {"index": 7962, "quantile": 1.0, "value": 213600.0, "Latitude": 33.87, "Longitude": -118.19, "Population": 1166.0}, {"index": 7963, "quantile": 0.0, "value": 143800.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1060.0}, {"index": 7963, "quantile": 0.25, "value": 167100.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1060.0}, {"index": 7963, "quantile": 0.5, "value": 167100.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1060.0}, {"index": 7963, "quantile": 0.75, "value": 195900.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1060.0}, {"index": 7963, "quantile": 1.0, "value": 300000.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1060.0}, {"index": 7964, "quantile": 0.0, "value": 134200.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1200.0}, {"index": 7964, "quantile": 0.25, "value": 156700.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1200.0}, {"index": 7964, "quantile": 0.5, "value": 156700.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1200.0}, {"index": 7964, "quantile": 0.75, "value": 156700.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1200.0}, {"index": 7964, "quantile": 1.0, "value": 265500.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1200.0}, {"index": 7965, "quantile": 0.0, "value": 95200.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1449.0}, {"index": 7965, "quantile": 0.25, "value": 155400.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1449.0}, {"index": 7965, "quantile": 0.5, "value": 155400.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1449.0}, {"index": 7965, "quantile": 0.75, "value": 158200.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1449.0}, {"index": 7965, "quantile": 1.0, "value": 220500.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1449.0}, {"index": 7966, "quantile": 0.0, "value": 88800.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 774.0}, {"index": 7966, "quantile": 0.25, "value": 137500.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 774.0}, {"index": 7966, "quantile": 0.5, "value": 137500.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 774.0}, {"index": 7966, "quantile": 0.75, "value": 137500.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 774.0}, {"index": 7966, "quantile": 1.0, "value": 211800.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 774.0}, {"index": 7967, "quantile": 0.0, "value": 112500.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1659.0}, {"index": 7967, "quantile": 0.25, "value": 162700.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1659.0}, {"index": 7967, "quantile": 0.5, "value": 175800.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1659.0}, {"index": 7967, "quantile": 0.75, "value": 190400.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1659.0}, {"index": 7967, "quantile": 1.0, "value": 324400.0, "Latitude": 33.86, "Longitude": -118.19, "Population": 1659.0}, {"index": 7968, "quantile": 0.0, "value": 125000.0, "Latitude": 33.86, "Longitude": -118.2, "Population": 1690.0}, {"index": 7968, "quantile": 0.25, "value": 160200.0, "Latitude": 33.86, "Longitude": -118.2, "Population": 1690.0}, {"index": 7968, "quantile": 0.5, "value": 160200.0, "Latitude": 33.86, "Longitude": -118.2, "Population": 1690.0}, {"index": 7968, "quantile": 0.75, "value": 180900.0, "Latitude": 33.86, "Longitude": -118.2, "Population": 1690.0}, {"index": 7968, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 33.86, "Longitude": -118.2, "Population": 1690.0}, {"index": 7969, "quantile": 0.0, "value": 126699.99999999999, "Latitude": 33.87, "Longitude": -118.19, "Population": 628.0}, {"index": 7969, "quantile": 0.25, "value": 152100.0, "Latitude": 33.87, "Longitude": -118.19, "Population": 628.0}, {"index": 7969, "quantile": 0.5, "value": 152100.0, "Latitude": 33.87, "Longitude": -118.19, "Population": 628.0}, {"index": 7969, "quantile": 0.75, "value": 189849.99999999997, "Latitude": 33.87, "Longitude": -118.19, "Population": 628.0}, {"index": 7969, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.19, "Population": 628.0}, {"index": 7970, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 33.88, "Longitude": -118.2, "Population": 1188.0}, {"index": 7970, "quantile": 0.25, "value": 147300.0, "Latitude": 33.88, "Longitude": -118.2, "Population": 1188.0}, {"index": 7970, "quantile": 0.5, "value": 147300.0, "Latitude": 33.88, "Longitude": -118.2, "Population": 1188.0}, {"index": 7970, "quantile": 0.75, "value": 167550.0, "Latitude": 33.88, "Longitude": -118.2, "Population": 1188.0}, {"index": 7970, "quantile": 1.0, "value": 233900.0, "Latitude": 33.88, "Longitude": -118.2, "Population": 1188.0}, {"index": 7971, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.88, "Longitude": -118.2, "Population": 2858.0}, {"index": 7971, "quantile": 0.25, "value": 136900.0, "Latitude": 33.88, "Longitude": -118.2, "Population": 2858.0}, {"index": 7971, "quantile": 0.5, "value": 136900.0, "Latitude": 33.88, "Longitude": -118.2, "Population": 2858.0}, {"index": 7971, "quantile": 0.75, "value": 154325.0, "Latitude": 33.88, "Longitude": -118.2, "Population": 2858.0}, {"index": 7971, "quantile": 1.0, "value": 271200.0, "Latitude": 33.88, "Longitude": -118.2, "Population": 2858.0}, {"index": 7972, "quantile": 0.0, "value": 100000.0, "Latitude": 33.88, "Longitude": -118.21, "Population": 1405.0}, {"index": 7972, "quantile": 0.25, "value": 126725.0, "Latitude": 33.88, "Longitude": -118.21, "Population": 1405.0}, {"index": 7972, "quantile": 0.5, "value": 142000.0, "Latitude": 33.88, "Longitude": -118.21, "Population": 1405.0}, {"index": 7972, "quantile": 0.75, "value": 170800.0, "Latitude": 33.88, "Longitude": -118.21, "Population": 1405.0}, {"index": 7972, "quantile": 1.0, "value": 246700.0, "Latitude": 33.88, "Longitude": -118.21, "Population": 1405.0}, {"index": 7973, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.88, "Longitude": -118.21, "Population": 1082.0}, {"index": 7973, "quantile": 0.25, "value": 162700.0, "Latitude": 33.88, "Longitude": -118.21, "Population": 1082.0}, {"index": 7973, "quantile": 0.5, "value": 178399.99999999997, "Latitude": 33.88, "Longitude": -118.21, "Population": 1082.0}, {"index": 7973, "quantile": 0.75, "value": 197400.0, "Latitude": 33.88, "Longitude": -118.21, "Population": 1082.0}, {"index": 7973, "quantile": 1.0, "value": 283300.0, "Latitude": 33.88, "Longitude": -118.21, "Population": 1082.0}, {"index": 7974, "quantile": 0.0, "value": 89200.0, "Latitude": 33.87, "Longitude": -118.2, "Population": 757.0}, {"index": 7974, "quantile": 0.25, "value": 155500.0, "Latitude": 33.87, "Longitude": -118.2, "Population": 757.0}, {"index": 7974, "quantile": 0.5, "value": 155500.0, "Latitude": 33.87, "Longitude": -118.2, "Population": 757.0}, {"index": 7974, "quantile": 0.75, "value": 155500.0, "Latitude": 33.87, "Longitude": -118.2, "Population": 757.0}, {"index": 7974, "quantile": 1.0, "value": 241699.99999999997, "Latitude": 33.87, "Longitude": -118.2, "Population": 757.0}, {"index": 7975, "quantile": 0.0, "value": 136900.0, "Latitude": 33.87, "Longitude": -118.2, "Population": 1052.0}, {"index": 7975, "quantile": 0.25, "value": 158200.0, "Latitude": 33.87, "Longitude": -118.2, "Population": 1052.0}, {"index": 7975, "quantile": 0.5, "value": 158200.0, "Latitude": 33.87, "Longitude": -118.2, "Population": 1052.0}, {"index": 7975, "quantile": 0.75, "value": 161150.0, "Latitude": 33.87, "Longitude": -118.2, "Population": 1052.0}, {"index": 7975, "quantile": 1.0, "value": 232799.99999999997, "Latitude": 33.87, "Longitude": -118.2, "Population": 1052.0}, {"index": 7976, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 33.87, "Longitude": -118.2, "Population": 974.0}, {"index": 7976, "quantile": 0.25, "value": 161400.0, "Latitude": 33.87, "Longitude": -118.2, "Population": 974.0}, {"index": 7976, "quantile": 0.5, "value": 161400.0, "Latitude": 33.87, "Longitude": -118.2, "Population": 974.0}, {"index": 7976, "quantile": 0.75, "value": 175949.99999999997, "Latitude": 33.87, "Longitude": -118.2, "Population": 974.0}, {"index": 7976, "quantile": 1.0, "value": 252100.0, "Latitude": 33.87, "Longitude": -118.2, "Population": 974.0}, {"index": 7977, "quantile": 0.0, "value": 100000.0, "Latitude": 33.87, "Longitude": -118.17, "Population": 1821.0}, {"index": 7977, "quantile": 0.25, "value": 162700.0, "Latitude": 33.87, "Longitude": -118.17, "Population": 1821.0}, {"index": 7977, "quantile": 0.5, "value": 174300.0, "Latitude": 33.87, "Longitude": -118.17, "Population": 1821.0}, {"index": 7977, "quantile": 0.75, "value": 185850.0, "Latitude": 33.87, "Longitude": -118.17, "Population": 1821.0}, {"index": 7977, "quantile": 1.0, "value": 291500.0, "Latitude": 33.87, "Longitude": -118.17, "Population": 1821.0}, {"index": 7978, "quantile": 0.0, "value": 108600.00000000001, "Latitude": 33.86, "Longitude": -118.17, "Population": 1091.0}, {"index": 7978, "quantile": 0.25, "value": 162300.0, "Latitude": 33.86, "Longitude": -118.17, "Population": 1091.0}, {"index": 7978, "quantile": 0.5, "value": 162300.0, "Latitude": 33.86, "Longitude": -118.17, "Population": 1091.0}, {"index": 7978, "quantile": 0.75, "value": 164850.0, "Latitude": 33.86, "Longitude": -118.17, "Population": 1091.0}, {"index": 7978, "quantile": 1.0, "value": 260700.00000000003, "Latitude": 33.86, "Longitude": -118.17, "Population": 1091.0}, {"index": 7979, "quantile": 0.0, "value": 100000.0, "Latitude": 33.87, "Longitude": -118.17, "Population": 1339.0}, {"index": 7979, "quantile": 0.25, "value": 162800.0, "Latitude": 33.87, "Longitude": -118.17, "Population": 1339.0}, {"index": 7979, "quantile": 0.5, "value": 162800.0, "Latitude": 33.87, "Longitude": -118.17, "Population": 1339.0}, {"index": 7979, "quantile": 0.75, "value": 162800.0, "Latitude": 33.87, "Longitude": -118.17, "Population": 1339.0}, {"index": 7979, "quantile": 1.0, "value": 217000.0, "Latitude": 33.87, "Longitude": -118.17, "Population": 1339.0}, {"index": 7980, "quantile": 0.0, "value": 110700.0, "Latitude": 33.87, "Longitude": -118.17, "Population": 1395.0}, {"index": 7980, "quantile": 0.25, "value": 161125.0, "Latitude": 33.87, "Longitude": -118.17, "Population": 1395.0}, {"index": 7980, "quantile": 0.5, "value": 180400.0, "Latitude": 33.87, "Longitude": -118.17, "Population": 1395.0}, {"index": 7980, "quantile": 0.75, "value": 207725.00000000003, "Latitude": 33.87, "Longitude": -118.17, "Population": 1395.0}, {"index": 7980, "quantile": 1.0, "value": 296800.0, "Latitude": 33.87, "Longitude": -118.17, "Population": 1395.0}, {"index": 7981, "quantile": 0.0, "value": 114799.99999999999, "Latitude": 33.87, "Longitude": -118.17, "Population": 1404.0}, {"index": 7981, "quantile": 0.25, "value": 162300.0, "Latitude": 33.87, "Longitude": -118.17, "Population": 1404.0}, {"index": 7981, "quantile": 0.5, "value": 162800.0, "Latitude": 33.87, "Longitude": -118.17, "Population": 1404.0}, {"index": 7981, "quantile": 0.75, "value": 178300.0, "Latitude": 33.87, "Longitude": -118.17, "Population": 1404.0}, {"index": 7981, "quantile": 1.0, "value": 242200.00000000003, "Latitude": 33.87, "Longitude": -118.17, "Population": 1404.0}, {"index": 7982, "quantile": 0.0, "value": 110700.0, "Latitude": 33.87, "Longitude": -118.18, "Population": 1126.0}, {"index": 7982, "quantile": 0.25, "value": 161300.0, "Latitude": 33.87, "Longitude": -118.18, "Population": 1126.0}, {"index": 7982, "quantile": 0.5, "value": 190400.0, "Latitude": 33.87, "Longitude": -118.18, "Population": 1126.0}, {"index": 7982, "quantile": 0.75, "value": 209475.0, "Latitude": 33.87, "Longitude": -118.18, "Population": 1126.0}, {"index": 7982, "quantile": 1.0, "value": 330300.0, "Latitude": 33.87, "Longitude": -118.18, "Population": 1126.0}, {"index": 7983, "quantile": 0.0, "value": 149700.0, "Latitude": 33.87, "Longitude": -118.18, "Population": 1056.0}, {"index": 7983, "quantile": 0.25, "value": 175100.0, "Latitude": 33.87, "Longitude": -118.18, "Population": 1056.0}, {"index": 7983, "quantile": 0.5, "value": 175100.0, "Latitude": 33.87, "Longitude": -118.18, "Population": 1056.0}, {"index": 7983, "quantile": 0.75, "value": 201100.0, "Latitude": 33.87, "Longitude": -118.18, "Population": 1056.0}, {"index": 7983, "quantile": 1.0, "value": 352100.0, "Latitude": 33.87, "Longitude": -118.18, "Population": 1056.0}, {"index": 7984, "quantile": 0.0, "value": 153700.0, "Latitude": 33.87, "Longitude": -118.18, "Population": 1627.0}, {"index": 7984, "quantile": 0.25, "value": 161900.0, "Latitude": 33.87, "Longitude": -118.18, "Population": 1627.0}, {"index": 7984, "quantile": 0.5, "value": 161900.0, "Latitude": 33.87, "Longitude": -118.18, "Population": 1627.0}, {"index": 7984, "quantile": 0.75, "value": 196850.0, "Latitude": 33.87, "Longitude": -118.18, "Population": 1627.0}, {"index": 7984, "quantile": 1.0, "value": 309300.0, "Latitude": 33.87, "Longitude": -118.18, "Population": 1627.0}, {"index": 7985, "quantile": 0.0, "value": 81900.0, "Latitude": 33.86, "Longitude": -118.16, "Population": 4066.0}, {"index": 7985, "quantile": 0.25, "value": 145650.0, "Latitude": 33.86, "Longitude": -118.16, "Population": 4066.0}, {"index": 7985, "quantile": 0.5, "value": 146000.0, "Latitude": 33.86, "Longitude": -118.16, "Population": 4066.0}, {"index": 7985, "quantile": 0.75, "value": 182150.0, "Latitude": 33.86, "Longitude": -118.16, "Population": 4066.0}, {"index": 7985, "quantile": 1.0, "value": 260700.00000000003, "Latitude": 33.86, "Longitude": -118.16, "Population": 4066.0}, {"index": 7986, "quantile": 0.0, "value": 131000.0, "Latitude": 33.86, "Longitude": -118.17, "Population": 1369.0}, {"index": 7986, "quantile": 0.25, "value": 175000.0, "Latitude": 33.86, "Longitude": -118.17, "Population": 1369.0}, {"index": 7986, "quantile": 0.5, "value": 175000.0, "Latitude": 33.86, "Longitude": -118.17, "Population": 1369.0}, {"index": 7986, "quantile": 0.75, "value": 175000.0, "Latitude": 33.86, "Longitude": -118.17, "Population": 1369.0}, {"index": 7986, "quantile": 1.0, "value": 272800.0, "Latitude": 33.86, "Longitude": -118.17, "Population": 1369.0}, {"index": 7987, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 33.85, "Longitude": -118.17, "Population": 1670.0}, {"index": 7987, "quantile": 0.25, "value": 173000.0, "Latitude": 33.85, "Longitude": -118.17, "Population": 1670.0}, {"index": 7987, "quantile": 0.5, "value": 173000.0, "Latitude": 33.85, "Longitude": -118.17, "Population": 1670.0}, {"index": 7987, "quantile": 0.75, "value": 173150.0, "Latitude": 33.85, "Longitude": -118.17, "Population": 1670.0}, {"index": 7987, "quantile": 1.0, "value": 232700.0, "Latitude": 33.85, "Longitude": -118.17, "Population": 1670.0}, {"index": 7988, "quantile": 0.0, "value": 153500.0, "Latitude": 33.85, "Longitude": -118.18, "Population": 2416.0}, {"index": 7988, "quantile": 0.25, "value": 169025.0, "Latitude": 33.85, "Longitude": -118.18, "Population": 2416.0}, {"index": 7988, "quantile": 0.5, "value": 190600.0, "Latitude": 33.85, "Longitude": -118.18, "Population": 2416.0}, {"index": 7988, "quantile": 0.75, "value": 208299.99999999997, "Latitude": 33.85, "Longitude": -118.18, "Population": 2416.0}, {"index": 7988, "quantile": 1.0, "value": 309300.0, "Latitude": 33.85, "Longitude": -118.18, "Population": 2416.0}, {"index": 7989, "quantile": 0.0, "value": 143800.0, "Latitude": 33.86, "Longitude": -118.18, "Population": 1674.0}, {"index": 7989, "quantile": 0.25, "value": 161300.0, "Latitude": 33.86, "Longitude": -118.18, "Population": 1674.0}, {"index": 7989, "quantile": 0.5, "value": 161300.0, "Latitude": 33.86, "Longitude": -118.18, "Population": 1674.0}, {"index": 7989, "quantile": 0.75, "value": 161450.0, "Latitude": 33.86, "Longitude": -118.18, "Population": 1674.0}, {"index": 7989, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 33.86, "Longitude": -118.18, "Population": 1674.0}, {"index": 7990, "quantile": 0.0, "value": 81300.0, "Latitude": 33.86, "Longitude": -118.18, "Population": 1702.0}, {"index": 7990, "quantile": 0.25, "value": 146450.0, "Latitude": 33.86, "Longitude": -118.18, "Population": 1702.0}, {"index": 7990, "quantile": 0.5, "value": 166100.0, "Latitude": 33.86, "Longitude": -118.18, "Population": 1702.0}, {"index": 7990, "quantile": 0.75, "value": 192800.0, "Latitude": 33.86, "Longitude": -118.18, "Population": 1702.0}, {"index": 7990, "quantile": 1.0, "value": 262900.0, "Latitude": 33.86, "Longitude": -118.18, "Population": 1702.0}, {"index": 7991, "quantile": 0.0, "value": 88800.0, "Latitude": 33.86, "Longitude": -118.17, "Population": 954.0}, {"index": 7991, "quantile": 0.25, "value": 156700.0, "Latitude": 33.86, "Longitude": -118.17, "Population": 954.0}, {"index": 7991, "quantile": 0.5, "value": 162300.0, "Latitude": 33.86, "Longitude": -118.17, "Population": 954.0}, {"index": 7991, "quantile": 0.75, "value": 192000.0, "Latitude": 33.86, "Longitude": -118.17, "Population": 954.0}, {"index": 7991, "quantile": 1.0, "value": 350000.0, "Latitude": 33.86, "Longitude": -118.17, "Population": 954.0}, {"index": 7992, "quantile": 0.0, "value": 150000.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 652.0}, {"index": 7992, "quantile": 0.25, "value": 195400.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 652.0}, {"index": 7992, "quantile": 0.5, "value": 195400.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 652.0}, {"index": 7992, "quantile": 0.75, "value": 217325.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 652.0}, {"index": 7992, "quantile": 1.0, "value": 395700.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 652.0}, {"index": 7993, "quantile": 0.0, "value": 45000.0, "Latitude": 33.85, "Longitude": -118.15, "Population": 2144.0}, {"index": 7993, "quantile": 0.25, "value": 165500.0, "Latitude": 33.85, "Longitude": -118.15, "Population": 2144.0}, {"index": 7993, "quantile": 0.5, "value": 203750.0, "Latitude": 33.85, "Longitude": -118.15, "Population": 2144.0}, {"index": 7993, "quantile": 0.75, "value": 230424.99999999997, "Latitude": 33.85, "Longitude": -118.15, "Population": 2144.0}, {"index": 7993, "quantile": 1.0, "value": 338100.0, "Latitude": 33.85, "Longitude": -118.15, "Population": 2144.0}, {"index": 7994, "quantile": 0.0, "value": 97600.0, "Latitude": 33.85, "Longitude": -118.15, "Population": 606.0}, {"index": 7994, "quantile": 0.25, "value": 217300.0, "Latitude": 33.85, "Longitude": -118.15, "Population": 606.0}, {"index": 7994, "quantile": 0.5, "value": 223100.0, "Latitude": 33.85, "Longitude": -118.15, "Population": 606.0}, {"index": 7994, "quantile": 0.75, "value": 239399.99999999997, "Latitude": 33.85, "Longitude": -118.15, "Population": 606.0}, {"index": 7994, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.15, "Population": 606.0}, {"index": 7995, "quantile": 0.0, "value": 128400.0, "Latitude": 33.85, "Longitude": -118.15, "Population": 699.0}, {"index": 7995, "quantile": 0.25, "value": 217300.0, "Latitude": 33.85, "Longitude": -118.15, "Population": 699.0}, {"index": 7995, "quantile": 0.5, "value": 217300.0, "Latitude": 33.85, "Longitude": -118.15, "Population": 699.0}, {"index": 7995, "quantile": 0.75, "value": 217300.0, "Latitude": 33.85, "Longitude": -118.15, "Population": 699.0}, {"index": 7995, "quantile": 1.0, "value": 324000.0, "Latitude": 33.85, "Longitude": -118.15, "Population": 699.0}, {"index": 7996, "quantile": 0.0, "value": 80300.0, "Latitude": 33.86, "Longitude": -118.15, "Population": 1069.0}, {"index": 7996, "quantile": 0.25, "value": 171375.0, "Latitude": 33.86, "Longitude": -118.15, "Population": 1069.0}, {"index": 7996, "quantile": 0.5, "value": 216600.0, "Latitude": 33.86, "Longitude": -118.15, "Population": 1069.0}, {"index": 7996, "quantile": 0.75, "value": 257399.99999999997, "Latitude": 33.86, "Longitude": -118.15, "Population": 1069.0}, {"index": 7996, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.15, "Population": 1069.0}, {"index": 7997, "quantile": 0.0, "value": 152100.0, "Latitude": 33.85, "Longitude": -118.16, "Population": 1315.0}, {"index": 7997, "quantile": 0.25, "value": 215600.0, "Latitude": 33.85, "Longitude": -118.16, "Population": 1315.0}, {"index": 7997, "quantile": 0.5, "value": 215600.0, "Latitude": 33.85, "Longitude": -118.16, "Population": 1315.0}, {"index": 7997, "quantile": 0.75, "value": 216200.0, "Latitude": 33.85, "Longitude": -118.16, "Population": 1315.0}, {"index": 7997, "quantile": 1.0, "value": 364400.0, "Latitude": 33.85, "Longitude": -118.16, "Population": 1315.0}, {"index": 7998, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 33.85, "Longitude": -118.16, "Population": 952.0}, {"index": 7998, "quantile": 0.25, "value": 216200.0, "Latitude": 33.85, "Longitude": -118.16, "Population": 952.0}, {"index": 7998, "quantile": 0.5, "value": 216200.0, "Latitude": 33.85, "Longitude": -118.16, "Population": 952.0}, {"index": 7998, "quantile": 0.75, "value": 216200.0, "Latitude": 33.85, "Longitude": -118.16, "Population": 952.0}, {"index": 7998, "quantile": 1.0, "value": 338100.0, "Latitude": 33.85, "Longitude": -118.16, "Population": 952.0}, {"index": 7999, "quantile": 0.0, "value": 191100.0, "Latitude": 33.86, "Longitude": -118.13, "Population": 1183.0}, {"index": 7999, "quantile": 0.25, "value": 201600.0, "Latitude": 33.86, "Longitude": -118.13, "Population": 1183.0}, {"index": 7999, "quantile": 0.5, "value": 201600.0, "Latitude": 33.86, "Longitude": -118.13, "Population": 1183.0}, {"index": 7999, "quantile": 0.75, "value": 218125.0, "Latitude": 33.86, "Longitude": -118.13, "Population": 1183.0}, {"index": 7999, "quantile": 1.0, "value": 387800.0, "Latitude": 33.86, "Longitude": -118.13, "Population": 1183.0}, {"index": 8000, "quantile": 0.0, "value": 112500.0, "Latitude": 33.85, "Longitude": -118.13, "Population": 1128.0}, {"index": 8000, "quantile": 0.25, "value": 195675.0, "Latitude": 33.85, "Longitude": -118.13, "Population": 1128.0}, {"index": 8000, "quantile": 0.5, "value": 209199.99999999997, "Latitude": 33.85, "Longitude": -118.13, "Population": 1128.0}, {"index": 8000, "quantile": 0.75, "value": 226399.99999999997, "Latitude": 33.85, "Longitude": -118.13, "Population": 1128.0}, {"index": 8000, "quantile": 1.0, "value": 296600.0, "Latitude": 33.85, "Longitude": -118.13, "Population": 1128.0}, {"index": 8001, "quantile": 0.0, "value": 167100.0, "Latitude": 33.85, "Longitude": -118.13, "Population": 1049.0}, {"index": 8001, "quantile": 0.25, "value": 212800.0, "Latitude": 33.85, "Longitude": -118.13, "Population": 1049.0}, {"index": 8001, "quantile": 0.5, "value": 212800.0, "Latitude": 33.85, "Longitude": -118.13, "Population": 1049.0}, {"index": 8001, "quantile": 0.75, "value": 212800.0, "Latitude": 33.85, "Longitude": -118.13, "Population": 1049.0}, {"index": 8001, "quantile": 1.0, "value": 267000.0, "Latitude": 33.85, "Longitude": -118.13, "Population": 1049.0}, {"index": 8002, "quantile": 0.0, "value": 168900.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 934.0}, {"index": 8002, "quantile": 0.25, "value": 203300.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 934.0}, {"index": 8002, "quantile": 0.5, "value": 203300.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 934.0}, {"index": 8002, "quantile": 0.75, "value": 210800.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 934.0}, {"index": 8002, "quantile": 1.0, "value": 291700.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 934.0}, {"index": 8003, "quantile": 0.0, "value": 157800.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 845.0}, {"index": 8003, "quantile": 0.25, "value": 210800.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 845.0}, {"index": 8003, "quantile": 0.5, "value": 210800.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 845.0}, {"index": 8003, "quantile": 0.75, "value": 222900.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 845.0}, {"index": 8003, "quantile": 1.0, "value": 456100.0, "Latitude": 33.86, "Longitude": -118.14, "Population": 845.0}, {"index": 8004, "quantile": 0.0, "value": 151400.0, "Latitude": 33.85, "Longitude": -118.1, "Population": 1352.0}, {"index": 8004, "quantile": 0.25, "value": 242000.0, "Latitude": 33.85, "Longitude": -118.1, "Population": 1352.0}, {"index": 8004, "quantile": 0.5, "value": 242000.0, "Latitude": 33.85, "Longitude": -118.1, "Population": 1352.0}, {"index": 8004, "quantile": 0.75, "value": 242000.0, "Latitude": 33.85, "Longitude": -118.1, "Population": 1352.0}, {"index": 8004, "quantile": 1.0, "value": 372000.0, "Latitude": 33.85, "Longitude": -118.1, "Population": 1352.0}, {"index": 8005, "quantile": 0.0, "value": 199400.0, "Latitude": 33.85, "Longitude": -118.1, "Population": 713.0}, {"index": 8005, "quantile": 0.25, "value": 227999.99999999997, "Latitude": 33.85, "Longitude": -118.1, "Population": 713.0}, {"index": 8005, "quantile": 0.5, "value": 227999.99999999997, "Latitude": 33.85, "Longitude": -118.1, "Population": 713.0}, {"index": 8005, "quantile": 0.75, "value": 246100.00000000003, "Latitude": 33.85, "Longitude": -118.1, "Population": 713.0}, {"index": 8005, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.1, "Population": 713.0}, {"index": 8006, "quantile": 0.0, "value": 185700.0, "Latitude": 33.85, "Longitude": -118.1, "Population": 416.0}, {"index": 8006, "quantile": 0.25, "value": 223700.0, "Latitude": 33.85, "Longitude": -118.1, "Population": 416.0}, {"index": 8006, "quantile": 0.5, "value": 223700.0, "Latitude": 33.85, "Longitude": -118.1, "Population": 416.0}, {"index": 8006, "quantile": 0.75, "value": 223700.0, "Latitude": 33.85, "Longitude": -118.1, "Population": 416.0}, {"index": 8006, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.1, "Population": 416.0}, {"index": 8007, "quantile": 0.0, "value": 124400.0, "Latitude": 33.85, "Longitude": -118.11, "Population": 482.0}, {"index": 8007, "quantile": 0.25, "value": 219499.99999999997, "Latitude": 33.85, "Longitude": -118.11, "Population": 482.0}, {"index": 8007, "quantile": 0.5, "value": 219499.99999999997, "Latitude": 33.85, "Longitude": -118.11, "Population": 482.0}, {"index": 8007, "quantile": 0.75, "value": 219499.99999999997, "Latitude": 33.85, "Longitude": -118.11, "Population": 482.0}, {"index": 8007, "quantile": 1.0, "value": 267100.0, "Latitude": 33.85, "Longitude": -118.11, "Population": 482.0}, {"index": 8008, "quantile": 0.0, "value": 146400.0, "Latitude": 33.85, "Longitude": -118.11, "Population": 1138.0}, {"index": 8008, "quantile": 0.25, "value": 216299.99999999997, "Latitude": 33.85, "Longitude": -118.11, "Population": 1138.0}, {"index": 8008, "quantile": 0.5, "value": 216299.99999999997, "Latitude": 33.85, "Longitude": -118.11, "Population": 1138.0}, {"index": 8008, "quantile": 0.75, "value": 216299.99999999997, "Latitude": 33.85, "Longitude": -118.11, "Population": 1138.0}, {"index": 8008, "quantile": 1.0, "value": 336900.0, "Latitude": 33.85, "Longitude": -118.11, "Population": 1138.0}, {"index": 8009, "quantile": 0.0, "value": 146400.0, "Latitude": 33.86, "Longitude": -118.11, "Population": 1386.0}, {"index": 8009, "quantile": 0.25, "value": 221200.00000000003, "Latitude": 33.86, "Longitude": -118.11, "Population": 1386.0}, {"index": 8009, "quantile": 0.5, "value": 221700.0, "Latitude": 33.86, "Longitude": -118.11, "Population": 1386.0}, {"index": 8009, "quantile": 0.75, "value": 221700.0, "Latitude": 33.86, "Longitude": -118.11, "Population": 1386.0}, {"index": 8009, "quantile": 1.0, "value": 342800.0, "Latitude": 33.86, "Longitude": -118.11, "Population": 1386.0}, {"index": 8010, "quantile": 0.0, "value": 177100.0, "Latitude": 33.86, "Longitude": -118.12, "Population": 972.0}, {"index": 8010, "quantile": 0.25, "value": 213600.0, "Latitude": 33.86, "Longitude": -118.12, "Population": 972.0}, {"index": 8010, "quantile": 0.5, "value": 213600.0, "Latitude": 33.86, "Longitude": -118.12, "Population": 972.0}, {"index": 8010, "quantile": 0.75, "value": 229225.0, "Latitude": 33.86, "Longitude": -118.12, "Population": 972.0}, {"index": 8010, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.86, "Longitude": -118.12, "Population": 972.0}, {"index": 8011, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 33.85, "Longitude": -118.12, "Population": 1333.0}, {"index": 8011, "quantile": 0.25, "value": 219899.99999999997, "Latitude": 33.85, "Longitude": -118.12, "Population": 1333.0}, {"index": 8011, "quantile": 0.5, "value": 219899.99999999997, "Latitude": 33.85, "Longitude": -118.12, "Population": 1333.0}, {"index": 8011, "quantile": 0.75, "value": 219899.99999999997, "Latitude": 33.85, "Longitude": -118.12, "Population": 1333.0}, {"index": 8011, "quantile": 1.0, "value": 319000.0, "Latitude": 33.85, "Longitude": -118.12, "Population": 1333.0}, {"index": 8012, "quantile": 0.0, "value": 181500.0, "Latitude": 33.85, "Longitude": -118.12, "Population": 1101.0}, {"index": 8012, "quantile": 0.25, "value": 218200.0, "Latitude": 33.85, "Longitude": -118.12, "Population": 1101.0}, {"index": 8012, "quantile": 0.5, "value": 218200.0, "Latitude": 33.85, "Longitude": -118.12, "Population": 1101.0}, {"index": 8012, "quantile": 0.75, "value": 224100.0, "Latitude": 33.85, "Longitude": -118.12, "Population": 1101.0}, {"index": 8012, "quantile": 1.0, "value": 346900.0, "Latitude": 33.85, "Longitude": -118.12, "Population": 1101.0}, {"index": 8013, "quantile": 0.0, "value": 155500.0, "Latitude": 33.84, "Longitude": -118.1, "Population": 924.0}, {"index": 8013, "quantile": 0.25, "value": 206524.99999999997, "Latitude": 33.84, "Longitude": -118.1, "Population": 924.0}, {"index": 8013, "quantile": 0.5, "value": 217900.00000000003, "Latitude": 33.84, "Longitude": -118.1, "Population": 924.0}, {"index": 8013, "quantile": 0.75, "value": 229299.99999999997, "Latitude": 33.84, "Longitude": -118.1, "Population": 924.0}, {"index": 8013, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -118.1, "Population": 924.0}, {"index": 8014, "quantile": 0.0, "value": 216000.0, "Latitude": 33.84, "Longitude": -118.1, "Population": 850.0}, {"index": 8014, "quantile": 0.25, "value": 225800.0, "Latitude": 33.84, "Longitude": -118.1, "Population": 850.0}, {"index": 8014, "quantile": 0.5, "value": 225800.0, "Latitude": 33.84, "Longitude": -118.1, "Population": 850.0}, {"index": 8014, "quantile": 0.75, "value": 225800.0, "Latitude": 33.84, "Longitude": -118.1, "Population": 850.0}, {"index": 8014, "quantile": 1.0, "value": 346900.0, "Latitude": 33.84, "Longitude": -118.1, "Population": 850.0}, {"index": 8015, "quantile": 0.0, "value": 188400.0, "Latitude": 33.83, "Longitude": -118.1, "Population": 825.0}, {"index": 8015, "quantile": 0.25, "value": 225199.99999999997, "Latitude": 33.83, "Longitude": -118.1, "Population": 825.0}, {"index": 8015, "quantile": 0.5, "value": 225199.99999999997, "Latitude": 33.83, "Longitude": -118.1, "Population": 825.0}, {"index": 8015, "quantile": 0.75, "value": 226025.0, "Latitude": 33.83, "Longitude": -118.1, "Population": 825.0}, {"index": 8015, "quantile": 1.0, "value": 487500.0, "Latitude": 33.83, "Longitude": -118.1, "Population": 825.0}, {"index": 8016, "quantile": 0.0, "value": 214500.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 820.0}, {"index": 8016, "quantile": 0.25, "value": 218100.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 820.0}, {"index": 8016, "quantile": 0.5, "value": 218100.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 820.0}, {"index": 8016, "quantile": 0.75, "value": 248424.99999999997, "Latitude": 33.83, "Longitude": -118.11, "Population": 820.0}, {"index": 8016, "quantile": 1.0, "value": 372000.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 820.0}, {"index": 8017, "quantile": 0.0, "value": 181100.0, "Latitude": 33.84, "Longitude": -118.1, "Population": 697.0}, {"index": 8017, "quantile": 0.25, "value": 219600.00000000003, "Latitude": 33.84, "Longitude": -118.1, "Population": 697.0}, {"index": 8017, "quantile": 0.5, "value": 219600.00000000003, "Latitude": 33.84, "Longitude": -118.1, "Population": 697.0}, {"index": 8017, "quantile": 0.75, "value": 220299.99999999997, "Latitude": 33.84, "Longitude": -118.1, "Population": 697.0}, {"index": 8017, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -118.1, "Population": 697.0}, {"index": 8018, "quantile": 0.0, "value": 203500.0, "Latitude": 33.84, "Longitude": -118.1, "Population": 1318.0}, {"index": 8018, "quantile": 0.25, "value": 219700.0, "Latitude": 33.84, "Longitude": -118.1, "Population": 1318.0}, {"index": 8018, "quantile": 0.5, "value": 219700.0, "Latitude": 33.84, "Longitude": -118.1, "Population": 1318.0}, {"index": 8018, "quantile": 0.75, "value": 221725.0, "Latitude": 33.84, "Longitude": -118.1, "Population": 1318.0}, {"index": 8018, "quantile": 1.0, "value": 430900.0, "Latitude": 33.84, "Longitude": -118.1, "Population": 1318.0}, {"index": 8019, "quantile": 0.0, "value": 124400.0, "Latitude": 33.84, "Longitude": -118.1, "Population": 316.0}, {"index": 8019, "quantile": 0.25, "value": 209100.00000000003, "Latitude": 33.84, "Longitude": -118.1, "Population": 316.0}, {"index": 8019, "quantile": 0.5, "value": 209100.00000000003, "Latitude": 33.84, "Longitude": -118.1, "Population": 316.0}, {"index": 8019, "quantile": 0.75, "value": 209100.00000000003, "Latitude": 33.84, "Longitude": -118.1, "Population": 316.0}, {"index": 8019, "quantile": 1.0, "value": 278900.0, "Latitude": 33.84, "Longitude": -118.1, "Population": 316.0}, {"index": 8020, "quantile": 0.0, "value": 186900.0, "Latitude": 33.84, "Longitude": -118.11, "Population": 692.0}, {"index": 8020, "quantile": 0.25, "value": 220299.99999999997, "Latitude": 33.84, "Longitude": -118.11, "Population": 692.0}, {"index": 8020, "quantile": 0.5, "value": 220299.99999999997, "Latitude": 33.84, "Longitude": -118.11, "Population": 692.0}, {"index": 8020, "quantile": 0.75, "value": 228900.00000000003, "Latitude": 33.84, "Longitude": -118.11, "Population": 692.0}, {"index": 8020, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -118.11, "Population": 692.0}, {"index": 8021, "quantile": 0.0, "value": 186900.0, "Latitude": 33.84, "Longitude": -118.11, "Population": 798.0}, {"index": 8021, "quantile": 0.25, "value": 218299.99999999997, "Latitude": 33.84, "Longitude": -118.11, "Population": 798.0}, {"index": 8021, "quantile": 0.5, "value": 218299.99999999997, "Latitude": 33.84, "Longitude": -118.11, "Population": 798.0}, {"index": 8021, "quantile": 0.75, "value": 218299.99999999997, "Latitude": 33.84, "Longitude": -118.11, "Population": 798.0}, {"index": 8021, "quantile": 1.0, "value": 384400.0, "Latitude": 33.84, "Longitude": -118.11, "Population": 798.0}, {"index": 8022, "quantile": 0.0, "value": 168900.0, "Latitude": 33.84, "Longitude": -118.12, "Population": 1047.0}, {"index": 8022, "quantile": 0.25, "value": 216000.0, "Latitude": 33.84, "Longitude": -118.12, "Population": 1047.0}, {"index": 8022, "quantile": 0.5, "value": 216000.0, "Latitude": 33.84, "Longitude": -118.12, "Population": 1047.0}, {"index": 8022, "quantile": 0.75, "value": 216474.99999999997, "Latitude": 33.84, "Longitude": -118.12, "Population": 1047.0}, {"index": 8022, "quantile": 1.0, "value": 253500.0, "Latitude": 33.84, "Longitude": -118.12, "Population": 1047.0}, {"index": 8023, "quantile": 0.0, "value": 159600.0, "Latitude": 33.84, "Longitude": -118.12, "Population": 1331.0}, {"index": 8023, "quantile": 0.25, "value": 220000.00000000003, "Latitude": 33.84, "Longitude": -118.12, "Population": 1331.0}, {"index": 8023, "quantile": 0.5, "value": 220000.00000000003, "Latitude": 33.84, "Longitude": -118.12, "Population": 1331.0}, {"index": 8023, "quantile": 0.75, "value": 220150.00000000003, "Latitude": 33.84, "Longitude": -118.12, "Population": 1331.0}, {"index": 8023, "quantile": 1.0, "value": 368500.0, "Latitude": 33.84, "Longitude": -118.12, "Population": 1331.0}, {"index": 8024, "quantile": 0.0, "value": 106900.0, "Latitude": 33.84, "Longitude": -118.11, "Population": 496.0}, {"index": 8024, "quantile": 0.25, "value": 217400.0, "Latitude": 33.84, "Longitude": -118.11, "Population": 496.0}, {"index": 8024, "quantile": 0.5, "value": 217400.0, "Latitude": 33.84, "Longitude": -118.11, "Population": 496.0}, {"index": 8024, "quantile": 0.75, "value": 217400.0, "Latitude": 33.84, "Longitude": -118.11, "Population": 496.0}, {"index": 8024, "quantile": 1.0, "value": 268900.0, "Latitude": 33.84, "Longitude": -118.11, "Population": 496.0}, {"index": 8025, "quantile": 0.0, "value": 178600.0, "Latitude": 33.84, "Longitude": -118.11, "Population": 717.0}, {"index": 8025, "quantile": 0.25, "value": 218900.0, "Latitude": 33.84, "Longitude": -118.11, "Population": 717.0}, {"index": 8025, "quantile": 0.5, "value": 218900.0, "Latitude": 33.84, "Longitude": -118.11, "Population": 717.0}, {"index": 8025, "quantile": 0.75, "value": 222500.0, "Latitude": 33.84, "Longitude": -118.11, "Population": 717.0}, {"index": 8025, "quantile": 1.0, "value": 269300.0, "Latitude": 33.84, "Longitude": -118.11, "Population": 717.0}, {"index": 8026, "quantile": 0.0, "value": 124400.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 964.0}, {"index": 8026, "quantile": 0.25, "value": 183725.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 964.0}, {"index": 8026, "quantile": 0.5, "value": 209200.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 964.0}, {"index": 8026, "quantile": 0.75, "value": 221550.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 964.0}, {"index": 8026, "quantile": 1.0, "value": 276000.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 964.0}, {"index": 8027, "quantile": 0.0, "value": 203200.0, "Latitude": 33.83, "Longitude": -118.12, "Population": 691.0}, {"index": 8027, "quantile": 0.25, "value": 221300.0, "Latitude": 33.83, "Longitude": -118.12, "Population": 691.0}, {"index": 8027, "quantile": 0.5, "value": 221300.0, "Latitude": 33.83, "Longitude": -118.12, "Population": 691.0}, {"index": 8027, "quantile": 0.75, "value": 239649.99999999997, "Latitude": 33.83, "Longitude": -118.12, "Population": 691.0}, {"index": 8027, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.12, "Population": 691.0}, {"index": 8028, "quantile": 0.0, "value": 97600.0, "Latitude": 33.84, "Longitude": -118.12, "Population": 565.0}, {"index": 8028, "quantile": 0.25, "value": 217300.0, "Latitude": 33.84, "Longitude": -118.12, "Population": 565.0}, {"index": 8028, "quantile": 0.5, "value": 222750.0, "Latitude": 33.84, "Longitude": -118.12, "Population": 565.0}, {"index": 8028, "quantile": 0.75, "value": 235600.0, "Latitude": 33.84, "Longitude": -118.12, "Population": 565.0}, {"index": 8028, "quantile": 1.0, "value": 353100.0, "Latitude": 33.84, "Longitude": -118.12, "Population": 565.0}, {"index": 8029, "quantile": 0.0, "value": 191600.0, "Latitude": 33.84, "Longitude": -118.11, "Population": 722.0}, {"index": 8029, "quantile": 0.25, "value": 222500.0, "Latitude": 33.84, "Longitude": -118.11, "Population": 722.0}, {"index": 8029, "quantile": 0.5, "value": 226300.0, "Latitude": 33.84, "Longitude": -118.11, "Population": 722.0}, {"index": 8029, "quantile": 0.75, "value": 226300.0, "Latitude": 33.84, "Longitude": -118.11, "Population": 722.0}, {"index": 8029, "quantile": 1.0, "value": 253500.0, "Latitude": 33.84, "Longitude": -118.11, "Population": 722.0}, {"index": 8030, "quantile": 0.0, "value": 163000.0, "Latitude": 33.84, "Longitude": -118.13, "Population": 1584.0}, {"index": 8030, "quantile": 0.25, "value": 213200.0, "Latitude": 33.84, "Longitude": -118.13, "Population": 1584.0}, {"index": 8030, "quantile": 0.5, "value": 213200.0, "Latitude": 33.84, "Longitude": -118.13, "Population": 1584.0}, {"index": 8030, "quantile": 0.75, "value": 213200.0, "Latitude": 33.84, "Longitude": -118.13, "Population": 1584.0}, {"index": 8030, "quantile": 1.0, "value": 332100.0, "Latitude": 33.84, "Longitude": -118.13, "Population": 1584.0}, {"index": 8031, "quantile": 0.0, "value": 97300.0, "Latitude": 33.84, "Longitude": -118.13, "Population": 944.0}, {"index": 8031, "quantile": 0.25, "value": 290500.0, "Latitude": 33.84, "Longitude": -118.13, "Population": 944.0}, {"index": 8031, "quantile": 0.5, "value": 312400.0, "Latitude": 33.84, "Longitude": -118.13, "Population": 944.0}, {"index": 8031, "quantile": 0.75, "value": 312400.0, "Latitude": 33.84, "Longitude": -118.13, "Population": 944.0}, {"index": 8031, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 33.84, "Longitude": -118.13, "Population": 944.0}, {"index": 8032, "quantile": 0.0, "value": 156400.0, "Latitude": 33.83, "Longitude": -118.13, "Population": 786.0}, {"index": 8032, "quantile": 0.25, "value": 304100.0, "Latitude": 33.83, "Longitude": -118.13, "Population": 786.0}, {"index": 8032, "quantile": 0.5, "value": 314700.0, "Latitude": 33.83, "Longitude": -118.13, "Population": 786.0}, {"index": 8032, "quantile": 0.75, "value": 314700.0, "Latitude": 33.83, "Longitude": -118.13, "Population": 786.0}, {"index": 8032, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.13, "Population": 786.0}, {"index": 8033, "quantile": 0.0, "value": 181100.0, "Latitude": 33.84, "Longitude": -118.14, "Population": 876.0}, {"index": 8033, "quantile": 0.25, "value": 338225.0, "Latitude": 33.84, "Longitude": -118.14, "Population": 876.0}, {"index": 8033, "quantile": 0.5, "value": 339400.0, "Latitude": 33.84, "Longitude": -118.14, "Population": 876.0}, {"index": 8033, "quantile": 0.75, "value": 339400.0, "Latitude": 33.84, "Longitude": -118.14, "Population": 876.0}, {"index": 8033, "quantile": 1.0, "value": 461500.0, "Latitude": 33.84, "Longitude": -118.14, "Population": 876.0}, {"index": 8034, "quantile": 0.0, "value": 219200.00000000003, "Latitude": 33.84, "Longitude": -118.13, "Population": 881.0}, {"index": 8034, "quantile": 0.25, "value": 307400.0, "Latitude": 33.84, "Longitude": -118.13, "Population": 881.0}, {"index": 8034, "quantile": 0.5, "value": 307400.0, "Latitude": 33.84, "Longitude": -118.13, "Population": 881.0}, {"index": 8034, "quantile": 0.75, "value": 392150.0, "Latitude": 33.84, "Longitude": -118.13, "Population": 881.0}, {"index": 8034, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -118.13, "Population": 881.0}, {"index": 8035, "quantile": 0.0, "value": 165500.0, "Latitude": 33.84, "Longitude": -118.14, "Population": 890.0}, {"index": 8035, "quantile": 0.25, "value": 213550.0, "Latitude": 33.84, "Longitude": -118.14, "Population": 890.0}, {"index": 8035, "quantile": 0.5, "value": 225849.99999999997, "Latitude": 33.84, "Longitude": -118.14, "Population": 890.0}, {"index": 8035, "quantile": 0.75, "value": 245650.0, "Latitude": 33.84, "Longitude": -118.14, "Population": 890.0}, {"index": 8035, "quantile": 1.0, "value": 476300.0, "Latitude": 33.84, "Longitude": -118.14, "Population": 890.0}, {"index": 8036, "quantile": 0.0, "value": 254900.0, "Latitude": 33.84, "Longitude": -118.14, "Population": 1316.0}, {"index": 8036, "quantile": 0.25, "value": 254900.0, "Latitude": 33.84, "Longitude": -118.14, "Population": 1316.0}, {"index": 8036, "quantile": 0.5, "value": 254900.0, "Latitude": 33.84, "Longitude": -118.14, "Population": 1316.0}, {"index": 8036, "quantile": 0.75, "value": 312450.0, "Latitude": 33.84, "Longitude": -118.14, "Population": 1316.0}, {"index": 8036, "quantile": 1.0, "value": 457500.0, "Latitude": 33.84, "Longitude": -118.14, "Population": 1316.0}, {"index": 8037, "quantile": 0.0, "value": 152700.0, "Latitude": 33.84, "Longitude": -118.14, "Population": 1322.0}, {"index": 8037, "quantile": 0.25, "value": 226600.0, "Latitude": 33.84, "Longitude": -118.14, "Population": 1322.0}, {"index": 8037, "quantile": 0.5, "value": 228900.00000000003, "Latitude": 33.84, "Longitude": -118.14, "Population": 1322.0}, {"index": 8037, "quantile": 0.75, "value": 228900.00000000003, "Latitude": 33.84, "Longitude": -118.14, "Population": 1322.0}, {"index": 8037, "quantile": 1.0, "value": 445700.0, "Latitude": 33.84, "Longitude": -118.14, "Population": 1322.0}, {"index": 8038, "quantile": 0.0, "value": 306800.0, "Latitude": 33.84, "Longitude": -118.15, "Population": 894.0}, {"index": 8038, "quantile": 0.25, "value": 481300.0, "Latitude": 33.84, "Longitude": -118.15, "Population": 894.0}, {"index": 8038, "quantile": 0.5, "value": 481300.0, "Latitude": 33.84, "Longitude": -118.15, "Population": 894.0}, {"index": 8038, "quantile": 0.75, "value": 481300.0, "Latitude": 33.84, "Longitude": -118.15, "Population": 894.0}, {"index": 8038, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -118.15, "Population": 894.0}, {"index": 8039, "quantile": 0.0, "value": 178600.0, "Latitude": 33.84, "Longitude": -118.15, "Population": 1360.0}, {"index": 8039, "quantile": 0.25, "value": 224100.0, "Latitude": 33.84, "Longitude": -118.15, "Population": 1360.0}, {"index": 8039, "quantile": 0.5, "value": 224100.0, "Latitude": 33.84, "Longitude": -118.15, "Population": 1360.0}, {"index": 8039, "quantile": 0.75, "value": 225725.0, "Latitude": 33.84, "Longitude": -118.15, "Population": 1360.0}, {"index": 8039, "quantile": 1.0, "value": 277200.0, "Latitude": 33.84, "Longitude": -118.15, "Population": 1360.0}, {"index": 8040, "quantile": 0.0, "value": 178500.0, "Latitude": 33.84, "Longitude": -118.15, "Population": 635.0}, {"index": 8040, "quantile": 0.25, "value": 221300.0, "Latitude": 33.84, "Longitude": -118.15, "Population": 635.0}, {"index": 8040, "quantile": 0.5, "value": 221300.0, "Latitude": 33.84, "Longitude": -118.15, "Population": 635.0}, {"index": 8040, "quantile": 0.75, "value": 222275.0, "Latitude": 33.84, "Longitude": -118.15, "Population": 635.0}, {"index": 8040, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -118.15, "Population": 635.0}, {"index": 8041, "quantile": 0.0, "value": 171400.0, "Latitude": 33.84, "Longitude": -118.16, "Population": 1199.0}, {"index": 8041, "quantile": 0.25, "value": 215600.0, "Latitude": 33.84, "Longitude": -118.16, "Population": 1199.0}, {"index": 8041, "quantile": 0.5, "value": 216200.0, "Latitude": 33.84, "Longitude": -118.16, "Population": 1199.0}, {"index": 8041, "quantile": 0.75, "value": 225700.0, "Latitude": 33.84, "Longitude": -118.16, "Population": 1199.0}, {"index": 8041, "quantile": 1.0, "value": 268100.0, "Latitude": 33.84, "Longitude": -118.16, "Population": 1199.0}, {"index": 8042, "quantile": 0.0, "value": 174400.0, "Latitude": 33.84, "Longitude": -118.16, "Population": 643.0}, {"index": 8042, "quantile": 0.25, "value": 211000.0, "Latitude": 33.84, "Longitude": -118.16, "Population": 643.0}, {"index": 8042, "quantile": 0.5, "value": 211000.0, "Latitude": 33.84, "Longitude": -118.16, "Population": 643.0}, {"index": 8042, "quantile": 0.75, "value": 211000.0, "Latitude": 33.84, "Longitude": -118.16, "Population": 643.0}, {"index": 8042, "quantile": 1.0, "value": 383800.0, "Latitude": 33.84, "Longitude": -118.16, "Population": 643.0}, {"index": 8043, "quantile": 0.0, "value": 93000.0, "Latitude": 33.84, "Longitude": -118.16, "Population": 1462.0}, {"index": 8043, "quantile": 0.25, "value": 214600.0, "Latitude": 33.84, "Longitude": -118.16, "Population": 1462.0}, {"index": 8043, "quantile": 0.5, "value": 214600.0, "Latitude": 33.84, "Longitude": -118.16, "Population": 1462.0}, {"index": 8043, "quantile": 0.75, "value": 214600.0, "Latitude": 33.84, "Longitude": -118.16, "Population": 1462.0}, {"index": 8043, "quantile": 1.0, "value": 335500.0, "Latitude": 33.84, "Longitude": -118.16, "Population": 1462.0}, {"index": 8044, "quantile": 0.0, "value": 175800.0, "Latitude": 33.84, "Longitude": -118.16, "Population": 1002.0}, {"index": 8044, "quantile": 0.25, "value": 219499.99999999997, "Latitude": 33.84, "Longitude": -118.16, "Population": 1002.0}, {"index": 8044, "quantile": 0.5, "value": 219499.99999999997, "Latitude": 33.84, "Longitude": -118.16, "Population": 1002.0}, {"index": 8044, "quantile": 0.75, "value": 225425.0, "Latitude": 33.84, "Longitude": -118.16, "Population": 1002.0}, {"index": 8044, "quantile": 1.0, "value": 384400.0, "Latitude": 33.84, "Longitude": -118.16, "Population": 1002.0}, {"index": 8045, "quantile": 0.0, "value": 168900.0, "Latitude": 33.85, "Longitude": -118.17, "Population": 1956.0}, {"index": 8045, "quantile": 0.25, "value": 200500.0, "Latitude": 33.85, "Longitude": -118.17, "Population": 1956.0}, {"index": 8045, "quantile": 0.5, "value": 200500.0, "Latitude": 33.85, "Longitude": -118.17, "Population": 1956.0}, {"index": 8045, "quantile": 0.75, "value": 218200.0, "Latitude": 33.85, "Longitude": -118.17, "Population": 1956.0}, {"index": 8045, "quantile": 1.0, "value": 323700.0, "Latitude": 33.85, "Longitude": -118.17, "Population": 1956.0}, {"index": 8046, "quantile": 0.0, "value": 125499.99999999999, "Latitude": 33.84, "Longitude": -118.17, "Population": 791.0}, {"index": 8046, "quantile": 0.25, "value": 186600.0, "Latitude": 33.84, "Longitude": -118.17, "Population": 791.0}, {"index": 8046, "quantile": 0.5, "value": 186600.0, "Latitude": 33.84, "Longitude": -118.17, "Population": 791.0}, {"index": 8046, "quantile": 0.75, "value": 203900.00000000003, "Latitude": 33.84, "Longitude": -118.17, "Population": 791.0}, {"index": 8046, "quantile": 1.0, "value": 436400.0, "Latitude": 33.84, "Longitude": -118.17, "Population": 791.0}, {"index": 8047, "quantile": 0.0, "value": 101000.0, "Latitude": 33.84, "Longitude": -118.17, "Population": 2515.0}, {"index": 8047, "quantile": 0.25, "value": 207425.00000000003, "Latitude": 33.84, "Longitude": -118.17, "Population": 2515.0}, {"index": 8047, "quantile": 0.5, "value": 208700.00000000003, "Latitude": 33.84, "Longitude": -118.17, "Population": 2515.0}, {"index": 8047, "quantile": 0.75, "value": 208700.00000000003, "Latitude": 33.84, "Longitude": -118.17, "Population": 2515.0}, {"index": 8047, "quantile": 1.0, "value": 288200.0, "Latitude": 33.84, "Longitude": -118.17, "Population": 2515.0}, {"index": 8048, "quantile": 0.0, "value": 165700.0, "Latitude": 33.84, "Longitude": -118.17, "Population": 945.0}, {"index": 8048, "quantile": 0.25, "value": 219200.00000000003, "Latitude": 33.84, "Longitude": -118.17, "Population": 945.0}, {"index": 8048, "quantile": 0.5, "value": 219200.00000000003, "Latitude": 33.84, "Longitude": -118.17, "Population": 945.0}, {"index": 8048, "quantile": 0.75, "value": 219200.00000000003, "Latitude": 33.84, "Longitude": -118.17, "Population": 945.0}, {"index": 8048, "quantile": 1.0, "value": 427299.99999999994, "Latitude": 33.84, "Longitude": -118.17, "Population": 945.0}, {"index": 8049, "quantile": 0.0, "value": 90400.0, "Latitude": 33.83, "Longitude": -118.17, "Population": 880.0}, {"index": 8049, "quantile": 0.25, "value": 217300.0, "Latitude": 33.83, "Longitude": -118.17, "Population": 880.0}, {"index": 8049, "quantile": 0.5, "value": 217300.0, "Latitude": 33.83, "Longitude": -118.17, "Population": 880.0}, {"index": 8049, "quantile": 0.75, "value": 217300.0, "Latitude": 33.83, "Longitude": -118.17, "Population": 880.0}, {"index": 8049, "quantile": 1.0, "value": 362600.0, "Latitude": 33.83, "Longitude": -118.17, "Population": 880.0}, {"index": 8050, "quantile": 0.0, "value": 156400.0, "Latitude": 33.85, "Longitude": -118.18, "Population": 1285.0}, {"index": 8050, "quantile": 0.25, "value": 241699.99999999997, "Latitude": 33.85, "Longitude": -118.18, "Population": 1285.0}, {"index": 8050, "quantile": 0.5, "value": 272750.0, "Latitude": 33.85, "Longitude": -118.18, "Population": 1285.0}, {"index": 8050, "quantile": 0.75, "value": 319375.0, "Latitude": 33.85, "Longitude": -118.18, "Population": 1285.0}, {"index": 8050, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.18, "Population": 1285.0}, {"index": 8051, "quantile": 0.0, "value": 67000.0, "Latitude": 33.84, "Longitude": -118.18, "Population": 591.0}, {"index": 8051, "quantile": 0.25, "value": 205200.0, "Latitude": 33.84, "Longitude": -118.18, "Population": 591.0}, {"index": 8051, "quantile": 0.5, "value": 256300.00000000003, "Latitude": 33.84, "Longitude": -118.18, "Population": 591.0}, {"index": 8051, "quantile": 0.75, "value": 272500.0, "Latitude": 33.84, "Longitude": -118.18, "Population": 591.0}, {"index": 8051, "quantile": 1.0, "value": 438300.0, "Latitude": 33.84, "Longitude": -118.18, "Population": 591.0}, {"index": 8052, "quantile": 0.0, "value": 143100.0, "Latitude": 33.84, "Longitude": -118.19, "Population": 1396.0}, {"index": 8052, "quantile": 0.25, "value": 201850.0, "Latitude": 33.84, "Longitude": -118.19, "Population": 1396.0}, {"index": 8052, "quantile": 0.5, "value": 221250.0, "Latitude": 33.84, "Longitude": -118.19, "Population": 1396.0}, {"index": 8052, "quantile": 0.75, "value": 247575.0, "Latitude": 33.84, "Longitude": -118.19, "Population": 1396.0}, {"index": 8052, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 33.84, "Longitude": -118.19, "Population": 1396.0}, {"index": 8053, "quantile": 0.0, "value": 45500.0, "Latitude": 33.84, "Longitude": -118.19, "Population": 537.0}, {"index": 8053, "quantile": 0.25, "value": 127325.0, "Latitude": 33.84, "Longitude": -118.19, "Population": 537.0}, {"index": 8053, "quantile": 0.5, "value": 182100.0, "Latitude": 33.84, "Longitude": -118.19, "Population": 537.0}, {"index": 8053, "quantile": 0.75, "value": 225000.0, "Latitude": 33.84, "Longitude": -118.19, "Population": 537.0}, {"index": 8053, "quantile": 1.0, "value": 450000.0, "Latitude": 33.84, "Longitude": -118.19, "Population": 537.0}, {"index": 8054, "quantile": 0.0, "value": 91600.0, "Latitude": 33.85, "Longitude": -118.18, "Population": 2086.0}, {"index": 8054, "quantile": 0.25, "value": 134400.0, "Latitude": 33.85, "Longitude": -118.18, "Population": 2086.0}, {"index": 8054, "quantile": 0.5, "value": 134400.0, "Latitude": 33.85, "Longitude": -118.18, "Population": 2086.0}, {"index": 8054, "quantile": 0.75, "value": 134400.0, "Latitude": 33.85, "Longitude": -118.18, "Population": 2086.0}, {"index": 8054, "quantile": 1.0, "value": 181300.0, "Latitude": 33.85, "Longitude": -118.18, "Population": 2086.0}, {"index": 8055, "quantile": 0.0, "value": 93800.0, "Latitude": 33.85, "Longitude": -118.18, "Population": 1378.0}, {"index": 8055, "quantile": 0.25, "value": 160975.0, "Latitude": 33.85, "Longitude": -118.18, "Population": 1378.0}, {"index": 8055, "quantile": 0.5, "value": 171200.00000000003, "Latitude": 33.85, "Longitude": -118.18, "Population": 1378.0}, {"index": 8055, "quantile": 0.75, "value": 187225.00000000003, "Latitude": 33.85, "Longitude": -118.18, "Population": 1378.0}, {"index": 8055, "quantile": 1.0, "value": 274300.0, "Latitude": 33.85, "Longitude": -118.18, "Population": 1378.0}, {"index": 8056, "quantile": 0.0, "value": 88800.0, "Latitude": 33.85, "Longitude": -118.19, "Population": 2678.0}, {"index": 8056, "quantile": 0.25, "value": 151900.0, "Latitude": 33.85, "Longitude": -118.19, "Population": 2678.0}, {"index": 8056, "quantile": 0.5, "value": 151900.0, "Latitude": 33.85, "Longitude": -118.19, "Population": 2678.0}, {"index": 8056, "quantile": 0.75, "value": 152100.0, "Latitude": 33.85, "Longitude": -118.19, "Population": 2678.0}, {"index": 8056, "quantile": 1.0, "value": 285300.0, "Latitude": 33.85, "Longitude": -118.19, "Population": 2678.0}, {"index": 8057, "quantile": 0.0, "value": 117900.0, "Latitude": 33.85, "Longitude": -118.19, "Population": 725.0}, {"index": 8057, "quantile": 0.25, "value": 149700.0, "Latitude": 33.85, "Longitude": -118.19, "Population": 725.0}, {"index": 8057, "quantile": 0.5, "value": 149700.0, "Latitude": 33.85, "Longitude": -118.19, "Population": 725.0}, {"index": 8057, "quantile": 0.75, "value": 156999.99999999997, "Latitude": 33.85, "Longitude": -118.19, "Population": 725.0}, {"index": 8057, "quantile": 1.0, "value": 308300.0, "Latitude": 33.85, "Longitude": -118.19, "Population": 725.0}, {"index": 8058, "quantile": 0.0, "value": 131000.0, "Latitude": 33.85, "Longitude": -118.19, "Population": 773.0}, {"index": 8058, "quantile": 0.25, "value": 150300.0, "Latitude": 33.85, "Longitude": -118.19, "Population": 773.0}, {"index": 8058, "quantile": 0.5, "value": 150300.0, "Latitude": 33.85, "Longitude": -118.19, "Population": 773.0}, {"index": 8058, "quantile": 0.75, "value": 176650.0, "Latitude": 33.85, "Longitude": -118.19, "Population": 773.0}, {"index": 8058, "quantile": 1.0, "value": 283300.0, "Latitude": 33.85, "Longitude": -118.19, "Population": 773.0}, {"index": 8059, "quantile": 0.0, "value": 118100.0, "Latitude": 33.85, "Longitude": -118.2, "Population": 2286.0}, {"index": 8059, "quantile": 0.25, "value": 149100.0, "Latitude": 33.85, "Longitude": -118.2, "Population": 2286.0}, {"index": 8059, "quantile": 0.5, "value": 149100.0, "Latitude": 33.85, "Longitude": -118.2, "Population": 2286.0}, {"index": 8059, "quantile": 0.75, "value": 160450.0, "Latitude": 33.85, "Longitude": -118.2, "Population": 2286.0}, {"index": 8059, "quantile": 1.0, "value": 208100.0, "Latitude": 33.85, "Longitude": -118.2, "Population": 2286.0}, {"index": 8060, "quantile": 0.0, "value": 98800.0, "Latitude": 33.85, "Longitude": -118.2, "Population": 1360.0}, {"index": 8060, "quantile": 0.25, "value": 158200.0, "Latitude": 33.85, "Longitude": -118.2, "Population": 1360.0}, {"index": 8060, "quantile": 0.5, "value": 158200.0, "Latitude": 33.85, "Longitude": -118.2, "Population": 1360.0}, {"index": 8060, "quantile": 0.75, "value": 158200.0, "Latitude": 33.85, "Longitude": -118.2, "Population": 1360.0}, {"index": 8060, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 33.85, "Longitude": -118.2, "Population": 1360.0}, {"index": 8061, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 33.84, "Longitude": -118.2, "Population": 1953.0}, {"index": 8061, "quantile": 0.25, "value": 159200.0, "Latitude": 33.84, "Longitude": -118.2, "Population": 1953.0}, {"index": 8061, "quantile": 0.5, "value": 159200.0, "Latitude": 33.84, "Longitude": -118.2, "Population": 1953.0}, {"index": 8061, "quantile": 0.75, "value": 159200.0, "Latitude": 33.84, "Longitude": -118.2, "Population": 1953.0}, {"index": 8061, "quantile": 1.0, "value": 268800.0, "Latitude": 33.84, "Longitude": -118.2, "Population": 1953.0}, {"index": 8062, "quantile": 0.0, "value": 293500.0, "Latitude": 33.83, "Longitude": -118.2, "Population": 1305.0}, {"index": 8062, "quantile": 0.25, "value": 490299.99999999994, "Latitude": 33.83, "Longitude": -118.2, "Population": 1305.0}, {"index": 8062, "quantile": 0.5, "value": 490299.99999999994, "Latitude": 33.83, "Longitude": -118.2, "Population": 1305.0}, {"index": 8062, "quantile": 0.75, "value": 490299.99999999994, "Latitude": 33.83, "Longitude": -118.2, "Population": 1305.0}, {"index": 8062, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.2, "Population": 1305.0}, {"index": 8063, "quantile": 0.0, "value": 290800.0, "Latitude": 33.83, "Longitude": -118.19, "Population": 1011.0}, {"index": 8063, "quantile": 0.25, "value": 444200.0, "Latitude": 33.83, "Longitude": -118.19, "Population": 1011.0}, {"index": 8063, "quantile": 0.5, "value": 444200.0, "Latitude": 33.83, "Longitude": -118.19, "Population": 1011.0}, {"index": 8063, "quantile": 0.75, "value": 444200.0, "Latitude": 33.83, "Longitude": -118.19, "Population": 1011.0}, {"index": 8063, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.19, "Population": 1011.0}, {"index": 8064, "quantile": 0.0, "value": 140300.0, "Latitude": 33.83, "Longitude": -118.19, "Population": 815.0}, {"index": 8064, "quantile": 0.25, "value": 279575.0, "Latitude": 33.83, "Longitude": -118.19, "Population": 815.0}, {"index": 8064, "quantile": 0.5, "value": 406300.0, "Latitude": 33.83, "Longitude": -118.19, "Population": 815.0}, {"index": 8064, "quantile": 0.75, "value": 406300.0, "Latitude": 33.83, "Longitude": -118.19, "Population": 815.0}, {"index": 8064, "quantile": 1.0, "value": 406300.0, "Latitude": 33.83, "Longitude": -118.19, "Population": 815.0}, {"index": 8065, "quantile": 0.0, "value": 138700.0, "Latitude": 33.83, "Longitude": -118.17, "Population": 800.0}, {"index": 8065, "quantile": 0.25, "value": 217300.0, "Latitude": 33.83, "Longitude": -118.17, "Population": 800.0}, {"index": 8065, "quantile": 0.5, "value": 227299.99999999997, "Latitude": 33.83, "Longitude": -118.17, "Population": 800.0}, {"index": 8065, "quantile": 0.75, "value": 327800.0, "Latitude": 33.83, "Longitude": -118.17, "Population": 800.0}, {"index": 8065, "quantile": 1.0, "value": 456100.0, "Latitude": 33.83, "Longitude": -118.17, "Population": 800.0}, {"index": 8066, "quantile": 0.0, "value": 90400.0, "Latitude": 33.83, "Longitude": -118.17, "Population": 531.0}, {"index": 8066, "quantile": 0.25, "value": 285525.0, "Latitude": 33.83, "Longitude": -118.17, "Population": 531.0}, {"index": 8066, "quantile": 0.5, "value": 290500.0, "Latitude": 33.83, "Longitude": -118.17, "Population": 531.0}, {"index": 8066, "quantile": 0.75, "value": 290500.0, "Latitude": 33.83, "Longitude": -118.17, "Population": 531.0}, {"index": 8066, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 33.83, "Longitude": -118.17, "Population": 531.0}, {"index": 8067, "quantile": 0.0, "value": 87500.0, "Latitude": 33.83, "Longitude": -118.18, "Population": 542.0}, {"index": 8067, "quantile": 0.25, "value": 379525.0, "Latitude": 33.83, "Longitude": -118.18, "Population": 542.0}, {"index": 8067, "quantile": 0.5, "value": 418800.0, "Latitude": 33.83, "Longitude": -118.18, "Population": 542.0}, {"index": 8067, "quantile": 0.75, "value": 484999.99999999994, "Latitude": 33.83, "Longitude": -118.18, "Population": 542.0}, {"index": 8067, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.18, "Population": 542.0}, {"index": 8068, "quantile": 0.0, "value": 204199.99999999997, "Latitude": 33.83, "Longitude": -118.18, "Population": 591.0}, {"index": 8068, "quantile": 0.25, "value": 371700.0, "Latitude": 33.83, "Longitude": -118.18, "Population": 591.0}, {"index": 8068, "quantile": 0.5, "value": 371700.0, "Latitude": 33.83, "Longitude": -118.18, "Population": 591.0}, {"index": 8068, "quantile": 0.75, "value": 371700.0, "Latitude": 33.83, "Longitude": -118.18, "Population": 591.0}, {"index": 8068, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.18, "Population": 591.0}, {"index": 8069, "quantile": 0.0, "value": 124700.00000000001, "Latitude": 33.83, "Longitude": -118.18, "Population": 1330.0}, {"index": 8069, "quantile": 0.25, "value": 389350.0, "Latitude": 33.83, "Longitude": -118.18, "Population": 1330.0}, {"index": 8069, "quantile": 0.5, "value": 425500.0, "Latitude": 33.83, "Longitude": -118.18, "Population": 1330.0}, {"index": 8069, "quantile": 0.75, "value": 425500.0, "Latitude": 33.83, "Longitude": -118.18, "Population": 1330.0}, {"index": 8069, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.18, "Population": 1330.0}, {"index": 8070, "quantile": 0.0, "value": 195800.0, "Latitude": 33.84, "Longitude": -118.18, "Population": 1063.0}, {"index": 8070, "quantile": 0.25, "value": 363175.0, "Latitude": 33.84, "Longitude": -118.18, "Population": 1063.0}, {"index": 8070, "quantile": 0.5, "value": 418600.0, "Latitude": 33.84, "Longitude": -118.18, "Population": 1063.0}, {"index": 8070, "quantile": 0.75, "value": 418600.0, "Latitude": 33.84, "Longitude": -118.18, "Population": 1063.0}, {"index": 8070, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -118.18, "Population": 1063.0}, {"index": 8071, "quantile": 0.0, "value": 239600.0, "Latitude": 33.82, "Longitude": -118.17, "Population": 1513.0}, {"index": 8071, "quantile": 0.25, "value": 252199.99999999997, "Latitude": 33.82, "Longitude": -118.17, "Population": 1513.0}, {"index": 8071, "quantile": 0.5, "value": 252199.99999999997, "Latitude": 33.82, "Longitude": -118.17, "Population": 1513.0}, {"index": 8071, "quantile": 0.75, "value": 278800.0, "Latitude": 33.82, "Longitude": -118.17, "Population": 1513.0}, {"index": 8071, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.17, "Population": 1513.0}, {"index": 8072, "quantile": 0.0, "value": 112500.0, "Latitude": 33.82, "Longitude": -118.17, "Population": 1152.0}, {"index": 8072, "quantile": 0.25, "value": 268200.0, "Latitude": 33.82, "Longitude": -118.17, "Population": 1152.0}, {"index": 8072, "quantile": 0.5, "value": 268200.0, "Latitude": 33.82, "Longitude": -118.17, "Population": 1152.0}, {"index": 8072, "quantile": 0.75, "value": 268200.0, "Latitude": 33.82, "Longitude": -118.17, "Population": 1152.0}, {"index": 8072, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.17, "Population": 1152.0}, {"index": 8073, "quantile": 0.0, "value": 217300.0, "Latitude": 33.83, "Longitude": -118.18, "Population": 1030.0}, {"index": 8073, "quantile": 0.25, "value": 268400.0, "Latitude": 33.83, "Longitude": -118.18, "Population": 1030.0}, {"index": 8073, "quantile": 0.5, "value": 268400.0, "Latitude": 33.83, "Longitude": -118.18, "Population": 1030.0}, {"index": 8073, "quantile": 0.75, "value": 296549.99999999994, "Latitude": 33.83, "Longitude": -118.18, "Population": 1030.0}, {"index": 8073, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.18, "Population": 1030.0}, {"index": 8074, "quantile": 0.0, "value": 221900.0, "Latitude": 33.82, "Longitude": -118.18, "Population": 943.0}, {"index": 8074, "quantile": 0.25, "value": 254000.0, "Latitude": 33.82, "Longitude": -118.18, "Population": 943.0}, {"index": 8074, "quantile": 0.5, "value": 254000.0, "Latitude": 33.82, "Longitude": -118.18, "Population": 943.0}, {"index": 8074, "quantile": 0.75, "value": 266150.0, "Latitude": 33.82, "Longitude": -118.18, "Population": 943.0}, {"index": 8074, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.18, "Population": 943.0}, {"index": 8075, "quantile": 0.0, "value": 112500.0, "Latitude": 33.82, "Longitude": -118.18, "Population": 167.0}, {"index": 8075, "quantile": 0.25, "value": 207500.00000000003, "Latitude": 33.82, "Longitude": -118.18, "Population": 167.0}, {"index": 8075, "quantile": 0.5, "value": 207500.00000000003, "Latitude": 33.82, "Longitude": -118.18, "Population": 167.0}, {"index": 8075, "quantile": 0.75, "value": 224949.99999999997, "Latitude": 33.82, "Longitude": -118.18, "Population": 167.0}, {"index": 8075, "quantile": 1.0, "value": 382100.0, "Latitude": 33.82, "Longitude": -118.18, "Population": 167.0}, {"index": 8076, "quantile": 0.0, "value": 140600.0, "Latitude": 33.83, "Longitude": -118.19, "Population": 1032.0}, {"index": 8076, "quantile": 0.25, "value": 347100.0, "Latitude": 33.83, "Longitude": -118.19, "Population": 1032.0}, {"index": 8076, "quantile": 0.5, "value": 347100.0, "Latitude": 33.83, "Longitude": -118.19, "Population": 1032.0}, {"index": 8076, "quantile": 0.75, "value": 347100.0, "Latitude": 33.83, "Longitude": -118.19, "Population": 1032.0}, {"index": 8076, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.19, "Population": 1032.0}, {"index": 8077, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 33.82, "Longitude": -118.19, "Population": 1914.0}, {"index": 8077, "quantile": 0.25, "value": 189150.0, "Latitude": 33.82, "Longitude": -118.19, "Population": 1914.0}, {"index": 8077, "quantile": 0.5, "value": 219700.0, "Latitude": 33.82, "Longitude": -118.19, "Population": 1914.0}, {"index": 8077, "quantile": 0.75, "value": 249700.0, "Latitude": 33.82, "Longitude": -118.19, "Population": 1914.0}, {"index": 8077, "quantile": 1.0, "value": 429200.0, "Latitude": 33.82, "Longitude": -118.19, "Population": 1914.0}, {"index": 8078, "quantile": 0.0, "value": 87500.0, "Latitude": 33.82, "Longitude": -118.2, "Population": 913.0}, {"index": 8078, "quantile": 0.25, "value": 272200.0, "Latitude": 33.82, "Longitude": -118.2, "Population": 913.0}, {"index": 8078, "quantile": 0.5, "value": 272200.0, "Latitude": 33.82, "Longitude": -118.2, "Population": 913.0}, {"index": 8078, "quantile": 0.75, "value": 276200.0, "Latitude": 33.82, "Longitude": -118.2, "Population": 913.0}, {"index": 8078, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.2, "Population": 913.0}, {"index": 8079, "quantile": 0.0, "value": 142000.0, "Latitude": 33.82, "Longitude": -118.2, "Population": 954.0}, {"index": 8079, "quantile": 0.25, "value": 198900.0, "Latitude": 33.82, "Longitude": -118.2, "Population": 954.0}, {"index": 8079, "quantile": 0.5, "value": 198900.0, "Latitude": 33.82, "Longitude": -118.2, "Population": 954.0}, {"index": 8079, "quantile": 0.75, "value": 219250.0, "Latitude": 33.82, "Longitude": -118.2, "Population": 954.0}, {"index": 8079, "quantile": 1.0, "value": 445200.0, "Latitude": 33.82, "Longitude": -118.2, "Population": 954.0}, {"index": 8080, "quantile": 0.0, "value": 119100.0, "Latitude": 33.82, "Longitude": -118.19, "Population": 422.0}, {"index": 8080, "quantile": 0.25, "value": 156300.0, "Latitude": 33.82, "Longitude": -118.19, "Population": 422.0}, {"index": 8080, "quantile": 0.5, "value": 156300.0, "Latitude": 33.82, "Longitude": -118.19, "Population": 422.0}, {"index": 8080, "quantile": 0.75, "value": 166850.0, "Latitude": 33.82, "Longitude": -118.19, "Population": 422.0}, {"index": 8080, "quantile": 1.0, "value": 333300.0, "Latitude": 33.82, "Longitude": -118.19, "Population": 422.0}, {"index": 8081, "quantile": 0.0, "value": 112500.0, "Latitude": 33.81, "Longitude": -118.19, "Population": 1038.0}, {"index": 8081, "quantile": 0.25, "value": 202875.0, "Latitude": 33.81, "Longitude": -118.19, "Population": 1038.0}, {"index": 8081, "quantile": 0.5, "value": 229999.99999999997, "Latitude": 33.81, "Longitude": -118.19, "Population": 1038.0}, {"index": 8081, "quantile": 0.75, "value": 249074.99999999997, "Latitude": 33.81, "Longitude": -118.19, "Population": 1038.0}, {"index": 8081, "quantile": 1.0, "value": 446800.0, "Latitude": 33.81, "Longitude": -118.19, "Population": 1038.0}, {"index": 8082, "quantile": 0.0, "value": 167700.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 1525.0}, {"index": 8082, "quantile": 0.25, "value": 194000.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 1525.0}, {"index": 8082, "quantile": 0.5, "value": 194000.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 1525.0}, {"index": 8082, "quantile": 0.75, "value": 224600.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 1525.0}, {"index": 8082, "quantile": 1.0, "value": 450800.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 1525.0}, {"index": 8083, "quantile": 0.0, "value": 134400.0, "Latitude": 33.82, "Longitude": -118.2, "Population": 2217.0}, {"index": 8083, "quantile": 0.25, "value": 193450.0, "Latitude": 33.82, "Longitude": -118.2, "Population": 2217.0}, {"index": 8083, "quantile": 0.5, "value": 204800.0, "Latitude": 33.82, "Longitude": -118.2, "Population": 2217.0}, {"index": 8083, "quantile": 0.75, "value": 204800.0, "Latitude": 33.82, "Longitude": -118.2, "Population": 2217.0}, {"index": 8083, "quantile": 1.0, "value": 285300.0, "Latitude": 33.82, "Longitude": -118.2, "Population": 2217.0}, {"index": 8084, "quantile": 0.0, "value": 45000.0, "Latitude": 33.81, "Longitude": -118.19, "Population": 804.0}, {"index": 8084, "quantile": 0.25, "value": 181300.0, "Latitude": 33.81, "Longitude": -118.19, "Population": 804.0}, {"index": 8084, "quantile": 0.5, "value": 181300.0, "Latitude": 33.81, "Longitude": -118.19, "Population": 804.0}, {"index": 8084, "quantile": 0.75, "value": 181300.0, "Latitude": 33.81, "Longitude": -118.19, "Population": 804.0}, {"index": 8084, "quantile": 1.0, "value": 350000.0, "Latitude": 33.81, "Longitude": -118.19, "Population": 804.0}, {"index": 8085, "quantile": 0.0, "value": 110700.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 533.0}, {"index": 8085, "quantile": 0.25, "value": 198325.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 533.0}, {"index": 8085, "quantile": 0.5, "value": 206900.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 533.0}, {"index": 8085, "quantile": 0.75, "value": 206900.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 533.0}, {"index": 8085, "quantile": 1.0, "value": 340900.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 533.0}, {"index": 8086, "quantile": 0.0, "value": 117400.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 742.0}, {"index": 8086, "quantile": 0.25, "value": 212100.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 742.0}, {"index": 8086, "quantile": 0.5, "value": 212100.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 742.0}, {"index": 8086, "quantile": 0.75, "value": 212100.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 742.0}, {"index": 8086, "quantile": 1.0, "value": 434500.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 742.0}, {"index": 8087, "quantile": 0.0, "value": 188200.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 1219.0}, {"index": 8087, "quantile": 0.25, "value": 209500.00000000003, "Latitude": 33.81, "Longitude": -118.2, "Population": 1219.0}, {"index": 8087, "quantile": 0.5, "value": 220600.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 1219.0}, {"index": 8087, "quantile": 0.75, "value": 266875.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 1219.0}, {"index": 8087, "quantile": 1.0, "value": 490400.0, "Latitude": 33.81, "Longitude": -118.2, "Population": 1219.0}, {"index": 8088, "quantile": 0.0, "value": 103600.0, "Latitude": 33.82, "Longitude": -118.21, "Population": 1444.0}, {"index": 8088, "quantile": 0.25, "value": 141699.99999999997, "Latitude": 33.82, "Longitude": -118.21, "Population": 1444.0}, {"index": 8088, "quantile": 0.5, "value": 159200.0, "Latitude": 33.82, "Longitude": -118.21, "Population": 1444.0}, {"index": 8088, "quantile": 0.75, "value": 174000.0, "Latitude": 33.82, "Longitude": -118.21, "Population": 1444.0}, {"index": 8088, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 33.82, "Longitude": -118.21, "Population": 1444.0}, {"index": 8089, "quantile": 0.0, "value": 83100.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 764.0}, {"index": 8089, "quantile": 0.25, "value": 162200.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 764.0}, {"index": 8089, "quantile": 0.5, "value": 162200.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 764.0}, {"index": 8089, "quantile": 0.75, "value": 162200.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 764.0}, {"index": 8089, "quantile": 1.0, "value": 206900.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 764.0}, {"index": 8090, "quantile": 0.0, "value": 113900.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 1807.0}, {"index": 8090, "quantile": 0.25, "value": 160325.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 1807.0}, {"index": 8090, "quantile": 0.5, "value": 160700.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 1807.0}, {"index": 8090, "quantile": 0.75, "value": 160700.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 1807.0}, {"index": 8090, "quantile": 1.0, "value": 235300.00000000003, "Latitude": 33.81, "Longitude": -118.21, "Population": 1807.0}, {"index": 8091, "quantile": 0.0, "value": 137800.0, "Latitude": 33.82, "Longitude": -118.21, "Population": 1157.0}, {"index": 8091, "quantile": 0.25, "value": 146800.0, "Latitude": 33.82, "Longitude": -118.21, "Population": 1157.0}, {"index": 8091, "quantile": 0.5, "value": 146800.0, "Latitude": 33.82, "Longitude": -118.21, "Population": 1157.0}, {"index": 8091, "quantile": 0.75, "value": 162875.0, "Latitude": 33.82, "Longitude": -118.21, "Population": 1157.0}, {"index": 8091, "quantile": 1.0, "value": 217200.00000000003, "Latitude": 33.82, "Longitude": -118.21, "Population": 1157.0}, {"index": 8092, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 33.82, "Longitude": -118.22, "Population": 1779.0}, {"index": 8092, "quantile": 0.25, "value": 146300.0, "Latitude": 33.82, "Longitude": -118.22, "Population": 1779.0}, {"index": 8092, "quantile": 0.5, "value": 146300.0, "Latitude": 33.82, "Longitude": -118.22, "Population": 1779.0}, {"index": 8092, "quantile": 0.75, "value": 153375.0, "Latitude": 33.82, "Longitude": -118.22, "Population": 1779.0}, {"index": 8092, "quantile": 1.0, "value": 201300.0, "Latitude": 33.82, "Longitude": -118.22, "Population": 1779.0}, {"index": 8093, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.82, "Longitude": -118.21, "Population": 394.0}, {"index": 8093, "quantile": 0.25, "value": 165700.0, "Latitude": 33.82, "Longitude": -118.21, "Population": 394.0}, {"index": 8093, "quantile": 0.5, "value": 165700.0, "Latitude": 33.82, "Longitude": -118.21, "Population": 394.0}, {"index": 8093, "quantile": 0.75, "value": 180325.0, "Latitude": 33.82, "Longitude": -118.21, "Population": 394.0}, {"index": 8093, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 33.82, "Longitude": -118.21, "Population": 394.0}, {"index": 8094, "quantile": 0.0, "value": 143100.0, "Latitude": 33.82, "Longitude": -118.21, "Population": 723.0}, {"index": 8094, "quantile": 0.25, "value": 162500.0, "Latitude": 33.82, "Longitude": -118.21, "Population": 723.0}, {"index": 8094, "quantile": 0.5, "value": 162500.0, "Latitude": 33.82, "Longitude": -118.21, "Population": 723.0}, {"index": 8094, "quantile": 0.75, "value": 163300.0, "Latitude": 33.82, "Longitude": -118.21, "Population": 723.0}, {"index": 8094, "quantile": 1.0, "value": 244800.0, "Latitude": 33.82, "Longitude": -118.21, "Population": 723.0}, {"index": 8095, "quantile": 0.0, "value": 87500.0, "Latitude": 33.82, "Longitude": -118.22, "Population": 3030.0}, {"index": 8095, "quantile": 0.25, "value": 138100.0, "Latitude": 33.82, "Longitude": -118.22, "Population": 3030.0}, {"index": 8095, "quantile": 0.5, "value": 138100.0, "Latitude": 33.82, "Longitude": -118.22, "Population": 3030.0}, {"index": 8095, "quantile": 0.75, "value": 138100.0, "Latitude": 33.82, "Longitude": -118.22, "Population": 3030.0}, {"index": 8095, "quantile": 1.0, "value": 242300.0, "Latitude": 33.82, "Longitude": -118.22, "Population": 3030.0}, {"index": 8096, "quantile": 0.0, "value": 110700.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 1255.0}, {"index": 8096, "quantile": 0.25, "value": 159700.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 1255.0}, {"index": 8096, "quantile": 0.5, "value": 159700.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 1255.0}, {"index": 8096, "quantile": 0.75, "value": 159700.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 1255.0}, {"index": 8096, "quantile": 1.0, "value": 236800.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 1255.0}, {"index": 8097, "quantile": 0.0, "value": 130500.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 1524.0}, {"index": 8097, "quantile": 0.25, "value": 157900.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 1524.0}, {"index": 8097, "quantile": 0.5, "value": 157900.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 1524.0}, {"index": 8097, "quantile": 0.75, "value": 157900.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 1524.0}, {"index": 8097, "quantile": 1.0, "value": 266400.0, "Latitude": 33.81, "Longitude": -118.21, "Population": 1524.0}, {"index": 8098, "quantile": 0.0, "value": 136600.0, "Latitude": 33.81, "Longitude": -118.22, "Population": 1345.0}, {"index": 8098, "quantile": 0.25, "value": 147800.0, "Latitude": 33.81, "Longitude": -118.22, "Population": 1345.0}, {"index": 8098, "quantile": 0.5, "value": 147800.0, "Latitude": 33.81, "Longitude": -118.22, "Population": 1345.0}, {"index": 8098, "quantile": 0.75, "value": 150800.0, "Latitude": 33.81, "Longitude": -118.22, "Population": 1345.0}, {"index": 8098, "quantile": 1.0, "value": 270500.0, "Latitude": 33.81, "Longitude": -118.22, "Population": 1345.0}, {"index": 8099, "quantile": 0.0, "value": 134400.0, "Latitude": 33.81, "Longitude": -118.22, "Population": 602.0}, {"index": 8099, "quantile": 0.25, "value": 156900.0, "Latitude": 33.81, "Longitude": -118.22, "Population": 602.0}, {"index": 8099, "quantile": 0.5, "value": 156900.0, "Latitude": 33.81, "Longitude": -118.22, "Population": 602.0}, {"index": 8099, "quantile": 0.75, "value": 156900.0, "Latitude": 33.81, "Longitude": -118.22, "Population": 602.0}, {"index": 8099, "quantile": 1.0, "value": 274300.0, "Latitude": 33.81, "Longitude": -118.22, "Population": 602.0}, {"index": 8100, "quantile": 0.0, "value": 103600.0, "Latitude": 33.8, "Longitude": -118.21, "Population": 1095.0}, {"index": 8100, "quantile": 0.25, "value": 139000.0, "Latitude": 33.8, "Longitude": -118.21, "Population": 1095.0}, {"index": 8100, "quantile": 0.5, "value": 139000.0, "Latitude": 33.8, "Longitude": -118.21, "Population": 1095.0}, {"index": 8100, "quantile": 0.75, "value": 139000.0, "Latitude": 33.8, "Longitude": -118.21, "Population": 1095.0}, {"index": 8100, "quantile": 1.0, "value": 260700.00000000003, "Latitude": 33.8, "Longitude": -118.21, "Population": 1095.0}, {"index": 8101, "quantile": 0.0, "value": 110700.0, "Latitude": 33.8, "Longitude": -118.21, "Population": 1053.0}, {"index": 8101, "quantile": 0.25, "value": 150800.0, "Latitude": 33.8, "Longitude": -118.21, "Population": 1053.0}, {"index": 8101, "quantile": 0.5, "value": 150800.0, "Latitude": 33.8, "Longitude": -118.21, "Population": 1053.0}, {"index": 8101, "quantile": 0.75, "value": 160325.0, "Latitude": 33.8, "Longitude": -118.21, "Population": 1053.0}, {"index": 8101, "quantile": 1.0, "value": 344400.0, "Latitude": 33.8, "Longitude": -118.21, "Population": 1053.0}, {"index": 8102, "quantile": 0.0, "value": 126600.0, "Latitude": 33.8, "Longitude": -118.22, "Population": 1291.0}, {"index": 8102, "quantile": 0.25, "value": 157100.0, "Latitude": 33.8, "Longitude": -118.22, "Population": 1291.0}, {"index": 8102, "quantile": 0.5, "value": 157100.0, "Latitude": 33.8, "Longitude": -118.22, "Population": 1291.0}, {"index": 8102, "quantile": 0.75, "value": 157100.0, "Latitude": 33.8, "Longitude": -118.22, "Population": 1291.0}, {"index": 8102, "quantile": 1.0, "value": 314300.0, "Latitude": 33.8, "Longitude": -118.22, "Population": 1291.0}, {"index": 8103, "quantile": 0.0, "value": 136900.0, "Latitude": 33.8, "Longitude": -118.22, "Population": 1764.0}, {"index": 8103, "quantile": 0.25, "value": 165100.0, "Latitude": 33.8, "Longitude": -118.22, "Population": 1764.0}, {"index": 8103, "quantile": 0.5, "value": 165100.0, "Latitude": 33.8, "Longitude": -118.22, "Population": 1764.0}, {"index": 8103, "quantile": 0.75, "value": 165100.0, "Latitude": 33.8, "Longitude": -118.22, "Population": 1764.0}, {"index": 8103, "quantile": 1.0, "value": 270500.0, "Latitude": 33.8, "Longitude": -118.22, "Population": 1764.0}, {"index": 8104, "quantile": 0.0, "value": 85800.0, "Latitude": 33.79, "Longitude": -118.22, "Population": 2537.0}, {"index": 8104, "quantile": 0.25, "value": 137500.0, "Latitude": 33.79, "Longitude": -118.22, "Population": 2537.0}, {"index": 8104, "quantile": 0.5, "value": 137500.0, "Latitude": 33.79, "Longitude": -118.22, "Population": 2537.0}, {"index": 8104, "quantile": 0.75, "value": 137650.0, "Latitude": 33.79, "Longitude": -118.22, "Population": 2537.0}, {"index": 8104, "quantile": 1.0, "value": 350000.0, "Latitude": 33.79, "Longitude": -118.22, "Population": 2537.0}, {"index": 8105, "quantile": 0.0, "value": 91500.0, "Latitude": 33.79, "Longitude": -118.21, "Population": 1691.0}, {"index": 8105, "quantile": 0.25, "value": 127125.0, "Latitude": 33.79, "Longitude": -118.21, "Population": 1691.0}, {"index": 8105, "quantile": 0.5, "value": 140950.0, "Latitude": 33.79, "Longitude": -118.21, "Population": 1691.0}, {"index": 8105, "quantile": 0.75, "value": 156350.0, "Latitude": 33.79, "Longitude": -118.21, "Population": 1691.0}, {"index": 8105, "quantile": 1.0, "value": 190400.0, "Latitude": 33.79, "Longitude": -118.21, "Population": 1691.0}, {"index": 8106, "quantile": 0.0, "value": 95100.0, "Latitude": 33.79, "Longitude": -118.21, "Population": 2557.0}, {"index": 8106, "quantile": 0.25, "value": 145300.0, "Latitude": 33.79, "Longitude": -118.21, "Population": 2557.0}, {"index": 8106, "quantile": 0.5, "value": 145300.0, "Latitude": 33.79, "Longitude": -118.21, "Population": 2557.0}, {"index": 8106, "quantile": 0.75, "value": 145300.0, "Latitude": 33.79, "Longitude": -118.21, "Population": 2557.0}, {"index": 8106, "quantile": 1.0, "value": 184600.0, "Latitude": 33.79, "Longitude": -118.21, "Population": 2557.0}, {"index": 8107, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.8, "Longitude": -118.21, "Population": 984.0}, {"index": 8107, "quantile": 0.25, "value": 143100.0, "Latitude": 33.8, "Longitude": -118.21, "Population": 984.0}, {"index": 8107, "quantile": 0.5, "value": 143100.0, "Latitude": 33.8, "Longitude": -118.21, "Population": 984.0}, {"index": 8107, "quantile": 0.75, "value": 162125.0, "Latitude": 33.8, "Longitude": -118.21, "Population": 984.0}, {"index": 8107, "quantile": 1.0, "value": 267300.0, "Latitude": 33.8, "Longitude": -118.21, "Population": 984.0}, {"index": 8108, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.8, "Longitude": -118.19, "Population": 1535.0}, {"index": 8108, "quantile": 0.25, "value": 132400.0, "Latitude": 33.8, "Longitude": -118.19, "Population": 1535.0}, {"index": 8108, "quantile": 0.5, "value": 143500.0, "Latitude": 33.8, "Longitude": -118.19, "Population": 1535.0}, {"index": 8108, "quantile": 0.75, "value": 181825.0, "Latitude": 33.8, "Longitude": -118.19, "Population": 1535.0}, {"index": 8108, "quantile": 1.0, "value": 252100.0, "Latitude": 33.8, "Longitude": -118.19, "Population": 1535.0}, {"index": 8109, "quantile": 0.0, "value": 117200.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 2994.0}, {"index": 8109, "quantile": 0.25, "value": 137500.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 2994.0}, {"index": 8109, "quantile": 0.5, "value": 137500.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 2994.0}, {"index": 8109, "quantile": 0.75, "value": 138450.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 2994.0}, {"index": 8109, "quantile": 1.0, "value": 206300.00000000003, "Latitude": 33.79, "Longitude": -118.19, "Population": 2994.0}, {"index": 8110, "quantile": 0.0, "value": 95200.0, "Latitude": 33.79, "Longitude": -118.2, "Population": 569.0}, {"index": 8110, "quantile": 0.25, "value": 185200.0, "Latitude": 33.79, "Longitude": -118.2, "Population": 569.0}, {"index": 8110, "quantile": 0.5, "value": 185200.0, "Latitude": 33.79, "Longitude": -118.2, "Population": 569.0}, {"index": 8110, "quantile": 0.75, "value": 185200.0, "Latitude": 33.79, "Longitude": -118.2, "Population": 569.0}, {"index": 8110, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.2, "Population": 569.0}, {"index": 8111, "quantile": 0.0, "value": 146900.0, "Latitude": 33.79, "Longitude": -118.2, "Population": 1807.0}, {"index": 8111, "quantile": 0.25, "value": 190400.0, "Latitude": 33.79, "Longitude": -118.2, "Population": 1807.0}, {"index": 8111, "quantile": 0.5, "value": 190400.0, "Latitude": 33.79, "Longitude": -118.2, "Population": 1807.0}, {"index": 8111, "quantile": 0.75, "value": 190400.0, "Latitude": 33.79, "Longitude": -118.2, "Population": 1807.0}, {"index": 8111, "quantile": 1.0, "value": 229000.0, "Latitude": 33.79, "Longitude": -118.2, "Population": 1807.0}, {"index": 8112, "quantile": 0.0, "value": 120900.00000000001, "Latitude": 33.79, "Longitude": -118.2, "Population": 1388.0}, {"index": 8112, "quantile": 0.25, "value": 187725.0, "Latitude": 33.79, "Longitude": -118.2, "Population": 1388.0}, {"index": 8112, "quantile": 0.5, "value": 205100.00000000003, "Latitude": 33.79, "Longitude": -118.2, "Population": 1388.0}, {"index": 8112, "quantile": 0.75, "value": 232500.00000000003, "Latitude": 33.79, "Longitude": -118.2, "Population": 1388.0}, {"index": 8112, "quantile": 1.0, "value": 326500.0, "Latitude": 33.79, "Longitude": -118.2, "Population": 1388.0}, {"index": 8113, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.8, "Longitude": -118.2, "Population": 1090.0}, {"index": 8113, "quantile": 0.25, "value": 194900.0, "Latitude": 33.8, "Longitude": -118.2, "Population": 1090.0}, {"index": 8113, "quantile": 0.5, "value": 194900.0, "Latitude": 33.8, "Longitude": -118.2, "Population": 1090.0}, {"index": 8113, "quantile": 0.75, "value": 194900.0, "Latitude": 33.8, "Longitude": -118.2, "Population": 1090.0}, {"index": 8113, "quantile": 1.0, "value": 414700.0, "Latitude": 33.8, "Longitude": -118.2, "Population": 1090.0}, {"index": 8114, "quantile": 0.0, "value": 132800.0, "Latitude": 33.8, "Longitude": -118.19, "Population": 1604.0}, {"index": 8114, "quantile": 0.25, "value": 190600.0, "Latitude": 33.8, "Longitude": -118.19, "Population": 1604.0}, {"index": 8114, "quantile": 0.5, "value": 190600.0, "Latitude": 33.8, "Longitude": -118.19, "Population": 1604.0}, {"index": 8114, "quantile": 0.75, "value": 190600.0, "Latitude": 33.8, "Longitude": -118.19, "Population": 1604.0}, {"index": 8114, "quantile": 1.0, "value": 253900.00000000003, "Latitude": 33.8, "Longitude": -118.19, "Population": 1604.0}, {"index": 8115, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.8, "Longitude": -118.2, "Population": 2749.0}, {"index": 8115, "quantile": 0.25, "value": 165300.0, "Latitude": 33.8, "Longitude": -118.2, "Population": 2749.0}, {"index": 8115, "quantile": 0.5, "value": 196300.0, "Latitude": 33.8, "Longitude": -118.2, "Population": 2749.0}, {"index": 8115, "quantile": 0.75, "value": 214299.99999999997, "Latitude": 33.8, "Longitude": -118.2, "Population": 2749.0}, {"index": 8115, "quantile": 1.0, "value": 350000.0, "Latitude": 33.8, "Longitude": -118.2, "Population": 2749.0}, {"index": 8116, "quantile": 0.0, "value": 90400.0, "Latitude": 33.8, "Longitude": -118.2, "Population": 1300.0}, {"index": 8116, "quantile": 0.25, "value": 165200.0, "Latitude": 33.8, "Longitude": -118.2, "Population": 1300.0}, {"index": 8116, "quantile": 0.5, "value": 198950.0, "Latitude": 33.8, "Longitude": -118.2, "Population": 1300.0}, {"index": 8116, "quantile": 0.75, "value": 217075.0, "Latitude": 33.8, "Longitude": -118.2, "Population": 1300.0}, {"index": 8116, "quantile": 1.0, "value": 298600.0, "Latitude": 33.8, "Longitude": -118.2, "Population": 1300.0}, {"index": 8117, "quantile": 0.0, "value": 112500.0, "Latitude": 33.8, "Longitude": -118.2, "Population": 614.0}, {"index": 8117, "quantile": 0.25, "value": 200800.0, "Latitude": 33.8, "Longitude": -118.2, "Population": 614.0}, {"index": 8117, "quantile": 0.5, "value": 200800.0, "Latitude": 33.8, "Longitude": -118.2, "Population": 614.0}, {"index": 8117, "quantile": 0.75, "value": 200800.0, "Latitude": 33.8, "Longitude": -118.2, "Population": 614.0}, {"index": 8117, "quantile": 1.0, "value": 395700.0, "Latitude": 33.8, "Longitude": -118.2, "Population": 614.0}, {"index": 8118, "quantile": 0.0, "value": 100000.0, "Latitude": 33.8, "Longitude": -118.18, "Population": 2114.0}, {"index": 8118, "quantile": 0.25, "value": 132700.0, "Latitude": 33.8, "Longitude": -118.18, "Population": 2114.0}, {"index": 8118, "quantile": 0.5, "value": 132700.0, "Latitude": 33.8, "Longitude": -118.18, "Population": 2114.0}, {"index": 8118, "quantile": 0.75, "value": 132700.0, "Latitude": 33.8, "Longitude": -118.18, "Population": 2114.0}, {"index": 8118, "quantile": 1.0, "value": 205300.0, "Latitude": 33.8, "Longitude": -118.18, "Population": 2114.0}, {"index": 8119, "quantile": 0.0, "value": 97900.0, "Latitude": 33.8, "Longitude": -118.19, "Population": 2635.0}, {"index": 8119, "quantile": 0.25, "value": 141700.0, "Latitude": 33.8, "Longitude": -118.19, "Population": 2635.0}, {"index": 8119, "quantile": 0.5, "value": 153200.0, "Latitude": 33.8, "Longitude": -118.19, "Population": 2635.0}, {"index": 8119, "quantile": 0.75, "value": 162500.0, "Latitude": 33.8, "Longitude": -118.19, "Population": 2635.0}, {"index": 8119, "quantile": 1.0, "value": 190400.0, "Latitude": 33.8, "Longitude": -118.19, "Population": 2635.0}, {"index": 8120, "quantile": 0.0, "value": 100000.0, "Latitude": 33.79, "Longitude": -118.18, "Population": 1631.0}, {"index": 8120, "quantile": 0.25, "value": 128000.0, "Latitude": 33.79, "Longitude": -118.18, "Population": 1631.0}, {"index": 8120, "quantile": 0.5, "value": 128000.0, "Latitude": 33.79, "Longitude": -118.18, "Population": 1631.0}, {"index": 8120, "quantile": 0.75, "value": 128425.00000000001, "Latitude": 33.79, "Longitude": -118.18, "Population": 1631.0}, {"index": 8120, "quantile": 1.0, "value": 190400.0, "Latitude": 33.79, "Longitude": -118.18, "Population": 1631.0}, {"index": 8121, "quantile": 0.0, "value": 107300.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 2357.0}, {"index": 8121, "quantile": 0.25, "value": 140650.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 2357.0}, {"index": 8121, "quantile": 0.5, "value": 142600.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 2357.0}, {"index": 8121, "quantile": 0.75, "value": 142600.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 2357.0}, {"index": 8121, "quantile": 1.0, "value": 350000.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 2357.0}, {"index": 8122, "quantile": 0.0, "value": 38800.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 2339.0}, {"index": 8122, "quantile": 0.25, "value": 118300.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 2339.0}, {"index": 8122, "quantile": 0.5, "value": 135400.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 2339.0}, {"index": 8122, "quantile": 0.75, "value": 157100.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 2339.0}, {"index": 8122, "quantile": 1.0, "value": 325000.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 2339.0}, {"index": 8123, "quantile": 0.0, "value": 100000.0, "Latitude": 33.8, "Longitude": -118.18, "Population": 2951.0}, {"index": 8123, "quantile": 0.25, "value": 117600.0, "Latitude": 33.8, "Longitude": -118.18, "Population": 2951.0}, {"index": 8123, "quantile": 0.5, "value": 117600.0, "Latitude": 33.8, "Longitude": -118.18, "Population": 2951.0}, {"index": 8123, "quantile": 0.75, "value": 135450.0, "Latitude": 33.8, "Longitude": -118.18, "Population": 2951.0}, {"index": 8123, "quantile": 1.0, "value": 350000.0, "Latitude": 33.8, "Longitude": -118.18, "Population": 2951.0}, {"index": 8124, "quantile": 0.0, "value": 89700.0, "Latitude": 33.79, "Longitude": -118.17, "Population": 1042.0}, {"index": 8124, "quantile": 0.25, "value": 100000.0, "Latitude": 33.79, "Longitude": -118.17, "Population": 1042.0}, {"index": 8124, "quantile": 0.5, "value": 100000.0, "Latitude": 33.79, "Longitude": -118.17, "Population": 1042.0}, {"index": 8124, "quantile": 0.75, "value": 142650.0, "Latitude": 33.79, "Longitude": -118.17, "Population": 1042.0}, {"index": 8124, "quantile": 1.0, "value": 189600.0, "Latitude": 33.79, "Longitude": -118.17, "Population": 1042.0}, {"index": 8125, "quantile": 0.0, "value": 75400.0, "Latitude": 33.82, "Longitude": -118.18, "Population": 1042.0}, {"index": 8125, "quantile": 0.25, "value": 166500.0, "Latitude": 33.82, "Longitude": -118.18, "Population": 1042.0}, {"index": 8125, "quantile": 0.5, "value": 200000.0, "Latitude": 33.82, "Longitude": -118.18, "Population": 1042.0}, {"index": 8125, "quantile": 0.75, "value": 215400.0, "Latitude": 33.82, "Longitude": -118.18, "Population": 1042.0}, {"index": 8125, "quantile": 1.0, "value": 321600.0, "Latitude": 33.82, "Longitude": -118.18, "Population": 1042.0}, {"index": 8126, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.81, "Longitude": -118.18, "Population": 315.0}, {"index": 8126, "quantile": 0.25, "value": 107300.0, "Latitude": 33.81, "Longitude": -118.18, "Population": 315.0}, {"index": 8126, "quantile": 0.5, "value": 144800.0, "Latitude": 33.81, "Longitude": -118.18, "Population": 315.0}, {"index": 8126, "quantile": 0.75, "value": 175000.0, "Latitude": 33.81, "Longitude": -118.18, "Population": 315.0}, {"index": 8126, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.18, "Population": 315.0}, {"index": 8127, "quantile": 0.0, "value": 175000.0, "Latitude": 33.8, "Longitude": -118.16, "Population": 1530.0}, {"index": 8127, "quantile": 0.25, "value": 175000.0, "Latitude": 33.8, "Longitude": -118.16, "Population": 1530.0}, {"index": 8127, "quantile": 0.5, "value": 175000.0, "Latitude": 33.8, "Longitude": -118.16, "Population": 1530.0}, {"index": 8127, "quantile": 0.75, "value": 236174.99999999997, "Latitude": 33.8, "Longitude": -118.16, "Population": 1530.0}, {"index": 8127, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.16, "Population": 1530.0}, {"index": 8128, "quantile": 0.0, "value": 132800.0, "Latitude": 33.79, "Longitude": -118.16, "Population": 3010.0}, {"index": 8128, "quantile": 0.25, "value": 199100.0, "Latitude": 33.79, "Longitude": -118.16, "Population": 3010.0}, {"index": 8128, "quantile": 0.5, "value": 199100.0, "Latitude": 33.79, "Longitude": -118.16, "Population": 3010.0}, {"index": 8128, "quantile": 0.75, "value": 199100.0, "Latitude": 33.79, "Longitude": -118.16, "Population": 3010.0}, {"index": 8128, "quantile": 1.0, "value": 305800.0, "Latitude": 33.79, "Longitude": -118.16, "Population": 3010.0}, {"index": 8129, "quantile": 0.0, "value": 156700.0, "Latitude": 33.8, "Longitude": -118.17, "Population": 883.0}, {"index": 8129, "quantile": 0.25, "value": 187500.0, "Latitude": 33.8, "Longitude": -118.17, "Population": 883.0}, {"index": 8129, "quantile": 0.5, "value": 187500.0, "Latitude": 33.8, "Longitude": -118.17, "Population": 883.0}, {"index": 8129, "quantile": 0.75, "value": 187500.0, "Latitude": 33.8, "Longitude": -118.17, "Population": 883.0}, {"index": 8129, "quantile": 1.0, "value": 348100.0, "Latitude": 33.8, "Longitude": -118.17, "Population": 883.0}, {"index": 8130, "quantile": 0.0, "value": 99700.0, "Latitude": 33.8, "Longitude": -118.18, "Population": 1591.0}, {"index": 8130, "quantile": 0.25, "value": 163175.0, "Latitude": 33.8, "Longitude": -118.18, "Population": 1591.0}, {"index": 8130, "quantile": 0.5, "value": 180750.0, "Latitude": 33.8, "Longitude": -118.18, "Population": 1591.0}, {"index": 8130, "quantile": 0.75, "value": 195100.0, "Latitude": 33.8, "Longitude": -118.18, "Population": 1591.0}, {"index": 8130, "quantile": 1.0, "value": 346200.0, "Latitude": 33.8, "Longitude": -118.18, "Population": 1591.0}, {"index": 8131, "quantile": 0.0, "value": 177100.0, "Latitude": 33.83, "Longitude": -118.12, "Population": 687.0}, {"index": 8131, "quantile": 0.25, "value": 225900.0, "Latitude": 33.83, "Longitude": -118.12, "Population": 687.0}, {"index": 8131, "quantile": 0.5, "value": 225900.0, "Latitude": 33.83, "Longitude": -118.12, "Population": 687.0}, {"index": 8131, "quantile": 0.75, "value": 243299.99999999997, "Latitude": 33.83, "Longitude": -118.12, "Population": 687.0}, {"index": 8131, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 33.83, "Longitude": -118.12, "Population": 687.0}, {"index": 8132, "quantile": 0.0, "value": 137500.0, "Latitude": 33.83, "Longitude": -118.12, "Population": 797.0}, {"index": 8132, "quantile": 0.25, "value": 222800.00000000003, "Latitude": 33.83, "Longitude": -118.12, "Population": 797.0}, {"index": 8132, "quantile": 0.5, "value": 222800.00000000003, "Latitude": 33.83, "Longitude": -118.12, "Population": 797.0}, {"index": 8132, "quantile": 0.75, "value": 222800.00000000003, "Latitude": 33.83, "Longitude": -118.12, "Population": 797.0}, {"index": 8132, "quantile": 1.0, "value": 406300.0, "Latitude": 33.83, "Longitude": -118.12, "Population": 797.0}, {"index": 8133, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 33.82, "Longitude": -118.12, "Population": 701.0}, {"index": 8133, "quantile": 0.25, "value": 225999.99999999997, "Latitude": 33.82, "Longitude": -118.12, "Population": 701.0}, {"index": 8133, "quantile": 0.5, "value": 225999.99999999997, "Latitude": 33.82, "Longitude": -118.12, "Population": 701.0}, {"index": 8133, "quantile": 0.75, "value": 225999.99999999997, "Latitude": 33.82, "Longitude": -118.12, "Population": 701.0}, {"index": 8133, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.82, "Longitude": -118.12, "Population": 701.0}, {"index": 8134, "quantile": 0.0, "value": 120800.0, "Latitude": 33.82, "Longitude": -118.12, "Population": 671.0}, {"index": 8134, "quantile": 0.25, "value": 196900.0, "Latitude": 33.82, "Longitude": -118.12, "Population": 671.0}, {"index": 8134, "quantile": 0.5, "value": 218699.99999999997, "Latitude": 33.82, "Longitude": -118.12, "Population": 671.0}, {"index": 8134, "quantile": 0.75, "value": 243800.00000000003, "Latitude": 33.82, "Longitude": -118.12, "Population": 671.0}, {"index": 8134, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.12, "Population": 671.0}, {"index": 8135, "quantile": 0.0, "value": 170700.0, "Latitude": 33.82, "Longitude": -118.13, "Population": 815.0}, {"index": 8135, "quantile": 0.25, "value": 217200.00000000003, "Latitude": 33.82, "Longitude": -118.13, "Population": 815.0}, {"index": 8135, "quantile": 0.5, "value": 231400.0, "Latitude": 33.82, "Longitude": -118.13, "Population": 815.0}, {"index": 8135, "quantile": 0.75, "value": 318500.0, "Latitude": 33.82, "Longitude": -118.13, "Population": 815.0}, {"index": 8135, "quantile": 1.0, "value": 485700.0, "Latitude": 33.82, "Longitude": -118.13, "Population": 815.0}, {"index": 8136, "quantile": 0.0, "value": 93900.0, "Latitude": 33.82, "Longitude": -118.13, "Population": 779.0}, {"index": 8136, "quantile": 0.25, "value": 228600.0, "Latitude": 33.82, "Longitude": -118.13, "Population": 779.0}, {"index": 8136, "quantile": 0.5, "value": 228600.0, "Latitude": 33.82, "Longitude": -118.13, "Population": 779.0}, {"index": 8136, "quantile": 0.75, "value": 228600.0, "Latitude": 33.82, "Longitude": -118.13, "Population": 779.0}, {"index": 8136, "quantile": 1.0, "value": 358600.0, "Latitude": 33.82, "Longitude": -118.13, "Population": 779.0}, {"index": 8137, "quantile": 0.0, "value": 183100.0, "Latitude": 33.83, "Longitude": -118.13, "Population": 1474.0}, {"index": 8137, "quantile": 0.25, "value": 227599.99999999997, "Latitude": 33.83, "Longitude": -118.13, "Population": 1474.0}, {"index": 8137, "quantile": 0.5, "value": 227599.99999999997, "Latitude": 33.83, "Longitude": -118.13, "Population": 1474.0}, {"index": 8137, "quantile": 0.75, "value": 255850.0, "Latitude": 33.83, "Longitude": -118.13, "Population": 1474.0}, {"index": 8137, "quantile": 1.0, "value": 444500.0, "Latitude": 33.83, "Longitude": -118.13, "Population": 1474.0}, {"index": 8138, "quantile": 0.0, "value": 157800.0, "Latitude": 33.83, "Longitude": -118.1, "Population": 702.0}, {"index": 8138, "quantile": 0.25, "value": 222500.0, "Latitude": 33.83, "Longitude": -118.1, "Population": 702.0}, {"index": 8138, "quantile": 0.5, "value": 222500.0, "Latitude": 33.83, "Longitude": -118.1, "Population": 702.0}, {"index": 8138, "quantile": 0.75, "value": 222500.0, "Latitude": 33.83, "Longitude": -118.1, "Population": 702.0}, {"index": 8138, "quantile": 1.0, "value": 296600.0, "Latitude": 33.83, "Longitude": -118.1, "Population": 702.0}, {"index": 8139, "quantile": 0.0, "value": 181600.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 664.0}, {"index": 8139, "quantile": 0.25, "value": 225300.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 664.0}, {"index": 8139, "quantile": 0.5, "value": 225300.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 664.0}, {"index": 8139, "quantile": 0.75, "value": 227349.99999999997, "Latitude": 33.83, "Longitude": -118.11, "Population": 664.0}, {"index": 8139, "quantile": 1.0, "value": 485700.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 664.0}, {"index": 8140, "quantile": 0.0, "value": 94500.0, "Latitude": 33.82, "Longitude": -118.11, "Population": 887.0}, {"index": 8140, "quantile": 0.25, "value": 221900.0, "Latitude": 33.82, "Longitude": -118.11, "Population": 887.0}, {"index": 8140, "quantile": 0.5, "value": 221900.0, "Latitude": 33.82, "Longitude": -118.11, "Population": 887.0}, {"index": 8140, "quantile": 0.75, "value": 221900.0, "Latitude": 33.82, "Longitude": -118.11, "Population": 887.0}, {"index": 8140, "quantile": 1.0, "value": 487500.0, "Latitude": 33.82, "Longitude": -118.11, "Population": 887.0}, {"index": 8141, "quantile": 0.0, "value": 171400.0, "Latitude": 33.82, "Longitude": -118.11, "Population": 857.0}, {"index": 8141, "quantile": 0.25, "value": 211525.0, "Latitude": 33.82, "Longitude": -118.11, "Population": 857.0}, {"index": 8141, "quantile": 0.5, "value": 224099.99999999997, "Latitude": 33.82, "Longitude": -118.11, "Population": 857.0}, {"index": 8141, "quantile": 0.75, "value": 227100.0, "Latitude": 33.82, "Longitude": -118.11, "Population": 857.0}, {"index": 8141, "quantile": 1.0, "value": 334700.0, "Latitude": 33.82, "Longitude": -118.11, "Population": 857.0}, {"index": 8142, "quantile": 0.0, "value": 166400.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 517.0}, {"index": 8142, "quantile": 0.25, "value": 223100.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 517.0}, {"index": 8142, "quantile": 0.5, "value": 223100.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 517.0}, {"index": 8142, "quantile": 0.75, "value": 223100.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 517.0}, {"index": 8142, "quantile": 1.0, "value": 377300.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 517.0}, {"index": 8143, "quantile": 0.0, "value": 158600.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 899.0}, {"index": 8143, "quantile": 0.25, "value": 216299.99999999997, "Latitude": 33.83, "Longitude": -118.11, "Population": 899.0}, {"index": 8143, "quantile": 0.5, "value": 221750.00000000003, "Latitude": 33.83, "Longitude": -118.11, "Population": 899.0}, {"index": 8143, "quantile": 0.75, "value": 251900.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 899.0}, {"index": 8143, "quantile": 1.0, "value": 365900.0, "Latitude": 33.83, "Longitude": -118.11, "Population": 899.0}, {"index": 8144, "quantile": 0.0, "value": 221000.0, "Latitude": 33.83, "Longitude": -118.09, "Population": 1308.0}, {"index": 8144, "quantile": 0.25, "value": 227300.0, "Latitude": 33.83, "Longitude": -118.09, "Population": 1308.0}, {"index": 8144, "quantile": 0.5, "value": 227300.0, "Latitude": 33.83, "Longitude": -118.09, "Population": 1308.0}, {"index": 8144, "quantile": 0.75, "value": 247300.0, "Latitude": 33.83, "Longitude": -118.09, "Population": 1308.0}, {"index": 8144, "quantile": 1.0, "value": 495500.0, "Latitude": 33.83, "Longitude": -118.09, "Population": 1308.0}, {"index": 8145, "quantile": 0.0, "value": 168800.0, "Latitude": 33.82, "Longitude": -118.1, "Population": 1193.0}, {"index": 8145, "quantile": 0.25, "value": 225700.0, "Latitude": 33.82, "Longitude": -118.1, "Population": 1193.0}, {"index": 8145, "quantile": 0.5, "value": 225700.0, "Latitude": 33.82, "Longitude": -118.1, "Population": 1193.0}, {"index": 8145, "quantile": 0.75, "value": 225700.0, "Latitude": 33.82, "Longitude": -118.1, "Population": 1193.0}, {"index": 8145, "quantile": 1.0, "value": 343900.0, "Latitude": 33.82, "Longitude": -118.1, "Population": 1193.0}, {"index": 8146, "quantile": 0.0, "value": 159600.0, "Latitude": 33.82, "Longitude": -118.1, "Population": 915.0}, {"index": 8146, "quantile": 0.25, "value": 244400.0, "Latitude": 33.82, "Longitude": -118.1, "Population": 915.0}, {"index": 8146, "quantile": 0.5, "value": 244400.0, "Latitude": 33.82, "Longitude": -118.1, "Population": 915.0}, {"index": 8146, "quantile": 0.75, "value": 244400.0, "Latitude": 33.82, "Longitude": -118.1, "Population": 915.0}, {"index": 8146, "quantile": 1.0, "value": 430900.0, "Latitude": 33.82, "Longitude": -118.1, "Population": 915.0}, {"index": 8147, "quantile": 0.0, "value": 201200.0, "Latitude": 33.83, "Longitude": -118.1, "Population": 956.0}, {"index": 8147, "quantile": 0.25, "value": 234400.0, "Latitude": 33.83, "Longitude": -118.1, "Population": 956.0}, {"index": 8147, "quantile": 0.5, "value": 234400.0, "Latitude": 33.83, "Longitude": -118.1, "Population": 956.0}, {"index": 8147, "quantile": 0.75, "value": 244524.99999999997, "Latitude": 33.83, "Longitude": -118.1, "Population": 956.0}, {"index": 8147, "quantile": 1.0, "value": 409800.0, "Latitude": 33.83, "Longitude": -118.1, "Population": 956.0}, {"index": 8148, "quantile": 0.0, "value": 204800.0, "Latitude": 33.81, "Longitude": -118.08, "Population": 2292.0}, {"index": 8148, "quantile": 0.25, "value": 337400.0, "Latitude": 33.81, "Longitude": -118.08, "Population": 2292.0}, {"index": 8148, "quantile": 0.5, "value": 388800.0, "Latitude": 33.81, "Longitude": -118.08, "Population": 2292.0}, {"index": 8148, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.08, "Population": 2292.0}, {"index": 8148, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.08, "Population": 2292.0}, {"index": 8149, "quantile": 0.0, "value": 178600.0, "Latitude": 33.82, "Longitude": -118.09, "Population": 1042.0}, {"index": 8149, "quantile": 0.25, "value": 239800.0, "Latitude": 33.82, "Longitude": -118.09, "Population": 1042.0}, {"index": 8149, "quantile": 0.5, "value": 239800.0, "Latitude": 33.82, "Longitude": -118.09, "Population": 1042.0}, {"index": 8149, "quantile": 0.75, "value": 239800.0, "Latitude": 33.82, "Longitude": -118.09, "Population": 1042.0}, {"index": 8149, "quantile": 1.0, "value": 430900.0, "Latitude": 33.82, "Longitude": -118.09, "Population": 1042.0}, {"index": 8150, "quantile": 0.0, "value": 263700.0, "Latitude": 33.81, "Longitude": -118.09, "Population": 846.0}, {"index": 8150, "quantile": 0.25, "value": 366075.0, "Latitude": 33.81, "Longitude": -118.09, "Population": 846.0}, {"index": 8150, "quantile": 0.5, "value": 439750.0, "Latitude": 33.81, "Longitude": -118.09, "Population": 846.0}, {"index": 8150, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.09, "Population": 846.0}, {"index": 8150, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.09, "Population": 846.0}, {"index": 8151, "quantile": 0.0, "value": 137500.0, "Latitude": 33.81, "Longitude": -118.1, "Population": 444.0}, {"index": 8151, "quantile": 0.25, "value": 221300.0, "Latitude": 33.81, "Longitude": -118.1, "Population": 444.0}, {"index": 8151, "quantile": 0.5, "value": 230600.0, "Latitude": 33.81, "Longitude": -118.1, "Population": 444.0}, {"index": 8151, "quantile": 0.75, "value": 282100.0, "Latitude": 33.81, "Longitude": -118.1, "Population": 444.0}, {"index": 8151, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.1, "Population": 444.0}, {"index": 8152, "quantile": 0.0, "value": 146200.0, "Latitude": 33.81, "Longitude": -118.1, "Population": 451.0}, {"index": 8152, "quantile": 0.25, "value": 237849.99999999997, "Latitude": 33.81, "Longitude": -118.1, "Population": 451.0}, {"index": 8152, "quantile": 0.5, "value": 246000.0, "Latitude": 33.81, "Longitude": -118.1, "Population": 451.0}, {"index": 8152, "quantile": 0.75, "value": 246000.0, "Latitude": 33.81, "Longitude": -118.1, "Population": 451.0}, {"index": 8152, "quantile": 1.0, "value": 489799.99999999994, "Latitude": 33.81, "Longitude": -118.1, "Population": 451.0}, {"index": 8153, "quantile": 0.0, "value": 97600.0, "Latitude": 33.81, "Longitude": -118.11, "Population": 558.0}, {"index": 8153, "quantile": 0.25, "value": 230600.0, "Latitude": 33.81, "Longitude": -118.11, "Population": 558.0}, {"index": 8153, "quantile": 0.5, "value": 235600.0, "Latitude": 33.81, "Longitude": -118.11, "Population": 558.0}, {"index": 8153, "quantile": 0.75, "value": 235600.0, "Latitude": 33.81, "Longitude": -118.11, "Population": 558.0}, {"index": 8153, "quantile": 1.0, "value": 278400.0, "Latitude": 33.81, "Longitude": -118.11, "Population": 558.0}, {"index": 8154, "quantile": 0.0, "value": 166700.0, "Latitude": 33.82, "Longitude": -118.11, "Population": 1095.0}, {"index": 8154, "quantile": 0.25, "value": 232799.99999999997, "Latitude": 33.82, "Longitude": -118.11, "Population": 1095.0}, {"index": 8154, "quantile": 0.5, "value": 232799.99999999997, "Latitude": 33.82, "Longitude": -118.11, "Population": 1095.0}, {"index": 8154, "quantile": 0.75, "value": 232799.99999999997, "Latitude": 33.82, "Longitude": -118.11, "Population": 1095.0}, {"index": 8154, "quantile": 1.0, "value": 323700.0, "Latitude": 33.82, "Longitude": -118.11, "Population": 1095.0}, {"index": 8155, "quantile": 0.0, "value": 203500.0, "Latitude": 33.82, "Longitude": -118.1, "Population": 871.0}, {"index": 8155, "quantile": 0.25, "value": 254800.0, "Latitude": 33.82, "Longitude": -118.1, "Population": 871.0}, {"index": 8155, "quantile": 0.5, "value": 254800.0, "Latitude": 33.82, "Longitude": -118.1, "Population": 871.0}, {"index": 8155, "quantile": 0.75, "value": 254800.0, "Latitude": 33.82, "Longitude": -118.1, "Population": 871.0}, {"index": 8155, "quantile": 1.0, "value": 397000.0, "Latitude": 33.82, "Longitude": -118.1, "Population": 871.0}, {"index": 8156, "quantile": 0.0, "value": 148400.0, "Latitude": 33.82, "Longitude": -118.11, "Population": 836.0}, {"index": 8156, "quantile": 0.25, "value": 218200.0, "Latitude": 33.82, "Longitude": -118.11, "Population": 836.0}, {"index": 8156, "quantile": 0.5, "value": 218200.0, "Latitude": 33.82, "Longitude": -118.11, "Population": 836.0}, {"index": 8156, "quantile": 0.75, "value": 218200.0, "Latitude": 33.82, "Longitude": -118.11, "Population": 836.0}, {"index": 8156, "quantile": 1.0, "value": 382100.0, "Latitude": 33.82, "Longitude": -118.11, "Population": 836.0}, {"index": 8157, "quantile": 0.0, "value": 165500.0, "Latitude": 33.81, "Longitude": -118.12, "Population": 1155.0}, {"index": 8157, "quantile": 0.25, "value": 225775.00000000003, "Latitude": 33.81, "Longitude": -118.12, "Population": 1155.0}, {"index": 8157, "quantile": 0.5, "value": 235600.0, "Latitude": 33.81, "Longitude": -118.12, "Population": 1155.0}, {"index": 8157, "quantile": 0.75, "value": 246800.0, "Latitude": 33.81, "Longitude": -118.12, "Population": 1155.0}, {"index": 8157, "quantile": 1.0, "value": 334200.0, "Latitude": 33.81, "Longitude": -118.12, "Population": 1155.0}, {"index": 8158, "quantile": 0.0, "value": 160200.0, "Latitude": 33.81, "Longitude": -118.12, "Population": 860.0}, {"index": 8158, "quantile": 0.25, "value": 223674.99999999997, "Latitude": 33.81, "Longitude": -118.12, "Population": 860.0}, {"index": 8158, "quantile": 0.5, "value": 228500.0, "Latitude": 33.81, "Longitude": -118.12, "Population": 860.0}, {"index": 8158, "quantile": 0.75, "value": 228500.0, "Latitude": 33.81, "Longitude": -118.12, "Population": 860.0}, {"index": 8158, "quantile": 1.0, "value": 324000.0, "Latitude": 33.81, "Longitude": -118.12, "Population": 860.0}, {"index": 8159, "quantile": 0.0, "value": 165500.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 493.0}, {"index": 8159, "quantile": 0.25, "value": 231400.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 493.0}, {"index": 8159, "quantile": 0.5, "value": 231400.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 493.0}, {"index": 8159, "quantile": 0.75, "value": 231400.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 493.0}, {"index": 8159, "quantile": 1.0, "value": 456100.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 493.0}, {"index": 8160, "quantile": 0.0, "value": 177100.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 572.0}, {"index": 8160, "quantile": 0.25, "value": 223900.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 572.0}, {"index": 8160, "quantile": 0.5, "value": 223900.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 572.0}, {"index": 8160, "quantile": 0.75, "value": 223900.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 572.0}, {"index": 8160, "quantile": 1.0, "value": 487500.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 572.0}, {"index": 8161, "quantile": 0.0, "value": 181000.0, "Latitude": 33.82, "Longitude": -118.13, "Population": 711.0}, {"index": 8161, "quantile": 0.25, "value": 225400.0, "Latitude": 33.82, "Longitude": -118.13, "Population": 711.0}, {"index": 8161, "quantile": 0.5, "value": 225400.0, "Latitude": 33.82, "Longitude": -118.13, "Population": 711.0}, {"index": 8161, "quantile": 0.75, "value": 225400.0, "Latitude": 33.82, "Longitude": -118.13, "Population": 711.0}, {"index": 8161, "quantile": 1.0, "value": 439200.00000000006, "Latitude": 33.82, "Longitude": -118.13, "Population": 711.0}, {"index": 8162, "quantile": 0.0, "value": 95200.0, "Latitude": 33.82, "Longitude": -118.13, "Population": 273.0}, {"index": 8162, "quantile": 0.25, "value": 221749.99999999997, "Latitude": 33.82, "Longitude": -118.13, "Population": 273.0}, {"index": 8162, "quantile": 0.5, "value": 235600.0, "Latitude": 33.82, "Longitude": -118.13, "Population": 273.0}, {"index": 8162, "quantile": 0.75, "value": 283500.0, "Latitude": 33.82, "Longitude": -118.13, "Population": 273.0}, {"index": 8162, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.13, "Population": 273.0}, {"index": 8163, "quantile": 0.0, "value": 183100.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 928.0}, {"index": 8163, "quantile": 0.25, "value": 227599.99999999997, "Latitude": 33.81, "Longitude": -118.13, "Population": 928.0}, {"index": 8163, "quantile": 0.5, "value": 239800.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 928.0}, {"index": 8163, "quantile": 0.75, "value": 292775.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 928.0}, {"index": 8163, "quantile": 1.0, "value": 453700.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 928.0}, {"index": 8164, "quantile": 0.0, "value": 194000.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 855.0}, {"index": 8164, "quantile": 0.25, "value": 227100.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 855.0}, {"index": 8164, "quantile": 0.5, "value": 227100.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 855.0}, {"index": 8164, "quantile": 0.75, "value": 227100.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 855.0}, {"index": 8164, "quantile": 1.0, "value": 336400.0, "Latitude": 33.81, "Longitude": -118.13, "Population": 855.0}, {"index": 8165, "quantile": 0.0, "value": 102600.0, "Latitude": 33.8, "Longitude": -118.13, "Population": 505.0}, {"index": 8165, "quantile": 0.25, "value": 227100.0, "Latitude": 33.8, "Longitude": -118.13, "Population": 505.0}, {"index": 8165, "quantile": 0.5, "value": 233599.99999999997, "Latitude": 33.8, "Longitude": -118.13, "Population": 505.0}, {"index": 8165, "quantile": 0.75, "value": 233599.99999999997, "Latitude": 33.8, "Longitude": -118.13, "Population": 505.0}, {"index": 8165, "quantile": 1.0, "value": 383800.0, "Latitude": 33.8, "Longitude": -118.13, "Population": 505.0}, {"index": 8166, "quantile": 0.0, "value": 179500.0, "Latitude": 33.8, "Longitude": -118.13, "Population": 743.0}, {"index": 8166, "quantile": 0.25, "value": 216000.0, "Latitude": 33.8, "Longitude": -118.13, "Population": 743.0}, {"index": 8166, "quantile": 0.5, "value": 222750.0, "Latitude": 33.8, "Longitude": -118.13, "Population": 743.0}, {"index": 8166, "quantile": 0.75, "value": 235600.0, "Latitude": 33.8, "Longitude": -118.13, "Population": 743.0}, {"index": 8166, "quantile": 1.0, "value": 383800.0, "Latitude": 33.8, "Longitude": -118.13, "Population": 743.0}, {"index": 8167, "quantile": 0.0, "value": 161300.0, "Latitude": 33.8, "Longitude": -118.13, "Population": 821.0}, {"index": 8167, "quantile": 0.25, "value": 219400.0, "Latitude": 33.8, "Longitude": -118.13, "Population": 821.0}, {"index": 8167, "quantile": 0.5, "value": 223000.0, "Latitude": 33.8, "Longitude": -118.13, "Population": 821.0}, {"index": 8167, "quantile": 0.75, "value": 223000.0, "Latitude": 33.8, "Longitude": -118.13, "Population": 821.0}, {"index": 8167, "quantile": 1.0, "value": 351000.0, "Latitude": 33.8, "Longitude": -118.13, "Population": 821.0}, {"index": 8168, "quantile": 0.0, "value": 95900.0, "Latitude": 33.8, "Longitude": -118.15, "Population": 1167.0}, {"index": 8168, "quantile": 0.25, "value": 192974.99999999997, "Latitude": 33.8, "Longitude": -118.15, "Population": 1167.0}, {"index": 8168, "quantile": 0.5, "value": 219800.0, "Latitude": 33.8, "Longitude": -118.15, "Population": 1167.0}, {"index": 8168, "quantile": 0.75, "value": 219800.0, "Latitude": 33.8, "Longitude": -118.15, "Population": 1167.0}, {"index": 8168, "quantile": 1.0, "value": 346200.0, "Latitude": 33.8, "Longitude": -118.15, "Population": 1167.0}, {"index": 8169, "quantile": 0.0, "value": 159600.0, "Latitude": 33.81, "Longitude": -118.12, "Population": 784.0}, {"index": 8169, "quantile": 0.25, "value": 249200.0, "Latitude": 33.81, "Longitude": -118.12, "Population": 784.0}, {"index": 8169, "quantile": 0.5, "value": 249200.0, "Latitude": 33.81, "Longitude": -118.12, "Population": 784.0}, {"index": 8169, "quantile": 0.75, "value": 249200.0, "Latitude": 33.81, "Longitude": -118.12, "Population": 784.0}, {"index": 8169, "quantile": 1.0, "value": 453700.0, "Latitude": 33.81, "Longitude": -118.12, "Population": 784.0}, {"index": 8170, "quantile": 0.0, "value": 159500.0, "Latitude": 33.81, "Longitude": -118.12, "Population": 721.0}, {"index": 8170, "quantile": 0.25, "value": 244800.0, "Latitude": 33.81, "Longitude": -118.12, "Population": 721.0}, {"index": 8170, "quantile": 0.5, "value": 250700.0, "Latitude": 33.81, "Longitude": -118.12, "Population": 721.0}, {"index": 8170, "quantile": 0.75, "value": 250700.0, "Latitude": 33.81, "Longitude": -118.12, "Population": 721.0}, {"index": 8170, "quantile": 1.0, "value": 334700.0, "Latitude": 33.81, "Longitude": -118.12, "Population": 721.0}, {"index": 8171, "quantile": 0.0, "value": 74300.0, "Latitude": 33.8, "Longitude": -118.12, "Population": 774.0}, {"index": 8171, "quantile": 0.25, "value": 256300.00000000003, "Latitude": 33.8, "Longitude": -118.12, "Population": 774.0}, {"index": 8171, "quantile": 0.5, "value": 256300.00000000003, "Latitude": 33.8, "Longitude": -118.12, "Population": 774.0}, {"index": 8171, "quantile": 0.75, "value": 256300.00000000003, "Latitude": 33.8, "Longitude": -118.12, "Population": 774.0}, {"index": 8171, "quantile": 1.0, "value": 488900.0, "Latitude": 33.8, "Longitude": -118.12, "Population": 774.0}, {"index": 8172, "quantile": 0.0, "value": 153800.0, "Latitude": 33.8, "Longitude": -118.12, "Population": 530.0}, {"index": 8172, "quantile": 0.25, "value": 248400.0, "Latitude": 33.8, "Longitude": -118.12, "Population": 530.0}, {"index": 8172, "quantile": 0.5, "value": 297650.0, "Latitude": 33.8, "Longitude": -118.12, "Population": 530.0}, {"index": 8172, "quantile": 0.75, "value": 365100.0, "Latitude": 33.8, "Longitude": -118.12, "Population": 530.0}, {"index": 8172, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.12, "Population": 530.0}, {"index": 8173, "quantile": 0.0, "value": 86300.0, "Latitude": 33.8, "Longitude": -118.11, "Population": 810.0}, {"index": 8173, "quantile": 0.25, "value": 223100.0, "Latitude": 33.8, "Longitude": -118.11, "Population": 810.0}, {"index": 8173, "quantile": 0.5, "value": 232650.00000000003, "Latitude": 33.8, "Longitude": -118.11, "Population": 810.0}, {"index": 8173, "quantile": 0.75, "value": 244800.0, "Latitude": 33.8, "Longitude": -118.11, "Population": 810.0}, {"index": 8173, "quantile": 1.0, "value": 329400.0, "Latitude": 33.8, "Longitude": -118.11, "Population": 810.0}, {"index": 8174, "quantile": 0.0, "value": 193800.0, "Latitude": 33.79, "Longitude": -118.11, "Population": 884.0}, {"index": 8174, "quantile": 0.25, "value": 244899.99999999997, "Latitude": 33.79, "Longitude": -118.11, "Population": 884.0}, {"index": 8174, "quantile": 0.5, "value": 244899.99999999997, "Latitude": 33.79, "Longitude": -118.11, "Population": 884.0}, {"index": 8174, "quantile": 0.75, "value": 258350.0, "Latitude": 33.79, "Longitude": -118.11, "Population": 884.0}, {"index": 8174, "quantile": 1.0, "value": 481500.00000000006, "Latitude": 33.79, "Longitude": -118.11, "Population": 884.0}, {"index": 8175, "quantile": 0.0, "value": 199400.0, "Latitude": 33.79, "Longitude": -118.11, "Population": 1039.0}, {"index": 8175, "quantile": 0.25, "value": 231250.0, "Latitude": 33.79, "Longitude": -118.11, "Population": 1039.0}, {"index": 8175, "quantile": 0.5, "value": 284850.0, "Latitude": 33.79, "Longitude": -118.11, "Population": 1039.0}, {"index": 8175, "quantile": 0.75, "value": 291000.0, "Latitude": 33.79, "Longitude": -118.11, "Population": 1039.0}, {"index": 8175, "quantile": 1.0, "value": 495500.0, "Latitude": 33.79, "Longitude": -118.11, "Population": 1039.0}, {"index": 8176, "quantile": 0.0, "value": 183100.0, "Latitude": 33.81, "Longitude": -118.09, "Population": 666.0}, {"index": 8176, "quantile": 0.25, "value": 243299.99999999997, "Latitude": 33.81, "Longitude": -118.09, "Population": 666.0}, {"index": 8176, "quantile": 0.5, "value": 243299.99999999997, "Latitude": 33.81, "Longitude": -118.09, "Population": 666.0}, {"index": 8176, "quantile": 0.75, "value": 243299.99999999997, "Latitude": 33.81, "Longitude": -118.09, "Population": 666.0}, {"index": 8176, "quantile": 1.0, "value": 335300.0, "Latitude": 33.81, "Longitude": -118.09, "Population": 666.0}, {"index": 8177, "quantile": 0.0, "value": 160200.0, "Latitude": 33.8, "Longitude": -118.09, "Population": 838.0}, {"index": 8177, "quantile": 0.25, "value": 218200.0, "Latitude": 33.8, "Longitude": -118.09, "Population": 838.0}, {"index": 8177, "quantile": 0.5, "value": 226349.99999999997, "Latitude": 33.8, "Longitude": -118.09, "Population": 838.0}, {"index": 8177, "quantile": 0.75, "value": 228675.0, "Latitude": 33.8, "Longitude": -118.09, "Population": 838.0}, {"index": 8177, "quantile": 1.0, "value": 329400.0, "Latitude": 33.8, "Longitude": -118.09, "Population": 838.0}, {"index": 8178, "quantile": 0.0, "value": 188000.0, "Latitude": 33.8, "Longitude": -118.11, "Population": 744.0}, {"index": 8178, "quantile": 0.25, "value": 236050.0, "Latitude": 33.8, "Longitude": -118.11, "Population": 744.0}, {"index": 8178, "quantile": 0.5, "value": 244800.0, "Latitude": 33.8, "Longitude": -118.11, "Population": 744.0}, {"index": 8178, "quantile": 0.75, "value": 244800.0, "Latitude": 33.8, "Longitude": -118.11, "Population": 744.0}, {"index": 8178, "quantile": 1.0, "value": 353100.0, "Latitude": 33.8, "Longitude": -118.11, "Population": 744.0}, {"index": 8179, "quantile": 0.0, "value": 153800.0, "Latitude": 33.8, "Longitude": -118.11, "Population": 444.0}, {"index": 8179, "quantile": 0.25, "value": 239600.0, "Latitude": 33.8, "Longitude": -118.11, "Population": 444.0}, {"index": 8179, "quantile": 0.5, "value": 266850.0, "Latitude": 33.8, "Longitude": -118.11, "Population": 444.0}, {"index": 8179, "quantile": 0.75, "value": 316375.0, "Latitude": 33.8, "Longitude": -118.11, "Population": 444.0}, {"index": 8179, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.11, "Population": 444.0}, {"index": 8180, "quantile": 0.0, "value": 227300.0, "Latitude": 33.81, "Longitude": -118.11, "Population": 776.0}, {"index": 8180, "quantile": 0.25, "value": 257900.00000000003, "Latitude": 33.81, "Longitude": -118.11, "Population": 776.0}, {"index": 8180, "quantile": 0.5, "value": 257900.00000000003, "Latitude": 33.81, "Longitude": -118.11, "Population": 776.0}, {"index": 8180, "quantile": 0.75, "value": 280450.0, "Latitude": 33.81, "Longitude": -118.11, "Population": 776.0}, {"index": 8180, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.11, "Population": 776.0}, {"index": 8181, "quantile": 0.0, "value": 160100.0, "Latitude": 33.81, "Longitude": -118.1, "Population": 786.0}, {"index": 8181, "quantile": 0.25, "value": 239600.0, "Latitude": 33.81, "Longitude": -118.1, "Population": 786.0}, {"index": 8181, "quantile": 0.5, "value": 239600.0, "Latitude": 33.81, "Longitude": -118.1, "Population": 786.0}, {"index": 8181, "quantile": 0.75, "value": 287275.0, "Latitude": 33.81, "Longitude": -118.1, "Population": 786.0}, {"index": 8181, "quantile": 1.0, "value": 495500.0, "Latitude": 33.81, "Longitude": -118.1, "Population": 786.0}, {"index": 8182, "quantile": 0.0, "value": 183800.0, "Latitude": 33.8, "Longitude": -118.1, "Population": 850.0}, {"index": 8182, "quantile": 0.25, "value": 227599.99999999997, "Latitude": 33.8, "Longitude": -118.1, "Population": 850.0}, {"index": 8182, "quantile": 0.5, "value": 243299.99999999997, "Latitude": 33.8, "Longitude": -118.1, "Population": 850.0}, {"index": 8182, "quantile": 0.75, "value": 253525.0, "Latitude": 33.8, "Longitude": -118.1, "Population": 850.0}, {"index": 8182, "quantile": 1.0, "value": 453700.0, "Latitude": 33.8, "Longitude": -118.1, "Population": 850.0}, {"index": 8183, "quantile": 0.0, "value": 218900.0, "Latitude": 33.79, "Longitude": -118.09, "Population": 1911.0}, {"index": 8183, "quantile": 0.25, "value": 247300.0, "Latitude": 33.79, "Longitude": -118.09, "Population": 1911.0}, {"index": 8183, "quantile": 0.5, "value": 247300.0, "Latitude": 33.79, "Longitude": -118.09, "Population": 1911.0}, {"index": 8183, "quantile": 0.75, "value": 247300.0, "Latitude": 33.79, "Longitude": -118.09, "Population": 1911.0}, {"index": 8183, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.09, "Population": 1911.0}, {"index": 8184, "quantile": 0.0, "value": 215800.0, "Latitude": 33.78, "Longitude": -118.1, "Population": 2134.0}, {"index": 8184, "quantile": 0.25, "value": 251799.99999999997, "Latitude": 33.78, "Longitude": -118.1, "Population": 2134.0}, {"index": 8184, "quantile": 0.5, "value": 251799.99999999997, "Latitude": 33.78, "Longitude": -118.1, "Population": 2134.0}, {"index": 8184, "quantile": 0.75, "value": 251799.99999999997, "Latitude": 33.78, "Longitude": -118.1, "Population": 2134.0}, {"index": 8184, "quantile": 1.0, "value": 350200.0, "Latitude": 33.78, "Longitude": -118.1, "Population": 2134.0}, {"index": 8185, "quantile": 0.0, "value": 206999.99999999997, "Latitude": 33.79, "Longitude": -118.1, "Population": 996.0}, {"index": 8185, "quantile": 0.25, "value": 287200.0, "Latitude": 33.79, "Longitude": -118.1, "Population": 996.0}, {"index": 8185, "quantile": 0.5, "value": 287200.0, "Latitude": 33.79, "Longitude": -118.1, "Population": 996.0}, {"index": 8185, "quantile": 0.75, "value": 287200.0, "Latitude": 33.79, "Longitude": -118.1, "Population": 996.0}, {"index": 8185, "quantile": 1.0, "value": 495500.0, "Latitude": 33.79, "Longitude": -118.1, "Population": 996.0}, {"index": 8186, "quantile": 0.0, "value": 139100.0, "Latitude": 33.79, "Longitude": -118.1, "Population": 1522.0}, {"index": 8186, "quantile": 0.25, "value": 217625.0, "Latitude": 33.79, "Longitude": -118.1, "Population": 1522.0}, {"index": 8186, "quantile": 0.5, "value": 243000.00000000003, "Latitude": 33.79, "Longitude": -118.1, "Population": 1522.0}, {"index": 8186, "quantile": 0.75, "value": 276125.0, "Latitude": 33.79, "Longitude": -118.1, "Population": 1522.0}, {"index": 8186, "quantile": 1.0, "value": 446800.0, "Latitude": 33.79, "Longitude": -118.1, "Population": 1522.0}, {"index": 8187, "quantile": 0.0, "value": 308400.0, "Latitude": 33.78, "Longitude": -118.11, "Population": 1327.0}, {"index": 8187, "quantile": 0.25, "value": 368850.0, "Latitude": 33.78, "Longitude": -118.11, "Population": 1327.0}, {"index": 8187, "quantile": 0.5, "value": 397050.0, "Latitude": 33.78, "Longitude": -118.11, "Population": 1327.0}, {"index": 8187, "quantile": 0.75, "value": 453950.00000000006, "Latitude": 33.78, "Longitude": -118.11, "Population": 1327.0}, {"index": 8187, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.11, "Population": 1327.0}, {"index": 8188, "quantile": 0.0, "value": 184500.0, "Latitude": 33.79, "Longitude": -118.13, "Population": 1132.0}, {"index": 8188, "quantile": 0.25, "value": 375525.0, "Latitude": 33.79, "Longitude": -118.13, "Population": 1132.0}, {"index": 8188, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.13, "Population": 1132.0}, {"index": 8188, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.13, "Population": 1132.0}, {"index": 8188, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.13, "Population": 1132.0}, {"index": 8189, "quantile": 0.0, "value": 140600.0, "Latitude": 33.78, "Longitude": -118.13, "Population": 1199.0}, {"index": 8189, "quantile": 0.25, "value": 461125.0, "Latitude": 33.78, "Longitude": -118.13, "Population": 1199.0}, {"index": 8189, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.13, "Population": 1199.0}, {"index": 8189, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.13, "Population": 1199.0}, {"index": 8189, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.13, "Population": 1199.0}, {"index": 8190, "quantile": 0.0, "value": 183800.0, "Latitude": 33.79, "Longitude": -118.13, "Population": 508.0}, {"index": 8190, "quantile": 0.25, "value": 264725.0, "Latitude": 33.79, "Longitude": -118.13, "Population": 508.0}, {"index": 8190, "quantile": 0.5, "value": 351900.0, "Latitude": 33.79, "Longitude": -118.13, "Population": 508.0}, {"index": 8190, "quantile": 0.75, "value": 418800.0, "Latitude": 33.79, "Longitude": -118.13, "Population": 508.0}, {"index": 8190, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.13, "Population": 508.0}, {"index": 8191, "quantile": 0.0, "value": 149700.0, "Latitude": 33.79, "Longitude": -118.12, "Population": 767.0}, {"index": 8191, "quantile": 0.25, "value": 209425.00000000003, "Latitude": 33.79, "Longitude": -118.12, "Population": 767.0}, {"index": 8191, "quantile": 0.5, "value": 223900.0, "Latitude": 33.79, "Longitude": -118.12, "Population": 767.0}, {"index": 8191, "quantile": 0.75, "value": 234800.0, "Latitude": 33.79, "Longitude": -118.12, "Population": 767.0}, {"index": 8191, "quantile": 1.0, "value": 352100.0, "Latitude": 33.79, "Longitude": -118.12, "Population": 767.0}, {"index": 8192, "quantile": 0.0, "value": 97300.0, "Latitude": 33.79, "Longitude": -118.12, "Population": 738.0}, {"index": 8192, "quantile": 0.25, "value": 234875.0, "Latitude": 33.79, "Longitude": -118.12, "Population": 738.0}, {"index": 8192, "quantile": 0.5, "value": 240700.0, "Latitude": 33.79, "Longitude": -118.12, "Population": 738.0}, {"index": 8192, "quantile": 0.75, "value": 240700.0, "Latitude": 33.79, "Longitude": -118.12, "Population": 738.0}, {"index": 8192, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 33.79, "Longitude": -118.12, "Population": 738.0}, {"index": 8193, "quantile": 0.0, "value": 93900.0, "Latitude": 33.79, "Longitude": -118.13, "Population": 947.0}, {"index": 8193, "quantile": 0.25, "value": 236200.0, "Latitude": 33.79, "Longitude": -118.13, "Population": 947.0}, {"index": 8193, "quantile": 0.5, "value": 236200.0, "Latitude": 33.79, "Longitude": -118.13, "Population": 947.0}, {"index": 8193, "quantile": 0.75, "value": 236200.0, "Latitude": 33.79, "Longitude": -118.13, "Population": 947.0}, {"index": 8193, "quantile": 1.0, "value": 476300.0, "Latitude": 33.79, "Longitude": -118.13, "Population": 947.0}, {"index": 8194, "quantile": 0.0, "value": 177100.0, "Latitude": 33.79, "Longitude": -118.13, "Population": 1057.0}, {"index": 8194, "quantile": 0.25, "value": 234800.0, "Latitude": 33.79, "Longitude": -118.13, "Population": 1057.0}, {"index": 8194, "quantile": 0.5, "value": 234800.0, "Latitude": 33.79, "Longitude": -118.13, "Population": 1057.0}, {"index": 8194, "quantile": 0.75, "value": 234800.0, "Latitude": 33.79, "Longitude": -118.13, "Population": 1057.0}, {"index": 8194, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 33.79, "Longitude": -118.13, "Population": 1057.0}, {"index": 8195, "quantile": 0.0, "value": 86300.0, "Latitude": 33.79, "Longitude": -118.14, "Population": 681.0}, {"index": 8195, "quantile": 0.25, "value": 212500.0, "Latitude": 33.79, "Longitude": -118.14, "Population": 681.0}, {"index": 8195, "quantile": 0.5, "value": 212500.0, "Latitude": 33.79, "Longitude": -118.14, "Population": 681.0}, {"index": 8195, "quantile": 0.75, "value": 219725.00000000003, "Latitude": 33.79, "Longitude": -118.14, "Population": 681.0}, {"index": 8195, "quantile": 1.0, "value": 337800.0, "Latitude": 33.79, "Longitude": -118.14, "Population": 681.0}, {"index": 8196, "quantile": 0.0, "value": 116700.0, "Latitude": 33.79, "Longitude": -118.13, "Population": 3625.0}, {"index": 8196, "quantile": 0.25, "value": 242899.99999999997, "Latitude": 33.79, "Longitude": -118.13, "Population": 3625.0}, {"index": 8196, "quantile": 0.5, "value": 242899.99999999997, "Latitude": 33.79, "Longitude": -118.13, "Population": 3625.0}, {"index": 8196, "quantile": 0.75, "value": 242899.99999999997, "Latitude": 33.79, "Longitude": -118.13, "Population": 3625.0}, {"index": 8196, "quantile": 1.0, "value": 429200.0, "Latitude": 33.79, "Longitude": -118.13, "Population": 3625.0}, {"index": 8197, "quantile": 0.0, "value": 88800.0, "Latitude": 33.8, "Longitude": -118.14, "Population": 1230.0}, {"index": 8197, "quantile": 0.25, "value": 203900.00000000003, "Latitude": 33.8, "Longitude": -118.14, "Population": 1230.0}, {"index": 8197, "quantile": 0.5, "value": 203900.00000000003, "Latitude": 33.8, "Longitude": -118.14, "Population": 1230.0}, {"index": 8197, "quantile": 0.75, "value": 210000.0, "Latitude": 33.8, "Longitude": -118.14, "Population": 1230.0}, {"index": 8197, "quantile": 1.0, "value": 418600.0, "Latitude": 33.8, "Longitude": -118.14, "Population": 1230.0}, {"index": 8198, "quantile": 0.0, "value": 78700.0, "Latitude": 33.79, "Longitude": -118.15, "Population": 1657.0}, {"index": 8198, "quantile": 0.25, "value": 162500.0, "Latitude": 33.79, "Longitude": -118.15, "Population": 1657.0}, {"index": 8198, "quantile": 0.5, "value": 190250.0, "Latitude": 33.79, "Longitude": -118.15, "Population": 1657.0}, {"index": 8198, "quantile": 0.75, "value": 222975.0, "Latitude": 33.79, "Longitude": -118.15, "Population": 1657.0}, {"index": 8198, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.15, "Population": 1657.0}, {"index": 8199, "quantile": 0.0, "value": 137000.0, "Latitude": 33.79, "Longitude": -118.14, "Population": 1478.0}, {"index": 8199, "quantile": 0.25, "value": 209400.0, "Latitude": 33.79, "Longitude": -118.14, "Population": 1478.0}, {"index": 8199, "quantile": 0.5, "value": 209400.0, "Latitude": 33.79, "Longitude": -118.14, "Population": 1478.0}, {"index": 8199, "quantile": 0.75, "value": 209400.0, "Latitude": 33.79, "Longitude": -118.14, "Population": 1478.0}, {"index": 8199, "quantile": 1.0, "value": 348100.0, "Latitude": 33.79, "Longitude": -118.14, "Population": 1478.0}, {"index": 8200, "quantile": 0.0, "value": 131000.0, "Latitude": 33.79, "Longitude": -118.14, "Population": 1461.0}, {"index": 8200, "quantile": 0.25, "value": 200600.00000000003, "Latitude": 33.79, "Longitude": -118.14, "Population": 1461.0}, {"index": 8200, "quantile": 0.5, "value": 215400.0, "Latitude": 33.79, "Longitude": -118.14, "Population": 1461.0}, {"index": 8200, "quantile": 0.75, "value": 215400.0, "Latitude": 33.79, "Longitude": -118.14, "Population": 1461.0}, {"index": 8200, "quantile": 1.0, "value": 330300.0, "Latitude": 33.79, "Longitude": -118.14, "Population": 1461.0}, {"index": 8201, "quantile": 0.0, "value": 134700.0, "Latitude": 33.78, "Longitude": -118.14, "Population": 1038.0}, {"index": 8201, "quantile": 0.25, "value": 217899.99999999997, "Latitude": 33.78, "Longitude": -118.14, "Population": 1038.0}, {"index": 8201, "quantile": 0.5, "value": 217899.99999999997, "Latitude": 33.78, "Longitude": -118.14, "Population": 1038.0}, {"index": 8201, "quantile": 0.75, "value": 220925.0, "Latitude": 33.78, "Longitude": -118.14, "Population": 1038.0}, {"index": 8201, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.14, "Population": 1038.0}, {"index": 8202, "quantile": 0.0, "value": 93800.0, "Latitude": 33.79, "Longitude": -118.15, "Population": 2297.0}, {"index": 8202, "quantile": 0.25, "value": 185900.0, "Latitude": 33.79, "Longitude": -118.15, "Population": 2297.0}, {"index": 8202, "quantile": 0.5, "value": 185900.0, "Latitude": 33.79, "Longitude": -118.15, "Population": 2297.0}, {"index": 8202, "quantile": 0.75, "value": 185900.0, "Latitude": 33.79, "Longitude": -118.15, "Population": 2297.0}, {"index": 8202, "quantile": 1.0, "value": 326500.0, "Latitude": 33.79, "Longitude": -118.15, "Population": 2297.0}, {"index": 8203, "quantile": 0.0, "value": 45000.0, "Latitude": 33.78, "Longitude": -118.15, "Population": 904.0}, {"index": 8203, "quantile": 0.25, "value": 181300.0, "Latitude": 33.78, "Longitude": -118.15, "Population": 904.0}, {"index": 8203, "quantile": 0.5, "value": 181300.0, "Latitude": 33.78, "Longitude": -118.15, "Population": 904.0}, {"index": 8203, "quantile": 0.75, "value": 181300.0, "Latitude": 33.78, "Longitude": -118.15, "Population": 904.0}, {"index": 8203, "quantile": 1.0, "value": 276800.0, "Latitude": 33.78, "Longitude": -118.15, "Population": 904.0}, {"index": 8204, "quantile": 0.0, "value": 100000.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 1939.0}, {"index": 8204, "quantile": 0.25, "value": 139100.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 1939.0}, {"index": 8204, "quantile": 0.5, "value": 139100.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 1939.0}, {"index": 8204, "quantile": 0.75, "value": 153775.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 1939.0}, {"index": 8204, "quantile": 1.0, "value": 222200.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 1939.0}, {"index": 8205, "quantile": 0.0, "value": 100000.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 2074.0}, {"index": 8205, "quantile": 0.25, "value": 152700.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 2074.0}, {"index": 8205, "quantile": 0.5, "value": 152700.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 2074.0}, {"index": 8205, "quantile": 0.75, "value": 153500.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 2074.0}, {"index": 8205, "quantile": 1.0, "value": 186200.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 2074.0}, {"index": 8206, "quantile": 0.0, "value": 142900.0, "Latitude": 33.79, "Longitude": -118.16, "Population": 3916.0}, {"index": 8206, "quantile": 0.25, "value": 153700.0, "Latitude": 33.79, "Longitude": -118.16, "Population": 3916.0}, {"index": 8206, "quantile": 0.5, "value": 153700.0, "Latitude": 33.79, "Longitude": -118.16, "Population": 3916.0}, {"index": 8206, "quantile": 0.75, "value": 160000.0, "Latitude": 33.79, "Longitude": -118.16, "Population": 3916.0}, {"index": 8206, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 33.79, "Longitude": -118.16, "Population": 3916.0}, {"index": 8207, "quantile": 0.0, "value": 129200.0, "Latitude": 33.79, "Longitude": -118.16, "Population": 2135.0}, {"index": 8207, "quantile": 0.25, "value": 184075.0, "Latitude": 33.79, "Longitude": -118.16, "Population": 2135.0}, {"index": 8207, "quantile": 0.5, "value": 190600.0, "Latitude": 33.79, "Longitude": -118.16, "Population": 2135.0}, {"index": 8207, "quantile": 0.75, "value": 206825.0, "Latitude": 33.79, "Longitude": -118.16, "Population": 2135.0}, {"index": 8207, "quantile": 1.0, "value": 238300.0, "Latitude": 33.79, "Longitude": -118.16, "Population": 2135.0}, {"index": 8208, "quantile": 0.0, "value": 91500.0, "Latitude": 33.79, "Longitude": -118.17, "Population": 3002.0}, {"index": 8208, "quantile": 0.25, "value": 135700.00000000003, "Latitude": 33.79, "Longitude": -118.17, "Population": 3002.0}, {"index": 8208, "quantile": 0.5, "value": 154200.0, "Latitude": 33.79, "Longitude": -118.17, "Population": 3002.0}, {"index": 8208, "quantile": 0.75, "value": 164200.0, "Latitude": 33.79, "Longitude": -118.17, "Population": 3002.0}, {"index": 8208, "quantile": 1.0, "value": 215099.99999999997, "Latitude": 33.79, "Longitude": -118.17, "Population": 3002.0}, {"index": 8209, "quantile": 0.0, "value": 94100.0, "Latitude": 33.79, "Longitude": -118.17, "Population": 2646.0}, {"index": 8209, "quantile": 0.25, "value": 115900.0, "Latitude": 33.79, "Longitude": -118.17, "Population": 2646.0}, {"index": 8209, "quantile": 0.5, "value": 115900.0, "Latitude": 33.79, "Longitude": -118.17, "Population": 2646.0}, {"index": 8209, "quantile": 0.75, "value": 116500.0, "Latitude": 33.79, "Longitude": -118.17, "Population": 2646.0}, {"index": 8209, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 33.79, "Longitude": -118.17, "Population": 2646.0}, {"index": 8210, "quantile": 0.0, "value": 50600.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1379.0}, {"index": 8210, "quantile": 0.25, "value": 129700.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1379.0}, {"index": 8210, "quantile": 0.5, "value": 129700.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1379.0}, {"index": 8210, "quantile": 0.75, "value": 135175.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1379.0}, {"index": 8210, "quantile": 1.0, "value": 350000.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1379.0}, {"index": 8211, "quantile": 0.0, "value": 105600.0, "Latitude": 33.79, "Longitude": -118.18, "Population": 1896.0}, {"index": 8211, "quantile": 0.25, "value": 130000.0, "Latitude": 33.79, "Longitude": -118.18, "Population": 1896.0}, {"index": 8211, "quantile": 0.5, "value": 130000.0, "Latitude": 33.79, "Longitude": -118.18, "Population": 1896.0}, {"index": 8211, "quantile": 0.75, "value": 141700.0, "Latitude": 33.79, "Longitude": -118.18, "Population": 1896.0}, {"index": 8211, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 33.79, "Longitude": -118.18, "Population": 1896.0}, {"index": 8212, "quantile": 0.0, "value": 93800.0, "Latitude": 33.79, "Longitude": -118.17, "Population": 1816.0}, {"index": 8212, "quantile": 0.25, "value": 118300.0, "Latitude": 33.79, "Longitude": -118.17, "Population": 1816.0}, {"index": 8212, "quantile": 0.5, "value": 118300.0, "Latitude": 33.79, "Longitude": -118.17, "Population": 1816.0}, {"index": 8212, "quantile": 0.75, "value": 118300.0, "Latitude": 33.79, "Longitude": -118.17, "Population": 1816.0}, {"index": 8212, "quantile": 1.0, "value": 187500.0, "Latitude": 33.79, "Longitude": -118.17, "Population": 1816.0}, {"index": 8213, "quantile": 0.0, "value": 89700.0, "Latitude": 33.79, "Longitude": -118.18, "Population": 1201.0}, {"index": 8213, "quantile": 0.25, "value": 113500.0, "Latitude": 33.79, "Longitude": -118.18, "Population": 1201.0}, {"index": 8213, "quantile": 0.5, "value": 129700.0, "Latitude": 33.79, "Longitude": -118.18, "Population": 1201.0}, {"index": 8213, "quantile": 0.75, "value": 138800.0, "Latitude": 33.79, "Longitude": -118.18, "Population": 1201.0}, {"index": 8213, "quantile": 1.0, "value": 214500.0, "Latitude": 33.79, "Longitude": -118.18, "Population": 1201.0}, {"index": 8214, "quantile": 0.0, "value": 94100.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 1398.0}, {"index": 8214, "quantile": 0.25, "value": 156300.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 1398.0}, {"index": 8214, "quantile": 0.5, "value": 156300.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 1398.0}, {"index": 8214, "quantile": 0.75, "value": 156300.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 1398.0}, {"index": 8214, "quantile": 1.0, "value": 254500.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 1398.0}, {"index": 8215, "quantile": 0.0, "value": 100000.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 1967.0}, {"index": 8215, "quantile": 0.25, "value": 129299.99999999999, "Latitude": 33.79, "Longitude": -118.19, "Population": 1967.0}, {"index": 8215, "quantile": 0.5, "value": 136500.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 1967.0}, {"index": 8215, "quantile": 0.75, "value": 145625.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 1967.0}, {"index": 8215, "quantile": 1.0, "value": 190400.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 1967.0}, {"index": 8216, "quantile": 0.0, "value": 104800.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 3543.0}, {"index": 8216, "quantile": 0.25, "value": 141700.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 3543.0}, {"index": 8216, "quantile": 0.5, "value": 141700.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 3543.0}, {"index": 8216, "quantile": 0.75, "value": 141700.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 3543.0}, {"index": 8216, "quantile": 1.0, "value": 189400.0, "Latitude": 33.79, "Longitude": -118.19, "Population": 3543.0}, {"index": 8217, "quantile": 0.0, "value": 34400.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 439.0}, {"index": 8217, "quantile": 0.25, "value": 105300.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 439.0}, {"index": 8217, "quantile": 0.5, "value": 134800.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 439.0}, {"index": 8217, "quantile": 0.75, "value": 152500.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 439.0}, {"index": 8217, "quantile": 1.0, "value": 250000.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 439.0}, {"index": 8218, "quantile": 0.0, "value": 38800.0, "Latitude": 33.79, "Longitude": -118.2, "Population": 3744.0}, {"index": 8218, "quantile": 0.25, "value": 132400.0, "Latitude": 33.79, "Longitude": -118.2, "Population": 3744.0}, {"index": 8218, "quantile": 0.5, "value": 146300.0, "Latitude": 33.79, "Longitude": -118.2, "Population": 3744.0}, {"index": 8218, "quantile": 0.75, "value": 163100.0, "Latitude": 33.79, "Longitude": -118.2, "Population": 3744.0}, {"index": 8218, "quantile": 1.0, "value": 275000.0, "Latitude": 33.79, "Longitude": -118.2, "Population": 3744.0}, {"index": 8219, "quantile": 0.0, "value": 112500.0, "Latitude": 33.79, "Longitude": -118.21, "Population": 96.0}, {"index": 8219, "quantile": 0.25, "value": 112500.0, "Latitude": 33.79, "Longitude": -118.21, "Population": 96.0}, {"index": 8219, "quantile": 0.5, "value": 112500.0, "Latitude": 33.79, "Longitude": -118.21, "Population": 96.0}, {"index": 8219, "quantile": 0.75, "value": 215974.99999999997, "Latitude": 33.79, "Longitude": -118.21, "Population": 96.0}, {"index": 8219, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.21, "Population": 96.0}, {"index": 8220, "quantile": 0.0, "value": 72900.0, "Latitude": 33.79, "Longitude": -118.21, "Population": 153.0}, {"index": 8220, "quantile": 0.25, "value": 103200.0, "Latitude": 33.79, "Longitude": -118.21, "Population": 153.0}, {"index": 8220, "quantile": 0.5, "value": 124750.0, "Latitude": 33.79, "Longitude": -118.21, "Population": 153.0}, {"index": 8220, "quantile": 0.75, "value": 147875.0, "Latitude": 33.79, "Longitude": -118.21, "Population": 153.0}, {"index": 8220, "quantile": 1.0, "value": 350000.0, "Latitude": 33.79, "Longitude": -118.21, "Population": 153.0}, {"index": 8221, "quantile": 0.0, "value": 47500.0, "Latitude": 33.79, "Longitude": -118.22, "Population": 222.0}, {"index": 8221, "quantile": 0.25, "value": 104200.0, "Latitude": 33.79, "Longitude": -118.22, "Population": 222.0}, {"index": 8221, "quantile": 0.5, "value": 104200.0, "Latitude": 33.79, "Longitude": -118.22, "Population": 222.0}, {"index": 8221, "quantile": 0.75, "value": 105550.00000000001, "Latitude": 33.79, "Longitude": -118.22, "Population": 222.0}, {"index": 8221, "quantile": 1.0, "value": 350000.0, "Latitude": 33.79, "Longitude": -118.22, "Population": 222.0}, {"index": 8222, "quantile": 0.0, "value": 87500.0, "Latitude": 33.76, "Longitude": -118.23, "Population": 29.0}, {"index": 8222, "quantile": 0.25, "value": 87500.0, "Latitude": 33.76, "Longitude": -118.23, "Population": 29.0}, {"index": 8222, "quantile": 0.5, "value": 87500.0, "Latitude": 33.76, "Longitude": -118.23, "Population": 29.0}, {"index": 8222, "quantile": 0.75, "value": 364525.0, "Latitude": 33.76, "Longitude": -118.23, "Population": 29.0}, {"index": 8222, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.23, "Population": 29.0}, {"index": 8223, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.78, "Longitude": -118.19, "Population": 2924.0}, {"index": 8223, "quantile": 0.25, "value": 129700.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 2924.0}, {"index": 8223, "quantile": 0.5, "value": 162800.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 2924.0}, {"index": 8223, "quantile": 0.75, "value": 187950.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 2924.0}, {"index": 8223, "quantile": 1.0, "value": 350000.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 2924.0}, {"index": 8224, "quantile": 0.0, "value": 87500.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 914.0}, {"index": 8224, "quantile": 0.25, "value": 165350.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 914.0}, {"index": 8224, "quantile": 0.5, "value": 187500.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 914.0}, {"index": 8224, "quantile": 0.75, "value": 187500.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 914.0}, {"index": 8224, "quantile": 1.0, "value": 350000.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 914.0}, {"index": 8225, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.78, "Longitude": -118.2, "Population": 1545.0}, {"index": 8225, "quantile": 0.25, "value": 175000.0, "Latitude": 33.78, "Longitude": -118.2, "Population": 1545.0}, {"index": 8225, "quantile": 0.5, "value": 175000.0, "Latitude": 33.78, "Longitude": -118.2, "Population": 1545.0}, {"index": 8225, "quantile": 0.75, "value": 175000.0, "Latitude": 33.78, "Longitude": -118.2, "Population": 1545.0}, {"index": 8225, "quantile": 1.0, "value": 450000.0, "Latitude": 33.78, "Longitude": -118.2, "Population": 1545.0}, {"index": 8226, "quantile": 0.0, "value": 98800.0, "Latitude": 33.78, "Longitude": -118.2, "Population": 1908.0}, {"index": 8226, "quantile": 0.25, "value": 129925.0, "Latitude": 33.78, "Longitude": -118.2, "Population": 1908.0}, {"index": 8226, "quantile": 0.5, "value": 137500.0, "Latitude": 33.78, "Longitude": -118.2, "Population": 1908.0}, {"index": 8226, "quantile": 0.75, "value": 149000.0, "Latitude": 33.78, "Longitude": -118.2, "Population": 1908.0}, {"index": 8226, "quantile": 1.0, "value": 190400.0, "Latitude": 33.78, "Longitude": -118.2, "Population": 1908.0}, {"index": 8227, "quantile": 0.0, "value": 97900.0, "Latitude": 33.78, "Longitude": -118.2, "Population": 3018.0}, {"index": 8227, "quantile": 0.25, "value": 162500.0, "Latitude": 33.78, "Longitude": -118.2, "Population": 3018.0}, {"index": 8227, "quantile": 0.5, "value": 162500.0, "Latitude": 33.78, "Longitude": -118.2, "Population": 3018.0}, {"index": 8227, "quantile": 0.75, "value": 162500.0, "Latitude": 33.78, "Longitude": -118.2, "Population": 3018.0}, {"index": 8227, "quantile": 1.0, "value": 190400.0, "Latitude": 33.78, "Longitude": -118.2, "Population": 3018.0}, {"index": 8228, "quantile": 0.0, "value": 95800.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 820.0}, {"index": 8228, "quantile": 0.25, "value": 150000.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 820.0}, {"index": 8228, "quantile": 0.5, "value": 187500.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 820.0}, {"index": 8228, "quantile": 0.75, "value": 193800.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 820.0}, {"index": 8228, "quantile": 1.0, "value": 350000.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 820.0}, {"index": 8229, "quantile": 0.0, "value": 46900.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1257.0}, {"index": 8229, "quantile": 0.25, "value": 154674.99999999997, "Latitude": 33.77, "Longitude": -118.2, "Population": 1257.0}, {"index": 8229, "quantile": 0.5, "value": 183300.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1257.0}, {"index": 8229, "quantile": 0.75, "value": 200000.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1257.0}, {"index": 8229, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.2, "Population": 1257.0}, {"index": 8230, "quantile": 0.0, "value": 78800.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1566.0}, {"index": 8230, "quantile": 0.25, "value": 145800.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1566.0}, {"index": 8230, "quantile": 0.5, "value": 145800.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1566.0}, {"index": 8230, "quantile": 0.75, "value": 175000.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1566.0}, {"index": 8230, "quantile": 1.0, "value": 350000.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1566.0}, {"index": 8231, "quantile": 0.0, "value": 91300.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1190.0}, {"index": 8231, "quantile": 0.25, "value": 150000.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1190.0}, {"index": 8231, "quantile": 0.5, "value": 175000.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1190.0}, {"index": 8231, "quantile": 0.75, "value": 194475.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1190.0}, {"index": 8231, "quantile": 1.0, "value": 450000.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1190.0}, {"index": 8232, "quantile": 0.0, "value": 81300.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1089.0}, {"index": 8232, "quantile": 0.25, "value": 175000.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1089.0}, {"index": 8232, "quantile": 0.5, "value": 200000.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1089.0}, {"index": 8232, "quantile": 0.75, "value": 200000.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1089.0}, {"index": 8232, "quantile": 1.0, "value": 350000.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1089.0}, {"index": 8233, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 33.77, "Longitude": -118.2, "Population": 1209.0}, {"index": 8233, "quantile": 0.25, "value": 151874.99999999997, "Latitude": 33.77, "Longitude": -118.2, "Population": 1209.0}, {"index": 8233, "quantile": 0.5, "value": 162500.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1209.0}, {"index": 8233, "quantile": 0.75, "value": 179925.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1209.0}, {"index": 8233, "quantile": 1.0, "value": 222200.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 1209.0}, {"index": 8234, "quantile": 0.0, "value": 91400.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 995.0}, {"index": 8234, "quantile": 0.25, "value": 106300.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 995.0}, {"index": 8234, "quantile": 0.5, "value": 106300.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 995.0}, {"index": 8234, "quantile": 0.75, "value": 141250.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 995.0}, {"index": 8234, "quantile": 1.0, "value": 350000.0, "Latitude": 33.77, "Longitude": -118.2, "Population": 995.0}, {"index": 8235, "quantile": 0.0, "value": 112500.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 735.0}, {"index": 8235, "quantile": 0.25, "value": 162500.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 735.0}, {"index": 8235, "quantile": 0.5, "value": 162500.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 735.0}, {"index": 8235, "quantile": 0.75, "value": 165625.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 735.0}, {"index": 8235, "quantile": 1.0, "value": 500000.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 735.0}, {"index": 8236, "quantile": 0.0, "value": 140600.0, "Latitude": 33.76, "Longitude": -118.19, "Population": 632.0}, {"index": 8236, "quantile": 0.25, "value": 361800.0, "Latitude": 33.76, "Longitude": -118.19, "Population": 632.0}, {"index": 8236, "quantile": 0.5, "value": 399150.0, "Latitude": 33.76, "Longitude": -118.19, "Population": 632.0}, {"index": 8236, "quantile": 0.75, "value": 470800.0, "Latitude": 33.76, "Longitude": -118.19, "Population": 632.0}, {"index": 8236, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.19, "Population": 632.0}, {"index": 8237, "quantile": 0.0, "value": 46900.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 692.0}, {"index": 8237, "quantile": 0.25, "value": 181250.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 692.0}, {"index": 8237, "quantile": 0.5, "value": 200000.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 692.0}, {"index": 8237, "quantile": 0.75, "value": 200000.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 692.0}, {"index": 8237, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.19, "Population": 692.0}, {"index": 8238, "quantile": 0.0, "value": 91300.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1339.0}, {"index": 8238, "quantile": 0.25, "value": 137500.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1339.0}, {"index": 8238, "quantile": 0.5, "value": 166300.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1339.0}, {"index": 8238, "quantile": 0.75, "value": 175000.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1339.0}, {"index": 8238, "quantile": 1.0, "value": 409999.99999999994, "Latitude": 33.77, "Longitude": -118.18, "Population": 1339.0}, {"index": 8239, "quantile": 0.0, "value": 87500.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1128.0}, {"index": 8239, "quantile": 0.25, "value": 112500.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1128.0}, {"index": 8239, "quantile": 0.5, "value": 112500.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1128.0}, {"index": 8239, "quantile": 0.75, "value": 157975.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1128.0}, {"index": 8239, "quantile": 1.0, "value": 254999.99999999997, "Latitude": 33.77, "Longitude": -118.18, "Population": 1128.0}, {"index": 8240, "quantile": 0.0, "value": 45000.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 1064.0}, {"index": 8240, "quantile": 0.25, "value": 150000.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 1064.0}, {"index": 8240, "quantile": 0.5, "value": 175000.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 1064.0}, {"index": 8240, "quantile": 0.75, "value": 194575.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 1064.0}, {"index": 8240, "quantile": 1.0, "value": 425000.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 1064.0}, {"index": 8241, "quantile": 0.0, "value": 87500.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 1092.0}, {"index": 8241, "quantile": 0.25, "value": 150000.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 1092.0}, {"index": 8241, "quantile": 0.5, "value": 150000.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 1092.0}, {"index": 8241, "quantile": 0.75, "value": 150000.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 1092.0}, {"index": 8241, "quantile": 1.0, "value": 350000.0, "Latitude": 33.77, "Longitude": -118.19, "Population": 1092.0}, {"index": 8242, "quantile": 0.0, "value": 87500.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1712.0}, {"index": 8242, "quantile": 0.25, "value": 136725.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1712.0}, {"index": 8242, "quantile": 0.5, "value": 153100.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1712.0}, {"index": 8242, "quantile": 0.75, "value": 177700.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1712.0}, {"index": 8242, "quantile": 1.0, "value": 350000.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1712.0}, {"index": 8243, "quantile": 0.0, "value": 100000.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1300.0}, {"index": 8243, "quantile": 0.25, "value": 100000.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1300.0}, {"index": 8243, "quantile": 0.5, "value": 100000.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1300.0}, {"index": 8243, "quantile": 0.75, "value": 151775.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1300.0}, {"index": 8243, "quantile": 1.0, "value": 350000.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1300.0}, {"index": 8244, "quantile": 0.0, "value": 87500.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1046.0}, {"index": 8244, "quantile": 0.25, "value": 128000.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1046.0}, {"index": 8244, "quantile": 0.5, "value": 137500.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1046.0}, {"index": 8244, "quantile": 0.75, "value": 165400.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1046.0}, {"index": 8244, "quantile": 1.0, "value": 225800.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 1046.0}, {"index": 8245, "quantile": 0.0, "value": 46900.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 898.0}, {"index": 8245, "quantile": 0.25, "value": 162500.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 898.0}, {"index": 8245, "quantile": 0.5, "value": 162500.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 898.0}, {"index": 8245, "quantile": 0.75, "value": 162500.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 898.0}, {"index": 8245, "quantile": 1.0, "value": 350000.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 898.0}, {"index": 8246, "quantile": 0.0, "value": 125000.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 694.0}, {"index": 8246, "quantile": 0.25, "value": 162500.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 694.0}, {"index": 8246, "quantile": 0.5, "value": 162500.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 694.0}, {"index": 8246, "quantile": 0.75, "value": 162500.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 694.0}, {"index": 8246, "quantile": 1.0, "value": 450000.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 694.0}, {"index": 8247, "quantile": 0.0, "value": 100000.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 1083.0}, {"index": 8247, "quantile": 0.25, "value": 162500.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 1083.0}, {"index": 8247, "quantile": 0.5, "value": 162500.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 1083.0}, {"index": 8247, "quantile": 0.75, "value": 162500.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 1083.0}, {"index": 8247, "quantile": 1.0, "value": 225000.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 1083.0}, {"index": 8248, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.78, "Longitude": -118.19, "Population": 533.0}, {"index": 8248, "quantile": 0.25, "value": 156825.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 533.0}, {"index": 8248, "quantile": 0.5, "value": 175000.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 533.0}, {"index": 8248, "quantile": 0.75, "value": 175000.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 533.0}, {"index": 8248, "quantile": 1.0, "value": 350000.0, "Latitude": 33.78, "Longitude": -118.19, "Population": 533.0}, {"index": 8249, "quantile": 0.0, "value": 37500.0, "Latitude": 33.78, "Longitude": -118.17, "Population": 3580.0}, {"index": 8249, "quantile": 0.25, "value": 118124.99999999999, "Latitude": 33.78, "Longitude": -118.17, "Population": 3580.0}, {"index": 8249, "quantile": 0.5, "value": 137500.0, "Latitude": 33.78, "Longitude": -118.17, "Population": 3580.0}, {"index": 8249, "quantile": 0.75, "value": 147500.0, "Latitude": 33.78, "Longitude": -118.17, "Population": 3580.0}, {"index": 8249, "quantile": 1.0, "value": 350000.0, "Latitude": 33.78, "Longitude": -118.17, "Population": 3580.0}, {"index": 8250, "quantile": 0.0, "value": 100000.0, "Latitude": 33.78, "Longitude": -118.17, "Population": 3940.0}, {"index": 8250, "quantile": 0.25, "value": 157450.0, "Latitude": 33.78, "Longitude": -118.17, "Population": 3940.0}, {"index": 8250, "quantile": 0.5, "value": 186200.0, "Latitude": 33.78, "Longitude": -118.17, "Population": 3940.0}, {"index": 8250, "quantile": 0.75, "value": 186200.0, "Latitude": 33.78, "Longitude": -118.17, "Population": 3940.0}, {"index": 8250, "quantile": 1.0, "value": 222200.0, "Latitude": 33.78, "Longitude": -118.17, "Population": 3940.0}, {"index": 8251, "quantile": 0.0, "value": 58299.99999999999, "Latitude": 33.78, "Longitude": -118.18, "Population": 4812.0}, {"index": 8251, "quantile": 0.25, "value": 128000.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 4812.0}, {"index": 8251, "quantile": 0.5, "value": 147500.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 4812.0}, {"index": 8251, "quantile": 0.75, "value": 166700.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 4812.0}, {"index": 8251, "quantile": 1.0, "value": 270000.0, "Latitude": 33.78, "Longitude": -118.18, "Population": 4812.0}, {"index": 8252, "quantile": 0.0, "value": 89300.0, "Latitude": 33.78, "Longitude": -118.17, "Population": 3184.0}, {"index": 8252, "quantile": 0.25, "value": 147500.0, "Latitude": 33.78, "Longitude": -118.17, "Population": 3184.0}, {"index": 8252, "quantile": 0.5, "value": 147500.0, "Latitude": 33.78, "Longitude": -118.17, "Population": 3184.0}, {"index": 8252, "quantile": 0.75, "value": 147500.0, "Latitude": 33.78, "Longitude": -118.17, "Population": 3184.0}, {"index": 8252, "quantile": 1.0, "value": 189400.0, "Latitude": 33.78, "Longitude": -118.17, "Population": 3184.0}, {"index": 8253, "quantile": 0.0, "value": 112500.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 2077.0}, {"index": 8253, "quantile": 0.25, "value": 165025.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 2077.0}, {"index": 8253, "quantile": 0.5, "value": 191100.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 2077.0}, {"index": 8253, "quantile": 0.75, "value": 222500.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 2077.0}, {"index": 8253, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.17, "Population": 2077.0}, {"index": 8254, "quantile": 0.0, "value": 112500.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 1340.0}, {"index": 8254, "quantile": 0.25, "value": 191100.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 1340.0}, {"index": 8254, "quantile": 0.5, "value": 191100.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 1340.0}, {"index": 8254, "quantile": 0.75, "value": 207799.99999999997, "Latitude": 33.77, "Longitude": -118.17, "Population": 1340.0}, {"index": 8254, "quantile": 1.0, "value": 326500.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 1340.0}, {"index": 8255, "quantile": 0.0, "value": 67500.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 984.0}, {"index": 8255, "quantile": 0.25, "value": 165600.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 984.0}, {"index": 8255, "quantile": 0.5, "value": 165600.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 984.0}, {"index": 8255, "quantile": 0.75, "value": 187500.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 984.0}, {"index": 8255, "quantile": 1.0, "value": 450000.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 984.0}, {"index": 8256, "quantile": 0.0, "value": 61300.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 1379.0}, {"index": 8256, "quantile": 0.25, "value": 180400.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 1379.0}, {"index": 8256, "quantile": 0.5, "value": 180400.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 1379.0}, {"index": 8256, "quantile": 0.75, "value": 185775.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 1379.0}, {"index": 8256, "quantile": 1.0, "value": 350000.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 1379.0}, {"index": 8257, "quantile": 0.0, "value": 112500.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 3068.0}, {"index": 8257, "quantile": 0.25, "value": 154700.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 3068.0}, {"index": 8257, "quantile": 0.5, "value": 154700.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 3068.0}, {"index": 8257, "quantile": 0.75, "value": 163300.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 3068.0}, {"index": 8257, "quantile": 1.0, "value": 214500.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 3068.0}, {"index": 8258, "quantile": 0.0, "value": 112500.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1391.0}, {"index": 8258, "quantile": 0.25, "value": 137500.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1391.0}, {"index": 8258, "quantile": 0.5, "value": 137500.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1391.0}, {"index": 8258, "quantile": 0.75, "value": 137500.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1391.0}, {"index": 8258, "quantile": 1.0, "value": 350000.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1391.0}, {"index": 8259, "quantile": 0.0, "value": 141700.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 720.0}, {"index": 8259, "quantile": 0.25, "value": 159400.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 720.0}, {"index": 8259, "quantile": 0.5, "value": 159400.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 720.0}, {"index": 8259, "quantile": 0.75, "value": 187500.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 720.0}, {"index": 8259, "quantile": 1.0, "value": 290600.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 720.0}, {"index": 8260, "quantile": 0.0, "value": 45000.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 492.0}, {"index": 8260, "quantile": 0.25, "value": 225000.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 492.0}, {"index": 8260, "quantile": 0.5, "value": 241699.99999999997, "Latitude": 33.77, "Longitude": -118.17, "Population": 492.0}, {"index": 8260, "quantile": 0.75, "value": 241699.99999999997, "Latitude": 33.77, "Longitude": -118.17, "Population": 492.0}, {"index": 8260, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.17, "Population": 492.0}, {"index": 8261, "quantile": 0.0, "value": 275000.0, "Latitude": 33.74, "Longitude": -118.18, "Population": 2136.0}, {"index": 8261, "quantile": 0.25, "value": 310000.0, "Latitude": 33.74, "Longitude": -118.18, "Population": 2136.0}, {"index": 8261, "quantile": 0.5, "value": 310000.0, "Latitude": 33.74, "Longitude": -118.18, "Population": 2136.0}, {"index": 8261, "quantile": 0.75, "value": 400000.0, "Latitude": 33.74, "Longitude": -118.18, "Population": 2136.0}, {"index": 8261, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.18, "Population": 2136.0}, {"index": 8262, "quantile": 0.0, "value": 190600.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 1047.0}, {"index": 8262, "quantile": 0.25, "value": 218800.00000000003, "Latitude": 33.77, "Longitude": -118.17, "Population": 1047.0}, {"index": 8262, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 33.77, "Longitude": -118.17, "Population": 1047.0}, {"index": 8262, "quantile": 0.75, "value": 270750.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 1047.0}, {"index": 8262, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.17, "Population": 1047.0}, {"index": 8263, "quantile": 0.0, "value": 112500.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 1004.0}, {"index": 8263, "quantile": 0.25, "value": 218800.00000000003, "Latitude": 33.77, "Longitude": -118.17, "Population": 1004.0}, {"index": 8263, "quantile": 0.5, "value": 220000.00000000003, "Latitude": 33.77, "Longitude": -118.17, "Population": 1004.0}, {"index": 8263, "quantile": 0.75, "value": 220000.00000000003, "Latitude": 33.77, "Longitude": -118.17, "Population": 1004.0}, {"index": 8263, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.17, "Population": 1004.0}, {"index": 8264, "quantile": 0.0, "value": 61300.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1087.0}, {"index": 8264, "quantile": 0.25, "value": 165600.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1087.0}, {"index": 8264, "quantile": 0.5, "value": 193800.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1087.0}, {"index": 8264, "quantile": 0.75, "value": 229425.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1087.0}, {"index": 8264, "quantile": 1.0, "value": 326500.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1087.0}, {"index": 8265, "quantile": 0.0, "value": 67500.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 852.0}, {"index": 8265, "quantile": 0.25, "value": 193800.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 852.0}, {"index": 8265, "quantile": 0.5, "value": 193800.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 852.0}, {"index": 8265, "quantile": 0.75, "value": 220275.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 852.0}, {"index": 8265, "quantile": 1.0, "value": 326500.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 852.0}, {"index": 8266, "quantile": 0.0, "value": 87500.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1105.0}, {"index": 8266, "quantile": 0.25, "value": 175000.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1105.0}, {"index": 8266, "quantile": 0.5, "value": 175000.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1105.0}, {"index": 8266, "quantile": 0.75, "value": 175000.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1105.0}, {"index": 8266, "quantile": 1.0, "value": 350000.0, "Latitude": 33.77, "Longitude": -118.18, "Population": 1105.0}, {"index": 8267, "quantile": 0.0, "value": 195800.0, "Latitude": 33.77, "Longitude": -118.16, "Population": 1314.0}, {"index": 8267, "quantile": 0.25, "value": 382100.0, "Latitude": 33.77, "Longitude": -118.16, "Population": 1314.0}, {"index": 8267, "quantile": 0.5, "value": 382100.0, "Latitude": 33.77, "Longitude": -118.16, "Population": 1314.0}, {"index": 8267, "quantile": 0.75, "value": 382100.0, "Latitude": 33.77, "Longitude": -118.16, "Population": 1314.0}, {"index": 8267, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.16, "Population": 1314.0}, {"index": 8268, "quantile": 0.0, "value": 140600.0, "Latitude": 33.74, "Longitude": -118.17, "Population": 807.0}, {"index": 8268, "quantile": 0.25, "value": 321600.0, "Latitude": 33.74, "Longitude": -118.17, "Population": 807.0}, {"index": 8268, "quantile": 0.5, "value": 425549.99999999994, "Latitude": 33.74, "Longitude": -118.17, "Population": 807.0}, {"index": 8268, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.17, "Population": 807.0}, {"index": 8268, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.17, "Population": 807.0}, {"index": 8269, "quantile": 0.0, "value": 159100.0, "Latitude": 33.77, "Longitude": -118.16, "Population": 1749.0}, {"index": 8269, "quantile": 0.25, "value": 432500.0, "Latitude": 33.77, "Longitude": -118.16, "Population": 1749.0}, {"index": 8269, "quantile": 0.5, "value": 482900.0, "Latitude": 33.77, "Longitude": -118.16, "Population": 1749.0}, {"index": 8269, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.16, "Population": 1749.0}, {"index": 8269, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.16, "Population": 1749.0}, {"index": 8270, "quantile": 0.0, "value": 160200.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 1312.0}, {"index": 8270, "quantile": 0.25, "value": 236400.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 1312.0}, {"index": 8270, "quantile": 0.5, "value": 266300.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 1312.0}, {"index": 8270, "quantile": 0.75, "value": 266300.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 1312.0}, {"index": 8270, "quantile": 1.0, "value": 307600.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 1312.0}, {"index": 8271, "quantile": 0.0, "value": 131500.0, "Latitude": 33.77, "Longitude": -118.16, "Population": 1292.0}, {"index": 8271, "quantile": 0.25, "value": 231325.0, "Latitude": 33.77, "Longitude": -118.16, "Population": 1292.0}, {"index": 8271, "quantile": 0.5, "value": 272200.0, "Latitude": 33.77, "Longitude": -118.16, "Population": 1292.0}, {"index": 8271, "quantile": 0.75, "value": 272200.0, "Latitude": 33.77, "Longitude": -118.16, "Population": 1292.0}, {"index": 8271, "quantile": 1.0, "value": 288200.0, "Latitude": 33.77, "Longitude": -118.16, "Population": 1292.0}, {"index": 8272, "quantile": 0.0, "value": 71300.0, "Latitude": 33.77, "Longitude": -118.16, "Population": 1284.0}, {"index": 8272, "quantile": 0.25, "value": 224825.0, "Latitude": 33.77, "Longitude": -118.16, "Population": 1284.0}, {"index": 8272, "quantile": 0.5, "value": 264300.0, "Latitude": 33.77, "Longitude": -118.16, "Population": 1284.0}, {"index": 8272, "quantile": 0.75, "value": 303350.0, "Latitude": 33.77, "Longitude": -118.16, "Population": 1284.0}, {"index": 8272, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.16, "Population": 1284.0}, {"index": 8273, "quantile": 0.0, "value": 131500.0, "Latitude": 33.77, "Longitude": -118.16, "Population": 1460.0}, {"index": 8273, "quantile": 0.25, "value": 231200.00000000003, "Latitude": 33.77, "Longitude": -118.16, "Population": 1460.0}, {"index": 8273, "quantile": 0.5, "value": 232500.00000000003, "Latitude": 33.77, "Longitude": -118.16, "Population": 1460.0}, {"index": 8273, "quantile": 0.75, "value": 232500.00000000003, "Latitude": 33.77, "Longitude": -118.16, "Population": 1460.0}, {"index": 8273, "quantile": 1.0, "value": 431400.0, "Latitude": 33.77, "Longitude": -118.16, "Population": 1460.0}, {"index": 8274, "quantile": 0.0, "value": 45000.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 2178.0}, {"index": 8274, "quantile": 0.25, "value": 185900.0, "Latitude": 33.77, "Longitude": -118.17, "Population": 2178.0}, {"index": 8274, "quantile": 0.5, "value": 214849.99999999997, "Latitude": 33.77, "Longitude": -118.17, "Population": 2178.0}, {"index": 8274, "quantile": 0.75, "value": 239300.00000000003, "Latitude": 33.77, "Longitude": -118.17, "Population": 2178.0}, {"index": 8274, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.17, "Population": 2178.0}, {"index": 8275, "quantile": 0.0, "value": 100000.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 3087.0}, {"index": 8275, "quantile": 0.25, "value": 163300.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 3087.0}, {"index": 8275, "quantile": 0.5, "value": 163300.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 3087.0}, {"index": 8275, "quantile": 0.75, "value": 163300.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 3087.0}, {"index": 8275, "quantile": 1.0, "value": 276800.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 3087.0}, {"index": 8276, "quantile": 0.0, "value": 116300.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 2470.0}, {"index": 8276, "quantile": 0.25, "value": 206300.00000000003, "Latitude": 33.78, "Longitude": -118.16, "Population": 2470.0}, {"index": 8276, "quantile": 0.5, "value": 222500.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 2470.0}, {"index": 8276, "quantile": 0.75, "value": 222500.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 2470.0}, {"index": 8276, "quantile": 1.0, "value": 272200.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 2470.0}, {"index": 8277, "quantile": 0.0, "value": 134700.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 1819.0}, {"index": 8277, "quantile": 0.25, "value": 222900.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 1819.0}, {"index": 8277, "quantile": 0.5, "value": 222900.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 1819.0}, {"index": 8277, "quantile": 0.75, "value": 222900.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 1819.0}, {"index": 8277, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.16, "Population": 1819.0}, {"index": 8278, "quantile": 0.0, "value": 66400.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 3891.0}, {"index": 8278, "quantile": 0.25, "value": 163300.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 3891.0}, {"index": 8278, "quantile": 0.5, "value": 179700.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 3891.0}, {"index": 8278, "quantile": 0.75, "value": 179700.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 3891.0}, {"index": 8278, "quantile": 1.0, "value": 350000.0, "Latitude": 33.78, "Longitude": -118.16, "Population": 3891.0}, {"index": 8279, "quantile": 0.0, "value": 132500.0, "Latitude": 33.78, "Longitude": -118.15, "Population": 1600.0}, {"index": 8279, "quantile": 0.25, "value": 200000.0, "Latitude": 33.78, "Longitude": -118.15, "Population": 1600.0}, {"index": 8279, "quantile": 0.5, "value": 207799.99999999997, "Latitude": 33.78, "Longitude": -118.15, "Population": 1600.0}, {"index": 8279, "quantile": 0.75, "value": 207799.99999999997, "Latitude": 33.78, "Longitude": -118.15, "Population": 1600.0}, {"index": 8279, "quantile": 1.0, "value": 323100.0, "Latitude": 33.78, "Longitude": -118.15, "Population": 1600.0}, {"index": 8280, "quantile": 0.0, "value": 126699.99999999999, "Latitude": 33.78, "Longitude": -118.15, "Population": 2176.0}, {"index": 8280, "quantile": 0.25, "value": 198600.0, "Latitude": 33.78, "Longitude": -118.15, "Population": 2176.0}, {"index": 8280, "quantile": 0.5, "value": 198600.0, "Latitude": 33.78, "Longitude": -118.15, "Population": 2176.0}, {"index": 8280, "quantile": 0.75, "value": 198600.0, "Latitude": 33.78, "Longitude": -118.15, "Population": 2176.0}, {"index": 8280, "quantile": 1.0, "value": 294000.0, "Latitude": 33.78, "Longitude": -118.15, "Population": 2176.0}, {"index": 8281, "quantile": 0.0, "value": 238300.0, "Latitude": 33.78, "Longitude": -118.15, "Population": 1277.0}, {"index": 8281, "quantile": 0.25, "value": 250000.0, "Latitude": 33.78, "Longitude": -118.15, "Population": 1277.0}, {"index": 8281, "quantile": 0.5, "value": 250000.0, "Latitude": 33.78, "Longitude": -118.15, "Population": 1277.0}, {"index": 8281, "quantile": 0.75, "value": 277550.0, "Latitude": 33.78, "Longitude": -118.15, "Population": 1277.0}, {"index": 8281, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.15, "Population": 1277.0}, {"index": 8282, "quantile": 0.0, "value": 161000.0, "Latitude": 33.78, "Longitude": -118.14, "Population": 940.0}, {"index": 8282, "quantile": 0.25, "value": 276400.0, "Latitude": 33.78, "Longitude": -118.14, "Population": 940.0}, {"index": 8282, "quantile": 0.5, "value": 319350.0, "Latitude": 33.78, "Longitude": -118.14, "Population": 940.0}, {"index": 8282, "quantile": 0.75, "value": 361800.0, "Latitude": 33.78, "Longitude": -118.14, "Population": 940.0}, {"index": 8282, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.14, "Population": 940.0}, {"index": 8283, "quantile": 0.0, "value": 263700.0, "Latitude": 33.78, "Longitude": -118.13, "Population": 361.0}, {"index": 8283, "quantile": 0.25, "value": 434500.0, "Latitude": 33.78, "Longitude": -118.13, "Population": 361.0}, {"index": 8283, "quantile": 0.5, "value": 434500.0, "Latitude": 33.78, "Longitude": -118.13, "Population": 361.0}, {"index": 8283, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.13, "Population": 361.0}, {"index": 8283, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.13, "Population": 361.0}, {"index": 8284, "quantile": 0.0, "value": 134700.0, "Latitude": 33.77, "Longitude": -118.14, "Population": 1301.0}, {"index": 8284, "quantile": 0.25, "value": 307400.0, "Latitude": 33.77, "Longitude": -118.14, "Population": 1301.0}, {"index": 8284, "quantile": 0.5, "value": 307400.0, "Latitude": 33.77, "Longitude": -118.14, "Population": 1301.0}, {"index": 8284, "quantile": 0.75, "value": 307400.0, "Latitude": 33.77, "Longitude": -118.14, "Population": 1301.0}, {"index": 8284, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.14, "Population": 1301.0}, {"index": 8285, "quantile": 0.0, "value": 186400.0, "Latitude": 33.77, "Longitude": -118.14, "Population": 1171.0}, {"index": 8285, "quantile": 0.25, "value": 291825.0, "Latitude": 33.77, "Longitude": -118.14, "Population": 1171.0}, {"index": 8285, "quantile": 0.5, "value": 342900.0, "Latitude": 33.77, "Longitude": -118.14, "Population": 1171.0}, {"index": 8285, "quantile": 0.75, "value": 342900.0, "Latitude": 33.77, "Longitude": -118.14, "Population": 1171.0}, {"index": 8285, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.14, "Population": 1171.0}, {"index": 8286, "quantile": 0.0, "value": 189800.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 899.0}, {"index": 8286, "quantile": 0.25, "value": 388950.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 899.0}, {"index": 8286, "quantile": 0.5, "value": 393900.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 899.0}, {"index": 8286, "quantile": 0.75, "value": 393900.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 899.0}, {"index": 8286, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.15, "Population": 899.0}, {"index": 8287, "quantile": 0.0, "value": 140600.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 1621.0}, {"index": 8287, "quantile": 0.25, "value": 339800.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 1621.0}, {"index": 8287, "quantile": 0.5, "value": 339800.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 1621.0}, {"index": 8287, "quantile": 0.75, "value": 348650.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 1621.0}, {"index": 8287, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.15, "Population": 1621.0}, {"index": 8288, "quantile": 0.0, "value": 214699.99999999997, "Latitude": 33.77, "Longitude": -118.15, "Population": 1398.0}, {"index": 8288, "quantile": 0.25, "value": 271100.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 1398.0}, {"index": 8288, "quantile": 0.5, "value": 271100.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 1398.0}, {"index": 8288, "quantile": 0.75, "value": 271100.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 1398.0}, {"index": 8288, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.15, "Population": 1398.0}, {"index": 8289, "quantile": 0.0, "value": 159100.0, "Latitude": 33.76, "Longitude": -118.14, "Population": 1080.0}, {"index": 8289, "quantile": 0.25, "value": 432500.0, "Latitude": 33.76, "Longitude": -118.14, "Population": 1080.0}, {"index": 8289, "quantile": 0.5, "value": 432500.0, "Latitude": 33.76, "Longitude": -118.14, "Population": 1080.0}, {"index": 8289, "quantile": 0.75, "value": 432500.0, "Latitude": 33.76, "Longitude": -118.14, "Population": 1080.0}, {"index": 8289, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.14, "Population": 1080.0}, {"index": 8290, "quantile": 0.0, "value": 175000.0, "Latitude": 33.72, "Longitude": -118.16, "Population": 1059.0}, {"index": 8290, "quantile": 0.25, "value": 500000.0, "Latitude": 33.72, "Longitude": -118.16, "Population": 1059.0}, {"index": 8290, "quantile": 0.5, "value": 500000.0, "Latitude": 33.72, "Longitude": -118.16, "Population": 1059.0}, {"index": 8290, "quantile": 0.75, "value": 500000.0, "Latitude": 33.72, "Longitude": -118.16, "Population": 1059.0}, {"index": 8290, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.16, "Population": 1059.0}, {"index": 8291, "quantile": 0.0, "value": 266700.0, "Latitude": 33.76, "Longitude": -118.15, "Population": 1183.0}, {"index": 8291, "quantile": 0.25, "value": 397825.0, "Latitude": 33.76, "Longitude": -118.15, "Population": 1183.0}, {"index": 8291, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.15, "Population": 1183.0}, {"index": 8291, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.15, "Population": 1183.0}, {"index": 8291, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.15, "Population": 1183.0}, {"index": 8292, "quantile": 0.0, "value": 175000.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 1912.0}, {"index": 8292, "quantile": 0.25, "value": 361800.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 1912.0}, {"index": 8292, "quantile": 0.5, "value": 361800.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 1912.0}, {"index": 8292, "quantile": 0.75, "value": 361800.0, "Latitude": 33.77, "Longitude": -118.15, "Population": 1912.0}, {"index": 8292, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.15, "Population": 1912.0}, {"index": 8293, "quantile": 0.0, "value": 195800.0, "Latitude": 33.76, "Longitude": -118.13, "Population": 940.0}, {"index": 8293, "quantile": 0.25, "value": 363800.0, "Latitude": 33.76, "Longitude": -118.13, "Population": 940.0}, {"index": 8293, "quantile": 0.5, "value": 382100.0, "Latitude": 33.76, "Longitude": -118.13, "Population": 940.0}, {"index": 8293, "quantile": 0.75, "value": 469299.99999999994, "Latitude": 33.76, "Longitude": -118.13, "Population": 940.0}, {"index": 8293, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.13, "Population": 940.0}, {"index": 8294, "quantile": 0.0, "value": 230799.99999999997, "Latitude": 33.76, "Longitude": -118.13, "Population": 652.0}, {"index": 8294, "quantile": 0.25, "value": 439300.0, "Latitude": 33.76, "Longitude": -118.13, "Population": 652.0}, {"index": 8294, "quantile": 0.5, "value": 439300.0, "Latitude": 33.76, "Longitude": -118.13, "Population": 652.0}, {"index": 8294, "quantile": 0.75, "value": 439300.0, "Latitude": 33.76, "Longitude": -118.13, "Population": 652.0}, {"index": 8294, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.13, "Population": 652.0}, {"index": 8295, "quantile": 0.0, "value": 283300.0, "Latitude": 33.75, "Longitude": -118.14, "Population": 867.0}, {"index": 8295, "quantile": 0.25, "value": 400000.0, "Latitude": 33.75, "Longitude": -118.14, "Population": 867.0}, {"index": 8295, "quantile": 0.5, "value": 400000.0, "Latitude": 33.75, "Longitude": -118.14, "Population": 867.0}, {"index": 8295, "quantile": 0.75, "value": 406900.0, "Latitude": 33.75, "Longitude": -118.14, "Population": 867.0}, {"index": 8295, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.14, "Population": 867.0}, {"index": 8296, "quantile": 0.0, "value": 140600.0, "Latitude": 33.76, "Longitude": -118.14, "Population": 1144.0}, {"index": 8296, "quantile": 0.25, "value": 339800.0, "Latitude": 33.76, "Longitude": -118.14, "Population": 1144.0}, {"index": 8296, "quantile": 0.5, "value": 363800.0, "Latitude": 33.76, "Longitude": -118.14, "Population": 1144.0}, {"index": 8296, "quantile": 0.75, "value": 409999.99999999994, "Latitude": 33.76, "Longitude": -118.14, "Population": 1144.0}, {"index": 8296, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.14, "Population": 1144.0}, {"index": 8297, "quantile": 0.0, "value": 159100.0, "Latitude": 33.76, "Longitude": -118.14, "Population": 1179.0}, {"index": 8297, "quantile": 0.25, "value": 287500.0, "Latitude": 33.76, "Longitude": -118.14, "Population": 1179.0}, {"index": 8297, "quantile": 0.5, "value": 362150.0, "Latitude": 33.76, "Longitude": -118.14, "Population": 1179.0}, {"index": 8297, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.14, "Population": 1179.0}, {"index": 8297, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.14, "Population": 1179.0}, {"index": 8298, "quantile": 0.0, "value": 218800.00000000003, "Latitude": 33.76, "Longitude": -118.14, "Population": 741.0}, {"index": 8298, "quantile": 0.25, "value": 408300.0, "Latitude": 33.76, "Longitude": -118.14, "Population": 741.0}, {"index": 8298, "quantile": 0.5, "value": 408300.0, "Latitude": 33.76, "Longitude": -118.14, "Population": 741.0}, {"index": 8298, "quantile": 0.75, "value": 408300.0, "Latitude": 33.76, "Longitude": -118.14, "Population": 741.0}, {"index": 8298, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.14, "Population": 741.0}, {"index": 8299, "quantile": 0.0, "value": 390500.0, "Latitude": 33.77, "Longitude": -118.14, "Population": 791.0}, {"index": 8299, "quantile": 0.25, "value": 500000.0, "Latitude": 33.77, "Longitude": -118.14, "Population": 791.0}, {"index": 8299, "quantile": 0.5, "value": 500000.0, "Latitude": 33.77, "Longitude": -118.14, "Population": 791.0}, {"index": 8299, "quantile": 0.75, "value": 500000.0, "Latitude": 33.77, "Longitude": -118.14, "Population": 791.0}, {"index": 8299, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.14, "Population": 791.0}, {"index": 8300, "quantile": 0.0, "value": 140600.0, "Latitude": 33.76, "Longitude": -118.14, "Population": 322.0}, {"index": 8300, "quantile": 0.25, "value": 418800.0, "Latitude": 33.76, "Longitude": -118.14, "Population": 322.0}, {"index": 8300, "quantile": 0.5, "value": 418800.0, "Latitude": 33.76, "Longitude": -118.14, "Population": 322.0}, {"index": 8300, "quantile": 0.75, "value": 418800.0, "Latitude": 33.76, "Longitude": -118.14, "Population": 322.0}, {"index": 8300, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.14, "Population": 322.0}, {"index": 8301, "quantile": 0.0, "value": 195800.0, "Latitude": 33.76, "Longitude": -118.13, "Population": 1175.0}, {"index": 8301, "quantile": 0.25, "value": 363800.0, "Latitude": 33.76, "Longitude": -118.13, "Population": 1175.0}, {"index": 8301, "quantile": 0.5, "value": 363800.0, "Latitude": 33.76, "Longitude": -118.13, "Population": 1175.0}, {"index": 8301, "quantile": 0.75, "value": 382100.0, "Latitude": 33.76, "Longitude": -118.13, "Population": 1175.0}, {"index": 8301, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.13, "Population": 1175.0}, {"index": 8302, "quantile": 0.0, "value": 302200.0, "Latitude": 33.76, "Longitude": -118.13, "Population": 961.0}, {"index": 8302, "quantile": 0.25, "value": 406900.0, "Latitude": 33.76, "Longitude": -118.13, "Population": 961.0}, {"index": 8302, "quantile": 0.5, "value": 406900.0, "Latitude": 33.76, "Longitude": -118.13, "Population": 961.0}, {"index": 8302, "quantile": 0.75, "value": 436074.99999999994, "Latitude": 33.76, "Longitude": -118.13, "Population": 961.0}, {"index": 8302, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.13, "Population": 961.0}, {"index": 8303, "quantile": 0.0, "value": 140600.0, "Latitude": 33.76, "Longitude": -118.12, "Population": 1240.0}, {"index": 8303, "quantile": 0.25, "value": 418600.0, "Latitude": 33.76, "Longitude": -118.12, "Population": 1240.0}, {"index": 8303, "quantile": 0.5, "value": 461500.0, "Latitude": 33.76, "Longitude": -118.12, "Population": 1240.0}, {"index": 8303, "quantile": 0.75, "value": 461500.0, "Latitude": 33.76, "Longitude": -118.12, "Population": 1240.0}, {"index": 8303, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.12, "Population": 1240.0}, {"index": 8304, "quantile": 0.0, "value": 293500.0, "Latitude": 33.75, "Longitude": -118.12, "Population": 1220.0}, {"index": 8304, "quantile": 0.25, "value": 444200.0, "Latitude": 33.75, "Longitude": -118.12, "Population": 1220.0}, {"index": 8304, "quantile": 0.5, "value": 494050.0, "Latitude": 33.75, "Longitude": -118.12, "Population": 1220.0}, {"index": 8304, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.12, "Population": 1220.0}, {"index": 8304, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.12, "Population": 1220.0}, {"index": 8305, "quantile": 0.0, "value": 263700.0, "Latitude": 33.76, "Longitude": -118.12, "Population": 1127.0}, {"index": 8305, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.12, "Population": 1127.0}, {"index": 8305, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.12, "Population": 1127.0}, {"index": 8305, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.12, "Population": 1127.0}, {"index": 8305, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.12, "Population": 1127.0}, {"index": 8306, "quantile": 0.0, "value": 290900.0, "Latitude": 33.75, "Longitude": -118.12, "Population": 742.0}, {"index": 8306, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.12, "Population": 742.0}, {"index": 8306, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.12, "Population": 742.0}, {"index": 8306, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.12, "Population": 742.0}, {"index": 8306, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.12, "Population": 742.0}, {"index": 8307, "quantile": 0.0, "value": 363800.0, "Latitude": 33.71, "Longitude": -118.14, "Population": 792.0}, {"index": 8307, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -118.14, "Population": 792.0}, {"index": 8307, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -118.14, "Population": 792.0}, {"index": 8307, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -118.14, "Population": 792.0}, {"index": 8307, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -118.14, "Population": 792.0}, {"index": 8308, "quantile": 0.0, "value": 175000.0, "Latitude": 33.76, "Longitude": -118.1, "Population": 1879.0}, {"index": 8308, "quantile": 0.25, "value": 228925.0, "Latitude": 33.76, "Longitude": -118.1, "Population": 1879.0}, {"index": 8308, "quantile": 0.5, "value": 309600.0, "Latitude": 33.76, "Longitude": -118.1, "Population": 1879.0}, {"index": 8308, "quantile": 0.75, "value": 367300.0, "Latitude": 33.76, "Longitude": -118.1, "Population": 1879.0}, {"index": 8308, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.1, "Population": 1879.0}, {"index": 8309, "quantile": 0.0, "value": 175000.0, "Latitude": 33.77, "Longitude": -118.11, "Population": 3333.0}, {"index": 8309, "quantile": 0.25, "value": 268250.0, "Latitude": 33.77, "Longitude": -118.11, "Population": 3333.0}, {"index": 8309, "quantile": 0.5, "value": 367300.0, "Latitude": 33.77, "Longitude": -118.11, "Population": 3333.0}, {"index": 8309, "quantile": 0.75, "value": 367300.0, "Latitude": 33.77, "Longitude": -118.11, "Population": 3333.0}, {"index": 8309, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.11, "Population": 3333.0}, {"index": 8310, "quantile": 0.0, "value": 207399.99999999997, "Latitude": 33.77, "Longitude": -118.12, "Population": 1941.0}, {"index": 8310, "quantile": 0.25, "value": 369400.0, "Latitude": 33.77, "Longitude": -118.12, "Population": 1941.0}, {"index": 8310, "quantile": 0.5, "value": 463500.0, "Latitude": 33.77, "Longitude": -118.12, "Population": 1941.0}, {"index": 8310, "quantile": 0.75, "value": 463500.0, "Latitude": 33.77, "Longitude": -118.12, "Population": 1941.0}, {"index": 8310, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.12, "Population": 1941.0}, {"index": 8311, "quantile": 0.0, "value": 239100.0, "Latitude": 33.77, "Longitude": -118.12, "Population": 2528.0}, {"index": 8311, "quantile": 0.25, "value": 462800.0, "Latitude": 33.77, "Longitude": -118.12, "Population": 2528.0}, {"index": 8311, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.12, "Population": 2528.0}, {"index": 8311, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.12, "Population": 2528.0}, {"index": 8311, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.12, "Population": 2528.0}, {"index": 8312, "quantile": 0.0, "value": 230799.99999999997, "Latitude": 33.77, "Longitude": -118.13, "Population": 1436.0}, {"index": 8312, "quantile": 0.25, "value": 395200.0, "Latitude": 33.77, "Longitude": -118.13, "Population": 1436.0}, {"index": 8312, "quantile": 0.5, "value": 395200.0, "Latitude": 33.77, "Longitude": -118.13, "Population": 1436.0}, {"index": 8312, "quantile": 0.75, "value": 395200.0, "Latitude": 33.77, "Longitude": -118.13, "Population": 1436.0}, {"index": 8312, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.13, "Population": 1436.0}, {"index": 8313, "quantile": 0.0, "value": 252199.99999999997, "Latitude": 33.77, "Longitude": -118.13, "Population": 1661.0}, {"index": 8313, "quantile": 0.25, "value": 471400.00000000006, "Latitude": 33.77, "Longitude": -118.13, "Population": 1661.0}, {"index": 8313, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.13, "Population": 1661.0}, {"index": 8313, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.13, "Population": 1661.0}, {"index": 8313, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.13, "Population": 1661.0}, {"index": 8314, "quantile": 0.0, "value": 84900.0, "Latitude": 33.35, "Longitude": -118.32, "Population": 744.0}, {"index": 8314, "quantile": 0.25, "value": 175674.99999999997, "Latitude": 33.35, "Longitude": -118.32, "Population": 744.0}, {"index": 8314, "quantile": 0.5, "value": 222500.0, "Latitude": 33.35, "Longitude": -118.32, "Population": 744.0}, {"index": 8314, "quantile": 0.75, "value": 409900.0, "Latitude": 33.35, "Longitude": -118.32, "Population": 744.0}, {"index": 8314, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.35, "Longitude": -118.32, "Population": 744.0}, {"index": 8315, "quantile": 0.0, "value": 120800.0, "Latitude": 33.34, "Longitude": -118.33, "Population": 1100.0}, {"index": 8315, "quantile": 0.25, "value": 414700.0, "Latitude": 33.34, "Longitude": -118.33, "Population": 1100.0}, {"index": 8315, "quantile": 0.5, "value": 414700.0, "Latitude": 33.34, "Longitude": -118.33, "Population": 1100.0}, {"index": 8315, "quantile": 0.75, "value": 414700.0, "Latitude": 33.34, "Longitude": -118.33, "Population": 1100.0}, {"index": 8315, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.34, "Longitude": -118.33, "Population": 1100.0}, {"index": 8316, "quantile": 0.0, "value": 97300.0, "Latitude": 33.33, "Longitude": -118.32, "Population": 733.0}, {"index": 8316, "quantile": 0.25, "value": 146900.0, "Latitude": 33.33, "Longitude": -118.32, "Population": 733.0}, {"index": 8316, "quantile": 0.5, "value": 168800.0, "Latitude": 33.33, "Longitude": -118.32, "Population": 733.0}, {"index": 8316, "quantile": 0.75, "value": 225049.99999999997, "Latitude": 33.33, "Longitude": -118.32, "Population": 733.0}, {"index": 8316, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.33, "Longitude": -118.32, "Population": 733.0}, {"index": 8317, "quantile": 0.0, "value": 82700.0, "Latitude": 33.34, "Longitude": -118.32, "Population": 341.0}, {"index": 8317, "quantile": 0.25, "value": 408300.0, "Latitude": 33.34, "Longitude": -118.32, "Population": 341.0}, {"index": 8317, "quantile": 0.5, "value": 450000.0, "Latitude": 33.34, "Longitude": -118.32, "Population": 341.0}, {"index": 8317, "quantile": 0.75, "value": 450000.0, "Latitude": 33.34, "Longitude": -118.32, "Population": 341.0}, {"index": 8317, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.34, "Longitude": -118.32, "Population": 341.0}, {"index": 8318, "quantile": 0.0, "value": 85400.0, "Latitude": 33.43, "Longitude": -118.48, "Population": 422.0}, {"index": 8318, "quantile": 0.25, "value": 287500.0, "Latitude": 33.43, "Longitude": -118.48, "Population": 422.0}, {"index": 8318, "quantile": 0.5, "value": 287500.0, "Latitude": 33.43, "Longitude": -118.48, "Population": 422.0}, {"index": 8318, "quantile": 0.75, "value": 299250.0, "Latitude": 33.43, "Longitude": -118.48, "Population": 422.0}, {"index": 8318, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.43, "Longitude": -118.48, "Population": 422.0}, {"index": 8319, "quantile": 0.0, "value": 89800.0, "Latitude": 33.96, "Longitude": -118.29, "Population": 2794.0}, {"index": 8319, "quantile": 0.25, "value": 102099.99999999999, "Latitude": 33.96, "Longitude": -118.29, "Population": 2794.0}, {"index": 8319, "quantile": 0.5, "value": 114799.99999999999, "Latitude": 33.96, "Longitude": -118.29, "Population": 2794.0}, {"index": 8319, "quantile": 0.75, "value": 123800.0, "Latitude": 33.96, "Longitude": -118.29, "Population": 2794.0}, {"index": 8319, "quantile": 1.0, "value": 167900.0, "Latitude": 33.96, "Longitude": -118.29, "Population": 2794.0}, {"index": 8320, "quantile": 0.0, "value": 88400.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 1367.0}, {"index": 8320, "quantile": 0.25, "value": 99600.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 1367.0}, {"index": 8320, "quantile": 0.5, "value": 99600.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 1367.0}, {"index": 8320, "quantile": 0.75, "value": 99600.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 1367.0}, {"index": 8320, "quantile": 1.0, "value": 137500.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 1367.0}, {"index": 8321, "quantile": 0.0, "value": 92600.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 2390.0}, {"index": 8321, "quantile": 0.25, "value": 107000.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 2390.0}, {"index": 8321, "quantile": 0.5, "value": 123800.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 2390.0}, {"index": 8321, "quantile": 0.75, "value": 137500.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 2390.0}, {"index": 8321, "quantile": 1.0, "value": 309100.0, "Latitude": 33.95, "Longitude": -118.29, "Population": 2390.0}, {"index": 8322, "quantile": 0.0, "value": 87500.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 1805.0}, {"index": 8322, "quantile": 0.25, "value": 100000.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 1805.0}, {"index": 8322, "quantile": 0.5, "value": 100800.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 1805.0}, {"index": 8322, "quantile": 0.75, "value": 100800.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 1805.0}, {"index": 8322, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 33.95, "Longitude": -118.3, "Population": 1805.0}, {"index": 8323, "quantile": 0.0, "value": 93300.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 1622.0}, {"index": 8323, "quantile": 0.25, "value": 96900.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 1622.0}, {"index": 8323, "quantile": 0.5, "value": 96900.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 1622.0}, {"index": 8323, "quantile": 0.75, "value": 99300.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 1622.0}, {"index": 8323, "quantile": 1.0, "value": 305800.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 1622.0}, {"index": 8324, "quantile": 0.0, "value": 86200.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 977.0}, {"index": 8324, "quantile": 0.25, "value": 94000.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 977.0}, {"index": 8324, "quantile": 0.5, "value": 94000.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 977.0}, {"index": 8324, "quantile": 0.75, "value": 99600.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 977.0}, {"index": 8324, "quantile": 1.0, "value": 149100.0, "Latitude": 33.95, "Longitude": -118.3, "Population": 977.0}, {"index": 8325, "quantile": 0.0, "value": 88700.0, "Latitude": 33.94, "Longitude": -118.29, "Population": 1774.0}, {"index": 8325, "quantile": 0.25, "value": 99300.0, "Latitude": 33.94, "Longitude": -118.29, "Population": 1774.0}, {"index": 8325, "quantile": 0.5, "value": 108900.0, "Latitude": 33.94, "Longitude": -118.29, "Population": 1774.0}, {"index": 8325, "quantile": 0.75, "value": 121400.0, "Latitude": 33.94, "Longitude": -118.29, "Population": 1774.0}, {"index": 8325, "quantile": 1.0, "value": 175000.0, "Latitude": 33.94, "Longitude": -118.29, "Population": 1774.0}, {"index": 8326, "quantile": 0.0, "value": 99300.0, "Latitude": 33.94, "Longitude": -118.3, "Population": 2521.0}, {"index": 8326, "quantile": 0.25, "value": 143475.0, "Latitude": 33.94, "Longitude": -118.3, "Population": 2521.0}, {"index": 8326, "quantile": 0.5, "value": 171300.0, "Latitude": 33.94, "Longitude": -118.3, "Population": 2521.0}, {"index": 8326, "quantile": 0.75, "value": 191900.0, "Latitude": 33.94, "Longitude": -118.3, "Population": 2521.0}, {"index": 8326, "quantile": 1.0, "value": 305800.0, "Latitude": 33.94, "Longitude": -118.3, "Population": 2521.0}, {"index": 8327, "quantile": 0.0, "value": 88400.0, "Latitude": 33.94, "Longitude": -118.3, "Population": 1390.0}, {"index": 8327, "quantile": 0.25, "value": 99300.0, "Latitude": 33.94, "Longitude": -118.3, "Population": 1390.0}, {"index": 8327, "quantile": 0.5, "value": 99300.0, "Latitude": 33.94, "Longitude": -118.3, "Population": 1390.0}, {"index": 8327, "quantile": 0.75, "value": 106325.0, "Latitude": 33.94, "Longitude": -118.3, "Population": 1390.0}, {"index": 8327, "quantile": 1.0, "value": 198200.0, "Latitude": 33.94, "Longitude": -118.3, "Population": 1390.0}, {"index": 8328, "quantile": 0.0, "value": 89800.0, "Latitude": 33.94, "Longitude": -118.29, "Population": 1880.0}, {"index": 8328, "quantile": 0.25, "value": 113124.99999999999, "Latitude": 33.94, "Longitude": -118.29, "Population": 1880.0}, {"index": 8328, "quantile": 0.5, "value": 123800.0, "Latitude": 33.94, "Longitude": -118.29, "Population": 1880.0}, {"index": 8328, "quantile": 0.75, "value": 123800.0, "Latitude": 33.94, "Longitude": -118.29, "Population": 1880.0}, {"index": 8328, "quantile": 1.0, "value": 146900.0, "Latitude": 33.94, "Longitude": -118.29, "Population": 1880.0}, {"index": 8329, "quantile": 0.0, "value": 86300.0, "Latitude": 33.93, "Longitude": -118.29, "Population": 1715.0}, {"index": 8329, "quantile": 0.25, "value": 94875.0, "Latitude": 33.93, "Longitude": -118.29, "Population": 1715.0}, {"index": 8329, "quantile": 0.5, "value": 105050.0, "Latitude": 33.93, "Longitude": -118.29, "Population": 1715.0}, {"index": 8329, "quantile": 0.75, "value": 124300.00000000001, "Latitude": 33.93, "Longitude": -118.29, "Population": 1715.0}, {"index": 8329, "quantile": 1.0, "value": 223300.0, "Latitude": 33.93, "Longitude": -118.29, "Population": 1715.0}, {"index": 8330, "quantile": 0.0, "value": 85400.0, "Latitude": 33.93, "Longitude": -118.3, "Population": 1216.0}, {"index": 8330, "quantile": 0.25, "value": 99200.0, "Latitude": 33.93, "Longitude": -118.3, "Population": 1216.0}, {"index": 8330, "quantile": 0.5, "value": 99200.0, "Latitude": 33.93, "Longitude": -118.3, "Population": 1216.0}, {"index": 8330, "quantile": 0.75, "value": 100000.0, "Latitude": 33.93, "Longitude": -118.3, "Population": 1216.0}, {"index": 8330, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 33.93, "Longitude": -118.3, "Population": 1216.0}, {"index": 8331, "quantile": 0.0, "value": 88800.0, "Latitude": 33.93, "Longitude": -118.3, "Population": 2017.0}, {"index": 8331, "quantile": 0.25, "value": 108274.99999999999, "Latitude": 33.93, "Longitude": -118.3, "Population": 2017.0}, {"index": 8331, "quantile": 0.5, "value": 124300.00000000001, "Latitude": 33.93, "Longitude": -118.3, "Population": 2017.0}, {"index": 8331, "quantile": 0.75, "value": 124300.00000000001, "Latitude": 33.93, "Longitude": -118.3, "Population": 2017.0}, {"index": 8331, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 33.93, "Longitude": -118.3, "Population": 2017.0}, {"index": 8332, "quantile": 0.0, "value": 91300.0, "Latitude": 33.93, "Longitude": -118.3, "Population": 1646.0}, {"index": 8332, "quantile": 0.25, "value": 117700.0, "Latitude": 33.93, "Longitude": -118.3, "Population": 1646.0}, {"index": 8332, "quantile": 0.5, "value": 148350.0, "Latitude": 33.93, "Longitude": -118.3, "Population": 1646.0}, {"index": 8332, "quantile": 0.75, "value": 170050.0, "Latitude": 33.93, "Longitude": -118.3, "Population": 1646.0}, {"index": 8332, "quantile": 1.0, "value": 287500.0, "Latitude": 33.93, "Longitude": -118.3, "Population": 1646.0}, {"index": 8333, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.93, "Longitude": -118.31, "Population": 852.0}, {"index": 8333, "quantile": 0.25, "value": 127899.99999999999, "Latitude": 33.93, "Longitude": -118.31, "Population": 852.0}, {"index": 8333, "quantile": 0.5, "value": 127899.99999999999, "Latitude": 33.93, "Longitude": -118.31, "Population": 852.0}, {"index": 8333, "quantile": 0.75, "value": 177600.0, "Latitude": 33.93, "Longitude": -118.31, "Population": 852.0}, {"index": 8333, "quantile": 1.0, "value": 218900.0, "Latitude": 33.93, "Longitude": -118.31, "Population": 852.0}, {"index": 8334, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 33.94, "Longitude": -118.31, "Population": 976.0}, {"index": 8334, "quantile": 0.25, "value": 126699.99999999999, "Latitude": 33.94, "Longitude": -118.31, "Population": 976.0}, {"index": 8334, "quantile": 0.5, "value": 126699.99999999999, "Latitude": 33.94, "Longitude": -118.31, "Population": 976.0}, {"index": 8334, "quantile": 0.75, "value": 138800.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 976.0}, {"index": 8334, "quantile": 1.0, "value": 361700.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 976.0}, {"index": 8335, "quantile": 0.0, "value": 96500.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 1021.0}, {"index": 8335, "quantile": 0.25, "value": 128099.99999999999, "Latitude": 33.94, "Longitude": -118.31, "Population": 1021.0}, {"index": 8335, "quantile": 0.5, "value": 175000.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 1021.0}, {"index": 8335, "quantile": 0.75, "value": 175000.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 1021.0}, {"index": 8335, "quantile": 1.0, "value": 212500.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 1021.0}, {"index": 8336, "quantile": 0.0, "value": 96100.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 684.0}, {"index": 8336, "quantile": 0.25, "value": 129900.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 684.0}, {"index": 8336, "quantile": 0.5, "value": 186200.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 684.0}, {"index": 8336, "quantile": 0.75, "value": 212150.00000000003, "Latitude": 33.94, "Longitude": -118.31, "Population": 684.0}, {"index": 8336, "quantile": 1.0, "value": 417600.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 684.0}, {"index": 8337, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.94, "Longitude": -118.31, "Population": 798.0}, {"index": 8337, "quantile": 0.25, "value": 173100.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 798.0}, {"index": 8337, "quantile": 0.5, "value": 205200.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 798.0}, {"index": 8337, "quantile": 0.75, "value": 223700.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 798.0}, {"index": 8337, "quantile": 1.0, "value": 417600.0, "Latitude": 33.94, "Longitude": -118.31, "Population": 798.0}, {"index": 8338, "quantile": 0.0, "value": 142000.0, "Latitude": 33.93, "Longitude": -118.31, "Population": 602.0}, {"index": 8338, "quantile": 0.25, "value": 142000.0, "Latitude": 33.93, "Longitude": -118.31, "Population": 602.0}, {"index": 8338, "quantile": 0.5, "value": 142000.0, "Latitude": 33.93, "Longitude": -118.31, "Population": 602.0}, {"index": 8338, "quantile": 0.75, "value": 221625.0, "Latitude": 33.93, "Longitude": -118.31, "Population": 602.0}, {"index": 8338, "quantile": 1.0, "value": 485700.0, "Latitude": 33.93, "Longitude": -118.31, "Population": 602.0}, {"index": 8339, "quantile": 0.0, "value": 138700.0, "Latitude": 33.93, "Longitude": -118.31, "Population": 997.0}, {"index": 8339, "quantile": 0.25, "value": 164775.0, "Latitude": 33.93, "Longitude": -118.31, "Population": 997.0}, {"index": 8339, "quantile": 0.5, "value": 175600.0, "Latitude": 33.93, "Longitude": -118.31, "Population": 997.0}, {"index": 8339, "quantile": 0.75, "value": 231975.0, "Latitude": 33.93, "Longitude": -118.31, "Population": 997.0}, {"index": 8339, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -118.31, "Population": 997.0}, {"index": 8340, "quantile": 0.0, "value": 146400.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 1468.0}, {"index": 8340, "quantile": 0.25, "value": 168800.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 1468.0}, {"index": 8340, "quantile": 0.5, "value": 168800.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 1468.0}, {"index": 8340, "quantile": 0.75, "value": 189175.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 1468.0}, {"index": 8340, "quantile": 1.0, "value": 354200.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 1468.0}, {"index": 8341, "quantile": 0.0, "value": 156400.0, "Latitude": 33.93, "Longitude": -118.32, "Population": 1327.0}, {"index": 8341, "quantile": 0.25, "value": 172100.0, "Latitude": 33.93, "Longitude": -118.32, "Population": 1327.0}, {"index": 8341, "quantile": 0.5, "value": 172100.0, "Latitude": 33.93, "Longitude": -118.32, "Population": 1327.0}, {"index": 8341, "quantile": 0.75, "value": 181300.0, "Latitude": 33.93, "Longitude": -118.32, "Population": 1327.0}, {"index": 8341, "quantile": 1.0, "value": 267100.0, "Latitude": 33.93, "Longitude": -118.32, "Population": 1327.0}, {"index": 8342, "quantile": 0.0, "value": 148400.0, "Latitude": 33.93, "Longitude": -118.33, "Population": 925.0}, {"index": 8342, "quantile": 0.25, "value": 148400.0, "Latitude": 33.93, "Longitude": -118.33, "Population": 925.0}, {"index": 8342, "quantile": 0.5, "value": 148400.0, "Latitude": 33.93, "Longitude": -118.33, "Population": 925.0}, {"index": 8342, "quantile": 0.75, "value": 212975.0, "Latitude": 33.93, "Longitude": -118.33, "Population": 925.0}, {"index": 8342, "quantile": 1.0, "value": 348300.0, "Latitude": 33.93, "Longitude": -118.33, "Population": 925.0}, {"index": 8343, "quantile": 0.0, "value": 138200.0, "Latitude": 33.93, "Longitude": -118.33, "Population": 412.0}, {"index": 8343, "quantile": 0.25, "value": 156000.0, "Latitude": 33.93, "Longitude": -118.33, "Population": 412.0}, {"index": 8343, "quantile": 0.5, "value": 156000.0, "Latitude": 33.93, "Longitude": -118.33, "Population": 412.0}, {"index": 8343, "quantile": 0.75, "value": 213899.99999999997, "Latitude": 33.93, "Longitude": -118.33, "Population": 412.0}, {"index": 8343, "quantile": 1.0, "value": 430199.99999999994, "Latitude": 33.93, "Longitude": -118.33, "Population": 412.0}, {"index": 8344, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 33.93, "Longitude": -118.34, "Population": 742.0}, {"index": 8344, "quantile": 0.25, "value": 159900.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 742.0}, {"index": 8344, "quantile": 0.5, "value": 159900.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 742.0}, {"index": 8344, "quantile": 0.75, "value": 181300.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 742.0}, {"index": 8344, "quantile": 1.0, "value": 339100.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 742.0}, {"index": 8345, "quantile": 0.0, "value": 95200.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 863.0}, {"index": 8345, "quantile": 0.25, "value": 186200.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 863.0}, {"index": 8345, "quantile": 0.5, "value": 186200.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 863.0}, {"index": 8345, "quantile": 0.75, "value": 186200.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 863.0}, {"index": 8345, "quantile": 1.0, "value": 335400.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 863.0}, {"index": 8346, "quantile": 0.0, "value": 124400.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 499.0}, {"index": 8346, "quantile": 0.25, "value": 175600.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 499.0}, {"index": 8346, "quantile": 0.5, "value": 201850.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 499.0}, {"index": 8346, "quantile": 0.75, "value": 258599.99999999997, "Latitude": 33.94, "Longitude": -118.32, "Population": 499.0}, {"index": 8346, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.94, "Longitude": -118.32, "Population": 499.0}, {"index": 8347, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.94, "Longitude": -118.32, "Population": 830.0}, {"index": 8347, "quantile": 0.25, "value": 189000.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 830.0}, {"index": 8347, "quantile": 0.5, "value": 189000.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 830.0}, {"index": 8347, "quantile": 0.75, "value": 193875.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 830.0}, {"index": 8347, "quantile": 1.0, "value": 365900.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 830.0}, {"index": 8348, "quantile": 0.0, "value": 124400.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 639.0}, {"index": 8348, "quantile": 0.25, "value": 192000.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 639.0}, {"index": 8348, "quantile": 0.5, "value": 192000.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 639.0}, {"index": 8348, "quantile": 0.75, "value": 192000.0, "Latitude": 33.94, "Longitude": -118.32, "Population": 639.0}, {"index": 8348, "quantile": 1.0, "value": 250999.99999999997, "Latitude": 33.94, "Longitude": -118.32, "Population": 639.0}, {"index": 8349, "quantile": 0.0, "value": 100800.0, "Latitude": 33.94, "Longitude": -118.33, "Population": 3288.0}, {"index": 8349, "quantile": 0.25, "value": 137500.0, "Latitude": 33.94, "Longitude": -118.33, "Population": 3288.0}, {"index": 8349, "quantile": 0.5, "value": 137500.0, "Latitude": 33.94, "Longitude": -118.33, "Population": 3288.0}, {"index": 8349, "quantile": 0.75, "value": 137500.0, "Latitude": 33.94, "Longitude": -118.33, "Population": 3288.0}, {"index": 8349, "quantile": 1.0, "value": 197500.0, "Latitude": 33.94, "Longitude": -118.33, "Population": 3288.0}, {"index": 8350, "quantile": 0.0, "value": 181300.0, "Latitude": 33.96, "Longitude": -118.32, "Population": 721.0}, {"index": 8350, "quantile": 0.25, "value": 191000.0, "Latitude": 33.96, "Longitude": -118.32, "Population": 721.0}, {"index": 8350, "quantile": 0.5, "value": 191000.0, "Latitude": 33.96, "Longitude": -118.32, "Population": 721.0}, {"index": 8350, "quantile": 0.75, "value": 241650.0, "Latitude": 33.96, "Longitude": -118.32, "Population": 721.0}, {"index": 8350, "quantile": 1.0, "value": 411200.0, "Latitude": 33.96, "Longitude": -118.32, "Population": 721.0}, {"index": 8351, "quantile": 0.0, "value": 91800.0, "Latitude": 33.95, "Longitude": -118.32, "Population": 1505.0}, {"index": 8351, "quantile": 0.25, "value": 195800.0, "Latitude": 33.95, "Longitude": -118.32, "Population": 1505.0}, {"index": 8351, "quantile": 0.5, "value": 286400.0, "Latitude": 33.95, "Longitude": -118.32, "Population": 1505.0}, {"index": 8351, "quantile": 0.75, "value": 334700.0, "Latitude": 33.95, "Longitude": -118.32, "Population": 1505.0}, {"index": 8351, "quantile": 1.0, "value": 438300.0, "Latitude": 33.95, "Longitude": -118.32, "Population": 1505.0}, {"index": 8352, "quantile": 0.0, "value": 186400.0, "Latitude": 33.96, "Longitude": -118.33, "Population": 2636.0}, {"index": 8352, "quantile": 0.25, "value": 189800.0, "Latitude": 33.96, "Longitude": -118.33, "Population": 2636.0}, {"index": 8352, "quantile": 0.5, "value": 189800.0, "Latitude": 33.96, "Longitude": -118.33, "Population": 2636.0}, {"index": 8352, "quantile": 0.75, "value": 335350.0, "Latitude": 33.96, "Longitude": -118.33, "Population": 2636.0}, {"index": 8352, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.33, "Population": 2636.0}, {"index": 8353, "quantile": 0.0, "value": 93900.0, "Latitude": 33.95, "Longitude": -118.32, "Population": 992.0}, {"index": 8353, "quantile": 0.25, "value": 175600.0, "Latitude": 33.95, "Longitude": -118.32, "Population": 992.0}, {"index": 8353, "quantile": 0.5, "value": 175600.0, "Latitude": 33.95, "Longitude": -118.32, "Population": 992.0}, {"index": 8353, "quantile": 0.75, "value": 194350.0, "Latitude": 33.95, "Longitude": -118.32, "Population": 992.0}, {"index": 8353, "quantile": 1.0, "value": 479000.0, "Latitude": 33.95, "Longitude": -118.32, "Population": 992.0}, {"index": 8354, "quantile": 0.0, "value": 138700.0, "Latitude": 33.95, "Longitude": -118.32, "Population": 1040.0}, {"index": 8354, "quantile": 0.25, "value": 168525.0, "Latitude": 33.95, "Longitude": -118.32, "Population": 1040.0}, {"index": 8354, "quantile": 0.5, "value": 230799.99999999997, "Latitude": 33.95, "Longitude": -118.32, "Population": 1040.0}, {"index": 8354, "quantile": 0.75, "value": 361700.0, "Latitude": 33.95, "Longitude": -118.32, "Population": 1040.0}, {"index": 8354, "quantile": 1.0, "value": 485700.0, "Latitude": 33.95, "Longitude": -118.32, "Population": 1040.0}, {"index": 8355, "quantile": 0.0, "value": 88900.0, "Latitude": 33.95, "Longitude": -118.34, "Population": 1412.0}, {"index": 8355, "quantile": 0.25, "value": 194100.0, "Latitude": 33.95, "Longitude": -118.34, "Population": 1412.0}, {"index": 8355, "quantile": 0.5, "value": 194100.0, "Latitude": 33.95, "Longitude": -118.34, "Population": 1412.0}, {"index": 8355, "quantile": 0.75, "value": 194100.0, "Latitude": 33.95, "Longitude": -118.34, "Population": 1412.0}, {"index": 8355, "quantile": 1.0, "value": 361700.0, "Latitude": 33.95, "Longitude": -118.34, "Population": 1412.0}, {"index": 8356, "quantile": 0.0, "value": 95200.0, "Latitude": 33.97, "Longitude": -118.32, "Population": 844.0}, {"index": 8356, "quantile": 0.25, "value": 156325.0, "Latitude": 33.97, "Longitude": -118.32, "Population": 844.0}, {"index": 8356, "quantile": 0.5, "value": 164900.0, "Latitude": 33.97, "Longitude": -118.32, "Population": 844.0}, {"index": 8356, "quantile": 0.75, "value": 164900.0, "Latitude": 33.97, "Longitude": -118.32, "Population": 844.0}, {"index": 8356, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.32, "Population": 844.0}, {"index": 8357, "quantile": 0.0, "value": 117400.0, "Latitude": 33.96, "Longitude": -118.32, "Population": 954.0}, {"index": 8357, "quantile": 0.25, "value": 136600.0, "Latitude": 33.96, "Longitude": -118.32, "Population": 954.0}, {"index": 8357, "quantile": 0.5, "value": 156400.0, "Latitude": 33.96, "Longitude": -118.32, "Population": 954.0}, {"index": 8357, "quantile": 0.75, "value": 195900.0, "Latitude": 33.96, "Longitude": -118.32, "Population": 954.0}, {"index": 8357, "quantile": 1.0, "value": 314500.0, "Latitude": 33.96, "Longitude": -118.32, "Population": 954.0}, {"index": 8358, "quantile": 0.0, "value": 110700.0, "Latitude": 33.96, "Longitude": -118.32, "Population": 704.0}, {"index": 8358, "quantile": 0.25, "value": 164300.0, "Latitude": 33.96, "Longitude": -118.32, "Population": 704.0}, {"index": 8358, "quantile": 0.5, "value": 166500.0, "Latitude": 33.96, "Longitude": -118.32, "Population": 704.0}, {"index": 8358, "quantile": 0.75, "value": 166500.0, "Latitude": 33.96, "Longitude": -118.32, "Population": 704.0}, {"index": 8358, "quantile": 1.0, "value": 353600.0, "Latitude": 33.96, "Longitude": -118.32, "Population": 704.0}, {"index": 8359, "quantile": 0.0, "value": 140300.0, "Latitude": 33.97, "Longitude": -118.32, "Population": 814.0}, {"index": 8359, "quantile": 0.25, "value": 157100.0, "Latitude": 33.97, "Longitude": -118.32, "Population": 814.0}, {"index": 8359, "quantile": 0.5, "value": 157100.0, "Latitude": 33.97, "Longitude": -118.32, "Population": 814.0}, {"index": 8359, "quantile": 0.75, "value": 209275.0, "Latitude": 33.97, "Longitude": -118.32, "Population": 814.0}, {"index": 8359, "quantile": 1.0, "value": 352100.0, "Latitude": 33.97, "Longitude": -118.32, "Population": 814.0}, {"index": 8360, "quantile": 0.0, "value": 142000.0, "Latitude": 33.97, "Longitude": -118.34, "Population": 949.0}, {"index": 8360, "quantile": 0.25, "value": 188200.0, "Latitude": 33.97, "Longitude": -118.34, "Population": 949.0}, {"index": 8360, "quantile": 0.5, "value": 188200.0, "Latitude": 33.97, "Longitude": -118.34, "Population": 949.0}, {"index": 8360, "quantile": 0.75, "value": 270600.00000000006, "Latitude": 33.97, "Longitude": -118.34, "Population": 949.0}, {"index": 8360, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 33.97, "Longitude": -118.34, "Population": 949.0}, {"index": 8361, "quantile": 0.0, "value": 99600.0, "Latitude": 33.96, "Longitude": -118.33, "Population": 737.0}, {"index": 8361, "quantile": 0.25, "value": 180325.0, "Latitude": 33.96, "Longitude": -118.33, "Population": 737.0}, {"index": 8361, "quantile": 0.5, "value": 189200.0, "Latitude": 33.96, "Longitude": -118.33, "Population": 737.0}, {"index": 8361, "quantile": 0.75, "value": 189200.0, "Latitude": 33.96, "Longitude": -118.33, "Population": 737.0}, {"index": 8361, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.33, "Population": 737.0}, {"index": 8362, "quantile": 0.0, "value": 95800.0, "Latitude": 33.96, "Longitude": -118.33, "Population": 1062.0}, {"index": 8362, "quantile": 0.25, "value": 184375.0, "Latitude": 33.96, "Longitude": -118.33, "Population": 1062.0}, {"index": 8362, "quantile": 0.5, "value": 198200.0, "Latitude": 33.96, "Longitude": -118.33, "Population": 1062.0}, {"index": 8362, "quantile": 0.75, "value": 198200.0, "Latitude": 33.96, "Longitude": -118.33, "Population": 1062.0}, {"index": 8362, "quantile": 1.0, "value": 223200.00000000003, "Latitude": 33.96, "Longitude": -118.33, "Population": 1062.0}, {"index": 8363, "quantile": 0.0, "value": 87500.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 1272.0}, {"index": 8363, "quantile": 0.25, "value": 143500.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 1272.0}, {"index": 8363, "quantile": 0.5, "value": 143500.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 1272.0}, {"index": 8363, "quantile": 0.75, "value": 145125.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 1272.0}, {"index": 8363, "quantile": 1.0, "value": 380000.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 1272.0}, {"index": 8364, "quantile": 0.0, "value": 88800.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 1710.0}, {"index": 8364, "quantile": 0.25, "value": 159400.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 1710.0}, {"index": 8364, "quantile": 0.5, "value": 159400.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 1710.0}, {"index": 8364, "quantile": 0.75, "value": 159400.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 1710.0}, {"index": 8364, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.35, "Population": 1710.0}, {"index": 8365, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 33.97, "Longitude": -118.35, "Population": 1130.0}, {"index": 8365, "quantile": 0.25, "value": 128099.99999999999, "Latitude": 33.97, "Longitude": -118.35, "Population": 1130.0}, {"index": 8365, "quantile": 0.5, "value": 128099.99999999999, "Latitude": 33.97, "Longitude": -118.35, "Population": 1130.0}, {"index": 8365, "quantile": 0.75, "value": 196700.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 1130.0}, {"index": 8365, "quantile": 1.0, "value": 417600.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 1130.0}, {"index": 8366, "quantile": 0.0, "value": 113900.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 2340.0}, {"index": 8366, "quantile": 0.25, "value": 142500.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 2340.0}, {"index": 8366, "quantile": 0.5, "value": 179800.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 2340.0}, {"index": 8366, "quantile": 0.75, "value": 215499.99999999997, "Latitude": 33.97, "Longitude": -118.35, "Population": 2340.0}, {"index": 8366, "quantile": 1.0, "value": 353600.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 2340.0}, {"index": 8367, "quantile": 0.0, "value": 100000.0, "Latitude": 33.98, "Longitude": -118.35, "Population": 1518.0}, {"index": 8367, "quantile": 0.25, "value": 163600.0, "Latitude": 33.98, "Longitude": -118.35, "Population": 1518.0}, {"index": 8367, "quantile": 0.5, "value": 182300.0, "Latitude": 33.98, "Longitude": -118.35, "Population": 1518.0}, {"index": 8367, "quantile": 0.75, "value": 218874.99999999997, "Latitude": 33.98, "Longitude": -118.35, "Population": 1518.0}, {"index": 8367, "quantile": 1.0, "value": 417600.0, "Latitude": 33.98, "Longitude": -118.35, "Population": 1518.0}, {"index": 8368, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.98, "Longitude": -118.35, "Population": 1785.0}, {"index": 8368, "quantile": 0.25, "value": 170800.0, "Latitude": 33.98, "Longitude": -118.35, "Population": 1785.0}, {"index": 8368, "quantile": 0.5, "value": 170800.0, "Latitude": 33.98, "Longitude": -118.35, "Population": 1785.0}, {"index": 8368, "quantile": 0.75, "value": 170825.0, "Latitude": 33.98, "Longitude": -118.35, "Population": 1785.0}, {"index": 8368, "quantile": 1.0, "value": 353200.0, "Latitude": 33.98, "Longitude": -118.35, "Population": 1785.0}, {"index": 8369, "quantile": 0.0, "value": 89500.0, "Latitude": 33.98, "Longitude": -118.34, "Population": 2374.0}, {"index": 8369, "quantile": 0.25, "value": 117200.0, "Latitude": 33.98, "Longitude": -118.34, "Population": 2374.0}, {"index": 8369, "quantile": 0.5, "value": 147200.0, "Latitude": 33.98, "Longitude": -118.34, "Population": 2374.0}, {"index": 8369, "quantile": 0.75, "value": 161500.0, "Latitude": 33.98, "Longitude": -118.34, "Population": 2374.0}, {"index": 8369, "quantile": 1.0, "value": 414700.0, "Latitude": 33.98, "Longitude": -118.34, "Population": 2374.0}, {"index": 8370, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.98, "Longitude": -118.34, "Population": 1922.0}, {"index": 8370, "quantile": 0.25, "value": 137800.0, "Latitude": 33.98, "Longitude": -118.34, "Population": 1922.0}, {"index": 8370, "quantile": 0.5, "value": 137800.0, "Latitude": 33.98, "Longitude": -118.34, "Population": 1922.0}, {"index": 8370, "quantile": 0.75, "value": 147350.0, "Latitude": 33.98, "Longitude": -118.34, "Population": 1922.0}, {"index": 8370, "quantile": 1.0, "value": 262500.0, "Latitude": 33.98, "Longitude": -118.34, "Population": 1922.0}, {"index": 8371, "quantile": 0.0, "value": 112500.0, "Latitude": 33.98, "Longitude": -118.34, "Population": 1064.0}, {"index": 8371, "quantile": 0.25, "value": 136600.0, "Latitude": 33.98, "Longitude": -118.34, "Population": 1064.0}, {"index": 8371, "quantile": 0.5, "value": 136600.0, "Latitude": 33.98, "Longitude": -118.34, "Population": 1064.0}, {"index": 8371, "quantile": 0.75, "value": 144750.0, "Latitude": 33.98, "Longitude": -118.34, "Population": 1064.0}, {"index": 8371, "quantile": 1.0, "value": 296800.0, "Latitude": 33.98, "Longitude": -118.34, "Population": 1064.0}, {"index": 8372, "quantile": 0.0, "value": 140600.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 757.0}, {"index": 8372, "quantile": 0.25, "value": 315975.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 757.0}, {"index": 8372, "quantile": 0.5, "value": 323800.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 757.0}, {"index": 8372, "quantile": 0.75, "value": 323800.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 757.0}, {"index": 8372, "quantile": 1.0, "value": 417900.0, "Latitude": 33.97, "Longitude": -118.35, "Population": 757.0}, {"index": 8373, "quantile": 0.0, "value": 62500.0, "Latitude": 33.96, "Longitude": -118.35, "Population": 1549.0}, {"index": 8373, "quantile": 0.25, "value": 157500.0, "Latitude": 33.96, "Longitude": -118.35, "Population": 1549.0}, {"index": 8373, "quantile": 0.5, "value": 157500.0, "Latitude": 33.96, "Longitude": -118.35, "Population": 1549.0}, {"index": 8373, "quantile": 0.75, "value": 180225.0, "Latitude": 33.96, "Longitude": -118.35, "Population": 1549.0}, {"index": 8373, "quantile": 1.0, "value": 409999.99999999994, "Latitude": 33.96, "Longitude": -118.35, "Population": 1549.0}, {"index": 8374, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 33.96, "Longitude": -118.35, "Population": 1560.0}, {"index": 8374, "quantile": 0.25, "value": 164300.0, "Latitude": 33.96, "Longitude": -118.35, "Population": 1560.0}, {"index": 8374, "quantile": 0.5, "value": 164300.0, "Latitude": 33.96, "Longitude": -118.35, "Population": 1560.0}, {"index": 8374, "quantile": 0.75, "value": 164850.0, "Latitude": 33.96, "Longitude": -118.35, "Population": 1560.0}, {"index": 8374, "quantile": 1.0, "value": 345800.0, "Latitude": 33.96, "Longitude": -118.35, "Population": 1560.0}, {"index": 8375, "quantile": 0.0, "value": 87500.0, "Latitude": 33.95, "Longitude": -118.35, "Population": 3201.0}, {"index": 8375, "quantile": 0.25, "value": 142500.0, "Latitude": 33.95, "Longitude": -118.35, "Population": 3201.0}, {"index": 8375, "quantile": 0.5, "value": 165400.0, "Latitude": 33.95, "Longitude": -118.35, "Population": 3201.0}, {"index": 8375, "quantile": 0.75, "value": 191925.0, "Latitude": 33.95, "Longitude": -118.35, "Population": 3201.0}, {"index": 8375, "quantile": 1.0, "value": 309100.0, "Latitude": 33.95, "Longitude": -118.35, "Population": 3201.0}, {"index": 8376, "quantile": 0.0, "value": 87500.0, "Latitude": 33.95, "Longitude": -118.34, "Population": 4015.0}, {"index": 8376, "quantile": 0.25, "value": 143800.0, "Latitude": 33.95, "Longitude": -118.34, "Population": 4015.0}, {"index": 8376, "quantile": 0.5, "value": 143800.0, "Latitude": 33.95, "Longitude": -118.34, "Population": 4015.0}, {"index": 8376, "quantile": 0.75, "value": 154350.0, "Latitude": 33.95, "Longitude": -118.34, "Population": 4015.0}, {"index": 8376, "quantile": 1.0, "value": 360000.0, "Latitude": 33.95, "Longitude": -118.34, "Population": 4015.0}, {"index": 8377, "quantile": 0.0, "value": 100000.0, "Latitude": 33.95, "Longitude": -118.35, "Population": 2324.0}, {"index": 8377, "quantile": 0.25, "value": 159150.0, "Latitude": 33.95, "Longitude": -118.35, "Population": 2324.0}, {"index": 8377, "quantile": 0.5, "value": 179300.00000000003, "Latitude": 33.95, "Longitude": -118.35, "Population": 2324.0}, {"index": 8377, "quantile": 0.75, "value": 218600.0, "Latitude": 33.95, "Longitude": -118.35, "Population": 2324.0}, {"index": 8377, "quantile": 1.0, "value": 281700.0, "Latitude": 33.95, "Longitude": -118.35, "Population": 2324.0}, {"index": 8378, "quantile": 0.0, "value": 94000.0, "Latitude": 33.95, "Longitude": -118.35, "Population": 1507.0}, {"index": 8378, "quantile": 0.25, "value": 159800.0, "Latitude": 33.95, "Longitude": -118.35, "Population": 1507.0}, {"index": 8378, "quantile": 0.5, "value": 159800.0, "Latitude": 33.95, "Longitude": -118.35, "Population": 1507.0}, {"index": 8378, "quantile": 0.75, "value": 159800.0, "Latitude": 33.95, "Longitude": -118.35, "Population": 1507.0}, {"index": 8378, "quantile": 1.0, "value": 414700.0, "Latitude": 33.95, "Longitude": -118.35, "Population": 1507.0}, {"index": 8379, "quantile": 0.0, "value": 100000.0, "Latitude": 33.95, "Longitude": -118.35, "Population": 781.0}, {"index": 8379, "quantile": 0.25, "value": 153050.0, "Latitude": 33.95, "Longitude": -118.35, "Population": 781.0}, {"index": 8379, "quantile": 0.5, "value": 177100.0, "Latitude": 33.95, "Longitude": -118.35, "Population": 781.0}, {"index": 8379, "quantile": 0.75, "value": 226799.99999999997, "Latitude": 33.95, "Longitude": -118.35, "Population": 781.0}, {"index": 8379, "quantile": 1.0, "value": 298600.0, "Latitude": 33.95, "Longitude": -118.35, "Population": 781.0}, {"index": 8380, "quantile": 0.0, "value": 126600.0, "Latitude": 33.95, "Longitude": -118.36, "Population": 1082.0}, {"index": 8380, "quantile": 0.25, "value": 170800.0, "Latitude": 33.95, "Longitude": -118.36, "Population": 1082.0}, {"index": 8380, "quantile": 0.5, "value": 170800.0, "Latitude": 33.95, "Longitude": -118.36, "Population": 1082.0}, {"index": 8380, "quantile": 0.75, "value": 170800.0, "Latitude": 33.95, "Longitude": -118.36, "Population": 1082.0}, {"index": 8380, "quantile": 1.0, "value": 291500.0, "Latitude": 33.95, "Longitude": -118.36, "Population": 1082.0}, {"index": 8381, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 33.96, "Longitude": -118.36, "Population": 1286.0}, {"index": 8381, "quantile": 0.25, "value": 192225.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 1286.0}, {"index": 8381, "quantile": 0.5, "value": 242050.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 1286.0}, {"index": 8381, "quantile": 0.75, "value": 272800.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 1286.0}, {"index": 8381, "quantile": 1.0, "value": 500000.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 1286.0}, {"index": 8382, "quantile": 0.0, "value": 97200.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 1498.0}, {"index": 8382, "quantile": 0.25, "value": 143475.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 1498.0}, {"index": 8382, "quantile": 0.5, "value": 177200.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 1498.0}, {"index": 8382, "quantile": 0.75, "value": 212500.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 1498.0}, {"index": 8382, "quantile": 1.0, "value": 321400.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 1498.0}, {"index": 8383, "quantile": 0.0, "value": 87500.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 2742.0}, {"index": 8383, "quantile": 0.25, "value": 153100.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 2742.0}, {"index": 8383, "quantile": 0.5, "value": 174600.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 2742.0}, {"index": 8383, "quantile": 0.75, "value": 191900.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 2742.0}, {"index": 8383, "quantile": 1.0, "value": 445000.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 2742.0}, {"index": 8384, "quantile": 0.0, "value": 122200.0, "Latitude": 33.95, "Longitude": -118.36, "Population": 3193.0}, {"index": 8384, "quantile": 0.25, "value": 177200.0, "Latitude": 33.95, "Longitude": -118.36, "Population": 3193.0}, {"index": 8384, "quantile": 0.5, "value": 177200.0, "Latitude": 33.95, "Longitude": -118.36, "Population": 3193.0}, {"index": 8384, "quantile": 0.75, "value": 177200.0, "Latitude": 33.95, "Longitude": -118.36, "Population": 3193.0}, {"index": 8384, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -118.36, "Population": 3193.0}, {"index": 8385, "quantile": 0.0, "value": 142600.0, "Latitude": 33.98, "Longitude": -118.36, "Population": 891.0}, {"index": 8385, "quantile": 0.25, "value": 246900.0, "Latitude": 33.98, "Longitude": -118.36, "Population": 891.0}, {"index": 8385, "quantile": 0.5, "value": 259400.0, "Latitude": 33.98, "Longitude": -118.36, "Population": 891.0}, {"index": 8385, "quantile": 0.75, "value": 259400.0, "Latitude": 33.98, "Longitude": -118.36, "Population": 891.0}, {"index": 8385, "quantile": 1.0, "value": 336200.0, "Latitude": 33.98, "Longitude": -118.36, "Population": 891.0}, {"index": 8386, "quantile": 0.0, "value": 180100.0, "Latitude": 33.98, "Longitude": -118.36, "Population": 782.0}, {"index": 8386, "quantile": 0.25, "value": 243375.0, "Latitude": 33.98, "Longitude": -118.36, "Population": 782.0}, {"index": 8386, "quantile": 0.5, "value": 246300.0, "Latitude": 33.98, "Longitude": -118.36, "Population": 782.0}, {"index": 8386, "quantile": 0.75, "value": 246300.0, "Latitude": 33.98, "Longitude": -118.36, "Population": 782.0}, {"index": 8386, "quantile": 1.0, "value": 485700.0, "Latitude": 33.98, "Longitude": -118.36, "Population": 782.0}, {"index": 8387, "quantile": 0.0, "value": 203900.00000000003, "Latitude": 33.98, "Longitude": -118.36, "Population": 344.0}, {"index": 8387, "quantile": 0.25, "value": 218800.00000000003, "Latitude": 33.98, "Longitude": -118.36, "Population": 344.0}, {"index": 8387, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 33.98, "Longitude": -118.36, "Population": 344.0}, {"index": 8387, "quantile": 0.75, "value": 280375.0, "Latitude": 33.98, "Longitude": -118.36, "Population": 344.0}, {"index": 8387, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.36, "Population": 344.0}, {"index": 8388, "quantile": 0.0, "value": 67500.0, "Latitude": 33.97, "Longitude": -118.37, "Population": 3333.0}, {"index": 8388, "quantile": 0.25, "value": 179800.0, "Latitude": 33.97, "Longitude": -118.37, "Population": 3333.0}, {"index": 8388, "quantile": 0.5, "value": 179800.0, "Latitude": 33.97, "Longitude": -118.37, "Population": 3333.0}, {"index": 8388, "quantile": 0.75, "value": 285700.0, "Latitude": 33.97, "Longitude": -118.37, "Population": 3333.0}, {"index": 8388, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -118.37, "Population": 3333.0}, {"index": 8389, "quantile": 0.0, "value": 72100.0, "Latitude": 33.97, "Longitude": -118.36, "Population": 990.0}, {"index": 8389, "quantile": 0.25, "value": 184600.0, "Latitude": 33.97, "Longitude": -118.36, "Population": 990.0}, {"index": 8389, "quantile": 0.5, "value": 195800.0, "Latitude": 33.97, "Longitude": -118.36, "Population": 990.0}, {"index": 8389, "quantile": 0.75, "value": 195800.0, "Latitude": 33.97, "Longitude": -118.36, "Population": 990.0}, {"index": 8389, "quantile": 1.0, "value": 273000.0, "Latitude": 33.97, "Longitude": -118.36, "Population": 990.0}, {"index": 8390, "quantile": 0.0, "value": 129200.0, "Latitude": 33.97, "Longitude": -118.37, "Population": 2515.0}, {"index": 8390, "quantile": 0.25, "value": 153100.0, "Latitude": 33.97, "Longitude": -118.37, "Population": 2515.0}, {"index": 8390, "quantile": 0.5, "value": 153100.0, "Latitude": 33.97, "Longitude": -118.37, "Population": 2515.0}, {"index": 8390, "quantile": 0.75, "value": 153100.0, "Latitude": 33.97, "Longitude": -118.37, "Population": 2515.0}, {"index": 8390, "quantile": 1.0, "value": 285300.0, "Latitude": 33.97, "Longitude": -118.37, "Population": 2515.0}, {"index": 8391, "quantile": 0.0, "value": 106300.0, "Latitude": 33.98, "Longitude": -118.36, "Population": 1715.0}, {"index": 8391, "quantile": 0.25, "value": 187500.0, "Latitude": 33.98, "Longitude": -118.36, "Population": 1715.0}, {"index": 8391, "quantile": 0.5, "value": 229300.00000000003, "Latitude": 33.98, "Longitude": -118.36, "Population": 1715.0}, {"index": 8391, "quantile": 0.75, "value": 310000.0, "Latitude": 33.98, "Longitude": -118.36, "Population": 1715.0}, {"index": 8391, "quantile": 1.0, "value": 425000.0, "Latitude": 33.98, "Longitude": -118.36, "Population": 1715.0}, {"index": 8392, "quantile": 0.0, "value": 123200.0, "Latitude": 33.97, "Longitude": -118.36, "Population": 2917.0}, {"index": 8392, "quantile": 0.25, "value": 142500.0, "Latitude": 33.97, "Longitude": -118.36, "Population": 2917.0}, {"index": 8392, "quantile": 0.5, "value": 142500.0, "Latitude": 33.97, "Longitude": -118.36, "Population": 2917.0}, {"index": 8392, "quantile": 0.75, "value": 153100.0, "Latitude": 33.97, "Longitude": -118.36, "Population": 2917.0}, {"index": 8392, "quantile": 1.0, "value": 353600.0, "Latitude": 33.97, "Longitude": -118.36, "Population": 2917.0}, {"index": 8393, "quantile": 0.0, "value": 113900.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 2365.0}, {"index": 8393, "quantile": 0.25, "value": 129200.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 2365.0}, {"index": 8393, "quantile": 0.5, "value": 129200.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 2365.0}, {"index": 8393, "quantile": 0.75, "value": 175150.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 2365.0}, {"index": 8393, "quantile": 1.0, "value": 475000.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 2365.0}, {"index": 8394, "quantile": 0.0, "value": 88600.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 2009.0}, {"index": 8394, "quantile": 0.25, "value": 177300.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 2009.0}, {"index": 8394, "quantile": 0.5, "value": 177300.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 2009.0}, {"index": 8394, "quantile": 0.75, "value": 177300.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 2009.0}, {"index": 8394, "quantile": 1.0, "value": 291500.0, "Latitude": 33.96, "Longitude": -118.36, "Population": 2009.0}, {"index": 8395, "quantile": 0.0, "value": 125699.99999999999, "Latitude": 33.96, "Longitude": -118.37, "Population": 100.0}, {"index": 8395, "quantile": 0.25, "value": 175000.0, "Latitude": 33.96, "Longitude": -118.37, "Population": 100.0}, {"index": 8395, "quantile": 0.5, "value": 175000.0, "Latitude": 33.96, "Longitude": -118.37, "Population": 100.0}, {"index": 8395, "quantile": 0.75, "value": 175000.0, "Latitude": 33.96, "Longitude": -118.37, "Population": 100.0}, {"index": 8395, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -118.37, "Population": 100.0}, {"index": 8396, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.95, "Longitude": -118.37, "Population": 1376.0}, {"index": 8396, "quantile": 0.25, "value": 170000.0, "Latitude": 33.95, "Longitude": -118.37, "Population": 1376.0}, {"index": 8396, "quantile": 0.5, "value": 262500.0, "Latitude": 33.95, "Longitude": -118.37, "Population": 1376.0}, {"index": 8396, "quantile": 0.75, "value": 262500.0, "Latitude": 33.95, "Longitude": -118.37, "Population": 1376.0}, {"index": 8396, "quantile": 1.0, "value": 350000.0, "Latitude": 33.95, "Longitude": -118.37, "Population": 1376.0}, {"index": 8397, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.95, "Longitude": -118.36, "Population": 1283.0}, {"index": 8397, "quantile": 0.25, "value": 163900.0, "Latitude": 33.95, "Longitude": -118.36, "Population": 1283.0}, {"index": 8397, "quantile": 0.5, "value": 163900.0, "Latitude": 33.95, "Longitude": -118.36, "Population": 1283.0}, {"index": 8397, "quantile": 0.75, "value": 163900.0, "Latitude": 33.95, "Longitude": -118.36, "Population": 1283.0}, {"index": 8397, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 33.95, "Longitude": -118.36, "Population": 1283.0}, {"index": 8398, "quantile": 0.0, "value": 95900.0, "Latitude": 33.95, "Longitude": -118.36, "Population": 2038.0}, {"index": 8398, "quantile": 0.25, "value": 129200.0, "Latitude": 33.95, "Longitude": -118.36, "Population": 2038.0}, {"index": 8398, "quantile": 0.5, "value": 156300.0, "Latitude": 33.95, "Longitude": -118.36, "Population": 2038.0}, {"index": 8398, "quantile": 0.75, "value": 181750.0, "Latitude": 33.95, "Longitude": -118.36, "Population": 2038.0}, {"index": 8398, "quantile": 1.0, "value": 350900.0, "Latitude": 33.95, "Longitude": -118.36, "Population": 2038.0}, {"index": 8399, "quantile": 0.0, "value": 94000.0, "Latitude": 33.95, "Longitude": -118.37, "Population": 1053.0}, {"index": 8399, "quantile": 0.25, "value": 150000.0, "Latitude": 33.95, "Longitude": -118.37, "Population": 1053.0}, {"index": 8399, "quantile": 0.5, "value": 167400.0, "Latitude": 33.95, "Longitude": -118.37, "Population": 1053.0}, {"index": 8399, "quantile": 0.75, "value": 208300.00000000003, "Latitude": 33.95, "Longitude": -118.37, "Population": 1053.0}, {"index": 8399, "quantile": 1.0, "value": 333300.0, "Latitude": 33.95, "Longitude": -118.37, "Population": 1053.0}, {"index": 8400, "quantile": 0.0, "value": 67500.0, "Latitude": 33.95, "Longitude": -118.37, "Population": 747.0}, {"index": 8400, "quantile": 0.25, "value": 174000.0, "Latitude": 33.95, "Longitude": -118.37, "Population": 747.0}, {"index": 8400, "quantile": 0.5, "value": 174000.0, "Latitude": 33.95, "Longitude": -118.37, "Population": 747.0}, {"index": 8400, "quantile": 0.75, "value": 218299.99999999997, "Latitude": 33.95, "Longitude": -118.37, "Population": 747.0}, {"index": 8400, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 33.95, "Longitude": -118.37, "Population": 747.0}, {"index": 8401, "quantile": 0.0, "value": 115100.0, "Latitude": 33.94, "Longitude": -118.36, "Population": 1666.0}, {"index": 8401, "quantile": 0.25, "value": 156800.0, "Latitude": 33.94, "Longitude": -118.36, "Population": 1666.0}, {"index": 8401, "quantile": 0.5, "value": 156800.0, "Latitude": 33.94, "Longitude": -118.36, "Population": 1666.0}, {"index": 8401, "quantile": 0.75, "value": 156800.0, "Latitude": 33.94, "Longitude": -118.36, "Population": 1666.0}, {"index": 8401, "quantile": 1.0, "value": 271200.0, "Latitude": 33.94, "Longitude": -118.36, "Population": 1666.0}, {"index": 8402, "quantile": 0.0, "value": 117700.0, "Latitude": 33.94, "Longitude": -118.36, "Population": 3036.0}, {"index": 8402, "quantile": 0.25, "value": 148500.0, "Latitude": 33.94, "Longitude": -118.36, "Population": 3036.0}, {"index": 8402, "quantile": 0.5, "value": 148500.0, "Latitude": 33.94, "Longitude": -118.36, "Population": 3036.0}, {"index": 8402, "quantile": 0.75, "value": 152425.0, "Latitude": 33.94, "Longitude": -118.36, "Population": 3036.0}, {"index": 8402, "quantile": 1.0, "value": 262500.0, "Latitude": 33.94, "Longitude": -118.36, "Population": 3036.0}, {"index": 8403, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 33.94, "Longitude": -118.37, "Population": 3425.0}, {"index": 8403, "quantile": 0.25, "value": 154200.0, "Latitude": 33.94, "Longitude": -118.37, "Population": 3425.0}, {"index": 8403, "quantile": 0.5, "value": 162250.0, "Latitude": 33.94, "Longitude": -118.37, "Population": 3425.0}, {"index": 8403, "quantile": 0.75, "value": 181800.0, "Latitude": 33.94, "Longitude": -118.37, "Population": 3425.0}, {"index": 8403, "quantile": 1.0, "value": 350000.0, "Latitude": 33.94, "Longitude": -118.37, "Population": 3425.0}, {"index": 8404, "quantile": 0.0, "value": 97200.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 1433.0}, {"index": 8404, "quantile": 0.25, "value": 164675.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 1433.0}, {"index": 8404, "quantile": 0.5, "value": 170000.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 1433.0}, {"index": 8404, "quantile": 0.75, "value": 170000.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 1433.0}, {"index": 8404, "quantile": 1.0, "value": 265500.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 1433.0}, {"index": 8405, "quantile": 0.0, "value": 119900.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 2036.0}, {"index": 8405, "quantile": 0.25, "value": 156175.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 2036.0}, {"index": 8405, "quantile": 0.5, "value": 156500.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 2036.0}, {"index": 8405, "quantile": 0.75, "value": 156500.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 2036.0}, {"index": 8405, "quantile": 1.0, "value": 180000.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 2036.0}, {"index": 8406, "quantile": 0.0, "value": 115100.0, "Latitude": 33.94, "Longitude": -118.36, "Population": 1309.0}, {"index": 8406, "quantile": 0.25, "value": 140900.0, "Latitude": 33.94, "Longitude": -118.36, "Population": 1309.0}, {"index": 8406, "quantile": 0.5, "value": 144600.0, "Latitude": 33.94, "Longitude": -118.36, "Population": 1309.0}, {"index": 8406, "quantile": 0.75, "value": 156800.0, "Latitude": 33.94, "Longitude": -118.36, "Population": 1309.0}, {"index": 8406, "quantile": 1.0, "value": 207200.0, "Latitude": 33.94, "Longitude": -118.36, "Population": 1309.0}, {"index": 8407, "quantile": 0.0, "value": 119900.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 1824.0}, {"index": 8407, "quantile": 0.25, "value": 153900.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 1824.0}, {"index": 8407, "quantile": 0.5, "value": 153900.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 1824.0}, {"index": 8407, "quantile": 0.75, "value": 153900.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 1824.0}, {"index": 8407, "quantile": 1.0, "value": 305800.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 1824.0}, {"index": 8408, "quantile": 0.0, "value": 88800.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 918.0}, {"index": 8408, "quantile": 0.25, "value": 146900.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 918.0}, {"index": 8408, "quantile": 0.5, "value": 146900.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 918.0}, {"index": 8408, "quantile": 0.75, "value": 146900.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 918.0}, {"index": 8408, "quantile": 1.0, "value": 262500.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 918.0}, {"index": 8409, "quantile": 0.0, "value": 75000.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 810.0}, {"index": 8409, "quantile": 0.25, "value": 147350.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 810.0}, {"index": 8409, "quantile": 0.5, "value": 162500.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 810.0}, {"index": 8409, "quantile": 0.75, "value": 162500.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 810.0}, {"index": 8409, "quantile": 1.0, "value": 262500.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 810.0}, {"index": 8410, "quantile": 0.0, "value": 91500.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 2649.0}, {"index": 8410, "quantile": 0.25, "value": 154125.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 2649.0}, {"index": 8410, "quantile": 0.5, "value": 170600.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 2649.0}, {"index": 8410, "quantile": 0.75, "value": 170600.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 2649.0}, {"index": 8410, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 33.93, "Longitude": -118.35, "Population": 2649.0}, {"index": 8411, "quantile": 0.0, "value": 117300.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 1888.0}, {"index": 8411, "quantile": 0.25, "value": 149100.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 1888.0}, {"index": 8411, "quantile": 0.5, "value": 149100.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 1888.0}, {"index": 8411, "quantile": 0.75, "value": 149100.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 1888.0}, {"index": 8411, "quantile": 1.0, "value": 184400.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 1888.0}, {"index": 8412, "quantile": 0.0, "value": 91500.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 2188.0}, {"index": 8412, "quantile": 0.25, "value": 139325.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 2188.0}, {"index": 8412, "quantile": 0.5, "value": 148500.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 2188.0}, {"index": 8412, "quantile": 0.75, "value": 156500.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 2188.0}, {"index": 8412, "quantile": 1.0, "value": 202800.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 2188.0}, {"index": 8413, "quantile": 0.0, "value": 91500.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 2755.0}, {"index": 8413, "quantile": 0.25, "value": 144525.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 2755.0}, {"index": 8413, "quantile": 0.5, "value": 155150.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 2755.0}, {"index": 8413, "quantile": 0.75, "value": 170000.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 2755.0}, {"index": 8413, "quantile": 1.0, "value": 262500.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 2755.0}, {"index": 8414, "quantile": 0.0, "value": 115100.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 1369.0}, {"index": 8414, "quantile": 0.25, "value": 144600.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 1369.0}, {"index": 8414, "quantile": 0.5, "value": 144600.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 1369.0}, {"index": 8414, "quantile": 0.75, "value": 144600.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 1369.0}, {"index": 8414, "quantile": 1.0, "value": 170600.0, "Latitude": 33.94, "Longitude": -118.35, "Population": 1369.0}, {"index": 8415, "quantile": 0.0, "value": 84700.0, "Latitude": 33.94, "Longitude": -118.34, "Population": 3456.0}, {"index": 8415, "quantile": 0.25, "value": 147500.0, "Latitude": 33.94, "Longitude": -118.34, "Population": 3456.0}, {"index": 8415, "quantile": 0.5, "value": 147500.0, "Latitude": 33.94, "Longitude": -118.34, "Population": 3456.0}, {"index": 8415, "quantile": 0.75, "value": 147500.0, "Latitude": 33.94, "Longitude": -118.34, "Population": 3456.0}, {"index": 8415, "quantile": 1.0, "value": 350000.0, "Latitude": 33.94, "Longitude": -118.34, "Population": 3456.0}, {"index": 8416, "quantile": 0.0, "value": 123700.00000000001, "Latitude": 33.94, "Longitude": -118.34, "Population": 4033.0}, {"index": 8416, "quantile": 0.25, "value": 159775.0, "Latitude": 33.94, "Longitude": -118.34, "Population": 4033.0}, {"index": 8416, "quantile": 0.5, "value": 160700.0, "Latitude": 33.94, "Longitude": -118.34, "Population": 4033.0}, {"index": 8416, "quantile": 0.75, "value": 160700.0, "Latitude": 33.94, "Longitude": -118.34, "Population": 4033.0}, {"index": 8416, "quantile": 1.0, "value": 325000.0, "Latitude": 33.94, "Longitude": -118.34, "Population": 4033.0}, {"index": 8417, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.93, "Longitude": -118.33, "Population": 3533.0}, {"index": 8417, "quantile": 0.25, "value": 152300.0, "Latitude": 33.93, "Longitude": -118.33, "Population": 3533.0}, {"index": 8417, "quantile": 0.5, "value": 152300.0, "Latitude": 33.93, "Longitude": -118.33, "Population": 3533.0}, {"index": 8417, "quantile": 0.75, "value": 160250.0, "Latitude": 33.93, "Longitude": -118.33, "Population": 3533.0}, {"index": 8417, "quantile": 1.0, "value": 291500.0, "Latitude": 33.93, "Longitude": -118.33, "Population": 3533.0}, {"index": 8418, "quantile": 0.0, "value": 137200.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 4512.0}, {"index": 8418, "quantile": 0.25, "value": 143700.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 4512.0}, {"index": 8418, "quantile": 0.5, "value": 143700.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 4512.0}, {"index": 8418, "quantile": 0.75, "value": 158650.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 4512.0}, {"index": 8418, "quantile": 1.0, "value": 305800.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 4512.0}, {"index": 8419, "quantile": 0.0, "value": 88800.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 1281.0}, {"index": 8419, "quantile": 0.25, "value": 155700.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 1281.0}, {"index": 8419, "quantile": 0.5, "value": 155700.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 1281.0}, {"index": 8419, "quantile": 0.75, "value": 155700.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 1281.0}, {"index": 8419, "quantile": 1.0, "value": 272800.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 1281.0}, {"index": 8420, "quantile": 0.0, "value": 95200.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 1341.0}, {"index": 8420, "quantile": 0.25, "value": 147475.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 1341.0}, {"index": 8420, "quantile": 0.5, "value": 159800.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 1341.0}, {"index": 8420, "quantile": 0.75, "value": 175325.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 1341.0}, {"index": 8420, "quantile": 1.0, "value": 414700.0, "Latitude": 33.93, "Longitude": -118.34, "Population": 1341.0}, {"index": 8421, "quantile": 0.0, "value": 113900.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 2394.0}, {"index": 8421, "quantile": 0.25, "value": 191900.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 2394.0}, {"index": 8421, "quantile": 0.5, "value": 191900.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 2394.0}, {"index": 8421, "quantile": 0.75, "value": 191900.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 2394.0}, {"index": 8421, "quantile": 1.0, "value": 260700.00000000003, "Latitude": 33.93, "Longitude": -118.35, "Population": 2394.0}, {"index": 8422, "quantile": 0.0, "value": 96100.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 1973.0}, {"index": 8422, "quantile": 0.25, "value": 180975.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 1973.0}, {"index": 8422, "quantile": 0.5, "value": 195000.00000000003, "Latitude": 33.93, "Longitude": -118.35, "Population": 1973.0}, {"index": 8422, "quantile": 0.75, "value": 229000.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 1973.0}, {"index": 8422, "quantile": 1.0, "value": 339100.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 1973.0}, {"index": 8423, "quantile": 0.0, "value": 113900.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 1603.0}, {"index": 8423, "quantile": 0.25, "value": 207799.99999999997, "Latitude": 33.93, "Longitude": -118.35, "Population": 1603.0}, {"index": 8423, "quantile": 0.5, "value": 223300.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 1603.0}, {"index": 8423, "quantile": 0.75, "value": 223300.0, "Latitude": 33.93, "Longitude": -118.35, "Population": 1603.0}, {"index": 8423, "quantile": 1.0, "value": 409999.99999999994, "Latitude": 33.93, "Longitude": -118.35, "Population": 1603.0}, {"index": 8424, "quantile": 0.0, "value": 117300.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 3340.0}, {"index": 8424, "quantile": 0.25, "value": 183550.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 3340.0}, {"index": 8424, "quantile": 0.5, "value": 221200.00000000003, "Latitude": 33.93, "Longitude": -118.36, "Population": 3340.0}, {"index": 8424, "quantile": 0.75, "value": 240350.00000000003, "Latitude": 33.93, "Longitude": -118.36, "Population": 3340.0}, {"index": 8424, "quantile": 1.0, "value": 417600.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 3340.0}, {"index": 8425, "quantile": 0.0, "value": 83200.0, "Latitude": 33.92, "Longitude": -118.34, "Population": 965.0}, {"index": 8425, "quantile": 0.25, "value": 199725.0, "Latitude": 33.92, "Longitude": -118.34, "Population": 965.0}, {"index": 8425, "quantile": 0.5, "value": 215450.0, "Latitude": 33.92, "Longitude": -118.34, "Population": 965.0}, {"index": 8425, "quantile": 0.75, "value": 255450.0, "Latitude": 33.92, "Longitude": -118.34, "Population": 965.0}, {"index": 8425, "quantile": 1.0, "value": 417600.0, "Latitude": 33.92, "Longitude": -118.34, "Population": 965.0}, {"index": 8426, "quantile": 0.0, "value": 121400.0, "Latitude": 33.92, "Longitude": -118.35, "Population": 2023.0}, {"index": 8426, "quantile": 0.25, "value": 164300.0, "Latitude": 33.92, "Longitude": -118.35, "Population": 2023.0}, {"index": 8426, "quantile": 0.5, "value": 191300.0, "Latitude": 33.92, "Longitude": -118.35, "Population": 2023.0}, {"index": 8426, "quantile": 0.75, "value": 212500.0, "Latitude": 33.92, "Longitude": -118.35, "Population": 2023.0}, {"index": 8426, "quantile": 1.0, "value": 285300.0, "Latitude": 33.92, "Longitude": -118.35, "Population": 2023.0}, {"index": 8427, "quantile": 0.0, "value": 143800.0, "Latitude": 33.92, "Longitude": -118.35, "Population": 584.0}, {"index": 8427, "quantile": 0.25, "value": 200000.0, "Latitude": 33.92, "Longitude": -118.35, "Population": 584.0}, {"index": 8427, "quantile": 0.5, "value": 200000.0, "Latitude": 33.92, "Longitude": -118.35, "Population": 584.0}, {"index": 8427, "quantile": 0.75, "value": 200000.0, "Latitude": 33.92, "Longitude": -118.35, "Population": 584.0}, {"index": 8427, "quantile": 1.0, "value": 284400.0, "Latitude": 33.92, "Longitude": -118.35, "Population": 584.0}, {"index": 8428, "quantile": 0.0, "value": 171300.0, "Latitude": 33.92, "Longitude": -118.36, "Population": 2308.0}, {"index": 8428, "quantile": 0.25, "value": 207099.99999999997, "Latitude": 33.92, "Longitude": -118.36, "Population": 2308.0}, {"index": 8428, "quantile": 0.5, "value": 229300.00000000003, "Latitude": 33.92, "Longitude": -118.36, "Population": 2308.0}, {"index": 8428, "quantile": 0.75, "value": 229300.00000000003, "Latitude": 33.92, "Longitude": -118.36, "Population": 2308.0}, {"index": 8428, "quantile": 1.0, "value": 500000.0, "Latitude": 33.92, "Longitude": -118.36, "Population": 2308.0}, {"index": 8429, "quantile": 0.0, "value": 110700.0, "Latitude": 33.92, "Longitude": -118.36, "Population": 793.0}, {"index": 8429, "quantile": 0.25, "value": 226799.99999999997, "Latitude": 33.92, "Longitude": -118.36, "Population": 793.0}, {"index": 8429, "quantile": 0.5, "value": 226799.99999999997, "Latitude": 33.92, "Longitude": -118.36, "Population": 793.0}, {"index": 8429, "quantile": 0.75, "value": 226799.99999999997, "Latitude": 33.92, "Longitude": -118.36, "Population": 793.0}, {"index": 8429, "quantile": 1.0, "value": 336200.0, "Latitude": 33.92, "Longitude": -118.36, "Population": 793.0}, {"index": 8430, "quantile": 0.0, "value": 87500.0, "Latitude": 33.92, "Longitude": -118.36, "Population": 1546.0}, {"index": 8430, "quantile": 0.25, "value": 192300.0, "Latitude": 33.92, "Longitude": -118.36, "Population": 1546.0}, {"index": 8430, "quantile": 0.5, "value": 229300.00000000003, "Latitude": 33.92, "Longitude": -118.36, "Population": 1546.0}, {"index": 8430, "quantile": 0.75, "value": 312500.0, "Latitude": 33.92, "Longitude": -118.36, "Population": 1546.0}, {"index": 8430, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -118.36, "Population": 1546.0}, {"index": 8431, "quantile": 0.0, "value": 113900.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 2033.0}, {"index": 8431, "quantile": 0.25, "value": 183775.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 2033.0}, {"index": 8431, "quantile": 0.5, "value": 212500.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 2033.0}, {"index": 8431, "quantile": 0.75, "value": 212500.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 2033.0}, {"index": 8431, "quantile": 1.0, "value": 350000.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 2033.0}, {"index": 8432, "quantile": 0.0, "value": 60000.0, "Latitude": 33.93, "Longitude": -118.37, "Population": 61.0}, {"index": 8432, "quantile": 0.25, "value": 245800.00000000003, "Latitude": 33.93, "Longitude": -118.37, "Population": 61.0}, {"index": 8432, "quantile": 0.5, "value": 245800.00000000003, "Latitude": 33.93, "Longitude": -118.37, "Population": 61.0}, {"index": 8432, "quantile": 0.75, "value": 245800.00000000003, "Latitude": 33.93, "Longitude": -118.37, "Population": 61.0}, {"index": 8432, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -118.37, "Population": 61.0}, {"index": 8433, "quantile": 0.0, "value": 174000.0, "Latitude": 33.92, "Longitude": -118.37, "Population": 502.0}, {"index": 8433, "quantile": 0.25, "value": 218299.99999999997, "Latitude": 33.92, "Longitude": -118.37, "Population": 502.0}, {"index": 8433, "quantile": 0.5, "value": 218299.99999999997, "Latitude": 33.92, "Longitude": -118.37, "Population": 502.0}, {"index": 8433, "quantile": 0.75, "value": 218600.0, "Latitude": 33.92, "Longitude": -118.37, "Population": 502.0}, {"index": 8433, "quantile": 1.0, "value": 456100.0, "Latitude": 33.92, "Longitude": -118.37, "Population": 502.0}, {"index": 8434, "quantile": 0.0, "value": 158100.0, "Latitude": 33.92, "Longitude": -118.37, "Population": 509.0}, {"index": 8434, "quantile": 0.25, "value": 238899.99999999997, "Latitude": 33.92, "Longitude": -118.37, "Population": 509.0}, {"index": 8434, "quantile": 0.5, "value": 238899.99999999997, "Latitude": 33.92, "Longitude": -118.37, "Population": 509.0}, {"index": 8434, "quantile": 0.75, "value": 244275.00000000003, "Latitude": 33.92, "Longitude": -118.37, "Population": 509.0}, {"index": 8434, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -118.37, "Population": 509.0}, {"index": 8435, "quantile": 0.0, "value": 181300.0, "Latitude": 33.92, "Longitude": -118.37, "Population": 521.0}, {"index": 8435, "quantile": 0.25, "value": 242700.0, "Latitude": 33.92, "Longitude": -118.37, "Population": 521.0}, {"index": 8435, "quantile": 0.5, "value": 242700.0, "Latitude": 33.92, "Longitude": -118.37, "Population": 521.0}, {"index": 8435, "quantile": 0.75, "value": 242700.0, "Latitude": 33.92, "Longitude": -118.37, "Population": 521.0}, {"index": 8435, "quantile": 1.0, "value": 456100.0, "Latitude": 33.92, "Longitude": -118.37, "Population": 521.0}, {"index": 8436, "quantile": 0.0, "value": 157800.0, "Latitude": 33.92, "Longitude": -118.37, "Population": 556.0}, {"index": 8436, "quantile": 0.25, "value": 232150.0, "Latitude": 33.92, "Longitude": -118.37, "Population": 556.0}, {"index": 8436, "quantile": 0.5, "value": 267000.0, "Latitude": 33.92, "Longitude": -118.37, "Population": 556.0}, {"index": 8436, "quantile": 0.75, "value": 340875.0, "Latitude": 33.92, "Longitude": -118.37, "Population": 556.0}, {"index": 8436, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 33.92, "Longitude": -118.37, "Population": 556.0}, {"index": 8437, "quantile": 0.0, "value": 180100.0, "Latitude": 33.93, "Longitude": -118.37, "Population": 503.0}, {"index": 8437, "quantile": 0.25, "value": 246300.0, "Latitude": 33.93, "Longitude": -118.37, "Population": 503.0}, {"index": 8437, "quantile": 0.5, "value": 246300.0, "Latitude": 33.93, "Longitude": -118.37, "Population": 503.0}, {"index": 8437, "quantile": 0.75, "value": 246900.0, "Latitude": 33.93, "Longitude": -118.37, "Population": 503.0}, {"index": 8437, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 33.93, "Longitude": -118.37, "Population": 503.0}, {"index": 8438, "quantile": 0.0, "value": 85600.0, "Latitude": 33.93, "Longitude": -118.37, "Population": 255.0}, {"index": 8438, "quantile": 0.25, "value": 246900.0, "Latitude": 33.93, "Longitude": -118.37, "Population": 255.0}, {"index": 8438, "quantile": 0.5, "value": 246900.0, "Latitude": 33.93, "Longitude": -118.37, "Population": 255.0}, {"index": 8438, "quantile": 0.75, "value": 246900.0, "Latitude": 33.93, "Longitude": -118.37, "Population": 255.0}, {"index": 8438, "quantile": 1.0, "value": 337800.0, "Latitude": 33.93, "Longitude": -118.37, "Population": 255.0}, {"index": 8439, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.93, "Longitude": -118.36, "Population": 392.0}, {"index": 8439, "quantile": 0.25, "value": 127925.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 392.0}, {"index": 8439, "quantile": 0.5, "value": 156500.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 392.0}, {"index": 8439, "quantile": 0.75, "value": 202625.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 392.0}, {"index": 8439, "quantile": 1.0, "value": 461100.0, "Latitude": 33.93, "Longitude": -118.36, "Population": 392.0}, {"index": 8440, "quantile": 0.0, "value": 121500.00000000001, "Latitude": 33.91, "Longitude": -118.36, "Population": 1191.0}, {"index": 8440, "quantile": 0.25, "value": 222500.0, "Latitude": 33.91, "Longitude": -118.36, "Population": 1191.0}, {"index": 8440, "quantile": 0.5, "value": 222500.0, "Latitude": 33.91, "Longitude": -118.36, "Population": 1191.0}, {"index": 8440, "quantile": 0.75, "value": 222500.0, "Latitude": 33.91, "Longitude": -118.36, "Population": 1191.0}, {"index": 8440, "quantile": 1.0, "value": 397900.0, "Latitude": 33.91, "Longitude": -118.36, "Population": 1191.0}, {"index": 8441, "quantile": 0.0, "value": 148400.0, "Latitude": 33.91, "Longitude": -118.36, "Population": 1184.0}, {"index": 8441, "quantile": 0.25, "value": 210100.0, "Latitude": 33.91, "Longitude": -118.36, "Population": 1184.0}, {"index": 8441, "quantile": 0.5, "value": 226900.0, "Latitude": 33.91, "Longitude": -118.36, "Population": 1184.0}, {"index": 8441, "quantile": 0.75, "value": 247399.99999999997, "Latitude": 33.91, "Longitude": -118.36, "Population": 1184.0}, {"index": 8441, "quantile": 1.0, "value": 456100.0, "Latitude": 33.91, "Longitude": -118.36, "Population": 1184.0}, {"index": 8442, "quantile": 0.0, "value": 162000.0, "Latitude": 33.9, "Longitude": -118.36, "Population": 1136.0}, {"index": 8442, "quantile": 0.25, "value": 229999.99999999997, "Latitude": 33.9, "Longitude": -118.36, "Population": 1136.0}, {"index": 8442, "quantile": 0.5, "value": 229999.99999999997, "Latitude": 33.9, "Longitude": -118.36, "Population": 1136.0}, {"index": 8442, "quantile": 0.75, "value": 229999.99999999997, "Latitude": 33.9, "Longitude": -118.36, "Population": 1136.0}, {"index": 8442, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 33.9, "Longitude": -118.36, "Population": 1136.0}, {"index": 8443, "quantile": 0.0, "value": 142000.0, "Latitude": 33.9, "Longitude": -118.36, "Population": 725.0}, {"index": 8443, "quantile": 0.25, "value": 231900.0, "Latitude": 33.9, "Longitude": -118.36, "Population": 725.0}, {"index": 8443, "quantile": 0.5, "value": 231900.0, "Latitude": 33.9, "Longitude": -118.36, "Population": 725.0}, {"index": 8443, "quantile": 0.75, "value": 231900.0, "Latitude": 33.9, "Longitude": -118.36, "Population": 725.0}, {"index": 8443, "quantile": 1.0, "value": 485700.0, "Latitude": 33.9, "Longitude": -118.36, "Population": 725.0}, {"index": 8444, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.91, "Longitude": -118.37, "Population": 1334.0}, {"index": 8444, "quantile": 0.25, "value": 227800.0, "Latitude": 33.91, "Longitude": -118.37, "Population": 1334.0}, {"index": 8444, "quantile": 0.5, "value": 227800.0, "Latitude": 33.91, "Longitude": -118.37, "Population": 1334.0}, {"index": 8444, "quantile": 0.75, "value": 227800.0, "Latitude": 33.91, "Longitude": -118.37, "Population": 1334.0}, {"index": 8444, "quantile": 1.0, "value": 417600.0, "Latitude": 33.91, "Longitude": -118.37, "Population": 1334.0}, {"index": 8445, "quantile": 0.0, "value": 199400.0, "Latitude": 33.91, "Longitude": -118.37, "Population": 812.0}, {"index": 8445, "quantile": 0.25, "value": 267400.0, "Latitude": 33.91, "Longitude": -118.37, "Population": 812.0}, {"index": 8445, "quantile": 0.5, "value": 291000.0, "Latitude": 33.91, "Longitude": -118.37, "Population": 812.0}, {"index": 8445, "quantile": 0.75, "value": 342775.0, "Latitude": 33.91, "Longitude": -118.37, "Population": 812.0}, {"index": 8445, "quantile": 1.0, "value": 488500.0, "Latitude": 33.91, "Longitude": -118.37, "Population": 812.0}, {"index": 8446, "quantile": 0.0, "value": 167700.0, "Latitude": 33.9, "Longitude": -118.37, "Population": 707.0}, {"index": 8446, "quantile": 0.25, "value": 294800.0, "Latitude": 33.9, "Longitude": -118.37, "Population": 707.0}, {"index": 8446, "quantile": 0.5, "value": 294800.0, "Latitude": 33.9, "Longitude": -118.37, "Population": 707.0}, {"index": 8446, "quantile": 0.75, "value": 294800.0, "Latitude": 33.9, "Longitude": -118.37, "Population": 707.0}, {"index": 8446, "quantile": 1.0, "value": 495500.0, "Latitude": 33.9, "Longitude": -118.37, "Population": 707.0}, {"index": 8447, "quantile": 0.0, "value": 77100.0, "Latitude": 33.9, "Longitude": -118.37, "Population": 177.0}, {"index": 8447, "quantile": 0.25, "value": 256300.00000000003, "Latitude": 33.9, "Longitude": -118.37, "Population": 177.0}, {"index": 8447, "quantile": 0.5, "value": 256300.00000000003, "Latitude": 33.9, "Longitude": -118.37, "Population": 177.0}, {"index": 8447, "quantile": 0.75, "value": 258475.0, "Latitude": 33.9, "Longitude": -118.37, "Population": 177.0}, {"index": 8447, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.37, "Population": 177.0}, {"index": 8448, "quantile": 0.0, "value": 205399.99999999997, "Latitude": 33.91, "Longitude": -118.38, "Population": 1463.0}, {"index": 8448, "quantile": 0.25, "value": 289600.0, "Latitude": 33.91, "Longitude": -118.38, "Population": 1463.0}, {"index": 8448, "quantile": 0.5, "value": 289600.0, "Latitude": 33.91, "Longitude": -118.38, "Population": 1463.0}, {"index": 8448, "quantile": 0.75, "value": 289600.0, "Latitude": 33.91, "Longitude": -118.38, "Population": 1463.0}, {"index": 8448, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.91, "Longitude": -118.38, "Population": 1463.0}, {"index": 8449, "quantile": 0.0, "value": 122200.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1282.0}, {"index": 8449, "quantile": 0.25, "value": 155525.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1282.0}, {"index": 8449, "quantile": 0.5, "value": 187500.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1282.0}, {"index": 8449, "quantile": 0.75, "value": 212500.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1282.0}, {"index": 8449, "quantile": 1.0, "value": 315500.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1282.0}, {"index": 8450, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 33.91, "Longitude": -118.35, "Population": 1675.0}, {"index": 8450, "quantile": 0.25, "value": 240200.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1675.0}, {"index": 8450, "quantile": 0.5, "value": 265000.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1675.0}, {"index": 8450, "quantile": 0.75, "value": 265000.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1675.0}, {"index": 8450, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.91, "Longitude": -118.35, "Population": 1675.0}, {"index": 8451, "quantile": 0.0, "value": 174200.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1485.0}, {"index": 8451, "quantile": 0.25, "value": 241400.00000000003, "Latitude": 33.91, "Longitude": -118.35, "Population": 1485.0}, {"index": 8451, "quantile": 0.5, "value": 241400.00000000003, "Latitude": 33.91, "Longitude": -118.35, "Population": 1485.0}, {"index": 8451, "quantile": 0.75, "value": 241400.00000000003, "Latitude": 33.91, "Longitude": -118.35, "Population": 1485.0}, {"index": 8451, "quantile": 1.0, "value": 364200.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1485.0}, {"index": 8452, "quantile": 0.0, "value": 153700.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1331.0}, {"index": 8452, "quantile": 0.25, "value": 242075.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1331.0}, {"index": 8452, "quantile": 0.5, "value": 264500.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1331.0}, {"index": 8452, "quantile": 0.75, "value": 264500.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1331.0}, {"index": 8452, "quantile": 1.0, "value": 395700.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1331.0}, {"index": 8453, "quantile": 0.0, "value": 117100.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1337.0}, {"index": 8453, "quantile": 0.25, "value": 207900.00000000003, "Latitude": 33.91, "Longitude": -118.35, "Population": 1337.0}, {"index": 8453, "quantile": 0.5, "value": 272800.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1337.0}, {"index": 8453, "quantile": 0.75, "value": 272800.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1337.0}, {"index": 8453, "quantile": 1.0, "value": 425000.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1337.0}, {"index": 8454, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 33.9, "Longitude": -118.35, "Population": 2299.0}, {"index": 8454, "quantile": 0.25, "value": 207900.00000000003, "Latitude": 33.9, "Longitude": -118.35, "Population": 2299.0}, {"index": 8454, "quantile": 0.5, "value": 237000.0, "Latitude": 33.9, "Longitude": -118.35, "Population": 2299.0}, {"index": 8454, "quantile": 0.75, "value": 237000.0, "Latitude": 33.9, "Longitude": -118.35, "Population": 2299.0}, {"index": 8454, "quantile": 1.0, "value": 272800.0, "Latitude": 33.9, "Longitude": -118.35, "Population": 2299.0}, {"index": 8455, "quantile": 0.0, "value": 94500.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 928.0}, {"index": 8455, "quantile": 0.25, "value": 269700.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 928.0}, {"index": 8455, "quantile": 0.5, "value": 269700.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 928.0}, {"index": 8455, "quantile": 0.75, "value": 269700.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 928.0}, {"index": 8455, "quantile": 1.0, "value": 457500.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 928.0}, {"index": 8456, "quantile": 0.0, "value": 157800.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1236.0}, {"index": 8456, "quantile": 0.25, "value": 225650.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1236.0}, {"index": 8456, "quantile": 0.5, "value": 295900.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1236.0}, {"index": 8456, "quantile": 0.75, "value": 335300.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1236.0}, {"index": 8456, "quantile": 1.0, "value": 456100.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1236.0}, {"index": 8457, "quantile": 0.0, "value": 126699.99999999999, "Latitude": 33.91, "Longitude": -118.35, "Population": 1134.0}, {"index": 8457, "quantile": 0.25, "value": 195800.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1134.0}, {"index": 8457, "quantile": 0.5, "value": 222500.0, "Latitude": 33.91, "Longitude": -118.35, "Population": 1134.0}, {"index": 8457, "quantile": 0.75, "value": 248600.00000000003, "Latitude": 33.91, "Longitude": -118.35, "Population": 1134.0}, {"index": 8457, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.91, "Longitude": -118.35, "Population": 1134.0}, {"index": 8458, "quantile": 0.0, "value": 124400.0, "Latitude": 33.91, "Longitude": -118.36, "Population": 1366.0}, {"index": 8458, "quantile": 0.25, "value": 216225.00000000003, "Latitude": 33.91, "Longitude": -118.36, "Population": 1366.0}, {"index": 8458, "quantile": 0.5, "value": 243100.0, "Latitude": 33.91, "Longitude": -118.36, "Population": 1366.0}, {"index": 8458, "quantile": 0.75, "value": 243100.0, "Latitude": 33.91, "Longitude": -118.36, "Population": 1366.0}, {"index": 8458, "quantile": 1.0, "value": 339100.0, "Latitude": 33.91, "Longitude": -118.36, "Population": 1366.0}, {"index": 8459, "quantile": 0.0, "value": 78600.0, "Latitude": 33.9, "Longitude": -118.35, "Population": 565.0}, {"index": 8459, "quantile": 0.25, "value": 229999.99999999997, "Latitude": 33.9, "Longitude": -118.35, "Population": 565.0}, {"index": 8459, "quantile": 0.5, "value": 229999.99999999997, "Latitude": 33.9, "Longitude": -118.35, "Population": 565.0}, {"index": 8459, "quantile": 0.75, "value": 229999.99999999997, "Latitude": 33.9, "Longitude": -118.35, "Population": 565.0}, {"index": 8459, "quantile": 1.0, "value": 340700.0, "Latitude": 33.9, "Longitude": -118.35, "Population": 565.0}, {"index": 8460, "quantile": 0.0, "value": 96100.0, "Latitude": 33.9, "Longitude": -118.36, "Population": 640.0}, {"index": 8460, "quantile": 0.25, "value": 210849.99999999997, "Latitude": 33.9, "Longitude": -118.36, "Population": 640.0}, {"index": 8460, "quantile": 0.5, "value": 230399.99999999997, "Latitude": 33.9, "Longitude": -118.36, "Population": 640.0}, {"index": 8460, "quantile": 0.75, "value": 230399.99999999997, "Latitude": 33.9, "Longitude": -118.36, "Population": 640.0}, {"index": 8460, "quantile": 1.0, "value": 276000.0, "Latitude": 33.9, "Longitude": -118.36, "Population": 640.0}, {"index": 8461, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.92, "Longitude": -118.33, "Population": 670.0}, {"index": 8461, "quantile": 0.25, "value": 190925.0, "Latitude": 33.92, "Longitude": -118.33, "Population": 670.0}, {"index": 8461, "quantile": 0.5, "value": 211300.0, "Latitude": 33.92, "Longitude": -118.33, "Population": 670.0}, {"index": 8461, "quantile": 0.75, "value": 247700.0, "Latitude": 33.92, "Longitude": -118.33, "Population": 670.0}, {"index": 8461, "quantile": 1.0, "value": 353600.0, "Latitude": 33.92, "Longitude": -118.33, "Population": 670.0}, {"index": 8462, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.91, "Longitude": -118.33, "Population": 1106.0}, {"index": 8462, "quantile": 0.25, "value": 153675.0, "Latitude": 33.91, "Longitude": -118.33, "Population": 1106.0}, {"index": 8462, "quantile": 0.5, "value": 169200.0, "Latitude": 33.91, "Longitude": -118.33, "Population": 1106.0}, {"index": 8462, "quantile": 0.75, "value": 227999.99999999997, "Latitude": 33.91, "Longitude": -118.33, "Population": 1106.0}, {"index": 8462, "quantile": 1.0, "value": 417600.0, "Latitude": 33.91, "Longitude": -118.33, "Population": 1106.0}, {"index": 8463, "quantile": 0.0, "value": 93000.0, "Latitude": 33.91, "Longitude": -118.34, "Population": 2536.0}, {"index": 8463, "quantile": 0.25, "value": 168800.0, "Latitude": 33.91, "Longitude": -118.34, "Population": 2536.0}, {"index": 8463, "quantile": 0.5, "value": 202900.0, "Latitude": 33.91, "Longitude": -118.34, "Population": 2536.0}, {"index": 8463, "quantile": 0.75, "value": 221274.99999999997, "Latitude": 33.91, "Longitude": -118.34, "Population": 2536.0}, {"index": 8463, "quantile": 1.0, "value": 300000.0, "Latitude": 33.91, "Longitude": -118.34, "Population": 2536.0}, {"index": 8464, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.91, "Longitude": -118.33, "Population": 962.0}, {"index": 8464, "quantile": 0.25, "value": 179025.0, "Latitude": 33.91, "Longitude": -118.33, "Population": 962.0}, {"index": 8464, "quantile": 0.5, "value": 210700.00000000003, "Latitude": 33.91, "Longitude": -118.33, "Population": 962.0}, {"index": 8464, "quantile": 0.75, "value": 237500.0, "Latitude": 33.91, "Longitude": -118.33, "Population": 962.0}, {"index": 8464, "quantile": 1.0, "value": 291500.0, "Latitude": 33.91, "Longitude": -118.33, "Population": 962.0}, {"index": 8465, "quantile": 0.0, "value": 133800.0, "Latitude": 33.91, "Longitude": -118.34, "Population": 2691.0}, {"index": 8465, "quantile": 0.25, "value": 185700.0, "Latitude": 33.91, "Longitude": -118.34, "Population": 2691.0}, {"index": 8465, "quantile": 0.5, "value": 185700.0, "Latitude": 33.91, "Longitude": -118.34, "Population": 2691.0}, {"index": 8465, "quantile": 0.75, "value": 192700.0, "Latitude": 33.91, "Longitude": -118.34, "Population": 2691.0}, {"index": 8465, "quantile": 1.0, "value": 450000.0, "Latitude": 33.91, "Longitude": -118.34, "Population": 2691.0}, {"index": 8466, "quantile": 0.0, "value": 81400.0, "Latitude": 33.92, "Longitude": -118.34, "Population": 740.0}, {"index": 8466, "quantile": 0.25, "value": 193800.0, "Latitude": 33.92, "Longitude": -118.34, "Population": 740.0}, {"index": 8466, "quantile": 0.5, "value": 193800.0, "Latitude": 33.92, "Longitude": -118.34, "Population": 740.0}, {"index": 8466, "quantile": 0.75, "value": 193800.0, "Latitude": 33.92, "Longitude": -118.34, "Population": 740.0}, {"index": 8466, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 33.92, "Longitude": -118.34, "Population": 740.0}, {"index": 8467, "quantile": 0.0, "value": 87500.0, "Latitude": 33.91, "Longitude": -118.34, "Population": 7429.0}, {"index": 8467, "quantile": 0.25, "value": 192300.0, "Latitude": 33.91, "Longitude": -118.34, "Population": 7429.0}, {"index": 8467, "quantile": 0.5, "value": 192300.0, "Latitude": 33.91, "Longitude": -118.34, "Population": 7429.0}, {"index": 8467, "quantile": 0.75, "value": 192700.0, "Latitude": 33.91, "Longitude": -118.34, "Population": 7429.0}, {"index": 8467, "quantile": 1.0, "value": 500000.0, "Latitude": 33.91, "Longitude": -118.34, "Population": 7429.0}, {"index": 8468, "quantile": 0.0, "value": 142500.0, "Latitude": 33.91, "Longitude": -118.33, "Population": 7211.0}, {"index": 8468, "quantile": 0.25, "value": 192300.0, "Latitude": 33.91, "Longitude": -118.33, "Population": 7211.0}, {"index": 8468, "quantile": 0.5, "value": 192700.0, "Latitude": 33.91, "Longitude": -118.33, "Population": 7211.0}, {"index": 8468, "quantile": 0.75, "value": 192700.0, "Latitude": 33.91, "Longitude": -118.33, "Population": 7211.0}, {"index": 8468, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.91, "Longitude": -118.33, "Population": 7211.0}, {"index": 8469, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.91, "Longitude": -118.31, "Population": 874.0}, {"index": 8469, "quantile": 0.25, "value": 177900.0, "Latitude": 33.91, "Longitude": -118.31, "Population": 874.0}, {"index": 8469, "quantile": 0.5, "value": 177900.0, "Latitude": 33.91, "Longitude": -118.31, "Population": 874.0}, {"index": 8469, "quantile": 0.75, "value": 178550.0, "Latitude": 33.91, "Longitude": -118.31, "Population": 874.0}, {"index": 8469, "quantile": 1.0, "value": 417600.0, "Latitude": 33.91, "Longitude": -118.31, "Population": 874.0}, {"index": 8470, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 33.91, "Longitude": -118.31, "Population": 625.0}, {"index": 8470, "quantile": 0.25, "value": 177150.0, "Latitude": 33.91, "Longitude": -118.31, "Population": 625.0}, {"index": 8470, "quantile": 0.5, "value": 181100.0, "Latitude": 33.91, "Longitude": -118.31, "Population": 625.0}, {"index": 8470, "quantile": 0.75, "value": 181100.0, "Latitude": 33.91, "Longitude": -118.31, "Population": 625.0}, {"index": 8470, "quantile": 1.0, "value": 206700.00000000003, "Latitude": 33.91, "Longitude": -118.31, "Population": 625.0}, {"index": 8471, "quantile": 0.0, "value": 71300.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 1073.0}, {"index": 8471, "quantile": 0.25, "value": 180500.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 1073.0}, {"index": 8471, "quantile": 0.5, "value": 180500.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 1073.0}, {"index": 8471, "quantile": 0.75, "value": 181300.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 1073.0}, {"index": 8471, "quantile": 1.0, "value": 339100.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 1073.0}, {"index": 8472, "quantile": 0.0, "value": 124400.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 640.0}, {"index": 8472, "quantile": 0.25, "value": 181300.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 640.0}, {"index": 8472, "quantile": 0.5, "value": 181300.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 640.0}, {"index": 8472, "quantile": 0.75, "value": 181300.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 640.0}, {"index": 8472, "quantile": 1.0, "value": 339100.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 640.0}, {"index": 8473, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 33.91, "Longitude": -118.32, "Population": 605.0}, {"index": 8473, "quantile": 0.25, "value": 184500.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 605.0}, {"index": 8473, "quantile": 0.5, "value": 184500.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 605.0}, {"index": 8473, "quantile": 0.75, "value": 184500.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 605.0}, {"index": 8473, "quantile": 1.0, "value": 202800.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 605.0}, {"index": 8474, "quantile": 0.0, "value": 156400.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 1920.0}, {"index": 8474, "quantile": 0.25, "value": 181300.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 1920.0}, {"index": 8474, "quantile": 0.5, "value": 181300.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 1920.0}, {"index": 8474, "quantile": 0.75, "value": 181300.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 1920.0}, {"index": 8474, "quantile": 1.0, "value": 244899.99999999997, "Latitude": 33.91, "Longitude": -118.32, "Population": 1920.0}, {"index": 8475, "quantile": 0.0, "value": 156000.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 757.0}, {"index": 8475, "quantile": 0.25, "value": 180500.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 757.0}, {"index": 8475, "quantile": 0.5, "value": 180500.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 757.0}, {"index": 8475, "quantile": 0.75, "value": 204800.0, "Latitude": 33.91, "Longitude": -118.32, "Population": 757.0}, {"index": 8475, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.91, "Longitude": -118.32, "Population": 757.0}, {"index": 8476, "quantile": 0.0, "value": 159900.0, "Latitude": 33.9, "Longitude": -118.32, "Population": 1882.0}, {"index": 8476, "quantile": 0.25, "value": 188000.0, "Latitude": 33.9, "Longitude": -118.32, "Population": 1882.0}, {"index": 8476, "quantile": 0.5, "value": 188000.0, "Latitude": 33.9, "Longitude": -118.32, "Population": 1882.0}, {"index": 8476, "quantile": 0.75, "value": 208800.0, "Latitude": 33.9, "Longitude": -118.32, "Population": 1882.0}, {"index": 8476, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.32, "Population": 1882.0}, {"index": 8477, "quantile": 0.0, "value": 146400.0, "Latitude": 33.92, "Longitude": -118.31, "Population": 672.0}, {"index": 8477, "quantile": 0.25, "value": 146400.0, "Latitude": 33.92, "Longitude": -118.31, "Population": 672.0}, {"index": 8477, "quantile": 0.5, "value": 146400.0, "Latitude": 33.92, "Longitude": -118.31, "Population": 672.0}, {"index": 8477, "quantile": 0.75, "value": 214500.0, "Latitude": 33.92, "Longitude": -118.31, "Population": 672.0}, {"index": 8477, "quantile": 1.0, "value": 365900.0, "Latitude": 33.92, "Longitude": -118.31, "Population": 672.0}, {"index": 8478, "quantile": 0.0, "value": 155500.0, "Latitude": 33.93, "Longitude": -118.31, "Population": 926.0}, {"index": 8478, "quantile": 0.25, "value": 158000.0, "Latitude": 33.93, "Longitude": -118.31, "Population": 926.0}, {"index": 8478, "quantile": 0.5, "value": 158000.0, "Latitude": 33.93, "Longitude": -118.31, "Population": 926.0}, {"index": 8478, "quantile": 0.75, "value": 205875.0, "Latitude": 33.93, "Longitude": -118.31, "Population": 926.0}, {"index": 8478, "quantile": 1.0, "value": 354200.0, "Latitude": 33.93, "Longitude": -118.31, "Population": 926.0}, {"index": 8479, "quantile": 0.0, "value": 157800.0, "Latitude": 33.93, "Longitude": -118.32, "Population": 804.0}, {"index": 8479, "quantile": 0.25, "value": 157800.0, "Latitude": 33.93, "Longitude": -118.32, "Population": 804.0}, {"index": 8479, "quantile": 0.5, "value": 157800.0, "Latitude": 33.93, "Longitude": -118.32, "Population": 804.0}, {"index": 8479, "quantile": 0.75, "value": 224175.0, "Latitude": 33.93, "Longitude": -118.32, "Population": 804.0}, {"index": 8479, "quantile": 1.0, "value": 368500.0, "Latitude": 33.93, "Longitude": -118.32, "Population": 804.0}, {"index": 8480, "quantile": 0.0, "value": 146400.0, "Latitude": 33.92, "Longitude": -118.32, "Population": 710.0}, {"index": 8480, "quantile": 0.25, "value": 152800.0, "Latitude": 33.92, "Longitude": -118.32, "Population": 710.0}, {"index": 8480, "quantile": 0.5, "value": 152800.0, "Latitude": 33.92, "Longitude": -118.32, "Population": 710.0}, {"index": 8480, "quantile": 0.75, "value": 175000.0, "Latitude": 33.92, "Longitude": -118.32, "Population": 710.0}, {"index": 8480, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -118.32, "Population": 710.0}, {"index": 8481, "quantile": 0.0, "value": 84700.0, "Latitude": 33.93, "Longitude": -118.29, "Population": 3590.0}, {"index": 8481, "quantile": 0.25, "value": 137200.0, "Latitude": 33.93, "Longitude": -118.29, "Population": 3590.0}, {"index": 8481, "quantile": 0.5, "value": 137200.0, "Latitude": 33.93, "Longitude": -118.29, "Population": 3590.0}, {"index": 8481, "quantile": 0.75, "value": 137200.0, "Latitude": 33.93, "Longitude": -118.29, "Population": 3590.0}, {"index": 8481, "quantile": 1.0, "value": 305800.0, "Latitude": 33.93, "Longitude": -118.29, "Population": 3590.0}, {"index": 8482, "quantile": 0.0, "value": 96100.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 1293.0}, {"index": 8482, "quantile": 0.25, "value": 145200.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 1293.0}, {"index": 8482, "quantile": 0.5, "value": 145200.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 1293.0}, {"index": 8482, "quantile": 0.75, "value": 145200.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 1293.0}, {"index": 8482, "quantile": 1.0, "value": 211800.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 1293.0}, {"index": 8483, "quantile": 0.0, "value": 155500.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 906.0}, {"index": 8483, "quantile": 0.25, "value": 155500.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 906.0}, {"index": 8483, "quantile": 0.5, "value": 155500.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 906.0}, {"index": 8483, "quantile": 0.75, "value": 185300.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 906.0}, {"index": 8483, "quantile": 1.0, "value": 354200.0, "Latitude": 33.92, "Longitude": -118.29, "Population": 906.0}, {"index": 8484, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 33.92, "Longitude": -118.3, "Population": 1258.0}, {"index": 8484, "quantile": 0.25, "value": 154700.0, "Latitude": 33.92, "Longitude": -118.3, "Population": 1258.0}, {"index": 8484, "quantile": 0.5, "value": 154700.0, "Latitude": 33.92, "Longitude": -118.3, "Population": 1258.0}, {"index": 8484, "quantile": 0.75, "value": 154700.0, "Latitude": 33.92, "Longitude": -118.3, "Population": 1258.0}, {"index": 8484, "quantile": 1.0, "value": 214600.0, "Latitude": 33.92, "Longitude": -118.3, "Population": 1258.0}, {"index": 8485, "quantile": 0.0, "value": 96100.0, "Latitude": 33.93, "Longitude": -118.3, "Population": 1140.0}, {"index": 8485, "quantile": 0.25, "value": 169400.0, "Latitude": 33.93, "Longitude": -118.3, "Population": 1140.0}, {"index": 8485, "quantile": 0.5, "value": 169400.0, "Latitude": 33.93, "Longitude": -118.3, "Population": 1140.0}, {"index": 8485, "quantile": 0.75, "value": 173825.0, "Latitude": 33.93, "Longitude": -118.3, "Population": 1140.0}, {"index": 8485, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.93, "Longitude": -118.3, "Population": 1140.0}, {"index": 8486, "quantile": 0.0, "value": 89100.0, "Latitude": 33.91, "Longitude": -118.3, "Population": 1491.0}, {"index": 8486, "quantile": 0.25, "value": 155100.0, "Latitude": 33.91, "Longitude": -118.3, "Population": 1491.0}, {"index": 8486, "quantile": 0.5, "value": 155100.0, "Latitude": 33.91, "Longitude": -118.3, "Population": 1491.0}, {"index": 8486, "quantile": 0.75, "value": 155100.0, "Latitude": 33.91, "Longitude": -118.3, "Population": 1491.0}, {"index": 8486, "quantile": 1.0, "value": 263500.0, "Latitude": 33.91, "Longitude": -118.3, "Population": 1491.0}, {"index": 8487, "quantile": 0.0, "value": 88800.0, "Latitude": 33.91, "Longitude": -118.3, "Population": 1530.0}, {"index": 8487, "quantile": 0.25, "value": 172600.0, "Latitude": 33.91, "Longitude": -118.3, "Population": 1530.0}, {"index": 8487, "quantile": 0.5, "value": 172600.0, "Latitude": 33.91, "Longitude": -118.3, "Population": 1530.0}, {"index": 8487, "quantile": 0.75, "value": 177275.0, "Latitude": 33.91, "Longitude": -118.3, "Population": 1530.0}, {"index": 8487, "quantile": 1.0, "value": 350000.0, "Latitude": 33.91, "Longitude": -118.3, "Population": 1530.0}, {"index": 8488, "quantile": 0.0, "value": 116300.0, "Latitude": 33.9, "Longitude": -118.31, "Population": 891.0}, {"index": 8488, "quantile": 0.25, "value": 171300.0, "Latitude": 33.9, "Longitude": -118.31, "Population": 891.0}, {"index": 8488, "quantile": 0.5, "value": 171300.0, "Latitude": 33.9, "Longitude": -118.31, "Population": 891.0}, {"index": 8488, "quantile": 0.75, "value": 177500.0, "Latitude": 33.9, "Longitude": -118.31, "Population": 891.0}, {"index": 8488, "quantile": 1.0, "value": 450000.0, "Latitude": 33.9, "Longitude": -118.31, "Population": 891.0}, {"index": 8489, "quantile": 0.0, "value": 88800.0, "Latitude": 33.91, "Longitude": -118.29, "Population": 1028.0}, {"index": 8489, "quantile": 0.25, "value": 177500.0, "Latitude": 33.91, "Longitude": -118.29, "Population": 1028.0}, {"index": 8489, "quantile": 0.5, "value": 177500.0, "Latitude": 33.91, "Longitude": -118.29, "Population": 1028.0}, {"index": 8489, "quantile": 0.75, "value": 177500.0, "Latitude": 33.91, "Longitude": -118.29, "Population": 1028.0}, {"index": 8489, "quantile": 1.0, "value": 330800.0, "Latitude": 33.91, "Longitude": -118.29, "Population": 1028.0}, {"index": 8490, "quantile": 0.0, "value": 87500.0, "Latitude": 33.9, "Longitude": -118.29, "Population": 1067.0}, {"index": 8490, "quantile": 0.25, "value": 159400.0, "Latitude": 33.9, "Longitude": -118.29, "Population": 1067.0}, {"index": 8490, "quantile": 0.5, "value": 159400.0, "Latitude": 33.9, "Longitude": -118.29, "Population": 1067.0}, {"index": 8490, "quantile": 0.75, "value": 166925.0, "Latitude": 33.9, "Longitude": -118.29, "Population": 1067.0}, {"index": 8490, "quantile": 1.0, "value": 376100.0, "Latitude": 33.9, "Longitude": -118.29, "Population": 1067.0}, {"index": 8491, "quantile": 0.0, "value": 169200.0, "Latitude": 33.9, "Longitude": -118.3, "Population": 1868.0}, {"index": 8491, "quantile": 0.25, "value": 208800.0, "Latitude": 33.9, "Longitude": -118.3, "Population": 1868.0}, {"index": 8491, "quantile": 0.5, "value": 208800.0, "Latitude": 33.9, "Longitude": -118.3, "Population": 1868.0}, {"index": 8491, "quantile": 0.75, "value": 208800.0, "Latitude": 33.9, "Longitude": -118.3, "Population": 1868.0}, {"index": 8491, "quantile": 1.0, "value": 281700.0, "Latitude": 33.9, "Longitude": -118.3, "Population": 1868.0}, {"index": 8492, "quantile": 0.0, "value": 96100.0, "Latitude": 33.9, "Longitude": -118.3, "Population": 2099.0}, {"index": 8492, "quantile": 0.25, "value": 218775.00000000003, "Latitude": 33.9, "Longitude": -118.3, "Population": 2099.0}, {"index": 8492, "quantile": 0.5, "value": 224100.0, "Latitude": 33.9, "Longitude": -118.3, "Population": 2099.0}, {"index": 8492, "quantile": 0.75, "value": 224100.0, "Latitude": 33.9, "Longitude": -118.3, "Population": 2099.0}, {"index": 8492, "quantile": 1.0, "value": 291500.0, "Latitude": 33.9, "Longitude": -118.3, "Population": 2099.0}, {"index": 8493, "quantile": 0.0, "value": 129200.0, "Latitude": 33.9, "Longitude": -118.3, "Population": 1975.0}, {"index": 8493, "quantile": 0.25, "value": 173600.0, "Latitude": 33.9, "Longitude": -118.3, "Population": 1975.0}, {"index": 8493, "quantile": 0.5, "value": 173600.0, "Latitude": 33.9, "Longitude": -118.3, "Population": 1975.0}, {"index": 8493, "quantile": 0.75, "value": 178200.0, "Latitude": 33.9, "Longitude": -118.3, "Population": 1975.0}, {"index": 8493, "quantile": 1.0, "value": 237000.0, "Latitude": 33.9, "Longitude": -118.3, "Population": 1975.0}, {"index": 8494, "quantile": 0.0, "value": 120400.0, "Latitude": 33.9, "Longitude": -118.3, "Population": 1726.0}, {"index": 8494, "quantile": 0.25, "value": 194400.0, "Latitude": 33.9, "Longitude": -118.3, "Population": 1726.0}, {"index": 8494, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 33.9, "Longitude": -118.3, "Population": 1726.0}, {"index": 8494, "quantile": 0.75, "value": 223700.0, "Latitude": 33.9, "Longitude": -118.3, "Population": 1726.0}, {"index": 8494, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 33.9, "Longitude": -118.3, "Population": 1726.0}, {"index": 8495, "quantile": 0.0, "value": 129200.0, "Latitude": 33.89, "Longitude": -118.3, "Population": 1806.0}, {"index": 8495, "quantile": 0.25, "value": 207799.99999999997, "Latitude": 33.89, "Longitude": -118.3, "Population": 1806.0}, {"index": 8495, "quantile": 0.5, "value": 207799.99999999997, "Latitude": 33.89, "Longitude": -118.3, "Population": 1806.0}, {"index": 8495, "quantile": 0.75, "value": 207799.99999999997, "Latitude": 33.89, "Longitude": -118.3, "Population": 1806.0}, {"index": 8495, "quantile": 1.0, "value": 475000.0, "Latitude": 33.89, "Longitude": -118.3, "Population": 1806.0}, {"index": 8496, "quantile": 0.0, "value": 164300.0, "Latitude": 33.89, "Longitude": -118.3, "Population": 1369.0}, {"index": 8496, "quantile": 0.25, "value": 218100.0, "Latitude": 33.89, "Longitude": -118.3, "Population": 1369.0}, {"index": 8496, "quantile": 0.5, "value": 218100.0, "Latitude": 33.89, "Longitude": -118.3, "Population": 1369.0}, {"index": 8496, "quantile": 0.75, "value": 218100.0, "Latitude": 33.89, "Longitude": -118.3, "Population": 1369.0}, {"index": 8496, "quantile": 1.0, "value": 382100.0, "Latitude": 33.89, "Longitude": -118.3, "Population": 1369.0}, {"index": 8497, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 33.9, "Longitude": -118.31, "Population": 1131.0}, {"index": 8497, "quantile": 0.25, "value": 198400.0, "Latitude": 33.9, "Longitude": -118.31, "Population": 1131.0}, {"index": 8497, "quantile": 0.5, "value": 198400.0, "Latitude": 33.9, "Longitude": -118.31, "Population": 1131.0}, {"index": 8497, "quantile": 0.75, "value": 198400.0, "Latitude": 33.9, "Longitude": -118.31, "Population": 1131.0}, {"index": 8497, "quantile": 1.0, "value": 323700.0, "Latitude": 33.9, "Longitude": -118.31, "Population": 1131.0}, {"index": 8498, "quantile": 0.0, "value": 171300.0, "Latitude": 33.89, "Longitude": -118.29, "Population": 1072.0}, {"index": 8498, "quantile": 0.25, "value": 208900.0, "Latitude": 33.89, "Longitude": -118.29, "Population": 1072.0}, {"index": 8498, "quantile": 0.5, "value": 208900.0, "Latitude": 33.89, "Longitude": -118.29, "Population": 1072.0}, {"index": 8498, "quantile": 0.75, "value": 208900.0, "Latitude": 33.89, "Longitude": -118.29, "Population": 1072.0}, {"index": 8498, "quantile": 1.0, "value": 383300.0, "Latitude": 33.89, "Longitude": -118.29, "Population": 1072.0}, {"index": 8499, "quantile": 0.0, "value": 148400.0, "Latitude": 33.89, "Longitude": -118.29, "Population": 1605.0}, {"index": 8499, "quantile": 0.25, "value": 218200.0, "Latitude": 33.89, "Longitude": -118.29, "Population": 1605.0}, {"index": 8499, "quantile": 0.5, "value": 218200.0, "Latitude": 33.89, "Longitude": -118.29, "Population": 1605.0}, {"index": 8499, "quantile": 0.75, "value": 218200.0, "Latitude": 33.89, "Longitude": -118.29, "Population": 1605.0}, {"index": 8499, "quantile": 1.0, "value": 456100.0, "Latitude": 33.89, "Longitude": -118.29, "Population": 1605.0}, {"index": 8500, "quantile": 0.0, "value": 88800.0, "Latitude": 33.88, "Longitude": -118.29, "Population": 1175.0}, {"index": 8500, "quantile": 0.25, "value": 175000.0, "Latitude": 33.88, "Longitude": -118.29, "Population": 1175.0}, {"index": 8500, "quantile": 0.5, "value": 204950.0, "Latitude": 33.88, "Longitude": -118.29, "Population": 1175.0}, {"index": 8500, "quantile": 0.75, "value": 224125.0, "Latitude": 33.88, "Longitude": -118.29, "Population": 1175.0}, {"index": 8500, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.29, "Population": 1175.0}, {"index": 8501, "quantile": 0.0, "value": 136300.0, "Latitude": 33.88, "Longitude": -118.29, "Population": 3186.0}, {"index": 8501, "quantile": 0.25, "value": 195300.0, "Latitude": 33.88, "Longitude": -118.29, "Population": 3186.0}, {"index": 8501, "quantile": 0.5, "value": 214050.00000000003, "Latitude": 33.88, "Longitude": -118.29, "Population": 3186.0}, {"index": 8501, "quantile": 0.75, "value": 239075.00000000003, "Latitude": 33.88, "Longitude": -118.29, "Population": 3186.0}, {"index": 8501, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.29, "Population": 3186.0}, {"index": 8502, "quantile": 0.0, "value": 157700.0, "Latitude": 33.87, "Longitude": -118.3, "Population": 1510.0}, {"index": 8502, "quantile": 0.25, "value": 214699.99999999997, "Latitude": 33.87, "Longitude": -118.3, "Population": 1510.0}, {"index": 8502, "quantile": 0.5, "value": 214699.99999999997, "Latitude": 33.87, "Longitude": -118.3, "Population": 1510.0}, {"index": 8502, "quantile": 0.75, "value": 246700.0, "Latitude": 33.87, "Longitude": -118.3, "Population": 1510.0}, {"index": 8502, "quantile": 1.0, "value": 404500.0, "Latitude": 33.87, "Longitude": -118.3, "Population": 1510.0}, {"index": 8503, "quantile": 0.0, "value": 158000.0, "Latitude": 33.87, "Longitude": -118.3, "Population": 823.0}, {"index": 8503, "quantile": 0.25, "value": 231599.99999999997, "Latitude": 33.87, "Longitude": -118.3, "Population": 823.0}, {"index": 8503, "quantile": 0.5, "value": 234900.00000000003, "Latitude": 33.87, "Longitude": -118.3, "Population": 823.0}, {"index": 8503, "quantile": 0.75, "value": 234900.00000000003, "Latitude": 33.87, "Longitude": -118.3, "Population": 823.0}, {"index": 8503, "quantile": 1.0, "value": 453700.0, "Latitude": 33.87, "Longitude": -118.3, "Population": 823.0}, {"index": 8504, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 33.88, "Longitude": -118.3, "Population": 807.0}, {"index": 8504, "quantile": 0.25, "value": 239449.99999999997, "Latitude": 33.88, "Longitude": -118.3, "Population": 807.0}, {"index": 8504, "quantile": 0.5, "value": 253600.0, "Latitude": 33.88, "Longitude": -118.3, "Population": 807.0}, {"index": 8504, "quantile": 0.75, "value": 253600.0, "Latitude": 33.88, "Longitude": -118.3, "Population": 807.0}, {"index": 8504, "quantile": 1.0, "value": 357400.0, "Latitude": 33.88, "Longitude": -118.3, "Population": 807.0}, {"index": 8505, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 33.88, "Longitude": -118.3, "Population": 563.0}, {"index": 8505, "quantile": 0.25, "value": 229999.99999999997, "Latitude": 33.88, "Longitude": -118.3, "Population": 563.0}, {"index": 8505, "quantile": 0.5, "value": 247700.0, "Latitude": 33.88, "Longitude": -118.3, "Population": 563.0}, {"index": 8505, "quantile": 0.75, "value": 247700.0, "Latitude": 33.88, "Longitude": -118.3, "Population": 563.0}, {"index": 8505, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.3, "Population": 563.0}, {"index": 8506, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 33.88, "Longitude": -118.3, "Population": 885.0}, {"index": 8506, "quantile": 0.25, "value": 195300.0, "Latitude": 33.88, "Longitude": -118.3, "Population": 885.0}, {"index": 8506, "quantile": 0.5, "value": 195300.0, "Latitude": 33.88, "Longitude": -118.3, "Population": 885.0}, {"index": 8506, "quantile": 0.75, "value": 204525.00000000003, "Latitude": 33.88, "Longitude": -118.3, "Population": 885.0}, {"index": 8506, "quantile": 1.0, "value": 283300.0, "Latitude": 33.88, "Longitude": -118.3, "Population": 885.0}, {"index": 8507, "quantile": 0.0, "value": 91300.0, "Latitude": 33.88, "Longitude": -118.3, "Population": 1881.0}, {"index": 8507, "quantile": 0.25, "value": 217325.0, "Latitude": 33.88, "Longitude": -118.3, "Population": 1881.0}, {"index": 8507, "quantile": 0.5, "value": 242099.99999999997, "Latitude": 33.88, "Longitude": -118.3, "Population": 1881.0}, {"index": 8507, "quantile": 0.75, "value": 242099.99999999997, "Latitude": 33.88, "Longitude": -118.3, "Population": 1881.0}, {"index": 8507, "quantile": 1.0, "value": 275000.0, "Latitude": 33.88, "Longitude": -118.3, "Population": 1881.0}, {"index": 8508, "quantile": 0.0, "value": 166100.0, "Latitude": 33.88, "Longitude": -118.31, "Population": 1491.0}, {"index": 8508, "quantile": 0.25, "value": 242300.0, "Latitude": 33.88, "Longitude": -118.31, "Population": 1491.0}, {"index": 8508, "quantile": 0.5, "value": 242300.0, "Latitude": 33.88, "Longitude": -118.31, "Population": 1491.0}, {"index": 8508, "quantile": 0.75, "value": 244250.0, "Latitude": 33.88, "Longitude": -118.31, "Population": 1491.0}, {"index": 8508, "quantile": 1.0, "value": 312700.0, "Latitude": 33.88, "Longitude": -118.31, "Population": 1491.0}, {"index": 8509, "quantile": 0.0, "value": 166100.0, "Latitude": 33.88, "Longitude": -118.31, "Population": 1036.0}, {"index": 8509, "quantile": 0.25, "value": 200599.99999999997, "Latitude": 33.88, "Longitude": -118.31, "Population": 1036.0}, {"index": 8509, "quantile": 0.5, "value": 220200.0, "Latitude": 33.88, "Longitude": -118.31, "Population": 1036.0}, {"index": 8509, "quantile": 0.75, "value": 255450.0, "Latitude": 33.88, "Longitude": -118.31, "Population": 1036.0}, {"index": 8509, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.31, "Population": 1036.0}, {"index": 8510, "quantile": 0.0, "value": 17500.0, "Latitude": 33.88, "Longitude": -118.31, "Population": 686.0}, {"index": 8510, "quantile": 0.25, "value": 188250.0, "Latitude": 33.88, "Longitude": -118.31, "Population": 686.0}, {"index": 8510, "quantile": 0.5, "value": 208900.0, "Latitude": 33.88, "Longitude": -118.31, "Population": 686.0}, {"index": 8510, "quantile": 0.75, "value": 268900.0, "Latitude": 33.88, "Longitude": -118.31, "Population": 686.0}, {"index": 8510, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.31, "Population": 686.0}, {"index": 8511, "quantile": 0.0, "value": 152300.0, "Latitude": 33.9, "Longitude": -118.31, "Population": 1724.0}, {"index": 8511, "quantile": 0.25, "value": 194700.0, "Latitude": 33.9, "Longitude": -118.31, "Population": 1724.0}, {"index": 8511, "quantile": 0.5, "value": 194700.0, "Latitude": 33.9, "Longitude": -118.31, "Population": 1724.0}, {"index": 8511, "quantile": 0.75, "value": 194700.0, "Latitude": 33.9, "Longitude": -118.31, "Population": 1724.0}, {"index": 8511, "quantile": 1.0, "value": 276000.0, "Latitude": 33.9, "Longitude": -118.31, "Population": 1724.0}, {"index": 8512, "quantile": 0.0, "value": 161900.0, "Latitude": 33.89, "Longitude": -118.31, "Population": 1257.0}, {"index": 8512, "quantile": 0.25, "value": 214600.0, "Latitude": 33.89, "Longitude": -118.31, "Population": 1257.0}, {"index": 8512, "quantile": 0.5, "value": 242300.0, "Latitude": 33.89, "Longitude": -118.31, "Population": 1257.0}, {"index": 8512, "quantile": 0.75, "value": 265025.0, "Latitude": 33.89, "Longitude": -118.31, "Population": 1257.0}, {"index": 8512, "quantile": 1.0, "value": 335500.0, "Latitude": 33.89, "Longitude": -118.31, "Population": 1257.0}, {"index": 8513, "quantile": 0.0, "value": 156400.0, "Latitude": 33.89, "Longitude": -118.31, "Population": 1192.0}, {"index": 8513, "quantile": 0.25, "value": 216050.0, "Latitude": 33.89, "Longitude": -118.31, "Population": 1192.0}, {"index": 8513, "quantile": 0.5, "value": 231500.0, "Latitude": 33.89, "Longitude": -118.31, "Population": 1192.0}, {"index": 8513, "quantile": 0.75, "value": 231500.0, "Latitude": 33.89, "Longitude": -118.31, "Population": 1192.0}, {"index": 8513, "quantile": 1.0, "value": 326700.0, "Latitude": 33.89, "Longitude": -118.31, "Population": 1192.0}, {"index": 8514, "quantile": 0.0, "value": 152100.0, "Latitude": 33.9, "Longitude": -118.32, "Population": 831.0}, {"index": 8514, "quantile": 0.25, "value": 208400.0, "Latitude": 33.9, "Longitude": -118.32, "Population": 831.0}, {"index": 8514, "quantile": 0.5, "value": 212100.0, "Latitude": 33.9, "Longitude": -118.32, "Population": 831.0}, {"index": 8514, "quantile": 0.75, "value": 212100.0, "Latitude": 33.9, "Longitude": -118.32, "Population": 831.0}, {"index": 8514, "quantile": 1.0, "value": 248600.00000000003, "Latitude": 33.9, "Longitude": -118.32, "Population": 831.0}, {"index": 8515, "quantile": 0.0, "value": 158700.0, "Latitude": 33.9, "Longitude": -118.32, "Population": 1245.0}, {"index": 8515, "quantile": 0.25, "value": 210300.00000000003, "Latitude": 33.9, "Longitude": -118.32, "Population": 1245.0}, {"index": 8515, "quantile": 0.5, "value": 210300.00000000003, "Latitude": 33.9, "Longitude": -118.32, "Population": 1245.0}, {"index": 8515, "quantile": 0.75, "value": 210300.00000000003, "Latitude": 33.9, "Longitude": -118.32, "Population": 1245.0}, {"index": 8515, "quantile": 1.0, "value": 267100.0, "Latitude": 33.9, "Longitude": -118.32, "Population": 1245.0}, {"index": 8516, "quantile": 0.0, "value": 100000.0, "Latitude": 33.9, "Longitude": -118.32, "Population": 1316.0}, {"index": 8516, "quantile": 0.25, "value": 216400.00000000003, "Latitude": 33.9, "Longitude": -118.32, "Population": 1316.0}, {"index": 8516, "quantile": 0.5, "value": 216400.00000000003, "Latitude": 33.9, "Longitude": -118.32, "Population": 1316.0}, {"index": 8516, "quantile": 0.75, "value": 216400.00000000003, "Latitude": 33.9, "Longitude": -118.32, "Population": 1316.0}, {"index": 8516, "quantile": 1.0, "value": 265500.0, "Latitude": 33.9, "Longitude": -118.32, "Population": 1316.0}, {"index": 8517, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 33.89, "Longitude": -118.32, "Population": 1323.0}, {"index": 8517, "quantile": 0.25, "value": 210100.0, "Latitude": 33.89, "Longitude": -118.32, "Population": 1323.0}, {"index": 8517, "quantile": 0.5, "value": 210100.0, "Latitude": 33.89, "Longitude": -118.32, "Population": 1323.0}, {"index": 8517, "quantile": 0.75, "value": 210100.0, "Latitude": 33.89, "Longitude": -118.32, "Population": 1323.0}, {"index": 8517, "quantile": 1.0, "value": 341400.0, "Latitude": 33.89, "Longitude": -118.32, "Population": 1323.0}, {"index": 8518, "quantile": 0.0, "value": 197600.0, "Latitude": 33.89, "Longitude": -118.32, "Population": 695.0}, {"index": 8518, "quantile": 0.25, "value": 220600.0, "Latitude": 33.89, "Longitude": -118.32, "Population": 695.0}, {"index": 8518, "quantile": 0.5, "value": 220600.0, "Latitude": 33.89, "Longitude": -118.32, "Population": 695.0}, {"index": 8518, "quantile": 0.75, "value": 220600.0, "Latitude": 33.89, "Longitude": -118.32, "Population": 695.0}, {"index": 8518, "quantile": 1.0, "value": 456100.0, "Latitude": 33.89, "Longitude": -118.32, "Population": 695.0}, {"index": 8519, "quantile": 0.0, "value": 200300.0, "Latitude": 33.89, "Longitude": -118.32, "Population": 1270.0}, {"index": 8519, "quantile": 0.25, "value": 242000.0, "Latitude": 33.89, "Longitude": -118.32, "Population": 1270.0}, {"index": 8519, "quantile": 0.5, "value": 242000.0, "Latitude": 33.89, "Longitude": -118.32, "Population": 1270.0}, {"index": 8519, "quantile": 0.75, "value": 242000.0, "Latitude": 33.89, "Longitude": -118.32, "Population": 1270.0}, {"index": 8519, "quantile": 1.0, "value": 363800.0, "Latitude": 33.89, "Longitude": -118.32, "Population": 1270.0}, {"index": 8520, "quantile": 0.0, "value": 113900.0, "Latitude": 33.9, "Longitude": -118.33, "Population": 5546.0}, {"index": 8520, "quantile": 0.25, "value": 163900.0, "Latitude": 33.9, "Longitude": -118.33, "Population": 5546.0}, {"index": 8520, "quantile": 0.5, "value": 163900.0, "Latitude": 33.9, "Longitude": -118.33, "Population": 5546.0}, {"index": 8520, "quantile": 0.75, "value": 173600.0, "Latitude": 33.9, "Longitude": -118.33, "Population": 5546.0}, {"index": 8520, "quantile": 1.0, "value": 275000.0, "Latitude": 33.9, "Longitude": -118.33, "Population": 5546.0}, {"index": 8521, "quantile": 0.0, "value": 148400.0, "Latitude": 33.9, "Longitude": -118.34, "Population": 1309.0}, {"index": 8521, "quantile": 0.25, "value": 224600.0, "Latitude": 33.9, "Longitude": -118.34, "Population": 1309.0}, {"index": 8521, "quantile": 0.5, "value": 224600.0, "Latitude": 33.9, "Longitude": -118.34, "Population": 1309.0}, {"index": 8521, "quantile": 0.75, "value": 224600.0, "Latitude": 33.9, "Longitude": -118.34, "Population": 1309.0}, {"index": 8521, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 33.9, "Longitude": -118.34, "Population": 1309.0}, {"index": 8522, "quantile": 0.0, "value": 71800.0, "Latitude": 33.9, "Longitude": -118.34, "Population": 355.0}, {"index": 8522, "quantile": 0.25, "value": 204924.99999999997, "Latitude": 33.9, "Longitude": -118.34, "Population": 355.0}, {"index": 8522, "quantile": 0.5, "value": 242700.0, "Latitude": 33.9, "Longitude": -118.34, "Population": 355.0}, {"index": 8522, "quantile": 0.75, "value": 309900.0, "Latitude": 33.9, "Longitude": -118.34, "Population": 355.0}, {"index": 8522, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.34, "Population": 355.0}, {"index": 8523, "quantile": 0.0, "value": 112500.0, "Latitude": 33.9, "Longitude": -118.34, "Population": 628.0}, {"index": 8523, "quantile": 0.25, "value": 229999.99999999997, "Latitude": 33.9, "Longitude": -118.34, "Population": 628.0}, {"index": 8523, "quantile": 0.5, "value": 249500.0, "Latitude": 33.9, "Longitude": -118.34, "Population": 628.0}, {"index": 8523, "quantile": 0.75, "value": 312500.0, "Latitude": 33.9, "Longitude": -118.34, "Population": 628.0}, {"index": 8523, "quantile": 1.0, "value": 420099.99999999994, "Latitude": 33.9, "Longitude": -118.34, "Population": 628.0}, {"index": 8524, "quantile": 0.0, "value": 148400.0, "Latitude": 33.9, "Longitude": -118.34, "Population": 706.0}, {"index": 8524, "quantile": 0.25, "value": 193775.0, "Latitude": 33.9, "Longitude": -118.34, "Population": 706.0}, {"index": 8524, "quantile": 0.5, "value": 223800.0, "Latitude": 33.9, "Longitude": -118.34, "Population": 706.0}, {"index": 8524, "quantile": 0.75, "value": 242099.99999999997, "Latitude": 33.9, "Longitude": -118.34, "Population": 706.0}, {"index": 8524, "quantile": 1.0, "value": 334200.0, "Latitude": 33.9, "Longitude": -118.34, "Population": 706.0}, {"index": 8525, "quantile": 0.0, "value": 148400.0, "Latitude": 33.89, "Longitude": -118.33, "Population": 982.0}, {"index": 8525, "quantile": 0.25, "value": 223000.0, "Latitude": 33.89, "Longitude": -118.33, "Population": 982.0}, {"index": 8525, "quantile": 0.5, "value": 226900.0, "Latitude": 33.89, "Longitude": -118.33, "Population": 982.0}, {"index": 8525, "quantile": 0.75, "value": 226900.0, "Latitude": 33.89, "Longitude": -118.33, "Population": 982.0}, {"index": 8525, "quantile": 1.0, "value": 323700.0, "Latitude": 33.89, "Longitude": -118.33, "Population": 982.0}, {"index": 8526, "quantile": 0.0, "value": 136000.0, "Latitude": 33.89, "Longitude": -118.33, "Population": 897.0}, {"index": 8526, "quantile": 0.25, "value": 230799.99999999997, "Latitude": 33.89, "Longitude": -118.33, "Population": 897.0}, {"index": 8526, "quantile": 0.5, "value": 230799.99999999997, "Latitude": 33.89, "Longitude": -118.33, "Population": 897.0}, {"index": 8526, "quantile": 0.75, "value": 234700.0, "Latitude": 33.89, "Longitude": -118.33, "Population": 897.0}, {"index": 8526, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 33.89, "Longitude": -118.33, "Population": 897.0}, {"index": 8527, "quantile": 0.0, "value": 210500.0, "Latitude": 33.89, "Longitude": -118.34, "Population": 1346.0}, {"index": 8527, "quantile": 0.25, "value": 245900.0, "Latitude": 33.89, "Longitude": -118.34, "Population": 1346.0}, {"index": 8527, "quantile": 0.5, "value": 245900.0, "Latitude": 33.89, "Longitude": -118.34, "Population": 1346.0}, {"index": 8527, "quantile": 0.75, "value": 245900.0, "Latitude": 33.89, "Longitude": -118.34, "Population": 1346.0}, {"index": 8527, "quantile": 1.0, "value": 484600.0, "Latitude": 33.89, "Longitude": -118.34, "Population": 1346.0}, {"index": 8528, "quantile": 0.0, "value": 186900.0, "Latitude": 33.89, "Longitude": -118.34, "Population": 1232.0}, {"index": 8528, "quantile": 0.25, "value": 233350.0, "Latitude": 33.89, "Longitude": -118.34, "Population": 1232.0}, {"index": 8528, "quantile": 0.5, "value": 279600.0, "Latitude": 33.89, "Longitude": -118.34, "Population": 1232.0}, {"index": 8528, "quantile": 0.75, "value": 285900.0, "Latitude": 33.89, "Longitude": -118.34, "Population": 1232.0}, {"index": 8528, "quantile": 1.0, "value": 430900.0, "Latitude": 33.89, "Longitude": -118.34, "Population": 1232.0}, {"index": 8529, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 33.9, "Longitude": -118.35, "Population": 2197.0}, {"index": 8529, "quantile": 0.25, "value": 207900.00000000003, "Latitude": 33.9, "Longitude": -118.35, "Population": 2197.0}, {"index": 8529, "quantile": 0.5, "value": 207900.00000000003, "Latitude": 33.9, "Longitude": -118.35, "Population": 2197.0}, {"index": 8529, "quantile": 0.75, "value": 207900.00000000003, "Latitude": 33.9, "Longitude": -118.35, "Population": 2197.0}, {"index": 8529, "quantile": 1.0, "value": 285300.0, "Latitude": 33.9, "Longitude": -118.35, "Population": 2197.0}, {"index": 8530, "quantile": 0.0, "value": 96100.0, "Latitude": 33.9, "Longitude": -118.35, "Population": 956.0}, {"index": 8530, "quantile": 0.25, "value": 179350.0, "Latitude": 33.9, "Longitude": -118.35, "Population": 956.0}, {"index": 8530, "quantile": 0.5, "value": 197200.0, "Latitude": 33.9, "Longitude": -118.35, "Population": 956.0}, {"index": 8530, "quantile": 0.75, "value": 224100.0, "Latitude": 33.9, "Longitude": -118.35, "Population": 956.0}, {"index": 8530, "quantile": 1.0, "value": 291500.0, "Latitude": 33.9, "Longitude": -118.35, "Population": 956.0}, {"index": 8531, "quantile": 0.0, "value": 146400.0, "Latitude": 33.9, "Longitude": -118.35, "Population": 734.0}, {"index": 8531, "quantile": 0.25, "value": 191525.0, "Latitude": 33.9, "Longitude": -118.35, "Population": 734.0}, {"index": 8531, "quantile": 0.5, "value": 218499.99999999997, "Latitude": 33.9, "Longitude": -118.35, "Population": 734.0}, {"index": 8531, "quantile": 0.75, "value": 240000.0, "Latitude": 33.9, "Longitude": -118.35, "Population": 734.0}, {"index": 8531, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.35, "Population": 734.0}, {"index": 8532, "quantile": 0.0, "value": 146200.0, "Latitude": 33.89, "Longitude": -118.35, "Population": 2175.0}, {"index": 8532, "quantile": 0.25, "value": 229000.0, "Latitude": 33.89, "Longitude": -118.35, "Population": 2175.0}, {"index": 8532, "quantile": 0.5, "value": 229000.0, "Latitude": 33.89, "Longitude": -118.35, "Population": 2175.0}, {"index": 8532, "quantile": 0.75, "value": 229000.0, "Latitude": 33.89, "Longitude": -118.35, "Population": 2175.0}, {"index": 8532, "quantile": 1.0, "value": 281700.0, "Latitude": 33.89, "Longitude": -118.35, "Population": 2175.0}, {"index": 8533, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.89, "Longitude": -118.35, "Population": 1249.0}, {"index": 8533, "quantile": 0.25, "value": 224224.99999999997, "Latitude": 33.89, "Longitude": -118.35, "Population": 1249.0}, {"index": 8533, "quantile": 0.5, "value": 233900.0, "Latitude": 33.89, "Longitude": -118.35, "Population": 1249.0}, {"index": 8533, "quantile": 0.75, "value": 233900.0, "Latitude": 33.89, "Longitude": -118.35, "Population": 1249.0}, {"index": 8533, "quantile": 1.0, "value": 265300.0, "Latitude": 33.89, "Longitude": -118.35, "Population": 1249.0}, {"index": 8534, "quantile": 0.0, "value": 137500.0, "Latitude": 33.9, "Longitude": -118.36, "Population": 655.0}, {"index": 8534, "quantile": 0.25, "value": 204999.99999999997, "Latitude": 33.9, "Longitude": -118.36, "Population": 655.0}, {"index": 8534, "quantile": 0.5, "value": 204999.99999999997, "Latitude": 33.9, "Longitude": -118.36, "Population": 655.0}, {"index": 8534, "quantile": 0.75, "value": 239774.99999999997, "Latitude": 33.9, "Longitude": -118.36, "Population": 655.0}, {"index": 8534, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.36, "Population": 655.0}, {"index": 8535, "quantile": 0.0, "value": 112500.0, "Latitude": 33.9, "Longitude": -118.35, "Population": 697.0}, {"index": 8535, "quantile": 0.25, "value": 206625.0, "Latitude": 33.9, "Longitude": -118.35, "Population": 697.0}, {"index": 8535, "quantile": 0.5, "value": 220299.99999999997, "Latitude": 33.9, "Longitude": -118.35, "Population": 697.0}, {"index": 8535, "quantile": 0.75, "value": 220299.99999999997, "Latitude": 33.9, "Longitude": -118.35, "Population": 697.0}, {"index": 8535, "quantile": 1.0, "value": 381800.0, "Latitude": 33.9, "Longitude": -118.35, "Population": 697.0}, {"index": 8536, "quantile": 0.0, "value": 159900.0, "Latitude": 33.89, "Longitude": -118.35, "Population": 776.0}, {"index": 8536, "quantile": 0.25, "value": 240000.0, "Latitude": 33.89, "Longitude": -118.35, "Population": 776.0}, {"index": 8536, "quantile": 0.5, "value": 240000.0, "Latitude": 33.89, "Longitude": -118.35, "Population": 776.0}, {"index": 8536, "quantile": 0.75, "value": 240000.0, "Latitude": 33.89, "Longitude": -118.35, "Population": 776.0}, {"index": 8536, "quantile": 1.0, "value": 381800.0, "Latitude": 33.89, "Longitude": -118.35, "Population": 776.0}, {"index": 8537, "quantile": 0.0, "value": 83200.0, "Latitude": 33.89, "Longitude": -118.36, "Population": 1266.0}, {"index": 8537, "quantile": 0.25, "value": 227049.99999999997, "Latitude": 33.89, "Longitude": -118.36, "Population": 1266.0}, {"index": 8537, "quantile": 0.5, "value": 227999.99999999997, "Latitude": 33.89, "Longitude": -118.36, "Population": 1266.0}, {"index": 8537, "quantile": 0.75, "value": 227999.99999999997, "Latitude": 33.89, "Longitude": -118.36, "Population": 1266.0}, {"index": 8537, "quantile": 1.0, "value": 417600.0, "Latitude": 33.89, "Longitude": -118.36, "Population": 1266.0}, {"index": 8538, "quantile": 0.0, "value": 155500.0, "Latitude": 33.89, "Longitude": -118.36, "Population": 723.0}, {"index": 8538, "quantile": 0.25, "value": 190875.0, "Latitude": 33.89, "Longitude": -118.36, "Population": 723.0}, {"index": 8538, "quantile": 0.5, "value": 227599.99999999997, "Latitude": 33.89, "Longitude": -118.36, "Population": 723.0}, {"index": 8538, "quantile": 0.75, "value": 227599.99999999997, "Latitude": 33.89, "Longitude": -118.36, "Population": 723.0}, {"index": 8538, "quantile": 1.0, "value": 353600.0, "Latitude": 33.89, "Longitude": -118.36, "Population": 723.0}, {"index": 8539, "quantile": 0.0, "value": 139700.0, "Latitude": 33.9, "Longitude": -118.36, "Population": 2276.0}, {"index": 8539, "quantile": 0.25, "value": 214000.0, "Latitude": 33.9, "Longitude": -118.36, "Population": 2276.0}, {"index": 8539, "quantile": 0.5, "value": 214000.0, "Latitude": 33.9, "Longitude": -118.36, "Population": 2276.0}, {"index": 8539, "quantile": 0.75, "value": 214000.0, "Latitude": 33.9, "Longitude": -118.36, "Population": 2276.0}, {"index": 8539, "quantile": 1.0, "value": 361300.0, "Latitude": 33.9, "Longitude": -118.36, "Population": 2276.0}, {"index": 8540, "quantile": 0.0, "value": 113700.0, "Latitude": 33.89, "Longitude": -118.36, "Population": 2141.0}, {"index": 8540, "quantile": 0.25, "value": 186150.00000000003, "Latitude": 33.89, "Longitude": -118.36, "Population": 2141.0}, {"index": 8540, "quantile": 0.5, "value": 229000.0, "Latitude": 33.89, "Longitude": -118.36, "Population": 2141.0}, {"index": 8540, "quantile": 0.75, "value": 232700.0, "Latitude": 33.89, "Longitude": -118.36, "Population": 2141.0}, {"index": 8540, "quantile": 1.0, "value": 417600.0, "Latitude": 33.89, "Longitude": -118.36, "Population": 2141.0}, {"index": 8541, "quantile": 0.0, "value": 134400.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 1644.0}, {"index": 8541, "quantile": 0.25, "value": 210300.00000000003, "Latitude": 33.88, "Longitude": -118.36, "Population": 1644.0}, {"index": 8541, "quantile": 0.5, "value": 232150.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 1644.0}, {"index": 8541, "quantile": 0.75, "value": 238200.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 1644.0}, {"index": 8541, "quantile": 1.0, "value": 354200.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 1644.0}, {"index": 8542, "quantile": 0.0, "value": 61100.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 827.0}, {"index": 8542, "quantile": 0.25, "value": 165500.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 827.0}, {"index": 8542, "quantile": 0.5, "value": 200600.00000000003, "Latitude": 33.88, "Longitude": -118.36, "Population": 827.0}, {"index": 8542, "quantile": 0.75, "value": 244824.99999999997, "Latitude": 33.88, "Longitude": -118.36, "Population": 827.0}, {"index": 8542, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.36, "Population": 827.0}, {"index": 8543, "quantile": 0.0, "value": 164300.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 1611.0}, {"index": 8543, "quantile": 0.25, "value": 241774.99999999997, "Latitude": 33.88, "Longitude": -118.36, "Population": 1611.0}, {"index": 8543, "quantile": 0.5, "value": 267400.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 1611.0}, {"index": 8543, "quantile": 0.75, "value": 267400.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 1611.0}, {"index": 8543, "quantile": 1.0, "value": 414700.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 1611.0}, {"index": 8544, "quantile": 0.0, "value": 95200.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 930.0}, {"index": 8544, "quantile": 0.25, "value": 179700.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 930.0}, {"index": 8544, "quantile": 0.5, "value": 275000.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 930.0}, {"index": 8544, "quantile": 0.75, "value": 275000.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 930.0}, {"index": 8544, "quantile": 1.0, "value": 414700.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 930.0}, {"index": 8545, "quantile": 0.0, "value": 78300.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 829.0}, {"index": 8545, "quantile": 0.25, "value": 188400.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 829.0}, {"index": 8545, "quantile": 0.5, "value": 222500.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 829.0}, {"index": 8545, "quantile": 0.75, "value": 240575.00000000003, "Latitude": 33.88, "Longitude": -118.36, "Population": 829.0}, {"index": 8545, "quantile": 1.0, "value": 354200.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 829.0}, {"index": 8546, "quantile": 0.0, "value": 100000.0, "Latitude": 33.89, "Longitude": -118.35, "Population": 1371.0}, {"index": 8546, "quantile": 0.25, "value": 216400.00000000003, "Latitude": 33.89, "Longitude": -118.35, "Population": 1371.0}, {"index": 8546, "quantile": 0.5, "value": 232700.0, "Latitude": 33.89, "Longitude": -118.35, "Population": 1371.0}, {"index": 8546, "quantile": 0.75, "value": 232700.0, "Latitude": 33.89, "Longitude": -118.35, "Population": 1371.0}, {"index": 8546, "quantile": 1.0, "value": 260700.00000000003, "Latitude": 33.89, "Longitude": -118.35, "Population": 1371.0}, {"index": 8547, "quantile": 0.0, "value": 159900.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 1097.0}, {"index": 8547, "quantile": 0.25, "value": 230875.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 1097.0}, {"index": 8547, "quantile": 0.5, "value": 238200.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 1097.0}, {"index": 8547, "quantile": 0.75, "value": 238200.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 1097.0}, {"index": 8547, "quantile": 1.0, "value": 339100.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 1097.0}, {"index": 8548, "quantile": 0.0, "value": 112500.0, "Latitude": 33.88, "Longitude": -118.34, "Population": 493.0}, {"index": 8548, "quantile": 0.25, "value": 166500.0, "Latitude": 33.88, "Longitude": -118.34, "Population": 493.0}, {"index": 8548, "quantile": 0.5, "value": 195300.0, "Latitude": 33.88, "Longitude": -118.34, "Population": 493.0}, {"index": 8548, "quantile": 0.75, "value": 237375.00000000003, "Latitude": 33.88, "Longitude": -118.34, "Population": 493.0}, {"index": 8548, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.34, "Population": 493.0}, {"index": 8549, "quantile": 0.0, "value": 148400.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 480.0}, {"index": 8549, "quantile": 0.25, "value": 225800.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 480.0}, {"index": 8549, "quantile": 0.5, "value": 225800.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 480.0}, {"index": 8549, "quantile": 0.75, "value": 225800.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 480.0}, {"index": 8549, "quantile": 1.0, "value": 336200.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 480.0}, {"index": 8550, "quantile": 0.0, "value": 117800.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 1054.0}, {"index": 8550, "quantile": 0.25, "value": 198400.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 1054.0}, {"index": 8550, "quantile": 0.5, "value": 220500.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 1054.0}, {"index": 8550, "quantile": 0.75, "value": 241575.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 1054.0}, {"index": 8550, "quantile": 1.0, "value": 417600.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 1054.0}, {"index": 8551, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 33.88, "Longitude": -118.35, "Population": 1150.0}, {"index": 8551, "quantile": 0.25, "value": 237500.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 1150.0}, {"index": 8551, "quantile": 0.5, "value": 237500.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 1150.0}, {"index": 8551, "quantile": 0.75, "value": 237500.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 1150.0}, {"index": 8551, "quantile": 1.0, "value": 336200.0, "Latitude": 33.88, "Longitude": -118.35, "Population": 1150.0}, {"index": 8552, "quantile": 0.0, "value": 98500.0, "Latitude": 33.74, "Longitude": -118.3, "Population": 950.0}, {"index": 8552, "quantile": 0.25, "value": 242099.99999999997, "Latitude": 33.74, "Longitude": -118.3, "Population": 950.0}, {"index": 8552, "quantile": 0.5, "value": 254999.99999999997, "Latitude": 33.74, "Longitude": -118.3, "Population": 950.0}, {"index": 8552, "quantile": 0.75, "value": 254999.99999999997, "Latitude": 33.74, "Longitude": -118.3, "Population": 950.0}, {"index": 8552, "quantile": 1.0, "value": 414700.0, "Latitude": 33.74, "Longitude": -118.3, "Population": 950.0}, {"index": 8553, "quantile": 0.0, "value": 117400.0, "Latitude": 33.74, "Longitude": -118.3, "Population": 887.0}, {"index": 8553, "quantile": 0.25, "value": 183000.0, "Latitude": 33.74, "Longitude": -118.3, "Population": 887.0}, {"index": 8553, "quantile": 0.5, "value": 270500.0, "Latitude": 33.74, "Longitude": -118.3, "Population": 887.0}, {"index": 8553, "quantile": 0.75, "value": 270500.0, "Latitude": 33.74, "Longitude": -118.3, "Population": 887.0}, {"index": 8553, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.74, "Longitude": -118.3, "Population": 887.0}, {"index": 8554, "quantile": 0.0, "value": 71800.0, "Latitude": 33.92, "Longitude": -118.39, "Population": 61.0}, {"index": 8554, "quantile": 0.25, "value": 224925.0, "Latitude": 33.92, "Longitude": -118.39, "Population": 61.0}, {"index": 8554, "quantile": 0.5, "value": 295899.99999999994, "Latitude": 33.92, "Longitude": -118.39, "Population": 61.0}, {"index": 8554, "quantile": 0.75, "value": 340625.0, "Latitude": 33.92, "Longitude": -118.39, "Population": 61.0}, {"index": 8554, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -118.39, "Population": 61.0}, {"index": 8555, "quantile": 0.0, "value": 215600.0, "Latitude": 33.92, "Longitude": -118.4, "Population": 695.0}, {"index": 8555, "quantile": 0.25, "value": 291400.0, "Latitude": 33.92, "Longitude": -118.4, "Population": 695.0}, {"index": 8555, "quantile": 0.5, "value": 338450.0, "Latitude": 33.92, "Longitude": -118.4, "Population": 695.0}, {"index": 8555, "quantile": 0.75, "value": 368650.0, "Latitude": 33.92, "Longitude": -118.4, "Population": 695.0}, {"index": 8555, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -118.4, "Population": 695.0}, {"index": 8556, "quantile": 0.0, "value": 200999.99999999997, "Latitude": 33.92, "Longitude": -118.4, "Population": 1313.0}, {"index": 8556, "quantile": 0.25, "value": 334200.0, "Latitude": 33.92, "Longitude": -118.4, "Population": 1313.0}, {"index": 8556, "quantile": 0.5, "value": 363800.0, "Latitude": 33.92, "Longitude": -118.4, "Population": 1313.0}, {"index": 8556, "quantile": 0.75, "value": 363800.0, "Latitude": 33.92, "Longitude": -118.4, "Population": 1313.0}, {"index": 8556, "quantile": 1.0, "value": 420099.99999999994, "Latitude": 33.92, "Longitude": -118.4, "Population": 1313.0}, {"index": 8557, "quantile": 0.0, "value": 284800.0, "Latitude": 33.93, "Longitude": -118.4, "Population": 1000.0}, {"index": 8557, "quantile": 0.25, "value": 376100.0, "Latitude": 33.93, "Longitude": -118.4, "Population": 1000.0}, {"index": 8557, "quantile": 0.5, "value": 376100.0, "Latitude": 33.93, "Longitude": -118.4, "Population": 1000.0}, {"index": 8557, "quantile": 0.75, "value": 376100.0, "Latitude": 33.93, "Longitude": -118.4, "Population": 1000.0}, {"index": 8557, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -118.4, "Population": 1000.0}, {"index": 8558, "quantile": 0.0, "value": 150900.0, "Latitude": 33.93, "Longitude": -118.41, "Population": 1455.0}, {"index": 8558, "quantile": 0.25, "value": 363900.0, "Latitude": 33.93, "Longitude": -118.41, "Population": 1455.0}, {"index": 8558, "quantile": 0.5, "value": 363900.0, "Latitude": 33.93, "Longitude": -118.41, "Population": 1455.0}, {"index": 8558, "quantile": 0.75, "value": 363900.0, "Latitude": 33.93, "Longitude": -118.41, "Population": 1455.0}, {"index": 8558, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -118.41, "Population": 1455.0}, {"index": 8559, "quantile": 0.0, "value": 140600.0, "Latitude": 33.92, "Longitude": -118.41, "Population": 1132.0}, {"index": 8559, "quantile": 0.25, "value": 358000.0, "Latitude": 33.92, "Longitude": -118.41, "Population": 1132.0}, {"index": 8559, "quantile": 0.5, "value": 358000.0, "Latitude": 33.92, "Longitude": -118.41, "Population": 1132.0}, {"index": 8559, "quantile": 0.75, "value": 358000.0, "Latitude": 33.92, "Longitude": -118.41, "Population": 1132.0}, {"index": 8559, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -118.41, "Population": 1132.0}, {"index": 8560, "quantile": 0.0, "value": 140600.0, "Latitude": 33.92, "Longitude": -118.41, "Population": 1141.0}, {"index": 8560, "quantile": 0.25, "value": 332700.0, "Latitude": 33.92, "Longitude": -118.41, "Population": 1141.0}, {"index": 8560, "quantile": 0.5, "value": 358000.0, "Latitude": 33.92, "Longitude": -118.41, "Population": 1141.0}, {"index": 8560, "quantile": 0.75, "value": 400699.99999999994, "Latitude": 33.92, "Longitude": -118.41, "Population": 1141.0}, {"index": 8560, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -118.41, "Population": 1141.0}, {"index": 8561, "quantile": 0.0, "value": 166700.0, "Latitude": 33.93, "Longitude": -118.41, "Population": 1225.0}, {"index": 8561, "quantile": 0.25, "value": 339700.0, "Latitude": 33.93, "Longitude": -118.41, "Population": 1225.0}, {"index": 8561, "quantile": 0.5, "value": 339700.0, "Latitude": 33.93, "Longitude": -118.41, "Population": 1225.0}, {"index": 8561, "quantile": 0.75, "value": 339700.0, "Latitude": 33.93, "Longitude": -118.41, "Population": 1225.0}, {"index": 8561, "quantile": 1.0, "value": 491200.0, "Latitude": 33.93, "Longitude": -118.41, "Population": 1225.0}, {"index": 8562, "quantile": 0.0, "value": 174200.0, "Latitude": 33.92, "Longitude": -118.41, "Population": 590.0}, {"index": 8562, "quantile": 0.25, "value": 358000.0, "Latitude": 33.92, "Longitude": -118.41, "Population": 590.0}, {"index": 8562, "quantile": 0.5, "value": 358000.0, "Latitude": 33.92, "Longitude": -118.41, "Population": 590.0}, {"index": 8562, "quantile": 0.75, "value": 358000.0, "Latitude": 33.92, "Longitude": -118.41, "Population": 590.0}, {"index": 8562, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -118.41, "Population": 590.0}, {"index": 8563, "quantile": 0.0, "value": 140600.0, "Latitude": 33.92, "Longitude": -118.41, "Population": 674.0}, {"index": 8563, "quantile": 0.25, "value": 275000.0, "Latitude": 33.92, "Longitude": -118.41, "Population": 674.0}, {"index": 8563, "quantile": 0.5, "value": 275000.0, "Latitude": 33.92, "Longitude": -118.41, "Population": 674.0}, {"index": 8563, "quantile": 0.75, "value": 275000.0, "Latitude": 33.92, "Longitude": -118.41, "Population": 674.0}, {"index": 8563, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -118.41, "Population": 674.0}, {"index": 8564, "quantile": 0.0, "value": 195800.0, "Latitude": 33.92, "Longitude": -118.42, "Population": 1524.0}, {"index": 8564, "quantile": 0.25, "value": 361300.0, "Latitude": 33.92, "Longitude": -118.42, "Population": 1524.0}, {"index": 8564, "quantile": 0.5, "value": 361300.0, "Latitude": 33.92, "Longitude": -118.42, "Population": 1524.0}, {"index": 8564, "quantile": 0.75, "value": 361300.0, "Latitude": 33.92, "Longitude": -118.42, "Population": 1524.0}, {"index": 8564, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -118.42, "Population": 1524.0}, {"index": 8565, "quantile": 0.0, "value": 180100.0, "Latitude": 33.92, "Longitude": -118.42, "Population": 756.0}, {"index": 8565, "quantile": 0.25, "value": 346000.0, "Latitude": 33.92, "Longitude": -118.42, "Population": 756.0}, {"index": 8565, "quantile": 0.5, "value": 346000.0, "Latitude": 33.92, "Longitude": -118.42, "Population": 756.0}, {"index": 8565, "quantile": 0.75, "value": 346000.0, "Latitude": 33.92, "Longitude": -118.42, "Population": 756.0}, {"index": 8565, "quantile": 1.0, "value": 489799.99999999994, "Latitude": 33.92, "Longitude": -118.42, "Population": 756.0}, {"index": 8566, "quantile": 0.0, "value": 148400.0, "Latitude": 33.93, "Longitude": -118.42, "Population": 1466.0}, {"index": 8566, "quantile": 0.25, "value": 341400.0, "Latitude": 33.93, "Longitude": -118.42, "Population": 1466.0}, {"index": 8566, "quantile": 0.5, "value": 341400.0, "Latitude": 33.93, "Longitude": -118.42, "Population": 1466.0}, {"index": 8566, "quantile": 0.75, "value": 341400.0, "Latitude": 33.93, "Longitude": -118.42, "Population": 1466.0}, {"index": 8566, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -118.42, "Population": 1466.0}, {"index": 8567, "quantile": 0.0, "value": 243200.0, "Latitude": 33.93, "Longitude": -118.42, "Population": 2191.0}, {"index": 8567, "quantile": 0.25, "value": 366900.0, "Latitude": 33.93, "Longitude": -118.42, "Population": 2191.0}, {"index": 8567, "quantile": 0.5, "value": 382200.0, "Latitude": 33.93, "Longitude": -118.42, "Population": 2191.0}, {"index": 8567, "quantile": 0.75, "value": 382200.0, "Latitude": 33.93, "Longitude": -118.42, "Population": 2191.0}, {"index": 8567, "quantile": 1.0, "value": 456300.0, "Latitude": 33.93, "Longitude": -118.42, "Population": 2191.0}, {"index": 8568, "quantile": 0.0, "value": 312500.0, "Latitude": 33.9, "Longitude": -118.42, "Population": 686.0}, {"index": 8568, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.42, "Population": 686.0}, {"index": 8568, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.42, "Population": 686.0}, {"index": 8568, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.42, "Population": 686.0}, {"index": 8568, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.42, "Population": 686.0}, {"index": 8569, "quantile": 0.0, "value": 365000.0, "Latitude": 33.9, "Longitude": -118.43, "Population": 553.0}, {"index": 8569, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.43, "Population": 553.0}, {"index": 8569, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.43, "Population": 553.0}, {"index": 8569, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.43, "Population": 553.0}, {"index": 8569, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.43, "Population": 553.0}, {"index": 8570, "quantile": 0.0, "value": 171700.0, "Latitude": 33.9, "Longitude": -118.4, "Population": 1087.0}, {"index": 8570, "quantile": 0.25, "value": 423975.0, "Latitude": 33.9, "Longitude": -118.4, "Population": 1087.0}, {"index": 8570, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.4, "Population": 1087.0}, {"index": 8570, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.4, "Population": 1087.0}, {"index": 8570, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.4, "Population": 1087.0}, {"index": 8571, "quantile": 0.0, "value": 472100.0, "Latitude": 33.9, "Longitude": -118.4, "Population": 920.0}, {"index": 8571, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.4, "Population": 920.0}, {"index": 8571, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.4, "Population": 920.0}, {"index": 8571, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.4, "Population": 920.0}, {"index": 8571, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.4, "Population": 920.0}, {"index": 8572, "quantile": 0.0, "value": 423900.0, "Latitude": 33.9, "Longitude": -118.41, "Population": 1044.0}, {"index": 8572, "quantile": 0.25, "value": 472100.0, "Latitude": 33.9, "Longitude": -118.41, "Population": 1044.0}, {"index": 8572, "quantile": 0.5, "value": 472100.0, "Latitude": 33.9, "Longitude": -118.41, "Population": 1044.0}, {"index": 8572, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.41, "Population": 1044.0}, {"index": 8572, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.41, "Population": 1044.0}, {"index": 8573, "quantile": 0.0, "value": 171700.0, "Latitude": 33.9, "Longitude": -118.41, "Population": 926.0}, {"index": 8573, "quantile": 0.25, "value": 451725.0, "Latitude": 33.9, "Longitude": -118.41, "Population": 926.0}, {"index": 8573, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.41, "Population": 926.0}, {"index": 8573, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.41, "Population": 926.0}, {"index": 8573, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.41, "Population": 926.0}, {"index": 8574, "quantile": 0.0, "value": 439100.0, "Latitude": 33.88, "Longitude": -118.44, "Population": 724.0}, {"index": 8574, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.44, "Population": 724.0}, {"index": 8574, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.44, "Population": 724.0}, {"index": 8574, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.44, "Population": 724.0}, {"index": 8574, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.44, "Population": 724.0}, {"index": 8575, "quantile": 0.0, "value": 352100.0, "Latitude": 33.9, "Longitude": -118.42, "Population": 662.0}, {"index": 8575, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.42, "Population": 662.0}, {"index": 8575, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.42, "Population": 662.0}, {"index": 8575, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.42, "Population": 662.0}, {"index": 8575, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.42, "Population": 662.0}, {"index": 8576, "quantile": 0.0, "value": 369100.0, "Latitude": 33.9, "Longitude": -118.42, "Population": 552.0}, {"index": 8576, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.42, "Population": 552.0}, {"index": 8576, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.42, "Population": 552.0}, {"index": 8576, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.42, "Population": 552.0}, {"index": 8576, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.42, "Population": 552.0}, {"index": 8577, "quantile": 0.0, "value": 171700.0, "Latitude": 33.89, "Longitude": -118.41, "Population": 677.0}, {"index": 8577, "quantile": 0.25, "value": 489250.0, "Latitude": 33.89, "Longitude": -118.41, "Population": 677.0}, {"index": 8577, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.41, "Population": 677.0}, {"index": 8577, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.41, "Population": 677.0}, {"index": 8577, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.41, "Population": 677.0}, {"index": 8578, "quantile": 0.0, "value": 112500.0, "Latitude": 33.89, "Longitude": -118.41, "Population": 507.0}, {"index": 8578, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.41, "Population": 507.0}, {"index": 8578, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.41, "Population": 507.0}, {"index": 8578, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.41, "Population": 507.0}, {"index": 8578, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.41, "Population": 507.0}, {"index": 8579, "quantile": 0.0, "value": 249300.0, "Latitude": 33.89, "Longitude": -118.41, "Population": 1600.0}, {"index": 8579, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.41, "Population": 1600.0}, {"index": 8579, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.41, "Population": 1600.0}, {"index": 8579, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.41, "Population": 1600.0}, {"index": 8579, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.41, "Population": 1600.0}, {"index": 8580, "quantile": 0.0, "value": 387500.0, "Latitude": 33.89, "Longitude": -118.41, "Population": 1143.0}, {"index": 8580, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.41, "Population": 1143.0}, {"index": 8580, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.41, "Population": 1143.0}, {"index": 8580, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.41, "Population": 1143.0}, {"index": 8580, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.41, "Population": 1143.0}, {"index": 8581, "quantile": 0.0, "value": 265000.0, "Latitude": 33.89, "Longitude": -118.41, "Population": 236.0}, {"index": 8581, "quantile": 0.25, "value": 400000.0, "Latitude": 33.89, "Longitude": -118.41, "Population": 236.0}, {"index": 8581, "quantile": 0.5, "value": 471400.00000000006, "Latitude": 33.89, "Longitude": -118.41, "Population": 236.0}, {"index": 8581, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.41, "Population": 236.0}, {"index": 8581, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.41, "Population": 236.0}, {"index": 8582, "quantile": 0.0, "value": 454800.0, "Latitude": 33.9, "Longitude": -118.4, "Population": 1098.0}, {"index": 8582, "quantile": 0.25, "value": 477100.0, "Latitude": 33.9, "Longitude": -118.4, "Population": 1098.0}, {"index": 8582, "quantile": 0.5, "value": 477100.0, "Latitude": 33.9, "Longitude": -118.4, "Population": 1098.0}, {"index": 8582, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.4, "Population": 1098.0}, {"index": 8582, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.4, "Population": 1098.0}, {"index": 8583, "quantile": 0.0, "value": 207399.99999999997, "Latitude": 33.89, "Longitude": -118.4, "Population": 1033.0}, {"index": 8583, "quantile": 0.25, "value": 459924.99999999994, "Latitude": 33.89, "Longitude": -118.4, "Population": 1033.0}, {"index": 8583, "quantile": 0.5, "value": 481500.00000000006, "Latitude": 33.89, "Longitude": -118.4, "Population": 1033.0}, {"index": 8583, "quantile": 0.75, "value": 481500.00000000006, "Latitude": 33.89, "Longitude": -118.4, "Population": 1033.0}, {"index": 8583, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.4, "Population": 1033.0}, {"index": 8584, "quantile": 0.0, "value": 362600.0, "Latitude": 33.89, "Longitude": -118.4, "Population": 1149.0}, {"index": 8584, "quantile": 0.25, "value": 477100.0, "Latitude": 33.89, "Longitude": -118.4, "Population": 1149.0}, {"index": 8584, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.4, "Population": 1149.0}, {"index": 8584, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.4, "Population": 1149.0}, {"index": 8584, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.4, "Population": 1149.0}, {"index": 8585, "quantile": 0.0, "value": 426100.0, "Latitude": 33.89, "Longitude": -118.4, "Population": 807.0}, {"index": 8585, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.4, "Population": 807.0}, {"index": 8585, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.4, "Population": 807.0}, {"index": 8585, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.4, "Population": 807.0}, {"index": 8585, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.4, "Population": 807.0}, {"index": 8586, "quantile": 0.0, "value": 193500.0, "Latitude": 33.9, "Longitude": -118.39, "Population": 1699.0}, {"index": 8586, "quantile": 0.25, "value": 423400.0, "Latitude": 33.9, "Longitude": -118.39, "Population": 1699.0}, {"index": 8586, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.39, "Population": 1699.0}, {"index": 8586, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.39, "Population": 1699.0}, {"index": 8586, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -118.39, "Population": 1699.0}, {"index": 8587, "quantile": 0.0, "value": 169300.0, "Latitude": 33.89, "Longitude": -118.38, "Population": 732.0}, {"index": 8587, "quantile": 0.25, "value": 379300.0, "Latitude": 33.89, "Longitude": -118.38, "Population": 732.0}, {"index": 8587, "quantile": 0.5, "value": 379300.0, "Latitude": 33.89, "Longitude": -118.38, "Population": 732.0}, {"index": 8587, "quantile": 0.75, "value": 458500.0, "Latitude": 33.89, "Longitude": -118.38, "Population": 732.0}, {"index": 8587, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.38, "Population": 732.0}, {"index": 8588, "quantile": 0.0, "value": 169300.0, "Latitude": 33.89, "Longitude": -118.39, "Population": 1056.0}, {"index": 8588, "quantile": 0.25, "value": 460400.0, "Latitude": 33.89, "Longitude": -118.39, "Population": 1056.0}, {"index": 8588, "quantile": 0.5, "value": 460400.0, "Latitude": 33.89, "Longitude": -118.39, "Population": 1056.0}, {"index": 8588, "quantile": 0.75, "value": 460400.0, "Latitude": 33.89, "Longitude": -118.39, "Population": 1056.0}, {"index": 8588, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.39, "Population": 1056.0}, {"index": 8589, "quantile": 0.0, "value": 293500.0, "Latitude": 33.89, "Longitude": -118.39, "Population": 750.0}, {"index": 8589, "quantile": 0.25, "value": 437575.0, "Latitude": 33.89, "Longitude": -118.39, "Population": 750.0}, {"index": 8589, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.39, "Population": 750.0}, {"index": 8589, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.39, "Population": 750.0}, {"index": 8589, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.39, "Population": 750.0}, {"index": 8590, "quantile": 0.0, "value": 171700.0, "Latitude": 33.89, "Longitude": -118.39, "Population": 389.0}, {"index": 8590, "quantile": 0.25, "value": 438100.0, "Latitude": 33.89, "Longitude": -118.39, "Population": 389.0}, {"index": 8590, "quantile": 0.5, "value": 438100.0, "Latitude": 33.89, "Longitude": -118.39, "Population": 389.0}, {"index": 8590, "quantile": 0.75, "value": 438100.0, "Latitude": 33.89, "Longitude": -118.39, "Population": 389.0}, {"index": 8590, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.39, "Population": 389.0}, {"index": 8591, "quantile": 0.0, "value": 124400.0, "Latitude": 33.89, "Longitude": -118.36, "Population": 371.0}, {"index": 8591, "quantile": 0.25, "value": 329200.0, "Latitude": 33.89, "Longitude": -118.36, "Population": 371.0}, {"index": 8591, "quantile": 0.5, "value": 329200.0, "Latitude": 33.89, "Longitude": -118.36, "Population": 371.0}, {"index": 8591, "quantile": 0.75, "value": 329200.0, "Latitude": 33.89, "Longitude": -118.36, "Population": 371.0}, {"index": 8591, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 33.89, "Longitude": -118.36, "Population": 371.0}, {"index": 8592, "quantile": 0.0, "value": 181300.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 709.0}, {"index": 8592, "quantile": 0.25, "value": 268450.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 709.0}, {"index": 8592, "quantile": 0.5, "value": 336200.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 709.0}, {"index": 8592, "quantile": 0.75, "value": 336200.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 709.0}, {"index": 8592, "quantile": 1.0, "value": 456100.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 709.0}, {"index": 8593, "quantile": 0.0, "value": 157100.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 669.0}, {"index": 8593, "quantile": 0.25, "value": 324000.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 669.0}, {"index": 8593, "quantile": 0.5, "value": 324000.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 669.0}, {"index": 8593, "quantile": 0.75, "value": 324000.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 669.0}, {"index": 8593, "quantile": 1.0, "value": 382100.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 669.0}, {"index": 8594, "quantile": 0.0, "value": 137200.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 417.0}, {"index": 8594, "quantile": 0.25, "value": 250599.99999999997, "Latitude": 33.88, "Longitude": -118.37, "Population": 417.0}, {"index": 8594, "quantile": 0.5, "value": 328700.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 417.0}, {"index": 8594, "quantile": 0.75, "value": 395850.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 417.0}, {"index": 8594, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.37, "Population": 417.0}, {"index": 8595, "quantile": 0.0, "value": 158200.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 561.0}, {"index": 8595, "quantile": 0.25, "value": 264700.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 561.0}, {"index": 8595, "quantile": 0.5, "value": 326700.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 561.0}, {"index": 8595, "quantile": 0.75, "value": 409800.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 561.0}, {"index": 8595, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.38, "Population": 561.0}, {"index": 8596, "quantile": 0.0, "value": 222100.0, "Latitude": 33.89, "Longitude": -118.37, "Population": 1142.0}, {"index": 8596, "quantile": 0.25, "value": 356800.0, "Latitude": 33.89, "Longitude": -118.37, "Population": 1142.0}, {"index": 8596, "quantile": 0.5, "value": 356800.0, "Latitude": 33.89, "Longitude": -118.37, "Population": 1142.0}, {"index": 8596, "quantile": 0.75, "value": 356800.0, "Latitude": 33.89, "Longitude": -118.37, "Population": 1142.0}, {"index": 8596, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -118.37, "Population": 1142.0}, {"index": 8597, "quantile": 0.0, "value": 105300.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 1219.0}, {"index": 8597, "quantile": 0.25, "value": 325500.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 1219.0}, {"index": 8597, "quantile": 0.5, "value": 335900.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 1219.0}, {"index": 8597, "quantile": 0.75, "value": 335900.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 1219.0}, {"index": 8597, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.37, "Population": 1219.0}, {"index": 8598, "quantile": 0.0, "value": 265200.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 1107.0}, {"index": 8598, "quantile": 0.25, "value": 295800.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 1107.0}, {"index": 8598, "quantile": 0.5, "value": 295800.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 1107.0}, {"index": 8598, "quantile": 0.75, "value": 296200.0, "Latitude": 33.88, "Longitude": -118.36, "Population": 1107.0}, {"index": 8598, "quantile": 1.0, "value": 442699.99999999994, "Latitude": 33.88, "Longitude": -118.36, "Population": 1107.0}, {"index": 8599, "quantile": 0.0, "value": 134100.0, "Latitude": 33.87, "Longitude": -118.36, "Population": 1275.0}, {"index": 8599, "quantile": 0.25, "value": 293000.0, "Latitude": 33.87, "Longitude": -118.36, "Population": 1275.0}, {"index": 8599, "quantile": 0.5, "value": 293000.0, "Latitude": 33.87, "Longitude": -118.36, "Population": 1275.0}, {"index": 8599, "quantile": 0.75, "value": 293000.0, "Latitude": 33.87, "Longitude": -118.36, "Population": 1275.0}, {"index": 8599, "quantile": 1.0, "value": 384800.0, "Latitude": 33.87, "Longitude": -118.36, "Population": 1275.0}, {"index": 8600, "quantile": 0.0, "value": 207399.99999999997, "Latitude": 33.87, "Longitude": -118.37, "Population": 361.0}, {"index": 8600, "quantile": 0.25, "value": 304200.0, "Latitude": 33.87, "Longitude": -118.37, "Population": 361.0}, {"index": 8600, "quantile": 0.5, "value": 304200.0, "Latitude": 33.87, "Longitude": -118.37, "Population": 361.0}, {"index": 8600, "quantile": 0.75, "value": 304200.0, "Latitude": 33.87, "Longitude": -118.37, "Population": 361.0}, {"index": 8600, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.37, "Population": 361.0}, {"index": 8601, "quantile": 0.0, "value": 106900.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 811.0}, {"index": 8601, "quantile": 0.25, "value": 333400.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 811.0}, {"index": 8601, "quantile": 0.5, "value": 334200.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 811.0}, {"index": 8601, "quantile": 0.75, "value": 334200.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 811.0}, {"index": 8601, "quantile": 1.0, "value": 453700.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 811.0}, {"index": 8602, "quantile": 0.0, "value": 221300.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 1101.0}, {"index": 8602, "quantile": 0.25, "value": 316900.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 1101.0}, {"index": 8602, "quantile": 0.5, "value": 316900.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 1101.0}, {"index": 8602, "quantile": 0.75, "value": 335950.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 1101.0}, {"index": 8602, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.38, "Population": 1101.0}, {"index": 8603, "quantile": 0.0, "value": 143300.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 1421.0}, {"index": 8603, "quantile": 0.25, "value": 345500.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 1421.0}, {"index": 8603, "quantile": 0.5, "value": 345500.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 1421.0}, {"index": 8603, "quantile": 0.75, "value": 348325.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 1421.0}, {"index": 8603, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.38, "Population": 1421.0}, {"index": 8604, "quantile": 0.0, "value": 203200.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 1282.0}, {"index": 8604, "quantile": 0.25, "value": 340700.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 1282.0}, {"index": 8604, "quantile": 0.5, "value": 340700.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 1282.0}, {"index": 8604, "quantile": 0.75, "value": 340700.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 1282.0}, {"index": 8604, "quantile": 1.0, "value": 479000.0, "Latitude": 33.88, "Longitude": -118.37, "Population": 1282.0}, {"index": 8605, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.87, "Longitude": -118.36, "Population": 598.0}, {"index": 8605, "quantile": 0.25, "value": 281900.0, "Latitude": 33.87, "Longitude": -118.36, "Population": 598.0}, {"index": 8605, "quantile": 0.5, "value": 281900.0, "Latitude": 33.87, "Longitude": -118.36, "Population": 598.0}, {"index": 8605, "quantile": 0.75, "value": 281900.0, "Latitude": 33.87, "Longitude": -118.36, "Population": 598.0}, {"index": 8605, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.36, "Population": 598.0}, {"index": 8606, "quantile": 0.0, "value": 88800.0, "Latitude": 33.87, "Longitude": -118.36, "Population": 1300.0}, {"index": 8606, "quantile": 0.25, "value": 212625.00000000003, "Latitude": 33.87, "Longitude": -118.36, "Population": 1300.0}, {"index": 8606, "quantile": 0.5, "value": 248950.0, "Latitude": 33.87, "Longitude": -118.36, "Population": 1300.0}, {"index": 8606, "quantile": 0.75, "value": 298550.0, "Latitude": 33.87, "Longitude": -118.36, "Population": 1300.0}, {"index": 8606, "quantile": 1.0, "value": 382100.0, "Latitude": 33.87, "Longitude": -118.36, "Population": 1300.0}, {"index": 8607, "quantile": 0.0, "value": 125899.99999999999, "Latitude": 33.87, "Longitude": -118.37, "Population": 1128.0}, {"index": 8607, "quantile": 0.25, "value": 292975.00000000006, "Latitude": 33.87, "Longitude": -118.37, "Population": 1128.0}, {"index": 8607, "quantile": 0.5, "value": 338600.0, "Latitude": 33.87, "Longitude": -118.37, "Population": 1128.0}, {"index": 8607, "quantile": 0.75, "value": 338600.0, "Latitude": 33.87, "Longitude": -118.37, "Population": 1128.0}, {"index": 8607, "quantile": 1.0, "value": 453700.0, "Latitude": 33.87, "Longitude": -118.37, "Population": 1128.0}, {"index": 8608, "quantile": 0.0, "value": 116700.0, "Latitude": 33.87, "Longitude": -118.37, "Population": 1573.0}, {"index": 8608, "quantile": 0.25, "value": 246250.0, "Latitude": 33.87, "Longitude": -118.37, "Population": 1573.0}, {"index": 8608, "quantile": 0.5, "value": 294000.0, "Latitude": 33.87, "Longitude": -118.37, "Population": 1573.0}, {"index": 8608, "quantile": 0.75, "value": 294000.0, "Latitude": 33.87, "Longitude": -118.37, "Population": 1573.0}, {"index": 8608, "quantile": 1.0, "value": 294000.0, "Latitude": 33.87, "Longitude": -118.37, "Population": 1573.0}, {"index": 8609, "quantile": 0.0, "value": 191000.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 1044.0}, {"index": 8609, "quantile": 0.25, "value": 297400.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 1044.0}, {"index": 8609, "quantile": 0.5, "value": 297400.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 1044.0}, {"index": 8609, "quantile": 0.75, "value": 327800.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 1044.0}, {"index": 8609, "quantile": 1.0, "value": 463800.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 1044.0}, {"index": 8610, "quantile": 0.0, "value": 187500.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 802.0}, {"index": 8610, "quantile": 0.25, "value": 295900.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 802.0}, {"index": 8610, "quantile": 0.5, "value": 295900.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 802.0}, {"index": 8610, "quantile": 0.75, "value": 295900.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 802.0}, {"index": 8610, "quantile": 1.0, "value": 456100.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 802.0}, {"index": 8611, "quantile": 0.0, "value": 147200.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 963.0}, {"index": 8611, "quantile": 0.25, "value": 243075.00000000003, "Latitude": 33.86, "Longitude": -118.36, "Population": 963.0}, {"index": 8611, "quantile": 0.5, "value": 305900.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 963.0}, {"index": 8611, "quantile": 0.75, "value": 305900.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 963.0}, {"index": 8611, "quantile": 1.0, "value": 361700.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 963.0}, {"index": 8612, "quantile": 0.0, "value": 203200.0, "Latitude": 33.86, "Longitude": -118.37, "Population": 1243.0}, {"index": 8612, "quantile": 0.25, "value": 324000.0, "Latitude": 33.86, "Longitude": -118.37, "Population": 1243.0}, {"index": 8612, "quantile": 0.5, "value": 324000.0, "Latitude": 33.86, "Longitude": -118.37, "Population": 1243.0}, {"index": 8612, "quantile": 0.75, "value": 324000.0, "Latitude": 33.86, "Longitude": -118.37, "Population": 1243.0}, {"index": 8612, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.37, "Population": 1243.0}, {"index": 8613, "quantile": 0.0, "value": 102800.0, "Latitude": 33.87, "Longitude": -118.37, "Population": 891.0}, {"index": 8613, "quantile": 0.25, "value": 357625.0, "Latitude": 33.87, "Longitude": -118.37, "Population": 891.0}, {"index": 8613, "quantile": 0.5, "value": 359900.0, "Latitude": 33.87, "Longitude": -118.37, "Population": 891.0}, {"index": 8613, "quantile": 0.75, "value": 359900.0, "Latitude": 33.87, "Longitude": -118.37, "Population": 891.0}, {"index": 8613, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.37, "Population": 891.0}, {"index": 8614, "quantile": 0.0, "value": 222800.00000000003, "Latitude": 33.87, "Longitude": -118.38, "Population": 2054.0}, {"index": 8614, "quantile": 0.25, "value": 292900.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 2054.0}, {"index": 8614, "quantile": 0.5, "value": 292900.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 2054.0}, {"index": 8614, "quantile": 0.75, "value": 292900.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 2054.0}, {"index": 8614, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.38, "Population": 2054.0}, {"index": 8615, "quantile": 0.0, "value": 137200.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 1467.0}, {"index": 8615, "quantile": 0.25, "value": 321875.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 1467.0}, {"index": 8615, "quantile": 0.5, "value": 321900.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 1467.0}, {"index": 8615, "quantile": 0.75, "value": 321900.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 1467.0}, {"index": 8615, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.38, "Population": 1467.0}, {"index": 8616, "quantile": 0.0, "value": 268200.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 1008.0}, {"index": 8616, "quantile": 0.25, "value": 337900.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 1008.0}, {"index": 8616, "quantile": 0.5, "value": 337900.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 1008.0}, {"index": 8616, "quantile": 0.75, "value": 337900.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 1008.0}, {"index": 8616, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.38, "Population": 1008.0}, {"index": 8617, "quantile": 0.0, "value": 176300.0, "Latitude": 33.87, "Longitude": -118.39, "Population": 1329.0}, {"index": 8617, "quantile": 0.25, "value": 340400.0, "Latitude": 33.87, "Longitude": -118.39, "Population": 1329.0}, {"index": 8617, "quantile": 0.5, "value": 340400.0, "Latitude": 33.87, "Longitude": -118.39, "Population": 1329.0}, {"index": 8617, "quantile": 0.75, "value": 351700.0, "Latitude": 33.87, "Longitude": -118.39, "Population": 1329.0}, {"index": 8617, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.39, "Population": 1329.0}, {"index": 8618, "quantile": 0.0, "value": 161700.0, "Latitude": 33.86, "Longitude": -118.38, "Population": 1798.0}, {"index": 8618, "quantile": 0.25, "value": 365500.0, "Latitude": 33.86, "Longitude": -118.38, "Population": 1798.0}, {"index": 8618, "quantile": 0.5, "value": 365500.0, "Latitude": 33.86, "Longitude": -118.38, "Population": 1798.0}, {"index": 8618, "quantile": 0.75, "value": 365500.0, "Latitude": 33.86, "Longitude": -118.38, "Population": 1798.0}, {"index": 8618, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.38, "Population": 1798.0}, {"index": 8619, "quantile": 0.0, "value": 189100.0, "Latitude": 33.86, "Longitude": -118.38, "Population": 1182.0}, {"index": 8619, "quantile": 0.25, "value": 325200.0, "Latitude": 33.86, "Longitude": -118.38, "Population": 1182.0}, {"index": 8619, "quantile": 0.5, "value": 363600.0, "Latitude": 33.86, "Longitude": -118.38, "Population": 1182.0}, {"index": 8619, "quantile": 0.75, "value": 459600.0, "Latitude": 33.86, "Longitude": -118.38, "Population": 1182.0}, {"index": 8619, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.38, "Population": 1182.0}, {"index": 8620, "quantile": 0.0, "value": 207399.99999999997, "Latitude": 33.86, "Longitude": -118.38, "Population": 1312.0}, {"index": 8620, "quantile": 0.25, "value": 333800.0, "Latitude": 33.86, "Longitude": -118.38, "Population": 1312.0}, {"index": 8620, "quantile": 0.5, "value": 333800.0, "Latitude": 33.86, "Longitude": -118.38, "Population": 1312.0}, {"index": 8620, "quantile": 0.75, "value": 333800.0, "Latitude": 33.86, "Longitude": -118.38, "Population": 1312.0}, {"index": 8620, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.38, "Population": 1312.0}, {"index": 8621, "quantile": 0.0, "value": 141200.0, "Latitude": 33.86, "Longitude": -118.38, "Population": 908.0}, {"index": 8621, "quantile": 0.25, "value": 329300.0, "Latitude": 33.86, "Longitude": -118.38, "Population": 908.0}, {"index": 8621, "quantile": 0.5, "value": 329300.0, "Latitude": 33.86, "Longitude": -118.38, "Population": 908.0}, {"index": 8621, "quantile": 0.75, "value": 329300.0, "Latitude": 33.86, "Longitude": -118.38, "Population": 908.0}, {"index": 8621, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.38, "Population": 908.0}, {"index": 8622, "quantile": 0.0, "value": 337600.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 918.0}, {"index": 8622, "quantile": 0.25, "value": 337600.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 918.0}, {"index": 8622, "quantile": 0.5, "value": 337600.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 918.0}, {"index": 8622, "quantile": 0.75, "value": 344900.0, "Latitude": 33.87, "Longitude": -118.38, "Population": 918.0}, {"index": 8622, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.38, "Population": 918.0}, {"index": 8623, "quantile": 0.0, "value": 203300.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 743.0}, {"index": 8623, "quantile": 0.25, "value": 334125.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 743.0}, {"index": 8623, "quantile": 0.5, "value": 456100.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 743.0}, {"index": 8623, "quantile": 0.75, "value": 456100.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 743.0}, {"index": 8623, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 33.88, "Longitude": -118.38, "Population": 743.0}, {"index": 8624, "quantile": 0.0, "value": 180100.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 822.0}, {"index": 8624, "quantile": 0.25, "value": 346000.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 822.0}, {"index": 8624, "quantile": 0.5, "value": 453700.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 822.0}, {"index": 8624, "quantile": 0.75, "value": 453700.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 822.0}, {"index": 8624, "quantile": 1.0, "value": 456100.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 822.0}, {"index": 8625, "quantile": 0.0, "value": 263700.0, "Latitude": 33.88, "Longitude": -118.39, "Population": 1098.0}, {"index": 8625, "quantile": 0.25, "value": 474300.00000000006, "Latitude": 33.88, "Longitude": -118.39, "Population": 1098.0}, {"index": 8625, "quantile": 0.5, "value": 474300.00000000006, "Latitude": 33.88, "Longitude": -118.39, "Population": 1098.0}, {"index": 8625, "quantile": 0.75, "value": 474300.00000000006, "Latitude": 33.88, "Longitude": -118.39, "Population": 1098.0}, {"index": 8625, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.39, "Population": 1098.0}, {"index": 8626, "quantile": 0.0, "value": 287800.0, "Latitude": 33.88, "Longitude": -118.39, "Population": 843.0}, {"index": 8626, "quantile": 0.25, "value": 418050.00000000006, "Latitude": 33.88, "Longitude": -118.39, "Population": 843.0}, {"index": 8626, "quantile": 0.5, "value": 472700.00000000006, "Latitude": 33.88, "Longitude": -118.39, "Population": 843.0}, {"index": 8626, "quantile": 0.75, "value": 472700.00000000006, "Latitude": 33.88, "Longitude": -118.39, "Population": 843.0}, {"index": 8626, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.39, "Population": 843.0}, {"index": 8627, "quantile": 0.0, "value": 227999.99999999997, "Latitude": 33.88, "Longitude": -118.39, "Population": 1098.0}, {"index": 8627, "quantile": 0.25, "value": 466925.0, "Latitude": 33.88, "Longitude": -118.39, "Population": 1098.0}, {"index": 8627, "quantile": 0.5, "value": 495500.0, "Latitude": 33.88, "Longitude": -118.39, "Population": 1098.0}, {"index": 8627, "quantile": 0.75, "value": 495500.0, "Latitude": 33.88, "Longitude": -118.39, "Population": 1098.0}, {"index": 8627, "quantile": 1.0, "value": 495500.0, "Latitude": 33.88, "Longitude": -118.39, "Population": 1098.0}, {"index": 8628, "quantile": 0.0, "value": 263700.0, "Latitude": 33.88, "Longitude": -118.39, "Population": 607.0}, {"index": 8628, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.39, "Population": 607.0}, {"index": 8628, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.39, "Population": 607.0}, {"index": 8628, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.39, "Population": 607.0}, {"index": 8628, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.39, "Population": 607.0}, {"index": 8629, "quantile": 0.0, "value": 196400.0, "Latitude": 33.88, "Longitude": -118.39, "Population": 521.0}, {"index": 8629, "quantile": 0.25, "value": 355375.0, "Latitude": 33.88, "Longitude": -118.39, "Population": 521.0}, {"index": 8629, "quantile": 0.5, "value": 470000.0, "Latitude": 33.88, "Longitude": -118.39, "Population": 521.0}, {"index": 8629, "quantile": 0.75, "value": 470000.0, "Latitude": 33.88, "Longitude": -118.39, "Population": 521.0}, {"index": 8629, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.39, "Population": 521.0}, {"index": 8630, "quantile": 0.0, "value": 210800.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 1031.0}, {"index": 8630, "quantile": 0.25, "value": 296300.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 1031.0}, {"index": 8630, "quantile": 0.5, "value": 341300.0, "Latitude": 33.88, "Longitude": -118.38, "Population": 1031.0}, {"index": 8630, "quantile": 0.75, "value": 379100.00000000006, "Latitude": 33.88, "Longitude": -118.38, "Population": 1031.0}, {"index": 8630, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.38, "Population": 1031.0}, {"index": 8631, "quantile": 0.0, "value": 171700.0, "Latitude": 33.88, "Longitude": -118.4, "Population": 1278.0}, {"index": 8631, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 1278.0}, {"index": 8631, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 1278.0}, {"index": 8631, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 1278.0}, {"index": 8631, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 1278.0}, {"index": 8632, "quantile": 0.0, "value": 411800.00000000006, "Latitude": 33.88, "Longitude": -118.4, "Population": 474.0}, {"index": 8632, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 474.0}, {"index": 8632, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 474.0}, {"index": 8632, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 474.0}, {"index": 8632, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 474.0}, {"index": 8633, "quantile": 0.0, "value": 399300.0, "Latitude": 33.88, "Longitude": -118.4, "Population": 615.0}, {"index": 8633, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 615.0}, {"index": 8633, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 615.0}, {"index": 8633, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 615.0}, {"index": 8633, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 615.0}, {"index": 8634, "quantile": 0.0, "value": 125000.0, "Latitude": 33.88, "Longitude": -118.41, "Population": 213.0}, {"index": 8634, "quantile": 0.25, "value": 348500.0, "Latitude": 33.88, "Longitude": -118.41, "Population": 213.0}, {"index": 8634, "quantile": 0.5, "value": 400000.0, "Latitude": 33.88, "Longitude": -118.41, "Population": 213.0}, {"index": 8634, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.41, "Population": 213.0}, {"index": 8634, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.41, "Population": 213.0}, {"index": 8635, "quantile": 0.0, "value": 263700.0, "Latitude": 33.88, "Longitude": -118.4, "Population": 444.0}, {"index": 8635, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 444.0}, {"index": 8635, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 444.0}, {"index": 8635, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 444.0}, {"index": 8635, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 444.0}, {"index": 8636, "quantile": 0.0, "value": 337600.0, "Latitude": 33.88, "Longitude": -118.41, "Population": 1033.0}, {"index": 8636, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.41, "Population": 1033.0}, {"index": 8636, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.41, "Population": 1033.0}, {"index": 8636, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.41, "Population": 1033.0}, {"index": 8636, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.41, "Population": 1033.0}, {"index": 8637, "quantile": 0.0, "value": 275000.0, "Latitude": 33.88, "Longitude": -118.41, "Population": 371.0}, {"index": 8637, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.41, "Population": 371.0}, {"index": 8637, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.41, "Population": 371.0}, {"index": 8637, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.41, "Population": 371.0}, {"index": 8637, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.41, "Population": 371.0}, {"index": 8638, "quantile": 0.0, "value": 362600.0, "Latitude": 33.88, "Longitude": -118.41, "Population": 498.0}, {"index": 8638, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.41, "Population": 498.0}, {"index": 8638, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.41, "Population": 498.0}, {"index": 8638, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.41, "Population": 498.0}, {"index": 8638, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.41, "Population": 498.0}, {"index": 8639, "quantile": 0.0, "value": 190800.0, "Latitude": 33.87, "Longitude": -118.43, "Population": 344.0}, {"index": 8639, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.43, "Population": 344.0}, {"index": 8639, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.43, "Population": 344.0}, {"index": 8639, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.43, "Population": 344.0}, {"index": 8639, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.43, "Population": 344.0}, {"index": 8640, "quantile": 0.0, "value": 309200.0, "Latitude": 33.87, "Longitude": -118.4, "Population": 2803.0}, {"index": 8640, "quantile": 0.25, "value": 434500.0, "Latitude": 33.87, "Longitude": -118.4, "Population": 2803.0}, {"index": 8640, "quantile": 0.5, "value": 434500.0, "Latitude": 33.87, "Longitude": -118.4, "Population": 2803.0}, {"index": 8640, "quantile": 0.75, "value": 434500.0, "Latitude": 33.87, "Longitude": -118.4, "Population": 2803.0}, {"index": 8640, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.4, "Population": 2803.0}, {"index": 8641, "quantile": 0.0, "value": 160100.0, "Latitude": 33.87, "Longitude": -118.39, "Population": 1087.0}, {"index": 8641, "quantile": 0.25, "value": 330700.0, "Latitude": 33.87, "Longitude": -118.39, "Population": 1087.0}, {"index": 8641, "quantile": 0.5, "value": 420800.0, "Latitude": 33.87, "Longitude": -118.39, "Population": 1087.0}, {"index": 8641, "quantile": 0.75, "value": 472700.00000000006, "Latitude": 33.87, "Longitude": -118.39, "Population": 1087.0}, {"index": 8641, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.39, "Population": 1087.0}, {"index": 8642, "quantile": 0.0, "value": 67500.0, "Latitude": 33.86, "Longitude": -118.43, "Population": 162.0}, {"index": 8642, "quantile": 0.25, "value": 491575.0, "Latitude": 33.86, "Longitude": -118.43, "Population": 162.0}, {"index": 8642, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.43, "Population": 162.0}, {"index": 8642, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.43, "Population": 162.0}, {"index": 8642, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.43, "Population": 162.0}, {"index": 8643, "quantile": 0.0, "value": 169300.0, "Latitude": 33.88, "Longitude": -118.4, "Population": 634.0}, {"index": 8643, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 634.0}, {"index": 8643, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 634.0}, {"index": 8643, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 634.0}, {"index": 8643, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.4, "Population": 634.0}, {"index": 8644, "quantile": 0.0, "value": 357200.0, "Latitude": 33.87, "Longitude": -118.4, "Population": 719.0}, {"index": 8644, "quantile": 0.25, "value": 479500.0, "Latitude": 33.87, "Longitude": -118.4, "Population": 719.0}, {"index": 8644, "quantile": 0.5, "value": 479500.0, "Latitude": 33.87, "Longitude": -118.4, "Population": 719.0}, {"index": 8644, "quantile": 0.75, "value": 479500.0, "Latitude": 33.87, "Longitude": -118.4, "Population": 719.0}, {"index": 8644, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.4, "Population": 719.0}, {"index": 8645, "quantile": 0.0, "value": 204000.0, "Latitude": 33.87, "Longitude": -118.4, "Population": 911.0}, {"index": 8645, "quantile": 0.25, "value": 345900.0, "Latitude": 33.87, "Longitude": -118.4, "Population": 911.0}, {"index": 8645, "quantile": 0.5, "value": 358000.0, "Latitude": 33.87, "Longitude": -118.4, "Population": 911.0}, {"index": 8645, "quantile": 0.75, "value": 432475.0, "Latitude": 33.87, "Longitude": -118.4, "Population": 911.0}, {"index": 8645, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.4, "Population": 911.0}, {"index": 8646, "quantile": 0.0, "value": 169300.0, "Latitude": 33.87, "Longitude": -118.4, "Population": 842.0}, {"index": 8646, "quantile": 0.25, "value": 460250.0, "Latitude": 33.87, "Longitude": -118.4, "Population": 842.0}, {"index": 8646, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.4, "Population": 842.0}, {"index": 8646, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.4, "Population": 842.0}, {"index": 8646, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.4, "Population": 842.0}, {"index": 8647, "quantile": 0.0, "value": 350000.0, "Latitude": 33.87, "Longitude": -118.4, "Population": 1352.0}, {"index": 8647, "quantile": 0.25, "value": 469800.00000000006, "Latitude": 33.87, "Longitude": -118.4, "Population": 1352.0}, {"index": 8647, "quantile": 0.5, "value": 469800.00000000006, "Latitude": 33.87, "Longitude": -118.4, "Population": 1352.0}, {"index": 8647, "quantile": 0.75, "value": 469800.00000000006, "Latitude": 33.87, "Longitude": -118.4, "Population": 1352.0}, {"index": 8647, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.4, "Population": 1352.0}, {"index": 8648, "quantile": 0.0, "value": 252999.99999999997, "Latitude": 33.87, "Longitude": -118.4, "Population": 965.0}, {"index": 8648, "quantile": 0.25, "value": 434875.0, "Latitude": 33.87, "Longitude": -118.4, "Population": 965.0}, {"index": 8648, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.4, "Population": 965.0}, {"index": 8648, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.4, "Population": 965.0}, {"index": 8648, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.4, "Population": 965.0}, {"index": 8649, "quantile": 0.0, "value": 239600.0, "Latitude": 33.86, "Longitude": -118.39, "Population": 915.0}, {"index": 8649, "quantile": 0.25, "value": 392400.0, "Latitude": 33.86, "Longitude": -118.39, "Population": 915.0}, {"index": 8649, "quantile": 0.5, "value": 392400.0, "Latitude": 33.86, "Longitude": -118.39, "Population": 915.0}, {"index": 8649, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.39, "Population": 915.0}, {"index": 8649, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.39, "Population": 915.0}, {"index": 8650, "quantile": 0.0, "value": 256300.00000000003, "Latitude": 33.86, "Longitude": -118.39, "Population": 1735.0}, {"index": 8650, "quantile": 0.25, "value": 368400.0, "Latitude": 33.86, "Longitude": -118.39, "Population": 1735.0}, {"index": 8650, "quantile": 0.5, "value": 368400.0, "Latitude": 33.86, "Longitude": -118.39, "Population": 1735.0}, {"index": 8650, "quantile": 0.75, "value": 368400.0, "Latitude": 33.86, "Longitude": -118.39, "Population": 1735.0}, {"index": 8650, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.39, "Population": 1735.0}, {"index": 8651, "quantile": 0.0, "value": 186400.0, "Latitude": 33.86, "Longitude": -118.39, "Population": 1152.0}, {"index": 8651, "quantile": 0.25, "value": 400699.99999999994, "Latitude": 33.86, "Longitude": -118.39, "Population": 1152.0}, {"index": 8651, "quantile": 0.5, "value": 400699.99999999994, "Latitude": 33.86, "Longitude": -118.39, "Population": 1152.0}, {"index": 8651, "quantile": 0.75, "value": 400699.99999999994, "Latitude": 33.86, "Longitude": -118.39, "Population": 1152.0}, {"index": 8651, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.39, "Population": 1152.0}, {"index": 8652, "quantile": 0.0, "value": 225800.0, "Latitude": 33.86, "Longitude": -118.4, "Population": 2286.0}, {"index": 8652, "quantile": 0.25, "value": 348050.0, "Latitude": 33.86, "Longitude": -118.4, "Population": 2286.0}, {"index": 8652, "quantile": 0.5, "value": 420200.0, "Latitude": 33.86, "Longitude": -118.4, "Population": 2286.0}, {"index": 8652, "quantile": 0.75, "value": 420200.0, "Latitude": 33.86, "Longitude": -118.4, "Population": 2286.0}, {"index": 8652, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.4, "Population": 2286.0}, {"index": 8653, "quantile": 0.0, "value": 376600.0, "Latitude": 33.85, "Longitude": -118.4, "Population": 919.0}, {"index": 8653, "quantile": 0.25, "value": 430000.0, "Latitude": 33.85, "Longitude": -118.4, "Population": 919.0}, {"index": 8653, "quantile": 0.5, "value": 430000.0, "Latitude": 33.85, "Longitude": -118.4, "Population": 919.0}, {"index": 8653, "quantile": 0.75, "value": 472225.00000000006, "Latitude": 33.85, "Longitude": -118.4, "Population": 919.0}, {"index": 8653, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.4, "Population": 919.0}, {"index": 8654, "quantile": 0.0, "value": 285700.0, "Latitude": 33.86, "Longitude": -118.4, "Population": 938.0}, {"index": 8654, "quantile": 0.25, "value": 464300.0, "Latitude": 33.86, "Longitude": -118.4, "Population": 938.0}, {"index": 8654, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.4, "Population": 938.0}, {"index": 8654, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.4, "Population": 938.0}, {"index": 8654, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.4, "Population": 938.0}, {"index": 8655, "quantile": 0.0, "value": 87500.0, "Latitude": 33.85, "Longitude": -118.42, "Population": 799.0}, {"index": 8655, "quantile": 0.25, "value": 434999.99999999994, "Latitude": 33.85, "Longitude": -118.42, "Population": 799.0}, {"index": 8655, "quantile": 0.5, "value": 434999.99999999994, "Latitude": 33.85, "Longitude": -118.42, "Population": 799.0}, {"index": 8655, "quantile": 0.75, "value": 457100.0, "Latitude": 33.85, "Longitude": -118.42, "Population": 799.0}, {"index": 8655, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.42, "Population": 799.0}, {"index": 8656, "quantile": 0.0, "value": 208599.99999999997, "Latitude": 33.85, "Longitude": -118.38, "Population": 2131.0}, {"index": 8656, "quantile": 0.25, "value": 363875.0, "Latitude": 33.85, "Longitude": -118.38, "Population": 2131.0}, {"index": 8656, "quantile": 0.5, "value": 378100.0, "Latitude": 33.85, "Longitude": -118.38, "Population": 2131.0}, {"index": 8656, "quantile": 0.75, "value": 378100.0, "Latitude": 33.85, "Longitude": -118.38, "Population": 2131.0}, {"index": 8656, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.38, "Population": 2131.0}, {"index": 8657, "quantile": 0.0, "value": 268200.0, "Latitude": 33.85, "Longitude": -118.38, "Population": 1647.0}, {"index": 8657, "quantile": 0.25, "value": 378100.0, "Latitude": 33.85, "Longitude": -118.38, "Population": 1647.0}, {"index": 8657, "quantile": 0.5, "value": 384600.0, "Latitude": 33.85, "Longitude": -118.38, "Population": 1647.0}, {"index": 8657, "quantile": 0.75, "value": 384600.0, "Latitude": 33.85, "Longitude": -118.38, "Population": 1647.0}, {"index": 8657, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.38, "Population": 1647.0}, {"index": 8658, "quantile": 0.0, "value": 143300.0, "Latitude": 33.85, "Longitude": -118.39, "Population": 1830.0}, {"index": 8658, "quantile": 0.25, "value": 366200.0, "Latitude": 33.85, "Longitude": -118.39, "Population": 1830.0}, {"index": 8658, "quantile": 0.5, "value": 366200.0, "Latitude": 33.85, "Longitude": -118.39, "Population": 1830.0}, {"index": 8658, "quantile": 0.75, "value": 380150.0, "Latitude": 33.85, "Longitude": -118.39, "Population": 1830.0}, {"index": 8658, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.39, "Population": 1830.0}, {"index": 8659, "quantile": 0.0, "value": 124200.0, "Latitude": 33.85, "Longitude": -118.41, "Population": 2853.0}, {"index": 8659, "quantile": 0.25, "value": 336400.0, "Latitude": 33.85, "Longitude": -118.41, "Population": 2853.0}, {"index": 8659, "quantile": 0.5, "value": 336400.0, "Latitude": 33.85, "Longitude": -118.41, "Population": 2853.0}, {"index": 8659, "quantile": 0.75, "value": 336400.0, "Latitude": 33.85, "Longitude": -118.41, "Population": 2853.0}, {"index": 8659, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.41, "Population": 2853.0}, {"index": 8660, "quantile": 0.0, "value": 150000.0, "Latitude": 33.85, "Longitude": -118.39, "Population": 670.0}, {"index": 8660, "quantile": 0.25, "value": 349000.0, "Latitude": 33.85, "Longitude": -118.39, "Population": 670.0}, {"index": 8660, "quantile": 0.5, "value": 349000.0, "Latitude": 33.85, "Longitude": -118.39, "Population": 670.0}, {"index": 8660, "quantile": 0.75, "value": 349000.0, "Latitude": 33.85, "Longitude": -118.39, "Population": 670.0}, {"index": 8660, "quantile": 1.0, "value": 478400.0, "Latitude": 33.85, "Longitude": -118.39, "Population": 670.0}, {"index": 8661, "quantile": 0.0, "value": 242700.0, "Latitude": 33.84, "Longitude": -118.38, "Population": 2637.0}, {"index": 8661, "quantile": 0.25, "value": 379800.0, "Latitude": 33.84, "Longitude": -118.38, "Population": 2637.0}, {"index": 8661, "quantile": 0.5, "value": 379800.0, "Latitude": 33.84, "Longitude": -118.38, "Population": 2637.0}, {"index": 8661, "quantile": 0.75, "value": 379800.0, "Latitude": 33.84, "Longitude": -118.38, "Population": 2637.0}, {"index": 8661, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -118.38, "Population": 2637.0}, {"index": 8662, "quantile": 0.0, "value": 154200.0, "Latitude": 33.83, "Longitude": -118.38, "Population": 1070.0}, {"index": 8662, "quantile": 0.25, "value": 349750.0, "Latitude": 33.83, "Longitude": -118.38, "Population": 1070.0}, {"index": 8662, "quantile": 0.5, "value": 384800.0, "Latitude": 33.83, "Longitude": -118.38, "Population": 1070.0}, {"index": 8662, "quantile": 0.75, "value": 384800.0, "Latitude": 33.83, "Longitude": -118.38, "Population": 1070.0}, {"index": 8662, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.38, "Population": 1070.0}, {"index": 8663, "quantile": 0.0, "value": 205799.99999999997, "Latitude": 33.83, "Longitude": -118.38, "Population": 1264.0}, {"index": 8663, "quantile": 0.25, "value": 397000.0, "Latitude": 33.83, "Longitude": -118.38, "Population": 1264.0}, {"index": 8663, "quantile": 0.5, "value": 432700.0, "Latitude": 33.83, "Longitude": -118.38, "Population": 1264.0}, {"index": 8663, "quantile": 0.75, "value": 432700.0, "Latitude": 33.83, "Longitude": -118.38, "Population": 1264.0}, {"index": 8663, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.38, "Population": 1264.0}, {"index": 8664, "quantile": 0.0, "value": 284600.0, "Latitude": 33.84, "Longitude": -118.38, "Population": 1157.0}, {"index": 8664, "quantile": 0.25, "value": 398299.99999999994, "Latitude": 33.84, "Longitude": -118.38, "Population": 1157.0}, {"index": 8664, "quantile": 0.5, "value": 463500.0, "Latitude": 33.84, "Longitude": -118.38, "Population": 1157.0}, {"index": 8664, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -118.38, "Population": 1157.0}, {"index": 8664, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -118.38, "Population": 1157.0}, {"index": 8665, "quantile": 0.0, "value": 139000.0, "Latitude": 33.84, "Longitude": -118.39, "Population": 965.0}, {"index": 8665, "quantile": 0.25, "value": 302925.0, "Latitude": 33.84, "Longitude": -118.39, "Population": 965.0}, {"index": 8665, "quantile": 0.5, "value": 348600.0, "Latitude": 33.84, "Longitude": -118.39, "Population": 965.0}, {"index": 8665, "quantile": 0.75, "value": 348600.0, "Latitude": 33.84, "Longitude": -118.39, "Population": 965.0}, {"index": 8665, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -118.39, "Population": 965.0}, {"index": 8666, "quantile": 0.0, "value": 228399.99999999997, "Latitude": 33.83, "Longitude": -118.43, "Population": 2455.0}, {"index": 8666, "quantile": 0.25, "value": 420200.0, "Latitude": 33.83, "Longitude": -118.43, "Population": 2455.0}, {"index": 8666, "quantile": 0.5, "value": 420200.0, "Latitude": 33.83, "Longitude": -118.43, "Population": 2455.0}, {"index": 8666, "quantile": 0.75, "value": 420200.0, "Latitude": 33.83, "Longitude": -118.43, "Population": 2455.0}, {"index": 8666, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.43, "Population": 2455.0}, {"index": 8667, "quantile": 0.0, "value": 355600.0, "Latitude": 33.83, "Longitude": -118.39, "Population": 954.0}, {"index": 8667, "quantile": 0.25, "value": 430000.0, "Latitude": 33.83, "Longitude": -118.39, "Population": 954.0}, {"index": 8667, "quantile": 0.5, "value": 455900.0, "Latitude": 33.83, "Longitude": -118.39, "Population": 954.0}, {"index": 8667, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.39, "Population": 954.0}, {"index": 8667, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.39, "Population": 954.0}, {"index": 8668, "quantile": 0.0, "value": 140600.0, "Latitude": 33.82, "Longitude": -118.39, "Population": 1526.0}, {"index": 8668, "quantile": 0.25, "value": 346550.0, "Latitude": 33.82, "Longitude": -118.39, "Population": 1526.0}, {"index": 8668, "quantile": 0.5, "value": 412500.0, "Latitude": 33.82, "Longitude": -118.39, "Population": 1526.0}, {"index": 8668, "quantile": 0.75, "value": 457100.0, "Latitude": 33.82, "Longitude": -118.39, "Population": 1526.0}, {"index": 8668, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.39, "Population": 1526.0}, {"index": 8669, "quantile": 0.0, "value": 287500.0, "Latitude": 33.82, "Longitude": -118.43, "Population": 946.0}, {"index": 8669, "quantile": 0.25, "value": 459274.99999999994, "Latitude": 33.82, "Longitude": -118.43, "Population": 946.0}, {"index": 8669, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.43, "Population": 946.0}, {"index": 8669, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.43, "Population": 946.0}, {"index": 8669, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.43, "Population": 946.0}, {"index": 8670, "quantile": 0.0, "value": 220800.00000000003, "Latitude": 33.82, "Longitude": -118.37, "Population": 1338.0}, {"index": 8670, "quantile": 0.25, "value": 376100.0, "Latitude": 33.82, "Longitude": -118.37, "Population": 1338.0}, {"index": 8670, "quantile": 0.5, "value": 381200.0, "Latitude": 33.82, "Longitude": -118.37, "Population": 1338.0}, {"index": 8670, "quantile": 0.75, "value": 381200.0, "Latitude": 33.82, "Longitude": -118.37, "Population": 1338.0}, {"index": 8670, "quantile": 1.0, "value": 471300.0, "Latitude": 33.82, "Longitude": -118.37, "Population": 1338.0}, {"index": 8671, "quantile": 0.0, "value": 295800.0, "Latitude": 33.82, "Longitude": -118.38, "Population": 1311.0}, {"index": 8671, "quantile": 0.25, "value": 436975.0, "Latitude": 33.82, "Longitude": -118.38, "Population": 1311.0}, {"index": 8671, "quantile": 0.5, "value": 439200.00000000006, "Latitude": 33.82, "Longitude": -118.38, "Population": 1311.0}, {"index": 8671, "quantile": 0.75, "value": 439200.00000000006, "Latitude": 33.82, "Longitude": -118.38, "Population": 1311.0}, {"index": 8671, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.38, "Population": 1311.0}, {"index": 8672, "quantile": 0.0, "value": 215800.0, "Latitude": 33.82, "Longitude": -118.38, "Population": 547.0}, {"index": 8672, "quantile": 0.25, "value": 342875.0, "Latitude": 33.82, "Longitude": -118.38, "Population": 547.0}, {"index": 8672, "quantile": 0.5, "value": 399300.0, "Latitude": 33.82, "Longitude": -118.38, "Population": 547.0}, {"index": 8672, "quantile": 0.75, "value": 472700.00000000006, "Latitude": 33.82, "Longitude": -118.38, "Population": 547.0}, {"index": 8672, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.38, "Population": 547.0}, {"index": 8673, "quantile": 0.0, "value": 280400.0, "Latitude": 33.83, "Longitude": -118.38, "Population": 902.0}, {"index": 8673, "quantile": 0.25, "value": 427200.0, "Latitude": 33.83, "Longitude": -118.38, "Population": 902.0}, {"index": 8673, "quantile": 0.5, "value": 427200.0, "Latitude": 33.83, "Longitude": -118.38, "Population": 902.0}, {"index": 8673, "quantile": 0.75, "value": 427200.0, "Latitude": 33.83, "Longitude": -118.38, "Population": 902.0}, {"index": 8673, "quantile": 1.0, "value": 456300.0, "Latitude": 33.83, "Longitude": -118.38, "Population": 902.0}, {"index": 8674, "quantile": 0.0, "value": 89500.0, "Latitude": 33.88, "Longitude": -118.31, "Population": 1371.0}, {"index": 8674, "quantile": 0.25, "value": 187500.0, "Latitude": 33.88, "Longitude": -118.31, "Population": 1371.0}, {"index": 8674, "quantile": 0.5, "value": 260700.00000000003, "Latitude": 33.88, "Longitude": -118.31, "Population": 1371.0}, {"index": 8674, "quantile": 0.75, "value": 260700.00000000003, "Latitude": 33.88, "Longitude": -118.31, "Population": 1371.0}, {"index": 8674, "quantile": 1.0, "value": 350900.0, "Latitude": 33.88, "Longitude": -118.31, "Population": 1371.0}, {"index": 8675, "quantile": 0.0, "value": 157800.0, "Latitude": 33.87, "Longitude": -118.32, "Population": 1967.0}, {"index": 8675, "quantile": 0.25, "value": 271900.0, "Latitude": 33.87, "Longitude": -118.32, "Population": 1967.0}, {"index": 8675, "quantile": 0.5, "value": 271900.0, "Latitude": 33.87, "Longitude": -118.32, "Population": 1967.0}, {"index": 8675, "quantile": 0.75, "value": 271900.0, "Latitude": 33.87, "Longitude": -118.32, "Population": 1967.0}, {"index": 8675, "quantile": 1.0, "value": 446800.0, "Latitude": 33.87, "Longitude": -118.32, "Population": 1967.0}, {"index": 8676, "quantile": 0.0, "value": 139700.0, "Latitude": 33.88, "Longitude": -118.32, "Population": 828.0}, {"index": 8676, "quantile": 0.25, "value": 215600.0, "Latitude": 33.88, "Longitude": -118.32, "Population": 828.0}, {"index": 8676, "quantile": 0.5, "value": 238700.0, "Latitude": 33.88, "Longitude": -118.32, "Population": 828.0}, {"index": 8676, "quantile": 0.75, "value": 285175.0, "Latitude": 33.88, "Longitude": -118.32, "Population": 828.0}, {"index": 8676, "quantile": 1.0, "value": 453700.0, "Latitude": 33.88, "Longitude": -118.32, "Population": 828.0}, {"index": 8677, "quantile": 0.0, "value": 157800.0, "Latitude": 33.88, "Longitude": -118.32, "Population": 947.0}, {"index": 8677, "quantile": 0.25, "value": 279600.0, "Latitude": 33.88, "Longitude": -118.32, "Population": 947.0}, {"index": 8677, "quantile": 0.5, "value": 280300.0, "Latitude": 33.88, "Longitude": -118.32, "Population": 947.0}, {"index": 8677, "quantile": 0.75, "value": 280300.0, "Latitude": 33.88, "Longitude": -118.32, "Population": 947.0}, {"index": 8677, "quantile": 1.0, "value": 350200.0, "Latitude": 33.88, "Longitude": -118.32, "Population": 947.0}, {"index": 8678, "quantile": 0.0, "value": 252300.0, "Latitude": 33.88, "Longitude": -118.32, "Population": 722.0}, {"index": 8678, "quantile": 0.25, "value": 269000.0, "Latitude": 33.88, "Longitude": -118.32, "Population": 722.0}, {"index": 8678, "quantile": 0.5, "value": 269000.0, "Latitude": 33.88, "Longitude": -118.32, "Population": 722.0}, {"index": 8678, "quantile": 0.75, "value": 300699.99999999994, "Latitude": 33.88, "Longitude": -118.32, "Population": 722.0}, {"index": 8678, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.32, "Population": 722.0}, {"index": 8679, "quantile": 0.0, "value": 134700.0, "Latitude": 33.88, "Longitude": -118.33, "Population": 899.0}, {"index": 8679, "quantile": 0.25, "value": 232249.99999999997, "Latitude": 33.88, "Longitude": -118.33, "Population": 899.0}, {"index": 8679, "quantile": 0.5, "value": 284100.0, "Latitude": 33.88, "Longitude": -118.33, "Population": 899.0}, {"index": 8679, "quantile": 0.75, "value": 328900.0, "Latitude": 33.88, "Longitude": -118.33, "Population": 899.0}, {"index": 8679, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -118.33, "Population": 899.0}, {"index": 8680, "quantile": 0.0, "value": 151600.0, "Latitude": 33.88, "Longitude": -118.33, "Population": 811.0}, {"index": 8680, "quantile": 0.25, "value": 245675.0, "Latitude": 33.88, "Longitude": -118.33, "Population": 811.0}, {"index": 8680, "quantile": 0.5, "value": 283300.0, "Latitude": 33.88, "Longitude": -118.33, "Population": 811.0}, {"index": 8680, "quantile": 0.75, "value": 283300.0, "Latitude": 33.88, "Longitude": -118.33, "Population": 811.0}, {"index": 8680, "quantile": 1.0, "value": 450000.0, "Latitude": 33.88, "Longitude": -118.33, "Population": 811.0}, {"index": 8681, "quantile": 0.0, "value": 108500.0, "Latitude": 33.87, "Longitude": -118.33, "Population": 373.0}, {"index": 8681, "quantile": 0.25, "value": 142600.0, "Latitude": 33.87, "Longitude": -118.33, "Population": 373.0}, {"index": 8681, "quantile": 0.5, "value": 175100.0, "Latitude": 33.87, "Longitude": -118.33, "Population": 373.0}, {"index": 8681, "quantile": 0.75, "value": 220174.99999999997, "Latitude": 33.87, "Longitude": -118.33, "Population": 373.0}, {"index": 8681, "quantile": 1.0, "value": 487500.0, "Latitude": 33.87, "Longitude": -118.33, "Population": 373.0}, {"index": 8682, "quantile": 0.0, "value": 164300.0, "Latitude": 33.87, "Longitude": -118.34, "Population": 2558.0}, {"index": 8682, "quantile": 0.25, "value": 266600.0, "Latitude": 33.87, "Longitude": -118.34, "Population": 2558.0}, {"index": 8682, "quantile": 0.5, "value": 266600.0, "Latitude": 33.87, "Longitude": -118.34, "Population": 2558.0}, {"index": 8682, "quantile": 0.75, "value": 266600.0, "Latitude": 33.87, "Longitude": -118.34, "Population": 2558.0}, {"index": 8682, "quantile": 1.0, "value": 382200.0, "Latitude": 33.87, "Longitude": -118.34, "Population": 2558.0}, {"index": 8683, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 33.88, "Longitude": -118.34, "Population": 1885.0}, {"index": 8683, "quantile": 0.25, "value": 215499.99999999997, "Latitude": 33.88, "Longitude": -118.34, "Population": 1885.0}, {"index": 8683, "quantile": 0.5, "value": 247700.0, "Latitude": 33.88, "Longitude": -118.34, "Population": 1885.0}, {"index": 8683, "quantile": 0.75, "value": 277900.0, "Latitude": 33.88, "Longitude": -118.34, "Population": 1885.0}, {"index": 8683, "quantile": 1.0, "value": 395700.0, "Latitude": 33.88, "Longitude": -118.34, "Population": 1885.0}, {"index": 8684, "quantile": 0.0, "value": 169400.0, "Latitude": 33.87, "Longitude": -118.31, "Population": 1545.0}, {"index": 8684, "quantile": 0.25, "value": 296300.0, "Latitude": 33.87, "Longitude": -118.31, "Population": 1545.0}, {"index": 8684, "quantile": 0.5, "value": 296300.0, "Latitude": 33.87, "Longitude": -118.31, "Population": 1545.0}, {"index": 8684, "quantile": 0.75, "value": 296300.0, "Latitude": 33.87, "Longitude": -118.31, "Population": 1545.0}, {"index": 8684, "quantile": 1.0, "value": 420099.99999999994, "Latitude": 33.87, "Longitude": -118.31, "Population": 1545.0}, {"index": 8685, "quantile": 0.0, "value": 220699.99999999997, "Latitude": 33.86, "Longitude": -118.31, "Population": 1051.0}, {"index": 8685, "quantile": 0.25, "value": 325200.0, "Latitude": 33.86, "Longitude": -118.31, "Population": 1051.0}, {"index": 8685, "quantile": 0.5, "value": 325200.0, "Latitude": 33.86, "Longitude": -118.31, "Population": 1051.0}, {"index": 8685, "quantile": 0.75, "value": 344775.0, "Latitude": 33.86, "Longitude": -118.31, "Population": 1051.0}, {"index": 8685, "quantile": 1.0, "value": 485300.0, "Latitude": 33.86, "Longitude": -118.31, "Population": 1051.0}, {"index": 8686, "quantile": 0.0, "value": 157800.0, "Latitude": 33.86, "Longitude": -118.32, "Population": 1715.0}, {"index": 8686, "quantile": 0.25, "value": 291700.0, "Latitude": 33.86, "Longitude": -118.32, "Population": 1715.0}, {"index": 8686, "quantile": 0.5, "value": 291700.0, "Latitude": 33.86, "Longitude": -118.32, "Population": 1715.0}, {"index": 8686, "quantile": 0.75, "value": 291700.0, "Latitude": 33.86, "Longitude": -118.32, "Population": 1715.0}, {"index": 8686, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.32, "Population": 1715.0}, {"index": 8687, "quantile": 0.0, "value": 200599.99999999997, "Latitude": 33.87, "Longitude": -118.32, "Population": 1212.0}, {"index": 8687, "quantile": 0.25, "value": 282925.0, "Latitude": 33.87, "Longitude": -118.32, "Population": 1212.0}, {"index": 8687, "quantile": 0.5, "value": 283800.0, "Latitude": 33.87, "Longitude": -118.32, "Population": 1212.0}, {"index": 8687, "quantile": 0.75, "value": 283800.0, "Latitude": 33.87, "Longitude": -118.32, "Population": 1212.0}, {"index": 8687, "quantile": 1.0, "value": 350200.0, "Latitude": 33.87, "Longitude": -118.32, "Population": 1212.0}, {"index": 8688, "quantile": 0.0, "value": 151300.0, "Latitude": 33.87, "Longitude": -118.34, "Population": 601.0}, {"index": 8688, "quantile": 0.25, "value": 255900.00000000003, "Latitude": 33.87, "Longitude": -118.34, "Population": 601.0}, {"index": 8688, "quantile": 0.5, "value": 255900.00000000003, "Latitude": 33.87, "Longitude": -118.34, "Population": 601.0}, {"index": 8688, "quantile": 0.75, "value": 255900.00000000003, "Latitude": 33.87, "Longitude": -118.34, "Population": 601.0}, {"index": 8688, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.34, "Population": 601.0}, {"index": 8689, "quantile": 0.0, "value": 172100.0, "Latitude": 33.87, "Longitude": -118.33, "Population": 1219.0}, {"index": 8689, "quantile": 0.25, "value": 232475.0, "Latitude": 33.87, "Longitude": -118.33, "Population": 1219.0}, {"index": 8689, "quantile": 0.5, "value": 267100.0, "Latitude": 33.87, "Longitude": -118.33, "Population": 1219.0}, {"index": 8689, "quantile": 0.75, "value": 267100.0, "Latitude": 33.87, "Longitude": -118.33, "Population": 1219.0}, {"index": 8689, "quantile": 1.0, "value": 293300.0, "Latitude": 33.87, "Longitude": -118.33, "Population": 1219.0}, {"index": 8690, "quantile": 0.0, "value": 189100.0, "Latitude": 33.87, "Longitude": -118.33, "Population": 385.0}, {"index": 8690, "quantile": 0.25, "value": 252300.0, "Latitude": 33.87, "Longitude": -118.33, "Population": 385.0}, {"index": 8690, "quantile": 0.5, "value": 277600.0, "Latitude": 33.87, "Longitude": -118.33, "Population": 385.0}, {"index": 8690, "quantile": 0.75, "value": 344100.0, "Latitude": 33.87, "Longitude": -118.33, "Population": 385.0}, {"index": 8690, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -118.33, "Population": 385.0}, {"index": 8691, "quantile": 0.0, "value": 205399.99999999997, "Latitude": 33.86, "Longitude": -118.32, "Population": 269.0}, {"index": 8691, "quantile": 0.25, "value": 252300.0, "Latitude": 33.86, "Longitude": -118.32, "Population": 269.0}, {"index": 8691, "quantile": 0.5, "value": 252300.0, "Latitude": 33.86, "Longitude": -118.32, "Population": 269.0}, {"index": 8691, "quantile": 0.75, "value": 312100.0, "Latitude": 33.86, "Longitude": -118.32, "Population": 269.0}, {"index": 8691, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.32, "Population": 269.0}, {"index": 8692, "quantile": 0.0, "value": 205399.99999999997, "Latitude": 33.86, "Longitude": -118.33, "Population": 519.0}, {"index": 8692, "quantile": 0.25, "value": 255399.99999999997, "Latitude": 33.86, "Longitude": -118.33, "Population": 519.0}, {"index": 8692, "quantile": 0.5, "value": 255399.99999999997, "Latitude": 33.86, "Longitude": -118.33, "Population": 519.0}, {"index": 8692, "quantile": 0.75, "value": 262300.0, "Latitude": 33.86, "Longitude": -118.33, "Population": 519.0}, {"index": 8692, "quantile": 1.0, "value": 431799.99999999994, "Latitude": 33.86, "Longitude": -118.33, "Population": 519.0}, {"index": 8693, "quantile": 0.0, "value": 97200.0, "Latitude": 33.86, "Longitude": -118.33, "Population": 473.0}, {"index": 8693, "quantile": 0.25, "value": 259600.0, "Latitude": 33.86, "Longitude": -118.33, "Population": 473.0}, {"index": 8693, "quantile": 0.5, "value": 259600.0, "Latitude": 33.86, "Longitude": -118.33, "Population": 473.0}, {"index": 8693, "quantile": 0.75, "value": 265625.0, "Latitude": 33.86, "Longitude": -118.33, "Population": 473.0}, {"index": 8693, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.33, "Population": 473.0}, {"index": 8694, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 33.86, "Longitude": -118.33, "Population": 561.0}, {"index": 8694, "quantile": 0.25, "value": 217974.99999999997, "Latitude": 33.86, "Longitude": -118.33, "Population": 561.0}, {"index": 8694, "quantile": 0.5, "value": 248600.00000000003, "Latitude": 33.86, "Longitude": -118.33, "Population": 561.0}, {"index": 8694, "quantile": 0.75, "value": 248600.00000000003, "Latitude": 33.86, "Longitude": -118.33, "Population": 561.0}, {"index": 8694, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.33, "Population": 561.0}, {"index": 8695, "quantile": 0.0, "value": 118600.0, "Latitude": 33.86, "Longitude": -118.34, "Population": 1162.0}, {"index": 8695, "quantile": 0.25, "value": 263850.0, "Latitude": 33.86, "Longitude": -118.34, "Population": 1162.0}, {"index": 8695, "quantile": 0.5, "value": 279400.0, "Latitude": 33.86, "Longitude": -118.34, "Population": 1162.0}, {"index": 8695, "quantile": 0.75, "value": 279400.0, "Latitude": 33.86, "Longitude": -118.34, "Population": 1162.0}, {"index": 8695, "quantile": 1.0, "value": 353600.0, "Latitude": 33.86, "Longitude": -118.34, "Population": 1162.0}, {"index": 8696, "quantile": 0.0, "value": 185100.0, "Latitude": 33.86, "Longitude": -118.34, "Population": 1008.0}, {"index": 8696, "quantile": 0.25, "value": 281725.0, "Latitude": 33.86, "Longitude": -118.34, "Population": 1008.0}, {"index": 8696, "quantile": 0.5, "value": 285900.0, "Latitude": 33.86, "Longitude": -118.34, "Population": 1008.0}, {"index": 8696, "quantile": 0.75, "value": 285900.0, "Latitude": 33.86, "Longitude": -118.34, "Population": 1008.0}, {"index": 8696, "quantile": 1.0, "value": 359900.0, "Latitude": 33.86, "Longitude": -118.34, "Population": 1008.0}, {"index": 8697, "quantile": 0.0, "value": 157800.0, "Latitude": 33.87, "Longitude": -118.34, "Population": 1445.0}, {"index": 8697, "quantile": 0.25, "value": 280199.99999999994, "Latitude": 33.87, "Longitude": -118.34, "Population": 1445.0}, {"index": 8697, "quantile": 0.5, "value": 286500.0, "Latitude": 33.87, "Longitude": -118.34, "Population": 1445.0}, {"index": 8697, "quantile": 0.75, "value": 286500.0, "Latitude": 33.87, "Longitude": -118.34, "Population": 1445.0}, {"index": 8697, "quantile": 1.0, "value": 446800.0, "Latitude": 33.87, "Longitude": -118.34, "Population": 1445.0}, {"index": 8698, "quantile": 0.0, "value": 160200.0, "Latitude": 33.87, "Longitude": -118.35, "Population": 886.0}, {"index": 8698, "quantile": 0.25, "value": 190675.0, "Latitude": 33.87, "Longitude": -118.35, "Population": 886.0}, {"index": 8698, "quantile": 0.5, "value": 208400.0, "Latitude": 33.87, "Longitude": -118.35, "Population": 886.0}, {"index": 8698, "quantile": 0.75, "value": 238550.0, "Latitude": 33.87, "Longitude": -118.35, "Population": 886.0}, {"index": 8698, "quantile": 1.0, "value": 342800.0, "Latitude": 33.87, "Longitude": -118.35, "Population": 886.0}, {"index": 8699, "quantile": 0.0, "value": 201399.99999999997, "Latitude": 33.87, "Longitude": -118.35, "Population": 1429.0}, {"index": 8699, "quantile": 0.25, "value": 279600.0, "Latitude": 33.87, "Longitude": -118.35, "Population": 1429.0}, {"index": 8699, "quantile": 0.5, "value": 279600.0, "Latitude": 33.87, "Longitude": -118.35, "Population": 1429.0}, {"index": 8699, "quantile": 0.75, "value": 279600.0, "Latitude": 33.87, "Longitude": -118.35, "Population": 1429.0}, {"index": 8699, "quantile": 1.0, "value": 354200.0, "Latitude": 33.87, "Longitude": -118.35, "Population": 1429.0}, {"index": 8700, "quantile": 0.0, "value": 155500.0, "Latitude": 33.87, "Longitude": -118.35, "Population": 1369.0}, {"index": 8700, "quantile": 0.25, "value": 206850.00000000003, "Latitude": 33.87, "Longitude": -118.35, "Population": 1369.0}, {"index": 8700, "quantile": 0.5, "value": 249300.00000000003, "Latitude": 33.87, "Longitude": -118.35, "Population": 1369.0}, {"index": 8700, "quantile": 0.75, "value": 265000.0, "Latitude": 33.87, "Longitude": -118.35, "Population": 1369.0}, {"index": 8700, "quantile": 1.0, "value": 436400.0, "Latitude": 33.87, "Longitude": -118.35, "Population": 1369.0}, {"index": 8701, "quantile": 0.0, "value": 139700.0, "Latitude": 33.86, "Longitude": -118.35, "Population": 1216.0}, {"index": 8701, "quantile": 0.25, "value": 209249.99999999997, "Latitude": 33.86, "Longitude": -118.35, "Population": 1216.0}, {"index": 8701, "quantile": 0.5, "value": 241400.00000000003, "Latitude": 33.86, "Longitude": -118.35, "Population": 1216.0}, {"index": 8701, "quantile": 0.75, "value": 264500.0, "Latitude": 33.86, "Longitude": -118.35, "Population": 1216.0}, {"index": 8701, "quantile": 1.0, "value": 362600.0, "Latitude": 33.86, "Longitude": -118.35, "Population": 1216.0}, {"index": 8702, "quantile": 0.0, "value": 150900.0, "Latitude": 33.86, "Longitude": -118.35, "Population": 971.0}, {"index": 8702, "quantile": 0.25, "value": 271300.0, "Latitude": 33.86, "Longitude": -118.35, "Population": 971.0}, {"index": 8702, "quantile": 0.5, "value": 271300.0, "Latitude": 33.86, "Longitude": -118.35, "Population": 971.0}, {"index": 8702, "quantile": 0.75, "value": 295250.0, "Latitude": 33.86, "Longitude": -118.35, "Population": 971.0}, {"index": 8702, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.35, "Population": 971.0}, {"index": 8703, "quantile": 0.0, "value": 220800.00000000003, "Latitude": 33.84, "Longitude": -118.34, "Population": 740.0}, {"index": 8703, "quantile": 0.25, "value": 274625.00000000006, "Latitude": 33.84, "Longitude": -118.34, "Population": 740.0}, {"index": 8703, "quantile": 0.5, "value": 339500.0, "Latitude": 33.84, "Longitude": -118.34, "Population": 740.0}, {"index": 8703, "quantile": 0.75, "value": 366900.0, "Latitude": 33.84, "Longitude": -118.34, "Population": 740.0}, {"index": 8703, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -118.34, "Population": 740.0}, {"index": 8704, "quantile": 0.0, "value": 157800.0, "Latitude": 33.84, "Longitude": -118.33, "Population": 668.0}, {"index": 8704, "quantile": 0.25, "value": 314100.0, "Latitude": 33.84, "Longitude": -118.33, "Population": 668.0}, {"index": 8704, "quantile": 0.5, "value": 314100.0, "Latitude": 33.84, "Longitude": -118.33, "Population": 668.0}, {"index": 8704, "quantile": 0.75, "value": 314100.0, "Latitude": 33.84, "Longitude": -118.33, "Population": 668.0}, {"index": 8704, "quantile": 1.0, "value": 489799.99999999994, "Latitude": 33.84, "Longitude": -118.33, "Population": 668.0}, {"index": 8705, "quantile": 0.0, "value": 197600.0, "Latitude": 33.84, "Longitude": -118.34, "Population": 676.0}, {"index": 8705, "quantile": 0.25, "value": 331900.0, "Latitude": 33.84, "Longitude": -118.34, "Population": 676.0}, {"index": 8705, "quantile": 0.5, "value": 331900.0, "Latitude": 33.84, "Longitude": -118.34, "Population": 676.0}, {"index": 8705, "quantile": 0.75, "value": 331900.0, "Latitude": 33.84, "Longitude": -118.34, "Population": 676.0}, {"index": 8705, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -118.34, "Population": 676.0}, {"index": 8706, "quantile": 0.0, "value": 186900.0, "Latitude": 33.83, "Longitude": -118.34, "Population": 965.0}, {"index": 8706, "quantile": 0.25, "value": 244425.00000000003, "Latitude": 33.83, "Longitude": -118.34, "Population": 965.0}, {"index": 8706, "quantile": 0.5, "value": 285900.0, "Latitude": 33.83, "Longitude": -118.34, "Population": 965.0}, {"index": 8706, "quantile": 0.75, "value": 331900.0, "Latitude": 33.83, "Longitude": -118.34, "Population": 965.0}, {"index": 8706, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.34, "Population": 965.0}, {"index": 8707, "quantile": 0.0, "value": 215899.99999999997, "Latitude": 33.83, "Longitude": -118.34, "Population": 853.0}, {"index": 8707, "quantile": 0.25, "value": 350900.0, "Latitude": 33.83, "Longitude": -118.34, "Population": 853.0}, {"index": 8707, "quantile": 0.5, "value": 350900.0, "Latitude": 33.83, "Longitude": -118.34, "Population": 853.0}, {"index": 8707, "quantile": 0.75, "value": 356000.0, "Latitude": 33.83, "Longitude": -118.34, "Population": 853.0}, {"index": 8707, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.34, "Population": 853.0}, {"index": 8708, "quantile": 0.0, "value": 218500.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 583.0}, {"index": 8708, "quantile": 0.25, "value": 330700.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 583.0}, {"index": 8708, "quantile": 0.5, "value": 330700.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 583.0}, {"index": 8708, "quantile": 0.75, "value": 330700.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 583.0}, {"index": 8708, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.36, "Population": 583.0}, {"index": 8709, "quantile": 0.0, "value": 173300.0, "Latitude": 33.85, "Longitude": -118.35, "Population": 916.0}, {"index": 8709, "quantile": 0.25, "value": 333175.0, "Latitude": 33.85, "Longitude": -118.35, "Population": 916.0}, {"index": 8709, "quantile": 0.5, "value": 354200.0, "Latitude": 33.85, "Longitude": -118.35, "Population": 916.0}, {"index": 8709, "quantile": 0.75, "value": 354200.0, "Latitude": 33.85, "Longitude": -118.35, "Population": 916.0}, {"index": 8709, "quantile": 1.0, "value": 354200.0, "Latitude": 33.85, "Longitude": -118.35, "Population": 916.0}, {"index": 8710, "quantile": 0.0, "value": 88900.0, "Latitude": 33.85, "Longitude": -118.35, "Population": 551.0}, {"index": 8710, "quantile": 0.25, "value": 242349.99999999997, "Latitude": 33.85, "Longitude": -118.35, "Population": 551.0}, {"index": 8710, "quantile": 0.5, "value": 302149.99999999994, "Latitude": 33.85, "Longitude": -118.35, "Population": 551.0}, {"index": 8710, "quantile": 0.75, "value": 350050.0, "Latitude": 33.85, "Longitude": -118.35, "Population": 551.0}, {"index": 8710, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.35, "Population": 551.0}, {"index": 8711, "quantile": 0.0, "value": 146400.0, "Latitude": 33.85, "Longitude": -118.36, "Population": 683.0}, {"index": 8711, "quantile": 0.25, "value": 250774.99999999997, "Latitude": 33.85, "Longitude": -118.36, "Population": 683.0}, {"index": 8711, "quantile": 0.5, "value": 334400.0, "Latitude": 33.85, "Longitude": -118.36, "Population": 683.0}, {"index": 8711, "quantile": 0.75, "value": 334400.0, "Latitude": 33.85, "Longitude": -118.36, "Population": 683.0}, {"index": 8711, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.36, "Population": 683.0}, {"index": 8712, "quantile": 0.0, "value": 146200.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 360.0}, {"index": 8712, "quantile": 0.25, "value": 242300.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 360.0}, {"index": 8712, "quantile": 0.5, "value": 284850.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 360.0}, {"index": 8712, "quantile": 0.75, "value": 331900.0, "Latitude": 33.86, "Longitude": -118.36, "Population": 360.0}, {"index": 8712, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -118.36, "Population": 360.0}, {"index": 8713, "quantile": 0.0, "value": 156000.0, "Latitude": 33.85, "Longitude": -118.37, "Population": 1278.0}, {"index": 8713, "quantile": 0.25, "value": 248525.00000000003, "Latitude": 33.85, "Longitude": -118.37, "Population": 1278.0}, {"index": 8713, "quantile": 0.5, "value": 341200.0, "Latitude": 33.85, "Longitude": -118.37, "Population": 1278.0}, {"index": 8713, "quantile": 0.75, "value": 341200.0, "Latitude": 33.85, "Longitude": -118.37, "Population": 1278.0}, {"index": 8713, "quantile": 1.0, "value": 366900.0, "Latitude": 33.85, "Longitude": -118.37, "Population": 1278.0}, {"index": 8714, "quantile": 0.0, "value": 88900.0, "Latitude": 33.85, "Longitude": -118.36, "Population": 509.0}, {"index": 8714, "quantile": 0.25, "value": 192225.0, "Latitude": 33.85, "Longitude": -118.36, "Population": 509.0}, {"index": 8714, "quantile": 0.5, "value": 229199.99999999997, "Latitude": 33.85, "Longitude": -118.36, "Population": 509.0}, {"index": 8714, "quantile": 0.75, "value": 259375.0, "Latitude": 33.85, "Longitude": -118.36, "Population": 509.0}, {"index": 8714, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.36, "Population": 509.0}, {"index": 8715, "quantile": 0.0, "value": 190200.0, "Latitude": 33.85, "Longitude": -118.37, "Population": 2537.0}, {"index": 8715, "quantile": 0.25, "value": 342225.0, "Latitude": 33.85, "Longitude": -118.37, "Population": 2537.0}, {"index": 8715, "quantile": 0.5, "value": 395300.0, "Latitude": 33.85, "Longitude": -118.37, "Population": 2537.0}, {"index": 8715, "quantile": 0.75, "value": 395300.0, "Latitude": 33.85, "Longitude": -118.37, "Population": 2537.0}, {"index": 8715, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.37, "Population": 2537.0}, {"index": 8716, "quantile": 0.0, "value": 212100.0, "Latitude": 33.84, "Longitude": -118.35, "Population": 7180.0}, {"index": 8716, "quantile": 0.25, "value": 354700.0, "Latitude": 33.84, "Longitude": -118.35, "Population": 7180.0}, {"index": 8716, "quantile": 0.5, "value": 354700.0, "Latitude": 33.84, "Longitude": -118.35, "Population": 7180.0}, {"index": 8716, "quantile": 0.75, "value": 354700.0, "Latitude": 33.84, "Longitude": -118.35, "Population": 7180.0}, {"index": 8716, "quantile": 1.0, "value": 404500.0, "Latitude": 33.84, "Longitude": -118.35, "Population": 7180.0}, {"index": 8717, "quantile": 0.0, "value": 145700.0, "Latitude": 33.84, "Longitude": -118.36, "Population": 6664.0}, {"index": 8717, "quantile": 0.25, "value": 278300.0, "Latitude": 33.84, "Longitude": -118.36, "Population": 6664.0}, {"index": 8717, "quantile": 0.5, "value": 361300.0, "Latitude": 33.84, "Longitude": -118.36, "Population": 6664.0}, {"index": 8717, "quantile": 0.75, "value": 361300.0, "Latitude": 33.84, "Longitude": -118.36, "Population": 6664.0}, {"index": 8717, "quantile": 1.0, "value": 450000.0, "Latitude": 33.84, "Longitude": -118.36, "Population": 6664.0}, {"index": 8718, "quantile": 0.0, "value": 189100.0, "Latitude": 33.85, "Longitude": -118.37, "Population": 1626.0}, {"index": 8718, "quantile": 0.25, "value": 287100.0, "Latitude": 33.85, "Longitude": -118.37, "Population": 1626.0}, {"index": 8718, "quantile": 0.5, "value": 335900.0, "Latitude": 33.85, "Longitude": -118.37, "Population": 1626.0}, {"index": 8718, "quantile": 0.75, "value": 368175.0, "Latitude": 33.85, "Longitude": -118.37, "Population": 1626.0}, {"index": 8718, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.37, "Population": 1626.0}, {"index": 8719, "quantile": 0.0, "value": 159600.0, "Latitude": 33.84, "Longitude": -118.37, "Population": 1572.0}, {"index": 8719, "quantile": 0.25, "value": 271425.0, "Latitude": 33.84, "Longitude": -118.37, "Population": 1572.0}, {"index": 8719, "quantile": 0.5, "value": 286500.0, "Latitude": 33.84, "Longitude": -118.37, "Population": 1572.0}, {"index": 8719, "quantile": 0.75, "value": 297875.0, "Latitude": 33.84, "Longitude": -118.37, "Population": 1572.0}, {"index": 8719, "quantile": 1.0, "value": 453700.0, "Latitude": 33.84, "Longitude": -118.37, "Population": 1572.0}, {"index": 8720, "quantile": 0.0, "value": 97200.0, "Latitude": 33.83, "Longitude": -118.35, "Population": 522.0}, {"index": 8720, "quantile": 0.25, "value": 260725.0, "Latitude": 33.83, "Longitude": -118.35, "Population": 522.0}, {"index": 8720, "quantile": 0.5, "value": 342000.0, "Latitude": 33.83, "Longitude": -118.35, "Population": 522.0}, {"index": 8720, "quantile": 0.75, "value": 342000.0, "Latitude": 33.83, "Longitude": -118.35, "Population": 522.0}, {"index": 8720, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.35, "Population": 522.0}, {"index": 8721, "quantile": 0.0, "value": 156000.0, "Latitude": 33.83, "Longitude": -118.36, "Population": 943.0}, {"index": 8721, "quantile": 0.25, "value": 232100.00000000003, "Latitude": 33.83, "Longitude": -118.36, "Population": 943.0}, {"index": 8721, "quantile": 0.5, "value": 353600.0, "Latitude": 33.83, "Longitude": -118.36, "Population": 943.0}, {"index": 8721, "quantile": 0.75, "value": 353600.0, "Latitude": 33.83, "Longitude": -118.36, "Population": 943.0}, {"index": 8721, "quantile": 1.0, "value": 353600.0, "Latitude": 33.83, "Longitude": -118.36, "Population": 943.0}, {"index": 8722, "quantile": 0.0, "value": 185100.0, "Latitude": 33.84, "Longitude": -118.36, "Population": 743.0}, {"index": 8722, "quantile": 0.25, "value": 343000.0, "Latitude": 33.84, "Longitude": -118.36, "Population": 743.0}, {"index": 8722, "quantile": 0.5, "value": 343000.0, "Latitude": 33.84, "Longitude": -118.36, "Population": 743.0}, {"index": 8722, "quantile": 0.75, "value": 343000.0, "Latitude": 33.84, "Longitude": -118.36, "Population": 743.0}, {"index": 8722, "quantile": 1.0, "value": 453700.0, "Latitude": 33.84, "Longitude": -118.36, "Population": 743.0}, {"index": 8723, "quantile": 0.0, "value": 158000.0, "Latitude": 33.84, "Longitude": -118.37, "Population": 978.0}, {"index": 8723, "quantile": 0.25, "value": 262350.0, "Latitude": 33.84, "Longitude": -118.37, "Population": 978.0}, {"index": 8723, "quantile": 0.5, "value": 342800.0, "Latitude": 33.84, "Longitude": -118.37, "Population": 978.0}, {"index": 8723, "quantile": 0.75, "value": 342800.0, "Latitude": 33.84, "Longitude": -118.37, "Population": 978.0}, {"index": 8723, "quantile": 1.0, "value": 354200.0, "Latitude": 33.84, "Longitude": -118.37, "Population": 978.0}, {"index": 8724, "quantile": 0.0, "value": 186900.0, "Latitude": 33.83, "Longitude": -118.36, "Population": 645.0}, {"index": 8724, "quantile": 0.25, "value": 294675.0, "Latitude": 33.83, "Longitude": -118.36, "Population": 645.0}, {"index": 8724, "quantile": 0.5, "value": 357600.0, "Latitude": 33.83, "Longitude": -118.36, "Population": 645.0}, {"index": 8724, "quantile": 0.75, "value": 440100.0, "Latitude": 33.83, "Longitude": -118.36, "Population": 645.0}, {"index": 8724, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.36, "Population": 645.0}, {"index": 8725, "quantile": 0.0, "value": 218100.0, "Latitude": 33.83, "Longitude": -118.36, "Population": 1439.0}, {"index": 8725, "quantile": 0.25, "value": 289425.0, "Latitude": 33.83, "Longitude": -118.36, "Population": 1439.0}, {"index": 8725, "quantile": 0.5, "value": 350200.0, "Latitude": 33.83, "Longitude": -118.36, "Population": 1439.0}, {"index": 8725, "quantile": 0.75, "value": 350200.0, "Latitude": 33.83, "Longitude": -118.36, "Population": 1439.0}, {"index": 8725, "quantile": 1.0, "value": 377200.0, "Latitude": 33.83, "Longitude": -118.36, "Population": 1439.0}, {"index": 8726, "quantile": 0.0, "value": 157800.0, "Latitude": 33.83, "Longitude": -118.37, "Population": 601.0}, {"index": 8726, "quantile": 0.25, "value": 329275.0, "Latitude": 33.83, "Longitude": -118.37, "Population": 601.0}, {"index": 8726, "quantile": 0.5, "value": 353400.0, "Latitude": 33.83, "Longitude": -118.37, "Population": 601.0}, {"index": 8726, "quantile": 0.75, "value": 353400.0, "Latitude": 33.83, "Longitude": -118.37, "Population": 601.0}, {"index": 8726, "quantile": 1.0, "value": 456100.0, "Latitude": 33.83, "Longitude": -118.37, "Population": 601.0}, {"index": 8727, "quantile": 0.0, "value": 225999.99999999997, "Latitude": 33.84, "Longitude": -118.37, "Population": 819.0}, {"index": 8727, "quantile": 0.25, "value": 339000.0, "Latitude": 33.84, "Longitude": -118.37, "Population": 819.0}, {"index": 8727, "quantile": 0.5, "value": 339000.0, "Latitude": 33.84, "Longitude": -118.37, "Population": 819.0}, {"index": 8727, "quantile": 0.75, "value": 339000.0, "Latitude": 33.84, "Longitude": -118.37, "Population": 819.0}, {"index": 8727, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -118.37, "Population": 819.0}, {"index": 8728, "quantile": 0.0, "value": 175000.0, "Latitude": 33.83, "Longitude": -118.33, "Population": 5272.0}, {"index": 8728, "quantile": 0.25, "value": 218775.0, "Latitude": 33.83, "Longitude": -118.33, "Population": 5272.0}, {"index": 8728, "quantile": 0.5, "value": 279050.0, "Latitude": 33.83, "Longitude": -118.33, "Population": 5272.0}, {"index": 8728, "quantile": 0.75, "value": 311050.0, "Latitude": 33.83, "Longitude": -118.33, "Population": 5272.0}, {"index": 8728, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.33, "Population": 5272.0}, {"index": 8729, "quantile": 0.0, "value": 121500.00000000001, "Latitude": 33.85, "Longitude": -118.32, "Population": 1859.0}, {"index": 8729, "quantile": 0.25, "value": 200599.99999999997, "Latitude": 33.85, "Longitude": -118.32, "Population": 1859.0}, {"index": 8729, "quantile": 0.5, "value": 229000.0, "Latitude": 33.85, "Longitude": -118.32, "Population": 1859.0}, {"index": 8729, "quantile": 0.75, "value": 264500.0, "Latitude": 33.85, "Longitude": -118.32, "Population": 1859.0}, {"index": 8729, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.32, "Population": 1859.0}, {"index": 8730, "quantile": 0.0, "value": 100000.0, "Latitude": 33.84, "Longitude": -118.31, "Population": 1068.0}, {"index": 8730, "quantile": 0.25, "value": 161975.0, "Latitude": 33.84, "Longitude": -118.31, "Population": 1068.0}, {"index": 8730, "quantile": 0.5, "value": 196450.0, "Latitude": 33.84, "Longitude": -118.31, "Population": 1068.0}, {"index": 8730, "quantile": 0.75, "value": 236800.0, "Latitude": 33.84, "Longitude": -118.31, "Population": 1068.0}, {"index": 8730, "quantile": 1.0, "value": 440900.0, "Latitude": 33.84, "Longitude": -118.31, "Population": 1068.0}, {"index": 8731, "quantile": 0.0, "value": 134700.0, "Latitude": 33.83, "Longitude": -118.32, "Population": 1160.0}, {"index": 8731, "quantile": 0.25, "value": 280800.0, "Latitude": 33.83, "Longitude": -118.32, "Population": 1160.0}, {"index": 8731, "quantile": 0.5, "value": 318900.0, "Latitude": 33.83, "Longitude": -118.32, "Population": 1160.0}, {"index": 8731, "quantile": 0.75, "value": 318900.0, "Latitude": 33.83, "Longitude": -118.32, "Population": 1160.0}, {"index": 8731, "quantile": 1.0, "value": 342900.0, "Latitude": 33.83, "Longitude": -118.32, "Population": 1160.0}, {"index": 8732, "quantile": 0.0, "value": 61200.0, "Latitude": 33.84, "Longitude": -118.32, "Population": 897.0}, {"index": 8732, "quantile": 0.25, "value": 189150.0, "Latitude": 33.84, "Longitude": -118.32, "Population": 897.0}, {"index": 8732, "quantile": 0.5, "value": 376100.0, "Latitude": 33.84, "Longitude": -118.32, "Population": 897.0}, {"index": 8732, "quantile": 0.75, "value": 376100.0, "Latitude": 33.84, "Longitude": -118.32, "Population": 897.0}, {"index": 8732, "quantile": 1.0, "value": 376100.0, "Latitude": 33.84, "Longitude": -118.32, "Population": 897.0}, {"index": 8733, "quantile": 0.0, "value": 17500.0, "Latitude": 33.83, "Longitude": -118.31, "Population": 382.0}, {"index": 8733, "quantile": 0.25, "value": 204999.99999999997, "Latitude": 33.83, "Longitude": -118.31, "Population": 382.0}, {"index": 8733, "quantile": 0.5, "value": 268550.0, "Latitude": 33.83, "Longitude": -118.31, "Population": 382.0}, {"index": 8733, "quantile": 0.75, "value": 358700.0, "Latitude": 33.83, "Longitude": -118.31, "Population": 382.0}, {"index": 8733, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -118.31, "Population": 382.0}, {"index": 8734, "quantile": 0.0, "value": 95200.0, "Latitude": 33.83, "Longitude": -118.31, "Population": 1635.0}, {"index": 8734, "quantile": 0.25, "value": 235600.0, "Latitude": 33.83, "Longitude": -118.31, "Population": 1635.0}, {"index": 8734, "quantile": 0.5, "value": 273000.0, "Latitude": 33.83, "Longitude": -118.31, "Population": 1635.0}, {"index": 8734, "quantile": 0.75, "value": 273000.0, "Latitude": 33.83, "Longitude": -118.31, "Population": 1635.0}, {"index": 8734, "quantile": 1.0, "value": 450000.0, "Latitude": 33.83, "Longitude": -118.31, "Population": 1635.0}, {"index": 8735, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 33.82, "Longitude": -118.31, "Population": 1902.0}, {"index": 8735, "quantile": 0.25, "value": 261750.00000000003, "Latitude": 33.82, "Longitude": -118.31, "Population": 1902.0}, {"index": 8735, "quantile": 0.5, "value": 279900.0, "Latitude": 33.82, "Longitude": -118.31, "Population": 1902.0}, {"index": 8735, "quantile": 0.75, "value": 279900.0, "Latitude": 33.82, "Longitude": -118.31, "Population": 1902.0}, {"index": 8735, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.31, "Population": 1902.0}, {"index": 8736, "quantile": 0.0, "value": 112500.0, "Latitude": 33.83, "Longitude": -118.32, "Population": 2105.0}, {"index": 8736, "quantile": 0.25, "value": 290100.0, "Latitude": 33.83, "Longitude": -118.32, "Population": 2105.0}, {"index": 8736, "quantile": 0.5, "value": 310000.0, "Latitude": 33.83, "Longitude": -118.32, "Population": 2105.0}, {"index": 8736, "quantile": 0.75, "value": 310000.0, "Latitude": 33.83, "Longitude": -118.32, "Population": 2105.0}, {"index": 8736, "quantile": 1.0, "value": 420200.0, "Latitude": 33.83, "Longitude": -118.32, "Population": 2105.0}, {"index": 8737, "quantile": 0.0, "value": 156400.0, "Latitude": 33.82, "Longitude": -118.31, "Population": 1160.0}, {"index": 8737, "quantile": 0.25, "value": 246800.0, "Latitude": 33.82, "Longitude": -118.31, "Population": 1160.0}, {"index": 8737, "quantile": 0.5, "value": 323700.0, "Latitude": 33.82, "Longitude": -118.31, "Population": 1160.0}, {"index": 8737, "quantile": 0.75, "value": 323700.0, "Latitude": 33.82, "Longitude": -118.31, "Population": 1160.0}, {"index": 8737, "quantile": 1.0, "value": 417600.0, "Latitude": 33.82, "Longitude": -118.31, "Population": 1160.0}, {"index": 8738, "quantile": 0.0, "value": 198900.0, "Latitude": 33.82, "Longitude": -118.31, "Population": 1195.0}, {"index": 8738, "quantile": 0.25, "value": 251125.0, "Latitude": 33.82, "Longitude": -118.31, "Population": 1195.0}, {"index": 8738, "quantile": 0.5, "value": 361700.0, "Latitude": 33.82, "Longitude": -118.31, "Population": 1195.0}, {"index": 8738, "quantile": 0.75, "value": 361700.0, "Latitude": 33.82, "Longitude": -118.31, "Population": 1195.0}, {"index": 8738, "quantile": 1.0, "value": 361700.0, "Latitude": 33.82, "Longitude": -118.31, "Population": 1195.0}, {"index": 8739, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 33.81, "Longitude": -118.31, "Population": 1679.0}, {"index": 8739, "quantile": 0.25, "value": 362600.0, "Latitude": 33.81, "Longitude": -118.31, "Population": 1679.0}, {"index": 8739, "quantile": 0.5, "value": 362600.0, "Latitude": 33.81, "Longitude": -118.31, "Population": 1679.0}, {"index": 8739, "quantile": 0.75, "value": 362600.0, "Latitude": 33.81, "Longitude": -118.31, "Population": 1679.0}, {"index": 8739, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.31, "Population": 1679.0}, {"index": 8740, "quantile": 0.0, "value": 139700.0, "Latitude": 33.81, "Longitude": -118.31, "Population": 905.0}, {"index": 8740, "quantile": 0.25, "value": 225749.99999999997, "Latitude": 33.81, "Longitude": -118.31, "Population": 905.0}, {"index": 8740, "quantile": 0.5, "value": 277900.0, "Latitude": 33.81, "Longitude": -118.31, "Population": 905.0}, {"index": 8740, "quantile": 0.75, "value": 323700.0, "Latitude": 33.81, "Longitude": -118.31, "Population": 905.0}, {"index": 8740, "quantile": 1.0, "value": 395700.0, "Latitude": 33.81, "Longitude": -118.31, "Population": 905.0}, {"index": 8741, "quantile": 0.0, "value": 151400.0, "Latitude": 33.82, "Longitude": -118.32, "Population": 1219.0}, {"index": 8741, "quantile": 0.25, "value": 341225.0, "Latitude": 33.82, "Longitude": -118.32, "Population": 1219.0}, {"index": 8741, "quantile": 0.5, "value": 382100.0, "Latitude": 33.82, "Longitude": -118.32, "Population": 1219.0}, {"index": 8741, "quantile": 0.75, "value": 382100.0, "Latitude": 33.82, "Longitude": -118.32, "Population": 1219.0}, {"index": 8741, "quantile": 1.0, "value": 382100.0, "Latitude": 33.82, "Longitude": -118.32, "Population": 1219.0}, {"index": 8742, "quantile": 0.0, "value": 141200.0, "Latitude": 33.82, "Longitude": -118.32, "Population": 1254.0}, {"index": 8742, "quantile": 0.25, "value": 379500.0, "Latitude": 33.82, "Longitude": -118.32, "Population": 1254.0}, {"index": 8742, "quantile": 0.5, "value": 379500.0, "Latitude": 33.82, "Longitude": -118.32, "Population": 1254.0}, {"index": 8742, "quantile": 0.75, "value": 379500.0, "Latitude": 33.82, "Longitude": -118.32, "Population": 1254.0}, {"index": 8742, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.32, "Population": 1254.0}, {"index": 8743, "quantile": 0.0, "value": 157800.0, "Latitude": 33.81, "Longitude": -118.32, "Population": 1140.0}, {"index": 8743, "quantile": 0.25, "value": 242750.00000000003, "Latitude": 33.81, "Longitude": -118.32, "Population": 1140.0}, {"index": 8743, "quantile": 0.5, "value": 295750.0, "Latitude": 33.81, "Longitude": -118.32, "Population": 1140.0}, {"index": 8743, "quantile": 0.75, "value": 355700.0, "Latitude": 33.81, "Longitude": -118.32, "Population": 1140.0}, {"index": 8743, "quantile": 1.0, "value": 456100.0, "Latitude": 33.81, "Longitude": -118.32, "Population": 1140.0}, {"index": 8744, "quantile": 0.0, "value": 131500.0, "Latitude": 33.81, "Longitude": -118.32, "Population": 1109.0}, {"index": 8744, "quantile": 0.25, "value": 207975.00000000003, "Latitude": 33.81, "Longitude": -118.32, "Population": 1109.0}, {"index": 8744, "quantile": 0.5, "value": 234250.00000000003, "Latitude": 33.81, "Longitude": -118.32, "Population": 1109.0}, {"index": 8744, "quantile": 0.75, "value": 311900.0, "Latitude": 33.81, "Longitude": -118.32, "Population": 1109.0}, {"index": 8744, "quantile": 1.0, "value": 446800.0, "Latitude": 33.81, "Longitude": -118.32, "Population": 1109.0}, {"index": 8745, "quantile": 0.0, "value": 170300.0, "Latitude": 33.82, "Longitude": -118.33, "Population": 2824.0}, {"index": 8745, "quantile": 0.25, "value": 410600.0, "Latitude": 33.82, "Longitude": -118.33, "Population": 2824.0}, {"index": 8745, "quantile": 0.5, "value": 417800.0, "Latitude": 33.82, "Longitude": -118.33, "Population": 2824.0}, {"index": 8745, "quantile": 0.75, "value": 417800.0, "Latitude": 33.82, "Longitude": -118.33, "Population": 2824.0}, {"index": 8745, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.33, "Population": 2824.0}, {"index": 8746, "quantile": 0.0, "value": 134500.0, "Latitude": 33.8, "Longitude": -118.34, "Population": 2123.0}, {"index": 8746, "quantile": 0.25, "value": 349650.0, "Latitude": 33.8, "Longitude": -118.34, "Population": 2123.0}, {"index": 8746, "quantile": 0.5, "value": 446800.0, "Latitude": 33.8, "Longitude": -118.34, "Population": 2123.0}, {"index": 8746, "quantile": 0.75, "value": 446800.0, "Latitude": 33.8, "Longitude": -118.34, "Population": 2123.0}, {"index": 8746, "quantile": 1.0, "value": 453700.0, "Latitude": 33.8, "Longitude": -118.34, "Population": 2123.0}, {"index": 8747, "quantile": 0.0, "value": 189800.0, "Latitude": 33.82, "Longitude": -118.35, "Population": 3420.0}, {"index": 8747, "quantile": 0.25, "value": 328900.0, "Latitude": 33.82, "Longitude": -118.35, "Population": 3420.0}, {"index": 8747, "quantile": 0.5, "value": 328900.0, "Latitude": 33.82, "Longitude": -118.35, "Population": 3420.0}, {"index": 8747, "quantile": 0.75, "value": 334025.0, "Latitude": 33.82, "Longitude": -118.35, "Population": 3420.0}, {"index": 8747, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.35, "Population": 3420.0}, {"index": 8748, "quantile": 0.0, "value": 97200.0, "Latitude": 33.82, "Longitude": -118.36, "Population": 901.0}, {"index": 8748, "quantile": 0.25, "value": 261200.0, "Latitude": 33.82, "Longitude": -118.36, "Population": 901.0}, {"index": 8748, "quantile": 0.5, "value": 322900.0, "Latitude": 33.82, "Longitude": -118.36, "Population": 901.0}, {"index": 8748, "quantile": 0.75, "value": 342000.0, "Latitude": 33.82, "Longitude": -118.36, "Population": 901.0}, {"index": 8748, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.36, "Population": 901.0}, {"index": 8749, "quantile": 0.0, "value": 181100.0, "Latitude": 33.82, "Longitude": -118.37, "Population": 1319.0}, {"index": 8749, "quantile": 0.25, "value": 362725.0, "Latitude": 33.82, "Longitude": -118.37, "Population": 1319.0}, {"index": 8749, "quantile": 0.5, "value": 387800.0, "Latitude": 33.82, "Longitude": -118.37, "Population": 1319.0}, {"index": 8749, "quantile": 0.75, "value": 387800.0, "Latitude": 33.82, "Longitude": -118.37, "Population": 1319.0}, {"index": 8749, "quantile": 1.0, "value": 488500.0, "Latitude": 33.82, "Longitude": -118.37, "Population": 1319.0}, {"index": 8750, "quantile": 0.0, "value": 183800.0, "Latitude": 33.82, "Longitude": -118.37, "Population": 1125.0}, {"index": 8750, "quantile": 0.25, "value": 341200.0, "Latitude": 33.82, "Longitude": -118.37, "Population": 1125.0}, {"index": 8750, "quantile": 0.5, "value": 359750.0, "Latitude": 33.82, "Longitude": -118.37, "Population": 1125.0}, {"index": 8750, "quantile": 0.75, "value": 485275.00000000006, "Latitude": 33.82, "Longitude": -118.37, "Population": 1125.0}, {"index": 8750, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.37, "Population": 1125.0}, {"index": 8751, "quantile": 0.0, "value": 227300.0, "Latitude": 33.82, "Longitude": -118.37, "Population": 1115.0}, {"index": 8751, "quantile": 0.25, "value": 366900.0, "Latitude": 33.82, "Longitude": -118.37, "Population": 1115.0}, {"index": 8751, "quantile": 0.5, "value": 366900.0, "Latitude": 33.82, "Longitude": -118.37, "Population": 1115.0}, {"index": 8751, "quantile": 0.75, "value": 366900.0, "Latitude": 33.82, "Longitude": -118.37, "Population": 1115.0}, {"index": 8751, "quantile": 1.0, "value": 432100.0, "Latitude": 33.82, "Longitude": -118.37, "Population": 1115.0}, {"index": 8752, "quantile": 0.0, "value": 146200.0, "Latitude": 33.82, "Longitude": -118.36, "Population": 522.0}, {"index": 8752, "quantile": 0.25, "value": 339500.0, "Latitude": 33.82, "Longitude": -118.36, "Population": 522.0}, {"index": 8752, "quantile": 0.5, "value": 339500.0, "Latitude": 33.82, "Longitude": -118.36, "Population": 522.0}, {"index": 8752, "quantile": 0.75, "value": 339500.0, "Latitude": 33.82, "Longitude": -118.36, "Population": 522.0}, {"index": 8752, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.36, "Population": 522.0}, {"index": 8753, "quantile": 0.0, "value": 165600.0, "Latitude": 33.82, "Longitude": -118.36, "Population": 2738.0}, {"index": 8753, "quantile": 0.25, "value": 240475.0, "Latitude": 33.82, "Longitude": -118.36, "Population": 2738.0}, {"index": 8753, "quantile": 0.5, "value": 271100.0, "Latitude": 33.82, "Longitude": -118.36, "Population": 2738.0}, {"index": 8753, "quantile": 0.75, "value": 307400.0, "Latitude": 33.82, "Longitude": -118.36, "Population": 2738.0}, {"index": 8753, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.36, "Population": 2738.0}, {"index": 8754, "quantile": 0.0, "value": 97200.0, "Latitude": 33.82, "Longitude": -118.36, "Population": 49.0}, {"index": 8754, "quantile": 0.25, "value": 187225.0, "Latitude": 33.82, "Longitude": -118.36, "Population": 49.0}, {"index": 8754, "quantile": 0.5, "value": 193800.0, "Latitude": 33.82, "Longitude": -118.36, "Population": 49.0}, {"index": 8754, "quantile": 0.75, "value": 266925.0, "Latitude": 33.82, "Longitude": -118.36, "Population": 49.0}, {"index": 8754, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.36, "Population": 49.0}, {"index": 8755, "quantile": 0.0, "value": 150900.0, "Latitude": 33.81, "Longitude": -118.36, "Population": 4458.0}, {"index": 8755, "quantile": 0.25, "value": 295800.0, "Latitude": 33.81, "Longitude": -118.36, "Population": 4458.0}, {"index": 8755, "quantile": 0.5, "value": 356800.0, "Latitude": 33.81, "Longitude": -118.36, "Population": 4458.0}, {"index": 8755, "quantile": 0.75, "value": 366900.0, "Latitude": 33.81, "Longitude": -118.36, "Population": 4458.0}, {"index": 8755, "quantile": 1.0, "value": 491200.0, "Latitude": 33.81, "Longitude": -118.36, "Population": 4458.0}, {"index": 8756, "quantile": 0.0, "value": 134100.0, "Latitude": 33.81, "Longitude": -118.36, "Population": 881.0}, {"index": 8756, "quantile": 0.25, "value": 257125.0, "Latitude": 33.81, "Longitude": -118.36, "Population": 881.0}, {"index": 8756, "quantile": 0.5, "value": 359900.0, "Latitude": 33.81, "Longitude": -118.36, "Population": 881.0}, {"index": 8756, "quantile": 0.75, "value": 359900.0, "Latitude": 33.81, "Longitude": -118.36, "Population": 881.0}, {"index": 8756, "quantile": 1.0, "value": 453700.0, "Latitude": 33.81, "Longitude": -118.36, "Population": 881.0}, {"index": 8757, "quantile": 0.0, "value": 158100.0, "Latitude": 33.81, "Longitude": -118.37, "Population": 817.0}, {"index": 8757, "quantile": 0.25, "value": 261775.0, "Latitude": 33.81, "Longitude": -118.37, "Population": 817.0}, {"index": 8757, "quantile": 0.5, "value": 326150.0, "Latitude": 33.81, "Longitude": -118.37, "Population": 817.0}, {"index": 8757, "quantile": 0.75, "value": 368500.0, "Latitude": 33.81, "Longitude": -118.37, "Population": 817.0}, {"index": 8757, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.37, "Population": 817.0}, {"index": 8758, "quantile": 0.0, "value": 286200.0, "Latitude": 33.81, "Longitude": -118.38, "Population": 954.0}, {"index": 8758, "quantile": 0.25, "value": 481500.00000000006, "Latitude": 33.81, "Longitude": -118.38, "Population": 954.0}, {"index": 8758, "quantile": 0.5, "value": 483600.00000000006, "Latitude": 33.81, "Longitude": -118.38, "Population": 954.0}, {"index": 8758, "quantile": 0.75, "value": 483600.00000000006, "Latitude": 33.81, "Longitude": -118.38, "Population": 954.0}, {"index": 8758, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.38, "Population": 954.0}, {"index": 8759, "quantile": 0.0, "value": 239100.0, "Latitude": 33.81, "Longitude": -118.38, "Population": 703.0}, {"index": 8759, "quantile": 0.25, "value": 410300.0, "Latitude": 33.81, "Longitude": -118.38, "Population": 703.0}, {"index": 8759, "quantile": 0.5, "value": 410300.0, "Latitude": 33.81, "Longitude": -118.38, "Population": 703.0}, {"index": 8759, "quantile": 0.75, "value": 446725.0, "Latitude": 33.81, "Longitude": -118.38, "Population": 703.0}, {"index": 8759, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.38, "Population": 703.0}, {"index": 8760, "quantile": 0.0, "value": 87500.0, "Latitude": 33.81, "Longitude": -118.44, "Population": 1647.0}, {"index": 8760, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.44, "Population": 1647.0}, {"index": 8760, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.44, "Population": 1647.0}, {"index": 8760, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.44, "Population": 1647.0}, {"index": 8760, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.44, "Population": 1647.0}, {"index": 8761, "quantile": 0.0, "value": 227999.99999999997, "Latitude": 33.82, "Longitude": -118.38, "Population": 750.0}, {"index": 8761, "quantile": 0.25, "value": 392400.0, "Latitude": 33.82, "Longitude": -118.38, "Population": 750.0}, {"index": 8761, "quantile": 0.5, "value": 479500.0, "Latitude": 33.82, "Longitude": -118.38, "Population": 750.0}, {"index": 8761, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.38, "Population": 750.0}, {"index": 8761, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.38, "Population": 750.0}, {"index": 8762, "quantile": 0.0, "value": 186400.0, "Latitude": 33.81, "Longitude": -118.36, "Population": 1113.0}, {"index": 8762, "quantile": 0.25, "value": 356800.0, "Latitude": 33.81, "Longitude": -118.36, "Population": 1113.0}, {"index": 8762, "quantile": 0.5, "value": 356800.0, "Latitude": 33.81, "Longitude": -118.36, "Population": 1113.0}, {"index": 8762, "quantile": 0.75, "value": 356800.0, "Latitude": 33.81, "Longitude": -118.36, "Population": 1113.0}, {"index": 8762, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.36, "Population": 1113.0}, {"index": 8763, "quantile": 0.0, "value": 195900.0, "Latitude": 33.81, "Longitude": -118.37, "Population": 2021.0}, {"index": 8763, "quantile": 0.25, "value": 359400.0, "Latitude": 33.81, "Longitude": -118.37, "Population": 2021.0}, {"index": 8763, "quantile": 0.5, "value": 378000.0, "Latitude": 33.81, "Longitude": -118.37, "Population": 2021.0}, {"index": 8763, "quantile": 0.75, "value": 462200.0, "Latitude": 33.81, "Longitude": -118.37, "Population": 2021.0}, {"index": 8763, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.37, "Population": 2021.0}, {"index": 8764, "quantile": 0.0, "value": 189100.0, "Latitude": 33.81, "Longitude": -118.37, "Population": 563.0}, {"index": 8764, "quantile": 0.25, "value": 437275.0, "Latitude": 33.81, "Longitude": -118.37, "Population": 563.0}, {"index": 8764, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.37, "Population": 563.0}, {"index": 8764, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.37, "Population": 563.0}, {"index": 8764, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.37, "Population": 563.0}, {"index": 8765, "quantile": 0.0, "value": 196900.0, "Latitude": 33.81, "Longitude": -118.38, "Population": 802.0}, {"index": 8765, "quantile": 0.25, "value": 440100.0, "Latitude": 33.81, "Longitude": -118.38, "Population": 802.0}, {"index": 8765, "quantile": 0.5, "value": 488500.0, "Latitude": 33.81, "Longitude": -118.38, "Population": 802.0}, {"index": 8765, "quantile": 0.75, "value": 488500.0, "Latitude": 33.81, "Longitude": -118.38, "Population": 802.0}, {"index": 8765, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.38, "Population": 802.0}, {"index": 8766, "quantile": 0.0, "value": 143300.0, "Latitude": 33.81, "Longitude": -118.38, "Population": 877.0}, {"index": 8766, "quantile": 0.25, "value": 343000.0, "Latitude": 33.81, "Longitude": -118.38, "Population": 877.0}, {"index": 8766, "quantile": 0.5, "value": 380800.0, "Latitude": 33.81, "Longitude": -118.38, "Population": 877.0}, {"index": 8766, "quantile": 0.75, "value": 432749.99999999994, "Latitude": 33.81, "Longitude": -118.38, "Population": 877.0}, {"index": 8766, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.38, "Population": 877.0}, {"index": 8767, "quantile": 0.0, "value": 97400.0, "Latitude": 33.81, "Longitude": -118.39, "Population": 391.0}, {"index": 8767, "quantile": 0.25, "value": 278850.0, "Latitude": 33.81, "Longitude": -118.39, "Population": 391.0}, {"index": 8767, "quantile": 0.5, "value": 487500.0, "Latitude": 33.81, "Longitude": -118.39, "Population": 391.0}, {"index": 8767, "quantile": 0.75, "value": 487500.0, "Latitude": 33.81, "Longitude": -118.39, "Population": 391.0}, {"index": 8767, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.39, "Population": 391.0}, {"index": 8768, "quantile": 0.0, "value": 225000.0, "Latitude": 33.81, "Longitude": -118.38, "Population": 329.0}, {"index": 8768, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.38, "Population": 329.0}, {"index": 8768, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.38, "Population": 329.0}, {"index": 8768, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.38, "Population": 329.0}, {"index": 8768, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.38, "Population": 329.0}, {"index": 8769, "quantile": 0.0, "value": 161000.0, "Latitude": 33.79, "Longitude": -118.33, "Population": 2069.0}, {"index": 8769, "quantile": 0.25, "value": 318400.0, "Latitude": 33.79, "Longitude": -118.33, "Population": 2069.0}, {"index": 8769, "quantile": 0.5, "value": 365600.0, "Latitude": 33.79, "Longitude": -118.33, "Population": 2069.0}, {"index": 8769, "quantile": 0.75, "value": 365600.0, "Latitude": 33.79, "Longitude": -118.33, "Population": 2069.0}, {"index": 8769, "quantile": 1.0, "value": 435200.00000000006, "Latitude": 33.79, "Longitude": -118.33, "Population": 2069.0}, {"index": 8770, "quantile": 0.0, "value": 124400.0, "Latitude": 33.79, "Longitude": -118.34, "Population": 388.0}, {"index": 8770, "quantile": 0.25, "value": 216125.0, "Latitude": 33.79, "Longitude": -118.34, "Population": 388.0}, {"index": 8770, "quantile": 0.5, "value": 252250.0, "Latitude": 33.79, "Longitude": -118.34, "Population": 388.0}, {"index": 8770, "quantile": 0.75, "value": 342800.0, "Latitude": 33.79, "Longitude": -118.34, "Population": 388.0}, {"index": 8770, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.34, "Population": 388.0}, {"index": 8771, "quantile": 0.0, "value": 164300.0, "Latitude": 33.8, "Longitude": -118.34, "Population": 1008.0}, {"index": 8771, "quantile": 0.25, "value": 229500.0, "Latitude": 33.8, "Longitude": -118.34, "Population": 1008.0}, {"index": 8771, "quantile": 0.5, "value": 252000.0, "Latitude": 33.8, "Longitude": -118.34, "Population": 1008.0}, {"index": 8771, "quantile": 0.75, "value": 280250.0, "Latitude": 33.8, "Longitude": -118.34, "Population": 1008.0}, {"index": 8771, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.34, "Population": 1008.0}, {"index": 8772, "quantile": 0.0, "value": 157800.0, "Latitude": 33.8, "Longitude": -118.34, "Population": 987.0}, {"index": 8772, "quantile": 0.25, "value": 318900.0, "Latitude": 33.8, "Longitude": -118.34, "Population": 987.0}, {"index": 8772, "quantile": 0.5, "value": 318900.0, "Latitude": 33.8, "Longitude": -118.34, "Population": 987.0}, {"index": 8772, "quantile": 0.75, "value": 323000.0, "Latitude": 33.8, "Longitude": -118.34, "Population": 987.0}, {"index": 8772, "quantile": 1.0, "value": 446800.0, "Latitude": 33.8, "Longitude": -118.34, "Population": 987.0}, {"index": 8773, "quantile": 0.0, "value": 146300.0, "Latitude": 33.8, "Longitude": -118.35, "Population": 672.0}, {"index": 8773, "quantile": 0.25, "value": 311700.0, "Latitude": 33.8, "Longitude": -118.35, "Population": 672.0}, {"index": 8773, "quantile": 0.5, "value": 311700.0, "Latitude": 33.8, "Longitude": -118.35, "Population": 672.0}, {"index": 8773, "quantile": 0.75, "value": 315550.0, "Latitude": 33.8, "Longitude": -118.35, "Population": 672.0}, {"index": 8773, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.35, "Population": 672.0}, {"index": 8774, "quantile": 0.0, "value": 181100.0, "Latitude": 33.8, "Longitude": -118.35, "Population": 3152.0}, {"index": 8774, "quantile": 0.25, "value": 327925.0, "Latitude": 33.8, "Longitude": -118.35, "Population": 3152.0}, {"index": 8774, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.35, "Population": 3152.0}, {"index": 8774, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.35, "Population": 3152.0}, {"index": 8774, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.35, "Population": 3152.0}, {"index": 8775, "quantile": 0.0, "value": 153700.0, "Latitude": 33.8, "Longitude": -118.31, "Population": 1469.0}, {"index": 8775, "quantile": 0.25, "value": 241400.00000000003, "Latitude": 33.8, "Longitude": -118.31, "Population": 1469.0}, {"index": 8775, "quantile": 0.5, "value": 308900.0, "Latitude": 33.8, "Longitude": -118.31, "Population": 1469.0}, {"index": 8775, "quantile": 0.75, "value": 308900.0, "Latitude": 33.8, "Longitude": -118.31, "Population": 1469.0}, {"index": 8775, "quantile": 1.0, "value": 395700.0, "Latitude": 33.8, "Longitude": -118.31, "Population": 1469.0}, {"index": 8776, "quantile": 0.0, "value": 221300.0, "Latitude": 33.8, "Longitude": -118.32, "Population": 1593.0}, {"index": 8776, "quantile": 0.25, "value": 285800.0, "Latitude": 33.8, "Longitude": -118.32, "Population": 1593.0}, {"index": 8776, "quantile": 0.5, "value": 285800.0, "Latitude": 33.8, "Longitude": -118.32, "Population": 1593.0}, {"index": 8776, "quantile": 0.75, "value": 286225.0, "Latitude": 33.8, "Longitude": -118.32, "Population": 1593.0}, {"index": 8776, "quantile": 1.0, "value": 404500.0, "Latitude": 33.8, "Longitude": -118.32, "Population": 1593.0}, {"index": 8777, "quantile": 0.0, "value": 195300.0, "Latitude": 33.79, "Longitude": -118.31, "Population": 1374.0}, {"index": 8777, "quantile": 0.25, "value": 254700.00000000003, "Latitude": 33.79, "Longitude": -118.31, "Population": 1374.0}, {"index": 8777, "quantile": 0.5, "value": 254700.00000000003, "Latitude": 33.79, "Longitude": -118.31, "Population": 1374.0}, {"index": 8777, "quantile": 0.75, "value": 254700.00000000003, "Latitude": 33.79, "Longitude": -118.31, "Population": 1374.0}, {"index": 8777, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.31, "Population": 1374.0}, {"index": 8778, "quantile": 0.0, "value": 174400.0, "Latitude": 33.8, "Longitude": -118.31, "Population": 2420.0}, {"index": 8778, "quantile": 0.25, "value": 277900.0, "Latitude": 33.8, "Longitude": -118.31, "Population": 2420.0}, {"index": 8778, "quantile": 0.5, "value": 277900.0, "Latitude": 33.8, "Longitude": -118.31, "Population": 2420.0}, {"index": 8778, "quantile": 0.75, "value": 277900.0, "Latitude": 33.8, "Longitude": -118.31, "Population": 2420.0}, {"index": 8778, "quantile": 1.0, "value": 365600.0, "Latitude": 33.8, "Longitude": -118.31, "Population": 2420.0}, {"index": 8779, "quantile": 0.0, "value": 59600.0, "Latitude": 33.8, "Longitude": -118.32, "Population": 729.0}, {"index": 8779, "quantile": 0.25, "value": 186400.0, "Latitude": 33.8, "Longitude": -118.32, "Population": 729.0}, {"index": 8779, "quantile": 0.5, "value": 217400.00000000003, "Latitude": 33.8, "Longitude": -118.32, "Population": 729.0}, {"index": 8779, "quantile": 0.75, "value": 261275.0, "Latitude": 33.8, "Longitude": -118.32, "Population": 729.0}, {"index": 8779, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.32, "Population": 729.0}, {"index": 8780, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 33.79, "Longitude": -118.32, "Population": 1675.0}, {"index": 8780, "quantile": 0.25, "value": 197400.0, "Latitude": 33.79, "Longitude": -118.32, "Population": 1675.0}, {"index": 8780, "quantile": 0.5, "value": 239350.0, "Latitude": 33.79, "Longitude": -118.32, "Population": 1675.0}, {"index": 8780, "quantile": 0.75, "value": 279900.0, "Latitude": 33.79, "Longitude": -118.32, "Population": 1675.0}, {"index": 8780, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.32, "Population": 1675.0}, {"index": 8781, "quantile": 0.0, "value": 78600.0, "Latitude": 33.79, "Longitude": -118.32, "Population": 1264.0}, {"index": 8781, "quantile": 0.25, "value": 300000.0, "Latitude": 33.79, "Longitude": -118.32, "Population": 1264.0}, {"index": 8781, "quantile": 0.5, "value": 315100.0, "Latitude": 33.79, "Longitude": -118.32, "Population": 1264.0}, {"index": 8781, "quantile": 0.75, "value": 315100.0, "Latitude": 33.79, "Longitude": -118.32, "Population": 1264.0}, {"index": 8781, "quantile": 1.0, "value": 382100.0, "Latitude": 33.79, "Longitude": -118.32, "Population": 1264.0}, {"index": 8782, "quantile": 0.0, "value": 106300.0, "Latitude": 33.8, "Longitude": -118.32, "Population": 2102.0}, {"index": 8782, "quantile": 0.25, "value": 286000.0, "Latitude": 33.8, "Longitude": -118.32, "Population": 2102.0}, {"index": 8782, "quantile": 0.5, "value": 286400.0, "Latitude": 33.8, "Longitude": -118.32, "Population": 2102.0}, {"index": 8782, "quantile": 0.75, "value": 286400.0, "Latitude": 33.8, "Longitude": -118.32, "Population": 2102.0}, {"index": 8782, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.32, "Population": 2102.0}, {"index": 8783, "quantile": 0.0, "value": 100000.0, "Latitude": 33.79, "Longitude": -118.31, "Population": 711.0}, {"index": 8783, "quantile": 0.25, "value": 212150.00000000003, "Latitude": 33.79, "Longitude": -118.31, "Population": 711.0}, {"index": 8783, "quantile": 0.5, "value": 257100.00000000003, "Latitude": 33.79, "Longitude": -118.31, "Population": 711.0}, {"index": 8783, "quantile": 0.75, "value": 302975.0, "Latitude": 33.79, "Longitude": -118.31, "Population": 711.0}, {"index": 8783, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.31, "Population": 711.0}, {"index": 8784, "quantile": 0.0, "value": 152500.0, "Latitude": 33.78, "Longitude": -118.31, "Population": 2411.0}, {"index": 8784, "quantile": 0.25, "value": 224050.0, "Latitude": 33.78, "Longitude": -118.31, "Population": 2411.0}, {"index": 8784, "quantile": 0.5, "value": 383800.0, "Latitude": 33.78, "Longitude": -118.31, "Population": 2411.0}, {"index": 8784, "quantile": 0.75, "value": 383800.0, "Latitude": 33.78, "Longitude": -118.31, "Population": 2411.0}, {"index": 8784, "quantile": 1.0, "value": 383800.0, "Latitude": 33.78, "Longitude": -118.31, "Population": 2411.0}, {"index": 8785, "quantile": 0.0, "value": 90100.0, "Latitude": 33.79, "Longitude": -118.32, "Population": 3240.0}, {"index": 8785, "quantile": 0.25, "value": 271100.0, "Latitude": 33.79, "Longitude": -118.32, "Population": 3240.0}, {"index": 8785, "quantile": 0.5, "value": 271100.0, "Latitude": 33.79, "Longitude": -118.32, "Population": 3240.0}, {"index": 8785, "quantile": 0.75, "value": 323100.0, "Latitude": 33.79, "Longitude": -118.32, "Population": 3240.0}, {"index": 8785, "quantile": 1.0, "value": 477299.99999999994, "Latitude": 33.79, "Longitude": -118.32, "Population": 3240.0}, {"index": 8786, "quantile": 0.0, "value": 308400.0, "Latitude": 33.78, "Longitude": -118.34, "Population": 4168.0}, {"index": 8786, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.34, "Population": 4168.0}, {"index": 8786, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.34, "Population": 4168.0}, {"index": 8786, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.34, "Population": 4168.0}, {"index": 8786, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.34, "Population": 4168.0}, {"index": 8787, "quantile": 0.0, "value": 472100.0, "Latitude": 33.79, "Longitude": -118.36, "Population": 2071.0}, {"index": 8787, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.36, "Population": 2071.0}, {"index": 8787, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.36, "Population": 2071.0}, {"index": 8787, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.36, "Population": 2071.0}, {"index": 8787, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.36, "Population": 2071.0}, {"index": 8788, "quantile": 0.0, "value": 472100.0, "Latitude": 33.79, "Longitude": -118.37, "Population": 654.0}, {"index": 8788, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.37, "Population": 654.0}, {"index": 8788, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.37, "Population": 654.0}, {"index": 8788, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.37, "Population": 654.0}, {"index": 8788, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.37, "Population": 654.0}, {"index": 8789, "quantile": 0.0, "value": 325200.0, "Latitude": 33.8, "Longitude": -118.36, "Population": 1042.0}, {"index": 8789, "quantile": 0.25, "value": 371775.0, "Latitude": 33.8, "Longitude": -118.36, "Population": 1042.0}, {"index": 8789, "quantile": 0.5, "value": 443800.0, "Latitude": 33.8, "Longitude": -118.36, "Population": 1042.0}, {"index": 8789, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.36, "Population": 1042.0}, {"index": 8789, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.36, "Population": 1042.0}, {"index": 8790, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.36, "Population": 966.0}, {"index": 8790, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.36, "Population": 966.0}, {"index": 8790, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.36, "Population": 966.0}, {"index": 8790, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.36, "Population": 966.0}, {"index": 8790, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.36, "Population": 966.0}, {"index": 8791, "quantile": 0.0, "value": 379600.0, "Latitude": 33.8, "Longitude": -118.38, "Population": 1433.0}, {"index": 8791, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.38, "Population": 1433.0}, {"index": 8791, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.38, "Population": 1433.0}, {"index": 8791, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.38, "Population": 1433.0}, {"index": 8791, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.38, "Population": 1433.0}, {"index": 8792, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.45, "Population": 1490.0}, {"index": 8792, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.45, "Population": 1490.0}, {"index": 8792, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.45, "Population": 1490.0}, {"index": 8792, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.45, "Population": 1490.0}, {"index": 8792, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.45, "Population": 1490.0}, {"index": 8793, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.39, "Population": 1582.0}, {"index": 8793, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.39, "Population": 1582.0}, {"index": 8793, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.39, "Population": 1582.0}, {"index": 8793, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.39, "Population": 1582.0}, {"index": 8793, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.39, "Population": 1582.0}, {"index": 8794, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.4, "Population": 1653.0}, {"index": 8794, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.4, "Population": 1653.0}, {"index": 8794, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.4, "Population": 1653.0}, {"index": 8794, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.4, "Population": 1653.0}, {"index": 8794, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.4, "Population": 1653.0}, {"index": 8795, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.44, "Population": 635.0}, {"index": 8795, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.44, "Population": 635.0}, {"index": 8795, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.44, "Population": 635.0}, {"index": 8795, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.44, "Population": 635.0}, {"index": 8795, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.44, "Population": 635.0}, {"index": 8796, "quantile": 0.0, "value": 475800.0, "Latitude": 33.77, "Longitude": -118.41, "Population": 2808.0}, {"index": 8796, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.41, "Population": 2808.0}, {"index": 8796, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.41, "Population": 2808.0}, {"index": 8796, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.41, "Population": 2808.0}, {"index": 8796, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.41, "Population": 2808.0}, {"index": 8797, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.46, "Population": 1101.0}, {"index": 8797, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.46, "Population": 1101.0}, {"index": 8797, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.46, "Population": 1101.0}, {"index": 8797, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.46, "Population": 1101.0}, {"index": 8797, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.46, "Population": 1101.0}, {"index": 8798, "quantile": 0.0, "value": 320300.0, "Latitude": 33.78, "Longitude": -118.42, "Population": 802.0}, {"index": 8798, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.42, "Population": 802.0}, {"index": 8798, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.42, "Population": 802.0}, {"index": 8798, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.42, "Population": 802.0}, {"index": 8798, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.42, "Population": 802.0}, {"index": 8799, "quantile": 0.0, "value": 431799.99999999994, "Latitude": 33.77, "Longitude": -118.37, "Population": 2540.0}, {"index": 8799, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.37, "Population": 2540.0}, {"index": 8799, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.37, "Population": 2540.0}, {"index": 8799, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.37, "Population": 2540.0}, {"index": 8799, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.37, "Population": 2540.0}, {"index": 8800, "quantile": 0.0, "value": 386100.0, "Latitude": 33.77, "Longitude": -118.38, "Population": 4649.0}, {"index": 8800, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.38, "Population": 4649.0}, {"index": 8800, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.38, "Population": 4649.0}, {"index": 8800, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.38, "Population": 4649.0}, {"index": 8800, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.38, "Population": 4649.0}, {"index": 8801, "quantile": 0.0, "value": 232100.00000000003, "Latitude": 33.77, "Longitude": -118.38, "Population": 4713.0}, {"index": 8801, "quantile": 0.25, "value": 383100.0, "Latitude": 33.77, "Longitude": -118.38, "Population": 4713.0}, {"index": 8801, "quantile": 0.5, "value": 418300.0, "Latitude": 33.77, "Longitude": -118.38, "Population": 4713.0}, {"index": 8801, "quantile": 0.75, "value": 418300.0, "Latitude": 33.77, "Longitude": -118.38, "Population": 4713.0}, {"index": 8801, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.38, "Population": 4713.0}, {"index": 8802, "quantile": 0.0, "value": 173200.0, "Latitude": 33.79, "Longitude": -118.38, "Population": 4474.0}, {"index": 8802, "quantile": 0.25, "value": 473750.00000000006, "Latitude": 33.79, "Longitude": -118.38, "Population": 4474.0}, {"index": 8802, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.38, "Population": 4474.0}, {"index": 8802, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.38, "Population": 4474.0}, {"index": 8802, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.38, "Population": 4474.0}, {"index": 8803, "quantile": 0.0, "value": 193500.0, "Latitude": 33.78, "Longitude": -118.4, "Population": 2357.0}, {"index": 8803, "quantile": 0.25, "value": 451150.0, "Latitude": 33.78, "Longitude": -118.4, "Population": 2357.0}, {"index": 8803, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.4, "Population": 2357.0}, {"index": 8803, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.4, "Population": 2357.0}, {"index": 8803, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.4, "Population": 2357.0}, {"index": 8804, "quantile": 0.0, "value": 365300.0, "Latitude": 33.75, "Longitude": -118.42, "Population": 6897.0}, {"index": 8804, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.42, "Population": 6897.0}, {"index": 8804, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.42, "Population": 6897.0}, {"index": 8804, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.42, "Population": 6897.0}, {"index": 8804, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.42, "Population": 6897.0}, {"index": 8805, "quantile": 0.0, "value": 472100.0, "Latitude": 33.76, "Longitude": -118.34, "Population": 1871.0}, {"index": 8805, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.34, "Population": 1871.0}, {"index": 8805, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.34, "Population": 1871.0}, {"index": 8805, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.34, "Population": 1871.0}, {"index": 8805, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.34, "Population": 1871.0}, {"index": 8806, "quantile": 0.0, "value": 386100.0, "Latitude": 33.74, "Longitude": -118.35, "Population": 3392.0}, {"index": 8806, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.35, "Population": 3392.0}, {"index": 8806, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.35, "Population": 3392.0}, {"index": 8806, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.35, "Population": 3392.0}, {"index": 8806, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.35, "Population": 3392.0}, {"index": 8807, "quantile": 0.0, "value": 188300.0, "Latitude": 33.75, "Longitude": -118.38, "Population": 3176.0}, {"index": 8807, "quantile": 0.25, "value": 369100.0, "Latitude": 33.75, "Longitude": -118.38, "Population": 3176.0}, {"index": 8807, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.38, "Population": 3176.0}, {"index": 8807, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.38, "Population": 3176.0}, {"index": 8807, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.38, "Population": 3176.0}, {"index": 8808, "quantile": 0.0, "value": 176300.0, "Latitude": 33.71, "Longitude": -118.39, "Population": 475.0}, {"index": 8808, "quantile": 0.25, "value": 415550.0, "Latitude": 33.71, "Longitude": -118.39, "Population": 475.0}, {"index": 8808, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -118.39, "Population": 475.0}, {"index": 8808, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -118.39, "Population": 475.0}, {"index": 8808, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -118.39, "Population": 475.0}, {"index": 8809, "quantile": 0.0, "value": 345900.0, "Latitude": 33.75, "Longitude": -118.41, "Population": 128.0}, {"index": 8809, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.41, "Population": 128.0}, {"index": 8809, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.41, "Population": 128.0}, {"index": 8809, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.41, "Population": 128.0}, {"index": 8809, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.41, "Population": 128.0}, {"index": 8810, "quantile": 0.0, "value": 252300.0, "Latitude": 33.77, "Longitude": -118.31, "Population": 2757.0}, {"index": 8810, "quantile": 0.25, "value": 365199.99999999994, "Latitude": 33.77, "Longitude": -118.31, "Population": 2757.0}, {"index": 8810, "quantile": 0.5, "value": 416800.0, "Latitude": 33.77, "Longitude": -118.31, "Population": 2757.0}, {"index": 8810, "quantile": 0.75, "value": 416800.0, "Latitude": 33.77, "Longitude": -118.31, "Population": 2757.0}, {"index": 8810, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.31, "Population": 2757.0}, {"index": 8811, "quantile": 0.0, "value": 195900.0, "Latitude": 33.76, "Longitude": -118.31, "Population": 1873.0}, {"index": 8811, "quantile": 0.25, "value": 368850.00000000006, "Latitude": 33.76, "Longitude": -118.31, "Population": 1873.0}, {"index": 8811, "quantile": 0.5, "value": 414700.0, "Latitude": 33.76, "Longitude": -118.31, "Population": 1873.0}, {"index": 8811, "quantile": 0.75, "value": 414700.0, "Latitude": 33.76, "Longitude": -118.31, "Population": 1873.0}, {"index": 8811, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.31, "Population": 1873.0}, {"index": 8812, "quantile": 0.0, "value": 152800.0, "Latitude": 33.75, "Longitude": -118.31, "Population": 1303.0}, {"index": 8812, "quantile": 0.25, "value": 216224.99999999997, "Latitude": 33.75, "Longitude": -118.31, "Population": 1303.0}, {"index": 8812, "quantile": 0.5, "value": 254800.0, "Latitude": 33.75, "Longitude": -118.31, "Population": 1303.0}, {"index": 8812, "quantile": 0.75, "value": 322800.0, "Latitude": 33.75, "Longitude": -118.31, "Population": 1303.0}, {"index": 8812, "quantile": 1.0, "value": 420099.99999999994, "Latitude": 33.75, "Longitude": -118.31, "Population": 1303.0}, {"index": 8813, "quantile": 0.0, "value": 205399.99999999997, "Latitude": 33.75, "Longitude": -118.31, "Population": 1031.0}, {"index": 8813, "quantile": 0.25, "value": 282275.0, "Latitude": 33.75, "Longitude": -118.31, "Population": 1031.0}, {"index": 8813, "quantile": 0.5, "value": 350900.0, "Latitude": 33.75, "Longitude": -118.31, "Population": 1031.0}, {"index": 8813, "quantile": 0.75, "value": 366950.0, "Latitude": 33.75, "Longitude": -118.31, "Population": 1031.0}, {"index": 8813, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.31, "Population": 1031.0}, {"index": 8814, "quantile": 0.0, "value": 472100.0, "Latitude": 33.77, "Longitude": -118.33, "Population": 1534.0}, {"index": 8814, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.33, "Population": 1534.0}, {"index": 8814, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.33, "Population": 1534.0}, {"index": 8814, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.33, "Population": 1534.0}, {"index": 8814, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.33, "Population": 1534.0}, {"index": 8815, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.32, "Population": 1048.0}, {"index": 8815, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.32, "Population": 1048.0}, {"index": 8815, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.32, "Population": 1048.0}, {"index": 8815, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.32, "Population": 1048.0}, {"index": 8815, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.32, "Population": 1048.0}, {"index": 8816, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.32, "Population": 366.0}, {"index": 8816, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.32, "Population": 366.0}, {"index": 8816, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.32, "Population": 366.0}, {"index": 8816, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.32, "Population": 366.0}, {"index": 8816, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.32, "Population": 366.0}, {"index": 8817, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.32, "Population": 2248.0}, {"index": 8817, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.32, "Population": 2248.0}, {"index": 8817, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.32, "Population": 2248.0}, {"index": 8817, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.32, "Population": 2248.0}, {"index": 8817, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.32, "Population": 2248.0}, {"index": 8818, "quantile": 0.0, "value": 171700.0, "Latitude": 33.77, "Longitude": -118.32, "Population": 259.0}, {"index": 8818, "quantile": 0.25, "value": 399850.0, "Latitude": 33.77, "Longitude": -118.32, "Population": 259.0}, {"index": 8818, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.32, "Population": 259.0}, {"index": 8818, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.32, "Population": 259.0}, {"index": 8818, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.32, "Population": 259.0}, {"index": 8819, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.09, "Longitude": -118.34, "Population": 998.0}, {"index": 8819, "quantile": 0.25, "value": 200000.0, "Latitude": 34.09, "Longitude": -118.34, "Population": 998.0}, {"index": 8819, "quantile": 0.5, "value": 200000.0, "Latitude": 34.09, "Longitude": -118.34, "Population": 998.0}, {"index": 8819, "quantile": 0.75, "value": 200000.0, "Latitude": 34.09, "Longitude": -118.34, "Population": 998.0}, {"index": 8819, "quantile": 1.0, "value": 438300.0, "Latitude": 34.09, "Longitude": -118.34, "Population": 998.0}, {"index": 8820, "quantile": 0.0, "value": 102099.99999999999, "Latitude": 34.09, "Longitude": -118.35, "Population": 1108.0}, {"index": 8820, "quantile": 0.25, "value": 288900.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 1108.0}, {"index": 8820, "quantile": 0.5, "value": 288900.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 1108.0}, {"index": 8820, "quantile": 0.75, "value": 288900.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 1108.0}, {"index": 8820, "quantile": 1.0, "value": 450000.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 1108.0}, {"index": 8821, "quantile": 0.0, "value": 200000.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 1526.0}, {"index": 8821, "quantile": 0.25, "value": 266700.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 1526.0}, {"index": 8821, "quantile": 0.5, "value": 266700.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 1526.0}, {"index": 8821, "quantile": 0.75, "value": 312775.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 1526.0}, {"index": 8821, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.35, "Population": 1526.0}, {"index": 8822, "quantile": 0.0, "value": 158000.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 1334.0}, {"index": 8822, "quantile": 0.25, "value": 232100.00000000003, "Latitude": 34.09, "Longitude": -118.35, "Population": 1334.0}, {"index": 8822, "quantile": 0.5, "value": 287500.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 1334.0}, {"index": 8822, "quantile": 0.75, "value": 315800.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 1334.0}, {"index": 8822, "quantile": 1.0, "value": 412500.0, "Latitude": 34.09, "Longitude": -118.35, "Population": 1334.0}, {"index": 8823, "quantile": 0.0, "value": 87500.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 1594.0}, {"index": 8823, "quantile": 0.25, "value": 312500.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 1594.0}, {"index": 8823, "quantile": 0.5, "value": 312500.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 1594.0}, {"index": 8823, "quantile": 0.75, "value": 312500.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 1594.0}, {"index": 8823, "quantile": 1.0, "value": 450000.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 1594.0}, {"index": 8824, "quantile": 0.0, "value": 232100.00000000003, "Latitude": 34.09, "Longitude": -118.36, "Population": 773.0}, {"index": 8824, "quantile": 0.25, "value": 313600.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 773.0}, {"index": 8824, "quantile": 0.5, "value": 313600.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 773.0}, {"index": 8824, "quantile": 0.75, "value": 313600.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 773.0}, {"index": 8824, "quantile": 1.0, "value": 383300.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 773.0}, {"index": 8825, "quantile": 0.0, "value": 157500.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 1845.0}, {"index": 8825, "quantile": 0.25, "value": 243800.00000000003, "Latitude": 34.09, "Longitude": -118.36, "Population": 1845.0}, {"index": 8825, "quantile": 0.5, "value": 243800.00000000003, "Latitude": 34.09, "Longitude": -118.36, "Population": 1845.0}, {"index": 8825, "quantile": 0.75, "value": 283300.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 1845.0}, {"index": 8825, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.36, "Population": 1845.0}, {"index": 8826, "quantile": 0.0, "value": 141700.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 1365.0}, {"index": 8826, "quantile": 0.25, "value": 283300.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 1365.0}, {"index": 8826, "quantile": 0.5, "value": 283300.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 1365.0}, {"index": 8826, "quantile": 0.75, "value": 283300.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 1365.0}, {"index": 8826, "quantile": 1.0, "value": 438300.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 1365.0}, {"index": 8827, "quantile": 0.0, "value": 141700.0, "Latitude": 34.1, "Longitude": -118.36, "Population": 2913.0}, {"index": 8827, "quantile": 0.25, "value": 300000.0, "Latitude": 34.1, "Longitude": -118.36, "Population": 2913.0}, {"index": 8827, "quantile": 0.5, "value": 300000.0, "Latitude": 34.1, "Longitude": -118.36, "Population": 2913.0}, {"index": 8827, "quantile": 0.75, "value": 310625.0, "Latitude": 34.1, "Longitude": -118.36, "Population": 2913.0}, {"index": 8827, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.36, "Population": 2913.0}, {"index": 8828, "quantile": 0.0, "value": 162500.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 874.0}, {"index": 8828, "quantile": 0.25, "value": 200000.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 874.0}, {"index": 8828, "quantile": 0.5, "value": 273500.00000000006, "Latitude": 34.09, "Longitude": -118.36, "Population": 874.0}, {"index": 8828, "quantile": 0.75, "value": 344250.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 874.0}, {"index": 8828, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.36, "Population": 874.0}, {"index": 8829, "quantile": 0.0, "value": 162500.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 526.0}, {"index": 8829, "quantile": 0.25, "value": 355200.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 526.0}, {"index": 8829, "quantile": 0.5, "value": 383300.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 526.0}, {"index": 8829, "quantile": 0.75, "value": 383300.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 526.0}, {"index": 8829, "quantile": 1.0, "value": 450000.0, "Latitude": 34.09, "Longitude": -118.36, "Population": 526.0}, {"index": 8830, "quantile": 0.0, "value": 190600.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 547.0}, {"index": 8830, "quantile": 0.25, "value": 360625.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 547.0}, {"index": 8830, "quantile": 0.5, "value": 383300.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 547.0}, {"index": 8830, "quantile": 0.75, "value": 383300.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 547.0}, {"index": 8830, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.37, "Population": 547.0}, {"index": 8831, "quantile": 0.0, "value": 130000.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 1690.0}, {"index": 8831, "quantile": 0.25, "value": 300000.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 1690.0}, {"index": 8831, "quantile": 0.5, "value": 358549.99999999994, "Latitude": 34.09, "Longitude": -118.37, "Population": 1690.0}, {"index": 8831, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.37, "Population": 1690.0}, {"index": 8831, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.37, "Population": 1690.0}, {"index": 8832, "quantile": 0.0, "value": 140600.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 1347.0}, {"index": 8832, "quantile": 0.25, "value": 361800.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 1347.0}, {"index": 8832, "quantile": 0.5, "value": 394350.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 1347.0}, {"index": 8832, "quantile": 0.75, "value": 470800.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 1347.0}, {"index": 8832, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.37, "Population": 1347.0}, {"index": 8833, "quantile": 0.0, "value": 175000.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 2559.0}, {"index": 8833, "quantile": 0.25, "value": 287500.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 2559.0}, {"index": 8833, "quantile": 0.5, "value": 366700.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 2559.0}, {"index": 8833, "quantile": 0.75, "value": 483300.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 2559.0}, {"index": 8833, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.37, "Population": 2559.0}, {"index": 8834, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.09, "Longitude": -118.37, "Population": 1766.0}, {"index": 8834, "quantile": 0.25, "value": 281300.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 1766.0}, {"index": 8834, "quantile": 0.5, "value": 348800.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 1766.0}, {"index": 8834, "quantile": 0.75, "value": 396400.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 1766.0}, {"index": 8834, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.37, "Population": 1766.0}, {"index": 8835, "quantile": 0.0, "value": 150000.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 257.0}, {"index": 8835, "quantile": 0.25, "value": 400000.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 257.0}, {"index": 8835, "quantile": 0.5, "value": 400000.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 257.0}, {"index": 8835, "quantile": 0.75, "value": 400000.0, "Latitude": 34.09, "Longitude": -118.37, "Population": 257.0}, {"index": 8835, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.37, "Population": 257.0}, {"index": 8836, "quantile": 0.0, "value": 171400.0, "Latitude": 34.08, "Longitude": -118.37, "Population": 1847.0}, {"index": 8836, "quantile": 0.25, "value": 312500.0, "Latitude": 34.08, "Longitude": -118.37, "Population": 1847.0}, {"index": 8836, "quantile": 0.5, "value": 312500.0, "Latitude": 34.08, "Longitude": -118.37, "Population": 1847.0}, {"index": 8836, "quantile": 0.75, "value": 312500.0, "Latitude": 34.08, "Longitude": -118.37, "Population": 1847.0}, {"index": 8836, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.37, "Population": 1847.0}, {"index": 8837, "quantile": 0.0, "value": 164300.0, "Latitude": 34.08, "Longitude": -118.38, "Population": 652.0}, {"index": 8837, "quantile": 0.25, "value": 360600.0, "Latitude": 34.08, "Longitude": -118.38, "Population": 652.0}, {"index": 8837, "quantile": 0.5, "value": 431400.0, "Latitude": 34.08, "Longitude": -118.38, "Population": 652.0}, {"index": 8837, "quantile": 0.75, "value": 431400.0, "Latitude": 34.08, "Longitude": -118.38, "Population": 652.0}, {"index": 8837, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.38, "Population": 652.0}, {"index": 8838, "quantile": 0.0, "value": 234600.0, "Latitude": 34.08, "Longitude": -118.38, "Population": 1910.0}, {"index": 8838, "quantile": 0.25, "value": 300000.0, "Latitude": 34.08, "Longitude": -118.38, "Population": 1910.0}, {"index": 8838, "quantile": 0.5, "value": 350000.0, "Latitude": 34.08, "Longitude": -118.38, "Population": 1910.0}, {"index": 8838, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.38, "Population": 1910.0}, {"index": 8838, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.38, "Population": 1910.0}, {"index": 8839, "quantile": 0.0, "value": 40000.0, "Latitude": 34.08, "Longitude": -118.39, "Population": 444.0}, {"index": 8839, "quantile": 0.25, "value": 337200.0, "Latitude": 34.08, "Longitude": -118.39, "Population": 444.0}, {"index": 8839, "quantile": 0.5, "value": 450000.0, "Latitude": 34.08, "Longitude": -118.39, "Population": 444.0}, {"index": 8839, "quantile": 0.75, "value": 500000.0, "Latitude": 34.08, "Longitude": -118.39, "Population": 444.0}, {"index": 8839, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.39, "Population": 444.0}, {"index": 8840, "quantile": 0.0, "value": 77100.0, "Latitude": 34.08, "Longitude": -118.38, "Population": 370.0}, {"index": 8840, "quantile": 0.25, "value": 350000.0, "Latitude": 34.08, "Longitude": -118.38, "Population": 370.0}, {"index": 8840, "quantile": 0.5, "value": 414400.0, "Latitude": 34.08, "Longitude": -118.38, "Population": 370.0}, {"index": 8840, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.38, "Population": 370.0}, {"index": 8840, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.38, "Population": 370.0}, {"index": 8841, "quantile": 0.0, "value": 106300.0, "Latitude": 34.09, "Longitude": -118.38, "Population": 3148.0}, {"index": 8841, "quantile": 0.25, "value": 281300.0, "Latitude": 34.09, "Longitude": -118.38, "Population": 3148.0}, {"index": 8841, "quantile": 0.5, "value": 281300.0, "Latitude": 34.09, "Longitude": -118.38, "Population": 3148.0}, {"index": 8841, "quantile": 0.75, "value": 281300.0, "Latitude": 34.09, "Longitude": -118.38, "Population": 3148.0}, {"index": 8841, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.38, "Population": 3148.0}, {"index": 8842, "quantile": 0.0, "value": 225000.0, "Latitude": 34.09, "Longitude": -118.38, "Population": 1799.0}, {"index": 8842, "quantile": 0.25, "value": 313600.0, "Latitude": 34.09, "Longitude": -118.38, "Population": 1799.0}, {"index": 8842, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.38, "Population": 1799.0}, {"index": 8842, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.38, "Population": 1799.0}, {"index": 8842, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.38, "Population": 1799.0}, {"index": 8843, "quantile": 0.0, "value": 266700.0, "Latitude": 34.09, "Longitude": -118.39, "Population": 1634.0}, {"index": 8843, "quantile": 0.25, "value": 362500.0, "Latitude": 34.09, "Longitude": -118.39, "Population": 1634.0}, {"index": 8843, "quantile": 0.5, "value": 362500.0, "Latitude": 34.09, "Longitude": -118.39, "Population": 1634.0}, {"index": 8843, "quantile": 0.75, "value": 366100.0, "Latitude": 34.09, "Longitude": -118.39, "Population": 1634.0}, {"index": 8843, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.39, "Population": 1634.0}, {"index": 8844, "quantile": 0.0, "value": 310000.0, "Latitude": 34.09, "Longitude": -118.39, "Population": 785.0}, {"index": 8844, "quantile": 0.25, "value": 425000.0, "Latitude": 34.09, "Longitude": -118.39, "Population": 785.0}, {"index": 8844, "quantile": 0.5, "value": 425000.0, "Latitude": 34.09, "Longitude": -118.39, "Population": 785.0}, {"index": 8844, "quantile": 0.75, "value": 436875.00000000006, "Latitude": 34.09, "Longitude": -118.39, "Population": 785.0}, {"index": 8844, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.39, "Population": 785.0}, {"index": 8845, "quantile": 0.0, "value": 17500.0, "Latitude": 34.08, "Longitude": -118.39, "Population": 349.0}, {"index": 8845, "quantile": 0.25, "value": 345975.0, "Latitude": 34.08, "Longitude": -118.39, "Population": 349.0}, {"index": 8845, "quantile": 0.5, "value": 375000.0, "Latitude": 34.08, "Longitude": -118.39, "Population": 349.0}, {"index": 8845, "quantile": 0.75, "value": 375000.0, "Latitude": 34.08, "Longitude": -118.39, "Population": 349.0}, {"index": 8845, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.39, "Population": 349.0}, {"index": 8846, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.4, "Population": 1351.0}, {"index": 8846, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.4, "Population": 1351.0}, {"index": 8846, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.4, "Population": 1351.0}, {"index": 8846, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.4, "Population": 1351.0}, {"index": 8846, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.4, "Population": 1351.0}, {"index": 8847, "quantile": 0.0, "value": 432400.0, "Latitude": 34.09, "Longitude": -118.4, "Population": 857.0}, {"index": 8847, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.4, "Population": 857.0}, {"index": 8847, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.4, "Population": 857.0}, {"index": 8847, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.4, "Population": 857.0}, {"index": 8847, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.4, "Population": 857.0}, {"index": 8848, "quantile": 0.0, "value": 410300.0, "Latitude": 34.08, "Longitude": -118.39, "Population": 1407.0}, {"index": 8848, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.39, "Population": 1407.0}, {"index": 8848, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.39, "Population": 1407.0}, {"index": 8848, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.39, "Population": 1407.0}, {"index": 8848, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.39, "Population": 1407.0}, {"index": 8849, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.4, "Population": 1266.0}, {"index": 8849, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.4, "Population": 1266.0}, {"index": 8849, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.4, "Population": 1266.0}, {"index": 8849, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.4, "Population": 1266.0}, {"index": 8849, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.4, "Population": 1266.0}, {"index": 8850, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.41, "Population": 809.0}, {"index": 8850, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.41, "Population": 809.0}, {"index": 8850, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.41, "Population": 809.0}, {"index": 8850, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.41, "Population": 809.0}, {"index": 8850, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.41, "Population": 809.0}, {"index": 8851, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.42, "Population": 1024.0}, {"index": 8851, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.42, "Population": 1024.0}, {"index": 8851, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.42, "Population": 1024.0}, {"index": 8851, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.42, "Population": 1024.0}, {"index": 8851, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.42, "Population": 1024.0}, {"index": 8852, "quantile": 0.0, "value": 431799.99999999994, "Latitude": 34.08, "Longitude": -118.42, "Population": 770.0}, {"index": 8852, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.42, "Population": 770.0}, {"index": 8852, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.42, "Population": 770.0}, {"index": 8852, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.42, "Population": 770.0}, {"index": 8852, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.42, "Population": 770.0}, {"index": 8853, "quantile": 0.0, "value": 456900.0, "Latitude": 34.07, "Longitude": -118.41, "Population": 1163.0}, {"index": 8853, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.41, "Population": 1163.0}, {"index": 8853, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.41, "Population": 1163.0}, {"index": 8853, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.41, "Population": 1163.0}, {"index": 8853, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.41, "Population": 1163.0}, {"index": 8854, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.41, "Population": 408.0}, {"index": 8854, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.41, "Population": 408.0}, {"index": 8854, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.41, "Population": 408.0}, {"index": 8854, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.41, "Population": 408.0}, {"index": 8854, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.41, "Population": 408.0}, {"index": 8855, "quantile": 0.0, "value": 230799.99999999997, "Latitude": 34.07, "Longitude": -118.38, "Population": 1235.0}, {"index": 8855, "quantile": 0.25, "value": 295800.0, "Latitude": 34.07, "Longitude": -118.38, "Population": 1235.0}, {"index": 8855, "quantile": 0.5, "value": 361500.0, "Latitude": 34.07, "Longitude": -118.38, "Population": 1235.0}, {"index": 8855, "quantile": 0.75, "value": 438575.0, "Latitude": 34.07, "Longitude": -118.38, "Population": 1235.0}, {"index": 8855, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.38, "Population": 1235.0}, {"index": 8856, "quantile": 0.0, "value": 140600.0, "Latitude": 34.07, "Longitude": -118.39, "Population": 2243.0}, {"index": 8856, "quantile": 0.25, "value": 445925.0, "Latitude": 34.07, "Longitude": -118.39, "Population": 2243.0}, {"index": 8856, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.39, "Population": 2243.0}, {"index": 8856, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.39, "Population": 2243.0}, {"index": 8856, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.39, "Population": 2243.0}, {"index": 8857, "quantile": 0.0, "value": 282300.0, "Latitude": 34.07, "Longitude": -118.39, "Population": 1153.0}, {"index": 8857, "quantile": 0.25, "value": 400350.0, "Latitude": 34.07, "Longitude": -118.39, "Population": 1153.0}, {"index": 8857, "quantile": 0.5, "value": 483800.0, "Latitude": 34.07, "Longitude": -118.39, "Population": 1153.0}, {"index": 8857, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.39, "Population": 1153.0}, {"index": 8857, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.39, "Population": 1153.0}, {"index": 8858, "quantile": 0.0, "value": 210900.0, "Latitude": 34.08, "Longitude": -118.39, "Population": 2665.0}, {"index": 8858, "quantile": 0.25, "value": 464350.00000000006, "Latitude": 34.08, "Longitude": -118.39, "Population": 2665.0}, {"index": 8858, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.39, "Population": 2665.0}, {"index": 8858, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.39, "Population": 2665.0}, {"index": 8858, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.39, "Population": 2665.0}, {"index": 8859, "quantile": 0.0, "value": 67500.0, "Latitude": 34.07, "Longitude": -118.4, "Population": 850.0}, {"index": 8859, "quantile": 0.25, "value": 250000.0, "Latitude": 34.07, "Longitude": -118.4, "Population": 850.0}, {"index": 8859, "quantile": 0.5, "value": 327300.0, "Latitude": 34.07, "Longitude": -118.4, "Population": 850.0}, {"index": 8859, "quantile": 0.75, "value": 375000.0, "Latitude": 34.07, "Longitude": -118.4, "Population": 850.0}, {"index": 8859, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.4, "Population": 850.0}, {"index": 8860, "quantile": 0.0, "value": 256300.00000000003, "Latitude": 34.06, "Longitude": -118.37, "Population": 690.0}, {"index": 8860, "quantile": 0.25, "value": 381500.00000000006, "Latitude": 34.06, "Longitude": -118.37, "Population": 690.0}, {"index": 8860, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.37, "Population": 690.0}, {"index": 8860, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.37, "Population": 690.0}, {"index": 8860, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.37, "Population": 690.0}, {"index": 8861, "quantile": 0.0, "value": 196900.0, "Latitude": 34.06, "Longitude": -118.38, "Population": 690.0}, {"index": 8861, "quantile": 0.25, "value": 451725.0, "Latitude": 34.06, "Longitude": -118.38, "Population": 690.0}, {"index": 8861, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.38, "Population": 690.0}, {"index": 8861, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.38, "Population": 690.0}, {"index": 8861, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.38, "Population": 690.0}, {"index": 8862, "quantile": 0.0, "value": 386700.0, "Latitude": 34.06, "Longitude": -118.39, "Population": 503.0}, {"index": 8862, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.39, "Population": 503.0}, {"index": 8862, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.39, "Population": 503.0}, {"index": 8862, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.39, "Population": 503.0}, {"index": 8862, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.39, "Population": 503.0}, {"index": 8863, "quantile": 0.0, "value": 263700.0, "Latitude": 34.06, "Longitude": -118.38, "Population": 578.0}, {"index": 8863, "quantile": 0.25, "value": 425975.00000000006, "Latitude": 34.06, "Longitude": -118.38, "Population": 578.0}, {"index": 8863, "quantile": 0.5, "value": 480450.0, "Latitude": 34.06, "Longitude": -118.38, "Population": 578.0}, {"index": 8863, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.38, "Population": 578.0}, {"index": 8863, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.38, "Population": 578.0}, {"index": 8864, "quantile": 0.0, "value": 190700.0, "Latitude": 34.06, "Longitude": -118.39, "Population": 873.0}, {"index": 8864, "quantile": 0.25, "value": 338100.0, "Latitude": 34.06, "Longitude": -118.39, "Population": 873.0}, {"index": 8864, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.39, "Population": 873.0}, {"index": 8864, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.39, "Population": 873.0}, {"index": 8864, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.39, "Population": 873.0}, {"index": 8865, "quantile": 0.0, "value": 302100.0, "Latitude": 34.06, "Longitude": -118.39, "Population": 1291.0}, {"index": 8865, "quantile": 0.25, "value": 435100.0, "Latitude": 34.06, "Longitude": -118.39, "Population": 1291.0}, {"index": 8865, "quantile": 0.5, "value": 470000.0, "Latitude": 34.06, "Longitude": -118.39, "Population": 1291.0}, {"index": 8865, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.39, "Population": 1291.0}, {"index": 8865, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.39, "Population": 1291.0}, {"index": 8866, "quantile": 0.0, "value": 214699.99999999997, "Latitude": 34.06, "Longitude": -118.39, "Population": 1649.0}, {"index": 8866, "quantile": 0.25, "value": 366775.0, "Latitude": 34.06, "Longitude": -118.39, "Population": 1649.0}, {"index": 8866, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.39, "Population": 1649.0}, {"index": 8866, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.39, "Population": 1649.0}, {"index": 8866, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.39, "Population": 1649.0}, {"index": 8867, "quantile": 0.0, "value": 227300.0, "Latitude": 34.06, "Longitude": -118.4, "Population": 1725.0}, {"index": 8867, "quantile": 0.25, "value": 338750.0, "Latitude": 34.06, "Longitude": -118.4, "Population": 1725.0}, {"index": 8867, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.4, "Population": 1725.0}, {"index": 8867, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.4, "Population": 1725.0}, {"index": 8867, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.4, "Population": 1725.0}, {"index": 8868, "quantile": 0.0, "value": 275000.0, "Latitude": 34.06, "Longitude": -118.4, "Population": 1438.0}, {"index": 8868, "quantile": 0.25, "value": 397300.0, "Latitude": 34.06, "Longitude": -118.4, "Population": 1438.0}, {"index": 8868, "quantile": 0.5, "value": 450000.0, "Latitude": 34.06, "Longitude": -118.4, "Population": 1438.0}, {"index": 8868, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.4, "Population": 1438.0}, {"index": 8868, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.4, "Population": 1438.0}, {"index": 8869, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.4, "Population": 646.0}, {"index": 8869, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.4, "Population": 646.0}, {"index": 8869, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.4, "Population": 646.0}, {"index": 8869, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.4, "Population": 646.0}, {"index": 8869, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.4, "Population": 646.0}, {"index": 8870, "quantile": 0.0, "value": 160100.0, "Latitude": 34.06, "Longitude": -118.4, "Population": 748.0}, {"index": 8870, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.4, "Population": 748.0}, {"index": 8870, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.4, "Population": 748.0}, {"index": 8870, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.4, "Population": 748.0}, {"index": 8870, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.4, "Population": 748.0}, {"index": 8871, "quantile": 0.0, "value": 314800.0, "Latitude": 34.06, "Longitude": -118.41, "Population": 1015.0}, {"index": 8871, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.41, "Population": 1015.0}, {"index": 8871, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.41, "Population": 1015.0}, {"index": 8871, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.41, "Population": 1015.0}, {"index": 8871, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.41, "Population": 1015.0}, {"index": 8872, "quantile": 0.0, "value": 355900.0, "Latitude": 34.06, "Longitude": -118.41, "Population": 1830.0}, {"index": 8872, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.41, "Population": 1830.0}, {"index": 8872, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.41, "Population": 1830.0}, {"index": 8872, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.41, "Population": 1830.0}, {"index": 8872, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.41, "Population": 1830.0}, {"index": 8873, "quantile": 0.0, "value": 210900.0, "Latitude": 34.07, "Longitude": -118.41, "Population": 1076.0}, {"index": 8873, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.41, "Population": 1076.0}, {"index": 8873, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.41, "Population": 1076.0}, {"index": 8873, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.41, "Population": 1076.0}, {"index": 8873, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.41, "Population": 1076.0}, {"index": 8874, "quantile": 0.0, "value": 437899.99999999994, "Latitude": 34.06, "Longitude": -118.45, "Population": 1154.0}, {"index": 8874, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.45, "Population": 1154.0}, {"index": 8874, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.45, "Population": 1154.0}, {"index": 8874, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.45, "Population": 1154.0}, {"index": 8874, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.45, "Population": 1154.0}, {"index": 8875, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.49, "Population": 810.0}, {"index": 8875, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.49, "Population": 810.0}, {"index": 8875, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.49, "Population": 810.0}, {"index": 8875, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.49, "Population": 810.0}, {"index": 8875, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.49, "Population": 810.0}, {"index": 8876, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.49, "Population": 964.0}, {"index": 8876, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.49, "Population": 964.0}, {"index": 8876, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.49, "Population": 964.0}, {"index": 8876, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.49, "Population": 964.0}, {"index": 8876, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.49, "Population": 964.0}, {"index": 8877, "quantile": 0.0, "value": 477200.0, "Latitude": 34.04, "Longitude": -118.49, "Population": 859.0}, {"index": 8877, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.49, "Population": 859.0}, {"index": 8877, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.49, "Population": 859.0}, {"index": 8877, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.49, "Population": 859.0}, {"index": 8877, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.49, "Population": 859.0}, {"index": 8878, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.5, "Population": 1143.0}, {"index": 8878, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.5, "Population": 1143.0}, {"index": 8878, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.5, "Population": 1143.0}, {"index": 8878, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.5, "Population": 1143.0}, {"index": 8878, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.5, "Population": 1143.0}, {"index": 8879, "quantile": 0.0, "value": 446600.0, "Latitude": 34.04, "Longitude": -118.5, "Population": 769.0}, {"index": 8879, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.5, "Population": 769.0}, {"index": 8879, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.5, "Population": 769.0}, {"index": 8879, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.5, "Population": 769.0}, {"index": 8879, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.5, "Population": 769.0}, {"index": 8880, "quantile": 0.0, "value": 210900.0, "Latitude": 34.04, "Longitude": -118.49, "Population": 1532.0}, {"index": 8880, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.49, "Population": 1532.0}, {"index": 8880, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.49, "Population": 1532.0}, {"index": 8880, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.49, "Population": 1532.0}, {"index": 8880, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.49, "Population": 1532.0}, {"index": 8881, "quantile": 0.0, "value": 361500.0, "Latitude": 34.03, "Longitude": -118.49, "Population": 1487.0}, {"index": 8881, "quantile": 0.25, "value": 435100.0, "Latitude": 34.03, "Longitude": -118.49, "Population": 1487.0}, {"index": 8881, "quantile": 0.5, "value": 435100.0, "Latitude": 34.03, "Longitude": -118.49, "Population": 1487.0}, {"index": 8881, "quantile": 0.75, "value": 440000.00000000006, "Latitude": 34.03, "Longitude": -118.49, "Population": 1487.0}, {"index": 8881, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.49, "Population": 1487.0}, {"index": 8882, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.51, "Population": 483.0}, {"index": 8882, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.51, "Population": 483.0}, {"index": 8882, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.51, "Population": 483.0}, {"index": 8882, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.51, "Population": 483.0}, {"index": 8882, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.51, "Population": 483.0}, {"index": 8883, "quantile": 0.0, "value": 476400.0, "Latitude": 34.03, "Longitude": -118.5, "Population": 547.0}, {"index": 8883, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.5, "Population": 547.0}, {"index": 8883, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.5, "Population": 547.0}, {"index": 8883, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.5, "Population": 547.0}, {"index": 8883, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.5, "Population": 547.0}, {"index": 8884, "quantile": 0.0, "value": 295200.0, "Latitude": 34.03, "Longitude": -118.5, "Population": 671.0}, {"index": 8884, "quantile": 0.25, "value": 441399.99999999994, "Latitude": 34.03, "Longitude": -118.5, "Population": 671.0}, {"index": 8884, "quantile": 0.5, "value": 475350.00000000006, "Latitude": 34.03, "Longitude": -118.5, "Population": 671.0}, {"index": 8884, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.5, "Population": 671.0}, {"index": 8884, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.5, "Population": 671.0}, {"index": 8885, "quantile": 0.0, "value": 294400.0, "Latitude": 34.03, "Longitude": -118.5, "Population": 851.0}, {"index": 8885, "quantile": 0.25, "value": 498350.75, "Latitude": 34.03, "Longitude": -118.5, "Population": 851.0}, {"index": 8885, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.5, "Population": 851.0}, {"index": 8885, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.5, "Population": 851.0}, {"index": 8885, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.5, "Population": 851.0}, {"index": 8886, "quantile": 0.0, "value": 187500.0, "Latitude": 34.03, "Longitude": -118.51, "Population": 1468.0}, {"index": 8886, "quantile": 0.25, "value": 452550.0, "Latitude": 34.03, "Longitude": -118.51, "Population": 1468.0}, {"index": 8886, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.51, "Population": 1468.0}, {"index": 8886, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.51, "Population": 1468.0}, {"index": 8886, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.51, "Population": 1468.0}, {"index": 8887, "quantile": 0.0, "value": 228300.0, "Latitude": 34.02, "Longitude": -118.52, "Population": 2713.0}, {"index": 8887, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.52, "Population": 2713.0}, {"index": 8887, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.52, "Population": 2713.0}, {"index": 8887, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.52, "Population": 2713.0}, {"index": 8887, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.52, "Population": 2713.0}, {"index": 8888, "quantile": 0.0, "value": 275000.0, "Latitude": 34.03, "Longitude": -118.49, "Population": 1985.0}, {"index": 8888, "quantile": 0.25, "value": 436700.0, "Latitude": 34.03, "Longitude": -118.49, "Population": 1985.0}, {"index": 8888, "quantile": 0.5, "value": 436700.0, "Latitude": 34.03, "Longitude": -118.49, "Population": 1985.0}, {"index": 8888, "quantile": 0.75, "value": 454699.99999999994, "Latitude": 34.03, "Longitude": -118.49, "Population": 1985.0}, {"index": 8888, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.49, "Population": 1985.0}, {"index": 8889, "quantile": 0.0, "value": 271100.0, "Latitude": 34.03, "Longitude": -118.5, "Population": 2767.0}, {"index": 8889, "quantile": 0.25, "value": 383300.0, "Latitude": 34.03, "Longitude": -118.5, "Population": 2767.0}, {"index": 8889, "quantile": 0.5, "value": 383300.0, "Latitude": 34.03, "Longitude": -118.5, "Population": 2767.0}, {"index": 8889, "quantile": 0.75, "value": 386050.0, "Latitude": 34.03, "Longitude": -118.5, "Population": 2767.0}, {"index": 8889, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.5, "Population": 2767.0}, {"index": 8890, "quantile": 0.0, "value": 175000.0, "Latitude": 34.02, "Longitude": -118.5, "Population": 2313.0}, {"index": 8890, "quantile": 0.25, "value": 433775.0, "Latitude": 34.02, "Longitude": -118.5, "Population": 2313.0}, {"index": 8890, "quantile": 0.5, "value": 483300.0, "Latitude": 34.02, "Longitude": -118.5, "Population": 2313.0}, {"index": 8890, "quantile": 0.75, "value": 483300.0, "Latitude": 34.02, "Longitude": -118.5, "Population": 2313.0}, {"index": 8890, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.5, "Population": 2313.0}, {"index": 8891, "quantile": 0.0, "value": 87500.0, "Latitude": 34.02, "Longitude": -118.5, "Population": 1492.0}, {"index": 8891, "quantile": 0.25, "value": 291700.0, "Latitude": 34.02, "Longitude": -118.5, "Population": 1492.0}, {"index": 8891, "quantile": 0.5, "value": 291700.0, "Latitude": 34.02, "Longitude": -118.5, "Population": 1492.0}, {"index": 8891, "quantile": 0.75, "value": 327300.0, "Latitude": 34.02, "Longitude": -118.5, "Population": 1492.0}, {"index": 8891, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.5, "Population": 1492.0}, {"index": 8892, "quantile": 0.0, "value": 87500.0, "Latitude": 34.02, "Longitude": -118.5, "Population": 1334.0}, {"index": 8892, "quantile": 0.25, "value": 350000.0, "Latitude": 34.02, "Longitude": -118.5, "Population": 1334.0}, {"index": 8892, "quantile": 0.5, "value": 350000.0, "Latitude": 34.02, "Longitude": -118.5, "Population": 1334.0}, {"index": 8892, "quantile": 0.75, "value": 350000.0, "Latitude": 34.02, "Longitude": -118.5, "Population": 1334.0}, {"index": 8892, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.5, "Population": 1334.0}, {"index": 8893, "quantile": 0.0, "value": 169400.0, "Latitude": 34.01, "Longitude": -118.52, "Population": 1014.0}, {"index": 8893, "quantile": 0.25, "value": 389775.0, "Latitude": 34.01, "Longitude": -118.52, "Population": 1014.0}, {"index": 8893, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.52, "Population": 1014.0}, {"index": 8893, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.52, "Population": 1014.0}, {"index": 8893, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.52, "Population": 1014.0}, {"index": 8894, "quantile": 0.0, "value": 322900.0, "Latitude": 34.03, "Longitude": -118.49, "Population": 1456.0}, {"index": 8894, "quantile": 0.25, "value": 442100.0, "Latitude": 34.03, "Longitude": -118.49, "Population": 1456.0}, {"index": 8894, "quantile": 0.5, "value": 442100.0, "Latitude": 34.03, "Longitude": -118.49, "Population": 1456.0}, {"index": 8894, "quantile": 0.75, "value": 442100.0, "Latitude": 34.03, "Longitude": -118.49, "Population": 1456.0}, {"index": 8894, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.49, "Population": 1456.0}, {"index": 8895, "quantile": 0.0, "value": 40000.0, "Latitude": 34.03, "Longitude": -118.49, "Population": 1208.0}, {"index": 8895, "quantile": 0.25, "value": 450000.0, "Latitude": 34.03, "Longitude": -118.49, "Population": 1208.0}, {"index": 8895, "quantile": 0.5, "value": 450000.0, "Latitude": 34.03, "Longitude": -118.49, "Population": 1208.0}, {"index": 8895, "quantile": 0.75, "value": 450000.0, "Latitude": 34.03, "Longitude": -118.49, "Population": 1208.0}, {"index": 8895, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.49, "Population": 1208.0}, {"index": 8896, "quantile": 0.0, "value": 195800.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 1945.0}, {"index": 8896, "quantile": 0.25, "value": 470800.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 1945.0}, {"index": 8896, "quantile": 0.5, "value": 470800.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 1945.0}, {"index": 8896, "quantile": 0.75, "value": 470800.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 1945.0}, {"index": 8896, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.49, "Population": 1945.0}, {"index": 8897, "quantile": 0.0, "value": 146900.0, "Latitude": 34.03, "Longitude": -118.48, "Population": 1143.0}, {"index": 8897, "quantile": 0.25, "value": 321025.0, "Latitude": 34.03, "Longitude": -118.48, "Population": 1143.0}, {"index": 8897, "quantile": 0.5, "value": 353600.0, "Latitude": 34.03, "Longitude": -118.48, "Population": 1143.0}, {"index": 8897, "quantile": 0.75, "value": 353600.0, "Latitude": 34.03, "Longitude": -118.48, "Population": 1143.0}, {"index": 8897, "quantile": 1.0, "value": 475000.0, "Latitude": 34.03, "Longitude": -118.48, "Population": 1143.0}, {"index": 8898, "quantile": 0.0, "value": 151600.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 1548.0}, {"index": 8898, "quantile": 0.25, "value": 330300.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 1548.0}, {"index": 8898, "quantile": 0.5, "value": 475000.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 1548.0}, {"index": 8898, "quantile": 0.75, "value": 475000.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 1548.0}, {"index": 8898, "quantile": 1.0, "value": 500000.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 1548.0}, {"index": 8899, "quantile": 0.0, "value": 254999.99999999997, "Latitude": 34.02, "Longitude": -118.49, "Population": 1238.0}, {"index": 8899, "quantile": 0.25, "value": 330000.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 1238.0}, {"index": 8899, "quantile": 0.5, "value": 330000.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 1238.0}, {"index": 8899, "quantile": 0.75, "value": 366700.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 1238.0}, {"index": 8899, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.49, "Population": 1238.0}, {"index": 8900, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.48, "Population": 724.0}, {"index": 8900, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.48, "Population": 724.0}, {"index": 8900, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.48, "Population": 724.0}, {"index": 8900, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.48, "Population": 724.0}, {"index": 8900, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.48, "Population": 724.0}, {"index": 8901, "quantile": 0.0, "value": 261300.0, "Latitude": 34.04, "Longitude": -118.48, "Population": 1435.0}, {"index": 8901, "quantile": 0.25, "value": 468825.0, "Latitude": 34.04, "Longitude": -118.48, "Population": 1435.0}, {"index": 8901, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.48, "Population": 1435.0}, {"index": 8901, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.48, "Population": 1435.0}, {"index": 8901, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.48, "Population": 1435.0}, {"index": 8902, "quantile": 0.0, "value": 85500.0, "Latitude": 34.04, "Longitude": -118.48, "Population": 610.0}, {"index": 8902, "quantile": 0.25, "value": 339350.0, "Latitude": 34.04, "Longitude": -118.48, "Population": 610.0}, {"index": 8902, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.48, "Population": 610.0}, {"index": 8902, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.48, "Population": 610.0}, {"index": 8902, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.48, "Population": 610.0}, {"index": 8903, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 34.04, "Longitude": -118.48, "Population": 979.0}, {"index": 8903, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.48, "Population": 979.0}, {"index": 8903, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.48, "Population": 979.0}, {"index": 8903, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.48, "Population": 979.0}, {"index": 8903, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.48, "Population": 979.0}, {"index": 8904, "quantile": 0.0, "value": 140600.0, "Latitude": 34.04, "Longitude": -118.47, "Population": 1310.0}, {"index": 8904, "quantile": 0.25, "value": 350000.0, "Latitude": 34.04, "Longitude": -118.47, "Population": 1310.0}, {"index": 8904, "quantile": 0.5, "value": 350000.0, "Latitude": 34.04, "Longitude": -118.47, "Population": 1310.0}, {"index": 8904, "quantile": 0.75, "value": 367049.99999999994, "Latitude": 34.04, "Longitude": -118.47, "Population": 1310.0}, {"index": 8904, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.47, "Population": 1310.0}, {"index": 8905, "quantile": 0.0, "value": 175000.0, "Latitude": 34.03, "Longitude": -118.47, "Population": 1323.0}, {"index": 8905, "quantile": 0.25, "value": 287500.0, "Latitude": 34.03, "Longitude": -118.47, "Population": 1323.0}, {"index": 8905, "quantile": 0.5, "value": 323550.0, "Latitude": 34.03, "Longitude": -118.47, "Population": 1323.0}, {"index": 8905, "quantile": 0.75, "value": 383300.0, "Latitude": 34.03, "Longitude": -118.47, "Population": 1323.0}, {"index": 8905, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.47, "Population": 1323.0}, {"index": 8906, "quantile": 0.0, "value": 143800.0, "Latitude": 34.03, "Longitude": -118.48, "Population": 1074.0}, {"index": 8906, "quantile": 0.25, "value": 331875.0, "Latitude": 34.03, "Longitude": -118.48, "Population": 1074.0}, {"index": 8906, "quantile": 0.5, "value": 381800.0, "Latitude": 34.03, "Longitude": -118.48, "Population": 1074.0}, {"index": 8906, "quantile": 0.75, "value": 381800.0, "Latitude": 34.03, "Longitude": -118.48, "Population": 1074.0}, {"index": 8906, "quantile": 1.0, "value": 397900.0, "Latitude": 34.03, "Longitude": -118.48, "Population": 1074.0}, {"index": 8907, "quantile": 0.0, "value": 140600.0, "Latitude": 34.03, "Longitude": -118.47, "Population": 1523.0}, {"index": 8907, "quantile": 0.25, "value": 322900.0, "Latitude": 34.03, "Longitude": -118.47, "Population": 1523.0}, {"index": 8907, "quantile": 0.5, "value": 360000.0, "Latitude": 34.03, "Longitude": -118.47, "Population": 1523.0}, {"index": 8907, "quantile": 0.75, "value": 444675.0, "Latitude": 34.03, "Longitude": -118.47, "Population": 1523.0}, {"index": 8907, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.47, "Population": 1523.0}, {"index": 8908, "quantile": 0.0, "value": 229300.00000000003, "Latitude": 34.03, "Longitude": -118.47, "Population": 1303.0}, {"index": 8908, "quantile": 0.25, "value": 340500.0, "Latitude": 34.03, "Longitude": -118.47, "Population": 1303.0}, {"index": 8908, "quantile": 0.5, "value": 340500.0, "Latitude": 34.03, "Longitude": -118.47, "Population": 1303.0}, {"index": 8908, "quantile": 0.75, "value": 340500.0, "Latitude": 34.03, "Longitude": -118.47, "Population": 1303.0}, {"index": 8908, "quantile": 1.0, "value": 421900.00000000006, "Latitude": 34.03, "Longitude": -118.47, "Population": 1303.0}, {"index": 8909, "quantile": 0.0, "value": 127099.99999999999, "Latitude": 34.03, "Longitude": -118.48, "Population": 414.0}, {"index": 8909, "quantile": 0.25, "value": 310000.0, "Latitude": 34.03, "Longitude": -118.48, "Population": 414.0}, {"index": 8909, "quantile": 0.5, "value": 310000.0, "Latitude": 34.03, "Longitude": -118.48, "Population": 414.0}, {"index": 8909, "quantile": 0.75, "value": 310000.0, "Latitude": 34.03, "Longitude": -118.48, "Population": 414.0}, {"index": 8909, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.48, "Population": 414.0}, {"index": 8910, "quantile": 0.0, "value": 87500.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 1106.0}, {"index": 8910, "quantile": 0.25, "value": 203749.99999999997, "Latitude": 34.02, "Longitude": -118.48, "Population": 1106.0}, {"index": 8910, "quantile": 0.5, "value": 271950.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 1106.0}, {"index": 8910, "quantile": 0.75, "value": 305800.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 1106.0}, {"index": 8910, "quantile": 1.0, "value": 500000.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 1106.0}, {"index": 8911, "quantile": 0.0, "value": 162500.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 1019.0}, {"index": 8911, "quantile": 0.25, "value": 375000.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 1019.0}, {"index": 8911, "quantile": 0.5, "value": 375000.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 1019.0}, {"index": 8911, "quantile": 0.75, "value": 375000.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 1019.0}, {"index": 8911, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.48, "Population": 1019.0}, {"index": 8912, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.02, "Longitude": -118.49, "Population": 1026.0}, {"index": 8912, "quantile": 0.25, "value": 366700.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 1026.0}, {"index": 8912, "quantile": 0.5, "value": 366700.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 1026.0}, {"index": 8912, "quantile": 0.75, "value": 366700.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 1026.0}, {"index": 8912, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.49, "Population": 1026.0}, {"index": 8913, "quantile": 0.0, "value": 203799.99999999997, "Latitude": 34.03, "Longitude": -118.46, "Population": 1042.0}, {"index": 8913, "quantile": 0.25, "value": 327300.0, "Latitude": 34.03, "Longitude": -118.46, "Population": 1042.0}, {"index": 8913, "quantile": 0.5, "value": 327300.0, "Latitude": 34.03, "Longitude": -118.46, "Population": 1042.0}, {"index": 8913, "quantile": 0.75, "value": 327300.0, "Latitude": 34.03, "Longitude": -118.46, "Population": 1042.0}, {"index": 8913, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.46, "Population": 1042.0}, {"index": 8914, "quantile": 0.0, "value": 95200.0, "Latitude": 34.03, "Longitude": -118.46, "Population": 886.0}, {"index": 8914, "quantile": 0.25, "value": 175025.0, "Latitude": 34.03, "Longitude": -118.46, "Population": 886.0}, {"index": 8914, "quantile": 0.5, "value": 202800.0, "Latitude": 34.03, "Longitude": -118.46, "Population": 886.0}, {"index": 8914, "quantile": 0.75, "value": 282525.0, "Latitude": 34.03, "Longitude": -118.46, "Population": 886.0}, {"index": 8914, "quantile": 1.0, "value": 417600.0, "Latitude": 34.03, "Longitude": -118.46, "Population": 886.0}, {"index": 8915, "quantile": 0.0, "value": 17500.0, "Latitude": 34.03, "Longitude": -118.46, "Population": 317.0}, {"index": 8915, "quantile": 0.25, "value": 308075.0, "Latitude": 34.03, "Longitude": -118.46, "Population": 317.0}, {"index": 8915, "quantile": 0.5, "value": 337500.0, "Latitude": 34.03, "Longitude": -118.46, "Population": 317.0}, {"index": 8915, "quantile": 0.75, "value": 337500.0, "Latitude": 34.03, "Longitude": -118.46, "Population": 317.0}, {"index": 8915, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -118.46, "Population": 317.0}, {"index": 8916, "quantile": 0.0, "value": 187500.0, "Latitude": 34.02, "Longitude": -118.46, "Population": 1953.0}, {"index": 8916, "quantile": 0.25, "value": 233300.00000000003, "Latitude": 34.02, "Longitude": -118.46, "Population": 1953.0}, {"index": 8916, "quantile": 0.5, "value": 233300.00000000003, "Latitude": 34.02, "Longitude": -118.46, "Population": 1953.0}, {"index": 8916, "quantile": 0.75, "value": 305800.0, "Latitude": 34.02, "Longitude": -118.46, "Population": 1953.0}, {"index": 8916, "quantile": 1.0, "value": 500000.0, "Latitude": 34.02, "Longitude": -118.46, "Population": 1953.0}, {"index": 8917, "quantile": 0.0, "value": 137500.0, "Latitude": 34.02, "Longitude": -118.47, "Population": 1759.0}, {"index": 8917, "quantile": 0.25, "value": 280125.0, "Latitude": 34.02, "Longitude": -118.47, "Population": 1759.0}, {"index": 8917, "quantile": 0.5, "value": 297500.0, "Latitude": 34.02, "Longitude": -118.47, "Population": 1759.0}, {"index": 8917, "quantile": 0.75, "value": 297500.0, "Latitude": 34.02, "Longitude": -118.47, "Population": 1759.0}, {"index": 8917, "quantile": 1.0, "value": 475000.0, "Latitude": 34.02, "Longitude": -118.47, "Population": 1759.0}, {"index": 8918, "quantile": 0.0, "value": 37500.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 150.0}, {"index": 8918, "quantile": 0.25, "value": 204725.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 150.0}, {"index": 8918, "quantile": 0.5, "value": 250000.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 150.0}, {"index": 8918, "quantile": 0.75, "value": 250000.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 150.0}, {"index": 8918, "quantile": 1.0, "value": 450000.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 150.0}, {"index": 8919, "quantile": 0.0, "value": 99600.0, "Latitude": 34.02, "Longitude": -118.47, "Population": 2223.0}, {"index": 8919, "quantile": 0.25, "value": 141500.0, "Latitude": 34.02, "Longitude": -118.47, "Population": 2223.0}, {"index": 8919, "quantile": 0.5, "value": 177050.0, "Latitude": 34.02, "Longitude": -118.47, "Population": 2223.0}, {"index": 8919, "quantile": 0.75, "value": 256524.99999999997, "Latitude": 34.02, "Longitude": -118.47, "Population": 2223.0}, {"index": 8919, "quantile": 1.0, "value": 362200.0, "Latitude": 34.02, "Longitude": -118.47, "Population": 2223.0}, {"index": 8920, "quantile": 0.0, "value": 125800.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 1425.0}, {"index": 8920, "quantile": 0.25, "value": 297500.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 1425.0}, {"index": 8920, "quantile": 0.5, "value": 330800.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 1425.0}, {"index": 8920, "quantile": 0.75, "value": 330800.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 1425.0}, {"index": 8920, "quantile": 1.0, "value": 500000.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 1425.0}, {"index": 8921, "quantile": 0.0, "value": 151600.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 983.0}, {"index": 8921, "quantile": 0.25, "value": 293800.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 983.0}, {"index": 8921, "quantile": 0.5, "value": 293800.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 983.0}, {"index": 8921, "quantile": 0.75, "value": 293800.0, "Latitude": 34.02, "Longitude": -118.48, "Population": 983.0}, {"index": 8921, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.48, "Population": 983.0}, {"index": 8922, "quantile": 0.0, "value": 46900.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 716.0}, {"index": 8922, "quantile": 0.25, "value": 350000.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 716.0}, {"index": 8922, "quantile": 0.5, "value": 450000.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 716.0}, {"index": 8922, "quantile": 0.75, "value": 450000.0, "Latitude": 34.02, "Longitude": -118.49, "Population": 716.0}, {"index": 8922, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.49, "Population": 716.0}, {"index": 8923, "quantile": 0.0, "value": 17500.0, "Latitude": 34.01, "Longitude": -118.49, "Population": 333.0}, {"index": 8923, "quantile": 0.25, "value": 347650.0, "Latitude": 34.01, "Longitude": -118.49, "Population": 333.0}, {"index": 8923, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.49, "Population": 333.0}, {"index": 8923, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.49, "Population": 333.0}, {"index": 8923, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.49, "Population": 333.0}, {"index": 8924, "quantile": 0.0, "value": 165600.0, "Latitude": 34.0, "Longitude": -118.51, "Population": 679.0}, {"index": 8924, "quantile": 0.25, "value": 450000.0, "Latitude": 34.0, "Longitude": -118.51, "Population": 679.0}, {"index": 8924, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.51, "Population": 679.0}, {"index": 8924, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.51, "Population": 679.0}, {"index": 8924, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.51, "Population": 679.0}, {"index": 8925, "quantile": 0.0, "value": 140600.0, "Latitude": 34.01, "Longitude": -118.48, "Population": 1410.0}, {"index": 8925, "quantile": 0.25, "value": 361800.0, "Latitude": 34.01, "Longitude": -118.48, "Population": 1410.0}, {"index": 8925, "quantile": 0.5, "value": 436700.0, "Latitude": 34.01, "Longitude": -118.48, "Population": 1410.0}, {"index": 8925, "quantile": 0.75, "value": 460375.0, "Latitude": 34.01, "Longitude": -118.48, "Population": 1410.0}, {"index": 8925, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.48, "Population": 1410.0}, {"index": 8926, "quantile": 0.0, "value": 268500.0, "Latitude": 34.0, "Longitude": -118.48, "Population": 1058.0}, {"index": 8926, "quantile": 0.25, "value": 370000.0, "Latitude": 34.0, "Longitude": -118.48, "Population": 1058.0}, {"index": 8926, "quantile": 0.5, "value": 370000.0, "Latitude": 34.0, "Longitude": -118.48, "Population": 1058.0}, {"index": 8926, "quantile": 0.75, "value": 412500.0, "Latitude": 34.0, "Longitude": -118.48, "Population": 1058.0}, {"index": 8926, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.48, "Population": 1058.0}, {"index": 8927, "quantile": 0.0, "value": 210900.0, "Latitude": 34.01, "Longitude": -118.48, "Population": 1561.0}, {"index": 8927, "quantile": 0.25, "value": 424225.00000000006, "Latitude": 34.01, "Longitude": -118.48, "Population": 1561.0}, {"index": 8927, "quantile": 0.5, "value": 425000.0, "Latitude": 34.01, "Longitude": -118.48, "Population": 1561.0}, {"index": 8927, "quantile": 0.75, "value": 425000.0, "Latitude": 34.01, "Longitude": -118.48, "Population": 1561.0}, {"index": 8927, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.48, "Population": 1561.0}, {"index": 8928, "quantile": 0.0, "value": 220000.00000000003, "Latitude": 34.0, "Longitude": -118.49, "Population": 1463.0}, {"index": 8928, "quantile": 0.25, "value": 350000.0, "Latitude": 34.0, "Longitude": -118.49, "Population": 1463.0}, {"index": 8928, "quantile": 0.5, "value": 362700.0, "Latitude": 34.0, "Longitude": -118.49, "Population": 1463.0}, {"index": 8928, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.49, "Population": 1463.0}, {"index": 8928, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.49, "Population": 1463.0}, {"index": 8929, "quantile": 0.0, "value": 140600.0, "Latitude": 34.01, "Longitude": -118.48, "Population": 719.0}, {"index": 8929, "quantile": 0.25, "value": 353800.0, "Latitude": 34.01, "Longitude": -118.48, "Population": 719.0}, {"index": 8929, "quantile": 0.5, "value": 353800.0, "Latitude": 34.01, "Longitude": -118.48, "Population": 719.0}, {"index": 8929, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.48, "Population": 719.0}, {"index": 8929, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.48, "Population": 719.0}, {"index": 8930, "quantile": 0.0, "value": 177100.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 668.0}, {"index": 8930, "quantile": 0.25, "value": 329700.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 668.0}, {"index": 8930, "quantile": 0.5, "value": 384400.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 668.0}, {"index": 8930, "quantile": 0.75, "value": 384400.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 668.0}, {"index": 8930, "quantile": 1.0, "value": 479000.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 668.0}, {"index": 8931, "quantile": 0.0, "value": 151600.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 574.0}, {"index": 8931, "quantile": 0.25, "value": 340500.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 574.0}, {"index": 8931, "quantile": 0.5, "value": 340500.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 574.0}, {"index": 8931, "quantile": 0.75, "value": 340500.0, "Latitude": 34.0, "Longitude": -118.47, "Population": 574.0}, {"index": 8931, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.47, "Population": 574.0}, {"index": 8932, "quantile": 0.0, "value": 279400.0, "Latitude": 34.0, "Longitude": -118.48, "Population": 1749.0}, {"index": 8932, "quantile": 0.25, "value": 450000.0, "Latitude": 34.0, "Longitude": -118.48, "Population": 1749.0}, {"index": 8932, "quantile": 0.5, "value": 450000.0, "Latitude": 34.0, "Longitude": -118.48, "Population": 1749.0}, {"index": 8932, "quantile": 0.75, "value": 450000.0, "Latitude": 34.0, "Longitude": -118.48, "Population": 1749.0}, {"index": 8932, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.48, "Population": 1749.0}, {"index": 8933, "quantile": 0.0, "value": 275000.0, "Latitude": 34.0, "Longitude": -118.48, "Population": 741.0}, {"index": 8933, "quantile": 0.25, "value": 425000.0, "Latitude": 34.0, "Longitude": -118.48, "Population": 741.0}, {"index": 8933, "quantile": 0.5, "value": 500000.0, "Latitude": 34.0, "Longitude": -118.48, "Population": 741.0}, {"index": 8933, "quantile": 0.75, "value": 500000.0, "Latitude": 34.0, "Longitude": -118.48, "Population": 741.0}, {"index": 8933, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.48, "Population": 741.0}, {"index": 8934, "quantile": 0.0, "value": 225000.0, "Latitude": 34.0, "Longitude": -118.48, "Population": 521.0}, {"index": 8934, "quantile": 0.25, "value": 412500.0, "Latitude": 34.0, "Longitude": -118.48, "Population": 521.0}, {"index": 8934, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.48, "Population": 521.0}, {"index": 8934, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.48, "Population": 521.0}, {"index": 8934, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.48, "Population": 521.0}, {"index": 8935, "quantile": 0.0, "value": 106300.0, "Latitude": 33.99, "Longitude": -118.5, "Population": 1268.0}, {"index": 8935, "quantile": 0.25, "value": 420800.0, "Latitude": 33.99, "Longitude": -118.5, "Population": 1268.0}, {"index": 8935, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.5, "Population": 1268.0}, {"index": 8935, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.5, "Population": 1268.0}, {"index": 8935, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.5, "Population": 1268.0}, {"index": 8936, "quantile": 0.0, "value": 138000.0, "Latitude": 34.02, "Longitude": -118.47, "Population": 986.0}, {"index": 8936, "quantile": 0.25, "value": 293800.0, "Latitude": 34.02, "Longitude": -118.47, "Population": 986.0}, {"index": 8936, "quantile": 0.5, "value": 313600.0, "Latitude": 34.02, "Longitude": -118.47, "Population": 986.0}, {"index": 8936, "quantile": 0.75, "value": 350000.0, "Latitude": 34.02, "Longitude": -118.47, "Population": 986.0}, {"index": 8936, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.47, "Population": 986.0}, {"index": 8937, "quantile": 0.0, "value": 186400.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 1019.0}, {"index": 8937, "quantile": 0.25, "value": 379474.99999999994, "Latitude": 34.01, "Longitude": -118.47, "Population": 1019.0}, {"index": 8937, "quantile": 0.5, "value": 470800.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 1019.0}, {"index": 8937, "quantile": 0.75, "value": 470800.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 1019.0}, {"index": 8937, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.47, "Population": 1019.0}, {"index": 8938, "quantile": 0.0, "value": 241699.99999999997, "Latitude": 34.01, "Longitude": -118.47, "Population": 1047.0}, {"index": 8938, "quantile": 0.25, "value": 453125.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 1047.0}, {"index": 8938, "quantile": 0.5, "value": 462899.99999999994, "Latitude": 34.01, "Longitude": -118.47, "Population": 1047.0}, {"index": 8938, "quantile": 0.75, "value": 462899.99999999994, "Latitude": 34.01, "Longitude": -118.47, "Population": 1047.0}, {"index": 8938, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.47, "Population": 1047.0}, {"index": 8939, "quantile": 0.0, "value": 275000.0, "Latitude": 34.01, "Longitude": -118.48, "Population": 1023.0}, {"index": 8939, "quantile": 0.25, "value": 398300.0, "Latitude": 34.01, "Longitude": -118.48, "Population": 1023.0}, {"index": 8939, "quantile": 0.5, "value": 398300.0, "Latitude": 34.01, "Longitude": -118.48, "Population": 1023.0}, {"index": 8939, "quantile": 0.75, "value": 398300.0, "Latitude": 34.01, "Longitude": -118.48, "Population": 1023.0}, {"index": 8939, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.48, "Population": 1023.0}, {"index": 8940, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 34.01, "Longitude": -118.47, "Population": 482.0}, {"index": 8940, "quantile": 0.25, "value": 287500.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 482.0}, {"index": 8940, "quantile": 0.5, "value": 305000.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 482.0}, {"index": 8940, "quantile": 0.75, "value": 338275.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 482.0}, {"index": 8940, "quantile": 1.0, "value": 475000.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 482.0}, {"index": 8941, "quantile": 0.0, "value": 157700.0, "Latitude": 34.01, "Longitude": -118.46, "Population": 664.0}, {"index": 8941, "quantile": 0.25, "value": 295200.0, "Latitude": 34.01, "Longitude": -118.46, "Population": 664.0}, {"index": 8941, "quantile": 0.5, "value": 346500.0, "Latitude": 34.01, "Longitude": -118.46, "Population": 664.0}, {"index": 8941, "quantile": 0.75, "value": 446000.0, "Latitude": 34.01, "Longitude": -118.46, "Population": 664.0}, {"index": 8941, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.46, "Population": 664.0}, {"index": 8942, "quantile": 0.0, "value": 171700.0, "Latitude": 34.01, "Longitude": -118.46, "Population": 688.0}, {"index": 8942, "quantile": 0.25, "value": 380000.0, "Latitude": 34.01, "Longitude": -118.46, "Population": 688.0}, {"index": 8942, "quantile": 0.5, "value": 493400.0, "Latitude": 34.01, "Longitude": -118.46, "Population": 688.0}, {"index": 8942, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.46, "Population": 688.0}, {"index": 8942, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.46, "Population": 688.0}, {"index": 8943, "quantile": 0.0, "value": 155100.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 958.0}, {"index": 8943, "quantile": 0.25, "value": 373575.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 958.0}, {"index": 8943, "quantile": 0.5, "value": 480100.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 958.0}, {"index": 8943, "quantile": 0.75, "value": 480100.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 958.0}, {"index": 8943, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.47, "Population": 958.0}, {"index": 8944, "quantile": 0.0, "value": 137000.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 393.0}, {"index": 8944, "quantile": 0.25, "value": 450000.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 393.0}, {"index": 8944, "quantile": 0.5, "value": 461100.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 393.0}, {"index": 8944, "quantile": 0.75, "value": 461100.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 393.0}, {"index": 8944, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.47, "Population": 393.0}, {"index": 8945, "quantile": 0.0, "value": 140600.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 837.0}, {"index": 8945, "quantile": 0.25, "value": 391900.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 837.0}, {"index": 8945, "quantile": 0.5, "value": 413000.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 837.0}, {"index": 8945, "quantile": 0.75, "value": 413000.0, "Latitude": 34.01, "Longitude": -118.47, "Population": 837.0}, {"index": 8945, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.47, "Population": 837.0}, {"index": 8946, "quantile": 0.0, "value": 140600.0, "Latitude": 34.02, "Longitude": -118.45, "Population": 1212.0}, {"index": 8946, "quantile": 0.25, "value": 421900.00000000006, "Latitude": 34.02, "Longitude": -118.45, "Population": 1212.0}, {"index": 8946, "quantile": 0.5, "value": 421900.00000000006, "Latitude": 34.02, "Longitude": -118.45, "Population": 1212.0}, {"index": 8946, "quantile": 0.75, "value": 421900.00000000006, "Latitude": 34.02, "Longitude": -118.45, "Population": 1212.0}, {"index": 8946, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.45, "Population": 1212.0}, {"index": 8947, "quantile": 0.0, "value": 171700.0, "Latitude": 34.02, "Longitude": -118.45, "Population": 565.0}, {"index": 8947, "quantile": 0.25, "value": 480100.0, "Latitude": 34.02, "Longitude": -118.45, "Population": 565.0}, {"index": 8947, "quantile": 0.5, "value": 493400.0, "Latitude": 34.02, "Longitude": -118.45, "Population": 565.0}, {"index": 8947, "quantile": 0.75, "value": 493400.0, "Latitude": 34.02, "Longitude": -118.45, "Population": 565.0}, {"index": 8947, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.45, "Population": 565.0}, {"index": 8948, "quantile": 0.0, "value": 227900.0, "Latitude": 34.02, "Longitude": -118.46, "Population": 1690.0}, {"index": 8948, "quantile": 0.25, "value": 450000.0, "Latitude": 34.02, "Longitude": -118.46, "Population": 1690.0}, {"index": 8948, "quantile": 0.5, "value": 456200.0, "Latitude": 34.02, "Longitude": -118.46, "Population": 1690.0}, {"index": 8948, "quantile": 0.75, "value": 456200.0, "Latitude": 34.02, "Longitude": -118.46, "Population": 1690.0}, {"index": 8948, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.46, "Population": 1690.0}, {"index": 8949, "quantile": 0.0, "value": 215600.0, "Latitude": 34.02, "Longitude": -118.46, "Population": 1225.0}, {"index": 8949, "quantile": 0.25, "value": 353625.0, "Latitude": 34.02, "Longitude": -118.46, "Population": 1225.0}, {"index": 8949, "quantile": 0.5, "value": 473000.00000000006, "Latitude": 34.02, "Longitude": -118.46, "Population": 1225.0}, {"index": 8949, "quantile": 0.75, "value": 473000.00000000006, "Latitude": 34.02, "Longitude": -118.46, "Population": 1225.0}, {"index": 8949, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.46, "Population": 1225.0}, {"index": 8950, "quantile": 0.0, "value": 252199.99999999997, "Latitude": 34.02, "Longitude": -118.46, "Population": 1569.0}, {"index": 8950, "quantile": 0.25, "value": 434500.0, "Latitude": 34.02, "Longitude": -118.46, "Population": 1569.0}, {"index": 8950, "quantile": 0.5, "value": 471400.00000000006, "Latitude": 34.02, "Longitude": -118.46, "Population": 1569.0}, {"index": 8950, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.46, "Population": 1569.0}, {"index": 8950, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.46, "Population": 1569.0}, {"index": 8951, "quantile": 0.0, "value": 81900.0, "Latitude": 34.03, "Longitude": -118.37, "Population": 138.0}, {"index": 8951, "quantile": 0.25, "value": 196400.0, "Latitude": 34.03, "Longitude": -118.37, "Population": 138.0}, {"index": 8951, "quantile": 0.5, "value": 196400.0, "Latitude": 34.03, "Longitude": -118.37, "Population": 138.0}, {"index": 8951, "quantile": 0.75, "value": 196400.0, "Latitude": 34.03, "Longitude": -118.37, "Population": 138.0}, {"index": 8951, "quantile": 1.0, "value": 450000.0, "Latitude": 34.03, "Longitude": -118.37, "Population": 138.0}, {"index": 8952, "quantile": 0.0, "value": 126699.99999999999, "Latitude": 34.03, "Longitude": -118.38, "Population": 1295.0}, {"index": 8952, "quantile": 0.25, "value": 266400.0, "Latitude": 34.03, "Longitude": -118.38, "Population": 1295.0}, {"index": 8952, "quantile": 0.5, "value": 266400.0, "Latitude": 34.03, "Longitude": -118.38, "Population": 1295.0}, {"index": 8952, "quantile": 0.75, "value": 266400.0, "Latitude": 34.03, "Longitude": -118.38, "Population": 1295.0}, {"index": 8952, "quantile": 1.0, "value": 419100.0, "Latitude": 34.03, "Longitude": -118.38, "Population": 1295.0}, {"index": 8953, "quantile": 0.0, "value": 121500.00000000001, "Latitude": 34.02, "Longitude": -118.38, "Population": 1343.0}, {"index": 8953, "quantile": 0.25, "value": 227349.99999999997, "Latitude": 34.02, "Longitude": -118.38, "Population": 1343.0}, {"index": 8953, "quantile": 0.5, "value": 266400.0, "Latitude": 34.02, "Longitude": -118.38, "Population": 1343.0}, {"index": 8953, "quantile": 0.75, "value": 314500.0, "Latitude": 34.02, "Longitude": -118.38, "Population": 1343.0}, {"index": 8953, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.38, "Population": 1343.0}, {"index": 8954, "quantile": 0.0, "value": 137500.0, "Latitude": 34.02, "Longitude": -118.39, "Population": 1312.0}, {"index": 8954, "quantile": 0.25, "value": 279400.0, "Latitude": 34.02, "Longitude": -118.39, "Population": 1312.0}, {"index": 8954, "quantile": 0.5, "value": 279400.0, "Latitude": 34.02, "Longitude": -118.39, "Population": 1312.0}, {"index": 8954, "quantile": 0.75, "value": 310575.0, "Latitude": 34.02, "Longitude": -118.39, "Population": 1312.0}, {"index": 8954, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.39, "Population": 1312.0}, {"index": 8955, "quantile": 0.0, "value": 122200.0, "Latitude": 34.02, "Longitude": -118.39, "Population": 1042.0}, {"index": 8955, "quantile": 0.25, "value": 314500.0, "Latitude": 34.02, "Longitude": -118.39, "Population": 1042.0}, {"index": 8955, "quantile": 0.5, "value": 314500.0, "Latitude": 34.02, "Longitude": -118.39, "Population": 1042.0}, {"index": 8955, "quantile": 0.75, "value": 314500.0, "Latitude": 34.02, "Longitude": -118.39, "Population": 1042.0}, {"index": 8955, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.39, "Population": 1042.0}, {"index": 8956, "quantile": 0.0, "value": 159500.0, "Latitude": 34.01, "Longitude": -118.38, "Population": 3922.0}, {"index": 8956, "quantile": 0.25, "value": 304100.0, "Latitude": 34.01, "Longitude": -118.38, "Population": 3922.0}, {"index": 8956, "quantile": 0.5, "value": 304100.0, "Latitude": 34.01, "Longitude": -118.38, "Population": 3922.0}, {"index": 8956, "quantile": 0.75, "value": 304100.0, "Latitude": 34.01, "Longitude": -118.38, "Population": 3922.0}, {"index": 8956, "quantile": 1.0, "value": 478400.0, "Latitude": 34.01, "Longitude": -118.38, "Population": 3922.0}, {"index": 8957, "quantile": 0.0, "value": 138000.0, "Latitude": 34.01, "Longitude": -118.39, "Population": 543.0}, {"index": 8957, "quantile": 0.25, "value": 310625.0, "Latitude": 34.01, "Longitude": -118.39, "Population": 543.0}, {"index": 8957, "quantile": 0.5, "value": 340600.0, "Latitude": 34.01, "Longitude": -118.39, "Population": 543.0}, {"index": 8957, "quantile": 0.75, "value": 340600.0, "Latitude": 34.01, "Longitude": -118.39, "Population": 543.0}, {"index": 8957, "quantile": 1.0, "value": 383300.0, "Latitude": 34.01, "Longitude": -118.39, "Population": 543.0}, {"index": 8958, "quantile": 0.0, "value": 140600.0, "Latitude": 34.02, "Longitude": -118.39, "Population": 1091.0}, {"index": 8958, "quantile": 0.25, "value": 322900.0, "Latitude": 34.02, "Longitude": -118.39, "Population": 1091.0}, {"index": 8958, "quantile": 0.5, "value": 322900.0, "Latitude": 34.02, "Longitude": -118.39, "Population": 1091.0}, {"index": 8958, "quantile": 0.75, "value": 457824.99999999994, "Latitude": 34.02, "Longitude": -118.39, "Population": 1091.0}, {"index": 8958, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.39, "Population": 1091.0}, {"index": 8959, "quantile": 0.0, "value": 151400.0, "Latitude": 34.01, "Longitude": -118.39, "Population": 2101.0}, {"index": 8959, "quantile": 0.25, "value": 323325.0, "Latitude": 34.01, "Longitude": -118.39, "Population": 2101.0}, {"index": 8959, "quantile": 0.5, "value": 355100.0, "Latitude": 34.01, "Longitude": -118.39, "Population": 2101.0}, {"index": 8959, "quantile": 0.75, "value": 355100.0, "Latitude": 34.01, "Longitude": -118.39, "Population": 2101.0}, {"index": 8959, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.39, "Population": 2101.0}, {"index": 8960, "quantile": 0.0, "value": 252199.99999999997, "Latitude": 34.01, "Longitude": -118.4, "Population": 618.0}, {"index": 8960, "quantile": 0.25, "value": 356300.0, "Latitude": 34.01, "Longitude": -118.4, "Population": 618.0}, {"index": 8960, "quantile": 0.5, "value": 356300.0, "Latitude": 34.01, "Longitude": -118.4, "Population": 618.0}, {"index": 8960, "quantile": 0.75, "value": 356300.0, "Latitude": 34.01, "Longitude": -118.4, "Population": 618.0}, {"index": 8960, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.4, "Population": 618.0}, {"index": 8961, "quantile": 0.0, "value": 185100.0, "Latitude": 34.02, "Longitude": -118.4, "Population": 371.0}, {"index": 8961, "quantile": 0.25, "value": 331900.0, "Latitude": 34.02, "Longitude": -118.4, "Population": 371.0}, {"index": 8961, "quantile": 0.5, "value": 332800.0, "Latitude": 34.02, "Longitude": -118.4, "Population": 371.0}, {"index": 8961, "quantile": 0.75, "value": 332800.0, "Latitude": 34.02, "Longitude": -118.4, "Population": 371.0}, {"index": 8961, "quantile": 1.0, "value": 456100.0, "Latitude": 34.02, "Longitude": -118.4, "Population": 371.0}, {"index": 8962, "quantile": 0.0, "value": 142000.0, "Latitude": 34.0, "Longitude": -118.39, "Population": 826.0}, {"index": 8962, "quantile": 0.25, "value": 329200.0, "Latitude": 34.0, "Longitude": -118.39, "Population": 826.0}, {"index": 8962, "quantile": 0.5, "value": 485700.0, "Latitude": 34.0, "Longitude": -118.39, "Population": 826.0}, {"index": 8962, "quantile": 0.75, "value": 485700.0, "Latitude": 34.0, "Longitude": -118.39, "Population": 826.0}, {"index": 8962, "quantile": 1.0, "value": 485700.0, "Latitude": 34.0, "Longitude": -118.39, "Population": 826.0}, {"index": 8963, "quantile": 0.0, "value": 339000.0, "Latitude": 33.99, "Longitude": -118.39, "Population": 1030.0}, {"index": 8963, "quantile": 0.25, "value": 369200.0, "Latitude": 33.99, "Longitude": -118.39, "Population": 1030.0}, {"index": 8963, "quantile": 0.5, "value": 369200.0, "Latitude": 33.99, "Longitude": -118.39, "Population": 1030.0}, {"index": 8963, "quantile": 0.75, "value": 378499.99999999994, "Latitude": 33.99, "Longitude": -118.39, "Population": 1030.0}, {"index": 8963, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.39, "Population": 1030.0}, {"index": 8964, "quantile": 0.0, "value": 146200.0, "Latitude": 33.99, "Longitude": -118.39, "Population": 402.0}, {"index": 8964, "quantile": 0.25, "value": 246300.0, "Latitude": 33.99, "Longitude": -118.39, "Population": 402.0}, {"index": 8964, "quantile": 0.5, "value": 314900.0, "Latitude": 33.99, "Longitude": -118.39, "Population": 402.0}, {"index": 8964, "quantile": 0.75, "value": 314900.0, "Latitude": 33.99, "Longitude": -118.39, "Population": 402.0}, {"index": 8964, "quantile": 1.0, "value": 485700.0, "Latitude": 33.99, "Longitude": -118.39, "Population": 402.0}, {"index": 8965, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 34.0, "Longitude": -118.39, "Population": 1104.0}, {"index": 8965, "quantile": 0.25, "value": 236600.0, "Latitude": 34.0, "Longitude": -118.39, "Population": 1104.0}, {"index": 8965, "quantile": 0.5, "value": 339100.0, "Latitude": 34.0, "Longitude": -118.39, "Population": 1104.0}, {"index": 8965, "quantile": 0.75, "value": 339100.0, "Latitude": 34.0, "Longitude": -118.39, "Population": 1104.0}, {"index": 8965, "quantile": 1.0, "value": 339100.0, "Latitude": 34.0, "Longitude": -118.39, "Population": 1104.0}, {"index": 8966, "quantile": 0.0, "value": 157800.0, "Latitude": 34.0, "Longitude": -118.4, "Population": 872.0}, {"index": 8966, "quantile": 0.25, "value": 329400.0, "Latitude": 34.0, "Longitude": -118.4, "Population": 872.0}, {"index": 8966, "quantile": 0.5, "value": 329400.0, "Latitude": 34.0, "Longitude": -118.4, "Population": 872.0}, {"index": 8966, "quantile": 0.75, "value": 329400.0, "Latitude": 34.0, "Longitude": -118.4, "Population": 872.0}, {"index": 8966, "quantile": 1.0, "value": 456100.0, "Latitude": 34.0, "Longitude": -118.4, "Population": 872.0}, {"index": 8967, "quantile": 0.0, "value": 207399.99999999997, "Latitude": 34.0, "Longitude": -118.4, "Population": 751.0}, {"index": 8967, "quantile": 0.25, "value": 334975.0, "Latitude": 34.0, "Longitude": -118.4, "Population": 751.0}, {"index": 8967, "quantile": 0.5, "value": 336000.0, "Latitude": 34.0, "Longitude": -118.4, "Population": 751.0}, {"index": 8967, "quantile": 0.75, "value": 336000.0, "Latitude": 34.0, "Longitude": -118.4, "Population": 751.0}, {"index": 8967, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.4, "Population": 751.0}, {"index": 8968, "quantile": 0.0, "value": 97200.0, "Latitude": 33.99, "Longitude": -118.4, "Population": 704.0}, {"index": 8968, "quantile": 0.25, "value": 221100.00000000003, "Latitude": 33.99, "Longitude": -118.4, "Population": 704.0}, {"index": 8968, "quantile": 0.5, "value": 240250.0, "Latitude": 33.99, "Longitude": -118.4, "Population": 704.0}, {"index": 8968, "quantile": 0.75, "value": 254900.0, "Latitude": 33.99, "Longitude": -118.4, "Population": 704.0}, {"index": 8968, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.4, "Population": 704.0}, {"index": 8969, "quantile": 0.0, "value": 139100.0, "Latitude": 33.99, "Longitude": -118.4, "Population": 591.0}, {"index": 8969, "quantile": 0.25, "value": 326700.0, "Latitude": 33.99, "Longitude": -118.4, "Population": 591.0}, {"index": 8969, "quantile": 0.5, "value": 326700.0, "Latitude": 33.99, "Longitude": -118.4, "Population": 591.0}, {"index": 8969, "quantile": 0.75, "value": 326700.0, "Latitude": 33.99, "Longitude": -118.4, "Population": 591.0}, {"index": 8969, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.4, "Population": 591.0}, {"index": 8970, "quantile": 0.0, "value": 138700.0, "Latitude": 34.0, "Longitude": -118.4, "Population": 1012.0}, {"index": 8970, "quantile": 0.25, "value": 333500.0, "Latitude": 34.0, "Longitude": -118.4, "Population": 1012.0}, {"index": 8970, "quantile": 0.5, "value": 344300.0, "Latitude": 34.0, "Longitude": -118.4, "Population": 1012.0}, {"index": 8970, "quantile": 0.75, "value": 344300.0, "Latitude": 34.0, "Longitude": -118.4, "Population": 1012.0}, {"index": 8970, "quantile": 1.0, "value": 427299.99999999994, "Latitude": 34.0, "Longitude": -118.4, "Population": 1012.0}, {"index": 8971, "quantile": 0.0, "value": 183600.0, "Latitude": 34.01, "Longitude": -118.4, "Population": 693.0}, {"index": 8971, "quantile": 0.25, "value": 344900.0, "Latitude": 34.01, "Longitude": -118.4, "Population": 693.0}, {"index": 8971, "quantile": 0.5, "value": 351600.0, "Latitude": 34.01, "Longitude": -118.4, "Population": 693.0}, {"index": 8971, "quantile": 0.75, "value": 351600.0, "Latitude": 34.01, "Longitude": -118.4, "Population": 693.0}, {"index": 8971, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.4, "Population": 693.0}, {"index": 8972, "quantile": 0.0, "value": 218000.00000000003, "Latitude": 34.01, "Longitude": -118.41, "Population": 961.0}, {"index": 8972, "quantile": 0.25, "value": 333500.0, "Latitude": 34.01, "Longitude": -118.41, "Population": 961.0}, {"index": 8972, "quantile": 0.5, "value": 333500.0, "Latitude": 34.01, "Longitude": -118.41, "Population": 961.0}, {"index": 8972, "quantile": 0.75, "value": 333500.0, "Latitude": 34.01, "Longitude": -118.41, "Population": 961.0}, {"index": 8972, "quantile": 1.0, "value": 459199.99999999994, "Latitude": 34.01, "Longitude": -118.41, "Population": 961.0}, {"index": 8973, "quantile": 0.0, "value": 181300.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 689.0}, {"index": 8973, "quantile": 0.25, "value": 326700.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 689.0}, {"index": 8973, "quantile": 0.5, "value": 331000.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 689.0}, {"index": 8973, "quantile": 0.75, "value": 331000.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 689.0}, {"index": 8973, "quantile": 1.0, "value": 411200.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 689.0}, {"index": 8974, "quantile": 0.0, "value": 187600.0, "Latitude": 34.01, "Longitude": -118.41, "Population": 1218.0}, {"index": 8974, "quantile": 0.25, "value": 247149.99999999997, "Latitude": 34.01, "Longitude": -118.41, "Population": 1218.0}, {"index": 8974, "quantile": 0.5, "value": 279600.0, "Latitude": 34.01, "Longitude": -118.41, "Population": 1218.0}, {"index": 8974, "quantile": 0.75, "value": 287100.0, "Latitude": 34.01, "Longitude": -118.41, "Population": 1218.0}, {"index": 8974, "quantile": 1.0, "value": 446800.0, "Latitude": 34.01, "Longitude": -118.41, "Population": 1218.0}, {"index": 8975, "quantile": 0.0, "value": 209500.00000000003, "Latitude": 34.01, "Longitude": -118.41, "Population": 1290.0}, {"index": 8975, "quantile": 0.25, "value": 302500.0, "Latitude": 34.01, "Longitude": -118.41, "Population": 1290.0}, {"index": 8975, "quantile": 0.5, "value": 302500.0, "Latitude": 34.01, "Longitude": -118.41, "Population": 1290.0}, {"index": 8975, "quantile": 0.75, "value": 324300.0, "Latitude": 34.01, "Longitude": -118.41, "Population": 1290.0}, {"index": 8975, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -118.41, "Population": 1290.0}, {"index": 8976, "quantile": 0.0, "value": 87500.0, "Latitude": 34.01, "Longitude": -118.41, "Population": 2475.0}, {"index": 8976, "quantile": 0.25, "value": 285300.0, "Latitude": 34.01, "Longitude": -118.41, "Population": 2475.0}, {"index": 8976, "quantile": 0.5, "value": 285300.0, "Latitude": 34.01, "Longitude": -118.41, "Population": 2475.0}, {"index": 8976, "quantile": 0.75, "value": 285300.0, "Latitude": 34.01, "Longitude": -118.41, "Population": 2475.0}, {"index": 8976, "quantile": 1.0, "value": 475000.0, "Latitude": 34.01, "Longitude": -118.41, "Population": 2475.0}, {"index": 8977, "quantile": 0.0, "value": 164300.0, "Latitude": 34.01, "Longitude": -118.42, "Population": 997.0}, {"index": 8977, "quantile": 0.25, "value": 305000.0, "Latitude": 34.01, "Longitude": -118.42, "Population": 997.0}, {"index": 8977, "quantile": 0.5, "value": 305000.0, "Latitude": 34.01, "Longitude": -118.42, "Population": 997.0}, {"index": 8977, "quantile": 0.75, "value": 305000.0, "Latitude": 34.01, "Longitude": -118.42, "Population": 997.0}, {"index": 8977, "quantile": 1.0, "value": 475000.0, "Latitude": 34.01, "Longitude": -118.42, "Population": 997.0}, {"index": 8978, "quantile": 0.0, "value": 95200.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 268.0}, {"index": 8978, "quantile": 0.25, "value": 251500.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 268.0}, {"index": 8978, "quantile": 0.5, "value": 271400.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 268.0}, {"index": 8978, "quantile": 0.75, "value": 271400.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 268.0}, {"index": 8978, "quantile": 1.0, "value": 461100.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 268.0}, {"index": 8979, "quantile": 0.0, "value": 174200.0, "Latitude": 34.0, "Longitude": -118.42, "Population": 883.0}, {"index": 8979, "quantile": 0.25, "value": 269100.0, "Latitude": 34.0, "Longitude": -118.42, "Population": 883.0}, {"index": 8979, "quantile": 0.5, "value": 322900.0, "Latitude": 34.0, "Longitude": -118.42, "Population": 883.0}, {"index": 8979, "quantile": 0.75, "value": 341400.0, "Latitude": 34.0, "Longitude": -118.42, "Population": 883.0}, {"index": 8979, "quantile": 1.0, "value": 470800.0, "Latitude": 34.0, "Longitude": -118.42, "Population": 883.0}, {"index": 8980, "quantile": 0.0, "value": 71300.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 69.0}, {"index": 8980, "quantile": 0.25, "value": 262300.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 69.0}, {"index": 8980, "quantile": 0.5, "value": 275000.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 69.0}, {"index": 8980, "quantile": 0.75, "value": 275000.0, "Latitude": 34.0, "Longitude": -118.41, "Population": 69.0}, {"index": 8980, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.41, "Population": 69.0}, {"index": 8981, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.0, "Longitude": -118.42, "Population": 734.0}, {"index": 8981, "quantile": 0.25, "value": 199350.0, "Latitude": 34.0, "Longitude": -118.42, "Population": 734.0}, {"index": 8981, "quantile": 0.5, "value": 269500.0, "Latitude": 34.0, "Longitude": -118.42, "Population": 734.0}, {"index": 8981, "quantile": 0.75, "value": 335400.0, "Latitude": 34.0, "Longitude": -118.42, "Population": 734.0}, {"index": 8981, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.42, "Population": 734.0}, {"index": 8982, "quantile": 0.0, "value": 122200.0, "Latitude": 34.0, "Longitude": -118.43, "Population": 1008.0}, {"index": 8982, "quantile": 0.25, "value": 276100.0, "Latitude": 34.0, "Longitude": -118.43, "Population": 1008.0}, {"index": 8982, "quantile": 0.5, "value": 314300.0, "Latitude": 34.0, "Longitude": -118.43, "Population": 1008.0}, {"index": 8982, "quantile": 0.75, "value": 314300.0, "Latitude": 34.0, "Longitude": -118.43, "Population": 1008.0}, {"index": 8982, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.43, "Population": 1008.0}, {"index": 8983, "quantile": 0.0, "value": 127600.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1190.0}, {"index": 8983, "quantile": 0.25, "value": 296200.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1190.0}, {"index": 8983, "quantile": 0.5, "value": 323000.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1190.0}, {"index": 8983, "quantile": 0.75, "value": 323000.0, "Latitude": 33.99, "Longitude": -118.43, "Population": 1190.0}, {"index": 8983, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.43, "Population": 1190.0}, {"index": 8984, "quantile": 0.0, "value": 47500.0, "Latitude": 33.99, "Longitude": -118.44, "Population": 156.0}, {"index": 8984, "quantile": 0.25, "value": 275000.0, "Latitude": 33.99, "Longitude": -118.44, "Population": 156.0}, {"index": 8984, "quantile": 0.5, "value": 275000.0, "Latitude": 33.99, "Longitude": -118.44, "Population": 156.0}, {"index": 8984, "quantile": 0.75, "value": 345900.0, "Latitude": 33.99, "Longitude": -118.44, "Population": 156.0}, {"index": 8984, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.44, "Population": 156.0}, {"index": 8985, "quantile": 0.0, "value": 228300.0, "Latitude": 33.98, "Longitude": -118.44, "Population": 7431.0}, {"index": 8985, "quantile": 0.25, "value": 420200.0, "Latitude": 33.98, "Longitude": -118.44, "Population": 7431.0}, {"index": 8985, "quantile": 0.5, "value": 466700.0, "Latitude": 33.98, "Longitude": -118.44, "Population": 7431.0}, {"index": 8985, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.44, "Population": 7431.0}, {"index": 8985, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.44, "Population": 7431.0}, {"index": 8986, "quantile": 0.0, "value": 140600.0, "Latitude": 33.99, "Longitude": -118.38, "Population": 5127.0}, {"index": 8986, "quantile": 0.25, "value": 228300.0, "Latitude": 33.99, "Longitude": -118.38, "Population": 5127.0}, {"index": 8986, "quantile": 0.5, "value": 270800.0, "Latitude": 33.99, "Longitude": -118.38, "Population": 5127.0}, {"index": 8986, "quantile": 0.75, "value": 387500.0, "Latitude": 33.99, "Longitude": -118.38, "Population": 5127.0}, {"index": 8986, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.38, "Population": 5127.0}, {"index": 8987, "quantile": 0.0, "value": 338700.0, "Latitude": 33.99, "Longitude": -118.37, "Population": 1400.0}, {"index": 8987, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.37, "Population": 1400.0}, {"index": 8987, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.37, "Population": 1400.0}, {"index": 8987, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.37, "Population": 1400.0}, {"index": 8987, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.37, "Population": 1400.0}, {"index": 8988, "quantile": 0.0, "value": 191700.0, "Latitude": 33.99, "Longitude": -118.36, "Population": 1449.0}, {"index": 8988, "quantile": 0.25, "value": 313700.0, "Latitude": 33.99, "Longitude": -118.36, "Population": 1449.0}, {"index": 8988, "quantile": 0.5, "value": 313700.0, "Latitude": 33.99, "Longitude": -118.36, "Population": 1449.0}, {"index": 8988, "quantile": 0.75, "value": 363225.0, "Latitude": 33.99, "Longitude": -118.36, "Population": 1449.0}, {"index": 8988, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.36, "Population": 1449.0}, {"index": 8989, "quantile": 0.0, "value": 148400.0, "Latitude": 33.99, "Longitude": -118.37, "Population": 1305.0}, {"index": 8989, "quantile": 0.25, "value": 397000.0, "Latitude": 33.99, "Longitude": -118.37, "Population": 1305.0}, {"index": 8989, "quantile": 0.5, "value": 397000.0, "Latitude": 33.99, "Longitude": -118.37, "Population": 1305.0}, {"index": 8989, "quantile": 0.75, "value": 397000.0, "Latitude": 33.99, "Longitude": -118.37, "Population": 1305.0}, {"index": 8989, "quantile": 1.0, "value": 463800.0, "Latitude": 33.99, "Longitude": -118.37, "Population": 1305.0}, {"index": 8990, "quantile": 0.0, "value": 287300.0, "Latitude": 33.98, "Longitude": -118.38, "Population": 2519.0}, {"index": 8990, "quantile": 0.25, "value": 407725.0, "Latitude": 33.98, "Longitude": -118.38, "Population": 2519.0}, {"index": 8990, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.38, "Population": 2519.0}, {"index": 8990, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.38, "Population": 2519.0}, {"index": 8990, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -118.38, "Population": 2519.0}, {"index": 8991, "quantile": 0.0, "value": 102800.0, "Latitude": 34.0, "Longitude": -118.35, "Population": 740.0}, {"index": 8991, "quantile": 0.25, "value": 329525.0, "Latitude": 34.0, "Longitude": -118.35, "Population": 740.0}, {"index": 8991, "quantile": 0.5, "value": 492500.0, "Latitude": 34.0, "Longitude": -118.35, "Population": 740.0}, {"index": 8991, "quantile": 0.75, "value": 492500.0, "Latitude": 34.0, "Longitude": -118.35, "Population": 740.0}, {"index": 8991, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.35, "Population": 740.0}, {"index": 8992, "quantile": 0.0, "value": 166400.0, "Latitude": 34.0, "Longitude": -118.35, "Population": 1389.0}, {"index": 8992, "quantile": 0.25, "value": 270400.0, "Latitude": 34.0, "Longitude": -118.35, "Population": 1389.0}, {"index": 8992, "quantile": 0.5, "value": 270400.0, "Latitude": 34.0, "Longitude": -118.35, "Population": 1389.0}, {"index": 8992, "quantile": 0.75, "value": 270400.0, "Latitude": 34.0, "Longitude": -118.35, "Population": 1389.0}, {"index": 8992, "quantile": 1.0, "value": 489799.99999999994, "Latitude": 34.0, "Longitude": -118.35, "Population": 1389.0}, {"index": 8993, "quantile": 0.0, "value": 156400.0, "Latitude": 33.99, "Longitude": -118.35, "Population": 1115.0}, {"index": 8993, "quantile": 0.25, "value": 269100.0, "Latitude": 33.99, "Longitude": -118.35, "Population": 1115.0}, {"index": 8993, "quantile": 0.5, "value": 269100.0, "Latitude": 33.99, "Longitude": -118.35, "Population": 1115.0}, {"index": 8993, "quantile": 0.75, "value": 269100.0, "Latitude": 33.99, "Longitude": -118.35, "Population": 1115.0}, {"index": 8993, "quantile": 1.0, "value": 479000.0, "Latitude": 33.99, "Longitude": -118.35, "Population": 1115.0}, {"index": 8994, "quantile": 0.0, "value": 205500.00000000003, "Latitude": 33.99, "Longitude": -118.36, "Population": 1145.0}, {"index": 8994, "quantile": 0.25, "value": 287100.0, "Latitude": 33.99, "Longitude": -118.36, "Population": 1145.0}, {"index": 8994, "quantile": 0.5, "value": 287100.0, "Latitude": 33.99, "Longitude": -118.36, "Population": 1145.0}, {"index": 8994, "quantile": 0.75, "value": 295800.0, "Latitude": 33.99, "Longitude": -118.36, "Population": 1145.0}, {"index": 8994, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.36, "Population": 1145.0}, {"index": 8995, "quantile": 0.0, "value": 156400.0, "Latitude": 33.99, "Longitude": -118.36, "Population": 909.0}, {"index": 8995, "quantile": 0.25, "value": 268900.0, "Latitude": 33.99, "Longitude": -118.36, "Population": 909.0}, {"index": 8995, "quantile": 0.5, "value": 268900.0, "Latitude": 33.99, "Longitude": -118.36, "Population": 909.0}, {"index": 8995, "quantile": 0.75, "value": 268900.0, "Latitude": 33.99, "Longitude": -118.36, "Population": 909.0}, {"index": 8995, "quantile": 1.0, "value": 391300.0, "Latitude": 33.99, "Longitude": -118.36, "Population": 909.0}, {"index": 8996, "quantile": 0.0, "value": 135000.0, "Latitude": 33.99, "Longitude": -118.35, "Population": 679.0}, {"index": 8996, "quantile": 0.25, "value": 278800.0, "Latitude": 33.99, "Longitude": -118.35, "Population": 679.0}, {"index": 8996, "quantile": 0.5, "value": 325750.0, "Latitude": 33.99, "Longitude": -118.35, "Population": 679.0}, {"index": 8996, "quantile": 0.75, "value": 394100.0, "Latitude": 33.99, "Longitude": -118.35, "Population": 679.0}, {"index": 8996, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -118.35, "Population": 679.0}, {"index": 8997, "quantile": 0.0, "value": 140700.0, "Latitude": 34.0, "Longitude": -118.34, "Population": 1183.0}, {"index": 8997, "quantile": 0.25, "value": 314900.0, "Latitude": 34.0, "Longitude": -118.34, "Population": 1183.0}, {"index": 8997, "quantile": 0.5, "value": 314900.0, "Latitude": 34.0, "Longitude": -118.34, "Population": 1183.0}, {"index": 8997, "quantile": 0.75, "value": 314900.0, "Latitude": 34.0, "Longitude": -118.34, "Population": 1183.0}, {"index": 8997, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.34, "Population": 1183.0}, {"index": 8998, "quantile": 0.0, "value": 160100.0, "Latitude": 34.0, "Longitude": -118.34, "Population": 1108.0}, {"index": 8998, "quantile": 0.25, "value": 313300.0, "Latitude": 34.0, "Longitude": -118.34, "Population": 1108.0}, {"index": 8998, "quantile": 0.5, "value": 313300.0, "Latitude": 34.0, "Longitude": -118.34, "Population": 1108.0}, {"index": 8998, "quantile": 0.75, "value": 348675.0, "Latitude": 34.0, "Longitude": -118.34, "Population": 1108.0}, {"index": 8998, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.34, "Population": 1108.0}, {"index": 8999, "quantile": 0.0, "value": 93900.0, "Latitude": 34.0, "Longitude": -118.33, "Population": 486.0}, {"index": 8999, "quantile": 0.25, "value": 194300.0, "Latitude": 34.0, "Longitude": -118.33, "Population": 486.0}, {"index": 8999, "quantile": 0.5, "value": 247900.0, "Latitude": 34.0, "Longitude": -118.33, "Population": 486.0}, {"index": 8999, "quantile": 0.75, "value": 326100.0, "Latitude": 34.0, "Longitude": -118.33, "Population": 486.0}, {"index": 8999, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.33, "Population": 486.0}, {"index": 9000, "quantile": 0.0, "value": 84600.0, "Latitude": 34.0, "Longitude": -118.34, "Population": 1018.0}, {"index": 9000, "quantile": 0.25, "value": 214650.0, "Latitude": 34.0, "Longitude": -118.34, "Population": 1018.0}, {"index": 9000, "quantile": 0.5, "value": 296800.0, "Latitude": 34.0, "Longitude": -118.34, "Population": 1018.0}, {"index": 9000, "quantile": 0.75, "value": 296800.0, "Latitude": 34.0, "Longitude": -118.34, "Population": 1018.0}, {"index": 9000, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.34, "Population": 1018.0}, {"index": 9001, "quantile": 0.0, "value": 84600.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 437.0}, {"index": 9001, "quantile": 0.25, "value": 187800.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 437.0}, {"index": 9001, "quantile": 0.5, "value": 207600.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 437.0}, {"index": 9001, "quantile": 0.75, "value": 280000.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 437.0}, {"index": 9001, "quantile": 1.0, "value": 487500.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 437.0}, {"index": 9002, "quantile": 0.0, "value": 85000.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 497.0}, {"index": 9002, "quantile": 0.25, "value": 166100.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 497.0}, {"index": 9002, "quantile": 0.5, "value": 207600.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 497.0}, {"index": 9002, "quantile": 0.75, "value": 283825.00000000006, "Latitude": 33.99, "Longitude": -118.34, "Population": 497.0}, {"index": 9002, "quantile": 1.0, "value": 479000.0, "Latitude": 33.99, "Longitude": -118.34, "Population": 497.0}, {"index": 9003, "quantile": 0.0, "value": 313300.0, "Latitude": 34.0, "Longitude": -118.35, "Population": 1063.0}, {"index": 9003, "quantile": 0.25, "value": 372000.0, "Latitude": 34.0, "Longitude": -118.35, "Population": 1063.0}, {"index": 9003, "quantile": 0.5, "value": 372000.0, "Latitude": 34.0, "Longitude": -118.35, "Population": 1063.0}, {"index": 9003, "quantile": 0.75, "value": 450000.0, "Latitude": 34.0, "Longitude": -118.35, "Population": 1063.0}, {"index": 9003, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -118.35, "Population": 1063.0}, {"index": 9004, "quantile": 0.0, "value": 239100.0, "Latitude": 34.13, "Longitude": -118.6, "Population": 5452.0}, {"index": 9004, "quantile": 0.25, "value": 472000.0, "Latitude": 34.13, "Longitude": -118.6, "Population": 5452.0}, {"index": 9004, "quantile": 0.5, "value": 472000.0, "Latitude": 34.13, "Longitude": -118.6, "Population": 5452.0}, {"index": 9004, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.6, "Population": 5452.0}, {"index": 9004, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.6, "Population": 5452.0}, {"index": 9005, "quantile": 0.0, "value": 254199.99999999997, "Latitude": 34.12, "Longitude": -118.58, "Population": 324.0}, {"index": 9005, "quantile": 0.25, "value": 490725.00000000006, "Latitude": 34.12, "Longitude": -118.58, "Population": 324.0}, {"index": 9005, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.58, "Population": 324.0}, {"index": 9005, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.58, "Population": 324.0}, {"index": 9005, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -118.58, "Population": 324.0}, {"index": 9006, "quantile": 0.0, "value": 293800.0, "Latitude": 34.11, "Longitude": -118.59, "Population": 1054.0}, {"index": 9006, "quantile": 0.25, "value": 407000.0, "Latitude": 34.11, "Longitude": -118.59, "Population": 1054.0}, {"index": 9006, "quantile": 0.5, "value": 407000.0, "Latitude": 34.11, "Longitude": -118.59, "Population": 1054.0}, {"index": 9006, "quantile": 0.75, "value": 417099.99999999994, "Latitude": 34.11, "Longitude": -118.59, "Population": 1054.0}, {"index": 9006, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.59, "Population": 1054.0}, {"index": 9007, "quantile": 0.0, "value": 263700.0, "Latitude": 34.09, "Longitude": -118.6, "Population": 960.0}, {"index": 9007, "quantile": 0.25, "value": 438500.0, "Latitude": 34.09, "Longitude": -118.6, "Population": 960.0}, {"index": 9007, "quantile": 0.5, "value": 438500.0, "Latitude": 34.09, "Longitude": -118.6, "Population": 960.0}, {"index": 9007, "quantile": 0.75, "value": 492124.99999999994, "Latitude": 34.09, "Longitude": -118.6, "Population": 960.0}, {"index": 9007, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -118.6, "Population": 960.0}, {"index": 9008, "quantile": 0.0, "value": 215600.0, "Latitude": 34.08, "Longitude": -118.6, "Population": 399.0}, {"index": 9008, "quantile": 0.25, "value": 380000.0, "Latitude": 34.08, "Longitude": -118.6, "Population": 399.0}, {"index": 9008, "quantile": 0.5, "value": 380000.0, "Latitude": 34.08, "Longitude": -118.6, "Population": 399.0}, {"index": 9008, "quantile": 0.75, "value": 381500.0, "Latitude": 34.08, "Longitude": -118.6, "Population": 399.0}, {"index": 9008, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.6, "Population": 399.0}, {"index": 9009, "quantile": 0.0, "value": 87500.0, "Latitude": 34.07, "Longitude": -118.6, "Population": 149.0}, {"index": 9009, "quantile": 0.25, "value": 168500.0, "Latitude": 34.07, "Longitude": -118.6, "Population": 149.0}, {"index": 9009, "quantile": 0.5, "value": 212950.00000000003, "Latitude": 34.07, "Longitude": -118.6, "Population": 149.0}, {"index": 9009, "quantile": 0.75, "value": 278375.0, "Latitude": 34.07, "Longitude": -118.6, "Population": 149.0}, {"index": 9009, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.6, "Population": 149.0}, {"index": 9010, "quantile": 0.0, "value": 112500.0, "Latitude": 34.08, "Longitude": -118.69, "Population": 117.0}, {"index": 9010, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.69, "Population": 117.0}, {"index": 9010, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.69, "Population": 117.0}, {"index": 9010, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.69, "Population": 117.0}, {"index": 9010, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.69, "Population": 117.0}, {"index": 9011, "quantile": 0.0, "value": 386100.0, "Latitude": 34.1, "Longitude": -118.66, "Population": 907.0}, {"index": 9011, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.66, "Population": 907.0}, {"index": 9011, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.66, "Population": 907.0}, {"index": 9011, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.66, "Population": 907.0}, {"index": 9011, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.66, "Population": 907.0}, {"index": 9012, "quantile": 0.0, "value": 169300.0, "Latitude": 34.11, "Longitude": -118.63, "Population": 1521.0}, {"index": 9012, "quantile": 0.25, "value": 366200.0, "Latitude": 34.11, "Longitude": -118.63, "Population": 1521.0}, {"index": 9012, "quantile": 0.5, "value": 403150.00000000006, "Latitude": 34.11, "Longitude": -118.63, "Population": 1521.0}, {"index": 9012, "quantile": 0.75, "value": 494700.0, "Latitude": 34.11, "Longitude": -118.63, "Population": 1521.0}, {"index": 9012, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.63, "Population": 1521.0}, {"index": 9013, "quantile": 0.0, "value": 314000.0, "Latitude": 34.16, "Longitude": -118.67, "Population": 6214.0}, {"index": 9013, "quantile": 0.25, "value": 472000.0, "Latitude": 34.16, "Longitude": -118.67, "Population": 6214.0}, {"index": 9013, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.67, "Population": 6214.0}, {"index": 9013, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.67, "Population": 6214.0}, {"index": 9013, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.67, "Population": 6214.0}, {"index": 9014, "quantile": 0.0, "value": 112500.0, "Latitude": 34.08, "Longitude": -118.68, "Population": 55.0}, {"index": 9014, "quantile": 0.25, "value": 325475.0, "Latitude": 34.08, "Longitude": -118.68, "Population": 55.0}, {"index": 9014, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.68, "Population": 55.0}, {"index": 9014, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.68, "Population": 55.0}, {"index": 9014, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -118.68, "Population": 55.0}, {"index": 9015, "quantile": 0.0, "value": 195900.0, "Latitude": 34.13, "Longitude": -118.68, "Population": 3029.0}, {"index": 9015, "quantile": 0.25, "value": 357900.0, "Latitude": 34.13, "Longitude": -118.68, "Population": 3029.0}, {"index": 9015, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.68, "Population": 3029.0}, {"index": 9015, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.68, "Population": 3029.0}, {"index": 9015, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.68, "Population": 3029.0}, {"index": 9016, "quantile": 0.0, "value": 185600.0, "Latitude": 34.13, "Longitude": -118.76, "Population": 2030.0}, {"index": 9016, "quantile": 0.25, "value": 350050.0, "Latitude": 34.13, "Longitude": -118.76, "Population": 2030.0}, {"index": 9016, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.76, "Population": 2030.0}, {"index": 9016, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.76, "Population": 2030.0}, {"index": 9016, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -118.76, "Population": 2030.0}, {"index": 9017, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 34.1, "Longitude": -118.75, "Population": 857.0}, {"index": 9017, "quantile": 0.25, "value": 295300.0, "Latitude": 34.1, "Longitude": -118.75, "Population": 857.0}, {"index": 9017, "quantile": 0.5, "value": 377300.0, "Latitude": 34.1, "Longitude": -118.75, "Population": 857.0}, {"index": 9017, "quantile": 0.75, "value": 377300.0, "Latitude": 34.1, "Longitude": -118.75, "Population": 857.0}, {"index": 9017, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -118.75, "Population": 857.0}, {"index": 9018, "quantile": 0.0, "value": 106300.0, "Latitude": 34.14, "Longitude": -118.72, "Population": 9873.0}, {"index": 9018, "quantile": 0.25, "value": 243900.0, "Latitude": 34.14, "Longitude": -118.72, "Population": 9873.0}, {"index": 9018, "quantile": 0.5, "value": 286000.0, "Latitude": 34.14, "Longitude": -118.72, "Population": 9873.0}, {"index": 9018, "quantile": 0.75, "value": 378925.0, "Latitude": 34.14, "Longitude": -118.72, "Population": 9873.0}, {"index": 9018, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.72, "Population": 9873.0}, {"index": 9019, "quantile": 0.0, "value": 314000.0, "Latitude": 34.16, "Longitude": -118.78, "Population": 12873.0}, {"index": 9019, "quantile": 0.25, "value": 399200.0, "Latitude": 34.16, "Longitude": -118.78, "Population": 12873.0}, {"index": 9019, "quantile": 0.5, "value": 399200.0, "Latitude": 34.16, "Longitude": -118.78, "Population": 12873.0}, {"index": 9019, "quantile": 0.75, "value": 399200.0, "Latitude": 34.16, "Longitude": -118.78, "Population": 12873.0}, {"index": 9019, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.78, "Population": 12873.0}, {"index": 9020, "quantile": 0.0, "value": 204100.0, "Latitude": 34.15, "Longitude": -118.8, "Population": 647.0}, {"index": 9020, "quantile": 0.25, "value": 333400.0, "Latitude": 34.15, "Longitude": -118.8, "Population": 647.0}, {"index": 9020, "quantile": 0.5, "value": 356700.0, "Latitude": 34.15, "Longitude": -118.8, "Population": 647.0}, {"index": 9020, "quantile": 0.75, "value": 356700.0, "Latitude": 34.15, "Longitude": -118.8, "Population": 647.0}, {"index": 9020, "quantile": 1.0, "value": 467699.99999999994, "Latitude": 34.15, "Longitude": -118.8, "Population": 647.0}, {"index": 9021, "quantile": 0.0, "value": 88900.0, "Latitude": 34.17, "Longitude": -118.75, "Population": 1228.0}, {"index": 9021, "quantile": 0.25, "value": 237600.0, "Latitude": 34.17, "Longitude": -118.75, "Population": 1228.0}, {"index": 9021, "quantile": 0.5, "value": 346100.0, "Latitude": 34.17, "Longitude": -118.75, "Population": 1228.0}, {"index": 9021, "quantile": 0.75, "value": 346100.0, "Latitude": 34.17, "Longitude": -118.75, "Population": 1228.0}, {"index": 9021, "quantile": 1.0, "value": 363500.0, "Latitude": 34.17, "Longitude": -118.75, "Population": 1228.0}, {"index": 9022, "quantile": 0.0, "value": 161700.0, "Latitude": 34.11, "Longitude": -118.84, "Population": 2484.0}, {"index": 9022, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.84, "Population": 2484.0}, {"index": 9022, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.84, "Population": 2484.0}, {"index": 9022, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.84, "Population": 2484.0}, {"index": 9022, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -118.84, "Population": 2484.0}, {"index": 9023, "quantile": 0.0, "value": 176300.0, "Latitude": 34.14, "Longitude": -118.82, "Population": 4054.0}, {"index": 9023, "quantile": 0.25, "value": 385500.0, "Latitude": 34.14, "Longitude": -118.82, "Population": 4054.0}, {"index": 9023, "quantile": 0.5, "value": 385500.0, "Latitude": 34.14, "Longitude": -118.82, "Population": 4054.0}, {"index": 9023, "quantile": 0.75, "value": 385500.0, "Latitude": 34.14, "Longitude": -118.82, "Population": 4054.0}, {"index": 9023, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.82, "Population": 4054.0}, {"index": 9024, "quantile": 0.0, "value": 161700.0, "Latitude": 34.14, "Longitude": -118.79, "Population": 1143.0}, {"index": 9024, "quantile": 0.25, "value": 284075.0, "Latitude": 34.14, "Longitude": -118.79, "Population": 1143.0}, {"index": 9024, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.79, "Population": 1143.0}, {"index": 9024, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.79, "Population": 1143.0}, {"index": 9024, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.79, "Population": 1143.0}, {"index": 9025, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 34.05, "Longitude": -118.74, "Population": 2782.0}, {"index": 9025, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.74, "Population": 2782.0}, {"index": 9025, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.74, "Population": 2782.0}, {"index": 9025, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.74, "Population": 2782.0}, {"index": 9025, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.74, "Population": 2782.0}, {"index": 9026, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 34.07, "Longitude": -118.86, "Population": 970.0}, {"index": 9026, "quantile": 0.25, "value": 393000.0, "Latitude": 34.07, "Longitude": -118.86, "Population": 970.0}, {"index": 9026, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.86, "Population": 970.0}, {"index": 9026, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.86, "Population": 970.0}, {"index": 9026, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -118.86, "Population": 970.0}, {"index": 9027, "quantile": 0.0, "value": 188300.0, "Latitude": 34.02, "Longitude": -118.88, "Population": 5175.0}, {"index": 9027, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.88, "Population": 5175.0}, {"index": 9027, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.88, "Population": 5175.0}, {"index": 9027, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.88, "Population": 5175.0}, {"index": 9027, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.88, "Population": 5175.0}, {"index": 9028, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 34.04, "Longitude": -118.85, "Population": 1509.0}, {"index": 9028, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.85, "Population": 1509.0}, {"index": 9028, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.85, "Population": 1509.0}, {"index": 9028, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.85, "Population": 1509.0}, {"index": 9028, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -118.85, "Population": 1509.0}, {"index": 9029, "quantile": 0.0, "value": 270100.0, "Latitude": 34.05, "Longitude": -118.78, "Population": 487.0}, {"index": 9029, "quantile": 0.25, "value": 499099.99999999994, "Latitude": 34.05, "Longitude": -118.78, "Population": 487.0}, {"index": 9029, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.78, "Population": 487.0}, {"index": 9029, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.78, "Population": 487.0}, {"index": 9029, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -118.78, "Population": 487.0}, {"index": 9030, "quantile": 0.0, "value": 239100.0, "Latitude": 34.06, "Longitude": -118.58, "Population": 1560.0}, {"index": 9030, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.58, "Population": 1560.0}, {"index": 9030, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.58, "Population": 1560.0}, {"index": 9030, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.58, "Population": 1560.0}, {"index": 9030, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.58, "Population": 1560.0}, {"index": 9031, "quantile": 0.0, "value": 469900.0, "Latitude": 34.02, "Longitude": -118.6, "Population": 606.0}, {"index": 9031, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.6, "Population": 606.0}, {"index": 9031, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.6, "Population": 606.0}, {"index": 9031, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.6, "Population": 606.0}, {"index": 9031, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.6, "Population": 606.0}, {"index": 9032, "quantile": 0.0, "value": 267000.0, "Latitude": 34.06, "Longitude": -118.62, "Population": 1530.0}, {"index": 9032, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.62, "Population": 1530.0}, {"index": 9032, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.62, "Population": 1530.0}, {"index": 9032, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.62, "Population": 1530.0}, {"index": 9032, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -118.62, "Population": 1530.0}, {"index": 9033, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 34.02, "Longitude": -118.66, "Population": 2750.0}, {"index": 9033, "quantile": 0.25, "value": 449374.99999999994, "Latitude": 34.02, "Longitude": -118.66, "Population": 2750.0}, {"index": 9033, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.66, "Population": 2750.0}, {"index": 9033, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.66, "Population": 2750.0}, {"index": 9033, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -118.66, "Population": 2750.0}, {"index": 9034, "quantile": 0.0, "value": 68500.0, "Latitude": 34.71, "Longitude": -117.76, "Population": 1694.0}, {"index": 9034, "quantile": 0.25, "value": 103875.0, "Latitude": 34.71, "Longitude": -117.76, "Population": 1694.0}, {"index": 9034, "quantile": 0.5, "value": 106700.0, "Latitude": 34.71, "Longitude": -117.76, "Population": 1694.0}, {"index": 9034, "quantile": 0.75, "value": 106700.0, "Latitude": 34.71, "Longitude": -117.76, "Population": 1694.0}, {"index": 9034, "quantile": 1.0, "value": 150000.0, "Latitude": 34.71, "Longitude": -117.76, "Population": 1694.0}, {"index": 9035, "quantile": 0.0, "value": 80200.0, "Latitude": 34.63, "Longitude": -117.84, "Population": 4614.0}, {"index": 9035, "quantile": 0.25, "value": 120000.0, "Latitude": 34.63, "Longitude": -117.84, "Population": 4614.0}, {"index": 9035, "quantile": 0.5, "value": 132700.0, "Latitude": 34.63, "Longitude": -117.84, "Population": 4614.0}, {"index": 9035, "quantile": 0.75, "value": 146600.0, "Latitude": 34.63, "Longitude": -117.84, "Population": 4614.0}, {"index": 9035, "quantile": 1.0, "value": 261000.0, "Latitude": 34.63, "Longitude": -117.84, "Population": 4614.0}, {"index": 9036, "quantile": 0.0, "value": 98000.0, "Latitude": 34.58, "Longitude": -117.78, "Population": 6163.0}, {"index": 9036, "quantile": 0.25, "value": 120000.0, "Latitude": 34.58, "Longitude": -117.78, "Population": 6163.0}, {"index": 9036, "quantile": 0.5, "value": 120000.0, "Latitude": 34.58, "Longitude": -117.78, "Population": 6163.0}, {"index": 9036, "quantile": 0.75, "value": 132700.0, "Latitude": 34.58, "Longitude": -117.78, "Population": 6163.0}, {"index": 9036, "quantile": 1.0, "value": 212300.00000000003, "Latitude": 34.58, "Longitude": -117.78, "Population": 6163.0}, {"index": 9037, "quantile": 0.0, "value": 40400.0, "Latitude": 34.71, "Longitude": -117.96, "Population": 1733.0}, {"index": 9037, "quantile": 0.25, "value": 123900.00000000001, "Latitude": 34.71, "Longitude": -117.96, "Population": 1733.0}, {"index": 9037, "quantile": 0.5, "value": 123900.00000000001, "Latitude": 34.71, "Longitude": -117.96, "Population": 1733.0}, {"index": 9037, "quantile": 0.75, "value": 123900.00000000001, "Latitude": 34.71, "Longitude": -117.96, "Population": 1733.0}, {"index": 9037, "quantile": 1.0, "value": 199000.0, "Latitude": 34.71, "Longitude": -117.96, "Population": 1733.0}, {"index": 9038, "quantile": 0.0, "value": 35000.0, "Latitude": 34.74, "Longitude": -118.09, "Population": 797.0}, {"index": 9038, "quantile": 0.25, "value": 104600.0, "Latitude": 34.74, "Longitude": -118.09, "Population": 797.0}, {"index": 9038, "quantile": 0.5, "value": 104800.0, "Latitude": 34.74, "Longitude": -118.09, "Population": 797.0}, {"index": 9038, "quantile": 0.75, "value": 104800.0, "Latitude": 34.74, "Longitude": -118.09, "Population": 797.0}, {"index": 9038, "quantile": 1.0, "value": 220699.99999999997, "Latitude": 34.74, "Longitude": -118.09, "Population": 797.0}, {"index": 9039, "quantile": 0.0, "value": 48100.0, "Latitude": 34.71, "Longitude": -118.06, "Population": 1228.0}, {"index": 9039, "quantile": 0.25, "value": 114825.0, "Latitude": 34.71, "Longitude": -118.06, "Population": 1228.0}, {"index": 9039, "quantile": 0.5, "value": 150000.0, "Latitude": 34.71, "Longitude": -118.06, "Population": 1228.0}, {"index": 9039, "quantile": 0.75, "value": 150000.0, "Latitude": 34.71, "Longitude": -118.06, "Population": 1228.0}, {"index": 9039, "quantile": 1.0, "value": 202199.99999999997, "Latitude": 34.71, "Longitude": -118.06, "Population": 1228.0}, {"index": 9040, "quantile": 0.0, "value": 102600.0, "Latitude": 34.68, "Longitude": -118.09, "Population": 10493.0}, {"index": 9040, "quantile": 0.25, "value": 144000.0, "Latitude": 34.68, "Longitude": -118.09, "Population": 10493.0}, {"index": 9040, "quantile": 0.5, "value": 144000.0, "Latitude": 34.68, "Longitude": -118.09, "Population": 10493.0}, {"index": 9040, "quantile": 0.75, "value": 144000.0, "Latitude": 34.68, "Longitude": -118.09, "Population": 10493.0}, {"index": 9040, "quantile": 1.0, "value": 340400.0, "Latitude": 34.68, "Longitude": -118.09, "Population": 10493.0}, {"index": 9041, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 34.68, "Longitude": -118.11, "Population": 3489.0}, {"index": 9041, "quantile": 0.25, "value": 160325.0, "Latitude": 34.68, "Longitude": -118.11, "Population": 3489.0}, {"index": 9041, "quantile": 0.5, "value": 201850.0, "Latitude": 34.68, "Longitude": -118.11, "Population": 3489.0}, {"index": 9041, "quantile": 0.75, "value": 236300.0, "Latitude": 34.68, "Longitude": -118.11, "Population": 3489.0}, {"index": 9041, "quantile": 1.0, "value": 363500.0, "Latitude": 34.68, "Longitude": -118.11, "Population": 3489.0}, {"index": 9042, "quantile": 0.0, "value": 97300.0, "Latitude": 34.69, "Longitude": -118.12, "Population": 1219.0}, {"index": 9042, "quantile": 0.25, "value": 125699.99999999999, "Latitude": 34.69, "Longitude": -118.12, "Population": 1219.0}, {"index": 9042, "quantile": 0.5, "value": 125699.99999999999, "Latitude": 34.69, "Longitude": -118.12, "Population": 1219.0}, {"index": 9042, "quantile": 0.75, "value": 142000.0, "Latitude": 34.69, "Longitude": -118.12, "Population": 1219.0}, {"index": 9042, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.69, "Longitude": -118.12, "Population": 1219.0}, {"index": 9043, "quantile": 0.0, "value": 94300.0, "Latitude": 34.68, "Longitude": -118.12, "Population": 2439.0}, {"index": 9043, "quantile": 0.25, "value": 131500.0, "Latitude": 34.68, "Longitude": -118.12, "Population": 2439.0}, {"index": 9043, "quantile": 0.5, "value": 131500.0, "Latitude": 34.68, "Longitude": -118.12, "Population": 2439.0}, {"index": 9043, "quantile": 0.75, "value": 149000.0, "Latitude": 34.68, "Longitude": -118.12, "Population": 2439.0}, {"index": 9043, "quantile": 1.0, "value": 340400.0, "Latitude": 34.68, "Longitude": -118.12, "Population": 2439.0}, {"index": 9044, "quantile": 0.0, "value": 62800.0, "Latitude": 34.69, "Longitude": -118.13, "Population": 1269.0}, {"index": 9044, "quantile": 0.25, "value": 96800.0, "Latitude": 34.69, "Longitude": -118.13, "Population": 1269.0}, {"index": 9044, "quantile": 0.5, "value": 96800.0, "Latitude": 34.69, "Longitude": -118.13, "Population": 1269.0}, {"index": 9044, "quantile": 0.75, "value": 96825.0, "Latitude": 34.69, "Longitude": -118.13, "Population": 1269.0}, {"index": 9044, "quantile": 1.0, "value": 163100.0, "Latitude": 34.69, "Longitude": -118.13, "Population": 1269.0}, {"index": 9045, "quantile": 0.0, "value": 90400.0, "Latitude": 34.68, "Longitude": -118.13, "Population": 347.0}, {"index": 9045, "quantile": 0.25, "value": 102600.0, "Latitude": 34.68, "Longitude": -118.13, "Population": 347.0}, {"index": 9045, "quantile": 0.5, "value": 102600.0, "Latitude": 34.68, "Longitude": -118.13, "Population": 347.0}, {"index": 9045, "quantile": 0.75, "value": 116300.0, "Latitude": 34.68, "Longitude": -118.13, "Population": 347.0}, {"index": 9045, "quantile": 1.0, "value": 374600.0, "Latitude": 34.68, "Longitude": -118.13, "Population": 347.0}, {"index": 9046, "quantile": 0.0, "value": 62100.0, "Latitude": 34.65, "Longitude": -118.1, "Population": 425.0}, {"index": 9046, "quantile": 0.25, "value": 146925.0, "Latitude": 34.65, "Longitude": -118.1, "Population": 425.0}, {"index": 9046, "quantile": 0.5, "value": 187500.0, "Latitude": 34.65, "Longitude": -118.1, "Population": 425.0}, {"index": 9046, "quantile": 0.75, "value": 187500.0, "Latitude": 34.65, "Longitude": -118.1, "Population": 425.0}, {"index": 9046, "quantile": 1.0, "value": 262500.0, "Latitude": 34.65, "Longitude": -118.1, "Population": 425.0}, {"index": 9047, "quantile": 0.0, "value": 53200.0, "Latitude": 34.71, "Longitude": -118.09, "Population": 2602.0}, {"index": 9047, "quantile": 0.25, "value": 128900.00000000001, "Latitude": 34.71, "Longitude": -118.09, "Population": 2602.0}, {"index": 9047, "quantile": 0.5, "value": 159400.0, "Latitude": 34.71, "Longitude": -118.09, "Population": 2602.0}, {"index": 9047, "quantile": 0.75, "value": 159400.0, "Latitude": 34.71, "Longitude": -118.09, "Population": 2602.0}, {"index": 9047, "quantile": 1.0, "value": 247000.00000000003, "Latitude": 34.71, "Longitude": -118.09, "Population": 2602.0}, {"index": 9048, "quantile": 0.0, "value": 94500.0, "Latitude": 34.7, "Longitude": -118.1, "Population": 4562.0}, {"index": 9048, "quantile": 0.25, "value": 157750.0, "Latitude": 34.7, "Longitude": -118.1, "Population": 4562.0}, {"index": 9048, "quantile": 0.5, "value": 167900.0, "Latitude": 34.7, "Longitude": -118.1, "Population": 4562.0}, {"index": 9048, "quantile": 0.75, "value": 199600.0, "Latitude": 34.7, "Longitude": -118.1, "Population": 4562.0}, {"index": 9048, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.7, "Longitude": -118.1, "Population": 4562.0}, {"index": 9049, "quantile": 0.0, "value": 62100.0, "Latitude": 34.7, "Longitude": -118.09, "Population": 1543.0}, {"index": 9049, "quantile": 0.25, "value": 138500.0, "Latitude": 34.7, "Longitude": -118.09, "Population": 1543.0}, {"index": 9049, "quantile": 0.5, "value": 138500.0, "Latitude": 34.7, "Longitude": -118.09, "Population": 1543.0}, {"index": 9049, "quantile": 0.75, "value": 138500.0, "Latitude": 34.7, "Longitude": -118.09, "Population": 1543.0}, {"index": 9049, "quantile": 1.0, "value": 324400.0, "Latitude": 34.7, "Longitude": -118.09, "Population": 1543.0}, {"index": 9050, "quantile": 0.0, "value": 59400.0, "Latitude": 34.71, "Longitude": -118.1, "Population": 1524.0}, {"index": 9050, "quantile": 0.25, "value": 137500.0, "Latitude": 34.71, "Longitude": -118.1, "Population": 1524.0}, {"index": 9050, "quantile": 0.5, "value": 137500.0, "Latitude": 34.71, "Longitude": -118.1, "Population": 1524.0}, {"index": 9050, "quantile": 0.75, "value": 137500.0, "Latitude": 34.71, "Longitude": -118.1, "Population": 1524.0}, {"index": 9050, "quantile": 1.0, "value": 377300.0, "Latitude": 34.71, "Longitude": -118.1, "Population": 1524.0}, {"index": 9051, "quantile": 0.0, "value": 35000.0, "Latitude": 34.71, "Longitude": -118.12, "Population": 2789.0}, {"index": 9051, "quantile": 0.25, "value": 100400.0, "Latitude": 34.71, "Longitude": -118.12, "Population": 2789.0}, {"index": 9051, "quantile": 0.5, "value": 104000.0, "Latitude": 34.71, "Longitude": -118.12, "Population": 2789.0}, {"index": 9051, "quantile": 0.75, "value": 104000.0, "Latitude": 34.71, "Longitude": -118.12, "Population": 2789.0}, {"index": 9051, "quantile": 1.0, "value": 163100.0, "Latitude": 34.71, "Longitude": -118.12, "Population": 2789.0}, {"index": 9052, "quantile": 0.0, "value": 26900.0, "Latitude": 34.71, "Longitude": -118.12, "Population": 14.0}, {"index": 9052, "quantile": 0.25, "value": 225000.0, "Latitude": 34.71, "Longitude": -118.12, "Population": 14.0}, {"index": 9052, "quantile": 0.5, "value": 225000.0, "Latitude": 34.71, "Longitude": -118.12, "Population": 14.0}, {"index": 9052, "quantile": 0.75, "value": 225000.0, "Latitude": 34.71, "Longitude": -118.12, "Population": 14.0}, {"index": 9052, "quantile": 1.0, "value": 450000.0, "Latitude": 34.71, "Longitude": -118.12, "Population": 14.0}, {"index": 9053, "quantile": 0.0, "value": 84000.0, "Latitude": 34.7, "Longitude": -118.12, "Population": 2833.0}, {"index": 9053, "quantile": 0.25, "value": 130000.0, "Latitude": 34.7, "Longitude": -118.12, "Population": 2833.0}, {"index": 9053, "quantile": 0.5, "value": 130000.0, "Latitude": 34.7, "Longitude": -118.12, "Population": 2833.0}, {"index": 9053, "quantile": 0.75, "value": 136200.0, "Latitude": 34.7, "Longitude": -118.12, "Population": 2833.0}, {"index": 9053, "quantile": 1.0, "value": 231400.0, "Latitude": 34.7, "Longitude": -118.12, "Population": 2833.0}, {"index": 9054, "quantile": 0.0, "value": 44600.0, "Latitude": 34.7, "Longitude": -118.13, "Population": 1078.0}, {"index": 9054, "quantile": 0.25, "value": 93800.0, "Latitude": 34.7, "Longitude": -118.13, "Population": 1078.0}, {"index": 9054, "quantile": 0.5, "value": 93800.0, "Latitude": 34.7, "Longitude": -118.13, "Population": 1078.0}, {"index": 9054, "quantile": 0.75, "value": 93800.0, "Latitude": 34.7, "Longitude": -118.13, "Population": 1078.0}, {"index": 9054, "quantile": 1.0, "value": 192000.0, "Latitude": 34.7, "Longitude": -118.13, "Population": 1078.0}, {"index": 9055, "quantile": 0.0, "value": 71800.0, "Latitude": 34.69, "Longitude": -118.13, "Population": 1986.0}, {"index": 9055, "quantile": 0.25, "value": 108800.00000000001, "Latitude": 34.69, "Longitude": -118.13, "Population": 1986.0}, {"index": 9055, "quantile": 0.5, "value": 108800.00000000001, "Latitude": 34.69, "Longitude": -118.13, "Population": 1986.0}, {"index": 9055, "quantile": 0.75, "value": 109075.00000000001, "Latitude": 34.69, "Longitude": -118.13, "Population": 1986.0}, {"index": 9055, "quantile": 1.0, "value": 186100.0, "Latitude": 34.69, "Longitude": -118.13, "Population": 1986.0}, {"index": 9056, "quantile": 0.0, "value": 74300.0, "Latitude": 34.69, "Longitude": -118.12, "Population": 1580.0}, {"index": 9056, "quantile": 0.25, "value": 113500.0, "Latitude": 34.69, "Longitude": -118.12, "Population": 1580.0}, {"index": 9056, "quantile": 0.5, "value": 113500.0, "Latitude": 34.69, "Longitude": -118.12, "Population": 1580.0}, {"index": 9056, "quantile": 0.75, "value": 113500.0, "Latitude": 34.69, "Longitude": -118.12, "Population": 1580.0}, {"index": 9056, "quantile": 1.0, "value": 171900.0, "Latitude": 34.69, "Longitude": -118.12, "Population": 1580.0}, {"index": 9057, "quantile": 0.0, "value": 68300.0, "Latitude": 34.68, "Longitude": -118.14, "Population": 1337.0}, {"index": 9057, "quantile": 0.25, "value": 101099.99999999999, "Latitude": 34.68, "Longitude": -118.14, "Population": 1337.0}, {"index": 9057, "quantile": 0.5, "value": 101099.99999999999, "Latitude": 34.68, "Longitude": -118.14, "Population": 1337.0}, {"index": 9057, "quantile": 0.75, "value": 106749.99999999999, "Latitude": 34.68, "Longitude": -118.14, "Population": 1337.0}, {"index": 9057, "quantile": 1.0, "value": 272000.0, "Latitude": 34.68, "Longitude": -118.14, "Population": 1337.0}, {"index": 9058, "quantile": 0.0, "value": 67600.0, "Latitude": 34.69, "Longitude": -118.14, "Population": 1108.0}, {"index": 9058, "quantile": 0.25, "value": 100299.99999999999, "Latitude": 34.69, "Longitude": -118.14, "Population": 1108.0}, {"index": 9058, "quantile": 0.5, "value": 100299.99999999999, "Latitude": 34.69, "Longitude": -118.14, "Population": 1108.0}, {"index": 9058, "quantile": 0.75, "value": 107500.0, "Latitude": 34.69, "Longitude": -118.14, "Population": 1108.0}, {"index": 9058, "quantile": 1.0, "value": 227599.99999999997, "Latitude": 34.69, "Longitude": -118.14, "Population": 1108.0}, {"index": 9059, "quantile": 0.0, "value": 64400.0, "Latitude": 34.68, "Longitude": -118.14, "Population": 1447.0}, {"index": 9059, "quantile": 0.25, "value": 115850.00000000001, "Latitude": 34.68, "Longitude": -118.14, "Population": 1447.0}, {"index": 9059, "quantile": 0.5, "value": 136400.0, "Latitude": 34.68, "Longitude": -118.14, "Population": 1447.0}, {"index": 9059, "quantile": 0.75, "value": 179700.0, "Latitude": 34.68, "Longitude": -118.14, "Population": 1447.0}, {"index": 9059, "quantile": 1.0, "value": 232900.00000000003, "Latitude": 34.68, "Longitude": -118.14, "Population": 1447.0}, {"index": 9060, "quantile": 0.0, "value": 110700.0, "Latitude": 34.68, "Longitude": -118.14, "Population": 775.0}, {"index": 9060, "quantile": 0.25, "value": 126499.99999999999, "Latitude": 34.68, "Longitude": -118.14, "Population": 775.0}, {"index": 9060, "quantile": 0.5, "value": 126499.99999999999, "Latitude": 34.68, "Longitude": -118.14, "Population": 775.0}, {"index": 9060, "quantile": 0.75, "value": 154375.0, "Latitude": 34.68, "Longitude": -118.14, "Population": 775.0}, {"index": 9060, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.68, "Longitude": -118.14, "Population": 775.0}, {"index": 9061, "quantile": 0.0, "value": 45000.0, "Latitude": 34.68, "Longitude": -118.16, "Population": 1571.0}, {"index": 9061, "quantile": 0.25, "value": 85400.0, "Latitude": 34.68, "Longitude": -118.16, "Population": 1571.0}, {"index": 9061, "quantile": 0.5, "value": 85400.0, "Latitude": 34.68, "Longitude": -118.16, "Population": 1571.0}, {"index": 9061, "quantile": 0.75, "value": 94600.0, "Latitude": 34.68, "Longitude": -118.16, "Population": 1571.0}, {"index": 9061, "quantile": 1.0, "value": 350000.0, "Latitude": 34.68, "Longitude": -118.16, "Population": 1571.0}, {"index": 9062, "quantile": 0.0, "value": 65600.0, "Latitude": 34.69, "Longitude": -118.15, "Population": 712.0}, {"index": 9062, "quantile": 0.25, "value": 107500.0, "Latitude": 34.69, "Longitude": -118.15, "Population": 712.0}, {"index": 9062, "quantile": 0.5, "value": 107500.0, "Latitude": 34.69, "Longitude": -118.15, "Population": 712.0}, {"index": 9062, "quantile": 0.75, "value": 107500.0, "Latitude": 34.69, "Longitude": -118.15, "Population": 712.0}, {"index": 9062, "quantile": 1.0, "value": 375000.0, "Latitude": 34.69, "Longitude": -118.15, "Population": 712.0}, {"index": 9063, "quantile": 0.0, "value": 82800.0, "Latitude": 34.68, "Longitude": -118.16, "Population": 2240.0}, {"index": 9063, "quantile": 0.25, "value": 109625.0, "Latitude": 34.68, "Longitude": -118.16, "Population": 2240.0}, {"index": 9063, "quantile": 0.5, "value": 136750.00000000003, "Latitude": 34.68, "Longitude": -118.16, "Population": 2240.0}, {"index": 9063, "quantile": 0.75, "value": 167100.0, "Latitude": 34.68, "Longitude": -118.16, "Population": 2240.0}, {"index": 9063, "quantile": 1.0, "value": 300500.0, "Latitude": 34.68, "Longitude": -118.16, "Population": 2240.0}, {"index": 9064, "quantile": 0.0, "value": 72100.0, "Latitude": 34.67, "Longitude": -118.15, "Population": 6291.0}, {"index": 9064, "quantile": 0.25, "value": 146900.0, "Latitude": 34.67, "Longitude": -118.15, "Population": 6291.0}, {"index": 9064, "quantile": 0.5, "value": 146900.0, "Latitude": 34.67, "Longitude": -118.15, "Population": 6291.0}, {"index": 9064, "quantile": 0.75, "value": 167225.0, "Latitude": 34.67, "Longitude": -118.15, "Population": 6291.0}, {"index": 9064, "quantile": 1.0, "value": 305800.0, "Latitude": 34.67, "Longitude": -118.15, "Population": 6291.0}, {"index": 9065, "quantile": 0.0, "value": 86300.0, "Latitude": 34.65, "Longitude": -118.14, "Population": 551.0}, {"index": 9065, "quantile": 0.25, "value": 245675.0, "Latitude": 34.65, "Longitude": -118.14, "Population": 551.0}, {"index": 9065, "quantile": 0.5, "value": 247200.0, "Latitude": 34.65, "Longitude": -118.14, "Population": 551.0}, {"index": 9065, "quantile": 0.75, "value": 247200.0, "Latitude": 34.65, "Longitude": -118.14, "Population": 551.0}, {"index": 9065, "quantile": 1.0, "value": 386400.0, "Latitude": 34.65, "Longitude": -118.14, "Population": 551.0}, {"index": 9066, "quantile": 0.0, "value": 93100.0, "Latitude": 34.72, "Longitude": -118.14, "Population": 1057.0}, {"index": 9066, "quantile": 0.25, "value": 131500.0, "Latitude": 34.72, "Longitude": -118.14, "Population": 1057.0}, {"index": 9066, "quantile": 0.5, "value": 157300.0, "Latitude": 34.72, "Longitude": -118.14, "Population": 1057.0}, {"index": 9066, "quantile": 0.75, "value": 294075.0, "Latitude": 34.72, "Longitude": -118.14, "Population": 1057.0}, {"index": 9066, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.72, "Longitude": -118.14, "Population": 1057.0}, {"index": 9067, "quantile": 0.0, "value": 72100.0, "Latitude": 34.71, "Longitude": -118.16, "Population": 2680.0}, {"index": 9067, "quantile": 0.25, "value": 117200.0, "Latitude": 34.71, "Longitude": -118.16, "Population": 2680.0}, {"index": 9067, "quantile": 0.5, "value": 117200.0, "Latitude": 34.71, "Longitude": -118.16, "Population": 2680.0}, {"index": 9067, "quantile": 0.75, "value": 159500.0, "Latitude": 34.71, "Longitude": -118.16, "Population": 2680.0}, {"index": 9067, "quantile": 1.0, "value": 340400.0, "Latitude": 34.71, "Longitude": -118.16, "Population": 2680.0}, {"index": 9068, "quantile": 0.0, "value": 68800.0, "Latitude": 34.71, "Longitude": -118.15, "Population": 709.0}, {"index": 9068, "quantile": 0.25, "value": 101400.0, "Latitude": 34.71, "Longitude": -118.15, "Population": 709.0}, {"index": 9068, "quantile": 0.5, "value": 101400.0, "Latitude": 34.71, "Longitude": -118.15, "Population": 709.0}, {"index": 9068, "quantile": 0.75, "value": 107825.0, "Latitude": 34.71, "Longitude": -118.15, "Population": 709.0}, {"index": 9068, "quantile": 1.0, "value": 208599.99999999997, "Latitude": 34.71, "Longitude": -118.15, "Population": 709.0}, {"index": 9069, "quantile": 0.0, "value": 35000.0, "Latitude": 34.71, "Longitude": -118.14, "Population": 1482.0}, {"index": 9069, "quantile": 0.25, "value": 93000.0, "Latitude": 34.71, "Longitude": -118.14, "Population": 1482.0}, {"index": 9069, "quantile": 0.5, "value": 93000.0, "Latitude": 34.71, "Longitude": -118.14, "Population": 1482.0}, {"index": 9069, "quantile": 0.75, "value": 97875.0, "Latitude": 34.71, "Longitude": -118.14, "Population": 1482.0}, {"index": 9069, "quantile": 1.0, "value": 187500.0, "Latitude": 34.71, "Longitude": -118.14, "Population": 1482.0}, {"index": 9070, "quantile": 0.0, "value": 52800.0, "Latitude": 34.71, "Longitude": -118.14, "Population": 588.0}, {"index": 9070, "quantile": 0.25, "value": 86900.0, "Latitude": 34.71, "Longitude": -118.14, "Population": 588.0}, {"index": 9070, "quantile": 0.5, "value": 86900.0, "Latitude": 34.71, "Longitude": -118.14, "Population": 588.0}, {"index": 9070, "quantile": 0.75, "value": 86900.0, "Latitude": 34.71, "Longitude": -118.14, "Population": 588.0}, {"index": 9070, "quantile": 1.0, "value": 242600.00000000003, "Latitude": 34.71, "Longitude": -118.14, "Population": 588.0}, {"index": 9071, "quantile": 0.0, "value": 30000.0, "Latitude": 34.71, "Longitude": -118.15, "Population": 842.0}, {"index": 9071, "quantile": 0.25, "value": 82450.0, "Latitude": 34.71, "Longitude": -118.15, "Population": 842.0}, {"index": 9071, "quantile": 0.5, "value": 101099.99999999999, "Latitude": 34.71, "Longitude": -118.15, "Population": 842.0}, {"index": 9071, "quantile": 0.75, "value": 106900.0, "Latitude": 34.71, "Longitude": -118.15, "Population": 842.0}, {"index": 9071, "quantile": 1.0, "value": 209500.00000000003, "Latitude": 34.71, "Longitude": -118.15, "Population": 842.0}, {"index": 9072, "quantile": 0.0, "value": 39800.0, "Latitude": 34.7, "Longitude": -118.14, "Population": 678.0}, {"index": 9072, "quantile": 0.25, "value": 98400.0, "Latitude": 34.7, "Longitude": -118.14, "Population": 678.0}, {"index": 9072, "quantile": 0.5, "value": 98400.0, "Latitude": 34.7, "Longitude": -118.14, "Population": 678.0}, {"index": 9072, "quantile": 0.75, "value": 98400.0, "Latitude": 34.7, "Longitude": -118.14, "Population": 678.0}, {"index": 9072, "quantile": 1.0, "value": 242600.00000000003, "Latitude": 34.7, "Longitude": -118.14, "Population": 678.0}, {"index": 9073, "quantile": 0.0, "value": 51800.0, "Latitude": 34.7, "Longitude": -118.14, "Population": 1071.0}, {"index": 9073, "quantile": 0.25, "value": 102099.99999999999, "Latitude": 34.7, "Longitude": -118.14, "Population": 1071.0}, {"index": 9073, "quantile": 0.5, "value": 102099.99999999999, "Latitude": 34.7, "Longitude": -118.14, "Population": 1071.0}, {"index": 9073, "quantile": 0.75, "value": 151875.0, "Latitude": 34.7, "Longitude": -118.14, "Population": 1071.0}, {"index": 9073, "quantile": 1.0, "value": 350000.0, "Latitude": 34.7, "Longitude": -118.14, "Population": 1071.0}, {"index": 9074, "quantile": 0.0, "value": 100000.0, "Latitude": 34.7, "Longitude": -118.15, "Population": 1192.0}, {"index": 9074, "quantile": 0.25, "value": 116300.0, "Latitude": 34.7, "Longitude": -118.15, "Population": 1192.0}, {"index": 9074, "quantile": 0.5, "value": 116300.0, "Latitude": 34.7, "Longitude": -118.15, "Population": 1192.0}, {"index": 9074, "quantile": 0.75, "value": 116300.0, "Latitude": 34.7, "Longitude": -118.15, "Population": 1192.0}, {"index": 9074, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 34.7, "Longitude": -118.15, "Population": 1192.0}, {"index": 9075, "quantile": 0.0, "value": 64400.0, "Latitude": 34.7, "Longitude": -118.16, "Population": 1365.0}, {"index": 9075, "quantile": 0.25, "value": 163600.0, "Latitude": 34.7, "Longitude": -118.16, "Population": 1365.0}, {"index": 9075, "quantile": 0.5, "value": 220150.00000000003, "Latitude": 34.7, "Longitude": -118.16, "Population": 1365.0}, {"index": 9075, "quantile": 0.75, "value": 259700.0, "Latitude": 34.7, "Longitude": -118.16, "Population": 1365.0}, {"index": 9075, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.7, "Longitude": -118.16, "Population": 1365.0}, {"index": 9076, "quantile": 0.0, "value": 69700.0, "Latitude": 34.69, "Longitude": -118.16, "Population": 1974.0}, {"index": 9076, "quantile": 0.25, "value": 122550.0, "Latitude": 34.69, "Longitude": -118.16, "Population": 1974.0}, {"index": 9076, "quantile": 0.5, "value": 126800.0, "Latitude": 34.69, "Longitude": -118.16, "Population": 1974.0}, {"index": 9076, "quantile": 0.75, "value": 126800.0, "Latitude": 34.69, "Longitude": -118.16, "Population": 1974.0}, {"index": 9076, "quantile": 1.0, "value": 187600.0, "Latitude": 34.69, "Longitude": -118.16, "Population": 1974.0}, {"index": 9077, "quantile": 0.0, "value": 74300.0, "Latitude": 34.69, "Longitude": -118.14, "Population": 708.0}, {"index": 9077, "quantile": 0.25, "value": 100000.0, "Latitude": 34.69, "Longitude": -118.14, "Population": 708.0}, {"index": 9077, "quantile": 0.5, "value": 100000.0, "Latitude": 34.69, "Longitude": -118.14, "Population": 708.0}, {"index": 9077, "quantile": 0.75, "value": 107500.0, "Latitude": 34.69, "Longitude": -118.14, "Population": 708.0}, {"index": 9077, "quantile": 1.0, "value": 436400.0, "Latitude": 34.69, "Longitude": -118.14, "Population": 708.0}, {"index": 9078, "quantile": 0.0, "value": 50200.0, "Latitude": 34.69, "Longitude": -118.14, "Population": 696.0}, {"index": 9078, "quantile": 0.25, "value": 94900.0, "Latitude": 34.69, "Longitude": -118.14, "Population": 696.0}, {"index": 9078, "quantile": 0.5, "value": 94900.0, "Latitude": 34.69, "Longitude": -118.14, "Population": 696.0}, {"index": 9078, "quantile": 0.75, "value": 94900.0, "Latitude": 34.69, "Longitude": -118.14, "Population": 696.0}, {"index": 9078, "quantile": 1.0, "value": 225000.0, "Latitude": 34.69, "Longitude": -118.14, "Population": 696.0}, {"index": 9079, "quantile": 0.0, "value": 79300.0, "Latitude": 34.76, "Longitude": -118.28, "Population": 1817.0}, {"index": 9079, "quantile": 0.25, "value": 163600.0, "Latitude": 34.76, "Longitude": -118.28, "Population": 1817.0}, {"index": 9079, "quantile": 0.5, "value": 163600.0, "Latitude": 34.76, "Longitude": -118.28, "Population": 1817.0}, {"index": 9079, "quantile": 0.75, "value": 164275.0, "Latitude": 34.76, "Longitude": -118.28, "Population": 1817.0}, {"index": 9079, "quantile": 1.0, "value": 371700.0, "Latitude": 34.76, "Longitude": -118.28, "Population": 1817.0}, {"index": 9080, "quantile": 0.0, "value": 56799.99999999999, "Latitude": 34.77, "Longitude": -118.19, "Population": 704.0}, {"index": 9080, "quantile": 0.25, "value": 133150.0, "Latitude": 34.77, "Longitude": -118.19, "Population": 704.0}, {"index": 9080, "quantile": 0.5, "value": 146400.0, "Latitude": 34.77, "Longitude": -118.19, "Population": 704.0}, {"index": 9080, "quantile": 0.75, "value": 146400.0, "Latitude": 34.77, "Longitude": -118.19, "Population": 704.0}, {"index": 9080, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.77, "Longitude": -118.19, "Population": 704.0}, {"index": 9081, "quantile": 0.0, "value": 94500.0, "Latitude": 34.69, "Longitude": -118.2, "Population": 7694.0}, {"index": 9081, "quantile": 0.25, "value": 163400.0, "Latitude": 34.69, "Longitude": -118.2, "Population": 7694.0}, {"index": 9081, "quantile": 0.5, "value": 163400.0, "Latitude": 34.69, "Longitude": -118.2, "Population": 7694.0}, {"index": 9081, "quantile": 0.75, "value": 167900.0, "Latitude": 34.69, "Longitude": -118.2, "Population": 7694.0}, {"index": 9081, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.69, "Longitude": -118.2, "Population": 7694.0}, {"index": 9082, "quantile": 0.0, "value": 87100.0, "Latitude": 34.69, "Longitude": -118.17, "Population": 2188.0}, {"index": 9082, "quantile": 0.25, "value": 156100.0, "Latitude": 34.69, "Longitude": -118.17, "Population": 2188.0}, {"index": 9082, "quantile": 0.5, "value": 171900.0, "Latitude": 34.69, "Longitude": -118.17, "Population": 2188.0}, {"index": 9082, "quantile": 0.75, "value": 171900.0, "Latitude": 34.69, "Longitude": -118.17, "Population": 2188.0}, {"index": 9082, "quantile": 1.0, "value": 340400.0, "Latitude": 34.69, "Longitude": -118.17, "Population": 2188.0}, {"index": 9083, "quantile": 0.0, "value": 170300.0, "Latitude": 34.68, "Longitude": -118.17, "Population": 2288.0}, {"index": 9083, "quantile": 0.25, "value": 185600.0, "Latitude": 34.68, "Longitude": -118.17, "Population": 2288.0}, {"index": 9083, "quantile": 0.5, "value": 185600.0, "Latitude": 34.68, "Longitude": -118.17, "Population": 2288.0}, {"index": 9083, "quantile": 0.75, "value": 296900.0, "Latitude": 34.68, "Longitude": -118.17, "Population": 2288.0}, {"index": 9083, "quantile": 1.0, "value": 438999.99999999994, "Latitude": 34.68, "Longitude": -118.17, "Population": 2288.0}, {"index": 9084, "quantile": 0.0, "value": 93600.0, "Latitude": 34.67, "Longitude": -118.19, "Population": 5731.0}, {"index": 9084, "quantile": 0.25, "value": 167900.0, "Latitude": 34.67, "Longitude": -118.19, "Population": 5731.0}, {"index": 9084, "quantile": 0.5, "value": 167900.0, "Latitude": 34.67, "Longitude": -118.19, "Population": 5731.0}, {"index": 9084, "quantile": 0.75, "value": 167900.0, "Latitude": 34.67, "Longitude": -118.19, "Population": 5731.0}, {"index": 9084, "quantile": 1.0, "value": 319000.0, "Latitude": 34.67, "Longitude": -118.19, "Population": 5731.0}, {"index": 9085, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 34.67, "Longitude": -118.17, "Population": 3723.0}, {"index": 9085, "quantile": 0.25, "value": 140300.0, "Latitude": 34.67, "Longitude": -118.17, "Population": 3723.0}, {"index": 9085, "quantile": 0.5, "value": 140300.0, "Latitude": 34.67, "Longitude": -118.17, "Population": 3723.0}, {"index": 9085, "quantile": 0.75, "value": 140300.0, "Latitude": 34.67, "Longitude": -118.17, "Population": 3723.0}, {"index": 9085, "quantile": 1.0, "value": 353000.0, "Latitude": 34.67, "Longitude": -118.17, "Population": 3723.0}, {"index": 9086, "quantile": 0.0, "value": 100000.0, "Latitude": 34.65, "Longitude": -118.19, "Population": 913.0}, {"index": 9086, "quantile": 0.25, "value": 126800.0, "Latitude": 34.65, "Longitude": -118.19, "Population": 913.0}, {"index": 9086, "quantile": 0.5, "value": 126800.0, "Latitude": 34.65, "Longitude": -118.19, "Population": 913.0}, {"index": 9086, "quantile": 0.75, "value": 126800.0, "Latitude": 34.65, "Longitude": -118.19, "Population": 913.0}, {"index": 9086, "quantile": 1.0, "value": 264900.0, "Latitude": 34.65, "Longitude": -118.19, "Population": 913.0}, {"index": 9087, "quantile": 0.0, "value": 88900.0, "Latitude": 34.66, "Longitude": -118.17, "Population": 731.0}, {"index": 9087, "quantile": 0.25, "value": 219725.0, "Latitude": 34.66, "Longitude": -118.17, "Population": 731.0}, {"index": 9087, "quantile": 0.5, "value": 264600.0, "Latitude": 34.66, "Longitude": -118.17, "Population": 731.0}, {"index": 9087, "quantile": 0.75, "value": 316450.00000000006, "Latitude": 34.66, "Longitude": -118.17, "Population": 731.0}, {"index": 9087, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.66, "Longitude": -118.17, "Population": 731.0}, {"index": 9088, "quantile": 0.0, "value": 84400.0, "Latitude": 34.67, "Longitude": -118.22, "Population": 1162.0}, {"index": 9088, "quantile": 0.25, "value": 163899.99999999997, "Latitude": 34.67, "Longitude": -118.22, "Population": 1162.0}, {"index": 9088, "quantile": 0.5, "value": 179700.0, "Latitude": 34.67, "Longitude": -118.22, "Population": 1162.0}, {"index": 9088, "quantile": 0.75, "value": 179700.0, "Latitude": 34.67, "Longitude": -118.22, "Population": 1162.0}, {"index": 9088, "quantile": 1.0, "value": 264900.0, "Latitude": 34.67, "Longitude": -118.22, "Population": 1162.0}, {"index": 9089, "quantile": 0.0, "value": 71400.0, "Latitude": 34.66, "Longitude": -118.23, "Population": 1059.0}, {"index": 9089, "quantile": 0.25, "value": 138200.0, "Latitude": 34.66, "Longitude": -118.23, "Population": 1059.0}, {"index": 9089, "quantile": 0.5, "value": 138200.0, "Latitude": 34.66, "Longitude": -118.23, "Population": 1059.0}, {"index": 9089, "quantile": 0.75, "value": 138200.0, "Latitude": 34.66, "Longitude": -118.23, "Population": 1059.0}, {"index": 9089, "quantile": 1.0, "value": 243100.0, "Latitude": 34.66, "Longitude": -118.23, "Population": 1059.0}, {"index": 9090, "quantile": 0.0, "value": 84200.0, "Latitude": 34.66, "Longitude": -118.22, "Population": 1867.0}, {"index": 9090, "quantile": 0.25, "value": 163400.0, "Latitude": 34.66, "Longitude": -118.22, "Population": 1867.0}, {"index": 9090, "quantile": 0.5, "value": 217300.0, "Latitude": 34.66, "Longitude": -118.22, "Population": 1867.0}, {"index": 9090, "quantile": 0.75, "value": 262125.0, "Latitude": 34.66, "Longitude": -118.22, "Population": 1867.0}, {"index": 9090, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 34.66, "Longitude": -118.22, "Population": 1867.0}, {"index": 9091, "quantile": 0.0, "value": 65700.0, "Latitude": 34.65, "Longitude": -118.21, "Population": 2313.0}, {"index": 9091, "quantile": 0.25, "value": 91300.0, "Latitude": 34.65, "Longitude": -118.21, "Population": 2313.0}, {"index": 9091, "quantile": 0.5, "value": 97100.0, "Latitude": 34.65, "Longitude": -118.21, "Population": 2313.0}, {"index": 9091, "quantile": 0.75, "value": 106700.0, "Latitude": 34.65, "Longitude": -118.21, "Population": 2313.0}, {"index": 9091, "quantile": 1.0, "value": 290100.0, "Latitude": 34.65, "Longitude": -118.21, "Population": 2313.0}, {"index": 9092, "quantile": 0.0, "value": 99800.0, "Latitude": 34.65, "Longitude": -118.23, "Population": 766.0}, {"index": 9092, "quantile": 0.25, "value": 136300.0, "Latitude": 34.65, "Longitude": -118.23, "Population": 766.0}, {"index": 9092, "quantile": 0.5, "value": 136300.0, "Latitude": 34.65, "Longitude": -118.23, "Population": 766.0}, {"index": 9092, "quantile": 0.75, "value": 146300.0, "Latitude": 34.65, "Longitude": -118.23, "Population": 766.0}, {"index": 9092, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.65, "Longitude": -118.23, "Population": 766.0}, {"index": 9093, "quantile": 0.0, "value": 40400.0, "Latitude": 34.68, "Longitude": -118.27, "Population": 314.0}, {"index": 9093, "quantile": 0.25, "value": 126499.99999999999, "Latitude": 34.68, "Longitude": -118.27, "Population": 314.0}, {"index": 9093, "quantile": 0.5, "value": 185400.0, "Latitude": 34.68, "Longitude": -118.27, "Population": 314.0}, {"index": 9093, "quantile": 0.75, "value": 185400.0, "Latitude": 34.68, "Longitude": -118.27, "Population": 314.0}, {"index": 9093, "quantile": 1.0, "value": 258100.0, "Latitude": 34.68, "Longitude": -118.27, "Population": 314.0}, {"index": 9094, "quantile": 0.0, "value": 71700.0, "Latitude": 34.65, "Longitude": -118.29, "Population": 2837.0}, {"index": 9094, "quantile": 0.25, "value": 192775.0, "Latitude": 34.65, "Longitude": -118.29, "Population": 2837.0}, {"index": 9094, "quantile": 0.5, "value": 218400.00000000003, "Latitude": 34.65, "Longitude": -118.29, "Population": 2837.0}, {"index": 9094, "quantile": 0.75, "value": 218400.00000000003, "Latitude": 34.65, "Longitude": -118.29, "Population": 2837.0}, {"index": 9094, "quantile": 1.0, "value": 256300.00000000003, "Latitude": 34.65, "Longitude": -118.29, "Population": 2837.0}, {"index": 9095, "quantile": 0.0, "value": 87200.0, "Latitude": 34.62, "Longitude": -118.32, "Population": 884.0}, {"index": 9095, "quantile": 0.25, "value": 220025.0, "Latitude": 34.62, "Longitude": -118.32, "Population": 884.0}, {"index": 9095, "quantile": 0.5, "value": 264900.0, "Latitude": 34.62, "Longitude": -118.32, "Population": 884.0}, {"index": 9095, "quantile": 0.75, "value": 264900.0, "Latitude": 34.62, "Longitude": -118.32, "Population": 884.0}, {"index": 9095, "quantile": 1.0, "value": 298300.0, "Latitude": 34.62, "Longitude": -118.32, "Population": 884.0}, {"index": 9096, "quantile": 0.0, "value": 83200.0, "Latitude": 34.58, "Longitude": -118.38, "Population": 913.0}, {"index": 9096, "quantile": 0.25, "value": 148900.0, "Latitude": 34.58, "Longitude": -118.38, "Population": 913.0}, {"index": 9096, "quantile": 0.5, "value": 148900.0, "Latitude": 34.58, "Longitude": -118.38, "Population": 913.0}, {"index": 9096, "quantile": 0.75, "value": 148900.0, "Latitude": 34.58, "Longitude": -118.38, "Population": 913.0}, {"index": 9096, "quantile": 1.0, "value": 334200.0, "Latitude": 34.58, "Longitude": -118.38, "Population": 913.0}, {"index": 9097, "quantile": 0.0, "value": 92700.0, "Latitude": 34.73, "Longitude": -118.61, "Population": 1558.0}, {"index": 9097, "quantile": 0.25, "value": 156700.0, "Latitude": 34.73, "Longitude": -118.61, "Population": 1558.0}, {"index": 9097, "quantile": 0.5, "value": 156700.0, "Latitude": 34.73, "Longitude": -118.61, "Population": 1558.0}, {"index": 9097, "quantile": 0.75, "value": 221050.0, "Latitude": 34.73, "Longitude": -118.61, "Population": 1558.0}, {"index": 9097, "quantile": 1.0, "value": 320700.0, "Latitude": 34.73, "Longitude": -118.61, "Population": 1558.0}, {"index": 9098, "quantile": 0.0, "value": 87100.0, "Latitude": 34.7, "Longitude": -118.4, "Population": 2164.0}, {"index": 9098, "quantile": 0.25, "value": 151600.0, "Latitude": 34.7, "Longitude": -118.4, "Population": 2164.0}, {"index": 9098, "quantile": 0.5, "value": 151600.0, "Latitude": 34.7, "Longitude": -118.4, "Population": 2164.0}, {"index": 9098, "quantile": 0.75, "value": 151600.0, "Latitude": 34.7, "Longitude": -118.4, "Population": 2164.0}, {"index": 9098, "quantile": 1.0, "value": 299300.0, "Latitude": 34.7, "Longitude": -118.4, "Population": 2164.0}, {"index": 9099, "quantile": 0.0, "value": 39400.0, "Latitude": 34.63, "Longitude": -117.92, "Population": 53.0}, {"index": 9099, "quantile": 0.25, "value": 137500.0, "Latitude": 34.63, "Longitude": -117.92, "Population": 53.0}, {"index": 9099, "quantile": 0.5, "value": 137500.0, "Latitude": 34.63, "Longitude": -117.92, "Population": 53.0}, {"index": 9099, "quantile": 0.75, "value": 137500.0, "Latitude": 34.63, "Longitude": -117.92, "Population": 53.0}, {"index": 9099, "quantile": 1.0, "value": 375000.0, "Latitude": 34.63, "Longitude": -117.92, "Population": 53.0}, {"index": 9100, "quantile": 0.0, "value": 22500.0, "Latitude": 34.59, "Longitude": -117.92, "Population": 485.0}, {"index": 9100, "quantile": 0.25, "value": 125600.0, "Latitude": 34.59, "Longitude": -117.92, "Population": 485.0}, {"index": 9100, "quantile": 0.5, "value": 125600.0, "Latitude": 34.59, "Longitude": -117.92, "Population": 485.0}, {"index": 9100, "quantile": 0.75, "value": 125600.0, "Latitude": 34.59, "Longitude": -117.92, "Population": 485.0}, {"index": 9100, "quantile": 1.0, "value": 262500.0, "Latitude": 34.59, "Longitude": -117.92, "Population": 485.0}, {"index": 9101, "quantile": 0.0, "value": 81600.0, "Latitude": 34.57, "Longitude": -117.93, "Population": 3569.0}, {"index": 9101, "quantile": 0.25, "value": 132700.0, "Latitude": 34.57, "Longitude": -117.93, "Population": 3569.0}, {"index": 9101, "quantile": 0.5, "value": 132700.0, "Latitude": 34.57, "Longitude": -117.93, "Population": 3569.0}, {"index": 9101, "quantile": 0.75, "value": 132700.0, "Latitude": 34.57, "Longitude": -117.93, "Population": 3569.0}, {"index": 9101, "quantile": 1.0, "value": 217600.00000000003, "Latitude": 34.57, "Longitude": -117.93, "Population": 3569.0}, {"index": 9102, "quantile": 0.0, "value": 97100.0, "Latitude": 34.53, "Longitude": -117.9, "Population": 2169.0}, {"index": 9102, "quantile": 0.25, "value": 135475.0, "Latitude": 34.53, "Longitude": -117.9, "Population": 2169.0}, {"index": 9102, "quantile": 0.5, "value": 135800.0, "Latitude": 34.53, "Longitude": -117.9, "Population": 2169.0}, {"index": 9102, "quantile": 0.75, "value": 135800.0, "Latitude": 34.53, "Longitude": -117.9, "Population": 2169.0}, {"index": 9102, "quantile": 1.0, "value": 375000.0, "Latitude": 34.53, "Longitude": -117.9, "Population": 2169.0}, {"index": 9103, "quantile": 0.0, "value": 90800.0, "Latitude": 34.53, "Longitude": -117.96, "Population": 1681.0}, {"index": 9103, "quantile": 0.25, "value": 132700.0, "Latitude": 34.53, "Longitude": -117.96, "Population": 1681.0}, {"index": 9103, "quantile": 0.5, "value": 141000.0, "Latitude": 34.53, "Longitude": -117.96, "Population": 1681.0}, {"index": 9103, "quantile": 0.75, "value": 141000.0, "Latitude": 34.53, "Longitude": -117.96, "Population": 1681.0}, {"index": 9103, "quantile": 1.0, "value": 179600.0, "Latitude": 34.53, "Longitude": -117.96, "Population": 1681.0}, {"index": 9104, "quantile": 0.0, "value": 90800.0, "Latitude": 34.53, "Longitude": -117.98, "Population": 1492.0}, {"index": 9104, "quantile": 0.25, "value": 135700.0, "Latitude": 34.53, "Longitude": -117.98, "Population": 1492.0}, {"index": 9104, "quantile": 0.5, "value": 135700.0, "Latitude": 34.53, "Longitude": -117.98, "Population": 1492.0}, {"index": 9104, "quantile": 0.75, "value": 140475.0, "Latitude": 34.53, "Longitude": -117.98, "Population": 1492.0}, {"index": 9104, "quantile": 1.0, "value": 299300.0, "Latitude": 34.53, "Longitude": -117.98, "Population": 1492.0}, {"index": 9105, "quantile": 0.0, "value": 33200.0, "Latitude": 34.63, "Longitude": -118.09, "Population": 1239.0}, {"index": 9105, "quantile": 0.25, "value": 91700.0, "Latitude": 34.63, "Longitude": -118.09, "Population": 1239.0}, {"index": 9105, "quantile": 0.5, "value": 99200.0, "Latitude": 34.63, "Longitude": -118.09, "Population": 1239.0}, {"index": 9105, "quantile": 0.75, "value": 99200.0, "Latitude": 34.63, "Longitude": -118.09, "Population": 1239.0}, {"index": 9105, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.63, "Longitude": -118.09, "Population": 1239.0}, {"index": 9106, "quantile": 0.0, "value": 34400.0, "Latitude": 34.62, "Longitude": -118.02, "Population": 261.0}, {"index": 9106, "quantile": 0.25, "value": 96900.0, "Latitude": 34.62, "Longitude": -118.02, "Population": 261.0}, {"index": 9106, "quantile": 0.5, "value": 96900.0, "Latitude": 34.62, "Longitude": -118.02, "Population": 261.0}, {"index": 9106, "quantile": 0.75, "value": 96900.0, "Latitude": 34.62, "Longitude": -118.02, "Population": 261.0}, {"index": 9106, "quantile": 1.0, "value": 375000.0, "Latitude": 34.62, "Longitude": -118.02, "Population": 261.0}, {"index": 9107, "quantile": 0.0, "value": 91800.0, "Latitude": 34.63, "Longitude": -118.18, "Population": 1677.0}, {"index": 9107, "quantile": 0.25, "value": 171900.0, "Latitude": 34.63, "Longitude": -118.18, "Population": 1677.0}, {"index": 9107, "quantile": 0.5, "value": 228100.0, "Latitude": 34.63, "Longitude": -118.18, "Population": 1677.0}, {"index": 9107, "quantile": 0.75, "value": 228100.0, "Latitude": 34.63, "Longitude": -118.18, "Population": 1677.0}, {"index": 9107, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 34.63, "Longitude": -118.18, "Population": 1677.0}, {"index": 9108, "quantile": 0.0, "value": 141200.0, "Latitude": 34.61, "Longitude": -118.17, "Population": 978.0}, {"index": 9108, "quantile": 0.25, "value": 292200.0, "Latitude": 34.61, "Longitude": -118.17, "Population": 978.0}, {"index": 9108, "quantile": 0.5, "value": 292200.0, "Latitude": 34.61, "Longitude": -118.17, "Population": 978.0}, {"index": 9108, "quantile": 0.75, "value": 292200.0, "Latitude": 34.61, "Longitude": -118.17, "Population": 978.0}, {"index": 9108, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.61, "Longitude": -118.17, "Population": 978.0}, {"index": 9109, "quantile": 0.0, "value": 182400.0, "Latitude": 34.6, "Longitude": -118.16, "Population": 4098.0}, {"index": 9109, "quantile": 0.25, "value": 204400.0, "Latitude": 34.6, "Longitude": -118.16, "Population": 4098.0}, {"index": 9109, "quantile": 0.5, "value": 204400.0, "Latitude": 34.6, "Longitude": -118.16, "Population": 4098.0}, {"index": 9109, "quantile": 0.75, "value": 287800.0, "Latitude": 34.6, "Longitude": -118.16, "Population": 4098.0}, {"index": 9109, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.6, "Longitude": -118.16, "Population": 4098.0}, {"index": 9110, "quantile": 0.0, "value": 26600.0, "Latitude": 34.6, "Longitude": -118.12, "Population": 1459.0}, {"index": 9110, "quantile": 0.25, "value": 94500.0, "Latitude": 34.6, "Longitude": -118.12, "Population": 1459.0}, {"index": 9110, "quantile": 0.5, "value": 94500.0, "Latitude": 34.6, "Longitude": -118.12, "Population": 1459.0}, {"index": 9110, "quantile": 0.75, "value": 94500.0, "Latitude": 34.6, "Longitude": -118.12, "Population": 1459.0}, {"index": 9110, "quantile": 1.0, "value": 251100.0, "Latitude": 34.6, "Longitude": -118.12, "Population": 1459.0}, {"index": 9111, "quantile": 0.0, "value": 74300.0, "Latitude": 34.59, "Longitude": -118.15, "Population": 1067.0}, {"index": 9111, "quantile": 0.25, "value": 103499.99999999999, "Latitude": 34.59, "Longitude": -118.15, "Population": 1067.0}, {"index": 9111, "quantile": 0.5, "value": 113500.0, "Latitude": 34.59, "Longitude": -118.15, "Population": 1067.0}, {"index": 9111, "quantile": 0.75, "value": 136300.0, "Latitude": 34.59, "Longitude": -118.15, "Population": 1067.0}, {"index": 9111, "quantile": 1.0, "value": 341700.0, "Latitude": 34.59, "Longitude": -118.15, "Population": 1067.0}, {"index": 9112, "quantile": 0.0, "value": 89500.0, "Latitude": 34.6, "Longitude": -118.16, "Population": 3123.0}, {"index": 9112, "quantile": 0.25, "value": 163174.99999999997, "Latitude": 34.6, "Longitude": -118.16, "Population": 3123.0}, {"index": 9112, "quantile": 0.5, "value": 169850.0, "Latitude": 34.6, "Longitude": -118.16, "Population": 3123.0}, {"index": 9112, "quantile": 0.75, "value": 242625.0, "Latitude": 34.6, "Longitude": -118.16, "Population": 3123.0}, {"index": 9112, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.6, "Longitude": -118.16, "Population": 3123.0}, {"index": 9113, "quantile": 0.0, "value": 137000.0, "Latitude": 34.56, "Longitude": -118.21, "Population": 1048.0}, {"index": 9113, "quantile": 0.25, "value": 262100.0, "Latitude": 34.56, "Longitude": -118.21, "Population": 1048.0}, {"index": 9113, "quantile": 0.5, "value": 262100.0, "Latitude": 34.56, "Longitude": -118.21, "Population": 1048.0}, {"index": 9113, "quantile": 0.75, "value": 262100.0, "Latitude": 34.56, "Longitude": -118.21, "Population": 1048.0}, {"index": 9113, "quantile": 1.0, "value": 445700.0, "Latitude": 34.56, "Longitude": -118.21, "Population": 1048.0}, {"index": 9114, "quantile": 0.0, "value": 132200.0, "Latitude": 34.63, "Longitude": -118.22, "Population": 5839.0}, {"index": 9114, "quantile": 0.25, "value": 222150.00000000003, "Latitude": 34.63, "Longitude": -118.22, "Population": 5839.0}, {"index": 9114, "quantile": 0.5, "value": 222400.00000000003, "Latitude": 34.63, "Longitude": -118.22, "Population": 5839.0}, {"index": 9114, "quantile": 0.75, "value": 222400.00000000003, "Latitude": 34.63, "Longitude": -118.22, "Population": 5839.0}, {"index": 9114, "quantile": 1.0, "value": 352000.0, "Latitude": 34.63, "Longitude": -118.22, "Population": 5839.0}, {"index": 9115, "quantile": 0.0, "value": 105300.0, "Latitude": 34.64, "Longitude": -118.21, "Population": 1273.0}, {"index": 9115, "quantile": 0.25, "value": 181100.0, "Latitude": 34.64, "Longitude": -118.21, "Population": 1273.0}, {"index": 9115, "quantile": 0.5, "value": 181100.0, "Latitude": 34.64, "Longitude": -118.21, "Population": 1273.0}, {"index": 9115, "quantile": 0.75, "value": 272575.0, "Latitude": 34.64, "Longitude": -118.21, "Population": 1273.0}, {"index": 9115, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.64, "Longitude": -118.21, "Population": 1273.0}, {"index": 9116, "quantile": 0.0, "value": 40900.0, "Latitude": 34.58, "Longitude": -118.12, "Population": 1949.0}, {"index": 9116, "quantile": 0.25, "value": 71225.0, "Latitude": 34.58, "Longitude": -118.12, "Population": 1949.0}, {"index": 9116, "quantile": 0.5, "value": 99600.0, "Latitude": 34.58, "Longitude": -118.12, "Population": 1949.0}, {"index": 9116, "quantile": 0.75, "value": 127499.99999999999, "Latitude": 34.58, "Longitude": -118.12, "Population": 1949.0}, {"index": 9116, "quantile": 1.0, "value": 212500.0, "Latitude": 34.58, "Longitude": -118.12, "Population": 1949.0}, {"index": 9117, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 34.58, "Longitude": -118.13, "Population": 1746.0}, {"index": 9117, "quantile": 0.25, "value": 113500.0, "Latitude": 34.58, "Longitude": -118.13, "Population": 1746.0}, {"index": 9117, "quantile": 0.5, "value": 113500.0, "Latitude": 34.58, "Longitude": -118.13, "Population": 1746.0}, {"index": 9117, "quantile": 0.75, "value": 114175.0, "Latitude": 34.58, "Longitude": -118.13, "Population": 1746.0}, {"index": 9117, "quantile": 1.0, "value": 214699.99999999997, "Latitude": 34.58, "Longitude": -118.13, "Population": 1746.0}, {"index": 9118, "quantile": 0.0, "value": 90800.0, "Latitude": 34.57, "Longitude": -118.14, "Population": 4892.0}, {"index": 9118, "quantile": 0.25, "value": 138200.0, "Latitude": 34.57, "Longitude": -118.14, "Population": 4892.0}, {"index": 9118, "quantile": 0.5, "value": 167600.0, "Latitude": 34.57, "Longitude": -118.14, "Population": 4892.0}, {"index": 9118, "quantile": 0.75, "value": 167600.0, "Latitude": 34.57, "Longitude": -118.14, "Population": 4892.0}, {"index": 9118, "quantile": 1.0, "value": 232900.00000000003, "Latitude": 34.57, "Longitude": -118.14, "Population": 4892.0}, {"index": 9119, "quantile": 0.0, "value": 83000.0, "Latitude": 34.56, "Longitude": -118.12, "Population": 3427.0}, {"index": 9119, "quantile": 0.25, "value": 137000.0, "Latitude": 34.56, "Longitude": -118.12, "Population": 3427.0}, {"index": 9119, "quantile": 0.5, "value": 148500.0, "Latitude": 34.56, "Longitude": -118.12, "Population": 3427.0}, {"index": 9119, "quantile": 0.75, "value": 148500.0, "Latitude": 34.56, "Longitude": -118.12, "Population": 3427.0}, {"index": 9119, "quantile": 1.0, "value": 171900.0, "Latitude": 34.56, "Longitude": -118.12, "Population": 3427.0}, {"index": 9120, "quantile": 0.0, "value": 74300.0, "Latitude": 34.58, "Longitude": -118.1, "Population": 774.0}, {"index": 9120, "quantile": 0.25, "value": 103499.99999999999, "Latitude": 34.58, "Longitude": -118.1, "Population": 774.0}, {"index": 9120, "quantile": 0.5, "value": 103499.99999999999, "Latitude": 34.58, "Longitude": -118.1, "Population": 774.0}, {"index": 9120, "quantile": 0.75, "value": 107500.0, "Latitude": 34.58, "Longitude": -118.1, "Population": 774.0}, {"index": 9120, "quantile": 1.0, "value": 248700.0, "Latitude": 34.58, "Longitude": -118.1, "Population": 774.0}, {"index": 9121, "quantile": 0.0, "value": 68900.0, "Latitude": 34.58, "Longitude": -118.1, "Population": 1517.0}, {"index": 9121, "quantile": 0.25, "value": 104000.0, "Latitude": 34.58, "Longitude": -118.1, "Population": 1517.0}, {"index": 9121, "quantile": 0.5, "value": 106900.0, "Latitude": 34.58, "Longitude": -118.1, "Population": 1517.0}, {"index": 9121, "quantile": 0.75, "value": 106900.0, "Latitude": 34.58, "Longitude": -118.1, "Population": 1517.0}, {"index": 9121, "quantile": 1.0, "value": 265800.0, "Latitude": 34.58, "Longitude": -118.1, "Population": 1517.0}, {"index": 9122, "quantile": 0.0, "value": 70500.0, "Latitude": 34.57, "Longitude": -118.1, "Population": 11973.0}, {"index": 9122, "quantile": 0.25, "value": 103125.0, "Latitude": 34.57, "Longitude": -118.1, "Population": 11973.0}, {"index": 9122, "quantile": 0.5, "value": 132700.0, "Latitude": 34.57, "Longitude": -118.1, "Population": 11973.0}, {"index": 9122, "quantile": 0.75, "value": 148500.0, "Latitude": 34.57, "Longitude": -118.1, "Population": 11973.0}, {"index": 9122, "quantile": 1.0, "value": 286500.0, "Latitude": 34.57, "Longitude": -118.1, "Population": 11973.0}, {"index": 9123, "quantile": 0.0, "value": 117200.0, "Latitude": 34.57, "Longitude": -118.09, "Population": 4970.0}, {"index": 9123, "quantile": 0.25, "value": 142900.0, "Latitude": 34.57, "Longitude": -118.09, "Population": 4970.0}, {"index": 9123, "quantile": 0.5, "value": 142900.0, "Latitude": 34.57, "Longitude": -118.09, "Population": 4970.0}, {"index": 9123, "quantile": 0.75, "value": 142900.0, "Latitude": 34.57, "Longitude": -118.09, "Population": 4970.0}, {"index": 9123, "quantile": 1.0, "value": 320700.0, "Latitude": 34.57, "Longitude": -118.09, "Population": 4970.0}, {"index": 9124, "quantile": 0.0, "value": 94500.0, "Latitude": 34.58, "Longitude": -118.08, "Population": 631.0}, {"index": 9124, "quantile": 0.25, "value": 145500.0, "Latitude": 34.58, "Longitude": -118.08, "Population": 631.0}, {"index": 9124, "quantile": 0.5, "value": 146600.0, "Latitude": 34.58, "Longitude": -118.08, "Population": 631.0}, {"index": 9124, "quantile": 0.75, "value": 146600.0, "Latitude": 34.58, "Longitude": -118.08, "Population": 631.0}, {"index": 9124, "quantile": 1.0, "value": 336800.0, "Latitude": 34.58, "Longitude": -118.08, "Population": 631.0}, {"index": 9125, "quantile": 0.0, "value": 74300.0, "Latitude": 34.58, "Longitude": -118.07, "Population": 1929.0}, {"index": 9125, "quantile": 0.25, "value": 116300.0, "Latitude": 34.58, "Longitude": -118.07, "Population": 1929.0}, {"index": 9125, "quantile": 0.5, "value": 126800.0, "Latitude": 34.58, "Longitude": -118.07, "Population": 1929.0}, {"index": 9125, "quantile": 0.75, "value": 148500.0, "Latitude": 34.58, "Longitude": -118.07, "Population": 1929.0}, {"index": 9125, "quantile": 1.0, "value": 338100.0, "Latitude": 34.58, "Longitude": -118.07, "Population": 1929.0}, {"index": 9126, "quantile": 0.0, "value": 85900.0, "Latitude": 34.58, "Longitude": -118.06, "Population": 899.0}, {"index": 9126, "quantile": 0.25, "value": 113500.0, "Latitude": 34.58, "Longitude": -118.06, "Population": 899.0}, {"index": 9126, "quantile": 0.5, "value": 120000.0, "Latitude": 34.58, "Longitude": -118.06, "Population": 899.0}, {"index": 9126, "quantile": 0.75, "value": 132700.0, "Latitude": 34.58, "Longitude": -118.06, "Population": 899.0}, {"index": 9126, "quantile": 1.0, "value": 197500.0, "Latitude": 34.58, "Longitude": -118.06, "Population": 899.0}, {"index": 9127, "quantile": 0.0, "value": 70200.0, "Latitude": 34.58, "Longitude": -118.08, "Population": 2169.0}, {"index": 9127, "quantile": 0.25, "value": 116300.0, "Latitude": 34.58, "Longitude": -118.08, "Population": 2169.0}, {"index": 9127, "quantile": 0.5, "value": 116300.0, "Latitude": 34.58, "Longitude": -118.08, "Population": 2169.0}, {"index": 9127, "quantile": 0.75, "value": 116300.0, "Latitude": 34.58, "Longitude": -118.08, "Population": 2169.0}, {"index": 9127, "quantile": 1.0, "value": 300000.0, "Latitude": 34.58, "Longitude": -118.08, "Population": 2169.0}, {"index": 9128, "quantile": 0.0, "value": 96900.0, "Latitude": 34.56, "Longitude": -118.07, "Population": 5871.0}, {"index": 9128, "quantile": 0.25, "value": 145125.0, "Latitude": 34.56, "Longitude": -118.07, "Population": 5871.0}, {"index": 9128, "quantile": 0.5, "value": 145500.0, "Latitude": 34.56, "Longitude": -118.07, "Population": 5871.0}, {"index": 9128, "quantile": 0.75, "value": 145500.0, "Latitude": 34.56, "Longitude": -118.07, "Population": 5871.0}, {"index": 9128, "quantile": 1.0, "value": 228100.0, "Latitude": 34.56, "Longitude": -118.07, "Population": 5871.0}, {"index": 9129, "quantile": 0.0, "value": 117200.0, "Latitude": 34.56, "Longitude": -118.08, "Population": 2846.0}, {"index": 9129, "quantile": 0.25, "value": 137200.0, "Latitude": 34.56, "Longitude": -118.08, "Population": 2846.0}, {"index": 9129, "quantile": 0.5, "value": 137200.0, "Latitude": 34.56, "Longitude": -118.08, "Population": 2846.0}, {"index": 9129, "quantile": 0.75, "value": 142900.0, "Latitude": 34.56, "Longitude": -118.08, "Population": 2846.0}, {"index": 9129, "quantile": 1.0, "value": 320700.0, "Latitude": 34.56, "Longitude": -118.08, "Population": 2846.0}, {"index": 9130, "quantile": 0.0, "value": 104400.0, "Latitude": 34.58, "Longitude": -118.03, "Population": 4546.0}, {"index": 9130, "quantile": 0.25, "value": 154300.0, "Latitude": 34.58, "Longitude": -118.03, "Population": 4546.0}, {"index": 9130, "quantile": 0.5, "value": 154300.0, "Latitude": 34.58, "Longitude": -118.03, "Population": 4546.0}, {"index": 9130, "quantile": 0.75, "value": 154300.0, "Latitude": 34.58, "Longitude": -118.03, "Population": 4546.0}, {"index": 9130, "quantile": 1.0, "value": 299300.0, "Latitude": 34.58, "Longitude": -118.03, "Population": 4546.0}, {"index": 9131, "quantile": 0.0, "value": 97400.0, "Latitude": 34.57, "Longitude": -118.02, "Population": 5391.0}, {"index": 9131, "quantile": 0.25, "value": 161375.0, "Latitude": 34.57, "Longitude": -118.02, "Population": 5391.0}, {"index": 9131, "quantile": 0.5, "value": 170900.0, "Latitude": 34.57, "Longitude": -118.02, "Population": 5391.0}, {"index": 9131, "quantile": 0.75, "value": 222400.00000000003, "Latitude": 34.57, "Longitude": -118.02, "Population": 5391.0}, {"index": 9131, "quantile": 1.0, "value": 346100.0, "Latitude": 34.57, "Longitude": -118.02, "Population": 5391.0}, {"index": 9132, "quantile": 0.0, "value": 83200.0, "Latitude": 34.55, "Longitude": -118.01, "Population": 1368.0}, {"index": 9132, "quantile": 0.25, "value": 137400.0, "Latitude": 34.55, "Longitude": -118.01, "Population": 1368.0}, {"index": 9132, "quantile": 0.5, "value": 137400.0, "Latitude": 34.55, "Longitude": -118.01, "Population": 1368.0}, {"index": 9132, "quantile": 0.75, "value": 141200.0, "Latitude": 34.55, "Longitude": -118.01, "Population": 1368.0}, {"index": 9132, "quantile": 1.0, "value": 228100.0, "Latitude": 34.55, "Longitude": -118.01, "Population": 1368.0}, {"index": 9133, "quantile": 0.0, "value": 87200.0, "Latitude": 34.55, "Longitude": -118.08, "Population": 8152.0}, {"index": 9133, "quantile": 0.25, "value": 141800.0, "Latitude": 34.55, "Longitude": -118.08, "Population": 8152.0}, {"index": 9133, "quantile": 0.5, "value": 141800.0, "Latitude": 34.55, "Longitude": -118.08, "Population": 8152.0}, {"index": 9133, "quantile": 0.75, "value": 142900.0, "Latitude": 34.55, "Longitude": -118.08, "Population": 8152.0}, {"index": 9133, "quantile": 1.0, "value": 320700.0, "Latitude": 34.55, "Longitude": -118.08, "Population": 8152.0}, {"index": 9134, "quantile": 0.0, "value": 87200.0, "Latitude": 34.51, "Longitude": -118.07, "Population": 1236.0}, {"index": 9134, "quantile": 0.25, "value": 158050.0, "Latitude": 34.51, "Longitude": -118.07, "Population": 1236.0}, {"index": 9134, "quantile": 0.5, "value": 237849.99999999997, "Latitude": 34.51, "Longitude": -118.07, "Population": 1236.0}, {"index": 9134, "quantile": 0.75, "value": 294000.0, "Latitude": 34.51, "Longitude": -118.07, "Population": 1236.0}, {"index": 9134, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.51, "Longitude": -118.07, "Population": 1236.0}, {"index": 9135, "quantile": 0.0, "value": 218299.99999999997, "Latitude": 34.43, "Longitude": -118.37, "Population": 8721.0}, {"index": 9135, "quantile": 0.25, "value": 225199.99999999997, "Latitude": 34.43, "Longitude": -118.37, "Population": 8721.0}, {"index": 9135, "quantile": 0.5, "value": 225199.99999999997, "Latitude": 34.43, "Longitude": -118.37, "Population": 8721.0}, {"index": 9135, "quantile": 0.75, "value": 236200.0, "Latitude": 34.43, "Longitude": -118.37, "Population": 8721.0}, {"index": 9135, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -118.37, "Population": 8721.0}, {"index": 9136, "quantile": 0.0, "value": 410300.0, "Latitude": 34.41, "Longitude": -118.4, "Population": 1573.0}, {"index": 9136, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.41, "Longitude": -118.4, "Population": 1573.0}, {"index": 9136, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.41, "Longitude": -118.4, "Population": 1573.0}, {"index": 9136, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.41, "Longitude": -118.4, "Population": 1573.0}, {"index": 9136, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.41, "Longitude": -118.4, "Population": 1573.0}, {"index": 9137, "quantile": 0.0, "value": 133800.0, "Latitude": 34.52, "Longitude": -118.35, "Population": 1710.0}, {"index": 9137, "quantile": 0.25, "value": 299700.0, "Latitude": 34.52, "Longitude": -118.35, "Population": 1710.0}, {"index": 9137, "quantile": 0.5, "value": 333300.0, "Latitude": 34.52, "Longitude": -118.35, "Population": 1710.0}, {"index": 9137, "quantile": 0.75, "value": 333300.0, "Latitude": 34.52, "Longitude": -118.35, "Population": 1710.0}, {"index": 9137, "quantile": 1.0, "value": 380000.0, "Latitude": 34.52, "Longitude": -118.35, "Population": 1710.0}, {"index": 9138, "quantile": 0.0, "value": 170300.0, "Latitude": 34.52, "Longitude": -118.22, "Population": 2298.0}, {"index": 9138, "quantile": 0.25, "value": 311600.0, "Latitude": 34.52, "Longitude": -118.22, "Population": 2298.0}, {"index": 9138, "quantile": 0.5, "value": 311600.0, "Latitude": 34.52, "Longitude": -118.22, "Population": 2298.0}, {"index": 9138, "quantile": 0.75, "value": 311600.0, "Latitude": 34.52, "Longitude": -118.22, "Population": 2298.0}, {"index": 9138, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.52, "Longitude": -118.22, "Population": 2298.0}, {"index": 9139, "quantile": 0.0, "value": 93100.0, "Latitude": 34.5, "Longitude": -118.26, "Population": 2275.0}, {"index": 9139, "quantile": 0.25, "value": 286550.0, "Latitude": 34.5, "Longitude": -118.26, "Population": 2275.0}, {"index": 9139, "quantile": 0.5, "value": 340400.0, "Latitude": 34.5, "Longitude": -118.26, "Population": 2275.0}, {"index": 9139, "quantile": 0.75, "value": 340400.0, "Latitude": 34.5, "Longitude": -118.26, "Population": 2275.0}, {"index": 9139, "quantile": 1.0, "value": 346100.0, "Latitude": 34.5, "Longitude": -118.26, "Population": 2275.0}, {"index": 9140, "quantile": 0.0, "value": 87200.0, "Latitude": 34.46, "Longitude": -118.27, "Population": 1119.0}, {"index": 9140, "quantile": 0.25, "value": 241700.00000000003, "Latitude": 34.46, "Longitude": -118.27, "Population": 1119.0}, {"index": 9140, "quantile": 0.5, "value": 294000.0, "Latitude": 34.46, "Longitude": -118.27, "Population": 1119.0}, {"index": 9140, "quantile": 0.75, "value": 294000.0, "Latitude": 34.46, "Longitude": -118.27, "Population": 1119.0}, {"index": 9140, "quantile": 1.0, "value": 353400.0, "Latitude": 34.46, "Longitude": -118.27, "Population": 1119.0}, {"index": 9141, "quantile": 0.0, "value": 93600.0, "Latitude": 34.44, "Longitude": -118.13, "Population": 1773.0}, {"index": 9141, "quantile": 0.25, "value": 169500.0, "Latitude": 34.44, "Longitude": -118.13, "Population": 1773.0}, {"index": 9141, "quantile": 0.5, "value": 319100.0, "Latitude": 34.44, "Longitude": -118.13, "Population": 1773.0}, {"index": 9141, "quantile": 0.75, "value": 319100.0, "Latitude": 34.44, "Longitude": -118.13, "Population": 1773.0}, {"index": 9141, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.44, "Longitude": -118.13, "Population": 1773.0}, {"index": 9142, "quantile": 0.0, "value": 85900.0, "Latitude": 34.49, "Longitude": -117.89, "Population": 1502.0}, {"index": 9142, "quantile": 0.25, "value": 118500.0, "Latitude": 34.49, "Longitude": -117.89, "Population": 1502.0}, {"index": 9142, "quantile": 0.5, "value": 158199.99999999997, "Latitude": 34.49, "Longitude": -117.89, "Population": 1502.0}, {"index": 9142, "quantile": 0.75, "value": 221950.0, "Latitude": 34.49, "Longitude": -117.89, "Population": 1502.0}, {"index": 9142, "quantile": 1.0, "value": 476700.00000000006, "Latitude": 34.49, "Longitude": -117.89, "Population": 1502.0}, {"index": 9143, "quantile": 0.0, "value": 84500.0, "Latitude": 34.48, "Longitude": -117.96, "Population": 806.0}, {"index": 9143, "quantile": 0.25, "value": 159400.0, "Latitude": 34.48, "Longitude": -117.96, "Population": 806.0}, {"index": 9143, "quantile": 0.5, "value": 159400.0, "Latitude": 34.48, "Longitude": -117.96, "Population": 806.0}, {"index": 9143, "quantile": 0.75, "value": 160175.0, "Latitude": 34.48, "Longitude": -117.96, "Population": 806.0}, {"index": 9143, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.48, "Longitude": -117.96, "Population": 806.0}, {"index": 9144, "quantile": 0.0, "value": 83300.0, "Latitude": 34.45, "Longitude": -117.79, "Population": 1355.0}, {"index": 9144, "quantile": 0.25, "value": 165000.0, "Latitude": 34.45, "Longitude": -117.79, "Population": 1355.0}, {"index": 9144, "quantile": 0.5, "value": 165000.0, "Latitude": 34.45, "Longitude": -117.79, "Population": 1355.0}, {"index": 9144, "quantile": 0.75, "value": 165000.0, "Latitude": 34.45, "Longitude": -117.79, "Population": 1355.0}, {"index": 9144, "quantile": 1.0, "value": 476700.00000000006, "Latitude": 34.45, "Longitude": -117.79, "Population": 1355.0}, {"index": 9145, "quantile": 0.0, "value": 112500.0, "Latitude": 34.4, "Longitude": -118.46, "Population": 10475.0}, {"index": 9145, "quantile": 0.25, "value": 195300.0, "Latitude": 34.4, "Longitude": -118.46, "Population": 10475.0}, {"index": 9145, "quantile": 0.5, "value": 195300.0, "Latitude": 34.4, "Longitude": -118.46, "Population": 10475.0}, {"index": 9145, "quantile": 0.75, "value": 214750.0, "Latitude": 34.4, "Longitude": -118.46, "Population": 10475.0}, {"index": 9145, "quantile": 1.0, "value": 478400.0, "Latitude": 34.4, "Longitude": -118.46, "Population": 10475.0}, {"index": 9146, "quantile": 0.0, "value": 155000.0, "Latitude": 34.45, "Longitude": -118.5, "Population": 689.0}, {"index": 9146, "quantile": 0.25, "value": 220200.0, "Latitude": 34.45, "Longitude": -118.5, "Population": 689.0}, {"index": 9146, "quantile": 0.5, "value": 220200.0, "Latitude": 34.45, "Longitude": -118.5, "Population": 689.0}, {"index": 9146, "quantile": 0.75, "value": 220200.0, "Latitude": 34.45, "Longitude": -118.5, "Population": 689.0}, {"index": 9146, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.45, "Longitude": -118.5, "Population": 689.0}, {"index": 9147, "quantile": 0.0, "value": 181300.0, "Latitude": 34.52, "Longitude": -118.5, "Population": 3032.0}, {"index": 9147, "quantile": 0.25, "value": 251799.99999999997, "Latitude": 34.52, "Longitude": -118.5, "Population": 3032.0}, {"index": 9147, "quantile": 0.5, "value": 251799.99999999997, "Latitude": 34.52, "Longitude": -118.5, "Population": 3032.0}, {"index": 9147, "quantile": 0.75, "value": 274650.0, "Latitude": 34.52, "Longitude": -118.5, "Population": 3032.0}, {"index": 9147, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.52, "Longitude": -118.5, "Population": 3032.0}, {"index": 9148, "quantile": 0.0, "value": 122800.0, "Latitude": 34.47, "Longitude": -118.48, "Population": 29.0}, {"index": 9148, "quantile": 0.25, "value": 187500.0, "Latitude": 34.47, "Longitude": -118.48, "Population": 29.0}, {"index": 9148, "quantile": 0.5, "value": 187500.0, "Latitude": 34.47, "Longitude": -118.48, "Population": 29.0}, {"index": 9148, "quantile": 0.75, "value": 225000.0, "Latitude": 34.47, "Longitude": -118.48, "Population": 29.0}, {"index": 9148, "quantile": 1.0, "value": 438300.0, "Latitude": 34.47, "Longitude": -118.48, "Population": 29.0}, {"index": 9149, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 34.46, "Longitude": -118.5, "Population": 4956.0}, {"index": 9149, "quantile": 0.25, "value": 213200.0, "Latitude": 34.46, "Longitude": -118.5, "Population": 4956.0}, {"index": 9149, "quantile": 0.5, "value": 242099.99999999997, "Latitude": 34.46, "Longitude": -118.5, "Population": 4956.0}, {"index": 9149, "quantile": 0.75, "value": 283950.0, "Latitude": 34.46, "Longitude": -118.5, "Population": 4956.0}, {"index": 9149, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.46, "Longitude": -118.5, "Population": 4956.0}, {"index": 9150, "quantile": 0.0, "value": 142000.0, "Latitude": 34.44, "Longitude": -118.52, "Population": 519.0}, {"index": 9150, "quantile": 0.25, "value": 185000.0, "Latitude": 34.44, "Longitude": -118.52, "Population": 519.0}, {"index": 9150, "quantile": 0.5, "value": 185000.0, "Latitude": 34.44, "Longitude": -118.52, "Population": 519.0}, {"index": 9150, "quantile": 0.75, "value": 185500.0, "Latitude": 34.44, "Longitude": -118.52, "Population": 519.0}, {"index": 9150, "quantile": 1.0, "value": 350000.0, "Latitude": 34.44, "Longitude": -118.52, "Population": 519.0}, {"index": 9151, "quantile": 0.0, "value": 137000.0, "Latitude": 34.44, "Longitude": -118.53, "Population": 1356.0}, {"index": 9151, "quantile": 0.25, "value": 233199.99999999997, "Latitude": 34.44, "Longitude": -118.53, "Population": 1356.0}, {"index": 9151, "quantile": 0.5, "value": 233199.99999999997, "Latitude": 34.44, "Longitude": -118.53, "Population": 1356.0}, {"index": 9151, "quantile": 0.75, "value": 243450.0, "Latitude": 34.44, "Longitude": -118.53, "Population": 1356.0}, {"index": 9151, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 34.44, "Longitude": -118.53, "Population": 1356.0}, {"index": 9152, "quantile": 0.0, "value": 158000.0, "Latitude": 34.45, "Longitude": -118.53, "Population": 508.0}, {"index": 9152, "quantile": 0.25, "value": 185000.0, "Latitude": 34.45, "Longitude": -118.53, "Population": 508.0}, {"index": 9152, "quantile": 0.5, "value": 185500.0, "Latitude": 34.45, "Longitude": -118.53, "Population": 508.0}, {"index": 9152, "quantile": 0.75, "value": 185500.0, "Latitude": 34.45, "Longitude": -118.53, "Population": 508.0}, {"index": 9152, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.45, "Longitude": -118.53, "Population": 508.0}, {"index": 9153, "quantile": 0.0, "value": 138200.0, "Latitude": 34.44, "Longitude": -118.53, "Population": 650.0}, {"index": 9153, "quantile": 0.25, "value": 220575.0, "Latitude": 34.44, "Longitude": -118.53, "Population": 650.0}, {"index": 9153, "quantile": 0.5, "value": 235600.0, "Latitude": 34.44, "Longitude": -118.53, "Population": 650.0}, {"index": 9153, "quantile": 0.75, "value": 263275.0, "Latitude": 34.44, "Longitude": -118.53, "Population": 650.0}, {"index": 9153, "quantile": 1.0, "value": 402600.0, "Latitude": 34.44, "Longitude": -118.53, "Population": 650.0}, {"index": 9154, "quantile": 0.0, "value": 143000.0, "Latitude": 34.46, "Longitude": -118.52, "Population": 7270.0}, {"index": 9154, "quantile": 0.25, "value": 251799.99999999997, "Latitude": 34.46, "Longitude": -118.52, "Population": 7270.0}, {"index": 9154, "quantile": 0.5, "value": 274450.0, "Latitude": 34.46, "Longitude": -118.52, "Population": 7270.0}, {"index": 9154, "quantile": 0.75, "value": 385649.99999999994, "Latitude": 34.46, "Longitude": -118.52, "Population": 7270.0}, {"index": 9154, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.46, "Longitude": -118.52, "Population": 7270.0}, {"index": 9155, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 34.45, "Longitude": -118.53, "Population": 3002.0}, {"index": 9155, "quantile": 0.25, "value": 220100.0, "Latitude": 34.45, "Longitude": -118.53, "Population": 3002.0}, {"index": 9155, "quantile": 0.5, "value": 220100.0, "Latitude": 34.45, "Longitude": -118.53, "Population": 3002.0}, {"index": 9155, "quantile": 0.75, "value": 220125.0, "Latitude": 34.45, "Longitude": -118.53, "Population": 3002.0}, {"index": 9155, "quantile": 1.0, "value": 386800.0, "Latitude": 34.45, "Longitude": -118.53, "Population": 3002.0}, {"index": 9156, "quantile": 0.0, "value": 214500.0, "Latitude": 34.43, "Longitude": -118.51, "Population": 3733.0}, {"index": 9156, "quantile": 0.25, "value": 253700.0, "Latitude": 34.43, "Longitude": -118.51, "Population": 3733.0}, {"index": 9156, "quantile": 0.5, "value": 253700.0, "Latitude": 34.43, "Longitude": -118.51, "Population": 3733.0}, {"index": 9156, "quantile": 0.75, "value": 253700.0, "Latitude": 34.43, "Longitude": -118.51, "Population": 3733.0}, {"index": 9156, "quantile": 1.0, "value": 403700.0, "Latitude": 34.43, "Longitude": -118.51, "Population": 3733.0}, {"index": 9157, "quantile": 0.0, "value": 100800.0, "Latitude": 34.42, "Longitude": -118.46, "Population": 1884.0}, {"index": 9157, "quantile": 0.25, "value": 169500.0, "Latitude": 34.42, "Longitude": -118.46, "Population": 1884.0}, {"index": 9157, "quantile": 0.5, "value": 169500.0, "Latitude": 34.42, "Longitude": -118.46, "Population": 1884.0}, {"index": 9157, "quantile": 0.75, "value": 194150.0, "Latitude": 34.42, "Longitude": -118.46, "Population": 1884.0}, {"index": 9157, "quantile": 1.0, "value": 338100.0, "Latitude": 34.42, "Longitude": -118.46, "Population": 1884.0}, {"index": 9158, "quantile": 0.0, "value": 193500.0, "Latitude": 34.5, "Longitude": -118.44, "Population": 1355.0}, {"index": 9158, "quantile": 0.25, "value": 348000.0, "Latitude": 34.5, "Longitude": -118.44, "Population": 1355.0}, {"index": 9158, "quantile": 0.5, "value": 374000.0, "Latitude": 34.5, "Longitude": -118.44, "Population": 1355.0}, {"index": 9158, "quantile": 0.75, "value": 426499.99999999994, "Latitude": 34.5, "Longitude": -118.44, "Population": 1355.0}, {"index": 9158, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.5, "Longitude": -118.44, "Population": 1355.0}, {"index": 9159, "quantile": 0.0, "value": 112500.0, "Latitude": 34.44, "Longitude": -118.45, "Population": 7030.0}, {"index": 9159, "quantile": 0.25, "value": 187900.0, "Latitude": 34.44, "Longitude": -118.45, "Population": 7030.0}, {"index": 9159, "quantile": 0.5, "value": 187900.0, "Latitude": 34.44, "Longitude": -118.45, "Population": 7030.0}, {"index": 9159, "quantile": 0.75, "value": 212600.00000000003, "Latitude": 34.44, "Longitude": -118.45, "Population": 7030.0}, {"index": 9159, "quantile": 1.0, "value": 357900.0, "Latitude": 34.44, "Longitude": -118.45, "Population": 7030.0}, {"index": 9160, "quantile": 0.0, "value": 130600.0, "Latitude": 34.43, "Longitude": -118.49, "Population": 4453.0}, {"index": 9160, "quantile": 0.25, "value": 199600.0, "Latitude": 34.43, "Longitude": -118.49, "Population": 4453.0}, {"index": 9160, "quantile": 0.5, "value": 199600.0, "Latitude": 34.43, "Longitude": -118.49, "Population": 4453.0}, {"index": 9160, "quantile": 0.75, "value": 211324.99999999997, "Latitude": 34.43, "Longitude": -118.49, "Population": 4453.0}, {"index": 9160, "quantile": 1.0, "value": 329200.0, "Latitude": 34.43, "Longitude": -118.49, "Population": 4453.0}, {"index": 9161, "quantile": 0.0, "value": 135400.0, "Latitude": 34.42, "Longitude": -118.49, "Population": 2082.0}, {"index": 9161, "quantile": 0.25, "value": 213400.0, "Latitude": 34.42, "Longitude": -118.49, "Population": 2082.0}, {"index": 9161, "quantile": 0.5, "value": 213400.0, "Latitude": 34.42, "Longitude": -118.49, "Population": 2082.0}, {"index": 9161, "quantile": 0.75, "value": 222100.0, "Latitude": 34.42, "Longitude": -118.49, "Population": 2082.0}, {"index": 9161, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.42, "Longitude": -118.49, "Population": 2082.0}, {"index": 9162, "quantile": 0.0, "value": 137000.0, "Latitude": 34.42, "Longitude": -118.48, "Population": 728.0}, {"index": 9162, "quantile": 0.25, "value": 213200.0, "Latitude": 34.42, "Longitude": -118.48, "Population": 728.0}, {"index": 9162, "quantile": 0.5, "value": 248950.0, "Latitude": 34.42, "Longitude": -118.48, "Population": 728.0}, {"index": 9162, "quantile": 0.75, "value": 304225.0, "Latitude": 34.42, "Longitude": -118.48, "Population": 728.0}, {"index": 9162, "quantile": 1.0, "value": 416300.0, "Latitude": 34.42, "Longitude": -118.48, "Population": 728.0}, {"index": 9163, "quantile": 0.0, "value": 67500.0, "Latitude": 34.42, "Longitude": -118.47, "Population": 530.0}, {"index": 9163, "quantile": 0.25, "value": 238499.99999999997, "Latitude": 34.42, "Longitude": -118.47, "Population": 530.0}, {"index": 9163, "quantile": 0.5, "value": 238499.99999999997, "Latitude": 34.42, "Longitude": -118.47, "Population": 530.0}, {"index": 9163, "quantile": 0.75, "value": 238499.99999999997, "Latitude": 34.42, "Longitude": -118.47, "Population": 530.0}, {"index": 9163, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.42, "Longitude": -118.47, "Population": 530.0}, {"index": 9164, "quantile": 0.0, "value": 109400.00000000001, "Latitude": 34.42, "Longitude": -118.47, "Population": 1763.0}, {"index": 9164, "quantile": 0.25, "value": 214699.99999999997, "Latitude": 34.42, "Longitude": -118.47, "Population": 1763.0}, {"index": 9164, "quantile": 0.5, "value": 225800.0, "Latitude": 34.42, "Longitude": -118.47, "Population": 1763.0}, {"index": 9164, "quantile": 0.75, "value": 244475.0, "Latitude": 34.42, "Longitude": -118.47, "Population": 1763.0}, {"index": 9164, "quantile": 1.0, "value": 436700.0, "Latitude": 34.42, "Longitude": -118.47, "Population": 1763.0}, {"index": 9165, "quantile": 0.0, "value": 143000.0, "Latitude": 34.42, "Longitude": -118.43, "Population": 1799.0}, {"index": 9165, "quantile": 0.25, "value": 218299.99999999997, "Latitude": 34.42, "Longitude": -118.43, "Population": 1799.0}, {"index": 9165, "quantile": 0.5, "value": 218299.99999999997, "Latitude": 34.42, "Longitude": -118.43, "Population": 1799.0}, {"index": 9165, "quantile": 0.75, "value": 239350.0, "Latitude": 34.42, "Longitude": -118.43, "Population": 1799.0}, {"index": 9165, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.42, "Longitude": -118.43, "Population": 1799.0}, {"index": 9166, "quantile": 0.0, "value": 125899.99999999999, "Latitude": 34.43, "Longitude": -118.43, "Population": 9842.0}, {"index": 9166, "quantile": 0.25, "value": 194600.0, "Latitude": 34.43, "Longitude": -118.43, "Population": 9842.0}, {"index": 9166, "quantile": 0.5, "value": 194600.0, "Latitude": 34.43, "Longitude": -118.43, "Population": 9842.0}, {"index": 9166, "quantile": 0.75, "value": 194600.0, "Latitude": 34.43, "Longitude": -118.43, "Population": 9842.0}, {"index": 9166, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 34.43, "Longitude": -118.43, "Population": 9842.0}, {"index": 9167, "quantile": 0.0, "value": 143000.0, "Latitude": 34.44, "Longitude": -118.55, "Population": 7087.0}, {"index": 9167, "quantile": 0.25, "value": 237699.99999999997, "Latitude": 34.44, "Longitude": -118.55, "Population": 7087.0}, {"index": 9167, "quantile": 0.5, "value": 237699.99999999997, "Latitude": 34.44, "Longitude": -118.55, "Population": 7087.0}, {"index": 9167, "quantile": 0.75, "value": 254825.0, "Latitude": 34.44, "Longitude": -118.55, "Population": 7087.0}, {"index": 9167, "quantile": 1.0, "value": 480800.0, "Latitude": 34.44, "Longitude": -118.55, "Population": 7087.0}, {"index": 9168, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 34.42, "Longitude": -118.56, "Population": 233.0}, {"index": 9168, "quantile": 0.25, "value": 105100.0, "Latitude": 34.42, "Longitude": -118.56, "Population": 233.0}, {"index": 9168, "quantile": 0.5, "value": 162500.0, "Latitude": 34.42, "Longitude": -118.56, "Population": 233.0}, {"index": 9168, "quantile": 0.75, "value": 236100.00000000003, "Latitude": 34.42, "Longitude": -118.56, "Population": 233.0}, {"index": 9168, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.42, "Longitude": -118.56, "Population": 233.0}, {"index": 9169, "quantile": 0.0, "value": 82800.0, "Latitude": 34.59, "Longitude": -118.61, "Population": 2062.0}, {"index": 9169, "quantile": 0.25, "value": 148900.0, "Latitude": 34.59, "Longitude": -118.61, "Population": 2062.0}, {"index": 9169, "quantile": 0.5, "value": 167100.0, "Latitude": 34.59, "Longitude": -118.61, "Population": 2062.0}, {"index": 9169, "quantile": 0.75, "value": 167100.0, "Latitude": 34.59, "Longitude": -118.61, "Population": 2062.0}, {"index": 9169, "quantile": 1.0, "value": 292900.0, "Latitude": 34.59, "Longitude": -118.61, "Population": 2062.0}, {"index": 9170, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 34.53, "Longitude": -118.7, "Population": 7158.0}, {"index": 9170, "quantile": 0.25, "value": 236125.0, "Latitude": 34.53, "Longitude": -118.7, "Population": 7158.0}, {"index": 9170, "quantile": 0.5, "value": 236300.0, "Latitude": 34.53, "Longitude": -118.7, "Population": 7158.0}, {"index": 9170, "quantile": 0.75, "value": 236300.0, "Latitude": 34.53, "Longitude": -118.7, "Population": 7158.0}, {"index": 9170, "quantile": 1.0, "value": 353600.0, "Latitude": 34.53, "Longitude": -118.7, "Population": 7158.0}, {"index": 9171, "quantile": 0.0, "value": 72700.0, "Latitude": 34.43, "Longitude": -118.66, "Population": 1556.0}, {"index": 9171, "quantile": 0.25, "value": 177000.0, "Latitude": 34.43, "Longitude": -118.66, "Population": 1556.0}, {"index": 9171, "quantile": 0.5, "value": 194000.0, "Latitude": 34.43, "Longitude": -118.66, "Population": 1556.0}, {"index": 9171, "quantile": 0.75, "value": 220100.0, "Latitude": 34.43, "Longitude": -118.66, "Population": 1556.0}, {"index": 9171, "quantile": 1.0, "value": 450000.0, "Latitude": 34.43, "Longitude": -118.66, "Population": 1556.0}, {"index": 9172, "quantile": 0.0, "value": 52500.0, "Latitude": 34.47, "Longitude": -118.59, "Population": 8733.0}, {"index": 9172, "quantile": 0.25, "value": 154600.0, "Latitude": 34.47, "Longitude": -118.59, "Population": 8733.0}, {"index": 9172, "quantile": 0.5, "value": 154600.0, "Latitude": 34.47, "Longitude": -118.59, "Population": 8733.0}, {"index": 9172, "quantile": 0.75, "value": 154600.0, "Latitude": 34.47, "Longitude": -118.59, "Population": 8733.0}, {"index": 9172, "quantile": 1.0, "value": 450000.0, "Latitude": 34.47, "Longitude": -118.59, "Population": 8733.0}, {"index": 9173, "quantile": 0.0, "value": 72100.0, "Latitude": 34.31, "Longitude": -118.61, "Population": 868.0}, {"index": 9173, "quantile": 0.25, "value": 285149.99999999994, "Latitude": 34.31, "Longitude": -118.61, "Population": 868.0}, {"index": 9173, "quantile": 0.5, "value": 285200.0, "Latitude": 34.31, "Longitude": -118.61, "Population": 868.0}, {"index": 9173, "quantile": 0.75, "value": 285200.0, "Latitude": 34.31, "Longitude": -118.61, "Population": 868.0}, {"index": 9173, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.31, "Longitude": -118.61, "Population": 868.0}, {"index": 9174, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 34.39, "Longitude": -118.52, "Population": 3384.0}, {"index": 9174, "quantile": 0.25, "value": 200250.0, "Latitude": 34.39, "Longitude": -118.52, "Population": 3384.0}, {"index": 9174, "quantile": 0.5, "value": 223100.0, "Latitude": 34.39, "Longitude": -118.52, "Population": 3384.0}, {"index": 9174, "quantile": 0.75, "value": 261300.0, "Latitude": 34.39, "Longitude": -118.52, "Population": 3384.0}, {"index": 9174, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.39, "Longitude": -118.52, "Population": 3384.0}, {"index": 9175, "quantile": 0.0, "value": 120100.0, "Latitude": 34.38, "Longitude": -118.53, "Population": 2305.0}, {"index": 9175, "quantile": 0.25, "value": 160050.0, "Latitude": 34.38, "Longitude": -118.53, "Population": 2305.0}, {"index": 9175, "quantile": 0.5, "value": 192200.0, "Latitude": 34.38, "Longitude": -118.53, "Population": 2305.0}, {"index": 9175, "quantile": 0.75, "value": 202000.0, "Latitude": 34.38, "Longitude": -118.53, "Population": 2305.0}, {"index": 9175, "quantile": 1.0, "value": 375000.0, "Latitude": 34.38, "Longitude": -118.53, "Population": 2305.0}, {"index": 9176, "quantile": 0.0, "value": 127200.0, "Latitude": 34.38, "Longitude": -118.54, "Population": 1044.0}, {"index": 9176, "quantile": 0.25, "value": 262100.0, "Latitude": 34.38, "Longitude": -118.54, "Population": 1044.0}, {"index": 9176, "quantile": 0.5, "value": 262100.0, "Latitude": 34.38, "Longitude": -118.54, "Population": 1044.0}, {"index": 9176, "quantile": 0.75, "value": 264675.0, "Latitude": 34.38, "Longitude": -118.54, "Population": 1044.0}, {"index": 9176, "quantile": 1.0, "value": 467699.99999999994, "Latitude": 34.38, "Longitude": -118.54, "Population": 1044.0}, {"index": 9177, "quantile": 0.0, "value": 132200.0, "Latitude": 34.4, "Longitude": -118.52, "Population": 4768.0}, {"index": 9177, "quantile": 0.25, "value": 266650.0, "Latitude": 34.4, "Longitude": -118.52, "Population": 4768.0}, {"index": 9177, "quantile": 0.5, "value": 311200.0, "Latitude": 34.4, "Longitude": -118.52, "Population": 4768.0}, {"index": 9177, "quantile": 0.75, "value": 311200.0, "Latitude": 34.4, "Longitude": -118.52, "Population": 4768.0}, {"index": 9177, "quantile": 1.0, "value": 363500.0, "Latitude": 34.4, "Longitude": -118.52, "Population": 4768.0}, {"index": 9178, "quantile": 0.0, "value": 87500.0, "Latitude": 34.37, "Longitude": -118.53, "Population": 1342.0}, {"index": 9178, "quantile": 0.25, "value": 173325.0, "Latitude": 34.37, "Longitude": -118.53, "Population": 1342.0}, {"index": 9178, "quantile": 0.5, "value": 225199.99999999997, "Latitude": 34.37, "Longitude": -118.53, "Population": 1342.0}, {"index": 9178, "quantile": 0.75, "value": 298325.0, "Latitude": 34.37, "Longitude": -118.53, "Population": 1342.0}, {"index": 9178, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.37, "Longitude": -118.53, "Population": 1342.0}, {"index": 9179, "quantile": 0.0, "value": 194100.0, "Latitude": 34.37, "Longitude": -118.54, "Population": 917.0}, {"index": 9179, "quantile": 0.25, "value": 323700.0, "Latitude": 34.37, "Longitude": -118.54, "Population": 917.0}, {"index": 9179, "quantile": 0.5, "value": 323700.0, "Latitude": 34.37, "Longitude": -118.54, "Population": 917.0}, {"index": 9179, "quantile": 0.75, "value": 323700.0, "Latitude": 34.37, "Longitude": -118.54, "Population": 917.0}, {"index": 9179, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.37, "Longitude": -118.54, "Population": 917.0}, {"index": 9180, "quantile": 0.0, "value": 130600.0, "Latitude": 34.36, "Longitude": -118.52, "Population": 2024.0}, {"index": 9180, "quantile": 0.25, "value": 270400.0, "Latitude": 34.36, "Longitude": -118.52, "Population": 2024.0}, {"index": 9180, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.36, "Longitude": -118.52, "Population": 2024.0}, {"index": 9180, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.36, "Longitude": -118.52, "Population": 2024.0}, {"index": 9180, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.36, "Longitude": -118.52, "Population": 2024.0}, {"index": 9181, "quantile": 0.0, "value": 143000.0, "Latitude": 34.37, "Longitude": -118.55, "Population": 3331.0}, {"index": 9181, "quantile": 0.25, "value": 284825.0, "Latitude": 34.37, "Longitude": -118.55, "Population": 3331.0}, {"index": 9181, "quantile": 0.5, "value": 325950.0, "Latitude": 34.37, "Longitude": -118.55, "Population": 3331.0}, {"index": 9181, "quantile": 0.75, "value": 364775.0, "Latitude": 34.37, "Longitude": -118.55, "Population": 3331.0}, {"index": 9181, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.37, "Longitude": -118.55, "Population": 3331.0}, {"index": 9182, "quantile": 0.0, "value": 112500.0, "Latitude": 34.37, "Longitude": -118.56, "Population": 1984.0}, {"index": 9182, "quantile": 0.25, "value": 202599.99999999997, "Latitude": 34.37, "Longitude": -118.56, "Population": 1984.0}, {"index": 9182, "quantile": 0.5, "value": 202599.99999999997, "Latitude": 34.37, "Longitude": -118.56, "Population": 1984.0}, {"index": 9182, "quantile": 0.75, "value": 233250.0, "Latitude": 34.37, "Longitude": -118.56, "Population": 1984.0}, {"index": 9182, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 34.37, "Longitude": -118.56, "Population": 1984.0}, {"index": 9183, "quantile": 0.0, "value": 105300.0, "Latitude": 34.41, "Longitude": -118.55, "Population": 9936.0}, {"index": 9183, "quantile": 0.25, "value": 265100.0, "Latitude": 34.41, "Longitude": -118.55, "Population": 9936.0}, {"index": 9183, "quantile": 0.5, "value": 265100.0, "Latitude": 34.41, "Longitude": -118.55, "Population": 9936.0}, {"index": 9183, "quantile": 0.75, "value": 267350.0, "Latitude": 34.41, "Longitude": -118.55, "Population": 9936.0}, {"index": 9183, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.41, "Longitude": -118.55, "Population": 9936.0}, {"index": 9184, "quantile": 0.0, "value": 218299.99999999997, "Latitude": 34.38, "Longitude": -118.55, "Population": 2803.0}, {"index": 9184, "quantile": 0.25, "value": 281900.0, "Latitude": 34.38, "Longitude": -118.55, "Population": 2803.0}, {"index": 9184, "quantile": 0.5, "value": 309600.0, "Latitude": 34.38, "Longitude": -118.55, "Population": 2803.0}, {"index": 9184, "quantile": 0.75, "value": 348300.0, "Latitude": 34.38, "Longitude": -118.55, "Population": 2803.0}, {"index": 9184, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.38, "Longitude": -118.55, "Population": 2803.0}, {"index": 9185, "quantile": 0.0, "value": 226799.99999999997, "Latitude": 34.41, "Longitude": -118.56, "Population": 6902.0}, {"index": 9185, "quantile": 0.25, "value": 320900.0, "Latitude": 34.41, "Longitude": -118.56, "Population": 6902.0}, {"index": 9185, "quantile": 0.5, "value": 320900.0, "Latitude": 34.41, "Longitude": -118.56, "Population": 6902.0}, {"index": 9185, "quantile": 0.75, "value": 320900.0, "Latitude": 34.41, "Longitude": -118.56, "Population": 6902.0}, {"index": 9185, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.41, "Longitude": -118.56, "Population": 6902.0}, {"index": 9186, "quantile": 0.0, "value": 170300.0, "Latitude": 34.39, "Longitude": -118.55, "Population": 3789.0}, {"index": 9186, "quantile": 0.25, "value": 323300.0, "Latitude": 34.39, "Longitude": -118.55, "Population": 3789.0}, {"index": 9186, "quantile": 0.5, "value": 323300.0, "Latitude": 34.39, "Longitude": -118.55, "Population": 3789.0}, {"index": 9186, "quantile": 0.75, "value": 323300.0, "Latitude": 34.39, "Longitude": -118.55, "Population": 3789.0}, {"index": 9186, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.39, "Longitude": -118.55, "Population": 3789.0}, {"index": 9187, "quantile": 0.0, "value": 171900.0, "Latitude": 34.38, "Longitude": -118.61, "Population": 1787.0}, {"index": 9187, "quantile": 0.25, "value": 329500.0, "Latitude": 34.38, "Longitude": -118.61, "Population": 1787.0}, {"index": 9187, "quantile": 0.5, "value": 329500.0, "Latitude": 34.38, "Longitude": -118.61, "Population": 1787.0}, {"index": 9187, "quantile": 0.75, "value": 329500.0, "Latitude": 34.38, "Longitude": -118.61, "Population": 1787.0}, {"index": 9187, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.38, "Longitude": -118.61, "Population": 1787.0}, {"index": 9188, "quantile": 0.0, "value": 97300.0, "Latitude": 34.24, "Longitude": -117.86, "Population": 628.0}, {"index": 9188, "quantile": 0.25, "value": 197650.0, "Latitude": 34.24, "Longitude": -117.86, "Population": 628.0}, {"index": 9188, "quantile": 0.5, "value": 226649.99999999997, "Latitude": 34.24, "Longitude": -117.86, "Population": 628.0}, {"index": 9188, "quantile": 0.75, "value": 271900.0, "Latitude": 34.24, "Longitude": -117.86, "Population": 628.0}, {"index": 9188, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -117.86, "Population": 628.0}, {"index": 9189, "quantile": 0.0, "value": 85600.0, "Latitude": 34.23, "Longitude": -118.12, "Population": 147.0}, {"index": 9189, "quantile": 0.25, "value": 162500.0, "Latitude": 34.23, "Longitude": -118.12, "Population": 147.0}, {"index": 9189, "quantile": 0.5, "value": 162500.0, "Latitude": 34.23, "Longitude": -118.12, "Population": 147.0}, {"index": 9189, "quantile": 0.75, "value": 162500.0, "Latitude": 34.23, "Longitude": -118.12, "Population": 147.0}, {"index": 9189, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -118.12, "Population": 147.0}, {"index": 9190, "quantile": 0.0, "value": 17500.0, "Latitude": 34.32, "Longitude": -118.35, "Population": 54.0}, {"index": 9190, "quantile": 0.25, "value": 191700.0, "Latitude": 34.32, "Longitude": -118.35, "Population": 54.0}, {"index": 9190, "quantile": 0.5, "value": 191700.0, "Latitude": 34.32, "Longitude": -118.35, "Population": 54.0}, {"index": 9190, "quantile": 0.75, "value": 191700.0, "Latitude": 34.32, "Longitude": -118.35, "Population": 54.0}, {"index": 9190, "quantile": 1.0, "value": 475000.0, "Latitude": 34.32, "Longitude": -118.35, "Population": 54.0}, {"index": 9191, "quantile": 0.0, "value": 146300.0, "Latitude": 34.3, "Longitude": -118.38, "Population": 903.0}, {"index": 9191, "quantile": 0.25, "value": 183000.0, "Latitude": 34.3, "Longitude": -118.38, "Population": 903.0}, {"index": 9191, "quantile": 0.5, "value": 183000.0, "Latitude": 34.3, "Longitude": -118.38, "Population": 903.0}, {"index": 9191, "quantile": 0.75, "value": 198900.0, "Latitude": 34.3, "Longitude": -118.38, "Population": 903.0}, {"index": 9191, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.3, "Longitude": -118.38, "Population": 903.0}, {"index": 9192, "quantile": 0.0, "value": 94500.0, "Latitude": 34.36, "Longitude": -118.29, "Population": 275.0}, {"index": 9192, "quantile": 0.25, "value": 375000.0, "Latitude": 34.36, "Longitude": -118.29, "Population": 275.0}, {"index": 9192, "quantile": 0.5, "value": 375000.0, "Latitude": 34.36, "Longitude": -118.29, "Population": 275.0}, {"index": 9192, "quantile": 0.75, "value": 375000.0, "Latitude": 34.36, "Longitude": -118.29, "Population": 275.0}, {"index": 9192, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.36, "Longitude": -118.29, "Population": 275.0}, {"index": 9193, "quantile": 0.0, "value": 43500.0, "Latitude": 37.34, "Longitude": -119.53, "Population": 571.0}, {"index": 9193, "quantile": 0.25, "value": 83749.99999999999, "Latitude": 37.34, "Longitude": -119.53, "Population": 571.0}, {"index": 9193, "quantile": 0.5, "value": 95700.0, "Latitude": 37.34, "Longitude": -119.53, "Population": 571.0}, {"index": 9193, "quantile": 0.75, "value": 116475.0, "Latitude": 37.34, "Longitude": -119.53, "Population": 571.0}, {"index": 9193, "quantile": 1.0, "value": 420000.0, "Latitude": 37.34, "Longitude": -119.53, "Population": 571.0}, {"index": 9194, "quantile": 0.0, "value": 72100.0, "Latitude": 37.32, "Longitude": -119.51, "Population": 88.0}, {"index": 9194, "quantile": 0.25, "value": 213225.0, "Latitude": 37.32, "Longitude": -119.51, "Population": 88.0}, {"index": 9194, "quantile": 0.5, "value": 214299.99999999997, "Latitude": 37.32, "Longitude": -119.51, "Population": 88.0}, {"index": 9194, "quantile": 0.75, "value": 214299.99999999997, "Latitude": 37.32, "Longitude": -119.51, "Population": 88.0}, {"index": 9194, "quantile": 1.0, "value": 437500.0, "Latitude": 37.32, "Longitude": -119.51, "Population": 88.0}, {"index": 9195, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 37.29, "Longitude": -119.56, "Population": 798.0}, {"index": 9195, "quantile": 0.25, "value": 92400.0, "Latitude": 37.29, "Longitude": -119.56, "Population": 798.0}, {"index": 9195, "quantile": 0.5, "value": 117300.0, "Latitude": 37.29, "Longitude": -119.56, "Population": 798.0}, {"index": 9195, "quantile": 0.75, "value": 139075.0, "Latitude": 37.29, "Longitude": -119.56, "Population": 798.0}, {"index": 9195, "quantile": 1.0, "value": 213200.0, "Latitude": 37.29, "Longitude": -119.56, "Population": 798.0}, {"index": 9196, "quantile": 0.0, "value": 62800.0, "Latitude": 37.21, "Longitude": -119.45, "Population": 1603.0}, {"index": 9196, "quantile": 0.25, "value": 92075.0, "Latitude": 37.21, "Longitude": -119.45, "Population": 1603.0}, {"index": 9196, "quantile": 0.5, "value": 104600.0, "Latitude": 37.21, "Longitude": -119.45, "Population": 1603.0}, {"index": 9196, "quantile": 0.75, "value": 123100.00000000001, "Latitude": 37.21, "Longitude": -119.45, "Population": 1603.0}, {"index": 9196, "quantile": 1.0, "value": 147800.0, "Latitude": 37.21, "Longitude": -119.45, "Population": 1603.0}, {"index": 9197, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 37.09, "Longitude": -119.65, "Population": 707.0}, {"index": 9197, "quantile": 0.25, "value": 83200.0, "Latitude": 37.09, "Longitude": -119.65, "Population": 707.0}, {"index": 9197, "quantile": 0.5, "value": 106050.0, "Latitude": 37.09, "Longitude": -119.65, "Population": 707.0}, {"index": 9197, "quantile": 0.75, "value": 133200.0, "Latitude": 37.09, "Longitude": -119.65, "Population": 707.0}, {"index": 9197, "quantile": 1.0, "value": 300000.0, "Latitude": 37.09, "Longitude": -119.65, "Population": 707.0}, {"index": 9198, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 37.39, "Longitude": -119.59, "Population": 1164.0}, {"index": 9198, "quantile": 0.25, "value": 106500.0, "Latitude": 37.39, "Longitude": -119.59, "Population": 1164.0}, {"index": 9198, "quantile": 0.5, "value": 106500.0, "Latitude": 37.39, "Longitude": -119.59, "Population": 1164.0}, {"index": 9198, "quantile": 0.75, "value": 128125.0, "Latitude": 37.39, "Longitude": -119.59, "Population": 1164.0}, {"index": 9198, "quantile": 1.0, "value": 221400.0, "Latitude": 37.39, "Longitude": -119.59, "Population": 1164.0}, {"index": 9199, "quantile": 0.0, "value": 72200.0, "Latitude": 37.39, "Longitude": -119.66, "Population": 1003.0}, {"index": 9199, "quantile": 0.25, "value": 111100.0, "Latitude": 37.39, "Longitude": -119.66, "Population": 1003.0}, {"index": 9199, "quantile": 0.5, "value": 124100.00000000001, "Latitude": 37.39, "Longitude": -119.66, "Population": 1003.0}, {"index": 9199, "quantile": 0.75, "value": 124100.00000000001, "Latitude": 37.39, "Longitude": -119.66, "Population": 1003.0}, {"index": 9199, "quantile": 1.0, "value": 177000.0, "Latitude": 37.39, "Longitude": -119.66, "Population": 1003.0}, {"index": 9200, "quantile": 0.0, "value": 68800.0, "Latitude": 37.35, "Longitude": -119.68, "Population": 925.0}, {"index": 9200, "quantile": 0.25, "value": 119800.0, "Latitude": 37.35, "Longitude": -119.68, "Population": 925.0}, {"index": 9200, "quantile": 0.5, "value": 119800.0, "Latitude": 37.35, "Longitude": -119.68, "Population": 925.0}, {"index": 9200, "quantile": 0.75, "value": 119800.0, "Latitude": 37.35, "Longitude": -119.68, "Population": 925.0}, {"index": 9200, "quantile": 1.0, "value": 166000.0, "Latitude": 37.35, "Longitude": -119.68, "Population": 925.0}, {"index": 9201, "quantile": 0.0, "value": 53200.0, "Latitude": 37.38, "Longitude": -119.72, "Population": 989.0}, {"index": 9201, "quantile": 0.25, "value": 103699.99999999999, "Latitude": 37.38, "Longitude": -119.72, "Population": 989.0}, {"index": 9201, "quantile": 0.5, "value": 103699.99999999999, "Latitude": 37.38, "Longitude": -119.72, "Population": 989.0}, {"index": 9201, "quantile": 0.75, "value": 103699.99999999999, "Latitude": 37.38, "Longitude": -119.72, "Population": 989.0}, {"index": 9201, "quantile": 1.0, "value": 147800.0, "Latitude": 37.38, "Longitude": -119.72, "Population": 989.0}, {"index": 9202, "quantile": 0.0, "value": 17500.0, "Latitude": 37.32, "Longitude": -119.65, "Population": 820.0}, {"index": 9202, "quantile": 0.25, "value": 102975.0, "Latitude": 37.32, "Longitude": -119.65, "Population": 820.0}, {"index": 9202, "quantile": 0.5, "value": 122300.00000000001, "Latitude": 37.32, "Longitude": -119.65, "Population": 820.0}, {"index": 9202, "quantile": 0.75, "value": 122300.00000000001, "Latitude": 37.32, "Longitude": -119.65, "Population": 820.0}, {"index": 9202, "quantile": 1.0, "value": 166700.0, "Latitude": 37.32, "Longitude": -119.65, "Population": 820.0}, {"index": 9203, "quantile": 0.0, "value": 63300.0, "Latitude": 37.31, "Longitude": -119.64, "Population": 1267.0}, {"index": 9203, "quantile": 0.25, "value": 103699.99999999999, "Latitude": 37.31, "Longitude": -119.64, "Population": 1267.0}, {"index": 9203, "quantile": 0.5, "value": 123100.00000000001, "Latitude": 37.31, "Longitude": -119.64, "Population": 1267.0}, {"index": 9203, "quantile": 0.75, "value": 124100.00000000001, "Latitude": 37.31, "Longitude": -119.64, "Population": 1267.0}, {"index": 9203, "quantile": 1.0, "value": 148600.0, "Latitude": 37.31, "Longitude": -119.64, "Population": 1267.0}, {"index": 9204, "quantile": 0.0, "value": 60000.0, "Latitude": 37.29, "Longitude": -119.6, "Population": 712.0}, {"index": 9204, "quantile": 0.25, "value": 101775.0, "Latitude": 37.29, "Longitude": -119.6, "Population": 712.0}, {"index": 9204, "quantile": 0.5, "value": 137500.0, "Latitude": 37.29, "Longitude": -119.6, "Population": 712.0}, {"index": 9204, "quantile": 0.75, "value": 137500.0, "Latitude": 37.29, "Longitude": -119.6, "Population": 712.0}, {"index": 9204, "quantile": 1.0, "value": 147800.0, "Latitude": 37.29, "Longitude": -119.6, "Population": 712.0}, {"index": 9205, "quantile": 0.0, "value": 22500.0, "Latitude": 37.33, "Longitude": -119.62, "Population": 1268.0}, {"index": 9205, "quantile": 0.25, "value": 137500.0, "Latitude": 37.33, "Longitude": -119.62, "Population": 1268.0}, {"index": 9205, "quantile": 0.5, "value": 147800.0, "Latitude": 37.33, "Longitude": -119.62, "Population": 1268.0}, {"index": 9205, "quantile": 0.75, "value": 147800.0, "Latitude": 37.33, "Longitude": -119.62, "Population": 1268.0}, {"index": 9205, "quantile": 1.0, "value": 163500.0, "Latitude": 37.33, "Longitude": -119.62, "Population": 1268.0}, {"index": 9206, "quantile": 0.0, "value": 72700.0, "Latitude": 37.23, "Longitude": -119.91, "Population": 1042.0}, {"index": 9206, "quantile": 0.25, "value": 92150.0, "Latitude": 37.23, "Longitude": -119.91, "Population": 1042.0}, {"index": 9206, "quantile": 0.5, "value": 99500.0, "Latitude": 37.23, "Longitude": -119.91, "Population": 1042.0}, {"index": 9206, "quantile": 0.75, "value": 112250.0, "Latitude": 37.23, "Longitude": -119.91, "Population": 1042.0}, {"index": 9206, "quantile": 1.0, "value": 165400.0, "Latitude": 37.23, "Longitude": -119.91, "Population": 1042.0}, {"index": 9207, "quantile": 0.0, "value": 78900.0, "Latitude": 37.1, "Longitude": -119.85, "Population": 413.0}, {"index": 9207, "quantile": 0.25, "value": 80700.0, "Latitude": 37.1, "Longitude": -119.85, "Population": 413.0}, {"index": 9207, "quantile": 0.5, "value": 80700.0, "Latitude": 37.1, "Longitude": -119.85, "Population": 413.0}, {"index": 9207, "quantile": 0.75, "value": 95649.99999999999, "Latitude": 37.1, "Longitude": -119.85, "Population": 413.0}, {"index": 9207, "quantile": 1.0, "value": 165400.0, "Latitude": 37.1, "Longitude": -119.85, "Population": 413.0}, {"index": 9208, "quantile": 0.0, "value": 22500.0, "Latitude": 37.19, "Longitude": -119.68, "Population": 1508.0}, {"index": 9208, "quantile": 0.25, "value": 88100.0, "Latitude": 37.19, "Longitude": -119.68, "Population": 1508.0}, {"index": 9208, "quantile": 0.5, "value": 103699.99999999999, "Latitude": 37.19, "Longitude": -119.68, "Population": 1508.0}, {"index": 9208, "quantile": 0.75, "value": 123100.00000000001, "Latitude": 37.19, "Longitude": -119.68, "Population": 1508.0}, {"index": 9208, "quantile": 1.0, "value": 147800.0, "Latitude": 37.19, "Longitude": -119.68, "Population": 1508.0}, {"index": 9209, "quantile": 0.0, "value": 74600.0, "Latitude": 37.19, "Longitude": -119.77, "Population": 2383.0}, {"index": 9209, "quantile": 0.25, "value": 113599.99999999999, "Latitude": 37.19, "Longitude": -119.77, "Population": 2383.0}, {"index": 9209, "quantile": 0.5, "value": 113599.99999999999, "Latitude": 37.19, "Longitude": -119.77, "Population": 2383.0}, {"index": 9209, "quantile": 0.75, "value": 113599.99999999999, "Latitude": 37.19, "Longitude": -119.77, "Population": 2383.0}, {"index": 9209, "quantile": 1.0, "value": 236500.00000000003, "Latitude": 37.19, "Longitude": -119.77, "Population": 2383.0}, {"index": 9210, "quantile": 0.0, "value": 63300.0, "Latitude": 37.27, "Longitude": -119.67, "Population": 2284.0}, {"index": 9210, "quantile": 0.25, "value": 123100.00000000001, "Latitude": 37.27, "Longitude": -119.67, "Population": 2284.0}, {"index": 9210, "quantile": 0.5, "value": 123100.00000000001, "Latitude": 37.27, "Longitude": -119.67, "Population": 2284.0}, {"index": 9210, "quantile": 0.75, "value": 123100.00000000001, "Latitude": 37.27, "Longitude": -119.67, "Population": 2284.0}, {"index": 9210, "quantile": 1.0, "value": 137500.0, "Latitude": 37.27, "Longitude": -119.67, "Population": 2284.0}, {"index": 9211, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 37.11, "Longitude": -120.31, "Population": 985.0}, {"index": 9211, "quantile": 0.25, "value": 74600.0, "Latitude": 37.11, "Longitude": -120.31, "Population": 985.0}, {"index": 9211, "quantile": 0.5, "value": 87800.0, "Latitude": 37.11, "Longitude": -120.31, "Population": 985.0}, {"index": 9211, "quantile": 0.75, "value": 103600.0, "Latitude": 37.11, "Longitude": -120.31, "Population": 985.0}, {"index": 9211, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 37.11, "Longitude": -120.31, "Population": 985.0}, {"index": 9212, "quantile": 0.0, "value": 46300.0, "Latitude": 37.04, "Longitude": -120.35, "Population": 858.0}, {"index": 9212, "quantile": 0.25, "value": 46300.0, "Latitude": 37.04, "Longitude": -120.35, "Population": 858.0}, {"index": 9212, "quantile": 0.5, "value": 46300.0, "Latitude": 37.04, "Longitude": -120.35, "Population": 858.0}, {"index": 9212, "quantile": 0.75, "value": 63800.0, "Latitude": 37.04, "Longitude": -120.35, "Population": 858.0}, {"index": 9212, "quantile": 1.0, "value": 178600.0, "Latitude": 37.04, "Longitude": -120.35, "Population": 858.0}, {"index": 9213, "quantile": 0.0, "value": 63800.0, "Latitude": 37.04, "Longitude": -120.25, "Population": 1006.0}, {"index": 9213, "quantile": 0.25, "value": 91700.0, "Latitude": 37.04, "Longitude": -120.25, "Population": 1006.0}, {"index": 9213, "quantile": 0.5, "value": 91700.0, "Latitude": 37.04, "Longitude": -120.25, "Population": 1006.0}, {"index": 9213, "quantile": 0.75, "value": 93425.0, "Latitude": 37.04, "Longitude": -120.25, "Population": 1006.0}, {"index": 9213, "quantile": 1.0, "value": 400000.0, "Latitude": 37.04, "Longitude": -120.25, "Population": 1006.0}, {"index": 9214, "quantile": 0.0, "value": 48700.0, "Latitude": 37.12, "Longitude": -120.16, "Population": 1261.0}, {"index": 9214, "quantile": 0.25, "value": 59900.0, "Latitude": 37.12, "Longitude": -120.16, "Population": 1261.0}, {"index": 9214, "quantile": 0.5, "value": 69000.0, "Latitude": 37.12, "Longitude": -120.16, "Population": 1261.0}, {"index": 9214, "quantile": 0.75, "value": 83000.0, "Latitude": 37.12, "Longitude": -120.16, "Population": 1261.0}, {"index": 9214, "quantile": 1.0, "value": 125000.0, "Latitude": 37.12, "Longitude": -120.16, "Population": 1261.0}, {"index": 9215, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 37.11, "Longitude": -120.27, "Population": 674.0}, {"index": 9215, "quantile": 0.25, "value": 75900.0, "Latitude": 37.11, "Longitude": -120.27, "Population": 674.0}, {"index": 9215, "quantile": 0.5, "value": 75900.0, "Latitude": 37.11, "Longitude": -120.27, "Population": 674.0}, {"index": 9215, "quantile": 0.75, "value": 76800.0, "Latitude": 37.11, "Longitude": -120.27, "Population": 674.0}, {"index": 9215, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 37.11, "Longitude": -120.27, "Population": 674.0}, {"index": 9216, "quantile": 0.0, "value": 49500.0, "Latitude": 37.11, "Longitude": -120.25, "Population": 1285.0}, {"index": 9216, "quantile": 0.25, "value": 50500.0, "Latitude": 37.11, "Longitude": -120.25, "Population": 1285.0}, {"index": 9216, "quantile": 0.5, "value": 50500.0, "Latitude": 37.11, "Longitude": -120.25, "Population": 1285.0}, {"index": 9216, "quantile": 0.75, "value": 56100.00000000001, "Latitude": 37.11, "Longitude": -120.25, "Population": 1285.0}, {"index": 9216, "quantile": 1.0, "value": 156300.0, "Latitude": 37.11, "Longitude": -120.25, "Population": 1285.0}, {"index": 9217, "quantile": 0.0, "value": 47100.0, "Latitude": 37.11, "Longitude": -120.26, "Population": 627.0}, {"index": 9217, "quantile": 0.25, "value": 50700.0, "Latitude": 37.11, "Longitude": -120.26, "Population": 627.0}, {"index": 9217, "quantile": 0.5, "value": 50700.0, "Latitude": 37.11, "Longitude": -120.26, "Population": 627.0}, {"index": 9217, "quantile": 0.75, "value": 57124.99999999999, "Latitude": 37.11, "Longitude": -120.26, "Population": 627.0}, {"index": 9217, "quantile": 1.0, "value": 159800.0, "Latitude": 37.11, "Longitude": -120.26, "Population": 627.0}, {"index": 9218, "quantile": 0.0, "value": 47100.0, "Latitude": 37.12, "Longitude": -120.27, "Population": 597.0}, {"index": 9218, "quantile": 0.25, "value": 52300.0, "Latitude": 37.12, "Longitude": -120.27, "Population": 597.0}, {"index": 9218, "quantile": 0.5, "value": 52300.0, "Latitude": 37.12, "Longitude": -120.27, "Population": 597.0}, {"index": 9218, "quantile": 0.75, "value": 58800.0, "Latitude": 37.12, "Longitude": -120.27, "Population": 597.0}, {"index": 9218, "quantile": 1.0, "value": 144900.0, "Latitude": 37.12, "Longitude": -120.27, "Population": 597.0}, {"index": 9219, "quantile": 0.0, "value": 45300.0, "Latitude": 37.12, "Longitude": -120.27, "Population": 639.0}, {"index": 9219, "quantile": 0.25, "value": 52300.0, "Latitude": 37.12, "Longitude": -120.27, "Population": 639.0}, {"index": 9219, "quantile": 0.5, "value": 66750.0, "Latitude": 37.12, "Longitude": -120.27, "Population": 639.0}, {"index": 9219, "quantile": 0.75, "value": 81500.0, "Latitude": 37.12, "Longitude": -120.27, "Population": 639.0}, {"index": 9219, "quantile": 1.0, "value": 162500.0, "Latitude": 37.12, "Longitude": -120.27, "Population": 639.0}, {"index": 9220, "quantile": 0.0, "value": 63800.0, "Latitude": 37.12, "Longitude": -120.27, "Population": 1580.0}, {"index": 9220, "quantile": 0.25, "value": 81500.0, "Latitude": 37.12, "Longitude": -120.27, "Population": 1580.0}, {"index": 9220, "quantile": 0.5, "value": 81500.0, "Latitude": 37.12, "Longitude": -120.27, "Population": 1580.0}, {"index": 9220, "quantile": 0.75, "value": 81500.0, "Latitude": 37.12, "Longitude": -120.27, "Population": 1580.0}, {"index": 9220, "quantile": 1.0, "value": 178000.0, "Latitude": 37.12, "Longitude": -120.27, "Population": 1580.0}, {"index": 9221, "quantile": 0.0, "value": 38800.0, "Latitude": 37.13, "Longitude": -120.26, "Population": 648.0}, {"index": 9221, "quantile": 0.25, "value": 58800.0, "Latitude": 37.13, "Longitude": -120.26, "Population": 648.0}, {"index": 9221, "quantile": 0.5, "value": 58800.0, "Latitude": 37.13, "Longitude": -120.26, "Population": 648.0}, {"index": 9221, "quantile": 0.75, "value": 60775.0, "Latitude": 37.13, "Longitude": -120.26, "Population": 648.0}, {"index": 9221, "quantile": 1.0, "value": 195800.0, "Latitude": 37.13, "Longitude": -120.26, "Population": 648.0}, {"index": 9222, "quantile": 0.0, "value": 46300.0, "Latitude": 36.99, "Longitude": -120.43, "Population": 673.0}, {"index": 9222, "quantile": 0.25, "value": 63800.0, "Latitude": 36.99, "Longitude": -120.43, "Population": 673.0}, {"index": 9222, "quantile": 0.5, "value": 63800.0, "Latitude": 36.99, "Longitude": -120.43, "Population": 673.0}, {"index": 9222, "quantile": 0.75, "value": 67000.0, "Latitude": 36.99, "Longitude": -120.43, "Population": 673.0}, {"index": 9222, "quantile": 1.0, "value": 204800.0, "Latitude": 36.99, "Longitude": -120.43, "Population": 673.0}, {"index": 9223, "quantile": 0.0, "value": 46300.0, "Latitude": 36.88, "Longitude": -120.29, "Population": 943.0}, {"index": 9223, "quantile": 0.25, "value": 83900.0, "Latitude": 36.88, "Longitude": -120.29, "Population": 943.0}, {"index": 9223, "quantile": 0.5, "value": 83900.0, "Latitude": 36.88, "Longitude": -120.29, "Population": 943.0}, {"index": 9223, "quantile": 0.75, "value": 83900.0, "Latitude": 36.88, "Longitude": -120.29, "Population": 943.0}, {"index": 9223, "quantile": 1.0, "value": 139400.0, "Latitude": 36.88, "Longitude": -120.29, "Population": 943.0}, {"index": 9224, "quantile": 0.0, "value": 48700.0, "Latitude": 36.95, "Longitude": -120.06, "Population": 454.0}, {"index": 9224, "quantile": 0.25, "value": 61900.0, "Latitude": 36.95, "Longitude": -120.06, "Population": 454.0}, {"index": 9224, "quantile": 0.5, "value": 61900.0, "Latitude": 36.95, "Longitude": -120.06, "Population": 454.0}, {"index": 9224, "quantile": 0.75, "value": 64300.0, "Latitude": 36.95, "Longitude": -120.06, "Population": 454.0}, {"index": 9224, "quantile": 1.0, "value": 225000.0, "Latitude": 36.95, "Longitude": -120.06, "Population": 454.0}, {"index": 9225, "quantile": 0.0, "value": 37500.0, "Latitude": 36.94, "Longitude": -120.06, "Population": 700.0}, {"index": 9225, "quantile": 0.25, "value": 64300.0, "Latitude": 36.94, "Longitude": -120.06, "Population": 700.0}, {"index": 9225, "quantile": 0.5, "value": 64300.0, "Latitude": 36.94, "Longitude": -120.06, "Population": 700.0}, {"index": 9225, "quantile": 0.75, "value": 64300.0, "Latitude": 36.94, "Longitude": -120.06, "Population": 700.0}, {"index": 9225, "quantile": 1.0, "value": 195800.0, "Latitude": 36.94, "Longitude": -120.06, "Population": 700.0}, {"index": 9226, "quantile": 0.0, "value": 46300.0, "Latitude": 36.93, "Longitude": -120.04, "Population": 2074.0}, {"index": 9226, "quantile": 0.25, "value": 63300.0, "Latitude": 36.93, "Longitude": -120.04, "Population": 2074.0}, {"index": 9226, "quantile": 0.5, "value": 63300.0, "Latitude": 36.93, "Longitude": -120.04, "Population": 2074.0}, {"index": 9226, "quantile": 0.75, "value": 83125.0, "Latitude": 36.93, "Longitude": -120.04, "Population": 2074.0}, {"index": 9226, "quantile": 1.0, "value": 160100.0, "Latitude": 36.93, "Longitude": -120.04, "Population": 2074.0}, {"index": 9227, "quantile": 0.0, "value": 47100.0, "Latitude": 36.95, "Longitude": -120.05, "Population": 1339.0}, {"index": 9227, "quantile": 0.25, "value": 65200.0, "Latitude": 36.95, "Longitude": -120.05, "Population": 1339.0}, {"index": 9227, "quantile": 0.5, "value": 65200.0, "Latitude": 36.95, "Longitude": -120.05, "Population": 1339.0}, {"index": 9227, "quantile": 0.75, "value": 67300.0, "Latitude": 36.95, "Longitude": -120.05, "Population": 1339.0}, {"index": 9227, "quantile": 1.0, "value": 138100.0, "Latitude": 36.95, "Longitude": -120.05, "Population": 1339.0}, {"index": 9228, "quantile": 0.0, "value": 43500.0, "Latitude": 36.98, "Longitude": -120.21, "Population": 861.0}, {"index": 9228, "quantile": 0.25, "value": 68924.99999999999, "Latitude": 36.98, "Longitude": -120.21, "Population": 861.0}, {"index": 9228, "quantile": 0.5, "value": 85300.0, "Latitude": 36.98, "Longitude": -120.21, "Population": 861.0}, {"index": 9228, "quantile": 0.75, "value": 103600.0, "Latitude": 36.98, "Longitude": -120.21, "Population": 861.0}, {"index": 9228, "quantile": 1.0, "value": 201300.0, "Latitude": 36.98, "Longitude": -120.21, "Population": 861.0}, {"index": 9229, "quantile": 0.0, "value": 53400.0, "Latitude": 36.96, "Longitude": -120.16, "Population": 393.0}, {"index": 9229, "quantile": 0.25, "value": 63800.0, "Latitude": 36.96, "Longitude": -120.16, "Population": 393.0}, {"index": 9229, "quantile": 0.5, "value": 77300.0, "Latitude": 36.96, "Longitude": -120.16, "Population": 393.0}, {"index": 9229, "quantile": 0.75, "value": 102024.99999999999, "Latitude": 36.96, "Longitude": -120.16, "Population": 393.0}, {"index": 9229, "quantile": 1.0, "value": 236000.0, "Latitude": 36.96, "Longitude": -120.16, "Population": 393.0}, {"index": 9230, "quantile": 0.0, "value": 68000.0, "Latitude": 36.96, "Longitude": -120.11, "Population": 1624.0}, {"index": 9230, "quantile": 0.25, "value": 95300.0, "Latitude": 36.96, "Longitude": -120.11, "Population": 1624.0}, {"index": 9230, "quantile": 0.5, "value": 95300.0, "Latitude": 36.96, "Longitude": -120.11, "Population": 1624.0}, {"index": 9230, "quantile": 0.75, "value": 95300.0, "Latitude": 36.96, "Longitude": -120.11, "Population": 1624.0}, {"index": 9230, "quantile": 1.0, "value": 400000.0, "Latitude": 36.96, "Longitude": -120.11, "Population": 1624.0}, {"index": 9231, "quantile": 0.0, "value": 26900.0, "Latitude": 37.06, "Longitude": -120.08, "Population": 213.0}, {"index": 9231, "quantile": 0.25, "value": 95800.0, "Latitude": 37.06, "Longitude": -120.08, "Population": 213.0}, {"index": 9231, "quantile": 0.5, "value": 95800.0, "Latitude": 37.06, "Longitude": -120.08, "Population": 213.0}, {"index": 9231, "quantile": 0.75, "value": 95800.0, "Latitude": 37.06, "Longitude": -120.08, "Population": 213.0}, {"index": 9231, "quantile": 1.0, "value": 225000.0, "Latitude": 37.06, "Longitude": -120.08, "Population": 213.0}, {"index": 9232, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 37.0, "Longitude": -120.09, "Population": 2374.0}, {"index": 9232, "quantile": 0.25, "value": 74600.0, "Latitude": 37.0, "Longitude": -120.09, "Population": 2374.0}, {"index": 9232, "quantile": 0.5, "value": 74600.0, "Latitude": 37.0, "Longitude": -120.09, "Population": 2374.0}, {"index": 9232, "quantile": 0.75, "value": 75675.0, "Latitude": 37.0, "Longitude": -120.09, "Population": 2374.0}, {"index": 9232, "quantile": 1.0, "value": 140600.0, "Latitude": 37.0, "Longitude": -120.09, "Population": 2374.0}, {"index": 9233, "quantile": 0.0, "value": 40400.0, "Latitude": 37.02, "Longitude": -120.06, "Population": 3840.0}, {"index": 9233, "quantile": 0.25, "value": 74600.0, "Latitude": 37.02, "Longitude": -120.06, "Population": 3840.0}, {"index": 9233, "quantile": 0.5, "value": 88650.0, "Latitude": 37.02, "Longitude": -120.06, "Population": 3840.0}, {"index": 9233, "quantile": 0.75, "value": 111800.00000000001, "Latitude": 37.02, "Longitude": -120.06, "Population": 3840.0}, {"index": 9233, "quantile": 1.0, "value": 165400.0, "Latitude": 37.02, "Longitude": -120.06, "Population": 3840.0}, {"index": 9234, "quantile": 0.0, "value": 75000.0, "Latitude": 37.04, "Longitude": -119.94, "Population": 766.0}, {"index": 9234, "quantile": 0.25, "value": 88500.0, "Latitude": 37.04, "Longitude": -119.94, "Population": 766.0}, {"index": 9234, "quantile": 0.5, "value": 88500.0, "Latitude": 37.04, "Longitude": -119.94, "Population": 766.0}, {"index": 9234, "quantile": 0.75, "value": 94975.00000000001, "Latitude": 37.04, "Longitude": -119.94, "Population": 766.0}, {"index": 9234, "quantile": 1.0, "value": 165400.0, "Latitude": 37.04, "Longitude": -119.94, "Population": 766.0}, {"index": 9235, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 37.02, "Longitude": -120.09, "Population": 1057.0}, {"index": 9235, "quantile": 0.25, "value": 74600.0, "Latitude": 37.02, "Longitude": -120.09, "Population": 1057.0}, {"index": 9235, "quantile": 0.5, "value": 83400.0, "Latitude": 37.02, "Longitude": -120.09, "Population": 1057.0}, {"index": 9235, "quantile": 0.75, "value": 94300.0, "Latitude": 37.02, "Longitude": -120.09, "Population": 1057.0}, {"index": 9235, "quantile": 1.0, "value": 226399.99999999997, "Latitude": 37.02, "Longitude": -120.09, "Population": 1057.0}, {"index": 9236, "quantile": 0.0, "value": 46300.0, "Latitude": 36.96, "Longitude": -119.95, "Population": 1327.0}, {"index": 9236, "quantile": 0.25, "value": 59600.0, "Latitude": 36.96, "Longitude": -119.95, "Population": 1327.0}, {"index": 9236, "quantile": 0.5, "value": 63300.0, "Latitude": 36.96, "Longitude": -119.95, "Population": 1327.0}, {"index": 9236, "quantile": 0.75, "value": 74600.0, "Latitude": 36.96, "Longitude": -119.95, "Population": 1327.0}, {"index": 9236, "quantile": 1.0, "value": 239200.0, "Latitude": 36.96, "Longitude": -119.95, "Population": 1327.0}, {"index": 9237, "quantile": 0.0, "value": 49500.0, "Latitude": 36.95, "Longitude": -120.02, "Population": 1976.0}, {"index": 9237, "quantile": 0.25, "value": 53900.0, "Latitude": 36.95, "Longitude": -120.02, "Population": 1976.0}, {"index": 9237, "quantile": 0.5, "value": 53900.0, "Latitude": 36.95, "Longitude": -120.02, "Population": 1976.0}, {"index": 9237, "quantile": 0.75, "value": 53900.0, "Latitude": 36.95, "Longitude": -120.02, "Population": 1976.0}, {"index": 9237, "quantile": 1.0, "value": 82900.0, "Latitude": 36.95, "Longitude": -120.02, "Population": 1976.0}, {"index": 9238, "quantile": 0.0, "value": 87500.0, "Latitude": 36.94, "Longitude": -119.9, "Population": 1360.0}, {"index": 9238, "quantile": 0.25, "value": 98500.0, "Latitude": 36.94, "Longitude": -119.9, "Population": 1360.0}, {"index": 9238, "quantile": 0.5, "value": 98500.0, "Latitude": 36.94, "Longitude": -119.9, "Population": 1360.0}, {"index": 9238, "quantile": 0.75, "value": 98500.0, "Latitude": 36.94, "Longitude": -119.9, "Population": 1360.0}, {"index": 9238, "quantile": 1.0, "value": 261000.0, "Latitude": 36.94, "Longitude": -119.9, "Population": 1360.0}, {"index": 9239, "quantile": 0.0, "value": 79300.0, "Latitude": 36.97, "Longitude": -119.85, "Population": 1607.0}, {"index": 9239, "quantile": 0.25, "value": 101874.99999999999, "Latitude": 36.97, "Longitude": -119.85, "Population": 1607.0}, {"index": 9239, "quantile": 0.5, "value": 102400.0, "Latitude": 36.97, "Longitude": -119.85, "Population": 1607.0}, {"index": 9239, "quantile": 0.75, "value": 102400.0, "Latitude": 36.97, "Longitude": -119.85, "Population": 1607.0}, {"index": 9239, "quantile": 1.0, "value": 225599.99999999997, "Latitude": 36.97, "Longitude": -119.85, "Population": 1607.0}, {"index": 9240, "quantile": 0.0, "value": 84200.0, "Latitude": 36.93, "Longitude": -119.88, "Population": 1590.0}, {"index": 9240, "quantile": 0.25, "value": 101200.0, "Latitude": 36.93, "Longitude": -119.88, "Population": 1590.0}, {"index": 9240, "quantile": 0.5, "value": 101200.0, "Latitude": 36.93, "Longitude": -119.88, "Population": 1590.0}, {"index": 9240, "quantile": 0.75, "value": 111825.00000000001, "Latitude": 36.93, "Longitude": -119.88, "Population": 1590.0}, {"index": 9240, "quantile": 1.0, "value": 231400.0, "Latitude": 36.93, "Longitude": -119.88, "Population": 1590.0}, {"index": 9241, "quantile": 0.0, "value": 71400.0, "Latitude": 36.93, "Longitude": -119.87, "Population": 702.0}, {"index": 9241, "quantile": 0.25, "value": 101200.0, "Latitude": 36.93, "Longitude": -119.87, "Population": 702.0}, {"index": 9241, "quantile": 0.5, "value": 126400.0, "Latitude": 36.93, "Longitude": -119.87, "Population": 702.0}, {"index": 9241, "quantile": 0.75, "value": 149200.0, "Latitude": 36.93, "Longitude": -119.87, "Population": 702.0}, {"index": 9241, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.93, "Longitude": -119.87, "Population": 702.0}, {"index": 9242, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 36.98, "Longitude": -120.07, "Population": 1399.0}, {"index": 9242, "quantile": 0.25, "value": 59600.0, "Latitude": 36.98, "Longitude": -120.07, "Population": 1399.0}, {"index": 9242, "quantile": 0.5, "value": 59600.0, "Latitude": 36.98, "Longitude": -120.07, "Population": 1399.0}, {"index": 9242, "quantile": 0.75, "value": 65950.0, "Latitude": 36.98, "Longitude": -120.07, "Population": 1399.0}, {"index": 9242, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 36.98, "Longitude": -120.07, "Population": 1399.0}, {"index": 9243, "quantile": 0.0, "value": 42500.0, "Latitude": 36.98, "Longitude": -120.06, "Population": 1724.0}, {"index": 9243, "quantile": 0.25, "value": 60400.0, "Latitude": 36.98, "Longitude": -120.06, "Population": 1724.0}, {"index": 9243, "quantile": 0.5, "value": 60400.0, "Latitude": 36.98, "Longitude": -120.06, "Population": 1724.0}, {"index": 9243, "quantile": 0.75, "value": 60400.0, "Latitude": 36.98, "Longitude": -120.06, "Population": 1724.0}, {"index": 9243, "quantile": 1.0, "value": 156300.0, "Latitude": 36.98, "Longitude": -120.06, "Population": 1724.0}, {"index": 9244, "quantile": 0.0, "value": 46300.0, "Latitude": 36.98, "Longitude": -120.05, "Population": 2463.0}, {"index": 9244, "quantile": 0.25, "value": 60349.99999999999, "Latitude": 36.98, "Longitude": -120.05, "Population": 2463.0}, {"index": 9244, "quantile": 0.5, "value": 64050.00000000001, "Latitude": 36.98, "Longitude": -120.05, "Population": 2463.0}, {"index": 9244, "quantile": 0.75, "value": 74600.0, "Latitude": 36.98, "Longitude": -120.05, "Population": 2463.0}, {"index": 9244, "quantile": 1.0, "value": 160100.0, "Latitude": 36.98, "Longitude": -120.05, "Population": 2463.0}, {"index": 9245, "quantile": 0.0, "value": 47100.0, "Latitude": 36.97, "Longitude": -120.05, "Population": 983.0}, {"index": 9245, "quantile": 0.25, "value": 47100.0, "Latitude": 36.97, "Longitude": -120.05, "Population": 983.0}, {"index": 9245, "quantile": 0.5, "value": 47100.0, "Latitude": 36.97, "Longitude": -120.05, "Population": 983.0}, {"index": 9245, "quantile": 0.75, "value": 52375.00000000001, "Latitude": 36.97, "Longitude": -120.05, "Population": 983.0}, {"index": 9245, "quantile": 1.0, "value": 179800.0, "Latitude": 36.97, "Longitude": -120.05, "Population": 983.0}, {"index": 9246, "quantile": 0.0, "value": 38800.0, "Latitude": 36.97, "Longitude": -120.06, "Population": 1220.0}, {"index": 9246, "quantile": 0.25, "value": 52300.0, "Latitude": 36.97, "Longitude": -120.06, "Population": 1220.0}, {"index": 9246, "quantile": 0.5, "value": 60400.0, "Latitude": 36.97, "Longitude": -120.06, "Population": 1220.0}, {"index": 9246, "quantile": 0.75, "value": 62400.0, "Latitude": 36.97, "Longitude": -120.06, "Population": 1220.0}, {"index": 9246, "quantile": 1.0, "value": 89400.0, "Latitude": 36.97, "Longitude": -120.06, "Population": 1220.0}, {"index": 9247, "quantile": 0.0, "value": 43700.0, "Latitude": 36.97, "Longitude": -120.07, "Population": 1564.0}, {"index": 9247, "quantile": 0.25, "value": 52100.0, "Latitude": 36.97, "Longitude": -120.07, "Population": 1564.0}, {"index": 9247, "quantile": 0.5, "value": 55650.0, "Latitude": 36.97, "Longitude": -120.07, "Population": 1564.0}, {"index": 9247, "quantile": 0.75, "value": 57599.99999999999, "Latitude": 36.97, "Longitude": -120.07, "Population": 1564.0}, {"index": 9247, "quantile": 1.0, "value": 112500.0, "Latitude": 36.97, "Longitude": -120.07, "Population": 1564.0}, {"index": 9248, "quantile": 0.0, "value": 68700.0, "Latitude": 36.96, "Longitude": -120.07, "Population": 557.0}, {"index": 9248, "quantile": 0.25, "value": 96500.0, "Latitude": 36.96, "Longitude": -120.07, "Population": 557.0}, {"index": 9248, "quantile": 0.5, "value": 96500.0, "Latitude": 36.96, "Longitude": -120.07, "Population": 557.0}, {"index": 9248, "quantile": 0.75, "value": 96500.0, "Latitude": 36.96, "Longitude": -120.07, "Population": 557.0}, {"index": 9248, "quantile": 1.0, "value": 400000.0, "Latitude": 36.96, "Longitude": -120.07, "Population": 557.0}, {"index": 9249, "quantile": 0.0, "value": 70700.0, "Latitude": 36.97, "Longitude": -120.08, "Population": 1458.0}, {"index": 9249, "quantile": 0.25, "value": 94200.0, "Latitude": 36.97, "Longitude": -120.08, "Population": 1458.0}, {"index": 9249, "quantile": 0.5, "value": 94200.0, "Latitude": 36.97, "Longitude": -120.08, "Population": 1458.0}, {"index": 9249, "quantile": 0.75, "value": 94200.0, "Latitude": 36.97, "Longitude": -120.08, "Population": 1458.0}, {"index": 9249, "quantile": 1.0, "value": 221400.0, "Latitude": 36.97, "Longitude": -120.08, "Population": 1458.0}, {"index": 9250, "quantile": 0.0, "value": 67500.0, "Latitude": 36.96, "Longitude": -120.1, "Population": 910.0}, {"index": 9250, "quantile": 0.25, "value": 139525.0, "Latitude": 36.96, "Longitude": -120.1, "Population": 910.0}, {"index": 9250, "quantile": 0.5, "value": 158900.0, "Latitude": 36.96, "Longitude": -120.1, "Population": 910.0}, {"index": 9250, "quantile": 0.75, "value": 193350.0, "Latitude": 36.96, "Longitude": -120.1, "Population": 910.0}, {"index": 9250, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.96, "Longitude": -120.1, "Population": 910.0}, {"index": 9251, "quantile": 0.0, "value": 85700.0, "Latitude": 36.95, "Longitude": -120.09, "Population": 1425.0}, {"index": 9251, "quantile": 0.25, "value": 101400.0, "Latitude": 36.95, "Longitude": -120.09, "Population": 1425.0}, {"index": 9251, "quantile": 0.5, "value": 126400.0, "Latitude": 36.95, "Longitude": -120.09, "Population": 1425.0}, {"index": 9251, "quantile": 0.75, "value": 148700.0, "Latitude": 36.95, "Longitude": -120.09, "Population": 1425.0}, {"index": 9251, "quantile": 1.0, "value": 346100.0, "Latitude": 36.95, "Longitude": -120.09, "Population": 1425.0}, {"index": 9252, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 36.96, "Longitude": -120.08, "Population": 954.0}, {"index": 9252, "quantile": 0.25, "value": 74450.0, "Latitude": 36.96, "Longitude": -120.08, "Population": 954.0}, {"index": 9252, "quantile": 0.5, "value": 88350.0, "Latitude": 36.96, "Longitude": -120.08, "Population": 954.0}, {"index": 9252, "quantile": 0.75, "value": 106875.00000000001, "Latitude": 36.96, "Longitude": -120.08, "Population": 954.0}, {"index": 9252, "quantile": 1.0, "value": 238300.0, "Latitude": 36.96, "Longitude": -120.08, "Population": 954.0}, {"index": 9253, "quantile": 0.0, "value": 43500.0, "Latitude": 36.95, "Longitude": -120.08, "Population": 476.0}, {"index": 9253, "quantile": 0.25, "value": 70700.0, "Latitude": 36.95, "Longitude": -120.08, "Population": 476.0}, {"index": 9253, "quantile": 0.5, "value": 70700.0, "Latitude": 36.95, "Longitude": -120.08, "Population": 476.0}, {"index": 9253, "quantile": 0.75, "value": 81400.0, "Latitude": 36.95, "Longitude": -120.08, "Population": 476.0}, {"index": 9253, "quantile": 1.0, "value": 217499.99999999997, "Latitude": 36.95, "Longitude": -120.08, "Population": 476.0}, {"index": 9254, "quantile": 0.0, "value": 42100.0, "Latitude": 36.97, "Longitude": -120.07, "Population": 587.0}, {"index": 9254, "quantile": 0.25, "value": 55425.0, "Latitude": 36.97, "Longitude": -120.07, "Population": 587.0}, {"index": 9254, "quantile": 0.5, "value": 60200.0, "Latitude": 36.97, "Longitude": -120.07, "Population": 587.0}, {"index": 9254, "quantile": 0.75, "value": 72300.0, "Latitude": 36.97, "Longitude": -120.07, "Population": 587.0}, {"index": 9254, "quantile": 1.0, "value": 137500.0, "Latitude": 36.97, "Longitude": -120.07, "Population": 587.0}, {"index": 9255, "quantile": 0.0, "value": 38800.0, "Latitude": 36.97, "Longitude": -120.06, "Population": 1208.0}, {"index": 9255, "quantile": 0.25, "value": 61600.0, "Latitude": 36.97, "Longitude": -120.06, "Population": 1208.0}, {"index": 9255, "quantile": 0.5, "value": 61700.0, "Latitude": 36.97, "Longitude": -120.06, "Population": 1208.0}, {"index": 9255, "quantile": 0.75, "value": 61700.0, "Latitude": 36.97, "Longitude": -120.06, "Population": 1208.0}, {"index": 9255, "quantile": 1.0, "value": 137500.0, "Latitude": 36.97, "Longitude": -120.06, "Population": 1208.0}, {"index": 9256, "quantile": 0.0, "value": 44800.0, "Latitude": 36.96, "Longitude": -120.05, "Population": 1092.0}, {"index": 9256, "quantile": 0.25, "value": 52300.0, "Latitude": 36.96, "Longitude": -120.05, "Population": 1092.0}, {"index": 9256, "quantile": 0.5, "value": 52300.0, "Latitude": 36.96, "Longitude": -120.05, "Population": 1092.0}, {"index": 9256, "quantile": 0.75, "value": 52300.0, "Latitude": 36.96, "Longitude": -120.05, "Population": 1092.0}, {"index": 9256, "quantile": 1.0, "value": 155000.0, "Latitude": 36.96, "Longitude": -120.05, "Population": 1092.0}, {"index": 9257, "quantile": 0.0, "value": 39600.0, "Latitude": 36.95, "Longitude": -120.05, "Population": 913.0}, {"index": 9257, "quantile": 0.25, "value": 52500.0, "Latitude": 36.95, "Longitude": -120.05, "Population": 913.0}, {"index": 9257, "quantile": 0.5, "value": 52500.0, "Latitude": 36.95, "Longitude": -120.05, "Population": 913.0}, {"index": 9257, "quantile": 0.75, "value": 52500.0, "Latitude": 36.95, "Longitude": -120.05, "Population": 913.0}, {"index": 9257, "quantile": 1.0, "value": 237500.0, "Latitude": 36.95, "Longitude": -120.05, "Population": 913.0}, {"index": 9258, "quantile": 0.0, "value": 45300.0, "Latitude": 36.96, "Longitude": -120.06, "Population": 723.0}, {"index": 9258, "quantile": 0.25, "value": 50700.0, "Latitude": 36.96, "Longitude": -120.06, "Population": 723.0}, {"index": 9258, "quantile": 0.5, "value": 58399.99999999999, "Latitude": 36.96, "Longitude": -120.06, "Population": 723.0}, {"index": 9258, "quantile": 0.75, "value": 65400.0, "Latitude": 36.96, "Longitude": -120.06, "Population": 723.0}, {"index": 9258, "quantile": 1.0, "value": 137500.0, "Latitude": 36.96, "Longitude": -120.06, "Population": 723.0}, {"index": 9259, "quantile": 0.0, "value": 47100.0, "Latitude": 36.96, "Longitude": -120.07, "Population": 471.0}, {"index": 9259, "quantile": 0.25, "value": 66900.0, "Latitude": 36.96, "Longitude": -120.07, "Population": 471.0}, {"index": 9259, "quantile": 0.5, "value": 78900.0, "Latitude": 36.96, "Longitude": -120.07, "Population": 471.0}, {"index": 9259, "quantile": 0.75, "value": 98625.0, "Latitude": 36.96, "Longitude": -120.07, "Population": 471.0}, {"index": 9259, "quantile": 1.0, "value": 364700.0, "Latitude": 36.96, "Longitude": -120.07, "Population": 471.0}, {"index": 9260, "quantile": 0.0, "value": 50700.0, "Latitude": 36.96, "Longitude": -120.07, "Population": 549.0}, {"index": 9260, "quantile": 0.25, "value": 65200.0, "Latitude": 36.96, "Longitude": -120.07, "Population": 549.0}, {"index": 9260, "quantile": 0.5, "value": 65200.0, "Latitude": 36.96, "Longitude": -120.07, "Population": 549.0}, {"index": 9260, "quantile": 0.75, "value": 65200.0, "Latitude": 36.96, "Longitude": -120.07, "Population": 549.0}, {"index": 9260, "quantile": 1.0, "value": 227300.0, "Latitude": 36.96, "Longitude": -120.07, "Population": 549.0}, {"index": 9261, "quantile": 0.0, "value": 50500.0, "Latitude": 36.97, "Longitude": -120.04, "Population": 1845.0}, {"index": 9261, "quantile": 0.25, "value": 51600.0, "Latitude": 36.97, "Longitude": -120.04, "Population": 1845.0}, {"index": 9261, "quantile": 0.5, "value": 51600.0, "Latitude": 36.97, "Longitude": -120.04, "Population": 1845.0}, {"index": 9261, "quantile": 0.75, "value": 52025.0, "Latitude": 36.97, "Longitude": -120.04, "Population": 1845.0}, {"index": 9261, "quantile": 1.0, "value": 112500.0, "Latitude": 36.97, "Longitude": -120.04, "Population": 1845.0}, {"index": 9262, "quantile": 0.0, "value": 43000.0, "Latitude": 36.96, "Longitude": -120.04, "Population": 2091.0}, {"index": 9262, "quantile": 0.25, "value": 51800.0, "Latitude": 36.96, "Longitude": -120.04, "Population": 2091.0}, {"index": 9262, "quantile": 0.5, "value": 51800.0, "Latitude": 36.96, "Longitude": -120.04, "Population": 2091.0}, {"index": 9262, "quantile": 0.75, "value": 53900.0, "Latitude": 36.96, "Longitude": -120.04, "Population": 2091.0}, {"index": 9262, "quantile": 1.0, "value": 112500.0, "Latitude": 36.96, "Longitude": -120.04, "Population": 2091.0}, {"index": 9263, "quantile": 0.0, "value": 39200.0, "Latitude": 36.95, "Longitude": -120.04, "Population": 1334.0}, {"index": 9263, "quantile": 0.25, "value": 51800.0, "Latitude": 36.95, "Longitude": -120.04, "Population": 1334.0}, {"index": 9263, "quantile": 0.5, "value": 56299.99999999999, "Latitude": 36.95, "Longitude": -120.04, "Population": 1334.0}, {"index": 9263, "quantile": 0.75, "value": 61700.0, "Latitude": 36.95, "Longitude": -120.04, "Population": 1334.0}, {"index": 9263, "quantile": 1.0, "value": 95800.0, "Latitude": 36.95, "Longitude": -120.04, "Population": 1334.0}, {"index": 9264, "quantile": 0.0, "value": 59600.0, "Latitude": 36.9, "Longitude": -119.98, "Population": 820.0}, {"index": 9264, "quantile": 0.25, "value": 62300.0, "Latitude": 36.9, "Longitude": -119.98, "Population": 820.0}, {"index": 9264, "quantile": 0.5, "value": 62300.0, "Latitude": 36.9, "Longitude": -119.98, "Population": 820.0}, {"index": 9264, "quantile": 0.75, "value": 71525.0, "Latitude": 36.9, "Longitude": -119.98, "Population": 820.0}, {"index": 9264, "quantile": 1.0, "value": 159400.0, "Latitude": 36.9, "Longitude": -119.98, "Population": 820.0}, {"index": 9265, "quantile": 0.0, "value": 79300.0, "Latitude": 36.92, "Longitude": -119.81, "Population": 2047.0}, {"index": 9265, "quantile": 0.25, "value": 121300.00000000001, "Latitude": 36.92, "Longitude": -119.81, "Population": 2047.0}, {"index": 9265, "quantile": 0.5, "value": 121300.00000000001, "Latitude": 36.92, "Longitude": -119.81, "Population": 2047.0}, {"index": 9265, "quantile": 0.75, "value": 125350.0, "Latitude": 36.92, "Longitude": -119.81, "Population": 2047.0}, {"index": 9265, "quantile": 1.0, "value": 340400.0, "Latitude": 36.92, "Longitude": -119.81, "Population": 2047.0}, {"index": 9266, "quantile": 0.0, "value": 46300.0, "Latitude": 36.86, "Longitude": -119.98, "Population": 1933.0}, {"index": 9266, "quantile": 0.25, "value": 65000.0, "Latitude": 36.86, "Longitude": -119.98, "Population": 1933.0}, {"index": 9266, "quantile": 0.5, "value": 65000.0, "Latitude": 36.86, "Longitude": -119.98, "Population": 1933.0}, {"index": 9266, "quantile": 0.75, "value": 65000.0, "Latitude": 36.86, "Longitude": -119.98, "Population": 1933.0}, {"index": 9266, "quantile": 1.0, "value": 225000.0, "Latitude": 36.86, "Longitude": -119.98, "Population": 1933.0}, {"index": 9267, "quantile": 0.0, "value": 37500.0, "Latitude": 36.87, "Longitude": -120.13, "Population": 1765.0}, {"index": 9267, "quantile": 0.25, "value": 56125.0, "Latitude": 36.87, "Longitude": -120.13, "Population": 1765.0}, {"index": 9267, "quantile": 0.5, "value": 59400.0, "Latitude": 36.87, "Longitude": -120.13, "Population": 1765.0}, {"index": 9267, "quantile": 0.75, "value": 64900.0, "Latitude": 36.87, "Longitude": -120.13, "Population": 1765.0}, {"index": 9267, "quantile": 1.0, "value": 112500.0, "Latitude": 36.87, "Longitude": -120.13, "Population": 1765.0}, {"index": 9268, "quantile": 0.0, "value": 148200.0, "Latitude": 38.1, "Longitude": -122.49, "Population": 491.0}, {"index": 9268, "quantile": 0.25, "value": 307000.0, "Latitude": 38.1, "Longitude": -122.49, "Population": 491.0}, {"index": 9268, "quantile": 0.5, "value": 307000.0, "Latitude": 38.1, "Longitude": -122.49, "Population": 491.0}, {"index": 9268, "quantile": 0.75, "value": 307000.0, "Latitude": 38.1, "Longitude": -122.49, "Population": 491.0}, {"index": 9268, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.1, "Longitude": -122.49, "Population": 491.0}, {"index": 9269, "quantile": 0.0, "value": 171700.0, "Latitude": 38.14, "Longitude": -122.54, "Population": 1659.0}, {"index": 9269, "quantile": 0.25, "value": 392100.0, "Latitude": 38.14, "Longitude": -122.54, "Population": 1659.0}, {"index": 9269, "quantile": 0.5, "value": 392100.0, "Latitude": 38.14, "Longitude": -122.54, "Population": 1659.0}, {"index": 9269, "quantile": 0.75, "value": 392100.0, "Latitude": 38.14, "Longitude": -122.54, "Population": 1659.0}, {"index": 9269, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.14, "Longitude": -122.54, "Population": 1659.0}, {"index": 9270, "quantile": 0.0, "value": 142500.0, "Latitude": 38.1, "Longitude": -122.55, "Population": 2341.0}, {"index": 9270, "quantile": 0.25, "value": 255600.0, "Latitude": 38.1, "Longitude": -122.55, "Population": 2341.0}, {"index": 9270, "quantile": 0.5, "value": 255600.0, "Latitude": 38.1, "Longitude": -122.55, "Population": 2341.0}, {"index": 9270, "quantile": 0.75, "value": 255600.0, "Latitude": 38.1, "Longitude": -122.55, "Population": 2341.0}, {"index": 9270, "quantile": 1.0, "value": 433300.0, "Latitude": 38.1, "Longitude": -122.55, "Population": 2341.0}, {"index": 9271, "quantile": 0.0, "value": 127200.0, "Latitude": 38.15, "Longitude": -122.62, "Population": 1127.0}, {"index": 9271, "quantile": 0.25, "value": 273600.0, "Latitude": 38.15, "Longitude": -122.62, "Population": 1127.0}, {"index": 9271, "quantile": 0.5, "value": 334900.0, "Latitude": 38.15, "Longitude": -122.62, "Population": 1127.0}, {"index": 9271, "quantile": 0.75, "value": 334900.0, "Latitude": 38.15, "Longitude": -122.62, "Population": 1127.0}, {"index": 9271, "quantile": 1.0, "value": 394000.0, "Latitude": 38.15, "Longitude": -122.62, "Population": 1127.0}, {"index": 9272, "quantile": 0.0, "value": 129500.0, "Latitude": 38.13, "Longitude": -122.59, "Population": 601.0}, {"index": 9272, "quantile": 0.25, "value": 244600.00000000003, "Latitude": 38.13, "Longitude": -122.59, "Population": 601.0}, {"index": 9272, "quantile": 0.5, "value": 273100.0, "Latitude": 38.13, "Longitude": -122.59, "Population": 601.0}, {"index": 9272, "quantile": 0.75, "value": 310900.0, "Latitude": 38.13, "Longitude": -122.59, "Population": 601.0}, {"index": 9272, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.13, "Longitude": -122.59, "Population": 601.0}, {"index": 9273, "quantile": 0.0, "value": 173200.0, "Latitude": 38.15, "Longitude": -122.58, "Population": 682.0}, {"index": 9273, "quantile": 0.25, "value": 389975.0, "Latitude": 38.15, "Longitude": -122.58, "Population": 682.0}, {"index": 9273, "quantile": 0.5, "value": 423200.0, "Latitude": 38.15, "Longitude": -122.58, "Population": 682.0}, {"index": 9273, "quantile": 0.75, "value": 423200.0, "Latitude": 38.15, "Longitude": -122.58, "Population": 682.0}, {"index": 9273, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.15, "Longitude": -122.58, "Population": 682.0}, {"index": 9274, "quantile": 0.0, "value": 129600.0, "Latitude": 38.11, "Longitude": -122.57, "Population": 1583.0}, {"index": 9274, "quantile": 0.25, "value": 188700.0, "Latitude": 38.11, "Longitude": -122.57, "Population": 1583.0}, {"index": 9274, "quantile": 0.5, "value": 228600.0, "Latitude": 38.11, "Longitude": -122.57, "Population": 1583.0}, {"index": 9274, "quantile": 0.75, "value": 257900.00000000003, "Latitude": 38.11, "Longitude": -122.57, "Population": 1583.0}, {"index": 9274, "quantile": 1.0, "value": 355000.0, "Latitude": 38.11, "Longitude": -122.57, "Population": 1583.0}, {"index": 9275, "quantile": 0.0, "value": 96800.0, "Latitude": 38.11, "Longitude": -122.57, "Population": 1706.0}, {"index": 9275, "quantile": 0.25, "value": 202500.0, "Latitude": 38.11, "Longitude": -122.57, "Population": 1706.0}, {"index": 9275, "quantile": 0.5, "value": 228600.0, "Latitude": 38.11, "Longitude": -122.57, "Population": 1706.0}, {"index": 9275, "quantile": 0.75, "value": 228600.0, "Latitude": 38.11, "Longitude": -122.57, "Population": 1706.0}, {"index": 9275, "quantile": 1.0, "value": 369300.0, "Latitude": 38.11, "Longitude": -122.57, "Population": 1706.0}, {"index": 9276, "quantile": 0.0, "value": 181000.0, "Latitude": 38.12, "Longitude": -122.59, "Population": 3445.0}, {"index": 9276, "quantile": 0.25, "value": 287325.0, "Latitude": 38.12, "Longitude": -122.59, "Population": 3445.0}, {"index": 9276, "quantile": 0.5, "value": 287900.0, "Latitude": 38.12, "Longitude": -122.59, "Population": 3445.0}, {"index": 9276, "quantile": 0.75, "value": 287900.0, "Latitude": 38.12, "Longitude": -122.59, "Population": 3445.0}, {"index": 9276, "quantile": 1.0, "value": 450000.0, "Latitude": 38.12, "Longitude": -122.59, "Population": 3445.0}, {"index": 9277, "quantile": 0.0, "value": 112500.0, "Latitude": 38.12, "Longitude": -122.58, "Population": 1912.0}, {"index": 9277, "quantile": 0.25, "value": 305050.0, "Latitude": 38.12, "Longitude": -122.58, "Population": 1912.0}, {"index": 9277, "quantile": 0.5, "value": 309500.0, "Latitude": 38.12, "Longitude": -122.58, "Population": 1912.0}, {"index": 9277, "quantile": 0.75, "value": 309500.0, "Latitude": 38.12, "Longitude": -122.58, "Population": 1912.0}, {"index": 9277, "quantile": 1.0, "value": 361100.0, "Latitude": 38.12, "Longitude": -122.58, "Population": 1912.0}, {"index": 9278, "quantile": 0.0, "value": 132900.0, "Latitude": 38.11, "Longitude": -122.6, "Population": 873.0}, {"index": 9278, "quantile": 0.25, "value": 201600.0, "Latitude": 38.11, "Longitude": -122.6, "Population": 873.0}, {"index": 9278, "quantile": 0.5, "value": 201600.0, "Latitude": 38.11, "Longitude": -122.6, "Population": 873.0}, {"index": 9278, "quantile": 0.75, "value": 201600.0, "Latitude": 38.11, "Longitude": -122.6, "Population": 873.0}, {"index": 9278, "quantile": 1.0, "value": 319100.0, "Latitude": 38.11, "Longitude": -122.6, "Population": 873.0}, {"index": 9279, "quantile": 0.0, "value": 147200.0, "Latitude": 38.11, "Longitude": -122.6, "Population": 3594.0}, {"index": 9279, "quantile": 0.25, "value": 204900.0, "Latitude": 38.11, "Longitude": -122.6, "Population": 3594.0}, {"index": 9279, "quantile": 0.5, "value": 279850.0, "Latitude": 38.11, "Longitude": -122.6, "Population": 3594.0}, {"index": 9279, "quantile": 0.75, "value": 303300.0, "Latitude": 38.11, "Longitude": -122.6, "Population": 3594.0}, {"index": 9279, "quantile": 1.0, "value": 417600.0, "Latitude": 38.11, "Longitude": -122.6, "Population": 3594.0}, {"index": 9280, "quantile": 0.0, "value": 133800.0, "Latitude": 38.11, "Longitude": -122.65, "Population": 1968.0}, {"index": 9280, "quantile": 0.25, "value": 185200.0, "Latitude": 38.11, "Longitude": -122.65, "Population": 1968.0}, {"index": 9280, "quantile": 0.5, "value": 250800.0, "Latitude": 38.11, "Longitude": -122.65, "Population": 1968.0}, {"index": 9280, "quantile": 0.75, "value": 268700.0, "Latitude": 38.11, "Longitude": -122.65, "Population": 1968.0}, {"index": 9280, "quantile": 1.0, "value": 325400.0, "Latitude": 38.11, "Longitude": -122.65, "Population": 1968.0}, {"index": 9281, "quantile": 0.0, "value": 231700.00000000003, "Latitude": 38.09, "Longitude": -122.61, "Population": 2311.0}, {"index": 9281, "quantile": 0.25, "value": 368700.0, "Latitude": 38.09, "Longitude": -122.61, "Population": 2311.0}, {"index": 9281, "quantile": 0.5, "value": 368700.0, "Latitude": 38.09, "Longitude": -122.61, "Population": 2311.0}, {"index": 9281, "quantile": 0.75, "value": 368700.0, "Latitude": 38.09, "Longitude": -122.61, "Population": 2311.0}, {"index": 9281, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.09, "Longitude": -122.61, "Population": 2311.0}, {"index": 9282, "quantile": 0.0, "value": 139700.0, "Latitude": 38.1, "Longitude": -122.58, "Population": 5600.0}, {"index": 9282, "quantile": 0.25, "value": 210449.99999999997, "Latitude": 38.1, "Longitude": -122.58, "Population": 5600.0}, {"index": 9282, "quantile": 0.5, "value": 253350.0, "Latitude": 38.1, "Longitude": -122.58, "Population": 5600.0}, {"index": 9282, "quantile": 0.75, "value": 296800.0, "Latitude": 38.1, "Longitude": -122.58, "Population": 5600.0}, {"index": 9282, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.1, "Longitude": -122.58, "Population": 5600.0}, {"index": 9283, "quantile": 0.0, "value": 136400.0, "Latitude": 38.08, "Longitude": -122.58, "Population": 4406.0}, {"index": 9283, "quantile": 0.25, "value": 285600.0, "Latitude": 38.08, "Longitude": -122.58, "Population": 4406.0}, {"index": 9283, "quantile": 0.5, "value": 285600.0, "Latitude": 38.08, "Longitude": -122.58, "Population": 4406.0}, {"index": 9283, "quantile": 0.75, "value": 299125.0, "Latitude": 38.08, "Longitude": -122.58, "Population": 4406.0}, {"index": 9283, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.08, "Longitude": -122.58, "Population": 4406.0}, {"index": 9284, "quantile": 0.0, "value": 229999.99999999997, "Latitude": 38.07, "Longitude": -122.55, "Population": 555.0}, {"index": 9284, "quantile": 0.25, "value": 345000.0, "Latitude": 38.07, "Longitude": -122.55, "Population": 555.0}, {"index": 9284, "quantile": 0.5, "value": 345000.0, "Latitude": 38.07, "Longitude": -122.55, "Population": 555.0}, {"index": 9284, "quantile": 0.75, "value": 345000.0, "Latitude": 38.07, "Longitude": -122.55, "Population": 555.0}, {"index": 9284, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.07, "Longitude": -122.55, "Population": 555.0}, {"index": 9285, "quantile": 0.0, "value": 135500.0, "Latitude": 38.09, "Longitude": -122.56, "Population": 4684.0}, {"index": 9285, "quantile": 0.25, "value": 209800.0, "Latitude": 38.09, "Longitude": -122.56, "Population": 4684.0}, {"index": 9285, "quantile": 0.5, "value": 209800.0, "Latitude": 38.09, "Longitude": -122.56, "Population": 4684.0}, {"index": 9285, "quantile": 0.75, "value": 209800.0, "Latitude": 38.09, "Longitude": -122.56, "Population": 4684.0}, {"index": 9285, "quantile": 1.0, "value": 417600.0, "Latitude": 38.09, "Longitude": -122.56, "Population": 4684.0}, {"index": 9286, "quantile": 0.0, "value": 126000.0, "Latitude": 38.06, "Longitude": -122.56, "Population": 6109.0}, {"index": 9286, "quantile": 0.25, "value": 206175.0, "Latitude": 38.06, "Longitude": -122.56, "Population": 6109.0}, {"index": 9286, "quantile": 0.5, "value": 248300.0, "Latitude": 38.06, "Longitude": -122.56, "Population": 6109.0}, {"index": 9286, "quantile": 0.75, "value": 299800.0, "Latitude": 38.06, "Longitude": -122.56, "Population": 6109.0}, {"index": 9286, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.06, "Longitude": -122.56, "Population": 6109.0}, {"index": 9287, "quantile": 0.0, "value": 37900.0, "Latitude": 38.07, "Longitude": -122.55, "Population": 1894.0}, {"index": 9287, "quantile": 0.25, "value": 213475.00000000003, "Latitude": 38.07, "Longitude": -122.55, "Population": 1894.0}, {"index": 9287, "quantile": 0.5, "value": 350800.0, "Latitude": 38.07, "Longitude": -122.55, "Population": 1894.0}, {"index": 9287, "quantile": 0.75, "value": 350800.0, "Latitude": 38.07, "Longitude": -122.55, "Population": 1894.0}, {"index": 9287, "quantile": 1.0, "value": 350800.0, "Latitude": 38.07, "Longitude": -122.55, "Population": 1894.0}, {"index": 9288, "quantile": 0.0, "value": 155100.0, "Latitude": 38.07, "Longitude": -122.41, "Population": 1812.0}, {"index": 9288, "quantile": 0.25, "value": 247900.0, "Latitude": 38.07, "Longitude": -122.41, "Population": 1812.0}, {"index": 9288, "quantile": 0.5, "value": 266000.0, "Latitude": 38.07, "Longitude": -122.41, "Population": 1812.0}, {"index": 9288, "quantile": 0.75, "value": 343950.0, "Latitude": 38.07, "Longitude": -122.41, "Population": 1812.0}, {"index": 9288, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.07, "Longitude": -122.41, "Population": 1812.0}, {"index": 9289, "quantile": 0.0, "value": 103699.99999999999, "Latitude": 38.06, "Longitude": -122.51, "Population": 5162.0}, {"index": 9289, "quantile": 0.25, "value": 118800.0, "Latitude": 38.06, "Longitude": -122.51, "Population": 5162.0}, {"index": 9289, "quantile": 0.5, "value": 118800.0, "Latitude": 38.06, "Longitude": -122.51, "Population": 5162.0}, {"index": 9289, "quantile": 0.75, "value": 155600.0, "Latitude": 38.06, "Longitude": -122.51, "Population": 5162.0}, {"index": 9289, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.06, "Longitude": -122.51, "Population": 5162.0}, {"index": 9290, "quantile": 0.0, "value": 76600.0, "Latitude": 38.01, "Longitude": -122.53, "Population": 472.0}, {"index": 9290, "quantile": 0.25, "value": 136850.0, "Latitude": 38.01, "Longitude": -122.53, "Population": 472.0}, {"index": 9290, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 38.01, "Longitude": -122.53, "Population": 472.0}, {"index": 9290, "quantile": 0.75, "value": 217225.0, "Latitude": 38.01, "Longitude": -122.53, "Population": 472.0}, {"index": 9290, "quantile": 1.0, "value": 372300.0, "Latitude": 38.01, "Longitude": -122.53, "Population": 472.0}, {"index": 9291, "quantile": 0.0, "value": 112500.0, "Latitude": 38.03, "Longitude": -122.44, "Population": 2146.0}, {"index": 9291, "quantile": 0.25, "value": 179200.0, "Latitude": 38.03, "Longitude": -122.44, "Population": 2146.0}, {"index": 9291, "quantile": 0.5, "value": 179200.0, "Latitude": 38.03, "Longitude": -122.44, "Population": 2146.0}, {"index": 9291, "quantile": 0.75, "value": 179200.0, "Latitude": 38.03, "Longitude": -122.44, "Population": 2146.0}, {"index": 9291, "quantile": 1.0, "value": 376700.0, "Latitude": 38.03, "Longitude": -122.44, "Population": 2146.0}, {"index": 9292, "quantile": 0.0, "value": 134400.0, "Latitude": 38.01, "Longitude": -122.45, "Population": 2196.0}, {"index": 9292, "quantile": 0.25, "value": 252700.0, "Latitude": 38.01, "Longitude": -122.45, "Population": 2196.0}, {"index": 9292, "quantile": 0.5, "value": 252700.0, "Latitude": 38.01, "Longitude": -122.45, "Population": 2196.0}, {"index": 9292, "quantile": 0.75, "value": 252700.0, "Latitude": 38.01, "Longitude": -122.45, "Population": 2196.0}, {"index": 9292, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.01, "Longitude": -122.45, "Population": 2196.0}, {"index": 9293, "quantile": 0.0, "value": 136400.0, "Latitude": 38.01, "Longitude": -122.53, "Population": 1318.0}, {"index": 9293, "quantile": 0.25, "value": 310900.0, "Latitude": 38.01, "Longitude": -122.53, "Population": 1318.0}, {"index": 9293, "quantile": 0.5, "value": 310900.0, "Latitude": 38.01, "Longitude": -122.53, "Population": 1318.0}, {"index": 9293, "quantile": 0.75, "value": 310900.0, "Latitude": 38.01, "Longitude": -122.53, "Population": 1318.0}, {"index": 9293, "quantile": 1.0, "value": 451300.0, "Latitude": 38.01, "Longitude": -122.53, "Population": 1318.0}, {"index": 9294, "quantile": 0.0, "value": 112500.0, "Latitude": 38.0, "Longitude": -122.51, "Population": 1157.0}, {"index": 9294, "quantile": 0.25, "value": 274200.0, "Latitude": 38.0, "Longitude": -122.51, "Population": 1157.0}, {"index": 9294, "quantile": 0.5, "value": 274200.0, "Latitude": 38.0, "Longitude": -122.51, "Population": 1157.0}, {"index": 9294, "quantile": 0.75, "value": 274200.0, "Latitude": 38.0, "Longitude": -122.51, "Population": 1157.0}, {"index": 9294, "quantile": 1.0, "value": 350000.0, "Latitude": 38.0, "Longitude": -122.51, "Population": 1157.0}, {"index": 9295, "quantile": 0.0, "value": 67500.0, "Latitude": 38.0, "Longitude": -122.49, "Population": 19.0}, {"index": 9295, "quantile": 0.25, "value": 266050.0, "Latitude": 38.0, "Longitude": -122.49, "Population": 19.0}, {"index": 9295, "quantile": 0.5, "value": 353500.0, "Latitude": 38.0, "Longitude": -122.49, "Population": 19.0}, {"index": 9295, "quantile": 0.75, "value": 413425.0, "Latitude": 38.0, "Longitude": -122.49, "Population": 19.0}, {"index": 9295, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.0, "Longitude": -122.49, "Population": 19.0}, {"index": 9296, "quantile": 0.0, "value": 136400.0, "Latitude": 38.03, "Longitude": -122.55, "Population": 3063.0}, {"index": 9296, "quantile": 0.25, "value": 287900.0, "Latitude": 38.03, "Longitude": -122.55, "Population": 3063.0}, {"index": 9296, "quantile": 0.5, "value": 342200.0, "Latitude": 38.03, "Longitude": -122.55, "Population": 3063.0}, {"index": 9296, "quantile": 0.75, "value": 369200.0, "Latitude": 38.03, "Longitude": -122.55, "Population": 3063.0}, {"index": 9296, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.03, "Longitude": -122.55, "Population": 3063.0}, {"index": 9297, "quantile": 0.0, "value": 218100.0, "Latitude": 38.03, "Longitude": -122.57, "Population": 911.0}, {"index": 9297, "quantile": 0.25, "value": 344300.0, "Latitude": 38.03, "Longitude": -122.57, "Population": 911.0}, {"index": 9297, "quantile": 0.5, "value": 387700.0, "Latitude": 38.03, "Longitude": -122.57, "Population": 911.0}, {"index": 9297, "quantile": 0.75, "value": 387700.0, "Latitude": 38.03, "Longitude": -122.57, "Population": 911.0}, {"index": 9297, "quantile": 1.0, "value": 466899.99999999994, "Latitude": 38.03, "Longitude": -122.57, "Population": 911.0}, {"index": 9298, "quantile": 0.0, "value": 220699.99999999997, "Latitude": 38.03, "Longitude": -122.56, "Population": 815.0}, {"index": 9298, "quantile": 0.25, "value": 314200.0, "Latitude": 38.03, "Longitude": -122.56, "Population": 815.0}, {"index": 9298, "quantile": 0.5, "value": 360600.0, "Latitude": 38.03, "Longitude": -122.56, "Population": 815.0}, {"index": 9298, "quantile": 0.75, "value": 425425.0, "Latitude": 38.03, "Longitude": -122.56, "Population": 815.0}, {"index": 9298, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.03, "Longitude": -122.56, "Population": 815.0}, {"index": 9299, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 38.04, "Longitude": -122.59, "Population": 1238.0}, {"index": 9299, "quantile": 0.25, "value": 397300.0, "Latitude": 38.04, "Longitude": -122.59, "Population": 1238.0}, {"index": 9299, "quantile": 0.5, "value": 397300.0, "Latitude": 38.04, "Longitude": -122.59, "Population": 1238.0}, {"index": 9299, "quantile": 0.75, "value": 397300.0, "Latitude": 38.04, "Longitude": -122.59, "Population": 1238.0}, {"index": 9299, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.04, "Longitude": -122.59, "Population": 1238.0}, {"index": 9300, "quantile": 0.0, "value": 186600.0, "Latitude": 38.02, "Longitude": -122.57, "Population": 3798.0}, {"index": 9300, "quantile": 0.25, "value": 314000.0, "Latitude": 38.02, "Longitude": -122.57, "Population": 3798.0}, {"index": 9300, "quantile": 0.5, "value": 314000.0, "Latitude": 38.02, "Longitude": -122.57, "Population": 3798.0}, {"index": 9300, "quantile": 0.75, "value": 314000.0, "Latitude": 38.02, "Longitude": -122.57, "Population": 3798.0}, {"index": 9300, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.02, "Longitude": -122.57, "Population": 3798.0}, {"index": 9301, "quantile": 0.0, "value": 98300.0, "Latitude": 38.01, "Longitude": -122.56, "Population": 840.0}, {"index": 9301, "quantile": 0.25, "value": 239500.0, "Latitude": 38.01, "Longitude": -122.56, "Population": 840.0}, {"index": 9301, "quantile": 0.5, "value": 239500.0, "Latitude": 38.01, "Longitude": -122.56, "Population": 840.0}, {"index": 9301, "quantile": 0.75, "value": 255649.99999999997, "Latitude": 38.01, "Longitude": -122.56, "Population": 840.0}, {"index": 9301, "quantile": 1.0, "value": 474600.00000000006, "Latitude": 38.01, "Longitude": -122.56, "Population": 840.0}, {"index": 9302, "quantile": 0.0, "value": 197000.0, "Latitude": 38.02, "Longitude": -122.55, "Population": 1928.0}, {"index": 9302, "quantile": 0.25, "value": 361500.0, "Latitude": 38.02, "Longitude": -122.55, "Population": 1928.0}, {"index": 9302, "quantile": 0.5, "value": 361500.0, "Latitude": 38.02, "Longitude": -122.55, "Population": 1928.0}, {"index": 9302, "quantile": 0.75, "value": 361500.0, "Latitude": 38.02, "Longitude": -122.55, "Population": 1928.0}, {"index": 9302, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.02, "Longitude": -122.55, "Population": 1928.0}, {"index": 9303, "quantile": 0.0, "value": 172100.0, "Latitude": 38.01, "Longitude": -122.55, "Population": 1657.0}, {"index": 9303, "quantile": 0.25, "value": 342200.0, "Latitude": 38.01, "Longitude": -122.55, "Population": 1657.0}, {"index": 9303, "quantile": 0.5, "value": 342200.0, "Latitude": 38.01, "Longitude": -122.55, "Population": 1657.0}, {"index": 9303, "quantile": 0.75, "value": 342200.0, "Latitude": 38.01, "Longitude": -122.55, "Population": 1657.0}, {"index": 9303, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.01, "Longitude": -122.55, "Population": 1657.0}, {"index": 9304, "quantile": 0.0, "value": 159300.0, "Latitude": 38.0, "Longitude": -122.54, "Population": 1694.0}, {"index": 9304, "quantile": 0.25, "value": 277000.0, "Latitude": 38.0, "Longitude": -122.54, "Population": 1694.0}, {"index": 9304, "quantile": 0.5, "value": 277000.0, "Latitude": 38.0, "Longitude": -122.54, "Population": 1694.0}, {"index": 9304, "quantile": 0.75, "value": 277000.0, "Latitude": 38.0, "Longitude": -122.54, "Population": 1694.0}, {"index": 9304, "quantile": 1.0, "value": 382100.0, "Latitude": 38.0, "Longitude": -122.54, "Population": 1694.0}, {"index": 9305, "quantile": 0.0, "value": 112500.0, "Latitude": 38.0, "Longitude": -122.55, "Population": 1395.0}, {"index": 9305, "quantile": 0.25, "value": 265950.0, "Latitude": 38.0, "Longitude": -122.55, "Population": 1395.0}, {"index": 9305, "quantile": 0.5, "value": 301100.0, "Latitude": 38.0, "Longitude": -122.55, "Population": 1395.0}, {"index": 9305, "quantile": 0.75, "value": 301100.0, "Latitude": 38.0, "Longitude": -122.55, "Population": 1395.0}, {"index": 9305, "quantile": 1.0, "value": 417600.0, "Latitude": 38.0, "Longitude": -122.55, "Population": 1395.0}, {"index": 9306, "quantile": 0.0, "value": 316700.0, "Latitude": 37.99, "Longitude": -122.54, "Population": 818.0}, {"index": 9306, "quantile": 0.25, "value": 444000.00000000006, "Latitude": 37.99, "Longitude": -122.54, "Population": 818.0}, {"index": 9306, "quantile": 0.5, "value": 444000.00000000006, "Latitude": 37.99, "Longitude": -122.54, "Population": 818.0}, {"index": 9306, "quantile": 0.75, "value": 444000.00000000006, "Latitude": 37.99, "Longitude": -122.54, "Population": 818.0}, {"index": 9306, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.99, "Longitude": -122.54, "Population": 818.0}, {"index": 9307, "quantile": 0.0, "value": 106700.0, "Latitude": 37.98, "Longitude": -122.52, "Population": 2962.0}, {"index": 9307, "quantile": 0.25, "value": 319900.0, "Latitude": 37.98, "Longitude": -122.52, "Population": 2962.0}, {"index": 9307, "quantile": 0.5, "value": 324200.0, "Latitude": 37.98, "Longitude": -122.52, "Population": 2962.0}, {"index": 9307, "quantile": 0.75, "value": 324200.0, "Latitude": 37.98, "Longitude": -122.52, "Population": 2962.0}, {"index": 9307, "quantile": 1.0, "value": 380000.0, "Latitude": 37.98, "Longitude": -122.52, "Population": 2962.0}, {"index": 9308, "quantile": 0.0, "value": 150900.0, "Latitude": 37.98, "Longitude": -122.54, "Population": 607.0}, {"index": 9308, "quantile": 0.25, "value": 371900.0, "Latitude": 37.98, "Longitude": -122.54, "Population": 607.0}, {"index": 9308, "quantile": 0.5, "value": 371900.0, "Latitude": 37.98, "Longitude": -122.54, "Population": 607.0}, {"index": 9308, "quantile": 0.75, "value": 371900.0, "Latitude": 37.98, "Longitude": -122.54, "Population": 607.0}, {"index": 9308, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -122.54, "Population": 607.0}, {"index": 9309, "quantile": 0.0, "value": 128400.0, "Latitude": 37.99, "Longitude": -122.55, "Population": 1398.0}, {"index": 9309, "quantile": 0.25, "value": 319900.0, "Latitude": 37.99, "Longitude": -122.55, "Population": 1398.0}, {"index": 9309, "quantile": 0.5, "value": 319900.0, "Latitude": 37.99, "Longitude": -122.55, "Population": 1398.0}, {"index": 9309, "quantile": 0.75, "value": 319900.0, "Latitude": 37.99, "Longitude": -122.55, "Population": 1398.0}, {"index": 9309, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.99, "Longitude": -122.55, "Population": 1398.0}, {"index": 9310, "quantile": 0.0, "value": 276600.0, "Latitude": 37.98, "Longitude": -122.53, "Population": 810.0}, {"index": 9310, "quantile": 0.25, "value": 434500.0, "Latitude": 37.98, "Longitude": -122.53, "Population": 810.0}, {"index": 9310, "quantile": 0.5, "value": 466150.0, "Latitude": 37.98, "Longitude": -122.53, "Population": 810.0}, {"index": 9310, "quantile": 0.75, "value": 470500.0, "Latitude": 37.98, "Longitude": -122.53, "Population": 810.0}, {"index": 9310, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -122.53, "Population": 810.0}, {"index": 9311, "quantile": 0.0, "value": 175500.0, "Latitude": 37.98, "Longitude": -122.55, "Population": 1581.0}, {"index": 9311, "quantile": 0.25, "value": 329400.0, "Latitude": 37.98, "Longitude": -122.55, "Population": 1581.0}, {"index": 9311, "quantile": 0.5, "value": 337500.0, "Latitude": 37.98, "Longitude": -122.55, "Population": 1581.0}, {"index": 9311, "quantile": 0.75, "value": 337500.0, "Latitude": 37.98, "Longitude": -122.55, "Population": 1581.0}, {"index": 9311, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -122.55, "Population": 1581.0}, {"index": 9312, "quantile": 0.0, "value": 136400.0, "Latitude": 37.99, "Longitude": -122.51, "Population": 1541.0}, {"index": 9312, "quantile": 0.25, "value": 352100.0, "Latitude": 37.99, "Longitude": -122.51, "Population": 1541.0}, {"index": 9312, "quantile": 0.5, "value": 433300.0, "Latitude": 37.99, "Longitude": -122.51, "Population": 1541.0}, {"index": 9312, "quantile": 0.75, "value": 433300.0, "Latitude": 37.99, "Longitude": -122.51, "Population": 1541.0}, {"index": 9312, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.99, "Longitude": -122.51, "Population": 1541.0}, {"index": 9313, "quantile": 0.0, "value": 157700.0, "Latitude": 37.98, "Longitude": -122.51, "Population": 1830.0}, {"index": 9313, "quantile": 0.25, "value": 314000.0, "Latitude": 37.98, "Longitude": -122.51, "Population": 1830.0}, {"index": 9313, "quantile": 0.5, "value": 348600.0, "Latitude": 37.98, "Longitude": -122.51, "Population": 1830.0}, {"index": 9313, "quantile": 0.75, "value": 451700.00000000006, "Latitude": 37.98, "Longitude": -122.51, "Population": 1830.0}, {"index": 9313, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -122.51, "Population": 1830.0}, {"index": 9314, "quantile": 0.0, "value": 175500.0, "Latitude": 37.97, "Longitude": -122.51, "Population": 2100.0}, {"index": 9314, "quantile": 0.25, "value": 286450.0, "Latitude": 37.97, "Longitude": -122.51, "Population": 2100.0}, {"index": 9314, "quantile": 0.5, "value": 329400.0, "Latitude": 37.97, "Longitude": -122.51, "Population": 2100.0}, {"index": 9314, "quantile": 0.75, "value": 329400.0, "Latitude": 37.97, "Longitude": -122.51, "Population": 2100.0}, {"index": 9314, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -122.51, "Population": 2100.0}, {"index": 9315, "quantile": 0.0, "value": 282500.0, "Latitude": 37.99, "Longitude": -122.47, "Population": 2468.0}, {"index": 9315, "quantile": 0.25, "value": 439200.00000000006, "Latitude": 37.99, "Longitude": -122.47, "Population": 2468.0}, {"index": 9315, "quantile": 0.5, "value": 439200.00000000006, "Latitude": 37.99, "Longitude": -122.47, "Population": 2468.0}, {"index": 9315, "quantile": 0.75, "value": 439200.00000000006, "Latitude": 37.99, "Longitude": -122.47, "Population": 2468.0}, {"index": 9315, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.99, "Longitude": -122.47, "Population": 2468.0}, {"index": 9316, "quantile": 0.0, "value": 350000.0, "Latitude": 37.98, "Longitude": -122.46, "Population": 427.0}, {"index": 9316, "quantile": 0.25, "value": 490499.99999999994, "Latitude": 37.98, "Longitude": -122.46, "Population": 427.0}, {"index": 9316, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -122.46, "Population": 427.0}, {"index": 9316, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -122.46, "Population": 427.0}, {"index": 9316, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -122.46, "Population": 427.0}, {"index": 9317, "quantile": 0.0, "value": 176300.0, "Latitude": 37.99, "Longitude": -122.49, "Population": 1916.0}, {"index": 9317, "quantile": 0.25, "value": 413100.0, "Latitude": 37.99, "Longitude": -122.49, "Population": 1916.0}, {"index": 9317, "quantile": 0.5, "value": 420800.0, "Latitude": 37.99, "Longitude": -122.49, "Population": 1916.0}, {"index": 9317, "quantile": 0.75, "value": 420800.0, "Latitude": 37.99, "Longitude": -122.49, "Population": 1916.0}, {"index": 9317, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.99, "Longitude": -122.49, "Population": 1916.0}, {"index": 9318, "quantile": 0.0, "value": 217200.00000000003, "Latitude": 37.98, "Longitude": -122.49, "Population": 460.0}, {"index": 9318, "quantile": 0.25, "value": 436250.0, "Latitude": 37.98, "Longitude": -122.49, "Population": 460.0}, {"index": 9318, "quantile": 0.5, "value": 451700.00000000006, "Latitude": 37.98, "Longitude": -122.49, "Population": 460.0}, {"index": 9318, "quantile": 0.75, "value": 451700.00000000006, "Latitude": 37.98, "Longitude": -122.49, "Population": 460.0}, {"index": 9318, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -122.49, "Population": 460.0}, {"index": 9319, "quantile": 0.0, "value": 22500.0, "Latitude": 37.97, "Longitude": -122.53, "Population": 228.0}, {"index": 9319, "quantile": 0.25, "value": 187500.0, "Latitude": 37.97, "Longitude": -122.53, "Population": 228.0}, {"index": 9319, "quantile": 0.5, "value": 200000.0, "Latitude": 37.97, "Longitude": -122.53, "Population": 228.0}, {"index": 9319, "quantile": 0.75, "value": 200000.0, "Latitude": 37.97, "Longitude": -122.53, "Population": 228.0}, {"index": 9319, "quantile": 1.0, "value": 450000.0, "Latitude": 37.97, "Longitude": -122.53, "Population": 228.0}, {"index": 9320, "quantile": 0.0, "value": 67500.0, "Latitude": 37.97, "Longitude": -122.53, "Population": 700.0}, {"index": 9320, "quantile": 0.25, "value": 270800.0, "Latitude": 37.97, "Longitude": -122.53, "Population": 700.0}, {"index": 9320, "quantile": 0.5, "value": 270800.0, "Latitude": 37.97, "Longitude": -122.53, "Population": 700.0}, {"index": 9320, "quantile": 0.75, "value": 270800.0, "Latitude": 37.97, "Longitude": -122.53, "Population": 700.0}, {"index": 9320, "quantile": 1.0, "value": 450000.0, "Latitude": 37.97, "Longitude": -122.53, "Population": 700.0}, {"index": 9321, "quantile": 0.0, "value": 91500.0, "Latitude": 37.97, "Longitude": -122.53, "Population": 1831.0}, {"index": 9321, "quantile": 0.25, "value": 254450.00000000003, "Latitude": 37.97, "Longitude": -122.53, "Population": 1831.0}, {"index": 9321, "quantile": 0.5, "value": 287500.0, "Latitude": 37.97, "Longitude": -122.53, "Population": 1831.0}, {"index": 9321, "quantile": 0.75, "value": 287500.0, "Latitude": 37.97, "Longitude": -122.53, "Population": 1831.0}, {"index": 9321, "quantile": 1.0, "value": 425000.0, "Latitude": 37.97, "Longitude": -122.53, "Population": 1831.0}, {"index": 9322, "quantile": 0.0, "value": 197000.0, "Latitude": 37.97, "Longitude": -122.54, "Population": 1833.0}, {"index": 9322, "quantile": 0.25, "value": 352100.0, "Latitude": 37.97, "Longitude": -122.54, "Population": 1833.0}, {"index": 9322, "quantile": 0.5, "value": 352100.0, "Latitude": 37.97, "Longitude": -122.54, "Population": 1833.0}, {"index": 9322, "quantile": 0.75, "value": 354975.0, "Latitude": 37.97, "Longitude": -122.54, "Population": 1833.0}, {"index": 9322, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -122.54, "Population": 1833.0}, {"index": 9323, "quantile": 0.0, "value": 67000.0, "Latitude": 37.97, "Longitude": -122.52, "Population": 265.0}, {"index": 9323, "quantile": 0.25, "value": 182675.0, "Latitude": 37.97, "Longitude": -122.52, "Population": 265.0}, {"index": 9323, "quantile": 0.5, "value": 246300.0, "Latitude": 37.97, "Longitude": -122.52, "Population": 265.0}, {"index": 9323, "quantile": 0.75, "value": 272300.0, "Latitude": 37.97, "Longitude": -122.52, "Population": 265.0}, {"index": 9323, "quantile": 1.0, "value": 500000.0, "Latitude": 37.97, "Longitude": -122.52, "Population": 265.0}, {"index": 9324, "quantile": 0.0, "value": 135500.0, "Latitude": 37.96, "Longitude": -122.51, "Population": 1574.0}, {"index": 9324, "quantile": 0.25, "value": 261024.99999999997, "Latitude": 37.96, "Longitude": -122.51, "Population": 1574.0}, {"index": 9324, "quantile": 0.5, "value": 263800.0, "Latitude": 37.96, "Longitude": -122.51, "Population": 1574.0}, {"index": 9324, "quantile": 0.75, "value": 263800.0, "Latitude": 37.96, "Longitude": -122.51, "Population": 1574.0}, {"index": 9324, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.51, "Population": 1574.0}, {"index": 9325, "quantile": 0.0, "value": 136400.0, "Latitude": 37.96, "Longitude": -122.52, "Population": 818.0}, {"index": 9325, "quantile": 0.25, "value": 331000.0, "Latitude": 37.96, "Longitude": -122.52, "Population": 818.0}, {"index": 9325, "quantile": 0.5, "value": 331000.0, "Latitude": 37.96, "Longitude": -122.52, "Population": 818.0}, {"index": 9325, "quantile": 0.75, "value": 331000.0, "Latitude": 37.96, "Longitude": -122.52, "Population": 818.0}, {"index": 9325, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.52, "Population": 818.0}, {"index": 9326, "quantile": 0.0, "value": 242600.00000000003, "Latitude": 37.97, "Longitude": -122.53, "Population": 621.0}, {"index": 9326, "quantile": 0.25, "value": 268800.0, "Latitude": 37.97, "Longitude": -122.53, "Population": 621.0}, {"index": 9326, "quantile": 0.5, "value": 268800.0, "Latitude": 37.97, "Longitude": -122.53, "Population": 621.0}, {"index": 9326, "quantile": 0.75, "value": 277000.0, "Latitude": 37.97, "Longitude": -122.53, "Population": 621.0}, {"index": 9326, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -122.53, "Population": 621.0}, {"index": 9327, "quantile": 0.0, "value": 125000.0, "Latitude": 37.95, "Longitude": -122.52, "Population": 179.0}, {"index": 9327, "quantile": 0.25, "value": 438500.0, "Latitude": 37.95, "Longitude": -122.52, "Population": 179.0}, {"index": 9327, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -122.52, "Population": 179.0}, {"index": 9327, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -122.52, "Population": 179.0}, {"index": 9327, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -122.52, "Population": 179.0}, {"index": 9328, "quantile": 0.0, "value": 139100.0, "Latitude": 37.96, "Longitude": -122.53, "Population": 413.0}, {"index": 9328, "quantile": 0.25, "value": 290800.0, "Latitude": 37.96, "Longitude": -122.53, "Population": 413.0}, {"index": 9328, "quantile": 0.5, "value": 290800.0, "Latitude": 37.96, "Longitude": -122.53, "Population": 413.0}, {"index": 9328, "quantile": 0.75, "value": 290800.0, "Latitude": 37.96, "Longitude": -122.53, "Population": 413.0}, {"index": 9328, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.53, "Population": 413.0}, {"index": 9329, "quantile": 0.0, "value": 118800.0, "Latitude": 37.95, "Longitude": -122.47, "Population": 1986.0}, {"index": 9329, "quantile": 0.25, "value": 187500.0, "Latitude": 37.95, "Longitude": -122.47, "Population": 1986.0}, {"index": 9329, "quantile": 0.5, "value": 187500.0, "Latitude": 37.95, "Longitude": -122.47, "Population": 1986.0}, {"index": 9329, "quantile": 0.75, "value": 187500.0, "Latitude": 37.95, "Longitude": -122.47, "Population": 1986.0}, {"index": 9329, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -122.47, "Population": 1986.0}, {"index": 9330, "quantile": 0.0, "value": 47500.0, "Latitude": 37.96, "Longitude": -122.5, "Population": 45.0}, {"index": 9330, "quantile": 0.25, "value": 212500.0, "Latitude": 37.96, "Longitude": -122.5, "Population": 45.0}, {"index": 9330, "quantile": 0.5, "value": 212500.0, "Latitude": 37.96, "Longitude": -122.5, "Population": 45.0}, {"index": 9330, "quantile": 0.75, "value": 265450.0, "Latitude": 37.96, "Longitude": -122.5, "Population": 45.0}, {"index": 9330, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.5, "Population": 45.0}, {"index": 9331, "quantile": 0.0, "value": 73100.0, "Latitude": 37.97, "Longitude": -122.5, "Population": 5917.0}, {"index": 9331, "quantile": 0.25, "value": 187500.0, "Latitude": 37.97, "Longitude": -122.5, "Population": 5917.0}, {"index": 9331, "quantile": 0.5, "value": 187500.0, "Latitude": 37.97, "Longitude": -122.5, "Population": 5917.0}, {"index": 9331, "quantile": 0.75, "value": 187500.0, "Latitude": 37.97, "Longitude": -122.5, "Population": 5917.0}, {"index": 9331, "quantile": 1.0, "value": 450000.0, "Latitude": 37.97, "Longitude": -122.5, "Population": 5917.0}, {"index": 9332, "quantile": 0.0, "value": 97300.0, "Latitude": 38.01, "Longitude": -122.64, "Population": 678.0}, {"index": 9332, "quantile": 0.25, "value": 292000.0, "Latitude": 38.01, "Longitude": -122.64, "Population": 678.0}, {"index": 9332, "quantile": 0.5, "value": 292000.0, "Latitude": 38.01, "Longitude": -122.64, "Population": 678.0}, {"index": 9332, "quantile": 0.75, "value": 292000.0, "Latitude": 38.01, "Longitude": -122.64, "Population": 678.0}, {"index": 9332, "quantile": 1.0, "value": 440100.0, "Latitude": 38.01, "Longitude": -122.64, "Population": 678.0}, {"index": 9333, "quantile": 0.0, "value": 129900.0, "Latitude": 38.01, "Longitude": -122.64, "Population": 551.0}, {"index": 9333, "quantile": 0.25, "value": 194950.0, "Latitude": 38.01, "Longitude": -122.64, "Population": 551.0}, {"index": 9333, "quantile": 0.5, "value": 238100.00000000003, "Latitude": 38.01, "Longitude": -122.64, "Population": 551.0}, {"index": 9333, "quantile": 0.75, "value": 265524.99999999994, "Latitude": 38.01, "Longitude": -122.64, "Population": 551.0}, {"index": 9333, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 38.01, "Longitude": -122.64, "Population": 551.0}, {"index": 9334, "quantile": 0.0, "value": 161000.0, "Latitude": 38.01, "Longitude": -122.68, "Population": 825.0}, {"index": 9334, "quantile": 0.25, "value": 255399.99999999997, "Latitude": 38.01, "Longitude": -122.68, "Population": 825.0}, {"index": 9334, "quantile": 0.5, "value": 255399.99999999997, "Latitude": 38.01, "Longitude": -122.68, "Population": 825.0}, {"index": 9334, "quantile": 0.75, "value": 255399.99999999997, "Latitude": 38.01, "Longitude": -122.68, "Population": 825.0}, {"index": 9334, "quantile": 1.0, "value": 355000.0, "Latitude": 38.01, "Longitude": -122.68, "Population": 825.0}, {"index": 9335, "quantile": 0.0, "value": 139100.0, "Latitude": 38.03, "Longitude": -122.7, "Population": 624.0}, {"index": 9335, "quantile": 0.25, "value": 212500.0, "Latitude": 38.03, "Longitude": -122.7, "Population": 624.0}, {"index": 9335, "quantile": 0.5, "value": 255399.99999999997, "Latitude": 38.03, "Longitude": -122.7, "Population": 624.0}, {"index": 9335, "quantile": 0.75, "value": 255399.99999999997, "Latitude": 38.03, "Longitude": -122.7, "Population": 624.0}, {"index": 9335, "quantile": 1.0, "value": 500000.0, "Latitude": 38.03, "Longitude": -122.7, "Population": 624.0}, {"index": 9336, "quantile": 0.0, "value": 97300.0, "Latitude": 38.01, "Longitude": -122.65, "Population": 708.0}, {"index": 9336, "quantile": 0.25, "value": 276200.0, "Latitude": 38.01, "Longitude": -122.65, "Population": 708.0}, {"index": 9336, "quantile": 0.5, "value": 305400.0, "Latitude": 38.01, "Longitude": -122.65, "Population": 708.0}, {"index": 9336, "quantile": 0.75, "value": 305400.0, "Latitude": 38.01, "Longitude": -122.65, "Population": 708.0}, {"index": 9336, "quantile": 1.0, "value": 434500.0, "Latitude": 38.01, "Longitude": -122.65, "Population": 708.0}, {"index": 9337, "quantile": 0.0, "value": 90000.0, "Latitude": 37.97, "Longitude": -122.59, "Population": 1872.0}, {"index": 9337, "quantile": 0.25, "value": 274850.0, "Latitude": 37.97, "Longitude": -122.59, "Population": 1872.0}, {"index": 9337, "quantile": 0.5, "value": 322700.00000000006, "Latitude": 37.97, "Longitude": -122.59, "Population": 1872.0}, {"index": 9337, "quantile": 0.75, "value": 355000.0, "Latitude": 37.97, "Longitude": -122.59, "Population": 1872.0}, {"index": 9337, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -122.59, "Population": 1872.0}, {"index": 9338, "quantile": 0.0, "value": 177800.0, "Latitude": 37.99, "Longitude": -122.61, "Population": 3108.0}, {"index": 9338, "quantile": 0.25, "value": 289600.0, "Latitude": 37.99, "Longitude": -122.61, "Population": 3108.0}, {"index": 9338, "quantile": 0.5, "value": 289600.0, "Latitude": 37.99, "Longitude": -122.61, "Population": 3108.0}, {"index": 9338, "quantile": 0.75, "value": 302000.0, "Latitude": 37.99, "Longitude": -122.61, "Population": 3108.0}, {"index": 9338, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.99, "Longitude": -122.61, "Population": 3108.0}, {"index": 9339, "quantile": 0.0, "value": 67500.0, "Latitude": 37.97, "Longitude": -122.62, "Population": 150.0}, {"index": 9339, "quantile": 0.25, "value": 316700.0, "Latitude": 37.97, "Longitude": -122.62, "Population": 150.0}, {"index": 9339, "quantile": 0.5, "value": 316700.0, "Latitude": 37.97, "Longitude": -122.62, "Population": 150.0}, {"index": 9339, "quantile": 0.75, "value": 316700.0, "Latitude": 37.97, "Longitude": -122.62, "Population": 150.0}, {"index": 9339, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -122.62, "Population": 150.0}, {"index": 9340, "quantile": 0.0, "value": 145800.0, "Latitude": 37.99, "Longitude": -122.59, "Population": 1899.0}, {"index": 9340, "quantile": 0.25, "value": 302000.0, "Latitude": 37.99, "Longitude": -122.59, "Population": 1899.0}, {"index": 9340, "quantile": 0.5, "value": 302000.0, "Latitude": 37.99, "Longitude": -122.59, "Population": 1899.0}, {"index": 9340, "quantile": 0.75, "value": 302000.0, "Latitude": 37.99, "Longitude": -122.59, "Population": 1899.0}, {"index": 9340, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.99, "Longitude": -122.59, "Population": 1899.0}, {"index": 9341, "quantile": 0.0, "value": 118800.0, "Latitude": 38.0, "Longitude": -122.6, "Population": 1100.0}, {"index": 9341, "quantile": 0.25, "value": 182025.00000000003, "Latitude": 38.0, "Longitude": -122.6, "Population": 1100.0}, {"index": 9341, "quantile": 0.5, "value": 204599.99999999997, "Latitude": 38.0, "Longitude": -122.6, "Population": 1100.0}, {"index": 9341, "quantile": 0.75, "value": 253425.0, "Latitude": 38.0, "Longitude": -122.6, "Population": 1100.0}, {"index": 9341, "quantile": 1.0, "value": 412000.0, "Latitude": 38.0, "Longitude": -122.6, "Population": 1100.0}, {"index": 9342, "quantile": 0.0, "value": 160100.0, "Latitude": 38.01, "Longitude": -122.59, "Population": 3450.0}, {"index": 9342, "quantile": 0.25, "value": 287475.0, "Latitude": 38.01, "Longitude": -122.59, "Population": 3450.0}, {"index": 9342, "quantile": 0.5, "value": 314000.0, "Latitude": 38.01, "Longitude": -122.59, "Population": 3450.0}, {"index": 9342, "quantile": 0.75, "value": 386200.0, "Latitude": 38.01, "Longitude": -122.59, "Population": 3450.0}, {"index": 9342, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.01, "Longitude": -122.59, "Population": 3450.0}, {"index": 9343, "quantile": 0.0, "value": 178300.0, "Latitude": 37.99, "Longitude": -122.57, "Population": 926.0}, {"index": 9343, "quantile": 0.25, "value": 320100.0, "Latitude": 37.99, "Longitude": -122.57, "Population": 926.0}, {"index": 9343, "quantile": 0.5, "value": 320100.0, "Latitude": 37.99, "Longitude": -122.57, "Population": 926.0}, {"index": 9343, "quantile": 0.75, "value": 320100.0, "Latitude": 37.99, "Longitude": -122.57, "Population": 926.0}, {"index": 9343, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.99, "Longitude": -122.57, "Population": 926.0}, {"index": 9344, "quantile": 0.0, "value": 151600.0, "Latitude": 37.99, "Longitude": -122.57, "Population": 2466.0}, {"index": 9344, "quantile": 0.25, "value": 294900.0, "Latitude": 37.99, "Longitude": -122.57, "Population": 2466.0}, {"index": 9344, "quantile": 0.5, "value": 336900.0, "Latitude": 37.99, "Longitude": -122.57, "Population": 2466.0}, {"index": 9344, "quantile": 0.75, "value": 336900.0, "Latitude": 37.99, "Longitude": -122.57, "Population": 2466.0}, {"index": 9344, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.99, "Longitude": -122.57, "Population": 2466.0}, {"index": 9345, "quantile": 0.0, "value": 90000.0, "Latitude": 37.98, "Longitude": -122.57, "Population": 1178.0}, {"index": 9345, "quantile": 0.25, "value": 327075.0, "Latitude": 37.98, "Longitude": -122.57, "Population": 1178.0}, {"index": 9345, "quantile": 0.5, "value": 355000.0, "Latitude": 37.98, "Longitude": -122.57, "Population": 1178.0}, {"index": 9345, "quantile": 0.75, "value": 355000.0, "Latitude": 37.98, "Longitude": -122.57, "Population": 1178.0}, {"index": 9345, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -122.57, "Population": 1178.0}, {"index": 9346, "quantile": 0.0, "value": 150800.0, "Latitude": 37.98, "Longitude": -122.58, "Population": 1553.0}, {"index": 9346, "quantile": 0.25, "value": 254500.0, "Latitude": 37.98, "Longitude": -122.58, "Population": 1553.0}, {"index": 9346, "quantile": 0.5, "value": 319900.0, "Latitude": 37.98, "Longitude": -122.58, "Population": 1553.0}, {"index": 9346, "quantile": 0.75, "value": 396075.0, "Latitude": 37.98, "Longitude": -122.58, "Population": 1553.0}, {"index": 9346, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -122.58, "Population": 1553.0}, {"index": 9347, "quantile": 0.0, "value": 230900.00000000003, "Latitude": 37.98, "Longitude": -122.58, "Population": 467.0}, {"index": 9347, "quantile": 0.25, "value": 292200.0, "Latitude": 37.98, "Longitude": -122.58, "Population": 467.0}, {"index": 9347, "quantile": 0.5, "value": 292200.0, "Latitude": 37.98, "Longitude": -122.58, "Population": 467.0}, {"index": 9347, "quantile": 0.75, "value": 307000.0, "Latitude": 37.98, "Longitude": -122.58, "Population": 467.0}, {"index": 9347, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -122.58, "Population": 467.0}, {"index": 9348, "quantile": 0.0, "value": 112500.0, "Latitude": 37.98, "Longitude": -122.56, "Population": 1111.0}, {"index": 9348, "quantile": 0.25, "value": 276725.0, "Latitude": 37.98, "Longitude": -122.56, "Population": 1111.0}, {"index": 9348, "quantile": 0.5, "value": 336900.0, "Latitude": 37.98, "Longitude": -122.56, "Population": 1111.0}, {"index": 9348, "quantile": 0.75, "value": 355000.0, "Latitude": 37.98, "Longitude": -122.56, "Population": 1111.0}, {"index": 9348, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -122.56, "Population": 1111.0}, {"index": 9349, "quantile": 0.0, "value": 150800.0, "Latitude": 37.97, "Longitude": -122.56, "Population": 735.0}, {"index": 9349, "quantile": 0.25, "value": 292200.0, "Latitude": 37.97, "Longitude": -122.56, "Population": 735.0}, {"index": 9349, "quantile": 0.5, "value": 320100.0, "Latitude": 37.97, "Longitude": -122.56, "Population": 735.0}, {"index": 9349, "quantile": 0.75, "value": 388300.0, "Latitude": 37.97, "Longitude": -122.56, "Population": 735.0}, {"index": 9349, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -122.56, "Population": 735.0}, {"index": 9350, "quantile": 0.0, "value": 175500.0, "Latitude": 37.97, "Longitude": -122.57, "Population": 2177.0}, {"index": 9350, "quantile": 0.25, "value": 329400.0, "Latitude": 37.97, "Longitude": -122.57, "Population": 2177.0}, {"index": 9350, "quantile": 0.5, "value": 382100.0, "Latitude": 37.97, "Longitude": -122.57, "Population": 2177.0}, {"index": 9350, "quantile": 0.75, "value": 382100.0, "Latitude": 37.97, "Longitude": -122.57, "Population": 2177.0}, {"index": 9350, "quantile": 1.0, "value": 459999.99999999994, "Latitude": 37.97, "Longitude": -122.57, "Population": 2177.0}, {"index": 9351, "quantile": 0.0, "value": 250000.0, "Latitude": 37.97, "Longitude": -122.55, "Population": 731.0}, {"index": 9351, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -122.55, "Population": 731.0}, {"index": 9351, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -122.55, "Population": 731.0}, {"index": 9351, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -122.55, "Population": 731.0}, {"index": 9351, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -122.55, "Population": 731.0}, {"index": 9352, "quantile": 0.0, "value": 338700.0, "Latitude": 37.96, "Longitude": -122.57, "Population": 1449.0}, {"index": 9352, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.57, "Population": 1449.0}, {"index": 9352, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.57, "Population": 1449.0}, {"index": 9352, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.57, "Population": 1449.0}, {"index": 9352, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.57, "Population": 1449.0}, {"index": 9353, "quantile": 0.0, "value": 311400.0, "Latitude": 37.95, "Longitude": -122.56, "Population": 933.0}, {"index": 9353, "quantile": 0.25, "value": 488999.99999999994, "Latitude": 37.95, "Longitude": -122.56, "Population": 933.0}, {"index": 9353, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -122.56, "Population": 933.0}, {"index": 9353, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -122.56, "Population": 933.0}, {"index": 9353, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -122.56, "Population": 933.0}, {"index": 9354, "quantile": 0.0, "value": 397000.0, "Latitude": 37.94, "Longitude": -122.56, "Population": 653.0}, {"index": 9354, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.56, "Population": 653.0}, {"index": 9354, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.56, "Population": 653.0}, {"index": 9354, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.56, "Population": 653.0}, {"index": 9354, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.56, "Population": 653.0}, {"index": 9355, "quantile": 0.0, "value": 225000.0, "Latitude": 37.96, "Longitude": -122.64, "Population": 151.0}, {"index": 9355, "quantile": 0.25, "value": 307750.0, "Latitude": 37.96, "Longitude": -122.64, "Population": 151.0}, {"index": 9355, "quantile": 0.5, "value": 463500.0, "Latitude": 37.96, "Longitude": -122.64, "Population": 151.0}, {"index": 9355, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.64, "Population": 151.0}, {"index": 9355, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.64, "Population": 151.0}, {"index": 9356, "quantile": 0.0, "value": 365900.0, "Latitude": 37.96, "Longitude": -122.54, "Population": 596.0}, {"index": 9356, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.54, "Population": 596.0}, {"index": 9356, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.54, "Population": 596.0}, {"index": 9356, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.54, "Population": 596.0}, {"index": 9356, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.54, "Population": 596.0}, {"index": 9357, "quantile": 0.0, "value": 179200.0, "Latitude": 37.96, "Longitude": -122.54, "Population": 996.0}, {"index": 9357, "quantile": 0.25, "value": 304025.00000000006, "Latitude": 37.96, "Longitude": -122.54, "Population": 996.0}, {"index": 9357, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.54, "Population": 996.0}, {"index": 9357, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.54, "Population": 996.0}, {"index": 9357, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.54, "Population": 996.0}, {"index": 9358, "quantile": 0.0, "value": 210800.0, "Latitude": 37.95, "Longitude": -122.54, "Population": 971.0}, {"index": 9358, "quantile": 0.25, "value": 415375.00000000006, "Latitude": 37.95, "Longitude": -122.54, "Population": 971.0}, {"index": 9358, "quantile": 0.5, "value": 435700.0, "Latitude": 37.95, "Longitude": -122.54, "Population": 971.0}, {"index": 9358, "quantile": 0.75, "value": 435700.0, "Latitude": 37.95, "Longitude": -122.54, "Population": 971.0}, {"index": 9358, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -122.54, "Population": 971.0}, {"index": 9359, "quantile": 0.0, "value": 365900.0, "Latitude": 37.95, "Longitude": -122.52, "Population": 1675.0}, {"index": 9359, "quantile": 0.25, "value": 454624.99999999994, "Latitude": 37.95, "Longitude": -122.52, "Population": 1675.0}, {"index": 9359, "quantile": 0.5, "value": 468800.0, "Latitude": 37.95, "Longitude": -122.52, "Population": 1675.0}, {"index": 9359, "quantile": 0.75, "value": 468800.0, "Latitude": 37.95, "Longitude": -122.52, "Population": 1675.0}, {"index": 9359, "quantile": 1.0, "value": 470500.0, "Latitude": 37.95, "Longitude": -122.52, "Population": 1675.0}, {"index": 9360, "quantile": 0.0, "value": 40000.0, "Latitude": 37.95, "Longitude": -122.53, "Population": 2980.0}, {"index": 9360, "quantile": 0.25, "value": 271300.0, "Latitude": 37.95, "Longitude": -122.53, "Population": 2980.0}, {"index": 9360, "quantile": 0.5, "value": 271300.0, "Latitude": 37.95, "Longitude": -122.53, "Population": 2980.0}, {"index": 9360, "quantile": 0.75, "value": 271300.0, "Latitude": 37.95, "Longitude": -122.53, "Population": 2980.0}, {"index": 9360, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -122.53, "Population": 2980.0}, {"index": 9361, "quantile": 0.0, "value": 319300.0, "Latitude": 37.96, "Longitude": -122.53, "Population": 1549.0}, {"index": 9361, "quantile": 0.25, "value": 470075.0, "Latitude": 37.96, "Longitude": -122.53, "Population": 1549.0}, {"index": 9361, "quantile": 0.5, "value": 470500.0, "Latitude": 37.96, "Longitude": -122.53, "Population": 1549.0}, {"index": 9361, "quantile": 0.75, "value": 470500.0, "Latitude": 37.96, "Longitude": -122.53, "Population": 1549.0}, {"index": 9361, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -122.53, "Population": 1549.0}, {"index": 9362, "quantile": 0.0, "value": 225000.0, "Latitude": 37.93, "Longitude": -122.53, "Population": 887.0}, {"index": 9362, "quantile": 0.25, "value": 358500.0, "Latitude": 37.93, "Longitude": -122.53, "Population": 887.0}, {"index": 9362, "quantile": 0.5, "value": 402400.0, "Latitude": 37.93, "Longitude": -122.53, "Population": 887.0}, {"index": 9362, "quantile": 0.75, "value": 445925.00000000006, "Latitude": 37.93, "Longitude": -122.53, "Population": 887.0}, {"index": 9362, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.93, "Longitude": -122.53, "Population": 887.0}, {"index": 9363, "quantile": 0.0, "value": 263200.0, "Latitude": 37.93, "Longitude": -122.54, "Population": 970.0}, {"index": 9363, "quantile": 0.25, "value": 408475.00000000006, "Latitude": 37.93, "Longitude": -122.54, "Population": 970.0}, {"index": 9363, "quantile": 0.5, "value": 431799.99999999994, "Latitude": 37.93, "Longitude": -122.54, "Population": 970.0}, {"index": 9363, "quantile": 0.75, "value": 431799.99999999994, "Latitude": 37.93, "Longitude": -122.54, "Population": 970.0}, {"index": 9363, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.93, "Longitude": -122.54, "Population": 970.0}, {"index": 9364, "quantile": 0.0, "value": 141600.0, "Latitude": 37.94, "Longitude": -122.54, "Population": 1519.0}, {"index": 9364, "quantile": 0.25, "value": 278150.00000000006, "Latitude": 37.94, "Longitude": -122.54, "Population": 1519.0}, {"index": 9364, "quantile": 0.5, "value": 337500.0, "Latitude": 37.94, "Longitude": -122.54, "Population": 1519.0}, {"index": 9364, "quantile": 0.75, "value": 442000.0, "Latitude": 37.94, "Longitude": -122.54, "Population": 1519.0}, {"index": 9364, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.54, "Population": 1519.0}, {"index": 9365, "quantile": 0.0, "value": 190800.0, "Latitude": 37.94, "Longitude": -122.54, "Population": 1550.0}, {"index": 9365, "quantile": 0.25, "value": 405500.0, "Latitude": 37.94, "Longitude": -122.54, "Population": 1550.0}, {"index": 9365, "quantile": 0.5, "value": 405500.0, "Latitude": 37.94, "Longitude": -122.54, "Population": 1550.0}, {"index": 9365, "quantile": 0.75, "value": 405500.0, "Latitude": 37.94, "Longitude": -122.54, "Population": 1550.0}, {"index": 9365, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.54, "Population": 1550.0}, {"index": 9366, "quantile": 0.0, "value": 175000.0, "Latitude": 37.94, "Longitude": -122.52, "Population": 600.0}, {"index": 9366, "quantile": 0.25, "value": 468100.0, "Latitude": 37.94, "Longitude": -122.52, "Population": 600.0}, {"index": 9366, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.52, "Population": 600.0}, {"index": 9366, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.52, "Population": 600.0}, {"index": 9366, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.52, "Population": 600.0}, {"index": 9367, "quantile": 0.0, "value": 87500.0, "Latitude": 37.94, "Longitude": -122.53, "Population": 384.0}, {"index": 9367, "quantile": 0.25, "value": 200000.0, "Latitude": 37.94, "Longitude": -122.53, "Population": 384.0}, {"index": 9367, "quantile": 0.5, "value": 200000.0, "Latitude": 37.94, "Longitude": -122.53, "Population": 384.0}, {"index": 9367, "quantile": 0.75, "value": 253600.0, "Latitude": 37.94, "Longitude": -122.53, "Population": 384.0}, {"index": 9367, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -122.53, "Population": 384.0}, {"index": 9368, "quantile": 0.0, "value": 184200.0, "Latitude": 37.93, "Longitude": -122.52, "Population": 1219.0}, {"index": 9368, "quantile": 0.25, "value": 333175.0, "Latitude": 37.93, "Longitude": -122.52, "Population": 1219.0}, {"index": 9368, "quantile": 0.5, "value": 333900.0, "Latitude": 37.93, "Longitude": -122.52, "Population": 1219.0}, {"index": 9368, "quantile": 0.75, "value": 333900.0, "Latitude": 37.93, "Longitude": -122.52, "Population": 1219.0}, {"index": 9368, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.93, "Longitude": -122.52, "Population": 1219.0}, {"index": 9369, "quantile": 0.0, "value": 200000.0, "Latitude": 37.92, "Longitude": -122.51, "Population": 1022.0}, {"index": 9369, "quantile": 0.25, "value": 311800.0, "Latitude": 37.92, "Longitude": -122.51, "Population": 1022.0}, {"index": 9369, "quantile": 0.5, "value": 383700.0, "Latitude": 37.92, "Longitude": -122.51, "Population": 1022.0}, {"index": 9369, "quantile": 0.75, "value": 459999.99999999994, "Latitude": 37.92, "Longitude": -122.51, "Population": 1022.0}, {"index": 9369, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.51, "Population": 1022.0}, {"index": 9370, "quantile": 0.0, "value": 281000.0, "Latitude": 37.92, "Longitude": -122.52, "Population": 163.0}, {"index": 9370, "quantile": 0.25, "value": 381800.0, "Latitude": 37.92, "Longitude": -122.52, "Population": 163.0}, {"index": 9370, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.52, "Population": 163.0}, {"index": 9370, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.52, "Population": 163.0}, {"index": 9370, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.52, "Population": 163.0}, {"index": 9371, "quantile": 0.0, "value": 210800.0, "Latitude": 37.92, "Longitude": -122.53, "Population": 723.0}, {"index": 9371, "quantile": 0.25, "value": 397200.00000000006, "Latitude": 37.92, "Longitude": -122.53, "Population": 723.0}, {"index": 9371, "quantile": 0.5, "value": 410500.00000000006, "Latitude": 37.92, "Longitude": -122.53, "Population": 723.0}, {"index": 9371, "quantile": 0.75, "value": 410500.00000000006, "Latitude": 37.92, "Longitude": -122.53, "Population": 723.0}, {"index": 9371, "quantile": 1.0, "value": 488999.99999999994, "Latitude": 37.92, "Longitude": -122.53, "Population": 723.0}, {"index": 9372, "quantile": 0.0, "value": 225000.0, "Latitude": 37.93, "Longitude": -122.53, "Population": 648.0}, {"index": 9372, "quantile": 0.25, "value": 310300.0, "Latitude": 37.93, "Longitude": -122.53, "Population": 648.0}, {"index": 9372, "quantile": 0.5, "value": 310300.0, "Latitude": 37.93, "Longitude": -122.53, "Population": 648.0}, {"index": 9372, "quantile": 0.75, "value": 337625.0, "Latitude": 37.93, "Longitude": -122.53, "Population": 648.0}, {"index": 9372, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.93, "Longitude": -122.53, "Population": 648.0}, {"index": 9373, "quantile": 0.0, "value": 178400.0, "Latitude": 37.92, "Longitude": -122.53, "Population": 608.0}, {"index": 9373, "quantile": 0.25, "value": 337225.0, "Latitude": 37.92, "Longitude": -122.53, "Population": 608.0}, {"index": 9373, "quantile": 0.5, "value": 390800.0, "Latitude": 37.92, "Longitude": -122.53, "Population": 608.0}, {"index": 9373, "quantile": 0.75, "value": 390800.0, "Latitude": 37.92, "Longitude": -122.53, "Population": 608.0}, {"index": 9373, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.53, "Population": 608.0}, {"index": 9374, "quantile": 0.0, "value": 252999.99999999997, "Latitude": 37.92, "Longitude": -122.52, "Population": 334.0}, {"index": 9374, "quantile": 0.25, "value": 317800.0, "Latitude": 37.92, "Longitude": -122.52, "Population": 334.0}, {"index": 9374, "quantile": 0.5, "value": 317800.0, "Latitude": 37.92, "Longitude": -122.52, "Population": 334.0}, {"index": 9374, "quantile": 0.75, "value": 341300.0, "Latitude": 37.92, "Longitude": -122.52, "Population": 334.0}, {"index": 9374, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.52, "Population": 334.0}, {"index": 9375, "quantile": 0.0, "value": 342200.0, "Latitude": 37.92, "Longitude": -122.5, "Population": 1013.0}, {"index": 9375, "quantile": 0.25, "value": 349200.0, "Latitude": 37.92, "Longitude": -122.5, "Population": 1013.0}, {"index": 9375, "quantile": 0.5, "value": 349200.0, "Latitude": 37.92, "Longitude": -122.5, "Population": 1013.0}, {"index": 9375, "quantile": 0.75, "value": 401474.99999999994, "Latitude": 37.92, "Longitude": -122.5, "Population": 1013.0}, {"index": 9375, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.5, "Population": 1013.0}, {"index": 9376, "quantile": 0.0, "value": 139100.0, "Latitude": 37.92, "Longitude": -122.5, "Population": 974.0}, {"index": 9376, "quantile": 0.25, "value": 251724.99999999997, "Latitude": 37.92, "Longitude": -122.5, "Population": 974.0}, {"index": 9376, "quantile": 0.5, "value": 308150.0, "Latitude": 37.92, "Longitude": -122.5, "Population": 974.0}, {"index": 9376, "quantile": 0.75, "value": 359200.0, "Latitude": 37.92, "Longitude": -122.5, "Population": 974.0}, {"index": 9376, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.5, "Population": 974.0}, {"index": 9377, "quantile": 0.0, "value": 179200.0, "Latitude": 37.92, "Longitude": -122.49, "Population": 849.0}, {"index": 9377, "quantile": 0.25, "value": 386200.0, "Latitude": 37.92, "Longitude": -122.49, "Population": 849.0}, {"index": 9377, "quantile": 0.5, "value": 386200.0, "Latitude": 37.92, "Longitude": -122.49, "Population": 849.0}, {"index": 9377, "quantile": 0.75, "value": 386200.0, "Latitude": 37.92, "Longitude": -122.49, "Population": 849.0}, {"index": 9377, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.49, "Population": 849.0}, {"index": 9378, "quantile": 0.0, "value": 175000.0, "Latitude": 37.91, "Longitude": -122.51, "Population": 203.0}, {"index": 9378, "quantile": 0.25, "value": 310000.0, "Latitude": 37.91, "Longitude": -122.51, "Population": 203.0}, {"index": 9378, "quantile": 0.5, "value": 310000.0, "Latitude": 37.91, "Longitude": -122.51, "Population": 203.0}, {"index": 9378, "quantile": 0.75, "value": 310000.0, "Latitude": 37.91, "Longitude": -122.51, "Population": 203.0}, {"index": 9378, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.51, "Population": 203.0}, {"index": 9379, "quantile": 0.0, "value": 112500.0, "Latitude": 37.93, "Longitude": -122.48, "Population": 1385.0}, {"index": 9379, "quantile": 0.25, "value": 272425.0, "Latitude": 37.93, "Longitude": -122.48, "Population": 1385.0}, {"index": 9379, "quantile": 0.5, "value": 318000.0, "Latitude": 37.93, "Longitude": -122.48, "Population": 1385.0}, {"index": 9379, "quantile": 0.75, "value": 318000.0, "Latitude": 37.93, "Longitude": -122.48, "Population": 1385.0}, {"index": 9379, "quantile": 1.0, "value": 417600.0, "Latitude": 37.93, "Longitude": -122.48, "Population": 1385.0}, {"index": 9380, "quantile": 0.0, "value": 410300.0, "Latitude": 37.88, "Longitude": -122.46, "Population": 812.0}, {"index": 9380, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.46, "Population": 812.0}, {"index": 9380, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.46, "Population": 812.0}, {"index": 9380, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.46, "Population": 812.0}, {"index": 9380, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.46, "Population": 812.0}, {"index": 9381, "quantile": 0.0, "value": 426100.0, "Latitude": 37.87, "Longitude": -122.47, "Population": 1315.0}, {"index": 9381, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.47, "Population": 1315.0}, {"index": 9381, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.47, "Population": 1315.0}, {"index": 9381, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.47, "Population": 1315.0}, {"index": 9381, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.47, "Population": 1315.0}, {"index": 9382, "quantile": 0.0, "value": 351200.0, "Latitude": 37.91, "Longitude": -122.45, "Population": 935.0}, {"index": 9382, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.45, "Population": 935.0}, {"index": 9382, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.45, "Population": 935.0}, {"index": 9382, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.45, "Population": 935.0}, {"index": 9382, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.45, "Population": 935.0}, {"index": 9383, "quantile": 0.0, "value": 263900.0, "Latitude": 37.91, "Longitude": -122.5, "Population": 2755.0}, {"index": 9383, "quantile": 0.25, "value": 400275.0, "Latitude": 37.91, "Longitude": -122.5, "Population": 2755.0}, {"index": 9383, "quantile": 0.5, "value": 441099.99999999994, "Latitude": 37.91, "Longitude": -122.5, "Population": 2755.0}, {"index": 9383, "quantile": 0.75, "value": 441099.99999999994, "Latitude": 37.91, "Longitude": -122.5, "Population": 2755.0}, {"index": 9383, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.5, "Population": 2755.0}, {"index": 9384, "quantile": 0.0, "value": 269800.0, "Latitude": 37.89, "Longitude": -122.49, "Population": 541.0}, {"index": 9384, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.49, "Population": 541.0}, {"index": 9384, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.49, "Population": 541.0}, {"index": 9384, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.49, "Population": 541.0}, {"index": 9384, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.49, "Population": 541.0}, {"index": 9385, "quantile": 0.0, "value": 176300.0, "Latitude": 37.89, "Longitude": -122.47, "Population": 3895.0}, {"index": 9385, "quantile": 0.25, "value": 369575.0, "Latitude": 37.89, "Longitude": -122.47, "Population": 3895.0}, {"index": 9385, "quantile": 0.5, "value": 413100.0, "Latitude": 37.89, "Longitude": -122.47, "Population": 3895.0}, {"index": 9385, "quantile": 0.75, "value": 439200.00000000006, "Latitude": 37.89, "Longitude": -122.47, "Population": 3895.0}, {"index": 9385, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.47, "Population": 3895.0}, {"index": 9386, "quantile": 0.0, "value": 228700.0, "Latitude": 37.9, "Longitude": -122.45, "Population": 1292.0}, {"index": 9386, "quantile": 0.25, "value": 470500.0, "Latitude": 37.9, "Longitude": -122.45, "Population": 1292.0}, {"index": 9386, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.45, "Population": 1292.0}, {"index": 9386, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.45, "Population": 1292.0}, {"index": 9386, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.45, "Population": 1292.0}, {"index": 9387, "quantile": 0.0, "value": 98300.0, "Latitude": 37.88, "Longitude": -122.5, "Population": 2100.0}, {"index": 9387, "quantile": 0.25, "value": 406075.00000000006, "Latitude": 37.88, "Longitude": -122.5, "Population": 2100.0}, {"index": 9387, "quantile": 0.5, "value": 474600.00000000006, "Latitude": 37.88, "Longitude": -122.5, "Population": 2100.0}, {"index": 9387, "quantile": 0.75, "value": 474600.00000000006, "Latitude": 37.88, "Longitude": -122.5, "Population": 2100.0}, {"index": 9387, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.5, "Population": 2100.0}, {"index": 9388, "quantile": 0.0, "value": 220100.0, "Latitude": 37.89, "Longitude": -122.51, "Population": 1233.0}, {"index": 9388, "quantile": 0.25, "value": 369300.0, "Latitude": 37.89, "Longitude": -122.51, "Population": 1233.0}, {"index": 9388, "quantile": 0.5, "value": 458300.0, "Latitude": 37.89, "Longitude": -122.51, "Population": 1233.0}, {"index": 9388, "quantile": 0.75, "value": 458300.0, "Latitude": 37.89, "Longitude": -122.51, "Population": 1233.0}, {"index": 9388, "quantile": 1.0, "value": 500000.0, "Latitude": 37.89, "Longitude": -122.51, "Population": 1233.0}, {"index": 9389, "quantile": 0.0, "value": 295200.0, "Latitude": 37.91, "Longitude": -122.53, "Population": 999.0}, {"index": 9389, "quantile": 0.25, "value": 369950.0, "Latitude": 37.91, "Longitude": -122.53, "Population": 999.0}, {"index": 9389, "quantile": 0.5, "value": 466150.0, "Latitude": 37.91, "Longitude": -122.53, "Population": 999.0}, {"index": 9389, "quantile": 0.75, "value": 470500.0, "Latitude": 37.91, "Longitude": -122.53, "Population": 999.0}, {"index": 9389, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.53, "Population": 999.0}, {"index": 9390, "quantile": 0.0, "value": 140800.0, "Latitude": 37.9, "Longitude": -122.53, "Population": 1232.0}, {"index": 9390, "quantile": 0.25, "value": 327200.0, "Latitude": 37.9, "Longitude": -122.53, "Population": 1232.0}, {"index": 9390, "quantile": 0.5, "value": 327200.0, "Latitude": 37.9, "Longitude": -122.53, "Population": 1232.0}, {"index": 9390, "quantile": 0.75, "value": 327200.0, "Latitude": 37.9, "Longitude": -122.53, "Population": 1232.0}, {"index": 9390, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.53, "Population": 1232.0}, {"index": 9391, "quantile": 0.0, "value": 175500.0, "Latitude": 37.9, "Longitude": -122.54, "Population": 937.0}, {"index": 9391, "quantile": 0.25, "value": 313600.0, "Latitude": 37.9, "Longitude": -122.54, "Population": 937.0}, {"index": 9391, "quantile": 0.5, "value": 361000.0, "Latitude": 37.9, "Longitude": -122.54, "Population": 937.0}, {"index": 9391, "quantile": 0.75, "value": 474600.00000000006, "Latitude": 37.9, "Longitude": -122.54, "Population": 937.0}, {"index": 9391, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.54, "Population": 937.0}, {"index": 9392, "quantile": 0.0, "value": 210800.0, "Latitude": 37.91, "Longitude": -122.54, "Population": 1159.0}, {"index": 9392, "quantile": 0.25, "value": 415299.99999999994, "Latitude": 37.91, "Longitude": -122.54, "Population": 1159.0}, {"index": 9392, "quantile": 0.5, "value": 488999.99999999994, "Latitude": 37.91, "Longitude": -122.54, "Population": 1159.0}, {"index": 9392, "quantile": 0.75, "value": 488999.99999999994, "Latitude": 37.91, "Longitude": -122.54, "Population": 1159.0}, {"index": 9392, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.54, "Population": 1159.0}, {"index": 9393, "quantile": 0.0, "value": 265600.0, "Latitude": 37.92, "Longitude": -122.55, "Population": 859.0}, {"index": 9393, "quantile": 0.25, "value": 413425.0, "Latitude": 37.92, "Longitude": -122.55, "Population": 859.0}, {"index": 9393, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.55, "Population": 859.0}, {"index": 9393, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.55, "Population": 859.0}, {"index": 9393, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.55, "Population": 859.0}, {"index": 9394, "quantile": 0.0, "value": 225000.0, "Latitude": 37.91, "Longitude": -122.52, "Population": 1818.0}, {"index": 9394, "quantile": 0.25, "value": 368975.0, "Latitude": 37.91, "Longitude": -122.52, "Population": 1818.0}, {"index": 9394, "quantile": 0.5, "value": 402900.0, "Latitude": 37.91, "Longitude": -122.52, "Population": 1818.0}, {"index": 9394, "quantile": 0.75, "value": 402900.0, "Latitude": 37.91, "Longitude": -122.52, "Population": 1818.0}, {"index": 9394, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.52, "Population": 1818.0}, {"index": 9395, "quantile": 0.0, "value": 114300.0, "Latitude": 37.89, "Longitude": -122.52, "Population": 1640.0}, {"index": 9395, "quantile": 0.25, "value": 274200.0, "Latitude": 37.89, "Longitude": -122.52, "Population": 1640.0}, {"index": 9395, "quantile": 0.5, "value": 417600.0, "Latitude": 37.89, "Longitude": -122.52, "Population": 1640.0}, {"index": 9395, "quantile": 0.75, "value": 417600.0, "Latitude": 37.89, "Longitude": -122.52, "Population": 1640.0}, {"index": 9395, "quantile": 1.0, "value": 417600.0, "Latitude": 37.89, "Longitude": -122.52, "Population": 1640.0}, {"index": 9396, "quantile": 0.0, "value": 134100.0, "Latitude": 37.9, "Longitude": -122.52, "Population": 689.0}, {"index": 9396, "quantile": 0.25, "value": 266675.0, "Latitude": 37.9, "Longitude": -122.52, "Population": 689.0}, {"index": 9396, "quantile": 0.5, "value": 267100.0, "Latitude": 37.9, "Longitude": -122.52, "Population": 689.0}, {"index": 9396, "quantile": 0.75, "value": 267100.0, "Latitude": 37.9, "Longitude": -122.52, "Population": 689.0}, {"index": 9396, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.52, "Population": 689.0}, {"index": 9397, "quantile": 0.0, "value": 139100.0, "Latitude": 37.9, "Longitude": -122.54, "Population": 1091.0}, {"index": 9397, "quantile": 0.25, "value": 310300.0, "Latitude": 37.9, "Longitude": -122.54, "Population": 1091.0}, {"index": 9397, "quantile": 0.5, "value": 348500.0, "Latitude": 37.9, "Longitude": -122.54, "Population": 1091.0}, {"index": 9397, "quantile": 0.75, "value": 443300.0, "Latitude": 37.9, "Longitude": -122.54, "Population": 1091.0}, {"index": 9397, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.54, "Population": 1091.0}, {"index": 9398, "quantile": 0.0, "value": 295200.0, "Latitude": 37.9, "Longitude": -122.55, "Population": 503.0}, {"index": 9398, "quantile": 0.25, "value": 365900.0, "Latitude": 37.9, "Longitude": -122.55, "Population": 503.0}, {"index": 9398, "quantile": 0.5, "value": 453950.00000000006, "Latitude": 37.9, "Longitude": -122.55, "Population": 503.0}, {"index": 9398, "quantile": 0.75, "value": 470500.0, "Latitude": 37.9, "Longitude": -122.55, "Population": 503.0}, {"index": 9398, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.55, "Population": 503.0}, {"index": 9399, "quantile": 0.0, "value": 295200.0, "Latitude": 37.9, "Longitude": -122.56, "Population": 641.0}, {"index": 9399, "quantile": 0.25, "value": 463500.0, "Latitude": 37.9, "Longitude": -122.56, "Population": 641.0}, {"index": 9399, "quantile": 0.5, "value": 463500.0, "Latitude": 37.9, "Longitude": -122.56, "Population": 641.0}, {"index": 9399, "quantile": 0.75, "value": 463500.0, "Latitude": 37.9, "Longitude": -122.56, "Population": 641.0}, {"index": 9399, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.56, "Population": 641.0}, {"index": 9400, "quantile": 0.0, "value": 270900.0, "Latitude": 37.91, "Longitude": -122.56, "Population": 755.0}, {"index": 9400, "quantile": 0.25, "value": 453475.0, "Latitude": 37.91, "Longitude": -122.56, "Population": 755.0}, {"index": 9400, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.56, "Population": 755.0}, {"index": 9400, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.56, "Population": 755.0}, {"index": 9400, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.56, "Population": 755.0}, {"index": 9401, "quantile": 0.0, "value": 353600.0, "Latitude": 37.92, "Longitude": -122.56, "Population": 721.0}, {"index": 9401, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.56, "Population": 721.0}, {"index": 9401, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.56, "Population": 721.0}, {"index": 9401, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.56, "Population": 721.0}, {"index": 9401, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.92, "Longitude": -122.56, "Population": 721.0}, {"index": 9402, "quantile": 0.0, "value": 209100.00000000003, "Latitude": 37.91, "Longitude": -122.55, "Population": 567.0}, {"index": 9402, "quantile": 0.25, "value": 349625.0, "Latitude": 37.91, "Longitude": -122.55, "Population": 567.0}, {"index": 9402, "quantile": 0.5, "value": 459999.99999999994, "Latitude": 37.91, "Longitude": -122.55, "Population": 567.0}, {"index": 9402, "quantile": 0.75, "value": 459999.99999999994, "Latitude": 37.91, "Longitude": -122.55, "Population": 567.0}, {"index": 9402, "quantile": 1.0, "value": 459999.99999999994, "Latitude": 37.91, "Longitude": -122.55, "Population": 567.0}, {"index": 9403, "quantile": 0.0, "value": 250000.0, "Latitude": 37.88, "Longitude": -122.53, "Population": 1913.0}, {"index": 9403, "quantile": 0.25, "value": 413100.0, "Latitude": 37.88, "Longitude": -122.53, "Population": 1913.0}, {"index": 9403, "quantile": 0.5, "value": 413100.0, "Latitude": 37.88, "Longitude": -122.53, "Population": 1913.0}, {"index": 9403, "quantile": 0.75, "value": 414400.0, "Latitude": 37.88, "Longitude": -122.53, "Population": 1913.0}, {"index": 9403, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.53, "Population": 1913.0}, {"index": 9404, "quantile": 0.0, "value": 235500.0, "Latitude": 37.88, "Longitude": -122.54, "Population": 1775.0}, {"index": 9404, "quantile": 0.25, "value": 414400.0, "Latitude": 37.88, "Longitude": -122.54, "Population": 1775.0}, {"index": 9404, "quantile": 0.5, "value": 414400.0, "Latitude": 37.88, "Longitude": -122.54, "Population": 1775.0}, {"index": 9404, "quantile": 0.75, "value": 414400.0, "Latitude": 37.88, "Longitude": -122.54, "Population": 1775.0}, {"index": 9404, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.54, "Population": 1775.0}, {"index": 9405, "quantile": 0.0, "value": 250000.0, "Latitude": 37.87, "Longitude": -122.53, "Population": 658.0}, {"index": 9405, "quantile": 0.25, "value": 381650.0, "Latitude": 37.87, "Longitude": -122.53, "Population": 658.0}, {"index": 9405, "quantile": 0.5, "value": 400000.0, "Latitude": 37.87, "Longitude": -122.53, "Population": 658.0}, {"index": 9405, "quantile": 0.75, "value": 400000.0, "Latitude": 37.87, "Longitude": -122.53, "Population": 658.0}, {"index": 9405, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.53, "Population": 658.0}, {"index": 9406, "quantile": 0.0, "value": 145800.0, "Latitude": 37.88, "Longitude": -122.53, "Population": 1064.0}, {"index": 9406, "quantile": 0.25, "value": 308600.0, "Latitude": 37.88, "Longitude": -122.53, "Population": 1064.0}, {"index": 9406, "quantile": 0.5, "value": 308600.0, "Latitude": 37.88, "Longitude": -122.53, "Population": 1064.0}, {"index": 9406, "quantile": 0.75, "value": 308600.0, "Latitude": 37.88, "Longitude": -122.53, "Population": 1064.0}, {"index": 9406, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.53, "Population": 1064.0}, {"index": 9407, "quantile": 0.0, "value": 249300.0, "Latitude": 37.9, "Longitude": -122.56, "Population": 562.0}, {"index": 9407, "quantile": 0.25, "value": 402400.0, "Latitude": 37.9, "Longitude": -122.56, "Population": 562.0}, {"index": 9407, "quantile": 0.5, "value": 402400.0, "Latitude": 37.9, "Longitude": -122.56, "Population": 562.0}, {"index": 9407, "quantile": 0.75, "value": 402400.0, "Latitude": 37.9, "Longitude": -122.56, "Population": 562.0}, {"index": 9407, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.56, "Population": 562.0}, {"index": 9408, "quantile": 0.0, "value": 268800.0, "Latitude": 37.89, "Longitude": -122.54, "Population": 1907.0}, {"index": 9408, "quantile": 0.25, "value": 356900.0, "Latitude": 37.89, "Longitude": -122.54, "Population": 1907.0}, {"index": 9408, "quantile": 0.5, "value": 402900.0, "Latitude": 37.89, "Longitude": -122.54, "Population": 1907.0}, {"index": 9408, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.54, "Population": 1907.0}, {"index": 9408, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.54, "Population": 1907.0}, {"index": 9409, "quantile": 0.0, "value": 265600.0, "Latitude": 37.89, "Longitude": -122.53, "Population": 1596.0}, {"index": 9409, "quantile": 0.25, "value": 352100.0, "Latitude": 37.89, "Longitude": -122.53, "Population": 1596.0}, {"index": 9409, "quantile": 0.5, "value": 434300.0, "Latitude": 37.89, "Longitude": -122.53, "Population": 1596.0}, {"index": 9409, "quantile": 0.75, "value": 488999.99999999994, "Latitude": 37.89, "Longitude": -122.53, "Population": 1596.0}, {"index": 9409, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.89, "Longitude": -122.53, "Population": 1596.0}, {"index": 9410, "quantile": 0.0, "value": 87500.0, "Latitude": 37.9, "Longitude": -122.56, "Population": 75.0}, {"index": 9410, "quantile": 0.25, "value": 350000.0, "Latitude": 37.9, "Longitude": -122.56, "Population": 75.0}, {"index": 9410, "quantile": 0.5, "value": 362500.0, "Latitude": 37.9, "Longitude": -122.56, "Population": 75.0}, {"index": 9410, "quantile": 0.75, "value": 362500.0, "Latitude": 37.9, "Longitude": -122.56, "Population": 75.0}, {"index": 9410, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.56, "Population": 75.0}, {"index": 9411, "quantile": 0.0, "value": 87500.0, "Latitude": 37.87, "Longitude": -122.51, "Population": 1949.0}, {"index": 9411, "quantile": 0.25, "value": 258400.0, "Latitude": 37.87, "Longitude": -122.51, "Population": 1949.0}, {"index": 9411, "quantile": 0.5, "value": 258400.0, "Latitude": 37.87, "Longitude": -122.51, "Population": 1949.0}, {"index": 9411, "quantile": 0.75, "value": 258400.0, "Latitude": 37.87, "Longitude": -122.51, "Population": 1949.0}, {"index": 9411, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.51, "Population": 1949.0}, {"index": 9412, "quantile": 0.0, "value": 60000.0, "Latitude": 37.85, "Longitude": -122.47, "Population": 881.0}, {"index": 9412, "quantile": 0.25, "value": 187500.0, "Latitude": 37.85, "Longitude": -122.47, "Population": 881.0}, {"index": 9412, "quantile": 0.5, "value": 258400.0, "Latitude": 37.85, "Longitude": -122.47, "Population": 881.0}, {"index": 9412, "quantile": 0.75, "value": 322200.0, "Latitude": 37.85, "Longitude": -122.47, "Population": 881.0}, {"index": 9412, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.47, "Population": 881.0}, {"index": 9413, "quantile": 0.0, "value": 187800.0, "Latitude": 37.87, "Longitude": -122.5, "Population": 1650.0}, {"index": 9413, "quantile": 0.25, "value": 346100.0, "Latitude": 37.87, "Longitude": -122.5, "Population": 1650.0}, {"index": 9413, "quantile": 0.5, "value": 346100.0, "Latitude": 37.87, "Longitude": -122.5, "Population": 1650.0}, {"index": 9413, "quantile": 0.75, "value": 349825.0, "Latitude": 37.87, "Longitude": -122.5, "Population": 1650.0}, {"index": 9413, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -122.5, "Population": 1650.0}, {"index": 9414, "quantile": 0.0, "value": 295200.0, "Latitude": 37.86, "Longitude": -122.49, "Population": 969.0}, {"index": 9414, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.49, "Population": 969.0}, {"index": 9414, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.49, "Population": 969.0}, {"index": 9414, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.49, "Population": 969.0}, {"index": 9414, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.49, "Population": 969.0}, {"index": 9415, "quantile": 0.0, "value": 112500.0, "Latitude": 37.86, "Longitude": -122.49, "Population": 809.0}, {"index": 9415, "quantile": 0.25, "value": 442000.0, "Latitude": 37.86, "Longitude": -122.49, "Population": 809.0}, {"index": 9415, "quantile": 0.5, "value": 442000.0, "Latitude": 37.86, "Longitude": -122.49, "Population": 809.0}, {"index": 9415, "quantile": 0.75, "value": 442000.0, "Latitude": 37.86, "Longitude": -122.49, "Population": 809.0}, {"index": 9415, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.49, "Population": 809.0}, {"index": 9416, "quantile": 0.0, "value": 302100.0, "Latitude": 37.86, "Longitude": -122.48, "Population": 1177.0}, {"index": 9416, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.48, "Population": 1177.0}, {"index": 9416, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.48, "Population": 1177.0}, {"index": 9416, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.48, "Population": 1177.0}, {"index": 9416, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.48, "Population": 1177.0}, {"index": 9417, "quantile": 0.0, "value": 295200.0, "Latitude": 37.85, "Longitude": -122.48, "Population": 2096.0}, {"index": 9417, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.48, "Population": 2096.0}, {"index": 9417, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.48, "Population": 2096.0}, {"index": 9417, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.48, "Population": 2096.0}, {"index": 9417, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.48, "Population": 2096.0}, {"index": 9418, "quantile": 0.0, "value": 281000.0, "Latitude": 37.85, "Longitude": -122.49, "Population": 63.0}, {"index": 9418, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.49, "Population": 63.0}, {"index": 9418, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.49, "Population": 63.0}, {"index": 9418, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.49, "Population": 63.0}, {"index": 9418, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.49, "Population": 63.0}, {"index": 9419, "quantile": 0.0, "value": 178400.0, "Latitude": 37.88, "Longitude": -122.52, "Population": 88.0}, {"index": 9419, "quantile": 0.25, "value": 275000.0, "Latitude": 37.88, "Longitude": -122.52, "Population": 88.0}, {"index": 9419, "quantile": 0.5, "value": 275000.0, "Latitude": 37.88, "Longitude": -122.52, "Population": 88.0}, {"index": 9419, "quantile": 0.75, "value": 386225.0, "Latitude": 37.88, "Longitude": -122.52, "Population": 88.0}, {"index": 9419, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.52, "Population": 88.0}, {"index": 9420, "quantile": 0.0, "value": 316700.0, "Latitude": 37.85, "Longitude": -122.62, "Population": 358.0}, {"index": 9420, "quantile": 0.25, "value": 467525.0, "Latitude": 37.85, "Longitude": -122.62, "Population": 358.0}, {"index": 9420, "quantile": 0.5, "value": 493800.0, "Latitude": 37.85, "Longitude": -122.62, "Population": 358.0}, {"index": 9420, "quantile": 0.75, "value": 493800.0, "Latitude": 37.85, "Longitude": -122.62, "Population": 358.0}, {"index": 9420, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.85, "Longitude": -122.62, "Population": 358.0}, {"index": 9421, "quantile": 0.0, "value": 156300.0, "Latitude": 37.86, "Longitude": -122.53, "Population": 628.0}, {"index": 9421, "quantile": 0.25, "value": 318574.99999999994, "Latitude": 37.86, "Longitude": -122.53, "Population": 628.0}, {"index": 9421, "quantile": 0.5, "value": 478599.99999999994, "Latitude": 37.86, "Longitude": -122.53, "Population": 628.0}, {"index": 9421, "quantile": 0.75, "value": 478599.99999999994, "Latitude": 37.86, "Longitude": -122.53, "Population": 628.0}, {"index": 9421, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.86, "Longitude": -122.53, "Population": 628.0}, {"index": 9422, "quantile": 0.0, "value": 112500.0, "Latitude": 37.93, "Longitude": -122.66, "Population": 553.0}, {"index": 9422, "quantile": 0.25, "value": 350000.0, "Latitude": 37.93, "Longitude": -122.66, "Population": 553.0}, {"index": 9422, "quantile": 0.5, "value": 350000.0, "Latitude": 37.93, "Longitude": -122.66, "Population": 553.0}, {"index": 9422, "quantile": 0.75, "value": 350000.0, "Latitude": 37.93, "Longitude": -122.66, "Population": 553.0}, {"index": 9422, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.93, "Longitude": -122.66, "Population": 553.0}, {"index": 9423, "quantile": 0.0, "value": 216100.0, "Latitude": 37.88, "Longitude": -122.71, "Population": 599.0}, {"index": 9423, "quantile": 0.25, "value": 380975.0, "Latitude": 37.88, "Longitude": -122.71, "Population": 599.0}, {"index": 9423, "quantile": 0.5, "value": 495800.0, "Latitude": 37.88, "Longitude": -122.71, "Population": 599.0}, {"index": 9423, "quantile": 0.75, "value": 495800.0, "Latitude": 37.88, "Longitude": -122.71, "Population": 599.0}, {"index": 9423, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -122.71, "Population": 599.0}, {"index": 9424, "quantile": 0.0, "value": 238700.0, "Latitude": 37.91, "Longitude": -122.69, "Population": 629.0}, {"index": 9424, "quantile": 0.25, "value": 238700.0, "Latitude": 37.91, "Longitude": -122.69, "Population": 629.0}, {"index": 9424, "quantile": 0.5, "value": 238700.0, "Latitude": 37.91, "Longitude": -122.69, "Population": 629.0}, {"index": 9424, "quantile": 0.75, "value": 350000.0, "Latitude": 37.91, "Longitude": -122.69, "Population": 629.0}, {"index": 9424, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -122.69, "Population": 629.0}, {"index": 9425, "quantile": 0.0, "value": 40000.0, "Latitude": 37.9, "Longitude": -122.71, "Population": 437.0}, {"index": 9425, "quantile": 0.25, "value": 242600.00000000003, "Latitude": 37.9, "Longitude": -122.71, "Population": 437.0}, {"index": 9425, "quantile": 0.5, "value": 242600.00000000003, "Latitude": 37.9, "Longitude": -122.71, "Population": 437.0}, {"index": 9425, "quantile": 0.75, "value": 287950.0, "Latitude": 37.9, "Longitude": -122.71, "Population": 437.0}, {"index": 9425, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -122.71, "Population": 437.0}, {"index": 9426, "quantile": 0.0, "value": 81800.0, "Latitude": 38.1, "Longitude": -122.86, "Population": 691.0}, {"index": 9426, "quantile": 0.25, "value": 237150.00000000003, "Latitude": 38.1, "Longitude": -122.86, "Population": 691.0}, {"index": 9426, "quantile": 0.5, "value": 270700.0, "Latitude": 38.1, "Longitude": -122.86, "Population": 691.0}, {"index": 9426, "quantile": 0.75, "value": 304700.0, "Latitude": 38.1, "Longitude": -122.86, "Population": 691.0}, {"index": 9426, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.1, "Longitude": -122.86, "Population": 691.0}, {"index": 9427, "quantile": 0.0, "value": 135500.0, "Latitude": 38.07, "Longitude": -122.84, "Population": 701.0}, {"index": 9427, "quantile": 0.25, "value": 253100.0, "Latitude": 38.07, "Longitude": -122.84, "Population": 701.0}, {"index": 9427, "quantile": 0.5, "value": 270700.0, "Latitude": 38.07, "Longitude": -122.84, "Population": 701.0}, {"index": 9427, "quantile": 0.75, "value": 270700.0, "Latitude": 38.07, "Longitude": -122.84, "Population": 701.0}, {"index": 9427, "quantile": 1.0, "value": 348200.0, "Latitude": 38.07, "Longitude": -122.84, "Population": 701.0}, {"index": 9428, "quantile": 0.0, "value": 168300.0, "Latitude": 38.02, "Longitude": -122.93, "Population": 628.0}, {"index": 9428, "quantile": 0.25, "value": 200000.0, "Latitude": 38.02, "Longitude": -122.93, "Population": 628.0}, {"index": 9428, "quantile": 0.5, "value": 200000.0, "Latitude": 38.02, "Longitude": -122.93, "Population": 628.0}, {"index": 9428, "quantile": 0.75, "value": 200000.0, "Latitude": 38.02, "Longitude": -122.93, "Population": 628.0}, {"index": 9428, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 38.02, "Longitude": -122.93, "Population": 628.0}, {"index": 9429, "quantile": 0.0, "value": 155100.0, "Latitude": 38.07, "Longitude": -122.68, "Population": 510.0}, {"index": 9429, "quantile": 0.25, "value": 365500.0, "Latitude": 38.07, "Longitude": -122.68, "Population": 510.0}, {"index": 9429, "quantile": 0.5, "value": 430000.0, "Latitude": 38.07, "Longitude": -122.68, "Population": 510.0}, {"index": 9429, "quantile": 0.75, "value": 430000.0, "Latitude": 38.07, "Longitude": -122.68, "Population": 510.0}, {"index": 9429, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.07, "Longitude": -122.68, "Population": 510.0}, {"index": 9430, "quantile": 0.0, "value": 65500.0, "Latitude": 38.28, "Longitude": -122.9, "Population": 627.0}, {"index": 9430, "quantile": 0.25, "value": 163500.0, "Latitude": 38.28, "Longitude": -122.9, "Population": 627.0}, {"index": 9430, "quantile": 0.5, "value": 163500.0, "Latitude": 38.28, "Longitude": -122.9, "Population": 627.0}, {"index": 9430, "quantile": 0.75, "value": 163500.0, "Latitude": 38.28, "Longitude": -122.9, "Population": 627.0}, {"index": 9430, "quantile": 1.0, "value": 275000.0, "Latitude": 38.28, "Longitude": -122.9, "Population": 627.0}, {"index": 9431, "quantile": 0.0, "value": 73400.0, "Latitude": 38.26, "Longitude": -122.96, "Population": 308.0}, {"index": 9431, "quantile": 0.25, "value": 214874.99999999997, "Latitude": 38.26, "Longitude": -122.96, "Population": 308.0}, {"index": 9431, "quantile": 0.5, "value": 240899.99999999997, "Latitude": 38.26, "Longitude": -122.96, "Population": 308.0}, {"index": 9431, "quantile": 0.75, "value": 240899.99999999997, "Latitude": 38.26, "Longitude": -122.96, "Population": 308.0}, {"index": 9431, "quantile": 1.0, "value": 370800.0, "Latitude": 38.26, "Longitude": -122.96, "Population": 308.0}, {"index": 9432, "quantile": 0.0, "value": 71700.0, "Latitude": 38.08, "Longitude": -122.81, "Population": 815.0}, {"index": 9432, "quantile": 0.25, "value": 163200.0, "Latitude": 38.08, "Longitude": -122.81, "Population": 815.0}, {"index": 9432, "quantile": 0.5, "value": 192150.0, "Latitude": 38.08, "Longitude": -122.81, "Population": 815.0}, {"index": 9432, "quantile": 0.75, "value": 216000.0, "Latitude": 38.08, "Longitude": -122.81, "Population": 815.0}, {"index": 9432, "quantile": 1.0, "value": 350800.0, "Latitude": 38.08, "Longitude": -122.81, "Population": 815.0}, {"index": 9433, "quantile": 0.0, "value": 164700.0, "Latitude": 38.18, "Longitude": -122.8, "Population": 957.0}, {"index": 9433, "quantile": 0.25, "value": 253100.0, "Latitude": 38.18, "Longitude": -122.8, "Population": 957.0}, {"index": 9433, "quantile": 0.5, "value": 253100.0, "Latitude": 38.18, "Longitude": -122.8, "Population": 957.0}, {"index": 9433, "quantile": 0.75, "value": 262500.0, "Latitude": 38.18, "Longitude": -122.8, "Population": 957.0}, {"index": 9433, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 38.18, "Longitude": -122.8, "Population": 957.0}, {"index": 9434, "quantile": 0.0, "value": 47100.0, "Latitude": 37.53, "Longitude": -120.19, "Population": 706.0}, {"index": 9434, "quantile": 0.25, "value": 71300.0, "Latitude": 37.53, "Longitude": -120.19, "Population": 706.0}, {"index": 9434, "quantile": 0.5, "value": 71300.0, "Latitude": 37.53, "Longitude": -120.19, "Population": 706.0}, {"index": 9434, "quantile": 0.75, "value": 80250.0, "Latitude": 37.53, "Longitude": -120.19, "Population": 706.0}, {"index": 9434, "quantile": 1.0, "value": 181300.0, "Latitude": 37.53, "Longitude": -120.19, "Population": 706.0}, {"index": 9435, "quantile": 0.0, "value": 70700.0, "Latitude": 37.57, "Longitude": -120.02, "Population": 909.0}, {"index": 9435, "quantile": 0.25, "value": 113100.0, "Latitude": 37.57, "Longitude": -120.02, "Population": 909.0}, {"index": 9435, "quantile": 0.5, "value": 113100.0, "Latitude": 37.57, "Longitude": -120.02, "Population": 909.0}, {"index": 9435, "quantile": 0.75, "value": 113100.0, "Latitude": 37.57, "Longitude": -120.02, "Population": 909.0}, {"index": 9435, "quantile": 1.0, "value": 180500.0, "Latitude": 37.57, "Longitude": -120.02, "Population": 909.0}, {"index": 9436, "quantile": 0.0, "value": 65200.0, "Latitude": 37.51, "Longitude": -119.99, "Population": 1011.0}, {"index": 9436, "quantile": 0.25, "value": 103800.0, "Latitude": 37.51, "Longitude": -119.99, "Population": 1011.0}, {"index": 9436, "quantile": 0.5, "value": 103800.0, "Latitude": 37.51, "Longitude": -119.99, "Population": 1011.0}, {"index": 9436, "quantile": 0.75, "value": 103800.0, "Latitude": 37.51, "Longitude": -119.99, "Population": 1011.0}, {"index": 9436, "quantile": 1.0, "value": 198200.0, "Latitude": 37.51, "Longitude": -119.99, "Population": 1011.0}, {"index": 9437, "quantile": 0.0, "value": 47100.0, "Latitude": 37.47, "Longitude": -119.95, "Population": 600.0}, {"index": 9437, "quantile": 0.25, "value": 91500.0, "Latitude": 37.47, "Longitude": -119.95, "Population": 600.0}, {"index": 9437, "quantile": 0.5, "value": 91500.0, "Latitude": 37.47, "Longitude": -119.95, "Population": 600.0}, {"index": 9437, "quantile": 0.75, "value": 91500.0, "Latitude": 37.47, "Longitude": -119.95, "Population": 600.0}, {"index": 9437, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -119.95, "Population": 600.0}, {"index": 9438, "quantile": 0.0, "value": 63300.0, "Latitude": 37.43, "Longitude": -119.98, "Population": 1236.0}, {"index": 9438, "quantile": 0.25, "value": 105000.0, "Latitude": 37.43, "Longitude": -119.98, "Population": 1236.0}, {"index": 9438, "quantile": 0.5, "value": 105000.0, "Latitude": 37.43, "Longitude": -119.98, "Population": 1236.0}, {"index": 9438, "quantile": 0.75, "value": 105000.0, "Latitude": 37.43, "Longitude": -119.98, "Population": 1236.0}, {"index": 9438, "quantile": 1.0, "value": 201300.0, "Latitude": 37.43, "Longitude": -119.98, "Population": 1236.0}, {"index": 9439, "quantile": 0.0, "value": 47100.0, "Latitude": 37.34, "Longitude": -120.07, "Population": 762.0}, {"index": 9439, "quantile": 0.25, "value": 87500.0, "Latitude": 37.34, "Longitude": -120.07, "Population": 762.0}, {"index": 9439, "quantile": 0.5, "value": 87500.0, "Latitude": 37.34, "Longitude": -120.07, "Population": 762.0}, {"index": 9439, "quantile": 0.75, "value": 87500.0, "Latitude": 37.34, "Longitude": -120.07, "Population": 762.0}, {"index": 9439, "quantile": 1.0, "value": 154900.0, "Latitude": 37.34, "Longitude": -120.07, "Population": 762.0}, {"index": 9440, "quantile": 0.0, "value": 81500.0, "Latitude": 37.64, "Longitude": -120.31, "Population": 890.0}, {"index": 9440, "quantile": 0.25, "value": 120800.0, "Latitude": 37.64, "Longitude": -120.31, "Population": 890.0}, {"index": 9440, "quantile": 0.5, "value": 120800.0, "Latitude": 37.64, "Longitude": -120.31, "Population": 890.0}, {"index": 9440, "quantile": 0.75, "value": 120800.0, "Latitude": 37.64, "Longitude": -120.31, "Population": 890.0}, {"index": 9440, "quantile": 1.0, "value": 162500.0, "Latitude": 37.64, "Longitude": -120.31, "Population": 890.0}, {"index": 9441, "quantile": 0.0, "value": 60900.0, "Latitude": 37.69, "Longitude": -120.15, "Population": 369.0}, {"index": 9441, "quantile": 0.25, "value": 70200.0, "Latitude": 37.69, "Longitude": -120.15, "Population": 369.0}, {"index": 9441, "quantile": 0.5, "value": 70200.0, "Latitude": 37.69, "Longitude": -120.15, "Population": 369.0}, {"index": 9441, "quantile": 0.75, "value": 105150.00000000001, "Latitude": 37.69, "Longitude": -120.15, "Population": 369.0}, {"index": 9441, "quantile": 1.0, "value": 268800.0, "Latitude": 37.69, "Longitude": -120.15, "Population": 369.0}, {"index": 9442, "quantile": 0.0, "value": 53200.0, "Latitude": 37.72, "Longitude": -120.02, "Population": 990.0}, {"index": 9442, "quantile": 0.25, "value": 88100.0, "Latitude": 37.72, "Longitude": -120.02, "Population": 990.0}, {"index": 9442, "quantile": 0.5, "value": 88100.0, "Latitude": 37.72, "Longitude": -120.02, "Population": 990.0}, {"index": 9442, "quantile": 0.75, "value": 104200.0, "Latitude": 37.72, "Longitude": -120.02, "Population": 990.0}, {"index": 9442, "quantile": 1.0, "value": 247000.00000000003, "Latitude": 37.72, "Longitude": -120.02, "Population": 990.0}, {"index": 9443, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 37.67, "Longitude": -119.81, "Population": 79.0}, {"index": 9443, "quantile": 0.25, "value": 87500.0, "Latitude": 37.67, "Longitude": -119.81, "Population": 79.0}, {"index": 9443, "quantile": 0.5, "value": 108000.0, "Latitude": 37.67, "Longitude": -119.81, "Population": 79.0}, {"index": 9443, "quantile": 0.75, "value": 147375.0, "Latitude": 37.67, "Longitude": -119.81, "Population": 79.0}, {"index": 9443, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.67, "Longitude": -119.81, "Population": 79.0}, {"index": 9444, "quantile": 0.0, "value": 72500.0, "Latitude": 37.57, "Longitude": -119.82, "Population": 643.0}, {"index": 9444, "quantile": 0.25, "value": 92400.0, "Latitude": 37.57, "Longitude": -119.82, "Population": 643.0}, {"index": 9444, "quantile": 0.5, "value": 92400.0, "Latitude": 37.57, "Longitude": -119.82, "Population": 643.0}, {"index": 9444, "quantile": 0.75, "value": 107800.0, "Latitude": 37.57, "Longitude": -119.82, "Population": 643.0}, {"index": 9444, "quantile": 1.0, "value": 162500.0, "Latitude": 37.57, "Longitude": -119.82, "Population": 643.0}, {"index": 9445, "quantile": 0.0, "value": 69100.0, "Latitude": 37.49, "Longitude": -119.9, "Population": 920.0}, {"index": 9445, "quantile": 0.25, "value": 96000.0, "Latitude": 37.49, "Longitude": -119.9, "Population": 920.0}, {"index": 9445, "quantile": 0.5, "value": 105000.0, "Latitude": 37.49, "Longitude": -119.9, "Population": 920.0}, {"index": 9445, "quantile": 0.75, "value": 120425.0, "Latitude": 37.49, "Longitude": -119.9, "Population": 920.0}, {"index": 9445, "quantile": 1.0, "value": 165000.0, "Latitude": 37.49, "Longitude": -119.9, "Population": 920.0}, {"index": 9446, "quantile": 0.0, "value": 53200.0, "Latitude": 37.48, "Longitude": -119.84, "Population": 1087.0}, {"index": 9446, "quantile": 0.25, "value": 104200.0, "Latitude": 37.48, "Longitude": -119.84, "Population": 1087.0}, {"index": 9446, "quantile": 0.5, "value": 104200.0, "Latitude": 37.48, "Longitude": -119.84, "Population": 1087.0}, {"index": 9446, "quantile": 0.75, "value": 104200.0, "Latitude": 37.48, "Longitude": -119.84, "Population": 1087.0}, {"index": 9446, "quantile": 1.0, "value": 137500.0, "Latitude": 37.48, "Longitude": -119.84, "Population": 1087.0}, {"index": 9447, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 37.5, "Longitude": -119.8, "Population": 406.0}, {"index": 9447, "quantile": 0.25, "value": 101899.99999999999, "Latitude": 37.5, "Longitude": -119.8, "Population": 406.0}, {"index": 9447, "quantile": 0.5, "value": 119800.0, "Latitude": 37.5, "Longitude": -119.8, "Population": 406.0}, {"index": 9447, "quantile": 0.75, "value": 129400.0, "Latitude": 37.5, "Longitude": -119.8, "Population": 406.0}, {"index": 9447, "quantile": 1.0, "value": 221400.0, "Latitude": 37.5, "Longitude": -119.8, "Population": 406.0}, {"index": 9448, "quantile": 0.0, "value": 69100.0, "Latitude": 37.46, "Longitude": -119.72, "Population": 750.0}, {"index": 9448, "quantile": 0.25, "value": 96000.0, "Latitude": 37.46, "Longitude": -119.72, "Population": 750.0}, {"index": 9448, "quantile": 0.5, "value": 96000.0, "Latitude": 37.46, "Longitude": -119.72, "Population": 750.0}, {"index": 9448, "quantile": 0.75, "value": 105475.00000000001, "Latitude": 37.46, "Longitude": -119.72, "Population": 750.0}, {"index": 9448, "quantile": 1.0, "value": 162500.0, "Latitude": 37.46, "Longitude": -119.72, "Population": 750.0}, {"index": 9449, "quantile": 0.0, "value": 79700.0, "Latitude": 37.39, "Longitude": -119.85, "Population": 1153.0}, {"index": 9449, "quantile": 0.25, "value": 106950.00000000001, "Latitude": 37.39, "Longitude": -119.85, "Population": 1153.0}, {"index": 9449, "quantile": 0.5, "value": 111100.0, "Latitude": 37.39, "Longitude": -119.85, "Population": 1153.0}, {"index": 9449, "quantile": 0.75, "value": 111100.0, "Latitude": 37.39, "Longitude": -119.85, "Population": 1153.0}, {"index": 9449, "quantile": 1.0, "value": 139700.0, "Latitude": 37.39, "Longitude": -119.85, "Population": 1153.0}, {"index": 9450, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 37.75, "Longitude": -119.55, "Population": 1500.0}, {"index": 9450, "quantile": 0.25, "value": 55900.00000000001, "Latitude": 37.75, "Longitude": -119.55, "Population": 1500.0}, {"index": 9450, "quantile": 0.5, "value": 55900.00000000001, "Latitude": 37.75, "Longitude": -119.55, "Population": 1500.0}, {"index": 9450, "quantile": 0.75, "value": 87800.0, "Latitude": 37.75, "Longitude": -119.55, "Population": 1500.0}, {"index": 9450, "quantile": 1.0, "value": 180400.0, "Latitude": 37.75, "Longitude": -119.55, "Population": 1500.0}, {"index": 9451, "quantile": 0.0, "value": 37500.0, "Latitude": 37.61, "Longitude": -119.64, "Population": 291.0}, {"index": 9451, "quantile": 0.25, "value": 116900.0, "Latitude": 37.61, "Longitude": -119.64, "Population": 291.0}, {"index": 9451, "quantile": 0.5, "value": 130000.0, "Latitude": 37.61, "Longitude": -119.64, "Population": 291.0}, {"index": 9451, "quantile": 0.75, "value": 238000.0, "Latitude": 37.61, "Longitude": -119.64, "Population": 291.0}, {"index": 9451, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.61, "Longitude": -119.64, "Population": 291.0}, {"index": 9452, "quantile": 0.0, "value": 61300.0, "Latitude": 39.74, "Longitude": -123.15, "Population": 281.0}, {"index": 9452, "quantile": 0.25, "value": 70000.0, "Latitude": 39.74, "Longitude": -123.15, "Population": 281.0}, {"index": 9452, "quantile": 0.5, "value": 70000.0, "Latitude": 39.74, "Longitude": -123.15, "Population": 281.0}, {"index": 9452, "quantile": 0.75, "value": 100000.0, "Latitude": 39.74, "Longitude": -123.15, "Population": 281.0}, {"index": 9452, "quantile": 1.0, "value": 165600.0, "Latitude": 39.74, "Longitude": -123.15, "Population": 281.0}, {"index": 9453, "quantile": 0.0, "value": 49600.0, "Latitude": 39.81, "Longitude": -123.24, "Population": 746.0}, {"index": 9453, "quantile": 0.25, "value": 57899.99999999999, "Latitude": 39.81, "Longitude": -123.24, "Population": 746.0}, {"index": 9453, "quantile": 0.5, "value": 57899.99999999999, "Latitude": 39.81, "Longitude": -123.24, "Population": 746.0}, {"index": 9453, "quantile": 0.75, "value": 59450.0, "Latitude": 39.81, "Longitude": -123.24, "Population": 746.0}, {"index": 9453, "quantile": 1.0, "value": 123200.0, "Latitude": 39.81, "Longitude": -123.24, "Population": 746.0}, {"index": 9454, "quantile": 0.0, "value": 39400.0, "Latitude": 39.77, "Longitude": -123.23, "Population": 991.0}, {"index": 9454, "quantile": 0.25, "value": 56699.99999999999, "Latitude": 39.77, "Longitude": -123.23, "Population": 991.0}, {"index": 9454, "quantile": 0.5, "value": 58850.0, "Latitude": 39.77, "Longitude": -123.23, "Population": 991.0}, {"index": 9454, "quantile": 0.75, "value": 74700.0, "Latitude": 39.77, "Longitude": -123.23, "Population": 991.0}, {"index": 9454, "quantile": 1.0, "value": 145800.0, "Latitude": 39.77, "Longitude": -123.23, "Population": 991.0}, {"index": 9455, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.8, "Longitude": -123.47, "Population": 863.0}, {"index": 9455, "quantile": 0.25, "value": 79200.0, "Latitude": 39.8, "Longitude": -123.47, "Population": 863.0}, {"index": 9455, "quantile": 0.5, "value": 79200.0, "Latitude": 39.8, "Longitude": -123.47, "Population": 863.0}, {"index": 9455, "quantile": 0.75, "value": 88950.0, "Latitude": 39.8, "Longitude": -123.47, "Population": 863.0}, {"index": 9455, "quantile": 1.0, "value": 145800.0, "Latitude": 39.8, "Longitude": -123.47, "Population": 863.0}, {"index": 9456, "quantile": 0.0, "value": 53500.0, "Latitude": 39.88, "Longitude": -123.71, "Population": 656.0}, {"index": 9456, "quantile": 0.25, "value": 69800.0, "Latitude": 39.88, "Longitude": -123.71, "Population": 656.0}, {"index": 9456, "quantile": 0.5, "value": 69800.0, "Latitude": 39.88, "Longitude": -123.71, "Population": 656.0}, {"index": 9456, "quantile": 0.75, "value": 69800.0, "Latitude": 39.88, "Longitude": -123.71, "Population": 656.0}, {"index": 9456, "quantile": 1.0, "value": 145800.0, "Latitude": 39.88, "Longitude": -123.71, "Population": 656.0}, {"index": 9457, "quantile": 0.0, "value": 50000.0, "Latitude": 39.83, "Longitude": -123.84, "Population": 515.0}, {"index": 9457, "quantile": 0.25, "value": 74375.0, "Latitude": 39.83, "Longitude": -123.84, "Population": 515.0}, {"index": 9457, "quantile": 0.5, "value": 145800.0, "Latitude": 39.83, "Longitude": -123.84, "Population": 515.0}, {"index": 9457, "quantile": 0.75, "value": 145800.0, "Latitude": 39.83, "Longitude": -123.84, "Population": 515.0}, {"index": 9457, "quantile": 1.0, "value": 145800.0, "Latitude": 39.83, "Longitude": -123.84, "Population": 515.0}, {"index": 9458, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 39.66, "Longitude": -123.58, "Population": 887.0}, {"index": 9458, "quantile": 0.25, "value": 76800.0, "Latitude": 39.66, "Longitude": -123.58, "Population": 887.0}, {"index": 9458, "quantile": 0.5, "value": 84000.0, "Latitude": 39.66, "Longitude": -123.58, "Population": 887.0}, {"index": 9458, "quantile": 0.75, "value": 96849.99999999999, "Latitude": 39.66, "Longitude": -123.58, "Population": 887.0}, {"index": 9458, "quantile": 1.0, "value": 200000.0, "Latitude": 39.66, "Longitude": -123.58, "Population": 887.0}, {"index": 9459, "quantile": 0.0, "value": 49600.0, "Latitude": 39.67, "Longitude": -123.5, "Population": 1122.0}, {"index": 9459, "quantile": 0.25, "value": 71500.0, "Latitude": 39.67, "Longitude": -123.5, "Population": 1122.0}, {"index": 9459, "quantile": 0.5, "value": 71500.0, "Latitude": 39.67, "Longitude": -123.5, "Population": 1122.0}, {"index": 9459, "quantile": 0.75, "value": 71500.0, "Latitude": 39.67, "Longitude": -123.5, "Population": 1122.0}, {"index": 9459, "quantile": 1.0, "value": 121800.0, "Latitude": 39.67, "Longitude": -123.5, "Population": 1122.0}, {"index": 9460, "quantile": 0.0, "value": 68400.0, "Latitude": 39.45, "Longitude": -123.64, "Population": 1908.0}, {"index": 9460, "quantile": 0.25, "value": 134775.0, "Latitude": 39.45, "Longitude": -123.64, "Population": 1908.0}, {"index": 9460, "quantile": 0.5, "value": 140700.0, "Latitude": 39.45, "Longitude": -123.64, "Population": 1908.0}, {"index": 9460, "quantile": 0.75, "value": 140700.0, "Latitude": 39.45, "Longitude": -123.64, "Population": 1908.0}, {"index": 9460, "quantile": 1.0, "value": 176100.0, "Latitude": 39.45, "Longitude": -123.64, "Population": 1908.0}, {"index": 9461, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 39.5, "Longitude": -123.79, "Population": 588.0}, {"index": 9461, "quantile": 0.25, "value": 69950.0, "Latitude": 39.5, "Longitude": -123.79, "Population": 588.0}, {"index": 9461, "quantile": 0.5, "value": 85100.0, "Latitude": 39.5, "Longitude": -123.79, "Population": 588.0}, {"index": 9461, "quantile": 0.75, "value": 98025.0, "Latitude": 39.5, "Longitude": -123.79, "Population": 588.0}, {"index": 9461, "quantile": 1.0, "value": 201200.0, "Latitude": 39.5, "Longitude": -123.79, "Population": 588.0}, {"index": 9462, "quantile": 0.0, "value": 64500.0, "Latitude": 39.47, "Longitude": -123.8, "Population": 1202.0}, {"index": 9462, "quantile": 0.25, "value": 92425.0, "Latitude": 39.47, "Longitude": -123.8, "Population": 1202.0}, {"index": 9462, "quantile": 0.5, "value": 109500.00000000001, "Latitude": 39.47, "Longitude": -123.8, "Population": 1202.0}, {"index": 9462, "quantile": 0.75, "value": 140700.0, "Latitude": 39.47, "Longitude": -123.8, "Population": 1202.0}, {"index": 9462, "quantile": 1.0, "value": 277000.0, "Latitude": 39.47, "Longitude": -123.8, "Population": 1202.0}, {"index": 9463, "quantile": 0.0, "value": 61300.0, "Latitude": 39.44, "Longitude": -123.73, "Population": 380.0}, {"index": 9463, "quantile": 0.25, "value": 112274.99999999999, "Latitude": 39.44, "Longitude": -123.73, "Population": 380.0}, {"index": 9463, "quantile": 0.5, "value": 165000.0, "Latitude": 39.44, "Longitude": -123.73, "Population": 380.0}, {"index": 9463, "quantile": 0.75, "value": 165000.0, "Latitude": 39.44, "Longitude": -123.73, "Population": 380.0}, {"index": 9463, "quantile": 1.0, "value": 165000.0, "Latitude": 39.44, "Longitude": -123.73, "Population": 380.0}, {"index": 9464, "quantile": 0.0, "value": 59200.0, "Latitude": 39.46, "Longitude": -123.84, "Population": 552.0}, {"index": 9464, "quantile": 0.25, "value": 96100.0, "Latitude": 39.46, "Longitude": -123.84, "Population": 552.0}, {"index": 9464, "quantile": 0.5, "value": 110400.00000000001, "Latitude": 39.46, "Longitude": -123.84, "Population": 552.0}, {"index": 9464, "quantile": 0.75, "value": 110400.00000000001, "Latitude": 39.46, "Longitude": -123.84, "Population": 552.0}, {"index": 9464, "quantile": 1.0, "value": 277000.0, "Latitude": 39.46, "Longitude": -123.84, "Population": 552.0}, {"index": 9465, "quantile": 0.0, "value": 70500.0, "Latitude": 39.46, "Longitude": -123.8, "Population": 698.0}, {"index": 9465, "quantile": 0.25, "value": 94100.0, "Latitude": 39.46, "Longitude": -123.8, "Population": 698.0}, {"index": 9465, "quantile": 0.5, "value": 114599.99999999999, "Latitude": 39.46, "Longitude": -123.8, "Population": 698.0}, {"index": 9465, "quantile": 0.75, "value": 144500.0, "Latitude": 39.46, "Longitude": -123.8, "Population": 698.0}, {"index": 9465, "quantile": 1.0, "value": 295700.0, "Latitude": 39.46, "Longitude": -123.8, "Population": 698.0}, {"index": 9466, "quantile": 0.0, "value": 56999.99999999999, "Latitude": 39.44, "Longitude": -123.8, "Population": 754.0}, {"index": 9466, "quantile": 0.25, "value": 94650.0, "Latitude": 39.44, "Longitude": -123.8, "Population": 754.0}, {"index": 9466, "quantile": 0.5, "value": 95000.0, "Latitude": 39.44, "Longitude": -123.8, "Population": 754.0}, {"index": 9466, "quantile": 0.75, "value": 95000.0, "Latitude": 39.44, "Longitude": -123.8, "Population": 754.0}, {"index": 9466, "quantile": 1.0, "value": 200000.0, "Latitude": 39.44, "Longitude": -123.8, "Population": 754.0}, {"index": 9467, "quantile": 0.0, "value": 50800.0, "Latitude": 39.44, "Longitude": -123.79, "Population": 1201.0}, {"index": 9467, "quantile": 0.25, "value": 113300.0, "Latitude": 39.44, "Longitude": -123.79, "Population": 1201.0}, {"index": 9467, "quantile": 0.5, "value": 113300.0, "Latitude": 39.44, "Longitude": -123.79, "Population": 1201.0}, {"index": 9467, "quantile": 0.75, "value": 139825.0, "Latitude": 39.44, "Longitude": -123.79, "Population": 1201.0}, {"index": 9467, "quantile": 1.0, "value": 441700.0, "Latitude": 39.44, "Longitude": -123.79, "Population": 1201.0}, {"index": 9468, "quantile": 0.0, "value": 49600.0, "Latitude": 39.44, "Longitude": -123.8, "Population": 1019.0}, {"index": 9468, "quantile": 0.25, "value": 74850.0, "Latitude": 39.44, "Longitude": -123.8, "Population": 1019.0}, {"index": 9468, "quantile": 0.5, "value": 93600.0, "Latitude": 39.44, "Longitude": -123.8, "Population": 1019.0}, {"index": 9468, "quantile": 0.75, "value": 93600.0, "Latitude": 39.44, "Longitude": -123.8, "Population": 1019.0}, {"index": 9468, "quantile": 1.0, "value": 143200.0, "Latitude": 39.44, "Longitude": -123.8, "Population": 1019.0}, {"index": 9469, "quantile": 0.0, "value": 73400.0, "Latitude": 39.44, "Longitude": -123.79, "Population": 761.0}, {"index": 9469, "quantile": 0.25, "value": 104200.0, "Latitude": 39.44, "Longitude": -123.79, "Population": 761.0}, {"index": 9469, "quantile": 0.5, "value": 105800.0, "Latitude": 39.44, "Longitude": -123.79, "Population": 761.0}, {"index": 9469, "quantile": 0.75, "value": 105800.0, "Latitude": 39.44, "Longitude": -123.79, "Population": 761.0}, {"index": 9469, "quantile": 1.0, "value": 165000.0, "Latitude": 39.44, "Longitude": -123.79, "Population": 761.0}, {"index": 9470, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 39.44, "Longitude": -123.79, "Population": 1177.0}, {"index": 9470, "quantile": 0.25, "value": 95200.0, "Latitude": 39.44, "Longitude": -123.79, "Population": 1177.0}, {"index": 9470, "quantile": 0.5, "value": 118800.0, "Latitude": 39.44, "Longitude": -123.79, "Population": 1177.0}, {"index": 9470, "quantile": 0.75, "value": 151600.0, "Latitude": 39.44, "Longitude": -123.79, "Population": 1177.0}, {"index": 9470, "quantile": 1.0, "value": 277000.0, "Latitude": 39.44, "Longitude": -123.79, "Population": 1177.0}, {"index": 9471, "quantile": 0.0, "value": 69400.0, "Latitude": 39.42, "Longitude": -123.85, "Population": 895.0}, {"index": 9471, "quantile": 0.25, "value": 142025.0, "Latitude": 39.42, "Longitude": -123.85, "Population": 895.0}, {"index": 9471, "quantile": 0.5, "value": 150000.0, "Latitude": 39.42, "Longitude": -123.85, "Population": 895.0}, {"index": 9471, "quantile": 0.75, "value": 150000.0, "Latitude": 39.42, "Longitude": -123.85, "Population": 895.0}, {"index": 9471, "quantile": 1.0, "value": 261300.0, "Latitude": 39.42, "Longitude": -123.85, "Population": 895.0}, {"index": 9472, "quantile": 0.0, "value": 49600.0, "Latitude": 39.5, "Longitude": -123.34, "Population": 1064.0}, {"index": 9472, "quantile": 0.25, "value": 81000.0, "Latitude": 39.5, "Longitude": -123.34, "Population": 1064.0}, {"index": 9472, "quantile": 0.5, "value": 96600.0, "Latitude": 39.5, "Longitude": -123.34, "Population": 1064.0}, {"index": 9472, "quantile": 0.75, "value": 96600.0, "Latitude": 39.5, "Longitude": -123.34, "Population": 1064.0}, {"index": 9472, "quantile": 1.0, "value": 143200.0, "Latitude": 39.5, "Longitude": -123.34, "Population": 1064.0}, {"index": 9473, "quantile": 0.0, "value": 81300.0, "Latitude": 39.46, "Longitude": -123.4, "Population": 2111.0}, {"index": 9473, "quantile": 0.25, "value": 98100.0, "Latitude": 39.46, "Longitude": -123.4, "Population": 2111.0}, {"index": 9473, "quantile": 0.5, "value": 130650.0, "Latitude": 39.46, "Longitude": -123.4, "Population": 2111.0}, {"index": 9473, "quantile": 0.75, "value": 142900.0, "Latitude": 39.46, "Longitude": -123.4, "Population": 2111.0}, {"index": 9473, "quantile": 1.0, "value": 300000.0, "Latitude": 39.46, "Longitude": -123.4, "Population": 2111.0}, {"index": 9474, "quantile": 0.0, "value": 67500.0, "Latitude": 39.42, "Longitude": -123.32, "Population": 1133.0}, {"index": 9474, "quantile": 0.25, "value": 91700.0, "Latitude": 39.42, "Longitude": -123.32, "Population": 1133.0}, {"index": 9474, "quantile": 0.5, "value": 92600.0, "Latitude": 39.42, "Longitude": -123.32, "Population": 1133.0}, {"index": 9474, "quantile": 0.75, "value": 92600.0, "Latitude": 39.42, "Longitude": -123.32, "Population": 1133.0}, {"index": 9474, "quantile": 1.0, "value": 183100.0, "Latitude": 39.42, "Longitude": -123.32, "Population": 1133.0}, {"index": 9475, "quantile": 0.0, "value": 61300.0, "Latitude": 39.37, "Longitude": -123.38, "Population": 1899.0}, {"index": 9475, "quantile": 0.25, "value": 98775.0, "Latitude": 39.37, "Longitude": -123.38, "Population": 1899.0}, {"index": 9475, "quantile": 0.5, "value": 128350.00000000001, "Latitude": 39.37, "Longitude": -123.38, "Population": 1899.0}, {"index": 9475, "quantile": 0.75, "value": 142100.0, "Latitude": 39.37, "Longitude": -123.38, "Population": 1899.0}, {"index": 9475, "quantile": 1.0, "value": 165000.0, "Latitude": 39.37, "Longitude": -123.38, "Population": 1899.0}, {"index": 9476, "quantile": 0.0, "value": 49600.0, "Latitude": 39.42, "Longitude": -123.35, "Population": 904.0}, {"index": 9476, "quantile": 0.25, "value": 77200.0, "Latitude": 39.42, "Longitude": -123.35, "Population": 904.0}, {"index": 9476, "quantile": 0.5, "value": 77200.0, "Latitude": 39.42, "Longitude": -123.35, "Population": 904.0}, {"index": 9476, "quantile": 0.75, "value": 84250.0, "Latitude": 39.42, "Longitude": -123.35, "Population": 904.0}, {"index": 9476, "quantile": 1.0, "value": 143200.0, "Latitude": 39.42, "Longitude": -123.35, "Population": 904.0}, {"index": 9477, "quantile": 0.0, "value": 73600.0, "Latitude": 39.43, "Longitude": -123.37, "Population": 1281.0}, {"index": 9477, "quantile": 0.25, "value": 96000.0, "Latitude": 39.43, "Longitude": -123.37, "Population": 1281.0}, {"index": 9477, "quantile": 0.5, "value": 96000.0, "Latitude": 39.43, "Longitude": -123.37, "Population": 1281.0}, {"index": 9477, "quantile": 0.75, "value": 96000.0, "Latitude": 39.43, "Longitude": -123.37, "Population": 1281.0}, {"index": 9477, "quantile": 1.0, "value": 172800.0, "Latitude": 39.43, "Longitude": -123.37, "Population": 1281.0}, {"index": 9478, "quantile": 0.0, "value": 61300.0, "Latitude": 39.41, "Longitude": -123.36, "Population": 808.0}, {"index": 9478, "quantile": 0.25, "value": 98800.0, "Latitude": 39.41, "Longitude": -123.36, "Population": 808.0}, {"index": 9478, "quantile": 0.5, "value": 112500.0, "Latitude": 39.41, "Longitude": -123.36, "Population": 808.0}, {"index": 9478, "quantile": 0.75, "value": 119025.0, "Latitude": 39.41, "Longitude": -123.36, "Population": 808.0}, {"index": 9478, "quantile": 1.0, "value": 310300.0, "Latitude": 39.41, "Longitude": -123.36, "Population": 808.0}, {"index": 9479, "quantile": 0.0, "value": 37900.0, "Latitude": 39.4, "Longitude": -123.35, "Population": 779.0}, {"index": 9479, "quantile": 0.25, "value": 71800.0, "Latitude": 39.4, "Longitude": -123.35, "Population": 779.0}, {"index": 9479, "quantile": 0.5, "value": 71800.0, "Latitude": 39.4, "Longitude": -123.35, "Population": 779.0}, {"index": 9479, "quantile": 0.75, "value": 81549.99999999999, "Latitude": 39.4, "Longitude": -123.35, "Population": 779.0}, {"index": 9479, "quantile": 1.0, "value": 376100.0, "Latitude": 39.4, "Longitude": -123.35, "Population": 779.0}, {"index": 9480, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 39.4, "Longitude": -123.36, "Population": 715.0}, {"index": 9480, "quantile": 0.25, "value": 71500.0, "Latitude": 39.4, "Longitude": -123.36, "Population": 715.0}, {"index": 9480, "quantile": 0.5, "value": 71500.0, "Latitude": 39.4, "Longitude": -123.36, "Population": 715.0}, {"index": 9480, "quantile": 0.75, "value": 76475.0, "Latitude": 39.4, "Longitude": -123.36, "Population": 715.0}, {"index": 9480, "quantile": 1.0, "value": 212500.0, "Latitude": 39.4, "Longitude": -123.36, "Population": 715.0}, {"index": 9481, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 39.39, "Longitude": -123.34, "Population": 1636.0}, {"index": 9481, "quantile": 0.25, "value": 84000.0, "Latitude": 39.39, "Longitude": -123.34, "Population": 1636.0}, {"index": 9481, "quantile": 0.5, "value": 84000.0, "Latitude": 39.39, "Longitude": -123.34, "Population": 1636.0}, {"index": 9481, "quantile": 0.75, "value": 84000.0, "Latitude": 39.39, "Longitude": -123.34, "Population": 1636.0}, {"index": 9481, "quantile": 1.0, "value": 105400.0, "Latitude": 39.39, "Longitude": -123.34, "Population": 1636.0}, {"index": 9482, "quantile": 0.0, "value": 49600.0, "Latitude": 39.36, "Longitude": -123.1, "Population": 611.0}, {"index": 9482, "quantile": 0.25, "value": 93600.0, "Latitude": 39.36, "Longitude": -123.1, "Population": 611.0}, {"index": 9482, "quantile": 0.5, "value": 105000.0, "Latitude": 39.36, "Longitude": -123.1, "Population": 611.0}, {"index": 9482, "quantile": 0.75, "value": 105000.0, "Latitude": 39.36, "Longitude": -123.1, "Population": 611.0}, {"index": 9482, "quantile": 1.0, "value": 118800.0, "Latitude": 39.36, "Longitude": -123.1, "Population": 611.0}, {"index": 9483, "quantile": 0.0, "value": 86900.0, "Latitude": 39.33, "Longitude": -123.23, "Population": 448.0}, {"index": 9483, "quantile": 0.25, "value": 147100.0, "Latitude": 39.33, "Longitude": -123.23, "Population": 448.0}, {"index": 9483, "quantile": 0.5, "value": 147100.0, "Latitude": 39.33, "Longitude": -123.23, "Population": 448.0}, {"index": 9483, "quantile": 0.75, "value": 147100.0, "Latitude": 39.33, "Longitude": -123.23, "Population": 448.0}, {"index": 9483, "quantile": 1.0, "value": 287800.0, "Latitude": 39.33, "Longitude": -123.23, "Population": 448.0}, {"index": 9484, "quantile": 0.0, "value": 61500.0, "Latitude": 39.31, "Longitude": -123.15, "Population": 424.0}, {"index": 9484, "quantile": 0.25, "value": 143525.0, "Latitude": 39.31, "Longitude": -123.15, "Population": 424.0}, {"index": 9484, "quantile": 0.5, "value": 154200.0, "Latitude": 39.31, "Longitude": -123.15, "Population": 424.0}, {"index": 9484, "quantile": 0.75, "value": 154200.0, "Latitude": 39.31, "Longitude": -123.15, "Population": 424.0}, {"index": 9484, "quantile": 1.0, "value": 169300.0, "Latitude": 39.31, "Longitude": -123.15, "Population": 424.0}, {"index": 9485, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 39.32, "Longitude": -123.11, "Population": 1421.0}, {"index": 9485, "quantile": 0.25, "value": 90800.0, "Latitude": 39.32, "Longitude": -123.11, "Population": 1421.0}, {"index": 9485, "quantile": 0.5, "value": 108300.0, "Latitude": 39.32, "Longitude": -123.11, "Population": 1421.0}, {"index": 9485, "quantile": 0.75, "value": 154725.0, "Latitude": 39.32, "Longitude": -123.11, "Population": 1421.0}, {"index": 9485, "quantile": 1.0, "value": 277000.0, "Latitude": 39.32, "Longitude": -123.11, "Population": 1421.0}, {"index": 9486, "quantile": 0.0, "value": 85900.0, "Latitude": 39.26, "Longitude": -123.18, "Population": 1558.0}, {"index": 9486, "quantile": 0.25, "value": 116700.0, "Latitude": 39.26, "Longitude": -123.18, "Population": 1558.0}, {"index": 9486, "quantile": 0.5, "value": 119900.0, "Latitude": 39.26, "Longitude": -123.18, "Population": 1558.0}, {"index": 9486, "quantile": 0.75, "value": 154600.0, "Latitude": 39.26, "Longitude": -123.18, "Population": 1558.0}, {"index": 9486, "quantile": 1.0, "value": 188600.0, "Latitude": 39.26, "Longitude": -123.18, "Population": 1558.0}, {"index": 9487, "quantile": 0.0, "value": 86500.0, "Latitude": 39.28, "Longitude": -123.22, "Population": 3148.0}, {"index": 9487, "quantile": 0.25, "value": 142900.0, "Latitude": 39.28, "Longitude": -123.22, "Population": 3148.0}, {"index": 9487, "quantile": 0.5, "value": 142900.0, "Latitude": 39.28, "Longitude": -123.22, "Population": 3148.0}, {"index": 9487, "quantile": 0.75, "value": 142900.0, "Latitude": 39.28, "Longitude": -123.22, "Population": 3148.0}, {"index": 9487, "quantile": 1.0, "value": 277000.0, "Latitude": 39.28, "Longitude": -123.22, "Population": 3148.0}, {"index": 9488, "quantile": 0.0, "value": 64100.0, "Latitude": 39.25, "Longitude": -123.36, "Population": 522.0}, {"index": 9488, "quantile": 0.25, "value": 140600.0, "Latitude": 39.25, "Longitude": -123.36, "Population": 522.0}, {"index": 9488, "quantile": 0.5, "value": 144500.0, "Latitude": 39.25, "Longitude": -123.36, "Population": 522.0}, {"index": 9488, "quantile": 0.75, "value": 144500.0, "Latitude": 39.25, "Longitude": -123.36, "Population": 522.0}, {"index": 9488, "quantile": 1.0, "value": 165600.0, "Latitude": 39.25, "Longitude": -123.36, "Population": 522.0}, {"index": 9489, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.23, "Longitude": -123.18, "Population": 115.0}, {"index": 9489, "quantile": 0.25, "value": 96100.0, "Latitude": 39.23, "Longitude": -123.18, "Population": 115.0}, {"index": 9489, "quantile": 0.5, "value": 175000.0, "Latitude": 39.23, "Longitude": -123.18, "Population": 115.0}, {"index": 9489, "quantile": 0.75, "value": 175000.0, "Latitude": 39.23, "Longitude": -123.18, "Population": 115.0}, {"index": 9489, "quantile": 1.0, "value": 225000.0, "Latitude": 39.23, "Longitude": -123.18, "Population": 115.0}, {"index": 9490, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 39.2, "Longitude": -123.21, "Population": 1560.0}, {"index": 9490, "quantile": 0.25, "value": 84000.0, "Latitude": 39.2, "Longitude": -123.21, "Population": 1560.0}, {"index": 9490, "quantile": 0.5, "value": 95300.0, "Latitude": 39.2, "Longitude": -123.21, "Population": 1560.0}, {"index": 9490, "quantile": 0.75, "value": 104175.0, "Latitude": 39.2, "Longitude": -123.21, "Population": 1560.0}, {"index": 9490, "quantile": 1.0, "value": 249200.0, "Latitude": 39.2, "Longitude": -123.21, "Population": 1560.0}, {"index": 9491, "quantile": 0.0, "value": 73600.0, "Latitude": 39.21, "Longitude": -123.19, "Population": 821.0}, {"index": 9491, "quantile": 0.25, "value": 118800.0, "Latitude": 39.21, "Longitude": -123.19, "Population": 821.0}, {"index": 9491, "quantile": 0.5, "value": 118800.0, "Latitude": 39.21, "Longitude": -123.19, "Population": 821.0}, {"index": 9491, "quantile": 0.75, "value": 118800.0, "Latitude": 39.21, "Longitude": -123.19, "Population": 821.0}, {"index": 9491, "quantile": 1.0, "value": 195500.0, "Latitude": 39.21, "Longitude": -123.19, "Population": 821.0}, {"index": 9492, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 39.23, "Longitude": -123.2, "Population": 494.0}, {"index": 9492, "quantile": 0.25, "value": 70000.0, "Latitude": 39.23, "Longitude": -123.2, "Population": 494.0}, {"index": 9492, "quantile": 0.5, "value": 87600.0, "Latitude": 39.23, "Longitude": -123.2, "Population": 494.0}, {"index": 9492, "quantile": 0.75, "value": 100250.0, "Latitude": 39.23, "Longitude": -123.2, "Population": 494.0}, {"index": 9492, "quantile": 1.0, "value": 165000.0, "Latitude": 39.23, "Longitude": -123.2, "Population": 494.0}, {"index": 9493, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 39.37, "Longitude": -123.75, "Population": 830.0}, {"index": 9493, "quantile": 0.25, "value": 95800.0, "Latitude": 39.37, "Longitude": -123.75, "Population": 830.0}, {"index": 9493, "quantile": 0.5, "value": 133250.0, "Latitude": 39.37, "Longitude": -123.75, "Population": 830.0}, {"index": 9493, "quantile": 0.75, "value": 164175.0, "Latitude": 39.37, "Longitude": -123.75, "Population": 830.0}, {"index": 9493, "quantile": 1.0, "value": 277000.0, "Latitude": 39.37, "Longitude": -123.75, "Population": 830.0}, {"index": 9494, "quantile": 0.0, "value": 90100.0, "Latitude": 39.39, "Longitude": -123.85, "Population": 2095.0}, {"index": 9494, "quantile": 0.25, "value": 140500.0, "Latitude": 39.39, "Longitude": -123.85, "Population": 2095.0}, {"index": 9494, "quantile": 0.5, "value": 140500.0, "Latitude": 39.39, "Longitude": -123.85, "Population": 2095.0}, {"index": 9494, "quantile": 0.75, "value": 140500.0, "Latitude": 39.39, "Longitude": -123.85, "Population": 2095.0}, {"index": 9494, "quantile": 1.0, "value": 277000.0, "Latitude": 39.39, "Longitude": -123.85, "Population": 2095.0}, {"index": 9495, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 39.34, "Longitude": -123.81, "Population": 773.0}, {"index": 9495, "quantile": 0.25, "value": 158025.0, "Latitude": 39.34, "Longitude": -123.81, "Population": 773.0}, {"index": 9495, "quantile": 0.5, "value": 277000.0, "Latitude": 39.34, "Longitude": -123.81, "Population": 773.0}, {"index": 9495, "quantile": 0.75, "value": 277000.0, "Latitude": 39.34, "Longitude": -123.81, "Population": 773.0}, {"index": 9495, "quantile": 1.0, "value": 277000.0, "Latitude": 39.34, "Longitude": -123.81, "Population": 773.0}, {"index": 9496, "quantile": 0.0, "value": 83300.0, "Latitude": 39.32, "Longitude": -123.7, "Population": 711.0}, {"index": 9496, "quantile": 0.25, "value": 140574.99999999997, "Latitude": 39.32, "Longitude": -123.7, "Population": 711.0}, {"index": 9496, "quantile": 0.5, "value": 213200.0, "Latitude": 39.32, "Longitude": -123.7, "Population": 711.0}, {"index": 9496, "quantile": 0.75, "value": 213200.0, "Latitude": 39.32, "Longitude": -123.7, "Population": 711.0}, {"index": 9496, "quantile": 1.0, "value": 277000.0, "Latitude": 39.32, "Longitude": -123.7, "Population": 711.0}, {"index": 9497, "quantile": 0.0, "value": 81300.0, "Latitude": 39.31, "Longitude": -123.81, "Population": 887.0}, {"index": 9497, "quantile": 0.25, "value": 150175.0, "Latitude": 39.31, "Longitude": -123.81, "Population": 887.0}, {"index": 9497, "quantile": 0.5, "value": 225000.0, "Latitude": 39.31, "Longitude": -123.81, "Population": 887.0}, {"index": 9497, "quantile": 0.75, "value": 225000.0, "Latitude": 39.31, "Longitude": -123.81, "Population": 887.0}, {"index": 9497, "quantile": 1.0, "value": 275900.0, "Latitude": 39.31, "Longitude": -123.81, "Population": 887.0}, {"index": 9498, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 39.17, "Longitude": -123.73, "Population": 1745.0}, {"index": 9498, "quantile": 0.25, "value": 91200.0, "Latitude": 39.17, "Longitude": -123.73, "Population": 1745.0}, {"index": 9498, "quantile": 0.5, "value": 114799.99999999999, "Latitude": 39.17, "Longitude": -123.73, "Population": 1745.0}, {"index": 9498, "quantile": 0.75, "value": 141000.0, "Latitude": 39.17, "Longitude": -123.73, "Population": 1745.0}, {"index": 9498, "quantile": 1.0, "value": 267600.0, "Latitude": 39.17, "Longitude": -123.73, "Population": 1745.0}, {"index": 9499, "quantile": 0.0, "value": 64500.0, "Latitude": 38.93, "Longitude": -123.53, "Population": 506.0}, {"index": 9499, "quantile": 0.25, "value": 115199.99999999999, "Latitude": 38.93, "Longitude": -123.53, "Population": 506.0}, {"index": 9499, "quantile": 0.5, "value": 165600.0, "Latitude": 38.93, "Longitude": -123.53, "Population": 506.0}, {"index": 9499, "quantile": 0.75, "value": 165600.0, "Latitude": 38.93, "Longitude": -123.53, "Population": 506.0}, {"index": 9499, "quantile": 1.0, "value": 165600.0, "Latitude": 38.93, "Longitude": -123.53, "Population": 506.0}, {"index": 9500, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.9, "Longitude": -123.69, "Population": 1140.0}, {"index": 9500, "quantile": 0.25, "value": 95300.0, "Latitude": 38.9, "Longitude": -123.69, "Population": 1140.0}, {"index": 9500, "quantile": 0.5, "value": 95300.0, "Latitude": 38.9, "Longitude": -123.69, "Population": 1140.0}, {"index": 9500, "quantile": 0.75, "value": 95300.0, "Latitude": 38.9, "Longitude": -123.69, "Population": 1140.0}, {"index": 9500, "quantile": 1.0, "value": 175000.0, "Latitude": 38.9, "Longitude": -123.69, "Population": 1140.0}, {"index": 9501, "quantile": 0.0, "value": 71700.0, "Latitude": 38.8, "Longitude": -123.59, "Population": 1742.0}, {"index": 9501, "quantile": 0.25, "value": 176100.0, "Latitude": 38.8, "Longitude": -123.59, "Population": 1742.0}, {"index": 9501, "quantile": 0.5, "value": 176100.0, "Latitude": 38.8, "Longitude": -123.59, "Population": 1742.0}, {"index": 9501, "quantile": 0.75, "value": 176100.0, "Latitude": 38.8, "Longitude": -123.59, "Population": 1742.0}, {"index": 9501, "quantile": 1.0, "value": 281300.0, "Latitude": 38.8, "Longitude": -123.59, "Population": 1742.0}, {"index": 9502, "quantile": 0.0, "value": 56599.99999999999, "Latitude": 39.17, "Longitude": -123.54, "Population": 1032.0}, {"index": 9502, "quantile": 0.25, "value": 95300.0, "Latitude": 39.17, "Longitude": -123.54, "Population": 1032.0}, {"index": 9502, "quantile": 0.5, "value": 101000.0, "Latitude": 39.17, "Longitude": -123.54, "Population": 1032.0}, {"index": 9502, "quantile": 0.75, "value": 101000.0, "Latitude": 39.17, "Longitude": -123.54, "Population": 1032.0}, {"index": 9502, "quantile": 1.0, "value": 162500.0, "Latitude": 39.17, "Longitude": -123.54, "Population": 1032.0}, {"index": 9503, "quantile": 0.0, "value": 73600.0, "Latitude": 38.99, "Longitude": -123.39, "Population": 812.0}, {"index": 9503, "quantile": 0.25, "value": 93500.0, "Latitude": 38.99, "Longitude": -123.39, "Population": 812.0}, {"index": 9503, "quantile": 0.5, "value": 108150.00000000001, "Latitude": 38.99, "Longitude": -123.39, "Population": 812.0}, {"index": 9503, "quantile": 0.75, "value": 150275.0, "Latitude": 38.99, "Longitude": -123.39, "Population": 812.0}, {"index": 9503, "quantile": 1.0, "value": 195500.0, "Latitude": 38.99, "Longitude": -123.39, "Population": 812.0}, {"index": 9504, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 39.01, "Longitude": -123.36, "Population": 857.0}, {"index": 9504, "quantile": 0.25, "value": 115399.99999999999, "Latitude": 39.01, "Longitude": -123.36, "Population": 857.0}, {"index": 9504, "quantile": 0.5, "value": 115399.99999999999, "Latitude": 39.01, "Longitude": -123.36, "Population": 857.0}, {"index": 9504, "quantile": 0.75, "value": 115399.99999999999, "Latitude": 39.01, "Longitude": -123.36, "Population": 857.0}, {"index": 9504, "quantile": 1.0, "value": 165000.0, "Latitude": 39.01, "Longitude": -123.36, "Population": 857.0}, {"index": 9505, "quantile": 0.0, "value": 85600.0, "Latitude": 39.18, "Longitude": -123.21, "Population": 1501.0}, {"index": 9505, "quantile": 0.25, "value": 125600.0, "Latitude": 39.18, "Longitude": -123.21, "Population": 1501.0}, {"index": 9505, "quantile": 0.5, "value": 142100.0, "Latitude": 39.18, "Longitude": -123.21, "Population": 1501.0}, {"index": 9505, "quantile": 0.75, "value": 142100.0, "Latitude": 39.18, "Longitude": -123.21, "Population": 1501.0}, {"index": 9505, "quantile": 1.0, "value": 249200.0, "Latitude": 39.18, "Longitude": -123.21, "Population": 1501.0}, {"index": 9506, "quantile": 0.0, "value": 68400.0, "Latitude": 39.1, "Longitude": -123.34, "Population": 3002.0}, {"index": 9506, "quantile": 0.25, "value": 131100.0, "Latitude": 39.1, "Longitude": -123.34, "Population": 3002.0}, {"index": 9506, "quantile": 0.5, "value": 131100.0, "Latitude": 39.1, "Longitude": -123.34, "Population": 3002.0}, {"index": 9506, "quantile": 0.75, "value": 131100.0, "Latitude": 39.1, "Longitude": -123.34, "Population": 3002.0}, {"index": 9506, "quantile": 1.0, "value": 182500.0, "Latitude": 39.1, "Longitude": -123.34, "Population": 3002.0}, {"index": 9507, "quantile": 0.0, "value": 73600.0, "Latitude": 39.07, "Longitude": -123.21, "Population": 877.0}, {"index": 9507, "quantile": 0.25, "value": 128325.0, "Latitude": 39.07, "Longitude": -123.21, "Population": 877.0}, {"index": 9507, "quantile": 0.5, "value": 159800.0, "Latitude": 39.07, "Longitude": -123.21, "Population": 877.0}, {"index": 9507, "quantile": 0.75, "value": 159800.0, "Latitude": 39.07, "Longitude": -123.21, "Population": 877.0}, {"index": 9507, "quantile": 1.0, "value": 195100.0, "Latitude": 39.07, "Longitude": -123.21, "Population": 877.0}, {"index": 9508, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 39.15, "Longitude": -123.22, "Population": 639.0}, {"index": 9508, "quantile": 0.25, "value": 113300.0, "Latitude": 39.15, "Longitude": -123.22, "Population": 639.0}, {"index": 9508, "quantile": 0.5, "value": 138800.0, "Latitude": 39.15, "Longitude": -123.22, "Population": 639.0}, {"index": 9508, "quantile": 0.75, "value": 162850.0, "Latitude": 39.15, "Longitude": -123.22, "Population": 639.0}, {"index": 9508, "quantile": 1.0, "value": 322900.0, "Latitude": 39.15, "Longitude": -123.22, "Population": 639.0}, {"index": 9509, "quantile": 0.0, "value": 81300.0, "Latitude": 39.16, "Longitude": -123.22, "Population": 499.0}, {"index": 9509, "quantile": 0.25, "value": 145875.0, "Latitude": 39.16, "Longitude": -123.22, "Population": 499.0}, {"index": 9509, "quantile": 0.5, "value": 154600.0, "Latitude": 39.16, "Longitude": -123.22, "Population": 499.0}, {"index": 9509, "quantile": 0.75, "value": 154600.0, "Latitude": 39.16, "Longitude": -123.22, "Population": 499.0}, {"index": 9509, "quantile": 1.0, "value": 277000.0, "Latitude": 39.16, "Longitude": -123.22, "Population": 499.0}, {"index": 9510, "quantile": 0.0, "value": 92600.0, "Latitude": 39.13, "Longitude": -123.23, "Population": 529.0}, {"index": 9510, "quantile": 0.25, "value": 139750.0, "Latitude": 39.13, "Longitude": -123.23, "Population": 529.0}, {"index": 9510, "quantile": 0.5, "value": 144000.0, "Latitude": 39.13, "Longitude": -123.23, "Population": 529.0}, {"index": 9510, "quantile": 0.75, "value": 144000.0, "Latitude": 39.13, "Longitude": -123.23, "Population": 529.0}, {"index": 9510, "quantile": 1.0, "value": 161900.0, "Latitude": 39.13, "Longitude": -123.23, "Population": 529.0}, {"index": 9511, "quantile": 0.0, "value": 80600.0, "Latitude": 39.15, "Longitude": -123.22, "Population": 504.0}, {"index": 9511, "quantile": 0.25, "value": 102725.0, "Latitude": 39.15, "Longitude": -123.22, "Population": 504.0}, {"index": 9511, "quantile": 0.5, "value": 127349.99999999999, "Latitude": 39.15, "Longitude": -123.22, "Population": 504.0}, {"index": 9511, "quantile": 0.75, "value": 146275.0, "Latitude": 39.15, "Longitude": -123.22, "Population": 504.0}, {"index": 9511, "quantile": 1.0, "value": 195500.0, "Latitude": 39.15, "Longitude": -123.22, "Population": 504.0}, {"index": 9512, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 39.15, "Longitude": -123.21, "Population": 617.0}, {"index": 9512, "quantile": 0.25, "value": 112900.0, "Latitude": 39.15, "Longitude": -123.21, "Population": 617.0}, {"index": 9512, "quantile": 0.5, "value": 112900.0, "Latitude": 39.15, "Longitude": -123.21, "Population": 617.0}, {"index": 9512, "quantile": 0.75, "value": 112900.0, "Latitude": 39.15, "Longitude": -123.21, "Population": 617.0}, {"index": 9512, "quantile": 1.0, "value": 475000.0, "Latitude": 39.15, "Longitude": -123.21, "Population": 617.0}, {"index": 9513, "quantile": 0.0, "value": 69000.0, "Latitude": 39.14, "Longitude": -123.21, "Population": 661.0}, {"index": 9513, "quantile": 0.25, "value": 114599.99999999999, "Latitude": 39.14, "Longitude": -123.21, "Population": 661.0}, {"index": 9513, "quantile": 0.5, "value": 114599.99999999999, "Latitude": 39.14, "Longitude": -123.21, "Population": 661.0}, {"index": 9513, "quantile": 0.75, "value": 114599.99999999999, "Latitude": 39.14, "Longitude": -123.21, "Population": 661.0}, {"index": 9513, "quantile": 1.0, "value": 277000.0, "Latitude": 39.14, "Longitude": -123.21, "Population": 661.0}, {"index": 9514, "quantile": 0.0, "value": 71300.0, "Latitude": 39.13, "Longitude": -123.21, "Population": 822.0}, {"index": 9514, "quantile": 0.25, "value": 127400.0, "Latitude": 39.13, "Longitude": -123.21, "Population": 822.0}, {"index": 9514, "quantile": 0.5, "value": 127400.0, "Latitude": 39.13, "Longitude": -123.21, "Population": 822.0}, {"index": 9514, "quantile": 0.75, "value": 132225.0, "Latitude": 39.13, "Longitude": -123.21, "Population": 822.0}, {"index": 9514, "quantile": 1.0, "value": 287800.0, "Latitude": 39.13, "Longitude": -123.21, "Population": 822.0}, {"index": 9515, "quantile": 0.0, "value": 51600.0, "Latitude": 39.16, "Longitude": -123.2, "Population": 1195.0}, {"index": 9515, "quantile": 0.25, "value": 82300.0, "Latitude": 39.16, "Longitude": -123.2, "Population": 1195.0}, {"index": 9515, "quantile": 0.5, "value": 82300.0, "Latitude": 39.16, "Longitude": -123.2, "Population": 1195.0}, {"index": 9515, "quantile": 0.75, "value": 82300.0, "Latitude": 39.16, "Longitude": -123.2, "Population": 1195.0}, {"index": 9515, "quantile": 1.0, "value": 350000.0, "Latitude": 39.16, "Longitude": -123.2, "Population": 1195.0}, {"index": 9516, "quantile": 0.0, "value": 65500.0, "Latitude": 39.16, "Longitude": -123.22, "Population": 3595.0}, {"index": 9516, "quantile": 0.25, "value": 93200.0, "Latitude": 39.16, "Longitude": -123.22, "Population": 3595.0}, {"index": 9516, "quantile": 0.5, "value": 115399.99999999999, "Latitude": 39.16, "Longitude": -123.22, "Population": 3595.0}, {"index": 9516, "quantile": 0.75, "value": 131100.0, "Latitude": 39.16, "Longitude": -123.22, "Population": 3595.0}, {"index": 9516, "quantile": 1.0, "value": 249200.0, "Latitude": 39.16, "Longitude": -123.22, "Population": 3595.0}, {"index": 9517, "quantile": 0.0, "value": 49600.0, "Latitude": 39.15, "Longitude": -123.2, "Population": 592.0}, {"index": 9517, "quantile": 0.25, "value": 93600.0, "Latitude": 39.15, "Longitude": -123.2, "Population": 592.0}, {"index": 9517, "quantile": 0.5, "value": 96200.0, "Latitude": 39.15, "Longitude": -123.2, "Population": 592.0}, {"index": 9517, "quantile": 0.75, "value": 96200.0, "Latitude": 39.15, "Longitude": -123.2, "Population": 592.0}, {"index": 9517, "quantile": 1.0, "value": 164800.0, "Latitude": 39.15, "Longitude": -123.2, "Population": 592.0}, {"index": 9518, "quantile": 0.0, "value": 65600.0, "Latitude": 39.15, "Longitude": -123.19, "Population": 1232.0}, {"index": 9518, "quantile": 0.25, "value": 125600.0, "Latitude": 39.15, "Longitude": -123.19, "Population": 1232.0}, {"index": 9518, "quantile": 0.5, "value": 125600.0, "Latitude": 39.15, "Longitude": -123.19, "Population": 1232.0}, {"index": 9518, "quantile": 0.75, "value": 125600.0, "Latitude": 39.15, "Longitude": -123.19, "Population": 1232.0}, {"index": 9518, "quantile": 1.0, "value": 165000.0, "Latitude": 39.15, "Longitude": -123.19, "Population": 1232.0}, {"index": 9519, "quantile": 0.0, "value": 37900.0, "Latitude": 39.15, "Longitude": -123.21, "Population": 1367.0}, {"index": 9519, "quantile": 0.25, "value": 96100.0, "Latitude": 39.15, "Longitude": -123.21, "Population": 1367.0}, {"index": 9519, "quantile": 0.5, "value": 108900.0, "Latitude": 39.15, "Longitude": -123.21, "Population": 1367.0}, {"index": 9519, "quantile": 0.75, "value": 108900.0, "Latitude": 39.15, "Longitude": -123.21, "Population": 1367.0}, {"index": 9519, "quantile": 1.0, "value": 425000.0, "Latitude": 39.15, "Longitude": -123.21, "Population": 1367.0}, {"index": 9520, "quantile": 0.0, "value": 32500.0, "Latitude": 39.14, "Longitude": -123.2, "Population": 878.0}, {"index": 9520, "quantile": 0.25, "value": 108900.0, "Latitude": 39.14, "Longitude": -123.2, "Population": 878.0}, {"index": 9520, "quantile": 0.5, "value": 109200.00000000001, "Latitude": 39.14, "Longitude": -123.2, "Population": 878.0}, {"index": 9520, "quantile": 0.75, "value": 109200.00000000001, "Latitude": 39.14, "Longitude": -123.2, "Population": 878.0}, {"index": 9520, "quantile": 1.0, "value": 364300.0, "Latitude": 39.14, "Longitude": -123.2, "Population": 878.0}, {"index": 9521, "quantile": 0.0, "value": 49600.0, "Latitude": 39.13, "Longitude": -123.2, "Population": 1065.0}, {"index": 9521, "quantile": 0.25, "value": 71500.0, "Latitude": 39.13, "Longitude": -123.2, "Population": 1065.0}, {"index": 9521, "quantile": 0.5, "value": 81800.0, "Latitude": 39.13, "Longitude": -123.2, "Population": 1065.0}, {"index": 9521, "quantile": 0.75, "value": 112500.0, "Latitude": 39.13, "Longitude": -123.2, "Population": 1065.0}, {"index": 9521, "quantile": 1.0, "value": 237500.0, "Latitude": 39.13, "Longitude": -123.2, "Population": 1065.0}, {"index": 9522, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 39.14, "Longitude": -123.21, "Population": 1376.0}, {"index": 9522, "quantile": 0.25, "value": 94425.0, "Latitude": 39.14, "Longitude": -123.21, "Population": 1376.0}, {"index": 9522, "quantile": 0.5, "value": 100000.0, "Latitude": 39.14, "Longitude": -123.21, "Population": 1376.0}, {"index": 9522, "quantile": 0.75, "value": 100000.0, "Latitude": 39.14, "Longitude": -123.21, "Population": 1376.0}, {"index": 9522, "quantile": 1.0, "value": 164800.0, "Latitude": 39.14, "Longitude": -123.21, "Population": 1376.0}, {"index": 9523, "quantile": 0.0, "value": 83300.0, "Latitude": 39.15, "Longitude": -123.1, "Population": 454.0}, {"index": 9523, "quantile": 0.25, "value": 116100.0, "Latitude": 39.15, "Longitude": -123.1, "Population": 454.0}, {"index": 9523, "quantile": 0.5, "value": 116100.0, "Latitude": 39.15, "Longitude": -123.1, "Population": 454.0}, {"index": 9523, "quantile": 0.75, "value": 116100.0, "Latitude": 39.15, "Longitude": -123.1, "Population": 454.0}, {"index": 9523, "quantile": 1.0, "value": 181600.0, "Latitude": 39.15, "Longitude": -123.1, "Population": 454.0}, {"index": 9524, "quantile": 0.0, "value": 124900.00000000001, "Latitude": 39.18, "Longitude": -123.17, "Population": 1030.0}, {"index": 9524, "quantile": 0.25, "value": 209900.00000000003, "Latitude": 39.18, "Longitude": -123.17, "Population": 1030.0}, {"index": 9524, "quantile": 0.5, "value": 214900.0, "Latitude": 39.18, "Longitude": -123.17, "Population": 1030.0}, {"index": 9524, "quantile": 0.75, "value": 214900.0, "Latitude": 39.18, "Longitude": -123.17, "Population": 1030.0}, {"index": 9524, "quantile": 1.0, "value": 484600.0, "Latitude": 39.18, "Longitude": -123.17, "Population": 1030.0}, {"index": 9525, "quantile": 0.0, "value": 115500.0, "Latitude": 39.15, "Longitude": -123.17, "Population": 816.0}, {"index": 9525, "quantile": 0.25, "value": 161900.0, "Latitude": 39.15, "Longitude": -123.17, "Population": 816.0}, {"index": 9525, "quantile": 0.5, "value": 161900.0, "Latitude": 39.15, "Longitude": -123.17, "Population": 816.0}, {"index": 9525, "quantile": 0.75, "value": 161900.0, "Latitude": 39.15, "Longitude": -123.17, "Population": 816.0}, {"index": 9525, "quantile": 1.0, "value": 336700.0, "Latitude": 39.15, "Longitude": -123.17, "Population": 816.0}, {"index": 9526, "quantile": 0.0, "value": 53400.0, "Latitude": 39.13, "Longitude": -123.16, "Population": 1048.0}, {"index": 9526, "quantile": 0.25, "value": 94700.0, "Latitude": 39.13, "Longitude": -123.16, "Population": 1048.0}, {"index": 9526, "quantile": 0.5, "value": 94700.0, "Latitude": 39.13, "Longitude": -123.16, "Population": 1048.0}, {"index": 9526, "quantile": 0.75, "value": 94700.0, "Latitude": 39.13, "Longitude": -123.16, "Population": 1048.0}, {"index": 9526, "quantile": 1.0, "value": 118800.0, "Latitude": 39.13, "Longitude": -123.16, "Population": 1048.0}, {"index": 9527, "quantile": 0.0, "value": 64500.0, "Latitude": 39.1, "Longitude": -123.16, "Population": 327.0}, {"index": 9527, "quantile": 0.25, "value": 120800.0, "Latitude": 39.1, "Longitude": -123.16, "Population": 327.0}, {"index": 9527, "quantile": 0.5, "value": 120800.0, "Latitude": 39.1, "Longitude": -123.16, "Population": 327.0}, {"index": 9527, "quantile": 0.75, "value": 120800.0, "Latitude": 39.1, "Longitude": -123.16, "Population": 327.0}, {"index": 9527, "quantile": 1.0, "value": 275000.0, "Latitude": 39.1, "Longitude": -123.16, "Population": 327.0}, {"index": 9528, "quantile": 0.0, "value": 63400.0, "Latitude": 39.12, "Longitude": -123.19, "Population": 196.0}, {"index": 9528, "quantile": 0.25, "value": 70000.0, "Latitude": 39.12, "Longitude": -123.19, "Population": 196.0}, {"index": 9528, "quantile": 0.5, "value": 70000.0, "Latitude": 39.12, "Longitude": -123.19, "Population": 196.0}, {"index": 9528, "quantile": 0.75, "value": 94700.0, "Latitude": 39.12, "Longitude": -123.19, "Population": 196.0}, {"index": 9528, "quantile": 1.0, "value": 250000.0, "Latitude": 39.12, "Longitude": -123.19, "Population": 196.0}, {"index": 9529, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 38.94, "Longitude": -123.15, "Population": 1048.0}, {"index": 9529, "quantile": 0.25, "value": 97300.0, "Latitude": 38.94, "Longitude": -123.15, "Population": 1048.0}, {"index": 9529, "quantile": 0.5, "value": 123200.0, "Latitude": 38.94, "Longitude": -123.15, "Population": 1048.0}, {"index": 9529, "quantile": 0.75, "value": 135800.0, "Latitude": 38.94, "Longitude": -123.15, "Population": 1048.0}, {"index": 9529, "quantile": 1.0, "value": 277000.0, "Latitude": 38.94, "Longitude": -123.15, "Population": 1048.0}, {"index": 9530, "quantile": 0.0, "value": 59800.0, "Latitude": 38.97, "Longitude": -123.1, "Population": 697.0}, {"index": 9530, "quantile": 0.25, "value": 94900.0, "Latitude": 38.97, "Longitude": -123.1, "Population": 697.0}, {"index": 9530, "quantile": 0.5, "value": 94900.0, "Latitude": 38.97, "Longitude": -123.1, "Population": 697.0}, {"index": 9530, "quantile": 0.75, "value": 107575.0, "Latitude": 38.97, "Longitude": -123.1, "Population": 697.0}, {"index": 9530, "quantile": 1.0, "value": 249200.0, "Latitude": 38.97, "Longitude": -123.1, "Population": 697.0}, {"index": 9531, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.51, "Longitude": -120.46, "Population": 1432.0}, {"index": 9531, "quantile": 0.25, "value": 83100.0, "Latitude": 37.51, "Longitude": -120.46, "Population": 1432.0}, {"index": 9531, "quantile": 0.5, "value": 83100.0, "Latitude": 37.51, "Longitude": -120.46, "Population": 1432.0}, {"index": 9531, "quantile": 0.75, "value": 116550.0, "Latitude": 37.51, "Longitude": -120.46, "Population": 1432.0}, {"index": 9531, "quantile": 1.0, "value": 201300.0, "Latitude": 37.51, "Longitude": -120.46, "Population": 1432.0}, {"index": 9532, "quantile": 0.0, "value": 46300.0, "Latitude": 37.47, "Longitude": -120.68, "Population": 658.0}, {"index": 9532, "quantile": 0.25, "value": 72075.0, "Latitude": 37.47, "Longitude": -120.68, "Population": 658.0}, {"index": 9532, "quantile": 0.5, "value": 85000.0, "Latitude": 37.47, "Longitude": -120.68, "Population": 658.0}, {"index": 9532, "quantile": 0.75, "value": 90600.0, "Latitude": 37.47, "Longitude": -120.68, "Population": 658.0}, {"index": 9532, "quantile": 1.0, "value": 195800.0, "Latitude": 37.47, "Longitude": -120.68, "Population": 658.0}, {"index": 9533, "quantile": 0.0, "value": 87900.0, "Latitude": 37.44, "Longitude": -120.75, "Population": 1252.0}, {"index": 9533, "quantile": 0.25, "value": 123200.0, "Latitude": 37.44, "Longitude": -120.75, "Population": 1252.0}, {"index": 9533, "quantile": 0.5, "value": 123200.0, "Latitude": 37.44, "Longitude": -120.75, "Population": 1252.0}, {"index": 9533, "quantile": 0.75, "value": 123200.0, "Latitude": 37.44, "Longitude": -120.75, "Population": 1252.0}, {"index": 9533, "quantile": 1.0, "value": 187500.0, "Latitude": 37.44, "Longitude": -120.75, "Population": 1252.0}, {"index": 9534, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 37.44, "Longitude": -120.76, "Population": 1333.0}, {"index": 9534, "quantile": 0.25, "value": 81724.99999999999, "Latitude": 37.44, "Longitude": -120.76, "Population": 1333.0}, {"index": 9534, "quantile": 0.5, "value": 90500.0, "Latitude": 37.44, "Longitude": -120.76, "Population": 1333.0}, {"index": 9534, "quantile": 0.75, "value": 90500.0, "Latitude": 37.44, "Longitude": -120.76, "Population": 1333.0}, {"index": 9534, "quantile": 1.0, "value": 156100.0, "Latitude": 37.44, "Longitude": -120.76, "Population": 1333.0}, {"index": 9535, "quantile": 0.0, "value": 50500.0, "Latitude": 37.42, "Longitude": -120.77, "Population": 888.0}, {"index": 9535, "quantile": 0.25, "value": 72800.0, "Latitude": 37.42, "Longitude": -120.77, "Population": 888.0}, {"index": 9535, "quantile": 0.5, "value": 72800.0, "Latitude": 37.42, "Longitude": -120.77, "Population": 888.0}, {"index": 9535, "quantile": 0.75, "value": 72800.0, "Latitude": 37.42, "Longitude": -120.77, "Population": 888.0}, {"index": 9535, "quantile": 1.0, "value": 214299.99999999997, "Latitude": 37.42, "Longitude": -120.77, "Population": 888.0}, {"index": 9536, "quantile": 0.0, "value": 66000.0, "Latitude": 37.43, "Longitude": -120.79, "Population": 1764.0}, {"index": 9536, "quantile": 0.25, "value": 80700.0, "Latitude": 37.43, "Longitude": -120.79, "Population": 1764.0}, {"index": 9536, "quantile": 0.5, "value": 80700.0, "Latitude": 37.43, "Longitude": -120.79, "Population": 1764.0}, {"index": 9536, "quantile": 0.75, "value": 80700.0, "Latitude": 37.43, "Longitude": -120.79, "Population": 1764.0}, {"index": 9536, "quantile": 1.0, "value": 178100.0, "Latitude": 37.43, "Longitude": -120.79, "Population": 1764.0}, {"index": 9537, "quantile": 0.0, "value": 49500.0, "Latitude": 37.41, "Longitude": -120.79, "Population": 1730.0}, {"index": 9537, "quantile": 0.25, "value": 67500.0, "Latitude": 37.41, "Longitude": -120.79, "Population": 1730.0}, {"index": 9537, "quantile": 0.5, "value": 75000.0, "Latitude": 37.41, "Longitude": -120.79, "Population": 1730.0}, {"index": 9537, "quantile": 0.75, "value": 94750.0, "Latitude": 37.41, "Longitude": -120.79, "Population": 1730.0}, {"index": 9537, "quantile": 1.0, "value": 195800.0, "Latitude": 37.41, "Longitude": -120.79, "Population": 1730.0}, {"index": 9538, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.39, "Longitude": -120.71, "Population": 1476.0}, {"index": 9538, "quantile": 0.25, "value": 102099.99999999999, "Latitude": 37.39, "Longitude": -120.71, "Population": 1476.0}, {"index": 9538, "quantile": 0.5, "value": 135300.0, "Latitude": 37.39, "Longitude": -120.71, "Population": 1476.0}, {"index": 9538, "quantile": 0.75, "value": 158000.0, "Latitude": 37.39, "Longitude": -120.71, "Population": 1476.0}, {"index": 9538, "quantile": 1.0, "value": 282100.0, "Latitude": 37.39, "Longitude": -120.71, "Population": 1476.0}, {"index": 9539, "quantile": 0.0, "value": 50500.0, "Latitude": 37.39, "Longitude": -120.71, "Population": 785.0}, {"index": 9539, "quantile": 0.25, "value": 72700.0, "Latitude": 37.39, "Longitude": -120.71, "Population": 785.0}, {"index": 9539, "quantile": 0.5, "value": 72700.0, "Latitude": 37.39, "Longitude": -120.71, "Population": 785.0}, {"index": 9539, "quantile": 0.75, "value": 76600.0, "Latitude": 37.39, "Longitude": -120.71, "Population": 785.0}, {"index": 9539, "quantile": 1.0, "value": 212500.0, "Latitude": 37.39, "Longitude": -120.71, "Population": 785.0}, {"index": 9540, "quantile": 0.0, "value": 63800.0, "Latitude": 37.4, "Longitude": -120.69, "Population": 496.0}, {"index": 9540, "quantile": 0.25, "value": 137500.0, "Latitude": 37.4, "Longitude": -120.69, "Population": 496.0}, {"index": 9540, "quantile": 0.5, "value": 137500.0, "Latitude": 37.4, "Longitude": -120.69, "Population": 496.0}, {"index": 9540, "quantile": 0.75, "value": 160700.0, "Latitude": 37.4, "Longitude": -120.69, "Population": 496.0}, {"index": 9540, "quantile": 1.0, "value": 282100.0, "Latitude": 37.4, "Longitude": -120.69, "Population": 496.0}, {"index": 9541, "quantile": 0.0, "value": 56200.00000000001, "Latitude": 37.33, "Longitude": -120.74, "Population": 1409.0}, {"index": 9541, "quantile": 0.25, "value": 81300.0, "Latitude": 37.33, "Longitude": -120.74, "Population": 1409.0}, {"index": 9541, "quantile": 0.5, "value": 81300.0, "Latitude": 37.33, "Longitude": -120.74, "Population": 1409.0}, {"index": 9541, "quantile": 0.75, "value": 81300.0, "Latitude": 37.33, "Longitude": -120.74, "Population": 1409.0}, {"index": 9541, "quantile": 1.0, "value": 125000.0, "Latitude": 37.33, "Longitude": -120.74, "Population": 1409.0}, {"index": 9542, "quantile": 0.0, "value": 70800.0, "Latitude": 37.37, "Longitude": -120.75, "Population": 1037.0}, {"index": 9542, "quantile": 0.25, "value": 88800.0, "Latitude": 37.37, "Longitude": -120.75, "Population": 1037.0}, {"index": 9542, "quantile": 0.5, "value": 88800.0, "Latitude": 37.37, "Longitude": -120.75, "Population": 1037.0}, {"index": 9542, "quantile": 0.75, "value": 88800.0, "Latitude": 37.37, "Longitude": -120.75, "Population": 1037.0}, {"index": 9542, "quantile": 1.0, "value": 165600.0, "Latitude": 37.37, "Longitude": -120.75, "Population": 1037.0}, {"index": 9543, "quantile": 0.0, "value": 45000.0, "Latitude": 37.38, "Longitude": -120.73, "Population": 827.0}, {"index": 9543, "quantile": 0.25, "value": 64400.0, "Latitude": 37.38, "Longitude": -120.73, "Population": 827.0}, {"index": 9543, "quantile": 0.5, "value": 64400.0, "Latitude": 37.38, "Longitude": -120.73, "Population": 827.0}, {"index": 9543, "quantile": 0.75, "value": 65125.0, "Latitude": 37.38, "Longitude": -120.73, "Population": 827.0}, {"index": 9543, "quantile": 1.0, "value": 137500.0, "Latitude": 37.38, "Longitude": -120.73, "Population": 827.0}, {"index": 9544, "quantile": 0.0, "value": 37500.0, "Latitude": 37.38, "Longitude": -120.72, "Population": 1455.0}, {"index": 9544, "quantile": 0.25, "value": 67300.0, "Latitude": 37.38, "Longitude": -120.72, "Population": 1455.0}, {"index": 9544, "quantile": 0.5, "value": 67300.0, "Latitude": 37.38, "Longitude": -120.72, "Population": 1455.0}, {"index": 9544, "quantile": 0.75, "value": 72800.0, "Latitude": 37.38, "Longitude": -120.72, "Population": 1455.0}, {"index": 9544, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 37.38, "Longitude": -120.72, "Population": 1455.0}, {"index": 9545, "quantile": 0.0, "value": 46300.0, "Latitude": 37.38, "Longitude": -120.73, "Population": 1052.0}, {"index": 9545, "quantile": 0.25, "value": 72900.0, "Latitude": 37.38, "Longitude": -120.73, "Population": 1052.0}, {"index": 9545, "quantile": 0.5, "value": 72900.0, "Latitude": 37.38, "Longitude": -120.73, "Population": 1052.0}, {"index": 9545, "quantile": 0.75, "value": 80700.0, "Latitude": 37.38, "Longitude": -120.73, "Population": 1052.0}, {"index": 9545, "quantile": 1.0, "value": 159400.0, "Latitude": 37.38, "Longitude": -120.73, "Population": 1052.0}, {"index": 9546, "quantile": 0.0, "value": 58099.99999999999, "Latitude": 37.38, "Longitude": -120.71, "Population": 1756.0}, {"index": 9546, "quantile": 0.25, "value": 71400.0, "Latitude": 37.38, "Longitude": -120.71, "Population": 1756.0}, {"index": 9546, "quantile": 0.5, "value": 71400.0, "Latitude": 37.38, "Longitude": -120.71, "Population": 1756.0}, {"index": 9546, "quantile": 0.75, "value": 83200.0, "Latitude": 37.38, "Longitude": -120.71, "Population": 1756.0}, {"index": 9546, "quantile": 1.0, "value": 156600.0, "Latitude": 37.38, "Longitude": -120.71, "Population": 1756.0}, {"index": 9547, "quantile": 0.0, "value": 74200.0, "Latitude": 37.4, "Longitude": -120.84, "Population": 1374.0}, {"index": 9547, "quantile": 0.25, "value": 103800.0, "Latitude": 37.4, "Longitude": -120.84, "Population": 1374.0}, {"index": 9547, "quantile": 0.5, "value": 103800.0, "Latitude": 37.4, "Longitude": -120.84, "Population": 1374.0}, {"index": 9547, "quantile": 0.75, "value": 103800.0, "Latitude": 37.4, "Longitude": -120.84, "Population": 1374.0}, {"index": 9547, "quantile": 1.0, "value": 250000.0, "Latitude": 37.4, "Longitude": -120.84, "Population": 1374.0}, {"index": 9548, "quantile": 0.0, "value": 86900.0, "Latitude": 37.4, "Longitude": -120.86, "Population": 1904.0}, {"index": 9548, "quantile": 0.25, "value": 113900.0, "Latitude": 37.4, "Longitude": -120.86, "Population": 1904.0}, {"index": 9548, "quantile": 0.5, "value": 113900.0, "Latitude": 37.4, "Longitude": -120.86, "Population": 1904.0}, {"index": 9548, "quantile": 0.75, "value": 115324.99999999999, "Latitude": 37.4, "Longitude": -120.86, "Population": 1904.0}, {"index": 9548, "quantile": 1.0, "value": 182500.0, "Latitude": 37.4, "Longitude": -120.86, "Population": 1904.0}, {"index": 9549, "quantile": 0.0, "value": 63800.0, "Latitude": 37.43, "Longitude": -120.84, "Population": 1580.0}, {"index": 9549, "quantile": 0.25, "value": 110500.0, "Latitude": 37.43, "Longitude": -120.84, "Population": 1580.0}, {"index": 9549, "quantile": 0.5, "value": 129250.0, "Latitude": 37.43, "Longitude": -120.84, "Population": 1580.0}, {"index": 9549, "quantile": 0.75, "value": 148600.0, "Latitude": 37.43, "Longitude": -120.84, "Population": 1580.0}, {"index": 9549, "quantile": 1.0, "value": 269500.0, "Latitude": 37.43, "Longitude": -120.84, "Population": 1580.0}, {"index": 9550, "quantile": 0.0, "value": 46300.0, "Latitude": 37.4, "Longitude": -120.94, "Population": 774.0}, {"index": 9550, "quantile": 0.25, "value": 88800.0, "Latitude": 37.4, "Longitude": -120.94, "Population": 774.0}, {"index": 9550, "quantile": 0.5, "value": 97300.0, "Latitude": 37.4, "Longitude": -120.94, "Population": 774.0}, {"index": 9550, "quantile": 0.75, "value": 135900.0, "Latitude": 37.4, "Longitude": -120.94, "Population": 774.0}, {"index": 9550, "quantile": 1.0, "value": 162600.0, "Latitude": 37.4, "Longitude": -120.94, "Population": 774.0}, {"index": 9551, "quantile": 0.0, "value": 63800.0, "Latitude": 37.37, "Longitude": -120.88, "Population": 684.0}, {"index": 9551, "quantile": 0.25, "value": 103099.99999999999, "Latitude": 37.37, "Longitude": -120.88, "Population": 684.0}, {"index": 9551, "quantile": 0.5, "value": 103099.99999999999, "Latitude": 37.37, "Longitude": -120.88, "Population": 684.0}, {"index": 9551, "quantile": 0.75, "value": 106000.0, "Latitude": 37.37, "Longitude": -120.88, "Population": 684.0}, {"index": 9551, "quantile": 1.0, "value": 201300.0, "Latitude": 37.37, "Longitude": -120.88, "Population": 684.0}, {"index": 9552, "quantile": 0.0, "value": 57599.99999999999, "Latitude": 37.33, "Longitude": -120.89, "Population": 1518.0}, {"index": 9552, "quantile": 0.25, "value": 83975.0, "Latitude": 37.33, "Longitude": -120.89, "Population": 1518.0}, {"index": 9552, "quantile": 0.5, "value": 94200.0, "Latitude": 37.33, "Longitude": -120.89, "Population": 1518.0}, {"index": 9552, "quantile": 0.75, "value": 94200.0, "Latitude": 37.33, "Longitude": -120.89, "Population": 1518.0}, {"index": 9552, "quantile": 1.0, "value": 155700.0, "Latitude": 37.33, "Longitude": -120.89, "Population": 1518.0}, {"index": 9553, "quantile": 0.0, "value": 70400.0, "Latitude": 37.38, "Longitude": -120.64, "Population": 2268.0}, {"index": 9553, "quantile": 0.25, "value": 70400.0, "Latitude": 37.38, "Longitude": -120.64, "Population": 2268.0}, {"index": 9553, "quantile": 0.5, "value": 70400.0, "Latitude": 37.38, "Longitude": -120.64, "Population": 2268.0}, {"index": 9553, "quantile": 0.75, "value": 84600.0, "Latitude": 37.38, "Longitude": -120.64, "Population": 2268.0}, {"index": 9553, "quantile": 1.0, "value": 111300.0, "Latitude": 37.38, "Longitude": -120.64, "Population": 2268.0}, {"index": 9554, "quantile": 0.0, "value": 66000.0, "Latitude": 37.38, "Longitude": -120.64, "Population": 1469.0}, {"index": 9554, "quantile": 0.25, "value": 84600.0, "Latitude": 37.38, "Longitude": -120.64, "Population": 1469.0}, {"index": 9554, "quantile": 0.5, "value": 84600.0, "Latitude": 37.38, "Longitude": -120.64, "Population": 1469.0}, {"index": 9554, "quantile": 0.75, "value": 84600.0, "Latitude": 37.38, "Longitude": -120.64, "Population": 1469.0}, {"index": 9554, "quantile": 1.0, "value": 200000.0, "Latitude": 37.38, "Longitude": -120.64, "Population": 1469.0}, {"index": 9555, "quantile": 0.0, "value": 86300.0, "Latitude": 37.33, "Longitude": -120.65, "Population": 810.0}, {"index": 9555, "quantile": 0.25, "value": 107600.0, "Latitude": 37.33, "Longitude": -120.65, "Population": 810.0}, {"index": 9555, "quantile": 0.5, "value": 107600.0, "Latitude": 37.33, "Longitude": -120.65, "Population": 810.0}, {"index": 9555, "quantile": 0.75, "value": 137150.0, "Latitude": 37.33, "Longitude": -120.65, "Population": 810.0}, {"index": 9555, "quantile": 1.0, "value": 258900.0, "Latitude": 37.33, "Longitude": -120.65, "Population": 810.0}, {"index": 9556, "quantile": 0.0, "value": 63000.0, "Latitude": 37.39, "Longitude": -120.59, "Population": 3589.0}, {"index": 9556, "quantile": 0.25, "value": 72800.0, "Latitude": 37.39, "Longitude": -120.59, "Population": 3589.0}, {"index": 9556, "quantile": 0.5, "value": 72800.0, "Latitude": 37.39, "Longitude": -120.59, "Population": 3589.0}, {"index": 9556, "quantile": 0.75, "value": 72800.0, "Latitude": 37.39, "Longitude": -120.59, "Population": 3589.0}, {"index": 9556, "quantile": 1.0, "value": 137500.0, "Latitude": 37.39, "Longitude": -120.59, "Population": 3589.0}, {"index": 9557, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.41, "Longitude": -120.63, "Population": 1462.0}, {"index": 9557, "quantile": 0.25, "value": 69100.0, "Latitude": 37.41, "Longitude": -120.63, "Population": 1462.0}, {"index": 9557, "quantile": 0.5, "value": 69100.0, "Latitude": 37.41, "Longitude": -120.63, "Population": 1462.0}, {"index": 9557, "quantile": 0.75, "value": 75675.0, "Latitude": 37.41, "Longitude": -120.63, "Population": 1462.0}, {"index": 9557, "quantile": 1.0, "value": 160300.0, "Latitude": 37.41, "Longitude": -120.63, "Population": 1462.0}, {"index": 9558, "quantile": 0.0, "value": 46300.0, "Latitude": 37.43, "Longitude": -120.57, "Population": 1268.0}, {"index": 9558, "quantile": 0.25, "value": 74600.0, "Latitude": 37.43, "Longitude": -120.57, "Population": 1268.0}, {"index": 9558, "quantile": 0.5, "value": 74600.0, "Latitude": 37.43, "Longitude": -120.57, "Population": 1268.0}, {"index": 9558, "quantile": 0.75, "value": 74600.0, "Latitude": 37.43, "Longitude": -120.57, "Population": 1268.0}, {"index": 9558, "quantile": 1.0, "value": 134700.0, "Latitude": 37.43, "Longitude": -120.57, "Population": 1268.0}, {"index": 9559, "quantile": 0.0, "value": 93100.0, "Latitude": 37.37, "Longitude": -120.6, "Population": 1368.0}, {"index": 9559, "quantile": 0.25, "value": 131225.0, "Latitude": 37.37, "Longitude": -120.6, "Population": 1368.0}, {"index": 9559, "quantile": 0.5, "value": 169250.0, "Latitude": 37.37, "Longitude": -120.6, "Population": 1368.0}, {"index": 9559, "quantile": 0.75, "value": 232700.0, "Latitude": 37.37, "Longitude": -120.6, "Population": 1368.0}, {"index": 9559, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -120.6, "Population": 1368.0}, {"index": 9560, "quantile": 0.0, "value": 85300.0, "Latitude": 37.36, "Longitude": -120.6, "Population": 1307.0}, {"index": 9560, "quantile": 0.25, "value": 86900.0, "Latitude": 37.36, "Longitude": -120.6, "Population": 1307.0}, {"index": 9560, "quantile": 0.5, "value": 86900.0, "Latitude": 37.36, "Longitude": -120.6, "Population": 1307.0}, {"index": 9560, "quantile": 0.75, "value": 88600.0, "Latitude": 37.36, "Longitude": -120.6, "Population": 1307.0}, {"index": 9560, "quantile": 1.0, "value": 193800.0, "Latitude": 37.36, "Longitude": -120.6, "Population": 1307.0}, {"index": 9561, "quantile": 0.0, "value": 75000.0, "Latitude": 37.36, "Longitude": -120.63, "Population": 866.0}, {"index": 9561, "quantile": 0.25, "value": 102325.0, "Latitude": 37.36, "Longitude": -120.63, "Population": 866.0}, {"index": 9561, "quantile": 0.5, "value": 124950.0, "Latitude": 37.36, "Longitude": -120.63, "Population": 866.0}, {"index": 9561, "quantile": 0.75, "value": 151700.0, "Latitude": 37.36, "Longitude": -120.63, "Population": 866.0}, {"index": 9561, "quantile": 1.0, "value": 450000.0, "Latitude": 37.36, "Longitude": -120.63, "Population": 866.0}, {"index": 9562, "quantile": 0.0, "value": 50500.0, "Latitude": 37.35, "Longitude": -120.62, "Population": 572.0}, {"index": 9562, "quantile": 0.25, "value": 71000.0, "Latitude": 37.35, "Longitude": -120.62, "Population": 572.0}, {"index": 9562, "quantile": 0.5, "value": 71000.0, "Latitude": 37.35, "Longitude": -120.62, "Population": 572.0}, {"index": 9562, "quantile": 0.75, "value": 71000.0, "Latitude": 37.35, "Longitude": -120.62, "Population": 572.0}, {"index": 9562, "quantile": 1.0, "value": 121400.0, "Latitude": 37.35, "Longitude": -120.62, "Population": 572.0}, {"index": 9563, "quantile": 0.0, "value": 80700.0, "Latitude": 37.36, "Longitude": -120.62, "Population": 2014.0}, {"index": 9563, "quantile": 0.25, "value": 88000.0, "Latitude": 37.36, "Longitude": -120.62, "Population": 2014.0}, {"index": 9563, "quantile": 0.5, "value": 102099.99999999999, "Latitude": 37.36, "Longitude": -120.62, "Population": 2014.0}, {"index": 9563, "quantile": 0.75, "value": 133500.0, "Latitude": 37.36, "Longitude": -120.62, "Population": 2014.0}, {"index": 9563, "quantile": 1.0, "value": 282100.0, "Latitude": 37.36, "Longitude": -120.62, "Population": 2014.0}, {"index": 9564, "quantile": 0.0, "value": 67500.0, "Latitude": 37.37, "Longitude": -120.62, "Population": 1530.0}, {"index": 9564, "quantile": 0.25, "value": 102099.99999999999, "Latitude": 37.37, "Longitude": -120.62, "Population": 1530.0}, {"index": 9564, "quantile": 0.5, "value": 102099.99999999999, "Latitude": 37.37, "Longitude": -120.62, "Population": 1530.0}, {"index": 9564, "quantile": 0.75, "value": 114825.0, "Latitude": 37.37, "Longitude": -120.62, "Population": 1530.0}, {"index": 9564, "quantile": 1.0, "value": 273100.0, "Latitude": 37.37, "Longitude": -120.62, "Population": 1530.0}, {"index": 9565, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.36, "Longitude": -120.59, "Population": 2814.0}, {"index": 9565, "quantile": 0.25, "value": 87300.0, "Latitude": 37.36, "Longitude": -120.59, "Population": 2814.0}, {"index": 9565, "quantile": 0.5, "value": 87300.0, "Latitude": 37.36, "Longitude": -120.59, "Population": 2814.0}, {"index": 9565, "quantile": 0.75, "value": 87300.0, "Latitude": 37.36, "Longitude": -120.59, "Population": 2814.0}, {"index": 9565, "quantile": 1.0, "value": 195800.0, "Latitude": 37.36, "Longitude": -120.59, "Population": 2814.0}, {"index": 9566, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 37.35, "Longitude": -120.6, "Population": 904.0}, {"index": 9566, "quantile": 0.25, "value": 66100.0, "Latitude": 37.35, "Longitude": -120.6, "Population": 904.0}, {"index": 9566, "quantile": 0.5, "value": 66100.0, "Latitude": 37.35, "Longitude": -120.6, "Population": 904.0}, {"index": 9566, "quantile": 0.75, "value": 72900.0, "Latitude": 37.35, "Longitude": -120.6, "Population": 904.0}, {"index": 9566, "quantile": 1.0, "value": 143400.0, "Latitude": 37.35, "Longitude": -120.6, "Population": 904.0}, {"index": 9567, "quantile": 0.0, "value": 58399.99999999999, "Latitude": 37.35, "Longitude": -120.61, "Population": 1009.0}, {"index": 9567, "quantile": 0.25, "value": 78900.0, "Latitude": 37.35, "Longitude": -120.61, "Population": 1009.0}, {"index": 9567, "quantile": 0.5, "value": 87200.0, "Latitude": 37.35, "Longitude": -120.61, "Population": 1009.0}, {"index": 9567, "quantile": 0.75, "value": 96550.0, "Latitude": 37.35, "Longitude": -120.61, "Population": 1009.0}, {"index": 9567, "quantile": 1.0, "value": 225000.0, "Latitude": 37.35, "Longitude": -120.61, "Population": 1009.0}, {"index": 9568, "quantile": 0.0, "value": 47500.0, "Latitude": 37.35, "Longitude": -120.62, "Population": 1000.0}, {"index": 9568, "quantile": 0.25, "value": 67725.0, "Latitude": 37.35, "Longitude": -120.62, "Population": 1000.0}, {"index": 9568, "quantile": 0.5, "value": 78500.0, "Latitude": 37.35, "Longitude": -120.62, "Population": 1000.0}, {"index": 9568, "quantile": 0.75, "value": 82000.0, "Latitude": 37.35, "Longitude": -120.62, "Population": 1000.0}, {"index": 9568, "quantile": 1.0, "value": 350000.0, "Latitude": 37.35, "Longitude": -120.62, "Population": 1000.0}, {"index": 9569, "quantile": 0.0, "value": 71300.0, "Latitude": 37.32, "Longitude": -120.61, "Population": 2497.0}, {"index": 9569, "quantile": 0.25, "value": 146300.0, "Latitude": 37.32, "Longitude": -120.61, "Population": 2497.0}, {"index": 9569, "quantile": 0.5, "value": 146300.0, "Latitude": 37.32, "Longitude": -120.61, "Population": 2497.0}, {"index": 9569, "quantile": 0.75, "value": 146300.0, "Latitude": 37.32, "Longitude": -120.61, "Population": 2497.0}, {"index": 9569, "quantile": 1.0, "value": 294100.0, "Latitude": 37.32, "Longitude": -120.61, "Population": 2497.0}, {"index": 9570, "quantile": 0.0, "value": 50500.0, "Latitude": 37.34, "Longitude": -120.6, "Population": 1304.0}, {"index": 9570, "quantile": 0.25, "value": 68900.0, "Latitude": 37.34, "Longitude": -120.6, "Population": 1304.0}, {"index": 9570, "quantile": 0.5, "value": 68900.0, "Latitude": 37.34, "Longitude": -120.6, "Population": 1304.0}, {"index": 9570, "quantile": 0.75, "value": 68900.0, "Latitude": 37.34, "Longitude": -120.6, "Population": 1304.0}, {"index": 9570, "quantile": 1.0, "value": 107000.0, "Latitude": 37.34, "Longitude": -120.6, "Population": 1304.0}, {"index": 9571, "quantile": 0.0, "value": 56399.99999999999, "Latitude": 37.36, "Longitude": -120.61, "Population": 380.0}, {"index": 9571, "quantile": 0.25, "value": 71000.0, "Latitude": 37.36, "Longitude": -120.61, "Population": 380.0}, {"index": 9571, "quantile": 0.5, "value": 72800.0, "Latitude": 37.36, "Longitude": -120.61, "Population": 380.0}, {"index": 9571, "quantile": 0.75, "value": 96974.99999999999, "Latitude": 37.36, "Longitude": -120.61, "Population": 380.0}, {"index": 9571, "quantile": 1.0, "value": 195800.0, "Latitude": 37.36, "Longitude": -120.61, "Population": 380.0}, {"index": 9572, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.35, "Longitude": -120.57, "Population": 520.0}, {"index": 9572, "quantile": 0.25, "value": 101299.99999999999, "Latitude": 37.35, "Longitude": -120.57, "Population": 520.0}, {"index": 9572, "quantile": 0.5, "value": 101299.99999999999, "Latitude": 37.35, "Longitude": -120.57, "Population": 520.0}, {"index": 9572, "quantile": 0.75, "value": 101299.99999999999, "Latitude": 37.35, "Longitude": -120.57, "Population": 520.0}, {"index": 9572, "quantile": 1.0, "value": 225000.0, "Latitude": 37.35, "Longitude": -120.57, "Population": 520.0}, {"index": 9573, "quantile": 0.0, "value": 75000.0, "Latitude": 37.35, "Longitude": -120.6, "Population": 2441.0}, {"index": 9573, "quantile": 0.25, "value": 88600.0, "Latitude": 37.35, "Longitude": -120.6, "Population": 2441.0}, {"index": 9573, "quantile": 0.5, "value": 88600.0, "Latitude": 37.35, "Longitude": -120.6, "Population": 2441.0}, {"index": 9573, "quantile": 0.75, "value": 101400.0, "Latitude": 37.35, "Longitude": -120.6, "Population": 2441.0}, {"index": 9573, "quantile": 1.0, "value": 193800.0, "Latitude": 37.35, "Longitude": -120.6, "Population": 2441.0}, {"index": 9574, "quantile": 0.0, "value": 86400.0, "Latitude": 37.35, "Longitude": -120.59, "Population": 1569.0}, {"index": 9574, "quantile": 0.25, "value": 88000.0, "Latitude": 37.35, "Longitude": -120.59, "Population": 1569.0}, {"index": 9574, "quantile": 0.5, "value": 88000.0, "Latitude": 37.35, "Longitude": -120.59, "Population": 1569.0}, {"index": 9574, "quantile": 0.75, "value": 117524.99999999999, "Latitude": 37.35, "Longitude": -120.59, "Population": 1569.0}, {"index": 9574, "quantile": 1.0, "value": 269500.0, "Latitude": 37.35, "Longitude": -120.59, "Population": 1569.0}, {"index": 9575, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 37.36, "Longitude": -120.58, "Population": 2603.0}, {"index": 9575, "quantile": 0.25, "value": 67500.0, "Latitude": 37.36, "Longitude": -120.58, "Population": 2603.0}, {"index": 9575, "quantile": 0.5, "value": 67500.0, "Latitude": 37.36, "Longitude": -120.58, "Population": 2603.0}, {"index": 9575, "quantile": 0.75, "value": 72300.0, "Latitude": 37.36, "Longitude": -120.58, "Population": 2603.0}, {"index": 9575, "quantile": 1.0, "value": 137500.0, "Latitude": 37.36, "Longitude": -120.58, "Population": 2603.0}, {"index": 9576, "quantile": 0.0, "value": 49500.0, "Latitude": 37.2, "Longitude": -120.64, "Population": 1361.0}, {"index": 9576, "quantile": 0.25, "value": 83000.0, "Latitude": 37.2, "Longitude": -120.64, "Population": 1361.0}, {"index": 9576, "quantile": 0.5, "value": 125000.0, "Latitude": 37.2, "Longitude": -120.64, "Population": 1361.0}, {"index": 9576, "quantile": 0.75, "value": 125000.0, "Latitude": 37.2, "Longitude": -120.64, "Population": 1361.0}, {"index": 9576, "quantile": 1.0, "value": 140600.0, "Latitude": 37.2, "Longitude": -120.64, "Population": 1361.0}, {"index": 9577, "quantile": 0.0, "value": 86900.0, "Latitude": 37.32, "Longitude": -120.55, "Population": 590.0}, {"index": 9577, "quantile": 0.25, "value": 141400.0, "Latitude": 37.32, "Longitude": -120.55, "Population": 590.0}, {"index": 9577, "quantile": 0.5, "value": 141400.0, "Latitude": 37.32, "Longitude": -120.55, "Population": 590.0}, {"index": 9577, "quantile": 0.75, "value": 141400.0, "Latitude": 37.32, "Longitude": -120.55, "Population": 590.0}, {"index": 9577, "quantile": 1.0, "value": 281900.0, "Latitude": 37.32, "Longitude": -120.55, "Population": 590.0}, {"index": 9578, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 37.26, "Longitude": -120.49, "Population": 1283.0}, {"index": 9578, "quantile": 0.25, "value": 83000.0, "Latitude": 37.26, "Longitude": -120.49, "Population": 1283.0}, {"index": 9578, "quantile": 0.5, "value": 83000.0, "Latitude": 37.26, "Longitude": -120.49, "Population": 1283.0}, {"index": 9578, "quantile": 0.75, "value": 83000.0, "Latitude": 37.26, "Longitude": -120.49, "Population": 1283.0}, {"index": 9578, "quantile": 1.0, "value": 137500.0, "Latitude": 37.26, "Longitude": -120.49, "Population": 1283.0}, {"index": 9579, "quantile": 0.0, "value": 61600.0, "Latitude": 37.37, "Longitude": -120.5, "Population": 5303.0}, {"index": 9579, "quantile": 0.25, "value": 72675.0, "Latitude": 37.37, "Longitude": -120.5, "Population": 5303.0}, {"index": 9579, "quantile": 0.5, "value": 83200.0, "Latitude": 37.37, "Longitude": -120.5, "Population": 5303.0}, {"index": 9579, "quantile": 0.75, "value": 95600.0, "Latitude": 37.37, "Longitude": -120.5, "Population": 5303.0}, {"index": 9579, "quantile": 1.0, "value": 177000.0, "Latitude": 37.37, "Longitude": -120.5, "Population": 5303.0}, {"index": 9580, "quantile": 0.0, "value": 52300.0, "Latitude": 37.16, "Longitude": -120.41, "Population": 1052.0}, {"index": 9580, "quantile": 0.25, "value": 95800.0, "Latitude": 37.16, "Longitude": -120.41, "Population": 1052.0}, {"index": 9580, "quantile": 0.5, "value": 95800.0, "Latitude": 37.16, "Longitude": -120.41, "Population": 1052.0}, {"index": 9580, "quantile": 0.75, "value": 95800.0, "Latitude": 37.16, "Longitude": -120.41, "Population": 1052.0}, {"index": 9580, "quantile": 1.0, "value": 140600.0, "Latitude": 37.16, "Longitude": -120.41, "Population": 1052.0}, {"index": 9581, "quantile": 0.0, "value": 61100.0, "Latitude": 37.32, "Longitude": -120.51, "Population": 1108.0}, {"index": 9581, "quantile": 0.25, "value": 89600.0, "Latitude": 37.32, "Longitude": -120.51, "Population": 1108.0}, {"index": 9581, "quantile": 0.5, "value": 89600.0, "Latitude": 37.32, "Longitude": -120.51, "Population": 1108.0}, {"index": 9581, "quantile": 0.75, "value": 89600.0, "Latitude": 37.32, "Longitude": -120.51, "Population": 1108.0}, {"index": 9581, "quantile": 1.0, "value": 350000.0, "Latitude": 37.32, "Longitude": -120.51, "Population": 1108.0}, {"index": 9582, "quantile": 0.0, "value": 60900.0, "Latitude": 37.32, "Longitude": -120.49, "Population": 620.0}, {"index": 9582, "quantile": 0.25, "value": 106125.0, "Latitude": 37.32, "Longitude": -120.49, "Population": 620.0}, {"index": 9582, "quantile": 0.5, "value": 118300.0, "Latitude": 37.32, "Longitude": -120.49, "Population": 620.0}, {"index": 9582, "quantile": 0.75, "value": 118300.0, "Latitude": 37.32, "Longitude": -120.49, "Population": 620.0}, {"index": 9582, "quantile": 1.0, "value": 173900.0, "Latitude": 37.32, "Longitude": -120.49, "Population": 620.0}, {"index": 9583, "quantile": 0.0, "value": 46300.0, "Latitude": 37.32, "Longitude": -120.5, "Population": 1158.0}, {"index": 9583, "quantile": 0.25, "value": 83200.0, "Latitude": 37.32, "Longitude": -120.5, "Population": 1158.0}, {"index": 9583, "quantile": 0.5, "value": 83200.0, "Latitude": 37.32, "Longitude": -120.5, "Population": 1158.0}, {"index": 9583, "quantile": 0.75, "value": 83200.0, "Latitude": 37.32, "Longitude": -120.5, "Population": 1158.0}, {"index": 9583, "quantile": 1.0, "value": 117500.0, "Latitude": 37.32, "Longitude": -120.5, "Population": 1158.0}, {"index": 9584, "quantile": 0.0, "value": 64400.0, "Latitude": 37.32, "Longitude": -120.49, "Population": 2149.0}, {"index": 9584, "quantile": 0.25, "value": 85300.0, "Latitude": 37.32, "Longitude": -120.49, "Population": 2149.0}, {"index": 9584, "quantile": 0.5, "value": 85300.0, "Latitude": 37.32, "Longitude": -120.49, "Population": 2149.0}, {"index": 9584, "quantile": 0.75, "value": 85800.0, "Latitude": 37.32, "Longitude": -120.49, "Population": 2149.0}, {"index": 9584, "quantile": 1.0, "value": 250000.0, "Latitude": 37.32, "Longitude": -120.49, "Population": 2149.0}, {"index": 9585, "quantile": 0.0, "value": 72800.0, "Latitude": 37.32, "Longitude": -120.48, "Population": 1737.0}, {"index": 9585, "quantile": 0.25, "value": 115250.00000000001, "Latitude": 37.32, "Longitude": -120.48, "Population": 1737.0}, {"index": 9585, "quantile": 0.5, "value": 130600.0, "Latitude": 37.32, "Longitude": -120.48, "Population": 1737.0}, {"index": 9585, "quantile": 0.75, "value": 130600.0, "Latitude": 37.32, "Longitude": -120.48, "Population": 1737.0}, {"index": 9585, "quantile": 1.0, "value": 181300.0, "Latitude": 37.32, "Longitude": -120.48, "Population": 1737.0}, {"index": 9586, "quantile": 0.0, "value": 68500.0, "Latitude": 37.32, "Longitude": -120.47, "Population": 2024.0}, {"index": 9586, "quantile": 0.25, "value": 121600.0, "Latitude": 37.32, "Longitude": -120.47, "Population": 2024.0}, {"index": 9586, "quantile": 0.5, "value": 121600.0, "Latitude": 37.32, "Longitude": -120.47, "Population": 2024.0}, {"index": 9586, "quantile": 0.75, "value": 121600.0, "Latitude": 37.32, "Longitude": -120.47, "Population": 2024.0}, {"index": 9586, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.32, "Longitude": -120.47, "Population": 2024.0}, {"index": 9587, "quantile": 0.0, "value": 85100.0, "Latitude": 37.34, "Longitude": -120.5, "Population": 956.0}, {"index": 9587, "quantile": 0.25, "value": 90400.0, "Latitude": 37.34, "Longitude": -120.5, "Population": 956.0}, {"index": 9587, "quantile": 0.5, "value": 114950.0, "Latitude": 37.34, "Longitude": -120.5, "Population": 956.0}, {"index": 9587, "quantile": 0.75, "value": 127650.0, "Latitude": 37.34, "Longitude": -120.5, "Population": 956.0}, {"index": 9587, "quantile": 1.0, "value": 315000.0, "Latitude": 37.34, "Longitude": -120.5, "Population": 956.0}, {"index": 9588, "quantile": 0.0, "value": 93100.0, "Latitude": 37.34, "Longitude": -120.48, "Population": 2821.0}, {"index": 9588, "quantile": 0.25, "value": 127600.0, "Latitude": 37.34, "Longitude": -120.48, "Population": 2821.0}, {"index": 9588, "quantile": 0.5, "value": 127600.0, "Latitude": 37.34, "Longitude": -120.48, "Population": 2821.0}, {"index": 9588, "quantile": 0.75, "value": 159125.0, "Latitude": 37.34, "Longitude": -120.48, "Population": 2821.0}, {"index": 9588, "quantile": 1.0, "value": 326800.0, "Latitude": 37.34, "Longitude": -120.48, "Population": 2821.0}, {"index": 9589, "quantile": 0.0, "value": 86900.0, "Latitude": 37.34, "Longitude": -120.47, "Population": 1227.0}, {"index": 9589, "quantile": 0.25, "value": 117200.0, "Latitude": 37.34, "Longitude": -120.47, "Population": 1227.0}, {"index": 9589, "quantile": 0.5, "value": 117200.0, "Latitude": 37.34, "Longitude": -120.47, "Population": 1227.0}, {"index": 9589, "quantile": 0.75, "value": 117200.0, "Latitude": 37.34, "Longitude": -120.47, "Population": 1227.0}, {"index": 9589, "quantile": 1.0, "value": 225000.0, "Latitude": 37.34, "Longitude": -120.47, "Population": 1227.0}, {"index": 9590, "quantile": 0.0, "value": 88900.0, "Latitude": 37.32, "Longitude": -120.43, "Population": 566.0}, {"index": 9590, "quantile": 0.25, "value": 125299.99999999999, "Latitude": 37.32, "Longitude": -120.43, "Population": 566.0}, {"index": 9590, "quantile": 0.5, "value": 125299.99999999999, "Latitude": 37.32, "Longitude": -120.43, "Population": 566.0}, {"index": 9590, "quantile": 0.75, "value": 125299.99999999999, "Latitude": 37.32, "Longitude": -120.43, "Population": 566.0}, {"index": 9590, "quantile": 1.0, "value": 361700.0, "Latitude": 37.32, "Longitude": -120.43, "Population": 566.0}, {"index": 9591, "quantile": 0.0, "value": 93100.0, "Latitude": 37.32, "Longitude": -120.45, "Population": 618.0}, {"index": 9591, "quantile": 0.25, "value": 142500.0, "Latitude": 37.32, "Longitude": -120.45, "Population": 618.0}, {"index": 9591, "quantile": 0.5, "value": 162900.0, "Latitude": 37.32, "Longitude": -120.45, "Population": 618.0}, {"index": 9591, "quantile": 0.75, "value": 223950.0, "Latitude": 37.32, "Longitude": -120.45, "Population": 618.0}, {"index": 9591, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.32, "Longitude": -120.45, "Population": 618.0}, {"index": 9592, "quantile": 0.0, "value": 75000.0, "Latitude": 37.32, "Longitude": -120.45, "Population": 1631.0}, {"index": 9592, "quantile": 0.25, "value": 101400.0, "Latitude": 37.32, "Longitude": -120.45, "Population": 1631.0}, {"index": 9592, "quantile": 0.5, "value": 101400.0, "Latitude": 37.32, "Longitude": -120.45, "Population": 1631.0}, {"index": 9592, "quantile": 0.75, "value": 101400.0, "Latitude": 37.32, "Longitude": -120.45, "Population": 1631.0}, {"index": 9592, "quantile": 1.0, "value": 350000.0, "Latitude": 37.32, "Longitude": -120.45, "Population": 1631.0}, {"index": 9593, "quantile": 0.0, "value": 120000.0, "Latitude": 37.33, "Longitude": -120.46, "Population": 368.0}, {"index": 9593, "quantile": 0.25, "value": 138200.0, "Latitude": 37.33, "Longitude": -120.46, "Population": 368.0}, {"index": 9593, "quantile": 0.5, "value": 138200.0, "Latitude": 37.33, "Longitude": -120.46, "Population": 368.0}, {"index": 9593, "quantile": 0.75, "value": 212200.0, "Latitude": 37.33, "Longitude": -120.46, "Population": 368.0}, {"index": 9593, "quantile": 1.0, "value": 375000.0, "Latitude": 37.33, "Longitude": -120.46, "Population": 368.0}, {"index": 9594, "quantile": 0.0, "value": 78900.0, "Latitude": 37.33, "Longitude": -120.46, "Population": 2950.0}, {"index": 9594, "quantile": 0.25, "value": 88000.0, "Latitude": 37.33, "Longitude": -120.46, "Population": 2950.0}, {"index": 9594, "quantile": 0.5, "value": 110500.0, "Latitude": 37.33, "Longitude": -120.46, "Population": 2950.0}, {"index": 9594, "quantile": 0.75, "value": 139400.0, "Latitude": 37.33, "Longitude": -120.46, "Population": 2950.0}, {"index": 9594, "quantile": 1.0, "value": 269500.0, "Latitude": 37.33, "Longitude": -120.46, "Population": 2950.0}, {"index": 9595, "quantile": 0.0, "value": 118600.0, "Latitude": 37.31, "Longitude": -120.44, "Population": 1770.0}, {"index": 9595, "quantile": 0.25, "value": 126200.0, "Latitude": 37.31, "Longitude": -120.44, "Population": 1770.0}, {"index": 9595, "quantile": 0.5, "value": 126200.0, "Latitude": 37.31, "Longitude": -120.44, "Population": 1770.0}, {"index": 9595, "quantile": 0.75, "value": 165125.0, "Latitude": 37.31, "Longitude": -120.44, "Population": 1770.0}, {"index": 9595, "quantile": 1.0, "value": 386200.0, "Latitude": 37.31, "Longitude": -120.44, "Population": 1770.0}, {"index": 9596, "quantile": 0.0, "value": 86400.0, "Latitude": 37.31, "Longitude": -120.45, "Population": 2055.0}, {"index": 9596, "quantile": 0.25, "value": 133500.0, "Latitude": 37.31, "Longitude": -120.45, "Population": 2055.0}, {"index": 9596, "quantile": 0.5, "value": 133500.0, "Latitude": 37.31, "Longitude": -120.45, "Population": 2055.0}, {"index": 9596, "quantile": 0.75, "value": 133500.0, "Latitude": 37.31, "Longitude": -120.45, "Population": 2055.0}, {"index": 9596, "quantile": 1.0, "value": 350000.0, "Latitude": 37.31, "Longitude": -120.45, "Population": 2055.0}, {"index": 9597, "quantile": 0.0, "value": 65000.0, "Latitude": 37.31, "Longitude": -120.46, "Population": 1524.0}, {"index": 9597, "quantile": 0.25, "value": 88000.0, "Latitude": 37.31, "Longitude": -120.46, "Population": 1524.0}, {"index": 9597, "quantile": 0.5, "value": 113350.0, "Latitude": 37.31, "Longitude": -120.46, "Population": 1524.0}, {"index": 9597, "quantile": 0.75, "value": 132225.0, "Latitude": 37.31, "Longitude": -120.46, "Population": 1524.0}, {"index": 9597, "quantile": 1.0, "value": 350000.0, "Latitude": 37.31, "Longitude": -120.46, "Population": 1524.0}, {"index": 9598, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 37.31, "Longitude": -120.48, "Population": 1684.0}, {"index": 9598, "quantile": 0.25, "value": 75600.0, "Latitude": 37.31, "Longitude": -120.48, "Population": 1684.0}, {"index": 9598, "quantile": 0.5, "value": 75600.0, "Latitude": 37.31, "Longitude": -120.48, "Population": 1684.0}, {"index": 9598, "quantile": 0.75, "value": 75600.0, "Latitude": 37.31, "Longitude": -120.48, "Population": 1684.0}, {"index": 9598, "quantile": 1.0, "value": 125400.0, "Latitude": 37.31, "Longitude": -120.48, "Population": 1684.0}, {"index": 9599, "quantile": 0.0, "value": 65000.0, "Latitude": 37.31, "Longitude": -120.5, "Population": 1048.0}, {"index": 9599, "quantile": 0.25, "value": 81800.0, "Latitude": 37.31, "Longitude": -120.5, "Population": 1048.0}, {"index": 9599, "quantile": 0.5, "value": 81800.0, "Latitude": 37.31, "Longitude": -120.5, "Population": 1048.0}, {"index": 9599, "quantile": 0.75, "value": 81800.0, "Latitude": 37.31, "Longitude": -120.5, "Population": 1048.0}, {"index": 9599, "quantile": 1.0, "value": 240200.0, "Latitude": 37.31, "Longitude": -120.5, "Population": 1048.0}, {"index": 9600, "quantile": 0.0, "value": 50500.0, "Latitude": 37.31, "Longitude": -120.49, "Population": 1405.0}, {"index": 9600, "quantile": 0.25, "value": 72375.0, "Latitude": 37.31, "Longitude": -120.49, "Population": 1405.0}, {"index": 9600, "quantile": 0.5, "value": 72400.0, "Latitude": 37.31, "Longitude": -120.49, "Population": 1405.0}, {"index": 9600, "quantile": 0.75, "value": 72400.0, "Latitude": 37.31, "Longitude": -120.49, "Population": 1405.0}, {"index": 9600, "quantile": 1.0, "value": 94200.0, "Latitude": 37.31, "Longitude": -120.49, "Population": 1405.0}, {"index": 9601, "quantile": 0.0, "value": 48300.0, "Latitude": 37.3, "Longitude": -120.48, "Population": 1956.0}, {"index": 9601, "quantile": 0.25, "value": 60900.0, "Latitude": 37.3, "Longitude": -120.48, "Population": 1956.0}, {"index": 9601, "quantile": 0.5, "value": 74900.0, "Latitude": 37.3, "Longitude": -120.48, "Population": 1956.0}, {"index": 9601, "quantile": 0.75, "value": 81175.0, "Latitude": 37.3, "Longitude": -120.48, "Population": 1956.0}, {"index": 9601, "quantile": 1.0, "value": 123100.00000000001, "Latitude": 37.3, "Longitude": -120.48, "Population": 1956.0}, {"index": 9602, "quantile": 0.0, "value": 34400.0, "Latitude": 37.3, "Longitude": -120.48, "Population": 875.0}, {"index": 9602, "quantile": 0.25, "value": 63225.0, "Latitude": 37.3, "Longitude": -120.48, "Population": 875.0}, {"index": 9602, "quantile": 0.5, "value": 78400.0, "Latitude": 37.3, "Longitude": -120.48, "Population": 875.0}, {"index": 9602, "quantile": 0.75, "value": 161400.0, "Latitude": 37.3, "Longitude": -120.48, "Population": 875.0}, {"index": 9602, "quantile": 1.0, "value": 450000.0, "Latitude": 37.3, "Longitude": -120.48, "Population": 875.0}, {"index": 9603, "quantile": 0.0, "value": 46700.0, "Latitude": 37.3, "Longitude": -120.49, "Population": 621.0}, {"index": 9603, "quantile": 0.25, "value": 60900.0, "Latitude": 37.3, "Longitude": -120.49, "Population": 621.0}, {"index": 9603, "quantile": 0.5, "value": 60900.0, "Latitude": 37.3, "Longitude": -120.49, "Population": 621.0}, {"index": 9603, "quantile": 0.75, "value": 61200.0, "Latitude": 37.3, "Longitude": -120.49, "Population": 621.0}, {"index": 9603, "quantile": 1.0, "value": 250000.0, "Latitude": 37.3, "Longitude": -120.49, "Population": 621.0}, {"index": 9604, "quantile": 0.0, "value": 46300.0, "Latitude": 37.31, "Longitude": -120.44, "Population": 3967.0}, {"index": 9604, "quantile": 0.25, "value": 94025.0, "Latitude": 37.31, "Longitude": -120.44, "Population": 3967.0}, {"index": 9604, "quantile": 0.5, "value": 95200.0, "Latitude": 37.31, "Longitude": -120.44, "Population": 3967.0}, {"index": 9604, "quantile": 0.75, "value": 95200.0, "Latitude": 37.31, "Longitude": -120.44, "Population": 3967.0}, {"index": 9604, "quantile": 1.0, "value": 280500.0, "Latitude": 37.31, "Longitude": -120.44, "Population": 3967.0}, {"index": 9605, "quantile": 0.0, "value": 65000.0, "Latitude": 37.31, "Longitude": -120.46, "Population": 953.0}, {"index": 9605, "quantile": 0.25, "value": 87800.0, "Latitude": 37.31, "Longitude": -120.46, "Population": 953.0}, {"index": 9605, "quantile": 0.5, "value": 87800.0, "Latitude": 37.31, "Longitude": -120.46, "Population": 953.0}, {"index": 9605, "quantile": 0.75, "value": 87800.0, "Latitude": 37.31, "Longitude": -120.46, "Population": 953.0}, {"index": 9605, "quantile": 1.0, "value": 187500.0, "Latitude": 37.31, "Longitude": -120.46, "Population": 953.0}, {"index": 9606, "quantile": 0.0, "value": 50500.0, "Latitude": 37.3, "Longitude": -120.47, "Population": 2102.0}, {"index": 9606, "quantile": 0.25, "value": 75000.0, "Latitude": 37.3, "Longitude": -120.47, "Population": 2102.0}, {"index": 9606, "quantile": 0.5, "value": 75000.0, "Latitude": 37.3, "Longitude": -120.47, "Population": 2102.0}, {"index": 9606, "quantile": 0.75, "value": 75000.0, "Latitude": 37.3, "Longitude": -120.47, "Population": 2102.0}, {"index": 9606, "quantile": 1.0, "value": 195800.0, "Latitude": 37.3, "Longitude": -120.47, "Population": 2102.0}, {"index": 9607, "quantile": 0.0, "value": 61700.0, "Latitude": 37.3, "Longitude": -120.46, "Population": 2151.0}, {"index": 9607, "quantile": 0.25, "value": 68300.0, "Latitude": 37.3, "Longitude": -120.46, "Population": 2151.0}, {"index": 9607, "quantile": 0.5, "value": 68300.0, "Latitude": 37.3, "Longitude": -120.46, "Population": 2151.0}, {"index": 9607, "quantile": 0.75, "value": 72300.0, "Latitude": 37.3, "Longitude": -120.46, "Population": 2151.0}, {"index": 9607, "quantile": 1.0, "value": 110700.0, "Latitude": 37.3, "Longitude": -120.46, "Population": 2151.0}, {"index": 9608, "quantile": 0.0, "value": 38800.0, "Latitude": 37.29, "Longitude": -120.51, "Population": 4205.0}, {"index": 9608, "quantile": 0.25, "value": 73300.0, "Latitude": 37.29, "Longitude": -120.51, "Population": 4205.0}, {"index": 9608, "quantile": 0.5, "value": 79800.0, "Latitude": 37.29, "Longitude": -120.51, "Population": 4205.0}, {"index": 9608, "quantile": 0.75, "value": 79800.0, "Latitude": 37.29, "Longitude": -120.51, "Population": 4205.0}, {"index": 9608, "quantile": 1.0, "value": 137000.0, "Latitude": 37.29, "Longitude": -120.51, "Population": 4205.0}, {"index": 9609, "quantile": 0.0, "value": 38800.0, "Latitude": 37.3, "Longitude": -120.5, "Population": 1697.0}, {"index": 9609, "quantile": 0.25, "value": 57599.99999999999, "Latitude": 37.3, "Longitude": -120.5, "Population": 1697.0}, {"index": 9609, "quantile": 0.5, "value": 59000.0, "Latitude": 37.3, "Longitude": -120.5, "Population": 1697.0}, {"index": 9609, "quantile": 0.75, "value": 76800.0, "Latitude": 37.3, "Longitude": -120.5, "Population": 1697.0}, {"index": 9609, "quantile": 1.0, "value": 130700.0, "Latitude": 37.3, "Longitude": -120.5, "Population": 1697.0}, {"index": 9610, "quantile": 0.0, "value": 48300.0, "Latitude": 37.3, "Longitude": -120.49, "Population": 1350.0}, {"index": 9610, "quantile": 0.25, "value": 57599.99999999999, "Latitude": 37.3, "Longitude": -120.49, "Population": 1350.0}, {"index": 9610, "quantile": 0.5, "value": 57599.99999999999, "Latitude": 37.3, "Longitude": -120.49, "Population": 1350.0}, {"index": 9610, "quantile": 0.75, "value": 58099.99999999999, "Latitude": 37.3, "Longitude": -120.49, "Population": 1350.0}, {"index": 9610, "quantile": 1.0, "value": 154900.0, "Latitude": 37.3, "Longitude": -120.49, "Population": 1350.0}, {"index": 9611, "quantile": 0.0, "value": 46700.0, "Latitude": 37.29, "Longitude": -120.49, "Population": 2487.0}, {"index": 9611, "quantile": 0.25, "value": 61349.99999999999, "Latitude": 37.29, "Longitude": -120.49, "Population": 2487.0}, {"index": 9611, "quantile": 0.5, "value": 62700.0, "Latitude": 37.29, "Longitude": -120.49, "Population": 2487.0}, {"index": 9611, "quantile": 0.75, "value": 62700.0, "Latitude": 37.29, "Longitude": -120.49, "Population": 2487.0}, {"index": 9611, "quantile": 1.0, "value": 123100.00000000001, "Latitude": 37.29, "Longitude": -120.49, "Population": 2487.0}, {"index": 9612, "quantile": 0.0, "value": 52300.0, "Latitude": 37.29, "Longitude": -120.47, "Population": 1277.0}, {"index": 9612, "quantile": 0.25, "value": 60900.0, "Latitude": 37.29, "Longitude": -120.47, "Population": 1277.0}, {"index": 9612, "quantile": 0.5, "value": 60900.0, "Latitude": 37.29, "Longitude": -120.47, "Population": 1277.0}, {"index": 9612, "quantile": 0.75, "value": 60900.0, "Latitude": 37.29, "Longitude": -120.47, "Population": 1277.0}, {"index": 9612, "quantile": 1.0, "value": 167400.0, "Latitude": 37.29, "Longitude": -120.47, "Population": 1277.0}, {"index": 9613, "quantile": 0.0, "value": 34400.0, "Latitude": 37.29, "Longitude": -120.48, "Population": 3200.0}, {"index": 9613, "quantile": 0.25, "value": 60400.0, "Latitude": 37.29, "Longitude": -120.48, "Population": 3200.0}, {"index": 9613, "quantile": 0.5, "value": 60400.0, "Latitude": 37.29, "Longitude": -120.48, "Population": 3200.0}, {"index": 9613, "quantile": 0.75, "value": 60400.0, "Latitude": 37.29, "Longitude": -120.48, "Population": 3200.0}, {"index": 9613, "quantile": 1.0, "value": 160300.0, "Latitude": 37.29, "Longitude": -120.48, "Population": 3200.0}, {"index": 9614, "quantile": 0.0, "value": 38800.0, "Latitude": 37.28, "Longitude": -120.47, "Population": 1227.0}, {"index": 9614, "quantile": 0.25, "value": 72100.0, "Latitude": 37.28, "Longitude": -120.47, "Population": 1227.0}, {"index": 9614, "quantile": 0.5, "value": 73300.0, "Latitude": 37.28, "Longitude": -120.47, "Population": 1227.0}, {"index": 9614, "quantile": 0.75, "value": 73300.0, "Latitude": 37.28, "Longitude": -120.47, "Population": 1227.0}, {"index": 9614, "quantile": 1.0, "value": 137000.0, "Latitude": 37.28, "Longitude": -120.47, "Population": 1227.0}, {"index": 9615, "quantile": 0.0, "value": 38800.0, "Latitude": 37.28, "Longitude": -120.49, "Population": 1708.0}, {"index": 9615, "quantile": 0.25, "value": 57099.99999999999, "Latitude": 37.28, "Longitude": -120.49, "Population": 1708.0}, {"index": 9615, "quantile": 0.5, "value": 57099.99999999999, "Latitude": 37.28, "Longitude": -120.49, "Population": 1708.0}, {"index": 9615, "quantile": 0.75, "value": 72800.0, "Latitude": 37.28, "Longitude": -120.49, "Population": 1708.0}, {"index": 9615, "quantile": 1.0, "value": 140600.0, "Latitude": 37.28, "Longitude": -120.49, "Population": 1708.0}, {"index": 9616, "quantile": 0.0, "value": 66000.0, "Latitude": 37.28, "Longitude": -120.44, "Population": 1658.0}, {"index": 9616, "quantile": 0.25, "value": 81100.0, "Latitude": 37.28, "Longitude": -120.44, "Population": 1658.0}, {"index": 9616, "quantile": 0.5, "value": 81100.0, "Latitude": 37.28, "Longitude": -120.44, "Population": 1658.0}, {"index": 9616, "quantile": 0.75, "value": 81100.0, "Latitude": 37.28, "Longitude": -120.44, "Population": 1658.0}, {"index": 9616, "quantile": 1.0, "value": 173900.0, "Latitude": 37.28, "Longitude": -120.44, "Population": 1658.0}, {"index": 9617, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 37.29, "Longitude": -120.44, "Population": 576.0}, {"index": 9617, "quantile": 0.25, "value": 101499.99999999999, "Latitude": 37.29, "Longitude": -120.44, "Population": 576.0}, {"index": 9617, "quantile": 0.5, "value": 101499.99999999999, "Latitude": 37.29, "Longitude": -120.44, "Population": 576.0}, {"index": 9617, "quantile": 0.75, "value": 113324.99999999999, "Latitude": 37.29, "Longitude": -120.44, "Population": 576.0}, {"index": 9617, "quantile": 1.0, "value": 350000.0, "Latitude": 37.29, "Longitude": -120.44, "Population": 576.0}, {"index": 9618, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 37.29, "Longitude": -120.46, "Population": 1940.0}, {"index": 9618, "quantile": 0.25, "value": 72300.0, "Latitude": 37.29, "Longitude": -120.46, "Population": 1940.0}, {"index": 9618, "quantile": 0.5, "value": 72300.0, "Latitude": 37.29, "Longitude": -120.46, "Population": 1940.0}, {"index": 9618, "quantile": 0.75, "value": 72300.0, "Latitude": 37.29, "Longitude": -120.46, "Population": 1940.0}, {"index": 9618, "quantile": 1.0, "value": 128600.0, "Latitude": 37.29, "Longitude": -120.46, "Population": 1940.0}, {"index": 9619, "quantile": 0.0, "value": 120000.0, "Latitude": 37.35, "Longitude": -120.43, "Population": 673.0}, {"index": 9619, "quantile": 0.25, "value": 212200.0, "Latitude": 37.35, "Longitude": -120.43, "Population": 673.0}, {"index": 9619, "quantile": 0.5, "value": 212200.0, "Latitude": 37.35, "Longitude": -120.43, "Population": 673.0}, {"index": 9619, "quantile": 0.75, "value": 235825.0, "Latitude": 37.35, "Longitude": -120.43, "Population": 673.0}, {"index": 9619, "quantile": 1.0, "value": 390000.0, "Latitude": 37.35, "Longitude": -120.43, "Population": 673.0}, {"index": 9620, "quantile": 0.0, "value": 44100.0, "Latitude": 37.3, "Longitude": -120.4, "Population": 967.0}, {"index": 9620, "quantile": 0.25, "value": 80925.0, "Latitude": 37.3, "Longitude": -120.4, "Population": 967.0}, {"index": 9620, "quantile": 0.5, "value": 89400.0, "Latitude": 37.3, "Longitude": -120.4, "Population": 967.0}, {"index": 9620, "quantile": 0.75, "value": 89400.0, "Latitude": 37.3, "Longitude": -120.4, "Population": 967.0}, {"index": 9620, "quantile": 1.0, "value": 95800.0, "Latitude": 37.3, "Longitude": -120.4, "Population": 967.0}, {"index": 9621, "quantile": 0.0, "value": 46300.0, "Latitude": 37.34, "Longitude": -120.3, "Population": 556.0}, {"index": 9621, "quantile": 0.25, "value": 101299.99999999999, "Latitude": 37.34, "Longitude": -120.3, "Population": 556.0}, {"index": 9621, "quantile": 0.5, "value": 103600.0, "Latitude": 37.34, "Longitude": -120.3, "Population": 556.0}, {"index": 9621, "quantile": 0.75, "value": 103600.0, "Latitude": 37.34, "Longitude": -120.3, "Population": 556.0}, {"index": 9621, "quantile": 1.0, "value": 200000.0, "Latitude": 37.34, "Longitude": -120.3, "Population": 556.0}, {"index": 9622, "quantile": 0.0, "value": 47400.0, "Latitude": 37.29, "Longitude": -120.32, "Population": 478.0}, {"index": 9622, "quantile": 0.25, "value": 59600.0, "Latitude": 37.29, "Longitude": -120.32, "Population": 478.0}, {"index": 9622, "quantile": 0.5, "value": 59600.0, "Latitude": 37.29, "Longitude": -120.32, "Population": 478.0}, {"index": 9622, "quantile": 0.75, "value": 64750.0, "Latitude": 37.29, "Longitude": -120.32, "Population": 478.0}, {"index": 9622, "quantile": 1.0, "value": 177000.0, "Latitude": 37.29, "Longitude": -120.32, "Population": 478.0}, {"index": 9623, "quantile": 0.0, "value": 48300.0, "Latitude": 37.29, "Longitude": -120.31, "Population": 1283.0}, {"index": 9623, "quantile": 0.25, "value": 55900.00000000001, "Latitude": 37.29, "Longitude": -120.31, "Population": 1283.0}, {"index": 9623, "quantile": 0.5, "value": 55900.00000000001, "Latitude": 37.29, "Longitude": -120.31, "Population": 1283.0}, {"index": 9623, "quantile": 0.75, "value": 55900.00000000001, "Latitude": 37.29, "Longitude": -120.31, "Population": 1283.0}, {"index": 9623, "quantile": 1.0, "value": 91900.0, "Latitude": 37.29, "Longitude": -120.31, "Population": 1283.0}, {"index": 9624, "quantile": 0.0, "value": 37500.0, "Latitude": 37.29, "Longitude": -120.31, "Population": 732.0}, {"index": 9624, "quantile": 0.25, "value": 57599.99999999999, "Latitude": 37.29, "Longitude": -120.31, "Population": 732.0}, {"index": 9624, "quantile": 0.5, "value": 57599.99999999999, "Latitude": 37.29, "Longitude": -120.31, "Population": 732.0}, {"index": 9624, "quantile": 0.75, "value": 59300.0, "Latitude": 37.29, "Longitude": -120.31, "Population": 732.0}, {"index": 9624, "quantile": 1.0, "value": 106300.0, "Latitude": 37.29, "Longitude": -120.31, "Population": 732.0}, {"index": 9625, "quantile": 0.0, "value": 33200.0, "Latitude": 37.29, "Longitude": -120.32, "Population": 810.0}, {"index": 9625, "quantile": 0.25, "value": 56299.99999999999, "Latitude": 37.29, "Longitude": -120.32, "Population": 810.0}, {"index": 9625, "quantile": 0.5, "value": 56299.99999999999, "Latitude": 37.29, "Longitude": -120.32, "Population": 810.0}, {"index": 9625, "quantile": 0.75, "value": 56299.99999999999, "Latitude": 37.29, "Longitude": -120.32, "Population": 810.0}, {"index": 9625, "quantile": 1.0, "value": 117200.0, "Latitude": 37.29, "Longitude": -120.32, "Population": 810.0}, {"index": 9626, "quantile": 0.0, "value": 39200.0, "Latitude": 37.23, "Longitude": -120.25, "Population": 1110.0}, {"index": 9626, "quantile": 0.25, "value": 59900.0, "Latitude": 37.23, "Longitude": -120.25, "Population": 1110.0}, {"index": 9626, "quantile": 0.5, "value": 59900.0, "Latitude": 37.23, "Longitude": -120.25, "Population": 1110.0}, {"index": 9626, "quantile": 0.75, "value": 64750.0, "Latitude": 37.23, "Longitude": -120.25, "Population": 1110.0}, {"index": 9626, "quantile": 1.0, "value": 195800.0, "Latitude": 37.23, "Longitude": -120.25, "Population": 1110.0}, {"index": 9627, "quantile": 0.0, "value": 68700.0, "Latitude": 37.21, "Longitude": -120.24, "Population": 1313.0}, {"index": 9627, "quantile": 0.25, "value": 93800.0, "Latitude": 37.21, "Longitude": -120.24, "Population": 1313.0}, {"index": 9627, "quantile": 0.5, "value": 93800.0, "Latitude": 37.21, "Longitude": -120.24, "Population": 1313.0}, {"index": 9627, "quantile": 0.75, "value": 93800.0, "Latitude": 37.21, "Longitude": -120.24, "Population": 1313.0}, {"index": 9627, "quantile": 1.0, "value": 210300.00000000003, "Latitude": 37.21, "Longitude": -120.24, "Population": 1313.0}, {"index": 9628, "quantile": 0.0, "value": 33200.0, "Latitude": 37.31, "Longitude": -120.35, "Population": 416.0}, {"index": 9628, "quantile": 0.25, "value": 69400.0, "Latitude": 37.31, "Longitude": -120.35, "Population": 416.0}, {"index": 9628, "quantile": 0.5, "value": 85700.0, "Latitude": 37.31, "Longitude": -120.35, "Population": 416.0}, {"index": 9628, "quantile": 0.75, "value": 125000.0, "Latitude": 37.31, "Longitude": -120.35, "Population": 416.0}, {"index": 9628, "quantile": 1.0, "value": 173400.0, "Latitude": 37.31, "Longitude": -120.35, "Population": 416.0}, {"index": 9629, "quantile": 0.0, "value": 71200.0, "Latitude": 37.25, "Longitude": -121.0, "Population": 806.0}, {"index": 9629, "quantile": 0.25, "value": 107975.0, "Latitude": 37.25, "Longitude": -121.0, "Population": 806.0}, {"index": 9629, "quantile": 0.5, "value": 138100.0, "Latitude": 37.25, "Longitude": -121.0, "Population": 806.0}, {"index": 9629, "quantile": 0.75, "value": 156325.0, "Latitude": 37.25, "Longitude": -121.0, "Population": 806.0}, {"index": 9629, "quantile": 1.0, "value": 288200.0, "Latitude": 37.25, "Longitude": -121.0, "Population": 806.0}, {"index": 9630, "quantile": 0.0, "value": 47100.0, "Latitude": 37.26, "Longitude": -121.0, "Population": 847.0}, {"index": 9630, "quantile": 0.25, "value": 77400.0, "Latitude": 37.26, "Longitude": -121.0, "Population": 847.0}, {"index": 9630, "quantile": 0.5, "value": 77400.0, "Latitude": 37.26, "Longitude": -121.0, "Population": 847.0}, {"index": 9630, "quantile": 0.75, "value": 85700.0, "Latitude": 37.26, "Longitude": -121.0, "Population": 847.0}, {"index": 9630, "quantile": 1.0, "value": 333300.0, "Latitude": 37.26, "Longitude": -121.0, "Population": 847.0}, {"index": 9631, "quantile": 0.0, "value": 65200.0, "Latitude": 37.25, "Longitude": -121.0, "Population": 1002.0}, {"index": 9631, "quantile": 0.25, "value": 96200.0, "Latitude": 37.25, "Longitude": -121.0, "Population": 1002.0}, {"index": 9631, "quantile": 0.5, "value": 96200.0, "Latitude": 37.25, "Longitude": -121.0, "Population": 1002.0}, {"index": 9631, "quantile": 0.75, "value": 97500.0, "Latitude": 37.25, "Longitude": -121.0, "Population": 1002.0}, {"index": 9631, "quantile": 1.0, "value": 201300.0, "Latitude": 37.25, "Longitude": -121.0, "Population": 1002.0}, {"index": 9632, "quantile": 0.0, "value": 65000.0, "Latitude": 37.25, "Longitude": -121.01, "Population": 1135.0}, {"index": 9632, "quantile": 0.25, "value": 97500.0, "Latitude": 37.25, "Longitude": -121.01, "Population": 1135.0}, {"index": 9632, "quantile": 0.5, "value": 97500.0, "Latitude": 37.25, "Longitude": -121.01, "Population": 1135.0}, {"index": 9632, "quantile": 0.75, "value": 97500.0, "Latitude": 37.25, "Longitude": -121.01, "Population": 1135.0}, {"index": 9632, "quantile": 1.0, "value": 173900.0, "Latitude": 37.25, "Longitude": -121.01, "Population": 1135.0}, {"index": 9633, "quantile": 0.0, "value": 46300.0, "Latitude": 37.18, "Longitude": -121.06, "Population": 1491.0}, {"index": 9633, "quantile": 0.25, "value": 106000.0, "Latitude": 37.18, "Longitude": -121.06, "Population": 1491.0}, {"index": 9633, "quantile": 0.5, "value": 123400.0, "Latitude": 37.18, "Longitude": -121.06, "Population": 1491.0}, {"index": 9633, "quantile": 0.75, "value": 123400.0, "Latitude": 37.18, "Longitude": -121.06, "Population": 1491.0}, {"index": 9633, "quantile": 1.0, "value": 234600.0, "Latitude": 37.18, "Longitude": -121.06, "Population": 1491.0}, {"index": 9634, "quantile": 0.0, "value": 67500.0, "Latitude": 37.21, "Longitude": -120.89, "Population": 994.0}, {"index": 9634, "quantile": 0.25, "value": 97200.0, "Latitude": 37.21, "Longitude": -120.89, "Population": 994.0}, {"index": 9634, "quantile": 0.5, "value": 97200.0, "Latitude": 37.21, "Longitude": -120.89, "Population": 994.0}, {"index": 9634, "quantile": 0.75, "value": 113900.0, "Latitude": 37.21, "Longitude": -120.89, "Population": 994.0}, {"index": 9634, "quantile": 1.0, "value": 300000.0, "Latitude": 37.21, "Longitude": -120.89, "Population": 994.0}, {"index": 9635, "quantile": 0.0, "value": 47100.0, "Latitude": 37.09, "Longitude": -121.02, "Population": 560.0}, {"index": 9635, "quantile": 0.25, "value": 112500.0, "Latitude": 37.09, "Longitude": -121.02, "Population": 560.0}, {"index": 9635, "quantile": 0.5, "value": 112500.0, "Latitude": 37.09, "Longitude": -121.02, "Population": 560.0}, {"index": 9635, "quantile": 0.75, "value": 112500.0, "Latitude": 37.09, "Longitude": -121.02, "Population": 560.0}, {"index": 9635, "quantile": 1.0, "value": 350000.0, "Latitude": 37.09, "Longitude": -121.02, "Population": 560.0}, {"index": 9636, "quantile": 0.0, "value": 72700.0, "Latitude": 36.94, "Longitude": -121.02, "Population": 880.0}, {"index": 9636, "quantile": 0.25, "value": 117700.0, "Latitude": 36.94, "Longitude": -121.02, "Population": 880.0}, {"index": 9636, "quantile": 0.5, "value": 117700.0, "Latitude": 36.94, "Longitude": -121.02, "Population": 880.0}, {"index": 9636, "quantile": 0.75, "value": 117700.0, "Latitude": 36.94, "Longitude": -121.02, "Population": 880.0}, {"index": 9636, "quantile": 1.0, "value": 226900.0, "Latitude": 36.94, "Longitude": -121.02, "Population": 880.0}, {"index": 9637, "quantile": 0.0, "value": 72900.0, "Latitude": 37.01, "Longitude": -120.77, "Population": 1057.0}, {"index": 9637, "quantile": 0.25, "value": 97200.0, "Latitude": 37.01, "Longitude": -120.77, "Population": 1057.0}, {"index": 9637, "quantile": 0.5, "value": 123200.0, "Latitude": 37.01, "Longitude": -120.77, "Population": 1057.0}, {"index": 9637, "quantile": 0.75, "value": 206025.0, "Latitude": 37.01, "Longitude": -120.77, "Population": 1057.0}, {"index": 9637, "quantile": 1.0, "value": 350000.0, "Latitude": 37.01, "Longitude": -120.77, "Population": 1057.0}, {"index": 9638, "quantile": 0.0, "value": 46300.0, "Latitude": 37.09, "Longitude": -120.95, "Population": 801.0}, {"index": 9638, "quantile": 0.25, "value": 97200.0, "Latitude": 37.09, "Longitude": -120.95, "Population": 801.0}, {"index": 9638, "quantile": 0.5, "value": 97200.0, "Latitude": 37.09, "Longitude": -120.95, "Population": 801.0}, {"index": 9638, "quantile": 0.75, "value": 97200.0, "Latitude": 37.09, "Longitude": -120.95, "Population": 801.0}, {"index": 9638, "quantile": 1.0, "value": 225000.0, "Latitude": 37.09, "Longitude": -120.95, "Population": 801.0}, {"index": 9639, "quantile": 0.0, "value": 93800.0, "Latitude": 37.08, "Longitude": -120.85, "Population": 1588.0}, {"index": 9639, "quantile": 0.25, "value": 147800.0, "Latitude": 37.08, "Longitude": -120.85, "Population": 1588.0}, {"index": 9639, "quantile": 0.5, "value": 147800.0, "Latitude": 37.08, "Longitude": -120.85, "Population": 1588.0}, {"index": 9639, "quantile": 0.75, "value": 147800.0, "Latitude": 37.08, "Longitude": -120.85, "Population": 1588.0}, {"index": 9639, "quantile": 1.0, "value": 450000.0, "Latitude": 37.08, "Longitude": -120.85, "Population": 1588.0}, {"index": 9640, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.07, "Longitude": -120.85, "Population": 1642.0}, {"index": 9640, "quantile": 0.25, "value": 86300.0, "Latitude": 37.07, "Longitude": -120.85, "Population": 1642.0}, {"index": 9640, "quantile": 0.5, "value": 86300.0, "Latitude": 37.07, "Longitude": -120.85, "Population": 1642.0}, {"index": 9640, "quantile": 0.75, "value": 86300.0, "Latitude": 37.07, "Longitude": -120.85, "Population": 1642.0}, {"index": 9640, "quantile": 1.0, "value": 135900.0, "Latitude": 37.07, "Longitude": -120.85, "Population": 1642.0}, {"index": 9641, "quantile": 0.0, "value": 38800.0, "Latitude": 37.07, "Longitude": -120.84, "Population": 882.0}, {"index": 9641, "quantile": 0.25, "value": 70625.0, "Latitude": 37.07, "Longitude": -120.84, "Population": 882.0}, {"index": 9641, "quantile": 0.5, "value": 79800.0, "Latitude": 37.07, "Longitude": -120.84, "Population": 882.0}, {"index": 9641, "quantile": 0.75, "value": 96449.99999999999, "Latitude": 37.07, "Longitude": -120.84, "Population": 882.0}, {"index": 9641, "quantile": 1.0, "value": 195800.0, "Latitude": 37.07, "Longitude": -120.84, "Population": 882.0}, {"index": 9642, "quantile": 0.0, "value": 47000.0, "Latitude": 37.06, "Longitude": -120.84, "Population": 1096.0}, {"index": 9642, "quantile": 0.25, "value": 78500.0, "Latitude": 37.06, "Longitude": -120.84, "Population": 1096.0}, {"index": 9642, "quantile": 0.5, "value": 78500.0, "Latitude": 37.06, "Longitude": -120.84, "Population": 1096.0}, {"index": 9642, "quantile": 0.75, "value": 78500.0, "Latitude": 37.06, "Longitude": -120.84, "Population": 1096.0}, {"index": 9642, "quantile": 1.0, "value": 156300.0, "Latitude": 37.06, "Longitude": -120.84, "Population": 1096.0}, {"index": 9643, "quantile": 0.0, "value": 49500.0, "Latitude": 37.06, "Longitude": -120.85, "Population": 1796.0}, {"index": 9643, "quantile": 0.25, "value": 82000.0, "Latitude": 37.06, "Longitude": -120.85, "Population": 1796.0}, {"index": 9643, "quantile": 0.5, "value": 82000.0, "Latitude": 37.06, "Longitude": -120.85, "Population": 1796.0}, {"index": 9643, "quantile": 0.75, "value": 82000.0, "Latitude": 37.06, "Longitude": -120.85, "Population": 1796.0}, {"index": 9643, "quantile": 1.0, "value": 195300.0, "Latitude": 37.06, "Longitude": -120.85, "Population": 1796.0}, {"index": 9644, "quantile": 0.0, "value": 73500.0, "Latitude": 37.07, "Longitude": -120.87, "Population": 1343.0}, {"index": 9644, "quantile": 0.25, "value": 88600.0, "Latitude": 37.07, "Longitude": -120.87, "Population": 1343.0}, {"index": 9644, "quantile": 0.5, "value": 88600.0, "Latitude": 37.07, "Longitude": -120.87, "Population": 1343.0}, {"index": 9644, "quantile": 0.75, "value": 130375.0, "Latitude": 37.07, "Longitude": -120.87, "Population": 1343.0}, {"index": 9644, "quantile": 1.0, "value": 350000.0, "Latitude": 37.07, "Longitude": -120.87, "Population": 1343.0}, {"index": 9645, "quantile": 0.0, "value": 46300.0, "Latitude": 37.05, "Longitude": -120.87, "Population": 2092.0}, {"index": 9645, "quantile": 0.25, "value": 91900.0, "Latitude": 37.05, "Longitude": -120.87, "Population": 2092.0}, {"index": 9645, "quantile": 0.5, "value": 110349.99999999999, "Latitude": 37.05, "Longitude": -120.87, "Population": 2092.0}, {"index": 9645, "quantile": 0.75, "value": 140475.0, "Latitude": 37.05, "Longitude": -120.87, "Population": 2092.0}, {"index": 9645, "quantile": 1.0, "value": 239200.0, "Latitude": 37.05, "Longitude": -120.87, "Population": 2092.0}, {"index": 9646, "quantile": 0.0, "value": 88000.0, "Latitude": 37.05, "Longitude": -120.85, "Population": 1198.0}, {"index": 9646, "quantile": 0.25, "value": 140600.0, "Latitude": 37.05, "Longitude": -120.85, "Population": 1198.0}, {"index": 9646, "quantile": 0.5, "value": 140600.0, "Latitude": 37.05, "Longitude": -120.85, "Population": 1198.0}, {"index": 9646, "quantile": 0.75, "value": 140600.0, "Latitude": 37.05, "Longitude": -120.85, "Population": 1198.0}, {"index": 9646, "quantile": 1.0, "value": 330000.0, "Latitude": 37.05, "Longitude": -120.85, "Population": 1198.0}, {"index": 9647, "quantile": 0.0, "value": 110900.0, "Latitude": 37.05, "Longitude": -120.84, "Population": 814.0}, {"index": 9647, "quantile": 0.25, "value": 165500.0, "Latitude": 37.05, "Longitude": -120.84, "Population": 814.0}, {"index": 9647, "quantile": 0.5, "value": 165500.0, "Latitude": 37.05, "Longitude": -120.84, "Population": 814.0}, {"index": 9647, "quantile": 0.75, "value": 224775.0, "Latitude": 37.05, "Longitude": -120.84, "Population": 814.0}, {"index": 9647, "quantile": 1.0, "value": 392800.0, "Latitude": 37.05, "Longitude": -120.84, "Population": 814.0}, {"index": 9648, "quantile": 0.0, "value": 46300.0, "Latitude": 37.08, "Longitude": -120.79, "Population": 91.0}, {"index": 9648, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 37.08, "Longitude": -120.79, "Population": 91.0}, {"index": 9648, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 37.08, "Longitude": -120.79, "Population": 91.0}, {"index": 9648, "quantile": 0.75, "value": 94175.00000000001, "Latitude": 37.08, "Longitude": -120.79, "Population": 91.0}, {"index": 9648, "quantile": 1.0, "value": 271400.0, "Latitude": 37.08, "Longitude": -120.79, "Population": 91.0}, {"index": 9649, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.07, "Longitude": -120.83, "Population": 1942.0}, {"index": 9649, "quantile": 0.25, "value": 88925.0, "Latitude": 37.07, "Longitude": -120.83, "Population": 1942.0}, {"index": 9649, "quantile": 0.5, "value": 97500.0, "Latitude": 37.07, "Longitude": -120.83, "Population": 1942.0}, {"index": 9649, "quantile": 0.75, "value": 113500.0, "Latitude": 37.07, "Longitude": -120.83, "Population": 1942.0}, {"index": 9649, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 37.07, "Longitude": -120.83, "Population": 1942.0}, {"index": 9650, "quantile": 0.0, "value": 42500.0, "Latitude": 37.05, "Longitude": -120.82, "Population": 775.0}, {"index": 9650, "quantile": 0.25, "value": 98950.0, "Latitude": 37.05, "Longitude": -120.82, "Population": 775.0}, {"index": 9650, "quantile": 0.5, "value": 140600.0, "Latitude": 37.05, "Longitude": -120.82, "Population": 775.0}, {"index": 9650, "quantile": 0.75, "value": 140600.0, "Latitude": 37.05, "Longitude": -120.82, "Population": 775.0}, {"index": 9650, "quantile": 1.0, "value": 140600.0, "Latitude": 37.05, "Longitude": -120.82, "Population": 775.0}, {"index": 9651, "quantile": 0.0, "value": 46300.0, "Latitude": 37.09, "Longitude": -120.65, "Population": 595.0}, {"index": 9651, "quantile": 0.25, "value": 113425.0, "Latitude": 37.09, "Longitude": -120.65, "Population": 595.0}, {"index": 9651, "quantile": 0.5, "value": 150000.0, "Latitude": 37.09, "Longitude": -120.65, "Population": 595.0}, {"index": 9651, "quantile": 0.75, "value": 150000.0, "Latitude": 37.09, "Longitude": -120.65, "Population": 595.0}, {"index": 9651, "quantile": 1.0, "value": 231700.00000000003, "Latitude": 37.09, "Longitude": -120.65, "Population": 595.0}, {"index": 9652, "quantile": 0.0, "value": 47100.0, "Latitude": 37.03, "Longitude": -120.61, "Population": 1019.0}, {"index": 9652, "quantile": 0.25, "value": 67500.0, "Latitude": 37.03, "Longitude": -120.61, "Population": 1019.0}, {"index": 9652, "quantile": 0.5, "value": 67500.0, "Latitude": 37.03, "Longitude": -120.61, "Population": 1019.0}, {"index": 9652, "quantile": 0.75, "value": 68375.00000000001, "Latitude": 37.03, "Longitude": -120.61, "Population": 1019.0}, {"index": 9652, "quantile": 1.0, "value": 195800.0, "Latitude": 37.03, "Longitude": -120.61, "Population": 1019.0}, {"index": 9653, "quantile": 0.0, "value": 46300.0, "Latitude": 36.99, "Longitude": -120.7, "Population": 222.0}, {"index": 9653, "quantile": 0.25, "value": 87500.0, "Latitude": 36.99, "Longitude": -120.7, "Population": 222.0}, {"index": 9653, "quantile": 0.5, "value": 87500.0, "Latitude": 36.99, "Longitude": -120.7, "Population": 222.0}, {"index": 9653, "quantile": 0.75, "value": 87500.0, "Latitude": 36.99, "Longitude": -120.7, "Population": 222.0}, {"index": 9653, "quantile": 1.0, "value": 252599.99999999997, "Latitude": 36.99, "Longitude": -120.7, "Population": 222.0}, {"index": 9654, "quantile": 0.0, "value": 38800.0, "Latitude": 36.98, "Longitude": -120.65, "Population": 1548.0}, {"index": 9654, "quantile": 0.25, "value": 49500.0, "Latitude": 36.98, "Longitude": -120.65, "Population": 1548.0}, {"index": 9654, "quantile": 0.5, "value": 49500.0, "Latitude": 36.98, "Longitude": -120.65, "Population": 1548.0}, {"index": 9654, "quantile": 0.75, "value": 58324.99999999999, "Latitude": 36.98, "Longitude": -120.65, "Population": 1548.0}, {"index": 9654, "quantile": 1.0, "value": 91900.0, "Latitude": 36.98, "Longitude": -120.65, "Population": 1548.0}, {"index": 9655, "quantile": 0.0, "value": 47100.0, "Latitude": 36.98, "Longitude": -120.63, "Population": 1581.0}, {"index": 9655, "quantile": 0.25, "value": 61300.0, "Latitude": 36.98, "Longitude": -120.63, "Population": 1581.0}, {"index": 9655, "quantile": 0.5, "value": 61300.0, "Latitude": 36.98, "Longitude": -120.63, "Population": 1581.0}, {"index": 9655, "quantile": 0.75, "value": 63650.00000000001, "Latitude": 36.98, "Longitude": -120.63, "Population": 1581.0}, {"index": 9655, "quantile": 1.0, "value": 195800.0, "Latitude": 36.98, "Longitude": -120.63, "Population": 1581.0}, {"index": 9656, "quantile": 0.0, "value": 42500.0, "Latitude": 36.99, "Longitude": -120.64, "Population": 1168.0}, {"index": 9656, "quantile": 0.25, "value": 75700.0, "Latitude": 36.99, "Longitude": -120.64, "Population": 1168.0}, {"index": 9656, "quantile": 0.5, "value": 75700.0, "Latitude": 36.99, "Longitude": -120.64, "Population": 1168.0}, {"index": 9656, "quantile": 0.75, "value": 75700.0, "Latitude": 36.99, "Longitude": -120.64, "Population": 1168.0}, {"index": 9656, "quantile": 1.0, "value": 231700.00000000003, "Latitude": 36.99, "Longitude": -120.64, "Population": 1168.0}, {"index": 9657, "quantile": 0.0, "value": 47100.0, "Latitude": 36.99, "Longitude": -120.62, "Population": 1344.0}, {"index": 9657, "quantile": 0.25, "value": 67500.0, "Latitude": 36.99, "Longitude": -120.62, "Population": 1344.0}, {"index": 9657, "quantile": 0.5, "value": 75700.0, "Latitude": 36.99, "Longitude": -120.62, "Population": 1344.0}, {"index": 9657, "quantile": 0.75, "value": 96725.0, "Latitude": 36.99, "Longitude": -120.62, "Population": 1344.0}, {"index": 9657, "quantile": 1.0, "value": 262500.0, "Latitude": 36.99, "Longitude": -120.62, "Population": 1344.0}, {"index": 9658, "quantile": 0.0, "value": 42500.0, "Latitude": 37.37, "Longitude": -120.67, "Population": 104.0}, {"index": 9658, "quantile": 0.25, "value": 87500.0, "Latitude": 37.37, "Longitude": -120.67, "Population": 104.0}, {"index": 9658, "quantile": 0.5, "value": 87500.0, "Latitude": 37.37, "Longitude": -120.67, "Population": 104.0}, {"index": 9658, "quantile": 0.75, "value": 87500.0, "Latitude": 37.37, "Longitude": -120.67, "Population": 104.0}, {"index": 9658, "quantile": 1.0, "value": 225000.0, "Latitude": 37.37, "Longitude": -120.67, "Population": 104.0}, {"index": 9659, "quantile": 0.0, "value": 34600.0, "Latitude": 41.78, "Longitude": -121.16, "Population": 1182.0}, {"index": 9659, "quantile": 0.25, "value": 43500.0, "Latitude": 41.78, "Longitude": -121.16, "Population": 1182.0}, {"index": 9659, "quantile": 0.5, "value": 49500.0, "Latitude": 41.78, "Longitude": -121.16, "Population": 1182.0}, {"index": 9659, "quantile": 0.75, "value": 58224.99999999999, "Latitude": 41.78, "Longitude": -121.16, "Population": 1182.0}, {"index": 9659, "quantile": 1.0, "value": 158600.0, "Latitude": 41.78, "Longitude": -121.16, "Population": 1182.0}, {"index": 9660, "quantile": 0.0, "value": 48100.0, "Latitude": 41.31, "Longitude": -121.18, "Population": 829.0}, {"index": 9660, "quantile": 0.25, "value": 64400.0, "Latitude": 41.31, "Longitude": -121.18, "Population": 829.0}, {"index": 9660, "quantile": 0.5, "value": 71000.0, "Latitude": 41.31, "Longitude": -121.18, "Population": 829.0}, {"index": 9660, "quantile": 0.75, "value": 88700.0, "Latitude": 41.31, "Longitude": -121.18, "Population": 829.0}, {"index": 9660, "quantile": 1.0, "value": 143100.0, "Latitude": 41.31, "Longitude": -121.18, "Population": 829.0}, {"index": 9661, "quantile": 0.0, "value": 34600.0, "Latitude": 41.54, "Longitude": -120.87, "Population": 660.0}, {"index": 9661, "quantile": 0.25, "value": 34600.0, "Latitude": 41.54, "Longitude": -120.87, "Population": 660.0}, {"index": 9661, "quantile": 0.5, "value": 34600.0, "Latitude": 41.54, "Longitude": -120.87, "Population": 660.0}, {"index": 9661, "quantile": 0.75, "value": 64149.99999999999, "Latitude": 41.54, "Longitude": -120.87, "Population": 660.0}, {"index": 9661, "quantile": 1.0, "value": 166800.0, "Latitude": 41.54, "Longitude": -120.87, "Population": 660.0}, {"index": 9662, "quantile": 0.0, "value": 40000.0, "Latitude": 41.35, "Longitude": -120.51, "Population": 892.0}, {"index": 9662, "quantile": 0.25, "value": 69100.0, "Latitude": 41.35, "Longitude": -120.51, "Population": 892.0}, {"index": 9662, "quantile": 0.5, "value": 69100.0, "Latitude": 41.35, "Longitude": -120.51, "Population": 892.0}, {"index": 9662, "quantile": 0.75, "value": 77400.0, "Latitude": 41.35, "Longitude": -120.51, "Population": 892.0}, {"index": 9662, "quantile": 1.0, "value": 152700.0, "Latitude": 41.35, "Longitude": -120.51, "Population": 892.0}, {"index": 9663, "quantile": 0.0, "value": 34600.0, "Latitude": 41.82, "Longitude": -120.48, "Population": 429.0}, {"index": 9663, "quantile": 0.25, "value": 47500.0, "Latitude": 41.82, "Longitude": -120.48, "Population": 429.0}, {"index": 9663, "quantile": 0.5, "value": 47500.0, "Latitude": 41.82, "Longitude": -120.48, "Population": 429.0}, {"index": 9663, "quantile": 0.75, "value": 69600.0, "Latitude": 41.82, "Longitude": -120.48, "Population": 429.0}, {"index": 9663, "quantile": 1.0, "value": 119200.0, "Latitude": 41.82, "Longitude": -120.48, "Population": 429.0}, {"index": 9664, "quantile": 0.0, "value": 34600.0, "Latitude": 41.79, "Longitude": -120.08, "Population": 434.0}, {"index": 9664, "quantile": 0.25, "value": 56100.00000000001, "Latitude": 41.79, "Longitude": -120.08, "Population": 434.0}, {"index": 9664, "quantile": 0.5, "value": 56100.00000000001, "Latitude": 41.79, "Longitude": -120.08, "Population": 434.0}, {"index": 9664, "quantile": 0.75, "value": 56100.00000000001, "Latitude": 41.79, "Longitude": -120.08, "Population": 434.0}, {"index": 9664, "quantile": 1.0, "value": 262500.0, "Latitude": 41.79, "Longitude": -120.08, "Population": 434.0}, {"index": 9665, "quantile": 0.0, "value": 52600.0, "Latitude": 41.4, "Longitude": -120.12, "Population": 976.0}, {"index": 9665, "quantile": 0.25, "value": 52600.0, "Latitude": 41.4, "Longitude": -120.12, "Population": 976.0}, {"index": 9665, "quantile": 0.5, "value": 52600.0, "Latitude": 41.4, "Longitude": -120.12, "Population": 976.0}, {"index": 9665, "quantile": 0.75, "value": 78825.0, "Latitude": 41.4, "Longitude": -120.12, "Population": 976.0}, {"index": 9665, "quantile": 1.0, "value": 173400.0, "Latitude": 41.4, "Longitude": -120.12, "Population": 976.0}, {"index": 9666, "quantile": 0.0, "value": 34600.0, "Latitude": 41.61, "Longitude": -120.55, "Population": 4276.0}, {"index": 9666, "quantile": 0.25, "value": 46200.0, "Latitude": 41.61, "Longitude": -120.55, "Population": 4276.0}, {"index": 9666, "quantile": 0.5, "value": 58299.99999999999, "Latitude": 41.61, "Longitude": -120.55, "Population": 4276.0}, {"index": 9666, "quantile": 0.75, "value": 70225.0, "Latitude": 41.61, "Longitude": -120.55, "Population": 4276.0}, {"index": 9666, "quantile": 1.0, "value": 168100.0, "Latitude": 41.61, "Longitude": -120.55, "Population": 4276.0}, {"index": 9667, "quantile": 0.0, "value": 48700.0, "Latitude": 38.51, "Longitude": -119.54, "Population": 721.0}, {"index": 9667, "quantile": 0.25, "value": 95700.0, "Latitude": 38.51, "Longitude": -119.54, "Population": 721.0}, {"index": 9667, "quantile": 0.5, "value": 95700.0, "Latitude": 38.51, "Longitude": -119.54, "Population": 721.0}, {"index": 9667, "quantile": 0.75, "value": 95700.0, "Latitude": 38.51, "Longitude": -119.54, "Population": 721.0}, {"index": 9667, "quantile": 1.0, "value": 132800.0, "Latitude": 38.51, "Longitude": -119.54, "Population": 721.0}, {"index": 9668, "quantile": 0.0, "value": 32900.0, "Latitude": 38.53, "Longitude": -119.44, "Population": 682.0}, {"index": 9668, "quantile": 0.25, "value": 67425.0, "Latitude": 38.53, "Longitude": -119.44, "Population": 682.0}, {"index": 9668, "quantile": 0.5, "value": 83300.0, "Latitude": 38.53, "Longitude": -119.44, "Population": 682.0}, {"index": 9668, "quantile": 0.75, "value": 94024.99999999999, "Latitude": 38.53, "Longitude": -119.44, "Population": 682.0}, {"index": 9668, "quantile": 1.0, "value": 262500.0, "Latitude": 38.53, "Longitude": -119.44, "Population": 682.0}, {"index": 9669, "quantile": 0.0, "value": 69100.0, "Latitude": 38.26, "Longitude": -119.3, "Population": 750.0}, {"index": 9669, "quantile": 0.25, "value": 114799.99999999999, "Latitude": 38.26, "Longitude": -119.3, "Population": 750.0}, {"index": 9669, "quantile": 0.5, "value": 114799.99999999999, "Latitude": 38.26, "Longitude": -119.3, "Population": 750.0}, {"index": 9669, "quantile": 0.75, "value": 124650.00000000001, "Latitude": 38.26, "Longitude": -119.3, "Population": 750.0}, {"index": 9669, "quantile": 1.0, "value": 221400.0, "Latitude": 38.26, "Longitude": -119.3, "Population": 750.0}, {"index": 9670, "quantile": 0.0, "value": 40400.0, "Latitude": 38.03, "Longitude": -118.98, "Population": 419.0}, {"index": 9670, "quantile": 0.25, "value": 98750.0, "Latitude": 38.03, "Longitude": -118.98, "Population": 419.0}, {"index": 9670, "quantile": 0.5, "value": 119800.0, "Latitude": 38.03, "Longitude": -118.98, "Population": 419.0}, {"index": 9670, "quantile": 0.75, "value": 159300.0, "Latitude": 38.03, "Longitude": -118.98, "Population": 419.0}, {"index": 9670, "quantile": 1.0, "value": 242700.0, "Latitude": 38.03, "Longitude": -118.98, "Population": 419.0}, {"index": 9671, "quantile": 0.0, "value": 80700.0, "Latitude": 37.8, "Longitude": -119.07, "Population": 330.0}, {"index": 9671, "quantile": 0.25, "value": 156325.0, "Latitude": 37.8, "Longitude": -119.07, "Population": 330.0}, {"index": 9671, "quantile": 0.5, "value": 160700.0, "Latitude": 37.8, "Longitude": -119.07, "Population": 330.0}, {"index": 9671, "quantile": 0.75, "value": 160700.0, "Latitude": 37.8, "Longitude": -119.07, "Population": 330.0}, {"index": 9671, "quantile": 1.0, "value": 269500.0, "Latitude": 37.8, "Longitude": -119.07, "Population": 330.0}, {"index": 9672, "quantile": 0.0, "value": 70200.0, "Latitude": 37.78, "Longitude": -119.08, "Population": 285.0}, {"index": 9672, "quantile": 0.25, "value": 130000.0, "Latitude": 37.78, "Longitude": -119.08, "Population": 285.0}, {"index": 9672, "quantile": 0.5, "value": 130000.0, "Latitude": 37.78, "Longitude": -119.08, "Population": 285.0}, {"index": 9672, "quantile": 0.75, "value": 130000.0, "Latitude": 37.78, "Longitude": -119.08, "Population": 285.0}, {"index": 9672, "quantile": 1.0, "value": 350000.0, "Latitude": 37.78, "Longitude": -119.08, "Population": 285.0}, {"index": 9673, "quantile": 0.0, "value": 53200.0, "Latitude": 37.7, "Longitude": -118.45, "Population": 899.0}, {"index": 9673, "quantile": 0.25, "value": 104075.0, "Latitude": 37.7, "Longitude": -118.45, "Population": 899.0}, {"index": 9673, "quantile": 0.5, "value": 107800.0, "Latitude": 37.7, "Longitude": -118.45, "Population": 899.0}, {"index": 9673, "quantile": 0.75, "value": 107800.0, "Latitude": 37.7, "Longitude": -118.45, "Population": 899.0}, {"index": 9673, "quantile": 1.0, "value": 122300.00000000001, "Latitude": 37.7, "Longitude": -118.45, "Population": 899.0}, {"index": 9674, "quantile": 0.0, "value": 93200.0, "Latitude": 37.58, "Longitude": -118.74, "Population": 1085.0}, {"index": 9674, "quantile": 0.25, "value": 159300.0, "Latitude": 37.58, "Longitude": -118.74, "Population": 1085.0}, {"index": 9674, "quantile": 0.5, "value": 159300.0, "Latitude": 37.58, "Longitude": -118.74, "Population": 1085.0}, {"index": 9674, "quantile": 0.75, "value": 159300.0, "Latitude": 37.58, "Longitude": -118.74, "Population": 1085.0}, {"index": 9674, "quantile": 1.0, "value": 262500.0, "Latitude": 37.58, "Longitude": -118.74, "Population": 1085.0}, {"index": 9675, "quantile": 0.0, "value": 84500.0, "Latitude": 37.64, "Longitude": -118.96, "Population": 901.0}, {"index": 9675, "quantile": 0.25, "value": 150625.0, "Latitude": 37.64, "Longitude": -118.96, "Population": 901.0}, {"index": 9675, "quantile": 0.5, "value": 242700.0, "Latitude": 37.64, "Longitude": -118.96, "Population": 901.0}, {"index": 9675, "quantile": 0.75, "value": 242700.0, "Latitude": 37.64, "Longitude": -118.96, "Population": 901.0}, {"index": 9675, "quantile": 1.0, "value": 350000.0, "Latitude": 37.64, "Longitude": -118.96, "Population": 901.0}, {"index": 9676, "quantile": 0.0, "value": 80000.0, "Latitude": 37.64, "Longitude": -119.02, "Population": 265.0}, {"index": 9676, "quantile": 0.25, "value": 170475.0, "Latitude": 37.64, "Longitude": -119.02, "Population": 265.0}, {"index": 9676, "quantile": 0.5, "value": 221400.0, "Latitude": 37.64, "Longitude": -119.02, "Population": 265.0}, {"index": 9676, "quantile": 0.75, "value": 221400.0, "Latitude": 37.64, "Longitude": -119.02, "Population": 265.0}, {"index": 9676, "quantile": 1.0, "value": 437500.0, "Latitude": 37.64, "Longitude": -119.02, "Population": 265.0}, {"index": 9677, "quantile": 0.0, "value": 95200.0, "Latitude": 37.65, "Longitude": -118.98, "Population": 483.0}, {"index": 9677, "quantile": 0.25, "value": 169800.0, "Latitude": 37.65, "Longitude": -118.98, "Population": 483.0}, {"index": 9677, "quantile": 0.5, "value": 169800.0, "Latitude": 37.65, "Longitude": -118.98, "Population": 483.0}, {"index": 9677, "quantile": 0.75, "value": 169800.0, "Latitude": 37.65, "Longitude": -118.98, "Population": 483.0}, {"index": 9677, "quantile": 1.0, "value": 425000.0, "Latitude": 37.65, "Longitude": -118.98, "Population": 483.0}, {"index": 9678, "quantile": 0.0, "value": 81300.0, "Latitude": 37.65, "Longitude": -118.99, "Population": 338.0}, {"index": 9678, "quantile": 0.25, "value": 169500.0, "Latitude": 37.65, "Longitude": -118.99, "Population": 338.0}, {"index": 9678, "quantile": 0.5, "value": 217499.99999999997, "Latitude": 37.65, "Longitude": -118.99, "Population": 338.0}, {"index": 9678, "quantile": 0.75, "value": 313000.0, "Latitude": 37.65, "Longitude": -118.99, "Population": 338.0}, {"index": 9678, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.65, "Longitude": -118.99, "Population": 338.0}, {"index": 9679, "quantile": 0.0, "value": 79700.0, "Latitude": 37.64, "Longitude": -118.98, "Population": 1160.0}, {"index": 9679, "quantile": 0.25, "value": 104075.0, "Latitude": 37.64, "Longitude": -118.98, "Population": 1160.0}, {"index": 9679, "quantile": 0.5, "value": 123800.0, "Latitude": 37.64, "Longitude": -118.98, "Population": 1160.0}, {"index": 9679, "quantile": 0.75, "value": 162500.0, "Latitude": 37.64, "Longitude": -118.98, "Population": 1160.0}, {"index": 9679, "quantile": 1.0, "value": 221400.0, "Latitude": 37.64, "Longitude": -118.98, "Population": 1160.0}, {"index": 9680, "quantile": 0.0, "value": 77500.0, "Latitude": 37.64, "Longitude": -118.97, "Population": 575.0}, {"index": 9680, "quantile": 0.25, "value": 137500.0, "Latitude": 37.64, "Longitude": -118.97, "Population": 575.0}, {"index": 9680, "quantile": 0.5, "value": 162500.0, "Latitude": 37.64, "Longitude": -118.97, "Population": 575.0}, {"index": 9680, "quantile": 0.75, "value": 162500.0, "Latitude": 37.64, "Longitude": -118.97, "Population": 575.0}, {"index": 9680, "quantile": 1.0, "value": 221400.0, "Latitude": 37.64, "Longitude": -118.97, "Population": 575.0}, {"index": 9681, "quantile": 0.0, "value": 77500.0, "Latitude": 37.64, "Longitude": -118.97, "Population": 342.0}, {"index": 9681, "quantile": 0.25, "value": 87500.0, "Latitude": 37.64, "Longitude": -118.97, "Population": 342.0}, {"index": 9681, "quantile": 0.5, "value": 87500.0, "Latitude": 37.64, "Longitude": -118.97, "Population": 342.0}, {"index": 9681, "quantile": 0.75, "value": 130825.00000000001, "Latitude": 37.64, "Longitude": -118.97, "Population": 342.0}, {"index": 9681, "quantile": 1.0, "value": 242700.0, "Latitude": 37.64, "Longitude": -118.97, "Population": 342.0}, {"index": 9682, "quantile": 0.0, "value": 80000.0, "Latitude": 37.64, "Longitude": -118.97, "Population": 238.0}, {"index": 9682, "quantile": 0.25, "value": 137500.0, "Latitude": 37.64, "Longitude": -118.97, "Population": 238.0}, {"index": 9682, "quantile": 0.5, "value": 137500.0, "Latitude": 37.64, "Longitude": -118.97, "Population": 238.0}, {"index": 9682, "quantile": 0.75, "value": 148575.0, "Latitude": 37.64, "Longitude": -118.97, "Population": 238.0}, {"index": 9682, "quantile": 1.0, "value": 242700.0, "Latitude": 37.64, "Longitude": -118.97, "Population": 238.0}, {"index": 9683, "quantile": 0.0, "value": 72100.0, "Latitude": 37.63, "Longitude": -118.99, "Population": 483.0}, {"index": 9683, "quantile": 0.25, "value": 123075.0, "Latitude": 37.63, "Longitude": -118.99, "Population": 483.0}, {"index": 9683, "quantile": 0.5, "value": 142899.99999999997, "Latitude": 37.63, "Longitude": -118.99, "Population": 483.0}, {"index": 9683, "quantile": 0.75, "value": 214299.99999999997, "Latitude": 37.63, "Longitude": -118.99, "Population": 483.0}, {"index": 9683, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.63, "Longitude": -118.99, "Population": 483.0}, {"index": 9684, "quantile": 0.0, "value": 131200.0, "Latitude": 36.72, "Longitude": -121.64, "Population": 2900.0}, {"index": 9684, "quantile": 0.25, "value": 159900.0, "Latitude": 36.72, "Longitude": -121.64, "Population": 2900.0}, {"index": 9684, "quantile": 0.5, "value": 159900.0, "Latitude": 36.72, "Longitude": -121.64, "Population": 2900.0}, {"index": 9684, "quantile": 0.75, "value": 168900.0, "Latitude": 36.72, "Longitude": -121.64, "Population": 2900.0}, {"index": 9684, "quantile": 1.0, "value": 450000.0, "Latitude": 36.72, "Longitude": -121.64, "Population": 2900.0}, {"index": 9685, "quantile": 0.0, "value": 93100.0, "Latitude": 36.71, "Longitude": -121.63, "Population": 3251.0}, {"index": 9685, "quantile": 0.25, "value": 159900.0, "Latitude": 36.71, "Longitude": -121.63, "Population": 3251.0}, {"index": 9685, "quantile": 0.5, "value": 196450.0, "Latitude": 36.71, "Longitude": -121.63, "Population": 3251.0}, {"index": 9685, "quantile": 0.75, "value": 260700.00000000003, "Latitude": 36.71, "Longitude": -121.63, "Population": 3251.0}, {"index": 9685, "quantile": 1.0, "value": 450000.0, "Latitude": 36.71, "Longitude": -121.63, "Population": 3251.0}, {"index": 9686, "quantile": 0.0, "value": 110500.0, "Latitude": 36.71, "Longitude": -121.62, "Population": 2200.0}, {"index": 9686, "quantile": 0.25, "value": 177800.0, "Latitude": 36.71, "Longitude": -121.62, "Population": 2200.0}, {"index": 9686, "quantile": 0.5, "value": 177800.0, "Latitude": 36.71, "Longitude": -121.62, "Population": 2200.0}, {"index": 9686, "quantile": 0.75, "value": 217600.00000000003, "Latitude": 36.71, "Longitude": -121.62, "Population": 2200.0}, {"index": 9686, "quantile": 1.0, "value": 374600.0, "Latitude": 36.71, "Longitude": -121.62, "Population": 2200.0}, {"index": 9687, "quantile": 0.0, "value": 100800.0, "Latitude": 36.74, "Longitude": -121.62, "Population": 838.0}, {"index": 9687, "quantile": 0.25, "value": 188600.0, "Latitude": 36.74, "Longitude": -121.62, "Population": 838.0}, {"index": 9687, "quantile": 0.5, "value": 221900.00000000003, "Latitude": 36.74, "Longitude": -121.62, "Population": 838.0}, {"index": 9687, "quantile": 0.75, "value": 236249.99999999997, "Latitude": 36.74, "Longitude": -121.62, "Population": 838.0}, {"index": 9687, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.74, "Longitude": -121.62, "Population": 838.0}, {"index": 9688, "quantile": 0.0, "value": 126400.0, "Latitude": 36.7, "Longitude": -121.64, "Population": 2927.0}, {"index": 9688, "quantile": 0.25, "value": 142500.0, "Latitude": 36.7, "Longitude": -121.64, "Population": 2927.0}, {"index": 9688, "quantile": 0.5, "value": 142500.0, "Latitude": 36.7, "Longitude": -121.64, "Population": 2927.0}, {"index": 9688, "quantile": 0.75, "value": 175000.0, "Latitude": 36.7, "Longitude": -121.64, "Population": 2927.0}, {"index": 9688, "quantile": 1.0, "value": 320900.0, "Latitude": 36.7, "Longitude": -121.64, "Population": 2927.0}, {"index": 9689, "quantile": 0.0, "value": 77800.0, "Latitude": 36.7, "Longitude": -121.65, "Population": 2773.0}, {"index": 9689, "quantile": 0.25, "value": 168300.0, "Latitude": 36.7, "Longitude": -121.65, "Population": 2773.0}, {"index": 9689, "quantile": 0.5, "value": 183550.0, "Latitude": 36.7, "Longitude": -121.65, "Population": 2773.0}, {"index": 9689, "quantile": 0.75, "value": 209475.00000000003, "Latitude": 36.7, "Longitude": -121.65, "Population": 2773.0}, {"index": 9689, "quantile": 1.0, "value": 369300.0, "Latitude": 36.7, "Longitude": -121.65, "Population": 2773.0}, {"index": 9690, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 36.71, "Longitude": -121.66, "Population": 2002.0}, {"index": 9690, "quantile": 0.25, "value": 157500.0, "Latitude": 36.71, "Longitude": -121.66, "Population": 2002.0}, {"index": 9690, "quantile": 0.5, "value": 157500.0, "Latitude": 36.71, "Longitude": -121.66, "Population": 2002.0}, {"index": 9690, "quantile": 0.75, "value": 192300.0, "Latitude": 36.71, "Longitude": -121.66, "Population": 2002.0}, {"index": 9690, "quantile": 1.0, "value": 255200.0, "Latitude": 36.71, "Longitude": -121.66, "Population": 2002.0}, {"index": 9691, "quantile": 0.0, "value": 117600.0, "Latitude": 36.7, "Longitude": -121.66, "Population": 2010.0}, {"index": 9691, "quantile": 0.25, "value": 157500.0, "Latitude": 36.7, "Longitude": -121.66, "Population": 2010.0}, {"index": 9691, "quantile": 0.5, "value": 169100.0, "Latitude": 36.7, "Longitude": -121.66, "Population": 2010.0}, {"index": 9691, "quantile": 0.75, "value": 203600.0, "Latitude": 36.7, "Longitude": -121.66, "Population": 2010.0}, {"index": 9691, "quantile": 1.0, "value": 270300.0, "Latitude": 36.7, "Longitude": -121.66, "Population": 2010.0}, {"index": 9692, "quantile": 0.0, "value": 58099.99999999999, "Latitude": 36.69, "Longitude": -121.65, "Population": 4907.0}, {"index": 9692, "quantile": 0.25, "value": 160300.0, "Latitude": 36.69, "Longitude": -121.65, "Population": 4907.0}, {"index": 9692, "quantile": 0.5, "value": 160300.0, "Latitude": 36.69, "Longitude": -121.65, "Population": 4907.0}, {"index": 9692, "quantile": 0.75, "value": 160300.0, "Latitude": 36.69, "Longitude": -121.65, "Population": 4907.0}, {"index": 9692, "quantile": 1.0, "value": 288400.0, "Latitude": 36.69, "Longitude": -121.65, "Population": 4907.0}, {"index": 9693, "quantile": 0.0, "value": 72900.0, "Latitude": 36.68, "Longitude": -121.64, "Population": 6012.0}, {"index": 9693, "quantile": 0.25, "value": 151450.0, "Latitude": 36.68, "Longitude": -121.64, "Population": 6012.0}, {"index": 9693, "quantile": 0.5, "value": 156100.0, "Latitude": 36.68, "Longitude": -121.64, "Population": 6012.0}, {"index": 9693, "quantile": 0.75, "value": 156100.0, "Latitude": 36.68, "Longitude": -121.64, "Population": 6012.0}, {"index": 9693, "quantile": 1.0, "value": 305800.0, "Latitude": 36.68, "Longitude": -121.64, "Population": 6012.0}, {"index": 9694, "quantile": 0.0, "value": 37500.0, "Latitude": 36.68, "Longitude": -121.63, "Population": 3243.0}, {"index": 9694, "quantile": 0.25, "value": 108500.0, "Latitude": 36.68, "Longitude": -121.63, "Population": 3243.0}, {"index": 9694, "quantile": 0.5, "value": 108500.0, "Latitude": 36.68, "Longitude": -121.63, "Population": 3243.0}, {"index": 9694, "quantile": 0.75, "value": 114225.0, "Latitude": 36.68, "Longitude": -121.63, "Population": 3243.0}, {"index": 9694, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 36.68, "Longitude": -121.63, "Population": 3243.0}, {"index": 9695, "quantile": 0.0, "value": 100499.99999999999, "Latitude": 36.68, "Longitude": -121.61, "Population": 3456.0}, {"index": 9695, "quantile": 0.25, "value": 127600.0, "Latitude": 36.68, "Longitude": -121.61, "Population": 3456.0}, {"index": 9695, "quantile": 0.5, "value": 127600.0, "Latitude": 36.68, "Longitude": -121.61, "Population": 3456.0}, {"index": 9695, "quantile": 0.75, "value": 127600.0, "Latitude": 36.68, "Longitude": -121.61, "Population": 3456.0}, {"index": 9695, "quantile": 1.0, "value": 218100.0, "Latitude": 36.68, "Longitude": -121.61, "Population": 3456.0}, {"index": 9696, "quantile": 0.0, "value": 97100.0, "Latitude": 36.68, "Longitude": -121.62, "Population": 2448.0}, {"index": 9696, "quantile": 0.25, "value": 130500.0, "Latitude": 36.68, "Longitude": -121.62, "Population": 2448.0}, {"index": 9696, "quantile": 0.5, "value": 130500.0, "Latitude": 36.68, "Longitude": -121.62, "Population": 2448.0}, {"index": 9696, "quantile": 0.75, "value": 130500.0, "Latitude": 36.68, "Longitude": -121.62, "Population": 2448.0}, {"index": 9696, "quantile": 1.0, "value": 305800.0, "Latitude": 36.68, "Longitude": -121.62, "Population": 2448.0}, {"index": 9697, "quantile": 0.0, "value": 48300.0, "Latitude": 36.69, "Longitude": -121.61, "Population": 11272.0}, {"index": 9697, "quantile": 0.25, "value": 112500.0, "Latitude": 36.69, "Longitude": -121.61, "Population": 11272.0}, {"index": 9697, "quantile": 0.5, "value": 118500.0, "Latitude": 36.69, "Longitude": -121.61, "Population": 11272.0}, {"index": 9697, "quantile": 0.75, "value": 118500.0, "Latitude": 36.69, "Longitude": -121.61, "Population": 11272.0}, {"index": 9697, "quantile": 1.0, "value": 203399.99999999997, "Latitude": 36.69, "Longitude": -121.61, "Population": 11272.0}, {"index": 9698, "quantile": 0.0, "value": 98500.0, "Latitude": 36.67, "Longitude": -121.61, "Population": 3130.0}, {"index": 9698, "quantile": 0.25, "value": 119200.0, "Latitude": 36.67, "Longitude": -121.61, "Population": 3130.0}, {"index": 9698, "quantile": 0.5, "value": 119200.0, "Latitude": 36.67, "Longitude": -121.61, "Population": 3130.0}, {"index": 9698, "quantile": 0.75, "value": 128150.00000000001, "Latitude": 36.67, "Longitude": -121.61, "Population": 3130.0}, {"index": 9698, "quantile": 1.0, "value": 184300.0, "Latitude": 36.67, "Longitude": -121.61, "Population": 3130.0}, {"index": 9699, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 36.67, "Longitude": -121.62, "Population": 1507.0}, {"index": 9699, "quantile": 0.25, "value": 129000.0, "Latitude": 36.67, "Longitude": -121.62, "Population": 1507.0}, {"index": 9699, "quantile": 0.5, "value": 129000.0, "Latitude": 36.67, "Longitude": -121.62, "Population": 1507.0}, {"index": 9699, "quantile": 0.75, "value": 129000.0, "Latitude": 36.67, "Longitude": -121.62, "Population": 1507.0}, {"index": 9699, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 36.67, "Longitude": -121.62, "Population": 1507.0}, {"index": 9700, "quantile": 0.0, "value": 72000.0, "Latitude": 36.67, "Longitude": -121.62, "Population": 2220.0}, {"index": 9700, "quantile": 0.25, "value": 121525.00000000001, "Latitude": 36.67, "Longitude": -121.62, "Population": 2220.0}, {"index": 9700, "quantile": 0.5, "value": 157600.0, "Latitude": 36.67, "Longitude": -121.62, "Population": 2220.0}, {"index": 9700, "quantile": 0.75, "value": 177500.0, "Latitude": 36.67, "Longitude": -121.62, "Population": 2220.0}, {"index": 9700, "quantile": 1.0, "value": 250000.0, "Latitude": 36.67, "Longitude": -121.62, "Population": 2220.0}, {"index": 9701, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 36.67, "Longitude": -121.63, "Population": 2443.0}, {"index": 9701, "quantile": 0.25, "value": 130400.0, "Latitude": 36.67, "Longitude": -121.63, "Population": 2443.0}, {"index": 9701, "quantile": 0.5, "value": 130400.0, "Latitude": 36.67, "Longitude": -121.63, "Population": 2443.0}, {"index": 9701, "quantile": 0.75, "value": 132400.0, "Latitude": 36.67, "Longitude": -121.63, "Population": 2443.0}, {"index": 9701, "quantile": 1.0, "value": 289100.0, "Latitude": 36.67, "Longitude": -121.63, "Population": 2443.0}, {"index": 9702, "quantile": 0.0, "value": 60000.0, "Latitude": 36.67, "Longitude": -121.64, "Population": 214.0}, {"index": 9702, "quantile": 0.25, "value": 137500.0, "Latitude": 36.67, "Longitude": -121.64, "Population": 214.0}, {"index": 9702, "quantile": 0.5, "value": 137500.0, "Latitude": 36.67, "Longitude": -121.64, "Population": 214.0}, {"index": 9702, "quantile": 0.75, "value": 163625.0, "Latitude": 36.67, "Longitude": -121.64, "Population": 214.0}, {"index": 9702, "quantile": 1.0, "value": 333300.0, "Latitude": 36.67, "Longitude": -121.64, "Population": 214.0}, {"index": 9703, "quantile": 0.0, "value": 53400.0, "Latitude": 36.65, "Longitude": -121.63, "Population": 315.0}, {"index": 9703, "quantile": 0.25, "value": 112500.0, "Latitude": 36.65, "Longitude": -121.63, "Population": 315.0}, {"index": 9703, "quantile": 0.5, "value": 112500.0, "Latitude": 36.65, "Longitude": -121.63, "Population": 315.0}, {"index": 9703, "quantile": 0.75, "value": 112500.0, "Latitude": 36.65, "Longitude": -121.63, "Population": 315.0}, {"index": 9703, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.65, "Longitude": -121.63, "Population": 315.0}, {"index": 9704, "quantile": 0.0, "value": 110900.0, "Latitude": 36.66, "Longitude": -121.64, "Population": 1466.0}, {"index": 9704, "quantile": 0.25, "value": 236425.00000000003, "Latitude": 36.66, "Longitude": -121.64, "Population": 1466.0}, {"index": 9704, "quantile": 0.5, "value": 277350.0, "Latitude": 36.66, "Longitude": -121.64, "Population": 1466.0}, {"index": 9704, "quantile": 0.75, "value": 332875.00000000006, "Latitude": 36.66, "Longitude": -121.64, "Population": 1466.0}, {"index": 9704, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.66, "Longitude": -121.64, "Population": 1466.0}, {"index": 9705, "quantile": 0.0, "value": 85500.0, "Latitude": 36.66, "Longitude": -121.65, "Population": 1762.0}, {"index": 9705, "quantile": 0.25, "value": 214200.0, "Latitude": 36.66, "Longitude": -121.65, "Population": 1762.0}, {"index": 9705, "quantile": 0.5, "value": 214200.0, "Latitude": 36.66, "Longitude": -121.65, "Population": 1762.0}, {"index": 9705, "quantile": 0.75, "value": 214200.0, "Latitude": 36.66, "Longitude": -121.65, "Population": 1762.0}, {"index": 9705, "quantile": 1.0, "value": 369300.0, "Latitude": 36.66, "Longitude": -121.65, "Population": 1762.0}, {"index": 9706, "quantile": 0.0, "value": 63800.0, "Latitude": 36.66, "Longitude": -121.65, "Population": 2013.0}, {"index": 9706, "quantile": 0.25, "value": 162400.0, "Latitude": 36.66, "Longitude": -121.65, "Population": 2013.0}, {"index": 9706, "quantile": 0.5, "value": 192300.0, "Latitude": 36.66, "Longitude": -121.65, "Population": 2013.0}, {"index": 9706, "quantile": 0.75, "value": 229900.0, "Latitude": 36.66, "Longitude": -121.65, "Population": 2013.0}, {"index": 9706, "quantile": 1.0, "value": 292500.0, "Latitude": 36.66, "Longitude": -121.65, "Population": 2013.0}, {"index": 9707, "quantile": 0.0, "value": 59600.0, "Latitude": 36.67, "Longitude": -121.65, "Population": 1169.0}, {"index": 9707, "quantile": 0.25, "value": 132350.0, "Latitude": 36.67, "Longitude": -121.65, "Population": 1169.0}, {"index": 9707, "quantile": 0.5, "value": 168300.0, "Latitude": 36.67, "Longitude": -121.65, "Population": 1169.0}, {"index": 9707, "quantile": 0.75, "value": 225000.0, "Latitude": 36.67, "Longitude": -121.65, "Population": 1169.0}, {"index": 9707, "quantile": 1.0, "value": 420000.0, "Latitude": 36.67, "Longitude": -121.65, "Population": 1169.0}, {"index": 9708, "quantile": 0.0, "value": 45000.0, "Latitude": 36.67, "Longitude": -121.65, "Population": 1717.0}, {"index": 9708, "quantile": 0.25, "value": 95575.0, "Latitude": 36.67, "Longitude": -121.65, "Population": 1717.0}, {"index": 9708, "quantile": 0.5, "value": 112799.99999999999, "Latitude": 36.67, "Longitude": -121.65, "Population": 1717.0}, {"index": 9708, "quantile": 0.75, "value": 155000.0, "Latitude": 36.67, "Longitude": -121.65, "Population": 1717.0}, {"index": 9708, "quantile": 1.0, "value": 226700.0, "Latitude": 36.67, "Longitude": -121.65, "Population": 1717.0}, {"index": 9709, "quantile": 0.0, "value": 50600.0, "Latitude": 36.68, "Longitude": -121.66, "Population": 508.0}, {"index": 9709, "quantile": 0.25, "value": 147500.0, "Latitude": 36.68, "Longitude": -121.66, "Population": 508.0}, {"index": 9709, "quantile": 0.5, "value": 147500.0, "Latitude": 36.68, "Longitude": -121.66, "Population": 508.0}, {"index": 9709, "quantile": 0.75, "value": 147500.0, "Latitude": 36.68, "Longitude": -121.66, "Population": 508.0}, {"index": 9709, "quantile": 1.0, "value": 350000.0, "Latitude": 36.68, "Longitude": -121.66, "Population": 508.0}, {"index": 9710, "quantile": 0.0, "value": 110800.00000000001, "Latitude": 36.67, "Longitude": -121.66, "Population": 1444.0}, {"index": 9710, "quantile": 0.25, "value": 192175.0, "Latitude": 36.67, "Longitude": -121.66, "Population": 1444.0}, {"index": 9710, "quantile": 0.5, "value": 192300.0, "Latitude": 36.67, "Longitude": -121.66, "Population": 1444.0}, {"index": 9710, "quantile": 0.75, "value": 192300.0, "Latitude": 36.67, "Longitude": -121.66, "Population": 1444.0}, {"index": 9710, "quantile": 1.0, "value": 285500.0, "Latitude": 36.67, "Longitude": -121.66, "Population": 1444.0}, {"index": 9711, "quantile": 0.0, "value": 65000.0, "Latitude": 36.67, "Longitude": -121.66, "Population": 1275.0}, {"index": 9711, "quantile": 0.25, "value": 193100.0, "Latitude": 36.67, "Longitude": -121.66, "Population": 1275.0}, {"index": 9711, "quantile": 0.5, "value": 193100.0, "Latitude": 36.67, "Longitude": -121.66, "Population": 1275.0}, {"index": 9711, "quantile": 0.75, "value": 193100.0, "Latitude": 36.67, "Longitude": -121.66, "Population": 1275.0}, {"index": 9711, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.67, "Longitude": -121.66, "Population": 1275.0}, {"index": 9712, "quantile": 0.0, "value": 139700.0, "Latitude": 36.66, "Longitude": -121.67, "Population": 4259.0}, {"index": 9712, "quantile": 0.25, "value": 189700.0, "Latitude": 36.66, "Longitude": -121.67, "Population": 4259.0}, {"index": 9712, "quantile": 0.5, "value": 189700.0, "Latitude": 36.66, "Longitude": -121.67, "Population": 4259.0}, {"index": 9712, "quantile": 0.75, "value": 189700.0, "Latitude": 36.66, "Longitude": -121.67, "Population": 4259.0}, {"index": 9712, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.66, "Longitude": -121.67, "Population": 4259.0}, {"index": 9713, "quantile": 0.0, "value": 114599.99999999999, "Latitude": 36.67, "Longitude": -121.67, "Population": 1477.0}, {"index": 9713, "quantile": 0.25, "value": 202449.99999999997, "Latitude": 36.67, "Longitude": -121.67, "Population": 1477.0}, {"index": 9713, "quantile": 0.5, "value": 222500.0, "Latitude": 36.67, "Longitude": -121.67, "Population": 1477.0}, {"index": 9713, "quantile": 0.75, "value": 222500.0, "Latitude": 36.67, "Longitude": -121.67, "Population": 1477.0}, {"index": 9713, "quantile": 1.0, "value": 450000.0, "Latitude": 36.67, "Longitude": -121.67, "Population": 1477.0}, {"index": 9714, "quantile": 0.0, "value": 162100.0, "Latitude": 36.67, "Longitude": -121.68, "Population": 2780.0}, {"index": 9714, "quantile": 0.25, "value": 202300.0, "Latitude": 36.67, "Longitude": -121.68, "Population": 2780.0}, {"index": 9714, "quantile": 0.5, "value": 202300.0, "Latitude": 36.67, "Longitude": -121.68, "Population": 2780.0}, {"index": 9714, "quantile": 0.75, "value": 246600.00000000003, "Latitude": 36.67, "Longitude": -121.68, "Population": 2780.0}, {"index": 9714, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.67, "Longitude": -121.68, "Population": 2780.0}, {"index": 9715, "quantile": 0.0, "value": 61100.0, "Latitude": 36.68, "Longitude": -121.67, "Population": 3523.0}, {"index": 9715, "quantile": 0.25, "value": 160300.0, "Latitude": 36.68, "Longitude": -121.67, "Population": 3523.0}, {"index": 9715, "quantile": 0.5, "value": 168300.0, "Latitude": 36.68, "Longitude": -121.67, "Population": 3523.0}, {"index": 9715, "quantile": 0.75, "value": 168300.0, "Latitude": 36.68, "Longitude": -121.67, "Population": 3523.0}, {"index": 9715, "quantile": 1.0, "value": 288400.0, "Latitude": 36.68, "Longitude": -121.67, "Population": 3523.0}, {"index": 9716, "quantile": 0.0, "value": 82800.0, "Latitude": 36.69, "Longitude": -121.66, "Population": 7249.0}, {"index": 9716, "quantile": 0.25, "value": 168900.0, "Latitude": 36.69, "Longitude": -121.66, "Population": 7249.0}, {"index": 9716, "quantile": 0.5, "value": 168900.0, "Latitude": 36.69, "Longitude": -121.66, "Population": 7249.0}, {"index": 9716, "quantile": 0.75, "value": 168900.0, "Latitude": 36.69, "Longitude": -121.66, "Population": 7249.0}, {"index": 9716, "quantile": 1.0, "value": 300000.0, "Latitude": 36.69, "Longitude": -121.66, "Population": 7249.0}, {"index": 9717, "quantile": 0.0, "value": 112799.99999999999, "Latitude": 36.85, "Longitude": -121.79, "Population": 705.0}, {"index": 9717, "quantile": 0.25, "value": 150000.0, "Latitude": 36.85, "Longitude": -121.79, "Population": 705.0}, {"index": 9717, "quantile": 0.5, "value": 150000.0, "Latitude": 36.85, "Longitude": -121.79, "Population": 705.0}, {"index": 9717, "quantile": 0.75, "value": 171775.0, "Latitude": 36.85, "Longitude": -121.79, "Population": 705.0}, {"index": 9717, "quantile": 1.0, "value": 362500.0, "Latitude": 36.85, "Longitude": -121.79, "Population": 705.0}, {"index": 9718, "quantile": 0.0, "value": 67500.0, "Latitude": 36.87, "Longitude": -121.77, "Population": 266.0}, {"index": 9718, "quantile": 0.25, "value": 279800.0, "Latitude": 36.87, "Longitude": -121.77, "Population": 266.0}, {"index": 9718, "quantile": 0.5, "value": 293800.0, "Latitude": 36.87, "Longitude": -121.77, "Population": 266.0}, {"index": 9718, "quantile": 0.75, "value": 293800.0, "Latitude": 36.87, "Longitude": -121.77, "Population": 266.0}, {"index": 9718, "quantile": 1.0, "value": 305000.0, "Latitude": 36.87, "Longitude": -121.77, "Population": 266.0}, {"index": 9719, "quantile": 0.0, "value": 72900.0, "Latitude": 36.9, "Longitude": -121.73, "Population": 3074.0}, {"index": 9719, "quantile": 0.25, "value": 136900.0, "Latitude": 36.9, "Longitude": -121.73, "Population": 3074.0}, {"index": 9719, "quantile": 0.5, "value": 136900.0, "Latitude": 36.9, "Longitude": -121.73, "Population": 3074.0}, {"index": 9719, "quantile": 0.75, "value": 151400.0, "Latitude": 36.9, "Longitude": -121.73, "Population": 3074.0}, {"index": 9719, "quantile": 1.0, "value": 350000.0, "Latitude": 36.9, "Longitude": -121.73, "Population": 3074.0}, {"index": 9720, "quantile": 0.0, "value": 125699.99999999999, "Latitude": 36.9, "Longitude": -121.71, "Population": 1103.0}, {"index": 9720, "quantile": 0.25, "value": 235750.0, "Latitude": 36.9, "Longitude": -121.71, "Population": 1103.0}, {"index": 9720, "quantile": 0.5, "value": 253799.99999999997, "Latitude": 36.9, "Longitude": -121.71, "Population": 1103.0}, {"index": 9720, "quantile": 0.75, "value": 253799.99999999997, "Latitude": 36.9, "Longitude": -121.71, "Population": 1103.0}, {"index": 9720, "quantile": 1.0, "value": 279800.0, "Latitude": 36.9, "Longitude": -121.71, "Population": 1103.0}, {"index": 9721, "quantile": 0.0, "value": 88900.0, "Latitude": 36.9, "Longitude": -121.68, "Population": 405.0}, {"index": 9721, "quantile": 0.25, "value": 164100.0, "Latitude": 36.9, "Longitude": -121.68, "Population": 405.0}, {"index": 9721, "quantile": 0.5, "value": 227500.0, "Latitude": 36.9, "Longitude": -121.68, "Population": 405.0}, {"index": 9721, "quantile": 0.75, "value": 264550.0, "Latitude": 36.9, "Longitude": -121.68, "Population": 405.0}, {"index": 9721, "quantile": 1.0, "value": 386800.0, "Latitude": 36.9, "Longitude": -121.68, "Population": 405.0}, {"index": 9722, "quantile": 0.0, "value": 132200.0, "Latitude": 36.89, "Longitude": -121.66, "Population": 1531.0}, {"index": 9722, "quantile": 0.25, "value": 253500.0, "Latitude": 36.89, "Longitude": -121.66, "Population": 1531.0}, {"index": 9722, "quantile": 0.5, "value": 253500.0, "Latitude": 36.89, "Longitude": -121.66, "Population": 1531.0}, {"index": 9722, "quantile": 0.75, "value": 253500.0, "Latitude": 36.89, "Longitude": -121.66, "Population": 1531.0}, {"index": 9722, "quantile": 1.0, "value": 436700.0, "Latitude": 36.89, "Longitude": -121.66, "Population": 1531.0}, {"index": 9723, "quantile": 0.0, "value": 131200.0, "Latitude": 36.83, "Longitude": -121.76, "Population": 1017.0}, {"index": 9723, "quantile": 0.25, "value": 209825.00000000003, "Latitude": 36.83, "Longitude": -121.76, "Population": 1017.0}, {"index": 9723, "quantile": 0.5, "value": 211000.0, "Latitude": 36.83, "Longitude": -121.76, "Population": 1017.0}, {"index": 9723, "quantile": 0.75, "value": 211000.0, "Latitude": 36.83, "Longitude": -121.76, "Population": 1017.0}, {"index": 9723, "quantile": 1.0, "value": 450000.0, "Latitude": 36.83, "Longitude": -121.76, "Population": 1017.0}, {"index": 9724, "quantile": 0.0, "value": 112500.0, "Latitude": 36.86, "Longitude": -121.73, "Population": 703.0}, {"index": 9724, "quantile": 0.25, "value": 175700.0, "Latitude": 36.86, "Longitude": -121.73, "Population": 703.0}, {"index": 9724, "quantile": 0.5, "value": 175700.0, "Latitude": 36.86, "Longitude": -121.73, "Population": 703.0}, {"index": 9724, "quantile": 0.75, "value": 180425.0, "Latitude": 36.86, "Longitude": -121.73, "Population": 703.0}, {"index": 9724, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.86, "Longitude": -121.73, "Population": 703.0}, {"index": 9725, "quantile": 0.0, "value": 67500.0, "Latitude": 36.88, "Longitude": -121.71, "Population": 2332.0}, {"index": 9725, "quantile": 0.25, "value": 177000.0, "Latitude": 36.88, "Longitude": -121.71, "Population": 2332.0}, {"index": 9725, "quantile": 0.5, "value": 177000.0, "Latitude": 36.88, "Longitude": -121.71, "Population": 2332.0}, {"index": 9725, "quantile": 0.75, "value": 178600.0, "Latitude": 36.88, "Longitude": -121.71, "Population": 2332.0}, {"index": 9725, "quantile": 1.0, "value": 350000.0, "Latitude": 36.88, "Longitude": -121.71, "Population": 2332.0}, {"index": 9726, "quantile": 0.0, "value": 114599.99999999999, "Latitude": 36.85, "Longitude": -121.73, "Population": 887.0}, {"index": 9726, "quantile": 0.25, "value": 206300.00000000003, "Latitude": 36.85, "Longitude": -121.73, "Population": 887.0}, {"index": 9726, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 36.85, "Longitude": -121.73, "Population": 887.0}, {"index": 9726, "quantile": 0.75, "value": 206300.00000000003, "Latitude": 36.85, "Longitude": -121.73, "Population": 887.0}, {"index": 9726, "quantile": 1.0, "value": 350000.0, "Latitude": 36.85, "Longitude": -121.73, "Population": 887.0}, {"index": 9727, "quantile": 0.0, "value": 186500.0, "Latitude": 36.84, "Longitude": -121.7, "Population": 1551.0}, {"index": 9727, "quantile": 0.25, "value": 231900.0, "Latitude": 36.84, "Longitude": -121.7, "Population": 1551.0}, {"index": 9727, "quantile": 0.5, "value": 231900.0, "Latitude": 36.84, "Longitude": -121.7, "Population": 1551.0}, {"index": 9727, "quantile": 0.75, "value": 231900.0, "Latitude": 36.84, "Longitude": -121.7, "Population": 1551.0}, {"index": 9727, "quantile": 1.0, "value": 436700.0, "Latitude": 36.84, "Longitude": -121.7, "Population": 1551.0}, {"index": 9728, "quantile": 0.0, "value": 72100.0, "Latitude": 36.85, "Longitude": -121.65, "Population": 1361.0}, {"index": 9728, "quantile": 0.25, "value": 245100.0, "Latitude": 36.85, "Longitude": -121.65, "Population": 1361.0}, {"index": 9728, "quantile": 0.5, "value": 245100.0, "Latitude": 36.85, "Longitude": -121.65, "Population": 1361.0}, {"index": 9728, "quantile": 0.75, "value": 245100.0, "Latitude": 36.85, "Longitude": -121.65, "Population": 1361.0}, {"index": 9728, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.85, "Longitude": -121.65, "Population": 1361.0}, {"index": 9729, "quantile": 0.0, "value": 80400.0, "Latitude": 36.8, "Longitude": -121.69, "Population": 1309.0}, {"index": 9729, "quantile": 0.25, "value": 166900.0, "Latitude": 36.8, "Longitude": -121.69, "Population": 1309.0}, {"index": 9729, "quantile": 0.5, "value": 203600.0, "Latitude": 36.8, "Longitude": -121.69, "Population": 1309.0}, {"index": 9729, "quantile": 0.75, "value": 224700.0, "Latitude": 36.8, "Longitude": -121.69, "Population": 1309.0}, {"index": 9729, "quantile": 1.0, "value": 305200.0, "Latitude": 36.8, "Longitude": -121.69, "Population": 1309.0}, {"index": 9730, "quantile": 0.0, "value": 87100.0, "Latitude": 36.79, "Longitude": -121.74, "Population": 1799.0}, {"index": 9730, "quantile": 0.25, "value": 215050.0, "Latitude": 36.79, "Longitude": -121.74, "Population": 1799.0}, {"index": 9730, "quantile": 0.5, "value": 229250.0, "Latitude": 36.79, "Longitude": -121.74, "Population": 1799.0}, {"index": 9730, "quantile": 0.75, "value": 260450.00000000003, "Latitude": 36.79, "Longitude": -121.74, "Population": 1799.0}, {"index": 9730, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.79, "Longitude": -121.74, "Population": 1799.0}, {"index": 9731, "quantile": 0.0, "value": 131200.0, "Latitude": 36.81, "Longitude": -121.72, "Population": 1078.0}, {"index": 9731, "quantile": 0.25, "value": 224149.99999999997, "Latitude": 36.81, "Longitude": -121.72, "Population": 1078.0}, {"index": 9731, "quantile": 0.5, "value": 229900.0, "Latitude": 36.81, "Longitude": -121.72, "Population": 1078.0}, {"index": 9731, "quantile": 0.75, "value": 229900.0, "Latitude": 36.81, "Longitude": -121.72, "Population": 1078.0}, {"index": 9731, "quantile": 1.0, "value": 305200.0, "Latitude": 36.81, "Longitude": -121.72, "Population": 1078.0}, {"index": 9732, "quantile": 0.0, "value": 149800.0, "Latitude": 36.81, "Longitude": -121.69, "Population": 1454.0}, {"index": 9732, "quantile": 0.25, "value": 221000.0, "Latitude": 36.81, "Longitude": -121.69, "Population": 1454.0}, {"index": 9732, "quantile": 0.5, "value": 221000.0, "Latitude": 36.81, "Longitude": -121.69, "Population": 1454.0}, {"index": 9732, "quantile": 0.75, "value": 221000.0, "Latitude": 36.81, "Longitude": -121.69, "Population": 1454.0}, {"index": 9732, "quantile": 1.0, "value": 349300.0, "Latitude": 36.81, "Longitude": -121.69, "Population": 1454.0}, {"index": 9733, "quantile": 0.0, "value": 151900.0, "Latitude": 36.82, "Longitude": -121.66, "Population": 1895.0}, {"index": 9733, "quantile": 0.25, "value": 238700.0, "Latitude": 36.82, "Longitude": -121.66, "Population": 1895.0}, {"index": 9733, "quantile": 0.5, "value": 238700.0, "Latitude": 36.82, "Longitude": -121.66, "Population": 1895.0}, {"index": 9733, "quantile": 0.75, "value": 238700.0, "Latitude": 36.82, "Longitude": -121.66, "Population": 1895.0}, {"index": 9733, "quantile": 1.0, "value": 385700.0, "Latitude": 36.82, "Longitude": -121.66, "Population": 1895.0}, {"index": 9734, "quantile": 0.0, "value": 93800.0, "Latitude": 36.82, "Longitude": -121.64, "Population": 919.0}, {"index": 9734, "quantile": 0.25, "value": 222500.0, "Latitude": 36.82, "Longitude": -121.64, "Population": 919.0}, {"index": 9734, "quantile": 0.5, "value": 222500.0, "Latitude": 36.82, "Longitude": -121.64, "Population": 919.0}, {"index": 9734, "quantile": 0.75, "value": 222500.0, "Latitude": 36.82, "Longitude": -121.64, "Population": 919.0}, {"index": 9734, "quantile": 1.0, "value": 434500.0, "Latitude": 36.82, "Longitude": -121.64, "Population": 919.0}, {"index": 9735, "quantile": 0.0, "value": 110500.0, "Latitude": 36.75, "Longitude": -121.76, "Population": 671.0}, {"index": 9735, "quantile": 0.25, "value": 155700.0, "Latitude": 36.75, "Longitude": -121.76, "Population": 671.0}, {"index": 9735, "quantile": 0.5, "value": 155700.0, "Latitude": 36.75, "Longitude": -121.76, "Population": 671.0}, {"index": 9735, "quantile": 0.75, "value": 206300.00000000003, "Latitude": 36.75, "Longitude": -121.76, "Population": 671.0}, {"index": 9735, "quantile": 1.0, "value": 350000.0, "Latitude": 36.75, "Longitude": -121.76, "Population": 671.0}, {"index": 9736, "quantile": 0.0, "value": 60900.0, "Latitude": 36.77, "Longitude": -121.7, "Population": 1306.0}, {"index": 9736, "quantile": 0.25, "value": 150000.0, "Latitude": 36.77, "Longitude": -121.7, "Population": 1306.0}, {"index": 9736, "quantile": 0.5, "value": 169000.0, "Latitude": 36.77, "Longitude": -121.7, "Population": 1306.0}, {"index": 9736, "quantile": 0.75, "value": 207900.00000000003, "Latitude": 36.77, "Longitude": -121.7, "Population": 1306.0}, {"index": 9736, "quantile": 1.0, "value": 364000.0, "Latitude": 36.77, "Longitude": -121.7, "Population": 1306.0}, {"index": 9737, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.77, "Longitude": -121.76, "Population": 2031.0}, {"index": 9737, "quantile": 0.25, "value": 129800.0, "Latitude": 36.77, "Longitude": -121.76, "Population": 2031.0}, {"index": 9737, "quantile": 0.5, "value": 146600.0, "Latitude": 36.77, "Longitude": -121.76, "Population": 2031.0}, {"index": 9737, "quantile": 0.75, "value": 177600.0, "Latitude": 36.77, "Longitude": -121.76, "Population": 2031.0}, {"index": 9737, "quantile": 1.0, "value": 350000.0, "Latitude": 36.77, "Longitude": -121.76, "Population": 2031.0}, {"index": 9738, "quantile": 0.0, "value": 128600.0, "Latitude": 36.77, "Longitude": -121.75, "Population": 1678.0}, {"index": 9738, "quantile": 0.25, "value": 135300.0, "Latitude": 36.77, "Longitude": -121.75, "Population": 1678.0}, {"index": 9738, "quantile": 0.5, "value": 135300.0, "Latitude": 36.77, "Longitude": -121.75, "Population": 1678.0}, {"index": 9738, "quantile": 0.75, "value": 155100.0, "Latitude": 36.77, "Longitude": -121.75, "Population": 1678.0}, {"index": 9738, "quantile": 1.0, "value": 238300.0, "Latitude": 36.77, "Longitude": -121.75, "Population": 1678.0}, {"index": 9739, "quantile": 0.0, "value": 118800.0, "Latitude": 36.76, "Longitude": -121.75, "Population": 1563.0}, {"index": 9739, "quantile": 0.25, "value": 132400.0, "Latitude": 36.76, "Longitude": -121.75, "Population": 1563.0}, {"index": 9739, "quantile": 0.5, "value": 132400.0, "Latitude": 36.76, "Longitude": -121.75, "Population": 1563.0}, {"index": 9739, "quantile": 0.75, "value": 137775.0, "Latitude": 36.76, "Longitude": -121.75, "Population": 1563.0}, {"index": 9739, "quantile": 1.0, "value": 286600.0, "Latitude": 36.76, "Longitude": -121.75, "Population": 1563.0}, {"index": 9740, "quantile": 0.0, "value": 114500.0, "Latitude": 36.74, "Longitude": -121.64, "Population": 1372.0}, {"index": 9740, "quantile": 0.25, "value": 175000.0, "Latitude": 36.74, "Longitude": -121.64, "Population": 1372.0}, {"index": 9740, "quantile": 0.5, "value": 175000.0, "Latitude": 36.74, "Longitude": -121.64, "Population": 1372.0}, {"index": 9740, "quantile": 0.75, "value": 175000.0, "Latitude": 36.74, "Longitude": -121.64, "Population": 1372.0}, {"index": 9740, "quantile": 1.0, "value": 374600.0, "Latitude": 36.74, "Longitude": -121.64, "Population": 1372.0}, {"index": 9741, "quantile": 0.0, "value": 130800.0, "Latitude": 36.8, "Longitude": -121.64, "Population": 2975.0}, {"index": 9741, "quantile": 0.25, "value": 220800.00000000003, "Latitude": 36.8, "Longitude": -121.64, "Population": 2975.0}, {"index": 9741, "quantile": 0.5, "value": 237600.0, "Latitude": 36.8, "Longitude": -121.64, "Population": 2975.0}, {"index": 9741, "quantile": 0.75, "value": 255799.99999999997, "Latitude": 36.8, "Longitude": -121.64, "Population": 2975.0}, {"index": 9741, "quantile": 1.0, "value": 378000.0, "Latitude": 36.8, "Longitude": -121.64, "Population": 2975.0}, {"index": 9742, "quantile": 0.0, "value": 97400.0, "Latitude": 36.81, "Longitude": -121.6, "Population": 751.0}, {"index": 9742, "quantile": 0.25, "value": 286500.0, "Latitude": 36.81, "Longitude": -121.6, "Population": 751.0}, {"index": 9742, "quantile": 0.5, "value": 286500.0, "Latitude": 36.81, "Longitude": -121.6, "Population": 751.0}, {"index": 9742, "quantile": 0.75, "value": 286500.0, "Latitude": 36.81, "Longitude": -121.6, "Population": 751.0}, {"index": 9742, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.81, "Longitude": -121.6, "Population": 751.0}, {"index": 9743, "quantile": 0.0, "value": 93600.0, "Latitude": 36.77, "Longitude": -121.65, "Population": 1150.0}, {"index": 9743, "quantile": 0.25, "value": 227500.0, "Latitude": 36.77, "Longitude": -121.65, "Population": 1150.0}, {"index": 9743, "quantile": 0.5, "value": 227500.0, "Latitude": 36.77, "Longitude": -121.65, "Population": 1150.0}, {"index": 9743, "quantile": 0.75, "value": 227500.0, "Latitude": 36.77, "Longitude": -121.65, "Population": 1150.0}, {"index": 9743, "quantile": 1.0, "value": 350000.0, "Latitude": 36.77, "Longitude": -121.65, "Population": 1150.0}, {"index": 9744, "quantile": 0.0, "value": 100699.99999999999, "Latitude": 36.72, "Longitude": -121.68, "Population": 12153.0}, {"index": 9744, "quantile": 0.25, "value": 152800.0, "Latitude": 36.72, "Longitude": -121.68, "Population": 12153.0}, {"index": 9744, "quantile": 0.5, "value": 152800.0, "Latitude": 36.72, "Longitude": -121.68, "Population": 12153.0}, {"index": 9744, "quantile": 0.75, "value": 183200.0, "Latitude": 36.72, "Longitude": -121.68, "Population": 12153.0}, {"index": 9744, "quantile": 1.0, "value": 286600.0, "Latitude": 36.72, "Longitude": -121.68, "Population": 12153.0}, {"index": 9745, "quantile": 0.0, "value": 131200.0, "Latitude": 36.67, "Longitude": -121.7, "Population": 458.0}, {"index": 9745, "quantile": 0.25, "value": 174275.0, "Latitude": 36.67, "Longitude": -121.7, "Population": 458.0}, {"index": 9745, "quantile": 0.5, "value": 252599.99999999997, "Latitude": 36.67, "Longitude": -121.7, "Population": 458.0}, {"index": 9745, "quantile": 0.75, "value": 252599.99999999997, "Latitude": 36.67, "Longitude": -121.7, "Population": 458.0}, {"index": 9745, "quantile": 1.0, "value": 340900.0, "Latitude": 36.67, "Longitude": -121.7, "Population": 458.0}, {"index": 9746, "quantile": 0.0, "value": 73500.0, "Latitude": 36.63, "Longitude": -121.62, "Population": 836.0}, {"index": 9746, "quantile": 0.25, "value": 183450.0, "Latitude": 36.63, "Longitude": -121.62, "Population": 836.0}, {"index": 9746, "quantile": 0.5, "value": 225000.0, "Latitude": 36.63, "Longitude": -121.62, "Population": 836.0}, {"index": 9746, "quantile": 0.75, "value": 247700.0, "Latitude": 36.63, "Longitude": -121.62, "Population": 836.0}, {"index": 9746, "quantile": 1.0, "value": 350000.0, "Latitude": 36.63, "Longitude": -121.62, "Population": 836.0}, {"index": 9747, "quantile": 0.0, "value": 63800.0, "Latitude": 36.7, "Longitude": -121.54, "Population": 3918.0}, {"index": 9747, "quantile": 0.25, "value": 177600.0, "Latitude": 36.7, "Longitude": -121.54, "Population": 3918.0}, {"index": 9747, "quantile": 0.5, "value": 239299.99999999997, "Latitude": 36.7, "Longitude": -121.54, "Population": 3918.0}, {"index": 9747, "quantile": 0.75, "value": 295350.0, "Latitude": 36.7, "Longitude": -121.54, "Population": 3918.0}, {"index": 9747, "quantile": 1.0, "value": 450000.0, "Latitude": 36.7, "Longitude": -121.54, "Population": 3918.0}, {"index": 9748, "quantile": 0.0, "value": 69200.0, "Latitude": 36.69, "Longitude": -121.62, "Population": 5982.0}, {"index": 9748, "quantile": 0.25, "value": 135700.0, "Latitude": 36.69, "Longitude": -121.62, "Population": 5982.0}, {"index": 9748, "quantile": 0.5, "value": 135700.0, "Latitude": 36.69, "Longitude": -121.62, "Population": 5982.0}, {"index": 9748, "quantile": 0.75, "value": 135700.0, "Latitude": 36.69, "Longitude": -121.62, "Population": 5982.0}, {"index": 9748, "quantile": 1.0, "value": 305800.0, "Latitude": 36.69, "Longitude": -121.62, "Population": 5982.0}, {"index": 9749, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.69, "Longitude": -121.62, "Population": 767.0}, {"index": 9749, "quantile": 0.25, "value": 72900.0, "Latitude": 36.69, "Longitude": -121.62, "Population": 767.0}, {"index": 9749, "quantile": 0.5, "value": 72900.0, "Latitude": 36.69, "Longitude": -121.62, "Population": 767.0}, {"index": 9749, "quantile": 0.75, "value": 120525.0, "Latitude": 36.69, "Longitude": -121.62, "Population": 767.0}, {"index": 9749, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.69, "Longitude": -121.62, "Population": 767.0}, {"index": 9750, "quantile": 0.0, "value": 158200.0, "Latitude": 36.62, "Longitude": -121.69, "Population": 681.0}, {"index": 9750, "quantile": 0.25, "value": 244899.99999999997, "Latitude": 36.62, "Longitude": -121.69, "Population": 681.0}, {"index": 9750, "quantile": 0.5, "value": 244899.99999999997, "Latitude": 36.62, "Longitude": -121.69, "Population": 681.0}, {"index": 9750, "quantile": 0.75, "value": 343025.0, "Latitude": 36.62, "Longitude": -121.69, "Population": 681.0}, {"index": 9750, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.62, "Longitude": -121.69, "Population": 681.0}, {"index": 9751, "quantile": 0.0, "value": 106200.0, "Latitude": 36.6, "Longitude": -121.7, "Population": 1607.0}, {"index": 9751, "quantile": 0.25, "value": 283100.0, "Latitude": 36.6, "Longitude": -121.7, "Population": 1607.0}, {"index": 9751, "quantile": 0.5, "value": 283100.0, "Latitude": 36.6, "Longitude": -121.7, "Population": 1607.0}, {"index": 9751, "quantile": 0.75, "value": 283100.0, "Latitude": 36.6, "Longitude": -121.7, "Population": 1607.0}, {"index": 9751, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.6, "Longitude": -121.7, "Population": 1607.0}, {"index": 9752, "quantile": 0.0, "value": 218600.0, "Latitude": 36.58, "Longitude": -121.67, "Population": 2327.0}, {"index": 9752, "quantile": 0.25, "value": 291800.0, "Latitude": 36.58, "Longitude": -121.67, "Population": 2327.0}, {"index": 9752, "quantile": 0.5, "value": 291800.0, "Latitude": 36.58, "Longitude": -121.67, "Population": 2327.0}, {"index": 9752, "quantile": 0.75, "value": 291800.0, "Latitude": 36.58, "Longitude": -121.67, "Population": 2327.0}, {"index": 9752, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.58, "Longitude": -121.67, "Population": 2327.0}, {"index": 9753, "quantile": 0.0, "value": 153800.0, "Latitude": 36.55, "Longitude": -121.59, "Population": 362.0}, {"index": 9753, "quantile": 0.25, "value": 247650.00000000003, "Latitude": 36.55, "Longitude": -121.59, "Population": 362.0}, {"index": 9753, "quantile": 0.5, "value": 270000.0, "Latitude": 36.55, "Longitude": -121.59, "Population": 362.0}, {"index": 9753, "quantile": 0.75, "value": 270000.0, "Latitude": 36.55, "Longitude": -121.59, "Population": 362.0}, {"index": 9753, "quantile": 1.0, "value": 390200.0, "Latitude": 36.55, "Longitude": -121.59, "Population": 362.0}, {"index": 9754, "quantile": 0.0, "value": 279300.0, "Latitude": 36.55, "Longitude": -121.7, "Population": 1528.0}, {"index": 9754, "quantile": 0.25, "value": 336600.0, "Latitude": 36.55, "Longitude": -121.7, "Population": 1528.0}, {"index": 9754, "quantile": 0.5, "value": 336600.0, "Latitude": 36.55, "Longitude": -121.7, "Population": 1528.0}, {"index": 9754, "quantile": 0.75, "value": 347800.0, "Latitude": 36.55, "Longitude": -121.7, "Population": 1528.0}, {"index": 9754, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.55, "Longitude": -121.7, "Population": 1528.0}, {"index": 9755, "quantile": 0.0, "value": 193500.0, "Latitude": 36.52, "Longitude": -121.69, "Population": 1596.0}, {"index": 9755, "quantile": 0.25, "value": 357850.0, "Latitude": 36.52, "Longitude": -121.69, "Population": 1596.0}, {"index": 9755, "quantile": 0.5, "value": 406949.99999999994, "Latitude": 36.52, "Longitude": -121.69, "Population": 1596.0}, {"index": 9755, "quantile": 0.75, "value": 447574.99999999994, "Latitude": 36.52, "Longitude": -121.69, "Population": 1596.0}, {"index": 9755, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.52, "Longitude": -121.69, "Population": 1596.0}, {"index": 9756, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.5, "Longitude": -121.43, "Population": 1867.0}, {"index": 9756, "quantile": 0.25, "value": 129800.0, "Latitude": 36.5, "Longitude": -121.43, "Population": 1867.0}, {"index": 9756, "quantile": 0.5, "value": 129800.0, "Latitude": 36.5, "Longitude": -121.43, "Population": 1867.0}, {"index": 9756, "quantile": 0.75, "value": 129800.0, "Latitude": 36.5, "Longitude": -121.43, "Population": 1867.0}, {"index": 9756, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 36.5, "Longitude": -121.43, "Population": 1867.0}, {"index": 9757, "quantile": 0.0, "value": 67300.0, "Latitude": 36.51, "Longitude": -121.44, "Population": 1468.0}, {"index": 9757, "quantile": 0.25, "value": 135300.0, "Latitude": 36.51, "Longitude": -121.44, "Population": 1468.0}, {"index": 9757, "quantile": 0.5, "value": 158750.0, "Latitude": 36.51, "Longitude": -121.44, "Population": 1468.0}, {"index": 9757, "quantile": 0.75, "value": 200325.0, "Latitude": 36.51, "Longitude": -121.44, "Population": 1468.0}, {"index": 9757, "quantile": 1.0, "value": 450000.0, "Latitude": 36.51, "Longitude": -121.44, "Population": 1468.0}, {"index": 9758, "quantile": 0.0, "value": 49500.0, "Latitude": 36.51, "Longitude": -121.45, "Population": 1245.0}, {"index": 9758, "quantile": 0.25, "value": 97075.0, "Latitude": 36.51, "Longitude": -121.45, "Population": 1245.0}, {"index": 9758, "quantile": 0.5, "value": 112500.0, "Latitude": 36.51, "Longitude": -121.45, "Population": 1245.0}, {"index": 9758, "quantile": 0.75, "value": 112500.0, "Latitude": 36.51, "Longitude": -121.45, "Population": 1245.0}, {"index": 9758, "quantile": 1.0, "value": 177500.0, "Latitude": 36.51, "Longitude": -121.45, "Population": 1245.0}, {"index": 9759, "quantile": 0.0, "value": 92100.0, "Latitude": 36.57, "Longitude": -121.42, "Population": 2474.0}, {"index": 9759, "quantile": 0.25, "value": 134100.0, "Latitude": 36.57, "Longitude": -121.42, "Population": 2474.0}, {"index": 9759, "quantile": 0.5, "value": 134100.0, "Latitude": 36.57, "Longitude": -121.42, "Population": 2474.0}, {"index": 9759, "quantile": 0.75, "value": 134100.0, "Latitude": 36.57, "Longitude": -121.42, "Population": 2474.0}, {"index": 9759, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 36.57, "Longitude": -121.42, "Population": 2474.0}, {"index": 9760, "quantile": 0.0, "value": 38800.0, "Latitude": 36.49, "Longitude": -121.48, "Population": 738.0}, {"index": 9760, "quantile": 0.25, "value": 67100.0, "Latitude": 36.49, "Longitude": -121.48, "Population": 738.0}, {"index": 9760, "quantile": 0.5, "value": 106650.0, "Latitude": 36.49, "Longitude": -121.48, "Population": 738.0}, {"index": 9760, "quantile": 0.75, "value": 137500.0, "Latitude": 36.49, "Longitude": -121.48, "Population": 738.0}, {"index": 9760, "quantile": 1.0, "value": 262500.0, "Latitude": 36.49, "Longitude": -121.48, "Population": 738.0}, {"index": 9761, "quantile": 0.0, "value": 86300.0, "Latitude": 36.49, "Longitude": -121.74, "Population": 1264.0}, {"index": 9761, "quantile": 0.25, "value": 274600.0, "Latitude": 36.49, "Longitude": -121.74, "Population": 1264.0}, {"index": 9761, "quantile": 0.5, "value": 274600.0, "Latitude": 36.49, "Longitude": -121.74, "Population": 1264.0}, {"index": 9761, "quantile": 0.75, "value": 274600.0, "Latitude": 36.49, "Longitude": -121.74, "Population": 1264.0}, {"index": 9761, "quantile": 1.0, "value": 450000.0, "Latitude": 36.49, "Longitude": -121.74, "Population": 1264.0}, {"index": 9762, "quantile": 0.0, "value": 143300.0, "Latitude": 36.5, "Longitude": -121.73, "Population": 1121.0}, {"index": 9762, "quantile": 0.25, "value": 377000.0, "Latitude": 36.5, "Longitude": -121.73, "Population": 1121.0}, {"index": 9762, "quantile": 0.5, "value": 377000.0, "Latitude": 36.5, "Longitude": -121.73, "Population": 1121.0}, {"index": 9762, "quantile": 0.75, "value": 377000.0, "Latitude": 36.5, "Longitude": -121.73, "Population": 1121.0}, {"index": 9762, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.5, "Longitude": -121.73, "Population": 1121.0}, {"index": 9763, "quantile": 0.0, "value": 78600.0, "Latitude": 36.47, "Longitude": -121.74, "Population": 970.0}, {"index": 9763, "quantile": 0.25, "value": 186575.0, "Latitude": 36.47, "Longitude": -121.74, "Population": 970.0}, {"index": 9763, "quantile": 0.5, "value": 221550.0, "Latitude": 36.47, "Longitude": -121.74, "Population": 970.0}, {"index": 9763, "quantile": 0.75, "value": 280850.0, "Latitude": 36.47, "Longitude": -121.74, "Population": 970.0}, {"index": 9763, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.47, "Longitude": -121.74, "Population": 970.0}, {"index": 9764, "quantile": 0.0, "value": 82800.0, "Latitude": 36.48, "Longitude": -121.7, "Population": 1052.0}, {"index": 9764, "quantile": 0.25, "value": 173000.0, "Latitude": 36.48, "Longitude": -121.7, "Population": 1052.0}, {"index": 9764, "quantile": 0.5, "value": 194800.0, "Latitude": 36.48, "Longitude": -121.7, "Population": 1052.0}, {"index": 9764, "quantile": 0.75, "value": 240824.99999999997, "Latitude": 36.48, "Longitude": -121.7, "Population": 1052.0}, {"index": 9764, "quantile": 1.0, "value": 450000.0, "Latitude": 36.48, "Longitude": -121.7, "Population": 1052.0}, {"index": 9765, "quantile": 0.0, "value": 107800.0, "Latitude": 36.43, "Longitude": -121.62, "Population": 717.0}, {"index": 9765, "quantile": 0.25, "value": 222900.0, "Latitude": 36.43, "Longitude": -121.62, "Population": 717.0}, {"index": 9765, "quantile": 0.5, "value": 241500.0, "Latitude": 36.43, "Longitude": -121.62, "Population": 717.0}, {"index": 9765, "quantile": 0.75, "value": 291974.99999999994, "Latitude": 36.43, "Longitude": -121.62, "Population": 717.0}, {"index": 9765, "quantile": 1.0, "value": 500000.0, "Latitude": 36.43, "Longitude": -121.62, "Population": 717.0}, {"index": 9766, "quantile": 0.0, "value": 160100.0, "Latitude": 36.37, "Longitude": -121.66, "Population": 465.0}, {"index": 9766, "quantile": 0.25, "value": 363350.0, "Latitude": 36.37, "Longitude": -121.66, "Population": 465.0}, {"index": 9766, "quantile": 0.5, "value": 405800.0, "Latitude": 36.37, "Longitude": -121.66, "Population": 465.0}, {"index": 9766, "quantile": 0.75, "value": 405800.0, "Latitude": 36.37, "Longitude": -121.66, "Population": 465.0}, {"index": 9766, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.37, "Longitude": -121.66, "Population": 465.0}, {"index": 9767, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.42, "Longitude": -121.31, "Population": 2630.0}, {"index": 9767, "quantile": 0.25, "value": 97200.0, "Latitude": 36.42, "Longitude": -121.31, "Population": 2630.0}, {"index": 9767, "quantile": 0.5, "value": 114300.0, "Latitude": 36.42, "Longitude": -121.31, "Population": 2630.0}, {"index": 9767, "quantile": 0.75, "value": 123925.0, "Latitude": 36.42, "Longitude": -121.31, "Population": 2630.0}, {"index": 9767, "quantile": 1.0, "value": 225900.0, "Latitude": 36.42, "Longitude": -121.31, "Population": 2630.0}, {"index": 9768, "quantile": 0.0, "value": 67300.0, "Latitude": 36.42, "Longitude": -121.32, "Population": 1219.0}, {"index": 9768, "quantile": 0.25, "value": 76600.0, "Latitude": 36.42, "Longitude": -121.32, "Population": 1219.0}, {"index": 9768, "quantile": 0.5, "value": 76600.0, "Latitude": 36.42, "Longitude": -121.32, "Population": 1219.0}, {"index": 9768, "quantile": 0.75, "value": 113924.99999999999, "Latitude": 36.42, "Longitude": -121.32, "Population": 1219.0}, {"index": 9768, "quantile": 1.0, "value": 225000.0, "Latitude": 36.42, "Longitude": -121.32, "Population": 1219.0}, {"index": 9769, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.43, "Longitude": -121.32, "Population": 2546.0}, {"index": 9769, "quantile": 0.25, "value": 114300.0, "Latitude": 36.43, "Longitude": -121.32, "Population": 2546.0}, {"index": 9769, "quantile": 0.5, "value": 114300.0, "Latitude": 36.43, "Longitude": -121.32, "Population": 2546.0}, {"index": 9769, "quantile": 0.75, "value": 114300.0, "Latitude": 36.43, "Longitude": -121.32, "Population": 2546.0}, {"index": 9769, "quantile": 1.0, "value": 225000.0, "Latitude": 36.43, "Longitude": -121.32, "Population": 2546.0}, {"index": 9770, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.43, "Longitude": -121.33, "Population": 902.0}, {"index": 9770, "quantile": 0.25, "value": 109100.0, "Latitude": 36.43, "Longitude": -121.33, "Population": 902.0}, {"index": 9770, "quantile": 0.5, "value": 109100.0, "Latitude": 36.43, "Longitude": -121.33, "Population": 902.0}, {"index": 9770, "quantile": 0.75, "value": 109100.0, "Latitude": 36.43, "Longitude": -121.33, "Population": 902.0}, {"index": 9770, "quantile": 1.0, "value": 302900.0, "Latitude": 36.43, "Longitude": -121.33, "Population": 902.0}, {"index": 9771, "quantile": 0.0, "value": 63800.0, "Latitude": 36.38, "Longitude": -121.4, "Population": 1449.0}, {"index": 9771, "quantile": 0.25, "value": 143075.0, "Latitude": 36.38, "Longitude": -121.4, "Population": 1449.0}, {"index": 9771, "quantile": 0.5, "value": 200000.0, "Latitude": 36.38, "Longitude": -121.4, "Population": 1449.0}, {"index": 9771, "quantile": 0.75, "value": 224949.99999999997, "Latitude": 36.38, "Longitude": -121.4, "Population": 1449.0}, {"index": 9771, "quantile": 1.0, "value": 450000.0, "Latitude": 36.38, "Longitude": -121.4, "Population": 1449.0}, {"index": 9772, "quantile": 0.0, "value": 77400.0, "Latitude": 36.33, "Longitude": -121.23, "Population": 1858.0}, {"index": 9772, "quantile": 0.25, "value": 92400.0, "Latitude": 36.33, "Longitude": -121.23, "Population": 1858.0}, {"index": 9772, "quantile": 0.5, "value": 92400.0, "Latitude": 36.33, "Longitude": -121.23, "Population": 1858.0}, {"index": 9772, "quantile": 0.75, "value": 112800.00000000001, "Latitude": 36.33, "Longitude": -121.23, "Population": 1858.0}, {"index": 9772, "quantile": 1.0, "value": 290100.0, "Latitude": 36.33, "Longitude": -121.23, "Population": 1858.0}, {"index": 9773, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.32, "Longitude": -121.25, "Population": 4601.0}, {"index": 9773, "quantile": 0.25, "value": 100499.99999999999, "Latitude": 36.32, "Longitude": -121.25, "Population": 4601.0}, {"index": 9773, "quantile": 0.5, "value": 100499.99999999999, "Latitude": 36.32, "Longitude": -121.25, "Population": 4601.0}, {"index": 9773, "quantile": 0.75, "value": 100499.99999999999, "Latitude": 36.32, "Longitude": -121.25, "Population": 4601.0}, {"index": 9773, "quantile": 1.0, "value": 271200.0, "Latitude": 36.32, "Longitude": -121.25, "Population": 4601.0}, {"index": 9774, "quantile": 0.0, "value": 45000.0, "Latitude": 36.32, "Longitude": -121.26, "Population": 164.0}, {"index": 9774, "quantile": 0.25, "value": 76600.0, "Latitude": 36.32, "Longitude": -121.26, "Population": 164.0}, {"index": 9774, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 36.32, "Longitude": -121.26, "Population": 164.0}, {"index": 9774, "quantile": 0.75, "value": 206300.00000000003, "Latitude": 36.32, "Longitude": -121.26, "Population": 164.0}, {"index": 9774, "quantile": 1.0, "value": 302900.0, "Latitude": 36.32, "Longitude": -121.26, "Population": 164.0}, {"index": 9775, "quantile": 0.0, "value": 86400.0, "Latitude": 36.33, "Longitude": -121.24, "Population": 1534.0}, {"index": 9775, "quantile": 0.25, "value": 125499.99999999999, "Latitude": 36.33, "Longitude": -121.24, "Population": 1534.0}, {"index": 9775, "quantile": 0.5, "value": 125499.99999999999, "Latitude": 36.33, "Longitude": -121.24, "Population": 1534.0}, {"index": 9775, "quantile": 0.75, "value": 125499.99999999999, "Latitude": 36.33, "Longitude": -121.24, "Population": 1534.0}, {"index": 9775, "quantile": 1.0, "value": 221200.00000000003, "Latitude": 36.33, "Longitude": -121.24, "Population": 1534.0}, {"index": 9776, "quantile": 0.0, "value": 70700.0, "Latitude": 36.34, "Longitude": -121.24, "Population": 792.0}, {"index": 9776, "quantile": 0.25, "value": 164600.0, "Latitude": 36.34, "Longitude": -121.24, "Population": 792.0}, {"index": 9776, "quantile": 0.5, "value": 164600.0, "Latitude": 36.34, "Longitude": -121.24, "Population": 792.0}, {"index": 9776, "quantile": 0.75, "value": 164600.0, "Latitude": 36.34, "Longitude": -121.24, "Population": 792.0}, {"index": 9776, "quantile": 1.0, "value": 264600.0, "Latitude": 36.34, "Longitude": -121.24, "Population": 792.0}, {"index": 9777, "quantile": 0.0, "value": 37500.0, "Latitude": 36.21, "Longitude": -121.12, "Population": 1427.0}, {"index": 9777, "quantile": 0.25, "value": 85950.0, "Latitude": 36.21, "Longitude": -121.12, "Population": 1427.0}, {"index": 9777, "quantile": 0.5, "value": 114849.99999999999, "Latitude": 36.21, "Longitude": -121.12, "Population": 1427.0}, {"index": 9777, "quantile": 0.75, "value": 137050.0, "Latitude": 36.21, "Longitude": -121.12, "Population": 1427.0}, {"index": 9777, "quantile": 1.0, "value": 253600.0, "Latitude": 36.21, "Longitude": -121.12, "Population": 1427.0}, {"index": 9778, "quantile": 0.0, "value": 88600.0, "Latitude": 36.21, "Longitude": -121.13, "Population": 1156.0}, {"index": 9778, "quantile": 0.25, "value": 137900.0, "Latitude": 36.21, "Longitude": -121.13, "Population": 1156.0}, {"index": 9778, "quantile": 0.5, "value": 137900.0, "Latitude": 36.21, "Longitude": -121.13, "Population": 1156.0}, {"index": 9778, "quantile": 0.75, "value": 137900.0, "Latitude": 36.21, "Longitude": -121.13, "Population": 1156.0}, {"index": 9778, "quantile": 1.0, "value": 252599.99999999997, "Latitude": 36.21, "Longitude": -121.13, "Population": 1156.0}, {"index": 9779, "quantile": 0.0, "value": 38800.0, "Latitude": 36.21, "Longitude": -121.13, "Population": 1200.0}, {"index": 9779, "quantile": 0.25, "value": 82675.0, "Latitude": 36.21, "Longitude": -121.13, "Population": 1200.0}, {"index": 9779, "quantile": 0.5, "value": 95800.0, "Latitude": 36.21, "Longitude": -121.13, "Population": 1200.0}, {"index": 9779, "quantile": 0.75, "value": 95800.0, "Latitude": 36.21, "Longitude": -121.13, "Population": 1200.0}, {"index": 9779, "quantile": 1.0, "value": 144900.0, "Latitude": 36.21, "Longitude": -121.13, "Population": 1200.0}, {"index": 9780, "quantile": 0.0, "value": 84600.0, "Latitude": 36.21, "Longitude": -121.13, "Population": 1810.0}, {"index": 9780, "quantile": 0.25, "value": 113700.0, "Latitude": 36.21, "Longitude": -121.13, "Population": 1810.0}, {"index": 9780, "quantile": 0.5, "value": 113700.0, "Latitude": 36.21, "Longitude": -121.13, "Population": 1810.0}, {"index": 9780, "quantile": 0.75, "value": 146975.0, "Latitude": 36.21, "Longitude": -121.13, "Population": 1810.0}, {"index": 9780, "quantile": 1.0, "value": 364200.0, "Latitude": 36.21, "Longitude": -121.13, "Population": 1810.0}, {"index": 9781, "quantile": 0.0, "value": 67500.0, "Latitude": 36.2, "Longitude": -121.13, "Population": 1323.0}, {"index": 9781, "quantile": 0.25, "value": 146575.0, "Latitude": 36.2, "Longitude": -121.13, "Population": 1323.0}, {"index": 9781, "quantile": 0.5, "value": 163200.0, "Latitude": 36.2, "Longitude": -121.13, "Population": 1323.0}, {"index": 9781, "quantile": 0.75, "value": 163200.0, "Latitude": 36.2, "Longitude": -121.13, "Population": 1323.0}, {"index": 9781, "quantile": 1.0, "value": 250000.0, "Latitude": 36.2, "Longitude": -121.13, "Population": 1323.0}, {"index": 9782, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 36.24, "Longitude": -121.02, "Population": 1971.0}, {"index": 9782, "quantile": 0.25, "value": 92400.0, "Latitude": 36.24, "Longitude": -121.02, "Population": 1971.0}, {"index": 9782, "quantile": 0.5, "value": 100499.99999999999, "Latitude": 36.24, "Longitude": -121.02, "Population": 1971.0}, {"index": 9782, "quantile": 0.75, "value": 120525.0, "Latitude": 36.24, "Longitude": -121.02, "Population": 1971.0}, {"index": 9782, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 36.24, "Longitude": -121.02, "Population": 1971.0}, {"index": 9783, "quantile": 0.0, "value": 75000.0, "Latitude": 36.14, "Longitude": -121.2, "Population": 2337.0}, {"index": 9783, "quantile": 0.25, "value": 117075.0, "Latitude": 36.14, "Longitude": -121.2, "Population": 2337.0}, {"index": 9783, "quantile": 0.5, "value": 163400.0, "Latitude": 36.14, "Longitude": -121.2, "Population": 2337.0}, {"index": 9783, "quantile": 0.75, "value": 243000.00000000003, "Latitude": 36.14, "Longitude": -121.2, "Population": 2337.0}, {"index": 9783, "quantile": 1.0, "value": 450000.0, "Latitude": 36.14, "Longitude": -121.2, "Population": 2337.0}, {"index": 9784, "quantile": 0.0, "value": 72000.0, "Latitude": 36.16, "Longitude": -121.39, "Population": 288.0}, {"index": 9784, "quantile": 0.25, "value": 146900.0, "Latitude": 36.16, "Longitude": -121.39, "Population": 288.0}, {"index": 9784, "quantile": 0.5, "value": 146900.0, "Latitude": 36.16, "Longitude": -121.39, "Population": 288.0}, {"index": 9784, "quantile": 0.75, "value": 146900.0, "Latitude": 36.16, "Longitude": -121.39, "Population": 288.0}, {"index": 9784, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.16, "Longitude": -121.39, "Population": 288.0}, {"index": 9785, "quantile": 0.0, "value": 67500.0, "Latitude": 35.95, "Longitude": -121.32, "Population": 479.0}, {"index": 9785, "quantile": 0.25, "value": 200000.0, "Latitude": 35.95, "Longitude": -121.32, "Population": 479.0}, {"index": 9785, "quantile": 0.5, "value": 200000.0, "Latitude": 35.95, "Longitude": -121.32, "Population": 479.0}, {"index": 9785, "quantile": 0.75, "value": 200000.0, "Latitude": 35.95, "Longitude": -121.32, "Population": 479.0}, {"index": 9785, "quantile": 1.0, "value": 450000.0, "Latitude": 35.95, "Longitude": -121.32, "Population": 479.0}, {"index": 9786, "quantile": 0.0, "value": 86400.0, "Latitude": 35.94, "Longitude": -121.0, "Population": 1479.0}, {"index": 9786, "quantile": 0.25, "value": 114599.99999999999, "Latitude": 35.94, "Longitude": -121.0, "Population": 1479.0}, {"index": 9786, "quantile": 0.5, "value": 114599.99999999999, "Latitude": 35.94, "Longitude": -121.0, "Population": 1479.0}, {"index": 9786, "quantile": 0.75, "value": 158600.0, "Latitude": 35.94, "Longitude": -121.0, "Population": 1479.0}, {"index": 9786, "quantile": 1.0, "value": 330000.0, "Latitude": 35.94, "Longitude": -121.0, "Population": 1479.0}, {"index": 9787, "quantile": 0.0, "value": 46300.0, "Latitude": 36.06, "Longitude": -120.79, "Population": 1019.0}, {"index": 9787, "quantile": 0.25, "value": 87500.0, "Latitude": 36.06, "Longitude": -120.79, "Population": 1019.0}, {"index": 9787, "quantile": 0.5, "value": 87500.0, "Latitude": 36.06, "Longitude": -120.79, "Population": 1019.0}, {"index": 9787, "quantile": 0.75, "value": 91000.0, "Latitude": 36.06, "Longitude": -120.79, "Population": 1019.0}, {"index": 9787, "quantile": 1.0, "value": 204800.0, "Latitude": 36.06, "Longitude": -120.79, "Population": 1019.0}, {"index": 9788, "quantile": 0.0, "value": 153800.0, "Latitude": 35.91, "Longitude": -120.51, "Population": 264.0}, {"index": 9788, "quantile": 0.25, "value": 250000.0, "Latitude": 35.91, "Longitude": -120.51, "Population": 264.0}, {"index": 9788, "quantile": 0.5, "value": 250000.0, "Latitude": 35.91, "Longitude": -120.51, "Population": 264.0}, {"index": 9788, "quantile": 0.75, "value": 250000.0, "Latitude": 35.91, "Longitude": -120.51, "Population": 264.0}, {"index": 9788, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.91, "Longitude": -120.51, "Population": 264.0}, {"index": 9789, "quantile": 0.0, "value": 87500.0, "Latitude": 36.42, "Longitude": -121.91, "Population": 382.0}, {"index": 9789, "quantile": 0.25, "value": 210000.0, "Latitude": 36.42, "Longitude": -121.91, "Population": 382.0}, {"index": 9789, "quantile": 0.5, "value": 210000.0, "Latitude": 36.42, "Longitude": -121.91, "Population": 382.0}, {"index": 9789, "quantile": 0.75, "value": 210000.0, "Latitude": 36.42, "Longitude": -121.91, "Population": 382.0}, {"index": 9789, "quantile": 1.0, "value": 450000.0, "Latitude": 36.42, "Longitude": -121.91, "Population": 382.0}, {"index": 9790, "quantile": 0.0, "value": 87500.0, "Latitude": 36.25, "Longitude": -121.84, "Population": 590.0}, {"index": 9790, "quantile": 0.25, "value": 220350.0, "Latitude": 36.25, "Longitude": -121.84, "Population": 590.0}, {"index": 9790, "quantile": 0.5, "value": 362500.0, "Latitude": 36.25, "Longitude": -121.84, "Population": 590.0}, {"index": 9790, "quantile": 0.75, "value": 362500.0, "Latitude": 36.25, "Longitude": -121.84, "Population": 590.0}, {"index": 9790, "quantile": 1.0, "value": 377300.0, "Latitude": 36.25, "Longitude": -121.84, "Population": 590.0}, {"index": 9791, "quantile": 0.0, "value": 40000.0, "Latitude": 36.14, "Longitude": -121.62, "Population": 411.0}, {"index": 9791, "quantile": 0.25, "value": 353749.99999999994, "Latitude": 36.14, "Longitude": -121.62, "Population": 411.0}, {"index": 9791, "quantile": 0.5, "value": 450000.0, "Latitude": 36.14, "Longitude": -121.62, "Population": 411.0}, {"index": 9791, "quantile": 0.75, "value": 450000.0, "Latitude": 36.14, "Longitude": -121.62, "Population": 411.0}, {"index": 9791, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.14, "Longitude": -121.62, "Population": 411.0}, {"index": 9792, "quantile": 0.0, "value": 132200.0, "Latitude": 36.55, "Longitude": -121.87, "Population": 3083.0}, {"index": 9792, "quantile": 0.25, "value": 387500.0, "Latitude": 36.55, "Longitude": -121.87, "Population": 3083.0}, {"index": 9792, "quantile": 0.5, "value": 387500.0, "Latitude": 36.55, "Longitude": -121.87, "Population": 3083.0}, {"index": 9792, "quantile": 0.75, "value": 387500.0, "Latitude": 36.55, "Longitude": -121.87, "Population": 3083.0}, {"index": 9792, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.55, "Longitude": -121.87, "Population": 3083.0}, {"index": 9793, "quantile": 0.0, "value": 184800.0, "Latitude": 36.54, "Longitude": -121.82, "Population": 886.0}, {"index": 9793, "quantile": 0.25, "value": 378800.0, "Latitude": 36.54, "Longitude": -121.82, "Population": 886.0}, {"index": 9793, "quantile": 0.5, "value": 378800.0, "Latitude": 36.54, "Longitude": -121.82, "Population": 886.0}, {"index": 9793, "quantile": 0.75, "value": 378800.0, "Latitude": 36.54, "Longitude": -121.82, "Population": 886.0}, {"index": 9793, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.54, "Longitude": -121.82, "Population": 886.0}, {"index": 9794, "quantile": 0.0, "value": 239100.0, "Latitude": 36.53, "Longitude": -121.77, "Population": 803.0}, {"index": 9794, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 36.53, "Longitude": -121.77, "Population": 803.0}, {"index": 9794, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 36.53, "Longitude": -121.77, "Population": 803.0}, {"index": 9794, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 36.53, "Longitude": -121.77, "Population": 803.0}, {"index": 9794, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.53, "Longitude": -121.77, "Population": 803.0}, {"index": 9795, "quantile": 0.0, "value": 185600.0, "Latitude": 36.52, "Longitude": -121.84, "Population": 1312.0}, {"index": 9795, "quantile": 0.25, "value": 357400.0, "Latitude": 36.52, "Longitude": -121.84, "Population": 1312.0}, {"index": 9795, "quantile": 0.5, "value": 357400.0, "Latitude": 36.52, "Longitude": -121.84, "Population": 1312.0}, {"index": 9795, "quantile": 0.75, "value": 357400.0, "Latitude": 36.52, "Longitude": -121.84, "Population": 1312.0}, {"index": 9795, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.52, "Longitude": -121.84, "Population": 1312.0}, {"index": 9796, "quantile": 0.0, "value": 264700.0, "Latitude": 36.49, "Longitude": -121.88, "Population": 898.0}, {"index": 9796, "quantile": 0.25, "value": 482500.75, "Latitude": 36.49, "Longitude": -121.88, "Population": 898.0}, {"index": 9796, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 36.49, "Longitude": -121.88, "Population": 898.0}, {"index": 9796, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 36.49, "Longitude": -121.88, "Population": 898.0}, {"index": 9796, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.49, "Longitude": -121.88, "Population": 898.0}, {"index": 9797, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 36.57, "Longitude": -121.92, "Population": 1374.0}, {"index": 9797, "quantile": 0.25, "value": 394400.0, "Latitude": 36.57, "Longitude": -121.92, "Population": 1374.0}, {"index": 9797, "quantile": 0.5, "value": 394400.0, "Latitude": 36.57, "Longitude": -121.92, "Population": 1374.0}, {"index": 9797, "quantile": 0.75, "value": 394400.0, "Latitude": 36.57, "Longitude": -121.92, "Population": 1374.0}, {"index": 9797, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.57, "Longitude": -121.92, "Population": 1374.0}, {"index": 9798, "quantile": 0.0, "value": 143300.0, "Latitude": 36.55, "Longitude": -121.91, "Population": 1782.0}, {"index": 9798, "quantile": 0.25, "value": 398800.0, "Latitude": 36.55, "Longitude": -121.91, "Population": 1782.0}, {"index": 9798, "quantile": 0.5, "value": 398800.0, "Latitude": 36.55, "Longitude": -121.91, "Population": 1782.0}, {"index": 9798, "quantile": 0.75, "value": 417100.0, "Latitude": 36.55, "Longitude": -121.91, "Population": 1782.0}, {"index": 9798, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.55, "Longitude": -121.91, "Population": 1782.0}, {"index": 9799, "quantile": 0.0, "value": 37500.0, "Latitude": 36.54, "Longitude": -121.92, "Population": 1670.0}, {"index": 9799, "quantile": 0.25, "value": 332850.0, "Latitude": 36.54, "Longitude": -121.92, "Population": 1670.0}, {"index": 9799, "quantile": 0.5, "value": 468000.0, "Latitude": 36.54, "Longitude": -121.92, "Population": 1670.0}, {"index": 9799, "quantile": 0.75, "value": 468000.0, "Latitude": 36.54, "Longitude": -121.92, "Population": 1670.0}, {"index": 9799, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.54, "Longitude": -121.92, "Population": 1670.0}, {"index": 9800, "quantile": 0.0, "value": 355900.0, "Latitude": 36.56, "Longitude": -121.92, "Population": 643.0}, {"index": 9800, "quantile": 0.25, "value": 369100.0, "Latitude": 36.56, "Longitude": -121.92, "Population": 643.0}, {"index": 9800, "quantile": 0.5, "value": 369100.0, "Latitude": 36.56, "Longitude": -121.92, "Population": 643.0}, {"index": 9800, "quantile": 0.75, "value": 487850.25, "Latitude": 36.56, "Longitude": -121.92, "Population": 643.0}, {"index": 9800, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.56, "Longitude": -121.92, "Population": 643.0}, {"index": 9801, "quantile": 0.0, "value": 124700.00000000001, "Latitude": 36.55, "Longitude": -121.94, "Population": 628.0}, {"index": 9801, "quantile": 0.25, "value": 487100.00000000006, "Latitude": 36.55, "Longitude": -121.94, "Population": 628.0}, {"index": 9801, "quantile": 0.5, "value": 487100.00000000006, "Latitude": 36.55, "Longitude": -121.94, "Population": 628.0}, {"index": 9801, "quantile": 0.75, "value": 487100.00000000006, "Latitude": 36.55, "Longitude": -121.94, "Population": 628.0}, {"index": 9801, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.55, "Longitude": -121.94, "Population": 628.0}, {"index": 9802, "quantile": 0.0, "value": 172500.0, "Latitude": 36.56, "Longitude": -121.92, "Population": 749.0}, {"index": 9802, "quantile": 0.25, "value": 330800.0, "Latitude": 36.56, "Longitude": -121.92, "Population": 749.0}, {"index": 9802, "quantile": 0.5, "value": 364000.0, "Latitude": 36.56, "Longitude": -121.92, "Population": 749.0}, {"index": 9802, "quantile": 0.75, "value": 364000.0, "Latitude": 36.56, "Longitude": -121.92, "Population": 749.0}, {"index": 9802, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.56, "Longitude": -121.92, "Population": 749.0}, {"index": 9803, "quantile": 0.0, "value": 249400.00000000003, "Latitude": 36.55, "Longitude": -121.92, "Population": 490.0}, {"index": 9803, "quantile": 0.25, "value": 465800.00000000006, "Latitude": 36.55, "Longitude": -121.92, "Population": 490.0}, {"index": 9803, "quantile": 0.5, "value": 465800.00000000006, "Latitude": 36.55, "Longitude": -121.92, "Population": 490.0}, {"index": 9803, "quantile": 0.75, "value": 465800.00000000006, "Latitude": 36.55, "Longitude": -121.92, "Population": 490.0}, {"index": 9803, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.55, "Longitude": -121.92, "Population": 490.0}, {"index": 9804, "quantile": 0.0, "value": 265000.0, "Latitude": 36.55, "Longitude": -121.92, "Population": 693.0}, {"index": 9804, "quantile": 0.25, "value": 452799.99999999994, "Latitude": 36.55, "Longitude": -121.92, "Population": 693.0}, {"index": 9804, "quantile": 0.5, "value": 452799.99999999994, "Latitude": 36.55, "Longitude": -121.92, "Population": 693.0}, {"index": 9804, "quantile": 0.75, "value": 465800.00000000006, "Latitude": 36.55, "Longitude": -121.92, "Population": 693.0}, {"index": 9804, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.55, "Longitude": -121.92, "Population": 693.0}, {"index": 9805, "quantile": 0.0, "value": 37500.0, "Latitude": 36.55, "Longitude": -121.92, "Population": 582.0}, {"index": 9805, "quantile": 0.25, "value": 450000.0, "Latitude": 36.55, "Longitude": -121.92, "Population": 582.0}, {"index": 9805, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 36.55, "Longitude": -121.92, "Population": 582.0}, {"index": 9805, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 36.55, "Longitude": -121.92, "Population": 582.0}, {"index": 9805, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.55, "Longitude": -121.92, "Population": 582.0}, {"index": 9806, "quantile": 0.0, "value": 204400.0, "Latitude": 36.61, "Longitude": -121.95, "Population": 497.0}, {"index": 9806, "quantile": 0.25, "value": 406100.0, "Latitude": 36.61, "Longitude": -121.95, "Population": 497.0}, {"index": 9806, "quantile": 0.5, "value": 407800.00000000006, "Latitude": 36.61, "Longitude": -121.95, "Population": 497.0}, {"index": 9806, "quantile": 0.75, "value": 407800.00000000006, "Latitude": 36.61, "Longitude": -121.95, "Population": 497.0}, {"index": 9806, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.61, "Longitude": -121.95, "Population": 497.0}, {"index": 9807, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 36.59, "Longitude": -121.93, "Population": 622.0}, {"index": 9807, "quantile": 0.25, "value": 234300.0, "Latitude": 36.59, "Longitude": -121.93, "Population": 622.0}, {"index": 9807, "quantile": 0.5, "value": 331600.0, "Latitude": 36.59, "Longitude": -121.93, "Population": 622.0}, {"index": 9807, "quantile": 0.75, "value": 394675.0, "Latitude": 36.59, "Longitude": -121.93, "Population": 622.0}, {"index": 9807, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.59, "Longitude": -121.93, "Population": 622.0}, {"index": 9808, "quantile": 0.0, "value": 249300.0, "Latitude": 36.6, "Longitude": -121.95, "Population": 793.0}, {"index": 9808, "quantile": 0.25, "value": 469900.0, "Latitude": 36.6, "Longitude": -121.95, "Population": 793.0}, {"index": 9808, "quantile": 0.5, "value": 469900.0, "Latitude": 36.6, "Longitude": -121.95, "Population": 793.0}, {"index": 9808, "quantile": 0.75, "value": 469900.0, "Latitude": 36.6, "Longitude": -121.95, "Population": 793.0}, {"index": 9808, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.6, "Longitude": -121.95, "Population": 793.0}, {"index": 9809, "quantile": 0.0, "value": 153800.0, "Latitude": 36.59, "Longitude": -121.95, "Population": 1108.0}, {"index": 9809, "quantile": 0.25, "value": 417100.0, "Latitude": 36.59, "Longitude": -121.95, "Population": 1108.0}, {"index": 9809, "quantile": 0.5, "value": 417100.0, "Latitude": 36.59, "Longitude": -121.95, "Population": 1108.0}, {"index": 9809, "quantile": 0.75, "value": 417100.0, "Latitude": 36.59, "Longitude": -121.95, "Population": 1108.0}, {"index": 9809, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.59, "Longitude": -121.95, "Population": 1108.0}, {"index": 9810, "quantile": 0.0, "value": 195900.0, "Latitude": 36.58, "Longitude": -121.94, "Population": 1480.0}, {"index": 9810, "quantile": 0.25, "value": 367400.0, "Latitude": 36.58, "Longitude": -121.94, "Population": 1480.0}, {"index": 9810, "quantile": 0.5, "value": 417100.0, "Latitude": 36.58, "Longitude": -121.94, "Population": 1480.0}, {"index": 9810, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 36.58, "Longitude": -121.94, "Population": 1480.0}, {"index": 9810, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.58, "Longitude": -121.94, "Population": 1480.0}, {"index": 9811, "quantile": 0.0, "value": 350000.0, "Latitude": 36.57, "Longitude": -121.94, "Population": 569.0}, {"index": 9811, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 36.57, "Longitude": -121.94, "Population": 569.0}, {"index": 9811, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 36.57, "Longitude": -121.94, "Population": 569.0}, {"index": 9811, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 36.57, "Longitude": -121.94, "Population": 569.0}, {"index": 9811, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.57, "Longitude": -121.94, "Population": 569.0}, {"index": 9812, "quantile": 0.0, "value": 84400.0, "Latitude": 36.6, "Longitude": -121.93, "Population": 1704.0}, {"index": 9812, "quantile": 0.25, "value": 225700.0, "Latitude": 36.6, "Longitude": -121.93, "Population": 1704.0}, {"index": 9812, "quantile": 0.5, "value": 225700.0, "Latitude": 36.6, "Longitude": -121.93, "Population": 1704.0}, {"index": 9812, "quantile": 0.75, "value": 262675.0, "Latitude": 36.6, "Longitude": -121.93, "Population": 1704.0}, {"index": 9812, "quantile": 1.0, "value": 450000.0, "Latitude": 36.6, "Longitude": -121.93, "Population": 1704.0}, {"index": 9813, "quantile": 0.0, "value": 93000.0, "Latitude": 36.61, "Longitude": -121.92, "Population": 1873.0}, {"index": 9813, "quantile": 0.25, "value": 252325.0, "Latitude": 36.61, "Longitude": -121.92, "Population": 1873.0}, {"index": 9813, "quantile": 0.5, "value": 253799.99999999997, "Latitude": 36.61, "Longitude": -121.92, "Population": 1873.0}, {"index": 9813, "quantile": 0.75, "value": 253799.99999999997, "Latitude": 36.61, "Longitude": -121.92, "Population": 1873.0}, {"index": 9813, "quantile": 1.0, "value": 289100.0, "Latitude": 36.61, "Longitude": -121.92, "Population": 1873.0}, {"index": 9814, "quantile": 0.0, "value": 166900.0, "Latitude": 36.62, "Longitude": -121.93, "Population": 1063.0}, {"index": 9814, "quantile": 0.25, "value": 251225.0, "Latitude": 36.62, "Longitude": -121.93, "Population": 1063.0}, {"index": 9814, "quantile": 0.5, "value": 278000.0, "Latitude": 36.62, "Longitude": -121.93, "Population": 1063.0}, {"index": 9814, "quantile": 0.75, "value": 278000.0, "Latitude": 36.62, "Longitude": -121.93, "Population": 1063.0}, {"index": 9814, "quantile": 1.0, "value": 342800.0, "Latitude": 36.62, "Longitude": -121.93, "Population": 1063.0}, {"index": 9815, "quantile": 0.0, "value": 124700.00000000001, "Latitude": 36.61, "Longitude": -121.92, "Population": 1229.0}, {"index": 9815, "quantile": 0.25, "value": 268000.0, "Latitude": 36.61, "Longitude": -121.92, "Population": 1229.0}, {"index": 9815, "quantile": 0.5, "value": 268000.0, "Latitude": 36.61, "Longitude": -121.92, "Population": 1229.0}, {"index": 9815, "quantile": 0.75, "value": 272725.0, "Latitude": 36.61, "Longitude": -121.92, "Population": 1229.0}, {"index": 9815, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.61, "Longitude": -121.92, "Population": 1229.0}, {"index": 9816, "quantile": 0.0, "value": 146300.0, "Latitude": 36.62, "Longitude": -121.93, "Population": 406.0}, {"index": 9816, "quantile": 0.25, "value": 220225.00000000003, "Latitude": 36.62, "Longitude": -121.93, "Population": 406.0}, {"index": 9816, "quantile": 0.5, "value": 259649.99999999997, "Latitude": 36.62, "Longitude": -121.93, "Population": 406.0}, {"index": 9816, "quantile": 0.75, "value": 278000.0, "Latitude": 36.62, "Longitude": -121.93, "Population": 406.0}, {"index": 9816, "quantile": 1.0, "value": 450000.0, "Latitude": 36.62, "Longitude": -121.93, "Population": 406.0}, {"index": 9817, "quantile": 0.0, "value": 132200.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 403.0}, {"index": 9817, "quantile": 0.25, "value": 246124.99999999997, "Latitude": 36.62, "Longitude": -121.92, "Population": 403.0}, {"index": 9817, "quantile": 0.5, "value": 286150.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 403.0}, {"index": 9817, "quantile": 0.75, "value": 342550.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 403.0}, {"index": 9817, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.62, "Longitude": -121.92, "Population": 403.0}, {"index": 9818, "quantile": 0.0, "value": 87600.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 425.0}, {"index": 9818, "quantile": 0.25, "value": 241699.99999999997, "Latitude": 36.62, "Longitude": -121.92, "Population": 425.0}, {"index": 9818, "quantile": 0.5, "value": 241699.99999999997, "Latitude": 36.62, "Longitude": -121.92, "Population": 425.0}, {"index": 9818, "quantile": 0.75, "value": 241699.99999999997, "Latitude": 36.62, "Longitude": -121.92, "Population": 425.0}, {"index": 9818, "quantile": 1.0, "value": 395700.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 425.0}, {"index": 9819, "quantile": 0.0, "value": 81300.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 948.0}, {"index": 9819, "quantile": 0.25, "value": 159275.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 948.0}, {"index": 9819, "quantile": 0.5, "value": 218450.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 948.0}, {"index": 9819, "quantile": 0.75, "value": 258300.00000000003, "Latitude": 36.62, "Longitude": -121.92, "Population": 948.0}, {"index": 9819, "quantile": 1.0, "value": 325900.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 948.0}, {"index": 9820, "quantile": 0.0, "value": 155200.0, "Latitude": 36.62, "Longitude": -121.91, "Population": 657.0}, {"index": 9820, "quantile": 0.25, "value": 240099.99999999997, "Latitude": 36.62, "Longitude": -121.91, "Population": 657.0}, {"index": 9820, "quantile": 0.5, "value": 240099.99999999997, "Latitude": 36.62, "Longitude": -121.91, "Population": 657.0}, {"index": 9820, "quantile": 0.75, "value": 240099.99999999997, "Latitude": 36.62, "Longitude": -121.91, "Population": 657.0}, {"index": 9820, "quantile": 1.0, "value": 360500.0, "Latitude": 36.62, "Longitude": -121.91, "Population": 657.0}, {"index": 9821, "quantile": 0.0, "value": 171600.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 391.0}, {"index": 9821, "quantile": 0.25, "value": 234600.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 391.0}, {"index": 9821, "quantile": 0.5, "value": 234600.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 391.0}, {"index": 9821, "quantile": 0.75, "value": 234600.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 391.0}, {"index": 9821, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.62, "Longitude": -121.92, "Population": 391.0}, {"index": 9822, "quantile": 0.0, "value": 67000.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 578.0}, {"index": 9822, "quantile": 0.25, "value": 235400.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 578.0}, {"index": 9822, "quantile": 0.5, "value": 235400.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 578.0}, {"index": 9822, "quantile": 0.75, "value": 235400.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 578.0}, {"index": 9822, "quantile": 1.0, "value": 364000.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 578.0}, {"index": 9823, "quantile": 0.0, "value": 87500.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 313.0}, {"index": 9823, "quantile": 0.25, "value": 254500.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 313.0}, {"index": 9823, "quantile": 0.5, "value": 254500.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 313.0}, {"index": 9823, "quantile": 0.75, "value": 311100.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 313.0}, {"index": 9823, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.62, "Longitude": -121.92, "Population": 313.0}, {"index": 9824, "quantile": 0.0, "value": 102899.99999999999, "Latitude": 36.62, "Longitude": -121.91, "Population": 504.0}, {"index": 9824, "quantile": 0.25, "value": 258300.00000000003, "Latitude": 36.62, "Longitude": -121.91, "Population": 504.0}, {"index": 9824, "quantile": 0.5, "value": 258300.00000000003, "Latitude": 36.62, "Longitude": -121.91, "Population": 504.0}, {"index": 9824, "quantile": 0.75, "value": 258300.00000000003, "Latitude": 36.62, "Longitude": -121.91, "Population": 504.0}, {"index": 9824, "quantile": 1.0, "value": 420000.0, "Latitude": 36.62, "Longitude": -121.91, "Population": 504.0}, {"index": 9825, "quantile": 0.0, "value": 87500.0, "Latitude": 36.62, "Longitude": -121.91, "Population": 325.0}, {"index": 9825, "quantile": 0.25, "value": 231975.0, "Latitude": 36.62, "Longitude": -121.91, "Population": 325.0}, {"index": 9825, "quantile": 0.5, "value": 263100.0, "Latitude": 36.62, "Longitude": -121.91, "Population": 325.0}, {"index": 9825, "quantile": 0.75, "value": 341099.99999999994, "Latitude": 36.62, "Longitude": -121.91, "Population": 325.0}, {"index": 9825, "quantile": 1.0, "value": 425000.0, "Latitude": 36.62, "Longitude": -121.91, "Population": 325.0}, {"index": 9826, "quantile": 0.0, "value": 181100.0, "Latitude": 36.78, "Longitude": -121.71, "Population": 944.0}, {"index": 9826, "quantile": 0.25, "value": 240200.0, "Latitude": 36.78, "Longitude": -121.71, "Population": 944.0}, {"index": 9826, "quantile": 0.5, "value": 240200.0, "Latitude": 36.78, "Longitude": -121.71, "Population": 944.0}, {"index": 9826, "quantile": 0.75, "value": 247475.00000000003, "Latitude": 36.78, "Longitude": -121.71, "Population": 944.0}, {"index": 9826, "quantile": 1.0, "value": 440000.00000000006, "Latitude": 36.78, "Longitude": -121.71, "Population": 944.0}, {"index": 9827, "quantile": 0.0, "value": 67500.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 790.0}, {"index": 9827, "quantile": 0.25, "value": 286400.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 790.0}, {"index": 9827, "quantile": 0.5, "value": 286400.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 790.0}, {"index": 9827, "quantile": 0.75, "value": 286400.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 790.0}, {"index": 9827, "quantile": 1.0, "value": 377300.0, "Latitude": 36.62, "Longitude": -121.92, "Population": 790.0}, {"index": 9828, "quantile": 0.0, "value": 40000.0, "Latitude": 36.62, "Longitude": -121.91, "Population": 240.0}, {"index": 9828, "quantile": 0.25, "value": 271325.0, "Latitude": 36.62, "Longitude": -121.91, "Population": 240.0}, {"index": 9828, "quantile": 0.5, "value": 364300.0, "Latitude": 36.62, "Longitude": -121.91, "Population": 240.0}, {"index": 9828, "quantile": 0.75, "value": 452799.99999999994, "Latitude": 36.62, "Longitude": -121.91, "Population": 240.0}, {"index": 9828, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.62, "Longitude": -121.91, "Population": 240.0}, {"index": 9829, "quantile": 0.0, "value": 40000.0, "Latitude": 36.62, "Longitude": -121.91, "Population": 488.0}, {"index": 9829, "quantile": 0.25, "value": 275450.0, "Latitude": 36.62, "Longitude": -121.91, "Population": 488.0}, {"index": 9829, "quantile": 0.5, "value": 325900.0, "Latitude": 36.62, "Longitude": -121.91, "Population": 488.0}, {"index": 9829, "quantile": 0.75, "value": 355600.0, "Latitude": 36.62, "Longitude": -121.91, "Population": 488.0}, {"index": 9829, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.62, "Longitude": -121.91, "Population": 488.0}, {"index": 9830, "quantile": 0.0, "value": 17500.0, "Latitude": 36.63, "Longitude": -121.91, "Population": 391.0}, {"index": 9830, "quantile": 0.25, "value": 187500.0, "Latitude": 36.63, "Longitude": -121.91, "Population": 391.0}, {"index": 9830, "quantile": 0.5, "value": 221500.0, "Latitude": 36.63, "Longitude": -121.91, "Population": 391.0}, {"index": 9830, "quantile": 0.75, "value": 236500.00000000003, "Latitude": 36.63, "Longitude": -121.91, "Population": 391.0}, {"index": 9830, "quantile": 1.0, "value": 500000.0, "Latitude": 36.63, "Longitude": -121.91, "Population": 391.0}, {"index": 9831, "quantile": 0.0, "value": 159100.0, "Latitude": 36.63, "Longitude": -121.93, "Population": 1582.0}, {"index": 9831, "quantile": 0.25, "value": 267875.0, "Latitude": 36.63, "Longitude": -121.93, "Population": 1582.0}, {"index": 9831, "quantile": 0.5, "value": 313900.0, "Latitude": 36.63, "Longitude": -121.93, "Population": 1582.0}, {"index": 9831, "quantile": 0.75, "value": 313900.0, "Latitude": 36.63, "Longitude": -121.93, "Population": 1582.0}, {"index": 9831, "quantile": 1.0, "value": 395500.0, "Latitude": 36.63, "Longitude": -121.93, "Population": 1582.0}, {"index": 9832, "quantile": 0.0, "value": 124700.00000000001, "Latitude": 36.63, "Longitude": -121.93, "Population": 638.0}, {"index": 9832, "quantile": 0.25, "value": 223475.0, "Latitude": 36.63, "Longitude": -121.93, "Population": 638.0}, {"index": 9832, "quantile": 0.5, "value": 284600.0, "Latitude": 36.63, "Longitude": -121.93, "Population": 638.0}, {"index": 9832, "quantile": 0.75, "value": 335100.0, "Latitude": 36.63, "Longitude": -121.93, "Population": 638.0}, {"index": 9832, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.63, "Longitude": -121.93, "Population": 638.0}, {"index": 9833, "quantile": 0.0, "value": 37500.0, "Latitude": 36.63, "Longitude": -121.92, "Population": 406.0}, {"index": 9833, "quantile": 0.25, "value": 251175.00000000003, "Latitude": 36.63, "Longitude": -121.92, "Population": 406.0}, {"index": 9833, "quantile": 0.5, "value": 311100.0, "Latitude": 36.63, "Longitude": -121.92, "Population": 406.0}, {"index": 9833, "quantile": 0.75, "value": 311100.0, "Latitude": 36.63, "Longitude": -121.92, "Population": 406.0}, {"index": 9833, "quantile": 1.0, "value": 344200.0, "Latitude": 36.63, "Longitude": -121.92, "Population": 406.0}, {"index": 9834, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 36.63, "Longitude": -121.93, "Population": 428.0}, {"index": 9834, "quantile": 0.25, "value": 287500.0, "Latitude": 36.63, "Longitude": -121.93, "Population": 428.0}, {"index": 9834, "quantile": 0.5, "value": 287500.0, "Latitude": 36.63, "Longitude": -121.93, "Population": 428.0}, {"index": 9834, "quantile": 0.75, "value": 287500.0, "Latitude": 36.63, "Longitude": -121.93, "Population": 428.0}, {"index": 9834, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.63, "Longitude": -121.93, "Population": 428.0}, {"index": 9835, "quantile": 0.0, "value": 87500.0, "Latitude": 36.63, "Longitude": -121.92, "Population": 349.0}, {"index": 9835, "quantile": 0.25, "value": 240099.99999999997, "Latitude": 36.63, "Longitude": -121.92, "Population": 349.0}, {"index": 9835, "quantile": 0.5, "value": 264200.00000000006, "Latitude": 36.63, "Longitude": -121.92, "Population": 349.0}, {"index": 9835, "quantile": 0.75, "value": 344700.0, "Latitude": 36.63, "Longitude": -121.92, "Population": 349.0}, {"index": 9835, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.63, "Longitude": -121.92, "Population": 349.0}, {"index": 9836, "quantile": 0.0, "value": 87500.0, "Latitude": 36.63, "Longitude": -121.89, "Population": 971.0}, {"index": 9836, "quantile": 0.25, "value": 217300.0, "Latitude": 36.63, "Longitude": -121.89, "Population": 971.0}, {"index": 9836, "quantile": 0.5, "value": 217300.0, "Latitude": 36.63, "Longitude": -121.89, "Population": 971.0}, {"index": 9836, "quantile": 0.75, "value": 217300.0, "Latitude": 36.63, "Longitude": -121.89, "Population": 971.0}, {"index": 9836, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.63, "Longitude": -121.89, "Population": 971.0}, {"index": 9837, "quantile": 0.0, "value": 157200.0, "Latitude": 36.61, "Longitude": -121.9, "Population": 1574.0}, {"index": 9837, "quantile": 0.25, "value": 217099.99999999997, "Latitude": 36.61, "Longitude": -121.9, "Population": 1574.0}, {"index": 9837, "quantile": 0.5, "value": 217099.99999999997, "Latitude": 36.61, "Longitude": -121.9, "Population": 1574.0}, {"index": 9837, "quantile": 0.75, "value": 217099.99999999997, "Latitude": 36.61, "Longitude": -121.9, "Population": 1574.0}, {"index": 9837, "quantile": 1.0, "value": 425000.0, "Latitude": 36.61, "Longitude": -121.9, "Population": 1574.0}, {"index": 9838, "quantile": 0.0, "value": 78300.0, "Latitude": 36.61, "Longitude": -121.91, "Population": 1519.0}, {"index": 9838, "quantile": 0.25, "value": 234600.0, "Latitude": 36.61, "Longitude": -121.91, "Population": 1519.0}, {"index": 9838, "quantile": 0.5, "value": 234600.0, "Latitude": 36.61, "Longitude": -121.91, "Population": 1519.0}, {"index": 9838, "quantile": 0.75, "value": 234600.0, "Latitude": 36.61, "Longitude": -121.91, "Population": 1519.0}, {"index": 9838, "quantile": 1.0, "value": 369300.0, "Latitude": 36.61, "Longitude": -121.91, "Population": 1519.0}, {"index": 9839, "quantile": 0.0, "value": 191800.0, "Latitude": 36.61, "Longitude": -121.92, "Population": 831.0}, {"index": 9839, "quantile": 0.25, "value": 226399.99999999997, "Latitude": 36.61, "Longitude": -121.92, "Population": 831.0}, {"index": 9839, "quantile": 0.5, "value": 226399.99999999997, "Latitude": 36.61, "Longitude": -121.92, "Population": 831.0}, {"index": 9839, "quantile": 0.75, "value": 227924.99999999997, "Latitude": 36.61, "Longitude": -121.92, "Population": 831.0}, {"index": 9839, "quantile": 1.0, "value": 351200.0, "Latitude": 36.61, "Longitude": -121.92, "Population": 831.0}, {"index": 9840, "quantile": 0.0, "value": 52500.0, "Latitude": 36.61, "Longitude": -121.92, "Population": 834.0}, {"index": 9840, "quantile": 0.25, "value": 216050.0, "Latitude": 36.61, "Longitude": -121.92, "Population": 834.0}, {"index": 9840, "quantile": 0.5, "value": 243800.00000000003, "Latitude": 36.61, "Longitude": -121.92, "Population": 834.0}, {"index": 9840, "quantile": 0.75, "value": 243800.00000000003, "Latitude": 36.61, "Longitude": -121.92, "Population": 834.0}, {"index": 9840, "quantile": 1.0, "value": 298400.0, "Latitude": 36.61, "Longitude": -121.92, "Population": 834.0}, {"index": 9841, "quantile": 0.0, "value": 179500.0, "Latitude": 36.6, "Longitude": -121.9, "Population": 804.0}, {"index": 9841, "quantile": 0.25, "value": 236500.00000000003, "Latitude": 36.6, "Longitude": -121.9, "Population": 804.0}, {"index": 9841, "quantile": 0.5, "value": 236500.00000000003, "Latitude": 36.6, "Longitude": -121.9, "Population": 804.0}, {"index": 9841, "quantile": 0.75, "value": 236500.00000000003, "Latitude": 36.6, "Longitude": -121.9, "Population": 804.0}, {"index": 9841, "quantile": 1.0, "value": 330800.0, "Latitude": 36.6, "Longitude": -121.9, "Population": 804.0}, {"index": 9842, "quantile": 0.0, "value": 192600.0, "Latitude": 36.6, "Longitude": -121.9, "Population": 1234.0}, {"index": 9842, "quantile": 0.25, "value": 225000.0, "Latitude": 36.6, "Longitude": -121.9, "Population": 1234.0}, {"index": 9842, "quantile": 0.5, "value": 225000.0, "Latitude": 36.6, "Longitude": -121.9, "Population": 1234.0}, {"index": 9842, "quantile": 0.75, "value": 225000.0, "Latitude": 36.6, "Longitude": -121.9, "Population": 1234.0}, {"index": 9842, "quantile": 1.0, "value": 425000.0, "Latitude": 36.6, "Longitude": -121.9, "Population": 1234.0}, {"index": 9843, "quantile": 0.0, "value": 78900.0, "Latitude": 36.6, "Longitude": -121.9, "Population": 944.0}, {"index": 9843, "quantile": 0.25, "value": 239100.0, "Latitude": 36.6, "Longitude": -121.9, "Population": 944.0}, {"index": 9843, "quantile": 0.5, "value": 260300.00000000003, "Latitude": 36.6, "Longitude": -121.9, "Population": 944.0}, {"index": 9843, "quantile": 0.75, "value": 260300.00000000003, "Latitude": 36.6, "Longitude": -121.9, "Population": 944.0}, {"index": 9843, "quantile": 1.0, "value": 364000.0, "Latitude": 36.6, "Longitude": -121.9, "Population": 944.0}, {"index": 9844, "quantile": 0.0, "value": 209400.0, "Latitude": 36.59, "Longitude": -121.9, "Population": 1023.0}, {"index": 9844, "quantile": 0.25, "value": 294400.0, "Latitude": 36.59, "Longitude": -121.9, "Population": 1023.0}, {"index": 9844, "quantile": 0.5, "value": 351100.0, "Latitude": 36.59, "Longitude": -121.9, "Population": 1023.0}, {"index": 9844, "quantile": 0.75, "value": 427275.0, "Latitude": 36.59, "Longitude": -121.9, "Population": 1023.0}, {"index": 9844, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.59, "Longitude": -121.9, "Population": 1023.0}, {"index": 9845, "quantile": 0.0, "value": 178400.0, "Latitude": 36.58, "Longitude": -121.9, "Population": 704.0}, {"index": 9845, "quantile": 0.25, "value": 289300.0, "Latitude": 36.58, "Longitude": -121.9, "Population": 704.0}, {"index": 9845, "quantile": 0.5, "value": 289300.0, "Latitude": 36.58, "Longitude": -121.9, "Population": 704.0}, {"index": 9845, "quantile": 0.75, "value": 289300.0, "Latitude": 36.58, "Longitude": -121.9, "Population": 704.0}, {"index": 9845, "quantile": 1.0, "value": 438300.0, "Latitude": 36.58, "Longitude": -121.9, "Population": 704.0}, {"index": 9846, "quantile": 0.0, "value": 142500.0, "Latitude": 36.59, "Longitude": -121.91, "Population": 966.0}, {"index": 9846, "quantile": 0.25, "value": 289250.0, "Latitude": 36.59, "Longitude": -121.91, "Population": 966.0}, {"index": 9846, "quantile": 0.5, "value": 291300.0, "Latitude": 36.59, "Longitude": -121.91, "Population": 966.0}, {"index": 9846, "quantile": 0.75, "value": 291300.0, "Latitude": 36.59, "Longitude": -121.91, "Population": 966.0}, {"index": 9846, "quantile": 1.0, "value": 450000.0, "Latitude": 36.59, "Longitude": -121.91, "Population": 966.0}, {"index": 9847, "quantile": 0.0, "value": 177300.0, "Latitude": 36.6, "Longitude": -121.91, "Population": 1110.0}, {"index": 9847, "quantile": 0.25, "value": 329500.0, "Latitude": 36.6, "Longitude": -121.91, "Population": 1110.0}, {"index": 9847, "quantile": 0.5, "value": 329500.0, "Latitude": 36.6, "Longitude": -121.91, "Population": 1110.0}, {"index": 9847, "quantile": 0.75, "value": 329500.0, "Latitude": 36.6, "Longitude": -121.91, "Population": 1110.0}, {"index": 9847, "quantile": 1.0, "value": 489799.99999999994, "Latitude": 36.6, "Longitude": -121.91, "Population": 1110.0}, {"index": 9848, "quantile": 0.0, "value": 161700.0, "Latitude": 36.59, "Longitude": -121.91, "Population": 1678.0}, {"index": 9848, "quantile": 0.25, "value": 339100.0, "Latitude": 36.59, "Longitude": -121.91, "Population": 1678.0}, {"index": 9848, "quantile": 0.5, "value": 339100.0, "Latitude": 36.59, "Longitude": -121.91, "Population": 1678.0}, {"index": 9848, "quantile": 0.75, "value": 384250.0, "Latitude": 36.59, "Longitude": -121.91, "Population": 1678.0}, {"index": 9848, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.59, "Longitude": -121.91, "Population": 1678.0}, {"index": 9849, "quantile": 0.0, "value": 72500.0, "Latitude": 36.6, "Longitude": -121.89, "Population": 337.0}, {"index": 9849, "quantile": 0.25, "value": 225000.0, "Latitude": 36.6, "Longitude": -121.89, "Population": 337.0}, {"index": 9849, "quantile": 0.5, "value": 225000.0, "Latitude": 36.6, "Longitude": -121.89, "Population": 337.0}, {"index": 9849, "quantile": 0.75, "value": 225000.0, "Latitude": 36.6, "Longitude": -121.89, "Population": 337.0}, {"index": 9849, "quantile": 1.0, "value": 326500.0, "Latitude": 36.6, "Longitude": -121.89, "Population": 337.0}, {"index": 9850, "quantile": 0.0, "value": 50600.0, "Latitude": 36.6, "Longitude": -121.89, "Population": 248.0}, {"index": 9850, "quantile": 0.25, "value": 223425.00000000003, "Latitude": 36.6, "Longitude": -121.89, "Population": 248.0}, {"index": 9850, "quantile": 0.5, "value": 500000.0, "Latitude": 36.6, "Longitude": -121.89, "Population": 248.0}, {"index": 9850, "quantile": 0.75, "value": 500000.0, "Latitude": 36.6, "Longitude": -121.89, "Population": 248.0}, {"index": 9850, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.6, "Longitude": -121.89, "Population": 248.0}, {"index": 9851, "quantile": 0.0, "value": 85400.0, "Latitude": 36.6, "Longitude": -121.88, "Population": 760.0}, {"index": 9851, "quantile": 0.25, "value": 218175.0, "Latitude": 36.6, "Longitude": -121.88, "Population": 760.0}, {"index": 9851, "quantile": 0.5, "value": 305300.0, "Latitude": 36.6, "Longitude": -121.88, "Population": 760.0}, {"index": 9851, "quantile": 0.75, "value": 350000.0, "Latitude": 36.6, "Longitude": -121.88, "Population": 760.0}, {"index": 9851, "quantile": 1.0, "value": 500000.0, "Latitude": 36.6, "Longitude": -121.88, "Population": 760.0}, {"index": 9852, "quantile": 0.0, "value": 87500.0, "Latitude": 36.59, "Longitude": -121.88, "Population": 932.0}, {"index": 9852, "quantile": 0.25, "value": 179500.0, "Latitude": 36.59, "Longitude": -121.88, "Population": 932.0}, {"index": 9852, "quantile": 0.5, "value": 179500.0, "Latitude": 36.59, "Longitude": -121.88, "Population": 932.0}, {"index": 9852, "quantile": 0.75, "value": 230675.0, "Latitude": 36.59, "Longitude": -121.88, "Population": 932.0}, {"index": 9852, "quantile": 1.0, "value": 355200.0, "Latitude": 36.59, "Longitude": -121.88, "Population": 932.0}, {"index": 9853, "quantile": 0.0, "value": 76600.0, "Latitude": 36.59, "Longitude": -121.89, "Population": 1042.0}, {"index": 9853, "quantile": 0.25, "value": 150000.0, "Latitude": 36.59, "Longitude": -121.89, "Population": 1042.0}, {"index": 9853, "quantile": 0.5, "value": 150000.0, "Latitude": 36.59, "Longitude": -121.89, "Population": 1042.0}, {"index": 9853, "quantile": 0.75, "value": 154200.0, "Latitude": 36.59, "Longitude": -121.89, "Population": 1042.0}, {"index": 9853, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.59, "Longitude": -121.89, "Population": 1042.0}, {"index": 9854, "quantile": 0.0, "value": 125000.0, "Latitude": 36.59, "Longitude": -121.89, "Population": 262.0}, {"index": 9854, "quantile": 0.25, "value": 380000.0, "Latitude": 36.59, "Longitude": -121.89, "Population": 262.0}, {"index": 9854, "quantile": 0.5, "value": 434500.0, "Latitude": 36.59, "Longitude": -121.89, "Population": 262.0}, {"index": 9854, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 36.59, "Longitude": -121.89, "Population": 262.0}, {"index": 9854, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.59, "Longitude": -121.89, "Population": 262.0}, {"index": 9855, "quantile": 0.0, "value": 121900.00000000001, "Latitude": 36.58, "Longitude": -121.88, "Population": 3438.0}, {"index": 9855, "quantile": 0.25, "value": 186675.0, "Latitude": 36.58, "Longitude": -121.88, "Population": 3438.0}, {"index": 9855, "quantile": 0.5, "value": 450000.0, "Latitude": 36.58, "Longitude": -121.88, "Population": 3438.0}, {"index": 9855, "quantile": 0.75, "value": 450000.0, "Latitude": 36.58, "Longitude": -121.88, "Population": 3438.0}, {"index": 9855, "quantile": 1.0, "value": 450000.0, "Latitude": 36.58, "Longitude": -121.88, "Population": 3438.0}, {"index": 9856, "quantile": 0.0, "value": 183800.0, "Latitude": 36.58, "Longitude": -121.86, "Population": 2668.0}, {"index": 9856, "quantile": 0.25, "value": 294650.0, "Latitude": 36.58, "Longitude": -121.86, "Population": 2668.0}, {"index": 9856, "quantile": 0.5, "value": 347700.0, "Latitude": 36.58, "Longitude": -121.86, "Population": 2668.0}, {"index": 9856, "quantile": 0.75, "value": 347700.0, "Latitude": 36.58, "Longitude": -121.86, "Population": 2668.0}, {"index": 9856, "quantile": 1.0, "value": 431400.0, "Latitude": 36.58, "Longitude": -121.86, "Population": 2668.0}, {"index": 9857, "quantile": 0.0, "value": 195900.0, "Latitude": 36.57, "Longitude": -121.81, "Population": 1027.0}, {"index": 9857, "quantile": 0.25, "value": 360000.0, "Latitude": 36.57, "Longitude": -121.81, "Population": 1027.0}, {"index": 9857, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 36.57, "Longitude": -121.81, "Population": 1027.0}, {"index": 9857, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 36.57, "Longitude": -121.81, "Population": 1027.0}, {"index": 9857, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.57, "Longitude": -121.81, "Population": 1027.0}, {"index": 9858, "quantile": 0.0, "value": 40000.0, "Latitude": 36.61, "Longitude": -121.87, "Population": 688.0}, {"index": 9858, "quantile": 0.25, "value": 287775.0, "Latitude": 36.61, "Longitude": -121.87, "Population": 688.0}, {"index": 9858, "quantile": 0.5, "value": 350000.0, "Latitude": 36.61, "Longitude": -121.87, "Population": 688.0}, {"index": 9858, "quantile": 0.75, "value": 413900.0, "Latitude": 36.61, "Longitude": -121.87, "Population": 688.0}, {"index": 9858, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.61, "Longitude": -121.87, "Population": 688.0}, {"index": 9859, "quantile": 0.0, "value": 61100.0, "Latitude": 36.6, "Longitude": -121.86, "Population": 762.0}, {"index": 9859, "quantile": 0.25, "value": 195300.0, "Latitude": 36.6, "Longitude": -121.86, "Population": 762.0}, {"index": 9859, "quantile": 0.5, "value": 195300.0, "Latitude": 36.6, "Longitude": -121.86, "Population": 762.0}, {"index": 9859, "quantile": 0.75, "value": 195300.0, "Latitude": 36.6, "Longitude": -121.86, "Population": 762.0}, {"index": 9859, "quantile": 1.0, "value": 361700.0, "Latitude": 36.6, "Longitude": -121.86, "Population": 762.0}, {"index": 9860, "quantile": 0.0, "value": 127600.0, "Latitude": 36.6, "Longitude": -121.86, "Population": 1985.0}, {"index": 9860, "quantile": 0.25, "value": 156300.0, "Latitude": 36.6, "Longitude": -121.86, "Population": 1985.0}, {"index": 9860, "quantile": 0.5, "value": 156300.0, "Latitude": 36.6, "Longitude": -121.86, "Population": 1985.0}, {"index": 9860, "quantile": 0.75, "value": 214900.0, "Latitude": 36.6, "Longitude": -121.86, "Population": 1985.0}, {"index": 9860, "quantile": 1.0, "value": 425000.0, "Latitude": 36.6, "Longitude": -121.86, "Population": 1985.0}, {"index": 9861, "quantile": 0.0, "value": 87600.0, "Latitude": 36.6, "Longitude": -121.86, "Population": 633.0}, {"index": 9861, "quantile": 0.25, "value": 191200.0, "Latitude": 36.6, "Longitude": -121.86, "Population": 633.0}, {"index": 9861, "quantile": 0.5, "value": 191200.0, "Latitude": 36.6, "Longitude": -121.86, "Population": 633.0}, {"index": 9861, "quantile": 0.75, "value": 256475.0, "Latitude": 36.6, "Longitude": -121.86, "Population": 633.0}, {"index": 9861, "quantile": 1.0, "value": 500000.0, "Latitude": 36.6, "Longitude": -121.86, "Population": 633.0}, {"index": 9862, "quantile": 0.0, "value": 87500.0, "Latitude": 36.6, "Longitude": -121.85, "Population": 1264.0}, {"index": 9862, "quantile": 0.25, "value": 218000.00000000003, "Latitude": 36.6, "Longitude": -121.85, "Population": 1264.0}, {"index": 9862, "quantile": 0.5, "value": 218000.00000000003, "Latitude": 36.6, "Longitude": -121.85, "Population": 1264.0}, {"index": 9862, "quantile": 0.75, "value": 218000.00000000003, "Latitude": 36.6, "Longitude": -121.85, "Population": 1264.0}, {"index": 9862, "quantile": 1.0, "value": 375000.0, "Latitude": 36.6, "Longitude": -121.85, "Population": 1264.0}, {"index": 9863, "quantile": 0.0, "value": 65000.0, "Latitude": 36.59, "Longitude": -121.85, "Population": 525.0}, {"index": 9863, "quantile": 0.25, "value": 186300.0, "Latitude": 36.59, "Longitude": -121.85, "Population": 525.0}, {"index": 9863, "quantile": 0.5, "value": 186300.0, "Latitude": 36.59, "Longitude": -121.85, "Population": 525.0}, {"index": 9863, "quantile": 0.75, "value": 199549.99999999997, "Latitude": 36.59, "Longitude": -121.85, "Population": 525.0}, {"index": 9863, "quantile": 1.0, "value": 340900.0, "Latitude": 36.59, "Longitude": -121.85, "Population": 525.0}, {"index": 9864, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 36.59, "Longitude": -121.84, "Population": 1661.0}, {"index": 9864, "quantile": 0.25, "value": 221300.0, "Latitude": 36.59, "Longitude": -121.84, "Population": 1661.0}, {"index": 9864, "quantile": 0.5, "value": 221300.0, "Latitude": 36.59, "Longitude": -121.84, "Population": 1661.0}, {"index": 9864, "quantile": 0.75, "value": 226399.99999999997, "Latitude": 36.59, "Longitude": -121.84, "Population": 1661.0}, {"index": 9864, "quantile": 1.0, "value": 412000.0, "Latitude": 36.59, "Longitude": -121.84, "Population": 1661.0}, {"index": 9865, "quantile": 0.0, "value": 112799.99999999999, "Latitude": 36.61, "Longitude": -121.83, "Population": 3612.0}, {"index": 9865, "quantile": 0.25, "value": 142100.0, "Latitude": 36.61, "Longitude": -121.83, "Population": 3612.0}, {"index": 9865, "quantile": 0.5, "value": 142100.0, "Latitude": 36.61, "Longitude": -121.83, "Population": 3612.0}, {"index": 9865, "quantile": 0.75, "value": 142475.0, "Latitude": 36.61, "Longitude": -121.83, "Population": 3612.0}, {"index": 9865, "quantile": 1.0, "value": 364000.0, "Latitude": 36.61, "Longitude": -121.83, "Population": 3612.0}, {"index": 9866, "quantile": 0.0, "value": 86300.0, "Latitude": 36.6, "Longitude": -121.83, "Population": 1491.0}, {"index": 9866, "quantile": 0.25, "value": 184475.0, "Latitude": 36.6, "Longitude": -121.83, "Population": 1491.0}, {"index": 9866, "quantile": 0.5, "value": 221550.0, "Latitude": 36.6, "Longitude": -121.83, "Population": 1491.0}, {"index": 9866, "quantile": 0.75, "value": 256025.0, "Latitude": 36.6, "Longitude": -121.83, "Population": 1491.0}, {"index": 9866, "quantile": 1.0, "value": 364200.0, "Latitude": 36.6, "Longitude": -121.83, "Population": 1491.0}, {"index": 9867, "quantile": 0.0, "value": 87500.0, "Latitude": 36.61, "Longitude": -121.84, "Population": 2258.0}, {"index": 9867, "quantile": 0.25, "value": 140400.0, "Latitude": 36.61, "Longitude": -121.84, "Population": 2258.0}, {"index": 9867, "quantile": 0.5, "value": 160300.0, "Latitude": 36.61, "Longitude": -121.84, "Population": 2258.0}, {"index": 9867, "quantile": 0.75, "value": 183100.0, "Latitude": 36.61, "Longitude": -121.84, "Population": 2258.0}, {"index": 9867, "quantile": 1.0, "value": 270300.0, "Latitude": 36.61, "Longitude": -121.84, "Population": 2258.0}, {"index": 9868, "quantile": 0.0, "value": 152800.0, "Latitude": 36.6, "Longitude": -121.84, "Population": 1616.0}, {"index": 9868, "quantile": 0.25, "value": 191800.0, "Latitude": 36.6, "Longitude": -121.84, "Population": 1616.0}, {"index": 9868, "quantile": 0.5, "value": 191800.0, "Latitude": 36.6, "Longitude": -121.84, "Population": 1616.0}, {"index": 9868, "quantile": 0.75, "value": 194800.0, "Latitude": 36.6, "Longitude": -121.84, "Population": 1616.0}, {"index": 9868, "quantile": 1.0, "value": 348100.0, "Latitude": 36.6, "Longitude": -121.84, "Population": 1616.0}, {"index": 9869, "quantile": 0.0, "value": 61200.0, "Latitude": 36.61, "Longitude": -121.84, "Population": 2487.0}, {"index": 9869, "quantile": 0.25, "value": 112799.99999999999, "Latitude": 36.61, "Longitude": -121.84, "Population": 2487.0}, {"index": 9869, "quantile": 0.5, "value": 112799.99999999999, "Latitude": 36.61, "Longitude": -121.84, "Population": 2487.0}, {"index": 9869, "quantile": 0.75, "value": 160700.0, "Latitude": 36.61, "Longitude": -121.84, "Population": 2487.0}, {"index": 9869, "quantile": 1.0, "value": 375000.0, "Latitude": 36.61, "Longitude": -121.84, "Population": 2487.0}, {"index": 9870, "quantile": 0.0, "value": 51600.0, "Latitude": 36.61, "Longitude": -121.84, "Population": 1570.0}, {"index": 9870, "quantile": 0.25, "value": 122300.00000000001, "Latitude": 36.61, "Longitude": -121.84, "Population": 1570.0}, {"index": 9870, "quantile": 0.5, "value": 122300.00000000001, "Latitude": 36.61, "Longitude": -121.84, "Population": 1570.0}, {"index": 9870, "quantile": 0.75, "value": 122300.00000000001, "Latitude": 36.61, "Longitude": -121.84, "Population": 1570.0}, {"index": 9870, "quantile": 1.0, "value": 262500.0, "Latitude": 36.61, "Longitude": -121.84, "Population": 1570.0}, {"index": 9871, "quantile": 0.0, "value": 131200.0, "Latitude": 36.61, "Longitude": -121.82, "Population": 1430.0}, {"index": 9871, "quantile": 0.25, "value": 169100.0, "Latitude": 36.61, "Longitude": -121.82, "Population": 1430.0}, {"index": 9871, "quantile": 0.5, "value": 169100.0, "Latitude": 36.61, "Longitude": -121.82, "Population": 1430.0}, {"index": 9871, "quantile": 0.75, "value": 169100.0, "Latitude": 36.61, "Longitude": -121.82, "Population": 1430.0}, {"index": 9871, "quantile": 1.0, "value": 450000.0, "Latitude": 36.61, "Longitude": -121.82, "Population": 1430.0}, {"index": 9872, "quantile": 0.0, "value": 131200.0, "Latitude": 36.61, "Longitude": -121.83, "Population": 2563.0}, {"index": 9872, "quantile": 0.25, "value": 133100.0, "Latitude": 36.61, "Longitude": -121.83, "Population": 2563.0}, {"index": 9872, "quantile": 0.5, "value": 133100.0, "Latitude": 36.61, "Longitude": -121.83, "Population": 2563.0}, {"index": 9872, "quantile": 0.75, "value": 169100.0, "Latitude": 36.61, "Longitude": -121.83, "Population": 2563.0}, {"index": 9872, "quantile": 1.0, "value": 254500.0, "Latitude": 36.61, "Longitude": -121.83, "Population": 2563.0}, {"index": 9873, "quantile": 0.0, "value": 112500.0, "Latitude": 36.61, "Longitude": -121.83, "Population": 1644.0}, {"index": 9873, "quantile": 0.25, "value": 131200.0, "Latitude": 36.61, "Longitude": -121.83, "Population": 1644.0}, {"index": 9873, "quantile": 0.5, "value": 131200.0, "Latitude": 36.61, "Longitude": -121.83, "Population": 1644.0}, {"index": 9873, "quantile": 0.75, "value": 135300.0, "Latitude": 36.61, "Longitude": -121.83, "Population": 1644.0}, {"index": 9873, "quantile": 1.0, "value": 238300.0, "Latitude": 36.61, "Longitude": -121.83, "Population": 1644.0}, {"index": 9874, "quantile": 0.0, "value": 130800.0, "Latitude": 36.62, "Longitude": -121.83, "Population": 1516.0}, {"index": 9874, "quantile": 0.25, "value": 162400.0, "Latitude": 36.62, "Longitude": -121.83, "Population": 1516.0}, {"index": 9874, "quantile": 0.5, "value": 162400.0, "Latitude": 36.62, "Longitude": -121.83, "Population": 1516.0}, {"index": 9874, "quantile": 0.75, "value": 192300.0, "Latitude": 36.62, "Longitude": -121.83, "Population": 1516.0}, {"index": 9874, "quantile": 1.0, "value": 278000.0, "Latitude": 36.62, "Longitude": -121.83, "Population": 1516.0}, {"index": 9875, "quantile": 0.0, "value": 108300.0, "Latitude": 36.62, "Longitude": -121.83, "Population": 1037.0}, {"index": 9875, "quantile": 0.25, "value": 140400.0, "Latitude": 36.62, "Longitude": -121.83, "Population": 1037.0}, {"index": 9875, "quantile": 0.5, "value": 168300.0, "Latitude": 36.62, "Longitude": -121.83, "Population": 1037.0}, {"index": 9875, "quantile": 0.75, "value": 195300.0, "Latitude": 36.62, "Longitude": -121.83, "Population": 1037.0}, {"index": 9875, "quantile": 1.0, "value": 362500.0, "Latitude": 36.62, "Longitude": -121.83, "Population": 1037.0}, {"index": 9876, "quantile": 0.0, "value": 95500.0, "Latitude": 36.6, "Longitude": -121.85, "Population": 1890.0}, {"index": 9876, "quantile": 0.25, "value": 140400.0, "Latitude": 36.6, "Longitude": -121.85, "Population": 1890.0}, {"index": 9876, "quantile": 0.5, "value": 140400.0, "Latitude": 36.6, "Longitude": -121.85, "Population": 1890.0}, {"index": 9876, "quantile": 0.75, "value": 152850.0, "Latitude": 36.6, "Longitude": -121.85, "Population": 1890.0}, {"index": 9876, "quantile": 1.0, "value": 362500.0, "Latitude": 36.6, "Longitude": -121.85, "Population": 1890.0}, {"index": 9877, "quantile": 0.0, "value": 66000.0, "Latitude": 36.61, "Longitude": -121.85, "Population": 191.0}, {"index": 9877, "quantile": 0.25, "value": 108300.0, "Latitude": 36.61, "Longitude": -121.85, "Population": 191.0}, {"index": 9877, "quantile": 0.5, "value": 118800.0, "Latitude": 36.61, "Longitude": -121.85, "Population": 191.0}, {"index": 9877, "quantile": 0.75, "value": 171400.0, "Latitude": 36.61, "Longitude": -121.85, "Population": 191.0}, {"index": 9877, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.61, "Longitude": -121.85, "Population": 191.0}, {"index": 9878, "quantile": 0.0, "value": 17500.0, "Latitude": 36.63, "Longitude": -121.86, "Population": 231.0}, {"index": 9878, "quantile": 0.25, "value": 108300.0, "Latitude": 36.63, "Longitude": -121.86, "Population": 231.0}, {"index": 9878, "quantile": 0.5, "value": 108300.0, "Latitude": 36.63, "Longitude": -121.86, "Population": 231.0}, {"index": 9878, "quantile": 0.75, "value": 198349.99999999997, "Latitude": 36.63, "Longitude": -121.86, "Population": 231.0}, {"index": 9878, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.63, "Longitude": -121.86, "Population": 231.0}, {"index": 9879, "quantile": 0.0, "value": 17500.0, "Latitude": 36.62, "Longitude": -121.84, "Population": 27.0}, {"index": 9879, "quantile": 0.25, "value": 108300.0, "Latitude": 36.62, "Longitude": -121.84, "Population": 27.0}, {"index": 9879, "quantile": 0.5, "value": 140100.0, "Latitude": 36.62, "Longitude": -121.84, "Population": 27.0}, {"index": 9879, "quantile": 0.75, "value": 225375.0, "Latitude": 36.62, "Longitude": -121.84, "Population": 27.0}, {"index": 9879, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.62, "Longitude": -121.84, "Population": 27.0}, {"index": 9880, "quantile": 0.0, "value": 57099.99999999999, "Latitude": 36.64, "Longitude": -121.79, "Population": 28566.0}, {"index": 9880, "quantile": 0.25, "value": 118800.0, "Latitude": 36.64, "Longitude": -121.79, "Population": 28566.0}, {"index": 9880, "quantile": 0.5, "value": 118800.0, "Latitude": 36.64, "Longitude": -121.79, "Population": 28566.0}, {"index": 9880, "quantile": 0.75, "value": 130900.00000000001, "Latitude": 36.64, "Longitude": -121.79, "Population": 28566.0}, {"index": 9880, "quantile": 1.0, "value": 420000.0, "Latitude": 36.64, "Longitude": -121.79, "Population": 28566.0}, {"index": 9881, "quantile": 0.0, "value": 100499.99999999999, "Latitude": 36.68, "Longitude": -121.8, "Population": 6071.0}, {"index": 9881, "quantile": 0.25, "value": 162200.0, "Latitude": 36.68, "Longitude": -121.8, "Population": 6071.0}, {"index": 9881, "quantile": 0.5, "value": 162200.0, "Latitude": 36.68, "Longitude": -121.8, "Population": 6071.0}, {"index": 9881, "quantile": 0.75, "value": 162200.0, "Latitude": 36.68, "Longitude": -121.8, "Population": 6071.0}, {"index": 9881, "quantile": 1.0, "value": 254500.0, "Latitude": 36.68, "Longitude": -121.8, "Population": 6071.0}, {"index": 9882, "quantile": 0.0, "value": 113500.0, "Latitude": 36.68, "Longitude": -121.79, "Population": 3794.0}, {"index": 9882, "quantile": 0.25, "value": 168300.0, "Latitude": 36.68, "Longitude": -121.79, "Population": 3794.0}, {"index": 9882, "quantile": 0.5, "value": 168300.0, "Latitude": 36.68, "Longitude": -121.79, "Population": 3794.0}, {"index": 9882, "quantile": 0.75, "value": 168300.0, "Latitude": 36.68, "Longitude": -121.79, "Population": 3794.0}, {"index": 9882, "quantile": 1.0, "value": 245000.00000000003, "Latitude": 36.68, "Longitude": -121.79, "Population": 3794.0}, {"index": 9883, "quantile": 0.0, "value": 107500.0, "Latitude": 36.72, "Longitude": -121.8, "Population": 1296.0}, {"index": 9883, "quantile": 0.25, "value": 190000.0, "Latitude": 36.72, "Longitude": -121.8, "Population": 1296.0}, {"index": 9883, "quantile": 0.5, "value": 190000.0, "Latitude": 36.72, "Longitude": -121.8, "Population": 1296.0}, {"index": 9883, "quantile": 0.75, "value": 190000.0, "Latitude": 36.72, "Longitude": -121.8, "Population": 1296.0}, {"index": 9883, "quantile": 1.0, "value": 349300.0, "Latitude": 36.72, "Longitude": -121.8, "Population": 1296.0}, {"index": 9884, "quantile": 0.0, "value": 133100.0, "Latitude": 36.69, "Longitude": -121.8, "Population": 2274.0}, {"index": 9884, "quantile": 0.25, "value": 194800.0, "Latitude": 36.69, "Longitude": -121.8, "Population": 2274.0}, {"index": 9884, "quantile": 0.5, "value": 194800.0, "Latitude": 36.69, "Longitude": -121.8, "Population": 2274.0}, {"index": 9884, "quantile": 0.75, "value": 194800.0, "Latitude": 36.69, "Longitude": -121.8, "Population": 2274.0}, {"index": 9884, "quantile": 1.0, "value": 264600.0, "Latitude": 36.69, "Longitude": -121.8, "Population": 2274.0}, {"index": 9885, "quantile": 0.0, "value": 114599.99999999999, "Latitude": 36.71, "Longitude": -121.77, "Population": 3562.0}, {"index": 9885, "quantile": 0.25, "value": 174800.0, "Latitude": 36.71, "Longitude": -121.77, "Population": 3562.0}, {"index": 9885, "quantile": 0.5, "value": 174800.0, "Latitude": 36.71, "Longitude": -121.77, "Population": 3562.0}, {"index": 9885, "quantile": 0.75, "value": 174800.0, "Latitude": 36.71, "Longitude": -121.77, "Population": 3562.0}, {"index": 9885, "quantile": 1.0, "value": 450000.0, "Latitude": 36.71, "Longitude": -121.77, "Population": 3562.0}, {"index": 9886, "quantile": 0.0, "value": 32500.0, "Latitude": 38.3, "Longitude": -122.29, "Population": 89.0}, {"index": 9886, "quantile": 0.25, "value": 157500.0, "Latitude": 38.3, "Longitude": -122.29, "Population": 89.0}, {"index": 9886, "quantile": 0.5, "value": 162500.0, "Latitude": 38.3, "Longitude": -122.29, "Population": 89.0}, {"index": 9886, "quantile": 0.75, "value": 162500.0, "Latitude": 38.3, "Longitude": -122.29, "Population": 89.0}, {"index": 9886, "quantile": 1.0, "value": 325000.0, "Latitude": 38.3, "Longitude": -122.29, "Population": 89.0}, {"index": 9887, "quantile": 0.0, "value": 67500.0, "Latitude": 38.3, "Longitude": -122.29, "Population": 315.0}, {"index": 9887, "quantile": 0.25, "value": 112775.0, "Latitude": 38.3, "Longitude": -122.29, "Population": 315.0}, {"index": 9887, "quantile": 0.5, "value": 144800.0, "Latitude": 38.3, "Longitude": -122.29, "Population": 315.0}, {"index": 9887, "quantile": 0.75, "value": 195725.00000000003, "Latitude": 38.3, "Longitude": -122.29, "Population": 315.0}, {"index": 9887, "quantile": 1.0, "value": 425000.0, "Latitude": 38.3, "Longitude": -122.29, "Population": 315.0}, {"index": 9888, "quantile": 0.0, "value": 60000.0, "Latitude": 38.3, "Longitude": -122.3, "Population": 524.0}, {"index": 9888, "quantile": 0.25, "value": 137250.0, "Latitude": 38.3, "Longitude": -122.3, "Population": 524.0}, {"index": 9888, "quantile": 0.5, "value": 168500.0, "Latitude": 38.3, "Longitude": -122.3, "Population": 524.0}, {"index": 9888, "quantile": 0.75, "value": 221099.99999999997, "Latitude": 38.3, "Longitude": -122.3, "Population": 524.0}, {"index": 9888, "quantile": 1.0, "value": 310600.0, "Latitude": 38.3, "Longitude": -122.3, "Population": 524.0}, {"index": 9889, "quantile": 0.0, "value": 50800.0, "Latitude": 38.3, "Longitude": -122.3, "Population": 450.0}, {"index": 9889, "quantile": 0.25, "value": 145800.0, "Latitude": 38.3, "Longitude": -122.3, "Population": 450.0}, {"index": 9889, "quantile": 0.5, "value": 175000.0, "Latitude": 38.3, "Longitude": -122.3, "Population": 450.0}, {"index": 9889, "quantile": 0.75, "value": 213200.0, "Latitude": 38.3, "Longitude": -122.3, "Population": 450.0}, {"index": 9889, "quantile": 1.0, "value": 350000.0, "Latitude": 38.3, "Longitude": -122.3, "Population": 450.0}, {"index": 9890, "quantile": 0.0, "value": 37900.0, "Latitude": 38.3, "Longitude": -122.29, "Population": 847.0}, {"index": 9890, "quantile": 0.25, "value": 104525.0, "Latitude": 38.3, "Longitude": -122.29, "Population": 847.0}, {"index": 9890, "quantile": 0.5, "value": 183300.0, "Latitude": 38.3, "Longitude": -122.29, "Population": 847.0}, {"index": 9890, "quantile": 0.75, "value": 183300.0, "Latitude": 38.3, "Longitude": -122.29, "Population": 847.0}, {"index": 9890, "quantile": 1.0, "value": 270000.0, "Latitude": 38.3, "Longitude": -122.29, "Population": 847.0}, {"index": 9891, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.29, "Longitude": -122.28, "Population": 1112.0}, {"index": 9891, "quantile": 0.25, "value": 139700.0, "Latitude": 38.29, "Longitude": -122.28, "Population": 1112.0}, {"index": 9891, "quantile": 0.5, "value": 140200.0, "Latitude": 38.29, "Longitude": -122.28, "Population": 1112.0}, {"index": 9891, "quantile": 0.75, "value": 140200.0, "Latitude": 38.29, "Longitude": -122.28, "Population": 1112.0}, {"index": 9891, "quantile": 1.0, "value": 350000.0, "Latitude": 38.29, "Longitude": -122.28, "Population": 1112.0}, {"index": 9892, "quantile": 0.0, "value": 70000.0, "Latitude": 38.29, "Longitude": -122.29, "Population": 1670.0}, {"index": 9892, "quantile": 0.25, "value": 154000.0, "Latitude": 38.29, "Longitude": -122.29, "Population": 1670.0}, {"index": 9892, "quantile": 0.5, "value": 163100.0, "Latitude": 38.29, "Longitude": -122.29, "Population": 1670.0}, {"index": 9892, "quantile": 0.75, "value": 163100.0, "Latitude": 38.29, "Longitude": -122.29, "Population": 1670.0}, {"index": 9892, "quantile": 1.0, "value": 171300.0, "Latitude": 38.29, "Longitude": -122.29, "Population": 1670.0}, {"index": 9893, "quantile": 0.0, "value": 103099.99999999999, "Latitude": 38.29, "Longitude": -122.3, "Population": 1219.0}, {"index": 9893, "quantile": 0.25, "value": 151725.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 1219.0}, {"index": 9893, "quantile": 0.5, "value": 154000.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 1219.0}, {"index": 9893, "quantile": 0.75, "value": 154000.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 1219.0}, {"index": 9893, "quantile": 1.0, "value": 338900.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 1219.0}, {"index": 9894, "quantile": 0.0, "value": 72100.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 744.0}, {"index": 9894, "quantile": 0.25, "value": 150425.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 744.0}, {"index": 9894, "quantile": 0.5, "value": 156100.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 744.0}, {"index": 9894, "quantile": 0.75, "value": 156100.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 744.0}, {"index": 9894, "quantile": 1.0, "value": 197500.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 744.0}, {"index": 9895, "quantile": 0.0, "value": 93800.0, "Latitude": 38.28, "Longitude": -122.29, "Population": 1272.0}, {"index": 9895, "quantile": 0.25, "value": 134200.0, "Latitude": 38.28, "Longitude": -122.29, "Population": 1272.0}, {"index": 9895, "quantile": 0.5, "value": 134200.0, "Latitude": 38.28, "Longitude": -122.29, "Population": 1272.0}, {"index": 9895, "quantile": 0.75, "value": 134200.0, "Latitude": 38.28, "Longitude": -122.29, "Population": 1272.0}, {"index": 9895, "quantile": 1.0, "value": 251799.99999999997, "Latitude": 38.28, "Longitude": -122.29, "Population": 1272.0}, {"index": 9896, "quantile": 0.0, "value": 102800.0, "Latitude": 38.29, "Longitude": -122.26, "Population": 482.0}, {"index": 9896, "quantile": 0.25, "value": 218100.0, "Latitude": 38.29, "Longitude": -122.26, "Population": 482.0}, {"index": 9896, "quantile": 0.5, "value": 218100.0, "Latitude": 38.29, "Longitude": -122.26, "Population": 482.0}, {"index": 9896, "quantile": 0.75, "value": 218100.0, "Latitude": 38.29, "Longitude": -122.26, "Population": 482.0}, {"index": 9896, "quantile": 1.0, "value": 419700.0, "Latitude": 38.29, "Longitude": -122.26, "Population": 482.0}, {"index": 9897, "quantile": 0.0, "value": 68300.0, "Latitude": 38.29, "Longitude": -122.27, "Population": 678.0}, {"index": 9897, "quantile": 0.25, "value": 139000.0, "Latitude": 38.29, "Longitude": -122.27, "Population": 678.0}, {"index": 9897, "quantile": 0.5, "value": 155650.0, "Latitude": 38.29, "Longitude": -122.27, "Population": 678.0}, {"index": 9897, "quantile": 0.75, "value": 164400.0, "Latitude": 38.29, "Longitude": -122.27, "Population": 678.0}, {"index": 9897, "quantile": 1.0, "value": 275000.0, "Latitude": 38.29, "Longitude": -122.27, "Population": 678.0}, {"index": 9898, "quantile": 0.0, "value": 67500.0, "Latitude": 38.3, "Longitude": -122.28, "Population": 245.0}, {"index": 9898, "quantile": 0.25, "value": 142500.0, "Latitude": 38.3, "Longitude": -122.28, "Population": 245.0}, {"index": 9898, "quantile": 0.5, "value": 142500.0, "Latitude": 38.3, "Longitude": -122.28, "Population": 245.0}, {"index": 9898, "quantile": 0.75, "value": 143250.0, "Latitude": 38.3, "Longitude": -122.28, "Population": 245.0}, {"index": 9898, "quantile": 1.0, "value": 287500.0, "Latitude": 38.3, "Longitude": -122.28, "Population": 245.0}, {"index": 9899, "quantile": 0.0, "value": 75000.0, "Latitude": 38.29, "Longitude": -122.28, "Population": 139.0}, {"index": 9899, "quantile": 0.25, "value": 160275.0, "Latitude": 38.29, "Longitude": -122.28, "Population": 139.0}, {"index": 9899, "quantile": 0.5, "value": 325000.0, "Latitude": 38.29, "Longitude": -122.28, "Population": 139.0}, {"index": 9899, "quantile": 0.75, "value": 325000.0, "Latitude": 38.29, "Longitude": -122.28, "Population": 139.0}, {"index": 9899, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.29, "Longitude": -122.28, "Population": 139.0}, {"index": 9900, "quantile": 0.0, "value": 109400.00000000001, "Latitude": 38.29, "Longitude": -122.27, "Population": 2088.0}, {"index": 9900, "quantile": 0.25, "value": 152700.0, "Latitude": 38.29, "Longitude": -122.27, "Population": 2088.0}, {"index": 9900, "quantile": 0.5, "value": 152700.0, "Latitude": 38.29, "Longitude": -122.27, "Population": 2088.0}, {"index": 9900, "quantile": 0.75, "value": 152700.0, "Latitude": 38.29, "Longitude": -122.27, "Population": 2088.0}, {"index": 9900, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.29, "Longitude": -122.27, "Population": 2088.0}, {"index": 9901, "quantile": 0.0, "value": 96200.0, "Latitude": 38.28, "Longitude": -122.26, "Population": 1462.0}, {"index": 9901, "quantile": 0.25, "value": 133900.0, "Latitude": 38.28, "Longitude": -122.26, "Population": 1462.0}, {"index": 9901, "quantile": 0.5, "value": 162800.0, "Latitude": 38.28, "Longitude": -122.26, "Population": 1462.0}, {"index": 9901, "quantile": 0.75, "value": 175200.0, "Latitude": 38.28, "Longitude": -122.26, "Population": 1462.0}, {"index": 9901, "quantile": 1.0, "value": 366000.0, "Latitude": 38.28, "Longitude": -122.26, "Population": 1462.0}, {"index": 9902, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.28, "Longitude": -122.27, "Population": 766.0}, {"index": 9902, "quantile": 0.25, "value": 136200.0, "Latitude": 38.28, "Longitude": -122.27, "Population": 766.0}, {"index": 9902, "quantile": 0.5, "value": 136200.0, "Latitude": 38.28, "Longitude": -122.27, "Population": 766.0}, {"index": 9902, "quantile": 0.75, "value": 136200.0, "Latitude": 38.28, "Longitude": -122.27, "Population": 766.0}, {"index": 9902, "quantile": 1.0, "value": 338900.0, "Latitude": 38.28, "Longitude": -122.27, "Population": 766.0}, {"index": 9903, "quantile": 0.0, "value": 136400.0, "Latitude": 38.31, "Longitude": -122.26, "Population": 1776.0}, {"index": 9903, "quantile": 0.25, "value": 281100.0, "Latitude": 38.31, "Longitude": -122.26, "Population": 1776.0}, {"index": 9903, "quantile": 0.5, "value": 281100.0, "Latitude": 38.31, "Longitude": -122.26, "Population": 1776.0}, {"index": 9903, "quantile": 0.75, "value": 281100.0, "Latitude": 38.31, "Longitude": -122.26, "Population": 1776.0}, {"index": 9903, "quantile": 1.0, "value": 402900.0, "Latitude": 38.31, "Longitude": -122.26, "Population": 1776.0}, {"index": 9904, "quantile": 0.0, "value": 73300.0, "Latitude": 38.32, "Longitude": -122.27, "Population": 545.0}, {"index": 9904, "quantile": 0.25, "value": 204199.99999999997, "Latitude": 38.32, "Longitude": -122.27, "Population": 545.0}, {"index": 9904, "quantile": 0.5, "value": 206800.0, "Latitude": 38.32, "Longitude": -122.27, "Population": 545.0}, {"index": 9904, "quantile": 0.75, "value": 206800.0, "Latitude": 38.32, "Longitude": -122.27, "Population": 545.0}, {"index": 9904, "quantile": 1.0, "value": 233500.0, "Latitude": 38.32, "Longitude": -122.27, "Population": 545.0}, {"index": 9905, "quantile": 0.0, "value": 82500.0, "Latitude": 38.31, "Longitude": -122.27, "Population": 1373.0}, {"index": 9905, "quantile": 0.25, "value": 155200.0, "Latitude": 38.31, "Longitude": -122.27, "Population": 1373.0}, {"index": 9905, "quantile": 0.5, "value": 155200.0, "Latitude": 38.31, "Longitude": -122.27, "Population": 1373.0}, {"index": 9905, "quantile": 0.75, "value": 155200.0, "Latitude": 38.31, "Longitude": -122.27, "Population": 1373.0}, {"index": 9905, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 38.31, "Longitude": -122.27, "Population": 1373.0}, {"index": 9906, "quantile": 0.0, "value": 97200.0, "Latitude": 38.32, "Longitude": -122.28, "Population": 2293.0}, {"index": 9906, "quantile": 0.25, "value": 179199.99999999997, "Latitude": 38.32, "Longitude": -122.28, "Population": 2293.0}, {"index": 9906, "quantile": 0.5, "value": 194500.0, "Latitude": 38.32, "Longitude": -122.28, "Population": 2293.0}, {"index": 9906, "quantile": 0.75, "value": 194500.0, "Latitude": 38.32, "Longitude": -122.28, "Population": 2293.0}, {"index": 9906, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.32, "Longitude": -122.28, "Population": 2293.0}, {"index": 9907, "quantile": 0.0, "value": 93800.0, "Latitude": 38.32, "Longitude": -122.29, "Population": 2317.0}, {"index": 9907, "quantile": 0.25, "value": 140250.0, "Latitude": 38.32, "Longitude": -122.29, "Population": 2317.0}, {"index": 9907, "quantile": 0.5, "value": 153200.0, "Latitude": 38.32, "Longitude": -122.29, "Population": 2317.0}, {"index": 9907, "quantile": 0.75, "value": 162900.0, "Latitude": 38.32, "Longitude": -122.29, "Population": 2317.0}, {"index": 9907, "quantile": 1.0, "value": 258400.0, "Latitude": 38.32, "Longitude": -122.29, "Population": 2317.0}, {"index": 9908, "quantile": 0.0, "value": 108900.0, "Latitude": 38.32, "Longitude": -122.3, "Population": 1045.0}, {"index": 9908, "quantile": 0.25, "value": 153200.0, "Latitude": 38.32, "Longitude": -122.3, "Population": 1045.0}, {"index": 9908, "quantile": 0.5, "value": 153200.0, "Latitude": 38.32, "Longitude": -122.3, "Population": 1045.0}, {"index": 9908, "quantile": 0.75, "value": 153200.0, "Latitude": 38.32, "Longitude": -122.3, "Population": 1045.0}, {"index": 9908, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 38.32, "Longitude": -122.3, "Population": 1045.0}, {"index": 9909, "quantile": 0.0, "value": 98400.0, "Latitude": 38.31, "Longitude": -122.3, "Population": 1162.0}, {"index": 9909, "quantile": 0.25, "value": 137500.0, "Latitude": 38.31, "Longitude": -122.3, "Population": 1162.0}, {"index": 9909, "quantile": 0.5, "value": 137500.0, "Latitude": 38.31, "Longitude": -122.3, "Population": 1162.0}, {"index": 9909, "quantile": 0.75, "value": 137500.0, "Latitude": 38.31, "Longitude": -122.3, "Population": 1162.0}, {"index": 9909, "quantile": 1.0, "value": 183300.0, "Latitude": 38.31, "Longitude": -122.3, "Population": 1162.0}, {"index": 9910, "quantile": 0.0, "value": 81100.0, "Latitude": 38.31, "Longitude": -122.29, "Population": 2756.0}, {"index": 9910, "quantile": 0.25, "value": 141625.0, "Latitude": 38.31, "Longitude": -122.29, "Population": 2756.0}, {"index": 9910, "quantile": 0.5, "value": 162900.0, "Latitude": 38.31, "Longitude": -122.29, "Population": 2756.0}, {"index": 9910, "quantile": 0.75, "value": 162900.0, "Latitude": 38.31, "Longitude": -122.29, "Population": 2756.0}, {"index": 9910, "quantile": 1.0, "value": 350000.0, "Latitude": 38.31, "Longitude": -122.29, "Population": 2756.0}, {"index": 9911, "quantile": 0.0, "value": 32500.0, "Latitude": 38.31, "Longitude": -122.28, "Population": 48.0}, {"index": 9911, "quantile": 0.25, "value": 129200.0, "Latitude": 38.31, "Longitude": -122.28, "Population": 48.0}, {"index": 9911, "quantile": 0.5, "value": 166700.0, "Latitude": 38.31, "Longitude": -122.28, "Population": 48.0}, {"index": 9911, "quantile": 0.75, "value": 166700.0, "Latitude": 38.31, "Longitude": -122.28, "Population": 48.0}, {"index": 9911, "quantile": 1.0, "value": 200000.0, "Latitude": 38.31, "Longitude": -122.28, "Population": 48.0}, {"index": 9912, "quantile": 0.0, "value": 86000.0, "Latitude": 38.31, "Longitude": -122.29, "Population": 1635.0}, {"index": 9912, "quantile": 0.25, "value": 139800.0, "Latitude": 38.31, "Longitude": -122.29, "Population": 1635.0}, {"index": 9912, "quantile": 0.5, "value": 139800.0, "Latitude": 38.31, "Longitude": -122.29, "Population": 1635.0}, {"index": 9912, "quantile": 0.75, "value": 139800.0, "Latitude": 38.31, "Longitude": -122.29, "Population": 1635.0}, {"index": 9912, "quantile": 1.0, "value": 250000.0, "Latitude": 38.31, "Longitude": -122.29, "Population": 1635.0}, {"index": 9913, "quantile": 0.0, "value": 92800.0, "Latitude": 38.3, "Longitude": -122.3, "Population": 1922.0}, {"index": 9913, "quantile": 0.25, "value": 139800.0, "Latitude": 38.3, "Longitude": -122.3, "Population": 1922.0}, {"index": 9913, "quantile": 0.5, "value": 139800.0, "Latitude": 38.3, "Longitude": -122.3, "Population": 1922.0}, {"index": 9913, "quantile": 0.75, "value": 139800.0, "Latitude": 38.3, "Longitude": -122.3, "Population": 1922.0}, {"index": 9913, "quantile": 1.0, "value": 171300.0, "Latitude": 38.3, "Longitude": -122.3, "Population": 1922.0}, {"index": 9914, "quantile": 0.0, "value": 72100.0, "Latitude": 38.34, "Longitude": -122.31, "Population": 1827.0}, {"index": 9914, "quantile": 0.25, "value": 156199.99999999997, "Latitude": 38.34, "Longitude": -122.31, "Population": 1827.0}, {"index": 9914, "quantile": 0.5, "value": 191400.00000000003, "Latitude": 38.34, "Longitude": -122.31, "Population": 1827.0}, {"index": 9914, "quantile": 0.75, "value": 242824.99999999997, "Latitude": 38.34, "Longitude": -122.31, "Population": 1827.0}, {"index": 9914, "quantile": 1.0, "value": 500000.0, "Latitude": 38.34, "Longitude": -122.31, "Population": 1827.0}, {"index": 9915, "quantile": 0.0, "value": 91300.0, "Latitude": 38.33, "Longitude": -122.31, "Population": 1051.0}, {"index": 9915, "quantile": 0.25, "value": 181350.0, "Latitude": 38.33, "Longitude": -122.31, "Population": 1051.0}, {"index": 9915, "quantile": 0.5, "value": 183300.0, "Latitude": 38.33, "Longitude": -122.31, "Population": 1051.0}, {"index": 9915, "quantile": 0.75, "value": 183300.0, "Latitude": 38.33, "Longitude": -122.31, "Population": 1051.0}, {"index": 9915, "quantile": 1.0, "value": 246300.0, "Latitude": 38.33, "Longitude": -122.31, "Population": 1051.0}, {"index": 9916, "quantile": 0.0, "value": 128800.0, "Latitude": 38.33, "Longitude": -122.3, "Population": 2043.0}, {"index": 9916, "quantile": 0.25, "value": 183600.0, "Latitude": 38.33, "Longitude": -122.3, "Population": 2043.0}, {"index": 9916, "quantile": 0.5, "value": 183600.0, "Latitude": 38.33, "Longitude": -122.3, "Population": 2043.0}, {"index": 9916, "quantile": 0.75, "value": 183600.0, "Latitude": 38.33, "Longitude": -122.3, "Population": 2043.0}, {"index": 9916, "quantile": 1.0, "value": 304000.0, "Latitude": 38.33, "Longitude": -122.3, "Population": 2043.0}, {"index": 9917, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 38.33, "Longitude": -122.31, "Population": 956.0}, {"index": 9917, "quantile": 0.25, "value": 156975.0, "Latitude": 38.33, "Longitude": -122.31, "Population": 956.0}, {"index": 9917, "quantile": 0.5, "value": 175450.0, "Latitude": 38.33, "Longitude": -122.31, "Population": 956.0}, {"index": 9917, "quantile": 0.75, "value": 183375.0, "Latitude": 38.33, "Longitude": -122.31, "Population": 956.0}, {"index": 9917, "quantile": 1.0, "value": 361100.0, "Latitude": 38.33, "Longitude": -122.31, "Population": 956.0}, {"index": 9918, "quantile": 0.0, "value": 99000.0, "Latitude": 38.32, "Longitude": -122.31, "Population": 1235.0}, {"index": 9918, "quantile": 0.25, "value": 161500.0, "Latitude": 38.32, "Longitude": -122.31, "Population": 1235.0}, {"index": 9918, "quantile": 0.5, "value": 161500.0, "Latitude": 38.32, "Longitude": -122.31, "Population": 1235.0}, {"index": 9918, "quantile": 0.75, "value": 161500.0, "Latitude": 38.32, "Longitude": -122.31, "Population": 1235.0}, {"index": 9918, "quantile": 1.0, "value": 215899.99999999997, "Latitude": 38.32, "Longitude": -122.31, "Population": 1235.0}, {"index": 9919, "quantile": 0.0, "value": 133800.0, "Latitude": 38.33, "Longitude": -122.32, "Population": 370.0}, {"index": 9919, "quantile": 0.25, "value": 209300.0, "Latitude": 38.33, "Longitude": -122.32, "Population": 370.0}, {"index": 9919, "quantile": 0.5, "value": 209300.0, "Latitude": 38.33, "Longitude": -122.32, "Population": 370.0}, {"index": 9919, "quantile": 0.75, "value": 209300.0, "Latitude": 38.33, "Longitude": -122.32, "Population": 370.0}, {"index": 9919, "quantile": 1.0, "value": 344600.0, "Latitude": 38.33, "Longitude": -122.32, "Population": 370.0}, {"index": 9920, "quantile": 0.0, "value": 97400.0, "Latitude": 38.33, "Longitude": -122.33, "Population": 1303.0}, {"index": 9920, "quantile": 0.25, "value": 202599.99999999997, "Latitude": 38.33, "Longitude": -122.33, "Population": 1303.0}, {"index": 9920, "quantile": 0.5, "value": 202599.99999999997, "Latitude": 38.33, "Longitude": -122.33, "Population": 1303.0}, {"index": 9920, "quantile": 0.75, "value": 202599.99999999997, "Latitude": 38.33, "Longitude": -122.33, "Population": 1303.0}, {"index": 9920, "quantile": 1.0, "value": 447400.0, "Latitude": 38.33, "Longitude": -122.33, "Population": 1303.0}, {"index": 9921, "quantile": 0.0, "value": 105300.0, "Latitude": 38.32, "Longitude": -122.32, "Population": 1221.0}, {"index": 9921, "quantile": 0.25, "value": 238700.0, "Latitude": 38.32, "Longitude": -122.32, "Population": 1221.0}, {"index": 9921, "quantile": 0.5, "value": 238700.0, "Latitude": 38.32, "Longitude": -122.32, "Population": 1221.0}, {"index": 9921, "quantile": 0.75, "value": 238700.0, "Latitude": 38.32, "Longitude": -122.32, "Population": 1221.0}, {"index": 9921, "quantile": 1.0, "value": 466899.99999999994, "Latitude": 38.32, "Longitude": -122.32, "Population": 1221.0}, {"index": 9922, "quantile": 0.0, "value": 100200.0, "Latitude": 38.32, "Longitude": -122.32, "Population": 1478.0}, {"index": 9922, "quantile": 0.25, "value": 164400.0, "Latitude": 38.32, "Longitude": -122.32, "Population": 1478.0}, {"index": 9922, "quantile": 0.5, "value": 164400.0, "Latitude": 38.32, "Longitude": -122.32, "Population": 1478.0}, {"index": 9922, "quantile": 0.75, "value": 164400.0, "Latitude": 38.32, "Longitude": -122.32, "Population": 1478.0}, {"index": 9922, "quantile": 1.0, "value": 190300.0, "Latitude": 38.32, "Longitude": -122.32, "Population": 1478.0}, {"index": 9923, "quantile": 0.0, "value": 83400.0, "Latitude": 38.32, "Longitude": -122.31, "Population": 2074.0}, {"index": 9923, "quantile": 0.25, "value": 110275.00000000001, "Latitude": 38.32, "Longitude": -122.31, "Population": 2074.0}, {"index": 9923, "quantile": 0.5, "value": 131850.0, "Latitude": 38.32, "Longitude": -122.31, "Population": 2074.0}, {"index": 9923, "quantile": 0.75, "value": 150925.0, "Latitude": 38.32, "Longitude": -122.31, "Population": 2074.0}, {"index": 9923, "quantile": 1.0, "value": 331600.0, "Latitude": 38.32, "Longitude": -122.31, "Population": 2074.0}, {"index": 9924, "quantile": 0.0, "value": 134100.0, "Latitude": 38.32, "Longitude": -122.32, "Population": 1439.0}, {"index": 9924, "quantile": 0.25, "value": 175200.0, "Latitude": 38.32, "Longitude": -122.32, "Population": 1439.0}, {"index": 9924, "quantile": 0.5, "value": 175200.0, "Latitude": 38.32, "Longitude": -122.32, "Population": 1439.0}, {"index": 9924, "quantile": 0.75, "value": 175200.0, "Latitude": 38.32, "Longitude": -122.32, "Population": 1439.0}, {"index": 9924, "quantile": 1.0, "value": 298400.0, "Latitude": 38.32, "Longitude": -122.32, "Population": 1439.0}, {"index": 9925, "quantile": 0.0, "value": 102800.0, "Latitude": 38.31, "Longitude": -122.33, "Population": 2768.0}, {"index": 9925, "quantile": 0.25, "value": 221600.00000000003, "Latitude": 38.31, "Longitude": -122.33, "Population": 2768.0}, {"index": 9925, "quantile": 0.5, "value": 262650.0, "Latitude": 38.31, "Longitude": -122.33, "Population": 2768.0}, {"index": 9925, "quantile": 0.75, "value": 332300.0, "Latitude": 38.31, "Longitude": -122.33, "Population": 2768.0}, {"index": 9925, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.31, "Longitude": -122.33, "Population": 2768.0}, {"index": 9926, "quantile": 0.0, "value": 93600.0, "Latitude": 38.3, "Longitude": -122.31, "Population": 1641.0}, {"index": 9926, "quantile": 0.25, "value": 187300.0, "Latitude": 38.3, "Longitude": -122.31, "Population": 1641.0}, {"index": 9926, "quantile": 0.5, "value": 187300.0, "Latitude": 38.3, "Longitude": -122.31, "Population": 1641.0}, {"index": 9926, "quantile": 0.75, "value": 187300.0, "Latitude": 38.3, "Longitude": -122.31, "Population": 1641.0}, {"index": 9926, "quantile": 1.0, "value": 395000.0, "Latitude": 38.3, "Longitude": -122.31, "Population": 1641.0}, {"index": 9927, "quantile": 0.0, "value": 126800.0, "Latitude": 38.31, "Longitude": -122.31, "Population": 1172.0}, {"index": 9927, "quantile": 0.25, "value": 175500.0, "Latitude": 38.31, "Longitude": -122.31, "Population": 1172.0}, {"index": 9927, "quantile": 0.5, "value": 175500.0, "Latitude": 38.31, "Longitude": -122.31, "Population": 1172.0}, {"index": 9927, "quantile": 0.75, "value": 175500.0, "Latitude": 38.31, "Longitude": -122.31, "Population": 1172.0}, {"index": 9927, "quantile": 1.0, "value": 211500.00000000003, "Latitude": 38.31, "Longitude": -122.31, "Population": 1172.0}, {"index": 9928, "quantile": 0.0, "value": 67500.0, "Latitude": 38.3, "Longitude": -122.31, "Population": 1789.0}, {"index": 9928, "quantile": 0.25, "value": 134100.0, "Latitude": 38.3, "Longitude": -122.31, "Population": 1789.0}, {"index": 9928, "quantile": 0.5, "value": 140300.0, "Latitude": 38.3, "Longitude": -122.31, "Population": 1789.0}, {"index": 9928, "quantile": 0.75, "value": 166975.0, "Latitude": 38.3, "Longitude": -122.31, "Population": 1789.0}, {"index": 9928, "quantile": 1.0, "value": 418400.0, "Latitude": 38.3, "Longitude": -122.31, "Population": 1789.0}, {"index": 9929, "quantile": 0.0, "value": 98100.0, "Latitude": 38.29, "Longitude": -122.32, "Population": 834.0}, {"index": 9929, "quantile": 0.25, "value": 153200.0, "Latitude": 38.29, "Longitude": -122.32, "Population": 834.0}, {"index": 9929, "quantile": 0.5, "value": 177900.0, "Latitude": 38.29, "Longitude": -122.32, "Population": 834.0}, {"index": 9929, "quantile": 0.75, "value": 177900.0, "Latitude": 38.29, "Longitude": -122.32, "Population": 834.0}, {"index": 9929, "quantile": 1.0, "value": 186200.0, "Latitude": 38.29, "Longitude": -122.32, "Population": 834.0}, {"index": 9930, "quantile": 0.0, "value": 97400.0, "Latitude": 38.29, "Longitude": -122.33, "Population": 1577.0}, {"index": 9930, "quantile": 0.25, "value": 202599.99999999997, "Latitude": 38.29, "Longitude": -122.33, "Population": 1577.0}, {"index": 9930, "quantile": 0.5, "value": 269900.0, "Latitude": 38.29, "Longitude": -122.33, "Population": 1577.0}, {"index": 9930, "quantile": 0.75, "value": 269900.0, "Latitude": 38.29, "Longitude": -122.33, "Population": 1577.0}, {"index": 9930, "quantile": 1.0, "value": 346100.0, "Latitude": 38.29, "Longitude": -122.33, "Population": 1577.0}, {"index": 9931, "quantile": 0.0, "value": 77100.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 1113.0}, {"index": 9931, "quantile": 0.25, "value": 139700.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 1113.0}, {"index": 9931, "quantile": 0.5, "value": 139700.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 1113.0}, {"index": 9931, "quantile": 0.75, "value": 139700.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 1113.0}, {"index": 9931, "quantile": 1.0, "value": 225000.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 1113.0}, {"index": 9932, "quantile": 0.0, "value": 92200.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 1021.0}, {"index": 9932, "quantile": 0.25, "value": 142100.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 1021.0}, {"index": 9932, "quantile": 0.5, "value": 142100.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 1021.0}, {"index": 9932, "quantile": 0.75, "value": 142100.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 1021.0}, {"index": 9932, "quantile": 1.0, "value": 240000.0, "Latitude": 38.29, "Longitude": -122.3, "Population": 1021.0}, {"index": 9933, "quantile": 0.0, "value": 82700.0, "Latitude": 38.28, "Longitude": -122.3, "Population": 944.0}, {"index": 9933, "quantile": 0.25, "value": 107200.0, "Latitude": 38.28, "Longitude": -122.3, "Population": 944.0}, {"index": 9933, "quantile": 0.5, "value": 121649.99999999999, "Latitude": 38.28, "Longitude": -122.3, "Population": 944.0}, {"index": 9933, "quantile": 0.75, "value": 134500.0, "Latitude": 38.28, "Longitude": -122.3, "Population": 944.0}, {"index": 9933, "quantile": 1.0, "value": 251799.99999999997, "Latitude": 38.28, "Longitude": -122.3, "Population": 944.0}, {"index": 9934, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 38.27, "Longitude": -122.31, "Population": 783.0}, {"index": 9934, "quantile": 0.25, "value": 192875.0, "Latitude": 38.27, "Longitude": -122.31, "Population": 783.0}, {"index": 9934, "quantile": 0.5, "value": 194400.0, "Latitude": 38.27, "Longitude": -122.31, "Population": 783.0}, {"index": 9934, "quantile": 0.75, "value": 194400.0, "Latitude": 38.27, "Longitude": -122.31, "Population": 783.0}, {"index": 9934, "quantile": 1.0, "value": 361100.0, "Latitude": 38.27, "Longitude": -122.31, "Population": 783.0}, {"index": 9935, "quantile": 0.0, "value": 78700.0, "Latitude": 38.27, "Longitude": -122.3, "Population": 455.0}, {"index": 9935, "quantile": 0.25, "value": 130200.0, "Latitude": 38.27, "Longitude": -122.3, "Population": 455.0}, {"index": 9935, "quantile": 0.5, "value": 130200.0, "Latitude": 38.27, "Longitude": -122.3, "Population": 455.0}, {"index": 9935, "quantile": 0.75, "value": 149875.0, "Latitude": 38.27, "Longitude": -122.3, "Population": 455.0}, {"index": 9935, "quantile": 1.0, "value": 350000.0, "Latitude": 38.27, "Longitude": -122.3, "Population": 455.0}, {"index": 9936, "quantile": 0.0, "value": 112500.0, "Latitude": 38.25, "Longitude": -122.3, "Population": 1476.0}, {"index": 9936, "quantile": 0.25, "value": 163400.0, "Latitude": 38.25, "Longitude": -122.3, "Population": 1476.0}, {"index": 9936, "quantile": 0.5, "value": 163400.0, "Latitude": 38.25, "Longitude": -122.3, "Population": 1476.0}, {"index": 9936, "quantile": 0.75, "value": 185700.0, "Latitude": 38.25, "Longitude": -122.3, "Population": 1476.0}, {"index": 9936, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.25, "Longitude": -122.3, "Population": 1476.0}, {"index": 9937, "quantile": 0.0, "value": 92800.0, "Latitude": 38.28, "Longitude": -122.21, "Population": 555.0}, {"index": 9937, "quantile": 0.25, "value": 152200.0, "Latitude": 38.28, "Longitude": -122.21, "Population": 555.0}, {"index": 9937, "quantile": 0.5, "value": 184750.0, "Latitude": 38.28, "Longitude": -122.21, "Population": 555.0}, {"index": 9937, "quantile": 0.75, "value": 227950.0, "Latitude": 38.28, "Longitude": -122.21, "Population": 555.0}, {"index": 9937, "quantile": 1.0, "value": 361100.0, "Latitude": 38.28, "Longitude": -122.21, "Population": 555.0}, {"index": 9938, "quantile": 0.0, "value": 142500.0, "Latitude": 38.25, "Longitude": -122.24, "Population": 91.0}, {"index": 9938, "quantile": 0.25, "value": 187500.0, "Latitude": 38.25, "Longitude": -122.24, "Population": 91.0}, {"index": 9938, "quantile": 0.5, "value": 187500.0, "Latitude": 38.25, "Longitude": -122.24, "Population": 91.0}, {"index": 9938, "quantile": 0.75, "value": 187500.0, "Latitude": 38.25, "Longitude": -122.24, "Population": 91.0}, {"index": 9938, "quantile": 1.0, "value": 350000.0, "Latitude": 38.25, "Longitude": -122.24, "Population": 91.0}, {"index": 9939, "quantile": 0.0, "value": 67500.0, "Latitude": 38.22, "Longitude": -122.28, "Population": 40.0}, {"index": 9939, "quantile": 0.25, "value": 275000.0, "Latitude": 38.22, "Longitude": -122.28, "Population": 40.0}, {"index": 9939, "quantile": 0.5, "value": 275000.0, "Latitude": 38.22, "Longitude": -122.28, "Population": 40.0}, {"index": 9939, "quantile": 0.75, "value": 275000.0, "Latitude": 38.22, "Longitude": -122.28, "Population": 40.0}, {"index": 9939, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.22, "Longitude": -122.28, "Population": 40.0}, {"index": 9940, "quantile": 0.0, "value": 123700.00000000001, "Latitude": 38.19, "Longitude": -122.29, "Population": 3864.0}, {"index": 9940, "quantile": 0.25, "value": 148600.0, "Latitude": 38.19, "Longitude": -122.29, "Population": 3864.0}, {"index": 9940, "quantile": 0.5, "value": 148600.0, "Latitude": 38.19, "Longitude": -122.29, "Population": 3864.0}, {"index": 9940, "quantile": 0.75, "value": 148600.0, "Latitude": 38.19, "Longitude": -122.29, "Population": 3864.0}, {"index": 9940, "quantile": 1.0, "value": 261800.0, "Latitude": 38.19, "Longitude": -122.29, "Population": 3864.0}, {"index": 9941, "quantile": 0.0, "value": 95900.0, "Latitude": 38.17, "Longitude": -122.25, "Population": 406.0}, {"index": 9941, "quantile": 0.25, "value": 121300.00000000001, "Latitude": 38.17, "Longitude": -122.25, "Population": 406.0}, {"index": 9941, "quantile": 0.5, "value": 121300.00000000001, "Latitude": 38.17, "Longitude": -122.25, "Population": 406.0}, {"index": 9941, "quantile": 0.75, "value": 156525.0, "Latitude": 38.17, "Longitude": -122.25, "Population": 406.0}, {"index": 9941, "quantile": 1.0, "value": 287500.0, "Latitude": 38.17, "Longitude": -122.25, "Population": 406.0}, {"index": 9942, "quantile": 0.0, "value": 22500.0, "Latitude": 38.17, "Longitude": -122.23, "Population": 225.0}, {"index": 9942, "quantile": 0.25, "value": 87000.0, "Latitude": 38.17, "Longitude": -122.23, "Population": 225.0}, {"index": 9942, "quantile": 0.5, "value": 101400.0, "Latitude": 38.17, "Longitude": -122.23, "Population": 225.0}, {"index": 9942, "quantile": 0.75, "value": 119400.0, "Latitude": 38.17, "Longitude": -122.23, "Population": 225.0}, {"index": 9942, "quantile": 1.0, "value": 450000.0, "Latitude": 38.17, "Longitude": -122.23, "Population": 225.0}, {"index": 9943, "quantile": 0.0, "value": 84400.0, "Latitude": 38.16, "Longitude": -122.25, "Population": 1812.0}, {"index": 9943, "quantile": 0.25, "value": 106700.0, "Latitude": 38.16, "Longitude": -122.25, "Population": 1812.0}, {"index": 9943, "quantile": 0.5, "value": 106700.0, "Latitude": 38.16, "Longitude": -122.25, "Population": 1812.0}, {"index": 9943, "quantile": 0.75, "value": 130075.00000000001, "Latitude": 38.16, "Longitude": -122.25, "Population": 1812.0}, {"index": 9943, "quantile": 1.0, "value": 271000.0, "Latitude": 38.16, "Longitude": -122.25, "Population": 1812.0}, {"index": 9944, "quantile": 0.0, "value": 117600.0, "Latitude": 38.16, "Longitude": -122.26, "Population": 1586.0}, {"index": 9944, "quantile": 0.25, "value": 130400.0, "Latitude": 38.16, "Longitude": -122.26, "Population": 1586.0}, {"index": 9944, "quantile": 0.5, "value": 130400.0, "Latitude": 38.16, "Longitude": -122.26, "Population": 1586.0}, {"index": 9944, "quantile": 0.75, "value": 130400.0, "Latitude": 38.16, "Longitude": -122.26, "Population": 1586.0}, {"index": 9944, "quantile": 1.0, "value": 244700.0, "Latitude": 38.16, "Longitude": -122.26, "Population": 1586.0}, {"index": 9945, "quantile": 0.0, "value": 197000.0, "Latitude": 38.37, "Longitude": -122.39, "Population": 403.0}, {"index": 9945, "quantile": 0.25, "value": 358500.0, "Latitude": 38.37, "Longitude": -122.39, "Population": 403.0}, {"index": 9945, "quantile": 0.5, "value": 402400.0, "Latitude": 38.37, "Longitude": -122.39, "Population": 403.0}, {"index": 9945, "quantile": 0.75, "value": 451700.00000000006, "Latitude": 38.37, "Longitude": -122.39, "Population": 403.0}, {"index": 9945, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.37, "Longitude": -122.39, "Population": 403.0}, {"index": 9946, "quantile": 0.0, "value": 150100.0, "Latitude": 38.33, "Longitude": -122.37, "Population": 764.0}, {"index": 9946, "quantile": 0.25, "value": 195100.0, "Latitude": 38.33, "Longitude": -122.37, "Population": 764.0}, {"index": 9946, "quantile": 0.5, "value": 195100.0, "Latitude": 38.33, "Longitude": -122.37, "Population": 764.0}, {"index": 9946, "quantile": 0.75, "value": 197050.0, "Latitude": 38.33, "Longitude": -122.37, "Population": 764.0}, {"index": 9946, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.33, "Longitude": -122.37, "Population": 764.0}, {"index": 9947, "quantile": 0.0, "value": 129500.0, "Latitude": 38.3, "Longitude": -122.35, "Population": 1504.0}, {"index": 9947, "quantile": 0.25, "value": 199674.99999999997, "Latitude": 38.3, "Longitude": -122.35, "Population": 1504.0}, {"index": 9947, "quantile": 0.5, "value": 252999.99999999997, "Latitude": 38.3, "Longitude": -122.35, "Population": 1504.0}, {"index": 9947, "quantile": 0.75, "value": 325400.0, "Latitude": 38.3, "Longitude": -122.35, "Population": 1504.0}, {"index": 9947, "quantile": 1.0, "value": 391000.0, "Latitude": 38.3, "Longitude": -122.35, "Population": 1504.0}, {"index": 9948, "quantile": 0.0, "value": 97300.0, "Latitude": 38.21, "Longitude": -122.33, "Population": 949.0}, {"index": 9948, "quantile": 0.25, "value": 187500.0, "Latitude": 38.21, "Longitude": -122.33, "Population": 949.0}, {"index": 9948, "quantile": 0.5, "value": 194400.0, "Latitude": 38.21, "Longitude": -122.33, "Population": 949.0}, {"index": 9948, "quantile": 0.75, "value": 227500.0, "Latitude": 38.21, "Longitude": -122.33, "Population": 949.0}, {"index": 9948, "quantile": 1.0, "value": 445700.0, "Latitude": 38.21, "Longitude": -122.33, "Population": 949.0}, {"index": 9949, "quantile": 0.0, "value": 116100.0, "Latitude": 38.34, "Longitude": -122.4, "Population": 520.0}, {"index": 9949, "quantile": 0.25, "value": 242499.99999999997, "Latitude": 38.34, "Longitude": -122.4, "Population": 520.0}, {"index": 9949, "quantile": 0.5, "value": 242499.99999999997, "Latitude": 38.34, "Longitude": -122.4, "Population": 520.0}, {"index": 9949, "quantile": 0.75, "value": 242499.99999999997, "Latitude": 38.34, "Longitude": -122.4, "Population": 520.0}, {"index": 9949, "quantile": 1.0, "value": 391900.0, "Latitude": 38.34, "Longitude": -122.4, "Population": 520.0}, {"index": 9950, "quantile": 0.0, "value": 92800.0, "Latitude": 38.38, "Longitude": -122.33, "Population": 504.0}, {"index": 9950, "quantile": 0.25, "value": 191374.99999999997, "Latitude": 38.38, "Longitude": -122.33, "Population": 504.0}, {"index": 9950, "quantile": 0.5, "value": 287500.0, "Latitude": 38.38, "Longitude": -122.33, "Population": 504.0}, {"index": 9950, "quantile": 0.75, "value": 287500.0, "Latitude": 38.38, "Longitude": -122.33, "Population": 504.0}, {"index": 9950, "quantile": 1.0, "value": 361100.0, "Latitude": 38.38, "Longitude": -122.33, "Population": 504.0}, {"index": 9951, "quantile": 0.0, "value": 75000.0, "Latitude": 38.41, "Longitude": -122.4, "Population": 1725.0}, {"index": 9951, "quantile": 0.25, "value": 208000.0, "Latitude": 38.41, "Longitude": -122.4, "Population": 1725.0}, {"index": 9951, "quantile": 0.5, "value": 267600.0, "Latitude": 38.41, "Longitude": -122.4, "Population": 1725.0}, {"index": 9951, "quantile": 0.75, "value": 267600.0, "Latitude": 38.41, "Longitude": -122.4, "Population": 1725.0}, {"index": 9951, "quantile": 1.0, "value": 324200.0, "Latitude": 38.41, "Longitude": -122.4, "Population": 1725.0}, {"index": 9952, "quantile": 0.0, "value": 126200.0, "Latitude": 38.35, "Longitude": -122.32, "Population": 1673.0}, {"index": 9952, "quantile": 0.25, "value": 185200.0, "Latitude": 38.35, "Longitude": -122.32, "Population": 1673.0}, {"index": 9952, "quantile": 0.5, "value": 185200.0, "Latitude": 38.35, "Longitude": -122.32, "Population": 1673.0}, {"index": 9952, "quantile": 0.75, "value": 193325.0, "Latitude": 38.35, "Longitude": -122.32, "Population": 1673.0}, {"index": 9952, "quantile": 1.0, "value": 335100.0, "Latitude": 38.35, "Longitude": -122.32, "Population": 1673.0}, {"index": 9953, "quantile": 0.0, "value": 97200.0, "Latitude": 38.41, "Longitude": -122.36, "Population": 968.0}, {"index": 9953, "quantile": 0.25, "value": 152700.0, "Latitude": 38.41, "Longitude": -122.36, "Population": 968.0}, {"index": 9953, "quantile": 0.5, "value": 174250.00000000003, "Latitude": 38.41, "Longitude": -122.36, "Population": 968.0}, {"index": 9953, "quantile": 0.75, "value": 196900.0, "Latitude": 38.41, "Longitude": -122.36, "Population": 968.0}, {"index": 9953, "quantile": 1.0, "value": 304000.0, "Latitude": 38.41, "Longitude": -122.36, "Population": 968.0}, {"index": 9954, "quantile": 0.0, "value": 75000.0, "Latitude": 38.4, "Longitude": -122.36, "Population": 898.0}, {"index": 9954, "quantile": 0.25, "value": 161575.0, "Latitude": 38.4, "Longitude": -122.36, "Population": 898.0}, {"index": 9954, "quantile": 0.5, "value": 201200.0, "Latitude": 38.4, "Longitude": -122.36, "Population": 898.0}, {"index": 9954, "quantile": 0.75, "value": 201200.0, "Latitude": 38.4, "Longitude": -122.36, "Population": 898.0}, {"index": 9954, "quantile": 1.0, "value": 233500.0, "Latitude": 38.4, "Longitude": -122.36, "Population": 898.0}, {"index": 9955, "quantile": 0.0, "value": 136000.0, "Latitude": 38.35, "Longitude": -122.18, "Population": 175.0}, {"index": 9955, "quantile": 0.25, "value": 216699.99999999997, "Latitude": 38.35, "Longitude": -122.18, "Population": 175.0}, {"index": 9955, "quantile": 0.5, "value": 216699.99999999997, "Latitude": 38.35, "Longitude": -122.18, "Population": 175.0}, {"index": 9955, "quantile": 0.75, "value": 259975.00000000003, "Latitude": 38.35, "Longitude": -122.18, "Population": 175.0}, {"index": 9955, "quantile": 1.0, "value": 430600.0, "Latitude": 38.35, "Longitude": -122.18, "Population": 175.0}, {"index": 9956, "quantile": 0.0, "value": 154800.0, "Latitude": 38.41, "Longitude": -122.21, "Population": 1624.0}, {"index": 9956, "quantile": 0.25, "value": 254199.99999999997, "Latitude": 38.41, "Longitude": -122.21, "Population": 1624.0}, {"index": 9956, "quantile": 0.5, "value": 331300.0, "Latitude": 38.41, "Longitude": -122.21, "Population": 1624.0}, {"index": 9956, "quantile": 0.75, "value": 331300.0, "Latitude": 38.41, "Longitude": -122.21, "Population": 1624.0}, {"index": 9956, "quantile": 1.0, "value": 409300.0, "Latitude": 38.41, "Longitude": -122.21, "Population": 1624.0}, {"index": 9957, "quantile": 0.0, "value": 97300.0, "Latitude": 38.4, "Longitude": -122.29, "Population": 844.0}, {"index": 9957, "quantile": 0.25, "value": 195100.0, "Latitude": 38.4, "Longitude": -122.29, "Population": 844.0}, {"index": 9957, "quantile": 0.5, "value": 361100.0, "Latitude": 38.4, "Longitude": -122.29, "Population": 844.0}, {"index": 9957, "quantile": 0.75, "value": 361100.0, "Latitude": 38.4, "Longitude": -122.29, "Population": 844.0}, {"index": 9957, "quantile": 1.0, "value": 361100.0, "Latitude": 38.4, "Longitude": -122.29, "Population": 844.0}, {"index": 9958, "quantile": 0.0, "value": 169300.0, "Latitude": 38.39, "Longitude": -122.33, "Population": 272.0}, {"index": 9958, "quantile": 0.25, "value": 361125.0, "Latitude": 38.39, "Longitude": -122.33, "Population": 272.0}, {"index": 9958, "quantile": 0.5, "value": 438550.00000000006, "Latitude": 38.39, "Longitude": -122.33, "Population": 272.0}, {"index": 9958, "quantile": 0.75, "value": 451700.00000000006, "Latitude": 38.39, "Longitude": -122.33, "Population": 272.0}, {"index": 9958, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.39, "Longitude": -122.33, "Population": 272.0}, {"index": 9959, "quantile": 0.0, "value": 85000.0, "Latitude": 38.34, "Longitude": -122.28, "Population": 416.0}, {"index": 9959, "quantile": 0.25, "value": 154875.0, "Latitude": 38.34, "Longitude": -122.28, "Population": 416.0}, {"index": 9959, "quantile": 0.5, "value": 304000.0, "Latitude": 38.34, "Longitude": -122.28, "Population": 416.0}, {"index": 9959, "quantile": 0.75, "value": 304000.0, "Latitude": 38.34, "Longitude": -122.28, "Population": 416.0}, {"index": 9959, "quantile": 1.0, "value": 327200.0, "Latitude": 38.34, "Longitude": -122.28, "Population": 416.0}, {"index": 9960, "quantile": 0.0, "value": 176300.0, "Latitude": 38.36, "Longitude": -122.26, "Population": 349.0}, {"index": 9960, "quantile": 0.25, "value": 371200.0, "Latitude": 38.36, "Longitude": -122.26, "Population": 349.0}, {"index": 9960, "quantile": 0.5, "value": 398800.0, "Latitude": 38.36, "Longitude": -122.26, "Population": 349.0}, {"index": 9960, "quantile": 0.75, "value": 398800.0, "Latitude": 38.36, "Longitude": -122.26, "Population": 349.0}, {"index": 9960, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.36, "Longitude": -122.26, "Population": 349.0}, {"index": 9961, "quantile": 0.0, "value": 202599.99999999997, "Latitude": 38.33, "Longitude": -122.26, "Population": 780.0}, {"index": 9961, "quantile": 0.25, "value": 318700.0, "Latitude": 38.33, "Longitude": -122.26, "Population": 780.0}, {"index": 9961, "quantile": 0.5, "value": 339200.0, "Latitude": 38.33, "Longitude": -122.26, "Population": 780.0}, {"index": 9961, "quantile": 0.75, "value": 339200.0, "Latitude": 38.33, "Longitude": -122.26, "Population": 780.0}, {"index": 9961, "quantile": 1.0, "value": 450000.0, "Latitude": 38.33, "Longitude": -122.26, "Population": 780.0}, {"index": 9962, "quantile": 0.0, "value": 136000.0, "Latitude": 38.33, "Longitude": -122.23, "Population": 1538.0}, {"index": 9962, "quantile": 0.25, "value": 293025.0, "Latitude": 38.33, "Longitude": -122.23, "Population": 1538.0}, {"index": 9962, "quantile": 0.5, "value": 325900.0, "Latitude": 38.33, "Longitude": -122.23, "Population": 1538.0}, {"index": 9962, "quantile": 0.75, "value": 325900.0, "Latitude": 38.33, "Longitude": -122.23, "Population": 1538.0}, {"index": 9962, "quantile": 1.0, "value": 343600.0, "Latitude": 38.33, "Longitude": -122.23, "Population": 1538.0}, {"index": 9963, "quantile": 0.0, "value": 153100.0, "Latitude": 38.31, "Longitude": -122.24, "Population": 823.0}, {"index": 9963, "quantile": 0.25, "value": 280800.0, "Latitude": 38.31, "Longitude": -122.24, "Population": 823.0}, {"index": 9963, "quantile": 0.5, "value": 280800.0, "Latitude": 38.31, "Longitude": -122.24, "Population": 823.0}, {"index": 9963, "quantile": 0.75, "value": 280800.0, "Latitude": 38.31, "Longitude": -122.24, "Population": 823.0}, {"index": 9963, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.31, "Longitude": -122.24, "Population": 823.0}, {"index": 9964, "quantile": 0.0, "value": 169500.0, "Latitude": 38.53, "Longitude": -122.52, "Population": 548.0}, {"index": 9964, "quantile": 0.25, "value": 304425.0, "Latitude": 38.53, "Longitude": -122.52, "Population": 548.0}, {"index": 9964, "quantile": 0.5, "value": 336700.0, "Latitude": 38.53, "Longitude": -122.52, "Population": 548.0}, {"index": 9964, "quantile": 0.75, "value": 336700.0, "Latitude": 38.53, "Longitude": -122.52, "Population": 548.0}, {"index": 9964, "quantile": 1.0, "value": 495800.0, "Latitude": 38.53, "Longitude": -122.52, "Population": 548.0}, {"index": 9965, "quantile": 0.0, "value": 116100.0, "Latitude": 38.48, "Longitude": -122.48, "Population": 765.0}, {"index": 9965, "quantile": 0.25, "value": 302450.0, "Latitude": 38.48, "Longitude": -122.48, "Population": 765.0}, {"index": 9965, "quantile": 0.5, "value": 348200.0, "Latitude": 38.48, "Longitude": -122.48, "Population": 765.0}, {"index": 9965, "quantile": 0.75, "value": 348200.0, "Latitude": 38.48, "Longitude": -122.48, "Population": 765.0}, {"index": 9965, "quantile": 1.0, "value": 495800.0, "Latitude": 38.48, "Longitude": -122.48, "Population": 765.0}, {"index": 9966, "quantile": 0.0, "value": 175400.0, "Latitude": 38.46, "Longitude": -122.4, "Population": 1099.0}, {"index": 9966, "quantile": 0.25, "value": 206700.00000000003, "Latitude": 38.46, "Longitude": -122.4, "Population": 1099.0}, {"index": 9966, "quantile": 0.5, "value": 240400.0, "Latitude": 38.46, "Longitude": -122.4, "Population": 1099.0}, {"index": 9966, "quantile": 0.75, "value": 312825.0, "Latitude": 38.46, "Longitude": -122.4, "Population": 1099.0}, {"index": 9966, "quantile": 1.0, "value": 361100.0, "Latitude": 38.46, "Longitude": -122.4, "Population": 1099.0}, {"index": 9967, "quantile": 0.0, "value": 77500.0, "Latitude": 38.51, "Longitude": -122.47, "Population": 980.0}, {"index": 9967, "quantile": 0.25, "value": 152800.0, "Latitude": 38.51, "Longitude": -122.47, "Population": 980.0}, {"index": 9967, "quantile": 0.5, "value": 191400.00000000003, "Latitude": 38.51, "Longitude": -122.47, "Population": 980.0}, {"index": 9967, "quantile": 0.75, "value": 203200.0, "Latitude": 38.51, "Longitude": -122.47, "Population": 980.0}, {"index": 9967, "quantile": 1.0, "value": 350000.0, "Latitude": 38.51, "Longitude": -122.47, "Population": 980.0}, {"index": 9968, "quantile": 0.0, "value": 81300.0, "Latitude": 38.51, "Longitude": -122.47, "Population": 413.0}, {"index": 9968, "quantile": 0.25, "value": 195800.0, "Latitude": 38.51, "Longitude": -122.47, "Population": 413.0}, {"index": 9968, "quantile": 0.5, "value": 196900.0, "Latitude": 38.51, "Longitude": -122.47, "Population": 413.0}, {"index": 9968, "quantile": 0.75, "value": 196900.0, "Latitude": 38.51, "Longitude": -122.47, "Population": 413.0}, {"index": 9968, "quantile": 1.0, "value": 369300.0, "Latitude": 38.51, "Longitude": -122.47, "Population": 413.0}, {"index": 9969, "quantile": 0.0, "value": 90000.0, "Latitude": 38.51, "Longitude": -122.48, "Population": 741.0}, {"index": 9969, "quantile": 0.25, "value": 195800.0, "Latitude": 38.51, "Longitude": -122.48, "Population": 741.0}, {"index": 9969, "quantile": 0.5, "value": 247600.0, "Latitude": 38.51, "Longitude": -122.48, "Population": 741.0}, {"index": 9969, "quantile": 0.75, "value": 247600.0, "Latitude": 38.51, "Longitude": -122.48, "Population": 741.0}, {"index": 9969, "quantile": 1.0, "value": 247600.0, "Latitude": 38.51, "Longitude": -122.48, "Population": 741.0}, {"index": 9970, "quantile": 0.0, "value": 71300.0, "Latitude": 38.5, "Longitude": -122.48, "Population": 1287.0}, {"index": 9970, "quantile": 0.25, "value": 253000.00000000003, "Latitude": 38.5, "Longitude": -122.48, "Population": 1287.0}, {"index": 9970, "quantile": 0.5, "value": 276500.0, "Latitude": 38.5, "Longitude": -122.48, "Population": 1287.0}, {"index": 9970, "quantile": 0.75, "value": 276500.0, "Latitude": 38.5, "Longitude": -122.48, "Population": 1287.0}, {"index": 9970, "quantile": 1.0, "value": 326500.0, "Latitude": 38.5, "Longitude": -122.48, "Population": 1287.0}, {"index": 9971, "quantile": 0.0, "value": 150000.0, "Latitude": 38.5, "Longitude": -122.47, "Population": 959.0}, {"index": 9971, "quantile": 0.25, "value": 214500.0, "Latitude": 38.5, "Longitude": -122.47, "Population": 959.0}, {"index": 9971, "quantile": 0.5, "value": 214500.0, "Latitude": 38.5, "Longitude": -122.47, "Population": 959.0}, {"index": 9971, "quantile": 0.75, "value": 214500.0, "Latitude": 38.5, "Longitude": -122.47, "Population": 959.0}, {"index": 9971, "quantile": 1.0, "value": 361100.0, "Latitude": 38.5, "Longitude": -122.47, "Population": 959.0}, {"index": 9972, "quantile": 0.0, "value": 47000.0, "Latitude": 38.51, "Longitude": -122.45, "Population": 610.0}, {"index": 9972, "quantile": 0.25, "value": 135600.0, "Latitude": 38.51, "Longitude": -122.45, "Population": 610.0}, {"index": 9972, "quantile": 0.5, "value": 150000.0, "Latitude": 38.51, "Longitude": -122.45, "Population": 610.0}, {"index": 9972, "quantile": 0.75, "value": 222074.99999999997, "Latitude": 38.51, "Longitude": -122.45, "Population": 610.0}, {"index": 9972, "quantile": 1.0, "value": 406500.00000000006, "Latitude": 38.51, "Longitude": -122.45, "Population": 610.0}, {"index": 9973, "quantile": 0.0, "value": 107200.0, "Latitude": 38.53, "Longitude": -122.4, "Population": 564.0}, {"index": 9973, "quantile": 0.25, "value": 247400.00000000003, "Latitude": 38.53, "Longitude": -122.4, "Population": 564.0}, {"index": 9973, "quantile": 0.5, "value": 248400.0, "Latitude": 38.53, "Longitude": -122.4, "Population": 564.0}, {"index": 9973, "quantile": 0.75, "value": 248400.0, "Latitude": 38.53, "Longitude": -122.4, "Population": 564.0}, {"index": 9973, "quantile": 1.0, "value": 300000.0, "Latitude": 38.53, "Longitude": -122.4, "Population": 564.0}, {"index": 9974, "quantile": 0.0, "value": 71300.0, "Latitude": 38.57, "Longitude": -122.44, "Population": 2171.0}, {"index": 9974, "quantile": 0.25, "value": 171150.0, "Latitude": 38.57, "Longitude": -122.44, "Population": 2171.0}, {"index": 9974, "quantile": 0.5, "value": 232099.99999999997, "Latitude": 38.57, "Longitude": -122.44, "Population": 2171.0}, {"index": 9974, "quantile": 0.75, "value": 251424.99999999997, "Latitude": 38.57, "Longitude": -122.44, "Population": 2171.0}, {"index": 9974, "quantile": 1.0, "value": 414600.0, "Latitude": 38.57, "Longitude": -122.44, "Population": 2171.0}, {"index": 9975, "quantile": 0.0, "value": 73600.0, "Latitude": 38.58, "Longitude": -122.45, "Population": 1324.0}, {"index": 9975, "quantile": 0.25, "value": 185875.0, "Latitude": 38.58, "Longitude": -122.45, "Population": 1324.0}, {"index": 9975, "quantile": 0.5, "value": 189400.0, "Latitude": 38.58, "Longitude": -122.45, "Population": 1324.0}, {"index": 9975, "quantile": 0.75, "value": 189400.0, "Latitude": 38.58, "Longitude": -122.45, "Population": 1324.0}, {"index": 9975, "quantile": 1.0, "value": 275800.0, "Latitude": 38.58, "Longitude": -122.45, "Population": 1324.0}, {"index": 9976, "quantile": 0.0, "value": 67500.0, "Latitude": 38.6, "Longitude": -122.47, "Population": 589.0}, {"index": 9976, "quantile": 0.25, "value": 220275.0, "Latitude": 38.6, "Longitude": -122.47, "Population": 589.0}, {"index": 9976, "quantile": 0.5, "value": 303300.0, "Latitude": 38.6, "Longitude": -122.47, "Population": 589.0}, {"index": 9976, "quantile": 0.75, "value": 303300.0, "Latitude": 38.6, "Longitude": -122.47, "Population": 589.0}, {"index": 9976, "quantile": 1.0, "value": 339200.0, "Latitude": 38.6, "Longitude": -122.47, "Population": 589.0}, {"index": 9977, "quantile": 0.0, "value": 84200.0, "Latitude": 38.54, "Longitude": -122.48, "Population": 973.0}, {"index": 9977, "quantile": 0.25, "value": 173025.0, "Latitude": 38.54, "Longitude": -122.48, "Population": 973.0}, {"index": 9977, "quantile": 0.5, "value": 241699.99999999997, "Latitude": 38.54, "Longitude": -122.48, "Population": 973.0}, {"index": 9977, "quantile": 0.75, "value": 275975.0, "Latitude": 38.54, "Longitude": -122.48, "Population": 973.0}, {"index": 9977, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 38.54, "Longitude": -122.48, "Population": 973.0}, {"index": 9978, "quantile": 0.0, "value": 98500.0, "Latitude": 38.53, "Longitude": -122.46, "Population": 785.0}, {"index": 9978, "quantile": 0.25, "value": 247400.00000000003, "Latitude": 38.53, "Longitude": -122.46, "Population": 785.0}, {"index": 9978, "quantile": 0.5, "value": 275800.0, "Latitude": 38.53, "Longitude": -122.46, "Population": 785.0}, {"index": 9978, "quantile": 0.75, "value": 275800.0, "Latitude": 38.53, "Longitude": -122.46, "Population": 785.0}, {"index": 9978, "quantile": 1.0, "value": 326500.0, "Latitude": 38.53, "Longitude": -122.46, "Population": 785.0}, {"index": 9979, "quantile": 0.0, "value": 81300.0, "Latitude": 38.68, "Longitude": -122.27, "Population": 343.0}, {"index": 9979, "quantile": 0.25, "value": 98400.0, "Latitude": 38.68, "Longitude": -122.27, "Population": 343.0}, {"index": 9979, "quantile": 0.5, "value": 98400.0, "Latitude": 38.68, "Longitude": -122.27, "Population": 343.0}, {"index": 9979, "quantile": 0.75, "value": 108000.0, "Latitude": 38.68, "Longitude": -122.27, "Population": 343.0}, {"index": 9979, "quantile": 1.0, "value": 304000.0, "Latitude": 38.68, "Longitude": -122.27, "Population": 343.0}, {"index": 9980, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 38.57, "Longitude": -122.26, "Population": 139.0}, {"index": 9980, "quantile": 0.25, "value": 152800.0, "Latitude": 38.57, "Longitude": -122.26, "Population": 139.0}, {"index": 9980, "quantile": 0.5, "value": 152800.0, "Latitude": 38.57, "Longitude": -122.26, "Population": 139.0}, {"index": 9980, "quantile": 0.75, "value": 152800.0, "Latitude": 38.57, "Longitude": -122.26, "Population": 139.0}, {"index": 9980, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.57, "Longitude": -122.26, "Population": 139.0}, {"index": 9981, "quantile": 0.0, "value": 71300.0, "Latitude": 38.53, "Longitude": -122.27, "Population": 336.0}, {"index": 9981, "quantile": 0.25, "value": 151225.0, "Latitude": 38.53, "Longitude": -122.27, "Population": 336.0}, {"index": 9981, "quantile": 0.5, "value": 195500.0, "Latitude": 38.53, "Longitude": -122.27, "Population": 336.0}, {"index": 9981, "quantile": 0.75, "value": 254225.0, "Latitude": 38.53, "Longitude": -122.27, "Population": 336.0}, {"index": 9981, "quantile": 1.0, "value": 500000.0, "Latitude": 38.53, "Longitude": -122.27, "Population": 336.0}, {"index": 9982, "quantile": 0.0, "value": 81300.0, "Latitude": 38.49, "Longitude": -122.18, "Population": 655.0}, {"index": 9982, "quantile": 0.25, "value": 146900.0, "Latitude": 38.49, "Longitude": -122.18, "Population": 655.0}, {"index": 9982, "quantile": 0.5, "value": 146900.0, "Latitude": 38.49, "Longitude": -122.18, "Population": 655.0}, {"index": 9982, "quantile": 0.75, "value": 146900.0, "Latitude": 38.49, "Longitude": -122.18, "Population": 655.0}, {"index": 9982, "quantile": 1.0, "value": 326500.0, "Latitude": 38.49, "Longitude": -122.18, "Population": 655.0}, {"index": 9983, "quantile": 0.0, "value": 81600.0, "Latitude": 38.67, "Longitude": -122.52, "Population": 708.0}, {"index": 9983, "quantile": 0.25, "value": 210000.0, "Latitude": 38.67, "Longitude": -122.52, "Population": 708.0}, {"index": 9983, "quantile": 0.5, "value": 300000.0, "Latitude": 38.67, "Longitude": -122.52, "Population": 708.0}, {"index": 9983, "quantile": 0.75, "value": 300000.0, "Latitude": 38.67, "Longitude": -122.52, "Population": 708.0}, {"index": 9983, "quantile": 1.0, "value": 300000.0, "Latitude": 38.67, "Longitude": -122.52, "Population": 708.0}, {"index": 9984, "quantile": 0.0, "value": 138800.0, "Latitude": 38.56, "Longitude": -122.59, "Population": 721.0}, {"index": 9984, "quantile": 0.25, "value": 245000.00000000003, "Latitude": 38.56, "Longitude": -122.59, "Population": 721.0}, {"index": 9984, "quantile": 0.5, "value": 245000.00000000003, "Latitude": 38.56, "Longitude": -122.59, "Population": 721.0}, {"index": 9984, "quantile": 0.75, "value": 295150.0, "Latitude": 38.56, "Longitude": -122.59, "Population": 721.0}, {"index": 9984, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.56, "Longitude": -122.59, "Population": 721.0}, {"index": 9985, "quantile": 0.0, "value": 63700.0, "Latitude": 38.58, "Longitude": -122.57, "Population": 926.0}, {"index": 9985, "quantile": 0.25, "value": 150600.0, "Latitude": 38.58, "Longitude": -122.57, "Population": 926.0}, {"index": 9985, "quantile": 0.5, "value": 225000.0, "Latitude": 38.58, "Longitude": -122.57, "Population": 926.0}, {"index": 9985, "quantile": 0.75, "value": 225000.0, "Latitude": 38.58, "Longitude": -122.57, "Population": 926.0}, {"index": 9985, "quantile": 1.0, "value": 364300.0, "Latitude": 38.58, "Longitude": -122.57, "Population": 926.0}, {"index": 9986, "quantile": 0.0, "value": 81300.0, "Latitude": 38.59, "Longitude": -122.58, "Population": 539.0}, {"index": 9986, "quantile": 0.25, "value": 195800.0, "Latitude": 38.59, "Longitude": -122.58, "Population": 539.0}, {"index": 9986, "quantile": 0.5, "value": 195800.0, "Latitude": 38.59, "Longitude": -122.58, "Population": 539.0}, {"index": 9986, "quantile": 0.75, "value": 195800.0, "Latitude": 38.59, "Longitude": -122.58, "Population": 539.0}, {"index": 9986, "quantile": 1.0, "value": 295700.0, "Latitude": 38.59, "Longitude": -122.58, "Population": 539.0}, {"index": 9987, "quantile": 0.0, "value": 59100.0, "Latitude": 38.58, "Longitude": -122.58, "Population": 1549.0}, {"index": 9987, "quantile": 0.25, "value": 183100.0, "Latitude": 38.58, "Longitude": -122.58, "Population": 1549.0}, {"index": 9987, "quantile": 0.5, "value": 183100.0, "Latitude": 38.58, "Longitude": -122.58, "Population": 1549.0}, {"index": 9987, "quantile": 0.75, "value": 183100.0, "Latitude": 38.58, "Longitude": -122.58, "Population": 1549.0}, {"index": 9987, "quantile": 1.0, "value": 324200.0, "Latitude": 38.58, "Longitude": -122.58, "Population": 1549.0}, {"index": 9988, "quantile": 0.0, "value": 105300.0, "Latitude": 38.58, "Longitude": -122.59, "Population": 1454.0}, {"index": 9988, "quantile": 0.25, "value": 185700.0, "Latitude": 38.58, "Longitude": -122.59, "Population": 1454.0}, {"index": 9988, "quantile": 0.5, "value": 185700.0, "Latitude": 38.58, "Longitude": -122.59, "Population": 1454.0}, {"index": 9988, "quantile": 0.75, "value": 185700.0, "Latitude": 38.58, "Longitude": -122.59, "Population": 1454.0}, {"index": 9988, "quantile": 1.0, "value": 301100.0, "Latitude": 38.58, "Longitude": -122.59, "Population": 1454.0}, {"index": 9989, "quantile": 0.0, "value": 68300.0, "Latitude": 39.15, "Longitude": -121.07, "Population": 3002.0}, {"index": 9989, "quantile": 0.25, "value": 137500.0, "Latitude": 39.15, "Longitude": -121.07, "Population": 3002.0}, {"index": 9989, "quantile": 0.5, "value": 143400.0, "Latitude": 39.15, "Longitude": -121.07, "Population": 3002.0}, {"index": 9989, "quantile": 0.75, "value": 143400.0, "Latitude": 39.15, "Longitude": -121.07, "Population": 3002.0}, {"index": 9989, "quantile": 1.0, "value": 190200.0, "Latitude": 39.15, "Longitude": -121.07, "Population": 3002.0}, {"index": 9990, "quantile": 0.0, "value": 68500.0, "Latitude": 39.09, "Longitude": -121.07, "Population": 892.0}, {"index": 9990, "quantile": 0.25, "value": 136125.0, "Latitude": 39.09, "Longitude": -121.07, "Population": 892.0}, {"index": 9990, "quantile": 0.5, "value": 157000.0, "Latitude": 39.09, "Longitude": -121.07, "Population": 892.0}, {"index": 9990, "quantile": 0.75, "value": 170400.0, "Latitude": 39.09, "Longitude": -121.07, "Population": 892.0}, {"index": 9990, "quantile": 1.0, "value": 200000.0, "Latitude": 39.09, "Longitude": -121.07, "Population": 892.0}, {"index": 9991, "quantile": 0.0, "value": 50500.0, "Latitude": 39.08, "Longitude": -121.1, "Population": 602.0}, {"index": 9991, "quantile": 0.25, "value": 138800.0, "Latitude": 39.08, "Longitude": -121.1, "Population": 602.0}, {"index": 9991, "quantile": 0.5, "value": 144400.0, "Latitude": 39.08, "Longitude": -121.1, "Population": 602.0}, {"index": 9991, "quantile": 0.75, "value": 144400.0, "Latitude": 39.08, "Longitude": -121.1, "Population": 602.0}, {"index": 9991, "quantile": 1.0, "value": 166800.0, "Latitude": 39.08, "Longitude": -121.1, "Population": 602.0}, {"index": 9992, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 39.09, "Longitude": -121.11, "Population": 508.0}, {"index": 9992, "quantile": 0.25, "value": 131900.0, "Latitude": 39.09, "Longitude": -121.11, "Population": 508.0}, {"index": 9992, "quantile": 0.5, "value": 138800.0, "Latitude": 39.09, "Longitude": -121.11, "Population": 508.0}, {"index": 9992, "quantile": 0.75, "value": 138800.0, "Latitude": 39.09, "Longitude": -121.11, "Population": 508.0}, {"index": 9992, "quantile": 1.0, "value": 187500.0, "Latitude": 39.09, "Longitude": -121.11, "Population": 508.0}, {"index": 9993, "quantile": 0.0, "value": 78300.0, "Latitude": 39.03, "Longitude": -121.12, "Population": 388.0}, {"index": 9993, "quantile": 0.25, "value": 154775.0, "Latitude": 39.03, "Longitude": -121.12, "Population": 388.0}, {"index": 9993, "quantile": 0.5, "value": 163500.0, "Latitude": 39.03, "Longitude": -121.12, "Population": 388.0}, {"index": 9993, "quantile": 0.75, "value": 163500.0, "Latitude": 39.03, "Longitude": -121.12, "Population": 388.0}, {"index": 9993, "quantile": 1.0, "value": 239200.0, "Latitude": 39.03, "Longitude": -121.12, "Population": 388.0}, {"index": 9994, "quantile": 0.0, "value": 87500.0, "Latitude": 39.13, "Longitude": -121.05, "Population": 1168.0}, {"index": 9994, "quantile": 0.25, "value": 185050.0, "Latitude": 39.13, "Longitude": -121.05, "Population": 1168.0}, {"index": 9994, "quantile": 0.5, "value": 185100.0, "Latitude": 39.13, "Longitude": -121.05, "Population": 1168.0}, {"index": 9994, "quantile": 0.75, "value": 185100.0, "Latitude": 39.13, "Longitude": -121.05, "Population": 1168.0}, {"index": 9994, "quantile": 1.0, "value": 339300.0, "Latitude": 39.13, "Longitude": -121.05, "Population": 1168.0}, {"index": 9995, "quantile": 0.0, "value": 96800.0, "Latitude": 39.14, "Longitude": -121.03, "Population": 1275.0}, {"index": 9995, "quantile": 0.25, "value": 164500.0, "Latitude": 39.14, "Longitude": -121.03, "Population": 1275.0}, {"index": 9995, "quantile": 0.5, "value": 164500.0, "Latitude": 39.14, "Longitude": -121.03, "Population": 1275.0}, {"index": 9995, "quantile": 0.75, "value": 164500.0, "Latitude": 39.14, "Longitude": -121.03, "Population": 1275.0}, {"index": 9995, "quantile": 1.0, "value": 326500.0, "Latitude": 39.14, "Longitude": -121.03, "Population": 1275.0}, {"index": 9996, "quantile": 0.0, "value": 96800.0, "Latitude": 39.13, "Longitude": -121.07, "Population": 1977.0}, {"index": 9996, "quantile": 0.25, "value": 155900.0, "Latitude": 39.13, "Longitude": -121.07, "Population": 1977.0}, {"index": 9996, "quantile": 0.5, "value": 155900.0, "Latitude": 39.13, "Longitude": -121.07, "Population": 1977.0}, {"index": 9996, "quantile": 0.75, "value": 174475.0, "Latitude": 39.13, "Longitude": -121.07, "Population": 1977.0}, {"index": 9996, "quantile": 1.0, "value": 326500.0, "Latitude": 39.13, "Longitude": -121.07, "Population": 1977.0}, {"index": 9997, "quantile": 0.0, "value": 80800.0, "Latitude": 39.11, "Longitude": -121.05, "Population": 1143.0}, {"index": 9997, "quantile": 0.25, "value": 151600.0, "Latitude": 39.11, "Longitude": -121.05, "Population": 1143.0}, {"index": 9997, "quantile": 0.5, "value": 182100.0, "Latitude": 39.11, "Longitude": -121.05, "Population": 1143.0}, {"index": 9997, "quantile": 0.75, "value": 191700.0, "Latitude": 39.11, "Longitude": -121.05, "Population": 1143.0}, {"index": 9997, "quantile": 1.0, "value": 390800.0, "Latitude": 39.11, "Longitude": -121.05, "Population": 1143.0}, {"index": 9998, "quantile": 0.0, "value": 93100.0, "Latitude": 39.08, "Longitude": -121.04, "Population": 1307.0}, {"index": 9998, "quantile": 0.25, "value": 182100.0, "Latitude": 39.08, "Longitude": -121.04, "Population": 1307.0}, {"index": 9998, "quantile": 0.5, "value": 201700.0, "Latitude": 39.08, "Longitude": -121.04, "Population": 1307.0}, {"index": 9998, "quantile": 0.75, "value": 201700.0, "Latitude": 39.08, "Longitude": -121.04, "Population": 1307.0}, {"index": 9998, "quantile": 1.0, "value": 201700.0, "Latitude": 39.08, "Longitude": -121.04, "Population": 1307.0}, {"index": 9999, "quantile": 0.0, "value": 73100.0, "Latitude": 39.09, "Longitude": -121.0, "Population": 246.0}, {"index": 9999, "quantile": 0.25, "value": 150150.0, "Latitude": 39.09, "Longitude": -121.0, "Population": 246.0}, {"index": 9999, "quantile": 0.5, "value": 162500.0, "Latitude": 39.09, "Longitude": -121.0, "Population": 246.0}, {"index": 9999, "quantile": 0.75, "value": 162500.0, "Latitude": 39.09, "Longitude": -121.0, "Population": 246.0}, {"index": 9999, "quantile": 1.0, "value": 239200.0, "Latitude": 39.09, "Longitude": -121.0, "Population": 246.0}, {"index": 10000, "quantile": 0.0, "value": 125200.0, "Latitude": 39.02, "Longitude": -121.08, "Population": 752.0}, {"index": 10000, "quantile": 0.25, "value": 209600.0, "Latitude": 39.02, "Longitude": -121.08, "Population": 752.0}, {"index": 10000, "quantile": 0.5, "value": 209600.0, "Latitude": 39.02, "Longitude": -121.08, "Population": 752.0}, {"index": 10000, "quantile": 0.75, "value": 209600.0, "Latitude": 39.02, "Longitude": -121.08, "Population": 752.0}, {"index": 10000, "quantile": 1.0, "value": 300600.0, "Latitude": 39.02, "Longitude": -121.08, "Population": 752.0}, {"index": 10001, "quantile": 0.0, "value": 80800.0, "Latitude": 39.05, "Longitude": -121.07, "Population": 827.0}, {"index": 10001, "quantile": 0.25, "value": 182100.0, "Latitude": 39.05, "Longitude": -121.07, "Population": 827.0}, {"index": 10001, "quantile": 0.5, "value": 182100.0, "Latitude": 39.05, "Longitude": -121.07, "Population": 827.0}, {"index": 10001, "quantile": 0.75, "value": 182100.0, "Latitude": 39.05, "Longitude": -121.07, "Population": 827.0}, {"index": 10001, "quantile": 1.0, "value": 209600.0, "Latitude": 39.05, "Longitude": -121.07, "Population": 827.0}, {"index": 10002, "quantile": 0.0, "value": 117300.0, "Latitude": 39.04, "Longitude": -121.07, "Population": 884.0}, {"index": 10002, "quantile": 0.25, "value": 187425.0, "Latitude": 39.04, "Longitude": -121.07, "Population": 884.0}, {"index": 10002, "quantile": 0.5, "value": 206400.0, "Latitude": 39.04, "Longitude": -121.07, "Population": 884.0}, {"index": 10002, "quantile": 0.75, "value": 206400.0, "Latitude": 39.04, "Longitude": -121.07, "Population": 884.0}, {"index": 10002, "quantile": 1.0, "value": 300600.0, "Latitude": 39.04, "Longitude": -121.07, "Population": 884.0}, {"index": 10003, "quantile": 0.0, "value": 96600.0, "Latitude": 39.05, "Longitude": -121.03, "Population": 806.0}, {"index": 10003, "quantile": 0.25, "value": 163475.0, "Latitude": 39.05, "Longitude": -121.03, "Population": 806.0}, {"index": 10003, "quantile": 0.5, "value": 182100.0, "Latitude": 39.05, "Longitude": -121.03, "Population": 806.0}, {"index": 10003, "quantile": 0.75, "value": 187200.0, "Latitude": 39.05, "Longitude": -121.03, "Population": 806.0}, {"index": 10003, "quantile": 1.0, "value": 300600.0, "Latitude": 39.05, "Longitude": -121.03, "Population": 806.0}, {"index": 10004, "quantile": 0.0, "value": 91200.0, "Latitude": 39.04, "Longitude": -121.06, "Population": 633.0}, {"index": 10004, "quantile": 0.25, "value": 184300.0, "Latitude": 39.04, "Longitude": -121.06, "Population": 633.0}, {"index": 10004, "quantile": 0.5, "value": 194800.0, "Latitude": 39.04, "Longitude": -121.06, "Population": 633.0}, {"index": 10004, "quantile": 0.75, "value": 194800.0, "Latitude": 39.04, "Longitude": -121.06, "Population": 633.0}, {"index": 10004, "quantile": 1.0, "value": 326500.0, "Latitude": 39.04, "Longitude": -121.06, "Population": 633.0}, {"index": 10005, "quantile": 0.0, "value": 138100.0, "Latitude": 39.04, "Longitude": -121.06, "Population": 585.0}, {"index": 10005, "quantile": 0.25, "value": 280750.0, "Latitude": 39.04, "Longitude": -121.06, "Population": 585.0}, {"index": 10005, "quantile": 0.5, "value": 361900.0, "Latitude": 39.04, "Longitude": -121.06, "Population": 585.0}, {"index": 10005, "quantile": 0.75, "value": 361900.0, "Latitude": 39.04, "Longitude": -121.06, "Population": 585.0}, {"index": 10005, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 39.04, "Longitude": -121.06, "Population": 585.0}, {"index": 10006, "quantile": 0.0, "value": 113199.99999999999, "Latitude": 39.03, "Longitude": -121.06, "Population": 775.0}, {"index": 10006, "quantile": 0.25, "value": 182100.0, "Latitude": 39.03, "Longitude": -121.06, "Population": 775.0}, {"index": 10006, "quantile": 0.5, "value": 187200.0, "Latitude": 39.03, "Longitude": -121.06, "Population": 775.0}, {"index": 10006, "quantile": 0.75, "value": 187200.0, "Latitude": 39.03, "Longitude": -121.06, "Population": 775.0}, {"index": 10006, "quantile": 1.0, "value": 300600.0, "Latitude": 39.03, "Longitude": -121.06, "Population": 775.0}, {"index": 10007, "quantile": 0.0, "value": 71700.0, "Latitude": 39.11, "Longitude": -121.22, "Population": 660.0}, {"index": 10007, "quantile": 0.25, "value": 154325.0, "Latitude": 39.11, "Longitude": -121.22, "Population": 660.0}, {"index": 10007, "quantile": 0.5, "value": 156800.0, "Latitude": 39.11, "Longitude": -121.22, "Population": 660.0}, {"index": 10007, "quantile": 0.75, "value": 156800.0, "Latitude": 39.11, "Longitude": -121.22, "Population": 660.0}, {"index": 10007, "quantile": 1.0, "value": 240800.0, "Latitude": 39.11, "Longitude": -121.22, "Population": 660.0}, {"index": 10008, "quantile": 0.0, "value": 80800.0, "Latitude": 39.05, "Longitude": -121.19, "Population": 520.0}, {"index": 10008, "quantile": 0.25, "value": 175325.0, "Latitude": 39.05, "Longitude": -121.19, "Population": 520.0}, {"index": 10008, "quantile": 0.5, "value": 180400.0, "Latitude": 39.05, "Longitude": -121.19, "Population": 520.0}, {"index": 10008, "quantile": 0.75, "value": 180400.0, "Latitude": 39.05, "Longitude": -121.19, "Population": 520.0}, {"index": 10008, "quantile": 1.0, "value": 390800.0, "Latitude": 39.05, "Longitude": -121.19, "Population": 520.0}, {"index": 10009, "quantile": 0.0, "value": 71800.0, "Latitude": 39.1, "Longitude": -121.14, "Population": 629.0}, {"index": 10009, "quantile": 0.25, "value": 171500.0, "Latitude": 39.1, "Longitude": -121.14, "Population": 629.0}, {"index": 10009, "quantile": 0.5, "value": 171500.0, "Latitude": 39.1, "Longitude": -121.14, "Population": 629.0}, {"index": 10009, "quantile": 0.75, "value": 171500.0, "Latitude": 39.1, "Longitude": -121.14, "Population": 629.0}, {"index": 10009, "quantile": 1.0, "value": 261000.0, "Latitude": 39.1, "Longitude": -121.14, "Population": 629.0}, {"index": 10010, "quantile": 0.0, "value": 82800.0, "Latitude": 39.2, "Longitude": -121.12, "Population": 681.0}, {"index": 10010, "quantile": 0.25, "value": 164600.0, "Latitude": 39.2, "Longitude": -121.12, "Population": 681.0}, {"index": 10010, "quantile": 0.5, "value": 170400.0, "Latitude": 39.2, "Longitude": -121.12, "Population": 681.0}, {"index": 10010, "quantile": 0.75, "value": 170400.0, "Latitude": 39.2, "Longitude": -121.12, "Population": 681.0}, {"index": 10010, "quantile": 1.0, "value": 207900.00000000003, "Latitude": 39.2, "Longitude": -121.12, "Population": 681.0}, {"index": 10011, "quantile": 0.0, "value": 70800.0, "Latitude": 39.15, "Longitude": -121.1, "Population": 354.0}, {"index": 10011, "quantile": 0.25, "value": 144300.0, "Latitude": 39.15, "Longitude": -121.1, "Population": 354.0}, {"index": 10011, "quantile": 0.5, "value": 161500.0, "Latitude": 39.15, "Longitude": -121.1, "Population": 354.0}, {"index": 10011, "quantile": 0.75, "value": 161500.0, "Latitude": 39.15, "Longitude": -121.1, "Population": 354.0}, {"index": 10011, "quantile": 1.0, "value": 216500.0, "Latitude": 39.15, "Longitude": -121.1, "Population": 354.0}, {"index": 10012, "quantile": 0.0, "value": 84700.0, "Latitude": 39.18, "Longitude": -121.08, "Population": 963.0}, {"index": 10012, "quantile": 0.25, "value": 151900.0, "Latitude": 39.18, "Longitude": -121.08, "Population": 963.0}, {"index": 10012, "quantile": 0.5, "value": 156350.0, "Latitude": 39.18, "Longitude": -121.08, "Population": 963.0}, {"index": 10012, "quantile": 0.75, "value": 164500.0, "Latitude": 39.18, "Longitude": -121.08, "Population": 963.0}, {"index": 10012, "quantile": 1.0, "value": 239200.0, "Latitude": 39.18, "Longitude": -121.08, "Population": 963.0}, {"index": 10013, "quantile": 0.0, "value": 79800.0, "Latitude": 39.26, "Longitude": -121.18, "Population": 352.0}, {"index": 10013, "quantile": 0.25, "value": 140300.0, "Latitude": 39.26, "Longitude": -121.18, "Population": 352.0}, {"index": 10013, "quantile": 0.5, "value": 140300.0, "Latitude": 39.26, "Longitude": -121.18, "Population": 352.0}, {"index": 10013, "quantile": 0.75, "value": 140300.0, "Latitude": 39.26, "Longitude": -121.18, "Population": 352.0}, {"index": 10013, "quantile": 1.0, "value": 300600.0, "Latitude": 39.26, "Longitude": -121.18, "Population": 352.0}, {"index": 10014, "quantile": 0.0, "value": 145600.0, "Latitude": 39.25, "Longitude": -121.18, "Population": 1208.0}, {"index": 10014, "quantile": 0.25, "value": 185900.0, "Latitude": 39.25, "Longitude": -121.18, "Population": 1208.0}, {"index": 10014, "quantile": 0.5, "value": 185900.0, "Latitude": 39.25, "Longitude": -121.18, "Population": 1208.0}, {"index": 10014, "quantile": 0.75, "value": 206400.0, "Latitude": 39.25, "Longitude": -121.18, "Population": 1208.0}, {"index": 10014, "quantile": 1.0, "value": 270600.0, "Latitude": 39.25, "Longitude": -121.18, "Population": 1208.0}, {"index": 10015, "quantile": 0.0, "value": 84500.0, "Latitude": 39.25, "Longitude": -121.2, "Population": 376.0}, {"index": 10015, "quantile": 0.25, "value": 187950.0, "Latitude": 39.25, "Longitude": -121.2, "Population": 376.0}, {"index": 10015, "quantile": 0.5, "value": 188200.0, "Latitude": 39.25, "Longitude": -121.2, "Population": 376.0}, {"index": 10015, "quantile": 0.75, "value": 188200.0, "Latitude": 39.25, "Longitude": -121.2, "Population": 376.0}, {"index": 10015, "quantile": 1.0, "value": 264400.0, "Latitude": 39.25, "Longitude": -121.2, "Population": 376.0}, {"index": 10016, "quantile": 0.0, "value": 78700.0, "Latitude": 39.23, "Longitude": -121.18, "Population": 782.0}, {"index": 10016, "quantile": 0.25, "value": 175000.0, "Latitude": 39.23, "Longitude": -121.18, "Population": 782.0}, {"index": 10016, "quantile": 0.5, "value": 175000.0, "Latitude": 39.23, "Longitude": -121.18, "Population": 782.0}, {"index": 10016, "quantile": 0.75, "value": 175000.0, "Latitude": 39.23, "Longitude": -121.18, "Population": 782.0}, {"index": 10016, "quantile": 1.0, "value": 242099.99999999997, "Latitude": 39.23, "Longitude": -121.18, "Population": 782.0}, {"index": 10017, "quantile": 0.0, "value": 131700.0, "Latitude": 39.24, "Longitude": -121.21, "Population": 1355.0}, {"index": 10017, "quantile": 0.25, "value": 198850.0, "Latitude": 39.24, "Longitude": -121.21, "Population": 1355.0}, {"index": 10017, "quantile": 0.5, "value": 226100.0, "Latitude": 39.24, "Longitude": -121.21, "Population": 1355.0}, {"index": 10017, "quantile": 0.75, "value": 226100.0, "Latitude": 39.24, "Longitude": -121.21, "Population": 1355.0}, {"index": 10017, "quantile": 1.0, "value": 390800.0, "Latitude": 39.24, "Longitude": -121.21, "Population": 1355.0}, {"index": 10018, "quantile": 0.0, "value": 141200.0, "Latitude": 39.23, "Longitude": -121.2, "Population": 955.0}, {"index": 10018, "quantile": 0.25, "value": 213300.0, "Latitude": 39.23, "Longitude": -121.2, "Population": 955.0}, {"index": 10018, "quantile": 0.5, "value": 213300.0, "Latitude": 39.23, "Longitude": -121.2, "Population": 955.0}, {"index": 10018, "quantile": 0.75, "value": 213300.0, "Latitude": 39.23, "Longitude": -121.2, "Population": 955.0}, {"index": 10018, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 39.23, "Longitude": -121.2, "Population": 955.0}, {"index": 10019, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.19, "Longitude": -121.18, "Population": 729.0}, {"index": 10019, "quantile": 0.25, "value": 114550.0, "Latitude": 39.19, "Longitude": -121.18, "Population": 729.0}, {"index": 10019, "quantile": 0.5, "value": 126100.00000000001, "Latitude": 39.19, "Longitude": -121.18, "Population": 729.0}, {"index": 10019, "quantile": 0.75, "value": 143025.0, "Latitude": 39.19, "Longitude": -121.18, "Population": 729.0}, {"index": 10019, "quantile": 1.0, "value": 194100.0, "Latitude": 39.19, "Longitude": -121.18, "Population": 729.0}, {"index": 10020, "quantile": 0.0, "value": 70800.0, "Latitude": 39.18, "Longitude": -121.16, "Population": 462.0}, {"index": 10020, "quantile": 0.25, "value": 146375.0, "Latitude": 39.18, "Longitude": -121.16, "Population": 462.0}, {"index": 10020, "quantile": 0.5, "value": 152000.0, "Latitude": 39.18, "Longitude": -121.16, "Population": 462.0}, {"index": 10020, "quantile": 0.75, "value": 152000.0, "Latitude": 39.18, "Longitude": -121.16, "Population": 462.0}, {"index": 10020, "quantile": 1.0, "value": 239200.0, "Latitude": 39.18, "Longitude": -121.16, "Population": 462.0}, {"index": 10021, "quantile": 0.0, "value": 49800.0, "Latitude": 39.17, "Longitude": -121.25, "Population": 411.0}, {"index": 10021, "quantile": 0.25, "value": 89350.0, "Latitude": 39.17, "Longitude": -121.25, "Population": 411.0}, {"index": 10021, "quantile": 0.5, "value": 104900.0, "Latitude": 39.17, "Longitude": -121.25, "Population": 411.0}, {"index": 10021, "quantile": 0.75, "value": 135025.0, "Latitude": 39.17, "Longitude": -121.25, "Population": 411.0}, {"index": 10021, "quantile": 1.0, "value": 166800.0, "Latitude": 39.17, "Longitude": -121.25, "Population": 411.0}, {"index": 10022, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 39.2, "Longitude": -121.2, "Population": 554.0}, {"index": 10022, "quantile": 0.25, "value": 128299.99999999999, "Latitude": 39.2, "Longitude": -121.2, "Population": 554.0}, {"index": 10022, "quantile": 0.5, "value": 128299.99999999999, "Latitude": 39.2, "Longitude": -121.2, "Population": 554.0}, {"index": 10022, "quantile": 0.75, "value": 128299.99999999999, "Latitude": 39.2, "Longitude": -121.2, "Population": 554.0}, {"index": 10022, "quantile": 1.0, "value": 239200.0, "Latitude": 39.2, "Longitude": -121.2, "Population": 554.0}, {"index": 10023, "quantile": 0.0, "value": 88700.0, "Latitude": 39.23, "Longitude": -121.15, "Population": 1816.0}, {"index": 10023, "quantile": 0.25, "value": 128749.99999999999, "Latitude": 39.23, "Longitude": -121.15, "Population": 1816.0}, {"index": 10023, "quantile": 0.5, "value": 144400.0, "Latitude": 39.23, "Longitude": -121.15, "Population": 1816.0}, {"index": 10023, "quantile": 0.75, "value": 144400.0, "Latitude": 39.23, "Longitude": -121.15, "Population": 1816.0}, {"index": 10023, "quantile": 1.0, "value": 164600.0, "Latitude": 39.23, "Longitude": -121.15, "Population": 1816.0}, {"index": 10024, "quantile": 0.0, "value": 56200.00000000001, "Latitude": 39.22, "Longitude": -121.24, "Population": 399.0}, {"index": 10024, "quantile": 0.25, "value": 138800.0, "Latitude": 39.22, "Longitude": -121.24, "Population": 399.0}, {"index": 10024, "quantile": 0.5, "value": 145100.0, "Latitude": 39.22, "Longitude": -121.24, "Population": 399.0}, {"index": 10024, "quantile": 0.75, "value": 145100.0, "Latitude": 39.22, "Longitude": -121.24, "Population": 399.0}, {"index": 10024, "quantile": 1.0, "value": 268800.0, "Latitude": 39.22, "Longitude": -121.24, "Population": 399.0}, {"index": 10025, "quantile": 0.0, "value": 79800.0, "Latitude": 39.27, "Longitude": -121.23, "Population": 573.0}, {"index": 10025, "quantile": 0.25, "value": 143800.0, "Latitude": 39.27, "Longitude": -121.23, "Population": 573.0}, {"index": 10025, "quantile": 0.5, "value": 157100.00000000003, "Latitude": 39.27, "Longitude": -121.23, "Population": 573.0}, {"index": 10025, "quantile": 0.75, "value": 171800.0, "Latitude": 39.27, "Longitude": -121.23, "Population": 573.0}, {"index": 10025, "quantile": 1.0, "value": 331600.0, "Latitude": 39.27, "Longitude": -121.23, "Population": 573.0}, {"index": 10026, "quantile": 0.0, "value": 51900.0, "Latitude": 39.23, "Longitude": -121.07, "Population": 929.0}, {"index": 10026, "quantile": 0.25, "value": 113799.99999999999, "Latitude": 39.23, "Longitude": -121.07, "Population": 929.0}, {"index": 10026, "quantile": 0.5, "value": 113799.99999999999, "Latitude": 39.23, "Longitude": -121.07, "Population": 929.0}, {"index": 10026, "quantile": 0.75, "value": 113799.99999999999, "Latitude": 39.23, "Longitude": -121.07, "Population": 929.0}, {"index": 10026, "quantile": 1.0, "value": 225000.0, "Latitude": 39.23, "Longitude": -121.07, "Population": 929.0}, {"index": 10027, "quantile": 0.0, "value": 64900.0, "Latitude": 39.24, "Longitude": -121.04, "Population": 471.0}, {"index": 10027, "quantile": 0.25, "value": 118000.00000000001, "Latitude": 39.24, "Longitude": -121.04, "Population": 471.0}, {"index": 10027, "quantile": 0.5, "value": 125699.99999999999, "Latitude": 39.24, "Longitude": -121.04, "Population": 471.0}, {"index": 10027, "quantile": 0.75, "value": 125699.99999999999, "Latitude": 39.24, "Longitude": -121.04, "Population": 471.0}, {"index": 10027, "quantile": 1.0, "value": 155400.0, "Latitude": 39.24, "Longitude": -121.04, "Population": 471.0}, {"index": 10028, "quantile": 0.0, "value": 45100.0, "Latitude": 39.23, "Longitude": -121.05, "Population": 1053.0}, {"index": 10028, "quantile": 0.25, "value": 70825.0, "Latitude": 39.23, "Longitude": -121.05, "Population": 1053.0}, {"index": 10028, "quantile": 0.5, "value": 154900.0, "Latitude": 39.23, "Longitude": -121.05, "Population": 1053.0}, {"index": 10028, "quantile": 0.75, "value": 154900.0, "Latitude": 39.23, "Longitude": -121.05, "Population": 1053.0}, {"index": 10028, "quantile": 1.0, "value": 225000.0, "Latitude": 39.23, "Longitude": -121.05, "Population": 1053.0}, {"index": 10029, "quantile": 0.0, "value": 55500.00000000001, "Latitude": 39.23, "Longitude": -121.06, "Population": 982.0}, {"index": 10029, "quantile": 0.25, "value": 108700.0, "Latitude": 39.23, "Longitude": -121.06, "Population": 982.0}, {"index": 10029, "quantile": 0.5, "value": 115300.0, "Latitude": 39.23, "Longitude": -121.06, "Population": 982.0}, {"index": 10029, "quantile": 0.75, "value": 150700.0, "Latitude": 39.23, "Longitude": -121.06, "Population": 982.0}, {"index": 10029, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 39.23, "Longitude": -121.06, "Population": 982.0}, {"index": 10030, "quantile": 0.0, "value": 85100.0, "Latitude": 39.22, "Longitude": -121.06, "Population": 837.0}, {"index": 10030, "quantile": 0.25, "value": 109700.0, "Latitude": 39.22, "Longitude": -121.06, "Population": 837.0}, {"index": 10030, "quantile": 0.5, "value": 109700.0, "Latitude": 39.22, "Longitude": -121.06, "Population": 837.0}, {"index": 10030, "quantile": 0.75, "value": 109700.0, "Latitude": 39.22, "Longitude": -121.06, "Population": 837.0}, {"index": 10030, "quantile": 1.0, "value": 225000.0, "Latitude": 39.22, "Longitude": -121.06, "Population": 837.0}, {"index": 10031, "quantile": 0.0, "value": 62100.0, "Latitude": 39.23, "Longitude": -121.09, "Population": 1181.0}, {"index": 10031, "quantile": 0.25, "value": 87875.0, "Latitude": 39.23, "Longitude": -121.09, "Population": 1181.0}, {"index": 10031, "quantile": 0.5, "value": 116199.99999999999, "Latitude": 39.23, "Longitude": -121.09, "Population": 1181.0}, {"index": 10031, "quantile": 0.75, "value": 124150.0, "Latitude": 39.23, "Longitude": -121.09, "Population": 1181.0}, {"index": 10031, "quantile": 1.0, "value": 162100.0, "Latitude": 39.23, "Longitude": -121.09, "Population": 1181.0}, {"index": 10032, "quantile": 0.0, "value": 62500.0, "Latitude": 39.22, "Longitude": -121.07, "Population": 928.0}, {"index": 10032, "quantile": 0.25, "value": 101600.0, "Latitude": 39.22, "Longitude": -121.07, "Population": 928.0}, {"index": 10032, "quantile": 0.5, "value": 113649.99999999999, "Latitude": 39.22, "Longitude": -121.07, "Population": 928.0}, {"index": 10032, "quantile": 0.75, "value": 138400.0, "Latitude": 39.22, "Longitude": -121.07, "Population": 928.0}, {"index": 10032, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 39.22, "Longitude": -121.07, "Population": 928.0}, {"index": 10033, "quantile": 0.0, "value": 49000.0, "Latitude": 39.22, "Longitude": -121.08, "Population": 1033.0}, {"index": 10033, "quantile": 0.25, "value": 84549.99999999999, "Latitude": 39.22, "Longitude": -121.08, "Population": 1033.0}, {"index": 10033, "quantile": 0.5, "value": 108300.00000000001, "Latitude": 39.22, "Longitude": -121.08, "Population": 1033.0}, {"index": 10033, "quantile": 0.75, "value": 116699.99999999999, "Latitude": 39.22, "Longitude": -121.08, "Population": 1033.0}, {"index": 10033, "quantile": 1.0, "value": 225000.0, "Latitude": 39.22, "Longitude": -121.08, "Population": 1033.0}, {"index": 10034, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.21, "Longitude": -121.08, "Population": 1319.0}, {"index": 10034, "quantile": 0.25, "value": 116700.0, "Latitude": 39.21, "Longitude": -121.08, "Population": 1319.0}, {"index": 10034, "quantile": 0.5, "value": 137500.0, "Latitude": 39.21, "Longitude": -121.08, "Population": 1319.0}, {"index": 10034, "quantile": 0.75, "value": 143400.0, "Latitude": 39.21, "Longitude": -121.08, "Population": 1319.0}, {"index": 10034, "quantile": 1.0, "value": 190200.0, "Latitude": 39.21, "Longitude": -121.08, "Population": 1319.0}, {"index": 10035, "quantile": 0.0, "value": 83500.0, "Latitude": 39.22, "Longitude": -121.09, "Population": 1045.0}, {"index": 10035, "quantile": 0.25, "value": 116700.0, "Latitude": 39.22, "Longitude": -121.09, "Population": 1045.0}, {"index": 10035, "quantile": 0.5, "value": 116700.0, "Latitude": 39.22, "Longitude": -121.09, "Population": 1045.0}, {"index": 10035, "quantile": 0.75, "value": 116700.0, "Latitude": 39.22, "Longitude": -121.09, "Population": 1045.0}, {"index": 10035, "quantile": 1.0, "value": 177000.0, "Latitude": 39.22, "Longitude": -121.09, "Population": 1045.0}, {"index": 10036, "quantile": 0.0, "value": 32500.0, "Latitude": 39.2, "Longitude": -121.07, "Population": 133.0}, {"index": 10036, "quantile": 0.25, "value": 90600.0, "Latitude": 39.2, "Longitude": -121.07, "Population": 133.0}, {"index": 10036, "quantile": 0.5, "value": 90600.0, "Latitude": 39.2, "Longitude": -121.07, "Population": 133.0}, {"index": 10036, "quantile": 0.75, "value": 90600.0, "Latitude": 39.2, "Longitude": -121.07, "Population": 133.0}, {"index": 10036, "quantile": 1.0, "value": 275000.0, "Latitude": 39.2, "Longitude": -121.07, "Population": 133.0}, {"index": 10037, "quantile": 0.0, "value": 32500.0, "Latitude": 39.23, "Longitude": -121.02, "Population": 642.0}, {"index": 10037, "quantile": 0.25, "value": 89575.0, "Latitude": 39.23, "Longitude": -121.02, "Population": 642.0}, {"index": 10037, "quantile": 0.5, "value": 117649.99999999999, "Latitude": 39.23, "Longitude": -121.02, "Population": 642.0}, {"index": 10037, "quantile": 0.75, "value": 155025.0, "Latitude": 39.23, "Longitude": -121.02, "Population": 642.0}, {"index": 10037, "quantile": 1.0, "value": 275000.0, "Latitude": 39.23, "Longitude": -121.02, "Population": 642.0}, {"index": 10038, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 39.22, "Longitude": -121.04, "Population": 853.0}, {"index": 10038, "quantile": 0.25, "value": 112500.0, "Latitude": 39.22, "Longitude": -121.04, "Population": 853.0}, {"index": 10038, "quantile": 0.5, "value": 112500.0, "Latitude": 39.22, "Longitude": -121.04, "Population": 853.0}, {"index": 10038, "quantile": 0.75, "value": 112500.0, "Latitude": 39.22, "Longitude": -121.04, "Population": 853.0}, {"index": 10038, "quantile": 1.0, "value": 233700.00000000003, "Latitude": 39.22, "Longitude": -121.04, "Population": 853.0}, {"index": 10039, "quantile": 0.0, "value": 81900.0, "Latitude": 39.21, "Longitude": -121.03, "Population": 1310.0}, {"index": 10039, "quantile": 0.25, "value": 123100.00000000001, "Latitude": 39.21, "Longitude": -121.03, "Population": 1310.0}, {"index": 10039, "quantile": 0.5, "value": 123100.00000000001, "Latitude": 39.21, "Longitude": -121.03, "Population": 1310.0}, {"index": 10039, "quantile": 0.75, "value": 150125.00000000003, "Latitude": 39.21, "Longitude": -121.03, "Population": 1310.0}, {"index": 10039, "quantile": 1.0, "value": 390800.0, "Latitude": 39.21, "Longitude": -121.03, "Population": 1310.0}, {"index": 10040, "quantile": 0.0, "value": 60200.0, "Latitude": 39.2, "Longitude": -121.05, "Population": 716.0}, {"index": 10040, "quantile": 0.25, "value": 108300.0, "Latitude": 39.2, "Longitude": -121.05, "Population": 716.0}, {"index": 10040, "quantile": 0.5, "value": 108300.0, "Latitude": 39.2, "Longitude": -121.05, "Population": 716.0}, {"index": 10040, "quantile": 0.75, "value": 108300.0, "Latitude": 39.2, "Longitude": -121.05, "Population": 716.0}, {"index": 10040, "quantile": 1.0, "value": 149400.0, "Latitude": 39.2, "Longitude": -121.05, "Population": 716.0}, {"index": 10041, "quantile": 0.0, "value": 64300.0, "Latitude": 39.21, "Longitude": -121.06, "Population": 637.0}, {"index": 10041, "quantile": 0.25, "value": 103899.99999999999, "Latitude": 39.21, "Longitude": -121.06, "Population": 637.0}, {"index": 10041, "quantile": 0.5, "value": 103899.99999999999, "Latitude": 39.21, "Longitude": -121.06, "Population": 637.0}, {"index": 10041, "quantile": 0.75, "value": 108650.0, "Latitude": 39.21, "Longitude": -121.06, "Population": 637.0}, {"index": 10041, "quantile": 1.0, "value": 169900.0, "Latitude": 39.21, "Longitude": -121.06, "Population": 637.0}, {"index": 10042, "quantile": 0.0, "value": 61300.0, "Latitude": 39.21, "Longitude": -121.05, "Population": 611.0}, {"index": 10042, "quantile": 0.25, "value": 116825.0, "Latitude": 39.21, "Longitude": -121.05, "Population": 611.0}, {"index": 10042, "quantile": 0.5, "value": 117100.0, "Latitude": 39.21, "Longitude": -121.05, "Population": 611.0}, {"index": 10042, "quantile": 0.75, "value": 117100.0, "Latitude": 39.21, "Longitude": -121.05, "Population": 611.0}, {"index": 10042, "quantile": 1.0, "value": 159800.0, "Latitude": 39.21, "Longitude": -121.05, "Population": 611.0}, {"index": 10043, "quantile": 0.0, "value": 80800.0, "Latitude": 39.22, "Longitude": -120.94, "Population": 661.0}, {"index": 10043, "quantile": 0.25, "value": 153800.0, "Latitude": 39.22, "Longitude": -120.94, "Population": 661.0}, {"index": 10043, "quantile": 0.5, "value": 153800.0, "Latitude": 39.22, "Longitude": -120.94, "Population": 661.0}, {"index": 10043, "quantile": 0.75, "value": 153800.0, "Latitude": 39.22, "Longitude": -120.94, "Population": 661.0}, {"index": 10043, "quantile": 1.0, "value": 212800.0, "Latitude": 39.22, "Longitude": -120.94, "Population": 661.0}, {"index": 10044, "quantile": 0.0, "value": 119800.0, "Latitude": 39.27, "Longitude": -120.83, "Population": 1373.0}, {"index": 10044, "quantile": 0.25, "value": 160100.0, "Latitude": 39.27, "Longitude": -120.83, "Population": 1373.0}, {"index": 10044, "quantile": 0.5, "value": 160100.0, "Latitude": 39.27, "Longitude": -120.83, "Population": 1373.0}, {"index": 10044, "quantile": 0.75, "value": 160100.0, "Latitude": 39.27, "Longitude": -120.83, "Population": 1373.0}, {"index": 10044, "quantile": 1.0, "value": 216500.0, "Latitude": 39.27, "Longitude": -120.83, "Population": 1373.0}, {"index": 10045, "quantile": 0.0, "value": 102000.0, "Latitude": 39.23, "Longitude": -121.0, "Population": 1267.0}, {"index": 10045, "quantile": 0.25, "value": 183675.0, "Latitude": 39.23, "Longitude": -121.0, "Population": 1267.0}, {"index": 10045, "quantile": 0.5, "value": 191700.0, "Latitude": 39.23, "Longitude": -121.0, "Population": 1267.0}, {"index": 10045, "quantile": 0.75, "value": 191700.0, "Latitude": 39.23, "Longitude": -121.0, "Population": 1267.0}, {"index": 10045, "quantile": 1.0, "value": 390800.0, "Latitude": 39.23, "Longitude": -121.0, "Population": 1267.0}, {"index": 10046, "quantile": 0.0, "value": 67500.0, "Latitude": 39.22, "Longitude": -120.99, "Population": 737.0}, {"index": 10046, "quantile": 0.25, "value": 165974.99999999997, "Latitude": 39.22, "Longitude": -120.99, "Population": 737.0}, {"index": 10046, "quantile": 0.5, "value": 182500.0, "Latitude": 39.22, "Longitude": -120.99, "Population": 737.0}, {"index": 10046, "quantile": 0.75, "value": 182500.0, "Latitude": 39.22, "Longitude": -120.99, "Population": 737.0}, {"index": 10046, "quantile": 1.0, "value": 182500.0, "Latitude": 39.22, "Longitude": -120.99, "Population": 737.0}, {"index": 10047, "quantile": 0.0, "value": 91000.0, "Latitude": 39.2, "Longitude": -120.99, "Population": 1296.0}, {"index": 10047, "quantile": 0.25, "value": 156800.0, "Latitude": 39.2, "Longitude": -120.99, "Population": 1296.0}, {"index": 10047, "quantile": 0.5, "value": 156800.0, "Latitude": 39.2, "Longitude": -120.99, "Population": 1296.0}, {"index": 10047, "quantile": 0.75, "value": 156800.0, "Latitude": 39.2, "Longitude": -120.99, "Population": 1296.0}, {"index": 10047, "quantile": 1.0, "value": 216500.0, "Latitude": 39.2, "Longitude": -120.99, "Population": 1296.0}, {"index": 10048, "quantile": 0.0, "value": 107200.0, "Latitude": 39.17, "Longitude": -120.93, "Population": 1110.0}, {"index": 10048, "quantile": 0.25, "value": 152625.0, "Latitude": 39.17, "Longitude": -120.93, "Population": 1110.0}, {"index": 10048, "quantile": 0.5, "value": 156800.0, "Latitude": 39.17, "Longitude": -120.93, "Population": 1110.0}, {"index": 10048, "quantile": 0.75, "value": 162900.0, "Latitude": 39.17, "Longitude": -120.93, "Population": 1110.0}, {"index": 10048, "quantile": 1.0, "value": 240800.0, "Latitude": 39.17, "Longitude": -120.93, "Population": 1110.0}, {"index": 10049, "quantile": 0.0, "value": 78300.0, "Latitude": 39.13, "Longitude": -120.99, "Population": 285.0}, {"index": 10049, "quantile": 0.25, "value": 155400.0, "Latitude": 39.13, "Longitude": -120.99, "Population": 285.0}, {"index": 10049, "quantile": 0.5, "value": 155400.0, "Latitude": 39.13, "Longitude": -120.99, "Population": 285.0}, {"index": 10049, "quantile": 0.75, "value": 158850.0, "Latitude": 39.13, "Longitude": -120.99, "Population": 285.0}, {"index": 10049, "quantile": 1.0, "value": 216500.0, "Latitude": 39.13, "Longitude": -120.99, "Population": 285.0}, {"index": 10050, "quantile": 0.0, "value": 99100.0, "Latitude": 39.18, "Longitude": -120.99, "Population": 1016.0}, {"index": 10050, "quantile": 0.25, "value": 153000.0, "Latitude": 39.18, "Longitude": -120.99, "Population": 1016.0}, {"index": 10050, "quantile": 0.5, "value": 153000.0, "Latitude": 39.18, "Longitude": -120.99, "Population": 1016.0}, {"index": 10050, "quantile": 0.75, "value": 153000.0, "Latitude": 39.18, "Longitude": -120.99, "Population": 1016.0}, {"index": 10050, "quantile": 1.0, "value": 185900.0, "Latitude": 39.18, "Longitude": -120.99, "Population": 1016.0}, {"index": 10051, "quantile": 0.0, "value": 79800.0, "Latitude": 39.16, "Longitude": -121.0, "Population": 537.0}, {"index": 10051, "quantile": 0.25, "value": 162500.0, "Latitude": 39.16, "Longitude": -121.0, "Population": 537.0}, {"index": 10051, "quantile": 0.5, "value": 163200.0, "Latitude": 39.16, "Longitude": -121.0, "Population": 537.0}, {"index": 10051, "quantile": 0.75, "value": 163200.0, "Latitude": 39.16, "Longitude": -121.0, "Population": 537.0}, {"index": 10051, "quantile": 1.0, "value": 239200.0, "Latitude": 39.16, "Longitude": -121.0, "Population": 537.0}, {"index": 10052, "quantile": 0.0, "value": 70800.0, "Latitude": 39.19, "Longitude": -121.04, "Population": 518.0}, {"index": 10052, "quantile": 0.25, "value": 144300.0, "Latitude": 39.19, "Longitude": -121.04, "Population": 518.0}, {"index": 10052, "quantile": 0.5, "value": 144300.0, "Latitude": 39.19, "Longitude": -121.04, "Population": 518.0}, {"index": 10052, "quantile": 0.75, "value": 144300.0, "Latitude": 39.19, "Longitude": -121.04, "Population": 518.0}, {"index": 10052, "quantile": 1.0, "value": 239200.0, "Latitude": 39.19, "Longitude": -121.04, "Population": 518.0}, {"index": 10053, "quantile": 0.0, "value": 74000.0, "Latitude": 39.17, "Longitude": -121.02, "Population": 1149.0}, {"index": 10053, "quantile": 0.25, "value": 149500.0, "Latitude": 39.17, "Longitude": -121.02, "Population": 1149.0}, {"index": 10053, "quantile": 0.5, "value": 149500.0, "Latitude": 39.17, "Longitude": -121.02, "Population": 1149.0}, {"index": 10053, "quantile": 0.75, "value": 149500.0, "Latitude": 39.17, "Longitude": -121.02, "Population": 1149.0}, {"index": 10053, "quantile": 1.0, "value": 202700.0, "Latitude": 39.17, "Longitude": -121.02, "Population": 1149.0}, {"index": 10054, "quantile": 0.0, "value": 74000.0, "Latitude": 39.27, "Longitude": -121.02, "Population": 1424.0}, {"index": 10054, "quantile": 0.25, "value": 150800.0, "Latitude": 39.27, "Longitude": -121.02, "Population": 1424.0}, {"index": 10054, "quantile": 0.5, "value": 155000.0, "Latitude": 39.27, "Longitude": -121.02, "Population": 1424.0}, {"index": 10054, "quantile": 0.75, "value": 155000.0, "Latitude": 39.27, "Longitude": -121.02, "Population": 1424.0}, {"index": 10054, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 39.27, "Longitude": -121.02, "Population": 1424.0}, {"index": 10055, "quantile": 0.0, "value": 64600.0, "Latitude": 39.26, "Longitude": -121.03, "Population": 1422.0}, {"index": 10055, "quantile": 0.25, "value": 116849.99999999999, "Latitude": 39.26, "Longitude": -121.03, "Population": 1422.0}, {"index": 10055, "quantile": 0.5, "value": 143100.0, "Latitude": 39.26, "Longitude": -121.03, "Population": 1422.0}, {"index": 10055, "quantile": 0.75, "value": 143100.0, "Latitude": 39.26, "Longitude": -121.03, "Population": 1422.0}, {"index": 10055, "quantile": 1.0, "value": 225000.0, "Latitude": 39.26, "Longitude": -121.03, "Population": 1422.0}, {"index": 10056, "quantile": 0.0, "value": 65000.0, "Latitude": 39.26, "Longitude": -121.0, "Population": 302.0}, {"index": 10056, "quantile": 0.25, "value": 115550.0, "Latitude": 39.26, "Longitude": -121.0, "Population": 302.0}, {"index": 10056, "quantile": 0.5, "value": 140600.0, "Latitude": 39.26, "Longitude": -121.0, "Population": 302.0}, {"index": 10056, "quantile": 0.75, "value": 168300.0, "Latitude": 39.26, "Longitude": -121.0, "Population": 302.0}, {"index": 10056, "quantile": 1.0, "value": 388500.0, "Latitude": 39.26, "Longitude": -121.0, "Population": 302.0}, {"index": 10057, "quantile": 0.0, "value": 55300.00000000001, "Latitude": 39.25, "Longitude": -121.02, "Population": 604.0}, {"index": 10057, "quantile": 0.25, "value": 124675.0, "Latitude": 39.25, "Longitude": -121.02, "Population": 604.0}, {"index": 10057, "quantile": 0.5, "value": 155400.0, "Latitude": 39.25, "Longitude": -121.02, "Population": 604.0}, {"index": 10057, "quantile": 0.75, "value": 155400.0, "Latitude": 39.25, "Longitude": -121.02, "Population": 604.0}, {"index": 10057, "quantile": 1.0, "value": 225000.0, "Latitude": 39.25, "Longitude": -121.02, "Population": 604.0}, {"index": 10058, "quantile": 0.0, "value": 78300.0, "Latitude": 39.29, "Longitude": -121.06, "Population": 894.0}, {"index": 10058, "quantile": 0.25, "value": 158800.0, "Latitude": 39.29, "Longitude": -121.06, "Population": 894.0}, {"index": 10058, "quantile": 0.5, "value": 171800.0, "Latitude": 39.29, "Longitude": -121.06, "Population": 894.0}, {"index": 10058, "quantile": 0.75, "value": 171800.0, "Latitude": 39.29, "Longitude": -121.06, "Population": 894.0}, {"index": 10058, "quantile": 1.0, "value": 239200.0, "Latitude": 39.29, "Longitude": -121.06, "Population": 894.0}, {"index": 10059, "quantile": 0.0, "value": 78300.0, "Latitude": 39.32, "Longitude": -120.94, "Population": 1569.0}, {"index": 10059, "quantile": 0.25, "value": 155700.0, "Latitude": 39.32, "Longitude": -120.94, "Population": 1569.0}, {"index": 10059, "quantile": 0.5, "value": 157400.0, "Latitude": 39.32, "Longitude": -120.94, "Population": 1569.0}, {"index": 10059, "quantile": 0.75, "value": 157400.0, "Latitude": 39.32, "Longitude": -120.94, "Population": 1569.0}, {"index": 10059, "quantile": 1.0, "value": 201700.0, "Latitude": 39.32, "Longitude": -120.94, "Population": 1569.0}, {"index": 10060, "quantile": 0.0, "value": 108400.00000000001, "Latitude": 39.25, "Longitude": -121.06, "Population": 1390.0}, {"index": 10060, "quantile": 0.25, "value": 164500.0, "Latitude": 39.25, "Longitude": -121.06, "Population": 1390.0}, {"index": 10060, "quantile": 0.5, "value": 172800.0, "Latitude": 39.25, "Longitude": -121.06, "Population": 1390.0}, {"index": 10060, "quantile": 0.75, "value": 172800.0, "Latitude": 39.25, "Longitude": -121.06, "Population": 1390.0}, {"index": 10060, "quantile": 1.0, "value": 213200.0, "Latitude": 39.25, "Longitude": -121.06, "Population": 1390.0}, {"index": 10061, "quantile": 0.0, "value": 87200.0, "Latitude": 39.3, "Longitude": -120.89, "Population": 974.0}, {"index": 10061, "quantile": 0.25, "value": 155100.0, "Latitude": 39.3, "Longitude": -120.89, "Population": 974.0}, {"index": 10061, "quantile": 0.5, "value": 155100.0, "Latitude": 39.3, "Longitude": -120.89, "Population": 974.0}, {"index": 10061, "quantile": 0.75, "value": 155100.0, "Latitude": 39.3, "Longitude": -120.89, "Population": 974.0}, {"index": 10061, "quantile": 1.0, "value": 213000.0, "Latitude": 39.3, "Longitude": -120.89, "Population": 974.0}, {"index": 10062, "quantile": 0.0, "value": 78300.0, "Latitude": 39.26, "Longitude": -120.99, "Population": 1090.0}, {"index": 10062, "quantile": 0.25, "value": 151300.0, "Latitude": 39.26, "Longitude": -120.99, "Population": 1090.0}, {"index": 10062, "quantile": 0.5, "value": 155400.0, "Latitude": 39.26, "Longitude": -120.99, "Population": 1090.0}, {"index": 10062, "quantile": 0.75, "value": 164500.0, "Latitude": 39.26, "Longitude": -120.99, "Population": 1090.0}, {"index": 10062, "quantile": 1.0, "value": 200000.0, "Latitude": 39.26, "Longitude": -120.99, "Population": 1090.0}, {"index": 10063, "quantile": 0.0, "value": 32500.0, "Latitude": 39.39, "Longitude": -120.91, "Population": 226.0}, {"index": 10063, "quantile": 0.25, "value": 79500.0, "Latitude": 39.39, "Longitude": -120.91, "Population": 226.0}, {"index": 10063, "quantile": 0.5, "value": 79500.0, "Latitude": 39.39, "Longitude": -120.91, "Population": 226.0}, {"index": 10063, "quantile": 0.75, "value": 79500.0, "Latitude": 39.39, "Longitude": -120.91, "Population": 226.0}, {"index": 10063, "quantile": 1.0, "value": 156300.0, "Latitude": 39.39, "Longitude": -120.91, "Population": 226.0}, {"index": 10064, "quantile": 0.0, "value": 48100.0, "Latitude": 39.37, "Longitude": -121.03, "Population": 1172.0}, {"index": 10064, "quantile": 0.25, "value": 71950.0, "Latitude": 39.37, "Longitude": -121.03, "Population": 1172.0}, {"index": 10064, "quantile": 0.5, "value": 90100.0, "Latitude": 39.37, "Longitude": -121.03, "Population": 1172.0}, {"index": 10064, "quantile": 0.75, "value": 128450.0, "Latitude": 39.37, "Longitude": -121.03, "Population": 1172.0}, {"index": 10064, "quantile": 1.0, "value": 225000.0, "Latitude": 39.37, "Longitude": -121.03, "Population": 1172.0}, {"index": 10065, "quantile": 0.0, "value": 61300.0, "Latitude": 39.31, "Longitude": -121.13, "Population": 1693.0}, {"index": 10065, "quantile": 0.25, "value": 127000.0, "Latitude": 39.31, "Longitude": -121.13, "Population": 1693.0}, {"index": 10065, "quantile": 0.5, "value": 128899.99999999999, "Latitude": 39.31, "Longitude": -121.13, "Population": 1693.0}, {"index": 10065, "quantile": 0.75, "value": 128899.99999999999, "Latitude": 39.31, "Longitude": -121.13, "Population": 1693.0}, {"index": 10065, "quantile": 1.0, "value": 182500.0, "Latitude": 39.31, "Longitude": -121.13, "Population": 1693.0}, {"index": 10066, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.39, "Longitude": -120.74, "Population": 152.0}, {"index": 10066, "quantile": 0.25, "value": 70675.0, "Latitude": 39.39, "Longitude": -120.74, "Population": 152.0}, {"index": 10066, "quantile": 0.5, "value": 89400.0, "Latitude": 39.39, "Longitude": -120.74, "Population": 152.0}, {"index": 10066, "quantile": 0.75, "value": 118300.0, "Latitude": 39.39, "Longitude": -120.74, "Population": 152.0}, {"index": 10066, "quantile": 1.0, "value": 212500.0, "Latitude": 39.39, "Longitude": -120.74, "Population": 152.0}, {"index": 10067, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.4, "Longitude": -120.09, "Population": 171.0}, {"index": 10067, "quantile": 0.25, "value": 83900.0, "Latitude": 39.4, "Longitude": -120.09, "Population": 171.0}, {"index": 10067, "quantile": 0.5, "value": 83900.0, "Latitude": 39.4, "Longitude": -120.09, "Population": 171.0}, {"index": 10067, "quantile": 0.75, "value": 92900.0, "Latitude": 39.4, "Longitude": -120.09, "Population": 171.0}, {"index": 10067, "quantile": 1.0, "value": 162500.0, "Latitude": 39.4, "Longitude": -120.09, "Population": 171.0}, {"index": 10068, "quantile": 0.0, "value": 80800.0, "Latitude": 39.33, "Longitude": -120.17, "Population": 486.0}, {"index": 10068, "quantile": 0.25, "value": 110900.0, "Latitude": 39.33, "Longitude": -120.17, "Population": 486.0}, {"index": 10068, "quantile": 0.5, "value": 110900.0, "Latitude": 39.33, "Longitude": -120.17, "Population": 486.0}, {"index": 10068, "quantile": 0.75, "value": 128825.00000000001, "Latitude": 39.33, "Longitude": -120.17, "Population": 486.0}, {"index": 10068, "quantile": 1.0, "value": 200000.0, "Latitude": 39.33, "Longitude": -120.17, "Population": 486.0}, {"index": 10069, "quantile": 0.0, "value": 93300.0, "Latitude": 39.33, "Longitude": -120.2, "Population": 905.0}, {"index": 10069, "quantile": 0.25, "value": 109500.0, "Latitude": 39.33, "Longitude": -120.2, "Population": 905.0}, {"index": 10069, "quantile": 0.5, "value": 109500.0, "Latitude": 39.33, "Longitude": -120.2, "Population": 905.0}, {"index": 10069, "quantile": 0.75, "value": 118800.0, "Latitude": 39.33, "Longitude": -120.2, "Population": 905.0}, {"index": 10069, "quantile": 1.0, "value": 182100.0, "Latitude": 39.33, "Longitude": -120.2, "Population": 905.0}, {"index": 10070, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 39.32, "Longitude": -120.19, "Population": 646.0}, {"index": 10070, "quantile": 0.25, "value": 86500.0, "Latitude": 39.32, "Longitude": -120.19, "Population": 646.0}, {"index": 10070, "quantile": 0.5, "value": 99300.0, "Latitude": 39.32, "Longitude": -120.19, "Population": 646.0}, {"index": 10070, "quantile": 0.75, "value": 118575.00000000001, "Latitude": 39.32, "Longitude": -120.19, "Population": 646.0}, {"index": 10070, "quantile": 1.0, "value": 173400.0, "Latitude": 39.32, "Longitude": -120.19, "Population": 646.0}, {"index": 10071, "quantile": 0.0, "value": 85100.0, "Latitude": 39.32, "Longitude": -120.17, "Population": 1000.0}, {"index": 10071, "quantile": 0.25, "value": 119800.0, "Latitude": 39.32, "Longitude": -120.17, "Population": 1000.0}, {"index": 10071, "quantile": 0.5, "value": 119800.0, "Latitude": 39.32, "Longitude": -120.17, "Population": 1000.0}, {"index": 10071, "quantile": 0.75, "value": 119800.0, "Latitude": 39.32, "Longitude": -120.17, "Population": 1000.0}, {"index": 10071, "quantile": 1.0, "value": 201700.0, "Latitude": 39.32, "Longitude": -120.17, "Population": 1000.0}, {"index": 10072, "quantile": 0.0, "value": 32900.0, "Latitude": 39.33, "Longitude": -120.17, "Population": 195.0}, {"index": 10072, "quantile": 0.25, "value": 116300.0, "Latitude": 39.33, "Longitude": -120.17, "Population": 195.0}, {"index": 10072, "quantile": 0.5, "value": 116300.0, "Latitude": 39.33, "Longitude": -120.17, "Population": 195.0}, {"index": 10072, "quantile": 0.75, "value": 116300.0, "Latitude": 39.33, "Longitude": -120.17, "Population": 195.0}, {"index": 10072, "quantile": 1.0, "value": 212500.0, "Latitude": 39.33, "Longitude": -120.17, "Population": 195.0}, {"index": 10073, "quantile": 0.0, "value": 86900.0, "Latitude": 39.37, "Longitude": -120.1, "Population": 1016.0}, {"index": 10073, "quantile": 0.25, "value": 117300.0, "Latitude": 39.37, "Longitude": -120.1, "Population": 1016.0}, {"index": 10073, "quantile": 0.5, "value": 117300.0, "Latitude": 39.37, "Longitude": -120.1, "Population": 1016.0}, {"index": 10073, "quantile": 0.75, "value": 146300.0, "Latitude": 39.37, "Longitude": -120.1, "Population": 1016.0}, {"index": 10073, "quantile": 1.0, "value": 270600.0, "Latitude": 39.37, "Longitude": -120.1, "Population": 1016.0}, {"index": 10074, "quantile": 0.0, "value": 86900.0, "Latitude": 39.33, "Longitude": -120.1, "Population": 1193.0}, {"index": 10074, "quantile": 0.25, "value": 123900.00000000001, "Latitude": 39.33, "Longitude": -120.1, "Population": 1193.0}, {"index": 10074, "quantile": 0.5, "value": 151700.0, "Latitude": 39.33, "Longitude": -120.1, "Population": 1193.0}, {"index": 10074, "quantile": 0.75, "value": 197500.0, "Latitude": 39.33, "Longitude": -120.1, "Population": 1193.0}, {"index": 10074, "quantile": 1.0, "value": 326800.0, "Latitude": 39.33, "Longitude": -120.1, "Population": 1193.0}, {"index": 10075, "quantile": 0.0, "value": 67500.0, "Latitude": 39.36, "Longitude": -120.15, "Population": 694.0}, {"index": 10075, "quantile": 0.25, "value": 138100.0, "Latitude": 39.36, "Longitude": -120.15, "Population": 694.0}, {"index": 10075, "quantile": 0.5, "value": 138100.0, "Latitude": 39.36, "Longitude": -120.15, "Population": 694.0}, {"index": 10075, "quantile": 0.75, "value": 207775.0, "Latitude": 39.36, "Longitude": -120.15, "Population": 694.0}, {"index": 10075, "quantile": 1.0, "value": 450000.0, "Latitude": 39.36, "Longitude": -120.15, "Population": 694.0}, {"index": 10076, "quantile": 0.0, "value": 63600.0, "Latitude": 39.32, "Longitude": -120.26, "Population": 780.0}, {"index": 10076, "quantile": 0.25, "value": 122100.00000000001, "Latitude": 39.32, "Longitude": -120.26, "Population": 780.0}, {"index": 10076, "quantile": 0.5, "value": 122100.00000000001, "Latitude": 39.32, "Longitude": -120.26, "Population": 780.0}, {"index": 10076, "quantile": 0.75, "value": 139300.0, "Latitude": 39.32, "Longitude": -120.26, "Population": 780.0}, {"index": 10076, "quantile": 1.0, "value": 217499.99999999997, "Latitude": 39.32, "Longitude": -120.26, "Population": 780.0}, {"index": 10077, "quantile": 0.0, "value": 67500.0, "Latitude": 39.34, "Longitude": -120.35, "Population": 337.0}, {"index": 10077, "quantile": 0.25, "value": 130400.0, "Latitude": 39.34, "Longitude": -120.35, "Population": 337.0}, {"index": 10077, "quantile": 0.5, "value": 154150.0, "Latitude": 39.34, "Longitude": -120.35, "Population": 337.0}, {"index": 10077, "quantile": 0.75, "value": 200000.0, "Latitude": 39.34, "Longitude": -120.35, "Population": 337.0}, {"index": 10077, "quantile": 1.0, "value": 500000.0, "Latitude": 39.34, "Longitude": -120.35, "Population": 337.0}, {"index": 10078, "quantile": 0.0, "value": 84500.0, "Latitude": 39.35, "Longitude": -120.27, "Population": 397.0}, {"index": 10078, "quantile": 0.25, "value": 145600.0, "Latitude": 39.35, "Longitude": -120.27, "Population": 397.0}, {"index": 10078, "quantile": 0.5, "value": 145600.0, "Latitude": 39.35, "Longitude": -120.27, "Population": 397.0}, {"index": 10078, "quantile": 0.75, "value": 158300.0, "Latitude": 39.35, "Longitude": -120.27, "Population": 397.0}, {"index": 10078, "quantile": 1.0, "value": 361900.0, "Latitude": 39.35, "Longitude": -120.27, "Population": 397.0}, {"index": 10079, "quantile": 0.0, "value": 77100.0, "Latitude": 39.34, "Longitude": -120.25, "Population": 294.0}, {"index": 10079, "quantile": 0.25, "value": 103800.0, "Latitude": 39.34, "Longitude": -120.25, "Population": 294.0}, {"index": 10079, "quantile": 0.5, "value": 134450.0, "Latitude": 39.34, "Longitude": -120.25, "Population": 294.0}, {"index": 10079, "quantile": 0.75, "value": 153300.0, "Latitude": 39.34, "Longitude": -120.25, "Population": 294.0}, {"index": 10079, "quantile": 1.0, "value": 390800.0, "Latitude": 39.34, "Longitude": -120.25, "Population": 294.0}, {"index": 10080, "quantile": 0.0, "value": 77500.0, "Latitude": 39.35, "Longitude": -120.24, "Population": 291.0}, {"index": 10080, "quantile": 0.25, "value": 113199.99999999999, "Latitude": 39.35, "Longitude": -120.24, "Population": 291.0}, {"index": 10080, "quantile": 0.5, "value": 127899.99999999999, "Latitude": 39.35, "Longitude": -120.24, "Population": 291.0}, {"index": 10080, "quantile": 0.75, "value": 152550.0, "Latitude": 39.35, "Longitude": -120.24, "Population": 291.0}, {"index": 10080, "quantile": 1.0, "value": 300000.0, "Latitude": 39.35, "Longitude": -120.24, "Population": 291.0}, {"index": 10081, "quantile": 0.0, "value": 77500.0, "Latitude": 39.36, "Longitude": -120.23, "Population": 245.0}, {"index": 10081, "quantile": 0.25, "value": 150975.0, "Latitude": 39.36, "Longitude": -120.23, "Population": 245.0}, {"index": 10081, "quantile": 0.5, "value": 152300.0, "Latitude": 39.36, "Longitude": -120.23, "Population": 245.0}, {"index": 10081, "quantile": 0.75, "value": 152300.0, "Latitude": 39.36, "Longitude": -120.23, "Population": 245.0}, {"index": 10081, "quantile": 1.0, "value": 244000.0, "Latitude": 39.36, "Longitude": -120.23, "Population": 245.0}, {"index": 10082, "quantile": 0.0, "value": 87500.0, "Latitude": 39.35, "Longitude": -120.22, "Population": 203.0}, {"index": 10082, "quantile": 0.25, "value": 192375.0, "Latitude": 39.35, "Longitude": -120.22, "Population": 203.0}, {"index": 10082, "quantile": 0.5, "value": 198400.0, "Latitude": 39.35, "Longitude": -120.22, "Population": 203.0}, {"index": 10082, "quantile": 0.75, "value": 198400.0, "Latitude": 39.35, "Longitude": -120.22, "Population": 203.0}, {"index": 10082, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 39.35, "Longitude": -120.22, "Population": 203.0}, {"index": 10083, "quantile": 0.0, "value": 136800.0, "Latitude": 39.35, "Longitude": -120.21, "Population": 85.0}, {"index": 10083, "quantile": 0.25, "value": 184600.0, "Latitude": 39.35, "Longitude": -120.21, "Population": 85.0}, {"index": 10083, "quantile": 0.5, "value": 187500.0, "Latitude": 39.35, "Longitude": -120.21, "Population": 85.0}, {"index": 10083, "quantile": 0.75, "value": 187500.0, "Latitude": 39.35, "Longitude": -120.21, "Population": 85.0}, {"index": 10083, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 39.35, "Longitude": -120.21, "Population": 85.0}, {"index": 10084, "quantile": 0.0, "value": 87500.0, "Latitude": 39.35, "Longitude": -120.19, "Population": 482.0}, {"index": 10084, "quantile": 0.25, "value": 173925.00000000003, "Latitude": 39.35, "Longitude": -120.19, "Population": 482.0}, {"index": 10084, "quantile": 0.5, "value": 174100.0, "Latitude": 39.35, "Longitude": -120.19, "Population": 482.0}, {"index": 10084, "quantile": 0.75, "value": 174100.0, "Latitude": 39.35, "Longitude": -120.19, "Population": 482.0}, {"index": 10084, "quantile": 1.0, "value": 375000.0, "Latitude": 39.35, "Longitude": -120.19, "Population": 482.0}, {"index": 10085, "quantile": 0.0, "value": 184200.0, "Latitude": 33.94, "Longitude": -117.95, "Population": 1287.0}, {"index": 10085, "quantile": 0.25, "value": 264100.0, "Latitude": 33.94, "Longitude": -117.95, "Population": 1287.0}, {"index": 10085, "quantile": 0.5, "value": 264100.0, "Latitude": 33.94, "Longitude": -117.95, "Population": 1287.0}, {"index": 10085, "quantile": 0.75, "value": 264100.0, "Latitude": 33.94, "Longitude": -117.95, "Population": 1287.0}, {"index": 10085, "quantile": 1.0, "value": 387800.0, "Latitude": 33.94, "Longitude": -117.95, "Population": 1287.0}, {"index": 10086, "quantile": 0.0, "value": 146400.0, "Latitude": 33.94, "Longitude": -117.96, "Population": 1159.0}, {"index": 10086, "quantile": 0.25, "value": 200675.00000000003, "Latitude": 33.94, "Longitude": -117.96, "Population": 1159.0}, {"index": 10086, "quantile": 0.5, "value": 228900.00000000003, "Latitude": 33.94, "Longitude": -117.96, "Population": 1159.0}, {"index": 10086, "quantile": 0.75, "value": 228900.00000000003, "Latitude": 33.94, "Longitude": -117.96, "Population": 1159.0}, {"index": 10086, "quantile": 1.0, "value": 272600.0, "Latitude": 33.94, "Longitude": -117.96, "Population": 1159.0}, {"index": 10087, "quantile": 0.0, "value": 177800.0, "Latitude": 33.94, "Longitude": -117.97, "Population": 947.0}, {"index": 10087, "quantile": 0.25, "value": 197925.0, "Latitude": 33.94, "Longitude": -117.97, "Population": 947.0}, {"index": 10087, "quantile": 0.5, "value": 217000.0, "Latitude": 33.94, "Longitude": -117.97, "Population": 947.0}, {"index": 10087, "quantile": 0.75, "value": 217000.0, "Latitude": 33.94, "Longitude": -117.97, "Population": 947.0}, {"index": 10087, "quantile": 1.0, "value": 278400.0, "Latitude": 33.94, "Longitude": -117.97, "Population": 947.0}, {"index": 10088, "quantile": 0.0, "value": 205500.00000000003, "Latitude": 33.94, "Longitude": -117.97, "Population": 690.0}, {"index": 10088, "quantile": 0.25, "value": 255799.99999999997, "Latitude": 33.94, "Longitude": -117.97, "Population": 690.0}, {"index": 10088, "quantile": 0.5, "value": 255799.99999999997, "Latitude": 33.94, "Longitude": -117.97, "Population": 690.0}, {"index": 10088, "quantile": 0.75, "value": 255799.99999999997, "Latitude": 33.94, "Longitude": -117.97, "Population": 690.0}, {"index": 10088, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.94, "Longitude": -117.97, "Population": 690.0}, {"index": 10089, "quantile": 0.0, "value": 160600.0, "Latitude": 33.94, "Longitude": -117.97, "Population": 1056.0}, {"index": 10089, "quantile": 0.25, "value": 215700.0, "Latitude": 33.94, "Longitude": -117.97, "Population": 1056.0}, {"index": 10089, "quantile": 0.5, "value": 215700.0, "Latitude": 33.94, "Longitude": -117.97, "Population": 1056.0}, {"index": 10089, "quantile": 0.75, "value": 215700.0, "Latitude": 33.94, "Longitude": -117.97, "Population": 1056.0}, {"index": 10089, "quantile": 1.0, "value": 246900.0, "Latitude": 33.94, "Longitude": -117.97, "Population": 1056.0}, {"index": 10090, "quantile": 0.0, "value": 148400.0, "Latitude": 33.93, "Longitude": -117.97, "Population": 918.0}, {"index": 10090, "quantile": 0.25, "value": 202000.0, "Latitude": 33.93, "Longitude": -117.97, "Population": 918.0}, {"index": 10090, "quantile": 0.5, "value": 202000.0, "Latitude": 33.93, "Longitude": -117.97, "Population": 918.0}, {"index": 10090, "quantile": 0.75, "value": 231175.0, "Latitude": 33.93, "Longitude": -117.97, "Population": 918.0}, {"index": 10090, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 33.93, "Longitude": -117.97, "Population": 918.0}, {"index": 10091, "quantile": 0.0, "value": 164600.0, "Latitude": 33.93, "Longitude": -117.97, "Population": 981.0}, {"index": 10091, "quantile": 0.25, "value": 194000.0, "Latitude": 33.93, "Longitude": -117.97, "Population": 981.0}, {"index": 10091, "quantile": 0.5, "value": 194000.0, "Latitude": 33.93, "Longitude": -117.97, "Population": 981.0}, {"index": 10091, "quantile": 0.75, "value": 194499.99999999997, "Latitude": 33.93, "Longitude": -117.97, "Population": 981.0}, {"index": 10091, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -117.97, "Population": 981.0}, {"index": 10092, "quantile": 0.0, "value": 161900.0, "Latitude": 33.93, "Longitude": -117.96, "Population": 841.0}, {"index": 10092, "quantile": 0.25, "value": 198925.0, "Latitude": 33.93, "Longitude": -117.96, "Population": 841.0}, {"index": 10092, "quantile": 0.5, "value": 232799.99999999997, "Latitude": 33.93, "Longitude": -117.96, "Population": 841.0}, {"index": 10092, "quantile": 0.75, "value": 232799.99999999997, "Latitude": 33.93, "Longitude": -117.96, "Population": 841.0}, {"index": 10092, "quantile": 1.0, "value": 262500.0, "Latitude": 33.93, "Longitude": -117.96, "Population": 841.0}, {"index": 10093, "quantile": 0.0, "value": 163900.0, "Latitude": 33.93, "Longitude": -117.96, "Population": 1275.0}, {"index": 10093, "quantile": 0.25, "value": 192600.0, "Latitude": 33.93, "Longitude": -117.96, "Population": 1275.0}, {"index": 10093, "quantile": 0.5, "value": 192600.0, "Latitude": 33.93, "Longitude": -117.96, "Population": 1275.0}, {"index": 10093, "quantile": 0.75, "value": 192600.0, "Latitude": 33.93, "Longitude": -117.96, "Population": 1275.0}, {"index": 10093, "quantile": 1.0, "value": 235300.00000000003, "Latitude": 33.93, "Longitude": -117.96, "Population": 1275.0}, {"index": 10094, "quantile": 0.0, "value": 95200.0, "Latitude": 33.94, "Longitude": -117.96, "Population": 1407.0}, {"index": 10094, "quantile": 0.25, "value": 185200.0, "Latitude": 33.94, "Longitude": -117.96, "Population": 1407.0}, {"index": 10094, "quantile": 0.5, "value": 185200.0, "Latitude": 33.94, "Longitude": -117.96, "Population": 1407.0}, {"index": 10094, "quantile": 0.75, "value": 185200.0, "Latitude": 33.94, "Longitude": -117.96, "Population": 1407.0}, {"index": 10094, "quantile": 1.0, "value": 285500.0, "Latitude": 33.94, "Longitude": -117.96, "Population": 1407.0}, {"index": 10095, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.93, "Longitude": -117.94, "Population": 1346.0}, {"index": 10095, "quantile": 0.25, "value": 160425.0, "Latitude": 33.93, "Longitude": -117.94, "Population": 1346.0}, {"index": 10095, "quantile": 0.5, "value": 169400.0, "Latitude": 33.93, "Longitude": -117.94, "Population": 1346.0}, {"index": 10095, "quantile": 0.75, "value": 178200.0, "Latitude": 33.93, "Longitude": -117.94, "Population": 1346.0}, {"index": 10095, "quantile": 1.0, "value": 266700.0, "Latitude": 33.93, "Longitude": -117.94, "Population": 1346.0}, {"index": 10096, "quantile": 0.0, "value": 137200.0, "Latitude": 33.93, "Longitude": -117.94, "Population": 698.0}, {"index": 10096, "quantile": 0.25, "value": 186000.0, "Latitude": 33.93, "Longitude": -117.94, "Population": 698.0}, {"index": 10096, "quantile": 0.5, "value": 186000.0, "Latitude": 33.93, "Longitude": -117.94, "Population": 698.0}, {"index": 10096, "quantile": 0.75, "value": 209150.0, "Latitude": 33.93, "Longitude": -117.94, "Population": 698.0}, {"index": 10096, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -117.94, "Population": 698.0}, {"index": 10097, "quantile": 0.0, "value": 67300.0, "Latitude": 33.93, "Longitude": -117.94, "Population": 1037.0}, {"index": 10097, "quantile": 0.25, "value": 158325.0, "Latitude": 33.93, "Longitude": -117.94, "Population": 1037.0}, {"index": 10097, "quantile": 0.5, "value": 166100.0, "Latitude": 33.93, "Longitude": -117.94, "Population": 1037.0}, {"index": 10097, "quantile": 0.75, "value": 166100.0, "Latitude": 33.93, "Longitude": -117.94, "Population": 1037.0}, {"index": 10097, "quantile": 1.0, "value": 350000.0, "Latitude": 33.93, "Longitude": -117.94, "Population": 1037.0}, {"index": 10098, "quantile": 0.0, "value": 153000.0, "Latitude": 33.93, "Longitude": -117.95, "Population": 2400.0}, {"index": 10098, "quantile": 0.25, "value": 161900.0, "Latitude": 33.93, "Longitude": -117.95, "Population": 2400.0}, {"index": 10098, "quantile": 0.5, "value": 161900.0, "Latitude": 33.93, "Longitude": -117.95, "Population": 2400.0}, {"index": 10098, "quantile": 0.75, "value": 184025.0, "Latitude": 33.93, "Longitude": -117.95, "Population": 2400.0}, {"index": 10098, "quantile": 1.0, "value": 228500.0, "Latitude": 33.93, "Longitude": -117.95, "Population": 2400.0}, {"index": 10099, "quantile": 0.0, "value": 137500.0, "Latitude": 33.93, "Longitude": -117.95, "Population": 1904.0}, {"index": 10099, "quantile": 0.25, "value": 161300.0, "Latitude": 33.93, "Longitude": -117.95, "Population": 1904.0}, {"index": 10099, "quantile": 0.5, "value": 161300.0, "Latitude": 33.93, "Longitude": -117.95, "Population": 1904.0}, {"index": 10099, "quantile": 0.75, "value": 165500.0, "Latitude": 33.93, "Longitude": -117.95, "Population": 1904.0}, {"index": 10099, "quantile": 1.0, "value": 236100.00000000003, "Latitude": 33.93, "Longitude": -117.95, "Population": 1904.0}, {"index": 10100, "quantile": 0.0, "value": 119100.0, "Latitude": 33.93, "Longitude": -117.96, "Population": 839.0}, {"index": 10100, "quantile": 0.25, "value": 175400.0, "Latitude": 33.93, "Longitude": -117.96, "Population": 839.0}, {"index": 10100, "quantile": 0.5, "value": 175400.0, "Latitude": 33.93, "Longitude": -117.96, "Population": 839.0}, {"index": 10100, "quantile": 0.75, "value": 175400.0, "Latitude": 33.93, "Longitude": -117.96, "Population": 839.0}, {"index": 10100, "quantile": 1.0, "value": 295600.0, "Latitude": 33.93, "Longitude": -117.96, "Population": 839.0}, {"index": 10101, "quantile": 0.0, "value": 156000.0, "Latitude": 33.92, "Longitude": -117.97, "Population": 1296.0}, {"index": 10101, "quantile": 0.25, "value": 232500.00000000003, "Latitude": 33.92, "Longitude": -117.97, "Population": 1296.0}, {"index": 10101, "quantile": 0.5, "value": 259400.0, "Latitude": 33.92, "Longitude": -117.97, "Population": 1296.0}, {"index": 10101, "quantile": 0.75, "value": 273800.0, "Latitude": 33.92, "Longitude": -117.97, "Population": 1296.0}, {"index": 10101, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -117.97, "Population": 1296.0}, {"index": 10102, "quantile": 0.0, "value": 148400.0, "Latitude": 33.93, "Longitude": -117.97, "Population": 989.0}, {"index": 10102, "quantile": 0.25, "value": 198100.0, "Latitude": 33.93, "Longitude": -117.97, "Population": 989.0}, {"index": 10102, "quantile": 0.5, "value": 198100.0, "Latitude": 33.93, "Longitude": -117.97, "Population": 989.0}, {"index": 10102, "quantile": 0.75, "value": 209800.0, "Latitude": 33.93, "Longitude": -117.97, "Population": 989.0}, {"index": 10102, "quantile": 1.0, "value": 246900.0, "Latitude": 33.93, "Longitude": -117.97, "Population": 989.0}, {"index": 10103, "quantile": 0.0, "value": 45000.0, "Latitude": 33.92, "Longitude": -117.97, "Population": 900.0}, {"index": 10103, "quantile": 0.25, "value": 219000.0, "Latitude": 33.92, "Longitude": -117.97, "Population": 900.0}, {"index": 10103, "quantile": 0.5, "value": 251399.99999999997, "Latitude": 33.92, "Longitude": -117.97, "Population": 900.0}, {"index": 10103, "quantile": 0.75, "value": 251399.99999999997, "Latitude": 33.92, "Longitude": -117.97, "Population": 900.0}, {"index": 10103, "quantile": 1.0, "value": 369400.0, "Latitude": 33.92, "Longitude": -117.97, "Population": 900.0}, {"index": 10104, "quantile": 0.0, "value": 133200.0, "Latitude": 33.92, "Longitude": -117.96, "Population": 1654.0}, {"index": 10104, "quantile": 0.25, "value": 215000.0, "Latitude": 33.92, "Longitude": -117.96, "Population": 1654.0}, {"index": 10104, "quantile": 0.5, "value": 215000.0, "Latitude": 33.92, "Longitude": -117.96, "Population": 1654.0}, {"index": 10104, "quantile": 0.75, "value": 215000.0, "Latitude": 33.92, "Longitude": -117.96, "Population": 1654.0}, {"index": 10104, "quantile": 1.0, "value": 420800.0, "Latitude": 33.92, "Longitude": -117.96, "Population": 1654.0}, {"index": 10105, "quantile": 0.0, "value": 128200.0, "Latitude": 33.92, "Longitude": -117.95, "Population": 1590.0}, {"index": 10105, "quantile": 0.25, "value": 153600.0, "Latitude": 33.92, "Longitude": -117.95, "Population": 1590.0}, {"index": 10105, "quantile": 0.5, "value": 153600.0, "Latitude": 33.92, "Longitude": -117.95, "Population": 1590.0}, {"index": 10105, "quantile": 0.75, "value": 173400.0, "Latitude": 33.92, "Longitude": -117.95, "Population": 1590.0}, {"index": 10105, "quantile": 1.0, "value": 289000.0, "Latitude": 33.92, "Longitude": -117.95, "Population": 1590.0}, {"index": 10106, "quantile": 0.0, "value": 89200.0, "Latitude": 33.92, "Longitude": -117.94, "Population": 1062.0}, {"index": 10106, "quantile": 0.25, "value": 142800.0, "Latitude": 33.92, "Longitude": -117.94, "Population": 1062.0}, {"index": 10106, "quantile": 0.5, "value": 145200.0, "Latitude": 33.92, "Longitude": -117.94, "Population": 1062.0}, {"index": 10106, "quantile": 0.75, "value": 145200.0, "Latitude": 33.92, "Longitude": -117.94, "Population": 1062.0}, {"index": 10106, "quantile": 1.0, "value": 212500.0, "Latitude": 33.92, "Longitude": -117.94, "Population": 1062.0}, {"index": 10107, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.92, "Longitude": -117.95, "Population": 1201.0}, {"index": 10107, "quantile": 0.25, "value": 176025.0, "Latitude": 33.92, "Longitude": -117.95, "Population": 1201.0}, {"index": 10107, "quantile": 0.5, "value": 178200.0, "Latitude": 33.92, "Longitude": -117.95, "Population": 1201.0}, {"index": 10107, "quantile": 0.75, "value": 178200.0, "Latitude": 33.92, "Longitude": -117.95, "Population": 1201.0}, {"index": 10107, "quantile": 1.0, "value": 225900.0, "Latitude": 33.92, "Longitude": -117.95, "Population": 1201.0}, {"index": 10108, "quantile": 0.0, "value": 99100.0, "Latitude": 33.92, "Longitude": -117.95, "Population": 1594.0}, {"index": 10108, "quantile": 0.25, "value": 141300.0, "Latitude": 33.92, "Longitude": -117.95, "Population": 1594.0}, {"index": 10108, "quantile": 0.5, "value": 141300.0, "Latitude": 33.92, "Longitude": -117.95, "Population": 1594.0}, {"index": 10108, "quantile": 0.75, "value": 162400.0, "Latitude": 33.92, "Longitude": -117.95, "Population": 1594.0}, {"index": 10108, "quantile": 1.0, "value": 350000.0, "Latitude": 33.92, "Longitude": -117.95, "Population": 1594.0}, {"index": 10109, "quantile": 0.0, "value": 149500.0, "Latitude": 33.92, "Longitude": -117.94, "Population": 1038.0}, {"index": 10109, "quantile": 0.25, "value": 165500.0, "Latitude": 33.92, "Longitude": -117.94, "Population": 1038.0}, {"index": 10109, "quantile": 0.5, "value": 165500.0, "Latitude": 33.92, "Longitude": -117.94, "Population": 1038.0}, {"index": 10109, "quantile": 0.75, "value": 165500.0, "Latitude": 33.92, "Longitude": -117.94, "Population": 1038.0}, {"index": 10109, "quantile": 1.0, "value": 195200.0, "Latitude": 33.92, "Longitude": -117.94, "Population": 1038.0}, {"index": 10110, "quantile": 0.0, "value": 125499.99999999999, "Latitude": 33.92, "Longitude": -117.95, "Population": 2038.0}, {"index": 10110, "quantile": 0.25, "value": 137000.0, "Latitude": 33.92, "Longitude": -117.95, "Population": 2038.0}, {"index": 10110, "quantile": 0.5, "value": 137000.0, "Latitude": 33.92, "Longitude": -117.95, "Population": 2038.0}, {"index": 10110, "quantile": 0.75, "value": 160800.0, "Latitude": 33.92, "Longitude": -117.95, "Population": 2038.0}, {"index": 10110, "quantile": 1.0, "value": 207100.00000000003, "Latitude": 33.92, "Longitude": -117.95, "Population": 2038.0}, {"index": 10111, "quantile": 0.0, "value": 186100.0, "Latitude": 33.94, "Longitude": -117.94, "Population": 1452.0}, {"index": 10111, "quantile": 0.25, "value": 303800.0, "Latitude": 33.94, "Longitude": -117.94, "Population": 1452.0}, {"index": 10111, "quantile": 0.5, "value": 303800.0, "Latitude": 33.94, "Longitude": -117.94, "Population": 1452.0}, {"index": 10111, "quantile": 0.75, "value": 303800.0, "Latitude": 33.94, "Longitude": -117.94, "Population": 1452.0}, {"index": 10111, "quantile": 1.0, "value": 445700.0, "Latitude": 33.94, "Longitude": -117.94, "Population": 1452.0}, {"index": 10112, "quantile": 0.0, "value": 168900.0, "Latitude": 33.94, "Longitude": -117.94, "Population": 845.0}, {"index": 10112, "quantile": 0.25, "value": 204199.99999999997, "Latitude": 33.94, "Longitude": -117.94, "Population": 845.0}, {"index": 10112, "quantile": 0.5, "value": 241100.0, "Latitude": 33.94, "Longitude": -117.94, "Population": 845.0}, {"index": 10112, "quantile": 0.75, "value": 241100.0, "Latitude": 33.94, "Longitude": -117.94, "Population": 845.0}, {"index": 10112, "quantile": 1.0, "value": 346000.0, "Latitude": 33.94, "Longitude": -117.94, "Population": 845.0}, {"index": 10113, "quantile": 0.0, "value": 120700.00000000001, "Latitude": 33.94, "Longitude": -117.95, "Population": 1135.0}, {"index": 10113, "quantile": 0.25, "value": 202000.0, "Latitude": 33.94, "Longitude": -117.95, "Population": 1135.0}, {"index": 10113, "quantile": 0.5, "value": 214400.0, "Latitude": 33.94, "Longitude": -117.95, "Population": 1135.0}, {"index": 10113, "quantile": 0.75, "value": 241100.0, "Latitude": 33.94, "Longitude": -117.95, "Population": 1135.0}, {"index": 10113, "quantile": 1.0, "value": 335700.0, "Latitude": 33.94, "Longitude": -117.95, "Population": 1135.0}, {"index": 10114, "quantile": 0.0, "value": 102499.99999999999, "Latitude": 33.94, "Longitude": -117.94, "Population": 1236.0}, {"index": 10114, "quantile": 0.25, "value": 145000.0, "Latitude": 33.94, "Longitude": -117.94, "Population": 1236.0}, {"index": 10114, "quantile": 0.5, "value": 145000.0, "Latitude": 33.94, "Longitude": -117.94, "Population": 1236.0}, {"index": 10114, "quantile": 0.75, "value": 176825.0, "Latitude": 33.94, "Longitude": -117.94, "Population": 1236.0}, {"index": 10114, "quantile": 1.0, "value": 276800.0, "Latitude": 33.94, "Longitude": -117.94, "Population": 1236.0}, {"index": 10115, "quantile": 0.0, "value": 209400.0, "Latitude": 33.94, "Longitude": -117.93, "Population": 1135.0}, {"index": 10115, "quantile": 0.25, "value": 245000.00000000003, "Latitude": 33.94, "Longitude": -117.93, "Population": 1135.0}, {"index": 10115, "quantile": 0.5, "value": 245000.00000000003, "Latitude": 33.94, "Longitude": -117.93, "Population": 1135.0}, {"index": 10115, "quantile": 0.75, "value": 287100.0, "Latitude": 33.94, "Longitude": -117.93, "Population": 1135.0}, {"index": 10115, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.94, "Longitude": -117.93, "Population": 1135.0}, {"index": 10116, "quantile": 0.0, "value": 152100.0, "Latitude": 33.94, "Longitude": -117.93, "Population": 1820.0}, {"index": 10116, "quantile": 0.25, "value": 224700.0, "Latitude": 33.94, "Longitude": -117.93, "Population": 1820.0}, {"index": 10116, "quantile": 0.5, "value": 224700.0, "Latitude": 33.94, "Longitude": -117.93, "Population": 1820.0}, {"index": 10116, "quantile": 0.75, "value": 224700.0, "Latitude": 33.94, "Longitude": -117.93, "Population": 1820.0}, {"index": 10116, "quantile": 1.0, "value": 311300.0, "Latitude": 33.94, "Longitude": -117.93, "Population": 1820.0}, {"index": 10117, "quantile": 0.0, "value": 140200.0, "Latitude": 33.93, "Longitude": -117.93, "Population": 1702.0}, {"index": 10117, "quantile": 0.25, "value": 184400.0, "Latitude": 33.93, "Longitude": -117.93, "Population": 1702.0}, {"index": 10117, "quantile": 0.5, "value": 184400.0, "Latitude": 33.93, "Longitude": -117.93, "Population": 1702.0}, {"index": 10117, "quantile": 0.75, "value": 184400.0, "Latitude": 33.93, "Longitude": -117.93, "Population": 1702.0}, {"index": 10117, "quantile": 1.0, "value": 237500.0, "Latitude": 33.93, "Longitude": -117.93, "Population": 1702.0}, {"index": 10118, "quantile": 0.0, "value": 88900.0, "Latitude": 33.94, "Longitude": -117.92, "Population": 2045.0}, {"index": 10118, "quantile": 0.25, "value": 267700.0, "Latitude": 33.94, "Longitude": -117.92, "Population": 2045.0}, {"index": 10118, "quantile": 0.5, "value": 267700.0, "Latitude": 33.94, "Longitude": -117.92, "Population": 2045.0}, {"index": 10118, "quantile": 0.75, "value": 267700.0, "Latitude": 33.94, "Longitude": -117.92, "Population": 2045.0}, {"index": 10118, "quantile": 1.0, "value": 430900.0, "Latitude": 33.94, "Longitude": -117.92, "Population": 2045.0}, {"index": 10119, "quantile": 0.0, "value": 146400.0, "Latitude": 33.94, "Longitude": -117.92, "Population": 1255.0}, {"index": 10119, "quantile": 0.25, "value": 198200.0, "Latitude": 33.94, "Longitude": -117.92, "Population": 1255.0}, {"index": 10119, "quantile": 0.5, "value": 198200.0, "Latitude": 33.94, "Longitude": -117.92, "Population": 1255.0}, {"index": 10119, "quantile": 0.75, "value": 198200.0, "Latitude": 33.94, "Longitude": -117.92, "Population": 1255.0}, {"index": 10119, "quantile": 1.0, "value": 284000.0, "Latitude": 33.94, "Longitude": -117.92, "Population": 1255.0}, {"index": 10120, "quantile": 0.0, "value": 79300.0, "Latitude": 33.92, "Longitude": -117.93, "Population": 1393.0}, {"index": 10120, "quantile": 0.25, "value": 174400.0, "Latitude": 33.92, "Longitude": -117.93, "Population": 1393.0}, {"index": 10120, "quantile": 0.5, "value": 174400.0, "Latitude": 33.92, "Longitude": -117.93, "Population": 1393.0}, {"index": 10120, "quantile": 0.75, "value": 174400.0, "Latitude": 33.92, "Longitude": -117.93, "Population": 1393.0}, {"index": 10120, "quantile": 1.0, "value": 274300.0, "Latitude": 33.92, "Longitude": -117.93, "Population": 1393.0}, {"index": 10121, "quantile": 0.0, "value": 91300.0, "Latitude": 33.93, "Longitude": -117.93, "Population": 931.0}, {"index": 10121, "quantile": 0.25, "value": 137500.0, "Latitude": 33.93, "Longitude": -117.93, "Population": 931.0}, {"index": 10121, "quantile": 0.5, "value": 137500.0, "Latitude": 33.93, "Longitude": -117.93, "Population": 931.0}, {"index": 10121, "quantile": 0.75, "value": 157675.0, "Latitude": 33.93, "Longitude": -117.93, "Population": 931.0}, {"index": 10121, "quantile": 1.0, "value": 185600.0, "Latitude": 33.93, "Longitude": -117.93, "Population": 931.0}, {"index": 10122, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.93, "Longitude": -117.93, "Population": 1062.0}, {"index": 10122, "quantile": 0.25, "value": 139325.0, "Latitude": 33.93, "Longitude": -117.93, "Population": 1062.0}, {"index": 10122, "quantile": 0.5, "value": 139600.0, "Latitude": 33.93, "Longitude": -117.93, "Population": 1062.0}, {"index": 10122, "quantile": 0.75, "value": 139600.0, "Latitude": 33.93, "Longitude": -117.93, "Population": 1062.0}, {"index": 10122, "quantile": 1.0, "value": 205600.0, "Latitude": 33.93, "Longitude": -117.93, "Population": 1062.0}, {"index": 10123, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 33.93, "Longitude": -117.92, "Population": 1532.0}, {"index": 10123, "quantile": 0.25, "value": 166300.0, "Latitude": 33.93, "Longitude": -117.92, "Population": 1532.0}, {"index": 10123, "quantile": 0.5, "value": 166300.0, "Latitude": 33.93, "Longitude": -117.92, "Population": 1532.0}, {"index": 10123, "quantile": 0.75, "value": 176300.0, "Latitude": 33.93, "Longitude": -117.92, "Population": 1532.0}, {"index": 10123, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -117.92, "Population": 1532.0}, {"index": 10124, "quantile": 0.0, "value": 149900.0, "Latitude": 33.93, "Longitude": -117.91, "Population": 1207.0}, {"index": 10124, "quantile": 0.25, "value": 290200.0, "Latitude": 33.93, "Longitude": -117.91, "Population": 1207.0}, {"index": 10124, "quantile": 0.5, "value": 291700.0, "Latitude": 33.93, "Longitude": -117.91, "Population": 1207.0}, {"index": 10124, "quantile": 0.75, "value": 291700.0, "Latitude": 33.93, "Longitude": -117.91, "Population": 1207.0}, {"index": 10124, "quantile": 1.0, "value": 480800.0, "Latitude": 33.93, "Longitude": -117.91, "Population": 1207.0}, {"index": 10125, "quantile": 0.0, "value": 219600.00000000003, "Latitude": 33.94, "Longitude": -117.91, "Population": 2314.0}, {"index": 10125, "quantile": 0.25, "value": 348300.0, "Latitude": 33.94, "Longitude": -117.91, "Population": 2314.0}, {"index": 10125, "quantile": 0.5, "value": 350500.0, "Latitude": 33.94, "Longitude": -117.91, "Population": 2314.0}, {"index": 10125, "quantile": 0.75, "value": 350500.0, "Latitude": 33.94, "Longitude": -117.91, "Population": 2314.0}, {"index": 10125, "quantile": 1.0, "value": 491200.0, "Latitude": 33.94, "Longitude": -117.91, "Population": 2314.0}, {"index": 10126, "quantile": 0.0, "value": 106300.0, "Latitude": 33.94, "Longitude": -117.89, "Population": 1822.0}, {"index": 10126, "quantile": 0.25, "value": 227000.0, "Latitude": 33.94, "Longitude": -117.89, "Population": 1822.0}, {"index": 10126, "quantile": 0.5, "value": 227000.0, "Latitude": 33.94, "Longitude": -117.89, "Population": 1822.0}, {"index": 10126, "quantile": 0.75, "value": 227000.0, "Latitude": 33.94, "Longitude": -117.89, "Population": 1822.0}, {"index": 10126, "quantile": 1.0, "value": 293000.0, "Latitude": 33.94, "Longitude": -117.89, "Population": 1822.0}, {"index": 10127, "quantile": 0.0, "value": 253799.99999999997, "Latitude": 33.93, "Longitude": -117.88, "Population": 2771.0}, {"index": 10127, "quantile": 0.25, "value": 306700.0, "Latitude": 33.93, "Longitude": -117.88, "Population": 2771.0}, {"index": 10127, "quantile": 0.5, "value": 306700.0, "Latitude": 33.93, "Longitude": -117.88, "Population": 2771.0}, {"index": 10127, "quantile": 0.75, "value": 329175.0, "Latitude": 33.93, "Longitude": -117.88, "Population": 2771.0}, {"index": 10127, "quantile": 1.0, "value": 462700.0, "Latitude": 33.93, "Longitude": -117.88, "Population": 2771.0}, {"index": 10128, "quantile": 0.0, "value": 127800.0, "Latitude": 33.93, "Longitude": -117.9, "Population": 1897.0}, {"index": 10128, "quantile": 0.25, "value": 222625.00000000003, "Latitude": 33.93, "Longitude": -117.9, "Population": 1897.0}, {"index": 10128, "quantile": 0.5, "value": 247400.00000000003, "Latitude": 33.93, "Longitude": -117.9, "Population": 1897.0}, {"index": 10128, "quantile": 0.75, "value": 247400.00000000003, "Latitude": 33.93, "Longitude": -117.9, "Population": 1897.0}, {"index": 10128, "quantile": 1.0, "value": 430900.0, "Latitude": 33.93, "Longitude": -117.9, "Population": 1897.0}, {"index": 10129, "quantile": 0.0, "value": 167700.0, "Latitude": 33.92, "Longitude": -117.89, "Population": 1381.0}, {"index": 10129, "quantile": 0.25, "value": 190300.0, "Latitude": 33.92, "Longitude": -117.89, "Population": 1381.0}, {"index": 10129, "quantile": 0.5, "value": 190300.0, "Latitude": 33.92, "Longitude": -117.89, "Population": 1381.0}, {"index": 10129, "quantile": 0.75, "value": 220750.0, "Latitude": 33.92, "Longitude": -117.89, "Population": 1381.0}, {"index": 10129, "quantile": 1.0, "value": 362200.0, "Latitude": 33.92, "Longitude": -117.89, "Population": 1381.0}, {"index": 10130, "quantile": 0.0, "value": 156000.0, "Latitude": 33.92, "Longitude": -117.9, "Population": 391.0}, {"index": 10130, "quantile": 0.25, "value": 265875.00000000006, "Latitude": 33.92, "Longitude": -117.9, "Population": 391.0}, {"index": 10130, "quantile": 0.5, "value": 267600.0, "Latitude": 33.92, "Longitude": -117.9, "Population": 391.0}, {"index": 10130, "quantile": 0.75, "value": 267600.0, "Latitude": 33.92, "Longitude": -117.9, "Population": 391.0}, {"index": 10130, "quantile": 1.0, "value": 375000.0, "Latitude": 33.92, "Longitude": -117.9, "Population": 391.0}, {"index": 10131, "quantile": 0.0, "value": 89500.0, "Latitude": 33.92, "Longitude": -117.91, "Population": 398.0}, {"index": 10131, "quantile": 0.25, "value": 185925.0, "Latitude": 33.92, "Longitude": -117.91, "Population": 398.0}, {"index": 10131, "quantile": 0.5, "value": 208300.00000000003, "Latitude": 33.92, "Longitude": -117.91, "Population": 398.0}, {"index": 10131, "quantile": 0.75, "value": 208300.00000000003, "Latitude": 33.92, "Longitude": -117.91, "Population": 398.0}, {"index": 10131, "quantile": 1.0, "value": 350000.0, "Latitude": 33.92, "Longitude": -117.91, "Population": 398.0}, {"index": 10132, "quantile": 0.0, "value": 145300.0, "Latitude": 33.91, "Longitude": -117.91, "Population": 1555.0}, {"index": 10132, "quantile": 0.25, "value": 185825.0, "Latitude": 33.91, "Longitude": -117.91, "Population": 1555.0}, {"index": 10132, "quantile": 0.5, "value": 196400.0, "Latitude": 33.91, "Longitude": -117.91, "Population": 1555.0}, {"index": 10132, "quantile": 0.75, "value": 196400.0, "Latitude": 33.91, "Longitude": -117.91, "Population": 1555.0}, {"index": 10132, "quantile": 1.0, "value": 237500.0, "Latitude": 33.91, "Longitude": -117.91, "Population": 1555.0}, {"index": 10133, "quantile": 0.0, "value": 166300.0, "Latitude": 33.91, "Longitude": -117.91, "Population": 894.0}, {"index": 10133, "quantile": 0.25, "value": 194300.0, "Latitude": 33.91, "Longitude": -117.91, "Population": 894.0}, {"index": 10133, "quantile": 0.5, "value": 213700.0, "Latitude": 33.91, "Longitude": -117.91, "Population": 894.0}, {"index": 10133, "quantile": 0.75, "value": 234900.00000000003, "Latitude": 33.91, "Longitude": -117.91, "Population": 894.0}, {"index": 10133, "quantile": 1.0, "value": 354200.0, "Latitude": 33.91, "Longitude": -117.91, "Population": 894.0}, {"index": 10134, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 33.91, "Longitude": -117.91, "Population": 666.0}, {"index": 10134, "quantile": 0.25, "value": 230200.0, "Latitude": 33.91, "Longitude": -117.91, "Population": 666.0}, {"index": 10134, "quantile": 0.5, "value": 230200.0, "Latitude": 33.91, "Longitude": -117.91, "Population": 666.0}, {"index": 10134, "quantile": 0.75, "value": 239299.99999999997, "Latitude": 33.91, "Longitude": -117.91, "Population": 666.0}, {"index": 10134, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.91, "Longitude": -117.91, "Population": 666.0}, {"index": 10135, "quantile": 0.0, "value": 128400.0, "Latitude": 33.91, "Longitude": -117.91, "Population": 1015.0}, {"index": 10135, "quantile": 0.25, "value": 264100.0, "Latitude": 33.91, "Longitude": -117.91, "Population": 1015.0}, {"index": 10135, "quantile": 0.5, "value": 267100.0, "Latitude": 33.91, "Longitude": -117.91, "Population": 1015.0}, {"index": 10135, "quantile": 0.75, "value": 267100.0, "Latitude": 33.91, "Longitude": -117.91, "Population": 1015.0}, {"index": 10135, "quantile": 1.0, "value": 445700.0, "Latitude": 33.91, "Longitude": -117.91, "Population": 1015.0}, {"index": 10136, "quantile": 0.0, "value": 140200.0, "Latitude": 33.92, "Longitude": -117.89, "Population": 1025.0}, {"index": 10136, "quantile": 0.25, "value": 170400.0, "Latitude": 33.92, "Longitude": -117.89, "Population": 1025.0}, {"index": 10136, "quantile": 0.5, "value": 170400.0, "Latitude": 33.92, "Longitude": -117.89, "Population": 1025.0}, {"index": 10136, "quantile": 0.75, "value": 170400.0, "Latitude": 33.92, "Longitude": -117.89, "Population": 1025.0}, {"index": 10136, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 33.92, "Longitude": -117.89, "Population": 1025.0}, {"index": 10137, "quantile": 0.0, "value": 87600.0, "Latitude": 33.91, "Longitude": -117.89, "Population": 527.0}, {"index": 10137, "quantile": 0.25, "value": 216500.0, "Latitude": 33.91, "Longitude": -117.89, "Population": 527.0}, {"index": 10137, "quantile": 0.5, "value": 216500.0, "Latitude": 33.91, "Longitude": -117.89, "Population": 527.0}, {"index": 10137, "quantile": 0.75, "value": 216500.0, "Latitude": 33.91, "Longitude": -117.89, "Population": 527.0}, {"index": 10137, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.91, "Longitude": -117.89, "Population": 527.0}, {"index": 10138, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.91, "Longitude": -117.9, "Population": 687.0}, {"index": 10138, "quantile": 0.25, "value": 195400.0, "Latitude": 33.91, "Longitude": -117.9, "Population": 687.0}, {"index": 10138, "quantile": 0.5, "value": 195400.0, "Latitude": 33.91, "Longitude": -117.9, "Population": 687.0}, {"index": 10138, "quantile": 0.75, "value": 195400.0, "Latitude": 33.91, "Longitude": -117.9, "Population": 687.0}, {"index": 10138, "quantile": 1.0, "value": 476700.00000000006, "Latitude": 33.91, "Longitude": -117.9, "Population": 687.0}, {"index": 10139, "quantile": 0.0, "value": 86500.0, "Latitude": 33.92, "Longitude": -117.89, "Population": 1281.0}, {"index": 10139, "quantile": 0.25, "value": 151625.0, "Latitude": 33.92, "Longitude": -117.89, "Population": 1281.0}, {"index": 10139, "quantile": 0.5, "value": 174650.00000000003, "Latitude": 33.92, "Longitude": -117.89, "Population": 1281.0}, {"index": 10139, "quantile": 0.75, "value": 194575.0, "Latitude": 33.92, "Longitude": -117.89, "Population": 1281.0}, {"index": 10139, "quantile": 1.0, "value": 324400.0, "Latitude": 33.92, "Longitude": -117.89, "Population": 1281.0}, {"index": 10140, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.92, "Longitude": -117.89, "Population": 609.0}, {"index": 10140, "quantile": 0.25, "value": 125000.0, "Latitude": 33.92, "Longitude": -117.89, "Population": 609.0}, {"index": 10140, "quantile": 0.5, "value": 125000.0, "Latitude": 33.92, "Longitude": -117.89, "Population": 609.0}, {"index": 10140, "quantile": 0.75, "value": 127899.99999999999, "Latitude": 33.92, "Longitude": -117.89, "Population": 609.0}, {"index": 10140, "quantile": 1.0, "value": 354000.0, "Latitude": 33.92, "Longitude": -117.89, "Population": 609.0}, {"index": 10141, "quantile": 0.0, "value": 239000.0, "Latitude": 33.9, "Longitude": -117.89, "Population": 652.0}, {"index": 10141, "quantile": 0.25, "value": 288700.0, "Latitude": 33.9, "Longitude": -117.89, "Population": 652.0}, {"index": 10141, "quantile": 0.5, "value": 288700.0, "Latitude": 33.9, "Longitude": -117.89, "Population": 652.0}, {"index": 10141, "quantile": 0.75, "value": 288700.0, "Latitude": 33.9, "Longitude": -117.89, "Population": 652.0}, {"index": 10141, "quantile": 1.0, "value": 404300.0, "Latitude": 33.9, "Longitude": -117.89, "Population": 652.0}, {"index": 10142, "quantile": 0.0, "value": 235200.0, "Latitude": 33.9, "Longitude": -117.89, "Population": 693.0}, {"index": 10142, "quantile": 0.25, "value": 258199.99999999997, "Latitude": 33.9, "Longitude": -117.89, "Population": 693.0}, {"index": 10142, "quantile": 0.5, "value": 258199.99999999997, "Latitude": 33.9, "Longitude": -117.89, "Population": 693.0}, {"index": 10142, "quantile": 0.75, "value": 341100.0, "Latitude": 33.9, "Longitude": -117.89, "Population": 693.0}, {"index": 10142, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -117.89, "Population": 693.0}, {"index": 10143, "quantile": 0.0, "value": 106300.0, "Latitude": 33.9, "Longitude": -117.9, "Population": 1002.0}, {"index": 10143, "quantile": 0.25, "value": 198425.0, "Latitude": 33.9, "Longitude": -117.9, "Population": 1002.0}, {"index": 10143, "quantile": 0.5, "value": 212900.0, "Latitude": 33.9, "Longitude": -117.9, "Population": 1002.0}, {"index": 10143, "quantile": 0.75, "value": 252425.0, "Latitude": 33.9, "Longitude": -117.9, "Population": 1002.0}, {"index": 10143, "quantile": 1.0, "value": 413999.99999999994, "Latitude": 33.9, "Longitude": -117.9, "Population": 1002.0}, {"index": 10144, "quantile": 0.0, "value": 132300.0, "Latitude": 33.91, "Longitude": -117.9, "Population": 1227.0}, {"index": 10144, "quantile": 0.25, "value": 226600.0, "Latitude": 33.91, "Longitude": -117.9, "Population": 1227.0}, {"index": 10144, "quantile": 0.5, "value": 226600.0, "Latitude": 33.91, "Longitude": -117.9, "Population": 1227.0}, {"index": 10144, "quantile": 0.75, "value": 233800.0, "Latitude": 33.91, "Longitude": -117.9, "Population": 1227.0}, {"index": 10144, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.91, "Longitude": -117.9, "Population": 1227.0}, {"index": 10145, "quantile": 0.0, "value": 174400.0, "Latitude": 33.91, "Longitude": -117.9, "Population": 2049.0}, {"index": 10145, "quantile": 0.25, "value": 201600.0, "Latitude": 33.91, "Longitude": -117.9, "Population": 2049.0}, {"index": 10145, "quantile": 0.5, "value": 201600.0, "Latitude": 33.91, "Longitude": -117.9, "Population": 2049.0}, {"index": 10145, "quantile": 0.75, "value": 201724.99999999997, "Latitude": 33.91, "Longitude": -117.9, "Population": 2049.0}, {"index": 10145, "quantile": 1.0, "value": 340700.0, "Latitude": 33.91, "Longitude": -117.9, "Population": 2049.0}, {"index": 10146, "quantile": 0.0, "value": 155500.0, "Latitude": 33.92, "Longitude": -117.92, "Population": 1272.0}, {"index": 10146, "quantile": 0.25, "value": 281250.0, "Latitude": 33.92, "Longitude": -117.92, "Population": 1272.0}, {"index": 10146, "quantile": 0.5, "value": 302100.0, "Latitude": 33.92, "Longitude": -117.92, "Population": 1272.0}, {"index": 10146, "quantile": 0.75, "value": 302100.0, "Latitude": 33.92, "Longitude": -117.92, "Population": 1272.0}, {"index": 10146, "quantile": 1.0, "value": 436700.0, "Latitude": 33.92, "Longitude": -117.92, "Population": 1272.0}, {"index": 10147, "quantile": 0.0, "value": 173400.0, "Latitude": 33.91, "Longitude": -117.92, "Population": 1204.0}, {"index": 10147, "quantile": 0.25, "value": 311975.0, "Latitude": 33.91, "Longitude": -117.92, "Population": 1204.0}, {"index": 10147, "quantile": 0.5, "value": 336900.0, "Latitude": 33.91, "Longitude": -117.92, "Population": 1204.0}, {"index": 10147, "quantile": 0.75, "value": 336900.0, "Latitude": 33.91, "Longitude": -117.92, "Population": 1204.0}, {"index": 10147, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.91, "Longitude": -117.92, "Population": 1204.0}, {"index": 10148, "quantile": 0.0, "value": 390500.0, "Latitude": 33.91, "Longitude": -117.92, "Population": 891.0}, {"index": 10148, "quantile": 0.25, "value": 411800.00000000006, "Latitude": 33.91, "Longitude": -117.92, "Population": 891.0}, {"index": 10148, "quantile": 0.5, "value": 411800.00000000006, "Latitude": 33.91, "Longitude": -117.92, "Population": 891.0}, {"index": 10148, "quantile": 0.75, "value": 498950.24999999994, "Latitude": 33.91, "Longitude": -117.92, "Population": 891.0}, {"index": 10148, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.91, "Longitude": -117.92, "Population": 891.0}, {"index": 10149, "quantile": 0.0, "value": 293500.0, "Latitude": 33.9, "Longitude": -117.91, "Population": 383.0}, {"index": 10149, "quantile": 0.25, "value": 293500.0, "Latitude": 33.9, "Longitude": -117.91, "Population": 383.0}, {"index": 10149, "quantile": 0.5, "value": 293500.0, "Latitude": 33.9, "Longitude": -117.91, "Population": 383.0}, {"index": 10149, "quantile": 0.75, "value": 454300.0, "Latitude": 33.9, "Longitude": -117.91, "Population": 383.0}, {"index": 10149, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -117.91, "Population": 383.0}, {"index": 10150, "quantile": 0.0, "value": 166300.0, "Latitude": 33.89, "Longitude": -117.92, "Population": 1116.0}, {"index": 10150, "quantile": 0.25, "value": 288199.99999999994, "Latitude": 33.89, "Longitude": -117.92, "Population": 1116.0}, {"index": 10150, "quantile": 0.5, "value": 400000.0, "Latitude": 33.89, "Longitude": -117.92, "Population": 1116.0}, {"index": 10150, "quantile": 0.75, "value": 400000.0, "Latitude": 33.89, "Longitude": -117.92, "Population": 1116.0}, {"index": 10150, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -117.92, "Population": 1116.0}, {"index": 10151, "quantile": 0.0, "value": 143000.0, "Latitude": 33.9, "Longitude": -117.92, "Population": 1010.0}, {"index": 10151, "quantile": 0.25, "value": 274700.0, "Latitude": 33.9, "Longitude": -117.92, "Population": 1010.0}, {"index": 10151, "quantile": 0.5, "value": 337900.0, "Latitude": 33.9, "Longitude": -117.92, "Population": 1010.0}, {"index": 10151, "quantile": 0.75, "value": 337900.0, "Latitude": 33.9, "Longitude": -117.92, "Population": 1010.0}, {"index": 10151, "quantile": 1.0, "value": 402600.0, "Latitude": 33.9, "Longitude": -117.92, "Population": 1010.0}, {"index": 10152, "quantile": 0.0, "value": 144100.0, "Latitude": 33.91, "Longitude": -117.93, "Population": 676.0}, {"index": 10152, "quantile": 0.25, "value": 328600.0, "Latitude": 33.91, "Longitude": -117.93, "Population": 676.0}, {"index": 10152, "quantile": 0.5, "value": 364600.0, "Latitude": 33.91, "Longitude": -117.93, "Population": 676.0}, {"index": 10152, "quantile": 0.75, "value": 364600.0, "Latitude": 33.91, "Longitude": -117.93, "Population": 676.0}, {"index": 10152, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.91, "Longitude": -117.93, "Population": 676.0}, {"index": 10153, "quantile": 0.0, "value": 182400.0, "Latitude": 33.9, "Longitude": -117.9, "Population": 1430.0}, {"index": 10153, "quantile": 0.25, "value": 349600.0, "Latitude": 33.9, "Longitude": -117.9, "Population": 1430.0}, {"index": 10153, "quantile": 0.5, "value": 349600.0, "Latitude": 33.9, "Longitude": -117.9, "Population": 1430.0}, {"index": 10153, "quantile": 0.75, "value": 349600.0, "Latitude": 33.9, "Longitude": -117.9, "Population": 1430.0}, {"index": 10153, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -117.9, "Population": 1430.0}, {"index": 10154, "quantile": 0.0, "value": 235200.0, "Latitude": 33.88, "Longitude": -117.9, "Population": 947.0}, {"index": 10154, "quantile": 0.25, "value": 411800.00000000006, "Latitude": 33.88, "Longitude": -117.9, "Population": 947.0}, {"index": 10154, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -117.9, "Population": 947.0}, {"index": 10154, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -117.9, "Population": 947.0}, {"index": 10154, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -117.9, "Population": 947.0}, {"index": 10155, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 33.89, "Longitude": -117.89, "Population": 678.0}, {"index": 10155, "quantile": 0.25, "value": 467600.0, "Latitude": 33.89, "Longitude": -117.89, "Population": 678.0}, {"index": 10155, "quantile": 0.5, "value": 467600.0, "Latitude": 33.89, "Longitude": -117.89, "Population": 678.0}, {"index": 10155, "quantile": 0.75, "value": 478599.99999999994, "Latitude": 33.89, "Longitude": -117.89, "Population": 678.0}, {"index": 10155, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -117.89, "Population": 678.0}, {"index": 10156, "quantile": 0.0, "value": 87500.0, "Latitude": 33.89, "Longitude": -117.92, "Population": 622.0}, {"index": 10156, "quantile": 0.25, "value": 166425.0, "Latitude": 33.89, "Longitude": -117.92, "Population": 622.0}, {"index": 10156, "quantile": 0.5, "value": 191500.0, "Latitude": 33.89, "Longitude": -117.92, "Population": 622.0}, {"index": 10156, "quantile": 0.75, "value": 285000.0, "Latitude": 33.89, "Longitude": -117.92, "Population": 622.0}, {"index": 10156, "quantile": 1.0, "value": 430900.0, "Latitude": 33.89, "Longitude": -117.92, "Population": 622.0}, {"index": 10157, "quantile": 0.0, "value": 181100.0, "Latitude": 33.91, "Longitude": -117.97, "Population": 3853.0}, {"index": 10157, "quantile": 0.25, "value": 269500.0, "Latitude": 33.91, "Longitude": -117.97, "Population": 3853.0}, {"index": 10157, "quantile": 0.5, "value": 269500.0, "Latitude": 33.91, "Longitude": -117.97, "Population": 3853.0}, {"index": 10157, "quantile": 0.75, "value": 269500.0, "Latitude": 33.91, "Longitude": -117.97, "Population": 3853.0}, {"index": 10157, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.91, "Longitude": -117.97, "Population": 3853.0}, {"index": 10158, "quantile": 0.0, "value": 141200.0, "Latitude": 33.9, "Longitude": -117.96, "Population": 1070.0}, {"index": 10158, "quantile": 0.25, "value": 275825.00000000006, "Latitude": 33.9, "Longitude": -117.96, "Population": 1070.0}, {"index": 10158, "quantile": 0.5, "value": 331200.0, "Latitude": 33.9, "Longitude": -117.96, "Population": 1070.0}, {"index": 10158, "quantile": 0.75, "value": 361900.0, "Latitude": 33.9, "Longitude": -117.96, "Population": 1070.0}, {"index": 10158, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -117.96, "Population": 1070.0}, {"index": 10159, "quantile": 0.0, "value": 250999.99999999997, "Latitude": 33.9, "Longitude": -117.95, "Population": 1679.0}, {"index": 10159, "quantile": 0.25, "value": 354525.0, "Latitude": 33.9, "Longitude": -117.95, "Population": 1679.0}, {"index": 10159, "quantile": 0.5, "value": 372600.0, "Latitude": 33.9, "Longitude": -117.95, "Population": 1679.0}, {"index": 10159, "quantile": 0.75, "value": 372600.0, "Latitude": 33.9, "Longitude": -117.95, "Population": 1679.0}, {"index": 10159, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -117.95, "Population": 1679.0}, {"index": 10160, "quantile": 0.0, "value": 204100.0, "Latitude": 33.9, "Longitude": -117.96, "Population": 1213.0}, {"index": 10160, "quantile": 0.25, "value": 346900.0, "Latitude": 33.9, "Longitude": -117.96, "Population": 1213.0}, {"index": 10160, "quantile": 0.5, "value": 346900.0, "Latitude": 33.9, "Longitude": -117.96, "Population": 1213.0}, {"index": 10160, "quantile": 0.75, "value": 346900.0, "Latitude": 33.9, "Longitude": -117.96, "Population": 1213.0}, {"index": 10160, "quantile": 1.0, "value": 393100.0, "Latitude": 33.9, "Longitude": -117.96, "Population": 1213.0}, {"index": 10161, "quantile": 0.0, "value": 87500.0, "Latitude": 33.9, "Longitude": -117.98, "Population": 506.0}, {"index": 10161, "quantile": 0.25, "value": 146800.0, "Latitude": 33.9, "Longitude": -117.98, "Population": 506.0}, {"index": 10161, "quantile": 0.5, "value": 146800.0, "Latitude": 33.9, "Longitude": -117.98, "Population": 506.0}, {"index": 10161, "quantile": 0.75, "value": 191699.99999999997, "Latitude": 33.9, "Longitude": -117.98, "Population": 506.0}, {"index": 10161, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 33.9, "Longitude": -117.98, "Population": 506.0}, {"index": 10162, "quantile": 0.0, "value": 149900.0, "Latitude": 33.88, "Longitude": -117.96, "Population": 1588.0}, {"index": 10162, "quantile": 0.25, "value": 291700.0, "Latitude": 33.88, "Longitude": -117.96, "Population": 1588.0}, {"index": 10162, "quantile": 0.5, "value": 341300.0, "Latitude": 33.88, "Longitude": -117.96, "Population": 1588.0}, {"index": 10162, "quantile": 0.75, "value": 341300.0, "Latitude": 33.88, "Longitude": -117.96, "Population": 1588.0}, {"index": 10162, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.88, "Longitude": -117.96, "Population": 1588.0}, {"index": 10163, "quantile": 0.0, "value": 244800.0, "Latitude": 33.89, "Longitude": -117.95, "Population": 755.0}, {"index": 10163, "quantile": 0.25, "value": 349000.0, "Latitude": 33.89, "Longitude": -117.95, "Population": 755.0}, {"index": 10163, "quantile": 0.5, "value": 349000.0, "Latitude": 33.89, "Longitude": -117.95, "Population": 755.0}, {"index": 10163, "quantile": 0.75, "value": 349000.0, "Latitude": 33.89, "Longitude": -117.95, "Population": 755.0}, {"index": 10163, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -117.95, "Population": 755.0}, {"index": 10164, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 33.89, "Longitude": -117.96, "Population": 625.0}, {"index": 10164, "quantile": 0.25, "value": 241100.0, "Latitude": 33.89, "Longitude": -117.96, "Population": 625.0}, {"index": 10164, "quantile": 0.5, "value": 334100.0, "Latitude": 33.89, "Longitude": -117.96, "Population": 625.0}, {"index": 10164, "quantile": 0.75, "value": 334100.0, "Latitude": 33.89, "Longitude": -117.96, "Population": 625.0}, {"index": 10164, "quantile": 1.0, "value": 364600.0, "Latitude": 33.89, "Longitude": -117.96, "Population": 625.0}, {"index": 10165, "quantile": 0.0, "value": 105300.0, "Latitude": 33.91, "Longitude": -117.94, "Population": 3946.0}, {"index": 10165, "quantile": 0.25, "value": 313000.0, "Latitude": 33.91, "Longitude": -117.94, "Population": 3946.0}, {"index": 10165, "quantile": 0.5, "value": 313000.0, "Latitude": 33.91, "Longitude": -117.94, "Population": 3946.0}, {"index": 10165, "quantile": 0.75, "value": 313000.0, "Latitude": 33.91, "Longitude": -117.94, "Population": 3946.0}, {"index": 10165, "quantile": 1.0, "value": 342600.0, "Latitude": 33.91, "Longitude": -117.94, "Population": 3946.0}, {"index": 10166, "quantile": 0.0, "value": 411800.00000000006, "Latitude": 33.9, "Longitude": -117.93, "Population": 956.0}, {"index": 10166, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -117.93, "Population": 956.0}, {"index": 10166, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -117.93, "Population": 956.0}, {"index": 10166, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -117.93, "Population": 956.0}, {"index": 10166, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -117.93, "Population": 956.0}, {"index": 10167, "quantile": 0.0, "value": 255900.00000000003, "Latitude": 33.89, "Longitude": -117.94, "Population": 1076.0}, {"index": 10167, "quantile": 0.25, "value": 397250.0, "Latitude": 33.89, "Longitude": -117.94, "Population": 1076.0}, {"index": 10167, "quantile": 0.5, "value": 459600.0, "Latitude": 33.89, "Longitude": -117.94, "Population": 1076.0}, {"index": 10167, "quantile": 0.75, "value": 459600.0, "Latitude": 33.89, "Longitude": -117.94, "Population": 1076.0}, {"index": 10167, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -117.94, "Population": 1076.0}, {"index": 10168, "quantile": 0.0, "value": 158200.0, "Latitude": 33.88, "Longitude": -117.94, "Population": 833.0}, {"index": 10168, "quantile": 0.25, "value": 364975.0, "Latitude": 33.88, "Longitude": -117.94, "Population": 833.0}, {"index": 10168, "quantile": 0.5, "value": 365100.0, "Latitude": 33.88, "Longitude": -117.94, "Population": 833.0}, {"index": 10168, "quantile": 0.75, "value": 365100.0, "Latitude": 33.88, "Longitude": -117.94, "Population": 833.0}, {"index": 10168, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -117.94, "Population": 833.0}, {"index": 10169, "quantile": 0.0, "value": 357600.0, "Latitude": 33.9, "Longitude": -117.94, "Population": 711.0}, {"index": 10169, "quantile": 0.25, "value": 499650.75, "Latitude": 33.9, "Longitude": -117.94, "Population": 711.0}, {"index": 10169, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -117.94, "Population": 711.0}, {"index": 10169, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -117.94, "Population": 711.0}, {"index": 10169, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -117.94, "Population": 711.0}, {"index": 10170, "quantile": 0.0, "value": 112500.0, "Latitude": 33.87, "Longitude": -117.98, "Population": 1435.0}, {"index": 10170, "quantile": 0.25, "value": 188800.0, "Latitude": 33.87, "Longitude": -117.98, "Population": 1435.0}, {"index": 10170, "quantile": 0.5, "value": 188800.0, "Latitude": 33.87, "Longitude": -117.98, "Population": 1435.0}, {"index": 10170, "quantile": 0.75, "value": 188800.0, "Latitude": 33.87, "Longitude": -117.98, "Population": 1435.0}, {"index": 10170, "quantile": 1.0, "value": 237500.0, "Latitude": 33.87, "Longitude": -117.98, "Population": 1435.0}, {"index": 10171, "quantile": 0.0, "value": 140200.0, "Latitude": 33.87, "Longitude": -117.98, "Population": 937.0}, {"index": 10171, "quantile": 0.25, "value": 158700.0, "Latitude": 33.87, "Longitude": -117.98, "Population": 937.0}, {"index": 10171, "quantile": 0.5, "value": 158700.0, "Latitude": 33.87, "Longitude": -117.98, "Population": 937.0}, {"index": 10171, "quantile": 0.75, "value": 169050.0, "Latitude": 33.87, "Longitude": -117.98, "Population": 937.0}, {"index": 10171, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 33.87, "Longitude": -117.98, "Population": 937.0}, {"index": 10172, "quantile": 0.0, "value": 137500.0, "Latitude": 33.86, "Longitude": -117.98, "Population": 726.0}, {"index": 10172, "quantile": 0.25, "value": 137500.0, "Latitude": 33.86, "Longitude": -117.98, "Population": 726.0}, {"index": 10172, "quantile": 0.5, "value": 137500.0, "Latitude": 33.86, "Longitude": -117.98, "Population": 726.0}, {"index": 10172, "quantile": 0.75, "value": 183250.0, "Latitude": 33.86, "Longitude": -117.98, "Population": 726.0}, {"index": 10172, "quantile": 1.0, "value": 350000.0, "Latitude": 33.86, "Longitude": -117.98, "Population": 726.0}, {"index": 10173, "quantile": 0.0, "value": 137000.0, "Latitude": 33.86, "Longitude": -117.98, "Population": 781.0}, {"index": 10173, "quantile": 0.25, "value": 205799.99999999997, "Latitude": 33.86, "Longitude": -117.98, "Population": 781.0}, {"index": 10173, "quantile": 0.5, "value": 205799.99999999997, "Latitude": 33.86, "Longitude": -117.98, "Population": 781.0}, {"index": 10173, "quantile": 0.75, "value": 212600.00000000003, "Latitude": 33.86, "Longitude": -117.98, "Population": 781.0}, {"index": 10173, "quantile": 1.0, "value": 334100.0, "Latitude": 33.86, "Longitude": -117.98, "Population": 781.0}, {"index": 10174, "quantile": 0.0, "value": 132800.0, "Latitude": 33.87, "Longitude": -117.97, "Population": 1255.0}, {"index": 10174, "quantile": 0.25, "value": 169200.0, "Latitude": 33.87, "Longitude": -117.97, "Population": 1255.0}, {"index": 10174, "quantile": 0.5, "value": 169200.0, "Latitude": 33.87, "Longitude": -117.97, "Population": 1255.0}, {"index": 10174, "quantile": 0.75, "value": 181400.0, "Latitude": 33.87, "Longitude": -117.97, "Population": 1255.0}, {"index": 10174, "quantile": 1.0, "value": 218200.0, "Latitude": 33.87, "Longitude": -117.97, "Population": 1255.0}, {"index": 10175, "quantile": 0.0, "value": 131200.0, "Latitude": 33.86, "Longitude": -117.97, "Population": 1682.0}, {"index": 10175, "quantile": 0.25, "value": 161700.0, "Latitude": 33.86, "Longitude": -117.97, "Population": 1682.0}, {"index": 10175, "quantile": 0.5, "value": 161700.0, "Latitude": 33.86, "Longitude": -117.97, "Population": 1682.0}, {"index": 10175, "quantile": 0.75, "value": 161700.0, "Latitude": 33.86, "Longitude": -117.97, "Population": 1682.0}, {"index": 10175, "quantile": 1.0, "value": 220100.0, "Latitude": 33.86, "Longitude": -117.97, "Population": 1682.0}, {"index": 10176, "quantile": 0.0, "value": 112500.0, "Latitude": 33.86, "Longitude": -117.97, "Population": 1265.0}, {"index": 10176, "quantile": 0.25, "value": 174300.0, "Latitude": 33.86, "Longitude": -117.97, "Population": 1265.0}, {"index": 10176, "quantile": 0.5, "value": 174300.0, "Latitude": 33.86, "Longitude": -117.97, "Population": 1265.0}, {"index": 10176, "quantile": 0.75, "value": 174300.0, "Latitude": 33.86, "Longitude": -117.97, "Population": 1265.0}, {"index": 10176, "quantile": 1.0, "value": 276000.0, "Latitude": 33.86, "Longitude": -117.97, "Population": 1265.0}, {"index": 10177, "quantile": 0.0, "value": 101600.0, "Latitude": 33.86, "Longitude": -117.97, "Population": 1022.0}, {"index": 10177, "quantile": 0.25, "value": 144975.0, "Latitude": 33.86, "Longitude": -117.97, "Population": 1022.0}, {"index": 10177, "quantile": 0.5, "value": 179600.0, "Latitude": 33.86, "Longitude": -117.97, "Population": 1022.0}, {"index": 10177, "quantile": 0.75, "value": 195200.0, "Latitude": 33.86, "Longitude": -117.97, "Population": 1022.0}, {"index": 10177, "quantile": 1.0, "value": 344400.0, "Latitude": 33.86, "Longitude": -117.97, "Population": 1022.0}, {"index": 10178, "quantile": 0.0, "value": 144600.0, "Latitude": 33.86, "Longitude": -117.96, "Population": 1230.0}, {"index": 10178, "quantile": 0.25, "value": 184900.0, "Latitude": 33.86, "Longitude": -117.96, "Population": 1230.0}, {"index": 10178, "quantile": 0.5, "value": 184900.0, "Latitude": 33.86, "Longitude": -117.96, "Population": 1230.0}, {"index": 10178, "quantile": 0.75, "value": 190950.0, "Latitude": 33.86, "Longitude": -117.96, "Population": 1230.0}, {"index": 10178, "quantile": 1.0, "value": 243200.0, "Latitude": 33.86, "Longitude": -117.96, "Population": 1230.0}, {"index": 10179, "quantile": 0.0, "value": 161400.0, "Latitude": 33.86, "Longitude": -117.96, "Population": 1249.0}, {"index": 10179, "quantile": 0.25, "value": 183200.0, "Latitude": 33.86, "Longitude": -117.96, "Population": 1249.0}, {"index": 10179, "quantile": 0.5, "value": 183200.0, "Latitude": 33.86, "Longitude": -117.96, "Population": 1249.0}, {"index": 10179, "quantile": 0.75, "value": 187200.0, "Latitude": 33.86, "Longitude": -117.96, "Population": 1249.0}, {"index": 10179, "quantile": 1.0, "value": 221300.0, "Latitude": 33.86, "Longitude": -117.96, "Population": 1249.0}, {"index": 10180, "quantile": 0.0, "value": 164800.0, "Latitude": 33.87, "Longitude": -117.96, "Population": 1152.0}, {"index": 10180, "quantile": 0.25, "value": 187500.0, "Latitude": 33.87, "Longitude": -117.96, "Population": 1152.0}, {"index": 10180, "quantile": 0.5, "value": 187500.0, "Latitude": 33.87, "Longitude": -117.96, "Population": 1152.0}, {"index": 10180, "quantile": 0.75, "value": 187500.0, "Latitude": 33.87, "Longitude": -117.96, "Population": 1152.0}, {"index": 10180, "quantile": 1.0, "value": 276000.0, "Latitude": 33.87, "Longitude": -117.96, "Population": 1152.0}, {"index": 10181, "quantile": 0.0, "value": 147300.0, "Latitude": 33.86, "Longitude": -117.95, "Population": 1343.0}, {"index": 10181, "quantile": 0.25, "value": 183400.0, "Latitude": 33.86, "Longitude": -117.95, "Population": 1343.0}, {"index": 10181, "quantile": 0.5, "value": 190600.0, "Latitude": 33.86, "Longitude": -117.95, "Population": 1343.0}, {"index": 10181, "quantile": 0.75, "value": 210050.00000000003, "Latitude": 33.86, "Longitude": -117.95, "Population": 1343.0}, {"index": 10181, "quantile": 1.0, "value": 354200.0, "Latitude": 33.86, "Longitude": -117.95, "Population": 1343.0}, {"index": 10182, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 33.86, "Longitude": -117.95, "Population": 1333.0}, {"index": 10182, "quantile": 0.25, "value": 213625.0, "Latitude": 33.86, "Longitude": -117.95, "Population": 1333.0}, {"index": 10182, "quantile": 0.5, "value": 219700.0, "Latitude": 33.86, "Longitude": -117.95, "Population": 1333.0}, {"index": 10182, "quantile": 0.75, "value": 234600.0, "Latitude": 33.86, "Longitude": -117.95, "Population": 1333.0}, {"index": 10182, "quantile": 1.0, "value": 485700.0, "Latitude": 33.86, "Longitude": -117.95, "Population": 1333.0}, {"index": 10183, "quantile": 0.0, "value": 78300.0, "Latitude": 33.86, "Longitude": -117.96, "Population": 1283.0}, {"index": 10183, "quantile": 0.25, "value": 194775.0, "Latitude": 33.86, "Longitude": -117.96, "Population": 1283.0}, {"index": 10183, "quantile": 0.5, "value": 200199.99999999997, "Latitude": 33.86, "Longitude": -117.96, "Population": 1283.0}, {"index": 10183, "quantile": 0.75, "value": 231325.0, "Latitude": 33.86, "Longitude": -117.96, "Population": 1283.0}, {"index": 10183, "quantile": 1.0, "value": 324400.0, "Latitude": 33.86, "Longitude": -117.96, "Population": 1283.0}, {"index": 10184, "quantile": 0.0, "value": 158200.0, "Latitude": 33.88, "Longitude": -117.94, "Population": 770.0}, {"index": 10184, "quantile": 0.25, "value": 256000.0, "Latitude": 33.88, "Longitude": -117.94, "Population": 770.0}, {"index": 10184, "quantile": 0.5, "value": 256000.0, "Latitude": 33.88, "Longitude": -117.94, "Population": 770.0}, {"index": 10184, "quantile": 0.75, "value": 256000.0, "Latitude": 33.88, "Longitude": -117.94, "Population": 770.0}, {"index": 10184, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 33.88, "Longitude": -117.94, "Population": 770.0}, {"index": 10185, "quantile": 0.0, "value": 161100.0, "Latitude": 33.87, "Longitude": -117.95, "Population": 938.0}, {"index": 10185, "quantile": 0.25, "value": 184900.0, "Latitude": 33.87, "Longitude": -117.95, "Population": 938.0}, {"index": 10185, "quantile": 0.5, "value": 184900.0, "Latitude": 33.87, "Longitude": -117.95, "Population": 938.0}, {"index": 10185, "quantile": 0.75, "value": 191700.0, "Latitude": 33.87, "Longitude": -117.95, "Population": 938.0}, {"index": 10185, "quantile": 1.0, "value": 252199.99999999997, "Latitude": 33.87, "Longitude": -117.95, "Population": 938.0}, {"index": 10186, "quantile": 0.0, "value": 124400.0, "Latitude": 33.87, "Longitude": -117.95, "Population": 1115.0}, {"index": 10186, "quantile": 0.25, "value": 173900.0, "Latitude": 33.87, "Longitude": -117.95, "Population": 1115.0}, {"index": 10186, "quantile": 0.5, "value": 185600.0, "Latitude": 33.87, "Longitude": -117.95, "Population": 1115.0}, {"index": 10186, "quantile": 0.75, "value": 209800.0, "Latitude": 33.87, "Longitude": -117.95, "Population": 1115.0}, {"index": 10186, "quantile": 1.0, "value": 350000.0, "Latitude": 33.87, "Longitude": -117.95, "Population": 1115.0}, {"index": 10187, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.87, "Longitude": -117.95, "Population": 746.0}, {"index": 10187, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 33.87, "Longitude": -117.95, "Population": 746.0}, {"index": 10187, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 33.87, "Longitude": -117.95, "Population": 746.0}, {"index": 10187, "quantile": 0.75, "value": 118625.0, "Latitude": 33.87, "Longitude": -117.95, "Population": 746.0}, {"index": 10187, "quantile": 1.0, "value": 261300.0, "Latitude": 33.87, "Longitude": -117.95, "Population": 746.0}, {"index": 10188, "quantile": 0.0, "value": 37500.0, "Latitude": 33.87, "Longitude": -117.96, "Population": 416.0}, {"index": 10188, "quantile": 0.25, "value": 214699.99999999997, "Latitude": 33.87, "Longitude": -117.96, "Population": 416.0}, {"index": 10188, "quantile": 0.5, "value": 273150.0, "Latitude": 33.87, "Longitude": -117.96, "Population": 416.0}, {"index": 10188, "quantile": 0.75, "value": 342900.0, "Latitude": 33.87, "Longitude": -117.96, "Population": 416.0}, {"index": 10188, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -117.96, "Population": 416.0}, {"index": 10189, "quantile": 0.0, "value": 156200.0, "Latitude": 33.87, "Longitude": -117.96, "Population": 1155.0}, {"index": 10189, "quantile": 0.25, "value": 175800.0, "Latitude": 33.87, "Longitude": -117.96, "Population": 1155.0}, {"index": 10189, "quantile": 0.5, "value": 175800.0, "Latitude": 33.87, "Longitude": -117.96, "Population": 1155.0}, {"index": 10189, "quantile": 0.75, "value": 209150.0, "Latitude": 33.87, "Longitude": -117.96, "Population": 1155.0}, {"index": 10189, "quantile": 1.0, "value": 353400.0, "Latitude": 33.87, "Longitude": -117.96, "Population": 1155.0}, {"index": 10190, "quantile": 0.0, "value": 134200.0, "Latitude": 33.88, "Longitude": -117.95, "Population": 817.0}, {"index": 10190, "quantile": 0.25, "value": 210900.0, "Latitude": 33.88, "Longitude": -117.95, "Population": 817.0}, {"index": 10190, "quantile": 0.5, "value": 230600.0, "Latitude": 33.88, "Longitude": -117.95, "Population": 817.0}, {"index": 10190, "quantile": 0.75, "value": 282200.0, "Latitude": 33.88, "Longitude": -117.95, "Population": 817.0}, {"index": 10190, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -117.95, "Population": 817.0}, {"index": 10191, "quantile": 0.0, "value": 78600.0, "Latitude": 33.86, "Longitude": -117.94, "Population": 1394.0}, {"index": 10191, "quantile": 0.25, "value": 194700.0, "Latitude": 33.86, "Longitude": -117.94, "Population": 1394.0}, {"index": 10191, "quantile": 0.5, "value": 194700.0, "Latitude": 33.86, "Longitude": -117.94, "Population": 1394.0}, {"index": 10191, "quantile": 0.75, "value": 220000.00000000003, "Latitude": 33.86, "Longitude": -117.94, "Population": 1394.0}, {"index": 10191, "quantile": 1.0, "value": 343900.0, "Latitude": 33.86, "Longitude": -117.94, "Population": 1394.0}, {"index": 10192, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.86, "Longitude": -117.94, "Population": 706.0}, {"index": 10192, "quantile": 0.25, "value": 166900.0, "Latitude": 33.86, "Longitude": -117.94, "Population": 706.0}, {"index": 10192, "quantile": 0.5, "value": 197500.0, "Latitude": 33.86, "Longitude": -117.94, "Population": 706.0}, {"index": 10192, "quantile": 0.75, "value": 197500.0, "Latitude": 33.86, "Longitude": -117.94, "Population": 706.0}, {"index": 10192, "quantile": 1.0, "value": 333300.0, "Latitude": 33.86, "Longitude": -117.94, "Population": 706.0}, {"index": 10193, "quantile": 0.0, "value": 170700.0, "Latitude": 33.86, "Longitude": -117.95, "Population": 1066.0}, {"index": 10193, "quantile": 0.25, "value": 218000.00000000003, "Latitude": 33.86, "Longitude": -117.95, "Population": 1066.0}, {"index": 10193, "quantile": 0.5, "value": 221800.0, "Latitude": 33.86, "Longitude": -117.95, "Population": 1066.0}, {"index": 10193, "quantile": 0.75, "value": 251975.00000000003, "Latitude": 33.86, "Longitude": -117.95, "Population": 1066.0}, {"index": 10193, "quantile": 1.0, "value": 485700.0, "Latitude": 33.86, "Longitude": -117.95, "Population": 1066.0}, {"index": 10194, "quantile": 0.0, "value": 151300.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 1173.0}, {"index": 10194, "quantile": 0.25, "value": 182100.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 1173.0}, {"index": 10194, "quantile": 0.5, "value": 182100.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 1173.0}, {"index": 10194, "quantile": 0.75, "value": 182100.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 1173.0}, {"index": 10194, "quantile": 1.0, "value": 235300.00000000003, "Latitude": 33.86, "Longitude": -117.93, "Population": 1173.0}, {"index": 10195, "quantile": 0.0, "value": 147500.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 893.0}, {"index": 10195, "quantile": 0.25, "value": 182025.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 893.0}, {"index": 10195, "quantile": 0.5, "value": 184000.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 893.0}, {"index": 10195, "quantile": 0.75, "value": 184000.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 893.0}, {"index": 10195, "quantile": 1.0, "value": 273000.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 893.0}, {"index": 10196, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.86, "Longitude": -117.94, "Population": 875.0}, {"index": 10196, "quantile": 0.25, "value": 183100.0, "Latitude": 33.86, "Longitude": -117.94, "Population": 875.0}, {"index": 10196, "quantile": 0.5, "value": 183100.0, "Latitude": 33.86, "Longitude": -117.94, "Population": 875.0}, {"index": 10196, "quantile": 0.75, "value": 183100.0, "Latitude": 33.86, "Longitude": -117.94, "Population": 875.0}, {"index": 10196, "quantile": 1.0, "value": 239600.0, "Latitude": 33.86, "Longitude": -117.94, "Population": 875.0}, {"index": 10197, "quantile": 0.0, "value": 125699.99999999999, "Latitude": 33.86, "Longitude": -117.94, "Population": 1247.0}, {"index": 10197, "quantile": 0.25, "value": 182950.0, "Latitude": 33.86, "Longitude": -117.94, "Population": 1247.0}, {"index": 10197, "quantile": 0.5, "value": 190700.0, "Latitude": 33.86, "Longitude": -117.94, "Population": 1247.0}, {"index": 10197, "quantile": 0.75, "value": 212525.0, "Latitude": 33.86, "Longitude": -117.94, "Population": 1247.0}, {"index": 10197, "quantile": 1.0, "value": 378000.0, "Latitude": 33.86, "Longitude": -117.94, "Population": 1247.0}, {"index": 10198, "quantile": 0.0, "value": 167700.0, "Latitude": 33.88, "Longitude": -117.93, "Population": 1001.0}, {"index": 10198, "quantile": 0.25, "value": 222250.0, "Latitude": 33.88, "Longitude": -117.93, "Population": 1001.0}, {"index": 10198, "quantile": 0.5, "value": 258800.0, "Latitude": 33.88, "Longitude": -117.93, "Population": 1001.0}, {"index": 10198, "quantile": 0.75, "value": 303650.0, "Latitude": 33.88, "Longitude": -117.93, "Population": 1001.0}, {"index": 10198, "quantile": 1.0, "value": 453700.0, "Latitude": 33.88, "Longitude": -117.93, "Population": 1001.0}, {"index": 10199, "quantile": 0.0, "value": 67500.0, "Latitude": 33.87, "Longitude": -117.93, "Population": 730.0}, {"index": 10199, "quantile": 0.25, "value": 159125.0, "Latitude": 33.87, "Longitude": -117.93, "Population": 730.0}, {"index": 10199, "quantile": 0.5, "value": 175000.0, "Latitude": 33.87, "Longitude": -117.93, "Population": 730.0}, {"index": 10199, "quantile": 0.75, "value": 203625.0, "Latitude": 33.87, "Longitude": -117.93, "Population": 730.0}, {"index": 10199, "quantile": 1.0, "value": 350000.0, "Latitude": 33.87, "Longitude": -117.93, "Population": 730.0}, {"index": 10200, "quantile": 0.0, "value": 110700.0, "Latitude": 33.87, "Longitude": -117.94, "Population": 1275.0}, {"index": 10200, "quantile": 0.25, "value": 187000.0, "Latitude": 33.87, "Longitude": -117.94, "Population": 1275.0}, {"index": 10200, "quantile": 0.5, "value": 187000.0, "Latitude": 33.87, "Longitude": -117.94, "Population": 1275.0}, {"index": 10200, "quantile": 0.75, "value": 187000.0, "Latitude": 33.87, "Longitude": -117.94, "Population": 1275.0}, {"index": 10200, "quantile": 1.0, "value": 419100.0, "Latitude": 33.87, "Longitude": -117.94, "Population": 1275.0}, {"index": 10201, "quantile": 0.0, "value": 97400.0, "Latitude": 33.88, "Longitude": -117.94, "Population": 679.0}, {"index": 10201, "quantile": 0.25, "value": 239299.99999999997, "Latitude": 33.88, "Longitude": -117.94, "Population": 679.0}, {"index": 10201, "quantile": 0.5, "value": 239299.99999999997, "Latitude": 33.88, "Longitude": -117.94, "Population": 679.0}, {"index": 10201, "quantile": 0.75, "value": 239299.99999999997, "Latitude": 33.88, "Longitude": -117.94, "Population": 679.0}, {"index": 10201, "quantile": 1.0, "value": 351200.0, "Latitude": 33.88, "Longitude": -117.94, "Population": 679.0}, {"index": 10202, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.87, "Longitude": -117.92, "Population": 301.0}, {"index": 10202, "quantile": 0.25, "value": 147300.0, "Latitude": 33.87, "Longitude": -117.92, "Population": 301.0}, {"index": 10202, "quantile": 0.5, "value": 155000.0, "Latitude": 33.87, "Longitude": -117.92, "Population": 301.0}, {"index": 10202, "quantile": 0.75, "value": 192000.0, "Latitude": 33.87, "Longitude": -117.92, "Population": 301.0}, {"index": 10202, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -117.92, "Population": 301.0}, {"index": 10203, "quantile": 0.0, "value": 113700.0, "Latitude": 33.87, "Longitude": -117.92, "Population": 966.0}, {"index": 10203, "quantile": 0.25, "value": 162500.0, "Latitude": 33.87, "Longitude": -117.92, "Population": 966.0}, {"index": 10203, "quantile": 0.5, "value": 162500.0, "Latitude": 33.87, "Longitude": -117.92, "Population": 966.0}, {"index": 10203, "quantile": 0.75, "value": 162500.0, "Latitude": 33.87, "Longitude": -117.92, "Population": 966.0}, {"index": 10203, "quantile": 1.0, "value": 217000.0, "Latitude": 33.87, "Longitude": -117.92, "Population": 966.0}, {"index": 10204, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.87, "Longitude": -117.93, "Population": 429.0}, {"index": 10204, "quantile": 0.25, "value": 182100.0, "Latitude": 33.87, "Longitude": -117.93, "Population": 429.0}, {"index": 10204, "quantile": 0.5, "value": 182100.0, "Latitude": 33.87, "Longitude": -117.93, "Population": 429.0}, {"index": 10204, "quantile": 0.75, "value": 182100.0, "Latitude": 33.87, "Longitude": -117.93, "Population": 429.0}, {"index": 10204, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -117.93, "Population": 429.0}, {"index": 10205, "quantile": 0.0, "value": 167100.0, "Latitude": 33.88, "Longitude": -117.93, "Population": 585.0}, {"index": 10205, "quantile": 0.25, "value": 241699.99999999997, "Latitude": 33.88, "Longitude": -117.93, "Population": 585.0}, {"index": 10205, "quantile": 0.5, "value": 241699.99999999997, "Latitude": 33.88, "Longitude": -117.93, "Population": 585.0}, {"index": 10205, "quantile": 0.75, "value": 265500.0, "Latitude": 33.88, "Longitude": -117.93, "Population": 585.0}, {"index": 10205, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -117.93, "Population": 585.0}, {"index": 10206, "quantile": 0.0, "value": 125000.0, "Latitude": 33.88, "Longitude": -117.93, "Population": 967.0}, {"index": 10206, "quantile": 0.25, "value": 293500.0, "Latitude": 33.88, "Longitude": -117.93, "Population": 967.0}, {"index": 10206, "quantile": 0.5, "value": 293500.0, "Latitude": 33.88, "Longitude": -117.93, "Population": 967.0}, {"index": 10206, "quantile": 0.75, "value": 395974.99999999994, "Latitude": 33.88, "Longitude": -117.93, "Population": 967.0}, {"index": 10206, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -117.93, "Population": 967.0}, {"index": 10207, "quantile": 0.0, "value": 97300.0, "Latitude": 33.88, "Longitude": -117.92, "Population": 609.0}, {"index": 10207, "quantile": 0.25, "value": 139249.99999999997, "Latitude": 33.88, "Longitude": -117.92, "Population": 609.0}, {"index": 10207, "quantile": 0.5, "value": 167000.0, "Latitude": 33.88, "Longitude": -117.92, "Population": 609.0}, {"index": 10207, "quantile": 0.75, "value": 211599.99999999997, "Latitude": 33.88, "Longitude": -117.92, "Population": 609.0}, {"index": 10207, "quantile": 1.0, "value": 395700.0, "Latitude": 33.88, "Longitude": -117.92, "Population": 609.0}, {"index": 10208, "quantile": 0.0, "value": 169600.0, "Latitude": 33.88, "Longitude": -117.91, "Population": 784.0}, {"index": 10208, "quantile": 0.25, "value": 235600.0, "Latitude": 33.88, "Longitude": -117.91, "Population": 784.0}, {"index": 10208, "quantile": 0.5, "value": 235600.0, "Latitude": 33.88, "Longitude": -117.91, "Population": 784.0}, {"index": 10208, "quantile": 0.75, "value": 235600.0, "Latitude": 33.88, "Longitude": -117.91, "Population": 784.0}, {"index": 10208, "quantile": 1.0, "value": 373800.0, "Latitude": 33.88, "Longitude": -117.91, "Population": 784.0}, {"index": 10209, "quantile": 0.0, "value": 159600.0, "Latitude": 33.88, "Longitude": -117.92, "Population": 719.0}, {"index": 10209, "quantile": 0.25, "value": 243600.0, "Latitude": 33.88, "Longitude": -117.92, "Population": 719.0}, {"index": 10209, "quantile": 0.5, "value": 243600.0, "Latitude": 33.88, "Longitude": -117.92, "Population": 719.0}, {"index": 10209, "quantile": 0.75, "value": 243600.0, "Latitude": 33.88, "Longitude": -117.92, "Population": 719.0}, {"index": 10209, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -117.92, "Population": 719.0}, {"index": 10210, "quantile": 0.0, "value": 158200.0, "Latitude": 33.88, "Longitude": -117.92, "Population": 575.0}, {"index": 10210, "quantile": 0.25, "value": 318700.0, "Latitude": 33.88, "Longitude": -117.92, "Population": 575.0}, {"index": 10210, "quantile": 0.5, "value": 318700.0, "Latitude": 33.88, "Longitude": -117.92, "Population": 575.0}, {"index": 10210, "quantile": 0.75, "value": 318700.0, "Latitude": 33.88, "Longitude": -117.92, "Population": 575.0}, {"index": 10210, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -117.92, "Population": 575.0}, {"index": 10211, "quantile": 0.0, "value": 204800.0, "Latitude": 33.89, "Longitude": -117.91, "Population": 523.0}, {"index": 10211, "quantile": 0.25, "value": 351900.0, "Latitude": 33.89, "Longitude": -117.91, "Population": 523.0}, {"index": 10211, "quantile": 0.5, "value": 351900.0, "Latitude": 33.89, "Longitude": -117.91, "Population": 523.0}, {"index": 10211, "quantile": 0.75, "value": 479275.0, "Latitude": 33.89, "Longitude": -117.91, "Population": 523.0}, {"index": 10211, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -117.91, "Population": 523.0}, {"index": 10212, "quantile": 0.0, "value": 161700.0, "Latitude": 33.88, "Longitude": -117.9, "Population": 991.0}, {"index": 10212, "quantile": 0.25, "value": 230399.99999999997, "Latitude": 33.88, "Longitude": -117.9, "Population": 991.0}, {"index": 10212, "quantile": 0.5, "value": 230399.99999999997, "Latitude": 33.88, "Longitude": -117.9, "Population": 991.0}, {"index": 10212, "quantile": 0.75, "value": 230399.99999999997, "Latitude": 33.88, "Longitude": -117.9, "Population": 991.0}, {"index": 10212, "quantile": 1.0, "value": 350200.0, "Latitude": 33.88, "Longitude": -117.9, "Population": 991.0}, {"index": 10213, "quantile": 0.0, "value": 165500.0, "Latitude": 33.88, "Longitude": -117.9, "Population": 661.0}, {"index": 10213, "quantile": 0.25, "value": 215400.0, "Latitude": 33.88, "Longitude": -117.9, "Population": 661.0}, {"index": 10213, "quantile": 0.5, "value": 215400.0, "Latitude": 33.88, "Longitude": -117.9, "Population": 661.0}, {"index": 10213, "quantile": 0.75, "value": 215400.0, "Latitude": 33.88, "Longitude": -117.9, "Population": 661.0}, {"index": 10213, "quantile": 1.0, "value": 353100.0, "Latitude": 33.88, "Longitude": -117.9, "Population": 661.0}, {"index": 10214, "quantile": 0.0, "value": 45000.0, "Latitude": 33.87, "Longitude": -117.9, "Population": 1360.0}, {"index": 10214, "quantile": 0.25, "value": 177450.0, "Latitude": 33.87, "Longitude": -117.9, "Population": 1360.0}, {"index": 10214, "quantile": 0.5, "value": 218600.0, "Latitude": 33.87, "Longitude": -117.9, "Population": 1360.0}, {"index": 10214, "quantile": 0.75, "value": 218600.0, "Latitude": 33.87, "Longitude": -117.9, "Population": 1360.0}, {"index": 10214, "quantile": 1.0, "value": 242099.99999999997, "Latitude": 33.87, "Longitude": -117.9, "Population": 1360.0}, {"index": 10215, "quantile": 0.0, "value": 151700.0, "Latitude": 33.87, "Longitude": -117.9, "Population": 1040.0}, {"index": 10215, "quantile": 0.25, "value": 187050.0, "Latitude": 33.87, "Longitude": -117.9, "Population": 1040.0}, {"index": 10215, "quantile": 0.5, "value": 195200.0, "Latitude": 33.87, "Longitude": -117.9, "Population": 1040.0}, {"index": 10215, "quantile": 0.75, "value": 195200.0, "Latitude": 33.87, "Longitude": -117.9, "Population": 1040.0}, {"index": 10215, "quantile": 1.0, "value": 344400.0, "Latitude": 33.87, "Longitude": -117.9, "Population": 1040.0}, {"index": 10216, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 33.87, "Longitude": -117.91, "Population": 762.0}, {"index": 10216, "quantile": 0.25, "value": 143800.0, "Latitude": 33.87, "Longitude": -117.91, "Population": 762.0}, {"index": 10216, "quantile": 0.5, "value": 143800.0, "Latitude": 33.87, "Longitude": -117.91, "Population": 762.0}, {"index": 10216, "quantile": 0.75, "value": 155425.0, "Latitude": 33.87, "Longitude": -117.91, "Population": 762.0}, {"index": 10216, "quantile": 1.0, "value": 285000.0, "Latitude": 33.87, "Longitude": -117.91, "Population": 762.0}, {"index": 10217, "quantile": 0.0, "value": 120900.00000000001, "Latitude": 33.87, "Longitude": -117.91, "Population": 1191.0}, {"index": 10217, "quantile": 0.25, "value": 177300.0, "Latitude": 33.87, "Longitude": -117.91, "Population": 1191.0}, {"index": 10217, "quantile": 0.5, "value": 177300.0, "Latitude": 33.87, "Longitude": -117.91, "Population": 1191.0}, {"index": 10217, "quantile": 0.75, "value": 185400.0, "Latitude": 33.87, "Longitude": -117.91, "Population": 1191.0}, {"index": 10217, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -117.91, "Population": 1191.0}, {"index": 10218, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.89, "Longitude": -117.88, "Population": 866.0}, {"index": 10218, "quantile": 0.25, "value": 119100.0, "Latitude": 33.89, "Longitude": -117.88, "Population": 866.0}, {"index": 10218, "quantile": 0.5, "value": 119100.0, "Latitude": 33.89, "Longitude": -117.88, "Population": 866.0}, {"index": 10218, "quantile": 0.75, "value": 150000.0, "Latitude": 33.89, "Longitude": -117.88, "Population": 866.0}, {"index": 10218, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -117.88, "Population": 866.0}, {"index": 10219, "quantile": 0.0, "value": 76600.0, "Latitude": 33.89, "Longitude": -117.88, "Population": 353.0}, {"index": 10219, "quantile": 0.25, "value": 166600.0, "Latitude": 33.89, "Longitude": -117.88, "Population": 353.0}, {"index": 10219, "quantile": 0.5, "value": 173300.0, "Latitude": 33.89, "Longitude": -117.88, "Population": 353.0}, {"index": 10219, "quantile": 0.75, "value": 173300.0, "Latitude": 33.89, "Longitude": -117.88, "Population": 353.0}, {"index": 10219, "quantile": 1.0, "value": 342400.0, "Latitude": 33.89, "Longitude": -117.88, "Population": 353.0}, {"index": 10220, "quantile": 0.0, "value": 45000.0, "Latitude": 33.88, "Longitude": -117.88, "Population": 615.0}, {"index": 10220, "quantile": 0.25, "value": 106149.99999999999, "Latitude": 33.88, "Longitude": -117.88, "Population": 615.0}, {"index": 10220, "quantile": 0.5, "value": 155000.0, "Latitude": 33.88, "Longitude": -117.88, "Population": 615.0}, {"index": 10220, "quantile": 0.75, "value": 210875.0, "Latitude": 33.88, "Longitude": -117.88, "Population": 615.0}, {"index": 10220, "quantile": 1.0, "value": 350000.0, "Latitude": 33.88, "Longitude": -117.88, "Population": 615.0}, {"index": 10221, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.88, "Longitude": -117.89, "Population": 1549.0}, {"index": 10221, "quantile": 0.25, "value": 175000.0, "Latitude": 33.88, "Longitude": -117.89, "Population": 1549.0}, {"index": 10221, "quantile": 0.5, "value": 175000.0, "Latitude": 33.88, "Longitude": -117.89, "Population": 1549.0}, {"index": 10221, "quantile": 0.75, "value": 175000.0, "Latitude": 33.88, "Longitude": -117.89, "Population": 1549.0}, {"index": 10221, "quantile": 1.0, "value": 360000.0, "Latitude": 33.88, "Longitude": -117.89, "Population": 1549.0}, {"index": 10222, "quantile": 0.0, "value": 165000.0, "Latitude": 33.88, "Longitude": -117.89, "Population": 771.0}, {"index": 10222, "quantile": 0.25, "value": 229599.99999999997, "Latitude": 33.88, "Longitude": -117.89, "Population": 771.0}, {"index": 10222, "quantile": 0.5, "value": 229599.99999999997, "Latitude": 33.88, "Longitude": -117.89, "Population": 771.0}, {"index": 10222, "quantile": 0.75, "value": 229599.99999999997, "Latitude": 33.88, "Longitude": -117.89, "Population": 771.0}, {"index": 10222, "quantile": 1.0, "value": 395100.0, "Latitude": 33.88, "Longitude": -117.89, "Population": 771.0}, {"index": 10223, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 33.88, "Longitude": -117.89, "Population": 1037.0}, {"index": 10223, "quantile": 0.25, "value": 231999.99999999997, "Latitude": 33.88, "Longitude": -117.89, "Population": 1037.0}, {"index": 10223, "quantile": 0.5, "value": 242450.0, "Latitude": 33.88, "Longitude": -117.89, "Population": 1037.0}, {"index": 10223, "quantile": 0.75, "value": 272025.0, "Latitude": 33.88, "Longitude": -117.89, "Population": 1037.0}, {"index": 10223, "quantile": 1.0, "value": 445200.0, "Latitude": 33.88, "Longitude": -117.89, "Population": 1037.0}, {"index": 10224, "quantile": 0.0, "value": 45000.0, "Latitude": 33.87, "Longitude": -117.89, "Population": 755.0}, {"index": 10224, "quantile": 0.25, "value": 188200.0, "Latitude": 33.87, "Longitude": -117.89, "Population": 755.0}, {"index": 10224, "quantile": 0.5, "value": 188200.0, "Latitude": 33.87, "Longitude": -117.89, "Population": 755.0}, {"index": 10224, "quantile": 0.75, "value": 220300.00000000003, "Latitude": 33.87, "Longitude": -117.89, "Population": 755.0}, {"index": 10224, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -117.89, "Population": 755.0}, {"index": 10225, "quantile": 0.0, "value": 137500.0, "Latitude": 33.87, "Longitude": -117.89, "Population": 693.0}, {"index": 10225, "quantile": 0.25, "value": 189000.0, "Latitude": 33.87, "Longitude": -117.89, "Population": 693.0}, {"index": 10225, "quantile": 0.5, "value": 202100.0, "Latitude": 33.87, "Longitude": -117.89, "Population": 693.0}, {"index": 10225, "quantile": 0.75, "value": 202100.0, "Latitude": 33.87, "Longitude": -117.89, "Population": 693.0}, {"index": 10225, "quantile": 1.0, "value": 282500.0, "Latitude": 33.87, "Longitude": -117.89, "Population": 693.0}, {"index": 10226, "quantile": 0.0, "value": 155500.0, "Latitude": 33.87, "Longitude": -117.88, "Population": 1302.0}, {"index": 10226, "quantile": 0.25, "value": 190900.0, "Latitude": 33.87, "Longitude": -117.88, "Population": 1302.0}, {"index": 10226, "quantile": 0.5, "value": 190900.0, "Latitude": 33.87, "Longitude": -117.88, "Population": 1302.0}, {"index": 10226, "quantile": 0.75, "value": 216025.0, "Latitude": 33.87, "Longitude": -117.88, "Population": 1302.0}, {"index": 10226, "quantile": 1.0, "value": 353600.0, "Latitude": 33.87, "Longitude": -117.88, "Population": 1302.0}, {"index": 10227, "quantile": 0.0, "value": 45000.0, "Latitude": 33.87, "Longitude": -117.89, "Population": 835.0}, {"index": 10227, "quantile": 0.25, "value": 174650.0, "Latitude": 33.87, "Longitude": -117.89, "Population": 835.0}, {"index": 10227, "quantile": 0.5, "value": 197650.00000000003, "Latitude": 33.87, "Longitude": -117.89, "Population": 835.0}, {"index": 10227, "quantile": 0.75, "value": 218600.0, "Latitude": 33.87, "Longitude": -117.89, "Population": 835.0}, {"index": 10227, "quantile": 1.0, "value": 475000.0, "Latitude": 33.87, "Longitude": -117.89, "Population": 835.0}, {"index": 10228, "quantile": 0.0, "value": 110700.0, "Latitude": 33.87, "Longitude": -117.93, "Population": 1237.0}, {"index": 10228, "quantile": 0.25, "value": 162200.0, "Latitude": 33.87, "Longitude": -117.93, "Population": 1237.0}, {"index": 10228, "quantile": 0.5, "value": 168000.0, "Latitude": 33.87, "Longitude": -117.93, "Population": 1237.0}, {"index": 10228, "quantile": 0.75, "value": 168000.0, "Latitude": 33.87, "Longitude": -117.93, "Population": 1237.0}, {"index": 10228, "quantile": 1.0, "value": 209300.0, "Latitude": 33.87, "Longitude": -117.93, "Population": 1237.0}, {"index": 10229, "quantile": 0.0, "value": 92900.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 778.0}, {"index": 10229, "quantile": 0.25, "value": 155000.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 778.0}, {"index": 10229, "quantile": 0.5, "value": 155000.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 778.0}, {"index": 10229, "quantile": 0.75, "value": 155400.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 778.0}, {"index": 10229, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -117.93, "Population": 778.0}, {"index": 10230, "quantile": 0.0, "value": 144200.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 1216.0}, {"index": 10230, "quantile": 0.25, "value": 186600.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 1216.0}, {"index": 10230, "quantile": 0.5, "value": 186600.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 1216.0}, {"index": 10230, "quantile": 0.75, "value": 186600.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 1216.0}, {"index": 10230, "quantile": 1.0, "value": 344400.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 1216.0}, {"index": 10231, "quantile": 0.0, "value": 88900.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 516.0}, {"index": 10231, "quantile": 0.25, "value": 203300.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 516.0}, {"index": 10231, "quantile": 0.5, "value": 218299.99999999997, "Latitude": 33.86, "Longitude": -117.93, "Population": 516.0}, {"index": 10231, "quantile": 0.75, "value": 269075.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 516.0}, {"index": 10231, "quantile": 1.0, "value": 405400.0, "Latitude": 33.86, "Longitude": -117.93, "Population": 516.0}, {"index": 10232, "quantile": 0.0, "value": 64000.0, "Latitude": 33.87, "Longitude": -117.93, "Population": 1822.0}, {"index": 10232, "quantile": 0.25, "value": 134125.0, "Latitude": 33.87, "Longitude": -117.93, "Population": 1822.0}, {"index": 10232, "quantile": 0.5, "value": 162500.0, "Latitude": 33.87, "Longitude": -117.93, "Population": 1822.0}, {"index": 10232, "quantile": 0.75, "value": 162500.0, "Latitude": 33.87, "Longitude": -117.93, "Population": 1822.0}, {"index": 10232, "quantile": 1.0, "value": 297100.0, "Latitude": 33.87, "Longitude": -117.93, "Population": 1822.0}, {"index": 10233, "quantile": 0.0, "value": 112500.0, "Latitude": 33.86, "Longitude": -117.89, "Population": 1220.0}, {"index": 10233, "quantile": 0.25, "value": 180900.0, "Latitude": 33.86, "Longitude": -117.89, "Population": 1220.0}, {"index": 10233, "quantile": 0.5, "value": 193800.0, "Latitude": 33.86, "Longitude": -117.89, "Population": 1220.0}, {"index": 10233, "quantile": 0.75, "value": 193800.0, "Latitude": 33.86, "Longitude": -117.89, "Population": 1220.0}, {"index": 10233, "quantile": 1.0, "value": 214699.99999999997, "Latitude": 33.86, "Longitude": -117.89, "Population": 1220.0}, {"index": 10234, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.86, "Longitude": -117.91, "Population": 1415.0}, {"index": 10234, "quantile": 0.25, "value": 157975.0, "Latitude": 33.86, "Longitude": -117.91, "Population": 1415.0}, {"index": 10234, "quantile": 0.5, "value": 181550.0, "Latitude": 33.86, "Longitude": -117.91, "Population": 1415.0}, {"index": 10234, "quantile": 0.75, "value": 199600.0, "Latitude": 33.86, "Longitude": -117.91, "Population": 1415.0}, {"index": 10234, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 33.86, "Longitude": -117.91, "Population": 1415.0}, {"index": 10235, "quantile": 0.0, "value": 40000.0, "Latitude": 33.86, "Longitude": -117.92, "Population": 247.0}, {"index": 10235, "quantile": 0.25, "value": 254575.0, "Latitude": 33.86, "Longitude": -117.92, "Population": 247.0}, {"index": 10235, "quantile": 0.5, "value": 361800.0, "Latitude": 33.86, "Longitude": -117.92, "Population": 247.0}, {"index": 10235, "quantile": 0.75, "value": 457824.99999999994, "Latitude": 33.86, "Longitude": -117.92, "Population": 247.0}, {"index": 10235, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -117.92, "Population": 247.0}, {"index": 10236, "quantile": 0.0, "value": 92400.0, "Latitude": 33.87, "Longitude": -117.92, "Population": 1888.0}, {"index": 10236, "quantile": 0.25, "value": 156700.0, "Latitude": 33.87, "Longitude": -117.92, "Population": 1888.0}, {"index": 10236, "quantile": 0.5, "value": 157800.0, "Latitude": 33.87, "Longitude": -117.92, "Population": 1888.0}, {"index": 10236, "quantile": 0.75, "value": 157800.0, "Latitude": 33.87, "Longitude": -117.92, "Population": 1888.0}, {"index": 10236, "quantile": 1.0, "value": 198800.0, "Latitude": 33.87, "Longitude": -117.92, "Population": 1888.0}, {"index": 10237, "quantile": 0.0, "value": 124200.0, "Latitude": 33.91, "Longitude": -117.87, "Population": 1017.0}, {"index": 10237, "quantile": 0.25, "value": 176300.0, "Latitude": 33.91, "Longitude": -117.87, "Population": 1017.0}, {"index": 10237, "quantile": 0.5, "value": 176300.0, "Latitude": 33.91, "Longitude": -117.87, "Population": 1017.0}, {"index": 10237, "quantile": 0.75, "value": 176300.0, "Latitude": 33.91, "Longitude": -117.87, "Population": 1017.0}, {"index": 10237, "quantile": 1.0, "value": 384800.0, "Latitude": 33.91, "Longitude": -117.87, "Population": 1017.0}, {"index": 10238, "quantile": 0.0, "value": 185600.0, "Latitude": 33.9, "Longitude": -117.88, "Population": 1413.0}, {"index": 10238, "quantile": 0.25, "value": 277300.0, "Latitude": 33.9, "Longitude": -117.88, "Population": 1413.0}, {"index": 10238, "quantile": 0.5, "value": 277300.0, "Latitude": 33.9, "Longitude": -117.88, "Population": 1413.0}, {"index": 10238, "quantile": 0.75, "value": 289925.00000000006, "Latitude": 33.9, "Longitude": -117.88, "Population": 1413.0}, {"index": 10238, "quantile": 1.0, "value": 438999.99999999994, "Latitude": 33.9, "Longitude": -117.88, "Population": 1413.0}, {"index": 10239, "quantile": 0.0, "value": 108300.0, "Latitude": 33.9, "Longitude": -117.88, "Population": 759.0}, {"index": 10239, "quantile": 0.25, "value": 114399.99999999999, "Latitude": 33.9, "Longitude": -117.88, "Population": 759.0}, {"index": 10239, "quantile": 0.5, "value": 114399.99999999999, "Latitude": 33.9, "Longitude": -117.88, "Population": 759.0}, {"index": 10239, "quantile": 0.75, "value": 136400.0, "Latitude": 33.9, "Longitude": -117.88, "Population": 759.0}, {"index": 10239, "quantile": 1.0, "value": 375000.0, "Latitude": 33.9, "Longitude": -117.88, "Population": 759.0}, {"index": 10240, "quantile": 0.0, "value": 45000.0, "Latitude": 33.89, "Longitude": -117.88, "Population": 2300.0}, {"index": 10240, "quantile": 0.25, "value": 194099.99999999997, "Latitude": 33.89, "Longitude": -117.88, "Population": 2300.0}, {"index": 10240, "quantile": 0.5, "value": 218400.00000000003, "Latitude": 33.89, "Longitude": -117.88, "Population": 2300.0}, {"index": 10240, "quantile": 0.75, "value": 218400.00000000003, "Latitude": 33.89, "Longitude": -117.88, "Population": 2300.0}, {"index": 10240, "quantile": 1.0, "value": 252100.0, "Latitude": 33.89, "Longitude": -117.88, "Population": 2300.0}, {"index": 10241, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 33.89, "Longitude": -117.88, "Population": 1701.0}, {"index": 10241, "quantile": 0.25, "value": 163475.0, "Latitude": 33.89, "Longitude": -117.88, "Population": 1701.0}, {"index": 10241, "quantile": 0.5, "value": 215000.0, "Latitude": 33.89, "Longitude": -117.88, "Population": 1701.0}, {"index": 10241, "quantile": 0.75, "value": 232399.99999999997, "Latitude": 33.89, "Longitude": -117.88, "Population": 1701.0}, {"index": 10241, "quantile": 1.0, "value": 430900.0, "Latitude": 33.89, "Longitude": -117.88, "Population": 1701.0}, {"index": 10242, "quantile": 0.0, "value": 171900.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 486.0}, {"index": 10242, "quantile": 0.25, "value": 270100.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 486.0}, {"index": 10242, "quantile": 0.5, "value": 270100.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 486.0}, {"index": 10242, "quantile": 0.75, "value": 274625.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 486.0}, {"index": 10242, "quantile": 1.0, "value": 462700.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 486.0}, {"index": 10243, "quantile": 0.0, "value": 218900.0, "Latitude": 33.91, "Longitude": -117.86, "Population": 1227.0}, {"index": 10243, "quantile": 0.25, "value": 270800.0, "Latitude": 33.91, "Longitude": -117.86, "Population": 1227.0}, {"index": 10243, "quantile": 0.5, "value": 270800.0, "Latitude": 33.91, "Longitude": -117.86, "Population": 1227.0}, {"index": 10243, "quantile": 0.75, "value": 279100.0, "Latitude": 33.91, "Longitude": -117.86, "Population": 1227.0}, {"index": 10243, "quantile": 1.0, "value": 392900.0, "Latitude": 33.91, "Longitude": -117.86, "Population": 1227.0}, {"index": 10244, "quantile": 0.0, "value": 231700.00000000003, "Latitude": 33.9, "Longitude": -117.86, "Population": 630.0}, {"index": 10244, "quantile": 0.25, "value": 285200.0, "Latitude": 33.9, "Longitude": -117.86, "Population": 630.0}, {"index": 10244, "quantile": 0.5, "value": 285200.0, "Latitude": 33.9, "Longitude": -117.86, "Population": 630.0}, {"index": 10244, "quantile": 0.75, "value": 285200.0, "Latitude": 33.9, "Longitude": -117.86, "Population": 630.0}, {"index": 10244, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -117.86, "Population": 630.0}, {"index": 10245, "quantile": 0.0, "value": 269600.0, "Latitude": 33.9, "Longitude": -117.86, "Population": 1291.0}, {"index": 10245, "quantile": 0.25, "value": 299200.0, "Latitude": 33.9, "Longitude": -117.86, "Population": 1291.0}, {"index": 10245, "quantile": 0.5, "value": 299200.0, "Latitude": 33.9, "Longitude": -117.86, "Population": 1291.0}, {"index": 10245, "quantile": 0.75, "value": 302400.0, "Latitude": 33.9, "Longitude": -117.86, "Population": 1291.0}, {"index": 10245, "quantile": 1.0, "value": 462700.0, "Latitude": 33.9, "Longitude": -117.86, "Population": 1291.0}, {"index": 10246, "quantile": 0.0, "value": 262000.0, "Latitude": 33.9, "Longitude": -117.87, "Population": 1416.0}, {"index": 10246, "quantile": 0.25, "value": 280300.0, "Latitude": 33.9, "Longitude": -117.87, "Population": 1416.0}, {"index": 10246, "quantile": 0.5, "value": 280300.0, "Latitude": 33.9, "Longitude": -117.87, "Population": 1416.0}, {"index": 10246, "quantile": 0.75, "value": 280300.0, "Latitude": 33.9, "Longitude": -117.87, "Population": 1416.0}, {"index": 10246, "quantile": 1.0, "value": 462700.0, "Latitude": 33.9, "Longitude": -117.87, "Population": 1416.0}, {"index": 10247, "quantile": 0.0, "value": 185600.0, "Latitude": 33.89, "Longitude": -117.86, "Population": 1915.0}, {"index": 10247, "quantile": 0.25, "value": 289800.0, "Latitude": 33.89, "Longitude": -117.86, "Population": 1915.0}, {"index": 10247, "quantile": 0.5, "value": 289800.0, "Latitude": 33.89, "Longitude": -117.86, "Population": 1915.0}, {"index": 10247, "quantile": 0.75, "value": 289800.0, "Latitude": 33.89, "Longitude": -117.86, "Population": 1915.0}, {"index": 10247, "quantile": 1.0, "value": 382500.0, "Latitude": 33.89, "Longitude": -117.86, "Population": 1915.0}, {"index": 10248, "quantile": 0.0, "value": 259300.0, "Latitude": 33.89, "Longitude": -117.86, "Population": 820.0}, {"index": 10248, "quantile": 0.25, "value": 274500.0, "Latitude": 33.89, "Longitude": -117.86, "Population": 820.0}, {"index": 10248, "quantile": 0.5, "value": 274500.0, "Latitude": 33.89, "Longitude": -117.86, "Population": 820.0}, {"index": 10248, "quantile": 0.75, "value": 293550.0, "Latitude": 33.89, "Longitude": -117.86, "Population": 820.0}, {"index": 10248, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -117.86, "Population": 820.0}, {"index": 10249, "quantile": 0.0, "value": 127200.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 786.0}, {"index": 10249, "quantile": 0.25, "value": 275000.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 786.0}, {"index": 10249, "quantile": 0.5, "value": 275000.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 786.0}, {"index": 10249, "quantile": 0.75, "value": 275000.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 786.0}, {"index": 10249, "quantile": 1.0, "value": 394000.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 786.0}, {"index": 10250, "quantile": 0.0, "value": 135400.0, "Latitude": 33.88, "Longitude": -117.86, "Population": 871.0}, {"index": 10250, "quantile": 0.25, "value": 201399.99999999997, "Latitude": 33.88, "Longitude": -117.86, "Population": 871.0}, {"index": 10250, "quantile": 0.5, "value": 201399.99999999997, "Latitude": 33.88, "Longitude": -117.86, "Population": 871.0}, {"index": 10250, "quantile": 0.75, "value": 201399.99999999997, "Latitude": 33.88, "Longitude": -117.86, "Population": 871.0}, {"index": 10250, "quantile": 1.0, "value": 324400.0, "Latitude": 33.88, "Longitude": -117.86, "Population": 871.0}, {"index": 10251, "quantile": 0.0, "value": 45000.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 769.0}, {"index": 10251, "quantile": 0.25, "value": 171700.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 769.0}, {"index": 10251, "quantile": 0.5, "value": 171700.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 769.0}, {"index": 10251, "quantile": 0.75, "value": 171700.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 769.0}, {"index": 10251, "quantile": 1.0, "value": 350000.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 769.0}, {"index": 10252, "quantile": 0.0, "value": 86500.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 1382.0}, {"index": 10252, "quantile": 0.25, "value": 168400.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 1382.0}, {"index": 10252, "quantile": 0.5, "value": 191650.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 1382.0}, {"index": 10252, "quantile": 0.75, "value": 238550.00000000003, "Latitude": 33.89, "Longitude": -117.87, "Population": 1382.0}, {"index": 10252, "quantile": 1.0, "value": 282500.0, "Latitude": 33.89, "Longitude": -117.87, "Population": 1382.0}, {"index": 10253, "quantile": 0.0, "value": 45000.0, "Latitude": 33.88, "Longitude": -117.87, "Population": 1342.0}, {"index": 10253, "quantile": 0.25, "value": 156900.0, "Latitude": 33.88, "Longitude": -117.87, "Population": 1342.0}, {"index": 10253, "quantile": 0.5, "value": 156900.0, "Latitude": 33.88, "Longitude": -117.87, "Population": 1342.0}, {"index": 10253, "quantile": 0.75, "value": 177625.0, "Latitude": 33.88, "Longitude": -117.87, "Population": 1342.0}, {"index": 10253, "quantile": 1.0, "value": 324400.0, "Latitude": 33.88, "Longitude": -117.87, "Population": 1342.0}, {"index": 10254, "quantile": 0.0, "value": 101800.0, "Latitude": 33.88, "Longitude": -117.87, "Population": 1519.0}, {"index": 10254, "quantile": 0.25, "value": 183900.0, "Latitude": 33.88, "Longitude": -117.87, "Population": 1519.0}, {"index": 10254, "quantile": 0.5, "value": 183900.0, "Latitude": 33.88, "Longitude": -117.87, "Population": 1519.0}, {"index": 10254, "quantile": 0.75, "value": 229999.99999999997, "Latitude": 33.88, "Longitude": -117.87, "Population": 1519.0}, {"index": 10254, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -117.87, "Population": 1519.0}, {"index": 10255, "quantile": 0.0, "value": 166100.0, "Latitude": 33.88, "Longitude": -117.87, "Population": 2026.0}, {"index": 10255, "quantile": 0.25, "value": 190700.0, "Latitude": 33.88, "Longitude": -117.87, "Population": 2026.0}, {"index": 10255, "quantile": 0.5, "value": 190700.0, "Latitude": 33.88, "Longitude": -117.87, "Population": 2026.0}, {"index": 10255, "quantile": 0.75, "value": 190700.0, "Latitude": 33.88, "Longitude": -117.87, "Population": 2026.0}, {"index": 10255, "quantile": 1.0, "value": 234900.00000000003, "Latitude": 33.88, "Longitude": -117.87, "Population": 2026.0}, {"index": 10256, "quantile": 0.0, "value": 145300.0, "Latitude": 33.88, "Longitude": -117.87, "Population": 1682.0}, {"index": 10256, "quantile": 0.25, "value": 174700.0, "Latitude": 33.88, "Longitude": -117.87, "Population": 1682.0}, {"index": 10256, "quantile": 0.5, "value": 186150.0, "Latitude": 33.88, "Longitude": -117.87, "Population": 1682.0}, {"index": 10256, "quantile": 0.75, "value": 194175.0, "Latitude": 33.88, "Longitude": -117.87, "Population": 1682.0}, {"index": 10256, "quantile": 1.0, "value": 417600.0, "Latitude": 33.88, "Longitude": -117.87, "Population": 1682.0}, {"index": 10257, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 33.87, "Longitude": -117.86, "Population": 685.0}, {"index": 10257, "quantile": 0.25, "value": 166200.0, "Latitude": 33.87, "Longitude": -117.86, "Population": 685.0}, {"index": 10257, "quantile": 0.5, "value": 227700.0, "Latitude": 33.87, "Longitude": -117.86, "Population": 685.0}, {"index": 10257, "quantile": 0.75, "value": 249875.00000000003, "Latitude": 33.87, "Longitude": -117.86, "Population": 685.0}, {"index": 10257, "quantile": 1.0, "value": 413900.0, "Latitude": 33.87, "Longitude": -117.86, "Population": 685.0}, {"index": 10258, "quantile": 0.0, "value": 138900.0, "Latitude": 33.85, "Longitude": -117.87, "Population": 34.0}, {"index": 10258, "quantile": 0.25, "value": 350000.0, "Latitude": 33.85, "Longitude": -117.87, "Population": 34.0}, {"index": 10258, "quantile": 0.5, "value": 350000.0, "Latitude": 33.85, "Longitude": -117.87, "Population": 34.0}, {"index": 10258, "quantile": 0.75, "value": 350000.0, "Latitude": 33.85, "Longitude": -117.87, "Population": 34.0}, {"index": 10258, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -117.87, "Population": 34.0}, {"index": 10259, "quantile": 0.0, "value": 87500.0, "Latitude": 33.86, "Longitude": -117.85, "Population": 209.0}, {"index": 10259, "quantile": 0.25, "value": 177600.0, "Latitude": 33.86, "Longitude": -117.85, "Population": 209.0}, {"index": 10259, "quantile": 0.5, "value": 198000.0, "Latitude": 33.86, "Longitude": -117.85, "Population": 209.0}, {"index": 10259, "quantile": 0.75, "value": 240725.0, "Latitude": 33.86, "Longitude": -117.85, "Population": 209.0}, {"index": 10259, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -117.85, "Population": 209.0}, {"index": 10260, "quantile": 0.0, "value": 161700.0, "Latitude": 33.89, "Longitude": -117.85, "Population": 1486.0}, {"index": 10260, "quantile": 0.25, "value": 323075.0, "Latitude": 33.89, "Longitude": -117.85, "Population": 1486.0}, {"index": 10260, "quantile": 0.5, "value": 382100.0, "Latitude": 33.89, "Longitude": -117.85, "Population": 1486.0}, {"index": 10260, "quantile": 0.75, "value": 477299.99999999994, "Latitude": 33.89, "Longitude": -117.85, "Population": 1486.0}, {"index": 10260, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -117.85, "Population": 1486.0}, {"index": 10261, "quantile": 0.0, "value": 274500.0, "Latitude": 33.88, "Longitude": -117.85, "Population": 2138.0}, {"index": 10261, "quantile": 0.25, "value": 288500.0, "Latitude": 33.88, "Longitude": -117.85, "Population": 2138.0}, {"index": 10261, "quantile": 0.5, "value": 288500.0, "Latitude": 33.88, "Longitude": -117.85, "Population": 2138.0}, {"index": 10261, "quantile": 0.75, "value": 306700.0, "Latitude": 33.88, "Longitude": -117.85, "Population": 2138.0}, {"index": 10261, "quantile": 1.0, "value": 462700.0, "Latitude": 33.88, "Longitude": -117.85, "Population": 2138.0}, {"index": 10262, "quantile": 0.0, "value": 185600.0, "Latitude": 33.88, "Longitude": -117.86, "Population": 1886.0}, {"index": 10262, "quantile": 0.25, "value": 277300.0, "Latitude": 33.88, "Longitude": -117.86, "Population": 1886.0}, {"index": 10262, "quantile": 0.5, "value": 289800.0, "Latitude": 33.88, "Longitude": -117.86, "Population": 1886.0}, {"index": 10262, "quantile": 0.75, "value": 313250.0, "Latitude": 33.88, "Longitude": -117.86, "Population": 1886.0}, {"index": 10262, "quantile": 1.0, "value": 361900.0, "Latitude": 33.88, "Longitude": -117.86, "Population": 1886.0}, {"index": 10263, "quantile": 0.0, "value": 179700.0, "Latitude": 33.87, "Longitude": -117.85, "Population": 2569.0}, {"index": 10263, "quantile": 0.25, "value": 275100.0, "Latitude": 33.87, "Longitude": -117.85, "Population": 2569.0}, {"index": 10263, "quantile": 0.5, "value": 301900.0, "Latitude": 33.87, "Longitude": -117.85, "Population": 2569.0}, {"index": 10263, "quantile": 0.75, "value": 301900.0, "Latitude": 33.87, "Longitude": -117.85, "Population": 2569.0}, {"index": 10263, "quantile": 1.0, "value": 311200.0, "Latitude": 33.87, "Longitude": -117.85, "Population": 2569.0}, {"index": 10264, "quantile": 0.0, "value": 162000.0, "Latitude": 33.9, "Longitude": -117.85, "Population": 1997.0}, {"index": 10264, "quantile": 0.25, "value": 260500.0, "Latitude": 33.9, "Longitude": -117.85, "Population": 1997.0}, {"index": 10264, "quantile": 0.5, "value": 260500.0, "Latitude": 33.9, "Longitude": -117.85, "Population": 1997.0}, {"index": 10264, "quantile": 0.75, "value": 260500.0, "Latitude": 33.9, "Longitude": -117.85, "Population": 1997.0}, {"index": 10264, "quantile": 1.0, "value": 386800.0, "Latitude": 33.9, "Longitude": -117.85, "Population": 1997.0}, {"index": 10265, "quantile": 0.0, "value": 118600.0, "Latitude": 33.9, "Longitude": -117.85, "Population": 811.0}, {"index": 10265, "quantile": 0.25, "value": 230399.99999999997, "Latitude": 33.9, "Longitude": -117.85, "Population": 811.0}, {"index": 10265, "quantile": 0.5, "value": 242200.00000000003, "Latitude": 33.9, "Longitude": -117.85, "Population": 811.0}, {"index": 10265, "quantile": 0.75, "value": 242200.00000000003, "Latitude": 33.9, "Longitude": -117.85, "Population": 811.0}, {"index": 10265, "quantile": 1.0, "value": 485700.0, "Latitude": 33.9, "Longitude": -117.85, "Population": 811.0}, {"index": 10266, "quantile": 0.0, "value": 149900.0, "Latitude": 33.89, "Longitude": -117.84, "Population": 1912.0}, {"index": 10266, "quantile": 0.25, "value": 226900.0, "Latitude": 33.89, "Longitude": -117.84, "Population": 1912.0}, {"index": 10266, "quantile": 0.5, "value": 226900.0, "Latitude": 33.89, "Longitude": -117.84, "Population": 1912.0}, {"index": 10266, "quantile": 0.75, "value": 231400.0, "Latitude": 33.89, "Longitude": -117.84, "Population": 1912.0}, {"index": 10266, "quantile": 1.0, "value": 301900.0, "Latitude": 33.89, "Longitude": -117.84, "Population": 1912.0}, {"index": 10267, "quantile": 0.0, "value": 164700.0, "Latitude": 33.89, "Longitude": -117.85, "Population": 1616.0}, {"index": 10267, "quantile": 0.25, "value": 240600.0, "Latitude": 33.89, "Longitude": -117.85, "Population": 1616.0}, {"index": 10267, "quantile": 0.5, "value": 240600.0, "Latitude": 33.89, "Longitude": -117.85, "Population": 1616.0}, {"index": 10267, "quantile": 0.75, "value": 240600.0, "Latitude": 33.89, "Longitude": -117.85, "Population": 1616.0}, {"index": 10267, "quantile": 1.0, "value": 302200.0, "Latitude": 33.89, "Longitude": -117.85, "Population": 1616.0}, {"index": 10268, "quantile": 0.0, "value": 113900.0, "Latitude": 33.87, "Longitude": -117.88, "Population": 1203.0}, {"index": 10268, "quantile": 0.25, "value": 145300.0, "Latitude": 33.87, "Longitude": -117.88, "Population": 1203.0}, {"index": 10268, "quantile": 0.5, "value": 145300.0, "Latitude": 33.87, "Longitude": -117.88, "Population": 1203.0}, {"index": 10268, "quantile": 0.75, "value": 169499.99999999997, "Latitude": 33.87, "Longitude": -117.88, "Population": 1203.0}, {"index": 10268, "quantile": 1.0, "value": 214699.99999999997, "Latitude": 33.87, "Longitude": -117.88, "Population": 1203.0}, {"index": 10269, "quantile": 0.0, "value": 132800.0, "Latitude": 33.86, "Longitude": -117.87, "Population": 1149.0}, {"index": 10269, "quantile": 0.25, "value": 212150.00000000003, "Latitude": 33.86, "Longitude": -117.87, "Population": 1149.0}, {"index": 10269, "quantile": 0.5, "value": 324400.0, "Latitude": 33.86, "Longitude": -117.87, "Population": 1149.0}, {"index": 10269, "quantile": 0.75, "value": 324400.0, "Latitude": 33.86, "Longitude": -117.87, "Population": 1149.0}, {"index": 10269, "quantile": 1.0, "value": 375000.0, "Latitude": 33.86, "Longitude": -117.87, "Population": 1149.0}, {"index": 10270, "quantile": 0.0, "value": 124200.0, "Latitude": 33.87, "Longitude": -117.87, "Population": 1367.0}, {"index": 10270, "quantile": 0.25, "value": 162400.0, "Latitude": 33.87, "Longitude": -117.87, "Population": 1367.0}, {"index": 10270, "quantile": 0.5, "value": 162400.0, "Latitude": 33.87, "Longitude": -117.87, "Population": 1367.0}, {"index": 10270, "quantile": 0.75, "value": 190800.0, "Latitude": 33.87, "Longitude": -117.87, "Population": 1367.0}, {"index": 10270, "quantile": 1.0, "value": 340000.0, "Latitude": 33.87, "Longitude": -117.87, "Population": 1367.0}, {"index": 10271, "quantile": 0.0, "value": 103000.0, "Latitude": 33.87, "Longitude": -117.87, "Population": 1766.0}, {"index": 10271, "quantile": 0.25, "value": 158500.0, "Latitude": 33.87, "Longitude": -117.87, "Population": 1766.0}, {"index": 10271, "quantile": 0.5, "value": 158500.0, "Latitude": 33.87, "Longitude": -117.87, "Population": 1766.0}, {"index": 10271, "quantile": 0.75, "value": 168400.00000000003, "Latitude": 33.87, "Longitude": -117.87, "Population": 1766.0}, {"index": 10271, "quantile": 1.0, "value": 350000.0, "Latitude": 33.87, "Longitude": -117.87, "Population": 1766.0}, {"index": 10272, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 33.87, "Longitude": -117.87, "Population": 1534.0}, {"index": 10272, "quantile": 0.25, "value": 185725.0, "Latitude": 33.87, "Longitude": -117.87, "Population": 1534.0}, {"index": 10272, "quantile": 0.5, "value": 297100.0, "Latitude": 33.87, "Longitude": -117.87, "Population": 1534.0}, {"index": 10272, "quantile": 0.75, "value": 297100.0, "Latitude": 33.87, "Longitude": -117.87, "Population": 1534.0}, {"index": 10272, "quantile": 1.0, "value": 297100.0, "Latitude": 33.87, "Longitude": -117.87, "Population": 1534.0}, {"index": 10273, "quantile": 0.0, "value": 187500.0, "Latitude": 33.87, "Longitude": -117.86, "Population": 891.0}, {"index": 10273, "quantile": 0.25, "value": 216000.0, "Latitude": 33.87, "Longitude": -117.86, "Population": 891.0}, {"index": 10273, "quantile": 0.5, "value": 216000.0, "Latitude": 33.87, "Longitude": -117.86, "Population": 891.0}, {"index": 10273, "quantile": 0.75, "value": 233300.00000000003, "Latitude": 33.87, "Longitude": -117.86, "Population": 891.0}, {"index": 10273, "quantile": 1.0, "value": 371700.0, "Latitude": 33.87, "Longitude": -117.86, "Population": 891.0}, {"index": 10274, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 33.85, "Longitude": -117.88, "Population": 2726.0}, {"index": 10274, "quantile": 0.25, "value": 166575.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 2726.0}, {"index": 10274, "quantile": 0.5, "value": 200000.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 2726.0}, {"index": 10274, "quantile": 0.75, "value": 200000.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 2726.0}, {"index": 10274, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 33.85, "Longitude": -117.88, "Population": 2726.0}, {"index": 10275, "quantile": 0.0, "value": 113599.99999999999, "Latitude": 33.86, "Longitude": -117.87, "Population": 2197.0}, {"index": 10275, "quantile": 0.25, "value": 142800.0, "Latitude": 33.86, "Longitude": -117.87, "Population": 2197.0}, {"index": 10275, "quantile": 0.5, "value": 142800.0, "Latitude": 33.86, "Longitude": -117.87, "Population": 2197.0}, {"index": 10275, "quantile": 0.75, "value": 149775.0, "Latitude": 33.86, "Longitude": -117.87, "Population": 2197.0}, {"index": 10275, "quantile": 1.0, "value": 201300.0, "Latitude": 33.86, "Longitude": -117.87, "Population": 2197.0}, {"index": 10276, "quantile": 0.0, "value": 83100.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 971.0}, {"index": 10276, "quantile": 0.25, "value": 113900.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 971.0}, {"index": 10276, "quantile": 0.5, "value": 113900.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 971.0}, {"index": 10276, "quantile": 0.75, "value": 155000.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 971.0}, {"index": 10276, "quantile": 1.0, "value": 297100.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 971.0}, {"index": 10277, "quantile": 0.0, "value": 102800.0, "Latitude": 33.89, "Longitude": -117.81, "Population": 1546.0}, {"index": 10277, "quantile": 0.25, "value": 258849.99999999997, "Latitude": 33.89, "Longitude": -117.81, "Population": 1546.0}, {"index": 10277, "quantile": 0.5, "value": 297900.0, "Latitude": 33.89, "Longitude": -117.81, "Population": 1546.0}, {"index": 10277, "quantile": 0.75, "value": 297900.0, "Latitude": 33.89, "Longitude": -117.81, "Population": 1546.0}, {"index": 10277, "quantile": 1.0, "value": 416899.99999999994, "Latitude": 33.89, "Longitude": -117.81, "Population": 1546.0}, {"index": 10278, "quantile": 0.0, "value": 141200.0, "Latitude": 33.88, "Longitude": -117.82, "Population": 1027.0}, {"index": 10278, "quantile": 0.25, "value": 250999.99999999997, "Latitude": 33.88, "Longitude": -117.82, "Population": 1027.0}, {"index": 10278, "quantile": 0.5, "value": 275000.0, "Latitude": 33.88, "Longitude": -117.82, "Population": 1027.0}, {"index": 10278, "quantile": 0.75, "value": 328325.0, "Latitude": 33.88, "Longitude": -117.82, "Population": 1027.0}, {"index": 10278, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -117.82, "Population": 1027.0}, {"index": 10279, "quantile": 0.0, "value": 110700.0, "Latitude": 33.89, "Longitude": -117.82, "Population": 1050.0}, {"index": 10279, "quantile": 0.25, "value": 200999.99999999997, "Latitude": 33.89, "Longitude": -117.82, "Population": 1050.0}, {"index": 10279, "quantile": 0.5, "value": 224450.0, "Latitude": 33.89, "Longitude": -117.82, "Population": 1050.0}, {"index": 10279, "quantile": 0.75, "value": 237300.00000000003, "Latitude": 33.89, "Longitude": -117.82, "Population": 1050.0}, {"index": 10279, "quantile": 1.0, "value": 334100.0, "Latitude": 33.89, "Longitude": -117.82, "Population": 1050.0}, {"index": 10280, "quantile": 0.0, "value": 126200.0, "Latitude": 33.88, "Longitude": -117.81, "Population": 1430.0}, {"index": 10280, "quantile": 0.25, "value": 273400.0, "Latitude": 33.88, "Longitude": -117.81, "Population": 1430.0}, {"index": 10280, "quantile": 0.5, "value": 371700.0, "Latitude": 33.88, "Longitude": -117.81, "Population": 1430.0}, {"index": 10280, "quantile": 0.75, "value": 371700.0, "Latitude": 33.88, "Longitude": -117.81, "Population": 1430.0}, {"index": 10280, "quantile": 1.0, "value": 436700.0, "Latitude": 33.88, "Longitude": -117.81, "Population": 1430.0}, {"index": 10281, "quantile": 0.0, "value": 146900.0, "Latitude": 33.89, "Longitude": -117.82, "Population": 1431.0}, {"index": 10281, "quantile": 0.25, "value": 227300.0, "Latitude": 33.89, "Longitude": -117.82, "Population": 1431.0}, {"index": 10281, "quantile": 0.5, "value": 278900.0, "Latitude": 33.89, "Longitude": -117.82, "Population": 1431.0}, {"index": 10281, "quantile": 0.75, "value": 278900.0, "Latitude": 33.89, "Longitude": -117.82, "Population": 1431.0}, {"index": 10281, "quantile": 1.0, "value": 476700.00000000006, "Latitude": 33.89, "Longitude": -117.82, "Population": 1431.0}, {"index": 10282, "quantile": 0.0, "value": 107300.0, "Latitude": 33.86, "Longitude": -117.78, "Population": 1769.0}, {"index": 10282, "quantile": 0.25, "value": 158000.0, "Latitude": 33.86, "Longitude": -117.78, "Population": 1769.0}, {"index": 10282, "quantile": 0.5, "value": 189600.0, "Latitude": 33.86, "Longitude": -117.78, "Population": 1769.0}, {"index": 10282, "quantile": 0.75, "value": 206100.0, "Latitude": 33.86, "Longitude": -117.78, "Population": 1769.0}, {"index": 10282, "quantile": 1.0, "value": 291000.0, "Latitude": 33.86, "Longitude": -117.78, "Population": 1769.0}, {"index": 10283, "quantile": 0.0, "value": 192600.0, "Latitude": 33.87, "Longitude": -117.76, "Population": 1971.0}, {"index": 10283, "quantile": 0.25, "value": 263700.0, "Latitude": 33.87, "Longitude": -117.76, "Population": 1971.0}, {"index": 10283, "quantile": 0.5, "value": 263700.0, "Latitude": 33.87, "Longitude": -117.76, "Population": 1971.0}, {"index": 10283, "quantile": 0.75, "value": 264050.0, "Latitude": 33.87, "Longitude": -117.76, "Population": 1971.0}, {"index": 10283, "quantile": 1.0, "value": 346900.0, "Latitude": 33.87, "Longitude": -117.76, "Population": 1971.0}, {"index": 10284, "quantile": 0.0, "value": 231700.00000000003, "Latitude": 33.9, "Longitude": -117.83, "Population": 1196.0}, {"index": 10284, "quantile": 0.25, "value": 263900.0, "Latitude": 33.9, "Longitude": -117.83, "Population": 1196.0}, {"index": 10284, "quantile": 0.5, "value": 276300.0, "Latitude": 33.9, "Longitude": -117.83, "Population": 1196.0}, {"index": 10284, "quantile": 0.75, "value": 296975.0, "Latitude": 33.9, "Longitude": -117.83, "Population": 1196.0}, {"index": 10284, "quantile": 1.0, "value": 480800.0, "Latitude": 33.9, "Longitude": -117.83, "Population": 1196.0}, {"index": 10285, "quantile": 0.0, "value": 182400.0, "Latitude": 33.9, "Longitude": -117.84, "Population": 707.0}, {"index": 10285, "quantile": 0.25, "value": 299600.0, "Latitude": 33.9, "Longitude": -117.84, "Population": 707.0}, {"index": 10285, "quantile": 0.5, "value": 299600.0, "Latitude": 33.9, "Longitude": -117.84, "Population": 707.0}, {"index": 10285, "quantile": 0.75, "value": 299600.0, "Latitude": 33.9, "Longitude": -117.84, "Population": 707.0}, {"index": 10285, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -117.84, "Population": 707.0}, {"index": 10286, "quantile": 0.0, "value": 125699.99999999999, "Latitude": 33.89, "Longitude": -117.83, "Population": 840.0}, {"index": 10286, "quantile": 0.25, "value": 206800.0, "Latitude": 33.89, "Longitude": -117.83, "Population": 840.0}, {"index": 10286, "quantile": 0.5, "value": 231299.99999999997, "Latitude": 33.89, "Longitude": -117.83, "Population": 840.0}, {"index": 10286, "quantile": 0.75, "value": 256425.0, "Latitude": 33.89, "Longitude": -117.83, "Population": 840.0}, {"index": 10286, "quantile": 1.0, "value": 450800.0, "Latitude": 33.89, "Longitude": -117.83, "Population": 840.0}, {"index": 10287, "quantile": 0.0, "value": 164700.0, "Latitude": 33.88, "Longitude": -117.83, "Population": 1209.0}, {"index": 10287, "quantile": 0.25, "value": 259400.0, "Latitude": 33.88, "Longitude": -117.83, "Population": 1209.0}, {"index": 10287, "quantile": 0.5, "value": 259400.0, "Latitude": 33.88, "Longitude": -117.83, "Population": 1209.0}, {"index": 10287, "quantile": 0.75, "value": 259400.0, "Latitude": 33.88, "Longitude": -117.83, "Population": 1209.0}, {"index": 10287, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.88, "Longitude": -117.83, "Population": 1209.0}, {"index": 10288, "quantile": 0.0, "value": 231700.00000000003, "Latitude": 33.89, "Longitude": -117.84, "Population": 1787.0}, {"index": 10288, "quantile": 0.25, "value": 264300.0, "Latitude": 33.89, "Longitude": -117.84, "Population": 1787.0}, {"index": 10288, "quantile": 0.5, "value": 264300.0, "Latitude": 33.89, "Longitude": -117.84, "Population": 1787.0}, {"index": 10288, "quantile": 0.75, "value": 264800.0, "Latitude": 33.89, "Longitude": -117.84, "Population": 1787.0}, {"index": 10288, "quantile": 1.0, "value": 480800.0, "Latitude": 33.89, "Longitude": -117.84, "Population": 1787.0}, {"index": 10289, "quantile": 0.0, "value": 127200.0, "Latitude": 33.88, "Longitude": -117.83, "Population": 1048.0}, {"index": 10289, "quantile": 0.25, "value": 231700.00000000003, "Latitude": 33.88, "Longitude": -117.83, "Population": 1048.0}, {"index": 10289, "quantile": 0.5, "value": 231700.00000000003, "Latitude": 33.88, "Longitude": -117.83, "Population": 1048.0}, {"index": 10289, "quantile": 0.75, "value": 274625.0, "Latitude": 33.88, "Longitude": -117.83, "Population": 1048.0}, {"index": 10289, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -117.83, "Population": 1048.0}, {"index": 10290, "quantile": 0.0, "value": 214500.0, "Latitude": 33.88, "Longitude": -117.82, "Population": 2531.0}, {"index": 10290, "quantile": 0.25, "value": 256599.99999999997, "Latitude": 33.88, "Longitude": -117.82, "Population": 2531.0}, {"index": 10290, "quantile": 0.5, "value": 274800.0, "Latitude": 33.88, "Longitude": -117.82, "Population": 2531.0}, {"index": 10290, "quantile": 0.75, "value": 326350.0, "Latitude": 33.88, "Longitude": -117.82, "Population": 2531.0}, {"index": 10290, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -117.82, "Population": 2531.0}, {"index": 10291, "quantile": 0.0, "value": 158500.0, "Latitude": 33.87, "Longitude": -117.83, "Population": 3521.0}, {"index": 10291, "quantile": 0.25, "value": 243900.0, "Latitude": 33.87, "Longitude": -117.83, "Population": 3521.0}, {"index": 10291, "quantile": 0.5, "value": 243900.0, "Latitude": 33.87, "Longitude": -117.83, "Population": 3521.0}, {"index": 10291, "quantile": 0.75, "value": 243900.0, "Latitude": 33.87, "Longitude": -117.83, "Population": 3521.0}, {"index": 10291, "quantile": 1.0, "value": 320800.0, "Latitude": 33.87, "Longitude": -117.83, "Population": 3521.0}, {"index": 10292, "quantile": 0.0, "value": 347800.0, "Latitude": 33.88, "Longitude": -117.81, "Population": 904.0}, {"index": 10292, "quantile": 0.25, "value": 461300.00000000006, "Latitude": 33.88, "Longitude": -117.81, "Population": 904.0}, {"index": 10292, "quantile": 0.5, "value": 461300.00000000006, "Latitude": 33.88, "Longitude": -117.81, "Population": 904.0}, {"index": 10292, "quantile": 0.75, "value": 461300.00000000006, "Latitude": 33.88, "Longitude": -117.81, "Population": 904.0}, {"index": 10292, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -117.81, "Population": 904.0}, {"index": 10293, "quantile": 0.0, "value": 193300.0, "Latitude": 33.87, "Longitude": -117.81, "Population": 2457.0}, {"index": 10293, "quantile": 0.25, "value": 241000.0, "Latitude": 33.87, "Longitude": -117.81, "Population": 2457.0}, {"index": 10293, "quantile": 0.5, "value": 259400.0, "Latitude": 33.87, "Longitude": -117.81, "Population": 2457.0}, {"index": 10293, "quantile": 0.75, "value": 283200.0, "Latitude": 33.87, "Longitude": -117.81, "Population": 2457.0}, {"index": 10293, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.87, "Longitude": -117.81, "Population": 2457.0}, {"index": 10294, "quantile": 0.0, "value": 137200.0, "Latitude": 33.87, "Longitude": -117.8, "Population": 3107.0}, {"index": 10294, "quantile": 0.25, "value": 206100.0, "Latitude": 33.87, "Longitude": -117.8, "Population": 3107.0}, {"index": 10294, "quantile": 0.5, "value": 206100.0, "Latitude": 33.87, "Longitude": -117.8, "Population": 3107.0}, {"index": 10294, "quantile": 0.75, "value": 206100.0, "Latitude": 33.87, "Longitude": -117.8, "Population": 3107.0}, {"index": 10294, "quantile": 1.0, "value": 353000.0, "Latitude": 33.87, "Longitude": -117.8, "Population": 3107.0}, {"index": 10295, "quantile": 0.0, "value": 87500.0, "Latitude": 33.86, "Longitude": -117.81, "Population": 95.0}, {"index": 10295, "quantile": 0.25, "value": 220100.0, "Latitude": 33.86, "Longitude": -117.81, "Population": 95.0}, {"index": 10295, "quantile": 0.5, "value": 235000.0, "Latitude": 33.86, "Longitude": -117.81, "Population": 95.0}, {"index": 10295, "quantile": 0.75, "value": 235000.0, "Latitude": 33.86, "Longitude": -117.81, "Population": 95.0}, {"index": 10295, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -117.81, "Population": 95.0}, {"index": 10296, "quantile": 0.0, "value": 190200.0, "Latitude": 33.92, "Longitude": -117.87, "Population": 1905.0}, {"index": 10296, "quantile": 0.25, "value": 244800.0, "Latitude": 33.92, "Longitude": -117.87, "Population": 1905.0}, {"index": 10296, "quantile": 0.5, "value": 272200.00000000006, "Latitude": 33.92, "Longitude": -117.87, "Population": 1905.0}, {"index": 10296, "quantile": 0.75, "value": 295650.0, "Latitude": 33.92, "Longitude": -117.87, "Population": 1905.0}, {"index": 10296, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -117.87, "Population": 1905.0}, {"index": 10297, "quantile": 0.0, "value": 134100.0, "Latitude": 33.92, "Longitude": -117.88, "Population": 1565.0}, {"index": 10297, "quantile": 0.25, "value": 190300.0, "Latitude": 33.92, "Longitude": -117.88, "Population": 1565.0}, {"index": 10297, "quantile": 0.5, "value": 218050.0, "Latitude": 33.92, "Longitude": -117.88, "Population": 1565.0}, {"index": 10297, "quantile": 0.75, "value": 291099.99999999994, "Latitude": 33.92, "Longitude": -117.88, "Population": 1565.0}, {"index": 10297, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -117.88, "Population": 1565.0}, {"index": 10298, "quantile": 0.0, "value": 286900.0, "Latitude": 33.92, "Longitude": -117.85, "Population": 1460.0}, {"index": 10298, "quantile": 0.25, "value": 371800.0, "Latitude": 33.92, "Longitude": -117.85, "Population": 1460.0}, {"index": 10298, "quantile": 0.5, "value": 371800.0, "Latitude": 33.92, "Longitude": -117.85, "Population": 1460.0}, {"index": 10298, "quantile": 0.75, "value": 371800.0, "Latitude": 33.92, "Longitude": -117.85, "Population": 1460.0}, {"index": 10298, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -117.85, "Population": 1460.0}, {"index": 10299, "quantile": 0.0, "value": 161700.0, "Latitude": 33.92, "Longitude": -117.87, "Population": 2054.0}, {"index": 10299, "quantile": 0.25, "value": 272400.0, "Latitude": 33.92, "Longitude": -117.87, "Population": 2054.0}, {"index": 10299, "quantile": 0.5, "value": 272400.0, "Latitude": 33.92, "Longitude": -117.87, "Population": 2054.0}, {"index": 10299, "quantile": 0.75, "value": 280725.0, "Latitude": 33.92, "Longitude": -117.87, "Population": 2054.0}, {"index": 10299, "quantile": 1.0, "value": 491200.0, "Latitude": 33.92, "Longitude": -117.87, "Population": 2054.0}, {"index": 10300, "quantile": 0.0, "value": 161700.0, "Latitude": 33.93, "Longitude": -117.83, "Population": 671.0}, {"index": 10300, "quantile": 0.25, "value": 306400.0, "Latitude": 33.93, "Longitude": -117.83, "Population": 671.0}, {"index": 10300, "quantile": 0.5, "value": 306400.0, "Latitude": 33.93, "Longitude": -117.83, "Population": 671.0}, {"index": 10300, "quantile": 0.75, "value": 307400.0, "Latitude": 33.93, "Longitude": -117.83, "Population": 671.0}, {"index": 10300, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -117.83, "Population": 671.0}, {"index": 10301, "quantile": 0.0, "value": 128400.0, "Latitude": 33.92, "Longitude": -117.8, "Population": 2306.0}, {"index": 10301, "quantile": 0.25, "value": 236150.0, "Latitude": 33.92, "Longitude": -117.8, "Population": 2306.0}, {"index": 10301, "quantile": 0.5, "value": 277500.0, "Latitude": 33.92, "Longitude": -117.8, "Population": 2306.0}, {"index": 10301, "quantile": 0.75, "value": 277500.0, "Latitude": 33.92, "Longitude": -117.8, "Population": 2306.0}, {"index": 10301, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -117.8, "Population": 2306.0}, {"index": 10302, "quantile": 0.0, "value": 250999.99999999997, "Latitude": 33.89, "Longitude": -117.8, "Population": 1278.0}, {"index": 10302, "quantile": 0.25, "value": 287450.0, "Latitude": 33.89, "Longitude": -117.8, "Population": 1278.0}, {"index": 10302, "quantile": 0.5, "value": 299600.0, "Latitude": 33.89, "Longitude": -117.8, "Population": 1278.0}, {"index": 10302, "quantile": 0.75, "value": 332600.0, "Latitude": 33.89, "Longitude": -117.8, "Population": 1278.0}, {"index": 10302, "quantile": 1.0, "value": 462700.0, "Latitude": 33.89, "Longitude": -117.8, "Population": 1278.0}, {"index": 10303, "quantile": 0.0, "value": 231400.0, "Latitude": 33.88, "Longitude": -117.79, "Population": 3822.0}, {"index": 10303, "quantile": 0.25, "value": 252599.99999999997, "Latitude": 33.88, "Longitude": -117.79, "Population": 3822.0}, {"index": 10303, "quantile": 0.5, "value": 252599.99999999997, "Latitude": 33.88, "Longitude": -117.79, "Population": 3822.0}, {"index": 10303, "quantile": 0.75, "value": 252599.99999999997, "Latitude": 33.88, "Longitude": -117.79, "Population": 3822.0}, {"index": 10303, "quantile": 1.0, "value": 491200.0, "Latitude": 33.88, "Longitude": -117.79, "Population": 3822.0}, {"index": 10304, "quantile": 0.0, "value": 133800.0, "Latitude": 33.87, "Longitude": -117.78, "Population": 2624.0}, {"index": 10304, "quantile": 0.25, "value": 169600.0, "Latitude": 33.87, "Longitude": -117.78, "Population": 2624.0}, {"index": 10304, "quantile": 0.5, "value": 169600.0, "Latitude": 33.87, "Longitude": -117.78, "Population": 2624.0}, {"index": 10304, "quantile": 0.75, "value": 225125.00000000003, "Latitude": 33.87, "Longitude": -117.78, "Population": 2624.0}, {"index": 10304, "quantile": 1.0, "value": 313000.0, "Latitude": 33.87, "Longitude": -117.78, "Population": 2624.0}, {"index": 10305, "quantile": 0.0, "value": 223900.0, "Latitude": 33.88, "Longitude": -117.78, "Population": 871.0}, {"index": 10305, "quantile": 0.25, "value": 301900.0, "Latitude": 33.88, "Longitude": -117.78, "Population": 871.0}, {"index": 10305, "quantile": 0.5, "value": 301900.0, "Latitude": 33.88, "Longitude": -117.78, "Population": 871.0}, {"index": 10305, "quantile": 0.75, "value": 301900.0, "Latitude": 33.88, "Longitude": -117.78, "Population": 871.0}, {"index": 10305, "quantile": 1.0, "value": 438999.99999999994, "Latitude": 33.88, "Longitude": -117.78, "Population": 871.0}, {"index": 10306, "quantile": 0.0, "value": 170300.0, "Latitude": 33.9, "Longitude": -117.78, "Population": 2923.0}, {"index": 10306, "quantile": 0.25, "value": 263900.0, "Latitude": 33.9, "Longitude": -117.78, "Population": 2923.0}, {"index": 10306, "quantile": 0.5, "value": 285750.0, "Latitude": 33.9, "Longitude": -117.78, "Population": 2923.0}, {"index": 10306, "quantile": 0.75, "value": 327425.0, "Latitude": 33.9, "Longitude": -117.78, "Population": 2923.0}, {"index": 10306, "quantile": 1.0, "value": 438999.99999999994, "Latitude": 33.9, "Longitude": -117.78, "Population": 2923.0}, {"index": 10307, "quantile": 0.0, "value": 231700.00000000003, "Latitude": 33.9, "Longitude": -117.82, "Population": 524.0}, {"index": 10307, "quantile": 0.25, "value": 259300.0, "Latitude": 33.9, "Longitude": -117.82, "Population": 524.0}, {"index": 10307, "quantile": 0.5, "value": 259300.0, "Latitude": 33.9, "Longitude": -117.82, "Population": 524.0}, {"index": 10307, "quantile": 0.75, "value": 271900.0, "Latitude": 33.9, "Longitude": -117.82, "Population": 524.0}, {"index": 10307, "quantile": 1.0, "value": 462700.0, "Latitude": 33.9, "Longitude": -117.82, "Population": 524.0}, {"index": 10308, "quantile": 0.0, "value": 258199.99999999997, "Latitude": 33.9, "Longitude": -117.8, "Population": 1485.0}, {"index": 10308, "quantile": 0.25, "value": 354900.0, "Latitude": 33.9, "Longitude": -117.8, "Population": 1485.0}, {"index": 10308, "quantile": 0.5, "value": 354900.0, "Latitude": 33.9, "Longitude": -117.8, "Population": 1485.0}, {"index": 10308, "quantile": 0.75, "value": 363375.0, "Latitude": 33.9, "Longitude": -117.8, "Population": 1485.0}, {"index": 10308, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -117.8, "Population": 1485.0}, {"index": 10309, "quantile": 0.0, "value": 141200.0, "Latitude": 33.89, "Longitude": -117.74, "Population": 16122.0}, {"index": 10309, "quantile": 0.25, "value": 307800.0, "Latitude": 33.89, "Longitude": -117.74, "Population": 16122.0}, {"index": 10309, "quantile": 0.5, "value": 344500.0, "Latitude": 33.89, "Longitude": -117.74, "Population": 16122.0}, {"index": 10309, "quantile": 0.75, "value": 369725.0, "Latitude": 33.89, "Longitude": -117.74, "Population": 16122.0}, {"index": 10309, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -117.74, "Population": 16122.0}, {"index": 10310, "quantile": 0.0, "value": 207900.00000000003, "Latitude": 33.88, "Longitude": -117.76, "Population": 2090.0}, {"index": 10310, "quantile": 0.25, "value": 294275.0, "Latitude": 33.88, "Longitude": -117.76, "Population": 2090.0}, {"index": 10310, "quantile": 0.5, "value": 307800.0, "Latitude": 33.88, "Longitude": -117.76, "Population": 2090.0}, {"index": 10310, "quantile": 0.75, "value": 307800.0, "Latitude": 33.88, "Longitude": -117.76, "Population": 2090.0}, {"index": 10310, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.88, "Longitude": -117.76, "Population": 2090.0}, {"index": 10311, "quantile": 0.0, "value": 348100.0, "Latitude": 33.88, "Longitude": -117.77, "Population": 2070.0}, {"index": 10311, "quantile": 0.25, "value": 379800.0, "Latitude": 33.88, "Longitude": -117.77, "Population": 2070.0}, {"index": 10311, "quantile": 0.5, "value": 410200.00000000006, "Latitude": 33.88, "Longitude": -117.77, "Population": 2070.0}, {"index": 10311, "quantile": 0.75, "value": 410200.00000000006, "Latitude": 33.88, "Longitude": -117.77, "Population": 2070.0}, {"index": 10311, "quantile": 1.0, "value": 445400.0, "Latitude": 33.88, "Longitude": -117.77, "Population": 2070.0}, {"index": 10312, "quantile": 0.0, "value": 193500.0, "Latitude": 33.89, "Longitude": -117.78, "Population": 4160.0}, {"index": 10312, "quantile": 0.25, "value": 374425.0, "Latitude": 33.89, "Longitude": -117.78, "Population": 4160.0}, {"index": 10312, "quantile": 0.5, "value": 413699.99999999994, "Latitude": 33.89, "Longitude": -117.78, "Population": 4160.0}, {"index": 10312, "quantile": 0.75, "value": 441024.99999999994, "Latitude": 33.89, "Longitude": -117.78, "Population": 4160.0}, {"index": 10312, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -117.78, "Population": 4160.0}, {"index": 10313, "quantile": 0.0, "value": 200800.0, "Latitude": 33.85, "Longitude": -117.8, "Population": 1568.0}, {"index": 10313, "quantile": 0.25, "value": 225800.0, "Latitude": 33.85, "Longitude": -117.8, "Population": 1568.0}, {"index": 10313, "quantile": 0.5, "value": 227900.0, "Latitude": 33.85, "Longitude": -117.8, "Population": 1568.0}, {"index": 10313, "quantile": 0.75, "value": 242525.0, "Latitude": 33.85, "Longitude": -117.8, "Population": 1568.0}, {"index": 10313, "quantile": 1.0, "value": 339300.0, "Latitude": 33.85, "Longitude": -117.8, "Population": 1568.0}, {"index": 10314, "quantile": 0.0, "value": 186400.0, "Latitude": 33.85, "Longitude": -117.82, "Population": 1350.0}, {"index": 10314, "quantile": 0.25, "value": 235900.0, "Latitude": 33.85, "Longitude": -117.82, "Population": 1350.0}, {"index": 10314, "quantile": 0.5, "value": 235900.0, "Latitude": 33.85, "Longitude": -117.82, "Population": 1350.0}, {"index": 10314, "quantile": 0.75, "value": 244250.0, "Latitude": 33.85, "Longitude": -117.82, "Population": 1350.0}, {"index": 10314, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.85, "Longitude": -117.82, "Population": 1350.0}, {"index": 10315, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 33.85, "Longitude": -117.82, "Population": 1189.0}, {"index": 10315, "quantile": 0.25, "value": 173325.0, "Latitude": 33.85, "Longitude": -117.82, "Population": 1189.0}, {"index": 10315, "quantile": 0.5, "value": 204600.00000000003, "Latitude": 33.85, "Longitude": -117.82, "Population": 1189.0}, {"index": 10315, "quantile": 0.75, "value": 225950.0, "Latitude": 33.85, "Longitude": -117.82, "Population": 1189.0}, {"index": 10315, "quantile": 1.0, "value": 436700.0, "Latitude": 33.85, "Longitude": -117.82, "Population": 1189.0}, {"index": 10316, "quantile": 0.0, "value": 142500.0, "Latitude": 33.85, "Longitude": -117.8, "Population": 1558.0}, {"index": 10316, "quantile": 0.25, "value": 239975.0, "Latitude": 33.85, "Longitude": -117.8, "Population": 1558.0}, {"index": 10316, "quantile": 0.5, "value": 280200.0, "Latitude": 33.85, "Longitude": -117.8, "Population": 1558.0}, {"index": 10316, "quantile": 0.75, "value": 321925.0, "Latitude": 33.85, "Longitude": -117.8, "Population": 1558.0}, {"index": 10316, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -117.8, "Population": 1558.0}, {"index": 10317, "quantile": 0.0, "value": 349500.0, "Latitude": 33.84, "Longitude": -117.82, "Population": 676.0}, {"index": 10317, "quantile": 0.25, "value": 454300.0, "Latitude": 33.84, "Longitude": -117.82, "Population": 676.0}, {"index": 10317, "quantile": 0.5, "value": 454300.0, "Latitude": 33.84, "Longitude": -117.82, "Population": 676.0}, {"index": 10317, "quantile": 0.75, "value": 484275.00000000006, "Latitude": 33.84, "Longitude": -117.82, "Population": 676.0}, {"index": 10317, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -117.82, "Population": 676.0}, {"index": 10318, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 33.84, "Longitude": -117.81, "Population": 1605.0}, {"index": 10318, "quantile": 0.25, "value": 454300.0, "Latitude": 33.84, "Longitude": -117.81, "Population": 1605.0}, {"index": 10318, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -117.81, "Population": 1605.0}, {"index": 10318, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -117.81, "Population": 1605.0}, {"index": 10318, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -117.81, "Population": 1605.0}, {"index": 10319, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 33.84, "Longitude": -117.79, "Population": 4005.0}, {"index": 10319, "quantile": 0.25, "value": 365300.0, "Latitude": 33.84, "Longitude": -117.79, "Population": 4005.0}, {"index": 10319, "quantile": 0.5, "value": 365300.0, "Latitude": 33.84, "Longitude": -117.79, "Population": 4005.0}, {"index": 10319, "quantile": 0.75, "value": 392075.0, "Latitude": 33.84, "Longitude": -117.79, "Population": 4005.0}, {"index": 10319, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -117.79, "Population": 4005.0}, {"index": 10320, "quantile": 0.0, "value": 264300.0, "Latitude": 33.85, "Longitude": -117.78, "Population": 1665.0}, {"index": 10320, "quantile": 0.25, "value": 288425.0, "Latitude": 33.85, "Longitude": -117.78, "Population": 1665.0}, {"index": 10320, "quantile": 0.5, "value": 302400.0, "Latitude": 33.85, "Longitude": -117.78, "Population": 1665.0}, {"index": 10320, "quantile": 0.75, "value": 334250.0, "Latitude": 33.85, "Longitude": -117.78, "Population": 1665.0}, {"index": 10320, "quantile": 1.0, "value": 391200.0, "Latitude": 33.85, "Longitude": -117.78, "Population": 1665.0}, {"index": 10321, "quantile": 0.0, "value": 207900.00000000003, "Latitude": 33.86, "Longitude": -117.78, "Population": 2146.0}, {"index": 10321, "quantile": 0.25, "value": 245675.0, "Latitude": 33.86, "Longitude": -117.78, "Population": 2146.0}, {"index": 10321, "quantile": 0.5, "value": 275050.0, "Latitude": 33.86, "Longitude": -117.78, "Population": 2146.0}, {"index": 10321, "quantile": 0.75, "value": 295500.0, "Latitude": 33.86, "Longitude": -117.78, "Population": 2146.0}, {"index": 10321, "quantile": 1.0, "value": 480800.0, "Latitude": 33.86, "Longitude": -117.78, "Population": 2146.0}, {"index": 10322, "quantile": 0.0, "value": 241500.0, "Latitude": 33.87, "Longitude": -117.76, "Population": 1663.0}, {"index": 10322, "quantile": 0.25, "value": 288200.0, "Latitude": 33.87, "Longitude": -117.76, "Population": 1663.0}, {"index": 10322, "quantile": 0.5, "value": 288200.0, "Latitude": 33.87, "Longitude": -117.76, "Population": 1663.0}, {"index": 10322, "quantile": 0.75, "value": 288200.0, "Latitude": 33.87, "Longitude": -117.76, "Population": 1663.0}, {"index": 10322, "quantile": 1.0, "value": 382100.0, "Latitude": 33.87, "Longitude": -117.76, "Population": 1663.0}, {"index": 10323, "quantile": 0.0, "value": 173200.0, "Latitude": 33.81, "Longitude": -117.78, "Population": 826.0}, {"index": 10323, "quantile": 0.25, "value": 360450.0, "Latitude": 33.81, "Longitude": -117.78, "Population": 826.0}, {"index": 10323, "quantile": 0.5, "value": 380000.0, "Latitude": 33.81, "Longitude": -117.78, "Population": 826.0}, {"index": 10323, "quantile": 0.75, "value": 380000.0, "Latitude": 33.81, "Longitude": -117.78, "Population": 826.0}, {"index": 10323, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -117.78, "Population": 826.0}, {"index": 10324, "quantile": 0.0, "value": 386100.0, "Latitude": 33.8, "Longitude": -117.77, "Population": 1373.0}, {"index": 10324, "quantile": 0.25, "value": 417000.0, "Latitude": 33.8, "Longitude": -117.77, "Population": 1373.0}, {"index": 10324, "quantile": 0.5, "value": 417000.0, "Latitude": 33.8, "Longitude": -117.77, "Population": 1373.0}, {"index": 10324, "quantile": 0.75, "value": 456900.0, "Latitude": 33.8, "Longitude": -117.77, "Population": 1373.0}, {"index": 10324, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -117.77, "Population": 1373.0}, {"index": 10325, "quantile": 0.0, "value": 119800.0, "Latitude": 33.79, "Longitude": -117.8, "Population": 1081.0}, {"index": 10325, "quantile": 0.25, "value": 231400.0, "Latitude": 33.79, "Longitude": -117.8, "Population": 1081.0}, {"index": 10325, "quantile": 0.5, "value": 231400.0, "Latitude": 33.79, "Longitude": -117.8, "Population": 1081.0}, {"index": 10325, "quantile": 0.75, "value": 231400.0, "Latitude": 33.79, "Longitude": -117.8, "Population": 1081.0}, {"index": 10325, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.79, "Longitude": -117.8, "Population": 1081.0}, {"index": 10326, "quantile": 0.0, "value": 218100.0, "Latitude": 33.8, "Longitude": -117.79, "Population": 4409.0}, {"index": 10326, "quantile": 0.25, "value": 283200.0, "Latitude": 33.8, "Longitude": -117.79, "Population": 4409.0}, {"index": 10326, "quantile": 0.5, "value": 283200.0, "Latitude": 33.8, "Longitude": -117.79, "Population": 4409.0}, {"index": 10326, "quantile": 0.75, "value": 289625.0, "Latitude": 33.8, "Longitude": -117.79, "Population": 4409.0}, {"index": 10326, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -117.79, "Population": 4409.0}, {"index": 10327, "quantile": 0.0, "value": 171900.0, "Latitude": 33.85, "Longitude": -117.77, "Population": 2061.0}, {"index": 10327, "quantile": 0.25, "value": 353100.0, "Latitude": 33.85, "Longitude": -117.77, "Population": 2061.0}, {"index": 10327, "quantile": 0.5, "value": 353100.0, "Latitude": 33.85, "Longitude": -117.77, "Population": 2061.0}, {"index": 10327, "quantile": 0.75, "value": 353100.0, "Latitude": 33.85, "Longitude": -117.77, "Population": 2061.0}, {"index": 10327, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -117.77, "Population": 2061.0}, {"index": 10328, "quantile": 0.0, "value": 308400.0, "Latitude": 33.84, "Longitude": -117.76, "Population": 1448.0}, {"index": 10328, "quantile": 0.25, "value": 388600.0, "Latitude": 33.84, "Longitude": -117.76, "Population": 1448.0}, {"index": 10328, "quantile": 0.5, "value": 410500.00000000006, "Latitude": 33.84, "Longitude": -117.76, "Population": 1448.0}, {"index": 10328, "quantile": 0.75, "value": 410500.00000000006, "Latitude": 33.84, "Longitude": -117.76, "Population": 1448.0}, {"index": 10328, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -117.76, "Population": 1448.0}, {"index": 10329, "quantile": 0.0, "value": 173200.0, "Latitude": 33.84, "Longitude": -117.75, "Population": 1496.0}, {"index": 10329, "quantile": 0.25, "value": 266975.0, "Latitude": 33.84, "Longitude": -117.75, "Population": 1496.0}, {"index": 10329, "quantile": 0.5, "value": 280300.0, "Latitude": 33.84, "Longitude": -117.75, "Population": 1496.0}, {"index": 10329, "quantile": 0.75, "value": 300700.0, "Latitude": 33.84, "Longitude": -117.75, "Population": 1496.0}, {"index": 10329, "quantile": 1.0, "value": 406200.0, "Latitude": 33.84, "Longitude": -117.75, "Population": 1496.0}, {"index": 10330, "quantile": 0.0, "value": 219600.00000000003, "Latitude": 33.83, "Longitude": -117.76, "Population": 1262.0}, {"index": 10330, "quantile": 0.25, "value": 278050.0, "Latitude": 33.83, "Longitude": -117.76, "Population": 1262.0}, {"index": 10330, "quantile": 0.5, "value": 300700.0, "Latitude": 33.83, "Longitude": -117.76, "Population": 1262.0}, {"index": 10330, "quantile": 0.75, "value": 300700.0, "Latitude": 33.83, "Longitude": -117.76, "Population": 1262.0}, {"index": 10330, "quantile": 1.0, "value": 392900.0, "Latitude": 33.83, "Longitude": -117.76, "Population": 1262.0}, {"index": 10331, "quantile": 0.0, "value": 161700.0, "Latitude": 33.84, "Longitude": -117.77, "Population": 1913.0}, {"index": 10331, "quantile": 0.25, "value": 242625.0, "Latitude": 33.84, "Longitude": -117.77, "Population": 1913.0}, {"index": 10331, "quantile": 0.5, "value": 282500.0, "Latitude": 33.84, "Longitude": -117.77, "Population": 1913.0}, {"index": 10331, "quantile": 0.75, "value": 306625.0, "Latitude": 33.84, "Longitude": -117.77, "Population": 1913.0}, {"index": 10331, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -117.77, "Population": 1913.0}, {"index": 10332, "quantile": 0.0, "value": 314000.0, "Latitude": 33.86, "Longitude": -117.76, "Population": 1400.0}, {"index": 10332, "quantile": 0.25, "value": 417000.0, "Latitude": 33.86, "Longitude": -117.76, "Population": 1400.0}, {"index": 10332, "quantile": 0.5, "value": 461300.00000000006, "Latitude": 33.86, "Longitude": -117.76, "Population": 1400.0}, {"index": 10332, "quantile": 0.75, "value": 488650.0, "Latitude": 33.86, "Longitude": -117.76, "Population": 1400.0}, {"index": 10332, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -117.76, "Population": 1400.0}, {"index": 10333, "quantile": 0.0, "value": 235200.0, "Latitude": 33.83, "Longitude": -117.75, "Population": 954.0}, {"index": 10333, "quantile": 0.25, "value": 388300.0, "Latitude": 33.83, "Longitude": -117.75, "Population": 954.0}, {"index": 10333, "quantile": 0.5, "value": 388300.0, "Latitude": 33.83, "Longitude": -117.75, "Population": 954.0}, {"index": 10333, "quantile": 0.75, "value": 388300.0, "Latitude": 33.83, "Longitude": -117.75, "Population": 954.0}, {"index": 10333, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -117.75, "Population": 954.0}, {"index": 10334, "quantile": 0.0, "value": 267900.0, "Latitude": 33.85, "Longitude": -117.74, "Population": 1753.0}, {"index": 10334, "quantile": 0.25, "value": 314000.0, "Latitude": 33.85, "Longitude": -117.74, "Population": 1753.0}, {"index": 10334, "quantile": 0.5, "value": 314000.0, "Latitude": 33.85, "Longitude": -117.74, "Population": 1753.0}, {"index": 10334, "quantile": 0.75, "value": 314000.0, "Latitude": 33.85, "Longitude": -117.74, "Population": 1753.0}, {"index": 10334, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -117.74, "Population": 1753.0}, {"index": 10335, "quantile": 0.0, "value": 357600.0, "Latitude": 33.82, "Longitude": -117.78, "Population": 2443.0}, {"index": 10335, "quantile": 0.25, "value": 413699.99999999994, "Latitude": 33.82, "Longitude": -117.78, "Population": 2443.0}, {"index": 10335, "quantile": 0.5, "value": 413699.99999999994, "Latitude": 33.82, "Longitude": -117.78, "Population": 2443.0}, {"index": 10335, "quantile": 0.75, "value": 437899.99999999994, "Latitude": 33.82, "Longitude": -117.78, "Population": 2443.0}, {"index": 10335, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -117.78, "Population": 2443.0}, {"index": 10336, "quantile": 0.0, "value": 141200.0, "Latitude": 33.81, "Longitude": -117.76, "Population": 199.0}, {"index": 10336, "quantile": 0.25, "value": 271900.0, "Latitude": 33.81, "Longitude": -117.76, "Population": 199.0}, {"index": 10336, "quantile": 0.5, "value": 298500.0, "Latitude": 33.81, "Longitude": -117.76, "Population": 199.0}, {"index": 10336, "quantile": 0.75, "value": 386275.0, "Latitude": 33.81, "Longitude": -117.76, "Population": 199.0}, {"index": 10336, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -117.76, "Population": 199.0}, {"index": 10337, "quantile": 0.0, "value": 193300.0, "Latitude": 33.8, "Longitude": -117.81, "Population": 1666.0}, {"index": 10337, "quantile": 0.25, "value": 230700.0, "Latitude": 33.8, "Longitude": -117.81, "Population": 1666.0}, {"index": 10337, "quantile": 0.5, "value": 230700.0, "Latitude": 33.8, "Longitude": -117.81, "Population": 1666.0}, {"index": 10337, "quantile": 0.75, "value": 230700.0, "Latitude": 33.8, "Longitude": -117.81, "Population": 1666.0}, {"index": 10337, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.8, "Longitude": -117.81, "Population": 1666.0}, {"index": 10338, "quantile": 0.0, "value": 117400.0, "Latitude": 33.79, "Longitude": -117.81, "Population": 4528.0}, {"index": 10338, "quantile": 0.25, "value": 204599.99999999997, "Latitude": 33.79, "Longitude": -117.81, "Population": 4528.0}, {"index": 10338, "quantile": 0.5, "value": 204599.99999999997, "Latitude": 33.79, "Longitude": -117.81, "Population": 4528.0}, {"index": 10338, "quantile": 0.75, "value": 204599.99999999997, "Latitude": 33.79, "Longitude": -117.81, "Population": 4528.0}, {"index": 10338, "quantile": 1.0, "value": 233300.00000000003, "Latitude": 33.79, "Longitude": -117.81, "Population": 4528.0}, {"index": 10339, "quantile": 0.0, "value": 224100.0, "Latitude": 33.81, "Longitude": -117.8, "Population": 572.0}, {"index": 10339, "quantile": 0.25, "value": 388700.0, "Latitude": 33.81, "Longitude": -117.8, "Population": 572.0}, {"index": 10339, "quantile": 0.5, "value": 388700.0, "Latitude": 33.81, "Longitude": -117.8, "Population": 572.0}, {"index": 10339, "quantile": 0.75, "value": 388700.0, "Latitude": 33.81, "Longitude": -117.8, "Population": 572.0}, {"index": 10339, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -117.8, "Population": 572.0}, {"index": 10340, "quantile": 0.0, "value": 127200.0, "Latitude": 33.78, "Longitude": -117.8, "Population": 1506.0}, {"index": 10340, "quantile": 0.25, "value": 290300.0, "Latitude": 33.78, "Longitude": -117.8, "Population": 1506.0}, {"index": 10340, "quantile": 0.5, "value": 290300.0, "Latitude": 33.78, "Longitude": -117.8, "Population": 1506.0}, {"index": 10340, "quantile": 0.75, "value": 290300.0, "Latitude": 33.78, "Longitude": -117.8, "Population": 1506.0}, {"index": 10340, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -117.8, "Population": 1506.0}, {"index": 10341, "quantile": 0.0, "value": 137000.0, "Latitude": 33.78, "Longitude": -117.8, "Population": 2442.0}, {"index": 10341, "quantile": 0.25, "value": 228575.00000000003, "Latitude": 33.78, "Longitude": -117.8, "Population": 2442.0}, {"index": 10341, "quantile": 0.5, "value": 242000.0, "Latitude": 33.78, "Longitude": -117.8, "Population": 2442.0}, {"index": 10341, "quantile": 0.75, "value": 242000.0, "Latitude": 33.78, "Longitude": -117.8, "Population": 2442.0}, {"index": 10341, "quantile": 1.0, "value": 273800.0, "Latitude": 33.78, "Longitude": -117.8, "Population": 2442.0}, {"index": 10342, "quantile": 0.0, "value": 137000.0, "Latitude": 33.8, "Longitude": -117.69, "Population": 1467.0}, {"index": 10342, "quantile": 0.25, "value": 237100.0, "Latitude": 33.8, "Longitude": -117.69, "Population": 1467.0}, {"index": 10342, "quantile": 0.5, "value": 237100.0, "Latitude": 33.8, "Longitude": -117.69, "Population": 1467.0}, {"index": 10342, "quantile": 0.75, "value": 237100.0, "Latitude": 33.8, "Longitude": -117.69, "Population": 1467.0}, {"index": 10342, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -117.69, "Population": 1467.0}, {"index": 10343, "quantile": 0.0, "value": 173200.0, "Latitude": 33.61, "Longitude": -117.66, "Population": 789.0}, {"index": 10343, "quantile": 0.25, "value": 286900.0, "Latitude": 33.61, "Longitude": -117.66, "Population": 789.0}, {"index": 10343, "quantile": 0.5, "value": 286900.0, "Latitude": 33.61, "Longitude": -117.66, "Population": 789.0}, {"index": 10343, "quantile": 0.75, "value": 358775.0, "Latitude": 33.61, "Longitude": -117.66, "Population": 789.0}, {"index": 10343, "quantile": 1.0, "value": 451300.0, "Latitude": 33.61, "Longitude": -117.66, "Population": 789.0}, {"index": 10344, "quantile": 0.0, "value": 214500.0, "Latitude": 33.62, "Longitude": -117.66, "Population": 1962.0}, {"index": 10344, "quantile": 0.25, "value": 256599.99999999997, "Latitude": 33.62, "Longitude": -117.66, "Population": 1962.0}, {"index": 10344, "quantile": 0.5, "value": 256599.99999999997, "Latitude": 33.62, "Longitude": -117.66, "Population": 1962.0}, {"index": 10344, "quantile": 0.75, "value": 256799.99999999997, "Latitude": 33.62, "Longitude": -117.66, "Population": 1962.0}, {"index": 10344, "quantile": 1.0, "value": 491200.0, "Latitude": 33.62, "Longitude": -117.66, "Population": 1962.0}, {"index": 10345, "quantile": 0.0, "value": 149900.0, "Latitude": 33.61, "Longitude": -117.67, "Population": 1972.0}, {"index": 10345, "quantile": 0.25, "value": 227400.0, "Latitude": 33.61, "Longitude": -117.67, "Population": 1972.0}, {"index": 10345, "quantile": 0.5, "value": 227400.0, "Latitude": 33.61, "Longitude": -117.67, "Population": 1972.0}, {"index": 10345, "quantile": 0.75, "value": 227400.0, "Latitude": 33.61, "Longitude": -117.67, "Population": 1972.0}, {"index": 10345, "quantile": 1.0, "value": 347700.0, "Latitude": 33.61, "Longitude": -117.67, "Population": 1972.0}, {"index": 10346, "quantile": 0.0, "value": 198700.0, "Latitude": 33.61, "Longitude": -117.66, "Population": 1713.0}, {"index": 10346, "quantile": 0.25, "value": 248400.0, "Latitude": 33.61, "Longitude": -117.66, "Population": 1713.0}, {"index": 10346, "quantile": 0.5, "value": 248400.0, "Latitude": 33.61, "Longitude": -117.66, "Population": 1713.0}, {"index": 10346, "quantile": 0.75, "value": 248400.0, "Latitude": 33.61, "Longitude": -117.66, "Population": 1713.0}, {"index": 10346, "quantile": 1.0, "value": 402600.0, "Latitude": 33.61, "Longitude": -117.66, "Population": 1713.0}, {"index": 10347, "quantile": 0.0, "value": 173200.0, "Latitude": 33.61, "Longitude": -117.66, "Population": 860.0}, {"index": 10347, "quantile": 0.25, "value": 267900.0, "Latitude": 33.61, "Longitude": -117.66, "Population": 860.0}, {"index": 10347, "quantile": 0.5, "value": 299600.0, "Latitude": 33.61, "Longitude": -117.66, "Population": 860.0}, {"index": 10347, "quantile": 0.75, "value": 334100.0, "Latitude": 33.61, "Longitude": -117.66, "Population": 860.0}, {"index": 10347, "quantile": 1.0, "value": 438999.99999999994, "Latitude": 33.61, "Longitude": -117.66, "Population": 860.0}, {"index": 10348, "quantile": 0.0, "value": 127200.0, "Latitude": 33.6, "Longitude": -117.66, "Population": 781.0}, {"index": 10348, "quantile": 0.25, "value": 279600.0, "Latitude": 33.6, "Longitude": -117.66, "Population": 781.0}, {"index": 10348, "quantile": 0.5, "value": 279600.0, "Latitude": 33.6, "Longitude": -117.66, "Population": 781.0}, {"index": 10348, "quantile": 0.75, "value": 279600.0, "Latitude": 33.6, "Longitude": -117.66, "Population": 781.0}, {"index": 10348, "quantile": 1.0, "value": 363200.0, "Latitude": 33.6, "Longitude": -117.66, "Population": 781.0}, {"index": 10349, "quantile": 0.0, "value": 194100.0, "Latitude": 33.6, "Longitude": -117.66, "Population": 1648.0}, {"index": 10349, "quantile": 0.25, "value": 278100.0, "Latitude": 33.6, "Longitude": -117.66, "Population": 1648.0}, {"index": 10349, "quantile": 0.5, "value": 278100.0, "Latitude": 33.6, "Longitude": -117.66, "Population": 1648.0}, {"index": 10349, "quantile": 0.75, "value": 294825.0, "Latitude": 33.6, "Longitude": -117.66, "Population": 1648.0}, {"index": 10349, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.66, "Population": 1648.0}, {"index": 10350, "quantile": 0.0, "value": 115700.0, "Latitude": 33.61, "Longitude": -117.67, "Population": 1695.0}, {"index": 10350, "quantile": 0.25, "value": 243200.0, "Latitude": 33.61, "Longitude": -117.67, "Population": 1695.0}, {"index": 10350, "quantile": 0.5, "value": 243200.0, "Latitude": 33.61, "Longitude": -117.67, "Population": 1695.0}, {"index": 10350, "quantile": 0.75, "value": 267150.0, "Latitude": 33.61, "Longitude": -117.67, "Population": 1695.0}, {"index": 10350, "quantile": 1.0, "value": 403700.0, "Latitude": 33.61, "Longitude": -117.67, "Population": 1695.0}, {"index": 10351, "quantile": 0.0, "value": 123500.00000000001, "Latitude": 33.63, "Longitude": -117.68, "Population": 2701.0}, {"index": 10351, "quantile": 0.25, "value": 143100.0, "Latitude": 33.63, "Longitude": -117.68, "Population": 2701.0}, {"index": 10351, "quantile": 0.5, "value": 143100.0, "Latitude": 33.63, "Longitude": -117.68, "Population": 2701.0}, {"index": 10351, "quantile": 0.75, "value": 189600.0, "Latitude": 33.63, "Longitude": -117.68, "Population": 2701.0}, {"index": 10351, "quantile": 1.0, "value": 430900.0, "Latitude": 33.63, "Longitude": -117.68, "Population": 2701.0}, {"index": 10352, "quantile": 0.0, "value": 227400.0, "Latitude": 33.63, "Longitude": -117.68, "Population": 2897.0}, {"index": 10352, "quantile": 0.25, "value": 257399.99999999997, "Latitude": 33.63, "Longitude": -117.68, "Population": 2897.0}, {"index": 10352, "quantile": 0.5, "value": 257399.99999999997, "Latitude": 33.63, "Longitude": -117.68, "Population": 2897.0}, {"index": 10352, "quantile": 0.75, "value": 257399.99999999997, "Latitude": 33.63, "Longitude": -117.68, "Population": 2897.0}, {"index": 10352, "quantile": 1.0, "value": 362500.0, "Latitude": 33.63, "Longitude": -117.68, "Population": 2897.0}, {"index": 10353, "quantile": 0.0, "value": 143100.0, "Latitude": 33.63, "Longitude": -117.67, "Population": 3086.0}, {"index": 10353, "quantile": 0.25, "value": 202199.99999999997, "Latitude": 33.63, "Longitude": -117.67, "Population": 3086.0}, {"index": 10353, "quantile": 0.5, "value": 202199.99999999997, "Latitude": 33.63, "Longitude": -117.67, "Population": 3086.0}, {"index": 10353, "quantile": 0.75, "value": 202199.99999999997, "Latitude": 33.63, "Longitude": -117.67, "Population": 3086.0}, {"index": 10353, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.67, "Population": 3086.0}, {"index": 10354, "quantile": 0.0, "value": 186400.0, "Latitude": 33.77, "Longitude": -117.62, "Population": 930.0}, {"index": 10354, "quantile": 0.25, "value": 186400.0, "Latitude": 33.77, "Longitude": -117.62, "Population": 930.0}, {"index": 10354, "quantile": 0.5, "value": 186400.0, "Latitude": 33.77, "Longitude": -117.62, "Population": 930.0}, {"index": 10354, "quantile": 0.75, "value": 292725.0, "Latitude": 33.77, "Longitude": -117.62, "Population": 930.0}, {"index": 10354, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -117.62, "Population": 930.0}, {"index": 10355, "quantile": 0.0, "value": 158200.0, "Latitude": 33.72, "Longitude": -117.6, "Population": 531.0}, {"index": 10355, "quantile": 0.25, "value": 272500.0, "Latitude": 33.72, "Longitude": -117.6, "Population": 531.0}, {"index": 10355, "quantile": 0.5, "value": 272500.0, "Latitude": 33.72, "Longitude": -117.6, "Population": 531.0}, {"index": 10355, "quantile": 0.75, "value": 272500.0, "Latitude": 33.72, "Longitude": -117.6, "Population": 531.0}, {"index": 10355, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -117.6, "Population": 531.0}, {"index": 10356, "quantile": 0.0, "value": 207900.00000000003, "Latitude": 33.6, "Longitude": -117.67, "Population": 1517.0}, {"index": 10356, "quantile": 0.25, "value": 266000.0, "Latitude": 33.6, "Longitude": -117.67, "Population": 1517.0}, {"index": 10356, "quantile": 0.5, "value": 266000.0, "Latitude": 33.6, "Longitude": -117.67, "Population": 1517.0}, {"index": 10356, "quantile": 0.75, "value": 276500.0, "Latitude": 33.6, "Longitude": -117.67, "Population": 1517.0}, {"index": 10356, "quantile": 1.0, "value": 359200.0, "Latitude": 33.6, "Longitude": -117.67, "Population": 1517.0}, {"index": 10357, "quantile": 0.0, "value": 173200.0, "Latitude": 33.59, "Longitude": -117.66, "Population": 1918.0}, {"index": 10357, "quantile": 0.25, "value": 288100.0, "Latitude": 33.59, "Longitude": -117.66, "Population": 1918.0}, {"index": 10357, "quantile": 0.5, "value": 288100.0, "Latitude": 33.59, "Longitude": -117.66, "Population": 1918.0}, {"index": 10357, "quantile": 0.75, "value": 295250.0, "Latitude": 33.59, "Longitude": -117.66, "Population": 1918.0}, {"index": 10357, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.59, "Longitude": -117.66, "Population": 1918.0}, {"index": 10358, "quantile": 0.0, "value": 212500.0, "Latitude": 33.6, "Longitude": -117.67, "Population": 565.0}, {"index": 10358, "quantile": 0.25, "value": 302725.0, "Latitude": 33.6, "Longitude": -117.67, "Population": 565.0}, {"index": 10358, "quantile": 0.5, "value": 314800.0, "Latitude": 33.6, "Longitude": -117.67, "Population": 565.0}, {"index": 10358, "quantile": 0.75, "value": 314800.0, "Latitude": 33.6, "Longitude": -117.67, "Population": 565.0}, {"index": 10358, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.67, "Population": 565.0}, {"index": 10359, "quantile": 0.0, "value": 271900.0, "Latitude": 33.58, "Longitude": -117.66, "Population": 1172.0}, {"index": 10359, "quantile": 0.25, "value": 315600.0, "Latitude": 33.58, "Longitude": -117.66, "Population": 1172.0}, {"index": 10359, "quantile": 0.5, "value": 315600.0, "Latitude": 33.58, "Longitude": -117.66, "Population": 1172.0}, {"index": 10359, "quantile": 0.75, "value": 315600.0, "Latitude": 33.58, "Longitude": -117.66, "Population": 1172.0}, {"index": 10359, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.58, "Longitude": -117.66, "Population": 1172.0}, {"index": 10360, "quantile": 0.0, "value": 235200.0, "Latitude": 33.57, "Longitude": -117.67, "Population": 692.0}, {"index": 10360, "quantile": 0.25, "value": 280300.0, "Latitude": 33.57, "Longitude": -117.67, "Population": 692.0}, {"index": 10360, "quantile": 0.5, "value": 280300.0, "Latitude": 33.57, "Longitude": -117.67, "Population": 692.0}, {"index": 10360, "quantile": 0.75, "value": 280300.0, "Latitude": 33.57, "Longitude": -117.67, "Population": 692.0}, {"index": 10360, "quantile": 1.0, "value": 444100.0, "Latitude": 33.57, "Longitude": -117.67, "Population": 692.0}, {"index": 10361, "quantile": 0.0, "value": 235200.0, "Latitude": 33.57, "Longitude": -117.66, "Population": 1642.0}, {"index": 10361, "quantile": 0.25, "value": 323850.0, "Latitude": 33.57, "Longitude": -117.66, "Population": 1642.0}, {"index": 10361, "quantile": 0.5, "value": 348100.0, "Latitude": 33.57, "Longitude": -117.66, "Population": 1642.0}, {"index": 10361, "quantile": 0.75, "value": 366525.0, "Latitude": 33.57, "Longitude": -117.66, "Population": 1642.0}, {"index": 10361, "quantile": 1.0, "value": 451300.0, "Latitude": 33.57, "Longitude": -117.66, "Population": 1642.0}, {"index": 10362, "quantile": 0.0, "value": 107200.0, "Latitude": 33.62, "Longitude": -117.7, "Population": 4732.0}, {"index": 10362, "quantile": 0.25, "value": 197200.0, "Latitude": 33.62, "Longitude": -117.7, "Population": 4732.0}, {"index": 10362, "quantile": 0.5, "value": 197200.0, "Latitude": 33.62, "Longitude": -117.7, "Population": 4732.0}, {"index": 10362, "quantile": 0.75, "value": 197200.0, "Latitude": 33.62, "Longitude": -117.7, "Population": 4732.0}, {"index": 10362, "quantile": 1.0, "value": 300000.0, "Latitude": 33.62, "Longitude": -117.7, "Population": 4732.0}, {"index": 10363, "quantile": 0.0, "value": 241500.0, "Latitude": 33.62, "Longitude": -117.69, "Population": 2025.0}, {"index": 10363, "quantile": 0.25, "value": 282700.0, "Latitude": 33.62, "Longitude": -117.69, "Population": 2025.0}, {"index": 10363, "quantile": 0.5, "value": 282700.0, "Latitude": 33.62, "Longitude": -117.69, "Population": 2025.0}, {"index": 10363, "quantile": 0.75, "value": 282700.0, "Latitude": 33.62, "Longitude": -117.69, "Population": 2025.0}, {"index": 10363, "quantile": 1.0, "value": 392900.0, "Latitude": 33.62, "Longitude": -117.69, "Population": 2025.0}, {"index": 10364, "quantile": 0.0, "value": 164800.0, "Latitude": 33.61, "Longitude": -117.68, "Population": 1295.0}, {"index": 10364, "quantile": 0.25, "value": 243200.0, "Latitude": 33.61, "Longitude": -117.68, "Population": 1295.0}, {"index": 10364, "quantile": 0.5, "value": 267600.0, "Latitude": 33.61, "Longitude": -117.68, "Population": 1295.0}, {"index": 10364, "quantile": 0.75, "value": 288500.0, "Latitude": 33.61, "Longitude": -117.68, "Population": 1295.0}, {"index": 10364, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.61, "Longitude": -117.68, "Population": 1295.0}, {"index": 10365, "quantile": 0.0, "value": 131800.0, "Latitude": 33.61, "Longitude": -117.69, "Population": 1649.0}, {"index": 10365, "quantile": 0.25, "value": 218400.00000000003, "Latitude": 33.61, "Longitude": -117.69, "Population": 1649.0}, {"index": 10365, "quantile": 0.5, "value": 236200.0, "Latitude": 33.61, "Longitude": -117.69, "Population": 1649.0}, {"index": 10365, "quantile": 0.75, "value": 236200.0, "Latitude": 33.61, "Longitude": -117.69, "Population": 1649.0}, {"index": 10365, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.69, "Population": 1649.0}, {"index": 10366, "quantile": 0.0, "value": 253799.99999999997, "Latitude": 33.6, "Longitude": -117.68, "Population": 1646.0}, {"index": 10366, "quantile": 0.25, "value": 303900.0, "Latitude": 33.6, "Longitude": -117.68, "Population": 1646.0}, {"index": 10366, "quantile": 0.5, "value": 303900.0, "Latitude": 33.6, "Longitude": -117.68, "Population": 1646.0}, {"index": 10366, "quantile": 0.75, "value": 303900.0, "Latitude": 33.6, "Longitude": -117.68, "Population": 1646.0}, {"index": 10366, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.68, "Population": 1646.0}, {"index": 10367, "quantile": 0.0, "value": 119300.0, "Latitude": 33.65, "Longitude": -117.65, "Population": 835.0}, {"index": 10367, "quantile": 0.25, "value": 224125.0, "Latitude": 33.65, "Longitude": -117.65, "Population": 835.0}, {"index": 10367, "quantile": 0.5, "value": 234800.0, "Latitude": 33.65, "Longitude": -117.65, "Population": 835.0}, {"index": 10367, "quantile": 0.75, "value": 234800.0, "Latitude": 33.65, "Longitude": -117.65, "Population": 835.0}, {"index": 10367, "quantile": 1.0, "value": 286000.0, "Latitude": 33.65, "Longitude": -117.65, "Population": 835.0}, {"index": 10368, "quantile": 0.0, "value": 204100.0, "Latitude": 33.64, "Longitude": -117.66, "Population": 1555.0}, {"index": 10368, "quantile": 0.25, "value": 250800.0, "Latitude": 33.64, "Longitude": -117.66, "Population": 1555.0}, {"index": 10368, "quantile": 0.5, "value": 250800.0, "Latitude": 33.64, "Longitude": -117.66, "Population": 1555.0}, {"index": 10368, "quantile": 0.75, "value": 250800.0, "Latitude": 33.64, "Longitude": -117.66, "Population": 1555.0}, {"index": 10368, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.66, "Population": 1555.0}, {"index": 10369, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 33.64, "Longitude": -117.67, "Population": 1565.0}, {"index": 10369, "quantile": 0.25, "value": 214675.0, "Latitude": 33.64, "Longitude": -117.67, "Population": 1565.0}, {"index": 10369, "quantile": 0.5, "value": 238050.0, "Latitude": 33.64, "Longitude": -117.67, "Population": 1565.0}, {"index": 10369, "quantile": 0.75, "value": 280200.0, "Latitude": 33.64, "Longitude": -117.67, "Population": 1565.0}, {"index": 10369, "quantile": 1.0, "value": 447400.0, "Latitude": 33.64, "Longitude": -117.67, "Population": 1565.0}, {"index": 10370, "quantile": 0.0, "value": 159300.0, "Latitude": 33.65, "Longitude": -117.66, "Population": 4597.0}, {"index": 10370, "quantile": 0.25, "value": 242400.0, "Latitude": 33.65, "Longitude": -117.66, "Population": 4597.0}, {"index": 10370, "quantile": 0.5, "value": 248400.0, "Latitude": 33.65, "Longitude": -117.66, "Population": 4597.0}, {"index": 10370, "quantile": 0.75, "value": 262300.0, "Latitude": 33.65, "Longitude": -117.66, "Population": 4597.0}, {"index": 10370, "quantile": 1.0, "value": 393100.0, "Latitude": 33.65, "Longitude": -117.66, "Population": 4597.0}, {"index": 10371, "quantile": 0.0, "value": 127200.0, "Latitude": 33.65, "Longitude": -117.65, "Population": 1740.0}, {"index": 10371, "quantile": 0.25, "value": 251900.0, "Latitude": 33.65, "Longitude": -117.65, "Population": 1740.0}, {"index": 10371, "quantile": 0.5, "value": 251900.0, "Latitude": 33.65, "Longitude": -117.65, "Population": 1740.0}, {"index": 10371, "quantile": 0.75, "value": 263700.0, "Latitude": 33.65, "Longitude": -117.65, "Population": 1740.0}, {"index": 10371, "quantile": 1.0, "value": 438999.99999999994, "Latitude": 33.65, "Longitude": -117.65, "Population": 1740.0}, {"index": 10372, "quantile": 0.0, "value": 286900.0, "Latitude": 33.63, "Longitude": -117.65, "Population": 1395.0}, {"index": 10372, "quantile": 0.25, "value": 351300.0, "Latitude": 33.63, "Longitude": -117.65, "Population": 1395.0}, {"index": 10372, "quantile": 0.5, "value": 351300.0, "Latitude": 33.63, "Longitude": -117.65, "Population": 1395.0}, {"index": 10372, "quantile": 0.75, "value": 351300.0, "Latitude": 33.63, "Longitude": -117.65, "Population": 1395.0}, {"index": 10372, "quantile": 1.0, "value": 410500.00000000006, "Latitude": 33.63, "Longitude": -117.65, "Population": 1395.0}, {"index": 10373, "quantile": 0.0, "value": 234700.0, "Latitude": 33.65, "Longitude": -117.65, "Population": 2197.0}, {"index": 10373, "quantile": 0.25, "value": 294800.0, "Latitude": 33.65, "Longitude": -117.65, "Population": 2197.0}, {"index": 10373, "quantile": 0.5, "value": 294800.0, "Latitude": 33.65, "Longitude": -117.65, "Population": 2197.0}, {"index": 10373, "quantile": 0.75, "value": 302000.0, "Latitude": 33.65, "Longitude": -117.65, "Population": 2197.0}, {"index": 10373, "quantile": 1.0, "value": 462700.0, "Latitude": 33.65, "Longitude": -117.65, "Population": 2197.0}, {"index": 10374, "quantile": 0.0, "value": 132200.0, "Latitude": 33.63, "Longitude": -117.66, "Population": 1967.0}, {"index": 10374, "quantile": 0.25, "value": 223300.0, "Latitude": 33.63, "Longitude": -117.66, "Population": 1967.0}, {"index": 10374, "quantile": 0.5, "value": 223300.0, "Latitude": 33.63, "Longitude": -117.66, "Population": 1967.0}, {"index": 10374, "quantile": 0.75, "value": 223300.0, "Latitude": 33.63, "Longitude": -117.66, "Population": 1967.0}, {"index": 10374, "quantile": 1.0, "value": 269100.0, "Latitude": 33.63, "Longitude": -117.66, "Population": 1967.0}, {"index": 10375, "quantile": 0.0, "value": 194100.0, "Latitude": 33.65, "Longitude": -117.63, "Population": 1688.0}, {"index": 10375, "quantile": 0.25, "value": 288700.0, "Latitude": 33.65, "Longitude": -117.63, "Population": 1688.0}, {"index": 10375, "quantile": 0.5, "value": 288700.0, "Latitude": 33.65, "Longitude": -117.63, "Population": 1688.0}, {"index": 10375, "quantile": 0.75, "value": 338775.0, "Latitude": 33.65, "Longitude": -117.63, "Population": 1688.0}, {"index": 10375, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.63, "Population": 1688.0}, {"index": 10376, "quantile": 0.0, "value": 357600.0, "Latitude": 33.64, "Longitude": -117.62, "Population": 2985.0}, {"index": 10376, "quantile": 0.25, "value": 484100.0, "Latitude": 33.64, "Longitude": -117.62, "Population": 2985.0}, {"index": 10376, "quantile": 0.5, "value": 484100.0, "Latitude": 33.64, "Longitude": -117.62, "Population": 2985.0}, {"index": 10376, "quantile": 0.75, "value": 496550.24999999994, "Latitude": 33.64, "Longitude": -117.62, "Population": 2985.0}, {"index": 10376, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.62, "Population": 2985.0}, {"index": 10377, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 33.63, "Longitude": -117.64, "Population": 1808.0}, {"index": 10377, "quantile": 0.25, "value": 317375.0, "Latitude": 33.63, "Longitude": -117.64, "Population": 1808.0}, {"index": 10377, "quantile": 0.5, "value": 360100.0, "Latitude": 33.63, "Longitude": -117.64, "Population": 1808.0}, {"index": 10377, "quantile": 0.75, "value": 434700.00000000006, "Latitude": 33.63, "Longitude": -117.64, "Population": 1808.0}, {"index": 10377, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.64, "Population": 1808.0}, {"index": 10378, "quantile": 0.0, "value": 190300.0, "Latitude": 33.64, "Longitude": -117.64, "Population": 810.0}, {"index": 10378, "quantile": 0.25, "value": 293200.0, "Latitude": 33.64, "Longitude": -117.64, "Population": 810.0}, {"index": 10378, "quantile": 0.5, "value": 293200.0, "Latitude": 33.64, "Longitude": -117.64, "Population": 810.0}, {"index": 10378, "quantile": 0.75, "value": 314675.0, "Latitude": 33.64, "Longitude": -117.64, "Population": 810.0}, {"index": 10378, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.64, "Population": 810.0}, {"index": 10379, "quantile": 0.0, "value": 182300.0, "Latitude": 33.65, "Longitude": -117.64, "Population": 3256.0}, {"index": 10379, "quantile": 0.25, "value": 216600.0, "Latitude": 33.65, "Longitude": -117.64, "Population": 3256.0}, {"index": 10379, "quantile": 0.5, "value": 216600.0, "Latitude": 33.65, "Longitude": -117.64, "Population": 3256.0}, {"index": 10379, "quantile": 0.75, "value": 237650.0, "Latitude": 33.65, "Longitude": -117.64, "Population": 3256.0}, {"index": 10379, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.64, "Population": 3256.0}, {"index": 10380, "quantile": 0.0, "value": 87500.0, "Latitude": 33.62, "Longitude": -117.63, "Population": 1293.0}, {"index": 10380, "quantile": 0.25, "value": 188550.0, "Latitude": 33.62, "Longitude": -117.63, "Population": 1293.0}, {"index": 10380, "quantile": 0.5, "value": 196700.0, "Latitude": 33.62, "Longitude": -117.63, "Population": 1293.0}, {"index": 10380, "quantile": 0.75, "value": 196700.0, "Latitude": 33.62, "Longitude": -117.63, "Population": 1293.0}, {"index": 10380, "quantile": 1.0, "value": 238000.0, "Latitude": 33.62, "Longitude": -117.63, "Population": 1293.0}, {"index": 10381, "quantile": 0.0, "value": 87500.0, "Latitude": 33.63, "Longitude": -117.63, "Population": 985.0}, {"index": 10381, "quantile": 0.25, "value": 187950.0, "Latitude": 33.63, "Longitude": -117.63, "Population": 985.0}, {"index": 10381, "quantile": 0.5, "value": 238000.0, "Latitude": 33.63, "Longitude": -117.63, "Population": 985.0}, {"index": 10381, "quantile": 0.75, "value": 238000.0, "Latitude": 33.63, "Longitude": -117.63, "Population": 985.0}, {"index": 10381, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.63, "Population": 985.0}, {"index": 10382, "quantile": 0.0, "value": 242700.0, "Latitude": 33.62, "Longitude": -117.65, "Population": 1140.0}, {"index": 10382, "quantile": 0.25, "value": 275000.0, "Latitude": 33.62, "Longitude": -117.65, "Population": 1140.0}, {"index": 10382, "quantile": 0.5, "value": 275000.0, "Latitude": 33.62, "Longitude": -117.65, "Population": 1140.0}, {"index": 10382, "quantile": 0.75, "value": 275000.0, "Latitude": 33.62, "Longitude": -117.65, "Population": 1140.0}, {"index": 10382, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.65, "Population": 1140.0}, {"index": 10383, "quantile": 0.0, "value": 87500.0, "Latitude": 33.62, "Longitude": -117.64, "Population": 1202.0}, {"index": 10383, "quantile": 0.25, "value": 184800.0, "Latitude": 33.62, "Longitude": -117.64, "Population": 1202.0}, {"index": 10383, "quantile": 0.5, "value": 184800.0, "Latitude": 33.62, "Longitude": -117.64, "Population": 1202.0}, {"index": 10383, "quantile": 0.75, "value": 185225.00000000003, "Latitude": 33.62, "Longitude": -117.64, "Population": 1202.0}, {"index": 10383, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.64, "Population": 1202.0}, {"index": 10384, "quantile": 0.0, "value": 218600.0, "Latitude": 33.62, "Longitude": -117.66, "Population": 2717.0}, {"index": 10384, "quantile": 0.25, "value": 246400.0, "Latitude": 33.62, "Longitude": -117.66, "Population": 2717.0}, {"index": 10384, "quantile": 0.5, "value": 248400.0, "Latitude": 33.62, "Longitude": -117.66, "Population": 2717.0}, {"index": 10384, "quantile": 0.75, "value": 268925.0, "Latitude": 33.62, "Longitude": -117.66, "Population": 2717.0}, {"index": 10384, "quantile": 1.0, "value": 362500.0, "Latitude": 33.62, "Longitude": -117.66, "Population": 2717.0}, {"index": 10385, "quantile": 0.0, "value": 127200.0, "Latitude": 33.6, "Longitude": -117.65, "Population": 2529.0}, {"index": 10385, "quantile": 0.25, "value": 269025.0, "Latitude": 33.6, "Longitude": -117.65, "Population": 2529.0}, {"index": 10385, "quantile": 0.5, "value": 278700.0, "Latitude": 33.6, "Longitude": -117.65, "Population": 2529.0}, {"index": 10385, "quantile": 0.75, "value": 278700.0, "Latitude": 33.6, "Longitude": -117.65, "Population": 2529.0}, {"index": 10385, "quantile": 1.0, "value": 377200.0, "Latitude": 33.6, "Longitude": -117.65, "Population": 2529.0}, {"index": 10386, "quantile": 0.0, "value": 195600.0, "Latitude": 33.61, "Longitude": -117.64, "Population": 3041.0}, {"index": 10386, "quantile": 0.25, "value": 247900.0, "Latitude": 33.61, "Longitude": -117.64, "Population": 3041.0}, {"index": 10386, "quantile": 0.5, "value": 247900.0, "Latitude": 33.61, "Longitude": -117.64, "Population": 3041.0}, {"index": 10386, "quantile": 0.75, "value": 247900.0, "Latitude": 33.61, "Longitude": -117.64, "Population": 3041.0}, {"index": 10386, "quantile": 1.0, "value": 324900.0, "Latitude": 33.61, "Longitude": -117.64, "Population": 3041.0}, {"index": 10387, "quantile": 0.0, "value": 128600.0, "Latitude": 33.6, "Longitude": -117.65, "Population": 1004.0}, {"index": 10387, "quantile": 0.25, "value": 273875.0, "Latitude": 33.6, "Longitude": -117.65, "Population": 1004.0}, {"index": 10387, "quantile": 0.5, "value": 316100.0, "Latitude": 33.6, "Longitude": -117.65, "Population": 1004.0}, {"index": 10387, "quantile": 0.75, "value": 316100.0, "Latitude": 33.6, "Longitude": -117.65, "Population": 1004.0}, {"index": 10387, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.65, "Population": 1004.0}, {"index": 10388, "quantile": 0.0, "value": 193500.0, "Latitude": 33.59, "Longitude": -117.64, "Population": 1312.0}, {"index": 10388, "quantile": 0.25, "value": 348000.0, "Latitude": 33.59, "Longitude": -117.64, "Population": 1312.0}, {"index": 10388, "quantile": 0.5, "value": 348000.0, "Latitude": 33.59, "Longitude": -117.64, "Population": 1312.0}, {"index": 10388, "quantile": 0.75, "value": 348000.0, "Latitude": 33.59, "Longitude": -117.64, "Population": 1312.0}, {"index": 10388, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.59, "Longitude": -117.64, "Population": 1312.0}, {"index": 10389, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 33.58, "Longitude": -117.66, "Population": 1794.0}, {"index": 10389, "quantile": 0.25, "value": 357600.0, "Latitude": 33.58, "Longitude": -117.66, "Population": 1794.0}, {"index": 10389, "quantile": 0.5, "value": 357600.0, "Latitude": 33.58, "Longitude": -117.66, "Population": 1794.0}, {"index": 10389, "quantile": 0.75, "value": 375125.0, "Latitude": 33.58, "Longitude": -117.66, "Population": 1794.0}, {"index": 10389, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.58, "Longitude": -117.66, "Population": 1794.0}, {"index": 10390, "quantile": 0.0, "value": 83200.0, "Latitude": 33.57, "Longitude": -117.65, "Population": 1185.0}, {"index": 10390, "quantile": 0.25, "value": 195600.0, "Latitude": 33.57, "Longitude": -117.65, "Population": 1185.0}, {"index": 10390, "quantile": 0.5, "value": 195600.0, "Latitude": 33.57, "Longitude": -117.65, "Population": 1185.0}, {"index": 10390, "quantile": 0.75, "value": 195600.0, "Latitude": 33.57, "Longitude": -117.65, "Population": 1185.0}, {"index": 10390, "quantile": 1.0, "value": 338600.0, "Latitude": 33.57, "Longitude": -117.65, "Population": 1185.0}, {"index": 10391, "quantile": 0.0, "value": 187500.0, "Latitude": 33.58, "Longitude": -117.65, "Population": 703.0}, {"index": 10391, "quantile": 0.25, "value": 280300.0, "Latitude": 33.58, "Longitude": -117.65, "Population": 703.0}, {"index": 10391, "quantile": 0.5, "value": 348900.0, "Latitude": 33.58, "Longitude": -117.65, "Population": 703.0}, {"index": 10391, "quantile": 0.75, "value": 442525.0, "Latitude": 33.58, "Longitude": -117.65, "Population": 703.0}, {"index": 10391, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.58, "Longitude": -117.65, "Population": 703.0}, {"index": 10392, "quantile": 0.0, "value": 151400.0, "Latitude": 33.57, "Longitude": -117.66, "Population": 1357.0}, {"index": 10392, "quantile": 0.25, "value": 214750.0, "Latitude": 33.57, "Longitude": -117.66, "Population": 1357.0}, {"index": 10392, "quantile": 0.5, "value": 234450.0, "Latitude": 33.57, "Longitude": -117.66, "Population": 1357.0}, {"index": 10392, "quantile": 0.75, "value": 262100.0, "Latitude": 33.57, "Longitude": -117.66, "Population": 1357.0}, {"index": 10392, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.57, "Longitude": -117.66, "Population": 1357.0}, {"index": 10393, "quantile": 0.0, "value": 193500.0, "Latitude": 33.59, "Longitude": -117.65, "Population": 1238.0}, {"index": 10393, "quantile": 0.25, "value": 337900.0, "Latitude": 33.59, "Longitude": -117.65, "Population": 1238.0}, {"index": 10393, "quantile": 0.5, "value": 337900.0, "Latitude": 33.59, "Longitude": -117.65, "Population": 1238.0}, {"index": 10393, "quantile": 0.75, "value": 348000.0, "Latitude": 33.59, "Longitude": -117.65, "Population": 1238.0}, {"index": 10393, "quantile": 1.0, "value": 410400.0, "Latitude": 33.59, "Longitude": -117.65, "Population": 1238.0}, {"index": 10394, "quantile": 0.0, "value": 135200.0, "Latitude": 33.54, "Longitude": -117.67, "Population": 1003.0}, {"index": 10394, "quantile": 0.25, "value": 170800.0, "Latitude": 33.54, "Longitude": -117.67, "Population": 1003.0}, {"index": 10394, "quantile": 0.5, "value": 170800.0, "Latitude": 33.54, "Longitude": -117.67, "Population": 1003.0}, {"index": 10394, "quantile": 0.75, "value": 189225.0, "Latitude": 33.54, "Longitude": -117.67, "Population": 1003.0}, {"index": 10394, "quantile": 1.0, "value": 347700.0, "Latitude": 33.54, "Longitude": -117.67, "Population": 1003.0}, {"index": 10395, "quantile": 0.0, "value": 88000.0, "Latitude": 33.54, "Longitude": -117.67, "Population": 1366.0}, {"index": 10395, "quantile": 0.25, "value": 176575.0, "Latitude": 33.54, "Longitude": -117.67, "Population": 1366.0}, {"index": 10395, "quantile": 0.5, "value": 181800.0, "Latitude": 33.54, "Longitude": -117.67, "Population": 1366.0}, {"index": 10395, "quantile": 0.75, "value": 181800.0, "Latitude": 33.54, "Longitude": -117.67, "Population": 1366.0}, {"index": 10395, "quantile": 1.0, "value": 325200.0, "Latitude": 33.54, "Longitude": -117.67, "Population": 1366.0}, {"index": 10396, "quantile": 0.0, "value": 125600.0, "Latitude": 33.55, "Longitude": -117.67, "Population": 1695.0}, {"index": 10396, "quantile": 0.25, "value": 222300.0, "Latitude": 33.55, "Longitude": -117.67, "Population": 1695.0}, {"index": 10396, "quantile": 0.5, "value": 222300.0, "Latitude": 33.55, "Longitude": -117.67, "Population": 1695.0}, {"index": 10396, "quantile": 0.75, "value": 222300.0, "Latitude": 33.55, "Longitude": -117.67, "Population": 1695.0}, {"index": 10396, "quantile": 1.0, "value": 367100.0, "Latitude": 33.55, "Longitude": -117.67, "Population": 1695.0}, {"index": 10397, "quantile": 0.0, "value": 87500.0, "Latitude": 33.56, "Longitude": -117.67, "Population": 1345.0}, {"index": 10397, "quantile": 0.25, "value": 184400.0, "Latitude": 33.56, "Longitude": -117.67, "Population": 1345.0}, {"index": 10397, "quantile": 0.5, "value": 184400.0, "Latitude": 33.56, "Longitude": -117.67, "Population": 1345.0}, {"index": 10397, "quantile": 0.75, "value": 184400.0, "Latitude": 33.56, "Longitude": -117.67, "Population": 1345.0}, {"index": 10397, "quantile": 1.0, "value": 271400.0, "Latitude": 33.56, "Longitude": -117.67, "Population": 1345.0}, {"index": 10398, "quantile": 0.0, "value": 153200.0, "Latitude": 33.51, "Longitude": -117.64, "Population": 943.0}, {"index": 10398, "quantile": 0.25, "value": 260224.99999999997, "Latitude": 33.51, "Longitude": -117.64, "Population": 943.0}, {"index": 10398, "quantile": 0.5, "value": 286000.0, "Latitude": 33.51, "Longitude": -117.64, "Population": 943.0}, {"index": 10398, "quantile": 0.75, "value": 286000.0, "Latitude": 33.51, "Longitude": -117.64, "Population": 943.0}, {"index": 10398, "quantile": 1.0, "value": 402600.0, "Latitude": 33.51, "Longitude": -117.64, "Population": 943.0}, {"index": 10399, "quantile": 0.0, "value": 141200.0, "Latitude": 33.51, "Longitude": -117.64, "Population": 650.0}, {"index": 10399, "quantile": 0.25, "value": 314800.0, "Latitude": 33.51, "Longitude": -117.64, "Population": 650.0}, {"index": 10399, "quantile": 0.5, "value": 363200.0, "Latitude": 33.51, "Longitude": -117.64, "Population": 650.0}, {"index": 10399, "quantile": 0.75, "value": 363200.0, "Latitude": 33.51, "Longitude": -117.64, "Population": 650.0}, {"index": 10399, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.64, "Population": 650.0}, {"index": 10400, "quantile": 0.0, "value": 97400.0, "Latitude": 33.52, "Longitude": -117.55, "Population": 133.0}, {"index": 10400, "quantile": 0.25, "value": 275575.0, "Latitude": 33.52, "Longitude": -117.55, "Population": 133.0}, {"index": 10400, "quantile": 0.5, "value": 447400.0, "Latitude": 33.52, "Longitude": -117.55, "Population": 133.0}, {"index": 10400, "quantile": 0.75, "value": 447400.0, "Latitude": 33.52, "Longitude": -117.55, "Population": 133.0}, {"index": 10400, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.52, "Longitude": -117.55, "Population": 133.0}, {"index": 10401, "quantile": 0.0, "value": 357600.0, "Latitude": 33.61, "Longitude": -117.59, "Population": 991.0}, {"index": 10401, "quantile": 0.25, "value": 484100.0, "Latitude": 33.61, "Longitude": -117.59, "Population": 991.0}, {"index": 10401, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.59, "Population": 991.0}, {"index": 10401, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.59, "Population": 991.0}, {"index": 10401, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.59, "Population": 991.0}, {"index": 10402, "quantile": 0.0, "value": 453800.0, "Latitude": 33.6, "Longitude": -117.58, "Population": 1862.0}, {"index": 10402, "quantile": 0.25, "value": 495400.0, "Latitude": 33.6, "Longitude": -117.58, "Population": 1862.0}, {"index": 10402, "quantile": 0.5, "value": 495400.0, "Latitude": 33.6, "Longitude": -117.58, "Population": 1862.0}, {"index": 10402, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.58, "Population": 1862.0}, {"index": 10402, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.58, "Population": 1862.0}, {"index": 10403, "quantile": 0.0, "value": 243400.00000000003, "Latitude": 33.64, "Longitude": -117.49, "Population": 3191.0}, {"index": 10403, "quantile": 0.25, "value": 302000.0, "Latitude": 33.64, "Longitude": -117.49, "Population": 3191.0}, {"index": 10403, "quantile": 0.5, "value": 302000.0, "Latitude": 33.64, "Longitude": -117.49, "Population": 3191.0}, {"index": 10403, "quantile": 0.75, "value": 302000.0, "Latitude": 33.64, "Longitude": -117.49, "Population": 3191.0}, {"index": 10403, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.49, "Population": 3191.0}, {"index": 10404, "quantile": 0.0, "value": 189100.0, "Latitude": 33.67, "Longitude": -117.59, "Population": 633.0}, {"index": 10404, "quantile": 0.25, "value": 277125.0, "Latitude": 33.67, "Longitude": -117.59, "Population": 633.0}, {"index": 10404, "quantile": 0.5, "value": 279800.0, "Latitude": 33.67, "Longitude": -117.59, "Population": 633.0}, {"index": 10404, "quantile": 0.75, "value": 279800.0, "Latitude": 33.67, "Longitude": -117.59, "Population": 633.0}, {"index": 10404, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.59, "Population": 633.0}, {"index": 10405, "quantile": 0.0, "value": 350000.0, "Latitude": 33.69, "Longitude": -117.53, "Population": 213.0}, {"index": 10405, "quantile": 0.25, "value": 483300.0, "Latitude": 33.69, "Longitude": -117.53, "Population": 213.0}, {"index": 10405, "quantile": 0.5, "value": 483300.0, "Latitude": 33.69, "Longitude": -117.53, "Population": 213.0}, {"index": 10405, "quantile": 0.75, "value": 483300.0, "Latitude": 33.69, "Longitude": -117.53, "Population": 213.0}, {"index": 10405, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -117.53, "Population": 213.0}, {"index": 10406, "quantile": 0.0, "value": 47500.0, "Latitude": 33.66, "Longitude": -117.59, "Population": 563.0}, {"index": 10406, "quantile": 0.25, "value": 167800.0, "Latitude": 33.66, "Longitude": -117.59, "Population": 563.0}, {"index": 10406, "quantile": 0.5, "value": 167800.0, "Latitude": 33.66, "Longitude": -117.59, "Population": 563.0}, {"index": 10406, "quantile": 0.75, "value": 185100.0, "Latitude": 33.66, "Longitude": -117.59, "Population": 563.0}, {"index": 10406, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.59, "Population": 563.0}, {"index": 10407, "quantile": 0.0, "value": 136700.0, "Latitude": 33.66, "Longitude": -117.58, "Population": 1693.0}, {"index": 10407, "quantile": 0.25, "value": 215000.0, "Latitude": 33.66, "Longitude": -117.58, "Population": 1693.0}, {"index": 10407, "quantile": 0.5, "value": 215000.0, "Latitude": 33.66, "Longitude": -117.58, "Population": 1693.0}, {"index": 10407, "quantile": 0.75, "value": 220950.00000000003, "Latitude": 33.66, "Longitude": -117.58, "Population": 1693.0}, {"index": 10407, "quantile": 1.0, "value": 363500.0, "Latitude": 33.66, "Longitude": -117.58, "Population": 1693.0}, {"index": 10408, "quantile": 0.0, "value": 167800.0, "Latitude": 33.65, "Longitude": -117.58, "Population": 833.0}, {"index": 10408, "quantile": 0.25, "value": 190300.0, "Latitude": 33.65, "Longitude": -117.58, "Population": 833.0}, {"index": 10408, "quantile": 0.5, "value": 190300.0, "Latitude": 33.65, "Longitude": -117.58, "Population": 833.0}, {"index": 10408, "quantile": 0.75, "value": 226799.99999999997, "Latitude": 33.65, "Longitude": -117.58, "Population": 833.0}, {"index": 10408, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.58, "Population": 833.0}, {"index": 10409, "quantile": 0.0, "value": 110100.0, "Latitude": 33.66, "Longitude": -117.59, "Population": 673.0}, {"index": 10409, "quantile": 0.25, "value": 183175.0, "Latitude": 33.66, "Longitude": -117.59, "Population": 673.0}, {"index": 10409, "quantile": 0.5, "value": 244200.00000000003, "Latitude": 33.66, "Longitude": -117.59, "Population": 673.0}, {"index": 10409, "quantile": 0.75, "value": 268350.0, "Latitude": 33.66, "Longitude": -117.59, "Population": 673.0}, {"index": 10409, "quantile": 1.0, "value": 381500.0, "Latitude": 33.66, "Longitude": -117.59, "Population": 673.0}, {"index": 10410, "quantile": 0.0, "value": 144300.0, "Latitude": 33.65, "Longitude": -117.59, "Population": 2332.0}, {"index": 10410, "quantile": 0.25, "value": 190125.0, "Latitude": 33.65, "Longitude": -117.59, "Population": 2332.0}, {"index": 10410, "quantile": 0.5, "value": 204000.0, "Latitude": 33.65, "Longitude": -117.59, "Population": 2332.0}, {"index": 10410, "quantile": 0.75, "value": 280999.99999999994, "Latitude": 33.65, "Longitude": -117.59, "Population": 2332.0}, {"index": 10410, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.59, "Population": 2332.0}, {"index": 10411, "quantile": 0.0, "value": 138200.0, "Latitude": 33.65, "Longitude": -117.6, "Population": 1599.0}, {"index": 10411, "quantile": 0.25, "value": 233900.0, "Latitude": 33.65, "Longitude": -117.6, "Population": 1599.0}, {"index": 10411, "quantile": 0.5, "value": 233900.0, "Latitude": 33.65, "Longitude": -117.6, "Population": 1599.0}, {"index": 10411, "quantile": 0.75, "value": 235900.0, "Latitude": 33.65, "Longitude": -117.6, "Population": 1599.0}, {"index": 10411, "quantile": 1.0, "value": 337900.0, "Latitude": 33.65, "Longitude": -117.6, "Population": 1599.0}, {"index": 10412, "quantile": 0.0, "value": 219600.00000000003, "Latitude": 33.67, "Longitude": -117.61, "Population": 1600.0}, {"index": 10412, "quantile": 0.25, "value": 292400.0, "Latitude": 33.67, "Longitude": -117.61, "Population": 1600.0}, {"index": 10412, "quantile": 0.5, "value": 308200.0, "Latitude": 33.67, "Longitude": -117.61, "Population": 1600.0}, {"index": 10412, "quantile": 0.75, "value": 343350.0, "Latitude": 33.67, "Longitude": -117.61, "Population": 1600.0}, {"index": 10412, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.61, "Population": 1600.0}, {"index": 10413, "quantile": 0.0, "value": 143100.0, "Latitude": 33.66, "Longitude": -117.64, "Population": 2597.0}, {"index": 10413, "quantile": 0.25, "value": 204000.0, "Latitude": 33.66, "Longitude": -117.64, "Population": 2597.0}, {"index": 10413, "quantile": 0.5, "value": 204000.0, "Latitude": 33.66, "Longitude": -117.64, "Population": 2597.0}, {"index": 10413, "quantile": 0.75, "value": 204000.0, "Latitude": 33.66, "Longitude": -117.64, "Population": 2597.0}, {"index": 10413, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 33.66, "Longitude": -117.64, "Population": 2597.0}, {"index": 10414, "quantile": 0.0, "value": 139200.0, "Latitude": 33.65, "Longitude": -117.59, "Population": 897.0}, {"index": 10414, "quantile": 0.25, "value": 182800.0, "Latitude": 33.65, "Longitude": -117.59, "Population": 897.0}, {"index": 10414, "quantile": 0.5, "value": 182800.0, "Latitude": 33.65, "Longitude": -117.59, "Population": 897.0}, {"index": 10414, "quantile": 0.75, "value": 188675.0, "Latitude": 33.65, "Longitude": -117.59, "Population": 897.0}, {"index": 10414, "quantile": 1.0, "value": 350000.0, "Latitude": 33.65, "Longitude": -117.59, "Population": 897.0}, {"index": 10415, "quantile": 0.0, "value": 116700.0, "Latitude": 33.65, "Longitude": -117.58, "Population": 815.0}, {"index": 10415, "quantile": 0.25, "value": 184050.0, "Latitude": 33.65, "Longitude": -117.58, "Population": 815.0}, {"index": 10415, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.58, "Population": 815.0}, {"index": 10415, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.58, "Population": 815.0}, {"index": 10415, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.58, "Population": 815.0}, {"index": 10416, "quantile": 0.0, "value": 115700.0, "Latitude": 33.63, "Longitude": -117.61, "Population": 1970.0}, {"index": 10416, "quantile": 0.25, "value": 261500.00000000003, "Latitude": 33.63, "Longitude": -117.61, "Population": 1970.0}, {"index": 10416, "quantile": 0.5, "value": 287500.0, "Latitude": 33.63, "Longitude": -117.61, "Population": 1970.0}, {"index": 10416, "quantile": 0.75, "value": 335500.0, "Latitude": 33.63, "Longitude": -117.61, "Population": 1970.0}, {"index": 10416, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.61, "Population": 1970.0}, {"index": 10417, "quantile": 0.0, "value": 345900.0, "Latitude": 33.53, "Longitude": -117.65, "Population": 2175.0}, {"index": 10417, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.65, "Population": 2175.0}, {"index": 10417, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.65, "Population": 2175.0}, {"index": 10417, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.65, "Population": 2175.0}, {"index": 10417, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.65, "Population": 2175.0}, {"index": 10418, "quantile": 0.0, "value": 90800.0, "Latitude": 33.42, "Longitude": -117.62, "Population": 998.0}, {"index": 10418, "quantile": 0.25, "value": 346500.0, "Latitude": 33.42, "Longitude": -117.62, "Population": 998.0}, {"index": 10418, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.42, "Longitude": -117.62, "Population": 998.0}, {"index": 10418, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.42, "Longitude": -117.62, "Population": 998.0}, {"index": 10418, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.42, "Longitude": -117.62, "Population": 998.0}, {"index": 10419, "quantile": 0.0, "value": 184300.0, "Latitude": 33.38, "Longitude": -117.63, "Population": 2104.0}, {"index": 10419, "quantile": 0.25, "value": 298100.0, "Latitude": 33.38, "Longitude": -117.63, "Population": 2104.0}, {"index": 10419, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.38, "Longitude": -117.63, "Population": 2104.0}, {"index": 10419, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.38, "Longitude": -117.63, "Population": 2104.0}, {"index": 10419, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.38, "Longitude": -117.63, "Population": 2104.0}, {"index": 10420, "quantile": 0.0, "value": 158200.0, "Latitude": 33.41, "Longitude": -117.61, "Population": 946.0}, {"index": 10420, "quantile": 0.25, "value": 357450.0, "Latitude": 33.41, "Longitude": -117.61, "Population": 946.0}, {"index": 10420, "quantile": 0.5, "value": 387750.0, "Latitude": 33.41, "Longitude": -117.61, "Population": 946.0}, {"index": 10420, "quantile": 0.75, "value": 407200.0, "Latitude": 33.41, "Longitude": -117.61, "Population": 946.0}, {"index": 10420, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.41, "Longitude": -117.61, "Population": 946.0}, {"index": 10421, "quantile": 0.0, "value": 107200.0, "Latitude": 33.42, "Longitude": -117.61, "Population": 1919.0}, {"index": 10421, "quantile": 0.25, "value": 279575.0, "Latitude": 33.42, "Longitude": -117.61, "Population": 1919.0}, {"index": 10421, "quantile": 0.5, "value": 282000.0, "Latitude": 33.42, "Longitude": -117.61, "Population": 1919.0}, {"index": 10421, "quantile": 0.75, "value": 282000.0, "Latitude": 33.42, "Longitude": -117.61, "Population": 1919.0}, {"index": 10421, "quantile": 1.0, "value": 500000.0, "Latitude": 33.42, "Longitude": -117.61, "Population": 1919.0}, {"index": 10422, "quantile": 0.0, "value": 137000.0, "Latitude": 33.41, "Longitude": -117.6, "Population": 922.0}, {"index": 10422, "quantile": 0.25, "value": 309200.0, "Latitude": 33.41, "Longitude": -117.6, "Population": 922.0}, {"index": 10422, "quantile": 0.5, "value": 309200.0, "Latitude": 33.41, "Longitude": -117.6, "Population": 922.0}, {"index": 10422, "quantile": 0.75, "value": 309200.0, "Latitude": 33.41, "Longitude": -117.6, "Population": 922.0}, {"index": 10422, "quantile": 1.0, "value": 387800.0, "Latitude": 33.41, "Longitude": -117.6, "Population": 922.0}, {"index": 10423, "quantile": 0.0, "value": 159300.0, "Latitude": 33.47, "Longitude": -117.62, "Population": 661.0}, {"index": 10423, "quantile": 0.25, "value": 294200.0, "Latitude": 33.47, "Longitude": -117.62, "Population": 661.0}, {"index": 10423, "quantile": 0.5, "value": 294200.0, "Latitude": 33.47, "Longitude": -117.62, "Population": 661.0}, {"index": 10423, "quantile": 0.75, "value": 294200.0, "Latitude": 33.47, "Longitude": -117.62, "Population": 661.0}, {"index": 10423, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.47, "Longitude": -117.62, "Population": 661.0}, {"index": 10424, "quantile": 0.0, "value": 165500.0, "Latitude": 33.45, "Longitude": -117.63, "Population": 1571.0}, {"index": 10424, "quantile": 0.25, "value": 319925.0, "Latitude": 33.45, "Longitude": -117.63, "Population": 1571.0}, {"index": 10424, "quantile": 0.5, "value": 363500.0, "Latitude": 33.45, "Longitude": -117.63, "Population": 1571.0}, {"index": 10424, "quantile": 0.75, "value": 363500.0, "Latitude": 33.45, "Longitude": -117.63, "Population": 1571.0}, {"index": 10424, "quantile": 1.0, "value": 429000.0, "Latitude": 33.45, "Longitude": -117.63, "Population": 1571.0}, {"index": 10425, "quantile": 0.0, "value": 173200.0, "Latitude": 33.47, "Longitude": -117.63, "Population": 805.0}, {"index": 10425, "quantile": 0.25, "value": 310800.0, "Latitude": 33.47, "Longitude": -117.63, "Population": 805.0}, {"index": 10425, "quantile": 0.5, "value": 310800.0, "Latitude": 33.47, "Longitude": -117.63, "Population": 805.0}, {"index": 10425, "quantile": 0.75, "value": 310800.0, "Latitude": 33.47, "Longitude": -117.63, "Population": 805.0}, {"index": 10425, "quantile": 1.0, "value": 384200.0, "Latitude": 33.47, "Longitude": -117.63, "Population": 805.0}, {"index": 10426, "quantile": 0.0, "value": 87500.0, "Latitude": 33.45, "Longitude": -117.61, "Population": 426.0}, {"index": 10426, "quantile": 0.25, "value": 192300.0, "Latitude": 33.45, "Longitude": -117.61, "Population": 426.0}, {"index": 10426, "quantile": 0.5, "value": 220699.99999999997, "Latitude": 33.45, "Longitude": -117.61, "Population": 426.0}, {"index": 10426, "quantile": 0.75, "value": 220699.99999999997, "Latitude": 33.45, "Longitude": -117.61, "Population": 426.0}, {"index": 10426, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.45, "Longitude": -117.61, "Population": 426.0}, {"index": 10427, "quantile": 0.0, "value": 177400.0, "Latitude": 33.46, "Longitude": -117.63, "Population": 2812.0}, {"index": 10427, "quantile": 0.25, "value": 387300.0, "Latitude": 33.46, "Longitude": -117.63, "Population": 2812.0}, {"index": 10427, "quantile": 0.5, "value": 387300.0, "Latitude": 33.46, "Longitude": -117.63, "Population": 2812.0}, {"index": 10427, "quantile": 0.75, "value": 387300.0, "Latitude": 33.46, "Longitude": -117.63, "Population": 2812.0}, {"index": 10427, "quantile": 1.0, "value": 409300.0, "Latitude": 33.46, "Longitude": -117.63, "Population": 2812.0}, {"index": 10428, "quantile": 0.0, "value": 173400.0, "Latitude": 33.45, "Longitude": -117.64, "Population": 607.0}, {"index": 10428, "quantile": 0.25, "value": 274100.0, "Latitude": 33.45, "Longitude": -117.64, "Population": 607.0}, {"index": 10428, "quantile": 0.5, "value": 275000.0, "Latitude": 33.45, "Longitude": -117.64, "Population": 607.0}, {"index": 10428, "quantile": 0.75, "value": 317400.00000000006, "Latitude": 33.45, "Longitude": -117.64, "Population": 607.0}, {"index": 10428, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.45, "Longitude": -117.64, "Population": 607.0}, {"index": 10429, "quantile": 0.0, "value": 77100.0, "Latitude": 33.42, "Longitude": -117.65, "Population": 603.0}, {"index": 10429, "quantile": 0.25, "value": 249400.00000000003, "Latitude": 33.42, "Longitude": -117.65, "Population": 603.0}, {"index": 10429, "quantile": 0.5, "value": 249400.00000000003, "Latitude": 33.42, "Longitude": -117.65, "Population": 603.0}, {"index": 10429, "quantile": 0.75, "value": 301600.0, "Latitude": 33.42, "Longitude": -117.65, "Population": 603.0}, {"index": 10429, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.42, "Longitude": -117.65, "Population": 603.0}, {"index": 10430, "quantile": 0.0, "value": 137000.0, "Latitude": 33.45, "Longitude": -117.64, "Population": 130.0}, {"index": 10430, "quantile": 0.25, "value": 274125.0, "Latitude": 33.45, "Longitude": -117.64, "Population": 130.0}, {"index": 10430, "quantile": 0.5, "value": 284100.0, "Latitude": 33.45, "Longitude": -117.64, "Population": 130.0}, {"index": 10430, "quantile": 0.75, "value": 284100.0, "Latitude": 33.45, "Longitude": -117.64, "Population": 130.0}, {"index": 10430, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.45, "Longitude": -117.64, "Population": 130.0}, {"index": 10431, "quantile": 0.0, "value": 67500.0, "Latitude": 33.43, "Longitude": -117.62, "Population": 1221.0}, {"index": 10431, "quantile": 0.25, "value": 123300.00000000001, "Latitude": 33.43, "Longitude": -117.62, "Population": 1221.0}, {"index": 10431, "quantile": 0.5, "value": 127899.99999999999, "Latitude": 33.43, "Longitude": -117.62, "Population": 1221.0}, {"index": 10431, "quantile": 0.75, "value": 150800.0, "Latitude": 33.43, "Longitude": -117.62, "Population": 1221.0}, {"index": 10431, "quantile": 1.0, "value": 305600.0, "Latitude": 33.43, "Longitude": -117.62, "Population": 1221.0}, {"index": 10432, "quantile": 0.0, "value": 107200.0, "Latitude": 33.43, "Longitude": -117.62, "Population": 2321.0}, {"index": 10432, "quantile": 0.25, "value": 144375.0, "Latitude": 33.43, "Longitude": -117.62, "Population": 2321.0}, {"index": 10432, "quantile": 0.5, "value": 166900.0, "Latitude": 33.43, "Longitude": -117.62, "Population": 2321.0}, {"index": 10432, "quantile": 0.75, "value": 252250.0, "Latitude": 33.43, "Longitude": -117.62, "Population": 2321.0}, {"index": 10432, "quantile": 1.0, "value": 362500.0, "Latitude": 33.43, "Longitude": -117.62, "Population": 2321.0}, {"index": 10433, "quantile": 0.0, "value": 88300.0, "Latitude": 33.43, "Longitude": -117.62, "Population": 850.0}, {"index": 10433, "quantile": 0.25, "value": 168950.0, "Latitude": 33.43, "Longitude": -117.62, "Population": 850.0}, {"index": 10433, "quantile": 0.5, "value": 187500.0, "Latitude": 33.43, "Longitude": -117.62, "Population": 850.0}, {"index": 10433, "quantile": 0.75, "value": 218925.0, "Latitude": 33.43, "Longitude": -117.62, "Population": 850.0}, {"index": 10433, "quantile": 1.0, "value": 350000.0, "Latitude": 33.43, "Longitude": -117.62, "Population": 850.0}, {"index": 10434, "quantile": 0.0, "value": 76600.0, "Latitude": 33.4, "Longitude": -117.65, "Population": 910.0}, {"index": 10434, "quantile": 0.25, "value": 234150.0, "Latitude": 33.4, "Longitude": -117.65, "Population": 910.0}, {"index": 10434, "quantile": 0.5, "value": 370800.0, "Latitude": 33.4, "Longitude": -117.65, "Population": 910.0}, {"index": 10434, "quantile": 0.75, "value": 370800.0, "Latitude": 33.4, "Longitude": -117.65, "Population": 910.0}, {"index": 10434, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.4, "Longitude": -117.65, "Population": 910.0}, {"index": 10435, "quantile": 0.0, "value": 189800.0, "Latitude": 33.43, "Longitude": -117.62, "Population": 1950.0}, {"index": 10435, "quantile": 0.25, "value": 240600.0, "Latitude": 33.43, "Longitude": -117.62, "Population": 1950.0}, {"index": 10435, "quantile": 0.5, "value": 240600.0, "Latitude": 33.43, "Longitude": -117.62, "Population": 1950.0}, {"index": 10435, "quantile": 0.75, "value": 290725.0, "Latitude": 33.43, "Longitude": -117.62, "Population": 1950.0}, {"index": 10435, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.43, "Longitude": -117.62, "Population": 1950.0}, {"index": 10436, "quantile": 0.0, "value": 98600.0, "Latitude": 33.43, "Longitude": -117.61, "Population": 604.0}, {"index": 10436, "quantile": 0.25, "value": 193800.0, "Latitude": 33.43, "Longitude": -117.61, "Population": 604.0}, {"index": 10436, "quantile": 0.5, "value": 225000.0, "Latitude": 33.43, "Longitude": -117.61, "Population": 604.0}, {"index": 10436, "quantile": 0.75, "value": 326500.0, "Latitude": 33.43, "Longitude": -117.61, "Population": 604.0}, {"index": 10436, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.43, "Longitude": -117.61, "Population": 604.0}, {"index": 10437, "quantile": 0.0, "value": 77100.0, "Latitude": 33.42, "Longitude": -117.62, "Population": 460.0}, {"index": 10437, "quantile": 0.25, "value": 190600.0, "Latitude": 33.42, "Longitude": -117.62, "Population": 460.0}, {"index": 10437, "quantile": 0.5, "value": 190600.0, "Latitude": 33.42, "Longitude": -117.62, "Population": 460.0}, {"index": 10437, "quantile": 0.75, "value": 243875.00000000003, "Latitude": 33.42, "Longitude": -117.62, "Population": 460.0}, {"index": 10437, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.42, "Longitude": -117.62, "Population": 460.0}, {"index": 10438, "quantile": 0.0, "value": 77100.0, "Latitude": 33.42, "Longitude": -117.62, "Population": 597.0}, {"index": 10438, "quantile": 0.25, "value": 249400.00000000003, "Latitude": 33.42, "Longitude": -117.62, "Population": 597.0}, {"index": 10438, "quantile": 0.5, "value": 295600.0, "Latitude": 33.42, "Longitude": -117.62, "Population": 597.0}, {"index": 10438, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.42, "Longitude": -117.62, "Population": 597.0}, {"index": 10438, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.42, "Longitude": -117.62, "Population": 597.0}, {"index": 10439, "quantile": 0.0, "value": 175000.0, "Latitude": 33.45, "Longitude": -117.6, "Population": 996.0}, {"index": 10439, "quantile": 0.25, "value": 243800.00000000003, "Latitude": 33.45, "Longitude": -117.6, "Population": 996.0}, {"index": 10439, "quantile": 0.5, "value": 243800.00000000003, "Latitude": 33.45, "Longitude": -117.6, "Population": 996.0}, {"index": 10439, "quantile": 0.75, "value": 243800.00000000003, "Latitude": 33.45, "Longitude": -117.6, "Population": 996.0}, {"index": 10439, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.45, "Longitude": -117.6, "Population": 996.0}, {"index": 10440, "quantile": 0.0, "value": 87500.0, "Latitude": 33.44, "Longitude": -117.59, "Population": 2363.0}, {"index": 10440, "quantile": 0.25, "value": 235725.0, "Latitude": 33.44, "Longitude": -117.59, "Population": 2363.0}, {"index": 10440, "quantile": 0.5, "value": 341300.0, "Latitude": 33.44, "Longitude": -117.59, "Population": 2363.0}, {"index": 10440, "quantile": 0.75, "value": 341300.0, "Latitude": 33.44, "Longitude": -117.59, "Population": 2363.0}, {"index": 10440, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 33.44, "Longitude": -117.59, "Population": 2363.0}, {"index": 10441, "quantile": 0.0, "value": 107200.0, "Latitude": 33.4, "Longitude": -117.59, "Population": 1797.0}, {"index": 10441, "quantile": 0.25, "value": 252100.0, "Latitude": 33.4, "Longitude": -117.59, "Population": 1797.0}, {"index": 10441, "quantile": 0.5, "value": 252100.0, "Latitude": 33.4, "Longitude": -117.59, "Population": 1797.0}, {"index": 10441, "quantile": 0.75, "value": 252100.0, "Latitude": 33.4, "Longitude": -117.59, "Population": 1797.0}, {"index": 10441, "quantile": 1.0, "value": 362500.0, "Latitude": 33.4, "Longitude": -117.59, "Population": 1797.0}, {"index": 10442, "quantile": 0.0, "value": 139200.0, "Latitude": 33.41, "Longitude": -117.59, "Population": 878.0}, {"index": 10442, "quantile": 0.25, "value": 246000.0, "Latitude": 33.41, "Longitude": -117.59, "Population": 878.0}, {"index": 10442, "quantile": 0.5, "value": 246000.0, "Latitude": 33.41, "Longitude": -117.59, "Population": 878.0}, {"index": 10442, "quantile": 0.75, "value": 287500.0, "Latitude": 33.41, "Longitude": -117.59, "Population": 878.0}, {"index": 10442, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.41, "Longitude": -117.59, "Population": 878.0}, {"index": 10443, "quantile": 0.0, "value": 134500.0, "Latitude": 33.42, "Longitude": -117.6, "Population": 1048.0}, {"index": 10443, "quantile": 0.25, "value": 228550.0, "Latitude": 33.42, "Longitude": -117.6, "Population": 1048.0}, {"index": 10443, "quantile": 0.5, "value": 274100.0, "Latitude": 33.42, "Longitude": -117.6, "Population": 1048.0}, {"index": 10443, "quantile": 0.75, "value": 309200.0, "Latitude": 33.42, "Longitude": -117.6, "Population": 1048.0}, {"index": 10443, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.42, "Longitude": -117.6, "Population": 1048.0}, {"index": 10444, "quantile": 0.0, "value": 87600.0, "Latitude": 33.43, "Longitude": -117.61, "Population": 851.0}, {"index": 10444, "quantile": 0.25, "value": 345425.0, "Latitude": 33.43, "Longitude": -117.61, "Population": 851.0}, {"index": 10444, "quantile": 0.5, "value": 346500.0, "Latitude": 33.43, "Longitude": -117.61, "Population": 851.0}, {"index": 10444, "quantile": 0.75, "value": 346500.0, "Latitude": 33.43, "Longitude": -117.61, "Population": 851.0}, {"index": 10444, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.43, "Longitude": -117.61, "Population": 851.0}, {"index": 10445, "quantile": 0.0, "value": 184300.0, "Latitude": 33.43, "Longitude": -117.6, "Population": 1392.0}, {"index": 10445, "quantile": 0.25, "value": 395075.0, "Latitude": 33.43, "Longitude": -117.6, "Population": 1392.0}, {"index": 10445, "quantile": 0.5, "value": 413999.99999999994, "Latitude": 33.43, "Longitude": -117.6, "Population": 1392.0}, {"index": 10445, "quantile": 0.75, "value": 413999.99999999994, "Latitude": 33.43, "Longitude": -117.6, "Population": 1392.0}, {"index": 10445, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.43, "Longitude": -117.6, "Population": 1392.0}, {"index": 10446, "quantile": 0.0, "value": 195900.0, "Latitude": 33.44, "Longitude": -117.61, "Population": 713.0}, {"index": 10446, "quantile": 0.25, "value": 346200.0, "Latitude": 33.44, "Longitude": -117.61, "Population": 713.0}, {"index": 10446, "quantile": 0.5, "value": 346200.0, "Latitude": 33.44, "Longitude": -117.61, "Population": 713.0}, {"index": 10446, "quantile": 0.75, "value": 346200.0, "Latitude": 33.44, "Longitude": -117.61, "Population": 713.0}, {"index": 10446, "quantile": 1.0, "value": 480800.0, "Latitude": 33.44, "Longitude": -117.61, "Population": 713.0}, {"index": 10447, "quantile": 0.0, "value": 176300.0, "Latitude": 33.43, "Longitude": -117.59, "Population": 1230.0}, {"index": 10447, "quantile": 0.25, "value": 296200.0, "Latitude": 33.43, "Longitude": -117.59, "Population": 1230.0}, {"index": 10447, "quantile": 0.5, "value": 358800.0, "Latitude": 33.43, "Longitude": -117.59, "Population": 1230.0}, {"index": 10447, "quantile": 0.75, "value": 358800.0, "Latitude": 33.43, "Longitude": -117.59, "Population": 1230.0}, {"index": 10447, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.43, "Longitude": -117.59, "Population": 1230.0}, {"index": 10448, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.47, "Longitude": -117.67, "Population": 1081.0}, {"index": 10448, "quantile": 0.25, "value": 145850.0, "Latitude": 33.47, "Longitude": -117.67, "Population": 1081.0}, {"index": 10448, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.47, "Longitude": -117.67, "Population": 1081.0}, {"index": 10448, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.47, "Longitude": -117.67, "Population": 1081.0}, {"index": 10448, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.47, "Longitude": -117.67, "Population": 1081.0}, {"index": 10449, "quantile": 0.0, "value": 110700.0, "Latitude": 33.46, "Longitude": -117.67, "Population": 1409.0}, {"index": 10449, "quantile": 0.25, "value": 236500.00000000003, "Latitude": 33.46, "Longitude": -117.67, "Population": 1409.0}, {"index": 10449, "quantile": 0.5, "value": 274400.0, "Latitude": 33.46, "Longitude": -117.67, "Population": 1409.0}, {"index": 10449, "quantile": 0.75, "value": 309625.0, "Latitude": 33.46, "Longitude": -117.67, "Population": 1409.0}, {"index": 10449, "quantile": 1.0, "value": 445700.0, "Latitude": 33.46, "Longitude": -117.67, "Population": 1409.0}, {"index": 10450, "quantile": 0.0, "value": 187500.0, "Latitude": 33.44, "Longitude": -117.67, "Population": 903.0}, {"index": 10450, "quantile": 0.25, "value": 439900.0, "Latitude": 33.44, "Longitude": -117.67, "Population": 903.0}, {"index": 10450, "quantile": 0.5, "value": 499099.99999999994, "Latitude": 33.44, "Longitude": -117.67, "Population": 903.0}, {"index": 10450, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.44, "Longitude": -117.67, "Population": 903.0}, {"index": 10450, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.44, "Longitude": -117.67, "Population": 903.0}, {"index": 10451, "quantile": 0.0, "value": 151400.0, "Latitude": 33.46, "Longitude": -117.67, "Population": 783.0}, {"index": 10451, "quantile": 0.25, "value": 290225.0, "Latitude": 33.46, "Longitude": -117.67, "Population": 783.0}, {"index": 10451, "quantile": 0.5, "value": 300000.0, "Latitude": 33.46, "Longitude": -117.67, "Population": 783.0}, {"index": 10451, "quantile": 0.75, "value": 300000.0, "Latitude": 33.46, "Longitude": -117.67, "Population": 783.0}, {"index": 10451, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.46, "Longitude": -117.67, "Population": 783.0}, {"index": 10452, "quantile": 0.0, "value": 133500.0, "Latitude": 33.46, "Longitude": -117.66, "Population": 952.0}, {"index": 10452, "quantile": 0.25, "value": 207974.99999999997, "Latitude": 33.46, "Longitude": -117.66, "Population": 952.0}, {"index": 10452, "quantile": 0.5, "value": 246800.0, "Latitude": 33.46, "Longitude": -117.66, "Population": 952.0}, {"index": 10452, "quantile": 0.75, "value": 292600.0, "Latitude": 33.46, "Longitude": -117.66, "Population": 952.0}, {"index": 10452, "quantile": 1.0, "value": 447400.0, "Latitude": 33.46, "Longitude": -117.66, "Population": 952.0}, {"index": 10453, "quantile": 0.0, "value": 158100.0, "Latitude": 33.46, "Longitude": -117.66, "Population": 609.0}, {"index": 10453, "quantile": 0.25, "value": 263525.0, "Latitude": 33.46, "Longitude": -117.66, "Population": 609.0}, {"index": 10453, "quantile": 0.5, "value": 312700.0, "Latitude": 33.46, "Longitude": -117.66, "Population": 609.0}, {"index": 10453, "quantile": 0.75, "value": 312700.0, "Latitude": 33.46, "Longitude": -117.66, "Population": 609.0}, {"index": 10453, "quantile": 1.0, "value": 480100.0, "Latitude": 33.46, "Longitude": -117.66, "Population": 609.0}, {"index": 10454, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.48, "Longitude": -117.66, "Population": 334.0}, {"index": 10454, "quantile": 0.25, "value": 455175.0, "Latitude": 33.48, "Longitude": -117.66, "Population": 334.0}, {"index": 10454, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.48, "Longitude": -117.66, "Population": 334.0}, {"index": 10454, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.48, "Longitude": -117.66, "Population": 334.0}, {"index": 10454, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.48, "Longitude": -117.66, "Population": 334.0}, {"index": 10455, "quantile": 0.0, "value": 87500.0, "Latitude": 33.49, "Longitude": -117.65, "Population": 628.0}, {"index": 10455, "quantile": 0.25, "value": 171900.0, "Latitude": 33.49, "Longitude": -117.65, "Population": 628.0}, {"index": 10455, "quantile": 0.5, "value": 234400.0, "Latitude": 33.49, "Longitude": -117.65, "Population": 628.0}, {"index": 10455, "quantile": 0.75, "value": 301675.0, "Latitude": 33.49, "Longitude": -117.65, "Population": 628.0}, {"index": 10455, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.49, "Longitude": -117.65, "Population": 628.0}, {"index": 10456, "quantile": 0.0, "value": 167800.0, "Latitude": 33.49, "Longitude": -117.64, "Population": 781.0}, {"index": 10456, "quantile": 0.25, "value": 271600.0, "Latitude": 33.49, "Longitude": -117.64, "Population": 781.0}, {"index": 10456, "quantile": 0.5, "value": 271600.0, "Latitude": 33.49, "Longitude": -117.64, "Population": 781.0}, {"index": 10456, "quantile": 0.75, "value": 271600.0, "Latitude": 33.49, "Longitude": -117.64, "Population": 781.0}, {"index": 10456, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.49, "Longitude": -117.64, "Population": 781.0}, {"index": 10457, "quantile": 0.0, "value": 142500.0, "Latitude": 33.48, "Longitude": -117.65, "Population": 1469.0}, {"index": 10457, "quantile": 0.25, "value": 239750.0, "Latitude": 33.48, "Longitude": -117.65, "Population": 1469.0}, {"index": 10457, "quantile": 0.5, "value": 402200.0, "Latitude": 33.48, "Longitude": -117.65, "Population": 1469.0}, {"index": 10457, "quantile": 0.75, "value": 402200.0, "Latitude": 33.48, "Longitude": -117.65, "Population": 1469.0}, {"index": 10457, "quantile": 1.0, "value": 402200.0, "Latitude": 33.48, "Longitude": -117.65, "Population": 1469.0}, {"index": 10458, "quantile": 0.0, "value": 462800.0, "Latitude": 33.48, "Longitude": -117.65, "Population": 572.0}, {"index": 10458, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.48, "Longitude": -117.65, "Population": 572.0}, {"index": 10458, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.48, "Longitude": -117.65, "Population": 572.0}, {"index": 10458, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.48, "Longitude": -117.65, "Population": 572.0}, {"index": 10458, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.48, "Longitude": -117.65, "Population": 572.0}, {"index": 10459, "quantile": 0.0, "value": 251900.0, "Latitude": 33.5, "Longitude": -117.63, "Population": 1506.0}, {"index": 10459, "quantile": 0.25, "value": 324600.0, "Latitude": 33.5, "Longitude": -117.63, "Population": 1506.0}, {"index": 10459, "quantile": 0.5, "value": 353600.0, "Latitude": 33.5, "Longitude": -117.63, "Population": 1506.0}, {"index": 10459, "quantile": 0.75, "value": 353600.0, "Latitude": 33.5, "Longitude": -117.63, "Population": 1506.0}, {"index": 10459, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.5, "Longitude": -117.63, "Population": 1506.0}, {"index": 10460, "quantile": 0.0, "value": 102800.0, "Latitude": 33.47, "Longitude": -117.63, "Population": 1408.0}, {"index": 10460, "quantile": 0.25, "value": 256000.0, "Latitude": 33.47, "Longitude": -117.63, "Population": 1408.0}, {"index": 10460, "quantile": 0.5, "value": 256000.0, "Latitude": 33.47, "Longitude": -117.63, "Population": 1408.0}, {"index": 10460, "quantile": 0.75, "value": 256000.0, "Latitude": 33.47, "Longitude": -117.63, "Population": 1408.0}, {"index": 10460, "quantile": 1.0, "value": 492500.0, "Latitude": 33.47, "Longitude": -117.63, "Population": 1408.0}, {"index": 10461, "quantile": 0.0, "value": 105300.0, "Latitude": 33.46, "Longitude": -117.65, "Population": 2824.0}, {"index": 10461, "quantile": 0.25, "value": 277300.0, "Latitude": 33.46, "Longitude": -117.65, "Population": 2824.0}, {"index": 10461, "quantile": 0.5, "value": 277300.0, "Latitude": 33.46, "Longitude": -117.65, "Population": 2824.0}, {"index": 10461, "quantile": 0.75, "value": 289950.0, "Latitude": 33.46, "Longitude": -117.65, "Population": 2824.0}, {"index": 10461, "quantile": 1.0, "value": 491200.0, "Latitude": 33.46, "Longitude": -117.65, "Population": 2824.0}, {"index": 10462, "quantile": 0.0, "value": 156300.0, "Latitude": 33.48, "Longitude": -117.64, "Population": 1033.0}, {"index": 10462, "quantile": 0.25, "value": 227800.0, "Latitude": 33.48, "Longitude": -117.64, "Population": 1033.0}, {"index": 10462, "quantile": 0.5, "value": 242450.0, "Latitude": 33.48, "Longitude": -117.64, "Population": 1033.0}, {"index": 10462, "quantile": 0.75, "value": 291950.0, "Latitude": 33.48, "Longitude": -117.64, "Population": 1033.0}, {"index": 10462, "quantile": 1.0, "value": 443600.0, "Latitude": 33.48, "Longitude": -117.64, "Population": 1033.0}, {"index": 10463, "quantile": 0.0, "value": 207399.99999999997, "Latitude": 33.45, "Longitude": -117.65, "Population": 3033.0}, {"index": 10463, "quantile": 0.25, "value": 239299.99999999997, "Latitude": 33.45, "Longitude": -117.65, "Population": 3033.0}, {"index": 10463, "quantile": 0.5, "value": 239299.99999999997, "Latitude": 33.45, "Longitude": -117.65, "Population": 3033.0}, {"index": 10463, "quantile": 0.75, "value": 262100.0, "Latitude": 33.45, "Longitude": -117.65, "Population": 3033.0}, {"index": 10463, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.45, "Longitude": -117.65, "Population": 3033.0}, {"index": 10464, "quantile": 0.0, "value": 349500.0, "Latitude": 33.49, "Longitude": -117.73, "Population": 1530.0}, {"index": 10464, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.49, "Longitude": -117.73, "Population": 1530.0}, {"index": 10464, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.49, "Longitude": -117.73, "Population": 1530.0}, {"index": 10464, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.49, "Longitude": -117.73, "Population": 1530.0}, {"index": 10464, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.49, "Longitude": -117.73, "Population": 1530.0}, {"index": 10465, "quantile": 0.0, "value": 220800.00000000003, "Latitude": 33.48, "Longitude": -117.76, "Population": 1332.0}, {"index": 10465, "quantile": 0.25, "value": 381200.0, "Latitude": 33.48, "Longitude": -117.76, "Population": 1332.0}, {"index": 10465, "quantile": 0.5, "value": 381200.0, "Latitude": 33.48, "Longitude": -117.76, "Population": 1332.0}, {"index": 10465, "quantile": 0.75, "value": 457949.99999999994, "Latitude": 33.48, "Longitude": -117.76, "Population": 1332.0}, {"index": 10465, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.48, "Longitude": -117.76, "Population": 1332.0}, {"index": 10466, "quantile": 0.0, "value": 204800.0, "Latitude": 33.51, "Longitude": -117.74, "Population": 612.0}, {"index": 10466, "quantile": 0.25, "value": 483000.0, "Latitude": 33.51, "Longitude": -117.74, "Population": 612.0}, {"index": 10466, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.74, "Population": 612.0}, {"index": 10466, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.74, "Population": 612.0}, {"index": 10466, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.74, "Population": 612.0}, {"index": 10467, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 33.53, "Longitude": -117.73, "Population": 2129.0}, {"index": 10467, "quantile": 0.25, "value": 417025.0, "Latitude": 33.53, "Longitude": -117.73, "Population": 2129.0}, {"index": 10467, "quantile": 0.5, "value": 420600.00000000006, "Latitude": 33.53, "Longitude": -117.73, "Population": 2129.0}, {"index": 10467, "quantile": 0.75, "value": 420600.00000000006, "Latitude": 33.53, "Longitude": -117.73, "Population": 2129.0}, {"index": 10467, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.73, "Population": 2129.0}, {"index": 10468, "quantile": 0.0, "value": 144300.0, "Latitude": 33.54, "Longitude": -117.72, "Population": 1909.0}, {"index": 10468, "quantile": 0.25, "value": 231400.0, "Latitude": 33.54, "Longitude": -117.72, "Population": 1909.0}, {"index": 10468, "quantile": 0.5, "value": 278200.0, "Latitude": 33.54, "Longitude": -117.72, "Population": 1909.0}, {"index": 10468, "quantile": 0.75, "value": 316100.0, "Latitude": 33.54, "Longitude": -117.72, "Population": 1909.0}, {"index": 10468, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.54, "Longitude": -117.72, "Population": 1909.0}, {"index": 10469, "quantile": 0.0, "value": 137000.0, "Latitude": 33.53, "Longitude": -117.72, "Population": 704.0}, {"index": 10469, "quantile": 0.25, "value": 248674.99999999997, "Latitude": 33.53, "Longitude": -117.72, "Population": 704.0}, {"index": 10469, "quantile": 0.5, "value": 251300.0, "Latitude": 33.53, "Longitude": -117.72, "Population": 704.0}, {"index": 10469, "quantile": 0.75, "value": 251300.0, "Latitude": 33.53, "Longitude": -117.72, "Population": 704.0}, {"index": 10469, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.72, "Population": 704.0}, {"index": 10470, "quantile": 0.0, "value": 169800.0, "Latitude": 33.51, "Longitude": -117.72, "Population": 1176.0}, {"index": 10470, "quantile": 0.25, "value": 324000.0, "Latitude": 33.51, "Longitude": -117.72, "Population": 1176.0}, {"index": 10470, "quantile": 0.5, "value": 324000.0, "Latitude": 33.51, "Longitude": -117.72, "Population": 1176.0}, {"index": 10470, "quantile": 0.75, "value": 324000.0, "Latitude": 33.51, "Longitude": -117.72, "Population": 1176.0}, {"index": 10470, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.72, "Population": 1176.0}, {"index": 10471, "quantile": 0.0, "value": 190300.0, "Latitude": 33.49, "Longitude": -117.72, "Population": 1129.0}, {"index": 10471, "quantile": 0.25, "value": 295900.0, "Latitude": 33.49, "Longitude": -117.72, "Population": 1129.0}, {"index": 10471, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.49, "Longitude": -117.72, "Population": 1129.0}, {"index": 10471, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.49, "Longitude": -117.72, "Population": 1129.0}, {"index": 10471, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.49, "Longitude": -117.72, "Population": 1129.0}, {"index": 10472, "quantile": 0.0, "value": 239100.0, "Latitude": 33.49, "Longitude": -117.73, "Population": 654.0}, {"index": 10472, "quantile": 0.25, "value": 453800.0, "Latitude": 33.49, "Longitude": -117.73, "Population": 654.0}, {"index": 10472, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.49, "Longitude": -117.73, "Population": 654.0}, {"index": 10472, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.49, "Longitude": -117.73, "Population": 654.0}, {"index": 10472, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.49, "Longitude": -117.73, "Population": 654.0}, {"index": 10473, "quantile": 0.0, "value": 226799.99999999997, "Latitude": 33.51, "Longitude": -117.73, "Population": 1238.0}, {"index": 10473, "quantile": 0.25, "value": 295900.0, "Latitude": 33.51, "Longitude": -117.73, "Population": 1238.0}, {"index": 10473, "quantile": 0.5, "value": 295900.0, "Latitude": 33.51, "Longitude": -117.73, "Population": 1238.0}, {"index": 10473, "quantile": 0.75, "value": 295900.0, "Latitude": 33.51, "Longitude": -117.73, "Population": 1238.0}, {"index": 10473, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.73, "Population": 1238.0}, {"index": 10474, "quantile": 0.0, "value": 204100.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1584.0}, {"index": 10474, "quantile": 0.25, "value": 265900.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1584.0}, {"index": 10474, "quantile": 0.5, "value": 282950.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1584.0}, {"index": 10474, "quantile": 0.75, "value": 316700.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1584.0}, {"index": 10474, "quantile": 1.0, "value": 480800.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1584.0}, {"index": 10475, "quantile": 0.0, "value": 127200.0, "Latitude": 33.6, "Longitude": -117.68, "Population": 969.0}, {"index": 10475, "quantile": 0.25, "value": 265900.0, "Latitude": 33.6, "Longitude": -117.68, "Population": 969.0}, {"index": 10475, "quantile": 0.5, "value": 265900.0, "Latitude": 33.6, "Longitude": -117.68, "Population": 969.0}, {"index": 10475, "quantile": 0.75, "value": 277875.0, "Latitude": 33.6, "Longitude": -117.68, "Population": 969.0}, {"index": 10475, "quantile": 1.0, "value": 334100.0, "Latitude": 33.6, "Longitude": -117.68, "Population": 969.0}, {"index": 10476, "quantile": 0.0, "value": 149300.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1194.0}, {"index": 10476, "quantile": 0.25, "value": 227000.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1194.0}, {"index": 10476, "quantile": 0.5, "value": 227000.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1194.0}, {"index": 10476, "quantile": 0.75, "value": 227000.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1194.0}, {"index": 10476, "quantile": 1.0, "value": 395100.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1194.0}, {"index": 10477, "quantile": 0.0, "value": 62800.0, "Latitude": 33.6, "Longitude": -117.7, "Population": 877.0}, {"index": 10477, "quantile": 0.25, "value": 186725.0, "Latitude": 33.6, "Longitude": -117.7, "Population": 877.0}, {"index": 10477, "quantile": 0.5, "value": 216900.0, "Latitude": 33.6, "Longitude": -117.7, "Population": 877.0}, {"index": 10477, "quantile": 0.75, "value": 216900.0, "Latitude": 33.6, "Longitude": -117.7, "Population": 877.0}, {"index": 10477, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.7, "Population": 877.0}, {"index": 10478, "quantile": 0.0, "value": 100600.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1333.0}, {"index": 10478, "quantile": 0.25, "value": 219700.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1333.0}, {"index": 10478, "quantile": 0.5, "value": 279500.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1333.0}, {"index": 10478, "quantile": 0.75, "value": 279500.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1333.0}, {"index": 10478, "quantile": 1.0, "value": 305600.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1333.0}, {"index": 10479, "quantile": 0.0, "value": 204100.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1464.0}, {"index": 10479, "quantile": 0.25, "value": 289300.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1464.0}, {"index": 10479, "quantile": 0.5, "value": 332000.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1464.0}, {"index": 10479, "quantile": 0.75, "value": 332000.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1464.0}, {"index": 10479, "quantile": 1.0, "value": 350400.0, "Latitude": 33.6, "Longitude": -117.69, "Population": 1464.0}, {"index": 10480, "quantile": 0.0, "value": 280300.0, "Latitude": 33.59, "Longitude": -117.69, "Population": 1432.0}, {"index": 10480, "quantile": 0.25, "value": 348100.0, "Latitude": 33.59, "Longitude": -117.69, "Population": 1432.0}, {"index": 10480, "quantile": 0.5, "value": 348100.0, "Latitude": 33.59, "Longitude": -117.69, "Population": 1432.0}, {"index": 10480, "quantile": 0.75, "value": 348100.0, "Latitude": 33.59, "Longitude": -117.69, "Population": 1432.0}, {"index": 10480, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.59, "Longitude": -117.69, "Population": 1432.0}, {"index": 10481, "quantile": 0.0, "value": 308900.0, "Latitude": 33.59, "Longitude": -117.68, "Population": 1569.0}, {"index": 10481, "quantile": 0.25, "value": 314000.0, "Latitude": 33.59, "Longitude": -117.68, "Population": 1569.0}, {"index": 10481, "quantile": 0.5, "value": 314000.0, "Latitude": 33.59, "Longitude": -117.68, "Population": 1569.0}, {"index": 10481, "quantile": 0.75, "value": 346450.0, "Latitude": 33.59, "Longitude": -117.68, "Population": 1569.0}, {"index": 10481, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.59, "Longitude": -117.68, "Population": 1569.0}, {"index": 10482, "quantile": 0.0, "value": 269600.0, "Latitude": 33.58, "Longitude": -117.69, "Population": 2877.0}, {"index": 10482, "quantile": 0.25, "value": 328950.0, "Latitude": 33.58, "Longitude": -117.69, "Population": 2877.0}, {"index": 10482, "quantile": 0.5, "value": 330000.0, "Latitude": 33.58, "Longitude": -117.69, "Population": 2877.0}, {"index": 10482, "quantile": 0.75, "value": 330000.0, "Latitude": 33.58, "Longitude": -117.69, "Population": 2877.0}, {"index": 10482, "quantile": 1.0, "value": 406200.0, "Latitude": 33.58, "Longitude": -117.69, "Population": 2877.0}, {"index": 10483, "quantile": 0.0, "value": 453800.0, "Latitude": 33.59, "Longitude": -117.68, "Population": 899.0}, {"index": 10483, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.59, "Longitude": -117.68, "Population": 899.0}, {"index": 10483, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.59, "Longitude": -117.68, "Population": 899.0}, {"index": 10483, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.59, "Longitude": -117.68, "Population": 899.0}, {"index": 10483, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.59, "Longitude": -117.68, "Population": 899.0}, {"index": 10484, "quantile": 0.0, "value": 386100.0, "Latitude": 33.58, "Longitude": -117.69, "Population": 1176.0}, {"index": 10484, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.58, "Longitude": -117.69, "Population": 1176.0}, {"index": 10484, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.58, "Longitude": -117.69, "Population": 1176.0}, {"index": 10484, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.58, "Longitude": -117.69, "Population": 1176.0}, {"index": 10484, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.58, "Longitude": -117.69, "Population": 1176.0}, {"index": 10485, "quantile": 0.0, "value": 177400.0, "Latitude": 33.47, "Longitude": -117.68, "Population": 1731.0}, {"index": 10485, "quantile": 0.25, "value": 285600.0, "Latitude": 33.47, "Longitude": -117.68, "Population": 1731.0}, {"index": 10485, "quantile": 0.5, "value": 285600.0, "Latitude": 33.47, "Longitude": -117.68, "Population": 1731.0}, {"index": 10485, "quantile": 0.75, "value": 285600.0, "Latitude": 33.47, "Longitude": -117.68, "Population": 1731.0}, {"index": 10485, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.47, "Longitude": -117.68, "Population": 1731.0}, {"index": 10486, "quantile": 0.0, "value": 134500.0, "Latitude": 33.48, "Longitude": -117.68, "Population": 727.0}, {"index": 10486, "quantile": 0.25, "value": 231400.0, "Latitude": 33.48, "Longitude": -117.68, "Population": 727.0}, {"index": 10486, "quantile": 0.5, "value": 231400.0, "Latitude": 33.48, "Longitude": -117.68, "Population": 727.0}, {"index": 10486, "quantile": 0.75, "value": 246124.99999999997, "Latitude": 33.48, "Longitude": -117.68, "Population": 727.0}, {"index": 10486, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.48, "Longitude": -117.68, "Population": 727.0}, {"index": 10487, "quantile": 0.0, "value": 123900.00000000001, "Latitude": 33.49, "Longitude": -117.68, "Population": 1072.0}, {"index": 10487, "quantile": 0.25, "value": 214500.0, "Latitude": 33.49, "Longitude": -117.68, "Population": 1072.0}, {"index": 10487, "quantile": 0.5, "value": 214500.0, "Latitude": 33.49, "Longitude": -117.68, "Population": 1072.0}, {"index": 10487, "quantile": 0.75, "value": 214500.0, "Latitude": 33.49, "Longitude": -117.68, "Population": 1072.0}, {"index": 10487, "quantile": 1.0, "value": 334100.0, "Latitude": 33.49, "Longitude": -117.68, "Population": 1072.0}, {"index": 10488, "quantile": 0.0, "value": 91600.0, "Latitude": 33.49, "Longitude": -117.68, "Population": 2557.0}, {"index": 10488, "quantile": 0.25, "value": 106300.0, "Latitude": 33.49, "Longitude": -117.68, "Population": 2557.0}, {"index": 10488, "quantile": 0.5, "value": 106300.0, "Latitude": 33.49, "Longitude": -117.68, "Population": 2557.0}, {"index": 10488, "quantile": 0.75, "value": 109975.0, "Latitude": 33.49, "Longitude": -117.68, "Population": 2557.0}, {"index": 10488, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 33.49, "Longitude": -117.68, "Population": 2557.0}, {"index": 10489, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.49, "Longitude": -117.67, "Population": 983.0}, {"index": 10489, "quantile": 0.25, "value": 112500.0, "Latitude": 33.49, "Longitude": -117.67, "Population": 983.0}, {"index": 10489, "quantile": 0.5, "value": 157300.0, "Latitude": 33.49, "Longitude": -117.67, "Population": 983.0}, {"index": 10489, "quantile": 0.75, "value": 500000.25, "Latitude": 33.49, "Longitude": -117.67, "Population": 983.0}, {"index": 10489, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.49, "Longitude": -117.67, "Population": 983.0}, {"index": 10490, "quantile": 0.0, "value": 244200.00000000003, "Latitude": 33.49, "Longitude": -117.67, "Population": 128.0}, {"index": 10490, "quantile": 0.25, "value": 250000.0, "Latitude": 33.49, "Longitude": -117.67, "Population": 128.0}, {"index": 10490, "quantile": 0.5, "value": 250000.0, "Latitude": 33.49, "Longitude": -117.67, "Population": 128.0}, {"index": 10490, "quantile": 0.75, "value": 330375.0, "Latitude": 33.49, "Longitude": -117.67, "Population": 128.0}, {"index": 10490, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.49, "Longitude": -117.67, "Population": 128.0}, {"index": 10491, "quantile": 0.0, "value": 138200.0, "Latitude": 33.51, "Longitude": -117.68, "Population": 1481.0}, {"index": 10491, "quantile": 0.25, "value": 263849.99999999994, "Latitude": 33.51, "Longitude": -117.68, "Population": 1481.0}, {"index": 10491, "quantile": 0.5, "value": 480800.0, "Latitude": 33.51, "Longitude": -117.68, "Population": 1481.0}, {"index": 10491, "quantile": 0.75, "value": 480800.0, "Latitude": 33.51, "Longitude": -117.68, "Population": 1481.0}, {"index": 10491, "quantile": 1.0, "value": 480800.0, "Latitude": 33.51, "Longitude": -117.68, "Population": 1481.0}, {"index": 10492, "quantile": 0.0, "value": 189100.0, "Latitude": 33.49, "Longitude": -117.68, "Population": 1649.0}, {"index": 10492, "quantile": 0.25, "value": 294300.0, "Latitude": 33.49, "Longitude": -117.68, "Population": 1649.0}, {"index": 10492, "quantile": 0.5, "value": 294300.0, "Latitude": 33.49, "Longitude": -117.68, "Population": 1649.0}, {"index": 10492, "quantile": 0.75, "value": 294300.0, "Latitude": 33.49, "Longitude": -117.68, "Population": 1649.0}, {"index": 10492, "quantile": 1.0, "value": 414700.0, "Latitude": 33.49, "Longitude": -117.68, "Population": 1649.0}, {"index": 10493, "quantile": 0.0, "value": 164800.0, "Latitude": 33.48, "Longitude": -117.69, "Population": 1462.0}, {"index": 10493, "quantile": 0.25, "value": 288500.0, "Latitude": 33.48, "Longitude": -117.69, "Population": 1462.0}, {"index": 10493, "quantile": 0.5, "value": 288500.0, "Latitude": 33.48, "Longitude": -117.69, "Population": 1462.0}, {"index": 10493, "quantile": 0.75, "value": 288500.0, "Latitude": 33.48, "Longitude": -117.69, "Population": 1462.0}, {"index": 10493, "quantile": 1.0, "value": 480800.0, "Latitude": 33.48, "Longitude": -117.69, "Population": 1462.0}, {"index": 10494, "quantile": 0.0, "value": 190300.0, "Latitude": 33.47, "Longitude": -117.69, "Population": 679.0}, {"index": 10494, "quantile": 0.25, "value": 305600.0, "Latitude": 33.47, "Longitude": -117.69, "Population": 679.0}, {"index": 10494, "quantile": 0.5, "value": 305600.0, "Latitude": 33.47, "Longitude": -117.69, "Population": 679.0}, {"index": 10494, "quantile": 0.75, "value": 308375.0, "Latitude": 33.47, "Longitude": -117.69, "Population": 679.0}, {"index": 10494, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.47, "Longitude": -117.69, "Population": 679.0}, {"index": 10495, "quantile": 0.0, "value": 125000.0, "Latitude": 33.51, "Longitude": -117.66, "Population": 1302.0}, {"index": 10495, "quantile": 0.25, "value": 189600.0, "Latitude": 33.51, "Longitude": -117.66, "Population": 1302.0}, {"index": 10495, "quantile": 0.5, "value": 189600.0, "Latitude": 33.51, "Longitude": -117.66, "Population": 1302.0}, {"index": 10495, "quantile": 0.75, "value": 197200.0, "Latitude": 33.51, "Longitude": -117.66, "Population": 1302.0}, {"index": 10495, "quantile": 1.0, "value": 394400.0, "Latitude": 33.51, "Longitude": -117.66, "Population": 1302.0}, {"index": 10496, "quantile": 0.0, "value": 125000.0, "Latitude": 33.5, "Longitude": -117.66, "Population": 862.0}, {"index": 10496, "quantile": 0.25, "value": 186300.0, "Latitude": 33.5, "Longitude": -117.66, "Population": 862.0}, {"index": 10496, "quantile": 0.5, "value": 186300.0, "Latitude": 33.5, "Longitude": -117.66, "Population": 862.0}, {"index": 10496, "quantile": 0.75, "value": 209700.0, "Latitude": 33.5, "Longitude": -117.66, "Population": 862.0}, {"index": 10496, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.5, "Longitude": -117.66, "Population": 862.0}, {"index": 10497, "quantile": 0.0, "value": 87500.0, "Latitude": 33.51, "Longitude": -117.67, "Population": 1893.0}, {"index": 10497, "quantile": 0.25, "value": 120400.0, "Latitude": 33.51, "Longitude": -117.67, "Population": 1893.0}, {"index": 10497, "quantile": 0.5, "value": 120400.0, "Latitude": 33.51, "Longitude": -117.67, "Population": 1893.0}, {"index": 10497, "quantile": 0.75, "value": 145425.0, "Latitude": 33.51, "Longitude": -117.67, "Population": 1893.0}, {"index": 10497, "quantile": 1.0, "value": 305600.0, "Latitude": 33.51, "Longitude": -117.67, "Population": 1893.0}, {"index": 10498, "quantile": 0.0, "value": 91000.0, "Latitude": 33.51, "Longitude": -117.67, "Population": 1490.0}, {"index": 10498, "quantile": 0.25, "value": 126400.0, "Latitude": 33.51, "Longitude": -117.67, "Population": 1490.0}, {"index": 10498, "quantile": 0.5, "value": 126400.0, "Latitude": 33.51, "Longitude": -117.67, "Population": 1490.0}, {"index": 10498, "quantile": 0.75, "value": 126400.0, "Latitude": 33.51, "Longitude": -117.67, "Population": 1490.0}, {"index": 10498, "quantile": 1.0, "value": 305600.0, "Latitude": 33.51, "Longitude": -117.67, "Population": 1490.0}, {"index": 10499, "quantile": 0.0, "value": 66300.0, "Latitude": 33.51, "Longitude": -117.67, "Population": 545.0}, {"index": 10499, "quantile": 0.25, "value": 172475.0, "Latitude": 33.51, "Longitude": -117.67, "Population": 545.0}, {"index": 10499, "quantile": 0.5, "value": 184400.0, "Latitude": 33.51, "Longitude": -117.67, "Population": 545.0}, {"index": 10499, "quantile": 0.75, "value": 184400.0, "Latitude": 33.51, "Longitude": -117.67, "Population": 545.0}, {"index": 10499, "quantile": 1.0, "value": 367100.0, "Latitude": 33.51, "Longitude": -117.67, "Population": 545.0}, {"index": 10500, "quantile": 0.0, "value": 90800.0, "Latitude": 33.47, "Longitude": -117.69, "Population": 1480.0}, {"index": 10500, "quantile": 0.25, "value": 300000.0, "Latitude": 33.47, "Longitude": -117.69, "Population": 1480.0}, {"index": 10500, "quantile": 0.5, "value": 300000.0, "Latitude": 33.47, "Longitude": -117.69, "Population": 1480.0}, {"index": 10500, "quantile": 0.75, "value": 300000.0, "Latitude": 33.47, "Longitude": -117.69, "Population": 1480.0}, {"index": 10500, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.47, "Longitude": -117.69, "Population": 1480.0}, {"index": 10501, "quantile": 0.0, "value": 87500.0, "Latitude": 33.47, "Longitude": -117.7, "Population": 764.0}, {"index": 10501, "quantile": 0.25, "value": 320800.0, "Latitude": 33.47, "Longitude": -117.7, "Population": 764.0}, {"index": 10501, "quantile": 0.5, "value": 320800.0, "Latitude": 33.47, "Longitude": -117.7, "Population": 764.0}, {"index": 10501, "quantile": 0.75, "value": 320800.0, "Latitude": 33.47, "Longitude": -117.7, "Population": 764.0}, {"index": 10501, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.47, "Longitude": -117.7, "Population": 764.0}, {"index": 10502, "quantile": 0.0, "value": 107000.0, "Latitude": 33.47, "Longitude": -117.7, "Population": 1423.0}, {"index": 10502, "quantile": 0.25, "value": 243800.00000000003, "Latitude": 33.47, "Longitude": -117.7, "Population": 1423.0}, {"index": 10502, "quantile": 0.5, "value": 305600.0, "Latitude": 33.47, "Longitude": -117.7, "Population": 1423.0}, {"index": 10502, "quantile": 0.75, "value": 305600.0, "Latitude": 33.47, "Longitude": -117.7, "Population": 1423.0}, {"index": 10502, "quantile": 1.0, "value": 362500.0, "Latitude": 33.47, "Longitude": -117.7, "Population": 1423.0}, {"index": 10503, "quantile": 0.0, "value": 107000.0, "Latitude": 33.47, "Longitude": -117.69, "Population": 1728.0}, {"index": 10503, "quantile": 0.25, "value": 243800.00000000003, "Latitude": 33.47, "Longitude": -117.69, "Population": 1728.0}, {"index": 10503, "quantile": 0.5, "value": 243800.00000000003, "Latitude": 33.47, "Longitude": -117.69, "Population": 1728.0}, {"index": 10503, "quantile": 0.75, "value": 243800.00000000003, "Latitude": 33.47, "Longitude": -117.69, "Population": 1728.0}, {"index": 10503, "quantile": 1.0, "value": 305600.0, "Latitude": 33.47, "Longitude": -117.69, "Population": 1728.0}, {"index": 10504, "quantile": 0.0, "value": 137200.0, "Latitude": 33.47, "Longitude": -117.7, "Population": 881.0}, {"index": 10504, "quantile": 0.25, "value": 300000.0, "Latitude": 33.47, "Longitude": -117.7, "Population": 881.0}, {"index": 10504, "quantile": 0.5, "value": 350000.0, "Latitude": 33.47, "Longitude": -117.7, "Population": 881.0}, {"index": 10504, "quantile": 0.75, "value": 350000.0, "Latitude": 33.47, "Longitude": -117.7, "Population": 881.0}, {"index": 10504, "quantile": 1.0, "value": 384700.0, "Latitude": 33.47, "Longitude": -117.7, "Population": 881.0}, {"index": 10505, "quantile": 0.0, "value": 147900.0, "Latitude": 33.43, "Longitude": -117.72, "Population": 616.0}, {"index": 10505, "quantile": 0.25, "value": 279500.0, "Latitude": 33.43, "Longitude": -117.72, "Population": 616.0}, {"index": 10505, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.43, "Longitude": -117.72, "Population": 616.0}, {"index": 10505, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.43, "Longitude": -117.72, "Population": 616.0}, {"index": 10505, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.43, "Longitude": -117.72, "Population": 616.0}, {"index": 10506, "quantile": 0.0, "value": 161700.0, "Latitude": 33.55, "Longitude": -117.68, "Population": 1016.0}, {"index": 10506, "quantile": 0.25, "value": 287775.0, "Latitude": 33.55, "Longitude": -117.68, "Population": 1016.0}, {"index": 10506, "quantile": 0.5, "value": 315500.0, "Latitude": 33.55, "Longitude": -117.68, "Population": 1016.0}, {"index": 10506, "quantile": 0.75, "value": 315500.0, "Latitude": 33.55, "Longitude": -117.68, "Population": 1016.0}, {"index": 10506, "quantile": 1.0, "value": 370500.0, "Latitude": 33.55, "Longitude": -117.68, "Population": 1016.0}, {"index": 10507, "quantile": 0.0, "value": 259300.0, "Latitude": 33.54, "Longitude": -117.68, "Population": 1363.0}, {"index": 10507, "quantile": 0.25, "value": 330000.0, "Latitude": 33.54, "Longitude": -117.68, "Population": 1363.0}, {"index": 10507, "quantile": 0.5, "value": 341400.0, "Latitude": 33.54, "Longitude": -117.68, "Population": 1363.0}, {"index": 10507, "quantile": 0.75, "value": 341400.0, "Latitude": 33.54, "Longitude": -117.68, "Population": 1363.0}, {"index": 10507, "quantile": 1.0, "value": 387500.0, "Latitude": 33.54, "Longitude": -117.68, "Population": 1363.0}, {"index": 10508, "quantile": 0.0, "value": 142500.0, "Latitude": 33.52, "Longitude": -117.68, "Population": 1546.0}, {"index": 10508, "quantile": 0.25, "value": 322800.0, "Latitude": 33.52, "Longitude": -117.68, "Population": 1546.0}, {"index": 10508, "quantile": 0.5, "value": 322800.0, "Latitude": 33.52, "Longitude": -117.68, "Population": 1546.0}, {"index": 10508, "quantile": 0.75, "value": 322800.0, "Latitude": 33.52, "Longitude": -117.68, "Population": 1546.0}, {"index": 10508, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.52, "Longitude": -117.68, "Population": 1546.0}, {"index": 10509, "quantile": 0.0, "value": 218100.0, "Latitude": 33.55, "Longitude": -117.69, "Population": 1646.0}, {"index": 10509, "quantile": 0.25, "value": 296200.0, "Latitude": 33.55, "Longitude": -117.69, "Population": 1646.0}, {"index": 10509, "quantile": 0.5, "value": 318300.0, "Latitude": 33.55, "Longitude": -117.69, "Population": 1646.0}, {"index": 10509, "quantile": 0.75, "value": 318300.0, "Latitude": 33.55, "Longitude": -117.69, "Population": 1646.0}, {"index": 10509, "quantile": 1.0, "value": 406200.0, "Latitude": 33.55, "Longitude": -117.69, "Population": 1646.0}, {"index": 10510, "quantile": 0.0, "value": 218100.0, "Latitude": 33.54, "Longitude": -117.69, "Population": 801.0}, {"index": 10510, "quantile": 0.25, "value": 272000.0, "Latitude": 33.54, "Longitude": -117.69, "Population": 801.0}, {"index": 10510, "quantile": 0.5, "value": 272000.0, "Latitude": 33.54, "Longitude": -117.69, "Population": 801.0}, {"index": 10510, "quantile": 0.75, "value": 272000.0, "Latitude": 33.54, "Longitude": -117.69, "Population": 801.0}, {"index": 10510, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.54, "Longitude": -117.69, "Population": 801.0}, {"index": 10511, "quantile": 0.0, "value": 155000.0, "Latitude": 33.53, "Longitude": -117.69, "Population": 2396.0}, {"index": 10511, "quantile": 0.25, "value": 274600.0, "Latitude": 33.53, "Longitude": -117.69, "Population": 2396.0}, {"index": 10511, "quantile": 0.5, "value": 282900.0, "Latitude": 33.53, "Longitude": -117.69, "Population": 2396.0}, {"index": 10511, "quantile": 0.75, "value": 282900.0, "Latitude": 33.53, "Longitude": -117.69, "Population": 2396.0}, {"index": 10511, "quantile": 1.0, "value": 480800.0, "Latitude": 33.53, "Longitude": -117.69, "Population": 2396.0}, {"index": 10512, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 33.52, "Longitude": -117.69, "Population": 1176.0}, {"index": 10512, "quantile": 0.25, "value": 180650.0, "Latitude": 33.52, "Longitude": -117.69, "Population": 1176.0}, {"index": 10512, "quantile": 0.5, "value": 220050.0, "Latitude": 33.52, "Longitude": -117.69, "Population": 1176.0}, {"index": 10512, "quantile": 0.75, "value": 300000.0, "Latitude": 33.52, "Longitude": -117.69, "Population": 1176.0}, {"index": 10512, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.52, "Longitude": -117.69, "Population": 1176.0}, {"index": 10513, "quantile": 0.0, "value": 182400.0, "Latitude": 33.51, "Longitude": -117.7, "Population": 1460.0}, {"index": 10513, "quantile": 0.25, "value": 279000.0, "Latitude": 33.51, "Longitude": -117.7, "Population": 1460.0}, {"index": 10513, "quantile": 0.5, "value": 279000.0, "Latitude": 33.51, "Longitude": -117.7, "Population": 1460.0}, {"index": 10513, "quantile": 0.75, "value": 312725.0, "Latitude": 33.51, "Longitude": -117.7, "Population": 1460.0}, {"index": 10513, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.7, "Population": 1460.0}, {"index": 10514, "quantile": 0.0, "value": 140300.0, "Latitude": 33.52, "Longitude": -117.69, "Population": 3214.0}, {"index": 10514, "quantile": 0.25, "value": 241224.99999999997, "Latitude": 33.52, "Longitude": -117.69, "Population": 3214.0}, {"index": 10514, "quantile": 0.5, "value": 278200.0, "Latitude": 33.52, "Longitude": -117.69, "Population": 3214.0}, {"index": 10514, "quantile": 0.75, "value": 278200.0, "Latitude": 33.52, "Longitude": -117.69, "Population": 3214.0}, {"index": 10514, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.52, "Longitude": -117.69, "Population": 3214.0}, {"index": 10515, "quantile": 0.0, "value": 226799.99999999997, "Latitude": 33.53, "Longitude": -117.7, "Population": 2834.0}, {"index": 10515, "quantile": 0.25, "value": 288500.0, "Latitude": 33.53, "Longitude": -117.7, "Population": 2834.0}, {"index": 10515, "quantile": 0.5, "value": 288500.0, "Latitude": 33.53, "Longitude": -117.7, "Population": 2834.0}, {"index": 10515, "quantile": 0.75, "value": 295900.0, "Latitude": 33.53, "Longitude": -117.7, "Population": 2834.0}, {"index": 10515, "quantile": 1.0, "value": 485300.0, "Latitude": 33.53, "Longitude": -117.7, "Population": 2834.0}, {"index": 10516, "quantile": 0.0, "value": 232100.00000000003, "Latitude": 33.52, "Longitude": -117.71, "Population": 876.0}, {"index": 10516, "quantile": 0.25, "value": 340900.0, "Latitude": 33.52, "Longitude": -117.71, "Population": 876.0}, {"index": 10516, "quantile": 0.5, "value": 340900.0, "Latitude": 33.52, "Longitude": -117.71, "Population": 876.0}, {"index": 10516, "quantile": 0.75, "value": 340900.0, "Latitude": 33.52, "Longitude": -117.71, "Population": 876.0}, {"index": 10516, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.52, "Longitude": -117.71, "Population": 876.0}, {"index": 10517, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 33.51, "Longitude": -117.71, "Population": 883.0}, {"index": 10517, "quantile": 0.25, "value": 487000.0, "Latitude": 33.51, "Longitude": -117.71, "Population": 883.0}, {"index": 10517, "quantile": 0.5, "value": 487000.0, "Latitude": 33.51, "Longitude": -117.71, "Population": 883.0}, {"index": 10517, "quantile": 0.75, "value": 487000.0, "Latitude": 33.51, "Longitude": -117.71, "Population": 883.0}, {"index": 10517, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.71, "Population": 883.0}, {"index": 10518, "quantile": 0.0, "value": 161700.0, "Latitude": 33.51, "Longitude": -117.71, "Population": 1543.0}, {"index": 10518, "quantile": 0.25, "value": 336700.0, "Latitude": 33.51, "Longitude": -117.71, "Population": 1543.0}, {"index": 10518, "quantile": 0.5, "value": 348100.0, "Latitude": 33.51, "Longitude": -117.71, "Population": 1543.0}, {"index": 10518, "quantile": 0.75, "value": 387500.0, "Latitude": 33.51, "Longitude": -117.71, "Population": 1543.0}, {"index": 10518, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.71, "Population": 1543.0}, {"index": 10519, "quantile": 0.0, "value": 357600.0, "Latitude": 33.57, "Longitude": -117.68, "Population": 3550.0}, {"index": 10519, "quantile": 0.25, "value": 484100.0, "Latitude": 33.57, "Longitude": -117.68, "Population": 3550.0}, {"index": 10519, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.57, "Longitude": -117.68, "Population": 3550.0}, {"index": 10519, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.57, "Longitude": -117.68, "Population": 3550.0}, {"index": 10519, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.57, "Longitude": -117.68, "Population": 3550.0}, {"index": 10520, "quantile": 0.0, "value": 224100.0, "Latitude": 33.55, "Longitude": -117.69, "Population": 705.0}, {"index": 10520, "quantile": 0.25, "value": 348000.0, "Latitude": 33.55, "Longitude": -117.69, "Population": 705.0}, {"index": 10520, "quantile": 0.5, "value": 384200.0, "Latitude": 33.55, "Longitude": -117.69, "Population": 705.0}, {"index": 10520, "quantile": 0.75, "value": 384200.0, "Latitude": 33.55, "Longitude": -117.69, "Population": 705.0}, {"index": 10520, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 33.55, "Longitude": -117.69, "Population": 705.0}, {"index": 10521, "quantile": 0.0, "value": 138200.0, "Latitude": 33.55, "Longitude": -117.69, "Population": 710.0}, {"index": 10521, "quantile": 0.25, "value": 274300.0, "Latitude": 33.55, "Longitude": -117.69, "Population": 710.0}, {"index": 10521, "quantile": 0.5, "value": 274300.0, "Latitude": 33.55, "Longitude": -117.69, "Population": 710.0}, {"index": 10521, "quantile": 0.75, "value": 274300.0, "Latitude": 33.55, "Longitude": -117.69, "Population": 710.0}, {"index": 10521, "quantile": 1.0, "value": 450000.0, "Latitude": 33.55, "Longitude": -117.69, "Population": 710.0}, {"index": 10522, "quantile": 0.0, "value": 308900.0, "Latitude": 33.54, "Longitude": -117.7, "Population": 1802.0}, {"index": 10522, "quantile": 0.25, "value": 354700.0, "Latitude": 33.54, "Longitude": -117.7, "Population": 1802.0}, {"index": 10522, "quantile": 0.5, "value": 354700.0, "Latitude": 33.54, "Longitude": -117.7, "Population": 1802.0}, {"index": 10522, "quantile": 0.75, "value": 410500.00000000006, "Latitude": 33.54, "Longitude": -117.7, "Population": 1802.0}, {"index": 10522, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.54, "Longitude": -117.7, "Population": 1802.0}, {"index": 10523, "quantile": 0.0, "value": 115700.0, "Latitude": 33.55, "Longitude": -117.7, "Population": 1054.0}, {"index": 10523, "quantile": 0.25, "value": 274100.0, "Latitude": 33.55, "Longitude": -117.7, "Population": 1054.0}, {"index": 10523, "quantile": 0.5, "value": 310500.0, "Latitude": 33.55, "Longitude": -117.7, "Population": 1054.0}, {"index": 10523, "quantile": 0.75, "value": 337100.0, "Latitude": 33.55, "Longitude": -117.7, "Population": 1054.0}, {"index": 10523, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.55, "Longitude": -117.7, "Population": 1054.0}, {"index": 10524, "quantile": 0.0, "value": 195900.0, "Latitude": 33.56, "Longitude": -117.7, "Population": 703.0}, {"index": 10524, "quantile": 0.25, "value": 298500.0, "Latitude": 33.56, "Longitude": -117.7, "Population": 703.0}, {"index": 10524, "quantile": 0.5, "value": 298500.0, "Latitude": 33.56, "Longitude": -117.7, "Population": 703.0}, {"index": 10524, "quantile": 0.75, "value": 301625.00000000006, "Latitude": 33.56, "Longitude": -117.7, "Population": 703.0}, {"index": 10524, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.56, "Longitude": -117.7, "Population": 703.0}, {"index": 10525, "quantile": 0.0, "value": 87500.0, "Latitude": 33.56, "Longitude": -117.7, "Population": 1033.0}, {"index": 10525, "quantile": 0.25, "value": 183300.0, "Latitude": 33.56, "Longitude": -117.7, "Population": 1033.0}, {"index": 10525, "quantile": 0.5, "value": 183300.0, "Latitude": 33.56, "Longitude": -117.7, "Population": 1033.0}, {"index": 10525, "quantile": 0.75, "value": 225150.0, "Latitude": 33.56, "Longitude": -117.7, "Population": 1033.0}, {"index": 10525, "quantile": 1.0, "value": 450000.0, "Latitude": 33.56, "Longitude": -117.7, "Population": 1033.0}, {"index": 10526, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.57, "Longitude": -117.7, "Population": 1512.0}, {"index": 10526, "quantile": 0.25, "value": 138500.0, "Latitude": 33.57, "Longitude": -117.7, "Population": 1512.0}, {"index": 10526, "quantile": 0.5, "value": 138500.0, "Latitude": 33.57, "Longitude": -117.7, "Population": 1512.0}, {"index": 10526, "quantile": 0.75, "value": 138500.0, "Latitude": 33.57, "Longitude": -117.7, "Population": 1512.0}, {"index": 10526, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.57, "Longitude": -117.7, "Population": 1512.0}, {"index": 10527, "quantile": 0.0, "value": 367400.0, "Latitude": 33.54, "Longitude": -117.71, "Population": 1883.0}, {"index": 10527, "quantile": 0.25, "value": 453800.0, "Latitude": 33.54, "Longitude": -117.71, "Population": 1883.0}, {"index": 10527, "quantile": 0.5, "value": 453800.0, "Latitude": 33.54, "Longitude": -117.71, "Population": 1883.0}, {"index": 10527, "quantile": 0.75, "value": 483500.0, "Latitude": 33.54, "Longitude": -117.71, "Population": 1883.0}, {"index": 10527, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.54, "Longitude": -117.71, "Population": 1883.0}, {"index": 10528, "quantile": 0.0, "value": 165200.0, "Latitude": 33.54, "Longitude": -117.71, "Population": 962.0}, {"index": 10528, "quantile": 0.25, "value": 301125.0, "Latitude": 33.54, "Longitude": -117.71, "Population": 962.0}, {"index": 10528, "quantile": 0.5, "value": 314800.0, "Latitude": 33.54, "Longitude": -117.71, "Population": 962.0}, {"index": 10528, "quantile": 0.75, "value": 353100.0, "Latitude": 33.54, "Longitude": -117.71, "Population": 962.0}, {"index": 10528, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.54, "Longitude": -117.71, "Population": 962.0}, {"index": 10529, "quantile": 0.0, "value": 158500.0, "Latitude": 33.58, "Longitude": -117.71, "Population": 1066.0}, {"index": 10529, "quantile": 0.25, "value": 187500.0, "Latitude": 33.58, "Longitude": -117.71, "Population": 1066.0}, {"index": 10529, "quantile": 0.5, "value": 187500.0, "Latitude": 33.58, "Longitude": -117.71, "Population": 1066.0}, {"index": 10529, "quantile": 0.75, "value": 188250.0, "Latitude": 33.58, "Longitude": -117.71, "Population": 1066.0}, {"index": 10529, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 33.58, "Longitude": -117.71, "Population": 1066.0}, {"index": 10530, "quantile": 0.0, "value": 90000.0, "Latitude": 33.57, "Longitude": -117.7, "Population": 469.0}, {"index": 10530, "quantile": 0.25, "value": 119900.0, "Latitude": 33.57, "Longitude": -117.7, "Population": 469.0}, {"index": 10530, "quantile": 0.5, "value": 119900.0, "Latitude": 33.57, "Longitude": -117.7, "Population": 469.0}, {"index": 10530, "quantile": 0.75, "value": 180100.0, "Latitude": 33.57, "Longitude": -117.7, "Population": 469.0}, {"index": 10530, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.57, "Longitude": -117.7, "Population": 469.0}, {"index": 10531, "quantile": 0.0, "value": 87500.0, "Latitude": 33.57, "Longitude": -117.71, "Population": 1285.0}, {"index": 10531, "quantile": 0.25, "value": 195175.0, "Latitude": 33.57, "Longitude": -117.71, "Population": 1285.0}, {"index": 10531, "quantile": 0.5, "value": 225999.99999999997, "Latitude": 33.57, "Longitude": -117.71, "Population": 1285.0}, {"index": 10531, "quantile": 0.75, "value": 225999.99999999997, "Latitude": 33.57, "Longitude": -117.71, "Population": 1285.0}, {"index": 10531, "quantile": 1.0, "value": 258900.0, "Latitude": 33.57, "Longitude": -117.71, "Population": 1285.0}, {"index": 10532, "quantile": 0.0, "value": 144300.0, "Latitude": 33.57, "Longitude": -117.71, "Population": 1846.0}, {"index": 10532, "quantile": 0.25, "value": 144300.0, "Latitude": 33.57, "Longitude": -117.71, "Population": 1846.0}, {"index": 10532, "quantile": 0.5, "value": 144300.0, "Latitude": 33.57, "Longitude": -117.71, "Population": 1846.0}, {"index": 10532, "quantile": 0.75, "value": 201399.99999999997, "Latitude": 33.57, "Longitude": -117.71, "Population": 1846.0}, {"index": 10532, "quantile": 1.0, "value": 387800.0, "Latitude": 33.57, "Longitude": -117.71, "Population": 1846.0}, {"index": 10533, "quantile": 0.0, "value": 115700.0, "Latitude": 33.51, "Longitude": -117.68, "Population": 959.0}, {"index": 10533, "quantile": 0.25, "value": 268500.0, "Latitude": 33.51, "Longitude": -117.68, "Population": 959.0}, {"index": 10533, "quantile": 0.5, "value": 268500.0, "Latitude": 33.51, "Longitude": -117.68, "Population": 959.0}, {"index": 10533, "quantile": 0.75, "value": 285600.0, "Latitude": 33.51, "Longitude": -117.68, "Population": 959.0}, {"index": 10533, "quantile": 1.0, "value": 402200.0, "Latitude": 33.51, "Longitude": -117.68, "Population": 959.0}, {"index": 10534, "quantile": 0.0, "value": 84500.0, "Latitude": 33.51, "Longitude": -117.69, "Population": 505.0}, {"index": 10534, "quantile": 0.25, "value": 183300.0, "Latitude": 33.51, "Longitude": -117.69, "Population": 505.0}, {"index": 10534, "quantile": 0.5, "value": 187500.0, "Latitude": 33.51, "Longitude": -117.69, "Population": 505.0}, {"index": 10534, "quantile": 0.75, "value": 195400.0, "Latitude": 33.51, "Longitude": -117.69, "Population": 505.0}, {"index": 10534, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.69, "Population": 505.0}, {"index": 10535, "quantile": 0.0, "value": 47500.0, "Latitude": 33.5, "Longitude": -117.7, "Population": 834.0}, {"index": 10535, "quantile": 0.25, "value": 237299.99999999997, "Latitude": 33.5, "Longitude": -117.7, "Population": 834.0}, {"index": 10535, "quantile": 0.5, "value": 271600.0, "Latitude": 33.5, "Longitude": -117.7, "Population": 834.0}, {"index": 10535, "quantile": 0.75, "value": 294400.0, "Latitude": 33.5, "Longitude": -117.7, "Population": 834.0}, {"index": 10535, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.5, "Longitude": -117.7, "Population": 834.0}, {"index": 10536, "quantile": 0.0, "value": 204800.0, "Latitude": 33.49, "Longitude": -117.71, "Population": 617.0}, {"index": 10536, "quantile": 0.25, "value": 333375.0, "Latitude": 33.49, "Longitude": -117.71, "Population": 617.0}, {"index": 10536, "quantile": 0.5, "value": 384200.0, "Latitude": 33.49, "Longitude": -117.71, "Population": 617.0}, {"index": 10536, "quantile": 0.75, "value": 423400.0, "Latitude": 33.49, "Longitude": -117.71, "Population": 617.0}, {"index": 10536, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.49, "Longitude": -117.71, "Population": 617.0}, {"index": 10537, "quantile": 0.0, "value": 302500.0, "Latitude": 33.5, "Longitude": -117.7, "Population": 2969.0}, {"index": 10537, "quantile": 0.25, "value": 360350.0, "Latitude": 33.5, "Longitude": -117.7, "Population": 2969.0}, {"index": 10537, "quantile": 0.5, "value": 434700.00000000006, "Latitude": 33.5, "Longitude": -117.7, "Population": 2969.0}, {"index": 10537, "quantile": 0.75, "value": 434700.00000000006, "Latitude": 33.5, "Longitude": -117.7, "Population": 2969.0}, {"index": 10537, "quantile": 1.0, "value": 450399.99999999994, "Latitude": 33.5, "Longitude": -117.7, "Population": 2969.0}, {"index": 10538, "quantile": 0.0, "value": 226799.99999999997, "Latitude": 33.48, "Longitude": -117.7, "Population": 1156.0}, {"index": 10538, "quantile": 0.25, "value": 336700.0, "Latitude": 33.48, "Longitude": -117.7, "Population": 1156.0}, {"index": 10538, "quantile": 0.5, "value": 336700.0, "Latitude": 33.48, "Longitude": -117.7, "Population": 1156.0}, {"index": 10538, "quantile": 0.75, "value": 336700.0, "Latitude": 33.48, "Longitude": -117.7, "Population": 1156.0}, {"index": 10538, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.48, "Longitude": -117.7, "Population": 1156.0}, {"index": 10539, "quantile": 0.0, "value": 233900.0, "Latitude": 33.48, "Longitude": -117.7, "Population": 6223.0}, {"index": 10539, "quantile": 0.25, "value": 340300.0, "Latitude": 33.48, "Longitude": -117.7, "Population": 6223.0}, {"index": 10539, "quantile": 0.5, "value": 340300.0, "Latitude": 33.48, "Longitude": -117.7, "Population": 6223.0}, {"index": 10539, "quantile": 0.75, "value": 340300.0, "Latitude": 33.48, "Longitude": -117.7, "Population": 6223.0}, {"index": 10539, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.48, "Longitude": -117.7, "Population": 6223.0}, {"index": 10540, "quantile": 0.0, "value": 161700.0, "Latitude": 33.47, "Longitude": -117.71, "Population": 1490.0}, {"index": 10540, "quantile": 0.25, "value": 339850.0, "Latitude": 33.47, "Longitude": -117.71, "Population": 1490.0}, {"index": 10540, "quantile": 0.5, "value": 368500.0, "Latitude": 33.47, "Longitude": -117.71, "Population": 1490.0}, {"index": 10540, "quantile": 0.75, "value": 368500.0, "Latitude": 33.47, "Longitude": -117.71, "Population": 1490.0}, {"index": 10540, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.47, "Longitude": -117.71, "Population": 1490.0}, {"index": 10541, "quantile": 0.0, "value": 158900.0, "Latitude": 33.46, "Longitude": -117.74, "Population": 1720.0}, {"index": 10541, "quantile": 0.25, "value": 285000.0, "Latitude": 33.46, "Longitude": -117.74, "Population": 1720.0}, {"index": 10541, "quantile": 0.5, "value": 454100.00000000006, "Latitude": 33.46, "Longitude": -117.74, "Population": 1720.0}, {"index": 10541, "quantile": 0.75, "value": 454100.00000000006, "Latitude": 33.46, "Longitude": -117.74, "Population": 1720.0}, {"index": 10541, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.46, "Longitude": -117.74, "Population": 1720.0}, {"index": 10542, "quantile": 0.0, "value": 184300.0, "Latitude": 33.47, "Longitude": -117.71, "Population": 830.0}, {"index": 10542, "quantile": 0.25, "value": 286625.0, "Latitude": 33.47, "Longitude": -117.71, "Population": 830.0}, {"index": 10542, "quantile": 0.5, "value": 320300.00000000006, "Latitude": 33.47, "Longitude": -117.71, "Population": 830.0}, {"index": 10542, "quantile": 0.75, "value": 429174.99999999994, "Latitude": 33.47, "Longitude": -117.71, "Population": 830.0}, {"index": 10542, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.47, "Longitude": -117.71, "Population": 830.0}, {"index": 10543, "quantile": 0.0, "value": 72500.0, "Latitude": 33.68, "Longitude": -117.7, "Population": 3985.0}, {"index": 10543, "quantile": 0.25, "value": 111500.00000000001, "Latitude": 33.68, "Longitude": -117.7, "Population": 3985.0}, {"index": 10543, "quantile": 0.5, "value": 121750.0, "Latitude": 33.68, "Longitude": -117.7, "Population": 3985.0}, {"index": 10543, "quantile": 0.75, "value": 138150.0, "Latitude": 33.68, "Longitude": -117.7, "Population": 3985.0}, {"index": 10543, "quantile": 1.0, "value": 450000.0, "Latitude": 33.68, "Longitude": -117.7, "Population": 3985.0}, {"index": 10544, "quantile": 0.0, "value": 235200.0, "Latitude": 33.71, "Longitude": -117.76, "Population": 2025.0}, {"index": 10544, "quantile": 0.25, "value": 355100.0, "Latitude": 33.71, "Longitude": -117.76, "Population": 2025.0}, {"index": 10544, "quantile": 0.5, "value": 355100.0, "Latitude": 33.71, "Longitude": -117.76, "Population": 2025.0}, {"index": 10544, "quantile": 0.75, "value": 361025.0, "Latitude": 33.71, "Longitude": -117.76, "Population": 2025.0}, {"index": 10544, "quantile": 1.0, "value": 418300.0, "Latitude": 33.71, "Longitude": -117.76, "Population": 2025.0}, {"index": 10545, "quantile": 0.0, "value": 108300.0, "Latitude": 33.71, "Longitude": -117.75, "Population": 878.0}, {"index": 10545, "quantile": 0.25, "value": 158300.0, "Latitude": 33.71, "Longitude": -117.75, "Population": 878.0}, {"index": 10545, "quantile": 0.5, "value": 158300.0, "Latitude": 33.71, "Longitude": -117.75, "Population": 878.0}, {"index": 10545, "quantile": 0.75, "value": 158300.0, "Latitude": 33.71, "Longitude": -117.75, "Population": 878.0}, {"index": 10545, "quantile": 1.0, "value": 268800.0, "Latitude": 33.71, "Longitude": -117.75, "Population": 878.0}, {"index": 10546, "quantile": 0.0, "value": 193500.0, "Latitude": 33.7, "Longitude": -117.76, "Population": 2042.0}, {"index": 10546, "quantile": 0.25, "value": 314750.0, "Latitude": 33.7, "Longitude": -117.76, "Population": 2042.0}, {"index": 10546, "quantile": 0.5, "value": 350549.99999999994, "Latitude": 33.7, "Longitude": -117.76, "Population": 2042.0}, {"index": 10546, "quantile": 0.75, "value": 369475.0, "Latitude": 33.7, "Longitude": -117.76, "Population": 2042.0}, {"index": 10546, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.7, "Longitude": -117.76, "Population": 2042.0}, {"index": 10547, "quantile": 0.0, "value": 231700.00000000003, "Latitude": 33.71, "Longitude": -117.77, "Population": 1060.0}, {"index": 10547, "quantile": 0.25, "value": 331200.0, "Latitude": 33.71, "Longitude": -117.77, "Population": 1060.0}, {"index": 10547, "quantile": 0.5, "value": 337100.0, "Latitude": 33.71, "Longitude": -117.77, "Population": 1060.0}, {"index": 10547, "quantile": 0.75, "value": 337100.0, "Latitude": 33.71, "Longitude": -117.77, "Population": 1060.0}, {"index": 10547, "quantile": 1.0, "value": 363200.0, "Latitude": 33.71, "Longitude": -117.77, "Population": 1060.0}, {"index": 10548, "quantile": 0.0, "value": 167800.0, "Latitude": 33.7, "Longitude": -117.77, "Population": 1486.0}, {"index": 10548, "quantile": 0.25, "value": 207500.00000000003, "Latitude": 33.7, "Longitude": -117.77, "Population": 1486.0}, {"index": 10548, "quantile": 0.5, "value": 207500.00000000003, "Latitude": 33.7, "Longitude": -117.77, "Population": 1486.0}, {"index": 10548, "quantile": 0.75, "value": 220650.0, "Latitude": 33.7, "Longitude": -117.77, "Population": 1486.0}, {"index": 10548, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.7, "Longitude": -117.77, "Population": 1486.0}, {"index": 10549, "quantile": 0.0, "value": 107300.0, "Latitude": 33.7, "Longitude": -117.77, "Population": 1315.0}, {"index": 10549, "quantile": 0.25, "value": 137500.0, "Latitude": 33.7, "Longitude": -117.77, "Population": 1315.0}, {"index": 10549, "quantile": 0.5, "value": 137500.0, "Latitude": 33.7, "Longitude": -117.77, "Population": 1315.0}, {"index": 10549, "quantile": 0.75, "value": 184100.0, "Latitude": 33.7, "Longitude": -117.77, "Population": 1315.0}, {"index": 10549, "quantile": 1.0, "value": 286600.0, "Latitude": 33.7, "Longitude": -117.77, "Population": 1315.0}, {"index": 10550, "quantile": 0.0, "value": 215800.0, "Latitude": 33.65, "Longitude": -117.69, "Population": 2356.0}, {"index": 10550, "quantile": 0.25, "value": 274600.0, "Latitude": 33.65, "Longitude": -117.69, "Population": 2356.0}, {"index": 10550, "quantile": 0.5, "value": 274600.0, "Latitude": 33.65, "Longitude": -117.69, "Population": 2356.0}, {"index": 10550, "quantile": 0.75, "value": 274600.0, "Latitude": 33.65, "Longitude": -117.69, "Population": 2356.0}, {"index": 10550, "quantile": 1.0, "value": 491200.0, "Latitude": 33.65, "Longitude": -117.69, "Population": 2356.0}, {"index": 10551, "quantile": 0.0, "value": 280300.0, "Latitude": 33.65, "Longitude": -117.71, "Population": 1587.0}, {"index": 10551, "quantile": 0.25, "value": 308900.0, "Latitude": 33.65, "Longitude": -117.71, "Population": 1587.0}, {"index": 10551, "quantile": 0.5, "value": 331550.0, "Latitude": 33.65, "Longitude": -117.71, "Population": 1587.0}, {"index": 10551, "quantile": 0.75, "value": 354750.00000000006, "Latitude": 33.65, "Longitude": -117.71, "Population": 1587.0}, {"index": 10551, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.71, "Population": 1587.0}, {"index": 10552, "quantile": 0.0, "value": 146300.0, "Latitude": 33.65, "Longitude": -117.7, "Population": 1249.0}, {"index": 10552, "quantile": 0.25, "value": 307825.0, "Latitude": 33.65, "Longitude": -117.7, "Population": 1249.0}, {"index": 10552, "quantile": 0.5, "value": 355600.0, "Latitude": 33.65, "Longitude": -117.7, "Population": 1249.0}, {"index": 10552, "quantile": 0.75, "value": 355600.0, "Latitude": 33.65, "Longitude": -117.7, "Population": 1249.0}, {"index": 10552, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.7, "Population": 1249.0}, {"index": 10553, "quantile": 0.0, "value": 280300.0, "Latitude": 33.64, "Longitude": -117.71, "Population": 1293.0}, {"index": 10553, "quantile": 0.25, "value": 308900.0, "Latitude": 33.64, "Longitude": -117.71, "Population": 1293.0}, {"index": 10553, "quantile": 0.5, "value": 308900.0, "Latitude": 33.64, "Longitude": -117.71, "Population": 1293.0}, {"index": 10553, "quantile": 0.75, "value": 318050.00000000006, "Latitude": 33.64, "Longitude": -117.71, "Population": 1293.0}, {"index": 10553, "quantile": 1.0, "value": 444100.0, "Latitude": 33.64, "Longitude": -117.71, "Population": 1293.0}, {"index": 10554, "quantile": 0.0, "value": 153200.0, "Latitude": 33.63, "Longitude": -117.71, "Population": 950.0}, {"index": 10554, "quantile": 0.25, "value": 220600.0, "Latitude": 33.63, "Longitude": -117.71, "Population": 950.0}, {"index": 10554, "quantile": 0.5, "value": 220600.0, "Latitude": 33.63, "Longitude": -117.71, "Population": 950.0}, {"index": 10554, "quantile": 0.75, "value": 249975.0, "Latitude": 33.63, "Longitude": -117.71, "Population": 950.0}, {"index": 10554, "quantile": 1.0, "value": 325000.0, "Latitude": 33.63, "Longitude": -117.71, "Population": 950.0}, {"index": 10555, "quantile": 0.0, "value": 125000.0, "Latitude": 33.63, "Longitude": -117.71, "Population": 1357.0}, {"index": 10555, "quantile": 0.25, "value": 241800.00000000003, "Latitude": 33.63, "Longitude": -117.71, "Population": 1357.0}, {"index": 10555, "quantile": 0.5, "value": 241800.00000000003, "Latitude": 33.63, "Longitude": -117.71, "Population": 1357.0}, {"index": 10555, "quantile": 0.75, "value": 241800.00000000003, "Latitude": 33.63, "Longitude": -117.71, "Population": 1357.0}, {"index": 10555, "quantile": 1.0, "value": 326700.0, "Latitude": 33.63, "Longitude": -117.71, "Population": 1357.0}, {"index": 10556, "quantile": 0.0, "value": 108300.0, "Latitude": 33.63, "Longitude": -117.71, "Population": 945.0}, {"index": 10556, "quantile": 0.25, "value": 219475.0, "Latitude": 33.63, "Longitude": -117.71, "Population": 945.0}, {"index": 10556, "quantile": 0.5, "value": 219700.0, "Latitude": 33.63, "Longitude": -117.71, "Population": 945.0}, {"index": 10556, "quantile": 0.75, "value": 219700.0, "Latitude": 33.63, "Longitude": -117.71, "Population": 945.0}, {"index": 10556, "quantile": 1.0, "value": 305600.0, "Latitude": 33.63, "Longitude": -117.71, "Population": 945.0}, {"index": 10557, "quantile": 0.0, "value": 134100.0, "Latitude": 33.63, "Longitude": -117.7, "Population": 1525.0}, {"index": 10557, "quantile": 0.25, "value": 279800.0, "Latitude": 33.63, "Longitude": -117.7, "Population": 1525.0}, {"index": 10557, "quantile": 0.5, "value": 286800.0, "Latitude": 33.63, "Longitude": -117.7, "Population": 1525.0}, {"index": 10557, "quantile": 0.75, "value": 286800.0, "Latitude": 33.63, "Longitude": -117.7, "Population": 1525.0}, {"index": 10557, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.7, "Population": 1525.0}, {"index": 10558, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.64, "Longitude": -117.72, "Population": 380.0}, {"index": 10558, "quantile": 0.25, "value": 67500.0, "Latitude": 33.64, "Longitude": -117.72, "Population": 380.0}, {"index": 10558, "quantile": 0.5, "value": 67500.0, "Latitude": 33.64, "Longitude": -117.72, "Population": 380.0}, {"index": 10558, "quantile": 0.75, "value": 92000.0, "Latitude": 33.64, "Longitude": -117.72, "Population": 380.0}, {"index": 10558, "quantile": 1.0, "value": 261300.0, "Latitude": 33.64, "Longitude": -117.72, "Population": 380.0}, {"index": 10559, "quantile": 0.0, "value": 152100.0, "Latitude": 33.62, "Longitude": -117.7, "Population": 1639.0}, {"index": 10559, "quantile": 0.25, "value": 225599.99999999997, "Latitude": 33.62, "Longitude": -117.7, "Population": 1639.0}, {"index": 10559, "quantile": 0.5, "value": 225599.99999999997, "Latitude": 33.62, "Longitude": -117.7, "Population": 1639.0}, {"index": 10559, "quantile": 0.75, "value": 225599.99999999997, "Latitude": 33.62, "Longitude": -117.7, "Population": 1639.0}, {"index": 10559, "quantile": 1.0, "value": 371700.0, "Latitude": 33.62, "Longitude": -117.7, "Population": 1639.0}, {"index": 10560, "quantile": 0.0, "value": 110100.0, "Latitude": 33.63, "Longitude": -117.7, "Population": 1501.0}, {"index": 10560, "quantile": 0.25, "value": 231400.0, "Latitude": 33.63, "Longitude": -117.7, "Population": 1501.0}, {"index": 10560, "quantile": 0.5, "value": 241699.99999999997, "Latitude": 33.63, "Longitude": -117.7, "Population": 1501.0}, {"index": 10560, "quantile": 0.75, "value": 241699.99999999997, "Latitude": 33.63, "Longitude": -117.7, "Population": 1501.0}, {"index": 10560, "quantile": 1.0, "value": 371700.0, "Latitude": 33.63, "Longitude": -117.7, "Population": 1501.0}, {"index": 10561, "quantile": 0.0, "value": 149900.0, "Latitude": 33.62, "Longitude": -117.71, "Population": 1338.0}, {"index": 10561, "quantile": 0.25, "value": 232500.00000000003, "Latitude": 33.62, "Longitude": -117.71, "Population": 1338.0}, {"index": 10561, "quantile": 0.5, "value": 248400.0, "Latitude": 33.62, "Longitude": -117.71, "Population": 1338.0}, {"index": 10561, "quantile": 0.75, "value": 266100.0, "Latitude": 33.62, "Longitude": -117.71, "Population": 1338.0}, {"index": 10561, "quantile": 1.0, "value": 341300.0, "Latitude": 33.62, "Longitude": -117.71, "Population": 1338.0}, {"index": 10562, "quantile": 0.0, "value": 367400.0, "Latitude": 33.72, "Longitude": -117.76, "Population": 1993.0}, {"index": 10562, "quantile": 0.25, "value": 386100.0, "Latitude": 33.72, "Longitude": -117.76, "Population": 1993.0}, {"index": 10562, "quantile": 0.5, "value": 386100.0, "Latitude": 33.72, "Longitude": -117.76, "Population": 1993.0}, {"index": 10562, "quantile": 0.75, "value": 477625.0, "Latitude": 33.72, "Longitude": -117.76, "Population": 1993.0}, {"index": 10562, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -117.76, "Population": 1993.0}, {"index": 10563, "quantile": 0.0, "value": 288700.0, "Latitude": 33.72, "Longitude": -117.76, "Population": 1359.0}, {"index": 10563, "quantile": 0.25, "value": 368700.0, "Latitude": 33.72, "Longitude": -117.76, "Population": 1359.0}, {"index": 10563, "quantile": 0.5, "value": 368700.0, "Latitude": 33.72, "Longitude": -117.76, "Population": 1359.0}, {"index": 10563, "quantile": 0.75, "value": 368700.0, "Latitude": 33.72, "Longitude": -117.76, "Population": 1359.0}, {"index": 10563, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -117.76, "Population": 1359.0}, {"index": 10564, "quantile": 0.0, "value": 224100.0, "Latitude": 33.72, "Longitude": -117.75, "Population": 1241.0}, {"index": 10564, "quantile": 0.25, "value": 357175.0, "Latitude": 33.72, "Longitude": -117.75, "Population": 1241.0}, {"index": 10564, "quantile": 0.5, "value": 375300.0, "Latitude": 33.72, "Longitude": -117.75, "Population": 1241.0}, {"index": 10564, "quantile": 0.75, "value": 380600.0, "Latitude": 33.72, "Longitude": -117.75, "Population": 1241.0}, {"index": 10564, "quantile": 1.0, "value": 441000.0, "Latitude": 33.72, "Longitude": -117.75, "Population": 1241.0}, {"index": 10565, "quantile": 0.0, "value": 99700.0, "Latitude": 33.72, "Longitude": -117.76, "Population": 366.0}, {"index": 10565, "quantile": 0.25, "value": 148400.0, "Latitude": 33.72, "Longitude": -117.76, "Population": 366.0}, {"index": 10565, "quantile": 0.5, "value": 148400.0, "Latitude": 33.72, "Longitude": -117.76, "Population": 366.0}, {"index": 10565, "quantile": 0.75, "value": 165200.0, "Latitude": 33.72, "Longitude": -117.76, "Population": 366.0}, {"index": 10565, "quantile": 1.0, "value": 450000.0, "Latitude": 33.72, "Longitude": -117.76, "Population": 366.0}, {"index": 10566, "quantile": 0.0, "value": 76600.0, "Latitude": 33.71, "Longitude": -117.76, "Population": 470.0}, {"index": 10566, "quantile": 0.25, "value": 108300.0, "Latitude": 33.71, "Longitude": -117.76, "Population": 470.0}, {"index": 10566, "quantile": 0.5, "value": 108300.0, "Latitude": 33.71, "Longitude": -117.76, "Population": 470.0}, {"index": 10566, "quantile": 0.75, "value": 119900.0, "Latitude": 33.71, "Longitude": -117.76, "Population": 470.0}, {"index": 10566, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -117.76, "Population": 470.0}, {"index": 10567, "quantile": 0.0, "value": 87500.0, "Latitude": 33.73, "Longitude": -117.74, "Population": 391.0}, {"index": 10567, "quantile": 0.25, "value": 87500.0, "Latitude": 33.73, "Longitude": -117.74, "Population": 391.0}, {"index": 10567, "quantile": 0.5, "value": 87500.0, "Latitude": 33.73, "Longitude": -117.74, "Population": 391.0}, {"index": 10567, "quantile": 0.75, "value": 120675.0, "Latitude": 33.73, "Longitude": -117.74, "Population": 391.0}, {"index": 10567, "quantile": 1.0, "value": 250000.0, "Latitude": 33.73, "Longitude": -117.74, "Population": 391.0}, {"index": 10568, "quantile": 0.0, "value": 286900.0, "Latitude": 33.66, "Longitude": -117.69, "Population": 1256.0}, {"index": 10568, "quantile": 0.25, "value": 348075.0, "Latitude": 33.66, "Longitude": -117.69, "Population": 1256.0}, {"index": 10568, "quantile": 0.5, "value": 350500.0, "Latitude": 33.66, "Longitude": -117.69, "Population": 1256.0}, {"index": 10568, "quantile": 0.75, "value": 350500.0, "Latitude": 33.66, "Longitude": -117.69, "Population": 1256.0}, {"index": 10568, "quantile": 1.0, "value": 423400.0, "Latitude": 33.66, "Longitude": -117.69, "Population": 1256.0}, {"index": 10569, "quantile": 0.0, "value": 141200.0, "Latitude": 33.66, "Longitude": -117.69, "Population": 1933.0}, {"index": 10569, "quantile": 0.25, "value": 225700.0, "Latitude": 33.66, "Longitude": -117.69, "Population": 1933.0}, {"index": 10569, "quantile": 0.5, "value": 225700.0, "Latitude": 33.66, "Longitude": -117.69, "Population": 1933.0}, {"index": 10569, "quantile": 0.75, "value": 264975.0, "Latitude": 33.66, "Longitude": -117.69, "Population": 1933.0}, {"index": 10569, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.69, "Population": 1933.0}, {"index": 10570, "quantile": 0.0, "value": 190300.0, "Latitude": 33.67, "Longitude": -117.67, "Population": 4656.0}, {"index": 10570, "quantile": 0.25, "value": 239900.0, "Latitude": 33.67, "Longitude": -117.67, "Population": 4656.0}, {"index": 10570, "quantile": 0.5, "value": 240000.0, "Latitude": 33.67, "Longitude": -117.67, "Population": 4656.0}, {"index": 10570, "quantile": 0.75, "value": 288500.0, "Latitude": 33.67, "Longitude": -117.67, "Population": 4656.0}, {"index": 10570, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.67, "Population": 4656.0}, {"index": 10571, "quantile": 0.0, "value": 137000.0, "Latitude": 33.66, "Longitude": -117.67, "Population": 4762.0}, {"index": 10571, "quantile": 0.25, "value": 237400.0, "Latitude": 33.66, "Longitude": -117.67, "Population": 4762.0}, {"index": 10571, "quantile": 0.5, "value": 237400.0, "Latitude": 33.66, "Longitude": -117.67, "Population": 4762.0}, {"index": 10571, "quantile": 0.75, "value": 237400.0, "Latitude": 33.66, "Longitude": -117.67, "Population": 4762.0}, {"index": 10571, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.67, "Population": 4762.0}, {"index": 10572, "quantile": 0.0, "value": 102800.0, "Latitude": 33.65, "Longitude": -117.68, "Population": 4783.0}, {"index": 10572, "quantile": 0.25, "value": 239900.0, "Latitude": 33.65, "Longitude": -117.68, "Population": 4783.0}, {"index": 10572, "quantile": 0.5, "value": 239900.0, "Latitude": 33.65, "Longitude": -117.68, "Population": 4783.0}, {"index": 10572, "quantile": 0.75, "value": 271650.0, "Latitude": 33.65, "Longitude": -117.68, "Population": 4783.0}, {"index": 10572, "quantile": 1.0, "value": 429000.0, "Latitude": 33.65, "Longitude": -117.68, "Population": 4783.0}, {"index": 10573, "quantile": 0.0, "value": 204100.0, "Latitude": 33.68, "Longitude": -117.64, "Population": 2677.0}, {"index": 10573, "quantile": 0.25, "value": 243400.00000000003, "Latitude": 33.68, "Longitude": -117.64, "Population": 2677.0}, {"index": 10573, "quantile": 0.5, "value": 243400.00000000003, "Latitude": 33.68, "Longitude": -117.64, "Population": 2677.0}, {"index": 10573, "quantile": 0.75, "value": 243750.0, "Latitude": 33.68, "Longitude": -117.64, "Population": 2677.0}, {"index": 10573, "quantile": 1.0, "value": 411300.00000000006, "Latitude": 33.68, "Longitude": -117.64, "Population": 2677.0}, {"index": 10574, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.72, "Longitude": -117.7, "Population": 125.0}, {"index": 10574, "quantile": 0.25, "value": 113500.0, "Latitude": 33.72, "Longitude": -117.7, "Population": 125.0}, {"index": 10574, "quantile": 0.5, "value": 163400.0, "Latitude": 33.72, "Longitude": -117.7, "Population": 125.0}, {"index": 10574, "quantile": 0.75, "value": 225999.99999999997, "Latitude": 33.72, "Longitude": -117.7, "Population": 125.0}, {"index": 10574, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -117.7, "Population": 125.0}, {"index": 10575, "quantile": 0.0, "value": 275000.0, "Latitude": 33.65, "Longitude": -117.69, "Population": 2383.0}, {"index": 10575, "quantile": 0.25, "value": 302000.0, "Latitude": 33.65, "Longitude": -117.69, "Population": 2383.0}, {"index": 10575, "quantile": 0.5, "value": 302000.0, "Latitude": 33.65, "Longitude": -117.69, "Population": 2383.0}, {"index": 10575, "quantile": 0.75, "value": 302000.0, "Latitude": 33.65, "Longitude": -117.69, "Population": 2383.0}, {"index": 10575, "quantile": 1.0, "value": 462700.0, "Latitude": 33.65, "Longitude": -117.69, "Population": 2383.0}, {"index": 10576, "quantile": 0.0, "value": 193500.0, "Latitude": 33.64, "Longitude": -117.7, "Population": 2380.0}, {"index": 10576, "quantile": 0.25, "value": 326600.0, "Latitude": 33.64, "Longitude": -117.7, "Population": 2380.0}, {"index": 10576, "quantile": 0.5, "value": 326600.0, "Latitude": 33.64, "Longitude": -117.7, "Population": 2380.0}, {"index": 10576, "quantile": 0.75, "value": 348700.0, "Latitude": 33.64, "Longitude": -117.7, "Population": 2380.0}, {"index": 10576, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.7, "Population": 2380.0}, {"index": 10577, "quantile": 0.0, "value": 116399.99999999999, "Latitude": 33.63, "Longitude": -117.69, "Population": 792.0}, {"index": 10577, "quantile": 0.25, "value": 215725.00000000003, "Latitude": 33.63, "Longitude": -117.69, "Population": 792.0}, {"index": 10577, "quantile": 0.5, "value": 273800.0, "Latitude": 33.63, "Longitude": -117.69, "Population": 792.0}, {"index": 10577, "quantile": 0.75, "value": 273800.0, "Latitude": 33.63, "Longitude": -117.69, "Population": 792.0}, {"index": 10577, "quantile": 1.0, "value": 353100.0, "Latitude": 33.63, "Longitude": -117.69, "Population": 792.0}, {"index": 10578, "quantile": 0.0, "value": 215000.0, "Latitude": 33.64, "Longitude": -117.69, "Population": 1843.0}, {"index": 10578, "quantile": 0.25, "value": 215800.0, "Latitude": 33.64, "Longitude": -117.69, "Population": 1843.0}, {"index": 10578, "quantile": 0.5, "value": 215800.0, "Latitude": 33.64, "Longitude": -117.69, "Population": 1843.0}, {"index": 10578, "quantile": 0.75, "value": 236925.0, "Latitude": 33.64, "Longitude": -117.69, "Population": 1843.0}, {"index": 10578, "quantile": 1.0, "value": 381500.0, "Latitude": 33.64, "Longitude": -117.69, "Population": 1843.0}, {"index": 10579, "quantile": 0.0, "value": 236800.0, "Latitude": 33.64, "Longitude": -117.69, "Population": 1279.0}, {"index": 10579, "quantile": 0.25, "value": 262000.0, "Latitude": 33.64, "Longitude": -117.69, "Population": 1279.0}, {"index": 10579, "quantile": 0.5, "value": 262000.0, "Latitude": 33.64, "Longitude": -117.69, "Population": 1279.0}, {"index": 10579, "quantile": 0.75, "value": 298725.0, "Latitude": 33.64, "Longitude": -117.69, "Population": 1279.0}, {"index": 10579, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.69, "Population": 1279.0}, {"index": 10580, "quantile": 0.0, "value": 111200.00000000001, "Latitude": 33.71, "Longitude": -117.82, "Population": 4660.0}, {"index": 10580, "quantile": 0.25, "value": 162500.0, "Latitude": 33.71, "Longitude": -117.82, "Population": 4660.0}, {"index": 10580, "quantile": 0.5, "value": 162500.0, "Latitude": 33.71, "Longitude": -117.82, "Population": 4660.0}, {"index": 10580, "quantile": 0.75, "value": 176675.0, "Latitude": 33.71, "Longitude": -117.82, "Population": 4660.0}, {"index": 10580, "quantile": 1.0, "value": 450000.0, "Latitude": 33.71, "Longitude": -117.82, "Population": 4660.0}, {"index": 10581, "quantile": 0.0, "value": 185600.0, "Latitude": 33.72, "Longitude": -117.82, "Population": 1383.0}, {"index": 10581, "quantile": 0.25, "value": 272800.0, "Latitude": 33.72, "Longitude": -117.82, "Population": 1383.0}, {"index": 10581, "quantile": 0.5, "value": 272800.0, "Latitude": 33.72, "Longitude": -117.82, "Population": 1383.0}, {"index": 10581, "quantile": 0.75, "value": 273350.0, "Latitude": 33.72, "Longitude": -117.82, "Population": 1383.0}, {"index": 10581, "quantile": 1.0, "value": 339700.0, "Latitude": 33.72, "Longitude": -117.82, "Population": 1383.0}, {"index": 10582, "quantile": 0.0, "value": 67500.0, "Latitude": 33.73, "Longitude": -117.81, "Population": 363.0}, {"index": 10582, "quantile": 0.25, "value": 169925.00000000003, "Latitude": 33.73, "Longitude": -117.81, "Population": 363.0}, {"index": 10582, "quantile": 0.5, "value": 261300.0, "Latitude": 33.73, "Longitude": -117.81, "Population": 363.0}, {"index": 10582, "quantile": 0.75, "value": 261300.0, "Latitude": 33.73, "Longitude": -117.81, "Population": 363.0}, {"index": 10582, "quantile": 1.0, "value": 350000.0, "Latitude": 33.73, "Longitude": -117.81, "Population": 363.0}, {"index": 10583, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 33.72, "Longitude": -117.8, "Population": 1317.0}, {"index": 10583, "quantile": 0.25, "value": 201399.99999999997, "Latitude": 33.72, "Longitude": -117.8, "Population": 1317.0}, {"index": 10583, "quantile": 0.5, "value": 201399.99999999997, "Latitude": 33.72, "Longitude": -117.8, "Population": 1317.0}, {"index": 10583, "quantile": 0.75, "value": 201399.99999999997, "Latitude": 33.72, "Longitude": -117.8, "Population": 1317.0}, {"index": 10583, "quantile": 1.0, "value": 335700.0, "Latitude": 33.72, "Longitude": -117.8, "Population": 1317.0}, {"index": 10584, "quantile": 0.0, "value": 231700.00000000003, "Latitude": 33.71, "Longitude": -117.81, "Population": 1227.0}, {"index": 10584, "quantile": 0.25, "value": 302400.0, "Latitude": 33.71, "Longitude": -117.81, "Population": 1227.0}, {"index": 10584, "quantile": 0.5, "value": 302400.0, "Latitude": 33.71, "Longitude": -117.81, "Population": 1227.0}, {"index": 10584, "quantile": 0.75, "value": 302400.0, "Latitude": 33.71, "Longitude": -117.81, "Population": 1227.0}, {"index": 10584, "quantile": 1.0, "value": 450399.99999999994, "Latitude": 33.71, "Longitude": -117.81, "Population": 1227.0}, {"index": 10585, "quantile": 0.0, "value": 204100.0, "Latitude": 33.72, "Longitude": -117.82, "Population": 1593.0}, {"index": 10585, "quantile": 0.25, "value": 276500.0, "Latitude": 33.72, "Longitude": -117.82, "Population": 1593.0}, {"index": 10585, "quantile": 0.5, "value": 276500.0, "Latitude": 33.72, "Longitude": -117.82, "Population": 1593.0}, {"index": 10585, "quantile": 0.75, "value": 280300.0, "Latitude": 33.72, "Longitude": -117.82, "Population": 1593.0}, {"index": 10585, "quantile": 1.0, "value": 438999.99999999994, "Latitude": 33.72, "Longitude": -117.82, "Population": 1593.0}, {"index": 10586, "quantile": 0.0, "value": 159600.0, "Latitude": 33.7, "Longitude": -117.77, "Population": 681.0}, {"index": 10586, "quantile": 0.25, "value": 187200.0, "Latitude": 33.7, "Longitude": -117.77, "Population": 681.0}, {"index": 10586, "quantile": 0.5, "value": 187200.0, "Latitude": 33.7, "Longitude": -117.77, "Population": 681.0}, {"index": 10586, "quantile": 0.75, "value": 225225.0, "Latitude": 33.7, "Longitude": -117.77, "Population": 681.0}, {"index": 10586, "quantile": 1.0, "value": 402200.0, "Latitude": 33.7, "Longitude": -117.77, "Population": 681.0}, {"index": 10587, "quantile": 0.0, "value": 124200.0, "Latitude": 33.69, "Longitude": -117.77, "Population": 744.0}, {"index": 10587, "quantile": 0.25, "value": 184100.0, "Latitude": 33.69, "Longitude": -117.77, "Population": 744.0}, {"index": 10587, "quantile": 0.5, "value": 184100.0, "Latitude": 33.69, "Longitude": -117.77, "Population": 744.0}, {"index": 10587, "quantile": 0.75, "value": 185100.0, "Latitude": 33.69, "Longitude": -117.77, "Population": 744.0}, {"index": 10587, "quantile": 1.0, "value": 333300.0, "Latitude": 33.69, "Longitude": -117.77, "Population": 744.0}, {"index": 10588, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 33.69, "Longitude": -117.77, "Population": 261.0}, {"index": 10588, "quantile": 0.25, "value": 154000.0, "Latitude": 33.69, "Longitude": -117.77, "Population": 261.0}, {"index": 10588, "quantile": 0.5, "value": 154000.0, "Latitude": 33.69, "Longitude": -117.77, "Population": 261.0}, {"index": 10588, "quantile": 0.75, "value": 170725.0, "Latitude": 33.69, "Longitude": -117.77, "Population": 261.0}, {"index": 10588, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -117.77, "Population": 261.0}, {"index": 10589, "quantile": 0.0, "value": 46900.0, "Latitude": 33.69, "Longitude": -117.77, "Population": 479.0}, {"index": 10589, "quantile": 0.25, "value": 67500.0, "Latitude": 33.69, "Longitude": -117.77, "Population": 479.0}, {"index": 10589, "quantile": 0.5, "value": 87500.0, "Latitude": 33.69, "Longitude": -117.77, "Population": 479.0}, {"index": 10589, "quantile": 0.75, "value": 144450.0, "Latitude": 33.69, "Longitude": -117.77, "Population": 479.0}, {"index": 10589, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -117.77, "Population": 479.0}, {"index": 10590, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 33.69, "Longitude": -117.78, "Population": 2529.0}, {"index": 10590, "quantile": 0.25, "value": 238674.99999999997, "Latitude": 33.69, "Longitude": -117.78, "Population": 2529.0}, {"index": 10590, "quantile": 0.5, "value": 238899.99999999997, "Latitude": 33.69, "Longitude": -117.78, "Population": 2529.0}, {"index": 10590, "quantile": 0.75, "value": 238899.99999999997, "Latitude": 33.69, "Longitude": -117.78, "Population": 2529.0}, {"index": 10590, "quantile": 1.0, "value": 447400.0, "Latitude": 33.69, "Longitude": -117.78, "Population": 2529.0}, {"index": 10591, "quantile": 0.0, "value": 120000.0, "Latitude": 33.68, "Longitude": -117.78, "Population": 1027.0}, {"index": 10591, "quantile": 0.25, "value": 281200.0, "Latitude": 33.68, "Longitude": -117.78, "Population": 1027.0}, {"index": 10591, "quantile": 0.5, "value": 315600.0, "Latitude": 33.68, "Longitude": -117.78, "Population": 1027.0}, {"index": 10591, "quantile": 0.75, "value": 315600.0, "Latitude": 33.68, "Longitude": -117.78, "Population": 1027.0}, {"index": 10591, "quantile": 1.0, "value": 480800.0, "Latitude": 33.68, "Longitude": -117.78, "Population": 1027.0}, {"index": 10592, "quantile": 0.0, "value": 206700.00000000003, "Latitude": 33.69, "Longitude": -117.78, "Population": 1575.0}, {"index": 10592, "quantile": 0.25, "value": 278675.0, "Latitude": 33.69, "Longitude": -117.78, "Population": 1575.0}, {"index": 10592, "quantile": 0.5, "value": 295500.0, "Latitude": 33.69, "Longitude": -117.78, "Population": 1575.0}, {"index": 10592, "quantile": 0.75, "value": 295500.0, "Latitude": 33.69, "Longitude": -117.78, "Population": 1575.0}, {"index": 10592, "quantile": 1.0, "value": 480800.0, "Latitude": 33.69, "Longitude": -117.78, "Population": 1575.0}, {"index": 10593, "quantile": 0.0, "value": 127200.0, "Latitude": 33.69, "Longitude": -117.8, "Population": 1429.0}, {"index": 10593, "quantile": 0.25, "value": 265575.0, "Latitude": 33.69, "Longitude": -117.8, "Population": 1429.0}, {"index": 10593, "quantile": 0.5, "value": 325500.0, "Latitude": 33.69, "Longitude": -117.8, "Population": 1429.0}, {"index": 10593, "quantile": 0.75, "value": 325500.0, "Latitude": 33.69, "Longitude": -117.8, "Population": 1429.0}, {"index": 10593, "quantile": 1.0, "value": 438999.99999999994, "Latitude": 33.69, "Longitude": -117.8, "Population": 1429.0}, {"index": 10594, "quantile": 0.0, "value": 102800.0, "Latitude": 33.69, "Longitude": -117.79, "Population": 679.0}, {"index": 10594, "quantile": 0.25, "value": 224400.00000000003, "Latitude": 33.69, "Longitude": -117.79, "Population": 679.0}, {"index": 10594, "quantile": 0.5, "value": 239400.0, "Latitude": 33.69, "Longitude": -117.79, "Population": 679.0}, {"index": 10594, "quantile": 0.75, "value": 279699.99999999994, "Latitude": 33.69, "Longitude": -117.79, "Population": 679.0}, {"index": 10594, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -117.79, "Population": 679.0}, {"index": 10595, "quantile": 0.0, "value": 195900.0, "Latitude": 33.68, "Longitude": -117.79, "Population": 818.0}, {"index": 10595, "quantile": 0.25, "value": 326100.0, "Latitude": 33.68, "Longitude": -117.79, "Population": 818.0}, {"index": 10595, "quantile": 0.5, "value": 326100.0, "Latitude": 33.68, "Longitude": -117.79, "Population": 818.0}, {"index": 10595, "quantile": 0.75, "value": 326100.0, "Latitude": 33.68, "Longitude": -117.79, "Population": 818.0}, {"index": 10595, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.68, "Longitude": -117.79, "Population": 818.0}, {"index": 10596, "quantile": 0.0, "value": 124200.0, "Latitude": 33.68, "Longitude": -117.8, "Population": 1150.0}, {"index": 10596, "quantile": 0.25, "value": 185850.0, "Latitude": 33.68, "Longitude": -117.8, "Population": 1150.0}, {"index": 10596, "quantile": 0.5, "value": 228749.99999999997, "Latitude": 33.68, "Longitude": -117.8, "Population": 1150.0}, {"index": 10596, "quantile": 0.75, "value": 242499.99999999997, "Latitude": 33.68, "Longitude": -117.8, "Population": 1150.0}, {"index": 10596, "quantile": 1.0, "value": 350000.0, "Latitude": 33.68, "Longitude": -117.8, "Population": 1150.0}, {"index": 10597, "quantile": 0.0, "value": 141300.0, "Latitude": 33.69, "Longitude": -117.8, "Population": 874.0}, {"index": 10597, "quantile": 0.25, "value": 250999.99999999997, "Latitude": 33.69, "Longitude": -117.8, "Population": 874.0}, {"index": 10597, "quantile": 0.5, "value": 250999.99999999997, "Latitude": 33.69, "Longitude": -117.8, "Population": 874.0}, {"index": 10597, "quantile": 0.75, "value": 250999.99999999997, "Latitude": 33.69, "Longitude": -117.8, "Population": 874.0}, {"index": 10597, "quantile": 1.0, "value": 430900.0, "Latitude": 33.69, "Longitude": -117.8, "Population": 874.0}, {"index": 10598, "quantile": 0.0, "value": 204800.0, "Latitude": 33.69, "Longitude": -117.8, "Population": 873.0}, {"index": 10598, "quantile": 0.25, "value": 333600.0, "Latitude": 33.69, "Longitude": -117.8, "Population": 873.0}, {"index": 10598, "quantile": 0.5, "value": 368050.0, "Latitude": 33.69, "Longitude": -117.8, "Population": 873.0}, {"index": 10598, "quantile": 0.75, "value": 410400.0, "Latitude": 33.69, "Longitude": -117.8, "Population": 873.0}, {"index": 10598, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -117.8, "Population": 873.0}, {"index": 10599, "quantile": 0.0, "value": 107300.0, "Latitude": 33.68, "Longitude": -117.8, "Population": 396.0}, {"index": 10599, "quantile": 0.25, "value": 220000.00000000003, "Latitude": 33.68, "Longitude": -117.8, "Population": 396.0}, {"index": 10599, "quantile": 0.5, "value": 225000.0, "Latitude": 33.68, "Longitude": -117.8, "Population": 396.0}, {"index": 10599, "quantile": 0.75, "value": 225000.0, "Latitude": 33.68, "Longitude": -117.8, "Population": 396.0}, {"index": 10599, "quantile": 1.0, "value": 450000.0, "Latitude": 33.68, "Longitude": -117.8, "Population": 396.0}, {"index": 10600, "quantile": 0.0, "value": 161700.0, "Latitude": 33.68, "Longitude": -117.8, "Population": 862.0}, {"index": 10600, "quantile": 0.25, "value": 274100.0, "Latitude": 33.68, "Longitude": -117.8, "Population": 862.0}, {"index": 10600, "quantile": 0.5, "value": 274100.0, "Latitude": 33.68, "Longitude": -117.8, "Population": 862.0}, {"index": 10600, "quantile": 0.75, "value": 287500.0, "Latitude": 33.68, "Longitude": -117.8, "Population": 862.0}, {"index": 10600, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.68, "Longitude": -117.8, "Population": 862.0}, {"index": 10601, "quantile": 0.0, "value": 173200.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 908.0}, {"index": 10601, "quantile": 0.25, "value": 274100.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 908.0}, {"index": 10601, "quantile": 0.5, "value": 310800.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 908.0}, {"index": 10601, "quantile": 0.75, "value": 349050.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 908.0}, {"index": 10601, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.81, "Population": 908.0}, {"index": 10602, "quantile": 0.0, "value": 141300.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 1113.0}, {"index": 10602, "quantile": 0.25, "value": 229299.99999999997, "Latitude": 33.67, "Longitude": -117.81, "Population": 1113.0}, {"index": 10602, "quantile": 0.5, "value": 242499.99999999997, "Latitude": 33.67, "Longitude": -117.81, "Population": 1113.0}, {"index": 10602, "quantile": 0.75, "value": 242499.99999999997, "Latitude": 33.67, "Longitude": -117.81, "Population": 1113.0}, {"index": 10602, "quantile": 1.0, "value": 350000.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 1113.0}, {"index": 10603, "quantile": 0.0, "value": 137200.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 675.0}, {"index": 10603, "quantile": 0.25, "value": 187800.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 675.0}, {"index": 10603, "quantile": 0.5, "value": 192200.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 675.0}, {"index": 10603, "quantile": 0.75, "value": 231400.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 675.0}, {"index": 10603, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.81, "Population": 675.0}, {"index": 10604, "quantile": 0.0, "value": 141200.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 1194.0}, {"index": 10604, "quantile": 0.25, "value": 275000.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 1194.0}, {"index": 10604, "quantile": 0.5, "value": 275000.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 1194.0}, {"index": 10604, "quantile": 0.75, "value": 296600.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 1194.0}, {"index": 10604, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.81, "Population": 1194.0}, {"index": 10605, "quantile": 0.0, "value": 171700.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 1447.0}, {"index": 10605, "quantile": 0.25, "value": 296600.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 1447.0}, {"index": 10605, "quantile": 0.5, "value": 296600.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 1447.0}, {"index": 10605, "quantile": 0.75, "value": 320775.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 1447.0}, {"index": 10605, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.81, "Population": 1447.0}, {"index": 10606, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 33.68, "Longitude": -117.81, "Population": 913.0}, {"index": 10606, "quantile": 0.25, "value": 192200.0, "Latitude": 33.68, "Longitude": -117.81, "Population": 913.0}, {"index": 10606, "quantile": 0.5, "value": 192200.0, "Latitude": 33.68, "Longitude": -117.81, "Population": 913.0}, {"index": 10606, "quantile": 0.75, "value": 192425.0, "Latitude": 33.68, "Longitude": -117.81, "Population": 913.0}, {"index": 10606, "quantile": 1.0, "value": 316100.0, "Latitude": 33.68, "Longitude": -117.81, "Population": 913.0}, {"index": 10607, "quantile": 0.0, "value": 102800.0, "Latitude": 33.68, "Longitude": -117.78, "Population": 841.0}, {"index": 10607, "quantile": 0.25, "value": 234300.0, "Latitude": 33.68, "Longitude": -117.78, "Population": 841.0}, {"index": 10607, "quantile": 0.5, "value": 234300.0, "Latitude": 33.68, "Longitude": -117.78, "Population": 841.0}, {"index": 10607, "quantile": 0.75, "value": 265775.0, "Latitude": 33.68, "Longitude": -117.78, "Population": 841.0}, {"index": 10607, "quantile": 1.0, "value": 491200.0, "Latitude": 33.68, "Longitude": -117.78, "Population": 841.0}, {"index": 10608, "quantile": 0.0, "value": 88000.0, "Latitude": 33.68, "Longitude": -117.78, "Population": 852.0}, {"index": 10608, "quantile": 0.25, "value": 185175.0, "Latitude": 33.68, "Longitude": -117.78, "Population": 852.0}, {"index": 10608, "quantile": 0.5, "value": 230900.00000000003, "Latitude": 33.68, "Longitude": -117.78, "Population": 852.0}, {"index": 10608, "quantile": 0.75, "value": 261175.00000000003, "Latitude": 33.68, "Longitude": -117.78, "Population": 852.0}, {"index": 10608, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.68, "Longitude": -117.78, "Population": 852.0}, {"index": 10609, "quantile": 0.0, "value": 241200.0, "Latitude": 33.68, "Longitude": -117.79, "Population": 1137.0}, {"index": 10609, "quantile": 0.25, "value": 311500.0, "Latitude": 33.68, "Longitude": -117.79, "Population": 1137.0}, {"index": 10609, "quantile": 0.5, "value": 311500.0, "Latitude": 33.68, "Longitude": -117.79, "Population": 1137.0}, {"index": 10609, "quantile": 0.75, "value": 311500.0, "Latitude": 33.68, "Longitude": -117.79, "Population": 1137.0}, {"index": 10609, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.68, "Longitude": -117.79, "Population": 1137.0}, {"index": 10610, "quantile": 0.0, "value": 87500.0, "Latitude": 33.68, "Longitude": -117.78, "Population": 849.0}, {"index": 10610, "quantile": 0.25, "value": 229800.0, "Latitude": 33.68, "Longitude": -117.78, "Population": 849.0}, {"index": 10610, "quantile": 0.5, "value": 235600.0, "Latitude": 33.68, "Longitude": -117.78, "Population": 849.0}, {"index": 10610, "quantile": 0.75, "value": 235600.0, "Latitude": 33.68, "Longitude": -117.78, "Population": 849.0}, {"index": 10610, "quantile": 1.0, "value": 281900.0, "Latitude": 33.68, "Longitude": -117.78, "Population": 849.0}, {"index": 10611, "quantile": 0.0, "value": 110100.0, "Latitude": 33.68, "Longitude": -117.79, "Population": 928.0}, {"index": 10611, "quantile": 0.25, "value": 250500.0, "Latitude": 33.68, "Longitude": -117.79, "Population": 928.0}, {"index": 10611, "quantile": 0.5, "value": 265900.0, "Latitude": 33.68, "Longitude": -117.79, "Population": 928.0}, {"index": 10611, "quantile": 0.75, "value": 265900.0, "Latitude": 33.68, "Longitude": -117.79, "Population": 928.0}, {"index": 10611, "quantile": 1.0, "value": 333300.0, "Latitude": 33.68, "Longitude": -117.79, "Population": 928.0}, {"index": 10612, "quantile": 0.0, "value": 224100.0, "Latitude": 33.68, "Longitude": -117.79, "Population": 1002.0}, {"index": 10612, "quantile": 0.25, "value": 375300.0, "Latitude": 33.68, "Longitude": -117.79, "Population": 1002.0}, {"index": 10612, "quantile": 0.5, "value": 375300.0, "Latitude": 33.68, "Longitude": -117.79, "Population": 1002.0}, {"index": 10612, "quantile": 0.75, "value": 375300.0, "Latitude": 33.68, "Longitude": -117.79, "Population": 1002.0}, {"index": 10612, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.68, "Longitude": -117.79, "Population": 1002.0}, {"index": 10613, "quantile": 0.0, "value": 161700.0, "Latitude": 33.67, "Longitude": -117.8, "Population": 1179.0}, {"index": 10613, "quantile": 0.25, "value": 240000.0, "Latitude": 33.67, "Longitude": -117.8, "Population": 1179.0}, {"index": 10613, "quantile": 0.5, "value": 240000.0, "Latitude": 33.67, "Longitude": -117.8, "Population": 1179.0}, {"index": 10613, "quantile": 0.75, "value": 240075.0, "Latitude": 33.67, "Longitude": -117.8, "Population": 1179.0}, {"index": 10613, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.8, "Population": 1179.0}, {"index": 10614, "quantile": 0.0, "value": 193500.0, "Latitude": 33.67, "Longitude": -117.8, "Population": 1147.0}, {"index": 10614, "quantile": 0.25, "value": 302500.0, "Latitude": 33.67, "Longitude": -117.8, "Population": 1147.0}, {"index": 10614, "quantile": 0.5, "value": 302500.0, "Latitude": 33.67, "Longitude": -117.8, "Population": 1147.0}, {"index": 10614, "quantile": 0.75, "value": 349775.0, "Latitude": 33.67, "Longitude": -117.8, "Population": 1147.0}, {"index": 10614, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.8, "Population": 1147.0}, {"index": 10615, "quantile": 0.0, "value": 239000.0, "Latitude": 33.67, "Longitude": -117.8, "Population": 1525.0}, {"index": 10615, "quantile": 0.25, "value": 323700.0, "Latitude": 33.67, "Longitude": -117.8, "Population": 1525.0}, {"index": 10615, "quantile": 0.5, "value": 329100.0, "Latitude": 33.67, "Longitude": -117.8, "Population": 1525.0}, {"index": 10615, "quantile": 0.75, "value": 329100.0, "Latitude": 33.67, "Longitude": -117.8, "Population": 1525.0}, {"index": 10615, "quantile": 1.0, "value": 411300.00000000006, "Latitude": 33.67, "Longitude": -117.8, "Population": 1525.0}, {"index": 10616, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.69, "Longitude": -117.81, "Population": 880.0}, {"index": 10616, "quantile": 0.25, "value": 250274.99999999997, "Latitude": 33.69, "Longitude": -117.81, "Population": 880.0}, {"index": 10616, "quantile": 0.5, "value": 450000.0, "Latitude": 33.69, "Longitude": -117.81, "Population": 880.0}, {"index": 10616, "quantile": 0.75, "value": 450000.0, "Latitude": 33.69, "Longitude": -117.81, "Population": 880.0}, {"index": 10616, "quantile": 1.0, "value": 450000.0, "Latitude": 33.69, "Longitude": -117.81, "Population": 880.0}, {"index": 10617, "quantile": 0.0, "value": 94300.0, "Latitude": 33.68, "Longitude": -117.81, "Population": 788.0}, {"index": 10617, "quantile": 0.25, "value": 229900.0, "Latitude": 33.68, "Longitude": -117.81, "Population": 788.0}, {"index": 10617, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.68, "Longitude": -117.81, "Population": 788.0}, {"index": 10617, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.68, "Longitude": -117.81, "Population": 788.0}, {"index": 10617, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.68, "Longitude": -117.81, "Population": 788.0}, {"index": 10618, "quantile": 0.0, "value": 224100.0, "Latitude": 33.68, "Longitude": -117.82, "Population": 603.0}, {"index": 10618, "quantile": 0.25, "value": 360600.0, "Latitude": 33.68, "Longitude": -117.82, "Population": 603.0}, {"index": 10618, "quantile": 0.5, "value": 360600.0, "Latitude": 33.68, "Longitude": -117.82, "Population": 603.0}, {"index": 10618, "quantile": 0.75, "value": 376925.0, "Latitude": 33.68, "Longitude": -117.82, "Population": 603.0}, {"index": 10618, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.68, "Longitude": -117.82, "Population": 603.0}, {"index": 10619, "quantile": 0.0, "value": 280300.0, "Latitude": 33.68, "Longitude": -117.82, "Population": 1357.0}, {"index": 10619, "quantile": 0.25, "value": 333600.0, "Latitude": 33.68, "Longitude": -117.82, "Population": 1357.0}, {"index": 10619, "quantile": 0.5, "value": 333600.0, "Latitude": 33.68, "Longitude": -117.82, "Population": 1357.0}, {"index": 10619, "quantile": 0.75, "value": 412950.0, "Latitude": 33.68, "Longitude": -117.82, "Population": 1357.0}, {"index": 10619, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.68, "Longitude": -117.82, "Population": 1357.0}, {"index": 10620, "quantile": 0.0, "value": 213899.99999999997, "Latitude": 33.67, "Longitude": -117.82, "Population": 1588.0}, {"index": 10620, "quantile": 0.25, "value": 251100.0, "Latitude": 33.67, "Longitude": -117.82, "Population": 1588.0}, {"index": 10620, "quantile": 0.5, "value": 266650.0, "Latitude": 33.67, "Longitude": -117.82, "Population": 1588.0}, {"index": 10620, "quantile": 0.75, "value": 283200.0, "Latitude": 33.67, "Longitude": -117.82, "Population": 1588.0}, {"index": 10620, "quantile": 1.0, "value": 480800.0, "Latitude": 33.67, "Longitude": -117.82, "Population": 1588.0}, {"index": 10621, "quantile": 0.0, "value": 153100.0, "Latitude": 33.68, "Longitude": -117.83, "Population": 1666.0}, {"index": 10621, "quantile": 0.25, "value": 184500.0, "Latitude": 33.68, "Longitude": -117.83, "Population": 1666.0}, {"index": 10621, "quantile": 0.5, "value": 184500.0, "Latitude": 33.68, "Longitude": -117.83, "Population": 1666.0}, {"index": 10621, "quantile": 0.75, "value": 184500.0, "Latitude": 33.68, "Longitude": -117.83, "Population": 1666.0}, {"index": 10621, "quantile": 1.0, "value": 429200.0, "Latitude": 33.68, "Longitude": -117.83, "Population": 1666.0}, {"index": 10622, "quantile": 0.0, "value": 175000.0, "Latitude": 33.68, "Longitude": -117.82, "Population": 3068.0}, {"index": 10622, "quantile": 0.25, "value": 340750.0, "Latitude": 33.68, "Longitude": -117.82, "Population": 3068.0}, {"index": 10622, "quantile": 0.5, "value": 358000.0, "Latitude": 33.68, "Longitude": -117.82, "Population": 3068.0}, {"index": 10622, "quantile": 0.75, "value": 358000.0, "Latitude": 33.68, "Longitude": -117.82, "Population": 3068.0}, {"index": 10622, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.68, "Longitude": -117.82, "Population": 3068.0}, {"index": 10623, "quantile": 0.0, "value": 139000.0, "Latitude": 33.67, "Longitude": -117.77, "Population": 1913.0}, {"index": 10623, "quantile": 0.25, "value": 190800.0, "Latitude": 33.67, "Longitude": -117.77, "Population": 1913.0}, {"index": 10623, "quantile": 0.5, "value": 226900.0, "Latitude": 33.67, "Longitude": -117.77, "Population": 1913.0}, {"index": 10623, "quantile": 0.75, "value": 257024.99999999997, "Latitude": 33.67, "Longitude": -117.77, "Population": 1913.0}, {"index": 10623, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.77, "Population": 1913.0}, {"index": 10624, "quantile": 0.0, "value": 207900.00000000003, "Latitude": 33.72, "Longitude": -117.77, "Population": 1181.0}, {"index": 10624, "quantile": 0.25, "value": 278700.0, "Latitude": 33.72, "Longitude": -117.77, "Population": 1181.0}, {"index": 10624, "quantile": 0.5, "value": 278700.0, "Latitude": 33.72, "Longitude": -117.77, "Population": 1181.0}, {"index": 10624, "quantile": 0.75, "value": 278700.0, "Latitude": 33.72, "Longitude": -117.77, "Population": 1181.0}, {"index": 10624, "quantile": 1.0, "value": 459600.0, "Latitude": 33.72, "Longitude": -117.77, "Population": 1181.0}, {"index": 10625, "quantile": 0.0, "value": 171900.0, "Latitude": 33.72, "Longitude": -117.77, "Population": 954.0}, {"index": 10625, "quantile": 0.25, "value": 304700.0, "Latitude": 33.72, "Longitude": -117.77, "Population": 954.0}, {"index": 10625, "quantile": 0.5, "value": 304700.0, "Latitude": 33.72, "Longitude": -117.77, "Population": 954.0}, {"index": 10625, "quantile": 0.75, "value": 304700.0, "Latitude": 33.72, "Longitude": -117.77, "Population": 954.0}, {"index": 10625, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -117.77, "Population": 954.0}, {"index": 10626, "quantile": 0.0, "value": 244200.00000000003, "Latitude": 33.71, "Longitude": -117.77, "Population": 928.0}, {"index": 10626, "quantile": 0.25, "value": 379800.0, "Latitude": 33.71, "Longitude": -117.77, "Population": 928.0}, {"index": 10626, "quantile": 0.5, "value": 379800.0, "Latitude": 33.71, "Longitude": -117.77, "Population": 928.0}, {"index": 10626, "quantile": 0.75, "value": 379800.0, "Latitude": 33.71, "Longitude": -117.77, "Population": 928.0}, {"index": 10626, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -117.77, "Population": 928.0}, {"index": 10627, "quantile": 0.0, "value": 194100.0, "Latitude": 33.71, "Longitude": -117.77, "Population": 1986.0}, {"index": 10627, "quantile": 0.25, "value": 300200.0, "Latitude": 33.71, "Longitude": -117.77, "Population": 1986.0}, {"index": 10627, "quantile": 0.5, "value": 319500.0, "Latitude": 33.71, "Longitude": -117.77, "Population": 1986.0}, {"index": 10627, "quantile": 0.75, "value": 341400.0, "Latitude": 33.71, "Longitude": -117.77, "Population": 1986.0}, {"index": 10627, "quantile": 1.0, "value": 462700.0, "Latitude": 33.71, "Longitude": -117.77, "Population": 1986.0}, {"index": 10628, "quantile": 0.0, "value": 142500.0, "Latitude": 33.71, "Longitude": -117.77, "Population": 859.0}, {"index": 10628, "quantile": 0.25, "value": 227800.0, "Latitude": 33.71, "Longitude": -117.77, "Population": 859.0}, {"index": 10628, "quantile": 0.5, "value": 227800.0, "Latitude": 33.71, "Longitude": -117.77, "Population": 859.0}, {"index": 10628, "quantile": 0.75, "value": 227800.0, "Latitude": 33.71, "Longitude": -117.77, "Population": 859.0}, {"index": 10628, "quantile": 1.0, "value": 491200.0, "Latitude": 33.71, "Longitude": -117.77, "Population": 859.0}, {"index": 10629, "quantile": 0.0, "value": 250999.99999999997, "Latitude": 33.71, "Longitude": -117.78, "Population": 1081.0}, {"index": 10629, "quantile": 0.25, "value": 331200.0, "Latitude": 33.71, "Longitude": -117.78, "Population": 1081.0}, {"index": 10629, "quantile": 0.5, "value": 331200.0, "Latitude": 33.71, "Longitude": -117.78, "Population": 1081.0}, {"index": 10629, "quantile": 0.75, "value": 331200.0, "Latitude": 33.71, "Longitude": -117.78, "Population": 1081.0}, {"index": 10629, "quantile": 1.0, "value": 390800.0, "Latitude": 33.71, "Longitude": -117.78, "Population": 1081.0}, {"index": 10630, "quantile": 0.0, "value": 84500.0, "Latitude": 33.71, "Longitude": -117.78, "Population": 428.0}, {"index": 10630, "quantile": 0.25, "value": 195400.0, "Latitude": 33.71, "Longitude": -117.78, "Population": 428.0}, {"index": 10630, "quantile": 0.5, "value": 195400.0, "Latitude": 33.71, "Longitude": -117.78, "Population": 428.0}, {"index": 10630, "quantile": 0.75, "value": 195400.0, "Latitude": 33.71, "Longitude": -117.78, "Population": 428.0}, {"index": 10630, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -117.78, "Population": 428.0}, {"index": 10631, "quantile": 0.0, "value": 171700.0, "Latitude": 33.73, "Longitude": -117.79, "Population": 3318.0}, {"index": 10631, "quantile": 0.25, "value": 291300.0, "Latitude": 33.73, "Longitude": -117.79, "Population": 3318.0}, {"index": 10631, "quantile": 0.5, "value": 291300.0, "Latitude": 33.73, "Longitude": -117.79, "Population": 3318.0}, {"index": 10631, "quantile": 0.75, "value": 310375.0, "Latitude": 33.73, "Longitude": -117.79, "Population": 3318.0}, {"index": 10631, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -117.79, "Population": 3318.0}, {"index": 10632, "quantile": 0.0, "value": 156700.0, "Latitude": 33.7, "Longitude": -117.78, "Population": 597.0}, {"index": 10632, "quantile": 0.25, "value": 233900.0, "Latitude": 33.7, "Longitude": -117.78, "Population": 597.0}, {"index": 10632, "quantile": 0.5, "value": 233900.0, "Latitude": 33.7, "Longitude": -117.78, "Population": 597.0}, {"index": 10632, "quantile": 0.75, "value": 233900.0, "Latitude": 33.7, "Longitude": -117.78, "Population": 597.0}, {"index": 10632, "quantile": 1.0, "value": 447400.0, "Latitude": 33.7, "Longitude": -117.78, "Population": 597.0}, {"index": 10633, "quantile": 0.0, "value": 220600.0, "Latitude": 33.7, "Longitude": -117.79, "Population": 3785.0}, {"index": 10633, "quantile": 0.25, "value": 247100.0, "Latitude": 33.7, "Longitude": -117.79, "Population": 3785.0}, {"index": 10633, "quantile": 0.5, "value": 247100.0, "Latitude": 33.7, "Longitude": -117.79, "Population": 3785.0}, {"index": 10633, "quantile": 0.75, "value": 255074.99999999997, "Latitude": 33.7, "Longitude": -117.79, "Population": 3785.0}, {"index": 10633, "quantile": 1.0, "value": 480800.0, "Latitude": 33.7, "Longitude": -117.79, "Population": 3785.0}, {"index": 10634, "quantile": 0.0, "value": 224700.0, "Latitude": 33.71, "Longitude": -117.79, "Population": 1641.0}, {"index": 10634, "quantile": 0.25, "value": 260224.99999999997, "Latitude": 33.71, "Longitude": -117.79, "Population": 1641.0}, {"index": 10634, "quantile": 0.5, "value": 283200.0, "Latitude": 33.71, "Longitude": -117.79, "Population": 1641.0}, {"index": 10634, "quantile": 0.75, "value": 283200.0, "Latitude": 33.71, "Longitude": -117.79, "Population": 1641.0}, {"index": 10634, "quantile": 1.0, "value": 344700.0, "Latitude": 33.71, "Longitude": -117.79, "Population": 1641.0}, {"index": 10635, "quantile": 0.0, "value": 225700.0, "Latitude": 33.71, "Longitude": -117.79, "Population": 3132.0}, {"index": 10635, "quantile": 0.25, "value": 288200.0, "Latitude": 33.71, "Longitude": -117.79, "Population": 3132.0}, {"index": 10635, "quantile": 0.5, "value": 302000.0, "Latitude": 33.71, "Longitude": -117.79, "Population": 3132.0}, {"index": 10635, "quantile": 0.75, "value": 346875.0, "Latitude": 33.71, "Longitude": -117.79, "Population": 3132.0}, {"index": 10635, "quantile": 1.0, "value": 438999.99999999994, "Latitude": 33.71, "Longitude": -117.79, "Population": 3132.0}, {"index": 10636, "quantile": 0.0, "value": 131000.0, "Latitude": 33.7, "Longitude": -117.79, "Population": 832.0}, {"index": 10636, "quantile": 0.25, "value": 230399.99999999997, "Latitude": 33.7, "Longitude": -117.79, "Population": 832.0}, {"index": 10636, "quantile": 0.5, "value": 239500.0, "Latitude": 33.7, "Longitude": -117.79, "Population": 832.0}, {"index": 10636, "quantile": 0.75, "value": 239500.0, "Latitude": 33.7, "Longitude": -117.79, "Population": 832.0}, {"index": 10636, "quantile": 1.0, "value": 285200.0, "Latitude": 33.7, "Longitude": -117.79, "Population": 832.0}, {"index": 10637, "quantile": 0.0, "value": 167800.0, "Latitude": 33.7, "Longitude": -117.8, "Population": 735.0}, {"index": 10637, "quantile": 0.25, "value": 194000.0, "Latitude": 33.7, "Longitude": -117.8, "Population": 735.0}, {"index": 10637, "quantile": 0.5, "value": 194000.0, "Latitude": 33.7, "Longitude": -117.8, "Population": 735.0}, {"index": 10637, "quantile": 0.75, "value": 194000.0, "Latitude": 33.7, "Longitude": -117.8, "Population": 735.0}, {"index": 10637, "quantile": 1.0, "value": 348600.0, "Latitude": 33.7, "Longitude": -117.8, "Population": 735.0}, {"index": 10638, "quantile": 0.0, "value": 128600.0, "Latitude": 33.7, "Longitude": -117.79, "Population": 636.0}, {"index": 10638, "quantile": 0.25, "value": 227700.0, "Latitude": 33.7, "Longitude": -117.79, "Population": 636.0}, {"index": 10638, "quantile": 0.5, "value": 227700.0, "Latitude": 33.7, "Longitude": -117.79, "Population": 636.0}, {"index": 10638, "quantile": 0.75, "value": 227700.0, "Latitude": 33.7, "Longitude": -117.79, "Population": 636.0}, {"index": 10638, "quantile": 1.0, "value": 357900.0, "Latitude": 33.7, "Longitude": -117.79, "Population": 636.0}, {"index": 10639, "quantile": 0.0, "value": 192600.0, "Latitude": 33.69, "Longitude": -117.79, "Population": 890.0}, {"index": 10639, "quantile": 0.25, "value": 244800.0, "Latitude": 33.69, "Longitude": -117.79, "Population": 890.0}, {"index": 10639, "quantile": 0.5, "value": 244800.0, "Latitude": 33.69, "Longitude": -117.79, "Population": 890.0}, {"index": 10639, "quantile": 0.75, "value": 272000.0, "Latitude": 33.69, "Longitude": -117.79, "Population": 890.0}, {"index": 10639, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.69, "Longitude": -117.79, "Population": 890.0}, {"index": 10640, "quantile": 0.0, "value": 314000.0, "Latitude": 33.69, "Longitude": -117.79, "Population": 1275.0}, {"index": 10640, "quantile": 0.25, "value": 340000.0, "Latitude": 33.69, "Longitude": -117.79, "Population": 1275.0}, {"index": 10640, "quantile": 0.5, "value": 340000.0, "Latitude": 33.69, "Longitude": -117.79, "Population": 1275.0}, {"index": 10640, "quantile": 0.75, "value": 369475.0, "Latitude": 33.69, "Longitude": -117.79, "Population": 1275.0}, {"index": 10640, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -117.79, "Population": 1275.0}, {"index": 10641, "quantile": 0.0, "value": 73400.0, "Latitude": 33.69, "Longitude": -117.8, "Population": 630.0}, {"index": 10641, "quantile": 0.25, "value": 184100.0, "Latitude": 33.69, "Longitude": -117.8, "Population": 630.0}, {"index": 10641, "quantile": 0.5, "value": 333300.0, "Latitude": 33.69, "Longitude": -117.8, "Population": 630.0}, {"index": 10641, "quantile": 0.75, "value": 333300.0, "Latitude": 33.69, "Longitude": -117.8, "Population": 630.0}, {"index": 10641, "quantile": 1.0, "value": 350000.0, "Latitude": 33.69, "Longitude": -117.8, "Population": 630.0}, {"index": 10642, "quantile": 0.0, "value": 140600.0, "Latitude": 33.55, "Longitude": -117.8, "Population": 821.0}, {"index": 10642, "quantile": 0.25, "value": 322900.0, "Latitude": 33.55, "Longitude": -117.8, "Population": 821.0}, {"index": 10642, "quantile": 0.5, "value": 433750.00000000006, "Latitude": 33.55, "Longitude": -117.8, "Population": 821.0}, {"index": 10642, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.55, "Longitude": -117.8, "Population": 821.0}, {"index": 10642, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.55, "Longitude": -117.8, "Population": 821.0}, {"index": 10643, "quantile": 0.0, "value": 258199.99999999997, "Latitude": 33.56, "Longitude": -117.79, "Population": 658.0}, {"index": 10643, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.56, "Longitude": -117.79, "Population": 658.0}, {"index": 10643, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.56, "Longitude": -117.79, "Population": 658.0}, {"index": 10643, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.56, "Longitude": -117.79, "Population": 658.0}, {"index": 10643, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.56, "Longitude": -117.79, "Population": 658.0}, {"index": 10644, "quantile": 0.0, "value": 392600.0, "Latitude": 33.56, "Longitude": -117.81, "Population": 1730.0}, {"index": 10644, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.56, "Longitude": -117.81, "Population": 1730.0}, {"index": 10644, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.56, "Longitude": -117.81, "Population": 1730.0}, {"index": 10644, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.56, "Longitude": -117.81, "Population": 1730.0}, {"index": 10644, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.56, "Longitude": -117.81, "Population": 1730.0}, {"index": 10645, "quantile": 0.0, "value": 445600.00000000006, "Latitude": 33.55, "Longitude": -117.8, "Population": 724.0}, {"index": 10645, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.55, "Longitude": -117.8, "Population": 724.0}, {"index": 10645, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.55, "Longitude": -117.8, "Population": 724.0}, {"index": 10645, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.55, "Longitude": -117.8, "Population": 724.0}, {"index": 10645, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.55, "Longitude": -117.8, "Population": 724.0}, {"index": 10646, "quantile": 0.0, "value": 112500.0, "Latitude": 33.6, "Longitude": -117.77, "Population": 167.0}, {"index": 10646, "quantile": 0.25, "value": 186000.0, "Latitude": 33.6, "Longitude": -117.77, "Population": 167.0}, {"index": 10646, "quantile": 0.5, "value": 262500.0, "Latitude": 33.6, "Longitude": -117.77, "Population": 167.0}, {"index": 10646, "quantile": 0.75, "value": 305600.0, "Latitude": 33.6, "Longitude": -117.77, "Population": 167.0}, {"index": 10646, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.77, "Population": 167.0}, {"index": 10647, "quantile": 0.0, "value": 132200.0, "Latitude": 33.53, "Longitude": -117.8, "Population": 783.0}, {"index": 10647, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.8, "Population": 783.0}, {"index": 10647, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.8, "Population": 783.0}, {"index": 10647, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.8, "Population": 783.0}, {"index": 10647, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.8, "Population": 783.0}, {"index": 10648, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.54, "Longitude": -117.78, "Population": 520.0}, {"index": 10648, "quantile": 0.25, "value": 187250.0, "Latitude": 33.54, "Longitude": -117.78, "Population": 520.0}, {"index": 10648, "quantile": 0.5, "value": 240850.0, "Latitude": 33.54, "Longitude": -117.78, "Population": 520.0}, {"index": 10648, "quantile": 0.75, "value": 340400.0, "Latitude": 33.54, "Longitude": -117.78, "Population": 520.0}, {"index": 10648, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.54, "Longitude": -117.78, "Population": 520.0}, {"index": 10649, "quantile": 0.0, "value": 249400.00000000003, "Latitude": 33.55, "Longitude": -117.79, "Population": 1915.0}, {"index": 10649, "quantile": 0.25, "value": 405175.0, "Latitude": 33.55, "Longitude": -117.79, "Population": 1915.0}, {"index": 10649, "quantile": 0.5, "value": 453800.0, "Latitude": 33.55, "Longitude": -117.79, "Population": 1915.0}, {"index": 10649, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.55, "Longitude": -117.79, "Population": 1915.0}, {"index": 10649, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.55, "Longitude": -117.79, "Population": 1915.0}, {"index": 10650, "quantile": 0.0, "value": 150900.0, "Latitude": 33.54, "Longitude": -117.75, "Population": 3173.0}, {"index": 10650, "quantile": 0.25, "value": 265100.0, "Latitude": 33.54, "Longitude": -117.75, "Population": 3173.0}, {"index": 10650, "quantile": 0.5, "value": 319850.0, "Latitude": 33.54, "Longitude": -117.75, "Population": 3173.0}, {"index": 10650, "quantile": 0.75, "value": 432400.0, "Latitude": 33.54, "Longitude": -117.75, "Population": 3173.0}, {"index": 10650, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.54, "Longitude": -117.75, "Population": 3173.0}, {"index": 10651, "quantile": 0.0, "value": 249400.00000000003, "Latitude": 33.51, "Longitude": -117.77, "Population": 1070.0}, {"index": 10651, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.77, "Population": 1070.0}, {"index": 10651, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.77, "Population": 1070.0}, {"index": 10651, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.77, "Population": 1070.0}, {"index": 10651, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.77, "Population": 1070.0}, {"index": 10652, "quantile": 0.0, "value": 314400.0, "Latitude": 33.55, "Longitude": -117.77, "Population": 617.0}, {"index": 10652, "quantile": 0.25, "value": 499099.99999999994, "Latitude": 33.55, "Longitude": -117.77, "Population": 617.0}, {"index": 10652, "quantile": 0.5, "value": 499099.99999999994, "Latitude": 33.55, "Longitude": -117.77, "Population": 617.0}, {"index": 10652, "quantile": 0.75, "value": 499099.99999999994, "Latitude": 33.55, "Longitude": -117.77, "Population": 617.0}, {"index": 10652, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.55, "Longitude": -117.77, "Population": 617.0}, {"index": 10653, "quantile": 0.0, "value": 116700.0, "Latitude": 33.57, "Longitude": -117.73, "Population": 4327.0}, {"index": 10653, "quantile": 0.25, "value": 194400.0, "Latitude": 33.57, "Longitude": -117.73, "Population": 4327.0}, {"index": 10653, "quantile": 0.5, "value": 194400.0, "Latitude": 33.57, "Longitude": -117.73, "Population": 4327.0}, {"index": 10653, "quantile": 0.75, "value": 245025.0, "Latitude": 33.57, "Longitude": -117.73, "Population": 4327.0}, {"index": 10653, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.57, "Longitude": -117.73, "Population": 4327.0}, {"index": 10654, "quantile": 0.0, "value": 65000.0, "Latitude": 33.67, "Longitude": -117.86, "Population": 15.0}, {"index": 10654, "quantile": 0.25, "value": 225000.0, "Latitude": 33.67, "Longitude": -117.86, "Population": 15.0}, {"index": 10654, "quantile": 0.5, "value": 450000.0, "Latitude": 33.67, "Longitude": -117.86, "Population": 15.0}, {"index": 10654, "quantile": 0.75, "value": 450000.0, "Latitude": 33.67, "Longitude": -117.86, "Population": 15.0}, {"index": 10654, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.86, "Population": 15.0}, {"index": 10655, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 33.67, "Longitude": -117.82, "Population": 649.0}, {"index": 10655, "quantile": 0.25, "value": 294200.0, "Latitude": 33.67, "Longitude": -117.82, "Population": 649.0}, {"index": 10655, "quantile": 0.5, "value": 350000.0, "Latitude": 33.67, "Longitude": -117.82, "Population": 649.0}, {"index": 10655, "quantile": 0.75, "value": 350000.0, "Latitude": 33.67, "Longitude": -117.82, "Population": 649.0}, {"index": 10655, "quantile": 1.0, "value": 450000.0, "Latitude": 33.67, "Longitude": -117.82, "Population": 649.0}, {"index": 10656, "quantile": 0.0, "value": 125899.99999999999, "Latitude": 33.67, "Longitude": -117.83, "Population": 1454.0}, {"index": 10656, "quantile": 0.25, "value": 204650.0, "Latitude": 33.67, "Longitude": -117.83, "Population": 1454.0}, {"index": 10656, "quantile": 0.5, "value": 275000.0, "Latitude": 33.67, "Longitude": -117.83, "Population": 1454.0}, {"index": 10656, "quantile": 0.75, "value": 275000.0, "Latitude": 33.67, "Longitude": -117.83, "Population": 1454.0}, {"index": 10656, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.83, "Population": 1454.0}, {"index": 10657, "quantile": 0.0, "value": 161700.0, "Latitude": 33.66, "Longitude": -117.83, "Population": 747.0}, {"index": 10657, "quantile": 0.25, "value": 285400.0, "Latitude": 33.66, "Longitude": -117.83, "Population": 747.0}, {"index": 10657, "quantile": 0.5, "value": 321800.0, "Latitude": 33.66, "Longitude": -117.83, "Population": 747.0}, {"index": 10657, "quantile": 0.75, "value": 359075.0, "Latitude": 33.66, "Longitude": -117.83, "Population": 747.0}, {"index": 10657, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.83, "Population": 747.0}, {"index": 10658, "quantile": 0.0, "value": 150000.0, "Latitude": 33.66, "Longitude": -117.83, "Population": 515.0}, {"index": 10658, "quantile": 0.25, "value": 291700.0, "Latitude": 33.66, "Longitude": -117.83, "Population": 515.0}, {"index": 10658, "quantile": 0.5, "value": 291700.0, "Latitude": 33.66, "Longitude": -117.83, "Population": 515.0}, {"index": 10658, "quantile": 0.75, "value": 291700.0, "Latitude": 33.66, "Longitude": -117.83, "Population": 515.0}, {"index": 10658, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.83, "Population": 515.0}, {"index": 10659, "quantile": 0.0, "value": 182400.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 1831.0}, {"index": 10659, "quantile": 0.25, "value": 269000.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 1831.0}, {"index": 10659, "quantile": 0.5, "value": 269000.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 1831.0}, {"index": 10659, "quantile": 0.75, "value": 271675.0, "Latitude": 33.67, "Longitude": -117.81, "Population": 1831.0}, {"index": 10659, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.81, "Population": 1831.0}, {"index": 10660, "quantile": 0.0, "value": 87500.0, "Latitude": 33.66, "Longitude": -117.8, "Population": 1022.0}, {"index": 10660, "quantile": 0.25, "value": 221349.99999999997, "Latitude": 33.66, "Longitude": -117.8, "Population": 1022.0}, {"index": 10660, "quantile": 0.5, "value": 223400.0, "Latitude": 33.66, "Longitude": -117.8, "Population": 1022.0}, {"index": 10660, "quantile": 0.75, "value": 223400.0, "Latitude": 33.66, "Longitude": -117.8, "Population": 1022.0}, {"index": 10660, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.8, "Population": 1022.0}, {"index": 10661, "quantile": 0.0, "value": 281000.0, "Latitude": 33.66, "Longitude": -117.81, "Population": 635.0}, {"index": 10661, "quantile": 0.25, "value": 376500.0, "Latitude": 33.66, "Longitude": -117.81, "Population": 635.0}, {"index": 10661, "quantile": 0.5, "value": 381800.0, "Latitude": 33.66, "Longitude": -117.81, "Population": 635.0}, {"index": 10661, "quantile": 0.75, "value": 467600.0, "Latitude": 33.66, "Longitude": -117.81, "Population": 635.0}, {"index": 10661, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.81, "Population": 635.0}, {"index": 10662, "quantile": 0.0, "value": 161700.0, "Latitude": 33.66, "Longitude": -117.81, "Population": 1192.0}, {"index": 10662, "quantile": 0.25, "value": 274200.0, "Latitude": 33.66, "Longitude": -117.81, "Population": 1192.0}, {"index": 10662, "quantile": 0.5, "value": 274200.0, "Latitude": 33.66, "Longitude": -117.81, "Population": 1192.0}, {"index": 10662, "quantile": 0.75, "value": 274200.0, "Latitude": 33.66, "Longitude": -117.81, "Population": 1192.0}, {"index": 10662, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.81, "Population": 1192.0}, {"index": 10663, "quantile": 0.0, "value": 244800.0, "Latitude": 33.66, "Longitude": -117.82, "Population": 1605.0}, {"index": 10663, "quantile": 0.25, "value": 278400.0, "Latitude": 33.66, "Longitude": -117.82, "Population": 1605.0}, {"index": 10663, "quantile": 0.5, "value": 278400.0, "Latitude": 33.66, "Longitude": -117.82, "Population": 1605.0}, {"index": 10663, "quantile": 0.75, "value": 287800.0, "Latitude": 33.66, "Longitude": -117.82, "Population": 1605.0}, {"index": 10663, "quantile": 1.0, "value": 460400.0, "Latitude": 33.66, "Longitude": -117.82, "Population": 1605.0}, {"index": 10664, "quantile": 0.0, "value": 112300.0, "Latitude": 33.64, "Longitude": -117.84, "Population": 6083.0}, {"index": 10664, "quantile": 0.25, "value": 196950.0, "Latitude": 33.64, "Longitude": -117.84, "Population": 6083.0}, {"index": 10664, "quantile": 0.5, "value": 198300.0, "Latitude": 33.64, "Longitude": -117.84, "Population": 6083.0}, {"index": 10664, "quantile": 0.75, "value": 198300.0, "Latitude": 33.64, "Longitude": -117.84, "Population": 6083.0}, {"index": 10664, "quantile": 1.0, "value": 450000.0, "Latitude": 33.64, "Longitude": -117.84, "Population": 6083.0}, {"index": 10665, "quantile": 0.0, "value": 259300.0, "Latitude": 33.61, "Longitude": -117.87, "Population": 866.0}, {"index": 10665, "quantile": 0.25, "value": 409300.0, "Latitude": 33.61, "Longitude": -117.87, "Population": 866.0}, {"index": 10665, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.87, "Population": 866.0}, {"index": 10665, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.87, "Population": 866.0}, {"index": 10665, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.87, "Population": 866.0}, {"index": 10666, "quantile": 0.0, "value": 302500.0, "Latitude": 33.61, "Longitude": -117.86, "Population": 930.0}, {"index": 10666, "quantile": 0.25, "value": 353850.0, "Latitude": 33.61, "Longitude": -117.86, "Population": 930.0}, {"index": 10666, "quantile": 0.5, "value": 392200.0, "Latitude": 33.61, "Longitude": -117.86, "Population": 930.0}, {"index": 10666, "quantile": 0.75, "value": 442500.0, "Latitude": 33.61, "Longitude": -117.86, "Population": 930.0}, {"index": 10666, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.86, "Population": 930.0}, {"index": 10667, "quantile": 0.0, "value": 411800.00000000006, "Latitude": 33.55, "Longitude": -117.88, "Population": 772.0}, {"index": 10667, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.55, "Longitude": -117.88, "Population": 772.0}, {"index": 10667, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.55, "Longitude": -117.88, "Population": 772.0}, {"index": 10667, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.55, "Longitude": -117.88, "Population": 772.0}, {"index": 10667, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.55, "Longitude": -117.88, "Population": 772.0}, {"index": 10668, "quantile": 0.0, "value": 239100.0, "Latitude": 33.6, "Longitude": -117.84, "Population": 1443.0}, {"index": 10668, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.84, "Population": 1443.0}, {"index": 10668, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.84, "Population": 1443.0}, {"index": 10668, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.84, "Population": 1443.0}, {"index": 10668, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.84, "Population": 1443.0}, {"index": 10669, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 33.62, "Longitude": -117.86, "Population": 1092.0}, {"index": 10669, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.86, "Population": 1092.0}, {"index": 10669, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.86, "Population": 1092.0}, {"index": 10669, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.86, "Population": 1092.0}, {"index": 10669, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.86, "Population": 1092.0}, {"index": 10670, "quantile": 0.0, "value": 357600.0, "Latitude": 33.62, "Longitude": -117.86, "Population": 1247.0}, {"index": 10670, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.86, "Population": 1247.0}, {"index": 10670, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.86, "Population": 1247.0}, {"index": 10670, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.86, "Population": 1247.0}, {"index": 10670, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.86, "Population": 1247.0}, {"index": 10671, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 33.62, "Longitude": -117.85, "Population": 316.0}, {"index": 10671, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.85, "Population": 316.0}, {"index": 10671, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.85, "Population": 316.0}, {"index": 10671, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.85, "Population": 316.0}, {"index": 10671, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.85, "Population": 316.0}, {"index": 10672, "quantile": 0.0, "value": 161700.0, "Latitude": 33.61, "Longitude": -117.85, "Population": 1505.0}, {"index": 10672, "quantile": 0.25, "value": 416800.0, "Latitude": 33.61, "Longitude": -117.85, "Population": 1505.0}, {"index": 10672, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.85, "Population": 1505.0}, {"index": 10672, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.85, "Population": 1505.0}, {"index": 10672, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.85, "Population": 1505.0}, {"index": 10673, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 33.62, "Longitude": -117.85, "Population": 1865.0}, {"index": 10673, "quantile": 0.25, "value": 493000.0, "Latitude": 33.62, "Longitude": -117.85, "Population": 1865.0}, {"index": 10673, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.85, "Population": 1865.0}, {"index": 10673, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.85, "Population": 1865.0}, {"index": 10673, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.85, "Population": 1865.0}, {"index": 10674, "quantile": 0.0, "value": 169800.0, "Latitude": 33.63, "Longitude": -117.86, "Population": 1175.0}, {"index": 10674, "quantile": 0.25, "value": 285074.99999999994, "Latitude": 33.63, "Longitude": -117.86, "Population": 1175.0}, {"index": 10674, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.86, "Population": 1175.0}, {"index": 10674, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.86, "Population": 1175.0}, {"index": 10674, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.86, "Population": 1175.0}, {"index": 10675, "quantile": 0.0, "value": 326100.0, "Latitude": 33.54, "Longitude": -117.77, "Population": 1134.0}, {"index": 10675, "quantile": 0.25, "value": 490050.0, "Latitude": 33.54, "Longitude": -117.77, "Population": 1134.0}, {"index": 10675, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.54, "Longitude": -117.77, "Population": 1134.0}, {"index": 10675, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.54, "Longitude": -117.77, "Population": 1134.0}, {"index": 10675, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.54, "Longitude": -117.77, "Population": 1134.0}, {"index": 10676, "quantile": 0.0, "value": 287200.0, "Latitude": 33.54, "Longitude": -117.76, "Population": 826.0}, {"index": 10676, "quantile": 0.25, "value": 466399.99999999994, "Latitude": 33.54, "Longitude": -117.76, "Population": 826.0}, {"index": 10676, "quantile": 0.5, "value": 466399.99999999994, "Latitude": 33.54, "Longitude": -117.76, "Population": 826.0}, {"index": 10676, "quantile": 0.75, "value": 466399.99999999994, "Latitude": 33.54, "Longitude": -117.76, "Population": 826.0}, {"index": 10676, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.54, "Longitude": -117.76, "Population": 826.0}, {"index": 10677, "quantile": 0.0, "value": 320000.0, "Latitude": 33.54, "Longitude": -117.77, "Population": 1105.0}, {"index": 10677, "quantile": 0.25, "value": 373700.0, "Latitude": 33.54, "Longitude": -117.77, "Population": 1105.0}, {"index": 10677, "quantile": 0.5, "value": 373700.0, "Latitude": 33.54, "Longitude": -117.77, "Population": 1105.0}, {"index": 10677, "quantile": 0.75, "value": 454824.99999999994, "Latitude": 33.54, "Longitude": -117.77, "Population": 1105.0}, {"index": 10677, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.54, "Longitude": -117.77, "Population": 1105.0}, {"index": 10678, "quantile": 0.0, "value": 77100.0, "Latitude": 33.53, "Longitude": -117.77, "Population": 462.0}, {"index": 10678, "quantile": 0.25, "value": 282175.0, "Latitude": 33.53, "Longitude": -117.77, "Population": 462.0}, {"index": 10678, "quantile": 0.5, "value": 384700.0, "Latitude": 33.53, "Longitude": -117.77, "Population": 462.0}, {"index": 10678, "quantile": 0.75, "value": 384700.0, "Latitude": 33.53, "Longitude": -117.77, "Population": 462.0}, {"index": 10678, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.77, "Population": 462.0}, {"index": 10679, "quantile": 0.0, "value": 113100.0, "Latitude": 33.52, "Longitude": -117.8, "Population": 519.0}, {"index": 10679, "quantile": 0.25, "value": 276800.0, "Latitude": 33.52, "Longitude": -117.8, "Population": 519.0}, {"index": 10679, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.52, "Longitude": -117.8, "Population": 519.0}, {"index": 10679, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.52, "Longitude": -117.8, "Population": 519.0}, {"index": 10679, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.52, "Longitude": -117.8, "Population": 519.0}, {"index": 10680, "quantile": 0.0, "value": 315200.0, "Latitude": 33.53, "Longitude": -117.76, "Population": 1176.0}, {"index": 10680, "quantile": 0.25, "value": 426100.0, "Latitude": 33.53, "Longitude": -117.76, "Population": 1176.0}, {"index": 10680, "quantile": 0.5, "value": 426100.0, "Latitude": 33.53, "Longitude": -117.76, "Population": 1176.0}, {"index": 10680, "quantile": 0.75, "value": 426100.0, "Latitude": 33.53, "Longitude": -117.76, "Population": 1176.0}, {"index": 10680, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.76, "Population": 1176.0}, {"index": 10681, "quantile": 0.0, "value": 250000.0, "Latitude": 33.53, "Longitude": -117.76, "Population": 1310.0}, {"index": 10681, "quantile": 0.25, "value": 391900.0, "Latitude": 33.53, "Longitude": -117.76, "Population": 1310.0}, {"index": 10681, "quantile": 0.5, "value": 391900.0, "Latitude": 33.53, "Longitude": -117.76, "Population": 1310.0}, {"index": 10681, "quantile": 0.75, "value": 391900.0, "Latitude": 33.53, "Longitude": -117.76, "Population": 1310.0}, {"index": 10681, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.76, "Population": 1310.0}, {"index": 10682, "quantile": 0.0, "value": 487000.0, "Latitude": 33.53, "Longitude": -117.76, "Population": 712.0}, {"index": 10682, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.76, "Population": 712.0}, {"index": 10682, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.76, "Population": 712.0}, {"index": 10682, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.76, "Population": 712.0}, {"index": 10682, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.76, "Population": 712.0}, {"index": 10683, "quantile": 0.0, "value": 265200.0, "Latitude": 33.53, "Longitude": -117.77, "Population": 1105.0}, {"index": 10683, "quantile": 0.25, "value": 445600.00000000006, "Latitude": 33.53, "Longitude": -117.77, "Population": 1105.0}, {"index": 10683, "quantile": 0.5, "value": 445600.00000000006, "Latitude": 33.53, "Longitude": -117.77, "Population": 1105.0}, {"index": 10683, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.77, "Population": 1105.0}, {"index": 10683, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.77, "Population": 1105.0}, {"index": 10684, "quantile": 0.0, "value": 249300.0, "Latitude": 33.51, "Longitude": -117.78, "Population": 515.0}, {"index": 10684, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.78, "Population": 515.0}, {"index": 10684, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.78, "Population": 515.0}, {"index": 10684, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.78, "Population": 515.0}, {"index": 10684, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.78, "Population": 515.0}, {"index": 10685, "quantile": 0.0, "value": 144300.0, "Latitude": 33.63, "Longitude": -117.73, "Population": 1382.0}, {"index": 10685, "quantile": 0.25, "value": 199549.99999999997, "Latitude": 33.63, "Longitude": -117.73, "Population": 1382.0}, {"index": 10685, "quantile": 0.5, "value": 239649.99999999997, "Latitude": 33.63, "Longitude": -117.73, "Population": 1382.0}, {"index": 10685, "quantile": 0.75, "value": 291700.0, "Latitude": 33.63, "Longitude": -117.73, "Population": 1382.0}, {"index": 10685, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.73, "Population": 1382.0}, {"index": 10686, "quantile": 0.0, "value": 140800.0, "Latitude": 33.62, "Longitude": -117.74, "Population": 2103.0}, {"index": 10686, "quantile": 0.25, "value": 231400.0, "Latitude": 33.62, "Longitude": -117.74, "Population": 2103.0}, {"index": 10686, "quantile": 0.5, "value": 231400.0, "Latitude": 33.62, "Longitude": -117.74, "Population": 2103.0}, {"index": 10686, "quantile": 0.75, "value": 231400.0, "Latitude": 33.62, "Longitude": -117.74, "Population": 2103.0}, {"index": 10686, "quantile": 1.0, "value": 325700.0, "Latitude": 33.62, "Longitude": -117.74, "Population": 2103.0}, {"index": 10687, "quantile": 0.0, "value": 167800.0, "Latitude": 33.64, "Longitude": -117.75, "Population": 1111.0}, {"index": 10687, "quantile": 0.25, "value": 182300.0, "Latitude": 33.64, "Longitude": -117.75, "Population": 1111.0}, {"index": 10687, "quantile": 0.5, "value": 182300.0, "Latitude": 33.64, "Longitude": -117.75, "Population": 1111.0}, {"index": 10687, "quantile": 0.75, "value": 210225.00000000003, "Latitude": 33.64, "Longitude": -117.75, "Population": 1111.0}, {"index": 10687, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.75, "Population": 1111.0}, {"index": 10688, "quantile": 0.0, "value": 40000.0, "Latitude": 33.62, "Longitude": -117.72, "Population": 662.0}, {"index": 10688, "quantile": 0.25, "value": 110000.00000000001, "Latitude": 33.62, "Longitude": -117.72, "Population": 662.0}, {"index": 10688, "quantile": 0.5, "value": 110000.00000000001, "Latitude": 33.62, "Longitude": -117.72, "Population": 662.0}, {"index": 10688, "quantile": 0.75, "value": 110000.00000000001, "Latitude": 33.62, "Longitude": -117.72, "Population": 662.0}, {"index": 10688, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.72, "Population": 662.0}, {"index": 10689, "quantile": 0.0, "value": 45000.0, "Latitude": 33.62, "Longitude": -117.72, "Population": 365.0}, {"index": 10689, "quantile": 0.25, "value": 67500.0, "Latitude": 33.62, "Longitude": -117.72, "Population": 365.0}, {"index": 10689, "quantile": 0.5, "value": 94600.0, "Latitude": 33.62, "Longitude": -117.72, "Population": 365.0}, {"index": 10689, "quantile": 0.75, "value": 193000.00000000003, "Latitude": 33.62, "Longitude": -117.72, "Population": 365.0}, {"index": 10689, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.72, "Population": 365.0}, {"index": 10690, "quantile": 0.0, "value": 67500.0, "Latitude": 33.61, "Longitude": -117.71, "Population": 891.0}, {"index": 10690, "quantile": 0.25, "value": 80300.0, "Latitude": 33.61, "Longitude": -117.71, "Population": 891.0}, {"index": 10690, "quantile": 0.5, "value": 80300.0, "Latitude": 33.61, "Longitude": -117.71, "Population": 891.0}, {"index": 10690, "quantile": 0.75, "value": 80300.0, "Latitude": 33.61, "Longitude": -117.71, "Population": 891.0}, {"index": 10690, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.71, "Population": 891.0}, {"index": 10691, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 33.63, "Longitude": -117.72, "Population": 378.0}, {"index": 10691, "quantile": 0.25, "value": 162500.0, "Latitude": 33.63, "Longitude": -117.72, "Population": 378.0}, {"index": 10691, "quantile": 0.5, "value": 162500.0, "Latitude": 33.63, "Longitude": -117.72, "Population": 378.0}, {"index": 10691, "quantile": 0.75, "value": 162500.0, "Latitude": 33.63, "Longitude": -117.72, "Population": 378.0}, {"index": 10691, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.72, "Population": 378.0}, {"index": 10692, "quantile": 0.0, "value": 72000.0, "Latitude": 33.62, "Longitude": -117.72, "Population": 1711.0}, {"index": 10692, "quantile": 0.25, "value": 74100.0, "Latitude": 33.62, "Longitude": -117.72, "Population": 1711.0}, {"index": 10692, "quantile": 0.5, "value": 89350.0, "Latitude": 33.62, "Longitude": -117.72, "Population": 1711.0}, {"index": 10692, "quantile": 0.75, "value": 121049.99999999999, "Latitude": 33.62, "Longitude": -117.72, "Population": 1711.0}, {"index": 10692, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.72, "Population": 1711.0}, {"index": 10693, "quantile": 0.0, "value": 47500.0, "Latitude": 33.61, "Longitude": -117.73, "Population": 178.0}, {"index": 10693, "quantile": 0.25, "value": 155725.0, "Latitude": 33.61, "Longitude": -117.73, "Population": 178.0}, {"index": 10693, "quantile": 0.5, "value": 188300.0, "Latitude": 33.61, "Longitude": -117.73, "Population": 178.0}, {"index": 10693, "quantile": 0.75, "value": 229800.0, "Latitude": 33.61, "Longitude": -117.73, "Population": 178.0}, {"index": 10693, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.73, "Population": 178.0}, {"index": 10694, "quantile": 0.0, "value": 106300.0, "Latitude": 33.62, "Longitude": -117.74, "Population": 686.0}, {"index": 10694, "quantile": 0.25, "value": 129200.0, "Latitude": 33.62, "Longitude": -117.74, "Population": 686.0}, {"index": 10694, "quantile": 0.5, "value": 180800.0, "Latitude": 33.62, "Longitude": -117.74, "Population": 686.0}, {"index": 10694, "quantile": 0.75, "value": 227599.99999999997, "Latitude": 33.62, "Longitude": -117.74, "Population": 686.0}, {"index": 10694, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.74, "Population": 686.0}, {"index": 10695, "quantile": 0.0, "value": 133200.0, "Latitude": 33.61, "Longitude": -117.74, "Population": 857.0}, {"index": 10695, "quantile": 0.25, "value": 194400.0, "Latitude": 33.61, "Longitude": -117.74, "Population": 857.0}, {"index": 10695, "quantile": 0.5, "value": 229800.0, "Latitude": 33.61, "Longitude": -117.74, "Population": 857.0}, {"index": 10695, "quantile": 0.75, "value": 229800.0, "Latitude": 33.61, "Longitude": -117.74, "Population": 857.0}, {"index": 10695, "quantile": 1.0, "value": 232399.99999999997, "Latitude": 33.61, "Longitude": -117.74, "Population": 857.0}, {"index": 10696, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 33.61, "Longitude": -117.74, "Population": 662.0}, {"index": 10696, "quantile": 0.25, "value": 180800.0, "Latitude": 33.61, "Longitude": -117.74, "Population": 662.0}, {"index": 10696, "quantile": 0.5, "value": 180800.0, "Latitude": 33.61, "Longitude": -117.74, "Population": 662.0}, {"index": 10696, "quantile": 0.75, "value": 180800.0, "Latitude": 33.61, "Longitude": -117.74, "Population": 662.0}, {"index": 10696, "quantile": 1.0, "value": 375000.0, "Latitude": 33.61, "Longitude": -117.74, "Population": 662.0}, {"index": 10697, "quantile": 0.0, "value": 77100.0, "Latitude": 33.61, "Longitude": -117.75, "Population": 781.0}, {"index": 10697, "quantile": 0.25, "value": 180800.0, "Latitude": 33.61, "Longitude": -117.75, "Population": 781.0}, {"index": 10697, "quantile": 0.5, "value": 186500.0, "Latitude": 33.61, "Longitude": -117.75, "Population": 781.0}, {"index": 10697, "quantile": 0.75, "value": 186500.0, "Latitude": 33.61, "Longitude": -117.75, "Population": 781.0}, {"index": 10697, "quantile": 1.0, "value": 252900.0, "Latitude": 33.61, "Longitude": -117.75, "Population": 781.0}, {"index": 10698, "quantile": 0.0, "value": 138500.0, "Latitude": 33.6, "Longitude": -117.75, "Population": 1727.0}, {"index": 10698, "quantile": 0.25, "value": 255600.0, "Latitude": 33.6, "Longitude": -117.75, "Population": 1727.0}, {"index": 10698, "quantile": 0.5, "value": 255600.0, "Latitude": 33.6, "Longitude": -117.75, "Population": 1727.0}, {"index": 10698, "quantile": 0.75, "value": 255600.0, "Latitude": 33.6, "Longitude": -117.75, "Population": 1727.0}, {"index": 10698, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.75, "Population": 1727.0}, {"index": 10699, "quantile": 0.0, "value": 40000.0, "Latitude": 33.61, "Longitude": -117.75, "Population": 709.0}, {"index": 10699, "quantile": 0.25, "value": 180800.0, "Latitude": 33.61, "Longitude": -117.75, "Population": 709.0}, {"index": 10699, "quantile": 0.5, "value": 227599.99999999997, "Latitude": 33.61, "Longitude": -117.75, "Population": 709.0}, {"index": 10699, "quantile": 0.75, "value": 227599.99999999997, "Latitude": 33.61, "Longitude": -117.75, "Population": 709.0}, {"index": 10699, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.75, "Population": 709.0}, {"index": 10700, "quantile": 0.0, "value": 72500.0, "Latitude": 33.61, "Longitude": -117.73, "Population": 832.0}, {"index": 10700, "quantile": 0.25, "value": 92200.0, "Latitude": 33.61, "Longitude": -117.73, "Population": 832.0}, {"index": 10700, "quantile": 0.5, "value": 120600.0, "Latitude": 33.61, "Longitude": -117.73, "Population": 832.0}, {"index": 10700, "quantile": 0.75, "value": 120600.0, "Latitude": 33.61, "Longitude": -117.73, "Population": 832.0}, {"index": 10700, "quantile": 1.0, "value": 236800.0, "Latitude": 33.61, "Longitude": -117.73, "Population": 832.0}, {"index": 10701, "quantile": 0.0, "value": 112500.0, "Latitude": 33.61, "Longitude": -117.7, "Population": 1738.0}, {"index": 10701, "quantile": 0.25, "value": 162800.0, "Latitude": 33.61, "Longitude": -117.7, "Population": 1738.0}, {"index": 10701, "quantile": 0.5, "value": 197200.0, "Latitude": 33.61, "Longitude": -117.7, "Population": 1738.0}, {"index": 10701, "quantile": 0.75, "value": 222300.0, "Latitude": 33.61, "Longitude": -117.7, "Population": 1738.0}, {"index": 10701, "quantile": 1.0, "value": 305600.0, "Latitude": 33.61, "Longitude": -117.7, "Population": 1738.0}, {"index": 10702, "quantile": 0.0, "value": 67500.0, "Latitude": 33.6, "Longitude": -117.7, "Population": 634.0}, {"index": 10702, "quantile": 0.25, "value": 74300.0, "Latitude": 33.6, "Longitude": -117.7, "Population": 634.0}, {"index": 10702, "quantile": 0.5, "value": 74300.0, "Latitude": 33.6, "Longitude": -117.7, "Population": 634.0}, {"index": 10702, "quantile": 0.75, "value": 74300.0, "Latitude": 33.6, "Longitude": -117.7, "Population": 634.0}, {"index": 10702, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.7, "Population": 634.0}, {"index": 10703, "quantile": 0.0, "value": 72100.0, "Latitude": 33.6, "Longitude": -117.71, "Population": 1312.0}, {"index": 10703, "quantile": 0.25, "value": 137500.0, "Latitude": 33.6, "Longitude": -117.71, "Population": 1312.0}, {"index": 10703, "quantile": 0.5, "value": 165500.0, "Latitude": 33.6, "Longitude": -117.71, "Population": 1312.0}, {"index": 10703, "quantile": 0.75, "value": 224050.0, "Latitude": 33.6, "Longitude": -117.71, "Population": 1312.0}, {"index": 10703, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.71, "Population": 1312.0}, {"index": 10704, "quantile": 0.0, "value": 58500.0, "Latitude": 33.6, "Longitude": -117.71, "Population": 893.0}, {"index": 10704, "quantile": 0.25, "value": 74800.0, "Latitude": 33.6, "Longitude": -117.71, "Population": 893.0}, {"index": 10704, "quantile": 0.5, "value": 74800.0, "Latitude": 33.6, "Longitude": -117.71, "Population": 893.0}, {"index": 10704, "quantile": 0.75, "value": 74800.0, "Latitude": 33.6, "Longitude": -117.71, "Population": 893.0}, {"index": 10704, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.71, "Population": 893.0}, {"index": 10705, "quantile": 0.0, "value": 68200.0, "Latitude": 33.61, "Longitude": -117.72, "Population": 618.0}, {"index": 10705, "quantile": 0.25, "value": 73175.0, "Latitude": 33.61, "Longitude": -117.72, "Population": 618.0}, {"index": 10705, "quantile": 0.5, "value": 80600.0, "Latitude": 33.61, "Longitude": -117.72, "Population": 618.0}, {"index": 10705, "quantile": 0.75, "value": 81100.0, "Latitude": 33.61, "Longitude": -117.72, "Population": 618.0}, {"index": 10705, "quantile": 1.0, "value": 274000.0, "Latitude": 33.61, "Longitude": -117.72, "Population": 618.0}, {"index": 10706, "quantile": 0.0, "value": 72300.0, "Latitude": 33.61, "Longitude": -117.72, "Population": 774.0}, {"index": 10706, "quantile": 0.25, "value": 78925.0, "Latitude": 33.61, "Longitude": -117.72, "Population": 774.0}, {"index": 10706, "quantile": 0.5, "value": 81100.0, "Latitude": 33.61, "Longitude": -117.72, "Population": 774.0}, {"index": 10706, "quantile": 0.75, "value": 81100.0, "Latitude": 33.61, "Longitude": -117.72, "Population": 774.0}, {"index": 10706, "quantile": 1.0, "value": 274000.0, "Latitude": 33.61, "Longitude": -117.72, "Population": 774.0}, {"index": 10707, "quantile": 0.0, "value": 72500.0, "Latitude": 33.61, "Longitude": -117.71, "Population": 888.0}, {"index": 10707, "quantile": 0.25, "value": 74100.0, "Latitude": 33.61, "Longitude": -117.71, "Population": 888.0}, {"index": 10707, "quantile": 0.5, "value": 74100.0, "Latitude": 33.61, "Longitude": -117.71, "Population": 888.0}, {"index": 10707, "quantile": 0.75, "value": 80600.0, "Latitude": 33.61, "Longitude": -117.71, "Population": 888.0}, {"index": 10707, "quantile": 1.0, "value": 251399.99999999997, "Latitude": 33.61, "Longitude": -117.71, "Population": 888.0}, {"index": 10708, "quantile": 0.0, "value": 58500.0, "Latitude": 33.61, "Longitude": -117.71, "Population": 669.0}, {"index": 10708, "quantile": 0.25, "value": 72300.0, "Latitude": 33.61, "Longitude": -117.71, "Population": 669.0}, {"index": 10708, "quantile": 0.5, "value": 72300.0, "Latitude": 33.61, "Longitude": -117.71, "Population": 669.0}, {"index": 10708, "quantile": 0.75, "value": 74300.0, "Latitude": 33.61, "Longitude": -117.71, "Population": 669.0}, {"index": 10708, "quantile": 1.0, "value": 500000.0, "Latitude": 33.61, "Longitude": -117.71, "Population": 669.0}, {"index": 10709, "quantile": 0.0, "value": 72300.0, "Latitude": 33.6, "Longitude": -117.71, "Population": 602.0}, {"index": 10709, "quantile": 0.25, "value": 72500.0, "Latitude": 33.6, "Longitude": -117.71, "Population": 602.0}, {"index": 10709, "quantile": 0.5, "value": 72500.0, "Latitude": 33.6, "Longitude": -117.71, "Population": 602.0}, {"index": 10709, "quantile": 0.75, "value": 80600.0, "Latitude": 33.6, "Longitude": -117.71, "Population": 602.0}, {"index": 10709, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.71, "Population": 602.0}, {"index": 10710, "quantile": 0.0, "value": 72500.0, "Latitude": 33.6, "Longitude": -117.7, "Population": 301.0}, {"index": 10710, "quantile": 0.25, "value": 80600.0, "Latitude": 33.6, "Longitude": -117.7, "Population": 301.0}, {"index": 10710, "quantile": 0.5, "value": 80600.0, "Latitude": 33.6, "Longitude": -117.7, "Population": 301.0}, {"index": 10710, "quantile": 0.75, "value": 80600.0, "Latitude": 33.6, "Longitude": -117.7, "Population": 301.0}, {"index": 10710, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.7, "Population": 301.0}, {"index": 10711, "quantile": 0.0, "value": 40000.0, "Latitude": 33.6, "Longitude": -117.7, "Population": 396.0}, {"index": 10711, "quantile": 0.25, "value": 77100.0, "Latitude": 33.6, "Longitude": -117.7, "Population": 396.0}, {"index": 10711, "quantile": 0.5, "value": 77100.0, "Latitude": 33.6, "Longitude": -117.7, "Population": 396.0}, {"index": 10711, "quantile": 0.75, "value": 110000.00000000001, "Latitude": 33.6, "Longitude": -117.7, "Population": 396.0}, {"index": 10711, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.7, "Population": 396.0}, {"index": 10712, "quantile": 0.0, "value": 87500.0, "Latitude": 33.59, "Longitude": -117.7, "Population": 3445.0}, {"index": 10712, "quantile": 0.25, "value": 184500.0, "Latitude": 33.59, "Longitude": -117.7, "Population": 3445.0}, {"index": 10712, "quantile": 0.5, "value": 190950.0, "Latitude": 33.59, "Longitude": -117.7, "Population": 3445.0}, {"index": 10712, "quantile": 0.75, "value": 226900.0, "Latitude": 33.59, "Longitude": -117.7, "Population": 3445.0}, {"index": 10712, "quantile": 1.0, "value": 430900.0, "Latitude": 33.59, "Longitude": -117.7, "Population": 3445.0}, {"index": 10713, "quantile": 0.0, "value": 87500.0, "Latitude": 33.66, "Longitude": -117.84, "Population": 384.0}, {"index": 10713, "quantile": 0.25, "value": 230399.99999999997, "Latitude": 33.66, "Longitude": -117.84, "Population": 384.0}, {"index": 10713, "quantile": 0.5, "value": 230399.99999999997, "Latitude": 33.66, "Longitude": -117.84, "Population": 384.0}, {"index": 10713, "quantile": 0.75, "value": 230399.99999999997, "Latitude": 33.66, "Longitude": -117.84, "Population": 384.0}, {"index": 10713, "quantile": 1.0, "value": 320800.0, "Latitude": 33.66, "Longitude": -117.84, "Population": 384.0}, {"index": 10714, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 33.66, "Longitude": -117.84, "Population": 857.0}, {"index": 10714, "quantile": 0.25, "value": 148775.0, "Latitude": 33.66, "Longitude": -117.84, "Population": 857.0}, {"index": 10714, "quantile": 0.5, "value": 184500.0, "Latitude": 33.66, "Longitude": -117.84, "Population": 857.0}, {"index": 10714, "quantile": 0.75, "value": 227725.0, "Latitude": 33.66, "Longitude": -117.84, "Population": 857.0}, {"index": 10714, "quantile": 1.0, "value": 333300.0, "Latitude": 33.66, "Longitude": -117.84, "Population": 857.0}, {"index": 10715, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.65, "Longitude": -117.84, "Population": 1030.0}, {"index": 10715, "quantile": 0.25, "value": 173725.0, "Latitude": 33.65, "Longitude": -117.84, "Population": 1030.0}, {"index": 10715, "quantile": 0.5, "value": 213400.0, "Latitude": 33.65, "Longitude": -117.84, "Population": 1030.0}, {"index": 10715, "quantile": 0.75, "value": 331250.0, "Latitude": 33.65, "Longitude": -117.84, "Population": 1030.0}, {"index": 10715, "quantile": 1.0, "value": 450000.0, "Latitude": 33.65, "Longitude": -117.84, "Population": 1030.0}, {"index": 10716, "quantile": 0.0, "value": 250000.0, "Latitude": 33.66, "Longitude": -117.83, "Population": 511.0}, {"index": 10716, "quantile": 0.25, "value": 296200.0, "Latitude": 33.66, "Longitude": -117.83, "Population": 511.0}, {"index": 10716, "quantile": 0.5, "value": 296200.0, "Latitude": 33.66, "Longitude": -117.83, "Population": 511.0}, {"index": 10716, "quantile": 0.75, "value": 327275.0, "Latitude": 33.66, "Longitude": -117.83, "Population": 511.0}, {"index": 10716, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.83, "Population": 511.0}, {"index": 10717, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.65, "Longitude": -117.83, "Population": 426.0}, {"index": 10717, "quantile": 0.25, "value": 187500.0, "Latitude": 33.65, "Longitude": -117.83, "Population": 426.0}, {"index": 10717, "quantile": 0.5, "value": 187500.0, "Latitude": 33.65, "Longitude": -117.83, "Population": 426.0}, {"index": 10717, "quantile": 0.75, "value": 187500.0, "Latitude": 33.65, "Longitude": -117.83, "Population": 426.0}, {"index": 10717, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.83, "Population": 426.0}, {"index": 10718, "quantile": 0.0, "value": 137500.0, "Latitude": 33.65, "Longitude": -117.83, "Population": 950.0}, {"index": 10718, "quantile": 0.25, "value": 230850.0, "Latitude": 33.65, "Longitude": -117.83, "Population": 950.0}, {"index": 10718, "quantile": 0.5, "value": 250400.0, "Latitude": 33.65, "Longitude": -117.83, "Population": 950.0}, {"index": 10718, "quantile": 0.75, "value": 250400.0, "Latitude": 33.65, "Longitude": -117.83, "Population": 950.0}, {"index": 10718, "quantile": 1.0, "value": 350000.0, "Latitude": 33.65, "Longitude": -117.83, "Population": 950.0}, {"index": 10719, "quantile": 0.0, "value": 115700.0, "Latitude": 33.66, "Longitude": -117.82, "Population": 1049.0}, {"index": 10719, "quantile": 0.25, "value": 340300.0, "Latitude": 33.66, "Longitude": -117.82, "Population": 1049.0}, {"index": 10719, "quantile": 0.5, "value": 387500.0, "Latitude": 33.66, "Longitude": -117.82, "Population": 1049.0}, {"index": 10719, "quantile": 0.75, "value": 387500.0, "Latitude": 33.66, "Longitude": -117.82, "Population": 1049.0}, {"index": 10719, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.82, "Population": 1049.0}, {"index": 10720, "quantile": 0.0, "value": 193500.0, "Latitude": 33.63, "Longitude": -117.81, "Population": 1798.0}, {"index": 10720, "quantile": 0.25, "value": 353900.0, "Latitude": 33.63, "Longitude": -117.81, "Population": 1798.0}, {"index": 10720, "quantile": 0.5, "value": 410400.0, "Latitude": 33.63, "Longitude": -117.81, "Population": 1798.0}, {"index": 10720, "quantile": 0.75, "value": 410400.0, "Latitude": 33.63, "Longitude": -117.81, "Population": 1798.0}, {"index": 10720, "quantile": 1.0, "value": 445400.0, "Latitude": 33.63, "Longitude": -117.81, "Population": 1798.0}, {"index": 10721, "quantile": 0.0, "value": 230600.0, "Latitude": 33.65, "Longitude": -117.82, "Population": 830.0}, {"index": 10721, "quantile": 0.25, "value": 271700.0, "Latitude": 33.65, "Longitude": -117.82, "Population": 830.0}, {"index": 10721, "quantile": 0.5, "value": 287700.0, "Latitude": 33.65, "Longitude": -117.82, "Population": 830.0}, {"index": 10721, "quantile": 0.75, "value": 315600.0, "Latitude": 33.65, "Longitude": -117.82, "Population": 830.0}, {"index": 10721, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.82, "Population": 830.0}, {"index": 10722, "quantile": 0.0, "value": 84500.0, "Latitude": 33.63, "Longitude": -117.8, "Population": 26.0}, {"index": 10722, "quantile": 0.25, "value": 270800.0, "Latitude": 33.63, "Longitude": -117.8, "Population": 26.0}, {"index": 10722, "quantile": 0.5, "value": 270800.0, "Latitude": 33.63, "Longitude": -117.8, "Population": 26.0}, {"index": 10722, "quantile": 0.75, "value": 270800.0, "Latitude": 33.63, "Longitude": -117.8, "Population": 26.0}, {"index": 10722, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.8, "Population": 26.0}, {"index": 10723, "quantile": 0.0, "value": 239100.0, "Latitude": 33.64, "Longitude": -117.8, "Population": 1680.0}, {"index": 10723, "quantile": 0.25, "value": 450399.99999999994, "Latitude": 33.64, "Longitude": -117.8, "Population": 1680.0}, {"index": 10723, "quantile": 0.5, "value": 450399.99999999994, "Latitude": 33.64, "Longitude": -117.8, "Population": 1680.0}, {"index": 10723, "quantile": 0.75, "value": 450399.99999999994, "Latitude": 33.64, "Longitude": -117.8, "Population": 1680.0}, {"index": 10723, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.8, "Population": 1680.0}, {"index": 10724, "quantile": 0.0, "value": 386100.0, "Latitude": 33.63, "Longitude": -117.8, "Population": 1289.0}, {"index": 10724, "quantile": 0.25, "value": 493000.0, "Latitude": 33.63, "Longitude": -117.8, "Population": 1289.0}, {"index": 10724, "quantile": 0.5, "value": 493000.0, "Latitude": 33.63, "Longitude": -117.8, "Population": 1289.0}, {"index": 10724, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.8, "Population": 1289.0}, {"index": 10724, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.8, "Population": 1289.0}, {"index": 10725, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 33.64, "Longitude": -117.82, "Population": 808.0}, {"index": 10725, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.82, "Population": 808.0}, {"index": 10725, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.82, "Population": 808.0}, {"index": 10725, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.82, "Population": 808.0}, {"index": 10725, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.82, "Population": 808.0}, {"index": 10726, "quantile": 0.0, "value": 417000.0, "Latitude": 33.64, "Longitude": -117.81, "Population": 868.0}, {"index": 10726, "quantile": 0.25, "value": 498250.74999999994, "Latitude": 33.64, "Longitude": -117.81, "Population": 868.0}, {"index": 10726, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.81, "Population": 868.0}, {"index": 10726, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.81, "Population": 868.0}, {"index": 10726, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.81, "Population": 868.0}, {"index": 10727, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 33.64, "Longitude": -117.81, "Population": 811.0}, {"index": 10727, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.81, "Population": 811.0}, {"index": 10727, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.81, "Population": 811.0}, {"index": 10727, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.81, "Population": 811.0}, {"index": 10727, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.81, "Population": 811.0}, {"index": 10728, "quantile": 0.0, "value": 320300.0, "Latitude": 33.6, "Longitude": -117.88, "Population": 1938.0}, {"index": 10728, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.88, "Population": 1938.0}, {"index": 10728, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.88, "Population": 1938.0}, {"index": 10728, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.88, "Population": 1938.0}, {"index": 10728, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.88, "Population": 1938.0}, {"index": 10729, "quantile": 0.0, "value": 161700.0, "Latitude": 33.6, "Longitude": -117.87, "Population": 1064.0}, {"index": 10729, "quantile": 0.25, "value": 481475.0, "Latitude": 33.6, "Longitude": -117.87, "Population": 1064.0}, {"index": 10729, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.87, "Population": 1064.0}, {"index": 10729, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.87, "Population": 1064.0}, {"index": 10729, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.87, "Population": 1064.0}, {"index": 10730, "quantile": 0.0, "value": 304600.0, "Latitude": 33.6, "Longitude": -117.87, "Population": 782.0}, {"index": 10730, "quantile": 0.25, "value": 500000.0, "Latitude": 33.6, "Longitude": -117.87, "Population": 782.0}, {"index": 10730, "quantile": 0.5, "value": 500000.0, "Latitude": 33.6, "Longitude": -117.87, "Population": 782.0}, {"index": 10730, "quantile": 0.75, "value": 500000.0, "Latitude": 33.6, "Longitude": -117.87, "Population": 782.0}, {"index": 10730, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.87, "Population": 782.0}, {"index": 10731, "quantile": 0.0, "value": 228700.0, "Latitude": 33.59, "Longitude": -117.87, "Population": 910.0}, {"index": 10731, "quantile": 0.25, "value": 381175.0, "Latitude": 33.59, "Longitude": -117.87, "Population": 910.0}, {"index": 10731, "quantile": 0.5, "value": 441099.99999999994, "Latitude": 33.59, "Longitude": -117.87, "Population": 910.0}, {"index": 10731, "quantile": 0.75, "value": 483600.00000000006, "Latitude": 33.59, "Longitude": -117.87, "Population": 910.0}, {"index": 10731, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.59, "Longitude": -117.87, "Population": 910.0}, {"index": 10732, "quantile": 0.0, "value": 220800.00000000003, "Latitude": 33.6, "Longitude": -117.87, "Population": 1155.0}, {"index": 10732, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.87, "Population": 1155.0}, {"index": 10732, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.87, "Population": 1155.0}, {"index": 10732, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.87, "Population": 1155.0}, {"index": 10732, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.87, "Population": 1155.0}, {"index": 10733, "quantile": 0.0, "value": 161700.0, "Latitude": 33.6, "Longitude": -117.86, "Population": 635.0}, {"index": 10733, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.86, "Population": 635.0}, {"index": 10733, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.86, "Population": 635.0}, {"index": 10733, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.86, "Population": 635.0}, {"index": 10733, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.86, "Population": 635.0}, {"index": 10734, "quantile": 0.0, "value": 140600.0, "Latitude": 33.6, "Longitude": -117.87, "Population": 1275.0}, {"index": 10734, "quantile": 0.25, "value": 479624.99999999994, "Latitude": 33.6, "Longitude": -117.87, "Population": 1275.0}, {"index": 10734, "quantile": 0.5, "value": 482900.0, "Latitude": 33.6, "Longitude": -117.87, "Population": 1275.0}, {"index": 10734, "quantile": 0.75, "value": 482900.0, "Latitude": 33.6, "Longitude": -117.87, "Population": 1275.0}, {"index": 10734, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.87, "Population": 1275.0}, {"index": 10735, "quantile": 0.0, "value": 320300.0, "Latitude": 33.6, "Longitude": -117.89, "Population": 441.0}, {"index": 10735, "quantile": 0.25, "value": 490800.00000000006, "Latitude": 33.6, "Longitude": -117.89, "Population": 441.0}, {"index": 10735, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.89, "Population": 441.0}, {"index": 10735, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.89, "Population": 441.0}, {"index": 10735, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.89, "Population": 441.0}, {"index": 10736, "quantile": 0.0, "value": 322600.0, "Latitude": 33.61, "Longitude": -117.9, "Population": 527.0}, {"index": 10736, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.9, "Population": 527.0}, {"index": 10736, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.9, "Population": 527.0}, {"index": 10736, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.9, "Population": 527.0}, {"index": 10736, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.9, "Population": 527.0}, {"index": 10737, "quantile": 0.0, "value": 222800.00000000003, "Latitude": 33.61, "Longitude": -117.91, "Population": 952.0}, {"index": 10737, "quantile": 0.25, "value": 457850.0, "Latitude": 33.61, "Longitude": -117.91, "Population": 952.0}, {"index": 10737, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.91, "Population": 952.0}, {"index": 10737, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.91, "Population": 952.0}, {"index": 10737, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.91, "Population": 952.0}, {"index": 10738, "quantile": 0.0, "value": 345400.0, "Latitude": 33.6, "Longitude": -117.91, "Population": 673.0}, {"index": 10738, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.91, "Population": 673.0}, {"index": 10738, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.91, "Population": 673.0}, {"index": 10738, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.91, "Population": 673.0}, {"index": 10738, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.91, "Population": 673.0}, {"index": 10739, "quantile": 0.0, "value": 204800.0, "Latitude": 33.57, "Longitude": -117.92, "Population": 921.0}, {"index": 10739, "quantile": 0.25, "value": 499775.74999999994, "Latitude": 33.57, "Longitude": -117.92, "Population": 921.0}, {"index": 10739, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.57, "Longitude": -117.92, "Population": 921.0}, {"index": 10739, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.57, "Longitude": -117.92, "Population": 921.0}, {"index": 10739, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.57, "Longitude": -117.92, "Population": 921.0}, {"index": 10740, "quantile": 0.0, "value": 124700.00000000001, "Latitude": 33.6, "Longitude": -117.9, "Population": 906.0}, {"index": 10740, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.9, "Population": 906.0}, {"index": 10740, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.9, "Population": 906.0}, {"index": 10740, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.9, "Population": 906.0}, {"index": 10740, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.9, "Population": 906.0}, {"index": 10741, "quantile": 0.0, "value": 93800.0, "Latitude": 33.61, "Longitude": -117.92, "Population": 539.0}, {"index": 10741, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.92, "Population": 539.0}, {"index": 10741, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.92, "Population": 539.0}, {"index": 10741, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.92, "Population": 539.0}, {"index": 10741, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.92, "Population": 539.0}, {"index": 10742, "quantile": 0.0, "value": 453800.0, "Latitude": 33.61, "Longitude": -117.91, "Population": 410.0}, {"index": 10742, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.91, "Population": 410.0}, {"index": 10742, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.91, "Population": 410.0}, {"index": 10742, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.91, "Population": 410.0}, {"index": 10742, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.91, "Population": 410.0}, {"index": 10743, "quantile": 0.0, "value": 293500.0, "Latitude": 33.61, "Longitude": -117.92, "Population": 394.0}, {"index": 10743, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.92, "Population": 394.0}, {"index": 10743, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.92, "Population": 394.0}, {"index": 10743, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.92, "Population": 394.0}, {"index": 10743, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.92, "Population": 394.0}, {"index": 10744, "quantile": 0.0, "value": 411800.00000000006, "Latitude": 33.61, "Longitude": -117.92, "Population": 316.0}, {"index": 10744, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.92, "Population": 316.0}, {"index": 10744, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.92, "Population": 316.0}, {"index": 10744, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.92, "Population": 316.0}, {"index": 10744, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.92, "Population": 316.0}, {"index": 10745, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.91, "Population": 771.0}, {"index": 10745, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.91, "Population": 771.0}, {"index": 10745, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.91, "Population": 771.0}, {"index": 10745, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.91, "Population": 771.0}, {"index": 10745, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.91, "Population": 771.0}, {"index": 10746, "quantile": 0.0, "value": 136400.0, "Latitude": 33.63, "Longitude": -117.88, "Population": 3162.0}, {"index": 10746, "quantile": 0.25, "value": 345400.0, "Latitude": 33.63, "Longitude": -117.88, "Population": 3162.0}, {"index": 10746, "quantile": 0.5, "value": 345400.0, "Latitude": 33.63, "Longitude": -117.88, "Population": 3162.0}, {"index": 10746, "quantile": 0.75, "value": 350000.0, "Latitude": 33.63, "Longitude": -117.88, "Population": 3162.0}, {"index": 10746, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.88, "Population": 3162.0}, {"index": 10747, "quantile": 0.0, "value": 85400.0, "Latitude": 33.62, "Longitude": -117.89, "Population": 465.0}, {"index": 10747, "quantile": 0.25, "value": 93800.0, "Latitude": 33.62, "Longitude": -117.89, "Population": 465.0}, {"index": 10747, "quantile": 0.5, "value": 93800.0, "Latitude": 33.62, "Longitude": -117.89, "Population": 465.0}, {"index": 10747, "quantile": 0.75, "value": 198975.0, "Latitude": 33.62, "Longitude": -117.89, "Population": 465.0}, {"index": 10747, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.89, "Population": 465.0}, {"index": 10748, "quantile": 0.0, "value": 302500.0, "Latitude": 33.64, "Longitude": -117.88, "Population": 1209.0}, {"index": 10748, "quantile": 0.25, "value": 392200.0, "Latitude": 33.64, "Longitude": -117.88, "Population": 1209.0}, {"index": 10748, "quantile": 0.5, "value": 392200.0, "Latitude": 33.64, "Longitude": -117.88, "Population": 1209.0}, {"index": 10748, "quantile": 0.75, "value": 392200.0, "Latitude": 33.64, "Longitude": -117.88, "Population": 1209.0}, {"index": 10748, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.88, "Population": 1209.0}, {"index": 10749, "quantile": 0.0, "value": 345900.0, "Latitude": 33.61, "Longitude": -117.9, "Population": 860.0}, {"index": 10749, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.9, "Population": 860.0}, {"index": 10749, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.9, "Population": 860.0}, {"index": 10749, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.9, "Population": 860.0}, {"index": 10749, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.9, "Population": 860.0}, {"index": 10750, "quantile": 0.0, "value": 244899.99999999997, "Latitude": 33.61, "Longitude": -117.89, "Population": 656.0}, {"index": 10750, "quantile": 0.25, "value": 350000.0, "Latitude": 33.61, "Longitude": -117.89, "Population": 656.0}, {"index": 10750, "quantile": 0.5, "value": 350000.0, "Latitude": 33.61, "Longitude": -117.89, "Population": 656.0}, {"index": 10750, "quantile": 0.75, "value": 350000.0, "Latitude": 33.61, "Longitude": -117.89, "Population": 656.0}, {"index": 10750, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.89, "Population": 656.0}, {"index": 10751, "quantile": 0.0, "value": 397500.0, "Latitude": 33.61, "Longitude": -117.89, "Population": 540.0}, {"index": 10751, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.89, "Population": 540.0}, {"index": 10751, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.89, "Population": 540.0}, {"index": 10751, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.89, "Population": 540.0}, {"index": 10751, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.89, "Population": 540.0}, {"index": 10752, "quantile": 0.0, "value": 150300.0, "Latitude": 33.61, "Longitude": -117.89, "Population": 539.0}, {"index": 10752, "quantile": 0.25, "value": 265700.0, "Latitude": 33.61, "Longitude": -117.89, "Population": 539.0}, {"index": 10752, "quantile": 0.5, "value": 382900.0, "Latitude": 33.61, "Longitude": -117.89, "Population": 539.0}, {"index": 10752, "quantile": 0.75, "value": 442699.99999999994, "Latitude": 33.61, "Longitude": -117.89, "Population": 539.0}, {"index": 10752, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.89, "Population": 539.0}, {"index": 10753, "quantile": 0.0, "value": 183700.0, "Latitude": 33.61, "Longitude": -117.89, "Population": 745.0}, {"index": 10753, "quantile": 0.25, "value": 484600.0, "Latitude": 33.61, "Longitude": -117.89, "Population": 745.0}, {"index": 10753, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.89, "Population": 745.0}, {"index": 10753, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.89, "Population": 745.0}, {"index": 10753, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.89, "Population": 745.0}, {"index": 10754, "quantile": 0.0, "value": 275000.0, "Latitude": 33.6, "Longitude": -117.89, "Population": 498.0}, {"index": 10754, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.89, "Population": 498.0}, {"index": 10754, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.89, "Population": 498.0}, {"index": 10754, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.89, "Population": 498.0}, {"index": 10754, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.89, "Population": 498.0}, {"index": 10755, "quantile": 0.0, "value": 186600.0, "Latitude": 33.61, "Longitude": -117.89, "Population": 653.0}, {"index": 10755, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.89, "Population": 653.0}, {"index": 10755, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.89, "Population": 653.0}, {"index": 10755, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.89, "Population": 653.0}, {"index": 10755, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.89, "Population": 653.0}, {"index": 10756, "quantile": 0.0, "value": 159100.0, "Latitude": 33.61, "Longitude": -117.9, "Population": 507.0}, {"index": 10756, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.9, "Population": 507.0}, {"index": 10756, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.9, "Population": 507.0}, {"index": 10756, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.9, "Population": 507.0}, {"index": 10756, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.9, "Population": 507.0}, {"index": 10757, "quantile": 0.0, "value": 386100.0, "Latitude": 33.64, "Longitude": -117.87, "Population": 1336.0}, {"index": 10757, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.87, "Population": 1336.0}, {"index": 10757, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.87, "Population": 1336.0}, {"index": 10757, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.87, "Population": 1336.0}, {"index": 10757, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.87, "Population": 1336.0}, {"index": 10758, "quantile": 0.0, "value": 47500.0, "Latitude": 33.65, "Longitude": -117.86, "Population": 1326.0}, {"index": 10758, "quantile": 0.25, "value": 269900.0, "Latitude": 33.65, "Longitude": -117.86, "Population": 1326.0}, {"index": 10758, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.86, "Population": 1326.0}, {"index": 10758, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.86, "Population": 1326.0}, {"index": 10758, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.86, "Population": 1326.0}, {"index": 10759, "quantile": 0.0, "value": 345900.0, "Latitude": 33.63, "Longitude": -117.87, "Population": 1912.0}, {"index": 10759, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.87, "Population": 1912.0}, {"index": 10759, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.87, "Population": 1912.0}, {"index": 10759, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.87, "Population": 1912.0}, {"index": 10759, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.87, "Population": 1912.0}, {"index": 10760, "quantile": 0.0, "value": 345900.0, "Latitude": 33.62, "Longitude": -117.87, "Population": 735.0}, {"index": 10760, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.87, "Population": 735.0}, {"index": 10760, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.87, "Population": 735.0}, {"index": 10760, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.87, "Population": 735.0}, {"index": 10760, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.87, "Population": 735.0}, {"index": 10761, "quantile": 0.0, "value": 239100.0, "Latitude": 33.62, "Longitude": -117.87, "Population": 375.0}, {"index": 10761, "quantile": 0.25, "value": 462800.0, "Latitude": 33.62, "Longitude": -117.87, "Population": 375.0}, {"index": 10761, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.87, "Population": 375.0}, {"index": 10761, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.87, "Population": 375.0}, {"index": 10761, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.87, "Population": 375.0}, {"index": 10762, "quantile": 0.0, "value": 143300.0, "Latitude": 33.65, "Longitude": -117.88, "Population": 1777.0}, {"index": 10762, "quantile": 0.25, "value": 369400.0, "Latitude": 33.65, "Longitude": -117.88, "Population": 1777.0}, {"index": 10762, "quantile": 0.5, "value": 477299.99999999994, "Latitude": 33.65, "Longitude": -117.88, "Population": 1777.0}, {"index": 10762, "quantile": 0.75, "value": 477299.99999999994, "Latitude": 33.65, "Longitude": -117.88, "Population": 1777.0}, {"index": 10762, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.88, "Population": 1777.0}, {"index": 10763, "quantile": 0.0, "value": 454300.0, "Latitude": 33.63, "Longitude": -117.9, "Population": 1598.0}, {"index": 10763, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.9, "Population": 1598.0}, {"index": 10763, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.9, "Population": 1598.0}, {"index": 10763, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.9, "Population": 1598.0}, {"index": 10763, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.9, "Population": 1598.0}, {"index": 10764, "quantile": 0.0, "value": 106300.0, "Latitude": 33.63, "Longitude": -117.91, "Population": 1427.0}, {"index": 10764, "quantile": 0.25, "value": 106300.0, "Latitude": 33.63, "Longitude": -117.91, "Population": 1427.0}, {"index": 10764, "quantile": 0.5, "value": 106300.0, "Latitude": 33.63, "Longitude": -117.91, "Population": 1427.0}, {"index": 10764, "quantile": 0.75, "value": 253750.0, "Latitude": 33.63, "Longitude": -117.91, "Population": 1427.0}, {"index": 10764, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.91, "Population": 1427.0}, {"index": 10765, "quantile": 0.0, "value": 217099.99999999997, "Latitude": 33.63, "Longitude": -117.9, "Population": 1381.0}, {"index": 10765, "quantile": 0.25, "value": 287650.0, "Latitude": 33.63, "Longitude": -117.9, "Population": 1381.0}, {"index": 10765, "quantile": 0.5, "value": 359900.0, "Latitude": 33.63, "Longitude": -117.9, "Population": 1381.0}, {"index": 10765, "quantile": 0.75, "value": 395175.0, "Latitude": 33.63, "Longitude": -117.9, "Population": 1381.0}, {"index": 10765, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.9, "Population": 1381.0}, {"index": 10766, "quantile": 0.0, "value": 40000.0, "Latitude": 33.63, "Longitude": -117.9, "Population": 598.0}, {"index": 10766, "quantile": 0.25, "value": 346175.00000000006, "Latitude": 33.63, "Longitude": -117.9, "Population": 598.0}, {"index": 10766, "quantile": 0.5, "value": 455000.0, "Latitude": 33.63, "Longitude": -117.9, "Population": 598.0}, {"index": 10766, "quantile": 0.75, "value": 455000.0, "Latitude": 33.63, "Longitude": -117.9, "Population": 598.0}, {"index": 10766, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.9, "Population": 598.0}, {"index": 10767, "quantile": 0.0, "value": 204800.0, "Latitude": 33.63, "Longitude": -117.9, "Population": 832.0}, {"index": 10767, "quantile": 0.25, "value": 362050.0, "Latitude": 33.63, "Longitude": -117.9, "Population": 832.0}, {"index": 10767, "quantile": 0.5, "value": 440900.0, "Latitude": 33.63, "Longitude": -117.9, "Population": 832.0}, {"index": 10767, "quantile": 0.75, "value": 492500.0, "Latitude": 33.63, "Longitude": -117.9, "Population": 832.0}, {"index": 10767, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.9, "Population": 832.0}, {"index": 10768, "quantile": 0.0, "value": 163900.0, "Latitude": 33.66, "Longitude": -117.88, "Population": 2673.0}, {"index": 10768, "quantile": 0.25, "value": 279950.0, "Latitude": 33.66, "Longitude": -117.88, "Population": 2673.0}, {"index": 10768, "quantile": 0.5, "value": 295400.0, "Latitude": 33.66, "Longitude": -117.88, "Population": 2673.0}, {"index": 10768, "quantile": 0.75, "value": 295400.0, "Latitude": 33.66, "Longitude": -117.88, "Population": 2673.0}, {"index": 10768, "quantile": 1.0, "value": 425500.0, "Latitude": 33.66, "Longitude": -117.88, "Population": 2673.0}, {"index": 10769, "quantile": 0.0, "value": 186400.0, "Latitude": 33.66, "Longitude": -117.89, "Population": 1621.0}, {"index": 10769, "quantile": 0.25, "value": 265200.0, "Latitude": 33.66, "Longitude": -117.89, "Population": 1621.0}, {"index": 10769, "quantile": 0.5, "value": 265200.0, "Latitude": 33.66, "Longitude": -117.89, "Population": 1621.0}, {"index": 10769, "quantile": 0.75, "value": 329175.0, "Latitude": 33.66, "Longitude": -117.89, "Population": 1621.0}, {"index": 10769, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.89, "Population": 1621.0}, {"index": 10770, "quantile": 0.0, "value": 77500.0, "Latitude": 33.66, "Longitude": -117.9, "Population": 841.0}, {"index": 10770, "quantile": 0.25, "value": 146300.0, "Latitude": 33.66, "Longitude": -117.9, "Population": 841.0}, {"index": 10770, "quantile": 0.5, "value": 188600.0, "Latitude": 33.66, "Longitude": -117.9, "Population": 841.0}, {"index": 10770, "quantile": 0.75, "value": 252349.99999999997, "Latitude": 33.66, "Longitude": -117.9, "Population": 841.0}, {"index": 10770, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.9, "Population": 841.0}, {"index": 10771, "quantile": 0.0, "value": 173500.0, "Latitude": 33.65, "Longitude": -117.9, "Population": 1928.0}, {"index": 10771, "quantile": 0.25, "value": 243200.0, "Latitude": 33.65, "Longitude": -117.9, "Population": 1928.0}, {"index": 10771, "quantile": 0.5, "value": 317900.0, "Latitude": 33.65, "Longitude": -117.9, "Population": 1928.0}, {"index": 10771, "quantile": 0.75, "value": 365600.0, "Latitude": 33.65, "Longitude": -117.9, "Population": 1928.0}, {"index": 10771, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.9, "Population": 1928.0}, {"index": 10772, "quantile": 0.0, "value": 190300.0, "Latitude": 33.66, "Longitude": -117.89, "Population": 1279.0}, {"index": 10772, "quantile": 0.25, "value": 253100.0, "Latitude": 33.66, "Longitude": -117.89, "Population": 1279.0}, {"index": 10772, "quantile": 0.5, "value": 253100.0, "Latitude": 33.66, "Longitude": -117.89, "Population": 1279.0}, {"index": 10772, "quantile": 0.75, "value": 272500.0, "Latitude": 33.66, "Longitude": -117.89, "Population": 1279.0}, {"index": 10772, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.89, "Population": 1279.0}, {"index": 10773, "quantile": 0.0, "value": 285600.0, "Latitude": 33.65, "Longitude": -117.9, "Population": 1402.0}, {"index": 10773, "quantile": 0.25, "value": 441099.99999999994, "Latitude": 33.65, "Longitude": -117.9, "Population": 1402.0}, {"index": 10773, "quantile": 0.5, "value": 441099.99999999994, "Latitude": 33.65, "Longitude": -117.9, "Population": 1402.0}, {"index": 10773, "quantile": 0.75, "value": 441099.99999999994, "Latitude": 33.65, "Longitude": -117.9, "Population": 1402.0}, {"index": 10773, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.9, "Population": 1402.0}, {"index": 10774, "quantile": 0.0, "value": 203200.0, "Latitude": 33.64, "Longitude": -117.9, "Population": 1081.0}, {"index": 10774, "quantile": 0.25, "value": 281550.0, "Latitude": 33.64, "Longitude": -117.9, "Population": 1081.0}, {"index": 10774, "quantile": 0.5, "value": 339800.0, "Latitude": 33.64, "Longitude": -117.9, "Population": 1081.0}, {"index": 10774, "quantile": 0.75, "value": 339800.0, "Latitude": 33.64, "Longitude": -117.9, "Population": 1081.0}, {"index": 10774, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.9, "Population": 1081.0}, {"index": 10775, "quantile": 0.0, "value": 137200.0, "Latitude": 33.65, "Longitude": -117.9, "Population": 1108.0}, {"index": 10775, "quantile": 0.25, "value": 261800.0, "Latitude": 33.65, "Longitude": -117.9, "Population": 1108.0}, {"index": 10775, "quantile": 0.5, "value": 261800.0, "Latitude": 33.65, "Longitude": -117.9, "Population": 1108.0}, {"index": 10775, "quantile": 0.75, "value": 261800.0, "Latitude": 33.65, "Longitude": -117.9, "Population": 1108.0}, {"index": 10775, "quantile": 1.0, "value": 463800.0, "Latitude": 33.65, "Longitude": -117.9, "Population": 1108.0}, {"index": 10776, "quantile": 0.0, "value": 144300.0, "Latitude": 33.65, "Longitude": -117.9, "Population": 1131.0}, {"index": 10776, "quantile": 0.25, "value": 245600.0, "Latitude": 33.65, "Longitude": -117.9, "Population": 1131.0}, {"index": 10776, "quantile": 0.5, "value": 272300.0, "Latitude": 33.65, "Longitude": -117.9, "Population": 1131.0}, {"index": 10776, "quantile": 0.75, "value": 272300.0, "Latitude": 33.65, "Longitude": -117.9, "Population": 1131.0}, {"index": 10776, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.9, "Population": 1131.0}, {"index": 10777, "quantile": 0.0, "value": 112500.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 590.0}, {"index": 10777, "quantile": 0.25, "value": 162500.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 590.0}, {"index": 10777, "quantile": 0.5, "value": 235050.00000000003, "Latitude": 33.65, "Longitude": -117.91, "Population": 590.0}, {"index": 10777, "quantile": 0.75, "value": 350000.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 590.0}, {"index": 10777, "quantile": 1.0, "value": 414700.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 590.0}, {"index": 10778, "quantile": 0.0, "value": 161000.0, "Latitude": 33.65, "Longitude": -117.9, "Population": 771.0}, {"index": 10778, "quantile": 0.25, "value": 237400.0, "Latitude": 33.65, "Longitude": -117.9, "Population": 771.0}, {"index": 10778, "quantile": 0.5, "value": 284100.0, "Latitude": 33.65, "Longitude": -117.9, "Population": 771.0}, {"index": 10778, "quantile": 0.75, "value": 284100.0, "Latitude": 33.65, "Longitude": -117.9, "Population": 771.0}, {"index": 10778, "quantile": 1.0, "value": 474300.00000000006, "Latitude": 33.65, "Longitude": -117.9, "Population": 771.0}, {"index": 10779, "quantile": 0.0, "value": 67500.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 762.0}, {"index": 10779, "quantile": 0.25, "value": 181300.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 762.0}, {"index": 10779, "quantile": 0.5, "value": 276800.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 762.0}, {"index": 10779, "quantile": 0.75, "value": 276800.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 762.0}, {"index": 10779, "quantile": 1.0, "value": 450000.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 762.0}, {"index": 10780, "quantile": 0.0, "value": 163900.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 1030.0}, {"index": 10780, "quantile": 0.25, "value": 268400.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 1030.0}, {"index": 10780, "quantile": 0.5, "value": 268400.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 1030.0}, {"index": 10780, "quantile": 0.75, "value": 268400.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 1030.0}, {"index": 10780, "quantile": 1.0, "value": 387800.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 1030.0}, {"index": 10781, "quantile": 0.0, "value": 183800.0, "Latitude": 33.64, "Longitude": -117.9, "Population": 850.0}, {"index": 10781, "quantile": 0.25, "value": 310900.0, "Latitude": 33.64, "Longitude": -117.9, "Population": 850.0}, {"index": 10781, "quantile": 0.5, "value": 310900.0, "Latitude": 33.64, "Longitude": -117.9, "Population": 850.0}, {"index": 10781, "quantile": 0.75, "value": 310900.0, "Latitude": 33.64, "Longitude": -117.9, "Population": 850.0}, {"index": 10781, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.9, "Population": 850.0}, {"index": 10782, "quantile": 0.0, "value": 169500.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 832.0}, {"index": 10782, "quantile": 0.25, "value": 325400.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 832.0}, {"index": 10782, "quantile": 0.5, "value": 325400.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 832.0}, {"index": 10782, "quantile": 0.75, "value": 325400.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 832.0}, {"index": 10782, "quantile": 1.0, "value": 353100.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 832.0}, {"index": 10783, "quantile": 0.0, "value": 88800.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 876.0}, {"index": 10783, "quantile": 0.25, "value": 208325.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 876.0}, {"index": 10783, "quantile": 0.5, "value": 230600.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 876.0}, {"index": 10783, "quantile": 0.75, "value": 259625.00000000003, "Latitude": 33.64, "Longitude": -117.91, "Population": 876.0}, {"index": 10783, "quantile": 1.0, "value": 487500.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 876.0}, {"index": 10784, "quantile": 0.0, "value": 45000.0, "Latitude": 33.63, "Longitude": -117.91, "Population": 946.0}, {"index": 10784, "quantile": 0.25, "value": 172250.0, "Latitude": 33.63, "Longitude": -117.91, "Population": 946.0}, {"index": 10784, "quantile": 0.5, "value": 207200.0, "Latitude": 33.63, "Longitude": -117.91, "Population": 946.0}, {"index": 10784, "quantile": 0.75, "value": 272000.0, "Latitude": 33.63, "Longitude": -117.91, "Population": 946.0}, {"index": 10784, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.91, "Population": 946.0}, {"index": 10785, "quantile": 0.0, "value": 186400.0, "Latitude": 33.63, "Longitude": -117.92, "Population": 1131.0}, {"index": 10785, "quantile": 0.25, "value": 317900.0, "Latitude": 33.63, "Longitude": -117.92, "Population": 1131.0}, {"index": 10785, "quantile": 0.5, "value": 317900.0, "Latitude": 33.63, "Longitude": -117.92, "Population": 1131.0}, {"index": 10785, "quantile": 0.75, "value": 317900.0, "Latitude": 33.63, "Longitude": -117.92, "Population": 1131.0}, {"index": 10785, "quantile": 1.0, "value": 471300.0, "Latitude": 33.63, "Longitude": -117.92, "Population": 1131.0}, {"index": 10786, "quantile": 0.0, "value": 178600.0, "Latitude": 33.63, "Longitude": -117.91, "Population": 1081.0}, {"index": 10786, "quantile": 0.25, "value": 266100.0, "Latitude": 33.63, "Longitude": -117.91, "Population": 1081.0}, {"index": 10786, "quantile": 0.5, "value": 335700.0, "Latitude": 33.63, "Longitude": -117.91, "Population": 1081.0}, {"index": 10786, "quantile": 0.75, "value": 335700.0, "Latitude": 33.63, "Longitude": -117.91, "Population": 1081.0}, {"index": 10786, "quantile": 1.0, "value": 353100.0, "Latitude": 33.63, "Longitude": -117.91, "Population": 1081.0}, {"index": 10787, "quantile": 0.0, "value": 93800.0, "Latitude": 33.64, "Longitude": -117.92, "Population": 985.0}, {"index": 10787, "quantile": 0.25, "value": 268800.0, "Latitude": 33.64, "Longitude": -117.92, "Population": 985.0}, {"index": 10787, "quantile": 0.5, "value": 268800.0, "Latitude": 33.64, "Longitude": -117.92, "Population": 985.0}, {"index": 10787, "quantile": 0.75, "value": 268800.0, "Latitude": 33.64, "Longitude": -117.92, "Population": 985.0}, {"index": 10787, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.92, "Population": 985.0}, {"index": 10788, "quantile": 0.0, "value": 81100.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 1067.0}, {"index": 10788, "quantile": 0.25, "value": 307600.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 1067.0}, {"index": 10788, "quantile": 0.5, "value": 307600.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 1067.0}, {"index": 10788, "quantile": 0.75, "value": 307600.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 1067.0}, {"index": 10788, "quantile": 1.0, "value": 456200.0, "Latitude": 33.64, "Longitude": -117.91, "Population": 1067.0}, {"index": 10789, "quantile": 0.0, "value": 40000.0, "Latitude": 33.63, "Longitude": -117.92, "Population": 696.0}, {"index": 10789, "quantile": 0.25, "value": 236400.0, "Latitude": 33.63, "Longitude": -117.92, "Population": 696.0}, {"index": 10789, "quantile": 0.5, "value": 236400.0, "Latitude": 33.63, "Longitude": -117.92, "Population": 696.0}, {"index": 10789, "quantile": 0.75, "value": 275950.0, "Latitude": 33.63, "Longitude": -117.92, "Population": 696.0}, {"index": 10789, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.92, "Population": 696.0}, {"index": 10790, "quantile": 0.0, "value": 112500.0, "Latitude": 33.63, "Longitude": -117.91, "Population": 557.0}, {"index": 10790, "quantile": 0.25, "value": 195950.0, "Latitude": 33.63, "Longitude": -117.91, "Population": 557.0}, {"index": 10790, "quantile": 0.5, "value": 216900.0, "Latitude": 33.63, "Longitude": -117.91, "Population": 557.0}, {"index": 10790, "quantile": 0.75, "value": 245074.99999999997, "Latitude": 33.63, "Longitude": -117.91, "Population": 557.0}, {"index": 10790, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.91, "Population": 557.0}, {"index": 10791, "quantile": 0.0, "value": 186400.0, "Latitude": 33.62, "Longitude": -117.92, "Population": 837.0}, {"index": 10791, "quantile": 0.25, "value": 459150.0, "Latitude": 33.62, "Longitude": -117.92, "Population": 837.0}, {"index": 10791, "quantile": 0.5, "value": 471300.0, "Latitude": 33.62, "Longitude": -117.92, "Population": 837.0}, {"index": 10791, "quantile": 0.75, "value": 471300.0, "Latitude": 33.62, "Longitude": -117.92, "Population": 837.0}, {"index": 10791, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.92, "Population": 837.0}, {"index": 10792, "quantile": 0.0, "value": 263700.0, "Latitude": 33.63, "Longitude": -117.92, "Population": 553.0}, {"index": 10792, "quantile": 0.25, "value": 385050.0, "Latitude": 33.63, "Longitude": -117.92, "Population": 553.0}, {"index": 10792, "quantile": 0.5, "value": 490800.00000000006, "Latitude": 33.63, "Longitude": -117.92, "Population": 553.0}, {"index": 10792, "quantile": 0.75, "value": 490800.00000000006, "Latitude": 33.63, "Longitude": -117.92, "Population": 553.0}, {"index": 10792, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.92, "Population": 553.0}, {"index": 10793, "quantile": 0.0, "value": 273100.0, "Latitude": 33.62, "Longitude": -117.92, "Population": 727.0}, {"index": 10793, "quantile": 0.25, "value": 458500.0, "Latitude": 33.62, "Longitude": -117.92, "Population": 727.0}, {"index": 10793, "quantile": 0.5, "value": 458500.0, "Latitude": 33.62, "Longitude": -117.92, "Population": 727.0}, {"index": 10793, "quantile": 0.75, "value": 458500.0, "Latitude": 33.62, "Longitude": -117.92, "Population": 727.0}, {"index": 10793, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.92, "Population": 727.0}, {"index": 10794, "quantile": 0.0, "value": 153800.0, "Latitude": 33.61, "Longitude": -117.91, "Population": 435.0}, {"index": 10794, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.91, "Population": 435.0}, {"index": 10794, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.91, "Population": 435.0}, {"index": 10794, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.91, "Population": 435.0}, {"index": 10794, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.91, "Population": 435.0}, {"index": 10795, "quantile": 0.0, "value": 172800.0, "Latitude": 33.62, "Longitude": -117.91, "Population": 944.0}, {"index": 10795, "quantile": 0.25, "value": 245600.0, "Latitude": 33.62, "Longitude": -117.91, "Population": 944.0}, {"index": 10795, "quantile": 0.5, "value": 291450.0, "Latitude": 33.62, "Longitude": -117.91, "Population": 944.0}, {"index": 10795, "quantile": 0.75, "value": 346800.0, "Latitude": 33.62, "Longitude": -117.91, "Population": 944.0}, {"index": 10795, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.91, "Population": 944.0}, {"index": 10796, "quantile": 0.0, "value": 239100.0, "Latitude": 33.62, "Longitude": -117.91, "Population": 937.0}, {"index": 10796, "quantile": 0.25, "value": 478875.0, "Latitude": 33.62, "Longitude": -117.91, "Population": 937.0}, {"index": 10796, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.91, "Population": 937.0}, {"index": 10796, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.91, "Population": 937.0}, {"index": 10796, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.91, "Population": 937.0}, {"index": 10797, "quantile": 0.0, "value": 137200.0, "Latitude": 33.61, "Longitude": -117.92, "Population": 425.0}, {"index": 10797, "quantile": 0.25, "value": 312500.0, "Latitude": 33.61, "Longitude": -117.92, "Population": 425.0}, {"index": 10797, "quantile": 0.5, "value": 312500.0, "Latitude": 33.61, "Longitude": -117.92, "Population": 425.0}, {"index": 10797, "quantile": 0.75, "value": 312500.0, "Latitude": 33.61, "Longitude": -117.92, "Population": 425.0}, {"index": 10797, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.92, "Population": 425.0}, {"index": 10798, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 33.62, "Longitude": -117.93, "Population": 859.0}, {"index": 10798, "quantile": 0.25, "value": 236500.00000000003, "Latitude": 33.62, "Longitude": -117.93, "Population": 859.0}, {"index": 10798, "quantile": 0.5, "value": 278200.0, "Latitude": 33.62, "Longitude": -117.93, "Population": 859.0}, {"index": 10798, "quantile": 0.75, "value": 353100.0, "Latitude": 33.62, "Longitude": -117.93, "Population": 859.0}, {"index": 10798, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.93, "Population": 859.0}, {"index": 10799, "quantile": 0.0, "value": 216600.0, "Latitude": 33.62, "Longitude": -117.93, "Population": 1052.0}, {"index": 10799, "quantile": 0.25, "value": 484600.0, "Latitude": 33.62, "Longitude": -117.93, "Population": 1052.0}, {"index": 10799, "quantile": 0.5, "value": 484600.0, "Latitude": 33.62, "Longitude": -117.93, "Population": 1052.0}, {"index": 10799, "quantile": 0.75, "value": 484600.0, "Latitude": 33.62, "Longitude": -117.93, "Population": 1052.0}, {"index": 10799, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.93, "Population": 1052.0}, {"index": 10800, "quantile": 0.0, "value": 295500.0, "Latitude": 33.62, "Longitude": -117.94, "Population": 832.0}, {"index": 10800, "quantile": 0.25, "value": 439100.0, "Latitude": 33.62, "Longitude": -117.94, "Population": 832.0}, {"index": 10800, "quantile": 0.5, "value": 439100.0, "Latitude": 33.62, "Longitude": -117.94, "Population": 832.0}, {"index": 10800, "quantile": 0.75, "value": 439100.0, "Latitude": 33.62, "Longitude": -117.94, "Population": 832.0}, {"index": 10800, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.94, "Population": 832.0}, {"index": 10801, "quantile": 0.0, "value": 252999.99999999997, "Latitude": 33.63, "Longitude": -117.95, "Population": 463.0}, {"index": 10801, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.95, "Population": 463.0}, {"index": 10801, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.95, "Population": 463.0}, {"index": 10801, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.95, "Population": 463.0}, {"index": 10801, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.95, "Population": 463.0}, {"index": 10802, "quantile": 0.0, "value": 254100.0, "Latitude": 33.6, "Longitude": -117.96, "Population": 384.0}, {"index": 10802, "quantile": 0.25, "value": 471400.00000000006, "Latitude": 33.6, "Longitude": -117.96, "Population": 384.0}, {"index": 10802, "quantile": 0.5, "value": 471400.00000000006, "Latitude": 33.6, "Longitude": -117.96, "Population": 384.0}, {"index": 10802, "quantile": 0.75, "value": 471400.00000000006, "Latitude": 33.6, "Longitude": -117.96, "Population": 384.0}, {"index": 10802, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.96, "Population": 384.0}, {"index": 10803, "quantile": 0.0, "value": 90800.0, "Latitude": 33.61, "Longitude": -117.93, "Population": 791.0}, {"index": 10803, "quantile": 0.25, "value": 300750.0, "Latitude": 33.61, "Longitude": -117.93, "Population": 791.0}, {"index": 10803, "quantile": 0.5, "value": 366700.0, "Latitude": 33.61, "Longitude": -117.93, "Population": 791.0}, {"index": 10803, "quantile": 0.75, "value": 366700.0, "Latitude": 33.61, "Longitude": -117.93, "Population": 791.0}, {"index": 10803, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.93, "Population": 791.0}, {"index": 10804, "quantile": 0.0, "value": 293500.0, "Latitude": 33.62, "Longitude": -117.93, "Population": 807.0}, {"index": 10804, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.93, "Population": 807.0}, {"index": 10804, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.93, "Population": 807.0}, {"index": 10804, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.93, "Population": 807.0}, {"index": 10804, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.93, "Population": 807.0}, {"index": 10805, "quantile": 0.0, "value": 112500.0, "Latitude": 33.62, "Longitude": -117.94, "Population": 569.0}, {"index": 10805, "quantile": 0.25, "value": 215375.0, "Latitude": 33.62, "Longitude": -117.94, "Population": 569.0}, {"index": 10805, "quantile": 0.5, "value": 223800.0, "Latitude": 33.62, "Longitude": -117.94, "Population": 569.0}, {"index": 10805, "quantile": 0.75, "value": 301400.0, "Latitude": 33.62, "Longitude": -117.94, "Population": 569.0}, {"index": 10805, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -117.94, "Population": 569.0}, {"index": 10806, "quantile": 0.0, "value": 222100.0, "Latitude": 33.65, "Longitude": -117.94, "Population": 2327.0}, {"index": 10806, "quantile": 0.25, "value": 222100.0, "Latitude": 33.65, "Longitude": -117.94, "Population": 2327.0}, {"index": 10806, "quantile": 0.5, "value": 222100.0, "Latitude": 33.65, "Longitude": -117.94, "Population": 2327.0}, {"index": 10806, "quantile": 0.75, "value": 286700.0, "Latitude": 33.65, "Longitude": -117.94, "Population": 2327.0}, {"index": 10806, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.94, "Population": 2327.0}, {"index": 10807, "quantile": 0.0, "value": 162200.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1473.0}, {"index": 10807, "quantile": 0.25, "value": 191400.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1473.0}, {"index": 10807, "quantile": 0.5, "value": 215200.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1473.0}, {"index": 10807, "quantile": 0.75, "value": 215200.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1473.0}, {"index": 10807, "quantile": 1.0, "value": 304700.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1473.0}, {"index": 10808, "quantile": 0.0, "value": 146900.0, "Latitude": 33.64, "Longitude": -117.93, "Population": 1252.0}, {"index": 10808, "quantile": 0.25, "value": 185400.0, "Latitude": 33.64, "Longitude": -117.93, "Population": 1252.0}, {"index": 10808, "quantile": 0.5, "value": 185400.0, "Latitude": 33.64, "Longitude": -117.93, "Population": 1252.0}, {"index": 10808, "quantile": 0.75, "value": 185400.0, "Latitude": 33.64, "Longitude": -117.93, "Population": 1252.0}, {"index": 10808, "quantile": 1.0, "value": 450000.0, "Latitude": 33.64, "Longitude": -117.93, "Population": 1252.0}, {"index": 10809, "quantile": 0.0, "value": 67500.0, "Latitude": 33.64, "Longitude": -117.94, "Population": 871.0}, {"index": 10809, "quantile": 0.25, "value": 272000.0, "Latitude": 33.64, "Longitude": -117.94, "Population": 871.0}, {"index": 10809, "quantile": 0.5, "value": 272000.0, "Latitude": 33.64, "Longitude": -117.94, "Population": 871.0}, {"index": 10809, "quantile": 0.75, "value": 272000.0, "Latitude": 33.64, "Longitude": -117.94, "Population": 871.0}, {"index": 10809, "quantile": 1.0, "value": 450000.0, "Latitude": 33.64, "Longitude": -117.94, "Population": 871.0}, {"index": 10810, "quantile": 0.0, "value": 138500.0, "Latitude": 33.64, "Longitude": -117.93, "Population": 1478.0}, {"index": 10810, "quantile": 0.25, "value": 192900.0, "Latitude": 33.64, "Longitude": -117.93, "Population": 1478.0}, {"index": 10810, "quantile": 0.5, "value": 192900.0, "Latitude": 33.64, "Longitude": -117.93, "Population": 1478.0}, {"index": 10810, "quantile": 0.75, "value": 192900.0, "Latitude": 33.64, "Longitude": -117.93, "Population": 1478.0}, {"index": 10810, "quantile": 1.0, "value": 305800.0, "Latitude": 33.64, "Longitude": -117.93, "Population": 1478.0}, {"index": 10811, "quantile": 0.0, "value": 145700.0, "Latitude": 33.64, "Longitude": -117.92, "Population": 1623.0}, {"index": 10811, "quantile": 0.25, "value": 188700.0, "Latitude": 33.64, "Longitude": -117.92, "Population": 1623.0}, {"index": 10811, "quantile": 0.5, "value": 188700.0, "Latitude": 33.64, "Longitude": -117.92, "Population": 1623.0}, {"index": 10811, "quantile": 0.75, "value": 201724.99999999997, "Latitude": 33.64, "Longitude": -117.92, "Population": 1623.0}, {"index": 10811, "quantile": 1.0, "value": 450000.0, "Latitude": 33.64, "Longitude": -117.92, "Population": 1623.0}, {"index": 10812, "quantile": 0.0, "value": 46900.0, "Latitude": 33.64, "Longitude": -117.94, "Population": 470.0}, {"index": 10812, "quantile": 0.25, "value": 200000.0, "Latitude": 33.64, "Longitude": -117.94, "Population": 470.0}, {"index": 10812, "quantile": 0.5, "value": 225000.0, "Latitude": 33.64, "Longitude": -117.94, "Population": 470.0}, {"index": 10812, "quantile": 0.75, "value": 225000.0, "Latitude": 33.64, "Longitude": -117.94, "Population": 470.0}, {"index": 10812, "quantile": 1.0, "value": 450000.0, "Latitude": 33.64, "Longitude": -117.94, "Population": 470.0}, {"index": 10813, "quantile": 0.0, "value": 137500.0, "Latitude": 33.64, "Longitude": -117.93, "Population": 1335.0}, {"index": 10813, "quantile": 0.25, "value": 177800.0, "Latitude": 33.64, "Longitude": -117.93, "Population": 1335.0}, {"index": 10813, "quantile": 0.5, "value": 177800.0, "Latitude": 33.64, "Longitude": -117.93, "Population": 1335.0}, {"index": 10813, "quantile": 0.75, "value": 186225.0, "Latitude": 33.64, "Longitude": -117.93, "Population": 1335.0}, {"index": 10813, "quantile": 1.0, "value": 450000.0, "Latitude": 33.64, "Longitude": -117.93, "Population": 1335.0}, {"index": 10814, "quantile": 0.0, "value": 190300.0, "Latitude": 33.63, "Longitude": -117.95, "Population": 1082.0}, {"index": 10814, "quantile": 0.25, "value": 288325.0, "Latitude": 33.63, "Longitude": -117.95, "Population": 1082.0}, {"index": 10814, "quantile": 0.5, "value": 382100.0, "Latitude": 33.63, "Longitude": -117.95, "Population": 1082.0}, {"index": 10814, "quantile": 0.75, "value": 472700.00000000006, "Latitude": 33.63, "Longitude": -117.95, "Population": 1082.0}, {"index": 10814, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.95, "Population": 1082.0}, {"index": 10815, "quantile": 0.0, "value": 115700.0, "Latitude": 33.63, "Longitude": -117.95, "Population": 513.0}, {"index": 10815, "quantile": 0.25, "value": 381500.0, "Latitude": 33.63, "Longitude": -117.95, "Population": 513.0}, {"index": 10815, "quantile": 0.5, "value": 381500.0, "Latitude": 33.63, "Longitude": -117.95, "Population": 513.0}, {"index": 10815, "quantile": 0.75, "value": 381500.0, "Latitude": 33.63, "Longitude": -117.95, "Population": 513.0}, {"index": 10815, "quantile": 1.0, "value": 440100.0, "Latitude": 33.63, "Longitude": -117.95, "Population": 513.0}, {"index": 10816, "quantile": 0.0, "value": 138500.0, "Latitude": 33.63, "Longitude": -117.93, "Population": 1332.0}, {"index": 10816, "quantile": 0.25, "value": 226300.0, "Latitude": 33.63, "Longitude": -117.93, "Population": 1332.0}, {"index": 10816, "quantile": 0.5, "value": 226300.0, "Latitude": 33.63, "Longitude": -117.93, "Population": 1332.0}, {"index": 10816, "quantile": 0.75, "value": 226300.0, "Latitude": 33.63, "Longitude": -117.93, "Population": 1332.0}, {"index": 10816, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 33.63, "Longitude": -117.93, "Population": 1332.0}, {"index": 10817, "quantile": 0.0, "value": 106300.0, "Latitude": 33.63, "Longitude": -117.95, "Population": 2688.0}, {"index": 10817, "quantile": 0.25, "value": 214775.00000000003, "Latitude": 33.63, "Longitude": -117.95, "Population": 2688.0}, {"index": 10817, "quantile": 0.5, "value": 294650.0, "Latitude": 33.63, "Longitude": -117.95, "Population": 2688.0}, {"index": 10817, "quantile": 0.75, "value": 417600.0, "Latitude": 33.63, "Longitude": -117.95, "Population": 2688.0}, {"index": 10817, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.95, "Population": 2688.0}, {"index": 10818, "quantile": 0.0, "value": 113599.99999999999, "Latitude": 33.65, "Longitude": -117.91, "Population": 1118.0}, {"index": 10818, "quantile": 0.25, "value": 213400.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 1118.0}, {"index": 10818, "quantile": 0.5, "value": 213400.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 1118.0}, {"index": 10818, "quantile": 0.75, "value": 213400.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 1118.0}, {"index": 10818, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.91, "Population": 1118.0}, {"index": 10819, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.64, "Longitude": -117.92, "Population": 497.0}, {"index": 10819, "quantile": 0.25, "value": 196550.0, "Latitude": 33.64, "Longitude": -117.92, "Population": 497.0}, {"index": 10819, "quantile": 0.5, "value": 225000.0, "Latitude": 33.64, "Longitude": -117.92, "Population": 497.0}, {"index": 10819, "quantile": 0.75, "value": 225000.0, "Latitude": 33.64, "Longitude": -117.92, "Population": 497.0}, {"index": 10819, "quantile": 1.0, "value": 350000.0, "Latitude": 33.64, "Longitude": -117.92, "Population": 497.0}, {"index": 10820, "quantile": 0.0, "value": 65000.0, "Latitude": 33.65, "Longitude": -117.92, "Population": 1330.0}, {"index": 10820, "quantile": 0.25, "value": 178675.0, "Latitude": 33.65, "Longitude": -117.92, "Population": 1330.0}, {"index": 10820, "quantile": 0.5, "value": 213000.0, "Latitude": 33.65, "Longitude": -117.92, "Population": 1330.0}, {"index": 10820, "quantile": 0.75, "value": 225000.0, "Latitude": 33.65, "Longitude": -117.92, "Population": 1330.0}, {"index": 10820, "quantile": 1.0, "value": 450000.0, "Latitude": 33.65, "Longitude": -117.92, "Population": 1330.0}, {"index": 10821, "quantile": 0.0, "value": 95600.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1198.0}, {"index": 10821, "quantile": 0.25, "value": 199875.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1198.0}, {"index": 10821, "quantile": 0.5, "value": 225000.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1198.0}, {"index": 10821, "quantile": 0.75, "value": 225000.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1198.0}, {"index": 10821, "quantile": 1.0, "value": 287500.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1198.0}, {"index": 10822, "quantile": 0.0, "value": 71300.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 814.0}, {"index": 10822, "quantile": 0.25, "value": 174175.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 814.0}, {"index": 10822, "quantile": 0.5, "value": 200000.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 814.0}, {"index": 10822, "quantile": 0.75, "value": 225400.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 814.0}, {"index": 10822, "quantile": 1.0, "value": 350000.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 814.0}, {"index": 10823, "quantile": 0.0, "value": 46900.0, "Latitude": 33.65, "Longitude": -117.92, "Population": 807.0}, {"index": 10823, "quantile": 0.25, "value": 187500.0, "Latitude": 33.65, "Longitude": -117.92, "Population": 807.0}, {"index": 10823, "quantile": 0.5, "value": 225400.0, "Latitude": 33.65, "Longitude": -117.92, "Population": 807.0}, {"index": 10823, "quantile": 0.75, "value": 225400.0, "Latitude": 33.65, "Longitude": -117.92, "Population": 807.0}, {"index": 10823, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.92, "Population": 807.0}, {"index": 10824, "quantile": 0.0, "value": 112500.0, "Latitude": 33.65, "Longitude": -117.92, "Population": 1314.0}, {"index": 10824, "quantile": 0.25, "value": 211500.00000000003, "Latitude": 33.65, "Longitude": -117.92, "Population": 1314.0}, {"index": 10824, "quantile": 0.5, "value": 211500.00000000003, "Latitude": 33.65, "Longitude": -117.92, "Population": 1314.0}, {"index": 10824, "quantile": 0.75, "value": 211500.00000000003, "Latitude": 33.65, "Longitude": -117.92, "Population": 1314.0}, {"index": 10824, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.92, "Population": 1314.0}, {"index": 10825, "quantile": 0.0, "value": 100000.0, "Latitude": 33.65, "Longitude": -117.92, "Population": 856.0}, {"index": 10825, "quantile": 0.25, "value": 220000.00000000003, "Latitude": 33.65, "Longitude": -117.92, "Population": 856.0}, {"index": 10825, "quantile": 0.5, "value": 220000.00000000003, "Latitude": 33.65, "Longitude": -117.92, "Population": 856.0}, {"index": 10825, "quantile": 0.75, "value": 220000.00000000003, "Latitude": 33.65, "Longitude": -117.92, "Population": 856.0}, {"index": 10825, "quantile": 1.0, "value": 320800.0, "Latitude": 33.65, "Longitude": -117.92, "Population": 856.0}, {"index": 10826, "quantile": 0.0, "value": 112500.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1063.0}, {"index": 10826, "quantile": 0.25, "value": 177725.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1063.0}, {"index": 10826, "quantile": 0.5, "value": 188700.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1063.0}, {"index": 10826, "quantile": 0.75, "value": 216549.99999999997, "Latitude": 33.65, "Longitude": -117.93, "Population": 1063.0}, {"index": 10826, "quantile": 1.0, "value": 450000.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1063.0}, {"index": 10827, "quantile": 0.0, "value": 205300.0, "Latitude": 33.68, "Longitude": -117.92, "Population": 1397.0}, {"index": 10827, "quantile": 0.25, "value": 244600.00000000003, "Latitude": 33.68, "Longitude": -117.92, "Population": 1397.0}, {"index": 10827, "quantile": 0.5, "value": 244600.00000000003, "Latitude": 33.68, "Longitude": -117.92, "Population": 1397.0}, {"index": 10827, "quantile": 0.75, "value": 245125.0, "Latitude": 33.68, "Longitude": -117.92, "Population": 1397.0}, {"index": 10827, "quantile": 1.0, "value": 387800.0, "Latitude": 33.68, "Longitude": -117.92, "Population": 1397.0}, {"index": 10828, "quantile": 0.0, "value": 320300.0, "Latitude": 33.67, "Longitude": -117.93, "Population": 1391.0}, {"index": 10828, "quantile": 0.25, "value": 336500.0, "Latitude": 33.67, "Longitude": -117.93, "Population": 1391.0}, {"index": 10828, "quantile": 0.5, "value": 336500.0, "Latitude": 33.67, "Longitude": -117.93, "Population": 1391.0}, {"index": 10828, "quantile": 0.75, "value": 375525.0, "Latitude": 33.67, "Longitude": -117.93, "Population": 1391.0}, {"index": 10828, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.93, "Population": 1391.0}, {"index": 10829, "quantile": 0.0, "value": 224100.0, "Latitude": 33.67, "Longitude": -117.94, "Population": 925.0}, {"index": 10829, "quantile": 0.25, "value": 367000.0, "Latitude": 33.67, "Longitude": -117.94, "Population": 925.0}, {"index": 10829, "quantile": 0.5, "value": 367000.0, "Latitude": 33.67, "Longitude": -117.94, "Population": 925.0}, {"index": 10829, "quantile": 0.75, "value": 372400.0, "Latitude": 33.67, "Longitude": -117.94, "Population": 925.0}, {"index": 10829, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.94, "Population": 925.0}, {"index": 10830, "quantile": 0.0, "value": 190300.0, "Latitude": 33.66, "Longitude": -117.94, "Population": 963.0}, {"index": 10830, "quantile": 0.25, "value": 224100.0, "Latitude": 33.66, "Longitude": -117.94, "Population": 963.0}, {"index": 10830, "quantile": 0.5, "value": 224100.0, "Latitude": 33.66, "Longitude": -117.94, "Population": 963.0}, {"index": 10830, "quantile": 0.75, "value": 224100.0, "Latitude": 33.66, "Longitude": -117.94, "Population": 963.0}, {"index": 10830, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.94, "Population": 963.0}, {"index": 10831, "quantile": 0.0, "value": 175000.0, "Latitude": 33.65, "Longitude": -117.94, "Population": 1015.0}, {"index": 10831, "quantile": 0.25, "value": 209700.0, "Latitude": 33.65, "Longitude": -117.94, "Population": 1015.0}, {"index": 10831, "quantile": 0.5, "value": 209700.0, "Latitude": 33.65, "Longitude": -117.94, "Population": 1015.0}, {"index": 10831, "quantile": 0.75, "value": 209700.0, "Latitude": 33.65, "Longitude": -117.94, "Population": 1015.0}, {"index": 10831, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.94, "Population": 1015.0}, {"index": 10832, "quantile": 0.0, "value": 149500.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1559.0}, {"index": 10832, "quantile": 0.25, "value": 179700.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1559.0}, {"index": 10832, "quantile": 0.5, "value": 184400.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1559.0}, {"index": 10832, "quantile": 0.75, "value": 208350.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1559.0}, {"index": 10832, "quantile": 1.0, "value": 326700.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 1559.0}, {"index": 10833, "quantile": 0.0, "value": 165500.0, "Latitude": 33.69, "Longitude": -117.93, "Population": 1156.0}, {"index": 10833, "quantile": 0.25, "value": 263800.0, "Latitude": 33.69, "Longitude": -117.93, "Population": 1156.0}, {"index": 10833, "quantile": 0.5, "value": 263800.0, "Latitude": 33.69, "Longitude": -117.93, "Population": 1156.0}, {"index": 10833, "quantile": 0.75, "value": 264125.0, "Latitude": 33.69, "Longitude": -117.93, "Population": 1156.0}, {"index": 10833, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -117.93, "Population": 1156.0}, {"index": 10834, "quantile": 0.0, "value": 195900.0, "Latitude": 33.69, "Longitude": -117.93, "Population": 1258.0}, {"index": 10834, "quantile": 0.25, "value": 261000.0, "Latitude": 33.69, "Longitude": -117.93, "Population": 1258.0}, {"index": 10834, "quantile": 0.5, "value": 261000.0, "Latitude": 33.69, "Longitude": -117.93, "Population": 1258.0}, {"index": 10834, "quantile": 0.75, "value": 316625.0, "Latitude": 33.69, "Longitude": -117.93, "Population": 1258.0}, {"index": 10834, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -117.93, "Population": 1258.0}, {"index": 10835, "quantile": 0.0, "value": 144300.0, "Latitude": 33.68, "Longitude": -117.92, "Population": 1024.0}, {"index": 10835, "quantile": 0.25, "value": 245600.0, "Latitude": 33.68, "Longitude": -117.92, "Population": 1024.0}, {"index": 10835, "quantile": 0.5, "value": 245600.0, "Latitude": 33.68, "Longitude": -117.92, "Population": 1024.0}, {"index": 10835, "quantile": 0.75, "value": 245600.0, "Latitude": 33.68, "Longitude": -117.92, "Population": 1024.0}, {"index": 10835, "quantile": 1.0, "value": 388900.0, "Latitude": 33.68, "Longitude": -117.92, "Population": 1024.0}, {"index": 10836, "quantile": 0.0, "value": 146200.0, "Latitude": 33.68, "Longitude": -117.93, "Population": 1197.0}, {"index": 10836, "quantile": 0.25, "value": 264200.0, "Latitude": 33.68, "Longitude": -117.93, "Population": 1197.0}, {"index": 10836, "quantile": 0.5, "value": 264200.0, "Latitude": 33.68, "Longitude": -117.93, "Population": 1197.0}, {"index": 10836, "quantile": 0.75, "value": 264200.0, "Latitude": 33.68, "Longitude": -117.93, "Population": 1197.0}, {"index": 10836, "quantile": 1.0, "value": 387800.0, "Latitude": 33.68, "Longitude": -117.93, "Population": 1197.0}, {"index": 10837, "quantile": 0.0, "value": 229700.00000000003, "Latitude": 33.68, "Longitude": -117.94, "Population": 1504.0}, {"index": 10837, "quantile": 0.25, "value": 302700.0, "Latitude": 33.68, "Longitude": -117.94, "Population": 1504.0}, {"index": 10837, "quantile": 0.5, "value": 340599.99999999994, "Latitude": 33.68, "Longitude": -117.94, "Population": 1504.0}, {"index": 10837, "quantile": 0.75, "value": 382550.0, "Latitude": 33.68, "Longitude": -117.94, "Population": 1504.0}, {"index": 10837, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.68, "Longitude": -117.94, "Population": 1504.0}, {"index": 10838, "quantile": 0.0, "value": 141300.0, "Latitude": 33.67, "Longitude": -117.92, "Population": 3148.0}, {"index": 10838, "quantile": 0.25, "value": 224974.99999999997, "Latitude": 33.67, "Longitude": -117.92, "Population": 3148.0}, {"index": 10838, "quantile": 0.5, "value": 430900.0, "Latitude": 33.67, "Longitude": -117.92, "Population": 3148.0}, {"index": 10838, "quantile": 0.75, "value": 430900.0, "Latitude": 33.67, "Longitude": -117.92, "Population": 3148.0}, {"index": 10838, "quantile": 1.0, "value": 430900.0, "Latitude": 33.67, "Longitude": -117.92, "Population": 3148.0}, {"index": 10839, "quantile": 0.0, "value": 392200.0, "Latitude": 33.66, "Longitude": -117.93, "Population": 702.0}, {"index": 10839, "quantile": 0.25, "value": 436374.99999999994, "Latitude": 33.66, "Longitude": -117.93, "Population": 702.0}, {"index": 10839, "quantile": 0.5, "value": 485350.00000000006, "Latitude": 33.66, "Longitude": -117.93, "Population": 702.0}, {"index": 10839, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.93, "Population": 702.0}, {"index": 10839, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.93, "Population": 702.0}, {"index": 10840, "quantile": 0.0, "value": 131000.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 4738.0}, {"index": 10840, "quantile": 0.25, "value": 213000.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 4738.0}, {"index": 10840, "quantile": 0.5, "value": 213000.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 4738.0}, {"index": 10840, "quantile": 0.75, "value": 213000.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 4738.0}, {"index": 10840, "quantile": 1.0, "value": 450000.0, "Latitude": 33.65, "Longitude": -117.93, "Population": 4738.0}, {"index": 10841, "quantile": 0.0, "value": 198900.0, "Latitude": 33.69, "Longitude": -117.91, "Population": 1289.0}, {"index": 10841, "quantile": 0.25, "value": 229500.0, "Latitude": 33.69, "Longitude": -117.91, "Population": 1289.0}, {"index": 10841, "quantile": 0.5, "value": 229500.0, "Latitude": 33.69, "Longitude": -117.91, "Population": 1289.0}, {"index": 10841, "quantile": 0.75, "value": 229500.0, "Latitude": 33.69, "Longitude": -117.91, "Population": 1289.0}, {"index": 10841, "quantile": 1.0, "value": 372000.0, "Latitude": 33.69, "Longitude": -117.91, "Population": 1289.0}, {"index": 10842, "quantile": 0.0, "value": 112500.0, "Latitude": 33.67, "Longitude": -117.91, "Population": 5014.0}, {"index": 10842, "quantile": 0.25, "value": 218400.00000000003, "Latitude": 33.67, "Longitude": -117.91, "Population": 5014.0}, {"index": 10842, "quantile": 0.5, "value": 218400.00000000003, "Latitude": 33.67, "Longitude": -117.91, "Population": 5014.0}, {"index": 10842, "quantile": 0.75, "value": 218400.00000000003, "Latitude": 33.67, "Longitude": -117.91, "Population": 5014.0}, {"index": 10842, "quantile": 1.0, "value": 430900.0, "Latitude": 33.67, "Longitude": -117.91, "Population": 5014.0}, {"index": 10843, "quantile": 0.0, "value": 152800.0, "Latitude": 33.68, "Longitude": -117.9, "Population": 3903.0}, {"index": 10843, "quantile": 0.25, "value": 245000.00000000003, "Latitude": 33.68, "Longitude": -117.9, "Population": 3903.0}, {"index": 10843, "quantile": 0.5, "value": 249200.0, "Latitude": 33.68, "Longitude": -117.9, "Population": 3903.0}, {"index": 10843, "quantile": 0.75, "value": 249200.0, "Latitude": 33.68, "Longitude": -117.9, "Population": 3903.0}, {"index": 10843, "quantile": 1.0, "value": 436700.0, "Latitude": 33.68, "Longitude": -117.9, "Population": 3903.0}, {"index": 10844, "quantile": 0.0, "value": 186400.0, "Latitude": 33.67, "Longitude": -117.9, "Population": 1333.0}, {"index": 10844, "quantile": 0.25, "value": 266100.0, "Latitude": 33.67, "Longitude": -117.9, "Population": 1333.0}, {"index": 10844, "quantile": 0.5, "value": 266100.0, "Latitude": 33.67, "Longitude": -117.9, "Population": 1333.0}, {"index": 10844, "quantile": 0.75, "value": 266100.0, "Latitude": 33.67, "Longitude": -117.9, "Population": 1333.0}, {"index": 10844, "quantile": 1.0, "value": 362500.0, "Latitude": 33.67, "Longitude": -117.9, "Population": 1333.0}, {"index": 10845, "quantile": 0.0, "value": 166300.0, "Latitude": 33.68, "Longitude": -117.89, "Population": 1452.0}, {"index": 10845, "quantile": 0.25, "value": 260300.00000000003, "Latitude": 33.68, "Longitude": -117.89, "Population": 1452.0}, {"index": 10845, "quantile": 0.5, "value": 260300.00000000003, "Latitude": 33.68, "Longitude": -117.89, "Population": 1452.0}, {"index": 10845, "quantile": 0.75, "value": 260300.00000000003, "Latitude": 33.68, "Longitude": -117.89, "Population": 1452.0}, {"index": 10845, "quantile": 1.0, "value": 326700.0, "Latitude": 33.68, "Longitude": -117.89, "Population": 1452.0}, {"index": 10846, "quantile": 0.0, "value": 127200.0, "Latitude": 33.67, "Longitude": -117.9, "Population": 311.0}, {"index": 10846, "quantile": 0.25, "value": 275900.0, "Latitude": 33.67, "Longitude": -117.9, "Population": 311.0}, {"index": 10846, "quantile": 0.5, "value": 275900.0, "Latitude": 33.67, "Longitude": -117.9, "Population": 311.0}, {"index": 10846, "quantile": 0.75, "value": 275900.0, "Latitude": 33.67, "Longitude": -117.9, "Population": 311.0}, {"index": 10846, "quantile": 1.0, "value": 377200.0, "Latitude": 33.67, "Longitude": -117.9, "Population": 311.0}, {"index": 10847, "quantile": 0.0, "value": 174400.0, "Latitude": 33.67, "Longitude": -117.91, "Population": 1475.0}, {"index": 10847, "quantile": 0.25, "value": 253500.0, "Latitude": 33.67, "Longitude": -117.91, "Population": 1475.0}, {"index": 10847, "quantile": 0.5, "value": 253500.0, "Latitude": 33.67, "Longitude": -117.91, "Population": 1475.0}, {"index": 10847, "quantile": 0.75, "value": 253500.0, "Latitude": 33.67, "Longitude": -117.91, "Population": 1475.0}, {"index": 10847, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.91, "Population": 1475.0}, {"index": 10848, "quantile": 0.0, "value": 146300.0, "Latitude": 33.66, "Longitude": -117.91, "Population": 2681.0}, {"index": 10848, "quantile": 0.25, "value": 243299.99999999997, "Latitude": 33.66, "Longitude": -117.91, "Population": 2681.0}, {"index": 10848, "quantile": 0.5, "value": 243299.99999999997, "Latitude": 33.66, "Longitude": -117.91, "Population": 2681.0}, {"index": 10848, "quantile": 0.75, "value": 248024.99999999997, "Latitude": 33.66, "Longitude": -117.91, "Population": 2681.0}, {"index": 10848, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.91, "Population": 2681.0}, {"index": 10849, "quantile": 0.0, "value": 87500.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 1584.0}, {"index": 10849, "quantile": 0.25, "value": 180900.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 1584.0}, {"index": 10849, "quantile": 0.5, "value": 180900.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 1584.0}, {"index": 10849, "quantile": 0.75, "value": 184500.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 1584.0}, {"index": 10849, "quantile": 1.0, "value": 429200.0, "Latitude": 33.65, "Longitude": -117.91, "Population": 1584.0}, {"index": 10850, "quantile": 0.0, "value": 112500.0, "Latitude": 33.66, "Longitude": -117.91, "Population": 1099.0}, {"index": 10850, "quantile": 0.25, "value": 188500.0, "Latitude": 33.66, "Longitude": -117.91, "Population": 1099.0}, {"index": 10850, "quantile": 0.5, "value": 220000.00000000003, "Latitude": 33.66, "Longitude": -117.91, "Population": 1099.0}, {"index": 10850, "quantile": 0.75, "value": 252100.0, "Latitude": 33.66, "Longitude": -117.91, "Population": 1099.0}, {"index": 10850, "quantile": 1.0, "value": 450000.0, "Latitude": 33.66, "Longitude": -117.91, "Population": 1099.0}, {"index": 10851, "quantile": 0.0, "value": 101800.0, "Latitude": 33.66, "Longitude": -117.9, "Population": 1952.0}, {"index": 10851, "quantile": 0.25, "value": 161000.0, "Latitude": 33.66, "Longitude": -117.9, "Population": 1952.0}, {"index": 10851, "quantile": 0.5, "value": 161000.0, "Latitude": 33.66, "Longitude": -117.9, "Population": 1952.0}, {"index": 10851, "quantile": 0.75, "value": 212525.0, "Latitude": 33.66, "Longitude": -117.9, "Population": 1952.0}, {"index": 10851, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.9, "Population": 1952.0}, {"index": 10852, "quantile": 0.0, "value": 143000.0, "Latitude": 33.66, "Longitude": -117.9, "Population": 623.0}, {"index": 10852, "quantile": 0.25, "value": 192600.0, "Latitude": 33.66, "Longitude": -117.9, "Population": 623.0}, {"index": 10852, "quantile": 0.5, "value": 192600.0, "Latitude": 33.66, "Longitude": -117.9, "Population": 623.0}, {"index": 10852, "quantile": 0.75, "value": 275225.0, "Latitude": 33.66, "Longitude": -117.9, "Population": 623.0}, {"index": 10852, "quantile": 1.0, "value": 379500.0, "Latitude": 33.66, "Longitude": -117.9, "Population": 623.0}, {"index": 10853, "quantile": 0.0, "value": 201799.99999999997, "Latitude": 33.69, "Longitude": -117.9, "Population": 4071.0}, {"index": 10853, "quantile": 0.25, "value": 316600.0, "Latitude": 33.69, "Longitude": -117.9, "Population": 4071.0}, {"index": 10853, "quantile": 0.5, "value": 316600.0, "Latitude": 33.69, "Longitude": -117.9, "Population": 4071.0}, {"index": 10853, "quantile": 0.75, "value": 316600.0, "Latitude": 33.69, "Longitude": -117.9, "Population": 4071.0}, {"index": 10853, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -117.9, "Population": 4071.0}, {"index": 10854, "quantile": 0.0, "value": 106300.0, "Latitude": 33.69, "Longitude": -117.87, "Population": 983.0}, {"index": 10854, "quantile": 0.25, "value": 142475.0, "Latitude": 33.69, "Longitude": -117.87, "Population": 983.0}, {"index": 10854, "quantile": 0.5, "value": 184500.0, "Latitude": 33.69, "Longitude": -117.87, "Population": 983.0}, {"index": 10854, "quantile": 0.75, "value": 254300.00000000003, "Latitude": 33.69, "Longitude": -117.87, "Population": 983.0}, {"index": 10854, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -117.87, "Population": 983.0}, {"index": 10855, "quantile": 0.0, "value": 78700.0, "Latitude": 33.68, "Longitude": -117.89, "Population": 2389.0}, {"index": 10855, "quantile": 0.25, "value": 157750.0, "Latitude": 33.68, "Longitude": -117.89, "Population": 2389.0}, {"index": 10855, "quantile": 0.5, "value": 202850.00000000003, "Latitude": 33.68, "Longitude": -117.89, "Population": 2389.0}, {"index": 10855, "quantile": 0.75, "value": 247400.00000000003, "Latitude": 33.68, "Longitude": -117.89, "Population": 2389.0}, {"index": 10855, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.68, "Longitude": -117.89, "Population": 2389.0}, {"index": 10856, "quantile": 0.0, "value": 105300.0, "Latitude": 33.69, "Longitude": -117.88, "Population": 2734.0}, {"index": 10856, "quantile": 0.25, "value": 218275.0, "Latitude": 33.69, "Longitude": -117.88, "Population": 2734.0}, {"index": 10856, "quantile": 0.5, "value": 241400.00000000003, "Latitude": 33.69, "Longitude": -117.88, "Population": 2734.0}, {"index": 10856, "quantile": 0.75, "value": 293425.0, "Latitude": 33.69, "Longitude": -117.88, "Population": 2734.0}, {"index": 10856, "quantile": 1.0, "value": 477299.99999999994, "Latitude": 33.69, "Longitude": -117.88, "Population": 2734.0}, {"index": 10857, "quantile": 0.0, "value": 89100.0, "Latitude": 33.71, "Longitude": -117.86, "Population": 2246.0}, {"index": 10857, "quantile": 0.25, "value": 155200.0, "Latitude": 33.71, "Longitude": -117.86, "Population": 2246.0}, {"index": 10857, "quantile": 0.5, "value": 159400.0, "Latitude": 33.71, "Longitude": -117.86, "Population": 2246.0}, {"index": 10857, "quantile": 0.75, "value": 168525.0, "Latitude": 33.71, "Longitude": -117.86, "Population": 2246.0}, {"index": 10857, "quantile": 1.0, "value": 297100.0, "Latitude": 33.71, "Longitude": -117.86, "Population": 2246.0}, {"index": 10858, "quantile": 0.0, "value": 52500.0, "Latitude": 33.71, "Longitude": -117.86, "Population": 208.0}, {"index": 10858, "quantile": 0.25, "value": 137500.0, "Latitude": 33.71, "Longitude": -117.86, "Population": 208.0}, {"index": 10858, "quantile": 0.5, "value": 162850.0, "Latitude": 33.71, "Longitude": -117.86, "Population": 208.0}, {"index": 10858, "quantile": 0.75, "value": 194350.0, "Latitude": 33.71, "Longitude": -117.86, "Population": 208.0}, {"index": 10858, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -117.86, "Population": 208.0}, {"index": 10859, "quantile": 0.0, "value": 146400.0, "Latitude": 33.71, "Longitude": -117.87, "Population": 1924.0}, {"index": 10859, "quantile": 0.25, "value": 155500.0, "Latitude": 33.71, "Longitude": -117.87, "Population": 1924.0}, {"index": 10859, "quantile": 0.5, "value": 155500.0, "Latitude": 33.71, "Longitude": -117.87, "Population": 1924.0}, {"index": 10859, "quantile": 0.75, "value": 229800.0, "Latitude": 33.71, "Longitude": -117.87, "Population": 1924.0}, {"index": 10859, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.71, "Longitude": -117.87, "Population": 1924.0}, {"index": 10860, "quantile": 0.0, "value": 112500.0, "Latitude": 33.71, "Longitude": -117.87, "Population": 817.0}, {"index": 10860, "quantile": 0.25, "value": 219400.0, "Latitude": 33.71, "Longitude": -117.87, "Population": 817.0}, {"index": 10860, "quantile": 0.5, "value": 262500.0, "Latitude": 33.71, "Longitude": -117.87, "Population": 817.0}, {"index": 10860, "quantile": 0.75, "value": 262500.0, "Latitude": 33.71, "Longitude": -117.87, "Population": 817.0}, {"index": 10860, "quantile": 1.0, "value": 348100.0, "Latitude": 33.71, "Longitude": -117.87, "Population": 817.0}, {"index": 10861, "quantile": 0.0, "value": 155500.0, "Latitude": 33.7, "Longitude": -117.87, "Population": 1916.0}, {"index": 10861, "quantile": 0.25, "value": 182500.0, "Latitude": 33.7, "Longitude": -117.87, "Population": 1916.0}, {"index": 10861, "quantile": 0.5, "value": 229599.99999999997, "Latitude": 33.7, "Longitude": -117.87, "Population": 1916.0}, {"index": 10861, "quantile": 0.75, "value": 248100.0, "Latitude": 33.7, "Longitude": -117.87, "Population": 1916.0}, {"index": 10861, "quantile": 1.0, "value": 335700.0, "Latitude": 33.7, "Longitude": -117.87, "Population": 1916.0}, {"index": 10862, "quantile": 0.0, "value": 169500.0, "Latitude": 33.7, "Longitude": -117.87, "Population": 2266.0}, {"index": 10862, "quantile": 0.25, "value": 225800.0, "Latitude": 33.7, "Longitude": -117.87, "Population": 2266.0}, {"index": 10862, "quantile": 0.5, "value": 246000.0, "Latitude": 33.7, "Longitude": -117.87, "Population": 2266.0}, {"index": 10862, "quantile": 0.75, "value": 246000.0, "Latitude": 33.7, "Longitude": -117.87, "Population": 2266.0}, {"index": 10862, "quantile": 1.0, "value": 265600.0, "Latitude": 33.7, "Longitude": -117.87, "Population": 2266.0}, {"index": 10863, "quantile": 0.0, "value": 130500.0, "Latitude": 33.71, "Longitude": -117.88, "Population": 1703.0}, {"index": 10863, "quantile": 0.25, "value": 164050.0, "Latitude": 33.71, "Longitude": -117.88, "Population": 1703.0}, {"index": 10863, "quantile": 0.5, "value": 175700.0, "Latitude": 33.71, "Longitude": -117.88, "Population": 1703.0}, {"index": 10863, "quantile": 0.75, "value": 186200.0, "Latitude": 33.71, "Longitude": -117.88, "Population": 1703.0}, {"index": 10863, "quantile": 1.0, "value": 233300.00000000003, "Latitude": 33.71, "Longitude": -117.88, "Population": 1703.0}, {"index": 10864, "quantile": 0.0, "value": 126400.0, "Latitude": 33.71, "Longitude": -117.88, "Population": 1914.0}, {"index": 10864, "quantile": 0.25, "value": 177300.0, "Latitude": 33.71, "Longitude": -117.88, "Population": 1914.0}, {"index": 10864, "quantile": 0.5, "value": 185200.0, "Latitude": 33.71, "Longitude": -117.88, "Population": 1914.0}, {"index": 10864, "quantile": 0.75, "value": 185200.0, "Latitude": 33.71, "Longitude": -117.88, "Population": 1914.0}, {"index": 10864, "quantile": 1.0, "value": 185200.0, "Latitude": 33.71, "Longitude": -117.88, "Population": 1914.0}, {"index": 10865, "quantile": 0.0, "value": 113900.0, "Latitude": 33.71, "Longitude": -117.88, "Population": 1403.0}, {"index": 10865, "quantile": 0.25, "value": 157100.0, "Latitude": 33.71, "Longitude": -117.88, "Population": 1403.0}, {"index": 10865, "quantile": 0.5, "value": 188600.0, "Latitude": 33.71, "Longitude": -117.88, "Population": 1403.0}, {"index": 10865, "quantile": 0.75, "value": 218800.00000000003, "Latitude": 33.71, "Longitude": -117.88, "Population": 1403.0}, {"index": 10865, "quantile": 1.0, "value": 350000.0, "Latitude": 33.71, "Longitude": -117.88, "Population": 1403.0}, {"index": 10866, "quantile": 0.0, "value": 110100.0, "Latitude": 33.7, "Longitude": -117.88, "Population": 1464.0}, {"index": 10866, "quantile": 0.25, "value": 222200.0, "Latitude": 33.7, "Longitude": -117.88, "Population": 1464.0}, {"index": 10866, "quantile": 0.5, "value": 225800.0, "Latitude": 33.7, "Longitude": -117.88, "Population": 1464.0}, {"index": 10866, "quantile": 0.75, "value": 225800.0, "Latitude": 33.7, "Longitude": -117.88, "Population": 1464.0}, {"index": 10866, "quantile": 1.0, "value": 346700.0, "Latitude": 33.7, "Longitude": -117.88, "Population": 1464.0}, {"index": 10867, "quantile": 0.0, "value": 99100.0, "Latitude": 33.7, "Longitude": -117.88, "Population": 2966.0}, {"index": 10867, "quantile": 0.25, "value": 116700.0, "Latitude": 33.7, "Longitude": -117.88, "Population": 2966.0}, {"index": 10867, "quantile": 0.5, "value": 116700.0, "Latitude": 33.7, "Longitude": -117.88, "Population": 2966.0}, {"index": 10867, "quantile": 0.75, "value": 219700.0, "Latitude": 33.7, "Longitude": -117.88, "Population": 2966.0}, {"index": 10867, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.7, "Longitude": -117.88, "Population": 2966.0}, {"index": 10868, "quantile": 0.0, "value": 88900.0, "Latitude": 33.7, "Longitude": -117.88, "Population": 249.0}, {"index": 10868, "quantile": 0.25, "value": 205600.0, "Latitude": 33.7, "Longitude": -117.88, "Population": 249.0}, {"index": 10868, "quantile": 0.5, "value": 297600.0, "Latitude": 33.7, "Longitude": -117.88, "Population": 249.0}, {"index": 10868, "quantile": 0.75, "value": 375000.0, "Latitude": 33.7, "Longitude": -117.88, "Population": 249.0}, {"index": 10868, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.7, "Longitude": -117.88, "Population": 249.0}, {"index": 10869, "quantile": 0.0, "value": 135700.0, "Latitude": 33.7, "Longitude": -117.88, "Population": 835.0}, {"index": 10869, "quantile": 0.25, "value": 160150.00000000003, "Latitude": 33.7, "Longitude": -117.88, "Population": 835.0}, {"index": 10869, "quantile": 0.5, "value": 207749.99999999997, "Latitude": 33.7, "Longitude": -117.88, "Population": 835.0}, {"index": 10869, "quantile": 0.75, "value": 231400.0, "Latitude": 33.7, "Longitude": -117.88, "Population": 835.0}, {"index": 10869, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.7, "Longitude": -117.88, "Population": 835.0}, {"index": 10870, "quantile": 0.0, "value": 83100.0, "Latitude": 33.72, "Longitude": -117.9, "Population": 577.0}, {"index": 10870, "quantile": 0.25, "value": 137500.0, "Latitude": 33.72, "Longitude": -117.9, "Population": 577.0}, {"index": 10870, "quantile": 0.5, "value": 137500.0, "Latitude": 33.72, "Longitude": -117.9, "Population": 577.0}, {"index": 10870, "quantile": 0.75, "value": 153300.0, "Latitude": 33.72, "Longitude": -117.9, "Population": 577.0}, {"index": 10870, "quantile": 1.0, "value": 183000.0, "Latitude": 33.72, "Longitude": -117.9, "Population": 577.0}, {"index": 10871, "quantile": 0.0, "value": 156200.0, "Latitude": 33.72, "Longitude": -117.91, "Population": 2839.0}, {"index": 10871, "quantile": 0.25, "value": 182100.0, "Latitude": 33.72, "Longitude": -117.91, "Population": 2839.0}, {"index": 10871, "quantile": 0.5, "value": 182100.0, "Latitude": 33.72, "Longitude": -117.91, "Population": 2839.0}, {"index": 10871, "quantile": 0.75, "value": 182100.0, "Latitude": 33.72, "Longitude": -117.91, "Population": 2839.0}, {"index": 10871, "quantile": 1.0, "value": 222300.0, "Latitude": 33.72, "Longitude": -117.91, "Population": 2839.0}, {"index": 10872, "quantile": 0.0, "value": 150500.0, "Latitude": 33.72, "Longitude": -117.9, "Population": 3150.0}, {"index": 10872, "quantile": 0.25, "value": 172525.0, "Latitude": 33.72, "Longitude": -117.9, "Population": 3150.0}, {"index": 10872, "quantile": 0.5, "value": 177700.0, "Latitude": 33.72, "Longitude": -117.9, "Population": 3150.0}, {"index": 10872, "quantile": 0.75, "value": 182500.0, "Latitude": 33.72, "Longitude": -117.9, "Population": 3150.0}, {"index": 10872, "quantile": 1.0, "value": 450000.0, "Latitude": 33.72, "Longitude": -117.9, "Population": 3150.0}, {"index": 10873, "quantile": 0.0, "value": 120100.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 1690.0}, {"index": 10873, "quantile": 0.25, "value": 155200.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 1690.0}, {"index": 10873, "quantile": 0.5, "value": 155200.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 1690.0}, {"index": 10873, "quantile": 0.75, "value": 159100.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 1690.0}, {"index": 10873, "quantile": 1.0, "value": 201300.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 1690.0}, {"index": 10874, "quantile": 0.0, "value": 164500.0, "Latitude": 33.72, "Longitude": -117.89, "Population": 3872.0}, {"index": 10874, "quantile": 0.25, "value": 189300.0, "Latitude": 33.72, "Longitude": -117.89, "Population": 3872.0}, {"index": 10874, "quantile": 0.5, "value": 197800.0, "Latitude": 33.72, "Longitude": -117.89, "Population": 3872.0}, {"index": 10874, "quantile": 0.75, "value": 197800.0, "Latitude": 33.72, "Longitude": -117.89, "Population": 3872.0}, {"index": 10874, "quantile": 1.0, "value": 237300.00000000003, "Latitude": 33.72, "Longitude": -117.89, "Population": 3872.0}, {"index": 10875, "quantile": 0.0, "value": 117400.0, "Latitude": 33.72, "Longitude": -117.89, "Population": 2493.0}, {"index": 10875, "quantile": 0.25, "value": 181475.0, "Latitude": 33.72, "Longitude": -117.89, "Population": 2493.0}, {"index": 10875, "quantile": 0.5, "value": 183500.0, "Latitude": 33.72, "Longitude": -117.89, "Population": 2493.0}, {"index": 10875, "quantile": 0.75, "value": 183500.0, "Latitude": 33.72, "Longitude": -117.89, "Population": 2493.0}, {"index": 10875, "quantile": 1.0, "value": 193900.0, "Latitude": 33.72, "Longitude": -117.89, "Population": 2493.0}, {"index": 10876, "quantile": 0.0, "value": 100800.0, "Latitude": 33.73, "Longitude": -117.88, "Population": 1786.0}, {"index": 10876, "quantile": 0.25, "value": 177500.0, "Latitude": 33.73, "Longitude": -117.88, "Population": 1786.0}, {"index": 10876, "quantile": 0.5, "value": 177500.0, "Latitude": 33.73, "Longitude": -117.88, "Population": 1786.0}, {"index": 10876, "quantile": 0.75, "value": 177500.0, "Latitude": 33.73, "Longitude": -117.88, "Population": 1786.0}, {"index": 10876, "quantile": 1.0, "value": 237300.00000000003, "Latitude": 33.73, "Longitude": -117.88, "Population": 1786.0}, {"index": 10877, "quantile": 0.0, "value": 141900.0, "Latitude": 33.72, "Longitude": -117.88, "Population": 1236.0}, {"index": 10877, "quantile": 0.25, "value": 165300.0, "Latitude": 33.72, "Longitude": -117.88, "Population": 1236.0}, {"index": 10877, "quantile": 0.5, "value": 165300.0, "Latitude": 33.72, "Longitude": -117.88, "Population": 1236.0}, {"index": 10877, "quantile": 0.75, "value": 165300.0, "Latitude": 33.72, "Longitude": -117.88, "Population": 1236.0}, {"index": 10877, "quantile": 1.0, "value": 235500.0, "Latitude": 33.72, "Longitude": -117.88, "Population": 1236.0}, {"index": 10878, "quantile": 0.0, "value": 131100.0, "Latitude": 33.72, "Longitude": -117.88, "Population": 1593.0}, {"index": 10878, "quantile": 0.25, "value": 158575.0, "Latitude": 33.72, "Longitude": -117.88, "Population": 1593.0}, {"index": 10878, "quantile": 0.5, "value": 165300.0, "Latitude": 33.72, "Longitude": -117.88, "Population": 1593.0}, {"index": 10878, "quantile": 0.75, "value": 178025.0, "Latitude": 33.72, "Longitude": -117.88, "Population": 1593.0}, {"index": 10878, "quantile": 1.0, "value": 270500.0, "Latitude": 33.72, "Longitude": -117.88, "Population": 1593.0}, {"index": 10879, "quantile": 0.0, "value": 241000.0, "Latitude": 33.71, "Longitude": -117.9, "Population": 2592.0}, {"index": 10879, "quantile": 0.25, "value": 260500.0, "Latitude": 33.71, "Longitude": -117.9, "Population": 2592.0}, {"index": 10879, "quantile": 0.5, "value": 260500.0, "Latitude": 33.71, "Longitude": -117.9, "Population": 2592.0}, {"index": 10879, "quantile": 0.75, "value": 264325.0, "Latitude": 33.71, "Longitude": -117.9, "Population": 2592.0}, {"index": 10879, "quantile": 1.0, "value": 362500.0, "Latitude": 33.71, "Longitude": -117.9, "Population": 2592.0}, {"index": 10880, "quantile": 0.0, "value": 164500.0, "Latitude": 33.71, "Longitude": -117.89, "Population": 1092.0}, {"index": 10880, "quantile": 0.25, "value": 202400.0, "Latitude": 33.71, "Longitude": -117.89, "Population": 1092.0}, {"index": 10880, "quantile": 0.5, "value": 202400.0, "Latitude": 33.71, "Longitude": -117.89, "Population": 1092.0}, {"index": 10880, "quantile": 0.75, "value": 202400.0, "Latitude": 33.71, "Longitude": -117.89, "Population": 1092.0}, {"index": 10880, "quantile": 1.0, "value": 304500.0, "Latitude": 33.71, "Longitude": -117.89, "Population": 1092.0}, {"index": 10881, "quantile": 0.0, "value": 155500.0, "Latitude": 33.71, "Longitude": -117.89, "Population": 2663.0}, {"index": 10881, "quantile": 0.25, "value": 233300.00000000003, "Latitude": 33.71, "Longitude": -117.89, "Population": 2663.0}, {"index": 10881, "quantile": 0.5, "value": 233300.00000000003, "Latitude": 33.71, "Longitude": -117.89, "Population": 2663.0}, {"index": 10881, "quantile": 0.75, "value": 233300.00000000003, "Latitude": 33.71, "Longitude": -117.89, "Population": 2663.0}, {"index": 10881, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.71, "Longitude": -117.89, "Population": 2663.0}, {"index": 10882, "quantile": 0.0, "value": 162500.0, "Latitude": 33.71, "Longitude": -117.9, "Population": 1324.0}, {"index": 10882, "quantile": 0.25, "value": 252000.0, "Latitude": 33.71, "Longitude": -117.9, "Population": 1324.0}, {"index": 10882, "quantile": 0.5, "value": 252000.0, "Latitude": 33.71, "Longitude": -117.9, "Population": 1324.0}, {"index": 10882, "quantile": 0.75, "value": 260700.00000000003, "Latitude": 33.71, "Longitude": -117.9, "Population": 1324.0}, {"index": 10882, "quantile": 1.0, "value": 362500.0, "Latitude": 33.71, "Longitude": -117.9, "Population": 1324.0}, {"index": 10883, "quantile": 0.0, "value": 97200.0, "Latitude": 33.71, "Longitude": -117.89, "Population": 926.0}, {"index": 10883, "quantile": 0.25, "value": 266300.0, "Latitude": 33.71, "Longitude": -117.89, "Population": 926.0}, {"index": 10883, "quantile": 0.5, "value": 266300.0, "Latitude": 33.71, "Longitude": -117.89, "Population": 926.0}, {"index": 10883, "quantile": 0.75, "value": 266300.0, "Latitude": 33.71, "Longitude": -117.89, "Population": 926.0}, {"index": 10883, "quantile": 1.0, "value": 362500.0, "Latitude": 33.71, "Longitude": -117.89, "Population": 926.0}, {"index": 10884, "quantile": 0.0, "value": 155000.0, "Latitude": 33.71, "Longitude": -117.9, "Population": 287.0}, {"index": 10884, "quantile": 0.25, "value": 288650.0, "Latitude": 33.71, "Longitude": -117.9, "Population": 287.0}, {"index": 10884, "quantile": 0.5, "value": 305200.0, "Latitude": 33.71, "Longitude": -117.9, "Population": 287.0}, {"index": 10884, "quantile": 0.75, "value": 305200.0, "Latitude": 33.71, "Longitude": -117.9, "Population": 287.0}, {"index": 10884, "quantile": 1.0, "value": 375000.0, "Latitude": 33.71, "Longitude": -117.9, "Population": 287.0}, {"index": 10885, "quantile": 0.0, "value": 121000.0, "Latitude": 33.7, "Longitude": -117.92, "Population": 1510.0}, {"index": 10885, "quantile": 0.25, "value": 186300.0, "Latitude": 33.7, "Longitude": -117.92, "Population": 1510.0}, {"index": 10885, "quantile": 0.5, "value": 213199.99999999997, "Latitude": 33.7, "Longitude": -117.92, "Population": 1510.0}, {"index": 10885, "quantile": 0.75, "value": 249200.0, "Latitude": 33.7, "Longitude": -117.92, "Population": 1510.0}, {"index": 10885, "quantile": 1.0, "value": 364400.0, "Latitude": 33.7, "Longitude": -117.92, "Population": 1510.0}, {"index": 10886, "quantile": 0.0, "value": 133200.0, "Latitude": 33.71, "Longitude": -117.91, "Population": 1719.0}, {"index": 10886, "quantile": 0.25, "value": 145700.0, "Latitude": 33.71, "Longitude": -117.91, "Population": 1719.0}, {"index": 10886, "quantile": 0.5, "value": 145700.0, "Latitude": 33.71, "Longitude": -117.91, "Population": 1719.0}, {"index": 10886, "quantile": 0.75, "value": 210299.99999999997, "Latitude": 33.71, "Longitude": -117.91, "Population": 1719.0}, {"index": 10886, "quantile": 1.0, "value": 367100.0, "Latitude": 33.71, "Longitude": -117.91, "Population": 1719.0}, {"index": 10887, "quantile": 0.0, "value": 102699.99999999999, "Latitude": 33.7, "Longitude": -117.89, "Population": 838.0}, {"index": 10887, "quantile": 0.25, "value": 129200.0, "Latitude": 33.7, "Longitude": -117.89, "Population": 838.0}, {"index": 10887, "quantile": 0.5, "value": 129200.0, "Latitude": 33.7, "Longitude": -117.89, "Population": 838.0}, {"index": 10887, "quantile": 0.75, "value": 139325.0, "Latitude": 33.7, "Longitude": -117.89, "Population": 838.0}, {"index": 10887, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.7, "Longitude": -117.89, "Population": 838.0}, {"index": 10888, "quantile": 0.0, "value": 153100.0, "Latitude": 33.7, "Longitude": -117.9, "Population": 2153.0}, {"index": 10888, "quantile": 0.25, "value": 190800.0, "Latitude": 33.7, "Longitude": -117.9, "Population": 2153.0}, {"index": 10888, "quantile": 0.5, "value": 190800.0, "Latitude": 33.7, "Longitude": -117.9, "Population": 2153.0}, {"index": 10888, "quantile": 0.75, "value": 190800.0, "Latitude": 33.7, "Longitude": -117.9, "Population": 2153.0}, {"index": 10888, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 33.7, "Longitude": -117.9, "Population": 2153.0}, {"index": 10889, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 33.7, "Longitude": -117.9, "Population": 982.0}, {"index": 10889, "quantile": 0.25, "value": 162500.0, "Latitude": 33.7, "Longitude": -117.9, "Population": 982.0}, {"index": 10889, "quantile": 0.5, "value": 162500.0, "Latitude": 33.7, "Longitude": -117.9, "Population": 982.0}, {"index": 10889, "quantile": 0.75, "value": 162500.0, "Latitude": 33.7, "Longitude": -117.9, "Population": 982.0}, {"index": 10889, "quantile": 1.0, "value": 478400.0, "Latitude": 33.7, "Longitude": -117.9, "Population": 982.0}, {"index": 10890, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 33.73, "Longitude": -117.86, "Population": 1369.0}, {"index": 10890, "quantile": 0.25, "value": 159100.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 1369.0}, {"index": 10890, "quantile": 0.5, "value": 165450.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 1369.0}, {"index": 10890, "quantile": 0.75, "value": 177400.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 1369.0}, {"index": 10890, "quantile": 1.0, "value": 194100.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 1369.0}, {"index": 10891, "quantile": 0.0, "value": 67300.0, "Latitude": 33.72, "Longitude": -117.86, "Population": 1602.0}, {"index": 10891, "quantile": 0.25, "value": 123125.0, "Latitude": 33.72, "Longitude": -117.86, "Population": 1602.0}, {"index": 10891, "quantile": 0.5, "value": 159150.0, "Latitude": 33.72, "Longitude": -117.86, "Population": 1602.0}, {"index": 10891, "quantile": 0.75, "value": 180200.0, "Latitude": 33.72, "Longitude": -117.86, "Population": 1602.0}, {"index": 10891, "quantile": 1.0, "value": 350000.0, "Latitude": 33.72, "Longitude": -117.86, "Population": 1602.0}, {"index": 10892, "quantile": 0.0, "value": 117400.0, "Latitude": 33.72, "Longitude": -117.87, "Population": 2789.0}, {"index": 10892, "quantile": 0.25, "value": 154825.0, "Latitude": 33.72, "Longitude": -117.87, "Population": 2789.0}, {"index": 10892, "quantile": 0.5, "value": 165300.0, "Latitude": 33.72, "Longitude": -117.87, "Population": 2789.0}, {"index": 10892, "quantile": 0.75, "value": 182100.0, "Latitude": 33.72, "Longitude": -117.87, "Population": 2789.0}, {"index": 10892, "quantile": 1.0, "value": 211800.0, "Latitude": 33.72, "Longitude": -117.87, "Population": 2789.0}, {"index": 10893, "quantile": 0.0, "value": 130100.0, "Latitude": 33.72, "Longitude": -117.87, "Population": 2445.0}, {"index": 10893, "quantile": 0.25, "value": 159100.0, "Latitude": 33.72, "Longitude": -117.87, "Population": 2445.0}, {"index": 10893, "quantile": 0.5, "value": 164700.0, "Latitude": 33.72, "Longitude": -117.87, "Population": 2445.0}, {"index": 10893, "quantile": 0.75, "value": 177250.0, "Latitude": 33.72, "Longitude": -117.87, "Population": 2445.0}, {"index": 10893, "quantile": 1.0, "value": 235500.0, "Latitude": 33.72, "Longitude": -117.87, "Population": 2445.0}, {"index": 10894, "quantile": 0.0, "value": 115100.0, "Latitude": 33.72, "Longitude": -117.86, "Population": 2089.0}, {"index": 10894, "quantile": 0.25, "value": 150600.0, "Latitude": 33.72, "Longitude": -117.86, "Population": 2089.0}, {"index": 10894, "quantile": 0.5, "value": 150600.0, "Latitude": 33.72, "Longitude": -117.86, "Population": 2089.0}, {"index": 10894, "quantile": 0.75, "value": 159100.0, "Latitude": 33.72, "Longitude": -117.86, "Population": 2089.0}, {"index": 10894, "quantile": 1.0, "value": 235500.0, "Latitude": 33.72, "Longitude": -117.86, "Population": 2089.0}, {"index": 10895, "quantile": 0.0, "value": 126400.0, "Latitude": 33.72, "Longitude": -117.86, "Population": 1909.0}, {"index": 10895, "quantile": 0.25, "value": 159100.0, "Latitude": 33.72, "Longitude": -117.86, "Population": 1909.0}, {"index": 10895, "quantile": 0.5, "value": 159100.0, "Latitude": 33.72, "Longitude": -117.86, "Population": 1909.0}, {"index": 10895, "quantile": 0.75, "value": 164400.0, "Latitude": 33.72, "Longitude": -117.86, "Population": 1909.0}, {"index": 10895, "quantile": 1.0, "value": 205500.00000000003, "Latitude": 33.72, "Longitude": -117.86, "Population": 1909.0}, {"index": 10896, "quantile": 0.0, "value": 88800.0, "Latitude": 33.73, "Longitude": -117.85, "Population": 3328.0}, {"index": 10896, "quantile": 0.25, "value": 114999.99999999999, "Latitude": 33.73, "Longitude": -117.85, "Population": 3328.0}, {"index": 10896, "quantile": 0.5, "value": 114999.99999999999, "Latitude": 33.73, "Longitude": -117.85, "Population": 3328.0}, {"index": 10896, "quantile": 0.75, "value": 156000.0, "Latitude": 33.73, "Longitude": -117.85, "Population": 3328.0}, {"index": 10896, "quantile": 1.0, "value": 350000.0, "Latitude": 33.73, "Longitude": -117.85, "Population": 3328.0}, {"index": 10897, "quantile": 0.0, "value": 45000.0, "Latitude": 33.73, "Longitude": -117.84, "Population": 1534.0}, {"index": 10897, "quantile": 0.25, "value": 175000.0, "Latitude": 33.73, "Longitude": -117.84, "Population": 1534.0}, {"index": 10897, "quantile": 0.5, "value": 175000.0, "Latitude": 33.73, "Longitude": -117.84, "Population": 1534.0}, {"index": 10897, "quantile": 0.75, "value": 176450.0, "Latitude": 33.73, "Longitude": -117.84, "Population": 1534.0}, {"index": 10897, "quantile": 1.0, "value": 350000.0, "Latitude": 33.73, "Longitude": -117.84, "Population": 1534.0}, {"index": 10898, "quantile": 0.0, "value": 111800.00000000001, "Latitude": 33.74, "Longitude": -117.84, "Population": 4715.0}, {"index": 10898, "quantile": 0.25, "value": 137000.0, "Latitude": 33.74, "Longitude": -117.84, "Population": 4715.0}, {"index": 10898, "quantile": 0.5, "value": 183700.0, "Latitude": 33.74, "Longitude": -117.84, "Population": 4715.0}, {"index": 10898, "quantile": 0.75, "value": 199600.0, "Latitude": 33.74, "Longitude": -117.84, "Population": 4715.0}, {"index": 10898, "quantile": 1.0, "value": 350000.0, "Latitude": 33.74, "Longitude": -117.84, "Population": 4715.0}, {"index": 10899, "quantile": 0.0, "value": 45000.0, "Latitude": 33.74, "Longitude": -117.84, "Population": 910.0}, {"index": 10899, "quantile": 0.25, "value": 183900.0, "Latitude": 33.74, "Longitude": -117.84, "Population": 910.0}, {"index": 10899, "quantile": 0.5, "value": 217899.99999999997, "Latitude": 33.74, "Longitude": -117.84, "Population": 910.0}, {"index": 10899, "quantile": 0.75, "value": 245950.00000000003, "Latitude": 33.74, "Longitude": -117.84, "Population": 910.0}, {"index": 10899, "quantile": 1.0, "value": 425000.0, "Latitude": 33.74, "Longitude": -117.84, "Population": 910.0}, {"index": 10900, "quantile": 0.0, "value": 112500.0, "Latitude": 33.74, "Longitude": -117.84, "Population": 1426.0}, {"index": 10900, "quantile": 0.25, "value": 112500.0, "Latitude": 33.74, "Longitude": -117.84, "Population": 1426.0}, {"index": 10900, "quantile": 0.5, "value": 112500.0, "Latitude": 33.74, "Longitude": -117.84, "Population": 1426.0}, {"index": 10900, "quantile": 0.75, "value": 183700.0, "Latitude": 33.74, "Longitude": -117.84, "Population": 1426.0}, {"index": 10900, "quantile": 1.0, "value": 275000.0, "Latitude": 33.74, "Longitude": -117.84, "Population": 1426.0}, {"index": 10901, "quantile": 0.0, "value": 45000.0, "Latitude": 33.74, "Longitude": -117.83, "Population": 958.0}, {"index": 10901, "quantile": 0.25, "value": 131500.0, "Latitude": 33.74, "Longitude": -117.83, "Population": 958.0}, {"index": 10901, "quantile": 0.5, "value": 131500.0, "Latitude": 33.74, "Longitude": -117.83, "Population": 958.0}, {"index": 10901, "quantile": 0.75, "value": 192700.0, "Latitude": 33.74, "Longitude": -117.83, "Population": 958.0}, {"index": 10901, "quantile": 1.0, "value": 266300.0, "Latitude": 33.74, "Longitude": -117.83, "Population": 958.0}, {"index": 10902, "quantile": 0.0, "value": 64000.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 207.0}, {"index": 10902, "quantile": 0.25, "value": 154200.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 207.0}, {"index": 10902, "quantile": 0.5, "value": 154200.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 207.0}, {"index": 10902, "quantile": 0.75, "value": 154200.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 207.0}, {"index": 10902, "quantile": 1.0, "value": 375000.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 207.0}, {"index": 10903, "quantile": 0.0, "value": 78500.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 1810.0}, {"index": 10903, "quantile": 0.25, "value": 161250.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 1810.0}, {"index": 10903, "quantile": 0.5, "value": 173400.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 1810.0}, {"index": 10903, "quantile": 0.75, "value": 173400.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 1810.0}, {"index": 10903, "quantile": 1.0, "value": 248100.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 1810.0}, {"index": 10904, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 33.75, "Longitude": -117.86, "Population": 3157.0}, {"index": 10904, "quantile": 0.25, "value": 123200.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 3157.0}, {"index": 10904, "quantile": 0.5, "value": 123200.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 3157.0}, {"index": 10904, "quantile": 0.75, "value": 159175.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 3157.0}, {"index": 10904, "quantile": 1.0, "value": 350000.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 3157.0}, {"index": 10905, "quantile": 0.0, "value": 100000.0, "Latitude": 33.76, "Longitude": -117.86, "Population": 1326.0}, {"index": 10905, "quantile": 0.25, "value": 117500.0, "Latitude": 33.76, "Longitude": -117.86, "Population": 1326.0}, {"index": 10905, "quantile": 0.5, "value": 117500.0, "Latitude": 33.76, "Longitude": -117.86, "Population": 1326.0}, {"index": 10905, "quantile": 0.75, "value": 157625.0, "Latitude": 33.76, "Longitude": -117.86, "Population": 1326.0}, {"index": 10905, "quantile": 1.0, "value": 237500.0, "Latitude": 33.76, "Longitude": -117.86, "Population": 1326.0}, {"index": 10906, "quantile": 0.0, "value": 94300.0, "Latitude": 33.74, "Longitude": -117.85, "Population": 1214.0}, {"index": 10906, "quantile": 0.25, "value": 161600.0, "Latitude": 33.74, "Longitude": -117.85, "Population": 1214.0}, {"index": 10906, "quantile": 0.5, "value": 169300.0, "Latitude": 33.74, "Longitude": -117.85, "Population": 1214.0}, {"index": 10906, "quantile": 0.75, "value": 190899.99999999997, "Latitude": 33.74, "Longitude": -117.85, "Population": 1214.0}, {"index": 10906, "quantile": 1.0, "value": 248100.0, "Latitude": 33.74, "Longitude": -117.85, "Population": 1214.0}, {"index": 10907, "quantile": 0.0, "value": 88800.0, "Latitude": 33.75, "Longitude": -117.85, "Population": 2936.0}, {"index": 10907, "quantile": 0.25, "value": 170800.0, "Latitude": 33.75, "Longitude": -117.85, "Population": 2936.0}, {"index": 10907, "quantile": 0.5, "value": 171400.0, "Latitude": 33.75, "Longitude": -117.85, "Population": 2936.0}, {"index": 10907, "quantile": 0.75, "value": 171400.0, "Latitude": 33.75, "Longitude": -117.85, "Population": 2936.0}, {"index": 10907, "quantile": 1.0, "value": 187500.0, "Latitude": 33.75, "Longitude": -117.85, "Population": 2936.0}, {"index": 10908, "quantile": 0.0, "value": 113900.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 1257.0}, {"index": 10908, "quantile": 0.25, "value": 165300.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 1257.0}, {"index": 10908, "quantile": 0.5, "value": 165300.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 1257.0}, {"index": 10908, "quantile": 0.75, "value": 165300.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 1257.0}, {"index": 10908, "quantile": 1.0, "value": 194100.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 1257.0}, {"index": 10909, "quantile": 0.0, "value": 141300.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 926.0}, {"index": 10909, "quantile": 0.25, "value": 170175.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 926.0}, {"index": 10909, "quantile": 0.5, "value": 175900.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 926.0}, {"index": 10909, "quantile": 0.75, "value": 175900.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 926.0}, {"index": 10909, "quantile": 1.0, "value": 222300.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 926.0}, {"index": 10910, "quantile": 0.0, "value": 38800.0, "Latitude": 33.74, "Longitude": -117.85, "Population": 5756.0}, {"index": 10910, "quantile": 0.25, "value": 170800.0, "Latitude": 33.74, "Longitude": -117.85, "Population": 5756.0}, {"index": 10910, "quantile": 0.5, "value": 170800.0, "Latitude": 33.74, "Longitude": -117.85, "Population": 5756.0}, {"index": 10910, "quantile": 0.75, "value": 170800.0, "Latitude": 33.74, "Longitude": -117.85, "Population": 5756.0}, {"index": 10910, "quantile": 1.0, "value": 350000.0, "Latitude": 33.74, "Longitude": -117.85, "Population": 5756.0}, {"index": 10911, "quantile": 0.0, "value": 83100.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 647.0}, {"index": 10911, "quantile": 0.25, "value": 153750.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 647.0}, {"index": 10911, "quantile": 0.5, "value": 177400.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 647.0}, {"index": 10911, "quantile": 0.75, "value": 177400.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 647.0}, {"index": 10911, "quantile": 1.0, "value": 201300.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 647.0}, {"index": 10912, "quantile": 0.0, "value": 117400.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 3249.0}, {"index": 10912, "quantile": 0.25, "value": 176200.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 3249.0}, {"index": 10912, "quantile": 0.5, "value": 182100.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 3249.0}, {"index": 10912, "quantile": 0.75, "value": 182100.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 3249.0}, {"index": 10912, "quantile": 1.0, "value": 193900.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 3249.0}, {"index": 10913, "quantile": 0.0, "value": 105300.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 2776.0}, {"index": 10913, "quantile": 0.25, "value": 158500.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 2776.0}, {"index": 10913, "quantile": 0.5, "value": 180200.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 2776.0}, {"index": 10913, "quantile": 0.75, "value": 180200.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 2776.0}, {"index": 10913, "quantile": 1.0, "value": 237500.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 2776.0}, {"index": 10914, "quantile": 0.0, "value": 88800.0, "Latitude": 33.74, "Longitude": -117.87, "Population": 3289.0}, {"index": 10914, "quantile": 0.25, "value": 158500.0, "Latitude": 33.74, "Longitude": -117.87, "Population": 3289.0}, {"index": 10914, "quantile": 0.5, "value": 158500.0, "Latitude": 33.74, "Longitude": -117.87, "Population": 3289.0}, {"index": 10914, "quantile": 0.75, "value": 161800.0, "Latitude": 33.74, "Longitude": -117.87, "Population": 3289.0}, {"index": 10914, "quantile": 1.0, "value": 200000.0, "Latitude": 33.74, "Longitude": -117.87, "Population": 3289.0}, {"index": 10915, "quantile": 0.0, "value": 136600.0, "Latitude": 33.73, "Longitude": -117.87, "Population": 1970.0}, {"index": 10915, "quantile": 0.25, "value": 177000.0, "Latitude": 33.73, "Longitude": -117.87, "Population": 1970.0}, {"index": 10915, "quantile": 0.5, "value": 177000.0, "Latitude": 33.73, "Longitude": -117.87, "Population": 1970.0}, {"index": 10915, "quantile": 0.75, "value": 177000.0, "Latitude": 33.73, "Longitude": -117.87, "Population": 1970.0}, {"index": 10915, "quantile": 1.0, "value": 235500.0, "Latitude": 33.73, "Longitude": -117.87, "Population": 1970.0}, {"index": 10916, "quantile": 0.0, "value": 110700.0, "Latitude": 33.74, "Longitude": -117.87, "Population": 2165.0}, {"index": 10916, "quantile": 0.25, "value": 165974.99999999997, "Latitude": 33.74, "Longitude": -117.87, "Population": 2165.0}, {"index": 10916, "quantile": 0.5, "value": 177000.0, "Latitude": 33.74, "Longitude": -117.87, "Population": 2165.0}, {"index": 10916, "quantile": 0.75, "value": 177000.0, "Latitude": 33.74, "Longitude": -117.87, "Population": 2165.0}, {"index": 10916, "quantile": 1.0, "value": 257799.99999999997, "Latitude": 33.74, "Longitude": -117.87, "Population": 2165.0}, {"index": 10917, "quantile": 0.0, "value": 120100.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 3242.0}, {"index": 10917, "quantile": 0.25, "value": 165600.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 3242.0}, {"index": 10917, "quantile": 0.5, "value": 165600.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 3242.0}, {"index": 10917, "quantile": 0.75, "value": 165600.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 3242.0}, {"index": 10917, "quantile": 1.0, "value": 235500.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 3242.0}, {"index": 10918, "quantile": 0.0, "value": 130100.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 2451.0}, {"index": 10918, "quantile": 0.25, "value": 159100.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 2451.0}, {"index": 10918, "quantile": 0.5, "value": 159100.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 2451.0}, {"index": 10918, "quantile": 0.75, "value": 159400.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 2451.0}, {"index": 10918, "quantile": 1.0, "value": 235500.0, "Latitude": 33.73, "Longitude": -117.86, "Population": 2451.0}, {"index": 10919, "quantile": 0.0, "value": 90500.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 2984.0}, {"index": 10919, "quantile": 0.25, "value": 162500.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 2984.0}, {"index": 10919, "quantile": 0.5, "value": 162500.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 2984.0}, {"index": 10919, "quantile": 0.75, "value": 162500.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 2984.0}, {"index": 10919, "quantile": 1.0, "value": 180200.0, "Latitude": 33.74, "Longitude": -117.86, "Population": 2984.0}, {"index": 10920, "quantile": 0.0, "value": 117300.0, "Latitude": 33.73, "Longitude": -117.89, "Population": 2175.0}, {"index": 10920, "quantile": 0.25, "value": 158250.0, "Latitude": 33.73, "Longitude": -117.89, "Population": 2175.0}, {"index": 10920, "quantile": 0.5, "value": 177400.0, "Latitude": 33.73, "Longitude": -117.89, "Population": 2175.0}, {"index": 10920, "quantile": 0.75, "value": 177400.0, "Latitude": 33.73, "Longitude": -117.89, "Population": 2175.0}, {"index": 10920, "quantile": 1.0, "value": 177400.0, "Latitude": 33.73, "Longitude": -117.89, "Population": 2175.0}, {"index": 10921, "quantile": 0.0, "value": 117400.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 5116.0}, {"index": 10921, "quantile": 0.25, "value": 164100.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 5116.0}, {"index": 10921, "quantile": 0.5, "value": 164100.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 5116.0}, {"index": 10921, "quantile": 0.75, "value": 164100.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 5116.0}, {"index": 10921, "quantile": 1.0, "value": 215099.99999999997, "Latitude": 33.73, "Longitude": -117.9, "Population": 5116.0}, {"index": 10922, "quantile": 0.0, "value": 149500.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 1048.0}, {"index": 10922, "quantile": 0.25, "value": 166400.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 1048.0}, {"index": 10922, "quantile": 0.5, "value": 166400.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 1048.0}, {"index": 10922, "quantile": 0.75, "value": 173100.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 1048.0}, {"index": 10922, "quantile": 1.0, "value": 387500.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 1048.0}, {"index": 10923, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 33.73, "Longitude": -117.88, "Population": 3232.0}, {"index": 10923, "quantile": 0.25, "value": 155200.0, "Latitude": 33.73, "Longitude": -117.88, "Population": 3232.0}, {"index": 10923, "quantile": 0.5, "value": 159400.0, "Latitude": 33.73, "Longitude": -117.88, "Population": 3232.0}, {"index": 10923, "quantile": 0.75, "value": 165600.0, "Latitude": 33.73, "Longitude": -117.88, "Population": 3232.0}, {"index": 10923, "quantile": 1.0, "value": 271200.0, "Latitude": 33.73, "Longitude": -117.88, "Population": 3232.0}, {"index": 10924, "quantile": 0.0, "value": 116300.0, "Latitude": 33.73, "Longitude": -117.88, "Population": 2594.0}, {"index": 10924, "quantile": 0.25, "value": 159000.0, "Latitude": 33.73, "Longitude": -117.88, "Population": 2594.0}, {"index": 10924, "quantile": 0.5, "value": 167300.0, "Latitude": 33.73, "Longitude": -117.88, "Population": 2594.0}, {"index": 10924, "quantile": 0.75, "value": 182100.0, "Latitude": 33.73, "Longitude": -117.88, "Population": 2594.0}, {"index": 10924, "quantile": 1.0, "value": 287500.0, "Latitude": 33.73, "Longitude": -117.88, "Population": 2594.0}, {"index": 10925, "quantile": 0.0, "value": 117600.0, "Latitude": 33.75, "Longitude": -117.89, "Population": 1476.0}, {"index": 10925, "quantile": 0.25, "value": 139200.0, "Latitude": 33.75, "Longitude": -117.89, "Population": 1476.0}, {"index": 10925, "quantile": 0.5, "value": 139200.0, "Latitude": 33.75, "Longitude": -117.89, "Population": 1476.0}, {"index": 10925, "quantile": 0.75, "value": 167499.99999999997, "Latitude": 33.75, "Longitude": -117.89, "Population": 1476.0}, {"index": 10925, "quantile": 1.0, "value": 225900.0, "Latitude": 33.75, "Longitude": -117.89, "Population": 1476.0}, {"index": 10926, "quantile": 0.0, "value": 89100.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 2145.0}, {"index": 10926, "quantile": 0.25, "value": 158400.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 2145.0}, {"index": 10926, "quantile": 0.5, "value": 158400.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 2145.0}, {"index": 10926, "quantile": 0.75, "value": 163950.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 2145.0}, {"index": 10926, "quantile": 1.0, "value": 297100.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 2145.0}, {"index": 10927, "quantile": 0.0, "value": 125000.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 2083.0}, {"index": 10927, "quantile": 0.25, "value": 159075.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 2083.0}, {"index": 10927, "quantile": 0.5, "value": 168600.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 2083.0}, {"index": 10927, "quantile": 0.75, "value": 182100.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 2083.0}, {"index": 10927, "quantile": 1.0, "value": 450000.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 2083.0}, {"index": 10928, "quantile": 0.0, "value": 117400.0, "Latitude": 33.75, "Longitude": -117.9, "Population": 1575.0}, {"index": 10928, "quantile": 0.25, "value": 160225.0, "Latitude": 33.75, "Longitude": -117.9, "Population": 1575.0}, {"index": 10928, "quantile": 0.5, "value": 170100.0, "Latitude": 33.75, "Longitude": -117.9, "Population": 1575.0}, {"index": 10928, "quantile": 0.75, "value": 180825.0, "Latitude": 33.75, "Longitude": -117.9, "Population": 1575.0}, {"index": 10928, "quantile": 1.0, "value": 193900.0, "Latitude": 33.75, "Longitude": -117.9, "Population": 1575.0}, {"index": 10929, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.74, "Longitude": -117.9, "Population": 1032.0}, {"index": 10929, "quantile": 0.25, "value": 130825.00000000001, "Latitude": 33.74, "Longitude": -117.9, "Population": 1032.0}, {"index": 10929, "quantile": 0.5, "value": 182650.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 1032.0}, {"index": 10929, "quantile": 0.75, "value": 214175.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 1032.0}, {"index": 10929, "quantile": 1.0, "value": 350000.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 1032.0}, {"index": 10930, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 33.74, "Longitude": -117.9, "Population": 1915.0}, {"index": 10930, "quantile": 0.25, "value": 164575.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 1915.0}, {"index": 10930, "quantile": 0.5, "value": 166700.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 1915.0}, {"index": 10930, "quantile": 0.75, "value": 166700.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 1915.0}, {"index": 10930, "quantile": 1.0, "value": 350000.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 1915.0}, {"index": 10931, "quantile": 0.0, "value": 140600.0, "Latitude": 33.74, "Longitude": -117.91, "Population": 2946.0}, {"index": 10931, "quantile": 0.25, "value": 183200.0, "Latitude": 33.74, "Longitude": -117.91, "Population": 2946.0}, {"index": 10931, "quantile": 0.5, "value": 183200.0, "Latitude": 33.74, "Longitude": -117.91, "Population": 2946.0}, {"index": 10931, "quantile": 0.75, "value": 183200.0, "Latitude": 33.74, "Longitude": -117.91, "Population": 2946.0}, {"index": 10931, "quantile": 1.0, "value": 346200.0, "Latitude": 33.74, "Longitude": -117.91, "Population": 2946.0}, {"index": 10932, "quantile": 0.0, "value": 164500.0, "Latitude": 33.73, "Longitude": -117.91, "Population": 2867.0}, {"index": 10932, "quantile": 0.25, "value": 179900.0, "Latitude": 33.73, "Longitude": -117.91, "Population": 2867.0}, {"index": 10932, "quantile": 0.5, "value": 179900.0, "Latitude": 33.73, "Longitude": -117.91, "Population": 2867.0}, {"index": 10932, "quantile": 0.75, "value": 179900.0, "Latitude": 33.73, "Longitude": -117.91, "Population": 2867.0}, {"index": 10932, "quantile": 1.0, "value": 222300.0, "Latitude": 33.73, "Longitude": -117.91, "Population": 2867.0}, {"index": 10933, "quantile": 0.0, "value": 130500.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 1804.0}, {"index": 10933, "quantile": 0.25, "value": 176800.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 1804.0}, {"index": 10933, "quantile": 0.5, "value": 178500.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 1804.0}, {"index": 10933, "quantile": 0.75, "value": 178500.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 1804.0}, {"index": 10933, "quantile": 1.0, "value": 222300.0, "Latitude": 33.73, "Longitude": -117.9, "Population": 1804.0}, {"index": 10934, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 33.74, "Longitude": -117.9, "Population": 5516.0}, {"index": 10934, "quantile": 0.25, "value": 148500.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 5516.0}, {"index": 10934, "quantile": 0.5, "value": 160000.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 5516.0}, {"index": 10934, "quantile": 0.75, "value": 171400.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 5516.0}, {"index": 10934, "quantile": 1.0, "value": 237500.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 5516.0}, {"index": 10935, "quantile": 0.0, "value": 154400.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 1066.0}, {"index": 10935, "quantile": 0.25, "value": 173100.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 1066.0}, {"index": 10935, "quantile": 0.5, "value": 173100.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 1066.0}, {"index": 10935, "quantile": 0.75, "value": 179900.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 1066.0}, {"index": 10935, "quantile": 1.0, "value": 237300.00000000003, "Latitude": 33.74, "Longitude": -117.9, "Population": 1066.0}, {"index": 10936, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 33.74, "Longitude": -117.9, "Population": 3171.0}, {"index": 10936, "quantile": 0.25, "value": 151700.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 3171.0}, {"index": 10936, "quantile": 0.5, "value": 151700.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 3171.0}, {"index": 10936, "quantile": 0.75, "value": 151700.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 3171.0}, {"index": 10936, "quantile": 1.0, "value": 350000.0, "Latitude": 33.74, "Longitude": -117.9, "Population": 3171.0}, {"index": 10937, "quantile": 0.0, "value": 116300.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 959.0}, {"index": 10937, "quantile": 0.25, "value": 159000.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 959.0}, {"index": 10937, "quantile": 0.5, "value": 159000.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 959.0}, {"index": 10937, "quantile": 0.75, "value": 159000.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 959.0}, {"index": 10937, "quantile": 1.0, "value": 270500.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 959.0}, {"index": 10938, "quantile": 0.0, "value": 87500.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 1217.0}, {"index": 10938, "quantile": 0.25, "value": 154400.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 1217.0}, {"index": 10938, "quantile": 0.5, "value": 154400.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 1217.0}, {"index": 10938, "quantile": 0.75, "value": 177500.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 1217.0}, {"index": 10938, "quantile": 1.0, "value": 387500.0, "Latitude": 33.74, "Longitude": -117.89, "Population": 1217.0}, {"index": 10939, "quantile": 0.0, "value": 131300.0, "Latitude": 33.73, "Longitude": -117.89, "Population": 837.0}, {"index": 10939, "quantile": 0.25, "value": 163900.0, "Latitude": 33.73, "Longitude": -117.89, "Population": 837.0}, {"index": 10939, "quantile": 0.5, "value": 163900.0, "Latitude": 33.73, "Longitude": -117.89, "Population": 837.0}, {"index": 10939, "quantile": 0.75, "value": 163900.0, "Latitude": 33.73, "Longitude": -117.89, "Population": 837.0}, {"index": 10939, "quantile": 1.0, "value": 270500.0, "Latitude": 33.73, "Longitude": -117.89, "Population": 837.0}, {"index": 10940, "quantile": 0.0, "value": 66400.0, "Latitude": 33.75, "Longitude": -117.88, "Population": 2176.0}, {"index": 10940, "quantile": 0.25, "value": 151800.0, "Latitude": 33.75, "Longitude": -117.88, "Population": 2176.0}, {"index": 10940, "quantile": 0.5, "value": 151800.0, "Latitude": 33.75, "Longitude": -117.88, "Population": 2176.0}, {"index": 10940, "quantile": 0.75, "value": 151800.0, "Latitude": 33.75, "Longitude": -117.88, "Population": 2176.0}, {"index": 10940, "quantile": 1.0, "value": 248100.0, "Latitude": 33.75, "Longitude": -117.88, "Population": 2176.0}, {"index": 10941, "quantile": 0.0, "value": 112500.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 1045.0}, {"index": 10941, "quantile": 0.25, "value": 150600.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 1045.0}, {"index": 10941, "quantile": 0.5, "value": 155200.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 1045.0}, {"index": 10941, "quantile": 0.75, "value": 165300.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 1045.0}, {"index": 10941, "quantile": 1.0, "value": 201300.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 1045.0}, {"index": 10942, "quantile": 0.0, "value": 91000.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 2329.0}, {"index": 10942, "quantile": 0.25, "value": 159400.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 2329.0}, {"index": 10942, "quantile": 0.5, "value": 159400.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 2329.0}, {"index": 10942, "quantile": 0.75, "value": 159400.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 2329.0}, {"index": 10942, "quantile": 1.0, "value": 206800.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 2329.0}, {"index": 10943, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 33.74, "Longitude": -117.88, "Population": 1718.0}, {"index": 10943, "quantile": 0.25, "value": 140300.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 1718.0}, {"index": 10943, "quantile": 0.5, "value": 140300.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 1718.0}, {"index": 10943, "quantile": 0.75, "value": 156825.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 1718.0}, {"index": 10943, "quantile": 1.0, "value": 297100.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 1718.0}, {"index": 10944, "quantile": 0.0, "value": 89200.0, "Latitude": 33.74, "Longitude": -117.87, "Population": 1925.0}, {"index": 10944, "quantile": 0.25, "value": 158900.0, "Latitude": 33.74, "Longitude": -117.87, "Population": 1925.0}, {"index": 10944, "quantile": 0.5, "value": 158900.0, "Latitude": 33.74, "Longitude": -117.87, "Population": 1925.0}, {"index": 10944, "quantile": 0.75, "value": 158900.0, "Latitude": 33.74, "Longitude": -117.87, "Population": 1925.0}, {"index": 10944, "quantile": 1.0, "value": 350000.0, "Latitude": 33.74, "Longitude": -117.87, "Population": 1925.0}, {"index": 10945, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 33.74, "Longitude": -117.88, "Population": 3545.0}, {"index": 10945, "quantile": 0.25, "value": 148500.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 3545.0}, {"index": 10945, "quantile": 0.5, "value": 148500.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 3545.0}, {"index": 10945, "quantile": 0.75, "value": 158599.99999999997, "Latitude": 33.74, "Longitude": -117.88, "Population": 3545.0}, {"index": 10945, "quantile": 1.0, "value": 237500.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 3545.0}, {"index": 10946, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 33.74, "Longitude": -117.88, "Population": 3416.0}, {"index": 10946, "quantile": 0.25, "value": 148500.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 3416.0}, {"index": 10946, "quantile": 0.5, "value": 158500.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 3416.0}, {"index": 10946, "quantile": 0.75, "value": 170275.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 3416.0}, {"index": 10946, "quantile": 1.0, "value": 297100.0, "Latitude": 33.74, "Longitude": -117.88, "Population": 3416.0}, {"index": 10947, "quantile": 0.0, "value": 102499.99999999999, "Latitude": 33.76, "Longitude": -117.87, "Population": 3800.0}, {"index": 10947, "quantile": 0.25, "value": 183300.0, "Latitude": 33.76, "Longitude": -117.87, "Population": 3800.0}, {"index": 10947, "quantile": 0.5, "value": 183300.0, "Latitude": 33.76, "Longitude": -117.87, "Population": 3800.0}, {"index": 10947, "quantile": 0.75, "value": 183300.0, "Latitude": 33.76, "Longitude": -117.87, "Population": 3800.0}, {"index": 10947, "quantile": 1.0, "value": 360000.0, "Latitude": 33.76, "Longitude": -117.87, "Population": 3800.0}, {"index": 10948, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 33.75, "Longitude": -117.87, "Population": 6799.0}, {"index": 10948, "quantile": 0.25, "value": 144400.0, "Latitude": 33.75, "Longitude": -117.87, "Population": 6799.0}, {"index": 10948, "quantile": 0.5, "value": 144400.0, "Latitude": 33.75, "Longitude": -117.87, "Population": 6799.0}, {"index": 10948, "quantile": 0.75, "value": 159250.0, "Latitude": 33.75, "Longitude": -117.87, "Population": 6799.0}, {"index": 10948, "quantile": 1.0, "value": 227100.0, "Latitude": 33.75, "Longitude": -117.87, "Population": 6799.0}, {"index": 10949, "quantile": 0.0, "value": 89200.0, "Latitude": 33.75, "Longitude": -117.87, "Population": 812.0}, {"index": 10949, "quantile": 0.25, "value": 162500.0, "Latitude": 33.75, "Longitude": -117.87, "Population": 812.0}, {"index": 10949, "quantile": 0.5, "value": 162500.0, "Latitude": 33.75, "Longitude": -117.87, "Population": 812.0}, {"index": 10949, "quantile": 0.75, "value": 162500.0, "Latitude": 33.75, "Longitude": -117.87, "Population": 812.0}, {"index": 10949, "quantile": 1.0, "value": 285000.0, "Latitude": 33.75, "Longitude": -117.87, "Population": 812.0}, {"index": 10950, "quantile": 0.0, "value": 52500.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 554.0}, {"index": 10950, "quantile": 0.25, "value": 132100.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 554.0}, {"index": 10950, "quantile": 0.5, "value": 137500.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 554.0}, {"index": 10950, "quantile": 0.75, "value": 154250.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 554.0}, {"index": 10950, "quantile": 1.0, "value": 206900.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 554.0}, {"index": 10951, "quantile": 0.0, "value": 38800.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 3356.0}, {"index": 10951, "quantile": 0.25, "value": 104800.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 3356.0}, {"index": 10951, "quantile": 0.5, "value": 130450.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 3356.0}, {"index": 10951, "quantile": 0.75, "value": 164075.0, "Latitude": 33.75, "Longitude": -117.86, "Population": 3356.0}, {"index": 10951, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -117.86, "Population": 3356.0}, {"index": 10952, "quantile": 0.0, "value": 67500.0, "Latitude": 33.75, "Longitude": -117.87, "Population": 1968.0}, {"index": 10952, "quantile": 0.25, "value": 102499.99999999999, "Latitude": 33.75, "Longitude": -117.87, "Population": 1968.0}, {"index": 10952, "quantile": 0.5, "value": 102499.99999999999, "Latitude": 33.75, "Longitude": -117.87, "Population": 1968.0}, {"index": 10952, "quantile": 0.75, "value": 154700.0, "Latitude": 33.75, "Longitude": -117.87, "Population": 1968.0}, {"index": 10952, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -117.87, "Population": 1968.0}, {"index": 10953, "quantile": 0.0, "value": 93300.0, "Latitude": 33.75, "Longitude": -117.87, "Population": 448.0}, {"index": 10953, "quantile": 0.25, "value": 165275.0, "Latitude": 33.75, "Longitude": -117.87, "Population": 448.0}, {"index": 10953, "quantile": 0.5, "value": 350000.0, "Latitude": 33.75, "Longitude": -117.87, "Population": 448.0}, {"index": 10953, "quantile": 0.75, "value": 350000.0, "Latitude": 33.75, "Longitude": -117.87, "Population": 448.0}, {"index": 10953, "quantile": 1.0, "value": 350000.0, "Latitude": 33.75, "Longitude": -117.87, "Population": 448.0}, {"index": 10954, "quantile": 0.0, "value": 117700.0, "Latitude": 33.76, "Longitude": -117.88, "Population": 2354.0}, {"index": 10954, "quantile": 0.25, "value": 184600.0, "Latitude": 33.76, "Longitude": -117.88, "Population": 2354.0}, {"index": 10954, "quantile": 0.5, "value": 235500.0, "Latitude": 33.76, "Longitude": -117.88, "Population": 2354.0}, {"index": 10954, "quantile": 0.75, "value": 235500.0, "Latitude": 33.76, "Longitude": -117.88, "Population": 2354.0}, {"index": 10954, "quantile": 1.0, "value": 235500.0, "Latitude": 33.76, "Longitude": -117.88, "Population": 2354.0}, {"index": 10955, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 33.76, "Longitude": -117.88, "Population": 1079.0}, {"index": 10955, "quantile": 0.25, "value": 175000.0, "Latitude": 33.76, "Longitude": -117.88, "Population": 1079.0}, {"index": 10955, "quantile": 0.5, "value": 205300.0, "Latitude": 33.76, "Longitude": -117.88, "Population": 1079.0}, {"index": 10955, "quantile": 0.75, "value": 205300.0, "Latitude": 33.76, "Longitude": -117.88, "Population": 1079.0}, {"index": 10955, "quantile": 1.0, "value": 376100.0, "Latitude": 33.76, "Longitude": -117.88, "Population": 1079.0}, {"index": 10956, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.75, "Longitude": -117.88, "Population": 747.0}, {"index": 10956, "quantile": 0.25, "value": 195400.0, "Latitude": 33.75, "Longitude": -117.88, "Population": 747.0}, {"index": 10956, "quantile": 0.5, "value": 195400.0, "Latitude": 33.75, "Longitude": -117.88, "Population": 747.0}, {"index": 10956, "quantile": 0.75, "value": 195400.0, "Latitude": 33.75, "Longitude": -117.88, "Population": 747.0}, {"index": 10956, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 33.75, "Longitude": -117.88, "Population": 747.0}, {"index": 10957, "quantile": 0.0, "value": 120300.0, "Latitude": 33.75, "Longitude": -117.88, "Population": 5477.0}, {"index": 10957, "quantile": 0.25, "value": 164374.99999999997, "Latitude": 33.75, "Longitude": -117.88, "Population": 5477.0}, {"index": 10957, "quantile": 0.5, "value": 187200.0, "Latitude": 33.75, "Longitude": -117.88, "Population": 5477.0}, {"index": 10957, "quantile": 0.75, "value": 187200.0, "Latitude": 33.75, "Longitude": -117.88, "Population": 5477.0}, {"index": 10957, "quantile": 1.0, "value": 297100.0, "Latitude": 33.75, "Longitude": -117.88, "Population": 5477.0}, {"index": 10958, "quantile": 0.0, "value": 120100.0, "Latitude": 33.76, "Longitude": -117.9, "Population": 3262.0}, {"index": 10958, "quantile": 0.25, "value": 167800.0, "Latitude": 33.76, "Longitude": -117.9, "Population": 3262.0}, {"index": 10958, "quantile": 0.5, "value": 176800.0, "Latitude": 33.76, "Longitude": -117.9, "Population": 3262.0}, {"index": 10958, "quantile": 0.75, "value": 176800.0, "Latitude": 33.76, "Longitude": -117.9, "Population": 3262.0}, {"index": 10958, "quantile": 1.0, "value": 210300.00000000003, "Latitude": 33.76, "Longitude": -117.9, "Population": 3262.0}, {"index": 10959, "quantile": 0.0, "value": 131100.0, "Latitude": 33.75, "Longitude": -117.9, "Population": 2245.0}, {"index": 10959, "quantile": 0.25, "value": 163000.0, "Latitude": 33.75, "Longitude": -117.9, "Population": 2245.0}, {"index": 10959, "quantile": 0.5, "value": 163000.0, "Latitude": 33.75, "Longitude": -117.9, "Population": 2245.0}, {"index": 10959, "quantile": 0.75, "value": 170100.0, "Latitude": 33.75, "Longitude": -117.9, "Population": 2245.0}, {"index": 10959, "quantile": 1.0, "value": 185200.0, "Latitude": 33.75, "Longitude": -117.9, "Population": 2245.0}, {"index": 10960, "quantile": 0.0, "value": 117700.0, "Latitude": 33.76, "Longitude": -117.89, "Population": 2370.0}, {"index": 10960, "quantile": 0.25, "value": 177150.0, "Latitude": 33.76, "Longitude": -117.89, "Population": 2370.0}, {"index": 10960, "quantile": 0.5, "value": 177200.0, "Latitude": 33.76, "Longitude": -117.89, "Population": 2370.0}, {"index": 10960, "quantile": 0.75, "value": 177200.0, "Latitude": 33.76, "Longitude": -117.89, "Population": 2370.0}, {"index": 10960, "quantile": 1.0, "value": 344400.0, "Latitude": 33.76, "Longitude": -117.89, "Population": 2370.0}, {"index": 10961, "quantile": 0.0, "value": 113900.0, "Latitude": 33.75, "Longitude": -117.89, "Population": 3117.0}, {"index": 10961, "quantile": 0.25, "value": 164950.0, "Latitude": 33.75, "Longitude": -117.89, "Population": 3117.0}, {"index": 10961, "quantile": 0.5, "value": 170100.0, "Latitude": 33.75, "Longitude": -117.89, "Population": 3117.0}, {"index": 10961, "quantile": 0.75, "value": 170100.0, "Latitude": 33.75, "Longitude": -117.89, "Population": 3117.0}, {"index": 10961, "quantile": 1.0, "value": 179600.0, "Latitude": 33.75, "Longitude": -117.89, "Population": 3117.0}, {"index": 10962, "quantile": 0.0, "value": 137500.0, "Latitude": 33.78, "Longitude": -117.88, "Population": 1235.0}, {"index": 10962, "quantile": 0.25, "value": 187500.0, "Latitude": 33.78, "Longitude": -117.88, "Population": 1235.0}, {"index": 10962, "quantile": 0.5, "value": 187500.0, "Latitude": 33.78, "Longitude": -117.88, "Population": 1235.0}, {"index": 10962, "quantile": 0.75, "value": 187500.0, "Latitude": 33.78, "Longitude": -117.88, "Population": 1235.0}, {"index": 10962, "quantile": 1.0, "value": 235000.0, "Latitude": 33.78, "Longitude": -117.88, "Population": 1235.0}, {"index": 10963, "quantile": 0.0, "value": 189100.0, "Latitude": 33.77, "Longitude": -117.88, "Population": 1044.0}, {"index": 10963, "quantile": 0.25, "value": 325200.0, "Latitude": 33.77, "Longitude": -117.88, "Population": 1044.0}, {"index": 10963, "quantile": 0.5, "value": 360750.0, "Latitude": 33.77, "Longitude": -117.88, "Population": 1044.0}, {"index": 10963, "quantile": 0.75, "value": 394100.0, "Latitude": 33.77, "Longitude": -117.88, "Population": 1044.0}, {"index": 10963, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -117.88, "Population": 1044.0}, {"index": 10964, "quantile": 0.0, "value": 71300.0, "Latitude": 33.78, "Longitude": -117.88, "Population": 1572.0}, {"index": 10964, "quantile": 0.25, "value": 223800.0, "Latitude": 33.78, "Longitude": -117.88, "Population": 1572.0}, {"index": 10964, "quantile": 0.5, "value": 237400.0, "Latitude": 33.78, "Longitude": -117.88, "Population": 1572.0}, {"index": 10964, "quantile": 0.75, "value": 237400.0, "Latitude": 33.78, "Longitude": -117.88, "Population": 1572.0}, {"index": 10964, "quantile": 1.0, "value": 396000.0, "Latitude": 33.78, "Longitude": -117.88, "Population": 1572.0}, {"index": 10965, "quantile": 0.0, "value": 125899.99999999999, "Latitude": 33.77, "Longitude": -117.89, "Population": 1445.0}, {"index": 10965, "quantile": 0.25, "value": 195000.0, "Latitude": 33.77, "Longitude": -117.89, "Population": 1445.0}, {"index": 10965, "quantile": 0.5, "value": 195000.0, "Latitude": 33.77, "Longitude": -117.89, "Population": 1445.0}, {"index": 10965, "quantile": 0.75, "value": 195000.0, "Latitude": 33.77, "Longitude": -117.89, "Population": 1445.0}, {"index": 10965, "quantile": 1.0, "value": 375000.0, "Latitude": 33.77, "Longitude": -117.89, "Population": 1445.0}, {"index": 10966, "quantile": 0.0, "value": 100000.0, "Latitude": 33.77, "Longitude": -117.89, "Population": 1239.0}, {"index": 10966, "quantile": 0.25, "value": 182325.0, "Latitude": 33.77, "Longitude": -117.89, "Population": 1239.0}, {"index": 10966, "quantile": 0.5, "value": 189600.0, "Latitude": 33.77, "Longitude": -117.89, "Population": 1239.0}, {"index": 10966, "quantile": 0.75, "value": 189600.0, "Latitude": 33.77, "Longitude": -117.89, "Population": 1239.0}, {"index": 10966, "quantile": 1.0, "value": 287500.0, "Latitude": 33.77, "Longitude": -117.89, "Population": 1239.0}, {"index": 10967, "quantile": 0.0, "value": 152800.0, "Latitude": 33.76, "Longitude": -117.89, "Population": 723.0}, {"index": 10967, "quantile": 0.25, "value": 192700.0, "Latitude": 33.76, "Longitude": -117.89, "Population": 723.0}, {"index": 10967, "quantile": 0.5, "value": 192700.0, "Latitude": 33.76, "Longitude": -117.89, "Population": 723.0}, {"index": 10967, "quantile": 0.75, "value": 192700.0, "Latitude": 33.76, "Longitude": -117.89, "Population": 723.0}, {"index": 10967, "quantile": 1.0, "value": 237300.00000000003, "Latitude": 33.76, "Longitude": -117.89, "Population": 723.0}, {"index": 10968, "quantile": 0.0, "value": 204800.0, "Latitude": 33.77, "Longitude": -117.87, "Population": 978.0}, {"index": 10968, "quantile": 0.25, "value": 320300.0, "Latitude": 33.77, "Longitude": -117.87, "Population": 978.0}, {"index": 10968, "quantile": 0.5, "value": 320300.0, "Latitude": 33.77, "Longitude": -117.87, "Population": 978.0}, {"index": 10968, "quantile": 0.75, "value": 351900.0, "Latitude": 33.77, "Longitude": -117.87, "Population": 978.0}, {"index": 10968, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -117.87, "Population": 978.0}, {"index": 10969, "quantile": 0.0, "value": 135400.0, "Latitude": 33.76, "Longitude": -117.87, "Population": 2164.0}, {"index": 10969, "quantile": 0.25, "value": 244899.99999999997, "Latitude": 33.76, "Longitude": -117.87, "Population": 2164.0}, {"index": 10969, "quantile": 0.5, "value": 311300.0, "Latitude": 33.76, "Longitude": -117.87, "Population": 2164.0}, {"index": 10969, "quantile": 0.75, "value": 311300.0, "Latitude": 33.76, "Longitude": -117.87, "Population": 2164.0}, {"index": 10969, "quantile": 1.0, "value": 383800.0, "Latitude": 33.76, "Longitude": -117.87, "Population": 2164.0}, {"index": 10970, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 33.77, "Longitude": -117.86, "Population": 1669.0}, {"index": 10970, "quantile": 0.25, "value": 240300.0, "Latitude": 33.77, "Longitude": -117.86, "Population": 1669.0}, {"index": 10970, "quantile": 0.5, "value": 240300.0, "Latitude": 33.77, "Longitude": -117.86, "Population": 1669.0}, {"index": 10970, "quantile": 0.75, "value": 240300.0, "Latitude": 33.77, "Longitude": -117.86, "Population": 1669.0}, {"index": 10970, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 33.77, "Longitude": -117.86, "Population": 1669.0}, {"index": 10971, "quantile": 0.0, "value": 177500.0, "Latitude": 33.76, "Longitude": -117.86, "Population": 1679.0}, {"index": 10971, "quantile": 0.25, "value": 205300.0, "Latitude": 33.76, "Longitude": -117.86, "Population": 1679.0}, {"index": 10971, "quantile": 0.5, "value": 205300.0, "Latitude": 33.76, "Longitude": -117.86, "Population": 1679.0}, {"index": 10971, "quantile": 0.75, "value": 205300.0, "Latitude": 33.76, "Longitude": -117.86, "Population": 1679.0}, {"index": 10971, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.76, "Longitude": -117.86, "Population": 1679.0}, {"index": 10972, "quantile": 0.0, "value": 95200.0, "Latitude": 33.76, "Longitude": -117.84, "Population": 615.0}, {"index": 10972, "quantile": 0.25, "value": 218800.00000000003, "Latitude": 33.76, "Longitude": -117.84, "Population": 615.0}, {"index": 10972, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 33.76, "Longitude": -117.84, "Population": 615.0}, {"index": 10972, "quantile": 0.75, "value": 218800.00000000003, "Latitude": 33.76, "Longitude": -117.84, "Population": 615.0}, {"index": 10972, "quantile": 1.0, "value": 450000.0, "Latitude": 33.76, "Longitude": -117.84, "Population": 615.0}, {"index": 10973, "quantile": 0.0, "value": 129700.0, "Latitude": 33.76, "Longitude": -117.85, "Population": 1273.0}, {"index": 10973, "quantile": 0.25, "value": 174825.0, "Latitude": 33.76, "Longitude": -117.85, "Population": 1273.0}, {"index": 10973, "quantile": 0.5, "value": 190850.0, "Latitude": 33.76, "Longitude": -117.85, "Population": 1273.0}, {"index": 10973, "quantile": 0.75, "value": 225850.00000000003, "Latitude": 33.76, "Longitude": -117.85, "Population": 1273.0}, {"index": 10973, "quantile": 1.0, "value": 450000.0, "Latitude": 33.76, "Longitude": -117.85, "Population": 1273.0}, {"index": 10974, "quantile": 0.0, "value": 47500.0, "Latitude": 33.76, "Longitude": -117.84, "Population": 93.0}, {"index": 10974, "quantile": 0.25, "value": 175000.0, "Latitude": 33.76, "Longitude": -117.84, "Population": 93.0}, {"index": 10974, "quantile": 0.5, "value": 201650.00000000003, "Latitude": 33.76, "Longitude": -117.84, "Population": 93.0}, {"index": 10974, "quantile": 0.75, "value": 291700.0, "Latitude": 33.76, "Longitude": -117.84, "Population": 93.0}, {"index": 10974, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -117.84, "Population": 93.0}, {"index": 10975, "quantile": 0.0, "value": 117300.0, "Latitude": 33.76, "Longitude": -117.84, "Population": 196.0}, {"index": 10975, "quantile": 0.25, "value": 219400.0, "Latitude": 33.76, "Longitude": -117.84, "Population": 196.0}, {"index": 10975, "quantile": 0.5, "value": 219400.0, "Latitude": 33.76, "Longitude": -117.84, "Population": 196.0}, {"index": 10975, "quantile": 0.75, "value": 219400.0, "Latitude": 33.76, "Longitude": -117.84, "Population": 196.0}, {"index": 10975, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -117.84, "Population": 196.0}, {"index": 10976, "quantile": 0.0, "value": 87500.0, "Latitude": 33.75, "Longitude": -117.84, "Population": 2164.0}, {"index": 10976, "quantile": 0.25, "value": 185600.0, "Latitude": 33.75, "Longitude": -117.84, "Population": 2164.0}, {"index": 10976, "quantile": 0.5, "value": 209600.0, "Latitude": 33.75, "Longitude": -117.84, "Population": 2164.0}, {"index": 10976, "quantile": 0.75, "value": 230125.0, "Latitude": 33.75, "Longitude": -117.84, "Population": 2164.0}, {"index": 10976, "quantile": 1.0, "value": 430900.0, "Latitude": 33.75, "Longitude": -117.84, "Population": 2164.0}, {"index": 10977, "quantile": 0.0, "value": 142500.0, "Latitude": 33.76, "Longitude": -117.85, "Population": 1053.0}, {"index": 10977, "quantile": 0.25, "value": 213800.0, "Latitude": 33.76, "Longitude": -117.85, "Population": 1053.0}, {"index": 10977, "quantile": 0.5, "value": 213800.0, "Latitude": 33.76, "Longitude": -117.85, "Population": 1053.0}, {"index": 10977, "quantile": 0.75, "value": 213800.0, "Latitude": 33.76, "Longitude": -117.85, "Population": 1053.0}, {"index": 10977, "quantile": 1.0, "value": 359900.0, "Latitude": 33.76, "Longitude": -117.85, "Population": 1053.0}, {"index": 10978, "quantile": 0.0, "value": 134100.0, "Latitude": 33.77, "Longitude": -117.84, "Population": 1656.0}, {"index": 10978, "quantile": 0.25, "value": 179400.0, "Latitude": 33.77, "Longitude": -117.84, "Population": 1656.0}, {"index": 10978, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 33.77, "Longitude": -117.84, "Population": 1656.0}, {"index": 10978, "quantile": 0.75, "value": 226900.0, "Latitude": 33.77, "Longitude": -117.84, "Population": 1656.0}, {"index": 10978, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -117.84, "Population": 1656.0}, {"index": 10979, "quantile": 0.0, "value": 144100.0, "Latitude": 33.77, "Longitude": -117.85, "Population": 3570.0}, {"index": 10979, "quantile": 0.25, "value": 213174.99999999997, "Latitude": 33.77, "Longitude": -117.85, "Population": 3570.0}, {"index": 10979, "quantile": 0.5, "value": 233100.0, "Latitude": 33.77, "Longitude": -117.85, "Population": 3570.0}, {"index": 10979, "quantile": 0.75, "value": 233100.0, "Latitude": 33.77, "Longitude": -117.85, "Population": 3570.0}, {"index": 10979, "quantile": 1.0, "value": 383800.0, "Latitude": 33.77, "Longitude": -117.85, "Population": 3570.0}, {"index": 10980, "quantile": 0.0, "value": 85500.0, "Latitude": 33.77, "Longitude": -117.84, "Population": 1314.0}, {"index": 10980, "quantile": 0.25, "value": 249100.0, "Latitude": 33.77, "Longitude": -117.84, "Population": 1314.0}, {"index": 10980, "quantile": 0.5, "value": 249100.0, "Latitude": 33.77, "Longitude": -117.84, "Population": 1314.0}, {"index": 10980, "quantile": 0.75, "value": 249100.0, "Latitude": 33.77, "Longitude": -117.84, "Population": 1314.0}, {"index": 10980, "quantile": 1.0, "value": 487500.0, "Latitude": 33.77, "Longitude": -117.84, "Population": 1314.0}, {"index": 10981, "quantile": 0.0, "value": 136400.0, "Latitude": 33.76, "Longitude": -117.84, "Population": 1146.0}, {"index": 10981, "quantile": 0.25, "value": 229599.99999999997, "Latitude": 33.76, "Longitude": -117.84, "Population": 1146.0}, {"index": 10981, "quantile": 0.5, "value": 229599.99999999997, "Latitude": 33.76, "Longitude": -117.84, "Population": 1146.0}, {"index": 10981, "quantile": 0.75, "value": 229599.99999999997, "Latitude": 33.76, "Longitude": -117.84, "Population": 1146.0}, {"index": 10981, "quantile": 1.0, "value": 253500.0, "Latitude": 33.76, "Longitude": -117.84, "Population": 1146.0}, {"index": 10982, "quantile": 0.0, "value": 160500.0, "Latitude": 33.75, "Longitude": -117.83, "Population": 2703.0}, {"index": 10982, "quantile": 0.25, "value": 296400.0, "Latitude": 33.75, "Longitude": -117.83, "Population": 2703.0}, {"index": 10982, "quantile": 0.5, "value": 296400.0, "Latitude": 33.75, "Longitude": -117.83, "Population": 2703.0}, {"index": 10982, "quantile": 0.75, "value": 296400.0, "Latitude": 33.75, "Longitude": -117.83, "Population": 2703.0}, {"index": 10982, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -117.83, "Population": 2703.0}, {"index": 10983, "quantile": 0.0, "value": 159400.0, "Latitude": 33.75, "Longitude": -117.82, "Population": 1270.0}, {"index": 10983, "quantile": 0.25, "value": 236500.00000000003, "Latitude": 33.75, "Longitude": -117.82, "Population": 1270.0}, {"index": 10983, "quantile": 0.5, "value": 236500.00000000003, "Latitude": 33.75, "Longitude": -117.82, "Population": 1270.0}, {"index": 10983, "quantile": 0.75, "value": 236500.00000000003, "Latitude": 33.75, "Longitude": -117.82, "Population": 1270.0}, {"index": 10983, "quantile": 1.0, "value": 387800.0, "Latitude": 33.75, "Longitude": -117.82, "Population": 1270.0}, {"index": 10984, "quantile": 0.0, "value": 74300.0, "Latitude": 33.75, "Longitude": -117.82, "Population": 342.0}, {"index": 10984, "quantile": 0.25, "value": 146500.0, "Latitude": 33.75, "Longitude": -117.82, "Population": 342.0}, {"index": 10984, "quantile": 0.5, "value": 146500.0, "Latitude": 33.75, "Longitude": -117.82, "Population": 342.0}, {"index": 10984, "quantile": 0.75, "value": 164475.0, "Latitude": 33.75, "Longitude": -117.82, "Population": 342.0}, {"index": 10984, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -117.82, "Population": 342.0}, {"index": 10985, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 33.74, "Longitude": -117.82, "Population": 1559.0}, {"index": 10985, "quantile": 0.25, "value": 162225.0, "Latitude": 33.74, "Longitude": -117.82, "Population": 1559.0}, {"index": 10985, "quantile": 0.5, "value": 210100.0, "Latitude": 33.74, "Longitude": -117.82, "Population": 1559.0}, {"index": 10985, "quantile": 0.75, "value": 220500.0, "Latitude": 33.74, "Longitude": -117.82, "Population": 1559.0}, {"index": 10985, "quantile": 1.0, "value": 450000.0, "Latitude": 33.74, "Longitude": -117.82, "Population": 1559.0}, {"index": 10986, "quantile": 0.0, "value": 117300.0, "Latitude": 33.75, "Longitude": -117.83, "Population": 1475.0}, {"index": 10986, "quantile": 0.25, "value": 210200.0, "Latitude": 33.75, "Longitude": -117.83, "Population": 1475.0}, {"index": 10986, "quantile": 0.5, "value": 210200.0, "Latitude": 33.75, "Longitude": -117.83, "Population": 1475.0}, {"index": 10986, "quantile": 0.75, "value": 210200.0, "Latitude": 33.75, "Longitude": -117.83, "Population": 1475.0}, {"index": 10986, "quantile": 1.0, "value": 305800.0, "Latitude": 33.75, "Longitude": -117.83, "Population": 1475.0}, {"index": 10987, "quantile": 0.0, "value": 179100.0, "Latitude": 33.75, "Longitude": -117.81, "Population": 1574.0}, {"index": 10987, "quantile": 0.25, "value": 252199.99999999997, "Latitude": 33.75, "Longitude": -117.81, "Population": 1574.0}, {"index": 10987, "quantile": 0.5, "value": 252199.99999999997, "Latitude": 33.75, "Longitude": -117.81, "Population": 1574.0}, {"index": 10987, "quantile": 0.75, "value": 252199.99999999997, "Latitude": 33.75, "Longitude": -117.81, "Population": 1574.0}, {"index": 10987, "quantile": 1.0, "value": 476300.0, "Latitude": 33.75, "Longitude": -117.81, "Population": 1574.0}, {"index": 10988, "quantile": 0.0, "value": 133500.0, "Latitude": 33.74, "Longitude": -117.8, "Population": 1540.0}, {"index": 10988, "quantile": 0.25, "value": 226074.99999999997, "Latitude": 33.74, "Longitude": -117.8, "Population": 1540.0}, {"index": 10988, "quantile": 0.5, "value": 235200.00000000003, "Latitude": 33.74, "Longitude": -117.8, "Population": 1540.0}, {"index": 10988, "quantile": 0.75, "value": 265900.0, "Latitude": 33.74, "Longitude": -117.8, "Population": 1540.0}, {"index": 10988, "quantile": 1.0, "value": 445700.0, "Latitude": 33.74, "Longitude": -117.8, "Population": 1540.0}, {"index": 10989, "quantile": 0.0, "value": 99100.0, "Latitude": 33.73, "Longitude": -117.81, "Population": 2828.0}, {"index": 10989, "quantile": 0.25, "value": 252800.0, "Latitude": 33.73, "Longitude": -117.81, "Population": 2828.0}, {"index": 10989, "quantile": 0.5, "value": 252800.0, "Latitude": 33.73, "Longitude": -117.81, "Population": 2828.0}, {"index": 10989, "quantile": 0.75, "value": 252800.0, "Latitude": 33.73, "Longitude": -117.81, "Population": 2828.0}, {"index": 10989, "quantile": 1.0, "value": 450000.0, "Latitude": 33.73, "Longitude": -117.81, "Population": 2828.0}, {"index": 10990, "quantile": 0.0, "value": 112500.0, "Latitude": 33.74, "Longitude": -117.81, "Population": 1908.0}, {"index": 10990, "quantile": 0.25, "value": 197900.0, "Latitude": 33.74, "Longitude": -117.81, "Population": 1908.0}, {"index": 10990, "quantile": 0.5, "value": 216900.0, "Latitude": 33.74, "Longitude": -117.81, "Population": 1908.0}, {"index": 10990, "quantile": 0.75, "value": 216900.0, "Latitude": 33.74, "Longitude": -117.81, "Population": 1908.0}, {"index": 10990, "quantile": 1.0, "value": 305600.0, "Latitude": 33.74, "Longitude": -117.81, "Population": 1908.0}, {"index": 10991, "quantile": 0.0, "value": 45000.0, "Latitude": 33.73, "Longitude": -117.81, "Population": 2334.0}, {"index": 10991, "quantile": 0.25, "value": 140600.0, "Latitude": 33.73, "Longitude": -117.81, "Population": 2334.0}, {"index": 10991, "quantile": 0.5, "value": 140600.0, "Latitude": 33.73, "Longitude": -117.81, "Population": 2334.0}, {"index": 10991, "quantile": 0.75, "value": 171175.0, "Latitude": 33.73, "Longitude": -117.81, "Population": 2334.0}, {"index": 10991, "quantile": 1.0, "value": 450000.0, "Latitude": 33.73, "Longitude": -117.81, "Population": 2334.0}, {"index": 10992, "quantile": 0.0, "value": 123900.00000000001, "Latitude": 33.73, "Longitude": -117.81, "Population": 1508.0}, {"index": 10992, "quantile": 0.25, "value": 225000.0, "Latitude": 33.73, "Longitude": -117.81, "Population": 1508.0}, {"index": 10992, "quantile": 0.5, "value": 236500.00000000003, "Latitude": 33.73, "Longitude": -117.81, "Population": 1508.0}, {"index": 10992, "quantile": 0.75, "value": 264375.0, "Latitude": 33.73, "Longitude": -117.81, "Population": 1508.0}, {"index": 10992, "quantile": 1.0, "value": 346000.0, "Latitude": 33.73, "Longitude": -117.81, "Population": 1508.0}, {"index": 10993, "quantile": 0.0, "value": 112500.0, "Latitude": 33.73, "Longitude": -117.82, "Population": 1720.0}, {"index": 10993, "quantile": 0.25, "value": 137000.0, "Latitude": 33.73, "Longitude": -117.82, "Population": 1720.0}, {"index": 10993, "quantile": 0.5, "value": 137000.0, "Latitude": 33.73, "Longitude": -117.82, "Population": 1720.0}, {"index": 10993, "quantile": 0.75, "value": 186600.0, "Latitude": 33.73, "Longitude": -117.82, "Population": 1720.0}, {"index": 10993, "quantile": 1.0, "value": 300000.0, "Latitude": 33.73, "Longitude": -117.82, "Population": 1720.0}, {"index": 10994, "quantile": 0.0, "value": 112500.0, "Latitude": 33.73, "Longitude": -117.82, "Population": 482.0}, {"index": 10994, "quantile": 0.25, "value": 225000.0, "Latitude": 33.73, "Longitude": -117.82, "Population": 482.0}, {"index": 10994, "quantile": 0.5, "value": 225000.0, "Latitude": 33.73, "Longitude": -117.82, "Population": 482.0}, {"index": 10994, "quantile": 0.75, "value": 225000.0, "Latitude": 33.73, "Longitude": -117.82, "Population": 482.0}, {"index": 10994, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -117.82, "Population": 482.0}, {"index": 10995, "quantile": 0.0, "value": 147500.0, "Latitude": 33.73, "Longitude": -117.82, "Population": 809.0}, {"index": 10995, "quantile": 0.25, "value": 191050.0, "Latitude": 33.73, "Longitude": -117.82, "Population": 809.0}, {"index": 10995, "quantile": 0.5, "value": 216699.99999999997, "Latitude": 33.73, "Longitude": -117.82, "Population": 809.0}, {"index": 10995, "quantile": 0.75, "value": 234900.00000000003, "Latitude": 33.73, "Longitude": -117.82, "Population": 809.0}, {"index": 10995, "quantile": 1.0, "value": 359900.0, "Latitude": 33.73, "Longitude": -117.82, "Population": 809.0}, {"index": 10996, "quantile": 0.0, "value": 45000.0, "Latitude": 33.74, "Longitude": -117.83, "Population": 4088.0}, {"index": 10996, "quantile": 0.25, "value": 174475.0, "Latitude": 33.74, "Longitude": -117.83, "Population": 4088.0}, {"index": 10996, "quantile": 0.5, "value": 190499.99999999997, "Latitude": 33.74, "Longitude": -117.83, "Population": 4088.0}, {"index": 10996, "quantile": 0.75, "value": 209250.00000000003, "Latitude": 33.74, "Longitude": -117.83, "Population": 4088.0}, {"index": 10996, "quantile": 1.0, "value": 350000.0, "Latitude": 33.74, "Longitude": -117.83, "Population": 4088.0}, {"index": 10997, "quantile": 0.0, "value": 101600.0, "Latitude": 33.73, "Longitude": -117.83, "Population": 4853.0}, {"index": 10997, "quantile": 0.25, "value": 160400.0, "Latitude": 33.73, "Longitude": -117.83, "Population": 4853.0}, {"index": 10997, "quantile": 0.5, "value": 160400.0, "Latitude": 33.73, "Longitude": -117.83, "Population": 4853.0}, {"index": 10997, "quantile": 0.75, "value": 175900.0, "Latitude": 33.73, "Longitude": -117.83, "Population": 4853.0}, {"index": 10997, "quantile": 1.0, "value": 271200.0, "Latitude": 33.73, "Longitude": -117.83, "Population": 4853.0}, {"index": 10998, "quantile": 0.0, "value": 204800.0, "Latitude": 33.76, "Longitude": -117.8, "Population": 1017.0}, {"index": 10998, "quantile": 0.25, "value": 294900.0, "Latitude": 33.76, "Longitude": -117.8, "Population": 1017.0}, {"index": 10998, "quantile": 0.5, "value": 338000.0, "Latitude": 33.76, "Longitude": -117.8, "Population": 1017.0}, {"index": 10998, "quantile": 0.75, "value": 385725.0, "Latitude": 33.76, "Longitude": -117.8, "Population": 1017.0}, {"index": 10998, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -117.8, "Population": 1017.0}, {"index": 10999, "quantile": 0.0, "value": 454300.0, "Latitude": 33.76, "Longitude": -117.79, "Population": 796.0}, {"index": 10999, "quantile": 0.25, "value": 487200.0, "Latitude": 33.76, "Longitude": -117.79, "Population": 796.0}, {"index": 10999, "quantile": 0.5, "value": 487200.0, "Latitude": 33.76, "Longitude": -117.79, "Population": 796.0}, {"index": 10999, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -117.79, "Population": 796.0}, {"index": 10999, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -117.79, "Population": 796.0}, {"index": 11000, "quantile": 0.0, "value": 411800.00000000006, "Latitude": 33.75, "Longitude": -117.79, "Population": 983.0}, {"index": 11000, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -117.79, "Population": 983.0}, {"index": 11000, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -117.79, "Population": 983.0}, {"index": 11000, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -117.79, "Population": 983.0}, {"index": 11000, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -117.79, "Population": 983.0}, {"index": 11001, "quantile": 0.0, "value": 360600.0, "Latitude": 33.75, "Longitude": -117.79, "Population": 1074.0}, {"index": 11001, "quantile": 0.25, "value": 496800.74999999994, "Latitude": 33.75, "Longitude": -117.79, "Population": 1074.0}, {"index": 11001, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -117.79, "Population": 1074.0}, {"index": 11001, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -117.79, "Population": 1074.0}, {"index": 11001, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -117.79, "Population": 1074.0}, {"index": 11002, "quantile": 0.0, "value": 158200.0, "Latitude": 33.75, "Longitude": -117.8, "Population": 1197.0}, {"index": 11002, "quantile": 0.25, "value": 286475.0, "Latitude": 33.75, "Longitude": -117.8, "Population": 1197.0}, {"index": 11002, "quantile": 0.5, "value": 286600.0, "Latitude": 33.75, "Longitude": -117.8, "Population": 1197.0}, {"index": 11002, "quantile": 0.75, "value": 286600.0, "Latitude": 33.75, "Longitude": -117.8, "Population": 1197.0}, {"index": 11002, "quantile": 1.0, "value": 463800.0, "Latitude": 33.75, "Longitude": -117.8, "Population": 1197.0}, {"index": 11003, "quantile": 0.0, "value": 186100.0, "Latitude": 33.74, "Longitude": -117.8, "Population": 1300.0}, {"index": 11003, "quantile": 0.25, "value": 290200.0, "Latitude": 33.74, "Longitude": -117.8, "Population": 1300.0}, {"index": 11003, "quantile": 0.5, "value": 290200.0, "Latitude": 33.74, "Longitude": -117.8, "Population": 1300.0}, {"index": 11003, "quantile": 0.75, "value": 290200.0, "Latitude": 33.74, "Longitude": -117.8, "Population": 1300.0}, {"index": 11003, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -117.8, "Population": 1300.0}, {"index": 11004, "quantile": 0.0, "value": 112799.99999999999, "Latitude": 33.75, "Longitude": -117.81, "Population": 1197.0}, {"index": 11004, "quantile": 0.25, "value": 219325.0, "Latitude": 33.75, "Longitude": -117.81, "Population": 1197.0}, {"index": 11004, "quantile": 0.5, "value": 227800.0, "Latitude": 33.75, "Longitude": -117.81, "Population": 1197.0}, {"index": 11004, "quantile": 0.75, "value": 227800.0, "Latitude": 33.75, "Longitude": -117.81, "Population": 1197.0}, {"index": 11004, "quantile": 1.0, "value": 341700.0, "Latitude": 33.75, "Longitude": -117.81, "Population": 1197.0}, {"index": 11005, "quantile": 0.0, "value": 224100.0, "Latitude": 33.77, "Longitude": -117.79, "Population": 1292.0}, {"index": 11005, "quantile": 0.25, "value": 382975.0, "Latitude": 33.77, "Longitude": -117.79, "Population": 1292.0}, {"index": 11005, "quantile": 0.5, "value": 451300.0, "Latitude": 33.77, "Longitude": -117.79, "Population": 1292.0}, {"index": 11005, "quantile": 0.75, "value": 451300.0, "Latitude": 33.77, "Longitude": -117.79, "Population": 1292.0}, {"index": 11005, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -117.79, "Population": 1292.0}, {"index": 11006, "quantile": 0.0, "value": 237699.99999999997, "Latitude": 33.77, "Longitude": -117.79, "Population": 1680.0}, {"index": 11006, "quantile": 0.25, "value": 290300.0, "Latitude": 33.77, "Longitude": -117.79, "Population": 1680.0}, {"index": 11006, "quantile": 0.5, "value": 438999.99999999994, "Latitude": 33.77, "Longitude": -117.79, "Population": 1680.0}, {"index": 11006, "quantile": 0.75, "value": 438999.99999999994, "Latitude": 33.77, "Longitude": -117.79, "Population": 1680.0}, {"index": 11006, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -117.79, "Population": 1680.0}, {"index": 11007, "quantile": 0.0, "value": 487200.0, "Latitude": 33.76, "Longitude": -117.78, "Population": 719.0}, {"index": 11007, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -117.78, "Population": 719.0}, {"index": 11007, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -117.78, "Population": 719.0}, {"index": 11007, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -117.78, "Population": 719.0}, {"index": 11007, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -117.78, "Population": 719.0}, {"index": 11008, "quantile": 0.0, "value": 357600.0, "Latitude": 33.78, "Longitude": -117.78, "Population": 3744.0}, {"index": 11008, "quantile": 0.25, "value": 456900.0, "Latitude": 33.78, "Longitude": -117.78, "Population": 3744.0}, {"index": 11008, "quantile": 0.5, "value": 484100.0, "Latitude": 33.78, "Longitude": -117.78, "Population": 3744.0}, {"index": 11008, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -117.78, "Population": 3744.0}, {"index": 11008, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -117.78, "Population": 3744.0}, {"index": 11009, "quantile": 0.0, "value": 193500.0, "Latitude": 33.79, "Longitude": -117.76, "Population": 3754.0}, {"index": 11009, "quantile": 0.25, "value": 374000.0, "Latitude": 33.79, "Longitude": -117.76, "Population": 3754.0}, {"index": 11009, "quantile": 0.5, "value": 374000.0, "Latitude": 33.79, "Longitude": -117.76, "Population": 3754.0}, {"index": 11009, "quantile": 0.75, "value": 374000.0, "Latitude": 33.79, "Longitude": -117.76, "Population": 3754.0}, {"index": 11009, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -117.76, "Population": 3754.0}, {"index": 11010, "quantile": 0.0, "value": 411800.00000000006, "Latitude": 33.76, "Longitude": -117.77, "Population": 1200.0}, {"index": 11010, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -117.77, "Population": 1200.0}, {"index": 11010, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -117.77, "Population": 1200.0}, {"index": 11010, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -117.77, "Population": 1200.0}, {"index": 11010, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -117.77, "Population": 1200.0}, {"index": 11011, "quantile": 0.0, "value": 165200.0, "Latitude": 33.77, "Longitude": -117.82, "Population": 967.0}, {"index": 11011, "quantile": 0.25, "value": 320300.0, "Latitude": 33.77, "Longitude": -117.82, "Population": 967.0}, {"index": 11011, "quantile": 0.5, "value": 359200.0, "Latitude": 33.77, "Longitude": -117.82, "Population": 967.0}, {"index": 11011, "quantile": 0.75, "value": 382500.0, "Latitude": 33.77, "Longitude": -117.82, "Population": 967.0}, {"index": 11011, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -117.82, "Population": 967.0}, {"index": 11012, "quantile": 0.0, "value": 146300.0, "Latitude": 33.77, "Longitude": -117.83, "Population": 1342.0}, {"index": 11012, "quantile": 0.25, "value": 203200.0, "Latitude": 33.77, "Longitude": -117.83, "Population": 1342.0}, {"index": 11012, "quantile": 0.5, "value": 203200.0, "Latitude": 33.77, "Longitude": -117.83, "Population": 1342.0}, {"index": 11012, "quantile": 0.75, "value": 241275.0, "Latitude": 33.77, "Longitude": -117.83, "Population": 1342.0}, {"index": 11012, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -117.83, "Population": 1342.0}, {"index": 11013, "quantile": 0.0, "value": 78600.0, "Latitude": 33.77, "Longitude": -117.83, "Population": 2249.0}, {"index": 11013, "quantile": 0.25, "value": 215600.0, "Latitude": 33.77, "Longitude": -117.83, "Population": 2249.0}, {"index": 11013, "quantile": 0.5, "value": 229999.99999999997, "Latitude": 33.77, "Longitude": -117.83, "Population": 2249.0}, {"index": 11013, "quantile": 0.75, "value": 244899.99999999997, "Latitude": 33.77, "Longitude": -117.83, "Population": 2249.0}, {"index": 11013, "quantile": 1.0, "value": 383800.0, "Latitude": 33.77, "Longitude": -117.83, "Population": 2249.0}, {"index": 11014, "quantile": 0.0, "value": 220500.0, "Latitude": 33.76, "Longitude": -117.82, "Population": 1193.0}, {"index": 11014, "quantile": 0.25, "value": 287800.0, "Latitude": 33.76, "Longitude": -117.82, "Population": 1193.0}, {"index": 11014, "quantile": 0.5, "value": 287800.0, "Latitude": 33.76, "Longitude": -117.82, "Population": 1193.0}, {"index": 11014, "quantile": 0.75, "value": 287800.0, "Latitude": 33.76, "Longitude": -117.82, "Population": 1193.0}, {"index": 11014, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -117.82, "Population": 1193.0}, {"index": 11015, "quantile": 0.0, "value": 204800.0, "Latitude": 33.77, "Longitude": -117.82, "Population": 976.0}, {"index": 11015, "quantile": 0.25, "value": 336950.0, "Latitude": 33.77, "Longitude": -117.82, "Population": 976.0}, {"index": 11015, "quantile": 0.5, "value": 359200.0, "Latitude": 33.77, "Longitude": -117.82, "Population": 976.0}, {"index": 11015, "quantile": 0.75, "value": 359200.0, "Latitude": 33.77, "Longitude": -117.82, "Population": 976.0}, {"index": 11015, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -117.82, "Population": 976.0}, {"index": 11016, "quantile": 0.0, "value": 213899.99999999997, "Latitude": 33.76, "Longitude": -117.82, "Population": 1229.0}, {"index": 11016, "quantile": 0.25, "value": 256750.0, "Latitude": 33.76, "Longitude": -117.82, "Population": 1229.0}, {"index": 11016, "quantile": 0.5, "value": 283400.0, "Latitude": 33.76, "Longitude": -117.82, "Population": 1229.0}, {"index": 11016, "quantile": 0.75, "value": 313800.0, "Latitude": 33.76, "Longitude": -117.82, "Population": 1229.0}, {"index": 11016, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -117.82, "Population": 1229.0}, {"index": 11017, "quantile": 0.0, "value": 158200.0, "Latitude": 33.76, "Longitude": -117.81, "Population": 835.0}, {"index": 11017, "quantile": 0.25, "value": 281150.0, "Latitude": 33.76, "Longitude": -117.81, "Population": 835.0}, {"index": 11017, "quantile": 0.5, "value": 281800.0, "Latitude": 33.76, "Longitude": -117.81, "Population": 835.0}, {"index": 11017, "quantile": 0.75, "value": 281800.0, "Latitude": 33.76, "Longitude": -117.81, "Population": 835.0}, {"index": 11017, "quantile": 1.0, "value": 483600.00000000006, "Latitude": 33.76, "Longitude": -117.81, "Population": 835.0}, {"index": 11018, "quantile": 0.0, "value": 235200.0, "Latitude": 33.77, "Longitude": -117.8, "Population": 2046.0}, {"index": 11018, "quantile": 0.25, "value": 349500.0, "Latitude": 33.77, "Longitude": -117.8, "Population": 2046.0}, {"index": 11018, "quantile": 0.5, "value": 349500.0, "Latitude": 33.77, "Longitude": -117.8, "Population": 2046.0}, {"index": 11018, "quantile": 0.75, "value": 381675.0, "Latitude": 33.77, "Longitude": -117.8, "Population": 2046.0}, {"index": 11018, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -117.8, "Population": 2046.0}, {"index": 11019, "quantile": 0.0, "value": 204800.0, "Latitude": 33.77, "Longitude": -117.81, "Population": 1852.0}, {"index": 11019, "quantile": 0.25, "value": 351200.0, "Latitude": 33.77, "Longitude": -117.81, "Population": 1852.0}, {"index": 11019, "quantile": 0.5, "value": 379850.0, "Latitude": 33.77, "Longitude": -117.81, "Population": 1852.0}, {"index": 11019, "quantile": 0.75, "value": 396400.0, "Latitude": 33.77, "Longitude": -117.81, "Population": 1852.0}, {"index": 11019, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -117.81, "Population": 1852.0}, {"index": 11020, "quantile": 0.0, "value": 345900.0, "Latitude": 33.83, "Longitude": -117.81, "Population": 2569.0}, {"index": 11020, "quantile": 0.25, "value": 453800.0, "Latitude": 33.83, "Longitude": -117.81, "Population": 2569.0}, {"index": 11020, "quantile": 0.5, "value": 480900.0, "Latitude": 33.83, "Longitude": -117.81, "Population": 2569.0}, {"index": 11020, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -117.81, "Population": 2569.0}, {"index": 11020, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -117.81, "Population": 2569.0}, {"index": 11021, "quantile": 0.0, "value": 258199.99999999997, "Latitude": 33.83, "Longitude": -117.83, "Population": 1496.0}, {"index": 11021, "quantile": 0.25, "value": 354000.0, "Latitude": 33.83, "Longitude": -117.83, "Population": 1496.0}, {"index": 11021, "quantile": 0.5, "value": 365300.0, "Latitude": 33.83, "Longitude": -117.83, "Population": 1496.0}, {"index": 11021, "quantile": 0.75, "value": 389025.0, "Latitude": 33.83, "Longitude": -117.83, "Population": 1496.0}, {"index": 11021, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -117.83, "Population": 1496.0}, {"index": 11022, "quantile": 0.0, "value": 146300.0, "Latitude": 33.83, "Longitude": -117.83, "Population": 1226.0}, {"index": 11022, "quantile": 0.25, "value": 231400.0, "Latitude": 33.83, "Longitude": -117.83, "Population": 1226.0}, {"index": 11022, "quantile": 0.5, "value": 231400.0, "Latitude": 33.83, "Longitude": -117.83, "Population": 1226.0}, {"index": 11022, "quantile": 0.75, "value": 231400.0, "Latitude": 33.83, "Longitude": -117.83, "Population": 1226.0}, {"index": 11022, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -117.83, "Population": 1226.0}, {"index": 11023, "quantile": 0.0, "value": 141300.0, "Latitude": 33.8, "Longitude": -117.82, "Population": 1414.0}, {"index": 11023, "quantile": 0.25, "value": 165600.0, "Latitude": 33.8, "Longitude": -117.82, "Population": 1414.0}, {"index": 11023, "quantile": 0.5, "value": 165600.0, "Latitude": 33.8, "Longitude": -117.82, "Population": 1414.0}, {"index": 11023, "quantile": 0.75, "value": 231175.0, "Latitude": 33.8, "Longitude": -117.82, "Population": 1414.0}, {"index": 11023, "quantile": 1.0, "value": 362600.0, "Latitude": 33.8, "Longitude": -117.82, "Population": 1414.0}, {"index": 11024, "quantile": 0.0, "value": 78600.0, "Latitude": 33.79, "Longitude": -117.83, "Population": 724.0}, {"index": 11024, "quantile": 0.25, "value": 218100.0, "Latitude": 33.79, "Longitude": -117.83, "Population": 724.0}, {"index": 11024, "quantile": 0.5, "value": 218100.0, "Latitude": 33.79, "Longitude": -117.83, "Population": 724.0}, {"index": 11024, "quantile": 0.75, "value": 243299.99999999997, "Latitude": 33.79, "Longitude": -117.83, "Population": 724.0}, {"index": 11024, "quantile": 1.0, "value": 359900.0, "Latitude": 33.79, "Longitude": -117.83, "Population": 724.0}, {"index": 11025, "quantile": 0.0, "value": 108500.0, "Latitude": 33.79, "Longitude": -117.82, "Population": 3657.0}, {"index": 11025, "quantile": 0.25, "value": 178500.0, "Latitude": 33.79, "Longitude": -117.82, "Population": 3657.0}, {"index": 11025, "quantile": 0.5, "value": 222300.0, "Latitude": 33.79, "Longitude": -117.82, "Population": 3657.0}, {"index": 11025, "quantile": 0.75, "value": 222300.0, "Latitude": 33.79, "Longitude": -117.82, "Population": 3657.0}, {"index": 11025, "quantile": 1.0, "value": 252100.0, "Latitude": 33.79, "Longitude": -117.82, "Population": 3657.0}, {"index": 11026, "quantile": 0.0, "value": 186100.0, "Latitude": 33.8, "Longitude": -117.83, "Population": 2271.0}, {"index": 11026, "quantile": 0.25, "value": 221000.0, "Latitude": 33.8, "Longitude": -117.83, "Population": 2271.0}, {"index": 11026, "quantile": 0.5, "value": 221000.0, "Latitude": 33.8, "Longitude": -117.83, "Population": 2271.0}, {"index": 11026, "quantile": 0.75, "value": 249400.00000000003, "Latitude": 33.8, "Longitude": -117.83, "Population": 2271.0}, {"index": 11026, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -117.83, "Population": 2271.0}, {"index": 11027, "quantile": 0.0, "value": 112500.0, "Latitude": 33.8, "Longitude": -117.83, "Population": 1095.0}, {"index": 11027, "quantile": 0.25, "value": 196000.0, "Latitude": 33.8, "Longitude": -117.83, "Population": 1095.0}, {"index": 11027, "quantile": 0.5, "value": 196000.0, "Latitude": 33.8, "Longitude": -117.83, "Population": 1095.0}, {"index": 11027, "quantile": 0.75, "value": 196000.0, "Latitude": 33.8, "Longitude": -117.83, "Population": 1095.0}, {"index": 11027, "quantile": 1.0, "value": 282500.0, "Latitude": 33.8, "Longitude": -117.83, "Population": 1095.0}, {"index": 11028, "quantile": 0.0, "value": 175800.0, "Latitude": 33.79, "Longitude": -117.84, "Population": 1378.0}, {"index": 11028, "quantile": 0.25, "value": 209475.00000000003, "Latitude": 33.79, "Longitude": -117.84, "Population": 1378.0}, {"index": 11028, "quantile": 0.5, "value": 230399.99999999997, "Latitude": 33.79, "Longitude": -117.84, "Population": 1378.0}, {"index": 11028, "quantile": 0.75, "value": 252325.0, "Latitude": 33.79, "Longitude": -117.84, "Population": 1378.0}, {"index": 11028, "quantile": 1.0, "value": 488500.0, "Latitude": 33.79, "Longitude": -117.84, "Population": 1378.0}, {"index": 11029, "quantile": 0.0, "value": 63500.0, "Latitude": 33.79, "Longitude": -117.83, "Population": 1078.0}, {"index": 11029, "quantile": 0.25, "value": 196500.0, "Latitude": 33.79, "Longitude": -117.83, "Population": 1078.0}, {"index": 11029, "quantile": 0.5, "value": 220100.0, "Latitude": 33.79, "Longitude": -117.83, "Population": 1078.0}, {"index": 11029, "quantile": 0.75, "value": 220100.0, "Latitude": 33.79, "Longitude": -117.83, "Population": 1078.0}, {"index": 11029, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -117.83, "Population": 1078.0}, {"index": 11030, "quantile": 0.0, "value": 99600.0, "Latitude": 33.79, "Longitude": -117.84, "Population": 1658.0}, {"index": 11030, "quantile": 0.25, "value": 199600.0, "Latitude": 33.79, "Longitude": -117.84, "Population": 1658.0}, {"index": 11030, "quantile": 0.5, "value": 199600.0, "Latitude": 33.79, "Longitude": -117.84, "Population": 1658.0}, {"index": 11030, "quantile": 0.75, "value": 199600.0, "Latitude": 33.79, "Longitude": -117.84, "Population": 1658.0}, {"index": 11030, "quantile": 1.0, "value": 450000.0, "Latitude": 33.79, "Longitude": -117.84, "Population": 1658.0}, {"index": 11031, "quantile": 0.0, "value": 150000.0, "Latitude": 33.78, "Longitude": -117.84, "Population": 1086.0}, {"index": 11031, "quantile": 0.25, "value": 229199.99999999997, "Latitude": 33.78, "Longitude": -117.84, "Population": 1086.0}, {"index": 11031, "quantile": 0.5, "value": 229199.99999999997, "Latitude": 33.78, "Longitude": -117.84, "Population": 1086.0}, {"index": 11031, "quantile": 0.75, "value": 232675.0, "Latitude": 33.78, "Longitude": -117.84, "Population": 1086.0}, {"index": 11031, "quantile": 1.0, "value": 335700.0, "Latitude": 33.78, "Longitude": -117.84, "Population": 1086.0}, {"index": 11032, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 33.78, "Longitude": -117.84, "Population": 1656.0}, {"index": 11032, "quantile": 0.25, "value": 248000.0, "Latitude": 33.78, "Longitude": -117.84, "Population": 1656.0}, {"index": 11032, "quantile": 0.5, "value": 248000.0, "Latitude": 33.78, "Longitude": -117.84, "Population": 1656.0}, {"index": 11032, "quantile": 0.75, "value": 248000.0, "Latitude": 33.78, "Longitude": -117.84, "Population": 1656.0}, {"index": 11032, "quantile": 1.0, "value": 442699.99999999994, "Latitude": 33.78, "Longitude": -117.84, "Population": 1656.0}, {"index": 11033, "quantile": 0.0, "value": 116300.0, "Latitude": 33.79, "Longitude": -117.81, "Population": 2045.0}, {"index": 11033, "quantile": 0.25, "value": 170550.0, "Latitude": 33.79, "Longitude": -117.81, "Population": 2045.0}, {"index": 11033, "quantile": 0.5, "value": 190550.0, "Latitude": 33.79, "Longitude": -117.81, "Population": 2045.0}, {"index": 11033, "quantile": 0.75, "value": 216699.99999999997, "Latitude": 33.79, "Longitude": -117.81, "Population": 2045.0}, {"index": 11033, "quantile": 1.0, "value": 375000.0, "Latitude": 33.79, "Longitude": -117.81, "Population": 2045.0}, {"index": 11034, "quantile": 0.0, "value": 263900.0, "Latitude": 33.78, "Longitude": -117.82, "Population": 2061.0}, {"index": 11034, "quantile": 0.25, "value": 301425.0, "Latitude": 33.78, "Longitude": -117.82, "Population": 2061.0}, {"index": 11034, "quantile": 0.5, "value": 318500.0, "Latitude": 33.78, "Longitude": -117.82, "Population": 2061.0}, {"index": 11034, "quantile": 0.75, "value": 318500.0, "Latitude": 33.78, "Longitude": -117.82, "Population": 2061.0}, {"index": 11034, "quantile": 1.0, "value": 438999.99999999994, "Latitude": 33.78, "Longitude": -117.82, "Population": 2061.0}, {"index": 11035, "quantile": 0.0, "value": 151400.0, "Latitude": 33.78, "Longitude": -117.81, "Population": 1484.0}, {"index": 11035, "quantile": 0.25, "value": 240250.0, "Latitude": 33.78, "Longitude": -117.81, "Population": 1484.0}, {"index": 11035, "quantile": 0.5, "value": 257550.0, "Latitude": 33.78, "Longitude": -117.81, "Population": 1484.0}, {"index": 11035, "quantile": 0.75, "value": 274150.0, "Latitude": 33.78, "Longitude": -117.81, "Population": 1484.0}, {"index": 11035, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -117.81, "Population": 1484.0}, {"index": 11036, "quantile": 0.0, "value": 178900.0, "Latitude": 33.78, "Longitude": -117.82, "Population": 2048.0}, {"index": 11036, "quantile": 0.25, "value": 231750.0, "Latitude": 33.78, "Longitude": -117.82, "Population": 2048.0}, {"index": 11036, "quantile": 0.5, "value": 245650.0, "Latitude": 33.78, "Longitude": -117.82, "Population": 2048.0}, {"index": 11036, "quantile": 0.75, "value": 271675.0, "Latitude": 33.78, "Longitude": -117.82, "Population": 2048.0}, {"index": 11036, "quantile": 1.0, "value": 372000.0, "Latitude": 33.78, "Longitude": -117.82, "Population": 2048.0}, {"index": 11037, "quantile": 0.0, "value": 411800.00000000006, "Latitude": 33.82, "Longitude": -117.81, "Population": 1019.0}, {"index": 11037, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -117.81, "Population": 1019.0}, {"index": 11037, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -117.81, "Population": 1019.0}, {"index": 11037, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -117.81, "Population": 1019.0}, {"index": 11037, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -117.81, "Population": 1019.0}, {"index": 11038, "quantile": 0.0, "value": 367400.0, "Latitude": 33.83, "Longitude": -117.8, "Population": 1180.0}, {"index": 11038, "quantile": 0.25, "value": 493000.0, "Latitude": 33.83, "Longitude": -117.8, "Population": 1180.0}, {"index": 11038, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -117.8, "Population": 1180.0}, {"index": 11038, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -117.8, "Population": 1180.0}, {"index": 11038, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -117.8, "Population": 1180.0}, {"index": 11039, "quantile": 0.0, "value": 315200.0, "Latitude": 33.82, "Longitude": -117.82, "Population": 1181.0}, {"index": 11039, "quantile": 0.25, "value": 446425.0, "Latitude": 33.82, "Longitude": -117.82, "Population": 1181.0}, {"index": 11039, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -117.82, "Population": 1181.0}, {"index": 11039, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -117.82, "Population": 1181.0}, {"index": 11039, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -117.82, "Population": 1181.0}, {"index": 11040, "quantile": 0.0, "value": 239100.0, "Latitude": 33.81, "Longitude": -117.81, "Population": 1404.0}, {"index": 11040, "quantile": 0.25, "value": 431799.99999999994, "Latitude": 33.81, "Longitude": -117.81, "Population": 1404.0}, {"index": 11040, "quantile": 0.5, "value": 431799.99999999994, "Latitude": 33.81, "Longitude": -117.81, "Population": 1404.0}, {"index": 11040, "quantile": 0.75, "value": 431799.99999999994, "Latitude": 33.81, "Longitude": -117.81, "Population": 1404.0}, {"index": 11040, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -117.81, "Population": 1404.0}, {"index": 11041, "quantile": 0.0, "value": 349500.0, "Latitude": 33.82, "Longitude": -117.81, "Population": 1057.0}, {"index": 11041, "quantile": 0.25, "value": 487200.0, "Latitude": 33.82, "Longitude": -117.81, "Population": 1057.0}, {"index": 11041, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -117.81, "Population": 1057.0}, {"index": 11041, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -117.81, "Population": 1057.0}, {"index": 11041, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -117.81, "Population": 1057.0}, {"index": 11042, "quantile": 0.0, "value": 417000.0, "Latitude": 33.81, "Longitude": -117.82, "Population": 822.0}, {"index": 11042, "quantile": 0.25, "value": 456900.0, "Latitude": 33.81, "Longitude": -117.82, "Population": 822.0}, {"index": 11042, "quantile": 0.5, "value": 456900.0, "Latitude": 33.81, "Longitude": -117.82, "Population": 822.0}, {"index": 11042, "quantile": 0.75, "value": 488650.0, "Latitude": 33.81, "Longitude": -117.82, "Population": 822.0}, {"index": 11042, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -117.82, "Population": 822.0}, {"index": 11043, "quantile": 0.0, "value": 173400.0, "Latitude": 33.82, "Longitude": -117.83, "Population": 1354.0}, {"index": 11043, "quantile": 0.25, "value": 267600.0, "Latitude": 33.82, "Longitude": -117.83, "Population": 1354.0}, {"index": 11043, "quantile": 0.5, "value": 267600.0, "Latitude": 33.82, "Longitude": -117.83, "Population": 1354.0}, {"index": 11043, "quantile": 0.75, "value": 267600.0, "Latitude": 33.82, "Longitude": -117.83, "Population": 1354.0}, {"index": 11043, "quantile": 1.0, "value": 342400.0, "Latitude": 33.82, "Longitude": -117.83, "Population": 1354.0}, {"index": 11044, "quantile": 0.0, "value": 99600.0, "Latitude": 33.82, "Longitude": -117.83, "Population": 940.0}, {"index": 11044, "quantile": 0.25, "value": 150000.0, "Latitude": 33.82, "Longitude": -117.83, "Population": 940.0}, {"index": 11044, "quantile": 0.5, "value": 150000.0, "Latitude": 33.82, "Longitude": -117.83, "Population": 940.0}, {"index": 11044, "quantile": 0.75, "value": 158700.0, "Latitude": 33.82, "Longitude": -117.83, "Population": 940.0}, {"index": 11044, "quantile": 1.0, "value": 235500.0, "Latitude": 33.82, "Longitude": -117.83, "Population": 940.0}, {"index": 11045, "quantile": 0.0, "value": 88800.0, "Latitude": 33.81, "Longitude": -117.83, "Population": 2828.0}, {"index": 11045, "quantile": 0.25, "value": 198675.0, "Latitude": 33.81, "Longitude": -117.83, "Population": 2828.0}, {"index": 11045, "quantile": 0.5, "value": 225599.99999999997, "Latitude": 33.81, "Longitude": -117.83, "Population": 2828.0}, {"index": 11045, "quantile": 0.75, "value": 225599.99999999997, "Latitude": 33.81, "Longitude": -117.83, "Population": 2828.0}, {"index": 11045, "quantile": 1.0, "value": 450000.0, "Latitude": 33.81, "Longitude": -117.83, "Population": 2828.0}, {"index": 11046, "quantile": 0.0, "value": 164800.0, "Latitude": 33.81, "Longitude": -117.82, "Population": 1247.0}, {"index": 11046, "quantile": 0.25, "value": 241625.00000000003, "Latitude": 33.81, "Longitude": -117.82, "Population": 1247.0}, {"index": 11046, "quantile": 0.5, "value": 244000.0, "Latitude": 33.81, "Longitude": -117.82, "Population": 1247.0}, {"index": 11046, "quantile": 0.75, "value": 244000.0, "Latitude": 33.81, "Longitude": -117.82, "Population": 1247.0}, {"index": 11046, "quantile": 1.0, "value": 371700.0, "Latitude": 33.81, "Longitude": -117.82, "Population": 1247.0}, {"index": 11047, "quantile": 0.0, "value": 183800.0, "Latitude": 33.81, "Longitude": -117.83, "Population": 970.0}, {"index": 11047, "quantile": 0.25, "value": 234200.0, "Latitude": 33.81, "Longitude": -117.83, "Population": 970.0}, {"index": 11047, "quantile": 0.5, "value": 234200.0, "Latitude": 33.81, "Longitude": -117.83, "Population": 970.0}, {"index": 11047, "quantile": 0.75, "value": 234200.0, "Latitude": 33.81, "Longitude": -117.83, "Population": 970.0}, {"index": 11047, "quantile": 1.0, "value": 372000.0, "Latitude": 33.81, "Longitude": -117.83, "Population": 970.0}, {"index": 11048, "quantile": 0.0, "value": 189100.0, "Latitude": 33.81, "Longitude": -117.82, "Population": 1182.0}, {"index": 11048, "quantile": 0.25, "value": 236700.0, "Latitude": 33.81, "Longitude": -117.82, "Population": 1182.0}, {"index": 11048, "quantile": 0.5, "value": 236700.0, "Latitude": 33.81, "Longitude": -117.82, "Population": 1182.0}, {"index": 11048, "quantile": 0.75, "value": 236700.0, "Latitude": 33.81, "Longitude": -117.82, "Population": 1182.0}, {"index": 11048, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -117.82, "Population": 1182.0}, {"index": 11049, "quantile": 0.0, "value": 124200.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 867.0}, {"index": 11049, "quantile": 0.25, "value": 200000.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 867.0}, {"index": 11049, "quantile": 0.5, "value": 200000.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 867.0}, {"index": 11049, "quantile": 0.75, "value": 200000.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 867.0}, {"index": 11049, "quantile": 1.0, "value": 341700.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 867.0}, {"index": 11050, "quantile": 0.0, "value": 138700.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 898.0}, {"index": 11050, "quantile": 0.25, "value": 211899.99999999997, "Latitude": 33.79, "Longitude": -117.85, "Population": 898.0}, {"index": 11050, "quantile": 0.5, "value": 236800.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 898.0}, {"index": 11050, "quantile": 0.75, "value": 236800.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 898.0}, {"index": 11050, "quantile": 1.0, "value": 440900.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 898.0}, {"index": 11051, "quantile": 0.0, "value": 45000.0, "Latitude": 33.79, "Longitude": -117.86, "Population": 2660.0}, {"index": 11051, "quantile": 0.25, "value": 160900.0, "Latitude": 33.79, "Longitude": -117.86, "Population": 2660.0}, {"index": 11051, "quantile": 0.5, "value": 195750.0, "Latitude": 33.79, "Longitude": -117.86, "Population": 2660.0}, {"index": 11051, "quantile": 0.75, "value": 211875.00000000003, "Latitude": 33.79, "Longitude": -117.86, "Population": 2660.0}, {"index": 11051, "quantile": 1.0, "value": 324400.0, "Latitude": 33.79, "Longitude": -117.86, "Population": 2660.0}, {"index": 11052, "quantile": 0.0, "value": 120000.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 1197.0}, {"index": 11052, "quantile": 0.25, "value": 206900.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 1197.0}, {"index": 11052, "quantile": 0.5, "value": 211000.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 1197.0}, {"index": 11052, "quantile": 0.75, "value": 211000.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 1197.0}, {"index": 11052, "quantile": 1.0, "value": 308300.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 1197.0}, {"index": 11053, "quantile": 0.0, "value": 88800.0, "Latitude": 33.78, "Longitude": -117.85, "Population": 1977.0}, {"index": 11053, "quantile": 0.25, "value": 212100.0, "Latitude": 33.78, "Longitude": -117.85, "Population": 1977.0}, {"index": 11053, "quantile": 0.5, "value": 212100.0, "Latitude": 33.78, "Longitude": -117.85, "Population": 1977.0}, {"index": 11053, "quantile": 0.75, "value": 212100.0, "Latitude": 33.78, "Longitude": -117.85, "Population": 1977.0}, {"index": 11053, "quantile": 1.0, "value": 351100.0, "Latitude": 33.78, "Longitude": -117.85, "Population": 1977.0}, {"index": 11054, "quantile": 0.0, "value": 112500.0, "Latitude": 33.78, "Longitude": -117.86, "Population": 1710.0}, {"index": 11054, "quantile": 0.25, "value": 215000.0, "Latitude": 33.78, "Longitude": -117.86, "Population": 1710.0}, {"index": 11054, "quantile": 0.5, "value": 215000.0, "Latitude": 33.78, "Longitude": -117.86, "Population": 1710.0}, {"index": 11054, "quantile": 0.75, "value": 215000.0, "Latitude": 33.78, "Longitude": -117.86, "Population": 1710.0}, {"index": 11054, "quantile": 1.0, "value": 324400.0, "Latitude": 33.78, "Longitude": -117.86, "Population": 1710.0}, {"index": 11055, "quantile": 0.0, "value": 139200.0, "Latitude": 33.77, "Longitude": -117.85, "Population": 908.0}, {"index": 11055, "quantile": 0.25, "value": 218800.00000000003, "Latitude": 33.77, "Longitude": -117.85, "Population": 908.0}, {"index": 11055, "quantile": 0.5, "value": 225000.0, "Latitude": 33.77, "Longitude": -117.85, "Population": 908.0}, {"index": 11055, "quantile": 0.75, "value": 225000.0, "Latitude": 33.77, "Longitude": -117.85, "Population": 908.0}, {"index": 11055, "quantile": 1.0, "value": 450000.0, "Latitude": 33.77, "Longitude": -117.85, "Population": 908.0}, {"index": 11056, "quantile": 0.0, "value": 45000.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 729.0}, {"index": 11056, "quantile": 0.25, "value": 185575.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 729.0}, {"index": 11056, "quantile": 0.5, "value": 236400.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 729.0}, {"index": 11056, "quantile": 0.75, "value": 236400.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 729.0}, {"index": 11056, "quantile": 1.0, "value": 266300.0, "Latitude": 33.79, "Longitude": -117.85, "Population": 729.0}, {"index": 11057, "quantile": 0.0, "value": 153500.0, "Latitude": 33.79, "Longitude": -117.86, "Population": 1227.0}, {"index": 11057, "quantile": 0.25, "value": 187500.0, "Latitude": 33.79, "Longitude": -117.86, "Population": 1227.0}, {"index": 11057, "quantile": 0.5, "value": 187500.0, "Latitude": 33.79, "Longitude": -117.86, "Population": 1227.0}, {"index": 11057, "quantile": 0.75, "value": 187500.0, "Latitude": 33.79, "Longitude": -117.86, "Population": 1227.0}, {"index": 11057, "quantile": 1.0, "value": 236500.00000000003, "Latitude": 33.79, "Longitude": -117.86, "Population": 1227.0}, {"index": 11058, "quantile": 0.0, "value": 45000.0, "Latitude": 33.78, "Longitude": -117.86, "Population": 1952.0}, {"index": 11058, "quantile": 0.25, "value": 175000.0, "Latitude": 33.78, "Longitude": -117.86, "Population": 1952.0}, {"index": 11058, "quantile": 0.5, "value": 193800.0, "Latitude": 33.78, "Longitude": -117.86, "Population": 1952.0}, {"index": 11058, "quantile": 0.75, "value": 206000.0, "Latitude": 33.78, "Longitude": -117.86, "Population": 1952.0}, {"index": 11058, "quantile": 1.0, "value": 242300.0, "Latitude": 33.78, "Longitude": -117.86, "Population": 1952.0}, {"index": 11059, "quantile": 0.0, "value": 144100.0, "Latitude": 33.78, "Longitude": -117.87, "Population": 1515.0}, {"index": 11059, "quantile": 0.25, "value": 168500.0, "Latitude": 33.78, "Longitude": -117.87, "Population": 1515.0}, {"index": 11059, "quantile": 0.5, "value": 168500.0, "Latitude": 33.78, "Longitude": -117.87, "Population": 1515.0}, {"index": 11059, "quantile": 0.75, "value": 195000.0, "Latitude": 33.78, "Longitude": -117.87, "Population": 1515.0}, {"index": 11059, "quantile": 1.0, "value": 353100.0, "Latitude": 33.78, "Longitude": -117.87, "Population": 1515.0}, {"index": 11060, "quantile": 0.0, "value": 137000.0, "Latitude": 33.78, "Longitude": -117.87, "Population": 1334.0}, {"index": 11060, "quantile": 0.25, "value": 173500.0, "Latitude": 33.78, "Longitude": -117.87, "Population": 1334.0}, {"index": 11060, "quantile": 0.5, "value": 173500.0, "Latitude": 33.78, "Longitude": -117.87, "Population": 1334.0}, {"index": 11060, "quantile": 0.75, "value": 199150.0, "Latitude": 33.78, "Longitude": -117.87, "Population": 1334.0}, {"index": 11060, "quantile": 1.0, "value": 464600.0, "Latitude": 33.78, "Longitude": -117.87, "Population": 1334.0}, {"index": 11061, "quantile": 0.0, "value": 137000.0, "Latitude": 33.78, "Longitude": -117.87, "Population": 1196.0}, {"index": 11061, "quantile": 0.25, "value": 186000.0, "Latitude": 33.78, "Longitude": -117.87, "Population": 1196.0}, {"index": 11061, "quantile": 0.5, "value": 186000.0, "Latitude": 33.78, "Longitude": -117.87, "Population": 1196.0}, {"index": 11061, "quantile": 0.75, "value": 188500.0, "Latitude": 33.78, "Longitude": -117.87, "Population": 1196.0}, {"index": 11061, "quantile": 1.0, "value": 252100.0, "Latitude": 33.78, "Longitude": -117.87, "Population": 1196.0}, {"index": 11062, "quantile": 0.0, "value": 116100.0, "Latitude": 33.8, "Longitude": -117.86, "Population": 1242.0}, {"index": 11062, "quantile": 0.25, "value": 181925.0, "Latitude": 33.8, "Longitude": -117.86, "Population": 1242.0}, {"index": 11062, "quantile": 0.5, "value": 190400.0, "Latitude": 33.8, "Longitude": -117.86, "Population": 1242.0}, {"index": 11062, "quantile": 0.75, "value": 190400.0, "Latitude": 33.8, "Longitude": -117.86, "Population": 1242.0}, {"index": 11062, "quantile": 1.0, "value": 235500.0, "Latitude": 33.8, "Longitude": -117.86, "Population": 1242.0}, {"index": 11063, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 33.79, "Longitude": -117.86, "Population": 483.0}, {"index": 11063, "quantile": 0.25, "value": 194500.0, "Latitude": 33.79, "Longitude": -117.86, "Population": 483.0}, {"index": 11063, "quantile": 0.5, "value": 194500.0, "Latitude": 33.79, "Longitude": -117.86, "Population": 483.0}, {"index": 11063, "quantile": 0.75, "value": 223175.0, "Latitude": 33.79, "Longitude": -117.86, "Population": 483.0}, {"index": 11063, "quantile": 1.0, "value": 334100.0, "Latitude": 33.79, "Longitude": -117.86, "Population": 483.0}, {"index": 11064, "quantile": 0.0, "value": 144100.0, "Latitude": 33.79, "Longitude": -117.87, "Population": 1543.0}, {"index": 11064, "quantile": 0.25, "value": 203749.99999999997, "Latitude": 33.79, "Longitude": -117.87, "Population": 1543.0}, {"index": 11064, "quantile": 0.5, "value": 219899.99999999997, "Latitude": 33.79, "Longitude": -117.87, "Population": 1543.0}, {"index": 11064, "quantile": 0.75, "value": 219899.99999999997, "Latitude": 33.79, "Longitude": -117.87, "Population": 1543.0}, {"index": 11064, "quantile": 1.0, "value": 224200.0, "Latitude": 33.79, "Longitude": -117.87, "Population": 1543.0}, {"index": 11065, "quantile": 0.0, "value": 158000.0, "Latitude": 33.79, "Longitude": -117.88, "Population": 928.0}, {"index": 11065, "quantile": 0.25, "value": 190300.0, "Latitude": 33.79, "Longitude": -117.88, "Population": 928.0}, {"index": 11065, "quantile": 0.5, "value": 190300.0, "Latitude": 33.79, "Longitude": -117.88, "Population": 928.0}, {"index": 11065, "quantile": 0.75, "value": 214224.99999999997, "Latitude": 33.79, "Longitude": -117.88, "Population": 928.0}, {"index": 11065, "quantile": 1.0, "value": 353600.0, "Latitude": 33.79, "Longitude": -117.88, "Population": 928.0}, {"index": 11066, "quantile": 0.0, "value": 45000.0, "Latitude": 33.78, "Longitude": -117.89, "Population": 5085.0}, {"index": 11066, "quantile": 0.25, "value": 191575.0, "Latitude": 33.78, "Longitude": -117.89, "Population": 5085.0}, {"index": 11066, "quantile": 0.5, "value": 193800.0, "Latitude": 33.78, "Longitude": -117.89, "Population": 5085.0}, {"index": 11066, "quantile": 0.75, "value": 193800.0, "Latitude": 33.78, "Longitude": -117.89, "Population": 5085.0}, {"index": 11066, "quantile": 1.0, "value": 350000.0, "Latitude": 33.78, "Longitude": -117.89, "Population": 5085.0}, {"index": 11067, "quantile": 0.0, "value": 137500.0, "Latitude": 33.78, "Longitude": -117.9, "Population": 7111.0}, {"index": 11067, "quantile": 0.25, "value": 197900.0, "Latitude": 33.78, "Longitude": -117.9, "Population": 7111.0}, {"index": 11067, "quantile": 0.5, "value": 197900.0, "Latitude": 33.78, "Longitude": -117.9, "Population": 7111.0}, {"index": 11067, "quantile": 0.75, "value": 197900.0, "Latitude": 33.78, "Longitude": -117.9, "Population": 7111.0}, {"index": 11067, "quantile": 1.0, "value": 219899.99999999997, "Latitude": 33.78, "Longitude": -117.9, "Population": 7111.0}, {"index": 11068, "quantile": 0.0, "value": 182400.0, "Latitude": 33.84, "Longitude": -117.85, "Population": 793.0}, {"index": 11068, "quantile": 0.25, "value": 276725.0, "Latitude": 33.84, "Longitude": -117.85, "Population": 793.0}, {"index": 11068, "quantile": 0.5, "value": 299950.0, "Latitude": 33.84, "Longitude": -117.85, "Population": 793.0}, {"index": 11068, "quantile": 0.75, "value": 346700.0, "Latitude": 33.84, "Longitude": -117.85, "Population": 793.0}, {"index": 11068, "quantile": 1.0, "value": 459600.0, "Latitude": 33.84, "Longitude": -117.85, "Population": 793.0}, {"index": 11069, "quantile": 0.0, "value": 45000.0, "Latitude": 33.84, "Longitude": -117.86, "Population": 920.0}, {"index": 11069, "quantile": 0.25, "value": 159400.0, "Latitude": 33.84, "Longitude": -117.86, "Population": 920.0}, {"index": 11069, "quantile": 0.5, "value": 159400.0, "Latitude": 33.84, "Longitude": -117.86, "Population": 920.0}, {"index": 11069, "quantile": 0.75, "value": 159400.0, "Latitude": 33.84, "Longitude": -117.86, "Population": 920.0}, {"index": 11069, "quantile": 1.0, "value": 369400.0, "Latitude": 33.84, "Longitude": -117.86, "Population": 920.0}, {"index": 11070, "quantile": 0.0, "value": 133800.0, "Latitude": 33.84, "Longitude": -117.85, "Population": 1370.0}, {"index": 11070, "quantile": 0.25, "value": 220625.00000000003, "Latitude": 33.84, "Longitude": -117.85, "Population": 1370.0}, {"index": 11070, "quantile": 0.5, "value": 239250.0, "Latitude": 33.84, "Longitude": -117.85, "Population": 1370.0}, {"index": 11070, "quantile": 0.75, "value": 274800.0, "Latitude": 33.84, "Longitude": -117.85, "Population": 1370.0}, {"index": 11070, "quantile": 1.0, "value": 491200.0, "Latitude": 33.84, "Longitude": -117.85, "Population": 1370.0}, {"index": 11071, "quantile": 0.0, "value": 164800.0, "Latitude": 33.83, "Longitude": -117.85, "Population": 945.0}, {"index": 11071, "quantile": 0.25, "value": 232399.99999999997, "Latitude": 33.83, "Longitude": -117.85, "Population": 945.0}, {"index": 11071, "quantile": 0.5, "value": 232399.99999999997, "Latitude": 33.83, "Longitude": -117.85, "Population": 945.0}, {"index": 11071, "quantile": 0.75, "value": 232399.99999999997, "Latitude": 33.83, "Longitude": -117.85, "Population": 945.0}, {"index": 11071, "quantile": 1.0, "value": 348300.0, "Latitude": 33.83, "Longitude": -117.85, "Population": 945.0}, {"index": 11072, "quantile": 0.0, "value": 134500.0, "Latitude": 33.83, "Longitude": -117.86, "Population": 1101.0}, {"index": 11072, "quantile": 0.25, "value": 230399.99999999997, "Latitude": 33.83, "Longitude": -117.86, "Population": 1101.0}, {"index": 11072, "quantile": 0.5, "value": 238000.0, "Latitude": 33.83, "Longitude": -117.86, "Population": 1101.0}, {"index": 11072, "quantile": 0.75, "value": 272300.0, "Latitude": 33.83, "Longitude": -117.86, "Population": 1101.0}, {"index": 11072, "quantile": 1.0, "value": 477299.99999999994, "Latitude": 33.83, "Longitude": -117.86, "Population": 1101.0}, {"index": 11073, "quantile": 0.0, "value": 142000.0, "Latitude": 33.84, "Longitude": -117.84, "Population": 2526.0}, {"index": 11073, "quantile": 0.25, "value": 199600.0, "Latitude": 33.84, "Longitude": -117.84, "Population": 2526.0}, {"index": 11073, "quantile": 0.5, "value": 219400.0, "Latitude": 33.84, "Longitude": -117.84, "Population": 2526.0}, {"index": 11073, "quantile": 0.75, "value": 219400.0, "Latitude": 33.84, "Longitude": -117.84, "Population": 2526.0}, {"index": 11073, "quantile": 1.0, "value": 241100.0, "Latitude": 33.84, "Longitude": -117.84, "Population": 2526.0}, {"index": 11074, "quantile": 0.0, "value": 98600.0, "Latitude": 33.8, "Longitude": -117.86, "Population": 1722.0}, {"index": 11074, "quantile": 0.25, "value": 152500.0, "Latitude": 33.8, "Longitude": -117.86, "Population": 1722.0}, {"index": 11074, "quantile": 0.5, "value": 162500.0, "Latitude": 33.8, "Longitude": -117.86, "Population": 1722.0}, {"index": 11074, "quantile": 0.75, "value": 173175.0, "Latitude": 33.8, "Longitude": -117.86, "Population": 1722.0}, {"index": 11074, "quantile": 1.0, "value": 204800.0, "Latitude": 33.8, "Longitude": -117.86, "Population": 1722.0}, {"index": 11075, "quantile": 0.0, "value": 166300.0, "Latitude": 33.81, "Longitude": -117.85, "Population": 2447.0}, {"index": 11075, "quantile": 0.25, "value": 242000.0, "Latitude": 33.81, "Longitude": -117.85, "Population": 2447.0}, {"index": 11075, "quantile": 0.5, "value": 248100.0, "Latitude": 33.81, "Longitude": -117.85, "Population": 2447.0}, {"index": 11075, "quantile": 0.75, "value": 248100.0, "Latitude": 33.81, "Longitude": -117.85, "Population": 2447.0}, {"index": 11075, "quantile": 1.0, "value": 284000.0, "Latitude": 33.81, "Longitude": -117.85, "Population": 2447.0}, {"index": 11076, "quantile": 0.0, "value": 160200.0, "Latitude": 33.81, "Longitude": -117.85, "Population": 876.0}, {"index": 11076, "quantile": 0.25, "value": 202800.0, "Latitude": 33.81, "Longitude": -117.85, "Population": 876.0}, {"index": 11076, "quantile": 0.5, "value": 227350.00000000003, "Latitude": 33.81, "Longitude": -117.85, "Population": 876.0}, {"index": 11076, "quantile": 0.75, "value": 241100.0, "Latitude": 33.81, "Longitude": -117.85, "Population": 876.0}, {"index": 11076, "quantile": 1.0, "value": 353200.0, "Latitude": 33.81, "Longitude": -117.85, "Population": 876.0}, {"index": 11077, "quantile": 0.0, "value": 134300.0, "Latitude": 33.8, "Longitude": -117.85, "Population": 872.0}, {"index": 11077, "quantile": 0.25, "value": 215400.0, "Latitude": 33.8, "Longitude": -117.85, "Population": 872.0}, {"index": 11077, "quantile": 0.5, "value": 216699.99999999997, "Latitude": 33.8, "Longitude": -117.85, "Population": 872.0}, {"index": 11077, "quantile": 0.75, "value": 216699.99999999997, "Latitude": 33.8, "Longitude": -117.85, "Population": 872.0}, {"index": 11077, "quantile": 1.0, "value": 383800.0, "Latitude": 33.8, "Longitude": -117.85, "Population": 872.0}, {"index": 11078, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.8, "Longitude": -117.85, "Population": 1322.0}, {"index": 11078, "quantile": 0.25, "value": 175300.0, "Latitude": 33.8, "Longitude": -117.85, "Population": 1322.0}, {"index": 11078, "quantile": 0.5, "value": 194100.0, "Latitude": 33.8, "Longitude": -117.85, "Population": 1322.0}, {"index": 11078, "quantile": 0.75, "value": 194100.0, "Latitude": 33.8, "Longitude": -117.85, "Population": 1322.0}, {"index": 11078, "quantile": 1.0, "value": 352300.0, "Latitude": 33.8, "Longitude": -117.85, "Population": 1322.0}, {"index": 11079, "quantile": 0.0, "value": 156800.0, "Latitude": 33.81, "Longitude": -117.84, "Population": 2607.0}, {"index": 11079, "quantile": 0.25, "value": 244899.99999999997, "Latitude": 33.81, "Longitude": -117.84, "Population": 2607.0}, {"index": 11079, "quantile": 0.5, "value": 244899.99999999997, "Latitude": 33.81, "Longitude": -117.84, "Population": 2607.0}, {"index": 11079, "quantile": 0.75, "value": 244899.99999999997, "Latitude": 33.81, "Longitude": -117.84, "Population": 2607.0}, {"index": 11079, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 33.81, "Longitude": -117.84, "Population": 2607.0}, {"index": 11080, "quantile": 0.0, "value": 86300.0, "Latitude": 33.8, "Longitude": -117.84, "Population": 629.0}, {"index": 11080, "quantile": 0.25, "value": 223900.0, "Latitude": 33.8, "Longitude": -117.84, "Population": 629.0}, {"index": 11080, "quantile": 0.5, "value": 234600.0, "Latitude": 33.8, "Longitude": -117.84, "Population": 629.0}, {"index": 11080, "quantile": 0.75, "value": 250700.0, "Latitude": 33.8, "Longitude": -117.84, "Population": 629.0}, {"index": 11080, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 33.8, "Longitude": -117.84, "Population": 629.0}, {"index": 11081, "quantile": 0.0, "value": 163900.0, "Latitude": 33.8, "Longitude": -117.84, "Population": 843.0}, {"index": 11081, "quantile": 0.25, "value": 230600.0, "Latitude": 33.8, "Longitude": -117.84, "Population": 843.0}, {"index": 11081, "quantile": 0.5, "value": 230600.0, "Latitude": 33.8, "Longitude": -117.84, "Population": 843.0}, {"index": 11081, "quantile": 0.75, "value": 230799.99999999997, "Latitude": 33.8, "Longitude": -117.84, "Population": 843.0}, {"index": 11081, "quantile": 1.0, "value": 487500.0, "Latitude": 33.8, "Longitude": -117.84, "Population": 843.0}, {"index": 11082, "quantile": 0.0, "value": 127200.0, "Latitude": 33.82, "Longitude": -117.86, "Population": 1015.0}, {"index": 11082, "quantile": 0.25, "value": 241200.0, "Latitude": 33.82, "Longitude": -117.86, "Population": 1015.0}, {"index": 11082, "quantile": 0.5, "value": 277400.0, "Latitude": 33.82, "Longitude": -117.86, "Population": 1015.0}, {"index": 11082, "quantile": 0.75, "value": 307200.0, "Latitude": 33.82, "Longitude": -117.86, "Population": 1015.0}, {"index": 11082, "quantile": 1.0, "value": 379500.0, "Latitude": 33.82, "Longitude": -117.86, "Population": 1015.0}, {"index": 11083, "quantile": 0.0, "value": 152100.0, "Latitude": 33.82, "Longitude": -117.84, "Population": 4926.0}, {"index": 11083, "quantile": 0.25, "value": 218699.99999999997, "Latitude": 33.82, "Longitude": -117.84, "Population": 4926.0}, {"index": 11083, "quantile": 0.5, "value": 251200.0, "Latitude": 33.82, "Longitude": -117.84, "Population": 4926.0}, {"index": 11083, "quantile": 0.75, "value": 251200.0, "Latitude": 33.82, "Longitude": -117.84, "Population": 4926.0}, {"index": 11083, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -117.84, "Population": 4926.0}, {"index": 11084, "quantile": 0.0, "value": 128400.0, "Latitude": 33.84, "Longitude": -117.84, "Population": 2817.0}, {"index": 11084, "quantile": 0.25, "value": 218000.00000000003, "Latitude": 33.84, "Longitude": -117.84, "Population": 2817.0}, {"index": 11084, "quantile": 0.5, "value": 260650.0, "Latitude": 33.84, "Longitude": -117.84, "Population": 2817.0}, {"index": 11084, "quantile": 0.75, "value": 278575.0, "Latitude": 33.84, "Longitude": -117.84, "Population": 2817.0}, {"index": 11084, "quantile": 1.0, "value": 453700.0, "Latitude": 33.84, "Longitude": -117.84, "Population": 2817.0}, {"index": 11085, "quantile": 0.0, "value": 140200.0, "Latitude": 33.84, "Longitude": -117.89, "Population": 2425.0}, {"index": 11085, "quantile": 0.25, "value": 182800.0, "Latitude": 33.84, "Longitude": -117.89, "Population": 2425.0}, {"index": 11085, "quantile": 0.5, "value": 182800.0, "Latitude": 33.84, "Longitude": -117.89, "Population": 2425.0}, {"index": 11085, "quantile": 0.75, "value": 182800.0, "Latitude": 33.84, "Longitude": -117.89, "Population": 2425.0}, {"index": 11085, "quantile": 1.0, "value": 235500.0, "Latitude": 33.84, "Longitude": -117.89, "Population": 2425.0}, {"index": 11086, "quantile": 0.0, "value": 130600.0, "Latitude": 33.83, "Longitude": -117.89, "Population": 1435.0}, {"index": 11086, "quantile": 0.25, "value": 200800.0, "Latitude": 33.83, "Longitude": -117.89, "Population": 1435.0}, {"index": 11086, "quantile": 0.5, "value": 200800.0, "Latitude": 33.83, "Longitude": -117.89, "Population": 1435.0}, {"index": 11086, "quantile": 0.75, "value": 227425.0, "Latitude": 33.83, "Longitude": -117.89, "Population": 1435.0}, {"index": 11086, "quantile": 1.0, "value": 361700.0, "Latitude": 33.83, "Longitude": -117.89, "Population": 1435.0}, {"index": 11087, "quantile": 0.0, "value": 117700.0, "Latitude": 33.83, "Longitude": -117.9, "Population": 2204.0}, {"index": 11087, "quantile": 0.25, "value": 183100.0, "Latitude": 33.83, "Longitude": -117.9, "Population": 2204.0}, {"index": 11087, "quantile": 0.5, "value": 211800.0, "Latitude": 33.83, "Longitude": -117.9, "Population": 2204.0}, {"index": 11087, "quantile": 0.75, "value": 211800.0, "Latitude": 33.83, "Longitude": -117.9, "Population": 2204.0}, {"index": 11087, "quantile": 1.0, "value": 252100.0, "Latitude": 33.83, "Longitude": -117.9, "Population": 2204.0}, {"index": 11088, "quantile": 0.0, "value": 166300.0, "Latitude": 33.82, "Longitude": -117.89, "Population": 904.0}, {"index": 11088, "quantile": 0.25, "value": 179100.0, "Latitude": 33.82, "Longitude": -117.89, "Population": 904.0}, {"index": 11088, "quantile": 0.5, "value": 179100.0, "Latitude": 33.82, "Longitude": -117.89, "Population": 904.0}, {"index": 11088, "quantile": 0.75, "value": 191025.0, "Latitude": 33.82, "Longitude": -117.89, "Population": 904.0}, {"index": 11088, "quantile": 1.0, "value": 273800.0, "Latitude": 33.82, "Longitude": -117.89, "Population": 904.0}, {"index": 11089, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 33.8, "Longitude": -117.89, "Population": 41.0}, {"index": 11089, "quantile": 0.25, "value": 187500.0, "Latitude": 33.8, "Longitude": -117.89, "Population": 41.0}, {"index": 11089, "quantile": 0.5, "value": 187500.0, "Latitude": 33.8, "Longitude": -117.89, "Population": 41.0}, {"index": 11089, "quantile": 0.75, "value": 187500.0, "Latitude": 33.8, "Longitude": -117.89, "Population": 41.0}, {"index": 11089, "quantile": 1.0, "value": 430199.99999999994, "Latitude": 33.8, "Longitude": -117.89, "Population": 41.0}, {"index": 11090, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 33.82, "Longitude": -117.89, "Population": 700.0}, {"index": 11090, "quantile": 0.25, "value": 214374.99999999997, "Latitude": 33.82, "Longitude": -117.89, "Population": 700.0}, {"index": 11090, "quantile": 0.5, "value": 234600.0, "Latitude": 33.82, "Longitude": -117.89, "Population": 700.0}, {"index": 11090, "quantile": 0.75, "value": 243550.00000000003, "Latitude": 33.82, "Longitude": -117.89, "Population": 700.0}, {"index": 11090, "quantile": 1.0, "value": 359900.0, "Latitude": 33.82, "Longitude": -117.89, "Population": 700.0}, {"index": 11091, "quantile": 0.0, "value": 137000.0, "Latitude": 33.82, "Longitude": -117.89, "Population": 1894.0}, {"index": 11091, "quantile": 0.25, "value": 153750.0, "Latitude": 33.82, "Longitude": -117.89, "Population": 1894.0}, {"index": 11091, "quantile": 0.5, "value": 183100.0, "Latitude": 33.82, "Longitude": -117.89, "Population": 1894.0}, {"index": 11091, "quantile": 0.75, "value": 190700.0, "Latitude": 33.82, "Longitude": -117.89, "Population": 1894.0}, {"index": 11091, "quantile": 1.0, "value": 282500.0, "Latitude": 33.82, "Longitude": -117.89, "Population": 1894.0}, {"index": 11092, "quantile": 0.0, "value": 94200.0, "Latitude": 33.81, "Longitude": -117.87, "Population": 1268.0}, {"index": 11092, "quantile": 0.25, "value": 231400.0, "Latitude": 33.81, "Longitude": -117.87, "Population": 1268.0}, {"index": 11092, "quantile": 0.5, "value": 280100.0, "Latitude": 33.81, "Longitude": -117.87, "Population": 1268.0}, {"index": 11092, "quantile": 0.75, "value": 280100.0, "Latitude": 33.81, "Longitude": -117.87, "Population": 1268.0}, {"index": 11092, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 33.81, "Longitude": -117.87, "Population": 1268.0}, {"index": 11093, "quantile": 0.0, "value": 181800.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 1584.0}, {"index": 11093, "quantile": 0.25, "value": 235400.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 1584.0}, {"index": 11093, "quantile": 0.5, "value": 235400.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 1584.0}, {"index": 11093, "quantile": 0.75, "value": 245100.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 1584.0}, {"index": 11093, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -117.87, "Population": 1584.0}, {"index": 11094, "quantile": 0.0, "value": 135400.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 755.0}, {"index": 11094, "quantile": 0.25, "value": 196900.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 755.0}, {"index": 11094, "quantile": 0.5, "value": 215600.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 755.0}, {"index": 11094, "quantile": 0.75, "value": 230775.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 755.0}, {"index": 11094, "quantile": 1.0, "value": 334100.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 755.0}, {"index": 11095, "quantile": 0.0, "value": 163900.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 1532.0}, {"index": 11095, "quantile": 0.25, "value": 223800.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 1532.0}, {"index": 11095, "quantile": 0.5, "value": 223800.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 1532.0}, {"index": 11095, "quantile": 0.75, "value": 223800.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 1532.0}, {"index": 11095, "quantile": 1.0, "value": 450000.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 1532.0}, {"index": 11096, "quantile": 0.0, "value": 200800.0, "Latitude": 33.83, "Longitude": -117.87, "Population": 1140.0}, {"index": 11096, "quantile": 0.25, "value": 231000.0, "Latitude": 33.83, "Longitude": -117.87, "Population": 1140.0}, {"index": 11096, "quantile": 0.5, "value": 231000.0, "Latitude": 33.83, "Longitude": -117.87, "Population": 1140.0}, {"index": 11096, "quantile": 0.75, "value": 231000.0, "Latitude": 33.83, "Longitude": -117.87, "Population": 1140.0}, {"index": 11096, "quantile": 1.0, "value": 361700.0, "Latitude": 33.83, "Longitude": -117.87, "Population": 1140.0}, {"index": 11097, "quantile": 0.0, "value": 143000.0, "Latitude": 33.83, "Longitude": -117.88, "Population": 1706.0}, {"index": 11097, "quantile": 0.25, "value": 241200.0, "Latitude": 33.83, "Longitude": -117.88, "Population": 1706.0}, {"index": 11097, "quantile": 0.5, "value": 241200.0, "Latitude": 33.83, "Longitude": -117.88, "Population": 1706.0}, {"index": 11097, "quantile": 0.75, "value": 266475.0, "Latitude": 33.83, "Longitude": -117.88, "Population": 1706.0}, {"index": 11097, "quantile": 1.0, "value": 393100.0, "Latitude": 33.83, "Longitude": -117.88, "Population": 1706.0}, {"index": 11098, "quantile": 0.0, "value": 182400.0, "Latitude": 33.83, "Longitude": -117.88, "Population": 750.0}, {"index": 11098, "quantile": 0.25, "value": 275900.0, "Latitude": 33.83, "Longitude": -117.88, "Population": 750.0}, {"index": 11098, "quantile": 0.5, "value": 286500.0, "Latitude": 33.83, "Longitude": -117.88, "Population": 750.0}, {"index": 11098, "quantile": 0.75, "value": 345225.0, "Latitude": 33.83, "Longitude": -117.88, "Population": 750.0}, {"index": 11098, "quantile": 1.0, "value": 491200.0, "Latitude": 33.83, "Longitude": -117.88, "Population": 750.0}, {"index": 11099, "quantile": 0.0, "value": 45000.0, "Latitude": 33.82, "Longitude": -117.88, "Population": 1382.0}, {"index": 11099, "quantile": 0.25, "value": 225000.0, "Latitude": 33.82, "Longitude": -117.88, "Population": 1382.0}, {"index": 11099, "quantile": 0.5, "value": 225000.0, "Latitude": 33.82, "Longitude": -117.88, "Population": 1382.0}, {"index": 11099, "quantile": 0.75, "value": 225000.0, "Latitude": 33.82, "Longitude": -117.88, "Population": 1382.0}, {"index": 11099, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -117.88, "Population": 1382.0}, {"index": 11100, "quantile": 0.0, "value": 153200.0, "Latitude": 33.82, "Longitude": -117.88, "Population": 1048.0}, {"index": 11100, "quantile": 0.25, "value": 231999.99999999997, "Latitude": 33.82, "Longitude": -117.88, "Population": 1048.0}, {"index": 11100, "quantile": 0.5, "value": 231999.99999999997, "Latitude": 33.82, "Longitude": -117.88, "Population": 1048.0}, {"index": 11100, "quantile": 0.75, "value": 231999.99999999997, "Latitude": 33.82, "Longitude": -117.88, "Population": 1048.0}, {"index": 11100, "quantile": 1.0, "value": 402600.0, "Latitude": 33.82, "Longitude": -117.88, "Population": 1048.0}, {"index": 11101, "quantile": 0.0, "value": 214500.0, "Latitude": 33.82, "Longitude": -117.87, "Population": 1088.0}, {"index": 11101, "quantile": 0.25, "value": 249400.00000000003, "Latitude": 33.82, "Longitude": -117.87, "Population": 1088.0}, {"index": 11101, "quantile": 0.5, "value": 249400.00000000003, "Latitude": 33.82, "Longitude": -117.87, "Population": 1088.0}, {"index": 11101, "quantile": 0.75, "value": 249400.00000000003, "Latitude": 33.82, "Longitude": -117.87, "Population": 1088.0}, {"index": 11101, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.82, "Longitude": -117.87, "Population": 1088.0}, {"index": 11102, "quantile": 0.0, "value": 135400.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 2332.0}, {"index": 11102, "quantile": 0.25, "value": 216699.99999999997, "Latitude": 33.85, "Longitude": -117.88, "Population": 2332.0}, {"index": 11102, "quantile": 0.5, "value": 223900.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 2332.0}, {"index": 11102, "quantile": 0.75, "value": 223900.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 2332.0}, {"index": 11102, "quantile": 1.0, "value": 276000.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 2332.0}, {"index": 11103, "quantile": 0.0, "value": 161200.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 588.0}, {"index": 11103, "quantile": 0.25, "value": 187500.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 588.0}, {"index": 11103, "quantile": 0.5, "value": 201850.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 588.0}, {"index": 11103, "quantile": 0.75, "value": 216699.99999999997, "Latitude": 33.85, "Longitude": -117.88, "Population": 588.0}, {"index": 11103, "quantile": 1.0, "value": 338100.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 588.0}, {"index": 11104, "quantile": 0.0, "value": 156000.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 837.0}, {"index": 11104, "quantile": 0.25, "value": 213899.99999999997, "Latitude": 33.84, "Longitude": -117.88, "Population": 837.0}, {"index": 11104, "quantile": 0.5, "value": 213899.99999999997, "Latitude": 33.84, "Longitude": -117.88, "Population": 837.0}, {"index": 11104, "quantile": 0.75, "value": 213899.99999999997, "Latitude": 33.84, "Longitude": -117.88, "Population": 837.0}, {"index": 11104, "quantile": 1.0, "value": 340100.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 837.0}, {"index": 11105, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 33.84, "Longitude": -117.88, "Population": 906.0}, {"index": 11105, "quantile": 0.25, "value": 208700.00000000003, "Latitude": 33.84, "Longitude": -117.88, "Population": 906.0}, {"index": 11105, "quantile": 0.5, "value": 225000.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 906.0}, {"index": 11105, "quantile": 0.75, "value": 225000.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 906.0}, {"index": 11105, "quantile": 1.0, "value": 297600.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 906.0}, {"index": 11106, "quantile": 0.0, "value": 145300.0, "Latitude": 33.85, "Longitude": -117.9, "Population": 2326.0}, {"index": 11106, "quantile": 0.25, "value": 187100.0, "Latitude": 33.85, "Longitude": -117.9, "Population": 2326.0}, {"index": 11106, "quantile": 0.5, "value": 187100.0, "Latitude": 33.85, "Longitude": -117.9, "Population": 2326.0}, {"index": 11106, "quantile": 0.75, "value": 187100.0, "Latitude": 33.85, "Longitude": -117.9, "Population": 2326.0}, {"index": 11106, "quantile": 1.0, "value": 339100.0, "Latitude": 33.85, "Longitude": -117.9, "Population": 2326.0}, {"index": 11107, "quantile": 0.0, "value": 172800.0, "Latitude": 33.85, "Longitude": -117.9, "Population": 1026.0}, {"index": 11107, "quantile": 0.25, "value": 193500.0, "Latitude": 33.85, "Longitude": -117.9, "Population": 1026.0}, {"index": 11107, "quantile": 0.5, "value": 193500.0, "Latitude": 33.85, "Longitude": -117.9, "Population": 1026.0}, {"index": 11107, "quantile": 0.75, "value": 193500.0, "Latitude": 33.85, "Longitude": -117.9, "Population": 1026.0}, {"index": 11107, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.85, "Longitude": -117.9, "Population": 1026.0}, {"index": 11108, "quantile": 0.0, "value": 140200.0, "Latitude": 33.85, "Longitude": -117.89, "Population": 1292.0}, {"index": 11108, "quantile": 0.25, "value": 208725.0, "Latitude": 33.85, "Longitude": -117.89, "Population": 1292.0}, {"index": 11108, "quantile": 0.5, "value": 273000.0, "Latitude": 33.85, "Longitude": -117.89, "Population": 1292.0}, {"index": 11108, "quantile": 0.75, "value": 273000.0, "Latitude": 33.85, "Longitude": -117.89, "Population": 1292.0}, {"index": 11108, "quantile": 1.0, "value": 344400.0, "Latitude": 33.85, "Longitude": -117.89, "Population": 1292.0}, {"index": 11109, "quantile": 0.0, "value": 132700.0, "Latitude": 33.85, "Longitude": -117.9, "Population": 986.0}, {"index": 11109, "quantile": 0.25, "value": 187175.0, "Latitude": 33.85, "Longitude": -117.9, "Population": 986.0}, {"index": 11109, "quantile": 0.5, "value": 190400.0, "Latitude": 33.85, "Longitude": -117.9, "Population": 986.0}, {"index": 11109, "quantile": 0.75, "value": 202100.0, "Latitude": 33.85, "Longitude": -117.9, "Population": 986.0}, {"index": 11109, "quantile": 1.0, "value": 276000.0, "Latitude": 33.85, "Longitude": -117.9, "Population": 986.0}, {"index": 11110, "quantile": 0.0, "value": 113900.0, "Latitude": 33.85, "Longitude": -117.89, "Population": 1672.0}, {"index": 11110, "quantile": 0.25, "value": 160800.0, "Latitude": 33.85, "Longitude": -117.89, "Population": 1672.0}, {"index": 11110, "quantile": 0.5, "value": 201300.0, "Latitude": 33.85, "Longitude": -117.89, "Population": 1672.0}, {"index": 11110, "quantile": 0.75, "value": 201300.0, "Latitude": 33.85, "Longitude": -117.89, "Population": 1672.0}, {"index": 11110, "quantile": 1.0, "value": 344400.0, "Latitude": 33.85, "Longitude": -117.89, "Population": 1672.0}, {"index": 11111, "quantile": 0.0, "value": 144500.0, "Latitude": 33.84, "Longitude": -117.9, "Population": 1524.0}, {"index": 11111, "quantile": 0.25, "value": 185300.00000000003, "Latitude": 33.84, "Longitude": -117.9, "Population": 1524.0}, {"index": 11111, "quantile": 0.5, "value": 187400.0, "Latitude": 33.84, "Longitude": -117.9, "Population": 1524.0}, {"index": 11111, "quantile": 0.75, "value": 187400.0, "Latitude": 33.84, "Longitude": -117.9, "Population": 1524.0}, {"index": 11111, "quantile": 1.0, "value": 235500.0, "Latitude": 33.84, "Longitude": -117.9, "Population": 1524.0}, {"index": 11112, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 33.84, "Longitude": -117.89, "Population": 1159.0}, {"index": 11112, "quantile": 0.25, "value": 174300.0, "Latitude": 33.84, "Longitude": -117.89, "Population": 1159.0}, {"index": 11112, "quantile": 0.5, "value": 195100.0, "Latitude": 33.84, "Longitude": -117.89, "Population": 1159.0}, {"index": 11112, "quantile": 0.75, "value": 195100.0, "Latitude": 33.84, "Longitude": -117.89, "Population": 1159.0}, {"index": 11112, "quantile": 1.0, "value": 208800.0, "Latitude": 33.84, "Longitude": -117.89, "Population": 1159.0}, {"index": 11113, "quantile": 0.0, "value": 17500.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 507.0}, {"index": 11113, "quantile": 0.25, "value": 182950.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 507.0}, {"index": 11113, "quantile": 0.5, "value": 225000.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 507.0}, {"index": 11113, "quantile": 0.75, "value": 225000.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 507.0}, {"index": 11113, "quantile": 1.0, "value": 488900.0, "Latitude": 33.85, "Longitude": -117.88, "Population": 507.0}, {"index": 11114, "quantile": 0.0, "value": 94500.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 918.0}, {"index": 11114, "quantile": 0.25, "value": 184525.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 918.0}, {"index": 11114, "quantile": 0.5, "value": 215550.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 918.0}, {"index": 11114, "quantile": 0.75, "value": 231500.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 918.0}, {"index": 11114, "quantile": 1.0, "value": 362500.0, "Latitude": 33.84, "Longitude": -117.88, "Population": 918.0}, {"index": 11115, "quantile": 0.0, "value": 139700.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 912.0}, {"index": 11115, "quantile": 0.25, "value": 221999.99999999997, "Latitude": 33.84, "Longitude": -117.87, "Population": 912.0}, {"index": 11115, "quantile": 0.5, "value": 237300.00000000003, "Latitude": 33.84, "Longitude": -117.87, "Population": 912.0}, {"index": 11115, "quantile": 0.75, "value": 237300.00000000003, "Latitude": 33.84, "Longitude": -117.87, "Population": 912.0}, {"index": 11115, "quantile": 1.0, "value": 340700.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 912.0}, {"index": 11116, "quantile": 0.0, "value": 167100.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 961.0}, {"index": 11116, "quantile": 0.25, "value": 231400.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 961.0}, {"index": 11116, "quantile": 0.5, "value": 231400.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 961.0}, {"index": 11116, "quantile": 0.75, "value": 231400.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 961.0}, {"index": 11116, "quantile": 1.0, "value": 282000.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 961.0}, {"index": 11117, "quantile": 0.0, "value": 119100.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 730.0}, {"index": 11117, "quantile": 0.25, "value": 139000.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 730.0}, {"index": 11117, "quantile": 0.5, "value": 139000.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 730.0}, {"index": 11117, "quantile": 0.75, "value": 139200.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 730.0}, {"index": 11117, "quantile": 1.0, "value": 273600.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 730.0}, {"index": 11118, "quantile": 0.0, "value": 134600.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 1224.0}, {"index": 11118, "quantile": 0.25, "value": 241224.99999999997, "Latitude": 33.84, "Longitude": -117.87, "Population": 1224.0}, {"index": 11118, "quantile": 0.5, "value": 249200.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 1224.0}, {"index": 11118, "quantile": 0.75, "value": 249200.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 1224.0}, {"index": 11118, "quantile": 1.0, "value": 354700.0, "Latitude": 33.84, "Longitude": -117.87, "Population": 1224.0}, {"index": 11119, "quantile": 0.0, "value": 139700.0, "Latitude": 33.85, "Longitude": -117.85, "Population": 2427.0}, {"index": 11119, "quantile": 0.25, "value": 206100.0, "Latitude": 33.85, "Longitude": -117.85, "Population": 2427.0}, {"index": 11119, "quantile": 0.5, "value": 254100.0, "Latitude": 33.85, "Longitude": -117.85, "Population": 2427.0}, {"index": 11119, "quantile": 0.75, "value": 254100.0, "Latitude": 33.85, "Longitude": -117.85, "Population": 2427.0}, {"index": 11119, "quantile": 1.0, "value": 293000.0, "Latitude": 33.85, "Longitude": -117.85, "Population": 2427.0}, {"index": 11120, "quantile": 0.0, "value": 137000.0, "Latitude": 33.85, "Longitude": -117.86, "Population": 622.0}, {"index": 11120, "quantile": 0.25, "value": 158500.0, "Latitude": 33.85, "Longitude": -117.86, "Population": 622.0}, {"index": 11120, "quantile": 0.5, "value": 158500.0, "Latitude": 33.85, "Longitude": -117.86, "Population": 622.0}, {"index": 11120, "quantile": 0.75, "value": 169425.0, "Latitude": 33.85, "Longitude": -117.86, "Population": 622.0}, {"index": 11120, "quantile": 1.0, "value": 332400.0, "Latitude": 33.85, "Longitude": -117.86, "Population": 622.0}, {"index": 11121, "quantile": 0.0, "value": 118100.0, "Latitude": 33.85, "Longitude": -117.92, "Population": 1592.0}, {"index": 11121, "quantile": 0.25, "value": 166100.0, "Latitude": 33.85, "Longitude": -117.92, "Population": 1592.0}, {"index": 11121, "quantile": 0.5, "value": 166100.0, "Latitude": 33.85, "Longitude": -117.92, "Population": 1592.0}, {"index": 11121, "quantile": 0.75, "value": 166100.0, "Latitude": 33.85, "Longitude": -117.92, "Population": 1592.0}, {"index": 11121, "quantile": 1.0, "value": 236100.00000000003, "Latitude": 33.85, "Longitude": -117.92, "Population": 1592.0}, {"index": 11122, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 33.84, "Longitude": -117.92, "Population": 1549.0}, {"index": 11122, "quantile": 0.25, "value": 211600.0, "Latitude": 33.84, "Longitude": -117.92, "Population": 1549.0}, {"index": 11122, "quantile": 0.5, "value": 223000.0, "Latitude": 33.84, "Longitude": -117.92, "Population": 1549.0}, {"index": 11122, "quantile": 0.75, "value": 223000.0, "Latitude": 33.84, "Longitude": -117.92, "Population": 1549.0}, {"index": 11122, "quantile": 1.0, "value": 352300.0, "Latitude": 33.84, "Longitude": -117.92, "Population": 1549.0}, {"index": 11123, "quantile": 0.0, "value": 70100.0, "Latitude": 33.85, "Longitude": -117.92, "Population": 682.0}, {"index": 11123, "quantile": 0.25, "value": 160600.0, "Latitude": 33.85, "Longitude": -117.92, "Population": 682.0}, {"index": 11123, "quantile": 0.5, "value": 186000.0, "Latitude": 33.85, "Longitude": -117.92, "Population": 682.0}, {"index": 11123, "quantile": 0.75, "value": 196900.0, "Latitude": 33.85, "Longitude": -117.92, "Population": 682.0}, {"index": 11123, "quantile": 1.0, "value": 436400.0, "Latitude": 33.85, "Longitude": -117.92, "Population": 682.0}, {"index": 11124, "quantile": 0.0, "value": 89200.0, "Latitude": 33.85, "Longitude": -117.91, "Population": 1147.0}, {"index": 11124, "quantile": 0.25, "value": 156700.0, "Latitude": 33.85, "Longitude": -117.91, "Population": 1147.0}, {"index": 11124, "quantile": 0.5, "value": 156700.0, "Latitude": 33.85, "Longitude": -117.91, "Population": 1147.0}, {"index": 11124, "quantile": 0.75, "value": 156700.0, "Latitude": 33.85, "Longitude": -117.91, "Population": 1147.0}, {"index": 11124, "quantile": 1.0, "value": 188500.0, "Latitude": 33.85, "Longitude": -117.91, "Population": 1147.0}, {"index": 11125, "quantile": 0.0, "value": 88800.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 1603.0}, {"index": 11125, "quantile": 0.25, "value": 142000.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 1603.0}, {"index": 11125, "quantile": 0.5, "value": 157500.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 1603.0}, {"index": 11125, "quantile": 0.75, "value": 162500.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 1603.0}, {"index": 11125, "quantile": 1.0, "value": 350000.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 1603.0}, {"index": 11126, "quantile": 0.0, "value": 45000.0, "Latitude": 33.85, "Longitude": -117.91, "Population": 865.0}, {"index": 11126, "quantile": 0.25, "value": 156900.0, "Latitude": 33.85, "Longitude": -117.91, "Population": 865.0}, {"index": 11126, "quantile": 0.5, "value": 161650.0, "Latitude": 33.85, "Longitude": -117.91, "Population": 865.0}, {"index": 11126, "quantile": 0.75, "value": 194600.0, "Latitude": 33.85, "Longitude": -117.91, "Population": 865.0}, {"index": 11126, "quantile": 1.0, "value": 350000.0, "Latitude": 33.85, "Longitude": -117.91, "Population": 865.0}, {"index": 11127, "quantile": 0.0, "value": 105100.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 1849.0}, {"index": 11127, "quantile": 0.25, "value": 162500.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 1849.0}, {"index": 11127, "quantile": 0.5, "value": 162500.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 1849.0}, {"index": 11127, "quantile": 0.75, "value": 162500.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 1849.0}, {"index": 11127, "quantile": 1.0, "value": 227100.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 1849.0}, {"index": 11128, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.85, "Longitude": -117.93, "Population": 1492.0}, {"index": 11128, "quantile": 0.25, "value": 118100.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 1492.0}, {"index": 11128, "quantile": 0.5, "value": 118100.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 1492.0}, {"index": 11128, "quantile": 0.75, "value": 140350.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 1492.0}, {"index": 11128, "quantile": 1.0, "value": 243200.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 1492.0}, {"index": 11129, "quantile": 0.0, "value": 100000.0, "Latitude": 33.85, "Longitude": -117.94, "Population": 1550.0}, {"index": 11129, "quantile": 0.25, "value": 149900.0, "Latitude": 33.85, "Longitude": -117.94, "Population": 1550.0}, {"index": 11129, "quantile": 0.5, "value": 163100.0, "Latitude": 33.85, "Longitude": -117.94, "Population": 1550.0}, {"index": 11129, "quantile": 0.75, "value": 186700.0, "Latitude": 33.85, "Longitude": -117.94, "Population": 1550.0}, {"index": 11129, "quantile": 1.0, "value": 236500.00000000003, "Latitude": 33.85, "Longitude": -117.94, "Population": 1550.0}, {"index": 11130, "quantile": 0.0, "value": 96100.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 1857.0}, {"index": 11130, "quantile": 0.25, "value": 171625.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 1857.0}, {"index": 11130, "quantile": 0.5, "value": 178400.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 1857.0}, {"index": 11130, "quantile": 0.75, "value": 178400.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 1857.0}, {"index": 11130, "quantile": 1.0, "value": 297100.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 1857.0}, {"index": 11131, "quantile": 0.0, "value": 152100.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 966.0}, {"index": 11131, "quantile": 0.25, "value": 183900.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 966.0}, {"index": 11131, "quantile": 0.5, "value": 183900.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 966.0}, {"index": 11131, "quantile": 0.75, "value": 195075.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 966.0}, {"index": 11131, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -117.93, "Population": 966.0}, {"index": 11132, "quantile": 0.0, "value": 120300.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 1646.0}, {"index": 11132, "quantile": 0.25, "value": 163900.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 1646.0}, {"index": 11132, "quantile": 0.5, "value": 163900.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 1646.0}, {"index": 11132, "quantile": 0.75, "value": 163900.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 1646.0}, {"index": 11132, "quantile": 1.0, "value": 222300.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 1646.0}, {"index": 11133, "quantile": 0.0, "value": 135400.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 1011.0}, {"index": 11133, "quantile": 0.25, "value": 196900.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 1011.0}, {"index": 11133, "quantile": 0.5, "value": 196900.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 1011.0}, {"index": 11133, "quantile": 0.75, "value": 196900.0, "Latitude": 33.85, "Longitude": -117.93, "Population": 1011.0}, {"index": 11133, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -117.93, "Population": 1011.0}, {"index": 11134, "quantile": 0.0, "value": 87500.0, "Latitude": 33.85, "Longitude": -117.94, "Population": 436.0}, {"index": 11134, "quantile": 0.25, "value": 182775.0, "Latitude": 33.85, "Longitude": -117.94, "Population": 436.0}, {"index": 11134, "quantile": 0.5, "value": 186200.0, "Latitude": 33.85, "Longitude": -117.94, "Population": 436.0}, {"index": 11134, "quantile": 0.75, "value": 186200.0, "Latitude": 33.85, "Longitude": -117.94, "Population": 436.0}, {"index": 11134, "quantile": 1.0, "value": 237300.00000000003, "Latitude": 33.85, "Longitude": -117.94, "Population": 436.0}, {"index": 11135, "quantile": 0.0, "value": 86500.0, "Latitude": 33.84, "Longitude": -117.93, "Population": 1680.0}, {"index": 11135, "quantile": 0.25, "value": 189900.0, "Latitude": 33.84, "Longitude": -117.93, "Population": 1680.0}, {"index": 11135, "quantile": 0.5, "value": 189900.0, "Latitude": 33.84, "Longitude": -117.93, "Population": 1680.0}, {"index": 11135, "quantile": 0.75, "value": 189900.0, "Latitude": 33.84, "Longitude": -117.93, "Population": 1680.0}, {"index": 11135, "quantile": 1.0, "value": 218699.99999999997, "Latitude": 33.84, "Longitude": -117.93, "Population": 1680.0}, {"index": 11136, "quantile": 0.0, "value": 113599.99999999999, "Latitude": 33.85, "Longitude": -117.95, "Population": 3892.0}, {"index": 11136, "quantile": 0.25, "value": 156800.0, "Latitude": 33.85, "Longitude": -117.95, "Population": 3892.0}, {"index": 11136, "quantile": 0.5, "value": 192300.0, "Latitude": 33.85, "Longitude": -117.95, "Population": 3892.0}, {"index": 11136, "quantile": 0.75, "value": 225800.0, "Latitude": 33.85, "Longitude": -117.95, "Population": 3892.0}, {"index": 11136, "quantile": 1.0, "value": 353000.0, "Latitude": 33.85, "Longitude": -117.95, "Population": 3892.0}, {"index": 11137, "quantile": 0.0, "value": 124400.0, "Latitude": 33.85, "Longitude": -117.96, "Population": 568.0}, {"index": 11137, "quantile": 0.25, "value": 189200.0, "Latitude": 33.85, "Longitude": -117.96, "Population": 568.0}, {"index": 11137, "quantile": 0.5, "value": 189200.0, "Latitude": 33.85, "Longitude": -117.96, "Population": 568.0}, {"index": 11137, "quantile": 0.75, "value": 201200.0, "Latitude": 33.85, "Longitude": -117.96, "Population": 568.0}, {"index": 11137, "quantile": 1.0, "value": 334400.0, "Latitude": 33.85, "Longitude": -117.96, "Population": 568.0}, {"index": 11138, "quantile": 0.0, "value": 144100.0, "Latitude": 33.85, "Longitude": -117.97, "Population": 1611.0}, {"index": 11138, "quantile": 0.25, "value": 183800.0, "Latitude": 33.85, "Longitude": -117.97, "Population": 1611.0}, {"index": 11138, "quantile": 0.5, "value": 190000.0, "Latitude": 33.85, "Longitude": -117.97, "Population": 1611.0}, {"index": 11138, "quantile": 0.75, "value": 201200.0, "Latitude": 33.85, "Longitude": -117.97, "Population": 1611.0}, {"index": 11138, "quantile": 1.0, "value": 293800.0, "Latitude": 33.85, "Longitude": -117.97, "Population": 1611.0}, {"index": 11139, "quantile": 0.0, "value": 147300.0, "Latitude": 33.85, "Longitude": -117.96, "Population": 1254.0}, {"index": 11139, "quantile": 0.25, "value": 185700.0, "Latitude": 33.85, "Longitude": -117.96, "Population": 1254.0}, {"index": 11139, "quantile": 0.5, "value": 185700.0, "Latitude": 33.85, "Longitude": -117.96, "Population": 1254.0}, {"index": 11139, "quantile": 0.75, "value": 185700.0, "Latitude": 33.85, "Longitude": -117.96, "Population": 1254.0}, {"index": 11139, "quantile": 1.0, "value": 354200.0, "Latitude": 33.85, "Longitude": -117.96, "Population": 1254.0}, {"index": 11140, "quantile": 0.0, "value": 112500.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 1202.0}, {"index": 11140, "quantile": 0.25, "value": 183700.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 1202.0}, {"index": 11140, "quantile": 0.5, "value": 183700.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 1202.0}, {"index": 11140, "quantile": 0.75, "value": 186000.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 1202.0}, {"index": 11140, "quantile": 1.0, "value": 283300.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 1202.0}, {"index": 11141, "quantile": 0.0, "value": 139700.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 969.0}, {"index": 11141, "quantile": 0.25, "value": 173400.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 969.0}, {"index": 11141, "quantile": 0.5, "value": 173400.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 969.0}, {"index": 11141, "quantile": 0.75, "value": 186000.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 969.0}, {"index": 11141, "quantile": 1.0, "value": 252100.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 969.0}, {"index": 11142, "quantile": 0.0, "value": 131300.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 1035.0}, {"index": 11142, "quantile": 0.25, "value": 170125.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 1035.0}, {"index": 11142, "quantile": 0.5, "value": 180000.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 1035.0}, {"index": 11142, "quantile": 0.75, "value": 180000.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 1035.0}, {"index": 11142, "quantile": 1.0, "value": 242700.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 1035.0}, {"index": 11143, "quantile": 0.0, "value": 132800.0, "Latitude": 33.84, "Longitude": -117.94, "Population": 2166.0}, {"index": 11143, "quantile": 0.25, "value": 135400.0, "Latitude": 33.84, "Longitude": -117.94, "Population": 2166.0}, {"index": 11143, "quantile": 0.5, "value": 135400.0, "Latitude": 33.84, "Longitude": -117.94, "Population": 2166.0}, {"index": 11143, "quantile": 0.75, "value": 196225.0, "Latitude": 33.84, "Longitude": -117.94, "Population": 2166.0}, {"index": 11143, "quantile": 1.0, "value": 282500.0, "Latitude": 33.84, "Longitude": -117.94, "Population": 2166.0}, {"index": 11144, "quantile": 0.0, "value": 112500.0, "Latitude": 33.84, "Longitude": -117.94, "Population": 615.0}, {"index": 11144, "quantile": 0.25, "value": 182100.0, "Latitude": 33.84, "Longitude": -117.94, "Population": 615.0}, {"index": 11144, "quantile": 0.5, "value": 182100.0, "Latitude": 33.84, "Longitude": -117.94, "Population": 615.0}, {"index": 11144, "quantile": 0.75, "value": 182100.0, "Latitude": 33.84, "Longitude": -117.94, "Population": 615.0}, {"index": 11144, "quantile": 1.0, "value": 265000.0, "Latitude": 33.84, "Longitude": -117.94, "Population": 615.0}, {"index": 11145, "quantile": 0.0, "value": 137000.0, "Latitude": 33.85, "Longitude": -117.98, "Population": 1085.0}, {"index": 11145, "quantile": 0.25, "value": 181500.0, "Latitude": 33.85, "Longitude": -117.98, "Population": 1085.0}, {"index": 11145, "quantile": 0.5, "value": 181500.0, "Latitude": 33.85, "Longitude": -117.98, "Population": 1085.0}, {"index": 11145, "quantile": 0.75, "value": 221049.99999999997, "Latitude": 33.85, "Longitude": -117.98, "Population": 1085.0}, {"index": 11145, "quantile": 1.0, "value": 284000.0, "Latitude": 33.85, "Longitude": -117.98, "Population": 1085.0}, {"index": 11146, "quantile": 0.0, "value": 168800.0, "Latitude": 33.84, "Longitude": -117.98, "Population": 1187.0}, {"index": 11146, "quantile": 0.25, "value": 191100.0, "Latitude": 33.84, "Longitude": -117.98, "Population": 1187.0}, {"index": 11146, "quantile": 0.5, "value": 191100.0, "Latitude": 33.84, "Longitude": -117.98, "Population": 1187.0}, {"index": 11146, "quantile": 0.75, "value": 206675.0, "Latitude": 33.84, "Longitude": -117.98, "Population": 1187.0}, {"index": 11146, "quantile": 1.0, "value": 245699.99999999997, "Latitude": 33.84, "Longitude": -117.98, "Population": 1187.0}, {"index": 11147, "quantile": 0.0, "value": 158000.0, "Latitude": 33.84, "Longitude": -117.98, "Population": 661.0}, {"index": 11147, "quantile": 0.25, "value": 189600.0, "Latitude": 33.84, "Longitude": -117.98, "Population": 661.0}, {"index": 11147, "quantile": 0.5, "value": 189600.0, "Latitude": 33.84, "Longitude": -117.98, "Population": 661.0}, {"index": 11147, "quantile": 0.75, "value": 189600.0, "Latitude": 33.84, "Longitude": -117.98, "Population": 661.0}, {"index": 11147, "quantile": 1.0, "value": 265000.0, "Latitude": 33.84, "Longitude": -117.98, "Population": 661.0}, {"index": 11148, "quantile": 0.0, "value": 142000.0, "Latitude": 33.85, "Longitude": -117.97, "Population": 546.0}, {"index": 11148, "quantile": 0.25, "value": 170700.0, "Latitude": 33.85, "Longitude": -117.97, "Population": 546.0}, {"index": 11148, "quantile": 0.5, "value": 170700.0, "Latitude": 33.85, "Longitude": -117.97, "Population": 546.0}, {"index": 11148, "quantile": 0.75, "value": 185500.0, "Latitude": 33.85, "Longitude": -117.97, "Population": 546.0}, {"index": 11148, "quantile": 1.0, "value": 352200.0, "Latitude": 33.85, "Longitude": -117.97, "Population": 546.0}, {"index": 11149, "quantile": 0.0, "value": 153000.0, "Latitude": 33.84, "Longitude": -117.96, "Population": 1617.0}, {"index": 11149, "quantile": 0.25, "value": 186300.0, "Latitude": 33.84, "Longitude": -117.96, "Population": 1617.0}, {"index": 11149, "quantile": 0.5, "value": 186300.0, "Latitude": 33.84, "Longitude": -117.96, "Population": 1617.0}, {"index": 11149, "quantile": 0.75, "value": 186300.0, "Latitude": 33.84, "Longitude": -117.96, "Population": 1617.0}, {"index": 11149, "quantile": 1.0, "value": 276000.0, "Latitude": 33.84, "Longitude": -117.96, "Population": 1617.0}, {"index": 11150, "quantile": 0.0, "value": 177200.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 549.0}, {"index": 11150, "quantile": 0.25, "value": 186800.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 549.0}, {"index": 11150, "quantile": 0.5, "value": 186800.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 549.0}, {"index": 11150, "quantile": 0.75, "value": 186800.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 549.0}, {"index": 11150, "quantile": 1.0, "value": 350000.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 549.0}, {"index": 11151, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 33.84, "Longitude": -117.97, "Population": 589.0}, {"index": 11151, "quantile": 0.25, "value": 185375.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 589.0}, {"index": 11151, "quantile": 0.5, "value": 190200.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 589.0}, {"index": 11151, "quantile": 0.75, "value": 190200.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 589.0}, {"index": 11151, "quantile": 1.0, "value": 225000.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 589.0}, {"index": 11152, "quantile": 0.0, "value": 160600.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 1539.0}, {"index": 11152, "quantile": 0.25, "value": 191700.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 1539.0}, {"index": 11152, "quantile": 0.5, "value": 191700.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 1539.0}, {"index": 11152, "quantile": 0.75, "value": 191700.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 1539.0}, {"index": 11152, "quantile": 1.0, "value": 246000.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 1539.0}, {"index": 11153, "quantile": 0.0, "value": 45000.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 462.0}, {"index": 11153, "quantile": 0.25, "value": 219000.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 462.0}, {"index": 11153, "quantile": 0.5, "value": 219000.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 462.0}, {"index": 11153, "quantile": 0.75, "value": 219000.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 462.0}, {"index": 11153, "quantile": 1.0, "value": 272000.0, "Latitude": 33.84, "Longitude": -117.97, "Population": 462.0}, {"index": 11154, "quantile": 0.0, "value": 158000.0, "Latitude": 33.84, "Longitude": -117.99, "Population": 1895.0}, {"index": 11154, "quantile": 0.25, "value": 215875.0, "Latitude": 33.84, "Longitude": -117.99, "Population": 1895.0}, {"index": 11154, "quantile": 0.5, "value": 255500.00000000003, "Latitude": 33.84, "Longitude": -117.99, "Population": 1895.0}, {"index": 11154, "quantile": 0.75, "value": 255500.00000000003, "Latitude": 33.84, "Longitude": -117.99, "Population": 1895.0}, {"index": 11154, "quantile": 1.0, "value": 255500.00000000003, "Latitude": 33.84, "Longitude": -117.99, "Population": 1895.0}, {"index": 11155, "quantile": 0.0, "value": 45000.0, "Latitude": 33.83, "Longitude": -117.97, "Population": 1118.0}, {"index": 11155, "quantile": 0.25, "value": 187500.0, "Latitude": 33.83, "Longitude": -117.97, "Population": 1118.0}, {"index": 11155, "quantile": 0.5, "value": 187500.0, "Latitude": 33.83, "Longitude": -117.97, "Population": 1118.0}, {"index": 11155, "quantile": 0.75, "value": 187500.0, "Latitude": 33.83, "Longitude": -117.97, "Population": 1118.0}, {"index": 11155, "quantile": 1.0, "value": 388500.0, "Latitude": 33.83, "Longitude": -117.97, "Population": 1118.0}, {"index": 11156, "quantile": 0.0, "value": 124400.0, "Latitude": 33.84, "Longitude": -117.98, "Population": 714.0}, {"index": 11156, "quantile": 0.25, "value": 191300.0, "Latitude": 33.84, "Longitude": -117.98, "Population": 714.0}, {"index": 11156, "quantile": 0.5, "value": 214600.0, "Latitude": 33.84, "Longitude": -117.98, "Population": 714.0}, {"index": 11156, "quantile": 0.75, "value": 232125.0, "Latitude": 33.84, "Longitude": -117.98, "Population": 714.0}, {"index": 11156, "quantile": 1.0, "value": 365900.0, "Latitude": 33.84, "Longitude": -117.98, "Population": 714.0}, {"index": 11157, "quantile": 0.0, "value": 116700.0, "Latitude": 33.83, "Longitude": -117.98, "Population": 2104.0}, {"index": 11157, "quantile": 0.25, "value": 185800.0, "Latitude": 33.83, "Longitude": -117.98, "Population": 2104.0}, {"index": 11157, "quantile": 0.5, "value": 185800.0, "Latitude": 33.83, "Longitude": -117.98, "Population": 2104.0}, {"index": 11157, "quantile": 0.75, "value": 185800.0, "Latitude": 33.83, "Longitude": -117.98, "Population": 2104.0}, {"index": 11157, "quantile": 1.0, "value": 335000.0, "Latitude": 33.83, "Longitude": -117.98, "Population": 2104.0}, {"index": 11158, "quantile": 0.0, "value": 147500.0, "Latitude": 33.82, "Longitude": -118.0, "Population": 1536.0}, {"index": 11158, "quantile": 0.25, "value": 195300.0, "Latitude": 33.82, "Longitude": -118.0, "Population": 1536.0}, {"index": 11158, "quantile": 0.5, "value": 204700.00000000003, "Latitude": 33.82, "Longitude": -118.0, "Population": 1536.0}, {"index": 11158, "quantile": 0.75, "value": 204700.00000000003, "Latitude": 33.82, "Longitude": -118.0, "Population": 1536.0}, {"index": 11158, "quantile": 1.0, "value": 279900.0, "Latitude": 33.82, "Longitude": -118.0, "Population": 1536.0}, {"index": 11159, "quantile": 0.0, "value": 137500.0, "Latitude": 33.82, "Longitude": -118.01, "Population": 1356.0}, {"index": 11159, "quantile": 0.25, "value": 191400.0, "Latitude": 33.82, "Longitude": -118.01, "Population": 1356.0}, {"index": 11159, "quantile": 0.5, "value": 225900.0, "Latitude": 33.82, "Longitude": -118.01, "Population": 1356.0}, {"index": 11159, "quantile": 0.75, "value": 225900.0, "Latitude": 33.82, "Longitude": -118.01, "Population": 1356.0}, {"index": 11159, "quantile": 1.0, "value": 225900.0, "Latitude": 33.82, "Longitude": -118.01, "Population": 1356.0}, {"index": 11160, "quantile": 0.0, "value": 146000.0, "Latitude": 33.83, "Longitude": -118.01, "Population": 3093.0}, {"index": 11160, "quantile": 0.25, "value": 184000.0, "Latitude": 33.83, "Longitude": -118.01, "Population": 3093.0}, {"index": 11160, "quantile": 0.5, "value": 202300.0, "Latitude": 33.83, "Longitude": -118.01, "Population": 3093.0}, {"index": 11160, "quantile": 0.75, "value": 202300.0, "Latitude": 33.83, "Longitude": -118.01, "Population": 3093.0}, {"index": 11160, "quantile": 1.0, "value": 227800.0, "Latitude": 33.83, "Longitude": -118.01, "Population": 3093.0}, {"index": 11161, "quantile": 0.0, "value": 107300.0, "Latitude": 33.83, "Longitude": -118.01, "Population": 825.0}, {"index": 11161, "quantile": 0.25, "value": 157300.0, "Latitude": 33.83, "Longitude": -118.01, "Population": 825.0}, {"index": 11161, "quantile": 0.5, "value": 166900.0, "Latitude": 33.83, "Longitude": -118.01, "Population": 825.0}, {"index": 11161, "quantile": 0.75, "value": 184350.0, "Latitude": 33.83, "Longitude": -118.01, "Population": 825.0}, {"index": 11161, "quantile": 1.0, "value": 236100.00000000003, "Latitude": 33.83, "Longitude": -118.01, "Population": 825.0}, {"index": 11162, "quantile": 0.0, "value": 153600.0, "Latitude": 33.83, "Longitude": -118.0, "Population": 1022.0}, {"index": 11162, "quantile": 0.25, "value": 189550.0, "Latitude": 33.83, "Longitude": -118.0, "Population": 1022.0}, {"index": 11162, "quantile": 0.5, "value": 197300.0, "Latitude": 33.83, "Longitude": -118.0, "Population": 1022.0}, {"index": 11162, "quantile": 0.75, "value": 211450.0, "Latitude": 33.83, "Longitude": -118.0, "Population": 1022.0}, {"index": 11162, "quantile": 1.0, "value": 324400.0, "Latitude": 33.83, "Longitude": -118.0, "Population": 1022.0}, {"index": 11163, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.83, "Longitude": -118.0, "Population": 1217.0}, {"index": 11163, "quantile": 0.25, "value": 182100.0, "Latitude": 33.83, "Longitude": -118.0, "Population": 1217.0}, {"index": 11163, "quantile": 0.5, "value": 212500.0, "Latitude": 33.83, "Longitude": -118.0, "Population": 1217.0}, {"index": 11163, "quantile": 0.75, "value": 212500.0, "Latitude": 33.83, "Longitude": -118.0, "Population": 1217.0}, {"index": 11163, "quantile": 1.0, "value": 225000.0, "Latitude": 33.83, "Longitude": -118.0, "Population": 1217.0}, {"index": 11164, "quantile": 0.0, "value": 138000.0, "Latitude": 33.82, "Longitude": -118.0, "Population": 1820.0}, {"index": 11164, "quantile": 0.25, "value": 224800.00000000003, "Latitude": 33.82, "Longitude": -118.0, "Population": 1820.0}, {"index": 11164, "quantile": 0.5, "value": 224800.00000000003, "Latitude": 33.82, "Longitude": -118.0, "Population": 1820.0}, {"index": 11164, "quantile": 0.75, "value": 224800.00000000003, "Latitude": 33.82, "Longitude": -118.0, "Population": 1820.0}, {"index": 11164, "quantile": 1.0, "value": 289300.0, "Latitude": 33.82, "Longitude": -118.0, "Population": 1820.0}, {"index": 11165, "quantile": 0.0, "value": 135400.0, "Latitude": 33.83, "Longitude": -117.99, "Population": 1749.0}, {"index": 11165, "quantile": 0.25, "value": 199000.0, "Latitude": 33.83, "Longitude": -117.99, "Population": 1749.0}, {"index": 11165, "quantile": 0.5, "value": 199000.0, "Latitude": 33.83, "Longitude": -117.99, "Population": 1749.0}, {"index": 11165, "quantile": 0.75, "value": 199000.0, "Latitude": 33.83, "Longitude": -117.99, "Population": 1749.0}, {"index": 11165, "quantile": 1.0, "value": 324400.0, "Latitude": 33.83, "Longitude": -117.99, "Population": 1749.0}, {"index": 11166, "quantile": 0.0, "value": 112500.0, "Latitude": 33.82, "Longitude": -117.99, "Population": 1202.0}, {"index": 11166, "quantile": 0.25, "value": 204700.00000000003, "Latitude": 33.82, "Longitude": -117.99, "Population": 1202.0}, {"index": 11166, "quantile": 0.5, "value": 252100.0, "Latitude": 33.82, "Longitude": -117.99, "Population": 1202.0}, {"index": 11166, "quantile": 0.75, "value": 252100.0, "Latitude": 33.82, "Longitude": -117.99, "Population": 1202.0}, {"index": 11166, "quantile": 1.0, "value": 324400.0, "Latitude": 33.82, "Longitude": -117.99, "Population": 1202.0}, {"index": 11167, "quantile": 0.0, "value": 155500.0, "Latitude": 33.83, "Longitude": -117.99, "Population": 916.0}, {"index": 11167, "quantile": 0.25, "value": 179500.0, "Latitude": 33.83, "Longitude": -117.99, "Population": 916.0}, {"index": 11167, "quantile": 0.5, "value": 193699.99999999997, "Latitude": 33.83, "Longitude": -117.99, "Population": 916.0}, {"index": 11167, "quantile": 0.75, "value": 213400.0, "Latitude": 33.83, "Longitude": -117.99, "Population": 916.0}, {"index": 11167, "quantile": 1.0, "value": 353600.0, "Latitude": 33.83, "Longitude": -117.99, "Population": 916.0}, {"index": 11168, "quantile": 0.0, "value": 139700.0, "Latitude": 33.82, "Longitude": -117.99, "Population": 1367.0}, {"index": 11168, "quantile": 0.25, "value": 215499.99999999997, "Latitude": 33.82, "Longitude": -117.99, "Population": 1367.0}, {"index": 11168, "quantile": 0.5, "value": 215499.99999999997, "Latitude": 33.82, "Longitude": -117.99, "Population": 1367.0}, {"index": 11168, "quantile": 0.75, "value": 215499.99999999997, "Latitude": 33.82, "Longitude": -117.99, "Population": 1367.0}, {"index": 11168, "quantile": 1.0, "value": 315100.0, "Latitude": 33.82, "Longitude": -117.99, "Population": 1367.0}, {"index": 11169, "quantile": 0.0, "value": 144000.0, "Latitude": 33.83, "Longitude": -117.98, "Population": 2460.0}, {"index": 11169, "quantile": 0.25, "value": 184600.0, "Latitude": 33.83, "Longitude": -117.98, "Population": 2460.0}, {"index": 11169, "quantile": 0.5, "value": 228500.0, "Latitude": 33.83, "Longitude": -117.98, "Population": 2460.0}, {"index": 11169, "quantile": 0.75, "value": 228500.0, "Latitude": 33.83, "Longitude": -117.98, "Population": 2460.0}, {"index": 11169, "quantile": 1.0, "value": 344400.0, "Latitude": 33.83, "Longitude": -117.98, "Population": 2460.0}, {"index": 11170, "quantile": 0.0, "value": 93600.0, "Latitude": 33.82, "Longitude": -117.98, "Population": 578.0}, {"index": 11170, "quantile": 0.25, "value": 187850.0, "Latitude": 33.82, "Longitude": -117.98, "Population": 578.0}, {"index": 11170, "quantile": 0.5, "value": 207850.0, "Latitude": 33.82, "Longitude": -117.98, "Population": 578.0}, {"index": 11170, "quantile": 0.75, "value": 222000.00000000003, "Latitude": 33.82, "Longitude": -117.98, "Population": 578.0}, {"index": 11170, "quantile": 1.0, "value": 378000.0, "Latitude": 33.82, "Longitude": -117.98, "Population": 578.0}, {"index": 11171, "quantile": 0.0, "value": 155500.0, "Latitude": 33.82, "Longitude": -117.98, "Population": 867.0}, {"index": 11171, "quantile": 0.25, "value": 205100.00000000003, "Latitude": 33.82, "Longitude": -117.98, "Population": 867.0}, {"index": 11171, "quantile": 0.5, "value": 218100.0, "Latitude": 33.82, "Longitude": -117.98, "Population": 867.0}, {"index": 11171, "quantile": 0.75, "value": 218100.0, "Latitude": 33.82, "Longitude": -117.98, "Population": 867.0}, {"index": 11171, "quantile": 1.0, "value": 281300.0, "Latitude": 33.82, "Longitude": -117.98, "Population": 867.0}, {"index": 11172, "quantile": 0.0, "value": 150800.0, "Latitude": 33.83, "Longitude": -117.98, "Population": 523.0}, {"index": 11172, "quantile": 0.25, "value": 230799.99999999997, "Latitude": 33.83, "Longitude": -117.98, "Population": 523.0}, {"index": 11172, "quantile": 0.5, "value": 230799.99999999997, "Latitude": 33.83, "Longitude": -117.98, "Population": 523.0}, {"index": 11172, "quantile": 0.75, "value": 230799.99999999997, "Latitude": 33.83, "Longitude": -117.98, "Population": 523.0}, {"index": 11172, "quantile": 1.0, "value": 500000.0, "Latitude": 33.83, "Longitude": -117.98, "Population": 523.0}, {"index": 11173, "quantile": 0.0, "value": 139700.0, "Latitude": 33.83, "Longitude": -117.97, "Population": 1807.0}, {"index": 11173, "quantile": 0.25, "value": 184525.0, "Latitude": 33.83, "Longitude": -117.97, "Population": 1807.0}, {"index": 11173, "quantile": 0.5, "value": 209900.00000000003, "Latitude": 33.83, "Longitude": -117.97, "Population": 1807.0}, {"index": 11173, "quantile": 0.75, "value": 226399.99999999997, "Latitude": 33.83, "Longitude": -117.97, "Population": 1807.0}, {"index": 11173, "quantile": 1.0, "value": 343200.0, "Latitude": 33.83, "Longitude": -117.97, "Population": 1807.0}, {"index": 11174, "quantile": 0.0, "value": 45000.0, "Latitude": 33.82, "Longitude": -117.97, "Population": 1121.0}, {"index": 11174, "quantile": 0.25, "value": 203600.0, "Latitude": 33.82, "Longitude": -117.97, "Population": 1121.0}, {"index": 11174, "quantile": 0.5, "value": 205200.0, "Latitude": 33.82, "Longitude": -117.97, "Population": 1121.0}, {"index": 11174, "quantile": 0.75, "value": 205200.0, "Latitude": 33.82, "Longitude": -117.97, "Population": 1121.0}, {"index": 11174, "quantile": 1.0, "value": 284100.0, "Latitude": 33.82, "Longitude": -117.97, "Population": 1121.0}, {"index": 11175, "quantile": 0.0, "value": 136000.0, "Latitude": 33.82, "Longitude": -117.97, "Population": 2442.0}, {"index": 11175, "quantile": 0.25, "value": 197700.0, "Latitude": 33.82, "Longitude": -117.97, "Population": 2442.0}, {"index": 11175, "quantile": 0.5, "value": 197700.0, "Latitude": 33.82, "Longitude": -117.97, "Population": 2442.0}, {"index": 11175, "quantile": 0.75, "value": 197700.0, "Latitude": 33.82, "Longitude": -117.97, "Population": 2442.0}, {"index": 11175, "quantile": 1.0, "value": 300000.0, "Latitude": 33.82, "Longitude": -117.97, "Population": 2442.0}, {"index": 11176, "quantile": 0.0, "value": 152300.0, "Latitude": 33.83, "Longitude": -117.96, "Population": 1758.0}, {"index": 11176, "quantile": 0.25, "value": 176200.0, "Latitude": 33.83, "Longitude": -117.96, "Population": 1758.0}, {"index": 11176, "quantile": 0.5, "value": 189900.0, "Latitude": 33.83, "Longitude": -117.96, "Population": 1758.0}, {"index": 11176, "quantile": 0.75, "value": 198925.00000000003, "Latitude": 33.83, "Longitude": -117.96, "Population": 1758.0}, {"index": 11176, "quantile": 1.0, "value": 271600.0, "Latitude": 33.83, "Longitude": -117.96, "Population": 1758.0}, {"index": 11177, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.83, "Longitude": -117.96, "Population": 870.0}, {"index": 11177, "quantile": 0.25, "value": 137500.0, "Latitude": 33.83, "Longitude": -117.96, "Population": 870.0}, {"index": 11177, "quantile": 0.5, "value": 137500.0, "Latitude": 33.83, "Longitude": -117.96, "Population": 870.0}, {"index": 11177, "quantile": 0.75, "value": 151050.0, "Latitude": 33.83, "Longitude": -117.96, "Population": 870.0}, {"index": 11177, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -117.96, "Population": 870.0}, {"index": 11178, "quantile": 0.0, "value": 213899.99999999997, "Latitude": 33.83, "Longitude": -117.96, "Population": 474.0}, {"index": 11178, "quantile": 0.25, "value": 298475.0, "Latitude": 33.83, "Longitude": -117.96, "Population": 474.0}, {"index": 11178, "quantile": 0.5, "value": 298900.0, "Latitude": 33.83, "Longitude": -117.96, "Population": 474.0}, {"index": 11178, "quantile": 0.75, "value": 298900.0, "Latitude": 33.83, "Longitude": -117.96, "Population": 474.0}, {"index": 11178, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -117.96, "Population": 474.0}, {"index": 11179, "quantile": 0.0, "value": 137000.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 1961.0}, {"index": 11179, "quantile": 0.25, "value": 153775.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 1961.0}, {"index": 11179, "quantile": 0.5, "value": 173400.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 1961.0}, {"index": 11179, "quantile": 0.75, "value": 193825.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 1961.0}, {"index": 11179, "quantile": 1.0, "value": 275000.0, "Latitude": 33.84, "Longitude": -117.95, "Population": 1961.0}, {"index": 11180, "quantile": 0.0, "value": 112500.0, "Latitude": 33.83, "Longitude": -117.94, "Population": 494.0}, {"index": 11180, "quantile": 0.25, "value": 173100.0, "Latitude": 33.83, "Longitude": -117.94, "Population": 494.0}, {"index": 11180, "quantile": 0.5, "value": 189900.0, "Latitude": 33.83, "Longitude": -117.94, "Population": 494.0}, {"index": 11180, "quantile": 0.75, "value": 204700.00000000003, "Latitude": 33.83, "Longitude": -117.94, "Population": 494.0}, {"index": 11180, "quantile": 1.0, "value": 362500.0, "Latitude": 33.83, "Longitude": -117.94, "Population": 494.0}, {"index": 11181, "quantile": 0.0, "value": 109400.00000000001, "Latitude": 33.83, "Longitude": -117.95, "Population": 1348.0}, {"index": 11181, "quantile": 0.25, "value": 217800.0, "Latitude": 33.83, "Longitude": -117.95, "Population": 1348.0}, {"index": 11181, "quantile": 0.5, "value": 217800.0, "Latitude": 33.83, "Longitude": -117.95, "Population": 1348.0}, {"index": 11181, "quantile": 0.75, "value": 217800.0, "Latitude": 33.83, "Longitude": -117.95, "Population": 1348.0}, {"index": 11181, "quantile": 1.0, "value": 284000.0, "Latitude": 33.83, "Longitude": -117.95, "Population": 1348.0}, {"index": 11182, "quantile": 0.0, "value": 167400.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 676.0}, {"index": 11182, "quantile": 0.25, "value": 189600.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 676.0}, {"index": 11182, "quantile": 0.5, "value": 215400.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 676.0}, {"index": 11182, "quantile": 0.75, "value": 215400.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 676.0}, {"index": 11182, "quantile": 1.0, "value": 223900.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 676.0}, {"index": 11183, "quantile": 0.0, "value": 160400.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 878.0}, {"index": 11183, "quantile": 0.25, "value": 196900.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 878.0}, {"index": 11183, "quantile": 0.5, "value": 196900.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 878.0}, {"index": 11183, "quantile": 0.75, "value": 196900.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 878.0}, {"index": 11183, "quantile": 1.0, "value": 282500.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 878.0}, {"index": 11184, "quantile": 0.0, "value": 135400.0, "Latitude": 33.82, "Longitude": -117.95, "Population": 1618.0}, {"index": 11184, "quantile": 0.25, "value": 184900.0, "Latitude": 33.82, "Longitude": -117.95, "Population": 1618.0}, {"index": 11184, "quantile": 0.5, "value": 197400.0, "Latitude": 33.82, "Longitude": -117.95, "Population": 1618.0}, {"index": 11184, "quantile": 0.75, "value": 214725.0, "Latitude": 33.82, "Longitude": -117.95, "Population": 1618.0}, {"index": 11184, "quantile": 1.0, "value": 282500.0, "Latitude": 33.82, "Longitude": -117.95, "Population": 1618.0}, {"index": 11185, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 33.83, "Longitude": -117.95, "Population": 641.0}, {"index": 11185, "quantile": 0.25, "value": 216699.99999999997, "Latitude": 33.83, "Longitude": -117.95, "Population": 641.0}, {"index": 11185, "quantile": 0.5, "value": 216699.99999999997, "Latitude": 33.83, "Longitude": -117.95, "Population": 641.0}, {"index": 11185, "quantile": 0.75, "value": 216699.99999999997, "Latitude": 33.83, "Longitude": -117.95, "Population": 641.0}, {"index": 11185, "quantile": 1.0, "value": 342800.0, "Latitude": 33.83, "Longitude": -117.95, "Population": 641.0}, {"index": 11186, "quantile": 0.0, "value": 138200.0, "Latitude": 33.83, "Longitude": -117.96, "Population": 498.0}, {"index": 11186, "quantile": 0.25, "value": 220800.00000000003, "Latitude": 33.83, "Longitude": -117.96, "Population": 498.0}, {"index": 11186, "quantile": 0.5, "value": 220800.00000000003, "Latitude": 33.83, "Longitude": -117.96, "Population": 498.0}, {"index": 11186, "quantile": 0.75, "value": 220800.00000000003, "Latitude": 33.83, "Longitude": -117.96, "Population": 498.0}, {"index": 11186, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.83, "Longitude": -117.96, "Population": 498.0}, {"index": 11187, "quantile": 0.0, "value": 166400.0, "Latitude": 33.83, "Longitude": -117.95, "Population": 690.0}, {"index": 11187, "quantile": 0.25, "value": 197475.0, "Latitude": 33.83, "Longitude": -117.95, "Population": 690.0}, {"index": 11187, "quantile": 0.5, "value": 210900.0, "Latitude": 33.83, "Longitude": -117.95, "Population": 690.0}, {"index": 11187, "quantile": 0.75, "value": 210900.0, "Latitude": 33.83, "Longitude": -117.95, "Population": 690.0}, {"index": 11187, "quantile": 1.0, "value": 262000.0, "Latitude": 33.83, "Longitude": -117.95, "Population": 690.0}, {"index": 11188, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.83, "Longitude": -117.93, "Population": 1131.0}, {"index": 11188, "quantile": 0.25, "value": 182800.0, "Latitude": 33.83, "Longitude": -117.93, "Population": 1131.0}, {"index": 11188, "quantile": 0.5, "value": 186300.0, "Latitude": 33.83, "Longitude": -117.93, "Population": 1131.0}, {"index": 11188, "quantile": 0.75, "value": 186300.0, "Latitude": 33.83, "Longitude": -117.93, "Population": 1131.0}, {"index": 11188, "quantile": 1.0, "value": 236100.00000000003, "Latitude": 33.83, "Longitude": -117.93, "Population": 1131.0}, {"index": 11189, "quantile": 0.0, "value": 147400.0, "Latitude": 33.82, "Longitude": -117.92, "Population": 1479.0}, {"index": 11189, "quantile": 0.25, "value": 187200.0, "Latitude": 33.82, "Longitude": -117.92, "Population": 1479.0}, {"index": 11189, "quantile": 0.5, "value": 187200.0, "Latitude": 33.82, "Longitude": -117.92, "Population": 1479.0}, {"index": 11189, "quantile": 0.75, "value": 187200.0, "Latitude": 33.82, "Longitude": -117.92, "Population": 1479.0}, {"index": 11189, "quantile": 1.0, "value": 225900.0, "Latitude": 33.82, "Longitude": -117.92, "Population": 1479.0}, {"index": 11190, "quantile": 0.0, "value": 119400.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 1057.0}, {"index": 11190, "quantile": 0.25, "value": 208100.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 1057.0}, {"index": 11190, "quantile": 0.5, "value": 208100.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 1057.0}, {"index": 11190, "quantile": 0.75, "value": 208100.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 1057.0}, {"index": 11190, "quantile": 1.0, "value": 250000.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 1057.0}, {"index": 11191, "quantile": 0.0, "value": 155500.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 2600.0}, {"index": 11191, "quantile": 0.25, "value": 206350.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 2600.0}, {"index": 11191, "quantile": 0.5, "value": 229599.99999999997, "Latitude": 33.82, "Longitude": -117.94, "Population": 2600.0}, {"index": 11191, "quantile": 0.75, "value": 254800.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 2600.0}, {"index": 11191, "quantile": 1.0, "value": 371700.0, "Latitude": 33.82, "Longitude": -117.94, "Population": 2600.0}, {"index": 11192, "quantile": 0.0, "value": 45000.0, "Latitude": 33.82, "Longitude": -117.93, "Population": 1848.0}, {"index": 11192, "quantile": 0.25, "value": 184550.0, "Latitude": 33.82, "Longitude": -117.93, "Population": 1848.0}, {"index": 11192, "quantile": 0.5, "value": 198800.0, "Latitude": 33.82, "Longitude": -117.93, "Population": 1848.0}, {"index": 11192, "quantile": 0.75, "value": 198800.0, "Latitude": 33.82, "Longitude": -117.93, "Population": 1848.0}, {"index": 11192, "quantile": 1.0, "value": 235300.00000000003, "Latitude": 33.82, "Longitude": -117.93, "Population": 1848.0}, {"index": 11193, "quantile": 0.0, "value": 125499.99999999999, "Latitude": 33.84, "Longitude": -117.92, "Population": 671.0}, {"index": 11193, "quantile": 0.25, "value": 215600.0, "Latitude": 33.84, "Longitude": -117.92, "Population": 671.0}, {"index": 11193, "quantile": 0.5, "value": 220000.00000000003, "Latitude": 33.84, "Longitude": -117.92, "Population": 671.0}, {"index": 11193, "quantile": 0.75, "value": 220000.00000000003, "Latitude": 33.84, "Longitude": -117.92, "Population": 671.0}, {"index": 11193, "quantile": 1.0, "value": 436400.0, "Latitude": 33.84, "Longitude": -117.92, "Population": 671.0}, {"index": 11194, "quantile": 0.0, "value": 45000.0, "Latitude": 33.83, "Longitude": -117.92, "Population": 1894.0}, {"index": 11194, "quantile": 0.25, "value": 171300.0, "Latitude": 33.83, "Longitude": -117.92, "Population": 1894.0}, {"index": 11194, "quantile": 0.5, "value": 171300.0, "Latitude": 33.83, "Longitude": -117.92, "Population": 1894.0}, {"index": 11194, "quantile": 0.75, "value": 171300.0, "Latitude": 33.83, "Longitude": -117.92, "Population": 1894.0}, {"index": 11194, "quantile": 1.0, "value": 350000.0, "Latitude": 33.83, "Longitude": -117.92, "Population": 1894.0}, {"index": 11195, "quantile": 0.0, "value": 132800.0, "Latitude": 33.83, "Longitude": -117.93, "Population": 1104.0}, {"index": 11195, "quantile": 0.25, "value": 189625.0, "Latitude": 33.83, "Longitude": -117.93, "Population": 1104.0}, {"index": 11195, "quantile": 0.5, "value": 201900.0, "Latitude": 33.83, "Longitude": -117.93, "Population": 1104.0}, {"index": 11195, "quantile": 0.75, "value": 201900.0, "Latitude": 33.83, "Longitude": -117.93, "Population": 1104.0}, {"index": 11195, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 33.83, "Longitude": -117.93, "Population": 1104.0}, {"index": 11196, "quantile": 0.0, "value": 186100.0, "Latitude": 33.84, "Longitude": -117.93, "Population": 852.0}, {"index": 11196, "quantile": 0.25, "value": 287100.0, "Latitude": 33.84, "Longitude": -117.93, "Population": 852.0}, {"index": 11196, "quantile": 0.5, "value": 287100.0, "Latitude": 33.84, "Longitude": -117.93, "Population": 852.0}, {"index": 11196, "quantile": 0.75, "value": 287100.0, "Latitude": 33.84, "Longitude": -117.93, "Population": 852.0}, {"index": 11196, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -117.93, "Population": 852.0}, {"index": 11197, "quantile": 0.0, "value": 163900.0, "Latitude": 33.84, "Longitude": -117.93, "Population": 1374.0}, {"index": 11197, "quantile": 0.25, "value": 231400.0, "Latitude": 33.84, "Longitude": -117.93, "Population": 1374.0}, {"index": 11197, "quantile": 0.5, "value": 282500.0, "Latitude": 33.84, "Longitude": -117.93, "Population": 1374.0}, {"index": 11197, "quantile": 0.75, "value": 282500.0, "Latitude": 33.84, "Longitude": -117.93, "Population": 1374.0}, {"index": 11197, "quantile": 1.0, "value": 347800.0, "Latitude": 33.84, "Longitude": -117.93, "Population": 1374.0}, {"index": 11198, "quantile": 0.0, "value": 104800.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 1880.0}, {"index": 11198, "quantile": 0.25, "value": 162500.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 1880.0}, {"index": 11198, "quantile": 0.5, "value": 350000.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 1880.0}, {"index": 11198, "quantile": 0.75, "value": 350000.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 1880.0}, {"index": 11198, "quantile": 1.0, "value": 350000.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 1880.0}, {"index": 11199, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.83, "Longitude": -117.9, "Population": 2720.0}, {"index": 11199, "quantile": 0.25, "value": 164700.0, "Latitude": 33.83, "Longitude": -117.9, "Population": 2720.0}, {"index": 11199, "quantile": 0.5, "value": 164700.0, "Latitude": 33.83, "Longitude": -117.9, "Population": 2720.0}, {"index": 11199, "quantile": 0.75, "value": 164700.0, "Latitude": 33.83, "Longitude": -117.9, "Population": 2720.0}, {"index": 11199, "quantile": 1.0, "value": 237500.0, "Latitude": 33.83, "Longitude": -117.9, "Population": 2720.0}, {"index": 11200, "quantile": 0.0, "value": 67500.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 735.0}, {"index": 11200, "quantile": 0.25, "value": 153100.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 735.0}, {"index": 11200, "quantile": 0.5, "value": 175000.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 735.0}, {"index": 11200, "quantile": 0.75, "value": 175000.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 735.0}, {"index": 11200, "quantile": 1.0, "value": 376100.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 735.0}, {"index": 11201, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.83, "Longitude": -117.92, "Population": 272.0}, {"index": 11201, "quantile": 0.25, "value": 102800.0, "Latitude": 33.83, "Longitude": -117.92, "Population": 272.0}, {"index": 11201, "quantile": 0.5, "value": 138300.0, "Latitude": 33.83, "Longitude": -117.92, "Population": 272.0}, {"index": 11201, "quantile": 0.75, "value": 171075.0, "Latitude": 33.83, "Longitude": -117.92, "Population": 272.0}, {"index": 11201, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -117.92, "Population": 272.0}, {"index": 11202, "quantile": 0.0, "value": 89700.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 912.0}, {"index": 11202, "quantile": 0.25, "value": 156700.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 912.0}, {"index": 11202, "quantile": 0.5, "value": 165400.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 912.0}, {"index": 11202, "quantile": 0.75, "value": 165400.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 912.0}, {"index": 11202, "quantile": 1.0, "value": 350000.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 912.0}, {"index": 11203, "quantile": 0.0, "value": 112500.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 975.0}, {"index": 11203, "quantile": 0.25, "value": 168100.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 975.0}, {"index": 11203, "quantile": 0.5, "value": 168100.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 975.0}, {"index": 11203, "quantile": 0.75, "value": 168100.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 975.0}, {"index": 11203, "quantile": 1.0, "value": 202400.0, "Latitude": 33.84, "Longitude": -117.91, "Population": 975.0}, {"index": 11204, "quantile": 0.0, "value": 108500.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 375.0}, {"index": 11204, "quantile": 0.25, "value": 160600.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 375.0}, {"index": 11204, "quantile": 0.5, "value": 160600.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 375.0}, {"index": 11204, "quantile": 0.75, "value": 160600.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 375.0}, {"index": 11204, "quantile": 1.0, "value": 275000.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 375.0}, {"index": 11205, "quantile": 0.0, "value": 131900.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 719.0}, {"index": 11205, "quantile": 0.25, "value": 161400.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 719.0}, {"index": 11205, "quantile": 0.5, "value": 161400.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 719.0}, {"index": 11205, "quantile": 0.75, "value": 167325.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 719.0}, {"index": 11205, "quantile": 1.0, "value": 232500.00000000003, "Latitude": 33.83, "Longitude": -117.91, "Population": 719.0}, {"index": 11206, "quantile": 0.0, "value": 158000.0, "Latitude": 33.83, "Longitude": -117.92, "Population": 639.0}, {"index": 11206, "quantile": 0.25, "value": 186525.0, "Latitude": 33.83, "Longitude": -117.92, "Population": 639.0}, {"index": 11206, "quantile": 0.5, "value": 200800.0, "Latitude": 33.83, "Longitude": -117.92, "Population": 639.0}, {"index": 11206, "quantile": 0.75, "value": 220000.00000000003, "Latitude": 33.83, "Longitude": -117.92, "Population": 639.0}, {"index": 11206, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -117.92, "Population": 639.0}, {"index": 11207, "quantile": 0.0, "value": 117900.0, "Latitude": 33.83, "Longitude": -117.92, "Population": 855.0}, {"index": 11207, "quantile": 0.25, "value": 166400.0, "Latitude": 33.83, "Longitude": -117.92, "Population": 855.0}, {"index": 11207, "quantile": 0.5, "value": 166400.0, "Latitude": 33.83, "Longitude": -117.92, "Population": 855.0}, {"index": 11207, "quantile": 0.75, "value": 166400.0, "Latitude": 33.83, "Longitude": -117.92, "Population": 855.0}, {"index": 11207, "quantile": 1.0, "value": 234400.0, "Latitude": 33.83, "Longitude": -117.92, "Population": 855.0}, {"index": 11208, "quantile": 0.0, "value": 88800.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 2568.0}, {"index": 11208, "quantile": 0.25, "value": 162500.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 2568.0}, {"index": 11208, "quantile": 0.5, "value": 170800.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 2568.0}, {"index": 11208, "quantile": 0.75, "value": 170800.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 2568.0}, {"index": 11208, "quantile": 1.0, "value": 187500.0, "Latitude": 33.83, "Longitude": -117.91, "Population": 2568.0}, {"index": 11209, "quantile": 0.0, "value": 131900.0, "Latitude": 33.82, "Longitude": -117.9, "Population": 1003.0}, {"index": 11209, "quantile": 0.25, "value": 166900.0, "Latitude": 33.82, "Longitude": -117.9, "Population": 1003.0}, {"index": 11209, "quantile": 0.5, "value": 166900.0, "Latitude": 33.82, "Longitude": -117.9, "Population": 1003.0}, {"index": 11209, "quantile": 0.75, "value": 166900.0, "Latitude": 33.82, "Longitude": -117.9, "Population": 1003.0}, {"index": 11209, "quantile": 1.0, "value": 238300.0, "Latitude": 33.82, "Longitude": -117.9, "Population": 1003.0}, {"index": 11210, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 33.82, "Longitude": -117.92, "Population": 1535.0}, {"index": 11210, "quantile": 0.25, "value": 158750.0, "Latitude": 33.82, "Longitude": -117.92, "Population": 1535.0}, {"index": 11210, "quantile": 0.5, "value": 172500.0, "Latitude": 33.82, "Longitude": -117.92, "Population": 1535.0}, {"index": 11210, "quantile": 0.75, "value": 206149.99999999997, "Latitude": 33.82, "Longitude": -117.92, "Population": 1535.0}, {"index": 11210, "quantile": 1.0, "value": 500000.0, "Latitude": 33.82, "Longitude": -117.92, "Population": 1535.0}, {"index": 11211, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 33.82, "Longitude": -117.91, "Population": 2330.0}, {"index": 11211, "quantile": 0.25, "value": 184250.0, "Latitude": 33.82, "Longitude": -117.91, "Population": 2330.0}, {"index": 11211, "quantile": 0.5, "value": 184600.0, "Latitude": 33.82, "Longitude": -117.91, "Population": 2330.0}, {"index": 11211, "quantile": 0.75, "value": 184600.0, "Latitude": 33.82, "Longitude": -117.91, "Population": 2330.0}, {"index": 11211, "quantile": 1.0, "value": 257799.99999999997, "Latitude": 33.82, "Longitude": -117.91, "Population": 2330.0}, {"index": 11212, "quantile": 0.0, "value": 92600.0, "Latitude": 33.82, "Longitude": -117.91, "Population": 1038.0}, {"index": 11212, "quantile": 0.25, "value": 155125.0, "Latitude": 33.82, "Longitude": -117.91, "Population": 1038.0}, {"index": 11212, "quantile": 0.5, "value": 175000.0, "Latitude": 33.82, "Longitude": -117.91, "Population": 1038.0}, {"index": 11212, "quantile": 0.75, "value": 192800.0, "Latitude": 33.82, "Longitude": -117.91, "Population": 1038.0}, {"index": 11212, "quantile": 1.0, "value": 297100.0, "Latitude": 33.82, "Longitude": -117.91, "Population": 1038.0}, {"index": 11213, "quantile": 0.0, "value": 45000.0, "Latitude": 33.81, "Longitude": -117.91, "Population": 781.0}, {"index": 11213, "quantile": 0.25, "value": 153100.0, "Latitude": 33.81, "Longitude": -117.91, "Population": 781.0}, {"index": 11213, "quantile": 0.5, "value": 153100.0, "Latitude": 33.81, "Longitude": -117.91, "Population": 781.0}, {"index": 11213, "quantile": 0.75, "value": 160100.0, "Latitude": 33.81, "Longitude": -117.91, "Population": 781.0}, {"index": 11213, "quantile": 1.0, "value": 276800.0, "Latitude": 33.81, "Longitude": -117.91, "Population": 781.0}, {"index": 11214, "quantile": 0.0, "value": 117400.0, "Latitude": 33.82, "Longitude": -117.91, "Population": 1331.0}, {"index": 11214, "quantile": 0.25, "value": 175150.0, "Latitude": 33.82, "Longitude": -117.91, "Population": 1331.0}, {"index": 11214, "quantile": 0.5, "value": 179600.0, "Latitude": 33.82, "Longitude": -117.91, "Population": 1331.0}, {"index": 11214, "quantile": 0.75, "value": 179600.0, "Latitude": 33.82, "Longitude": -117.91, "Population": 1331.0}, {"index": 11214, "quantile": 1.0, "value": 194100.0, "Latitude": 33.82, "Longitude": -117.91, "Population": 1331.0}, {"index": 11215, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 33.81, "Longitude": -117.93, "Population": 1640.0}, {"index": 11215, "quantile": 0.25, "value": 166300.0, "Latitude": 33.81, "Longitude": -117.93, "Population": 1640.0}, {"index": 11215, "quantile": 0.5, "value": 166300.0, "Latitude": 33.81, "Longitude": -117.93, "Population": 1640.0}, {"index": 11215, "quantile": 0.75, "value": 228750.0, "Latitude": 33.81, "Longitude": -117.93, "Population": 1640.0}, {"index": 11215, "quantile": 1.0, "value": 426499.99999999994, "Latitude": 33.81, "Longitude": -117.93, "Population": 1640.0}, {"index": 11216, "quantile": 0.0, "value": 155500.0, "Latitude": 33.81, "Longitude": -117.92, "Population": 759.0}, {"index": 11216, "quantile": 0.25, "value": 205100.00000000003, "Latitude": 33.81, "Longitude": -117.92, "Population": 759.0}, {"index": 11216, "quantile": 0.5, "value": 205100.00000000003, "Latitude": 33.81, "Longitude": -117.92, "Population": 759.0}, {"index": 11216, "quantile": 0.75, "value": 205100.00000000003, "Latitude": 33.81, "Longitude": -117.92, "Population": 759.0}, {"index": 11216, "quantile": 1.0, "value": 395100.0, "Latitude": 33.81, "Longitude": -117.92, "Population": 759.0}, {"index": 11217, "quantile": 0.0, "value": 148400.0, "Latitude": 33.8, "Longitude": -117.93, "Population": 2054.0}, {"index": 11217, "quantile": 0.25, "value": 218000.00000000003, "Latitude": 33.8, "Longitude": -117.93, "Population": 2054.0}, {"index": 11217, "quantile": 0.5, "value": 218000.00000000003, "Latitude": 33.8, "Longitude": -117.93, "Population": 2054.0}, {"index": 11217, "quantile": 0.75, "value": 218000.00000000003, "Latitude": 33.8, "Longitude": -117.93, "Population": 2054.0}, {"index": 11217, "quantile": 1.0, "value": 241100.0, "Latitude": 33.8, "Longitude": -117.93, "Population": 2054.0}, {"index": 11218, "quantile": 0.0, "value": 139700.0, "Latitude": 33.8, "Longitude": -117.92, "Population": 679.0}, {"index": 11218, "quantile": 0.25, "value": 159500.0, "Latitude": 33.8, "Longitude": -117.92, "Population": 679.0}, {"index": 11218, "quantile": 0.5, "value": 159500.0, "Latitude": 33.8, "Longitude": -117.92, "Population": 679.0}, {"index": 11218, "quantile": 0.75, "value": 159500.0, "Latitude": 33.8, "Longitude": -117.92, "Population": 679.0}, {"index": 11218, "quantile": 1.0, "value": 282600.0, "Latitude": 33.8, "Longitude": -117.92, "Population": 679.0}, {"index": 11219, "quantile": 0.0, "value": 45000.0, "Latitude": 33.8, "Longitude": -117.9, "Population": 748.0}, {"index": 11219, "quantile": 0.25, "value": 45000.0, "Latitude": 33.8, "Longitude": -117.9, "Population": 748.0}, {"index": 11219, "quantile": 0.5, "value": 45000.0, "Latitude": 33.8, "Longitude": -117.9, "Population": 748.0}, {"index": 11219, "quantile": 0.75, "value": 165725.0, "Latitude": 33.8, "Longitude": -117.9, "Population": 748.0}, {"index": 11219, "quantile": 1.0, "value": 369400.0, "Latitude": 33.8, "Longitude": -117.9, "Population": 748.0}, {"index": 11220, "quantile": 0.0, "value": 146900.0, "Latitude": 33.8, "Longitude": -117.9, "Population": 2639.0}, {"index": 11220, "quantile": 0.25, "value": 157500.0, "Latitude": 33.8, "Longitude": -117.9, "Population": 2639.0}, {"index": 11220, "quantile": 0.5, "value": 157500.0, "Latitude": 33.8, "Longitude": -117.9, "Population": 2639.0}, {"index": 11220, "quantile": 0.75, "value": 171500.0, "Latitude": 33.8, "Longitude": -117.9, "Population": 2639.0}, {"index": 11220, "quantile": 1.0, "value": 254500.0, "Latitude": 33.8, "Longitude": -117.9, "Population": 2639.0}, {"index": 11221, "quantile": 0.0, "value": 117300.0, "Latitude": 33.8, "Longitude": -117.9, "Population": 1940.0}, {"index": 11221, "quantile": 0.25, "value": 145200.0, "Latitude": 33.8, "Longitude": -117.9, "Population": 1940.0}, {"index": 11221, "quantile": 0.5, "value": 158400.0, "Latitude": 33.8, "Longitude": -117.9, "Population": 1940.0}, {"index": 11221, "quantile": 0.75, "value": 170275.0, "Latitude": 33.8, "Longitude": -117.9, "Population": 1940.0}, {"index": 11221, "quantile": 1.0, "value": 215099.99999999997, "Latitude": 33.8, "Longitude": -117.9, "Population": 1940.0}, {"index": 11222, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.8, "Longitude": -117.9, "Population": 1440.0}, {"index": 11222, "quantile": 0.25, "value": 195000.0, "Latitude": 33.8, "Longitude": -117.9, "Population": 1440.0}, {"index": 11222, "quantile": 0.5, "value": 212500.0, "Latitude": 33.8, "Longitude": -117.9, "Population": 1440.0}, {"index": 11222, "quantile": 0.75, "value": 212500.0, "Latitude": 33.8, "Longitude": -117.9, "Population": 1440.0}, {"index": 11222, "quantile": 1.0, "value": 231300.00000000003, "Latitude": 33.8, "Longitude": -117.9, "Population": 1440.0}, {"index": 11223, "quantile": 0.0, "value": 78600.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 932.0}, {"index": 11223, "quantile": 0.25, "value": 231375.00000000003, "Latitude": 33.81, "Longitude": -117.94, "Population": 932.0}, {"index": 11223, "quantile": 0.5, "value": 238000.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 932.0}, {"index": 11223, "quantile": 0.75, "value": 238000.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 932.0}, {"index": 11223, "quantile": 1.0, "value": 269300.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 932.0}, {"index": 11224, "quantile": 0.0, "value": 112500.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 1127.0}, {"index": 11224, "quantile": 0.25, "value": 188500.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 1127.0}, {"index": 11224, "quantile": 0.5, "value": 214299.99999999997, "Latitude": 33.81, "Longitude": -117.94, "Population": 1127.0}, {"index": 11224, "quantile": 0.75, "value": 214299.99999999997, "Latitude": 33.81, "Longitude": -117.94, "Population": 1127.0}, {"index": 11224, "quantile": 1.0, "value": 282500.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 1127.0}, {"index": 11225, "quantile": 0.0, "value": 180500.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 664.0}, {"index": 11225, "quantile": 0.25, "value": 227400.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 664.0}, {"index": 11225, "quantile": 0.5, "value": 227400.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 664.0}, {"index": 11225, "quantile": 0.75, "value": 227400.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 664.0}, {"index": 11225, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -117.94, "Population": 664.0}, {"index": 11226, "quantile": 0.0, "value": 94500.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 735.0}, {"index": 11226, "quantile": 0.25, "value": 243200.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 735.0}, {"index": 11226, "quantile": 0.5, "value": 243200.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 735.0}, {"index": 11226, "quantile": 0.75, "value": 243200.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 735.0}, {"index": 11226, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.81, "Longitude": -117.94, "Population": 735.0}, {"index": 11227, "quantile": 0.0, "value": 166300.0, "Latitude": 33.8, "Longitude": -117.94, "Population": 1500.0}, {"index": 11227, "quantile": 0.25, "value": 229599.99999999997, "Latitude": 33.8, "Longitude": -117.94, "Population": 1500.0}, {"index": 11227, "quantile": 0.5, "value": 254800.0, "Latitude": 33.8, "Longitude": -117.94, "Population": 1500.0}, {"index": 11227, "quantile": 0.75, "value": 254800.0, "Latitude": 33.8, "Longitude": -117.94, "Population": 1500.0}, {"index": 11227, "quantile": 1.0, "value": 342800.0, "Latitude": 33.8, "Longitude": -117.94, "Population": 1500.0}, {"index": 11228, "quantile": 0.0, "value": 161900.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 3003.0}, {"index": 11228, "quantile": 0.25, "value": 172200.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 3003.0}, {"index": 11228, "quantile": 0.5, "value": 172200.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 3003.0}, {"index": 11228, "quantile": 0.75, "value": 183100.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 3003.0}, {"index": 11228, "quantile": 1.0, "value": 281300.0, "Latitude": 33.81, "Longitude": -117.94, "Population": 3003.0}, {"index": 11229, "quantile": 0.0, "value": 134400.0, "Latitude": 33.8, "Longitude": -117.93, "Population": 891.0}, {"index": 11229, "quantile": 0.25, "value": 223125.00000000003, "Latitude": 33.8, "Longitude": -117.93, "Population": 891.0}, {"index": 11229, "quantile": 0.5, "value": 231900.0, "Latitude": 33.8, "Longitude": -117.93, "Population": 891.0}, {"index": 11229, "quantile": 0.75, "value": 231900.0, "Latitude": 33.8, "Longitude": -117.93, "Population": 891.0}, {"index": 11229, "quantile": 1.0, "value": 354200.0, "Latitude": 33.8, "Longitude": -117.93, "Population": 891.0}, {"index": 11230, "quantile": 0.0, "value": 124400.0, "Latitude": 33.82, "Longitude": -117.95, "Population": 514.0}, {"index": 11230, "quantile": 0.25, "value": 208700.00000000003, "Latitude": 33.82, "Longitude": -117.95, "Population": 514.0}, {"index": 11230, "quantile": 0.5, "value": 208700.00000000003, "Latitude": 33.82, "Longitude": -117.95, "Population": 514.0}, {"index": 11230, "quantile": 0.75, "value": 208700.00000000003, "Latitude": 33.82, "Longitude": -117.95, "Population": 514.0}, {"index": 11230, "quantile": 1.0, "value": 278900.0, "Latitude": 33.82, "Longitude": -117.95, "Population": 514.0}, {"index": 11231, "quantile": 0.0, "value": 124400.0, "Latitude": 33.82, "Longitude": -117.95, "Population": 496.0}, {"index": 11231, "quantile": 0.25, "value": 224700.0, "Latitude": 33.82, "Longitude": -117.95, "Population": 496.0}, {"index": 11231, "quantile": 0.5, "value": 224700.0, "Latitude": 33.82, "Longitude": -117.95, "Population": 496.0}, {"index": 11231, "quantile": 0.75, "value": 224700.0, "Latitude": 33.82, "Longitude": -117.95, "Population": 496.0}, {"index": 11231, "quantile": 1.0, "value": 447100.0, "Latitude": 33.82, "Longitude": -117.95, "Population": 496.0}, {"index": 11232, "quantile": 0.0, "value": 163900.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 1499.0}, {"index": 11232, "quantile": 0.25, "value": 183400.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 1499.0}, {"index": 11232, "quantile": 0.5, "value": 183400.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 1499.0}, {"index": 11232, "quantile": 0.75, "value": 197700.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 1499.0}, {"index": 11232, "quantile": 1.0, "value": 353600.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 1499.0}, {"index": 11233, "quantile": 0.0, "value": 164800.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 1513.0}, {"index": 11233, "quantile": 0.25, "value": 197400.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 1513.0}, {"index": 11233, "quantile": 0.5, "value": 197400.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 1513.0}, {"index": 11233, "quantile": 0.75, "value": 197400.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 1513.0}, {"index": 11233, "quantile": 1.0, "value": 282500.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 1513.0}, {"index": 11234, "quantile": 0.0, "value": 152400.0, "Latitude": 33.8, "Longitude": -117.96, "Population": 488.0}, {"index": 11234, "quantile": 0.25, "value": 192700.0, "Latitude": 33.8, "Longitude": -117.96, "Population": 488.0}, {"index": 11234, "quantile": 0.5, "value": 195200.0, "Latitude": 33.8, "Longitude": -117.96, "Population": 488.0}, {"index": 11234, "quantile": 0.75, "value": 195200.0, "Latitude": 33.8, "Longitude": -117.96, "Population": 488.0}, {"index": 11234, "quantile": 1.0, "value": 255500.00000000003, "Latitude": 33.8, "Longitude": -117.96, "Population": 488.0}, {"index": 11235, "quantile": 0.0, "value": 171100.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 884.0}, {"index": 11235, "quantile": 0.25, "value": 177400.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 884.0}, {"index": 11235, "quantile": 0.5, "value": 177400.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 884.0}, {"index": 11235, "quantile": 0.75, "value": 190200.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 884.0}, {"index": 11235, "quantile": 1.0, "value": 234600.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 884.0}, {"index": 11236, "quantile": 0.0, "value": 100800.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 980.0}, {"index": 11236, "quantile": 0.25, "value": 182500.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 980.0}, {"index": 11236, "quantile": 0.5, "value": 182500.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 980.0}, {"index": 11236, "quantile": 0.75, "value": 182500.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 980.0}, {"index": 11236, "quantile": 1.0, "value": 255500.00000000003, "Latitude": 33.81, "Longitude": -117.96, "Population": 980.0}, {"index": 11237, "quantile": 0.0, "value": 100800.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 1409.0}, {"index": 11237, "quantile": 0.25, "value": 180000.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 1409.0}, {"index": 11237, "quantile": 0.5, "value": 180000.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 1409.0}, {"index": 11237, "quantile": 0.75, "value": 180000.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 1409.0}, {"index": 11237, "quantile": 1.0, "value": 277000.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 1409.0}, {"index": 11238, "quantile": 0.0, "value": 128600.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 1632.0}, {"index": 11238, "quantile": 0.25, "value": 180400.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 1632.0}, {"index": 11238, "quantile": 0.5, "value": 180400.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 1632.0}, {"index": 11238, "quantile": 0.75, "value": 180400.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 1632.0}, {"index": 11238, "quantile": 1.0, "value": 225900.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 1632.0}, {"index": 11239, "quantile": 0.0, "value": 139700.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 730.0}, {"index": 11239, "quantile": 0.25, "value": 209400.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 730.0}, {"index": 11239, "quantile": 0.5, "value": 209400.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 730.0}, {"index": 11239, "quantile": 0.75, "value": 209400.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 730.0}, {"index": 11239, "quantile": 1.0, "value": 350000.0, "Latitude": 33.82, "Longitude": -117.96, "Population": 730.0}, {"index": 11240, "quantile": 0.0, "value": 147200.0, "Latitude": 33.81, "Longitude": -117.95, "Population": 943.0}, {"index": 11240, "quantile": 0.25, "value": 195200.0, "Latitude": 33.81, "Longitude": -117.95, "Population": 943.0}, {"index": 11240, "quantile": 0.5, "value": 195200.0, "Latitude": 33.81, "Longitude": -117.95, "Population": 943.0}, {"index": 11240, "quantile": 0.75, "value": 213300.0, "Latitude": 33.81, "Longitude": -117.95, "Population": 943.0}, {"index": 11240, "quantile": 1.0, "value": 296600.0, "Latitude": 33.81, "Longitude": -117.95, "Population": 943.0}, {"index": 11241, "quantile": 0.0, "value": 152100.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 1021.0}, {"index": 11241, "quantile": 0.25, "value": 184825.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 1021.0}, {"index": 11241, "quantile": 0.5, "value": 191100.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 1021.0}, {"index": 11241, "quantile": 0.75, "value": 220350.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 1021.0}, {"index": 11241, "quantile": 1.0, "value": 271500.0, "Latitude": 33.81, "Longitude": -117.96, "Population": 1021.0}, {"index": 11242, "quantile": 0.0, "value": 121500.00000000001, "Latitude": 33.81, "Longitude": -117.95, "Population": 1367.0}, {"index": 11242, "quantile": 0.25, "value": 197350.0, "Latitude": 33.81, "Longitude": -117.95, "Population": 1367.0}, {"index": 11242, "quantile": 0.5, "value": 211300.0, "Latitude": 33.81, "Longitude": -117.95, "Population": 1367.0}, {"index": 11242, "quantile": 0.75, "value": 240625.0, "Latitude": 33.81, "Longitude": -117.95, "Population": 1367.0}, {"index": 11242, "quantile": 1.0, "value": 374600.0, "Latitude": 33.81, "Longitude": -117.95, "Population": 1367.0}, {"index": 11243, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.81, "Longitude": -118.0, "Population": 1869.0}, {"index": 11243, "quantile": 0.25, "value": 185050.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 1869.0}, {"index": 11243, "quantile": 0.5, "value": 190700.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 1869.0}, {"index": 11243, "quantile": 0.75, "value": 213800.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 1869.0}, {"index": 11243, "quantile": 1.0, "value": 237300.00000000003, "Latitude": 33.81, "Longitude": -118.0, "Population": 1869.0}, {"index": 11244, "quantile": 0.0, "value": 158700.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 1702.0}, {"index": 11244, "quantile": 0.25, "value": 174700.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 1702.0}, {"index": 11244, "quantile": 0.5, "value": 174700.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 1702.0}, {"index": 11244, "quantile": 0.75, "value": 174700.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 1702.0}, {"index": 11244, "quantile": 1.0, "value": 265000.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 1702.0}, {"index": 11245, "quantile": 0.0, "value": 177100.0, "Latitude": 33.81, "Longitude": -118.01, "Population": 809.0}, {"index": 11245, "quantile": 0.25, "value": 177100.0, "Latitude": 33.81, "Longitude": -118.01, "Population": 809.0}, {"index": 11245, "quantile": 0.5, "value": 177100.0, "Latitude": 33.81, "Longitude": -118.01, "Population": 809.0}, {"index": 11245, "quantile": 0.75, "value": 245000.00000000003, "Latitude": 33.81, "Longitude": -118.01, "Population": 809.0}, {"index": 11245, "quantile": 1.0, "value": 414100.0, "Latitude": 33.81, "Longitude": -118.01, "Population": 809.0}, {"index": 11246, "quantile": 0.0, "value": 88800.0, "Latitude": 33.82, "Longitude": -118.0, "Population": 1495.0}, {"index": 11246, "quantile": 0.25, "value": 183075.0, "Latitude": 33.82, "Longitude": -118.0, "Population": 1495.0}, {"index": 11246, "quantile": 0.5, "value": 204950.0, "Latitude": 33.82, "Longitude": -118.0, "Population": 1495.0}, {"index": 11246, "quantile": 0.75, "value": 215450.0, "Latitude": 33.82, "Longitude": -118.0, "Population": 1495.0}, {"index": 11246, "quantile": 1.0, "value": 324400.0, "Latitude": 33.82, "Longitude": -118.0, "Population": 1495.0}, {"index": 11247, "quantile": 0.0, "value": 137500.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 1749.0}, {"index": 11247, "quantile": 0.25, "value": 153800.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 1749.0}, {"index": 11247, "quantile": 0.5, "value": 153800.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 1749.0}, {"index": 11247, "quantile": 0.75, "value": 162075.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 1749.0}, {"index": 11247, "quantile": 1.0, "value": 350000.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 1749.0}, {"index": 11248, "quantile": 0.0, "value": 108300.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 946.0}, {"index": 11248, "quantile": 0.25, "value": 146300.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 946.0}, {"index": 11248, "quantile": 0.5, "value": 146300.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 946.0}, {"index": 11248, "quantile": 0.75, "value": 166225.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 946.0}, {"index": 11248, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.0, "Population": 946.0}, {"index": 11249, "quantile": 0.0, "value": 52500.0, "Latitude": 33.8, "Longitude": -117.99, "Population": 487.0}, {"index": 11249, "quantile": 0.25, "value": 137500.0, "Latitude": 33.8, "Longitude": -117.99, "Population": 487.0}, {"index": 11249, "quantile": 0.5, "value": 154400.0, "Latitude": 33.8, "Longitude": -117.99, "Population": 487.0}, {"index": 11249, "quantile": 0.75, "value": 173500.0, "Latitude": 33.8, "Longitude": -117.99, "Population": 487.0}, {"index": 11249, "quantile": 1.0, "value": 344400.0, "Latitude": 33.8, "Longitude": -117.99, "Population": 487.0}, {"index": 11250, "quantile": 0.0, "value": 86500.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 883.0}, {"index": 11250, "quantile": 0.25, "value": 188400.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 883.0}, {"index": 11250, "quantile": 0.5, "value": 196500.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 883.0}, {"index": 11250, "quantile": 0.75, "value": 196500.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 883.0}, {"index": 11250, "quantile": 1.0, "value": 300000.0, "Latitude": 33.81, "Longitude": -118.0, "Population": 883.0}, {"index": 11251, "quantile": 0.0, "value": 118100.0, "Latitude": 33.82, "Longitude": -117.99, "Population": 1510.0}, {"index": 11251, "quantile": 0.25, "value": 158350.0, "Latitude": 33.82, "Longitude": -117.99, "Population": 1510.0}, {"index": 11251, "quantile": 0.5, "value": 178150.0, "Latitude": 33.82, "Longitude": -117.99, "Population": 1510.0}, {"index": 11251, "quantile": 0.75, "value": 195100.0, "Latitude": 33.82, "Longitude": -117.99, "Population": 1510.0}, {"index": 11251, "quantile": 1.0, "value": 350000.0, "Latitude": 33.82, "Longitude": -117.99, "Population": 1510.0}, {"index": 11252, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 33.81, "Longitude": -117.99, "Population": 3257.0}, {"index": 11252, "quantile": 0.25, "value": 146800.0, "Latitude": 33.81, "Longitude": -117.99, "Population": 3257.0}, {"index": 11252, "quantile": 0.5, "value": 160700.0, "Latitude": 33.81, "Longitude": -117.99, "Population": 3257.0}, {"index": 11252, "quantile": 0.75, "value": 170000.0, "Latitude": 33.81, "Longitude": -117.99, "Population": 3257.0}, {"index": 11252, "quantile": 1.0, "value": 236100.00000000003, "Latitude": 33.81, "Longitude": -117.99, "Population": 3257.0}, {"index": 11253, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.81, "Longitude": -117.99, "Population": 157.0}, {"index": 11253, "quantile": 0.25, "value": 153100.0, "Latitude": 33.81, "Longitude": -117.99, "Population": 157.0}, {"index": 11253, "quantile": 0.5, "value": 153100.0, "Latitude": 33.81, "Longitude": -117.99, "Population": 157.0}, {"index": 11253, "quantile": 0.75, "value": 153375.0, "Latitude": 33.81, "Longitude": -117.99, "Population": 157.0}, {"index": 11253, "quantile": 1.0, "value": 450000.0, "Latitude": 33.81, "Longitude": -117.99, "Population": 157.0}, {"index": 11254, "quantile": 0.0, "value": 52500.0, "Latitude": 33.81, "Longitude": -117.99, "Population": 66.0}, {"index": 11254, "quantile": 0.25, "value": 143100.0, "Latitude": 33.81, "Longitude": -117.99, "Population": 66.0}, {"index": 11254, "quantile": 0.5, "value": 166000.0, "Latitude": 33.81, "Longitude": -117.99, "Population": 66.0}, {"index": 11254, "quantile": 0.75, "value": 221124.99999999997, "Latitude": 33.81, "Longitude": -117.99, "Population": 66.0}, {"index": 11254, "quantile": 1.0, "value": 352200.0, "Latitude": 33.81, "Longitude": -117.99, "Population": 66.0}, {"index": 11255, "quantile": 0.0, "value": 131900.0, "Latitude": 33.81, "Longitude": -117.98, "Population": 2304.0}, {"index": 11255, "quantile": 0.25, "value": 181800.0, "Latitude": 33.81, "Longitude": -117.98, "Population": 2304.0}, {"index": 11255, "quantile": 0.5, "value": 181800.0, "Latitude": 33.81, "Longitude": -117.98, "Population": 2304.0}, {"index": 11255, "quantile": 0.75, "value": 183200.0, "Latitude": 33.81, "Longitude": -117.98, "Population": 2304.0}, {"index": 11255, "quantile": 1.0, "value": 225599.99999999997, "Latitude": 33.81, "Longitude": -117.98, "Population": 2304.0}, {"index": 11256, "quantile": 0.0, "value": 141300.0, "Latitude": 33.81, "Longitude": -117.98, "Population": 2281.0}, {"index": 11256, "quantile": 0.25, "value": 183100.0, "Latitude": 33.81, "Longitude": -117.98, "Population": 2281.0}, {"index": 11256, "quantile": 0.5, "value": 183100.0, "Latitude": 33.81, "Longitude": -117.98, "Population": 2281.0}, {"index": 11256, "quantile": 0.75, "value": 183100.0, "Latitude": 33.81, "Longitude": -117.98, "Population": 2281.0}, {"index": 11256, "quantile": 1.0, "value": 281300.0, "Latitude": 33.81, "Longitude": -117.98, "Population": 2281.0}, {"index": 11257, "quantile": 0.0, "value": 164300.0, "Latitude": 33.81, "Longitude": -117.98, "Population": 479.0}, {"index": 11257, "quantile": 0.25, "value": 215600.0, "Latitude": 33.81, "Longitude": -117.98, "Population": 479.0}, {"index": 11257, "quantile": 0.5, "value": 215600.0, "Latitude": 33.81, "Longitude": -117.98, "Population": 479.0}, {"index": 11257, "quantile": 0.75, "value": 215600.0, "Latitude": 33.81, "Longitude": -117.98, "Population": 479.0}, {"index": 11257, "quantile": 1.0, "value": 353600.0, "Latitude": 33.81, "Longitude": -117.98, "Population": 479.0}, {"index": 11258, "quantile": 0.0, "value": 45000.0, "Latitude": 33.81, "Longitude": -117.97, "Population": 2457.0}, {"index": 11258, "quantile": 0.25, "value": 201250.00000000003, "Latitude": 33.81, "Longitude": -117.97, "Population": 2457.0}, {"index": 11258, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 33.81, "Longitude": -117.97, "Population": 2457.0}, {"index": 11258, "quantile": 0.75, "value": 206300.00000000003, "Latitude": 33.81, "Longitude": -117.97, "Population": 2457.0}, {"index": 11258, "quantile": 1.0, "value": 285300.0, "Latitude": 33.81, "Longitude": -117.97, "Population": 2457.0}, {"index": 11259, "quantile": 0.0, "value": 150500.0, "Latitude": 33.81, "Longitude": -117.97, "Population": 1753.0}, {"index": 11259, "quantile": 0.25, "value": 185300.0, "Latitude": 33.81, "Longitude": -117.97, "Population": 1753.0}, {"index": 11259, "quantile": 0.5, "value": 190650.0, "Latitude": 33.81, "Longitude": -117.97, "Population": 1753.0}, {"index": 11259, "quantile": 0.75, "value": 195200.0, "Latitude": 33.81, "Longitude": -117.97, "Population": 1753.0}, {"index": 11259, "quantile": 1.0, "value": 244800.0, "Latitude": 33.81, "Longitude": -117.97, "Population": 1753.0}, {"index": 11260, "quantile": 0.0, "value": 153500.0, "Latitude": 33.8, "Longitude": -117.99, "Population": 2526.0}, {"index": 11260, "quantile": 0.25, "value": 180800.0, "Latitude": 33.8, "Longitude": -117.99, "Population": 2526.0}, {"index": 11260, "quantile": 0.5, "value": 180800.0, "Latitude": 33.8, "Longitude": -117.99, "Population": 2526.0}, {"index": 11260, "quantile": 0.75, "value": 180800.0, "Latitude": 33.8, "Longitude": -117.99, "Population": 2526.0}, {"index": 11260, "quantile": 1.0, "value": 346200.0, "Latitude": 33.8, "Longitude": -117.99, "Population": 2526.0}, {"index": 11261, "quantile": 0.0, "value": 130600.0, "Latitude": 33.79, "Longitude": -117.99, "Population": 1384.0}, {"index": 11261, "quantile": 0.25, "value": 169000.0, "Latitude": 33.79, "Longitude": -117.99, "Population": 1384.0}, {"index": 11261, "quantile": 0.5, "value": 169000.0, "Latitude": 33.79, "Longitude": -117.99, "Population": 1384.0}, {"index": 11261, "quantile": 0.75, "value": 176600.0, "Latitude": 33.79, "Longitude": -117.99, "Population": 1384.0}, {"index": 11261, "quantile": 1.0, "value": 304500.0, "Latitude": 33.79, "Longitude": -117.99, "Population": 1384.0}, {"index": 11262, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.79, "Longitude": -117.99, "Population": 1589.0}, {"index": 11262, "quantile": 0.25, "value": 190500.0, "Latitude": 33.79, "Longitude": -117.99, "Population": 1589.0}, {"index": 11262, "quantile": 0.5, "value": 190500.0, "Latitude": 33.79, "Longitude": -117.99, "Population": 1589.0}, {"index": 11262, "quantile": 0.75, "value": 190500.0, "Latitude": 33.79, "Longitude": -117.99, "Population": 1589.0}, {"index": 11262, "quantile": 1.0, "value": 234600.0, "Latitude": 33.79, "Longitude": -117.99, "Population": 1589.0}, {"index": 11263, "quantile": 0.0, "value": 150000.0, "Latitude": 33.79, "Longitude": -117.99, "Population": 2272.0}, {"index": 11263, "quantile": 0.25, "value": 167800.0, "Latitude": 33.79, "Longitude": -117.99, "Population": 2272.0}, {"index": 11263, "quantile": 0.5, "value": 167800.0, "Latitude": 33.79, "Longitude": -117.99, "Population": 2272.0}, {"index": 11263, "quantile": 0.75, "value": 167800.0, "Latitude": 33.79, "Longitude": -117.99, "Population": 2272.0}, {"index": 11263, "quantile": 1.0, "value": 270500.0, "Latitude": 33.79, "Longitude": -117.99, "Population": 2272.0}, {"index": 11264, "quantile": 0.0, "value": 198100.0, "Latitude": 33.8, "Longitude": -117.98, "Population": 1077.0}, {"index": 11264, "quantile": 0.25, "value": 227500.0, "Latitude": 33.8, "Longitude": -117.98, "Population": 1077.0}, {"index": 11264, "quantile": 0.5, "value": 227500.0, "Latitude": 33.8, "Longitude": -117.98, "Population": 1077.0}, {"index": 11264, "quantile": 0.75, "value": 227500.0, "Latitude": 33.8, "Longitude": -117.98, "Population": 1077.0}, {"index": 11264, "quantile": 1.0, "value": 353600.0, "Latitude": 33.8, "Longitude": -117.98, "Population": 1077.0}, {"index": 11265, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.79, "Longitude": -117.98, "Population": 1659.0}, {"index": 11265, "quantile": 0.25, "value": 179700.0, "Latitude": 33.79, "Longitude": -117.98, "Population": 1659.0}, {"index": 11265, "quantile": 0.5, "value": 179700.0, "Latitude": 33.79, "Longitude": -117.98, "Population": 1659.0}, {"index": 11265, "quantile": 0.75, "value": 179700.0, "Latitude": 33.79, "Longitude": -117.98, "Population": 1659.0}, {"index": 11265, "quantile": 1.0, "value": 232799.99999999997, "Latitude": 33.79, "Longitude": -117.98, "Population": 1659.0}, {"index": 11266, "quantile": 0.0, "value": 150500.0, "Latitude": 33.8, "Longitude": -117.98, "Population": 1503.0}, {"index": 11266, "quantile": 0.25, "value": 186575.0, "Latitude": 33.8, "Longitude": -117.98, "Population": 1503.0}, {"index": 11266, "quantile": 0.5, "value": 191400.0, "Latitude": 33.8, "Longitude": -117.98, "Population": 1503.0}, {"index": 11266, "quantile": 0.75, "value": 191400.0, "Latitude": 33.8, "Longitude": -117.98, "Population": 1503.0}, {"index": 11266, "quantile": 1.0, "value": 273000.0, "Latitude": 33.8, "Longitude": -117.98, "Population": 1503.0}, {"index": 11267, "quantile": 0.0, "value": 179700.0, "Latitude": 33.8, "Longitude": -117.97, "Population": 1614.0}, {"index": 11267, "quantile": 0.25, "value": 225599.99999999997, "Latitude": 33.8, "Longitude": -117.97, "Population": 1614.0}, {"index": 11267, "quantile": 0.5, "value": 225599.99999999997, "Latitude": 33.8, "Longitude": -117.97, "Population": 1614.0}, {"index": 11267, "quantile": 0.75, "value": 225599.99999999997, "Latitude": 33.8, "Longitude": -117.97, "Population": 1614.0}, {"index": 11267, "quantile": 1.0, "value": 395100.0, "Latitude": 33.8, "Longitude": -117.97, "Population": 1614.0}, {"index": 11268, "quantile": 0.0, "value": 152500.0, "Latitude": 33.79, "Longitude": -117.97, "Population": 1704.0}, {"index": 11268, "quantile": 0.25, "value": 195025.0, "Latitude": 33.79, "Longitude": -117.97, "Population": 1704.0}, {"index": 11268, "quantile": 0.5, "value": 216000.0, "Latitude": 33.79, "Longitude": -117.97, "Population": 1704.0}, {"index": 11268, "quantile": 0.75, "value": 231300.00000000003, "Latitude": 33.79, "Longitude": -117.97, "Population": 1704.0}, {"index": 11268, "quantile": 1.0, "value": 383800.0, "Latitude": 33.79, "Longitude": -117.97, "Population": 1704.0}, {"index": 11269, "quantile": 0.0, "value": 135400.0, "Latitude": 33.79, "Longitude": -118.0, "Population": 1820.0}, {"index": 11269, "quantile": 0.25, "value": 192300.0, "Latitude": 33.79, "Longitude": -118.0, "Population": 1820.0}, {"index": 11269, "quantile": 0.5, "value": 221300.0, "Latitude": 33.79, "Longitude": -118.0, "Population": 1820.0}, {"index": 11269, "quantile": 0.75, "value": 262000.0, "Latitude": 33.79, "Longitude": -118.0, "Population": 1820.0}, {"index": 11269, "quantile": 1.0, "value": 383800.0, "Latitude": 33.79, "Longitude": -118.0, "Population": 1820.0}, {"index": 11270, "quantile": 0.0, "value": 137500.0, "Latitude": 33.78, "Longitude": -117.99, "Population": 2300.0}, {"index": 11270, "quantile": 0.25, "value": 213000.0, "Latitude": 33.78, "Longitude": -117.99, "Population": 2300.0}, {"index": 11270, "quantile": 0.5, "value": 213000.0, "Latitude": 33.78, "Longitude": -117.99, "Population": 2300.0}, {"index": 11270, "quantile": 0.75, "value": 213000.0, "Latitude": 33.78, "Longitude": -117.99, "Population": 2300.0}, {"index": 11270, "quantile": 1.0, "value": 282500.0, "Latitude": 33.78, "Longitude": -117.99, "Population": 2300.0}, {"index": 11271, "quantile": 0.0, "value": 137500.0, "Latitude": 33.79, "Longitude": -117.99, "Population": 1888.0}, {"index": 11271, "quantile": 0.25, "value": 197250.0, "Latitude": 33.79, "Longitude": -117.99, "Population": 1888.0}, {"index": 11271, "quantile": 0.5, "value": 213300.0, "Latitude": 33.79, "Longitude": -117.99, "Population": 1888.0}, {"index": 11271, "quantile": 0.75, "value": 213300.0, "Latitude": 33.79, "Longitude": -117.99, "Population": 1888.0}, {"index": 11271, "quantile": 1.0, "value": 234900.00000000003, "Latitude": 33.79, "Longitude": -117.99, "Population": 1888.0}, {"index": 11272, "quantile": 0.0, "value": 146800.0, "Latitude": 33.78, "Longitude": -117.98, "Population": 1908.0}, {"index": 11272, "quantile": 0.25, "value": 187125.0, "Latitude": 33.78, "Longitude": -117.98, "Population": 1908.0}, {"index": 11272, "quantile": 0.5, "value": 187500.0, "Latitude": 33.78, "Longitude": -117.98, "Population": 1908.0}, {"index": 11272, "quantile": 0.75, "value": 187500.0, "Latitude": 33.78, "Longitude": -117.98, "Population": 1908.0}, {"index": 11272, "quantile": 1.0, "value": 263200.0, "Latitude": 33.78, "Longitude": -117.98, "Population": 1908.0}, {"index": 11273, "quantile": 0.0, "value": 160500.0, "Latitude": 33.79, "Longitude": -117.97, "Population": 1289.0}, {"index": 11273, "quantile": 0.25, "value": 218075.00000000003, "Latitude": 33.79, "Longitude": -117.97, "Population": 1289.0}, {"index": 11273, "quantile": 0.5, "value": 224200.0, "Latitude": 33.79, "Longitude": -117.97, "Population": 1289.0}, {"index": 11273, "quantile": 0.75, "value": 224200.0, "Latitude": 33.79, "Longitude": -117.97, "Population": 1289.0}, {"index": 11273, "quantile": 1.0, "value": 238000.0, "Latitude": 33.79, "Longitude": -117.97, "Population": 1289.0}, {"index": 11274, "quantile": 0.0, "value": 74600.0, "Latitude": 33.78, "Longitude": -117.99, "Population": 3554.0}, {"index": 11274, "quantile": 0.25, "value": 173900.0, "Latitude": 33.78, "Longitude": -117.99, "Population": 3554.0}, {"index": 11274, "quantile": 0.5, "value": 173900.0, "Latitude": 33.78, "Longitude": -117.99, "Population": 3554.0}, {"index": 11274, "quantile": 0.75, "value": 173900.0, "Latitude": 33.78, "Longitude": -117.99, "Population": 3554.0}, {"index": 11274, "quantile": 1.0, "value": 430900.0, "Latitude": 33.78, "Longitude": -117.99, "Population": 3554.0}, {"index": 11275, "quantile": 0.0, "value": 145200.0, "Latitude": 33.78, "Longitude": -117.97, "Population": 2110.0}, {"index": 11275, "quantile": 0.25, "value": 171600.0, "Latitude": 33.78, "Longitude": -117.97, "Population": 2110.0}, {"index": 11275, "quantile": 0.5, "value": 183900.0, "Latitude": 33.78, "Longitude": -117.97, "Population": 2110.0}, {"index": 11275, "quantile": 0.75, "value": 190700.0, "Latitude": 33.78, "Longitude": -117.97, "Population": 2110.0}, {"index": 11275, "quantile": 1.0, "value": 273000.0, "Latitude": 33.78, "Longitude": -117.97, "Population": 2110.0}, {"index": 11276, "quantile": 0.0, "value": 145300.0, "Latitude": 33.78, "Longitude": -117.98, "Population": 2901.0}, {"index": 11276, "quantile": 0.25, "value": 180200.0, "Latitude": 33.78, "Longitude": -117.98, "Population": 2901.0}, {"index": 11276, "quantile": 0.5, "value": 180200.0, "Latitude": 33.78, "Longitude": -117.98, "Population": 2901.0}, {"index": 11276, "quantile": 0.75, "value": 187225.0, "Latitude": 33.78, "Longitude": -117.98, "Population": 2901.0}, {"index": 11276, "quantile": 1.0, "value": 235500.0, "Latitude": 33.78, "Longitude": -117.98, "Population": 2901.0}, {"index": 11277, "quantile": 0.0, "value": 149100.0, "Latitude": 33.8, "Longitude": -117.96, "Population": 1119.0}, {"index": 11277, "quantile": 0.25, "value": 197400.0, "Latitude": 33.8, "Longitude": -117.96, "Population": 1119.0}, {"index": 11277, "quantile": 0.5, "value": 231300.00000000003, "Latitude": 33.8, "Longitude": -117.96, "Population": 1119.0}, {"index": 11277, "quantile": 0.75, "value": 231300.00000000003, "Latitude": 33.8, "Longitude": -117.96, "Population": 1119.0}, {"index": 11277, "quantile": 1.0, "value": 287500.0, "Latitude": 33.8, "Longitude": -117.96, "Population": 1119.0}, {"index": 11278, "quantile": 0.0, "value": 177200.0, "Latitude": 33.79, "Longitude": -117.96, "Population": 1261.0}, {"index": 11278, "quantile": 0.25, "value": 221800.0, "Latitude": 33.79, "Longitude": -117.96, "Population": 1261.0}, {"index": 11278, "quantile": 0.5, "value": 221800.0, "Latitude": 33.79, "Longitude": -117.96, "Population": 1261.0}, {"index": 11278, "quantile": 0.75, "value": 221800.0, "Latitude": 33.79, "Longitude": -117.96, "Population": 1261.0}, {"index": 11278, "quantile": 1.0, "value": 353600.0, "Latitude": 33.79, "Longitude": -117.96, "Population": 1261.0}, {"index": 11279, "quantile": 0.0, "value": 177400.0, "Latitude": 33.8, "Longitude": -117.96, "Population": 811.0}, {"index": 11279, "quantile": 0.25, "value": 218000.00000000003, "Latitude": 33.8, "Longitude": -117.96, "Population": 811.0}, {"index": 11279, "quantile": 0.5, "value": 218000.00000000003, "Latitude": 33.8, "Longitude": -117.96, "Population": 811.0}, {"index": 11279, "quantile": 0.75, "value": 218000.00000000003, "Latitude": 33.8, "Longitude": -117.96, "Population": 811.0}, {"index": 11279, "quantile": 1.0, "value": 246000.0, "Latitude": 33.8, "Longitude": -117.96, "Population": 811.0}, {"index": 11280, "quantile": 0.0, "value": 134400.0, "Latitude": 33.8, "Longitude": -117.96, "Population": 1185.0}, {"index": 11280, "quantile": 0.25, "value": 188400.0, "Latitude": 33.8, "Longitude": -117.96, "Population": 1185.0}, {"index": 11280, "quantile": 0.5, "value": 188400.0, "Latitude": 33.8, "Longitude": -117.96, "Population": 1185.0}, {"index": 11280, "quantile": 0.75, "value": 205150.0, "Latitude": 33.8, "Longitude": -117.96, "Population": 1185.0}, {"index": 11280, "quantile": 1.0, "value": 320700.0, "Latitude": 33.8, "Longitude": -117.96, "Population": 1185.0}, {"index": 11281, "quantile": 0.0, "value": 139100.0, "Latitude": 33.79, "Longitude": -117.95, "Population": 1233.0}, {"index": 11281, "quantile": 0.25, "value": 230575.00000000003, "Latitude": 33.79, "Longitude": -117.95, "Population": 1233.0}, {"index": 11281, "quantile": 0.5, "value": 264600.0, "Latitude": 33.79, "Longitude": -117.95, "Population": 1233.0}, {"index": 11281, "quantile": 0.75, "value": 327325.0, "Latitude": 33.79, "Longitude": -117.95, "Population": 1233.0}, {"index": 11281, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -117.95, "Population": 1233.0}, {"index": 11282, "quantile": 0.0, "value": 152100.0, "Latitude": 33.78, "Longitude": -117.95, "Population": 2184.0}, {"index": 11282, "quantile": 0.25, "value": 197700.0, "Latitude": 33.78, "Longitude": -117.95, "Population": 2184.0}, {"index": 11282, "quantile": 0.5, "value": 229500.0, "Latitude": 33.78, "Longitude": -117.95, "Population": 2184.0}, {"index": 11282, "quantile": 0.75, "value": 272300.0, "Latitude": 33.78, "Longitude": -117.95, "Population": 2184.0}, {"index": 11282, "quantile": 1.0, "value": 342800.0, "Latitude": 33.78, "Longitude": -117.95, "Population": 2184.0}, {"index": 11283, "quantile": 0.0, "value": 67500.0, "Latitude": 33.79, "Longitude": -117.96, "Population": 1170.0}, {"index": 11283, "quantile": 0.25, "value": 192525.0, "Latitude": 33.79, "Longitude": -117.96, "Population": 1170.0}, {"index": 11283, "quantile": 0.5, "value": 214500.0, "Latitude": 33.79, "Longitude": -117.96, "Population": 1170.0}, {"index": 11283, "quantile": 0.75, "value": 214500.0, "Latitude": 33.79, "Longitude": -117.96, "Population": 1170.0}, {"index": 11283, "quantile": 1.0, "value": 266300.0, "Latitude": 33.79, "Longitude": -117.96, "Population": 1170.0}, {"index": 11284, "quantile": 0.0, "value": 189100.0, "Latitude": 33.78, "Longitude": -117.96, "Population": 658.0}, {"index": 11284, "quantile": 0.25, "value": 252300.0, "Latitude": 33.78, "Longitude": -117.96, "Population": 658.0}, {"index": 11284, "quantile": 0.5, "value": 290200.0, "Latitude": 33.78, "Longitude": -117.96, "Population": 658.0}, {"index": 11284, "quantile": 0.75, "value": 336900.0, "Latitude": 33.78, "Longitude": -117.96, "Population": 658.0}, {"index": 11284, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -117.96, "Population": 658.0}, {"index": 11285, "quantile": 0.0, "value": 140600.0, "Latitude": 33.8, "Longitude": -117.94, "Population": 1811.0}, {"index": 11285, "quantile": 0.25, "value": 194200.0, "Latitude": 33.8, "Longitude": -117.94, "Population": 1811.0}, {"index": 11285, "quantile": 0.5, "value": 214299.99999999997, "Latitude": 33.8, "Longitude": -117.94, "Population": 1811.0}, {"index": 11285, "quantile": 0.75, "value": 214299.99999999997, "Latitude": 33.8, "Longitude": -117.94, "Population": 1811.0}, {"index": 11285, "quantile": 1.0, "value": 253900.00000000003, "Latitude": 33.8, "Longitude": -117.94, "Population": 1811.0}, {"index": 11286, "quantile": 0.0, "value": 114500.0, "Latitude": 33.79, "Longitude": -117.95, "Population": 1625.0}, {"index": 11286, "quantile": 0.25, "value": 190600.0, "Latitude": 33.79, "Longitude": -117.95, "Population": 1625.0}, {"index": 11286, "quantile": 0.5, "value": 190600.0, "Latitude": 33.79, "Longitude": -117.95, "Population": 1625.0}, {"index": 11286, "quantile": 0.75, "value": 190600.0, "Latitude": 33.79, "Longitude": -117.95, "Population": 1625.0}, {"index": 11286, "quantile": 1.0, "value": 276000.0, "Latitude": 33.79, "Longitude": -117.95, "Population": 1625.0}, {"index": 11287, "quantile": 0.0, "value": 181500.0, "Latitude": 33.8, "Longitude": -117.95, "Population": 905.0}, {"index": 11287, "quantile": 0.25, "value": 214600.0, "Latitude": 33.8, "Longitude": -117.95, "Population": 905.0}, {"index": 11287, "quantile": 0.5, "value": 214600.0, "Latitude": 33.8, "Longitude": -117.95, "Population": 905.0}, {"index": 11287, "quantile": 0.75, "value": 214600.0, "Latitude": 33.8, "Longitude": -117.95, "Population": 905.0}, {"index": 11287, "quantile": 1.0, "value": 311900.0, "Latitude": 33.8, "Longitude": -117.95, "Population": 905.0}, {"index": 11288, "quantile": 0.0, "value": 88900.0, "Latitude": 33.8, "Longitude": -117.95, "Population": 634.0}, {"index": 11288, "quantile": 0.25, "value": 195200.0, "Latitude": 33.8, "Longitude": -117.95, "Population": 634.0}, {"index": 11288, "quantile": 0.5, "value": 218050.00000000003, "Latitude": 33.8, "Longitude": -117.95, "Population": 634.0}, {"index": 11288, "quantile": 0.75, "value": 227425.0, "Latitude": 33.8, "Longitude": -117.95, "Population": 634.0}, {"index": 11288, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -117.95, "Population": 634.0}, {"index": 11289, "quantile": 0.0, "value": 110700.0, "Latitude": 33.79, "Longitude": -117.94, "Population": 1902.0}, {"index": 11289, "quantile": 0.25, "value": 236500.00000000003, "Latitude": 33.79, "Longitude": -117.94, "Population": 1902.0}, {"index": 11289, "quantile": 0.5, "value": 236500.00000000003, "Latitude": 33.79, "Longitude": -117.94, "Population": 1902.0}, {"index": 11289, "quantile": 0.75, "value": 236500.00000000003, "Latitude": 33.79, "Longitude": -117.94, "Population": 1902.0}, {"index": 11289, "quantile": 1.0, "value": 343900.0, "Latitude": 33.79, "Longitude": -117.94, "Population": 1902.0}, {"index": 11290, "quantile": 0.0, "value": 78600.0, "Latitude": 33.78, "Longitude": -117.93, "Population": 1018.0}, {"index": 11290, "quantile": 0.25, "value": 231300.00000000003, "Latitude": 33.78, "Longitude": -117.93, "Population": 1018.0}, {"index": 11290, "quantile": 0.5, "value": 231300.00000000003, "Latitude": 33.78, "Longitude": -117.93, "Population": 1018.0}, {"index": 11290, "quantile": 0.75, "value": 231300.00000000003, "Latitude": 33.78, "Longitude": -117.93, "Population": 1018.0}, {"index": 11290, "quantile": 1.0, "value": 383800.0, "Latitude": 33.78, "Longitude": -117.93, "Population": 1018.0}, {"index": 11291, "quantile": 0.0, "value": 163600.0, "Latitude": 33.78, "Longitude": -117.94, "Population": 1409.0}, {"index": 11291, "quantile": 0.25, "value": 205300.0, "Latitude": 33.78, "Longitude": -117.94, "Population": 1409.0}, {"index": 11291, "quantile": 0.5, "value": 213999.99999999997, "Latitude": 33.78, "Longitude": -117.94, "Population": 1409.0}, {"index": 11291, "quantile": 0.75, "value": 230474.99999999997, "Latitude": 33.78, "Longitude": -117.94, "Population": 1409.0}, {"index": 11291, "quantile": 1.0, "value": 371700.0, "Latitude": 33.78, "Longitude": -117.94, "Population": 1409.0}, {"index": 11292, "quantile": 0.0, "value": 114500.0, "Latitude": 33.79, "Longitude": -117.93, "Population": 1240.0}, {"index": 11292, "quantile": 0.25, "value": 188400.0, "Latitude": 33.79, "Longitude": -117.93, "Population": 1240.0}, {"index": 11292, "quantile": 0.5, "value": 202900.0, "Latitude": 33.79, "Longitude": -117.93, "Population": 1240.0}, {"index": 11292, "quantile": 0.75, "value": 215950.0, "Latitude": 33.79, "Longitude": -117.93, "Population": 1240.0}, {"index": 11292, "quantile": 1.0, "value": 383800.0, "Latitude": 33.79, "Longitude": -117.93, "Population": 1240.0}, {"index": 11293, "quantile": 0.0, "value": 171900.0, "Latitude": 33.79, "Longitude": -117.93, "Population": 2138.0}, {"index": 11293, "quantile": 0.25, "value": 205100.00000000003, "Latitude": 33.79, "Longitude": -117.93, "Population": 2138.0}, {"index": 11293, "quantile": 0.5, "value": 213550.0, "Latitude": 33.79, "Longitude": -117.93, "Population": 2138.0}, {"index": 11293, "quantile": 0.75, "value": 225599.99999999997, "Latitude": 33.79, "Longitude": -117.93, "Population": 2138.0}, {"index": 11293, "quantile": 1.0, "value": 436700.0, "Latitude": 33.79, "Longitude": -117.93, "Population": 2138.0}, {"index": 11294, "quantile": 0.0, "value": 167400.0, "Latitude": 33.79, "Longitude": -117.92, "Population": 1033.0}, {"index": 11294, "quantile": 0.25, "value": 190500.0, "Latitude": 33.79, "Longitude": -117.92, "Population": 1033.0}, {"index": 11294, "quantile": 0.5, "value": 190500.0, "Latitude": 33.79, "Longitude": -117.92, "Population": 1033.0}, {"index": 11294, "quantile": 0.75, "value": 190500.0, "Latitude": 33.79, "Longitude": -117.92, "Population": 1033.0}, {"index": 11294, "quantile": 1.0, "value": 237300.00000000003, "Latitude": 33.79, "Longitude": -117.92, "Population": 1033.0}, {"index": 11295, "quantile": 0.0, "value": 117300.0, "Latitude": 33.79, "Longitude": -117.92, "Population": 2683.0}, {"index": 11295, "quantile": 0.25, "value": 188725.0, "Latitude": 33.79, "Longitude": -117.92, "Population": 2683.0}, {"index": 11295, "quantile": 0.5, "value": 198700.0, "Latitude": 33.79, "Longitude": -117.92, "Population": 2683.0}, {"index": 11295, "quantile": 0.75, "value": 198700.0, "Latitude": 33.79, "Longitude": -117.92, "Population": 2683.0}, {"index": 11295, "quantile": 1.0, "value": 417600.0, "Latitude": 33.79, "Longitude": -117.92, "Population": 2683.0}, {"index": 11296, "quantile": 0.0, "value": 144200.0, "Latitude": 33.79, "Longitude": -117.92, "Population": 1877.0}, {"index": 11296, "quantile": 0.25, "value": 184300.0, "Latitude": 33.79, "Longitude": -117.92, "Population": 1877.0}, {"index": 11296, "quantile": 0.5, "value": 184300.0, "Latitude": 33.79, "Longitude": -117.92, "Population": 1877.0}, {"index": 11296, "quantile": 0.75, "value": 184300.0, "Latitude": 33.79, "Longitude": -117.92, "Population": 1877.0}, {"index": 11296, "quantile": 1.0, "value": 242099.99999999997, "Latitude": 33.79, "Longitude": -117.92, "Population": 1877.0}, {"index": 11297, "quantile": 0.0, "value": 139700.0, "Latitude": 33.79, "Longitude": -117.91, "Population": 2759.0}, {"index": 11297, "quantile": 0.25, "value": 170300.0, "Latitude": 33.79, "Longitude": -117.91, "Population": 2759.0}, {"index": 11297, "quantile": 0.5, "value": 170300.0, "Latitude": 33.79, "Longitude": -117.91, "Population": 2759.0}, {"index": 11297, "quantile": 0.75, "value": 201025.0, "Latitude": 33.79, "Longitude": -117.91, "Population": 2759.0}, {"index": 11297, "quantile": 1.0, "value": 364400.0, "Latitude": 33.79, "Longitude": -117.91, "Population": 2759.0}, {"index": 11298, "quantile": 0.0, "value": 152600.0, "Latitude": 33.78, "Longitude": -117.91, "Population": 2223.0}, {"index": 11298, "quantile": 0.25, "value": 177900.0, "Latitude": 33.78, "Longitude": -117.91, "Population": 2223.0}, {"index": 11298, "quantile": 0.5, "value": 177900.0, "Latitude": 33.78, "Longitude": -117.91, "Population": 2223.0}, {"index": 11298, "quantile": 0.75, "value": 177900.0, "Latitude": 33.78, "Longitude": -117.91, "Population": 2223.0}, {"index": 11298, "quantile": 1.0, "value": 211800.0, "Latitude": 33.78, "Longitude": -117.91, "Population": 2223.0}, {"index": 11299, "quantile": 0.0, "value": 161900.0, "Latitude": 33.78, "Longitude": -117.93, "Population": 2187.0}, {"index": 11299, "quantile": 0.25, "value": 182300.0, "Latitude": 33.78, "Longitude": -117.93, "Population": 2187.0}, {"index": 11299, "quantile": 0.5, "value": 182300.0, "Latitude": 33.78, "Longitude": -117.93, "Population": 2187.0}, {"index": 11299, "quantile": 0.75, "value": 182300.0, "Latitude": 33.78, "Longitude": -117.93, "Population": 2187.0}, {"index": 11299, "quantile": 1.0, "value": 308900.0, "Latitude": 33.78, "Longitude": -117.93, "Population": 2187.0}, {"index": 11300, "quantile": 0.0, "value": 136900.0, "Latitude": 33.77, "Longitude": -117.92, "Population": 3282.0}, {"index": 11300, "quantile": 0.25, "value": 190300.0, "Latitude": 33.77, "Longitude": -117.92, "Population": 3282.0}, {"index": 11300, "quantile": 0.5, "value": 190300.0, "Latitude": 33.77, "Longitude": -117.92, "Population": 3282.0}, {"index": 11300, "quantile": 0.75, "value": 190300.0, "Latitude": 33.77, "Longitude": -117.92, "Population": 3282.0}, {"index": 11300, "quantile": 1.0, "value": 235500.0, "Latitude": 33.77, "Longitude": -117.92, "Population": 3282.0}, {"index": 11301, "quantile": 0.0, "value": 89100.0, "Latitude": 33.78, "Longitude": -117.91, "Population": 3596.0}, {"index": 11301, "quantile": 0.25, "value": 184000.0, "Latitude": 33.78, "Longitude": -117.91, "Population": 3596.0}, {"index": 11301, "quantile": 0.5, "value": 184000.0, "Latitude": 33.78, "Longitude": -117.91, "Population": 3596.0}, {"index": 11301, "quantile": 0.75, "value": 184000.0, "Latitude": 33.78, "Longitude": -117.91, "Population": 3596.0}, {"index": 11301, "quantile": 1.0, "value": 257799.99999999997, "Latitude": 33.78, "Longitude": -117.91, "Population": 3596.0}, {"index": 11302, "quantile": 0.0, "value": 81400.0, "Latitude": 33.78, "Longitude": -117.92, "Population": 1065.0}, {"index": 11302, "quantile": 0.25, "value": 170400.0, "Latitude": 33.78, "Longitude": -117.92, "Population": 1065.0}, {"index": 11302, "quantile": 0.5, "value": 188249.99999999997, "Latitude": 33.78, "Longitude": -117.92, "Population": 1065.0}, {"index": 11302, "quantile": 0.75, "value": 199600.0, "Latitude": 33.78, "Longitude": -117.92, "Population": 1065.0}, {"index": 11302, "quantile": 1.0, "value": 417600.0, "Latitude": 33.78, "Longitude": -117.92, "Population": 1065.0}, {"index": 11303, "quantile": 0.0, "value": 92200.0, "Latitude": 33.78, "Longitude": -117.95, "Population": 2017.0}, {"index": 11303, "quantile": 0.25, "value": 133800.0, "Latitude": 33.78, "Longitude": -117.95, "Population": 2017.0}, {"index": 11303, "quantile": 0.5, "value": 133800.0, "Latitude": 33.78, "Longitude": -117.95, "Population": 2017.0}, {"index": 11303, "quantile": 0.75, "value": 181300.0, "Latitude": 33.78, "Longitude": -117.95, "Population": 2017.0}, {"index": 11303, "quantile": 1.0, "value": 350000.0, "Latitude": 33.78, "Longitude": -117.95, "Population": 2017.0}, {"index": 11304, "quantile": 0.0, "value": 131300.0, "Latitude": 33.77, "Longitude": -117.94, "Population": 654.0}, {"index": 11304, "quantile": 0.25, "value": 170800.0, "Latitude": 33.77, "Longitude": -117.94, "Population": 654.0}, {"index": 11304, "quantile": 0.5, "value": 170800.0, "Latitude": 33.77, "Longitude": -117.94, "Population": 654.0}, {"index": 11304, "quantile": 0.75, "value": 170800.0, "Latitude": 33.77, "Longitude": -117.94, "Population": 654.0}, {"index": 11304, "quantile": 1.0, "value": 237300.00000000003, "Latitude": 33.77, "Longitude": -117.94, "Population": 654.0}, {"index": 11305, "quantile": 0.0, "value": 143400.0, "Latitude": 33.77, "Longitude": -117.94, "Population": 2235.0}, {"index": 11305, "quantile": 0.25, "value": 175900.0, "Latitude": 33.77, "Longitude": -117.94, "Population": 2235.0}, {"index": 11305, "quantile": 0.5, "value": 175900.0, "Latitude": 33.77, "Longitude": -117.94, "Population": 2235.0}, {"index": 11305, "quantile": 0.75, "value": 180500.00000000003, "Latitude": 33.77, "Longitude": -117.94, "Population": 2235.0}, {"index": 11305, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 33.77, "Longitude": -117.94, "Population": 2235.0}, {"index": 11306, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 33.78, "Longitude": -117.94, "Population": 1806.0}, {"index": 11306, "quantile": 0.25, "value": 171100.0, "Latitude": 33.78, "Longitude": -117.94, "Population": 1806.0}, {"index": 11306, "quantile": 0.5, "value": 171100.0, "Latitude": 33.78, "Longitude": -117.94, "Population": 1806.0}, {"index": 11306, "quantile": 0.75, "value": 171100.0, "Latitude": 33.78, "Longitude": -117.94, "Population": 1806.0}, {"index": 11306, "quantile": 1.0, "value": 286600.0, "Latitude": 33.78, "Longitude": -117.94, "Population": 1806.0}, {"index": 11307, "quantile": 0.0, "value": 45000.0, "Latitude": 33.78, "Longitude": -117.94, "Population": 163.0}, {"index": 11307, "quantile": 0.25, "value": 166100.0, "Latitude": 33.78, "Longitude": -117.94, "Population": 163.0}, {"index": 11307, "quantile": 0.5, "value": 166100.0, "Latitude": 33.78, "Longitude": -117.94, "Population": 163.0}, {"index": 11307, "quantile": 0.75, "value": 186375.0, "Latitude": 33.78, "Longitude": -117.94, "Population": 163.0}, {"index": 11307, "quantile": 1.0, "value": 350900.0, "Latitude": 33.78, "Longitude": -117.94, "Population": 163.0}, {"index": 11308, "quantile": 0.0, "value": 160000.0, "Latitude": 33.77, "Longitude": -117.93, "Population": 1842.0}, {"index": 11308, "quantile": 0.25, "value": 190700.0, "Latitude": 33.77, "Longitude": -117.93, "Population": 1842.0}, {"index": 11308, "quantile": 0.5, "value": 190700.0, "Latitude": 33.77, "Longitude": -117.93, "Population": 1842.0}, {"index": 11308, "quantile": 0.75, "value": 190700.0, "Latitude": 33.77, "Longitude": -117.93, "Population": 1842.0}, {"index": 11308, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.77, "Longitude": -117.93, "Population": 1842.0}, {"index": 11309, "quantile": 0.0, "value": 146000.0, "Latitude": 33.78, "Longitude": -117.96, "Population": 1528.0}, {"index": 11309, "quantile": 0.25, "value": 202674.99999999997, "Latitude": 33.78, "Longitude": -117.96, "Population": 1528.0}, {"index": 11309, "quantile": 0.5, "value": 236100.00000000003, "Latitude": 33.78, "Longitude": -117.96, "Population": 1528.0}, {"index": 11309, "quantile": 0.75, "value": 236100.00000000003, "Latitude": 33.78, "Longitude": -117.96, "Population": 1528.0}, {"index": 11309, "quantile": 1.0, "value": 238300.0, "Latitude": 33.78, "Longitude": -117.96, "Population": 1528.0}, {"index": 11310, "quantile": 0.0, "value": 112500.0, "Latitude": 33.78, "Longitude": -117.95, "Population": 1376.0}, {"index": 11310, "quantile": 0.25, "value": 188500.0, "Latitude": 33.78, "Longitude": -117.95, "Population": 1376.0}, {"index": 11310, "quantile": 0.5, "value": 188500.0, "Latitude": 33.78, "Longitude": -117.95, "Population": 1376.0}, {"index": 11310, "quantile": 0.75, "value": 188500.0, "Latitude": 33.78, "Longitude": -117.95, "Population": 1376.0}, {"index": 11310, "quantile": 1.0, "value": 249100.0, "Latitude": 33.78, "Longitude": -117.95, "Population": 1376.0}, {"index": 11311, "quantile": 0.0, "value": 213700.0, "Latitude": 33.78, "Longitude": -117.96, "Population": 658.0}, {"index": 11311, "quantile": 0.25, "value": 267500.0, "Latitude": 33.78, "Longitude": -117.96, "Population": 658.0}, {"index": 11311, "quantile": 0.5, "value": 269300.0, "Latitude": 33.78, "Longitude": -117.96, "Population": 658.0}, {"index": 11311, "quantile": 0.75, "value": 269300.0, "Latitude": 33.78, "Longitude": -117.96, "Population": 658.0}, {"index": 11311, "quantile": 1.0, "value": 404500.0, "Latitude": 33.78, "Longitude": -117.96, "Population": 658.0}, {"index": 11312, "quantile": 0.0, "value": 158200.0, "Latitude": 33.77, "Longitude": -117.95, "Population": 1114.0}, {"index": 11312, "quantile": 0.25, "value": 181800.0, "Latitude": 33.77, "Longitude": -117.95, "Population": 1114.0}, {"index": 11312, "quantile": 0.5, "value": 181800.0, "Latitude": 33.77, "Longitude": -117.95, "Population": 1114.0}, {"index": 11312, "quantile": 0.75, "value": 181800.0, "Latitude": 33.77, "Longitude": -117.95, "Population": 1114.0}, {"index": 11312, "quantile": 1.0, "value": 222800.00000000003, "Latitude": 33.77, "Longitude": -117.95, "Population": 1114.0}, {"index": 11313, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.77, "Longitude": -117.95, "Population": 691.0}, {"index": 11313, "quantile": 0.25, "value": 180900.0, "Latitude": 33.77, "Longitude": -117.95, "Population": 691.0}, {"index": 11313, "quantile": 0.5, "value": 180900.0, "Latitude": 33.77, "Longitude": -117.95, "Population": 691.0}, {"index": 11313, "quantile": 0.75, "value": 180900.0, "Latitude": 33.77, "Longitude": -117.95, "Population": 691.0}, {"index": 11313, "quantile": 1.0, "value": 383800.0, "Latitude": 33.77, "Longitude": -117.95, "Population": 691.0}, {"index": 11314, "quantile": 0.0, "value": 168500.0, "Latitude": 33.77, "Longitude": -117.96, "Population": 2777.0}, {"index": 11314, "quantile": 0.25, "value": 216075.00000000003, "Latitude": 33.77, "Longitude": -117.96, "Population": 2777.0}, {"index": 11314, "quantile": 0.5, "value": 222800.00000000003, "Latitude": 33.77, "Longitude": -117.96, "Population": 2777.0}, {"index": 11314, "quantile": 0.75, "value": 222800.00000000003, "Latitude": 33.77, "Longitude": -117.96, "Population": 2777.0}, {"index": 11314, "quantile": 1.0, "value": 284000.0, "Latitude": 33.77, "Longitude": -117.96, "Population": 2777.0}, {"index": 11315, "quantile": 0.0, "value": 139200.0, "Latitude": 33.77, "Longitude": -117.97, "Population": 1277.0}, {"index": 11315, "quantile": 0.25, "value": 162200.0, "Latitude": 33.77, "Longitude": -117.97, "Population": 1277.0}, {"index": 11315, "quantile": 0.5, "value": 162200.0, "Latitude": 33.77, "Longitude": -117.97, "Population": 1277.0}, {"index": 11315, "quantile": 0.75, "value": 184300.0, "Latitude": 33.77, "Longitude": -117.97, "Population": 1277.0}, {"index": 11315, "quantile": 1.0, "value": 346200.0, "Latitude": 33.77, "Longitude": -117.97, "Population": 1277.0}, {"index": 11316, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.77, "Longitude": -117.97, "Population": 856.0}, {"index": 11316, "quantile": 0.25, "value": 197250.0, "Latitude": 33.77, "Longitude": -117.97, "Population": 856.0}, {"index": 11316, "quantile": 0.5, "value": 350000.0, "Latitude": 33.77, "Longitude": -117.97, "Population": 856.0}, {"index": 11316, "quantile": 0.75, "value": 350000.0, "Latitude": 33.77, "Longitude": -117.97, "Population": 856.0}, {"index": 11316, "quantile": 1.0, "value": 350000.0, "Latitude": 33.77, "Longitude": -117.97, "Population": 856.0}, {"index": 11317, "quantile": 0.0, "value": 140600.0, "Latitude": 33.77, "Longitude": -117.97, "Population": 1543.0}, {"index": 11317, "quantile": 0.25, "value": 179600.0, "Latitude": 33.77, "Longitude": -117.97, "Population": 1543.0}, {"index": 11317, "quantile": 0.5, "value": 179600.0, "Latitude": 33.77, "Longitude": -117.97, "Population": 1543.0}, {"index": 11317, "quantile": 0.75, "value": 179600.0, "Latitude": 33.77, "Longitude": -117.97, "Population": 1543.0}, {"index": 11317, "quantile": 1.0, "value": 254199.99999999997, "Latitude": 33.77, "Longitude": -117.97, "Population": 1543.0}, {"index": 11318, "quantile": 0.0, "value": 137000.0, "Latitude": 33.77, "Longitude": -117.99, "Population": 1617.0}, {"index": 11318, "quantile": 0.25, "value": 160900.0, "Latitude": 33.77, "Longitude": -117.99, "Population": 1617.0}, {"index": 11318, "quantile": 0.5, "value": 160900.0, "Latitude": 33.77, "Longitude": -117.99, "Population": 1617.0}, {"index": 11318, "quantile": 0.75, "value": 175000.0, "Latitude": 33.77, "Longitude": -117.99, "Population": 1617.0}, {"index": 11318, "quantile": 1.0, "value": 475000.0, "Latitude": 33.77, "Longitude": -117.99, "Population": 1617.0}, {"index": 11319, "quantile": 0.0, "value": 107300.0, "Latitude": 33.77, "Longitude": -117.98, "Population": 1576.0}, {"index": 11319, "quantile": 0.25, "value": 153750.0, "Latitude": 33.77, "Longitude": -117.98, "Population": 1576.0}, {"index": 11319, "quantile": 0.5, "value": 171100.0, "Latitude": 33.77, "Longitude": -117.98, "Population": 1576.0}, {"index": 11319, "quantile": 0.75, "value": 188500.0, "Latitude": 33.77, "Longitude": -117.98, "Population": 1576.0}, {"index": 11319, "quantile": 1.0, "value": 287500.0, "Latitude": 33.77, "Longitude": -117.98, "Population": 1576.0}, {"index": 11320, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.76, "Longitude": -117.97, "Population": 1301.0}, {"index": 11320, "quantile": 0.25, "value": 194000.0, "Latitude": 33.76, "Longitude": -117.97, "Population": 1301.0}, {"index": 11320, "quantile": 0.5, "value": 194000.0, "Latitude": 33.76, "Longitude": -117.97, "Population": 1301.0}, {"index": 11320, "quantile": 0.75, "value": 194000.0, "Latitude": 33.76, "Longitude": -117.97, "Population": 1301.0}, {"index": 11320, "quantile": 1.0, "value": 346200.0, "Latitude": 33.76, "Longitude": -117.97, "Population": 1301.0}, {"index": 11321, "quantile": 0.0, "value": 152100.0, "Latitude": 33.77, "Longitude": -117.98, "Population": 2034.0}, {"index": 11321, "quantile": 0.25, "value": 174200.0, "Latitude": 33.77, "Longitude": -117.98, "Population": 2034.0}, {"index": 11321, "quantile": 0.5, "value": 174200.0, "Latitude": 33.77, "Longitude": -117.98, "Population": 2034.0}, {"index": 11321, "quantile": 0.75, "value": 174200.0, "Latitude": 33.77, "Longitude": -117.98, "Population": 2034.0}, {"index": 11321, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 33.77, "Longitude": -117.98, "Population": 2034.0}, {"index": 11322, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.76, "Longitude": -117.98, "Population": 1086.0}, {"index": 11322, "quantile": 0.25, "value": 196900.0, "Latitude": 33.76, "Longitude": -117.98, "Population": 1086.0}, {"index": 11322, "quantile": 0.5, "value": 196900.0, "Latitude": 33.76, "Longitude": -117.98, "Population": 1086.0}, {"index": 11322, "quantile": 0.75, "value": 196900.0, "Latitude": 33.76, "Longitude": -117.98, "Population": 1086.0}, {"index": 11322, "quantile": 1.0, "value": 222300.0, "Latitude": 33.76, "Longitude": -117.98, "Population": 1086.0}, {"index": 11323, "quantile": 0.0, "value": 159500.0, "Latitude": 33.76, "Longitude": -117.97, "Population": 901.0}, {"index": 11323, "quantile": 0.25, "value": 189575.0, "Latitude": 33.76, "Longitude": -117.97, "Population": 901.0}, {"index": 11323, "quantile": 0.5, "value": 210900.0, "Latitude": 33.76, "Longitude": -117.97, "Population": 901.0}, {"index": 11323, "quantile": 0.75, "value": 231825.0, "Latitude": 33.76, "Longitude": -117.97, "Population": 901.0}, {"index": 11323, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.76, "Longitude": -117.97, "Population": 901.0}, {"index": 11324, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 33.76, "Longitude": -117.96, "Population": 1012.0}, {"index": 11324, "quantile": 0.25, "value": 189500.0, "Latitude": 33.76, "Longitude": -117.96, "Population": 1012.0}, {"index": 11324, "quantile": 0.5, "value": 189500.0, "Latitude": 33.76, "Longitude": -117.96, "Population": 1012.0}, {"index": 11324, "quantile": 0.75, "value": 189500.0, "Latitude": 33.76, "Longitude": -117.96, "Population": 1012.0}, {"index": 11324, "quantile": 1.0, "value": 237500.0, "Latitude": 33.76, "Longitude": -117.96, "Population": 1012.0}, {"index": 11325, "quantile": 0.0, "value": 137000.0, "Latitude": 33.76, "Longitude": -117.96, "Population": 2126.0}, {"index": 11325, "quantile": 0.25, "value": 180000.0, "Latitude": 33.76, "Longitude": -117.96, "Population": 2126.0}, {"index": 11325, "quantile": 0.5, "value": 193900.0, "Latitude": 33.76, "Longitude": -117.96, "Population": 2126.0}, {"index": 11325, "quantile": 0.75, "value": 193900.0, "Latitude": 33.76, "Longitude": -117.96, "Population": 2126.0}, {"index": 11325, "quantile": 1.0, "value": 217200.00000000003, "Latitude": 33.76, "Longitude": -117.96, "Population": 2126.0}, {"index": 11326, "quantile": 0.0, "value": 131900.0, "Latitude": 33.75, "Longitude": -117.96, "Population": 1814.0}, {"index": 11326, "quantile": 0.25, "value": 176100.0, "Latitude": 33.75, "Longitude": -117.96, "Population": 1814.0}, {"index": 11326, "quantile": 0.5, "value": 176100.0, "Latitude": 33.75, "Longitude": -117.96, "Population": 1814.0}, {"index": 11326, "quantile": 0.75, "value": 176100.0, "Latitude": 33.75, "Longitude": -117.96, "Population": 1814.0}, {"index": 11326, "quantile": 1.0, "value": 346200.0, "Latitude": 33.75, "Longitude": -117.96, "Population": 1814.0}, {"index": 11327, "quantile": 0.0, "value": 130500.0, "Latitude": 33.76, "Longitude": -117.95, "Population": 1703.0}, {"index": 11327, "quantile": 0.25, "value": 166400.0, "Latitude": 33.76, "Longitude": -117.95, "Population": 1703.0}, {"index": 11327, "quantile": 0.5, "value": 175700.0, "Latitude": 33.76, "Longitude": -117.95, "Population": 1703.0}, {"index": 11327, "quantile": 0.75, "value": 182350.0, "Latitude": 33.76, "Longitude": -117.95, "Population": 1703.0}, {"index": 11327, "quantile": 1.0, "value": 225900.0, "Latitude": 33.76, "Longitude": -117.95, "Population": 1703.0}, {"index": 11328, "quantile": 0.0, "value": 149500.0, "Latitude": 33.76, "Longitude": -117.94, "Population": 1861.0}, {"index": 11328, "quantile": 0.25, "value": 189300.0, "Latitude": 33.76, "Longitude": -117.94, "Population": 1861.0}, {"index": 11328, "quantile": 0.5, "value": 195500.0, "Latitude": 33.76, "Longitude": -117.94, "Population": 1861.0}, {"index": 11328, "quantile": 0.75, "value": 200575.0, "Latitude": 33.76, "Longitude": -117.94, "Population": 1861.0}, {"index": 11328, "quantile": 1.0, "value": 237300.00000000003, "Latitude": 33.76, "Longitude": -117.94, "Population": 1861.0}, {"index": 11329, "quantile": 0.0, "value": 144500.0, "Latitude": 33.76, "Longitude": -117.94, "Population": 1233.0}, {"index": 11329, "quantile": 0.25, "value": 161700.0, "Latitude": 33.76, "Longitude": -117.94, "Population": 1233.0}, {"index": 11329, "quantile": 0.5, "value": 169550.0, "Latitude": 33.76, "Longitude": -117.94, "Population": 1233.0}, {"index": 11329, "quantile": 0.75, "value": 185700.00000000003, "Latitude": 33.76, "Longitude": -117.94, "Population": 1233.0}, {"index": 11329, "quantile": 1.0, "value": 257799.99999999997, "Latitude": 33.76, "Longitude": -117.94, "Population": 1233.0}, {"index": 11330, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.76, "Longitude": -117.95, "Population": 3196.0}, {"index": 11330, "quantile": 0.25, "value": 177900.0, "Latitude": 33.76, "Longitude": -117.95, "Population": 3196.0}, {"index": 11330, "quantile": 0.5, "value": 189300.0, "Latitude": 33.76, "Longitude": -117.95, "Population": 3196.0}, {"index": 11330, "quantile": 0.75, "value": 195625.0, "Latitude": 33.76, "Longitude": -117.95, "Population": 3196.0}, {"index": 11330, "quantile": 1.0, "value": 237300.00000000003, "Latitude": 33.76, "Longitude": -117.95, "Population": 3196.0}, {"index": 11331, "quantile": 0.0, "value": 117400.0, "Latitude": 33.75, "Longitude": -117.94, "Population": 4480.0}, {"index": 11331, "quantile": 0.25, "value": 167800.0, "Latitude": 33.75, "Longitude": -117.94, "Population": 4480.0}, {"index": 11331, "quantile": 0.5, "value": 177900.0, "Latitude": 33.75, "Longitude": -117.94, "Population": 4480.0}, {"index": 11331, "quantile": 0.75, "value": 190700.0, "Latitude": 33.75, "Longitude": -117.94, "Population": 4480.0}, {"index": 11331, "quantile": 1.0, "value": 450000.0, "Latitude": 33.75, "Longitude": -117.94, "Population": 4480.0}, {"index": 11332, "quantile": 0.0, "value": 162500.0, "Latitude": 33.75, "Longitude": -117.96, "Population": 852.0}, {"index": 11332, "quantile": 0.25, "value": 231599.99999999997, "Latitude": 33.75, "Longitude": -117.96, "Population": 852.0}, {"index": 11332, "quantile": 0.5, "value": 237300.00000000003, "Latitude": 33.75, "Longitude": -117.96, "Population": 852.0}, {"index": 11332, "quantile": 0.75, "value": 237300.00000000003, "Latitude": 33.75, "Longitude": -117.96, "Population": 852.0}, {"index": 11332, "quantile": 1.0, "value": 250199.99999999997, "Latitude": 33.75, "Longitude": -117.96, "Population": 852.0}, {"index": 11333, "quantile": 0.0, "value": 69100.0, "Latitude": 33.75, "Longitude": -117.96, "Population": 1625.0}, {"index": 11333, "quantile": 0.25, "value": 184525.0, "Latitude": 33.75, "Longitude": -117.96, "Population": 1625.0}, {"index": 11333, "quantile": 0.5, "value": 196300.0, "Latitude": 33.75, "Longitude": -117.96, "Population": 1625.0}, {"index": 11333, "quantile": 0.75, "value": 196300.0, "Latitude": 33.75, "Longitude": -117.96, "Population": 1625.0}, {"index": 11333, "quantile": 1.0, "value": 236100.00000000003, "Latitude": 33.75, "Longitude": -117.96, "Population": 1625.0}, {"index": 11334, "quantile": 0.0, "value": 237699.99999999997, "Latitude": 33.75, "Longitude": -117.95, "Population": 1098.0}, {"index": 11334, "quantile": 0.25, "value": 276100.0, "Latitude": 33.75, "Longitude": -117.95, "Population": 1098.0}, {"index": 11334, "quantile": 0.5, "value": 276100.0, "Latitude": 33.75, "Longitude": -117.95, "Population": 1098.0}, {"index": 11334, "quantile": 0.75, "value": 276650.0, "Latitude": 33.75, "Longitude": -117.95, "Population": 1098.0}, {"index": 11334, "quantile": 1.0, "value": 383900.0, "Latitude": 33.75, "Longitude": -117.95, "Population": 1098.0}, {"index": 11335, "quantile": 0.0, "value": 158500.0, "Latitude": 33.75, "Longitude": -117.95, "Population": 1405.0}, {"index": 11335, "quantile": 0.25, "value": 218275.0, "Latitude": 33.75, "Longitude": -117.95, "Population": 1405.0}, {"index": 11335, "quantile": 0.5, "value": 231400.0, "Latitude": 33.75, "Longitude": -117.95, "Population": 1405.0}, {"index": 11335, "quantile": 0.75, "value": 231400.0, "Latitude": 33.75, "Longitude": -117.95, "Population": 1405.0}, {"index": 11335, "quantile": 1.0, "value": 302100.0, "Latitude": 33.75, "Longitude": -117.95, "Population": 1405.0}, {"index": 11336, "quantile": 0.0, "value": 147500.0, "Latitude": 33.76, "Longitude": -117.97, "Population": 1036.0}, {"index": 11336, "quantile": 0.25, "value": 174200.0, "Latitude": 33.76, "Longitude": -117.97, "Population": 1036.0}, {"index": 11336, "quantile": 0.5, "value": 193900.0, "Latitude": 33.76, "Longitude": -117.97, "Population": 1036.0}, {"index": 11336, "quantile": 0.75, "value": 224200.0, "Latitude": 33.76, "Longitude": -117.97, "Population": 1036.0}, {"index": 11336, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.76, "Longitude": -117.97, "Population": 1036.0}, {"index": 11337, "quantile": 0.0, "value": 125000.0, "Latitude": 33.75, "Longitude": -117.97, "Population": 2709.0}, {"index": 11337, "quantile": 0.25, "value": 187875.0, "Latitude": 33.75, "Longitude": -117.97, "Population": 2709.0}, {"index": 11337, "quantile": 0.5, "value": 190700.0, "Latitude": 33.75, "Longitude": -117.97, "Population": 2709.0}, {"index": 11337, "quantile": 0.75, "value": 190700.0, "Latitude": 33.75, "Longitude": -117.97, "Population": 2709.0}, {"index": 11337, "quantile": 1.0, "value": 270500.0, "Latitude": 33.75, "Longitude": -117.97, "Population": 2709.0}, {"index": 11338, "quantile": 0.0, "value": 113900.0, "Latitude": 33.75, "Longitude": -117.97, "Population": 973.0}, {"index": 11338, "quantile": 0.25, "value": 190400.0, "Latitude": 33.75, "Longitude": -117.97, "Population": 973.0}, {"index": 11338, "quantile": 0.5, "value": 190400.0, "Latitude": 33.75, "Longitude": -117.97, "Population": 973.0}, {"index": 11338, "quantile": 0.75, "value": 190400.0, "Latitude": 33.75, "Longitude": -117.97, "Population": 973.0}, {"index": 11338, "quantile": 1.0, "value": 383800.0, "Latitude": 33.75, "Longitude": -117.97, "Population": 973.0}, {"index": 11339, "quantile": 0.0, "value": 117400.0, "Latitude": 33.76, "Longitude": -117.93, "Population": 3308.0}, {"index": 11339, "quantile": 0.25, "value": 165700.0, "Latitude": 33.76, "Longitude": -117.93, "Population": 3308.0}, {"index": 11339, "quantile": 0.5, "value": 179199.99999999997, "Latitude": 33.76, "Longitude": -117.93, "Population": 3308.0}, {"index": 11339, "quantile": 0.75, "value": 190875.0, "Latitude": 33.76, "Longitude": -117.93, "Population": 3308.0}, {"index": 11339, "quantile": 1.0, "value": 222300.0, "Latitude": 33.76, "Longitude": -117.93, "Population": 3308.0}, {"index": 11340, "quantile": 0.0, "value": 144100.0, "Latitude": 33.75, "Longitude": -117.93, "Population": 1472.0}, {"index": 11340, "quantile": 0.25, "value": 166175.0, "Latitude": 33.75, "Longitude": -117.93, "Population": 1472.0}, {"index": 11340, "quantile": 0.5, "value": 175900.0, "Latitude": 33.75, "Longitude": -117.93, "Population": 1472.0}, {"index": 11340, "quantile": 0.75, "value": 189775.0, "Latitude": 33.75, "Longitude": -117.93, "Population": 1472.0}, {"index": 11340, "quantile": 1.0, "value": 243100.0, "Latitude": 33.75, "Longitude": -117.93, "Population": 1472.0}, {"index": 11341, "quantile": 0.0, "value": 132800.0, "Latitude": 33.75, "Longitude": -117.93, "Population": 1666.0}, {"index": 11341, "quantile": 0.25, "value": 160900.0, "Latitude": 33.75, "Longitude": -117.93, "Population": 1666.0}, {"index": 11341, "quantile": 0.5, "value": 179750.0, "Latitude": 33.75, "Longitude": -117.93, "Population": 1666.0}, {"index": 11341, "quantile": 0.75, "value": 200875.0, "Latitude": 33.75, "Longitude": -117.93, "Population": 1666.0}, {"index": 11341, "quantile": 1.0, "value": 475000.0, "Latitude": 33.75, "Longitude": -117.93, "Population": 1666.0}, {"index": 11342, "quantile": 0.0, "value": 91000.0, "Latitude": 33.76, "Longitude": -117.93, "Population": 3381.0}, {"index": 11342, "quantile": 0.25, "value": 161800.0, "Latitude": 33.76, "Longitude": -117.93, "Population": 3381.0}, {"index": 11342, "quantile": 0.5, "value": 161800.0, "Latitude": 33.76, "Longitude": -117.93, "Population": 3381.0}, {"index": 11342, "quantile": 0.75, "value": 162375.0, "Latitude": 33.76, "Longitude": -117.93, "Population": 3381.0}, {"index": 11342, "quantile": 1.0, "value": 270500.0, "Latitude": 33.76, "Longitude": -117.93, "Population": 3381.0}, {"index": 11343, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.76, "Longitude": -117.93, "Population": 2613.0}, {"index": 11343, "quantile": 0.25, "value": 177900.0, "Latitude": 33.76, "Longitude": -117.93, "Population": 2613.0}, {"index": 11343, "quantile": 0.5, "value": 177900.0, "Latitude": 33.76, "Longitude": -117.93, "Population": 2613.0}, {"index": 11343, "quantile": 0.75, "value": 177900.0, "Latitude": 33.76, "Longitude": -117.93, "Population": 2613.0}, {"index": 11343, "quantile": 1.0, "value": 235500.0, "Latitude": 33.76, "Longitude": -117.93, "Population": 2613.0}, {"index": 11344, "quantile": 0.0, "value": 107300.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1511.0}, {"index": 11344, "quantile": 0.25, "value": 137500.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1511.0}, {"index": 11344, "quantile": 0.5, "value": 137500.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1511.0}, {"index": 11344, "quantile": 0.75, "value": 173925.00000000003, "Latitude": 33.75, "Longitude": -117.92, "Population": 1511.0}, {"index": 11344, "quantile": 1.0, "value": 286600.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1511.0}, {"index": 11345, "quantile": 0.0, "value": 120400.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1413.0}, {"index": 11345, "quantile": 0.25, "value": 147500.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1413.0}, {"index": 11345, "quantile": 0.5, "value": 147500.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1413.0}, {"index": 11345, "quantile": 0.75, "value": 167650.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1413.0}, {"index": 11345, "quantile": 1.0, "value": 344400.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1413.0}, {"index": 11346, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 33.77, "Longitude": -117.89, "Population": 1849.0}, {"index": 11346, "quantile": 0.25, "value": 191000.0, "Latitude": 33.77, "Longitude": -117.89, "Population": 1849.0}, {"index": 11346, "quantile": 0.5, "value": 194800.0, "Latitude": 33.77, "Longitude": -117.89, "Population": 1849.0}, {"index": 11346, "quantile": 0.75, "value": 194800.0, "Latitude": 33.77, "Longitude": -117.89, "Population": 1849.0}, {"index": 11346, "quantile": 1.0, "value": 225900.0, "Latitude": 33.77, "Longitude": -117.89, "Population": 1849.0}, {"index": 11347, "quantile": 0.0, "value": 117400.0, "Latitude": 33.77, "Longitude": -117.9, "Population": 1726.0}, {"index": 11347, "quantile": 0.25, "value": 177900.0, "Latitude": 33.77, "Longitude": -117.9, "Population": 1726.0}, {"index": 11347, "quantile": 0.5, "value": 182300.0, "Latitude": 33.77, "Longitude": -117.9, "Population": 1726.0}, {"index": 11347, "quantile": 0.75, "value": 182300.0, "Latitude": 33.77, "Longitude": -117.9, "Population": 1726.0}, {"index": 11347, "quantile": 1.0, "value": 190400.0, "Latitude": 33.77, "Longitude": -117.9, "Population": 1726.0}, {"index": 11348, "quantile": 0.0, "value": 142900.0, "Latitude": 33.77, "Longitude": -117.91, "Population": 4545.0}, {"index": 11348, "quantile": 0.25, "value": 186700.0, "Latitude": 33.77, "Longitude": -117.91, "Population": 4545.0}, {"index": 11348, "quantile": 0.5, "value": 190400.0, "Latitude": 33.77, "Longitude": -117.91, "Population": 4545.0}, {"index": 11348, "quantile": 0.75, "value": 190400.0, "Latitude": 33.77, "Longitude": -117.91, "Population": 4545.0}, {"index": 11348, "quantile": 1.0, "value": 236100.00000000003, "Latitude": 33.77, "Longitude": -117.91, "Population": 4545.0}, {"index": 11349, "quantile": 0.0, "value": 137500.0, "Latitude": 33.76, "Longitude": -117.91, "Population": 5254.0}, {"index": 11349, "quantile": 0.25, "value": 167400.0, "Latitude": 33.76, "Longitude": -117.91, "Population": 5254.0}, {"index": 11349, "quantile": 0.5, "value": 167400.0, "Latitude": 33.76, "Longitude": -117.91, "Population": 5254.0}, {"index": 11349, "quantile": 0.75, "value": 180000.0, "Latitude": 33.76, "Longitude": -117.91, "Population": 5254.0}, {"index": 11349, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 33.76, "Longitude": -117.91, "Population": 5254.0}, {"index": 11350, "quantile": 0.0, "value": 91300.0, "Latitude": 33.76, "Longitude": -117.92, "Population": 662.0}, {"index": 11350, "quantile": 0.25, "value": 174300.0, "Latitude": 33.76, "Longitude": -117.92, "Population": 662.0}, {"index": 11350, "quantile": 0.5, "value": 174300.0, "Latitude": 33.76, "Longitude": -117.92, "Population": 662.0}, {"index": 11350, "quantile": 0.75, "value": 174300.0, "Latitude": 33.76, "Longitude": -117.92, "Population": 662.0}, {"index": 11350, "quantile": 1.0, "value": 346200.0, "Latitude": 33.76, "Longitude": -117.92, "Population": 662.0}, {"index": 11351, "quantile": 0.0, "value": 113700.0, "Latitude": 33.76, "Longitude": -117.91, "Population": 4818.0}, {"index": 11351, "quantile": 0.25, "value": 164700.0, "Latitude": 33.76, "Longitude": -117.91, "Population": 4818.0}, {"index": 11351, "quantile": 0.5, "value": 215099.99999999997, "Latitude": 33.76, "Longitude": -117.91, "Population": 4818.0}, {"index": 11351, "quantile": 0.75, "value": 215099.99999999997, "Latitude": 33.76, "Longitude": -117.91, "Population": 4818.0}, {"index": 11351, "quantile": 1.0, "value": 245100.0, "Latitude": 33.76, "Longitude": -117.91, "Population": 4818.0}, {"index": 11352, "quantile": 0.0, "value": 105300.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1149.0}, {"index": 11352, "quantile": 0.25, "value": 156300.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1149.0}, {"index": 11352, "quantile": 0.5, "value": 156300.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1149.0}, {"index": 11352, "quantile": 0.75, "value": 156300.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1149.0}, {"index": 11352, "quantile": 1.0, "value": 171400.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1149.0}, {"index": 11353, "quantile": 0.0, "value": 88500.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1196.0}, {"index": 11353, "quantile": 0.25, "value": 142800.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1196.0}, {"index": 11353, "quantile": 0.5, "value": 142800.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1196.0}, {"index": 11353, "quantile": 0.75, "value": 145200.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1196.0}, {"index": 11353, "quantile": 1.0, "value": 198800.0, "Latitude": 33.75, "Longitude": -117.92, "Population": 1196.0}, {"index": 11354, "quantile": 0.0, "value": 98500.0, "Latitude": 33.75, "Longitude": -117.91, "Population": 3842.0}, {"index": 11354, "quantile": 0.25, "value": 157475.0, "Latitude": 33.75, "Longitude": -117.91, "Population": 3842.0}, {"index": 11354, "quantile": 0.5, "value": 160000.0, "Latitude": 33.75, "Longitude": -117.91, "Population": 3842.0}, {"index": 11354, "quantile": 0.75, "value": 160000.0, "Latitude": 33.75, "Longitude": -117.91, "Population": 3842.0}, {"index": 11354, "quantile": 1.0, "value": 237500.0, "Latitude": 33.75, "Longitude": -117.91, "Population": 3842.0}, {"index": 11355, "quantile": 0.0, "value": 112500.0, "Latitude": 33.74, "Longitude": -117.93, "Population": 677.0}, {"index": 11355, "quantile": 0.25, "value": 160900.0, "Latitude": 33.74, "Longitude": -117.93, "Population": 677.0}, {"index": 11355, "quantile": 0.5, "value": 187200.0, "Latitude": 33.74, "Longitude": -117.93, "Population": 677.0}, {"index": 11355, "quantile": 0.75, "value": 219400.0, "Latitude": 33.74, "Longitude": -117.93, "Population": 677.0}, {"index": 11355, "quantile": 1.0, "value": 343200.0, "Latitude": 33.74, "Longitude": -117.93, "Population": 677.0}, {"index": 11356, "quantile": 0.0, "value": 113900.0, "Latitude": 33.74, "Longitude": -117.93, "Population": 1843.0}, {"index": 11356, "quantile": 0.25, "value": 153000.0, "Latitude": 33.74, "Longitude": -117.93, "Population": 1843.0}, {"index": 11356, "quantile": 0.5, "value": 153000.0, "Latitude": 33.74, "Longitude": -117.93, "Population": 1843.0}, {"index": 11356, "quantile": 0.75, "value": 153000.0, "Latitude": 33.74, "Longitude": -117.93, "Population": 1843.0}, {"index": 11356, "quantile": 1.0, "value": 270500.0, "Latitude": 33.74, "Longitude": -117.93, "Population": 1843.0}, {"index": 11357, "quantile": 0.0, "value": 65000.0, "Latitude": 33.74, "Longitude": -117.93, "Population": 666.0}, {"index": 11357, "quantile": 0.25, "value": 131000.0, "Latitude": 33.74, "Longitude": -117.93, "Population": 666.0}, {"index": 11357, "quantile": 0.5, "value": 166350.0, "Latitude": 33.74, "Longitude": -117.93, "Population": 666.0}, {"index": 11357, "quantile": 0.75, "value": 193800.0, "Latitude": 33.74, "Longitude": -117.93, "Population": 666.0}, {"index": 11357, "quantile": 1.0, "value": 344400.0, "Latitude": 33.74, "Longitude": -117.93, "Population": 666.0}, {"index": 11358, "quantile": 0.0, "value": 117300.0, "Latitude": 33.74, "Longitude": -117.92, "Population": 3385.0}, {"index": 11358, "quantile": 0.25, "value": 161400.0, "Latitude": 33.74, "Longitude": -117.92, "Population": 3385.0}, {"index": 11358, "quantile": 0.5, "value": 189550.0, "Latitude": 33.74, "Longitude": -117.92, "Population": 3385.0}, {"index": 11358, "quantile": 0.75, "value": 212900.0, "Latitude": 33.74, "Longitude": -117.92, "Population": 3385.0}, {"index": 11358, "quantile": 1.0, "value": 324400.0, "Latitude": 33.74, "Longitude": -117.92, "Population": 3385.0}, {"index": 11359, "quantile": 0.0, "value": 95100.0, "Latitude": 33.74, "Longitude": -117.92, "Population": 2513.0}, {"index": 11359, "quantile": 0.25, "value": 148500.0, "Latitude": 33.74, "Longitude": -117.92, "Population": 2513.0}, {"index": 11359, "quantile": 0.5, "value": 160400.0, "Latitude": 33.74, "Longitude": -117.92, "Population": 2513.0}, {"index": 11359, "quantile": 0.75, "value": 171900.0, "Latitude": 33.74, "Longitude": -117.92, "Population": 2513.0}, {"index": 11359, "quantile": 1.0, "value": 248100.0, "Latitude": 33.74, "Longitude": -117.92, "Population": 2513.0}, {"index": 11360, "quantile": 0.0, "value": 71300.0, "Latitude": 33.74, "Longitude": -117.91, "Population": 1394.0}, {"index": 11360, "quantile": 0.25, "value": 145800.0, "Latitude": 33.74, "Longitude": -117.91, "Population": 1394.0}, {"index": 11360, "quantile": 0.5, "value": 156000.0, "Latitude": 33.74, "Longitude": -117.91, "Population": 1394.0}, {"index": 11360, "quantile": 0.75, "value": 165300.0, "Latitude": 33.74, "Longitude": -117.91, "Population": 1394.0}, {"index": 11360, "quantile": 1.0, "value": 205900.00000000003, "Latitude": 33.74, "Longitude": -117.91, "Population": 1394.0}, {"index": 11361, "quantile": 0.0, "value": 167000.0, "Latitude": 33.74, "Longitude": -117.92, "Population": 4011.0}, {"index": 11361, "quantile": 0.25, "value": 189300.0, "Latitude": 33.74, "Longitude": -117.92, "Population": 4011.0}, {"index": 11361, "quantile": 0.5, "value": 189300.0, "Latitude": 33.74, "Longitude": -117.92, "Population": 4011.0}, {"index": 11361, "quantile": 0.75, "value": 189300.0, "Latitude": 33.74, "Longitude": -117.92, "Population": 4011.0}, {"index": 11361, "quantile": 1.0, "value": 233300.00000000003, "Latitude": 33.74, "Longitude": -117.92, "Population": 4011.0}, {"index": 11362, "quantile": 0.0, "value": 113500.0, "Latitude": 33.73, "Longitude": -117.93, "Population": 3009.0}, {"index": 11362, "quantile": 0.25, "value": 177900.0, "Latitude": 33.73, "Longitude": -117.93, "Population": 3009.0}, {"index": 11362, "quantile": 0.5, "value": 183300.0, "Latitude": 33.73, "Longitude": -117.93, "Population": 3009.0}, {"index": 11362, "quantile": 0.75, "value": 193925.0, "Latitude": 33.73, "Longitude": -117.93, "Population": 3009.0}, {"index": 11362, "quantile": 1.0, "value": 270500.0, "Latitude": 33.73, "Longitude": -117.93, "Population": 3009.0}, {"index": 11363, "quantile": 0.0, "value": 113900.0, "Latitude": 33.74, "Longitude": -117.94, "Population": 3118.0}, {"index": 11363, "quantile": 0.25, "value": 191400.0, "Latitude": 33.74, "Longitude": -117.94, "Population": 3118.0}, {"index": 11363, "quantile": 0.5, "value": 207200.0, "Latitude": 33.74, "Longitude": -117.94, "Population": 3118.0}, {"index": 11363, "quantile": 0.75, "value": 207200.0, "Latitude": 33.74, "Longitude": -117.94, "Population": 3118.0}, {"index": 11363, "quantile": 1.0, "value": 237300.00000000003, "Latitude": 33.74, "Longitude": -117.94, "Population": 3118.0}, {"index": 11364, "quantile": 0.0, "value": 173100.0, "Latitude": 33.73, "Longitude": -117.94, "Population": 2468.0}, {"index": 11364, "quantile": 0.25, "value": 213175.00000000003, "Latitude": 33.73, "Longitude": -117.94, "Population": 2468.0}, {"index": 11364, "quantile": 0.5, "value": 228399.99999999997, "Latitude": 33.73, "Longitude": -117.94, "Population": 2468.0}, {"index": 11364, "quantile": 0.75, "value": 243100.0, "Latitude": 33.73, "Longitude": -117.94, "Population": 2468.0}, {"index": 11364, "quantile": 1.0, "value": 302400.0, "Latitude": 33.73, "Longitude": -117.94, "Population": 2468.0}, {"index": 11365, "quantile": 0.0, "value": 87500.0, "Latitude": 33.74, "Longitude": -117.95, "Population": 1182.0}, {"index": 11365, "quantile": 0.25, "value": 193100.0, "Latitude": 33.74, "Longitude": -117.95, "Population": 1182.0}, {"index": 11365, "quantile": 0.5, "value": 201200.0, "Latitude": 33.74, "Longitude": -117.95, "Population": 1182.0}, {"index": 11365, "quantile": 0.75, "value": 201200.0, "Latitude": 33.74, "Longitude": -117.95, "Population": 1182.0}, {"index": 11365, "quantile": 1.0, "value": 266300.0, "Latitude": 33.74, "Longitude": -117.95, "Population": 1182.0}, {"index": 11366, "quantile": 0.0, "value": 155500.0, "Latitude": 33.74, "Longitude": -117.95, "Population": 976.0}, {"index": 11366, "quantile": 0.25, "value": 191100.0, "Latitude": 33.74, "Longitude": -117.95, "Population": 976.0}, {"index": 11366, "quantile": 0.5, "value": 207150.0, "Latitude": 33.74, "Longitude": -117.95, "Population": 976.0}, {"index": 11366, "quantile": 0.75, "value": 222200.0, "Latitude": 33.74, "Longitude": -117.95, "Population": 976.0}, {"index": 11366, "quantile": 1.0, "value": 395100.0, "Latitude": 33.74, "Longitude": -117.95, "Population": 976.0}, {"index": 11367, "quantile": 0.0, "value": 222500.0, "Latitude": 33.74, "Longitude": -117.95, "Population": 1846.0}, {"index": 11367, "quantile": 0.25, "value": 261800.0, "Latitude": 33.74, "Longitude": -117.95, "Population": 1846.0}, {"index": 11367, "quantile": 0.5, "value": 271900.0, "Latitude": 33.74, "Longitude": -117.95, "Population": 1846.0}, {"index": 11367, "quantile": 0.75, "value": 271900.0, "Latitude": 33.74, "Longitude": -117.95, "Population": 1846.0}, {"index": 11367, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.74, "Longitude": -117.95, "Population": 1846.0}, {"index": 11368, "quantile": 0.0, "value": 137500.0, "Latitude": 33.7, "Longitude": -117.98, "Population": 1401.0}, {"index": 11368, "quantile": 0.25, "value": 160500.0, "Latitude": 33.7, "Longitude": -117.98, "Population": 1401.0}, {"index": 11368, "quantile": 0.5, "value": 160500.0, "Latitude": 33.7, "Longitude": -117.98, "Population": 1401.0}, {"index": 11368, "quantile": 0.75, "value": 216500.0, "Latitude": 33.7, "Longitude": -117.98, "Population": 1401.0}, {"index": 11368, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.7, "Longitude": -117.98, "Population": 1401.0}, {"index": 11369, "quantile": 0.0, "value": 144100.0, "Latitude": 33.71, "Longitude": -117.98, "Population": 1101.0}, {"index": 11369, "quantile": 0.25, "value": 229999.99999999997, "Latitude": 33.71, "Longitude": -117.98, "Population": 1101.0}, {"index": 11369, "quantile": 0.5, "value": 229999.99999999997, "Latitude": 33.71, "Longitude": -117.98, "Population": 1101.0}, {"index": 11369, "quantile": 0.75, "value": 234324.99999999997, "Latitude": 33.71, "Longitude": -117.98, "Population": 1101.0}, {"index": 11369, "quantile": 1.0, "value": 476700.00000000006, "Latitude": 33.71, "Longitude": -117.98, "Population": 1101.0}, {"index": 11370, "quantile": 0.0, "value": 156400.0, "Latitude": 33.71, "Longitude": -117.99, "Population": 1251.0}, {"index": 11370, "quantile": 0.25, "value": 215725.0, "Latitude": 33.71, "Longitude": -117.99, "Population": 1251.0}, {"index": 11370, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 33.71, "Longitude": -117.99, "Population": 1251.0}, {"index": 11370, "quantile": 0.75, "value": 218800.00000000003, "Latitude": 33.71, "Longitude": -117.99, "Population": 1251.0}, {"index": 11370, "quantile": 1.0, "value": 383800.0, "Latitude": 33.71, "Longitude": -117.99, "Population": 1251.0}, {"index": 11371, "quantile": 0.0, "value": 155500.0, "Latitude": 33.71, "Longitude": -117.98, "Population": 1098.0}, {"index": 11371, "quantile": 0.25, "value": 229599.99999999997, "Latitude": 33.71, "Longitude": -117.98, "Population": 1098.0}, {"index": 11371, "quantile": 0.5, "value": 229599.99999999997, "Latitude": 33.71, "Longitude": -117.98, "Population": 1098.0}, {"index": 11371, "quantile": 0.75, "value": 229599.99999999997, "Latitude": 33.71, "Longitude": -117.98, "Population": 1098.0}, {"index": 11371, "quantile": 1.0, "value": 342800.0, "Latitude": 33.71, "Longitude": -117.98, "Population": 1098.0}, {"index": 11372, "quantile": 0.0, "value": 115700.0, "Latitude": 33.68, "Longitude": -117.96, "Population": 731.0}, {"index": 11372, "quantile": 0.25, "value": 239850.00000000003, "Latitude": 33.68, "Longitude": -117.96, "Population": 731.0}, {"index": 11372, "quantile": 0.5, "value": 267600.0, "Latitude": 33.68, "Longitude": -117.96, "Population": 731.0}, {"index": 11372, "quantile": 0.75, "value": 301475.0, "Latitude": 33.68, "Longitude": -117.96, "Population": 731.0}, {"index": 11372, "quantile": 1.0, "value": 457400.0, "Latitude": 33.68, "Longitude": -117.96, "Population": 731.0}, {"index": 11373, "quantile": 0.0, "value": 137000.0, "Latitude": 33.68, "Longitude": -117.97, "Population": 865.0}, {"index": 11373, "quantile": 0.25, "value": 273800.0, "Latitude": 33.68, "Longitude": -117.97, "Population": 865.0}, {"index": 11373, "quantile": 0.5, "value": 273800.0, "Latitude": 33.68, "Longitude": -117.97, "Population": 865.0}, {"index": 11373, "quantile": 0.75, "value": 273800.0, "Latitude": 33.68, "Longitude": -117.97, "Population": 865.0}, {"index": 11373, "quantile": 1.0, "value": 353100.0, "Latitude": 33.68, "Longitude": -117.97, "Population": 865.0}, {"index": 11374, "quantile": 0.0, "value": 152100.0, "Latitude": 33.68, "Longitude": -117.96, "Population": 1085.0}, {"index": 11374, "quantile": 0.25, "value": 230700.0, "Latitude": 33.68, "Longitude": -117.96, "Population": 1085.0}, {"index": 11374, "quantile": 0.5, "value": 230700.0, "Latitude": 33.68, "Longitude": -117.96, "Population": 1085.0}, {"index": 11374, "quantile": 0.75, "value": 230700.0, "Latitude": 33.68, "Longitude": -117.96, "Population": 1085.0}, {"index": 11374, "quantile": 1.0, "value": 326700.0, "Latitude": 33.68, "Longitude": -117.96, "Population": 1085.0}, {"index": 11375, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.68, "Longitude": -117.96, "Population": 817.0}, {"index": 11375, "quantile": 0.25, "value": 219200.00000000003, "Latitude": 33.68, "Longitude": -117.96, "Population": 817.0}, {"index": 11375, "quantile": 0.5, "value": 219200.00000000003, "Latitude": 33.68, "Longitude": -117.96, "Population": 817.0}, {"index": 11375, "quantile": 0.75, "value": 219200.00000000003, "Latitude": 33.68, "Longitude": -117.96, "Population": 817.0}, {"index": 11375, "quantile": 1.0, "value": 450000.0, "Latitude": 33.68, "Longitude": -117.96, "Population": 817.0}, {"index": 11376, "quantile": 0.0, "value": 152100.0, "Latitude": 33.68, "Longitude": -117.96, "Population": 3441.0}, {"index": 11376, "quantile": 0.25, "value": 152100.0, "Latitude": 33.68, "Longitude": -117.96, "Population": 3441.0}, {"index": 11376, "quantile": 0.5, "value": 152100.0, "Latitude": 33.68, "Longitude": -117.96, "Population": 3441.0}, {"index": 11376, "quantile": 0.75, "value": 223950.0, "Latitude": 33.68, "Longitude": -117.96, "Population": 3441.0}, {"index": 11376, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.68, "Longitude": -117.96, "Population": 3441.0}, {"index": 11377, "quantile": 0.0, "value": 216100.0, "Latitude": 33.68, "Longitude": -117.97, "Population": 1930.0}, {"index": 11377, "quantile": 0.25, "value": 260900.0, "Latitude": 33.68, "Longitude": -117.97, "Population": 1930.0}, {"index": 11377, "quantile": 0.5, "value": 260900.0, "Latitude": 33.68, "Longitude": -117.97, "Population": 1930.0}, {"index": 11377, "quantile": 0.75, "value": 260900.0, "Latitude": 33.68, "Longitude": -117.97, "Population": 1930.0}, {"index": 11377, "quantile": 1.0, "value": 299100.0, "Latitude": 33.68, "Longitude": -117.97, "Population": 1930.0}, {"index": 11378, "quantile": 0.0, "value": 155500.0, "Latitude": 33.69, "Longitude": -117.95, "Population": 817.0}, {"index": 11378, "quantile": 0.25, "value": 230399.99999999997, "Latitude": 33.69, "Longitude": -117.95, "Population": 817.0}, {"index": 11378, "quantile": 0.5, "value": 230399.99999999997, "Latitude": 33.69, "Longitude": -117.95, "Population": 817.0}, {"index": 11378, "quantile": 0.75, "value": 230399.99999999997, "Latitude": 33.69, "Longitude": -117.95, "Population": 817.0}, {"index": 11378, "quantile": 1.0, "value": 326700.0, "Latitude": 33.69, "Longitude": -117.95, "Population": 817.0}, {"index": 11379, "quantile": 0.0, "value": 169500.0, "Latitude": 33.68, "Longitude": -117.95, "Population": 1311.0}, {"index": 11379, "quantile": 0.25, "value": 253800.00000000003, "Latitude": 33.68, "Longitude": -117.95, "Population": 1311.0}, {"index": 11379, "quantile": 0.5, "value": 265000.0, "Latitude": 33.68, "Longitude": -117.95, "Population": 1311.0}, {"index": 11379, "quantile": 0.75, "value": 265000.0, "Latitude": 33.68, "Longitude": -117.95, "Population": 1311.0}, {"index": 11379, "quantile": 1.0, "value": 326700.0, "Latitude": 33.68, "Longitude": -117.95, "Population": 1311.0}, {"index": 11380, "quantile": 0.0, "value": 155500.0, "Latitude": 33.68, "Longitude": -117.95, "Population": 1115.0}, {"index": 11380, "quantile": 0.25, "value": 204100.0, "Latitude": 33.68, "Longitude": -117.95, "Population": 1115.0}, {"index": 11380, "quantile": 0.5, "value": 218100.0, "Latitude": 33.68, "Longitude": -117.95, "Population": 1115.0}, {"index": 11380, "quantile": 0.75, "value": 225800.0, "Latitude": 33.68, "Longitude": -117.95, "Population": 1115.0}, {"index": 11380, "quantile": 1.0, "value": 281300.0, "Latitude": 33.68, "Longitude": -117.95, "Population": 1115.0}, {"index": 11381, "quantile": 0.0, "value": 73400.0, "Latitude": 33.68, "Longitude": -117.95, "Population": 340.0}, {"index": 11381, "quantile": 0.25, "value": 252800.0, "Latitude": 33.68, "Longitude": -117.95, "Population": 340.0}, {"index": 11381, "quantile": 0.5, "value": 252800.0, "Latitude": 33.68, "Longitude": -117.95, "Population": 340.0}, {"index": 11381, "quantile": 0.75, "value": 252800.0, "Latitude": 33.68, "Longitude": -117.95, "Population": 340.0}, {"index": 11381, "quantile": 1.0, "value": 370800.0, "Latitude": 33.68, "Longitude": -117.95, "Population": 340.0}, {"index": 11382, "quantile": 0.0, "value": 74300.0, "Latitude": 33.67, "Longitude": -117.95, "Population": 554.0}, {"index": 11382, "quantile": 0.25, "value": 137300.0, "Latitude": 33.67, "Longitude": -117.95, "Population": 554.0}, {"index": 11382, "quantile": 0.5, "value": 137300.0, "Latitude": 33.67, "Longitude": -117.95, "Population": 554.0}, {"index": 11382, "quantile": 0.75, "value": 152800.0, "Latitude": 33.67, "Longitude": -117.95, "Population": 554.0}, {"index": 11382, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.95, "Population": 554.0}, {"index": 11383, "quantile": 0.0, "value": 235200.0, "Latitude": 33.67, "Longitude": -117.95, "Population": 810.0}, {"index": 11383, "quantile": 0.25, "value": 372400.0, "Latitude": 33.67, "Longitude": -117.95, "Population": 810.0}, {"index": 11383, "quantile": 0.5, "value": 372400.0, "Latitude": 33.67, "Longitude": -117.95, "Population": 810.0}, {"index": 11383, "quantile": 0.75, "value": 372400.0, "Latitude": 33.67, "Longitude": -117.95, "Population": 810.0}, {"index": 11383, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.95, "Population": 810.0}, {"index": 11384, "quantile": 0.0, "value": 237400.0, "Latitude": 33.66, "Longitude": -117.95, "Population": 639.0}, {"index": 11384, "quantile": 0.25, "value": 329800.0, "Latitude": 33.66, "Longitude": -117.95, "Population": 639.0}, {"index": 11384, "quantile": 0.5, "value": 329800.0, "Latitude": 33.66, "Longitude": -117.95, "Population": 639.0}, {"index": 11384, "quantile": 0.75, "value": 343200.0, "Latitude": 33.66, "Longitude": -117.95, "Population": 639.0}, {"index": 11384, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.95, "Population": 639.0}, {"index": 11385, "quantile": 0.0, "value": 187500.0, "Latitude": 33.66, "Longitude": -117.95, "Population": 1086.0}, {"index": 11385, "quantile": 0.25, "value": 337400.0, "Latitude": 33.66, "Longitude": -117.95, "Population": 1086.0}, {"index": 11385, "quantile": 0.5, "value": 337400.0, "Latitude": 33.66, "Longitude": -117.95, "Population": 1086.0}, {"index": 11385, "quantile": 0.75, "value": 337400.0, "Latitude": 33.66, "Longitude": -117.95, "Population": 1086.0}, {"index": 11385, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.95, "Population": 1086.0}, {"index": 11386, "quantile": 0.0, "value": 90100.0, "Latitude": 33.65, "Longitude": -117.98, "Population": 1500.0}, {"index": 11386, "quantile": 0.25, "value": 218299.99999999997, "Latitude": 33.65, "Longitude": -117.98, "Population": 1500.0}, {"index": 11386, "quantile": 0.5, "value": 260900.0, "Latitude": 33.65, "Longitude": -117.98, "Population": 1500.0}, {"index": 11386, "quantile": 0.75, "value": 303100.0, "Latitude": 33.65, "Longitude": -117.98, "Population": 1500.0}, {"index": 11386, "quantile": 1.0, "value": 404500.0, "Latitude": 33.65, "Longitude": -117.98, "Population": 1500.0}, {"index": 11387, "quantile": 0.0, "value": 144300.0, "Latitude": 33.65, "Longitude": -117.98, "Population": 436.0}, {"index": 11387, "quantile": 0.25, "value": 211300.0, "Latitude": 33.65, "Longitude": -117.98, "Population": 436.0}, {"index": 11387, "quantile": 0.5, "value": 211300.0, "Latitude": 33.65, "Longitude": -117.98, "Population": 436.0}, {"index": 11387, "quantile": 0.75, "value": 213675.00000000003, "Latitude": 33.65, "Longitude": -117.98, "Population": 436.0}, {"index": 11387, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.98, "Population": 436.0}, {"index": 11388, "quantile": 0.0, "value": 267300.0, "Latitude": 33.65, "Longitude": -117.98, "Population": 1598.0}, {"index": 11388, "quantile": 0.25, "value": 294900.0, "Latitude": 33.65, "Longitude": -117.98, "Population": 1598.0}, {"index": 11388, "quantile": 0.5, "value": 294900.0, "Latitude": 33.65, "Longitude": -117.98, "Population": 1598.0}, {"index": 11388, "quantile": 0.75, "value": 294900.0, "Latitude": 33.65, "Longitude": -117.98, "Population": 1598.0}, {"index": 11388, "quantile": 1.0, "value": 439799.99999999994, "Latitude": 33.65, "Longitude": -117.98, "Population": 1598.0}, {"index": 11389, "quantile": 0.0, "value": 90000.0, "Latitude": 33.64, "Longitude": -117.98, "Population": 792.0}, {"index": 11389, "quantile": 0.25, "value": 137500.0, "Latitude": 33.64, "Longitude": -117.98, "Population": 792.0}, {"index": 11389, "quantile": 0.5, "value": 137500.0, "Latitude": 33.64, "Longitude": -117.98, "Population": 792.0}, {"index": 11389, "quantile": 0.75, "value": 265999.99999999994, "Latitude": 33.64, "Longitude": -117.98, "Population": 792.0}, {"index": 11389, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -117.98, "Population": 792.0}, {"index": 11390, "quantile": 0.0, "value": 139000.0, "Latitude": 33.74, "Longitude": -117.97, "Population": 784.0}, {"index": 11390, "quantile": 0.25, "value": 139200.0, "Latitude": 33.74, "Longitude": -117.97, "Population": 784.0}, {"index": 11390, "quantile": 0.5, "value": 139200.0, "Latitude": 33.74, "Longitude": -117.97, "Population": 784.0}, {"index": 11390, "quantile": 0.75, "value": 139200.0, "Latitude": 33.74, "Longitude": -117.97, "Population": 784.0}, {"index": 11390, "quantile": 1.0, "value": 350000.0, "Latitude": 33.74, "Longitude": -117.97, "Population": 784.0}, {"index": 11391, "quantile": 0.0, "value": 139700.0, "Latitude": 33.74, "Longitude": -117.97, "Population": 1439.0}, {"index": 11391, "quantile": 0.25, "value": 257925.0, "Latitude": 33.74, "Longitude": -117.97, "Population": 1439.0}, {"index": 11391, "quantile": 0.5, "value": 262000.0, "Latitude": 33.74, "Longitude": -117.97, "Population": 1439.0}, {"index": 11391, "quantile": 0.75, "value": 262000.0, "Latitude": 33.74, "Longitude": -117.97, "Population": 1439.0}, {"index": 11391, "quantile": 1.0, "value": 383800.0, "Latitude": 33.74, "Longitude": -117.97, "Population": 1439.0}, {"index": 11392, "quantile": 0.0, "value": 196900.0, "Latitude": 33.73, "Longitude": -117.97, "Population": 1217.0}, {"index": 11392, "quantile": 0.25, "value": 222500.0, "Latitude": 33.73, "Longitude": -117.97, "Population": 1217.0}, {"index": 11392, "quantile": 0.5, "value": 222500.0, "Latitude": 33.73, "Longitude": -117.97, "Population": 1217.0}, {"index": 11392, "quantile": 0.75, "value": 242725.0, "Latitude": 33.73, "Longitude": -117.97, "Population": 1217.0}, {"index": 11392, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.73, "Longitude": -117.97, "Population": 1217.0}, {"index": 11393, "quantile": 0.0, "value": 155500.0, "Latitude": 33.73, "Longitude": -117.97, "Population": 885.0}, {"index": 11393, "quantile": 0.25, "value": 224200.0, "Latitude": 33.73, "Longitude": -117.97, "Population": 885.0}, {"index": 11393, "quantile": 0.5, "value": 224200.0, "Latitude": 33.73, "Longitude": -117.97, "Population": 885.0}, {"index": 11393, "quantile": 0.75, "value": 224200.0, "Latitude": 33.73, "Longitude": -117.97, "Population": 885.0}, {"index": 11393, "quantile": 1.0, "value": 354200.0, "Latitude": 33.73, "Longitude": -117.97, "Population": 885.0}, {"index": 11394, "quantile": 0.0, "value": 85700.0, "Latitude": 33.74, "Longitude": -117.96, "Population": 1025.0}, {"index": 11394, "quantile": 0.25, "value": 229999.99999999997, "Latitude": 33.74, "Longitude": -117.96, "Population": 1025.0}, {"index": 11394, "quantile": 0.5, "value": 229999.99999999997, "Latitude": 33.74, "Longitude": -117.96, "Population": 1025.0}, {"index": 11394, "quantile": 0.75, "value": 229999.99999999997, "Latitude": 33.74, "Longitude": -117.96, "Population": 1025.0}, {"index": 11394, "quantile": 1.0, "value": 334100.0, "Latitude": 33.74, "Longitude": -117.96, "Population": 1025.0}, {"index": 11395, "quantile": 0.0, "value": 270100.0, "Latitude": 33.73, "Longitude": -117.96, "Population": 1454.0}, {"index": 11395, "quantile": 0.25, "value": 335900.0, "Latitude": 33.73, "Longitude": -117.96, "Population": 1454.0}, {"index": 11395, "quantile": 0.5, "value": 347600.0, "Latitude": 33.73, "Longitude": -117.96, "Population": 1454.0}, {"index": 11395, "quantile": 0.75, "value": 347600.0, "Latitude": 33.73, "Longitude": -117.96, "Population": 1454.0}, {"index": 11395, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.73, "Longitude": -117.96, "Population": 1454.0}, {"index": 11396, "quantile": 0.0, "value": 176300.0, "Latitude": 33.73, "Longitude": -117.97, "Population": 2130.0}, {"index": 11396, "quantile": 0.25, "value": 319500.0, "Latitude": 33.73, "Longitude": -117.97, "Population": 2130.0}, {"index": 11396, "quantile": 0.5, "value": 332050.0, "Latitude": 33.73, "Longitude": -117.97, "Population": 2130.0}, {"index": 11396, "quantile": 0.75, "value": 384575.0, "Latitude": 33.73, "Longitude": -117.97, "Population": 2130.0}, {"index": 11396, "quantile": 1.0, "value": 390800.0, "Latitude": 33.73, "Longitude": -117.97, "Population": 2130.0}, {"index": 11397, "quantile": 0.0, "value": 213200.0, "Latitude": 33.72, "Longitude": -117.97, "Population": 1437.0}, {"index": 11397, "quantile": 0.25, "value": 273400.0, "Latitude": 33.72, "Longitude": -117.97, "Population": 1437.0}, {"index": 11397, "quantile": 0.5, "value": 273400.0, "Latitude": 33.72, "Longitude": -117.97, "Population": 1437.0}, {"index": 11397, "quantile": 0.75, "value": 273400.0, "Latitude": 33.72, "Longitude": -117.97, "Population": 1437.0}, {"index": 11397, "quantile": 1.0, "value": 372000.0, "Latitude": 33.72, "Longitude": -117.97, "Population": 1437.0}, {"index": 11398, "quantile": 0.0, "value": 191300.0, "Latitude": 33.72, "Longitude": -117.95, "Population": 1688.0}, {"index": 11398, "quantile": 0.25, "value": 286100.0, "Latitude": 33.72, "Longitude": -117.95, "Population": 1688.0}, {"index": 11398, "quantile": 0.5, "value": 288000.0, "Latitude": 33.72, "Longitude": -117.95, "Population": 1688.0}, {"index": 11398, "quantile": 0.75, "value": 288000.0, "Latitude": 33.72, "Longitude": -117.95, "Population": 1688.0}, {"index": 11398, "quantile": 1.0, "value": 402600.0, "Latitude": 33.72, "Longitude": -117.95, "Population": 1688.0}, {"index": 11399, "quantile": 0.0, "value": 127200.0, "Latitude": 33.72, "Longitude": -117.96, "Population": 1858.0}, {"index": 11399, "quantile": 0.25, "value": 284600.0, "Latitude": 33.72, "Longitude": -117.96, "Population": 1858.0}, {"index": 11399, "quantile": 0.5, "value": 292000.0, "Latitude": 33.72, "Longitude": -117.96, "Population": 1858.0}, {"index": 11399, "quantile": 0.75, "value": 332200.0, "Latitude": 33.72, "Longitude": -117.96, "Population": 1858.0}, {"index": 11399, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -117.96, "Population": 1858.0}, {"index": 11400, "quantile": 0.0, "value": 170300.0, "Latitude": 33.73, "Longitude": -117.93, "Population": 1872.0}, {"index": 11400, "quantile": 0.25, "value": 295600.0, "Latitude": 33.73, "Longitude": -117.93, "Population": 1872.0}, {"index": 11400, "quantile": 0.5, "value": 295600.0, "Latitude": 33.73, "Longitude": -117.93, "Population": 1872.0}, {"index": 11400, "quantile": 0.75, "value": 295600.0, "Latitude": 33.73, "Longitude": -117.93, "Population": 1872.0}, {"index": 11400, "quantile": 1.0, "value": 377200.0, "Latitude": 33.73, "Longitude": -117.93, "Population": 1872.0}, {"index": 11401, "quantile": 0.0, "value": 267000.0, "Latitude": 33.72, "Longitude": -117.93, "Population": 2095.0}, {"index": 11401, "quantile": 0.25, "value": 319500.0, "Latitude": 33.72, "Longitude": -117.93, "Population": 2095.0}, {"index": 11401, "quantile": 0.5, "value": 319500.0, "Latitude": 33.72, "Longitude": -117.93, "Population": 2095.0}, {"index": 11401, "quantile": 0.75, "value": 319500.0, "Latitude": 33.72, "Longitude": -117.93, "Population": 2095.0}, {"index": 11401, "quantile": 1.0, "value": 404699.99999999994, "Latitude": 33.72, "Longitude": -117.93, "Population": 2095.0}, {"index": 11402, "quantile": 0.0, "value": 96900.0, "Latitude": 33.73, "Longitude": -117.92, "Population": 934.0}, {"index": 11402, "quantile": 0.25, "value": 205799.99999999997, "Latitude": 33.73, "Longitude": -117.92, "Population": 934.0}, {"index": 11402, "quantile": 0.5, "value": 205799.99999999997, "Latitude": 33.73, "Longitude": -117.92, "Population": 934.0}, {"index": 11402, "quantile": 0.75, "value": 205799.99999999997, "Latitude": 33.73, "Longitude": -117.92, "Population": 934.0}, {"index": 11402, "quantile": 1.0, "value": 326700.0, "Latitude": 33.73, "Longitude": -117.92, "Population": 934.0}, {"index": 11403, "quantile": 0.0, "value": 137500.0, "Latitude": 33.73, "Longitude": -117.92, "Population": 3171.0}, {"index": 11403, "quantile": 0.25, "value": 212725.0, "Latitude": 33.73, "Longitude": -117.92, "Population": 3171.0}, {"index": 11403, "quantile": 0.5, "value": 225800.0, "Latitude": 33.73, "Longitude": -117.92, "Population": 3171.0}, {"index": 11403, "quantile": 0.75, "value": 225800.0, "Latitude": 33.73, "Longitude": -117.92, "Population": 3171.0}, {"index": 11403, "quantile": 1.0, "value": 353000.0, "Latitude": 33.73, "Longitude": -117.92, "Population": 3171.0}, {"index": 11404, "quantile": 0.0, "value": 119300.0, "Latitude": 33.72, "Longitude": -117.92, "Population": 1520.0}, {"index": 11404, "quantile": 0.25, "value": 217725.0, "Latitude": 33.72, "Longitude": -117.92, "Population": 1520.0}, {"index": 11404, "quantile": 0.5, "value": 244000.0, "Latitude": 33.72, "Longitude": -117.92, "Population": 1520.0}, {"index": 11404, "quantile": 0.75, "value": 271725.0, "Latitude": 33.72, "Longitude": -117.92, "Population": 1520.0}, {"index": 11404, "quantile": 1.0, "value": 430900.0, "Latitude": 33.72, "Longitude": -117.92, "Population": 1520.0}, {"index": 11405, "quantile": 0.0, "value": 156300.0, "Latitude": 33.71, "Longitude": -117.96, "Population": 2243.0}, {"index": 11405, "quantile": 0.25, "value": 265100.0, "Latitude": 33.71, "Longitude": -117.96, "Population": 2243.0}, {"index": 11405, "quantile": 0.5, "value": 342600.0, "Latitude": 33.71, "Longitude": -117.96, "Population": 2243.0}, {"index": 11405, "quantile": 0.75, "value": 342600.0, "Latitude": 33.71, "Longitude": -117.96, "Population": 2243.0}, {"index": 11405, "quantile": 1.0, "value": 402200.0, "Latitude": 33.71, "Longitude": -117.96, "Population": 2243.0}, {"index": 11406, "quantile": 0.0, "value": 99100.0, "Latitude": 33.71, "Longitude": -117.95, "Population": 3285.0}, {"index": 11406, "quantile": 0.25, "value": 156100.0, "Latitude": 33.71, "Longitude": -117.95, "Population": 3285.0}, {"index": 11406, "quantile": 0.5, "value": 218600.0, "Latitude": 33.71, "Longitude": -117.95, "Population": 3285.0}, {"index": 11406, "quantile": 0.75, "value": 247400.00000000003, "Latitude": 33.71, "Longitude": -117.95, "Population": 3285.0}, {"index": 11406, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -117.95, "Population": 3285.0}, {"index": 11407, "quantile": 0.0, "value": 116900.0, "Latitude": 33.71, "Longitude": -117.96, "Population": 782.0}, {"index": 11407, "quantile": 0.25, "value": 304500.0, "Latitude": 33.71, "Longitude": -117.96, "Population": 782.0}, {"index": 11407, "quantile": 0.5, "value": 304500.0, "Latitude": 33.71, "Longitude": -117.96, "Population": 782.0}, {"index": 11407, "quantile": 0.75, "value": 304500.0, "Latitude": 33.71, "Longitude": -117.96, "Population": 782.0}, {"index": 11407, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -117.96, "Population": 782.0}, {"index": 11408, "quantile": 0.0, "value": 254500.0, "Latitude": 33.71, "Longitude": -117.95, "Population": 1242.0}, {"index": 11408, "quantile": 0.25, "value": 295500.0, "Latitude": 33.71, "Longitude": -117.95, "Population": 1242.0}, {"index": 11408, "quantile": 0.5, "value": 306500.0, "Latitude": 33.71, "Longitude": -117.95, "Population": 1242.0}, {"index": 11408, "quantile": 0.75, "value": 306500.0, "Latitude": 33.71, "Longitude": -117.95, "Population": 1242.0}, {"index": 11408, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.71, "Longitude": -117.95, "Population": 1242.0}, {"index": 11409, "quantile": 0.0, "value": 221000.0, "Latitude": 33.71, "Longitude": -117.94, "Population": 1779.0}, {"index": 11409, "quantile": 0.25, "value": 275075.0, "Latitude": 33.71, "Longitude": -117.94, "Population": 1779.0}, {"index": 11409, "quantile": 0.5, "value": 276500.0, "Latitude": 33.71, "Longitude": -117.94, "Population": 1779.0}, {"index": 11409, "quantile": 0.75, "value": 276500.0, "Latitude": 33.71, "Longitude": -117.94, "Population": 1779.0}, {"index": 11409, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -117.94, "Population": 1779.0}, {"index": 11410, "quantile": 0.0, "value": 85700.0, "Latitude": 33.71, "Longitude": -117.93, "Population": 1581.0}, {"index": 11410, "quantile": 0.25, "value": 168725.0, "Latitude": 33.71, "Longitude": -117.93, "Population": 1581.0}, {"index": 11410, "quantile": 0.5, "value": 208150.0, "Latitude": 33.71, "Longitude": -117.93, "Population": 1581.0}, {"index": 11410, "quantile": 0.75, "value": 246225.0, "Latitude": 33.71, "Longitude": -117.93, "Population": 1581.0}, {"index": 11410, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -117.93, "Population": 1581.0}, {"index": 11411, "quantile": 0.0, "value": 218299.99999999997, "Latitude": 33.7, "Longitude": -117.94, "Population": 2471.0}, {"index": 11411, "quantile": 0.25, "value": 260500.0, "Latitude": 33.7, "Longitude": -117.94, "Population": 2471.0}, {"index": 11411, "quantile": 0.5, "value": 283200.0, "Latitude": 33.7, "Longitude": -117.94, "Population": 2471.0}, {"index": 11411, "quantile": 0.75, "value": 295725.0, "Latitude": 33.7, "Longitude": -117.94, "Population": 2471.0}, {"index": 11411, "quantile": 1.0, "value": 480800.0, "Latitude": 33.7, "Longitude": -117.94, "Population": 2471.0}, {"index": 11412, "quantile": 0.0, "value": 262000.0, "Latitude": 33.69, "Longitude": -117.95, "Population": 1954.0}, {"index": 11412, "quantile": 0.25, "value": 284600.0, "Latitude": 33.69, "Longitude": -117.95, "Population": 1954.0}, {"index": 11412, "quantile": 0.5, "value": 284600.0, "Latitude": 33.69, "Longitude": -117.95, "Population": 1954.0}, {"index": 11412, "quantile": 0.75, "value": 294900.0, "Latitude": 33.69, "Longitude": -117.95, "Population": 1954.0}, {"index": 11412, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -117.95, "Population": 1954.0}, {"index": 11413, "quantile": 0.0, "value": 165100.0, "Latitude": 33.7, "Longitude": -117.95, "Population": 2585.0}, {"index": 11413, "quantile": 0.25, "value": 231900.0, "Latitude": 33.7, "Longitude": -117.95, "Population": 2585.0}, {"index": 11413, "quantile": 0.5, "value": 231900.0, "Latitude": 33.7, "Longitude": -117.95, "Population": 2585.0}, {"index": 11413, "quantile": 0.75, "value": 231900.0, "Latitude": 33.7, "Longitude": -117.95, "Population": 2585.0}, {"index": 11413, "quantile": 1.0, "value": 384400.0, "Latitude": 33.7, "Longitude": -117.95, "Population": 2585.0}, {"index": 11414, "quantile": 0.0, "value": 284600.0, "Latitude": 33.69, "Longitude": -117.98, "Population": 1774.0}, {"index": 11414, "quantile": 0.25, "value": 350200.0, "Latitude": 33.69, "Longitude": -117.98, "Population": 1774.0}, {"index": 11414, "quantile": 0.5, "value": 350200.0, "Latitude": 33.69, "Longitude": -117.98, "Population": 1774.0}, {"index": 11414, "quantile": 0.75, "value": 350200.0, "Latitude": 33.69, "Longitude": -117.98, "Population": 1774.0}, {"index": 11414, "quantile": 1.0, "value": 438999.99999999994, "Latitude": 33.69, "Longitude": -117.98, "Population": 1774.0}, {"index": 11415, "quantile": 0.0, "value": 266000.0, "Latitude": 33.69, "Longitude": -117.97, "Population": 1886.0}, {"index": 11415, "quantile": 0.25, "value": 292000.0, "Latitude": 33.69, "Longitude": -117.97, "Population": 1886.0}, {"index": 11415, "quantile": 0.5, "value": 292000.0, "Latitude": 33.69, "Longitude": -117.97, "Population": 1886.0}, {"index": 11415, "quantile": 0.75, "value": 295600.0, "Latitude": 33.69, "Longitude": -117.97, "Population": 1886.0}, {"index": 11415, "quantile": 1.0, "value": 382100.0, "Latitude": 33.69, "Longitude": -117.97, "Population": 1886.0}, {"index": 11416, "quantile": 0.0, "value": 258199.99999999997, "Latitude": 33.7, "Longitude": -117.98, "Population": 2142.0}, {"index": 11416, "quantile": 0.25, "value": 340000.0, "Latitude": 33.7, "Longitude": -117.98, "Population": 2142.0}, {"index": 11416, "quantile": 0.5, "value": 361400.0, "Latitude": 33.7, "Longitude": -117.98, "Population": 2142.0}, {"index": 11416, "quantile": 0.75, "value": 383650.0, "Latitude": 33.7, "Longitude": -117.98, "Population": 2142.0}, {"index": 11416, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.7, "Longitude": -117.98, "Population": 2142.0}, {"index": 11417, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 33.7, "Longitude": -117.96, "Population": 1865.0}, {"index": 11417, "quantile": 0.25, "value": 234500.00000000003, "Latitude": 33.7, "Longitude": -117.96, "Population": 1865.0}, {"index": 11417, "quantile": 0.5, "value": 286550.0, "Latitude": 33.7, "Longitude": -117.96, "Population": 1865.0}, {"index": 11417, "quantile": 0.75, "value": 335075.0, "Latitude": 33.7, "Longitude": -117.96, "Population": 1865.0}, {"index": 11417, "quantile": 1.0, "value": 495500.0, "Latitude": 33.7, "Longitude": -117.96, "Population": 1865.0}, {"index": 11418, "quantile": 0.0, "value": 159400.0, "Latitude": 33.7, "Longitude": -117.96, "Population": 1103.0}, {"index": 11418, "quantile": 0.25, "value": 236500.00000000003, "Latitude": 33.7, "Longitude": -117.96, "Population": 1103.0}, {"index": 11418, "quantile": 0.5, "value": 263800.0, "Latitude": 33.7, "Longitude": -117.96, "Population": 1103.0}, {"index": 11418, "quantile": 0.75, "value": 283000.0, "Latitude": 33.7, "Longitude": -117.96, "Population": 1103.0}, {"index": 11418, "quantile": 1.0, "value": 446800.0, "Latitude": 33.7, "Longitude": -117.96, "Population": 1103.0}, {"index": 11419, "quantile": 0.0, "value": 154800.0, "Latitude": 33.69, "Longitude": -117.96, "Population": 1319.0}, {"index": 11419, "quantile": 0.25, "value": 290400.0, "Latitude": 33.69, "Longitude": -117.96, "Population": 1319.0}, {"index": 11419, "quantile": 0.5, "value": 290400.0, "Latitude": 33.69, "Longitude": -117.96, "Population": 1319.0}, {"index": 11419, "quantile": 0.75, "value": 290400.0, "Latitude": 33.69, "Longitude": -117.96, "Population": 1319.0}, {"index": 11419, "quantile": 1.0, "value": 375000.0, "Latitude": 33.69, "Longitude": -117.96, "Population": 1319.0}, {"index": 11420, "quantile": 0.0, "value": 257100.00000000003, "Latitude": 33.69, "Longitude": -117.96, "Population": 1242.0}, {"index": 11420, "quantile": 0.25, "value": 316700.0, "Latitude": 33.69, "Longitude": -117.96, "Population": 1242.0}, {"index": 11420, "quantile": 0.5, "value": 316700.0, "Latitude": 33.69, "Longitude": -117.96, "Population": 1242.0}, {"index": 11420, "quantile": 0.75, "value": 317400.0, "Latitude": 33.69, "Longitude": -117.96, "Population": 1242.0}, {"index": 11420, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -117.96, "Population": 1242.0}, {"index": 11421, "quantile": 0.0, "value": 193300.0, "Latitude": 33.7, "Longitude": -117.98, "Population": 1736.0}, {"index": 11421, "quantile": 0.25, "value": 278000.0, "Latitude": 33.7, "Longitude": -117.98, "Population": 1736.0}, {"index": 11421, "quantile": 0.5, "value": 278000.0, "Latitude": 33.7, "Longitude": -117.98, "Population": 1736.0}, {"index": 11421, "quantile": 0.75, "value": 278000.0, "Latitude": 33.7, "Longitude": -117.98, "Population": 1736.0}, {"index": 11421, "quantile": 1.0, "value": 341300.0, "Latitude": 33.7, "Longitude": -117.98, "Population": 1736.0}, {"index": 11422, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 33.71, "Longitude": -117.98, "Population": 1601.0}, {"index": 11422, "quantile": 0.25, "value": 264600.0, "Latitude": 33.71, "Longitude": -117.98, "Population": 1601.0}, {"index": 11422, "quantile": 0.5, "value": 264600.0, "Latitude": 33.71, "Longitude": -117.98, "Population": 1601.0}, {"index": 11422, "quantile": 0.75, "value": 264600.0, "Latitude": 33.71, "Longitude": -117.98, "Population": 1601.0}, {"index": 11422, "quantile": 1.0, "value": 374200.0, "Latitude": 33.71, "Longitude": -117.98, "Population": 1601.0}, {"index": 11423, "quantile": 0.0, "value": 179500.0, "Latitude": 33.71, "Longitude": -117.97, "Population": 1337.0}, {"index": 11423, "quantile": 0.25, "value": 240000.0, "Latitude": 33.71, "Longitude": -117.97, "Population": 1337.0}, {"index": 11423, "quantile": 0.5, "value": 252900.0, "Latitude": 33.71, "Longitude": -117.97, "Population": 1337.0}, {"index": 11423, "quantile": 0.75, "value": 252900.0, "Latitude": 33.71, "Longitude": -117.97, "Population": 1337.0}, {"index": 11423, "quantile": 1.0, "value": 371700.0, "Latitude": 33.71, "Longitude": -117.97, "Population": 1337.0}, {"index": 11424, "quantile": 0.0, "value": 192900.0, "Latitude": 33.71, "Longitude": -117.97, "Population": 1645.0}, {"index": 11424, "quantile": 0.25, "value": 260900.0, "Latitude": 33.71, "Longitude": -117.97, "Population": 1645.0}, {"index": 11424, "quantile": 0.5, "value": 286100.0, "Latitude": 33.71, "Longitude": -117.97, "Population": 1645.0}, {"index": 11424, "quantile": 0.75, "value": 286100.0, "Latitude": 33.71, "Longitude": -117.97, "Population": 1645.0}, {"index": 11424, "quantile": 1.0, "value": 324900.0, "Latitude": 33.71, "Longitude": -117.97, "Population": 1645.0}, {"index": 11425, "quantile": 0.0, "value": 152100.0, "Latitude": 33.7, "Longitude": -117.99, "Population": 1063.0}, {"index": 11425, "quantile": 0.25, "value": 229400.0, "Latitude": 33.7, "Longitude": -117.99, "Population": 1063.0}, {"index": 11425, "quantile": 0.5, "value": 229400.0, "Latitude": 33.7, "Longitude": -117.99, "Population": 1063.0}, {"index": 11425, "quantile": 0.75, "value": 229400.0, "Latitude": 33.7, "Longitude": -117.99, "Population": 1063.0}, {"index": 11425, "quantile": 1.0, "value": 383800.0, "Latitude": 33.7, "Longitude": -117.99, "Population": 1063.0}, {"index": 11426, "quantile": 0.0, "value": 123900.00000000001, "Latitude": 33.7, "Longitude": -117.98, "Population": 952.0}, {"index": 11426, "quantile": 0.25, "value": 239200.0, "Latitude": 33.7, "Longitude": -117.98, "Population": 952.0}, {"index": 11426, "quantile": 0.5, "value": 239200.0, "Latitude": 33.7, "Longitude": -117.98, "Population": 952.0}, {"index": 11426, "quantile": 0.75, "value": 239200.0, "Latitude": 33.7, "Longitude": -117.98, "Population": 952.0}, {"index": 11426, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.7, "Longitude": -117.98, "Population": 952.0}, {"index": 11427, "quantile": 0.0, "value": 137000.0, "Latitude": 33.69, "Longitude": -117.99, "Population": 1715.0}, {"index": 11427, "quantile": 0.25, "value": 188100.0, "Latitude": 33.69, "Longitude": -117.99, "Population": 1715.0}, {"index": 11427, "quantile": 0.5, "value": 215500.00000000003, "Latitude": 33.69, "Longitude": -117.99, "Population": 1715.0}, {"index": 11427, "quantile": 0.75, "value": 248100.0, "Latitude": 33.69, "Longitude": -117.99, "Population": 1715.0}, {"index": 11427, "quantile": 1.0, "value": 311300.0, "Latitude": 33.69, "Longitude": -117.99, "Population": 1715.0}, {"index": 11428, "quantile": 0.0, "value": 175000.0, "Latitude": 33.69, "Longitude": -117.98, "Population": 986.0}, {"index": 11428, "quantile": 0.25, "value": 224100.0, "Latitude": 33.69, "Longitude": -117.98, "Population": 986.0}, {"index": 11428, "quantile": 0.5, "value": 278000.0, "Latitude": 33.69, "Longitude": -117.98, "Population": 986.0}, {"index": 11428, "quantile": 0.75, "value": 316625.0, "Latitude": 33.69, "Longitude": -117.98, "Population": 986.0}, {"index": 11428, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -117.98, "Population": 986.0}, {"index": 11429, "quantile": 0.0, "value": 164800.0, "Latitude": 33.67, "Longitude": -117.97, "Population": 1809.0}, {"index": 11429, "quantile": 0.25, "value": 265100.0, "Latitude": 33.67, "Longitude": -117.97, "Population": 1809.0}, {"index": 11429, "quantile": 0.5, "value": 265100.0, "Latitude": 33.67, "Longitude": -117.97, "Population": 1809.0}, {"index": 11429, "quantile": 0.75, "value": 266075.0, "Latitude": 33.67, "Longitude": -117.97, "Population": 1809.0}, {"index": 11429, "quantile": 1.0, "value": 491200.0, "Latitude": 33.67, "Longitude": -117.97, "Population": 1809.0}, {"index": 11430, "quantile": 0.0, "value": 181300.0, "Latitude": 33.66, "Longitude": -117.97, "Population": 1871.0}, {"index": 11430, "quantile": 0.25, "value": 260500.0, "Latitude": 33.66, "Longitude": -117.97, "Population": 1871.0}, {"index": 11430, "quantile": 0.5, "value": 281500.0, "Latitude": 33.66, "Longitude": -117.97, "Population": 1871.0}, {"index": 11430, "quantile": 0.75, "value": 281500.0, "Latitude": 33.66, "Longitude": -117.97, "Population": 1871.0}, {"index": 11430, "quantile": 1.0, "value": 374200.0, "Latitude": 33.66, "Longitude": -117.97, "Population": 1871.0}, {"index": 11431, "quantile": 0.0, "value": 276500.0, "Latitude": 33.67, "Longitude": -117.96, "Population": 2209.0}, {"index": 11431, "quantile": 0.25, "value": 340700.0, "Latitude": 33.67, "Longitude": -117.96, "Population": 2209.0}, {"index": 11431, "quantile": 0.5, "value": 382100.0, "Latitude": 33.67, "Longitude": -117.96, "Population": 2209.0}, {"index": 11431, "quantile": 0.75, "value": 382100.0, "Latitude": 33.67, "Longitude": -117.96, "Population": 2209.0}, {"index": 11431, "quantile": 1.0, "value": 390800.0, "Latitude": 33.67, "Longitude": -117.96, "Population": 2209.0}, {"index": 11432, "quantile": 0.0, "value": 273900.0, "Latitude": 33.66, "Longitude": -117.96, "Population": 2302.0}, {"index": 11432, "quantile": 0.25, "value": 333300.0, "Latitude": 33.66, "Longitude": -117.96, "Population": 2302.0}, {"index": 11432, "quantile": 0.5, "value": 333300.0, "Latitude": 33.66, "Longitude": -117.96, "Population": 2302.0}, {"index": 11432, "quantile": 0.75, "value": 333300.0, "Latitude": 33.66, "Longitude": -117.96, "Population": 2302.0}, {"index": 11432, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.96, "Population": 2302.0}, {"index": 11433, "quantile": 0.0, "value": 284600.0, "Latitude": 33.65, "Longitude": -117.96, "Population": 1826.0}, {"index": 11433, "quantile": 0.25, "value": 350600.0, "Latitude": 33.65, "Longitude": -117.96, "Population": 1826.0}, {"index": 11433, "quantile": 0.5, "value": 350600.0, "Latitude": 33.65, "Longitude": -117.96, "Population": 1826.0}, {"index": 11433, "quantile": 0.75, "value": 350600.0, "Latitude": 33.65, "Longitude": -117.96, "Population": 1826.0}, {"index": 11433, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.96, "Population": 1826.0}, {"index": 11434, "quantile": 0.0, "value": 110900.0, "Latitude": 33.65, "Longitude": -117.97, "Population": 988.0}, {"index": 11434, "quantile": 0.25, "value": 266825.0, "Latitude": 33.65, "Longitude": -117.97, "Population": 988.0}, {"index": 11434, "quantile": 0.5, "value": 339300.0, "Latitude": 33.65, "Longitude": -117.97, "Population": 988.0}, {"index": 11434, "quantile": 0.75, "value": 339300.0, "Latitude": 33.65, "Longitude": -117.97, "Population": 988.0}, {"index": 11434, "quantile": 1.0, "value": 367000.0, "Latitude": 33.65, "Longitude": -117.97, "Population": 988.0}, {"index": 11435, "quantile": 0.0, "value": 187500.0, "Latitude": 33.63, "Longitude": -117.97, "Population": 960.0}, {"index": 11435, "quantile": 0.25, "value": 286850.0, "Latitude": 33.63, "Longitude": -117.97, "Population": 960.0}, {"index": 11435, "quantile": 0.5, "value": 293800.0, "Latitude": 33.63, "Longitude": -117.97, "Population": 960.0}, {"index": 11435, "quantile": 0.75, "value": 349525.00000000006, "Latitude": 33.63, "Longitude": -117.97, "Population": 960.0}, {"index": 11435, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.63, "Longitude": -117.97, "Population": 960.0}, {"index": 11436, "quantile": 0.0, "value": 105300.0, "Latitude": 33.65, "Longitude": -117.96, "Population": 1943.0}, {"index": 11436, "quantile": 0.25, "value": 265625.0, "Latitude": 33.65, "Longitude": -117.96, "Population": 1943.0}, {"index": 11436, "quantile": 0.5, "value": 287800.0, "Latitude": 33.65, "Longitude": -117.96, "Population": 1943.0}, {"index": 11436, "quantile": 0.75, "value": 313000.0, "Latitude": 33.65, "Longitude": -117.96, "Population": 1943.0}, {"index": 11436, "quantile": 1.0, "value": 495500.0, "Latitude": 33.65, "Longitude": -117.96, "Population": 1943.0}, {"index": 11437, "quantile": 0.0, "value": 173200.0, "Latitude": 33.65, "Longitude": -117.96, "Population": 910.0}, {"index": 11437, "quantile": 0.25, "value": 304700.0, "Latitude": 33.65, "Longitude": -117.96, "Population": 910.0}, {"index": 11437, "quantile": 0.5, "value": 366350.0, "Latitude": 33.65, "Longitude": -117.96, "Population": 910.0}, {"index": 11437, "quantile": 0.75, "value": 451499.99999999994, "Latitude": 33.65, "Longitude": -117.96, "Population": 910.0}, {"index": 11437, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.96, "Population": 910.0}, {"index": 11438, "quantile": 0.0, "value": 136400.0, "Latitude": 33.65, "Longitude": -117.96, "Population": 1549.0}, {"index": 11438, "quantile": 0.25, "value": 270300.0, "Latitude": 33.65, "Longitude": -117.96, "Population": 1549.0}, {"index": 11438, "quantile": 0.5, "value": 363100.0, "Latitude": 33.65, "Longitude": -117.96, "Population": 1549.0}, {"index": 11438, "quantile": 0.75, "value": 363100.0, "Latitude": 33.65, "Longitude": -117.96, "Population": 1549.0}, {"index": 11438, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -117.96, "Population": 1549.0}, {"index": 11439, "quantile": 0.0, "value": 127200.0, "Latitude": 33.61, "Longitude": -117.98, "Population": 836.0}, {"index": 11439, "quantile": 0.25, "value": 383900.0, "Latitude": 33.61, "Longitude": -117.98, "Population": 836.0}, {"index": 11439, "quantile": 0.5, "value": 383900.0, "Latitude": 33.61, "Longitude": -117.98, "Population": 836.0}, {"index": 11439, "quantile": 0.75, "value": 383900.0, "Latitude": 33.61, "Longitude": -117.98, "Population": 836.0}, {"index": 11439, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.61, "Longitude": -117.98, "Population": 836.0}, {"index": 11440, "quantile": 0.0, "value": 156000.0, "Latitude": 33.73, "Longitude": -117.97, "Population": 2046.0}, {"index": 11440, "quantile": 0.25, "value": 252000.0, "Latitude": 33.73, "Longitude": -117.97, "Population": 2046.0}, {"index": 11440, "quantile": 0.5, "value": 275699.99999999994, "Latitude": 33.73, "Longitude": -117.97, "Population": 2046.0}, {"index": 11440, "quantile": 0.75, "value": 288600.0, "Latitude": 33.73, "Longitude": -117.97, "Population": 2046.0}, {"index": 11440, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.73, "Longitude": -117.97, "Population": 2046.0}, {"index": 11441, "quantile": 0.0, "value": 106300.0, "Latitude": 33.73, "Longitude": -117.98, "Population": 2192.0}, {"index": 11441, "quantile": 0.25, "value": 219700.0, "Latitude": 33.73, "Longitude": -117.98, "Population": 2192.0}, {"index": 11441, "quantile": 0.5, "value": 219700.0, "Latitude": 33.73, "Longitude": -117.98, "Population": 2192.0}, {"index": 11441, "quantile": 0.75, "value": 219700.0, "Latitude": 33.73, "Longitude": -117.98, "Population": 2192.0}, {"index": 11441, "quantile": 1.0, "value": 363100.0, "Latitude": 33.73, "Longitude": -117.98, "Population": 2192.0}, {"index": 11442, "quantile": 0.0, "value": 181100.0, "Latitude": 33.72, "Longitude": -117.98, "Population": 1738.0}, {"index": 11442, "quantile": 0.25, "value": 240400.0, "Latitude": 33.72, "Longitude": -117.98, "Population": 1738.0}, {"index": 11442, "quantile": 0.5, "value": 240400.0, "Latitude": 33.72, "Longitude": -117.98, "Population": 1738.0}, {"index": 11442, "quantile": 0.75, "value": 240400.0, "Latitude": 33.72, "Longitude": -117.98, "Population": 1738.0}, {"index": 11442, "quantile": 1.0, "value": 341200.0, "Latitude": 33.72, "Longitude": -117.98, "Population": 1738.0}, {"index": 11443, "quantile": 0.0, "value": 179500.0, "Latitude": 33.72, "Longitude": -117.98, "Population": 1891.0}, {"index": 11443, "quantile": 0.25, "value": 225325.0, "Latitude": 33.72, "Longitude": -117.98, "Population": 1891.0}, {"index": 11443, "quantile": 0.5, "value": 243100.0, "Latitude": 33.72, "Longitude": -117.98, "Population": 1891.0}, {"index": 11443, "quantile": 0.75, "value": 243100.0, "Latitude": 33.72, "Longitude": -117.98, "Population": 1891.0}, {"index": 11443, "quantile": 1.0, "value": 350000.0, "Latitude": 33.72, "Longitude": -117.98, "Population": 1891.0}, {"index": 11444, "quantile": 0.0, "value": 177400.0, "Latitude": 33.67, "Longitude": -117.98, "Population": 2493.0}, {"index": 11444, "quantile": 0.25, "value": 264700.0, "Latitude": 33.67, "Longitude": -117.98, "Population": 2493.0}, {"index": 11444, "quantile": 0.5, "value": 264700.0, "Latitude": 33.67, "Longitude": -117.98, "Population": 2493.0}, {"index": 11444, "quantile": 0.75, "value": 285250.0, "Latitude": 33.67, "Longitude": -117.98, "Population": 2493.0}, {"index": 11444, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.98, "Population": 2493.0}, {"index": 11445, "quantile": 0.0, "value": 221000.0, "Latitude": 33.66, "Longitude": -117.98, "Population": 1615.0}, {"index": 11445, "quantile": 0.25, "value": 279400.0, "Latitude": 33.66, "Longitude": -117.98, "Population": 1615.0}, {"index": 11445, "quantile": 0.5, "value": 279400.0, "Latitude": 33.66, "Longitude": -117.98, "Population": 1615.0}, {"index": 11445, "quantile": 0.75, "value": 279400.0, "Latitude": 33.66, "Longitude": -117.98, "Population": 1615.0}, {"index": 11445, "quantile": 1.0, "value": 381500.0, "Latitude": 33.66, "Longitude": -117.98, "Population": 1615.0}, {"index": 11446, "quantile": 0.0, "value": 262000.0, "Latitude": 33.67, "Longitude": -117.97, "Population": 2166.0}, {"index": 11446, "quantile": 0.25, "value": 330700.0, "Latitude": 33.67, "Longitude": -117.97, "Population": 2166.0}, {"index": 11446, "quantile": 0.5, "value": 330700.0, "Latitude": 33.67, "Longitude": -117.97, "Population": 2166.0}, {"index": 11446, "quantile": 0.75, "value": 330700.0, "Latitude": 33.67, "Longitude": -117.97, "Population": 2166.0}, {"index": 11446, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.97, "Population": 2166.0}, {"index": 11447, "quantile": 0.0, "value": 80300.0, "Latitude": 33.66, "Longitude": -117.97, "Population": 1974.0}, {"index": 11447, "quantile": 0.25, "value": 180300.0, "Latitude": 33.66, "Longitude": -117.97, "Population": 1974.0}, {"index": 11447, "quantile": 0.5, "value": 180300.0, "Latitude": 33.66, "Longitude": -117.97, "Population": 1974.0}, {"index": 11447, "quantile": 0.75, "value": 180300.0, "Latitude": 33.66, "Longitude": -117.97, "Population": 1974.0}, {"index": 11447, "quantile": 1.0, "value": 408300.0, "Latitude": 33.66, "Longitude": -117.97, "Population": 1974.0}, {"index": 11448, "quantile": 0.0, "value": 194100.0, "Latitude": 33.68, "Longitude": -117.98, "Population": 1542.0}, {"index": 11448, "quantile": 0.25, "value": 319500.0, "Latitude": 33.68, "Longitude": -117.98, "Population": 1542.0}, {"index": 11448, "quantile": 0.5, "value": 341400.0, "Latitude": 33.68, "Longitude": -117.98, "Population": 1542.0}, {"index": 11448, "quantile": 0.75, "value": 364075.0, "Latitude": 33.68, "Longitude": -117.98, "Population": 1542.0}, {"index": 11448, "quantile": 1.0, "value": 462700.0, "Latitude": 33.68, "Longitude": -117.98, "Population": 1542.0}, {"index": 11449, "quantile": 0.0, "value": 228200.0, "Latitude": 33.68, "Longitude": -117.98, "Population": 1704.0}, {"index": 11449, "quantile": 0.25, "value": 281900.0, "Latitude": 33.68, "Longitude": -117.98, "Population": 1704.0}, {"index": 11449, "quantile": 0.5, "value": 281900.0, "Latitude": 33.68, "Longitude": -117.98, "Population": 1704.0}, {"index": 11449, "quantile": 0.75, "value": 281900.0, "Latitude": 33.68, "Longitude": -117.98, "Population": 1704.0}, {"index": 11449, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.68, "Longitude": -117.98, "Population": 1704.0}, {"index": 11450, "quantile": 0.0, "value": 236800.0, "Latitude": 33.68, "Longitude": -117.98, "Population": 1265.0}, {"index": 11450, "quantile": 0.25, "value": 325675.0, "Latitude": 33.68, "Longitude": -117.98, "Population": 1265.0}, {"index": 11450, "quantile": 0.5, "value": 332900.0, "Latitude": 33.68, "Longitude": -117.98, "Population": 1265.0}, {"index": 11450, "quantile": 0.75, "value": 332900.0, "Latitude": 33.68, "Longitude": -117.98, "Population": 1265.0}, {"index": 11450, "quantile": 1.0, "value": 393100.0, "Latitude": 33.68, "Longitude": -117.98, "Population": 1265.0}, {"index": 11451, "quantile": 0.0, "value": 267000.0, "Latitude": 33.68, "Longitude": -117.97, "Population": 2221.0}, {"index": 11451, "quantile": 0.25, "value": 342200.0, "Latitude": 33.68, "Longitude": -117.97, "Population": 2221.0}, {"index": 11451, "quantile": 0.5, "value": 390800.0, "Latitude": 33.68, "Longitude": -117.97, "Population": 2221.0}, {"index": 11451, "quantile": 0.75, "value": 390800.0, "Latitude": 33.68, "Longitude": -117.97, "Population": 2221.0}, {"index": 11451, "quantile": 1.0, "value": 390800.0, "Latitude": 33.68, "Longitude": -117.97, "Population": 2221.0}, {"index": 11452, "quantile": 0.0, "value": 159600.0, "Latitude": 33.68, "Longitude": -117.97, "Population": 700.0}, {"index": 11452, "quantile": 0.25, "value": 232100.00000000003, "Latitude": 33.68, "Longitude": -117.97, "Population": 700.0}, {"index": 11452, "quantile": 0.5, "value": 232100.00000000003, "Latitude": 33.68, "Longitude": -117.97, "Population": 700.0}, {"index": 11452, "quantile": 0.75, "value": 233900.0, "Latitude": 33.68, "Longitude": -117.97, "Population": 700.0}, {"index": 11452, "quantile": 1.0, "value": 430600.0, "Latitude": 33.68, "Longitude": -117.97, "Population": 700.0}, {"index": 11453, "quantile": 0.0, "value": 190300.0, "Latitude": 33.67, "Longitude": -118.01, "Population": 1125.0}, {"index": 11453, "quantile": 0.25, "value": 396900.0, "Latitude": 33.67, "Longitude": -118.01, "Population": 1125.0}, {"index": 11453, "quantile": 0.5, "value": 447700.00000000006, "Latitude": 33.67, "Longitude": -118.01, "Population": 1125.0}, {"index": 11453, "quantile": 0.75, "value": 447700.00000000006, "Latitude": 33.67, "Longitude": -118.01, "Population": 1125.0}, {"index": 11453, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -118.01, "Population": 1125.0}, {"index": 11454, "quantile": 0.0, "value": 134100.0, "Latitude": 33.67, "Longitude": -118.01, "Population": 1644.0}, {"index": 11454, "quantile": 0.25, "value": 184475.0, "Latitude": 33.67, "Longitude": -118.01, "Population": 1644.0}, {"index": 11454, "quantile": 0.5, "value": 251100.0, "Latitude": 33.67, "Longitude": -118.01, "Population": 1644.0}, {"index": 11454, "quantile": 0.75, "value": 287175.0, "Latitude": 33.67, "Longitude": -118.01, "Population": 1644.0}, {"index": 11454, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -118.01, "Population": 1644.0}, {"index": 11455, "quantile": 0.0, "value": 126000.0, "Latitude": 33.66, "Longitude": -118.01, "Population": 1949.0}, {"index": 11455, "quantile": 0.25, "value": 348675.0, "Latitude": 33.66, "Longitude": -118.01, "Population": 1949.0}, {"index": 11455, "quantile": 0.5, "value": 429200.0, "Latitude": 33.66, "Longitude": -118.01, "Population": 1949.0}, {"index": 11455, "quantile": 0.75, "value": 429200.0, "Latitude": 33.66, "Longitude": -118.01, "Population": 1949.0}, {"index": 11455, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -118.01, "Population": 1949.0}, {"index": 11456, "quantile": 0.0, "value": 189800.0, "Latitude": 33.66, "Longitude": -118.0, "Population": 1689.0}, {"index": 11456, "quantile": 0.25, "value": 352950.0, "Latitude": 33.66, "Longitude": -118.0, "Population": 1689.0}, {"index": 11456, "quantile": 0.5, "value": 442699.99999999994, "Latitude": 33.66, "Longitude": -118.0, "Population": 1689.0}, {"index": 11456, "quantile": 0.75, "value": 442699.99999999994, "Latitude": 33.66, "Longitude": -118.0, "Population": 1689.0}, {"index": 11456, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -118.0, "Population": 1689.0}, {"index": 11457, "quantile": 0.0, "value": 117600.0, "Latitude": 33.65, "Longitude": -118.02, "Population": 755.0}, {"index": 11457, "quantile": 0.25, "value": 307600.0, "Latitude": 33.65, "Longitude": -118.02, "Population": 755.0}, {"index": 11457, "quantile": 0.5, "value": 408300.0, "Latitude": 33.65, "Longitude": -118.02, "Population": 755.0}, {"index": 11457, "quantile": 0.75, "value": 408300.0, "Latitude": 33.65, "Longitude": -118.02, "Population": 755.0}, {"index": 11457, "quantile": 1.0, "value": 450000.0, "Latitude": 33.65, "Longitude": -118.02, "Population": 755.0}, {"index": 11458, "quantile": 0.0, "value": 141300.0, "Latitude": 33.68, "Longitude": -117.99, "Population": 1999.0}, {"index": 11458, "quantile": 0.25, "value": 273600.0, "Latitude": 33.68, "Longitude": -117.99, "Population": 1999.0}, {"index": 11458, "quantile": 0.5, "value": 273600.0, "Latitude": 33.68, "Longitude": -117.99, "Population": 1999.0}, {"index": 11458, "quantile": 0.75, "value": 273600.0, "Latitude": 33.68, "Longitude": -117.99, "Population": 1999.0}, {"index": 11458, "quantile": 1.0, "value": 430900.0, "Latitude": 33.68, "Longitude": -117.99, "Population": 1999.0}, {"index": 11459, "quantile": 0.0, "value": 116700.0, "Latitude": 33.68, "Longitude": -117.99, "Population": 1047.0}, {"index": 11459, "quantile": 0.25, "value": 186900.0, "Latitude": 33.68, "Longitude": -117.99, "Population": 1047.0}, {"index": 11459, "quantile": 0.5, "value": 186900.0, "Latitude": 33.68, "Longitude": -117.99, "Population": 1047.0}, {"index": 11459, "quantile": 0.75, "value": 199475.0, "Latitude": 33.68, "Longitude": -117.99, "Population": 1047.0}, {"index": 11459, "quantile": 1.0, "value": 430900.0, "Latitude": 33.68, "Longitude": -117.99, "Population": 1047.0}, {"index": 11460, "quantile": 0.0, "value": 125899.99999999999, "Latitude": 33.67, "Longitude": -117.99, "Population": 1729.0}, {"index": 11460, "quantile": 0.25, "value": 195350.0, "Latitude": 33.67, "Longitude": -117.99, "Population": 1729.0}, {"index": 11460, "quantile": 0.5, "value": 226399.99999999997, "Latitude": 33.67, "Longitude": -117.99, "Population": 1729.0}, {"index": 11460, "quantile": 0.75, "value": 251625.0, "Latitude": 33.67, "Longitude": -117.99, "Population": 1729.0}, {"index": 11460, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.99, "Population": 1729.0}, {"index": 11461, "quantile": 0.0, "value": 145700.0, "Latitude": 33.68, "Longitude": -117.99, "Population": 2272.0}, {"index": 11461, "quantile": 0.25, "value": 216699.99999999997, "Latitude": 33.68, "Longitude": -117.99, "Population": 2272.0}, {"index": 11461, "quantile": 0.5, "value": 216699.99999999997, "Latitude": 33.68, "Longitude": -117.99, "Population": 2272.0}, {"index": 11461, "quantile": 0.75, "value": 216699.99999999997, "Latitude": 33.68, "Longitude": -117.99, "Population": 2272.0}, {"index": 11461, "quantile": 1.0, "value": 287500.0, "Latitude": 33.68, "Longitude": -117.99, "Population": 2272.0}, {"index": 11462, "quantile": 0.0, "value": 110700.0, "Latitude": 33.67, "Longitude": -117.99, "Population": 1776.0}, {"index": 11462, "quantile": 0.25, "value": 220000.00000000003, "Latitude": 33.67, "Longitude": -117.99, "Population": 1776.0}, {"index": 11462, "quantile": 0.5, "value": 249600.0, "Latitude": 33.67, "Longitude": -117.99, "Population": 1776.0}, {"index": 11462, "quantile": 0.75, "value": 277450.0, "Latitude": 33.67, "Longitude": -117.99, "Population": 1776.0}, {"index": 11462, "quantile": 1.0, "value": 479000.0, "Latitude": 33.67, "Longitude": -117.99, "Population": 1776.0}, {"index": 11463, "quantile": 0.0, "value": 87500.0, "Latitude": 33.67, "Longitude": -117.99, "Population": 1122.0}, {"index": 11463, "quantile": 0.25, "value": 244050.0, "Latitude": 33.67, "Longitude": -117.99, "Population": 1122.0}, {"index": 11463, "quantile": 0.5, "value": 350000.0, "Latitude": 33.67, "Longitude": -117.99, "Population": 1122.0}, {"index": 11463, "quantile": 0.75, "value": 350000.0, "Latitude": 33.67, "Longitude": -117.99, "Population": 1122.0}, {"index": 11463, "quantile": 1.0, "value": 350000.0, "Latitude": 33.67, "Longitude": -117.99, "Population": 1122.0}, {"index": 11464, "quantile": 0.0, "value": 119100.0, "Latitude": 33.67, "Longitude": -117.99, "Population": 903.0}, {"index": 11464, "quantile": 0.25, "value": 162500.0, "Latitude": 33.67, "Longitude": -117.99, "Population": 903.0}, {"index": 11464, "quantile": 0.5, "value": 190300.0, "Latitude": 33.67, "Longitude": -117.99, "Population": 903.0}, {"index": 11464, "quantile": 0.75, "value": 252900.0, "Latitude": 33.67, "Longitude": -117.99, "Population": 903.0}, {"index": 11464, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.99, "Population": 903.0}, {"index": 11465, "quantile": 0.0, "value": 94600.0, "Latitude": 33.66, "Longitude": -118.0, "Population": 1260.0}, {"index": 11465, "quantile": 0.25, "value": 219350.00000000003, "Latitude": 33.66, "Longitude": -118.0, "Population": 1260.0}, {"index": 11465, "quantile": 0.5, "value": 252900.0, "Latitude": 33.66, "Longitude": -118.0, "Population": 1260.0}, {"index": 11465, "quantile": 0.75, "value": 252900.0, "Latitude": 33.66, "Longitude": -118.0, "Population": 1260.0}, {"index": 11465, "quantile": 1.0, "value": 430900.0, "Latitude": 33.66, "Longitude": -118.0, "Population": 1260.0}, {"index": 11466, "quantile": 0.0, "value": 161000.0, "Latitude": 33.66, "Longitude": -117.99, "Population": 613.0}, {"index": 11466, "quantile": 0.25, "value": 348750.0, "Latitude": 33.66, "Longitude": -117.99, "Population": 613.0}, {"index": 11466, "quantile": 0.5, "value": 353100.0, "Latitude": 33.66, "Longitude": -117.99, "Population": 613.0}, {"index": 11466, "quantile": 0.75, "value": 353100.0, "Latitude": 33.66, "Longitude": -117.99, "Population": 613.0}, {"index": 11466, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.66, "Longitude": -117.99, "Population": 613.0}, {"index": 11467, "quantile": 0.0, "value": 93800.0, "Latitude": 33.66, "Longitude": -117.99, "Population": 951.0}, {"index": 11467, "quantile": 0.25, "value": 213400.00000000003, "Latitude": 33.66, "Longitude": -117.99, "Population": 951.0}, {"index": 11467, "quantile": 0.5, "value": 268800.0, "Latitude": 33.66, "Longitude": -117.99, "Population": 951.0}, {"index": 11467, "quantile": 0.75, "value": 268800.0, "Latitude": 33.66, "Longitude": -117.99, "Population": 951.0}, {"index": 11467, "quantile": 1.0, "value": 456200.0, "Latitude": 33.66, "Longitude": -117.99, "Population": 951.0}, {"index": 11468, "quantile": 0.0, "value": 158500.0, "Latitude": 33.62, "Longitude": -118.02, "Population": 1508.0}, {"index": 11468, "quantile": 0.25, "value": 250525.00000000003, "Latitude": 33.62, "Longitude": -118.02, "Population": 1508.0}, {"index": 11468, "quantile": 0.5, "value": 271400.0, "Latitude": 33.62, "Longitude": -118.02, "Population": 1508.0}, {"index": 11468, "quantile": 0.75, "value": 271400.0, "Latitude": 33.62, "Longitude": -118.02, "Population": 1508.0}, {"index": 11468, "quantile": 1.0, "value": 429200.0, "Latitude": 33.62, "Longitude": -118.02, "Population": 1508.0}, {"index": 11469, "quantile": 0.0, "value": 453800.0, "Latitude": 33.65, "Longitude": -118.05, "Population": 2427.0}, {"index": 11469, "quantile": 0.25, "value": 477700.0, "Latitude": 33.65, "Longitude": -118.05, "Population": 2427.0}, {"index": 11469, "quantile": 0.5, "value": 477700.0, "Latitude": 33.65, "Longitude": -118.05, "Population": 2427.0}, {"index": 11469, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -118.05, "Population": 2427.0}, {"index": 11469, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -118.05, "Population": 2427.0}, {"index": 11470, "quantile": 0.0, "value": 182400.0, "Latitude": 33.68, "Longitude": -118.0, "Population": 2048.0}, {"index": 11470, "quantile": 0.25, "value": 285400.0, "Latitude": 33.68, "Longitude": -118.0, "Population": 2048.0}, {"index": 11470, "quantile": 0.5, "value": 285400.0, "Latitude": 33.68, "Longitude": -118.0, "Population": 2048.0}, {"index": 11470, "quantile": 0.75, "value": 317975.0, "Latitude": 33.68, "Longitude": -118.0, "Population": 2048.0}, {"index": 11470, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.68, "Longitude": -118.0, "Population": 2048.0}, {"index": 11471, "quantile": 0.0, "value": 177100.0, "Latitude": 33.67, "Longitude": -118.0, "Population": 1521.0}, {"index": 11471, "quantile": 0.25, "value": 324425.0, "Latitude": 33.67, "Longitude": -118.0, "Population": 1521.0}, {"index": 11471, "quantile": 0.5, "value": 387800.0, "Latitude": 33.67, "Longitude": -118.0, "Population": 1521.0}, {"index": 11471, "quantile": 0.75, "value": 387800.0, "Latitude": 33.67, "Longitude": -118.0, "Population": 1521.0}, {"index": 11471, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -118.0, "Population": 1521.0}, {"index": 11472, "quantile": 0.0, "value": 137000.0, "Latitude": 33.71, "Longitude": -118.0, "Population": 2422.0}, {"index": 11472, "quantile": 0.25, "value": 235025.0, "Latitude": 33.71, "Longitude": -118.0, "Population": 2422.0}, {"index": 11472, "quantile": 0.5, "value": 279700.0, "Latitude": 33.71, "Longitude": -118.0, "Population": 2422.0}, {"index": 11472, "quantile": 0.75, "value": 279700.0, "Latitude": 33.71, "Longitude": -118.0, "Population": 2422.0}, {"index": 11472, "quantile": 1.0, "value": 350000.0, "Latitude": 33.71, "Longitude": -118.0, "Population": 2422.0}, {"index": 11473, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 33.71, "Longitude": -117.99, "Population": 3031.0}, {"index": 11473, "quantile": 0.25, "value": 180200.0, "Latitude": 33.71, "Longitude": -117.99, "Population": 3031.0}, {"index": 11473, "quantile": 0.5, "value": 237500.0, "Latitude": 33.71, "Longitude": -117.99, "Population": 3031.0}, {"index": 11473, "quantile": 0.75, "value": 237500.0, "Latitude": 33.71, "Longitude": -117.99, "Population": 3031.0}, {"index": 11473, "quantile": 1.0, "value": 237500.0, "Latitude": 33.71, "Longitude": -117.99, "Population": 3031.0}, {"index": 11474, "quantile": 0.0, "value": 105300.0, "Latitude": 33.71, "Longitude": -117.99, "Population": 1803.0}, {"index": 11474, "quantile": 0.25, "value": 191025.0, "Latitude": 33.71, "Longitude": -117.99, "Population": 1803.0}, {"index": 11474, "quantile": 0.5, "value": 216699.99999999997, "Latitude": 33.71, "Longitude": -117.99, "Population": 1803.0}, {"index": 11474, "quantile": 0.75, "value": 216699.99999999997, "Latitude": 33.71, "Longitude": -117.99, "Population": 1803.0}, {"index": 11474, "quantile": 1.0, "value": 248100.0, "Latitude": 33.71, "Longitude": -117.99, "Population": 1803.0}, {"index": 11475, "quantile": 0.0, "value": 158200.0, "Latitude": 33.71, "Longitude": -118.02, "Population": 2408.0}, {"index": 11475, "quantile": 0.25, "value": 296125.0, "Latitude": 33.71, "Longitude": -118.02, "Population": 2408.0}, {"index": 11475, "quantile": 0.5, "value": 331900.0, "Latitude": 33.71, "Longitude": -118.02, "Population": 2408.0}, {"index": 11475, "quantile": 0.75, "value": 331900.0, "Latitude": 33.71, "Longitude": -118.02, "Population": 2408.0}, {"index": 11475, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -118.02, "Population": 2408.0}, {"index": 11476, "quantile": 0.0, "value": 178100.0, "Latitude": 33.7, "Longitude": -118.02, "Population": 2473.0}, {"index": 11476, "quantile": 0.25, "value": 248400.0, "Latitude": 33.7, "Longitude": -118.02, "Population": 2473.0}, {"index": 11476, "quantile": 0.5, "value": 273800.0, "Latitude": 33.7, "Longitude": -118.02, "Population": 2473.0}, {"index": 11476, "quantile": 0.75, "value": 286550.0, "Latitude": 33.7, "Longitude": -118.02, "Population": 2473.0}, {"index": 11476, "quantile": 1.0, "value": 480800.0, "Latitude": 33.7, "Longitude": -118.02, "Population": 2473.0}, {"index": 11477, "quantile": 0.0, "value": 152100.0, "Latitude": 33.72, "Longitude": -118.02, "Population": 4404.0}, {"index": 11477, "quantile": 0.25, "value": 251100.0, "Latitude": 33.72, "Longitude": -118.02, "Population": 4404.0}, {"index": 11477, "quantile": 0.5, "value": 267800.0, "Latitude": 33.72, "Longitude": -118.02, "Population": 4404.0}, {"index": 11477, "quantile": 0.75, "value": 267800.0, "Latitude": 33.72, "Longitude": -118.02, "Population": 4404.0}, {"index": 11477, "quantile": 1.0, "value": 383800.0, "Latitude": 33.72, "Longitude": -118.02, "Population": 4404.0}, {"index": 11478, "quantile": 0.0, "value": 270100.0, "Latitude": 33.73, "Longitude": -118.01, "Population": 1766.0}, {"index": 11478, "quantile": 0.25, "value": 302500.0, "Latitude": 33.73, "Longitude": -118.01, "Population": 1766.0}, {"index": 11478, "quantile": 0.5, "value": 302500.0, "Latitude": 33.73, "Longitude": -118.01, "Population": 1766.0}, {"index": 11478, "quantile": 0.75, "value": 302500.0, "Latitude": 33.73, "Longitude": -118.01, "Population": 1766.0}, {"index": 11478, "quantile": 1.0, "value": 433000.0, "Latitude": 33.73, "Longitude": -118.01, "Population": 1766.0}, {"index": 11479, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 33.73, "Longitude": -118.02, "Population": 2743.0}, {"index": 11479, "quantile": 0.25, "value": 246100.00000000003, "Latitude": 33.73, "Longitude": -118.02, "Population": 2743.0}, {"index": 11479, "quantile": 0.5, "value": 266300.0, "Latitude": 33.73, "Longitude": -118.02, "Population": 2743.0}, {"index": 11479, "quantile": 0.75, "value": 331900.0, "Latitude": 33.73, "Longitude": -118.02, "Population": 2743.0}, {"index": 11479, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -118.02, "Population": 2743.0}, {"index": 11480, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 33.72, "Longitude": -118.03, "Population": 2465.0}, {"index": 11480, "quantile": 0.25, "value": 261000.0, "Latitude": 33.72, "Longitude": -118.03, "Population": 2465.0}, {"index": 11480, "quantile": 0.5, "value": 261000.0, "Latitude": 33.72, "Longitude": -118.03, "Population": 2465.0}, {"index": 11480, "quantile": 0.75, "value": 261000.0, "Latitude": 33.72, "Longitude": -118.03, "Population": 2465.0}, {"index": 11480, "quantile": 1.0, "value": 390200.0, "Latitude": 33.72, "Longitude": -118.03, "Population": 2465.0}, {"index": 11481, "quantile": 0.0, "value": 192600.0, "Latitude": 33.72, "Longitude": -118.04, "Population": 3418.0}, {"index": 11481, "quantile": 0.25, "value": 237800.0, "Latitude": 33.72, "Longitude": -118.04, "Population": 3418.0}, {"index": 11481, "quantile": 0.5, "value": 237800.0, "Latitude": 33.72, "Longitude": -118.04, "Population": 3418.0}, {"index": 11481, "quantile": 0.75, "value": 237800.0, "Latitude": 33.72, "Longitude": -118.04, "Population": 3418.0}, {"index": 11481, "quantile": 1.0, "value": 342600.0, "Latitude": 33.72, "Longitude": -118.04, "Population": 3418.0}, {"index": 11482, "quantile": 0.0, "value": 112500.0, "Latitude": 33.73, "Longitude": -117.99, "Population": 1181.0}, {"index": 11482, "quantile": 0.25, "value": 194025.0, "Latitude": 33.73, "Longitude": -117.99, "Population": 1181.0}, {"index": 11482, "quantile": 0.5, "value": 215099.99999999997, "Latitude": 33.73, "Longitude": -117.99, "Population": 1181.0}, {"index": 11482, "quantile": 0.75, "value": 229599.99999999997, "Latitude": 33.73, "Longitude": -117.99, "Population": 1181.0}, {"index": 11482, "quantile": 1.0, "value": 450000.0, "Latitude": 33.73, "Longitude": -117.99, "Population": 1181.0}, {"index": 11483, "quantile": 0.0, "value": 270100.0, "Latitude": 33.73, "Longitude": -118.0, "Population": 809.0}, {"index": 11483, "quantile": 0.25, "value": 342800.0, "Latitude": 33.73, "Longitude": -118.0, "Population": 809.0}, {"index": 11483, "quantile": 0.5, "value": 342800.0, "Latitude": 33.73, "Longitude": -118.0, "Population": 809.0}, {"index": 11483, "quantile": 0.75, "value": 342800.0, "Latitude": 33.73, "Longitude": -118.0, "Population": 809.0}, {"index": 11483, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -118.0, "Population": 809.0}, {"index": 11484, "quantile": 0.0, "value": 45000.0, "Latitude": 33.73, "Longitude": -117.99, "Population": 1770.0}, {"index": 11484, "quantile": 0.25, "value": 220800.00000000003, "Latitude": 33.73, "Longitude": -117.99, "Population": 1770.0}, {"index": 11484, "quantile": 0.5, "value": 220800.00000000003, "Latitude": 33.73, "Longitude": -117.99, "Population": 1770.0}, {"index": 11484, "quantile": 0.75, "value": 220800.00000000003, "Latitude": 33.73, "Longitude": -117.99, "Population": 1770.0}, {"index": 11484, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -117.99, "Population": 1770.0}, {"index": 11485, "quantile": 0.0, "value": 159600.0, "Latitude": 33.72, "Longitude": -117.99, "Population": 801.0}, {"index": 11485, "quantile": 0.25, "value": 255700.0, "Latitude": 33.72, "Longitude": -117.99, "Population": 801.0}, {"index": 11485, "quantile": 0.5, "value": 255700.0, "Latitude": 33.72, "Longitude": -117.99, "Population": 801.0}, {"index": 11485, "quantile": 0.75, "value": 255700.0, "Latitude": 33.72, "Longitude": -117.99, "Population": 801.0}, {"index": 11485, "quantile": 1.0, "value": 372000.0, "Latitude": 33.72, "Longitude": -117.99, "Population": 801.0}, {"index": 11486, "quantile": 0.0, "value": 122400.0, "Latitude": 33.72, "Longitude": -117.99, "Population": 1473.0}, {"index": 11486, "quantile": 0.25, "value": 188500.0, "Latitude": 33.72, "Longitude": -117.99, "Population": 1473.0}, {"index": 11486, "quantile": 0.5, "value": 229999.99999999997, "Latitude": 33.72, "Longitude": -117.99, "Population": 1473.0}, {"index": 11486, "quantile": 0.75, "value": 252100.0, "Latitude": 33.72, "Longitude": -117.99, "Population": 1473.0}, {"index": 11486, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.72, "Longitude": -117.99, "Population": 1473.0}, {"index": 11487, "quantile": 0.0, "value": 112500.0, "Latitude": 33.72, "Longitude": -117.99, "Population": 1338.0}, {"index": 11487, "quantile": 0.25, "value": 188500.0, "Latitude": 33.72, "Longitude": -117.99, "Population": 1338.0}, {"index": 11487, "quantile": 0.5, "value": 188500.0, "Latitude": 33.72, "Longitude": -117.99, "Population": 1338.0}, {"index": 11487, "quantile": 0.75, "value": 188500.0, "Latitude": 33.72, "Longitude": -117.99, "Population": 1338.0}, {"index": 11487, "quantile": 1.0, "value": 282500.0, "Latitude": 33.72, "Longitude": -117.99, "Population": 1338.0}, {"index": 11488, "quantile": 0.0, "value": 144300.0, "Latitude": 33.71, "Longitude": -118.01, "Population": 3079.0}, {"index": 11488, "quantile": 0.25, "value": 245525.0, "Latitude": 33.71, "Longitude": -118.01, "Population": 3079.0}, {"index": 11488, "quantile": 0.5, "value": 295600.0, "Latitude": 33.71, "Longitude": -118.01, "Population": 3079.0}, {"index": 11488, "quantile": 0.75, "value": 295600.0, "Latitude": 33.71, "Longitude": -118.01, "Population": 3079.0}, {"index": 11488, "quantile": 1.0, "value": 420099.99999999994, "Latitude": 33.71, "Longitude": -118.01, "Population": 3079.0}, {"index": 11489, "quantile": 0.0, "value": 264300.0, "Latitude": 33.7, "Longitude": -118.01, "Population": 1741.0}, {"index": 11489, "quantile": 0.25, "value": 302700.0, "Latitude": 33.7, "Longitude": -118.01, "Population": 1741.0}, {"index": 11489, "quantile": 0.5, "value": 302700.0, "Latitude": 33.7, "Longitude": -118.01, "Population": 1741.0}, {"index": 11489, "quantile": 0.75, "value": 302700.0, "Latitude": 33.7, "Longitude": -118.01, "Population": 1741.0}, {"index": 11489, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.7, "Longitude": -118.01, "Population": 1741.0}, {"index": 11490, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 33.69, "Longitude": -118.01, "Population": 337.0}, {"index": 11490, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -118.01, "Population": 337.0}, {"index": 11490, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -118.01, "Population": 337.0}, {"index": 11490, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -118.01, "Population": 337.0}, {"index": 11490, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -118.01, "Population": 337.0}, {"index": 11491, "quantile": 0.0, "value": 133800.0, "Latitude": 33.7, "Longitude": -117.99, "Population": 1999.0}, {"index": 11491, "quantile": 0.25, "value": 248800.0, "Latitude": 33.7, "Longitude": -117.99, "Population": 1999.0}, {"index": 11491, "quantile": 0.5, "value": 248800.0, "Latitude": 33.7, "Longitude": -117.99, "Population": 1999.0}, {"index": 11491, "quantile": 0.75, "value": 248800.0, "Latitude": 33.7, "Longitude": -117.99, "Population": 1999.0}, {"index": 11491, "quantile": 1.0, "value": 479000.0, "Latitude": 33.7, "Longitude": -117.99, "Population": 1999.0}, {"index": 11492, "quantile": 0.0, "value": 155500.0, "Latitude": 33.69, "Longitude": -117.99, "Population": 886.0}, {"index": 11492, "quantile": 0.25, "value": 220175.0, "Latitude": 33.69, "Longitude": -117.99, "Population": 886.0}, {"index": 11492, "quantile": 0.5, "value": 241800.00000000003, "Latitude": 33.69, "Longitude": -117.99, "Population": 886.0}, {"index": 11492, "quantile": 0.75, "value": 265600.0, "Latitude": 33.69, "Longitude": -117.99, "Population": 886.0}, {"index": 11492, "quantile": 1.0, "value": 430900.0, "Latitude": 33.69, "Longitude": -117.99, "Population": 886.0}, {"index": 11493, "quantile": 0.0, "value": 102099.99999999999, "Latitude": 33.69, "Longitude": -117.99, "Population": 1441.0}, {"index": 11493, "quantile": 0.25, "value": 272925.0, "Latitude": 33.69, "Longitude": -117.99, "Population": 1441.0}, {"index": 11493, "quantile": 0.5, "value": 350000.0, "Latitude": 33.69, "Longitude": -117.99, "Population": 1441.0}, {"index": 11493, "quantile": 0.75, "value": 350000.0, "Latitude": 33.69, "Longitude": -117.99, "Population": 1441.0}, {"index": 11493, "quantile": 1.0, "value": 350000.0, "Latitude": 33.69, "Longitude": -117.99, "Population": 1441.0}, {"index": 11494, "quantile": 0.0, "value": 207399.99999999997, "Latitude": 33.71, "Longitude": -118.02, "Population": 1184.0}, {"index": 11494, "quantile": 0.25, "value": 287800.0, "Latitude": 33.71, "Longitude": -118.02, "Population": 1184.0}, {"index": 11494, "quantile": 0.5, "value": 287800.0, "Latitude": 33.71, "Longitude": -118.02, "Population": 1184.0}, {"index": 11494, "quantile": 0.75, "value": 287800.0, "Latitude": 33.71, "Longitude": -118.02, "Population": 1184.0}, {"index": 11494, "quantile": 1.0, "value": 500000.0, "Latitude": 33.71, "Longitude": -118.02, "Population": 1184.0}, {"index": 11495, "quantile": 0.0, "value": 173200.0, "Latitude": 33.7, "Longitude": -118.03, "Population": 1259.0}, {"index": 11495, "quantile": 0.25, "value": 315600.0, "Latitude": 33.7, "Longitude": -118.03, "Population": 1259.0}, {"index": 11495, "quantile": 0.5, "value": 344600.0, "Latitude": 33.7, "Longitude": -118.03, "Population": 1259.0}, {"index": 11495, "quantile": 0.75, "value": 387500.0, "Latitude": 33.7, "Longitude": -118.03, "Population": 1259.0}, {"index": 11495, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.7, "Longitude": -118.03, "Population": 1259.0}, {"index": 11496, "quantile": 0.0, "value": 180700.0, "Latitude": 33.71, "Longitude": -118.03, "Population": 738.0}, {"index": 11496, "quantile": 0.25, "value": 270125.0, "Latitude": 33.71, "Longitude": -118.03, "Population": 738.0}, {"index": 11496, "quantile": 0.5, "value": 271400.0, "Latitude": 33.71, "Longitude": -118.03, "Population": 738.0}, {"index": 11496, "quantile": 0.75, "value": 271400.0, "Latitude": 33.71, "Longitude": -118.03, "Population": 738.0}, {"index": 11496, "quantile": 1.0, "value": 430199.99999999994, "Latitude": 33.71, "Longitude": -118.03, "Population": 738.0}, {"index": 11497, "quantile": 0.0, "value": 357600.0, "Latitude": 33.67, "Longitude": -118.07, "Population": 2429.0}, {"index": 11497, "quantile": 0.25, "value": 437899.99999999994, "Latitude": 33.67, "Longitude": -118.07, "Population": 2429.0}, {"index": 11497, "quantile": 0.5, "value": 437899.99999999994, "Latitude": 33.67, "Longitude": -118.07, "Population": 2429.0}, {"index": 11497, "quantile": 0.75, "value": 437899.99999999994, "Latitude": 33.67, "Longitude": -118.07, "Population": 2429.0}, {"index": 11497, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -118.07, "Population": 2429.0}, {"index": 11498, "quantile": 0.0, "value": 134100.0, "Latitude": 33.72, "Longitude": -118.04, "Population": 2222.0}, {"index": 11498, "quantile": 0.25, "value": 169400.0, "Latitude": 33.72, "Longitude": -118.04, "Population": 2222.0}, {"index": 11498, "quantile": 0.5, "value": 169400.0, "Latitude": 33.72, "Longitude": -118.04, "Population": 2222.0}, {"index": 11498, "quantile": 0.75, "value": 245399.99999999997, "Latitude": 33.72, "Longitude": -118.04, "Population": 2222.0}, {"index": 11498, "quantile": 1.0, "value": 376700.0, "Latitude": 33.72, "Longitude": -118.04, "Population": 2222.0}, {"index": 11499, "quantile": 0.0, "value": 124200.0, "Latitude": 33.72, "Longitude": -118.05, "Population": 1192.0}, {"index": 11499, "quantile": 0.25, "value": 188900.0, "Latitude": 33.72, "Longitude": -118.05, "Population": 1192.0}, {"index": 11499, "quantile": 0.5, "value": 188900.0, "Latitude": 33.72, "Longitude": -118.05, "Population": 1192.0}, {"index": 11499, "quantile": 0.75, "value": 188900.0, "Latitude": 33.72, "Longitude": -118.05, "Population": 1192.0}, {"index": 11499, "quantile": 1.0, "value": 450000.0, "Latitude": 33.72, "Longitude": -118.05, "Population": 1192.0}, {"index": 11500, "quantile": 0.0, "value": 131000.0, "Latitude": 33.72, "Longitude": -118.04, "Population": 942.0}, {"index": 11500, "quantile": 0.25, "value": 182500.0, "Latitude": 33.72, "Longitude": -118.04, "Population": 942.0}, {"index": 11500, "quantile": 0.5, "value": 182500.0, "Latitude": 33.72, "Longitude": -118.04, "Population": 942.0}, {"index": 11500, "quantile": 0.75, "value": 182500.0, "Latitude": 33.72, "Longitude": -118.04, "Population": 942.0}, {"index": 11500, "quantile": 1.0, "value": 430900.0, "Latitude": 33.72, "Longitude": -118.04, "Population": 942.0}, {"index": 11501, "quantile": 0.0, "value": 204199.99999999997, "Latitude": 33.7, "Longitude": -118.09, "Population": 2261.0}, {"index": 11501, "quantile": 0.25, "value": 295100.0, "Latitude": 33.7, "Longitude": -118.09, "Population": 2261.0}, {"index": 11501, "quantile": 0.5, "value": 295100.0, "Latitude": 33.7, "Longitude": -118.09, "Population": 2261.0}, {"index": 11501, "quantile": 0.75, "value": 295100.0, "Latitude": 33.7, "Longitude": -118.09, "Population": 2261.0}, {"index": 11501, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.7, "Longitude": -118.09, "Population": 2261.0}, {"index": 11502, "quantile": 0.0, "value": 190300.0, "Latitude": 33.71, "Longitude": -118.04, "Population": 1605.0}, {"index": 11502, "quantile": 0.25, "value": 396900.0, "Latitude": 33.71, "Longitude": -118.04, "Population": 1605.0}, {"index": 11502, "quantile": 0.5, "value": 396900.0, "Latitude": 33.71, "Longitude": -118.04, "Population": 1605.0}, {"index": 11502, "quantile": 0.75, "value": 411550.0, "Latitude": 33.71, "Longitude": -118.04, "Population": 1605.0}, {"index": 11502, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -118.04, "Population": 1605.0}, {"index": 11503, "quantile": 0.0, "value": 257900.00000000003, "Latitude": 33.75, "Longitude": -118.09, "Population": 2615.0}, {"index": 11503, "quantile": 0.25, "value": 380000.0, "Latitude": 33.75, "Longitude": -118.09, "Population": 2615.0}, {"index": 11503, "quantile": 0.5, "value": 380000.0, "Latitude": 33.75, "Longitude": -118.09, "Population": 2615.0}, {"index": 11503, "quantile": 0.75, "value": 380000.0, "Latitude": 33.75, "Longitude": -118.09, "Population": 2615.0}, {"index": 11503, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.09, "Population": 2615.0}, {"index": 11504, "quantile": 0.0, "value": 195800.0, "Latitude": 33.74, "Longitude": -118.1, "Population": 531.0}, {"index": 11504, "quantile": 0.25, "value": 400000.0, "Latitude": 33.74, "Longitude": -118.1, "Population": 531.0}, {"index": 11504, "quantile": 0.5, "value": 400000.0, "Latitude": 33.74, "Longitude": -118.1, "Population": 531.0}, {"index": 11504, "quantile": 0.75, "value": 400000.0, "Latitude": 33.74, "Longitude": -118.1, "Population": 531.0}, {"index": 11504, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.1, "Population": 531.0}, {"index": 11505, "quantile": 0.0, "value": 185100.0, "Latitude": 33.75, "Longitude": -118.11, "Population": 785.0}, {"index": 11505, "quantile": 0.25, "value": 346400.0, "Latitude": 33.75, "Longitude": -118.11, "Population": 785.0}, {"index": 11505, "quantile": 0.5, "value": 346400.0, "Latitude": 33.75, "Longitude": -118.11, "Population": 785.0}, {"index": 11505, "quantile": 0.75, "value": 346400.0, "Latitude": 33.75, "Longitude": -118.11, "Population": 785.0}, {"index": 11505, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.11, "Population": 785.0}, {"index": 11506, "quantile": 0.0, "value": 87500.0, "Latitude": 33.74, "Longitude": -118.11, "Population": 565.0}, {"index": 11506, "quantile": 0.25, "value": 473425.00000000006, "Latitude": 33.74, "Longitude": -118.11, "Population": 565.0}, {"index": 11506, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.11, "Population": 565.0}, {"index": 11506, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.11, "Population": 565.0}, {"index": 11506, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.11, "Population": 565.0}, {"index": 11507, "quantile": 0.0, "value": 180100.0, "Latitude": 33.74, "Longitude": -118.09, "Population": 871.0}, {"index": 11507, "quantile": 0.25, "value": 320575.0, "Latitude": 33.74, "Longitude": -118.09, "Population": 871.0}, {"index": 11507, "quantile": 0.5, "value": 422200.00000000006, "Latitude": 33.74, "Longitude": -118.09, "Population": 871.0}, {"index": 11507, "quantile": 0.75, "value": 422200.00000000006, "Latitude": 33.74, "Longitude": -118.09, "Population": 871.0}, {"index": 11507, "quantile": 1.0, "value": 479000.0, "Latitude": 33.74, "Longitude": -118.09, "Population": 871.0}, {"index": 11508, "quantile": 0.0, "value": 312500.0, "Latitude": 33.75, "Longitude": -118.11, "Population": 592.0}, {"index": 11508, "quantile": 0.25, "value": 390500.0, "Latitude": 33.75, "Longitude": -118.11, "Population": 592.0}, {"index": 11508, "quantile": 0.5, "value": 390500.0, "Latitude": 33.75, "Longitude": -118.11, "Population": 592.0}, {"index": 11508, "quantile": 0.75, "value": 487850.0, "Latitude": 33.75, "Longitude": -118.11, "Population": 592.0}, {"index": 11508, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.11, "Population": 592.0}, {"index": 11509, "quantile": 0.0, "value": 140600.0, "Latitude": 33.74, "Longitude": -118.1, "Population": 872.0}, {"index": 11509, "quantile": 0.25, "value": 389325.0, "Latitude": 33.74, "Longitude": -118.1, "Population": 872.0}, {"index": 11509, "quantile": 0.5, "value": 450000.0, "Latitude": 33.74, "Longitude": -118.1, "Population": 872.0}, {"index": 11509, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.1, "Population": 872.0}, {"index": 11509, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.1, "Population": 872.0}, {"index": 11510, "quantile": 0.0, "value": 87500.0, "Latitude": 33.74, "Longitude": -118.1, "Population": 563.0}, {"index": 11510, "quantile": 0.25, "value": 457100.0, "Latitude": 33.74, "Longitude": -118.1, "Population": 563.0}, {"index": 11510, "quantile": 0.5, "value": 457100.0, "Latitude": 33.74, "Longitude": -118.1, "Population": 563.0}, {"index": 11510, "quantile": 0.75, "value": 457100.0, "Latitude": 33.74, "Longitude": -118.1, "Population": 563.0}, {"index": 11510, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.1, "Population": 563.0}, {"index": 11511, "quantile": 0.0, "value": 212200.0, "Latitude": 33.73, "Longitude": -118.11, "Population": 645.0}, {"index": 11511, "quantile": 0.25, "value": 463774.99999999994, "Latitude": 33.73, "Longitude": -118.11, "Population": 645.0}, {"index": 11511, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -118.11, "Population": 645.0}, {"index": 11511, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -118.11, "Population": 645.0}, {"index": 11511, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -118.11, "Population": 645.0}, {"index": 11512, "quantile": 0.0, "value": 140600.0, "Latitude": 33.74, "Longitude": -118.1, "Population": 934.0}, {"index": 11512, "quantile": 0.25, "value": 398300.0, "Latitude": 33.74, "Longitude": -118.1, "Population": 934.0}, {"index": 11512, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.1, "Population": 934.0}, {"index": 11512, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.1, "Population": 934.0}, {"index": 11512, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.1, "Population": 934.0}, {"index": 11513, "quantile": 0.0, "value": 185100.0, "Latitude": 33.72, "Longitude": -118.07, "Population": 513.0}, {"index": 11513, "quantile": 0.25, "value": 470524.99999999994, "Latitude": 33.72, "Longitude": -118.07, "Population": 513.0}, {"index": 11513, "quantile": 0.5, "value": 484999.99999999994, "Latitude": 33.72, "Longitude": -118.07, "Population": 513.0}, {"index": 11513, "quantile": 0.75, "value": 484999.99999999994, "Latitude": 33.72, "Longitude": -118.07, "Population": 513.0}, {"index": 11513, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.07, "Population": 513.0}, {"index": 11514, "quantile": 0.0, "value": 275000.0, "Latitude": 33.72, "Longitude": -118.07, "Population": 369.0}, {"index": 11514, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.07, "Population": 369.0}, {"index": 11514, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.07, "Population": 369.0}, {"index": 11514, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.07, "Population": 369.0}, {"index": 11514, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.07, "Population": 369.0}, {"index": 11515, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 33.71, "Longitude": -118.09, "Population": 491.0}, {"index": 11515, "quantile": 0.25, "value": 393900.0, "Latitude": 33.71, "Longitude": -118.09, "Population": 491.0}, {"index": 11515, "quantile": 0.5, "value": 421650.0, "Latitude": 33.71, "Longitude": -118.09, "Population": 491.0}, {"index": 11515, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -118.09, "Population": 491.0}, {"index": 11515, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -118.09, "Population": 491.0}, {"index": 11516, "quantile": 0.0, "value": 219499.99999999997, "Latitude": 33.72, "Longitude": -118.06, "Population": 1619.0}, {"index": 11516, "quantile": 0.25, "value": 451000.0, "Latitude": 33.72, "Longitude": -118.06, "Population": 1619.0}, {"index": 11516, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.06, "Population": 1619.0}, {"index": 11516, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.06, "Population": 1619.0}, {"index": 11516, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.06, "Population": 1619.0}, {"index": 11517, "quantile": 0.0, "value": 314000.0, "Latitude": 33.71, "Longitude": -118.05, "Population": 1424.0}, {"index": 11517, "quantile": 0.25, "value": 461599.99999999994, "Latitude": 33.71, "Longitude": -118.05, "Population": 1424.0}, {"index": 11517, "quantile": 0.5, "value": 461599.99999999994, "Latitude": 33.71, "Longitude": -118.05, "Population": 1424.0}, {"index": 11517, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -118.05, "Population": 1424.0}, {"index": 11517, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -118.05, "Population": 1424.0}, {"index": 11518, "quantile": 0.0, "value": 411800.00000000006, "Latitude": 33.72, "Longitude": -118.06, "Population": 1426.0}, {"index": 11518, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.06, "Population": 1426.0}, {"index": 11518, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.06, "Population": 1426.0}, {"index": 11518, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.06, "Population": 1426.0}, {"index": 11518, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.06, "Population": 1426.0}, {"index": 11519, "quantile": 0.0, "value": 239100.0, "Latitude": 33.73, "Longitude": -118.07, "Population": 643.0}, {"index": 11519, "quantile": 0.25, "value": 410799.99999999994, "Latitude": 33.73, "Longitude": -118.07, "Population": 643.0}, {"index": 11519, "quantile": 0.5, "value": 462800.0, "Latitude": 33.73, "Longitude": -118.07, "Population": 643.0}, {"index": 11519, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -118.07, "Population": 643.0}, {"index": 11519, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -118.07, "Population": 643.0}, {"index": 11520, "quantile": 0.0, "value": 437899.99999999994, "Latitude": 33.72, "Longitude": -118.06, "Population": 964.0}, {"index": 11520, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.06, "Population": 964.0}, {"index": 11520, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.06, "Population": 964.0}, {"index": 11520, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.06, "Population": 964.0}, {"index": 11520, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.06, "Population": 964.0}, {"index": 11521, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 33.73, "Longitude": -118.06, "Population": 1490.0}, {"index": 11521, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -118.06, "Population": 1490.0}, {"index": 11521, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -118.06, "Population": 1490.0}, {"index": 11521, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -118.06, "Population": 1490.0}, {"index": 11521, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -118.06, "Population": 1490.0}, {"index": 11522, "quantile": 0.0, "value": 240000.0, "Latitude": 33.72, "Longitude": -118.08, "Population": 696.0}, {"index": 11522, "quantile": 0.25, "value": 340700.0, "Latitude": 33.72, "Longitude": -118.08, "Population": 696.0}, {"index": 11522, "quantile": 0.5, "value": 340700.0, "Latitude": 33.72, "Longitude": -118.08, "Population": 696.0}, {"index": 11522, "quantile": 0.75, "value": 340700.0, "Latitude": 33.72, "Longitude": -118.08, "Population": 696.0}, {"index": 11522, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.08, "Population": 696.0}, {"index": 11523, "quantile": 0.0, "value": 155500.0, "Latitude": 33.73, "Longitude": -118.05, "Population": 1301.0}, {"index": 11523, "quantile": 0.25, "value": 266100.0, "Latitude": 33.73, "Longitude": -118.05, "Population": 1301.0}, {"index": 11523, "quantile": 0.5, "value": 266100.0, "Latitude": 33.73, "Longitude": -118.05, "Population": 1301.0}, {"index": 11523, "quantile": 0.75, "value": 266100.0, "Latitude": 33.73, "Longitude": -118.05, "Population": 1301.0}, {"index": 11523, "quantile": 1.0, "value": 446800.0, "Latitude": 33.73, "Longitude": -118.05, "Population": 1301.0}, {"index": 11524, "quantile": 0.0, "value": 169400.0, "Latitude": 33.72, "Longitude": -118.05, "Population": 900.0}, {"index": 11524, "quantile": 0.25, "value": 224100.0, "Latitude": 33.72, "Longitude": -118.05, "Population": 900.0}, {"index": 11524, "quantile": 0.5, "value": 292199.99999999994, "Latitude": 33.72, "Longitude": -118.05, "Population": 900.0}, {"index": 11524, "quantile": 0.75, "value": 359425.0, "Latitude": 33.72, "Longitude": -118.05, "Population": 900.0}, {"index": 11524, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.05, "Population": 900.0}, {"index": 11525, "quantile": 0.0, "value": 87500.0, "Latitude": 33.72, "Longitude": -118.05, "Population": 2260.0}, {"index": 11525, "quantile": 0.25, "value": 275000.0, "Latitude": 33.72, "Longitude": -118.05, "Population": 2260.0}, {"index": 11525, "quantile": 0.5, "value": 353800.0, "Latitude": 33.72, "Longitude": -118.05, "Population": 2260.0}, {"index": 11525, "quantile": 0.75, "value": 451250.0, "Latitude": 33.72, "Longitude": -118.05, "Population": 2260.0}, {"index": 11525, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -118.05, "Population": 2260.0}, {"index": 11526, "quantile": 0.0, "value": 46900.0, "Latitude": 33.77, "Longitude": -118.09, "Population": 515.0}, {"index": 11526, "quantile": 0.25, "value": 58500.0, "Latitude": 33.77, "Longitude": -118.09, "Population": 515.0}, {"index": 11526, "quantile": 0.5, "value": 67500.0, "Latitude": 33.77, "Longitude": -118.09, "Population": 515.0}, {"index": 11526, "quantile": 0.75, "value": 71300.0, "Latitude": 33.77, "Longitude": -118.09, "Population": 515.0}, {"index": 11526, "quantile": 1.0, "value": 350000.0, "Latitude": 33.77, "Longitude": -118.09, "Population": 515.0}, {"index": 11527, "quantile": 0.0, "value": 58500.0, "Latitude": 33.77, "Longitude": -118.08, "Population": 971.0}, {"index": 11527, "quantile": 0.25, "value": 87500.0, "Latitude": 33.77, "Longitude": -118.08, "Population": 971.0}, {"index": 11527, "quantile": 0.5, "value": 87500.0, "Latitude": 33.77, "Longitude": -118.08, "Population": 971.0}, {"index": 11527, "quantile": 0.75, "value": 128450.0, "Latitude": 33.77, "Longitude": -118.08, "Population": 971.0}, {"index": 11527, "quantile": 1.0, "value": 500000.0, "Latitude": 33.77, "Longitude": -118.08, "Population": 971.0}, {"index": 11528, "quantile": 0.0, "value": 46900.0, "Latitude": 33.77, "Longitude": -118.08, "Population": 664.0}, {"index": 11528, "quantile": 0.25, "value": 67500.0, "Latitude": 33.77, "Longitude": -118.08, "Population": 664.0}, {"index": 11528, "quantile": 0.5, "value": 67500.0, "Latitude": 33.77, "Longitude": -118.08, "Population": 664.0}, {"index": 11528, "quantile": 0.75, "value": 67500.0, "Latitude": 33.77, "Longitude": -118.08, "Population": 664.0}, {"index": 11528, "quantile": 1.0, "value": 350000.0, "Latitude": 33.77, "Longitude": -118.08, "Population": 664.0}, {"index": 11529, "quantile": 0.0, "value": 46900.0, "Latitude": 33.77, "Longitude": -118.08, "Population": 960.0}, {"index": 11529, "quantile": 0.25, "value": 61300.0, "Latitude": 33.77, "Longitude": -118.08, "Population": 960.0}, {"index": 11529, "quantile": 0.5, "value": 67500.0, "Latitude": 33.77, "Longitude": -118.08, "Population": 960.0}, {"index": 11529, "quantile": 0.75, "value": 124450.0, "Latitude": 33.77, "Longitude": -118.08, "Population": 960.0}, {"index": 11529, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.08, "Population": 960.0}, {"index": 11530, "quantile": 0.0, "value": 46900.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 743.0}, {"index": 11530, "quantile": 0.25, "value": 46900.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 743.0}, {"index": 11530, "quantile": 0.5, "value": 46900.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 743.0}, {"index": 11530, "quantile": 0.75, "value": 67500.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 743.0}, {"index": 11530, "quantile": 1.0, "value": 350000.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 743.0}, {"index": 11531, "quantile": 0.0, "value": 46900.0, "Latitude": 33.76, "Longitude": -118.09, "Population": 533.0}, {"index": 11531, "quantile": 0.25, "value": 58500.0, "Latitude": 33.76, "Longitude": -118.09, "Population": 533.0}, {"index": 11531, "quantile": 0.5, "value": 58500.0, "Latitude": 33.76, "Longitude": -118.09, "Population": 533.0}, {"index": 11531, "quantile": 0.75, "value": 61300.0, "Latitude": 33.76, "Longitude": -118.09, "Population": 533.0}, {"index": 11531, "quantile": 1.0, "value": 350000.0, "Latitude": 33.76, "Longitude": -118.09, "Population": 533.0}, {"index": 11532, "quantile": 0.0, "value": 46900.0, "Latitude": 33.77, "Longitude": -118.09, "Population": 1829.0}, {"index": 11532, "quantile": 0.25, "value": 61300.0, "Latitude": 33.77, "Longitude": -118.09, "Population": 1829.0}, {"index": 11532, "quantile": 0.5, "value": 61300.0, "Latitude": 33.77, "Longitude": -118.09, "Population": 1829.0}, {"index": 11532, "quantile": 0.75, "value": 61300.0, "Latitude": 33.77, "Longitude": -118.09, "Population": 1829.0}, {"index": 11532, "quantile": 1.0, "value": 312500.0, "Latitude": 33.77, "Longitude": -118.09, "Population": 1829.0}, {"index": 11533, "quantile": 0.0, "value": 46900.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 692.0}, {"index": 11533, "quantile": 0.25, "value": 58500.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 692.0}, {"index": 11533, "quantile": 0.5, "value": 65950.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 692.0}, {"index": 11533, "quantile": 0.75, "value": 71300.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 692.0}, {"index": 11533, "quantile": 1.0, "value": 350000.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 692.0}, {"index": 11534, "quantile": 0.0, "value": 46900.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 366.0}, {"index": 11534, "quantile": 0.25, "value": 46900.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 366.0}, {"index": 11534, "quantile": 0.5, "value": 71300.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 366.0}, {"index": 11534, "quantile": 0.75, "value": 187500.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 366.0}, {"index": 11534, "quantile": 1.0, "value": 450000.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 366.0}, {"index": 11535, "quantile": 0.0, "value": 46900.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 193.0}, {"index": 11535, "quantile": 0.25, "value": 67500.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 193.0}, {"index": 11535, "quantile": 0.5, "value": 71300.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 193.0}, {"index": 11535, "quantile": 0.75, "value": 71300.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 193.0}, {"index": 11535, "quantile": 1.0, "value": 500000.0, "Latitude": 33.76, "Longitude": -118.08, "Population": 193.0}, {"index": 11536, "quantile": 0.0, "value": 58500.0, "Latitude": 33.77, "Longitude": -118.09, "Population": 847.0}, {"index": 11536, "quantile": 0.25, "value": 67500.0, "Latitude": 33.77, "Longitude": -118.09, "Population": 847.0}, {"index": 11536, "quantile": 0.5, "value": 67500.0, "Latitude": 33.77, "Longitude": -118.09, "Population": 847.0}, {"index": 11536, "quantile": 0.75, "value": 121950.0, "Latitude": 33.77, "Longitude": -118.09, "Population": 847.0}, {"index": 11536, "quantile": 1.0, "value": 300000.0, "Latitude": 33.77, "Longitude": -118.09, "Population": 847.0}, {"index": 11537, "quantile": 0.0, "value": 142900.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 1499.0}, {"index": 11537, "quantile": 0.25, "value": 176000.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 1499.0}, {"index": 11537, "quantile": 0.5, "value": 176000.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 1499.0}, {"index": 11537, "quantile": 0.75, "value": 176025.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 1499.0}, {"index": 11537, "quantile": 1.0, "value": 346200.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 1499.0}, {"index": 11538, "quantile": 0.0, "value": 166400.0, "Latitude": 33.75, "Longitude": -118.01, "Population": 2269.0}, {"index": 11538, "quantile": 0.25, "value": 186000.0, "Latitude": 33.75, "Longitude": -118.01, "Population": 2269.0}, {"index": 11538, "quantile": 0.5, "value": 186000.0, "Latitude": 33.75, "Longitude": -118.01, "Population": 2269.0}, {"index": 11538, "quantile": 0.75, "value": 195200.0, "Latitude": 33.75, "Longitude": -118.01, "Population": 2269.0}, {"index": 11538, "quantile": 1.0, "value": 304700.0, "Latitude": 33.75, "Longitude": -118.01, "Population": 2269.0}, {"index": 11539, "quantile": 0.0, "value": 103200.0, "Latitude": 33.75, "Longitude": -118.0, "Population": 1977.0}, {"index": 11539, "quantile": 0.25, "value": 142800.0, "Latitude": 33.75, "Longitude": -118.0, "Population": 1977.0}, {"index": 11539, "quantile": 0.5, "value": 158400.0, "Latitude": 33.75, "Longitude": -118.0, "Population": 1977.0}, {"index": 11539, "quantile": 0.75, "value": 170950.0, "Latitude": 33.75, "Longitude": -118.0, "Population": 1977.0}, {"index": 11539, "quantile": 1.0, "value": 237500.0, "Latitude": 33.75, "Longitude": -118.0, "Population": 1977.0}, {"index": 11540, "quantile": 0.0, "value": 221200.00000000003, "Latitude": 33.74, "Longitude": -118.0, "Population": 1148.0}, {"index": 11540, "quantile": 0.25, "value": 314300.0, "Latitude": 33.74, "Longitude": -118.0, "Population": 1148.0}, {"index": 11540, "quantile": 0.5, "value": 316700.0, "Latitude": 33.74, "Longitude": -118.0, "Population": 1148.0}, {"index": 11540, "quantile": 0.75, "value": 316700.0, "Latitude": 33.74, "Longitude": -118.0, "Population": 1148.0}, {"index": 11540, "quantile": 1.0, "value": 466899.99999999994, "Latitude": 33.74, "Longitude": -118.0, "Population": 1148.0}, {"index": 11541, "quantile": 0.0, "value": 174200.0, "Latitude": 33.76, "Longitude": -118.02, "Population": 1781.0}, {"index": 11541, "quantile": 0.25, "value": 214800.0, "Latitude": 33.76, "Longitude": -118.02, "Population": 1781.0}, {"index": 11541, "quantile": 0.5, "value": 214800.0, "Latitude": 33.76, "Longitude": -118.02, "Population": 1781.0}, {"index": 11541, "quantile": 0.75, "value": 214800.0, "Latitude": 33.76, "Longitude": -118.02, "Population": 1781.0}, {"index": 11541, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.76, "Longitude": -118.02, "Population": 1781.0}, {"index": 11542, "quantile": 0.0, "value": 205100.00000000003, "Latitude": 33.75, "Longitude": -118.02, "Population": 1596.0}, {"index": 11542, "quantile": 0.25, "value": 233850.00000000003, "Latitude": 33.75, "Longitude": -118.02, "Population": 1596.0}, {"index": 11542, "quantile": 0.5, "value": 238099.99999999997, "Latitude": 33.75, "Longitude": -118.02, "Population": 1596.0}, {"index": 11542, "quantile": 0.75, "value": 260900.0, "Latitude": 33.75, "Longitude": -118.02, "Population": 1596.0}, {"index": 11542, "quantile": 1.0, "value": 288000.0, "Latitude": 33.75, "Longitude": -118.02, "Population": 1596.0}, {"index": 11543, "quantile": 0.0, "value": 220699.99999999997, "Latitude": 33.76, "Longitude": -118.03, "Population": 2503.0}, {"index": 11543, "quantile": 0.25, "value": 221900.0, "Latitude": 33.76, "Longitude": -118.03, "Population": 2503.0}, {"index": 11543, "quantile": 0.5, "value": 221900.0, "Latitude": 33.76, "Longitude": -118.03, "Population": 2503.0}, {"index": 11543, "quantile": 0.75, "value": 228225.0, "Latitude": 33.76, "Longitude": -118.03, "Population": 2503.0}, {"index": 11543, "quantile": 1.0, "value": 381500.0, "Latitude": 33.76, "Longitude": -118.03, "Population": 2503.0}, {"index": 11544, "quantile": 0.0, "value": 196600.0, "Latitude": 33.76, "Longitude": -118.04, "Population": 878.0}, {"index": 11544, "quantile": 0.25, "value": 334025.0, "Latitude": 33.76, "Longitude": -118.04, "Population": 878.0}, {"index": 11544, "quantile": 0.5, "value": 338800.0, "Latitude": 33.76, "Longitude": -118.04, "Population": 878.0}, {"index": 11544, "quantile": 0.75, "value": 338800.0, "Latitude": 33.76, "Longitude": -118.04, "Population": 878.0}, {"index": 11544, "quantile": 1.0, "value": 404300.0, "Latitude": 33.76, "Longitude": -118.04, "Population": 878.0}, {"index": 11545, "quantile": 0.0, "value": 175000.0, "Latitude": 33.75, "Longitude": -118.04, "Population": 1291.0}, {"index": 11545, "quantile": 0.25, "value": 219499.99999999997, "Latitude": 33.75, "Longitude": -118.04, "Population": 1291.0}, {"index": 11545, "quantile": 0.5, "value": 255450.0, "Latitude": 33.75, "Longitude": -118.04, "Population": 1291.0}, {"index": 11545, "quantile": 0.75, "value": 316625.0, "Latitude": 33.75, "Longitude": -118.04, "Population": 1291.0}, {"index": 11545, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -118.04, "Population": 1291.0}, {"index": 11546, "quantile": 0.0, "value": 159600.0, "Latitude": 33.74, "Longitude": -118.04, "Population": 1274.0}, {"index": 11546, "quantile": 0.25, "value": 235800.0, "Latitude": 33.74, "Longitude": -118.04, "Population": 1274.0}, {"index": 11546, "quantile": 0.5, "value": 235800.0, "Latitude": 33.74, "Longitude": -118.04, "Population": 1274.0}, {"index": 11546, "quantile": 0.75, "value": 235800.0, "Latitude": 33.74, "Longitude": -118.04, "Population": 1274.0}, {"index": 11546, "quantile": 1.0, "value": 430900.0, "Latitude": 33.74, "Longitude": -118.04, "Population": 1274.0}, {"index": 11547, "quantile": 0.0, "value": 186400.0, "Latitude": 33.74, "Longitude": -118.02, "Population": 1961.0}, {"index": 11547, "quantile": 0.25, "value": 240400.0, "Latitude": 33.74, "Longitude": -118.02, "Population": 1961.0}, {"index": 11547, "quantile": 0.5, "value": 243799.99999999997, "Latitude": 33.74, "Longitude": -118.02, "Population": 1961.0}, {"index": 11547, "quantile": 0.75, "value": 279950.0, "Latitude": 33.74, "Longitude": -118.02, "Population": 1961.0}, {"index": 11547, "quantile": 1.0, "value": 393100.0, "Latitude": 33.74, "Longitude": -118.02, "Population": 1961.0}, {"index": 11548, "quantile": 0.0, "value": 158800.0, "Latitude": 33.73, "Longitude": -118.02, "Population": 1902.0}, {"index": 11548, "quantile": 0.25, "value": 234100.00000000003, "Latitude": 33.73, "Longitude": -118.02, "Population": 1902.0}, {"index": 11548, "quantile": 0.5, "value": 234100.00000000003, "Latitude": 33.73, "Longitude": -118.02, "Population": 1902.0}, {"index": 11548, "quantile": 0.75, "value": 234100.00000000003, "Latitude": 33.73, "Longitude": -118.02, "Population": 1902.0}, {"index": 11548, "quantile": 1.0, "value": 361700.0, "Latitude": 33.73, "Longitude": -118.02, "Population": 1902.0}, {"index": 11549, "quantile": 0.0, "value": 218900.0, "Latitude": 33.74, "Longitude": -118.01, "Population": 3613.0}, {"index": 11549, "quantile": 0.25, "value": 264900.0, "Latitude": 33.74, "Longitude": -118.01, "Population": 3613.0}, {"index": 11549, "quantile": 0.5, "value": 264900.0, "Latitude": 33.74, "Longitude": -118.01, "Population": 3613.0}, {"index": 11549, "quantile": 0.75, "value": 264900.0, "Latitude": 33.74, "Longitude": -118.01, "Population": 3613.0}, {"index": 11549, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -118.01, "Population": 3613.0}, {"index": 11550, "quantile": 0.0, "value": 150000.0, "Latitude": 33.75, "Longitude": -117.98, "Population": 2670.0}, {"index": 11550, "quantile": 0.25, "value": 180000.0, "Latitude": 33.75, "Longitude": -117.98, "Population": 2670.0}, {"index": 11550, "quantile": 0.5, "value": 180000.0, "Latitude": 33.75, "Longitude": -117.98, "Population": 2670.0}, {"index": 11550, "quantile": 0.75, "value": 180000.0, "Latitude": 33.75, "Longitude": -117.98, "Population": 2670.0}, {"index": 11550, "quantile": 1.0, "value": 235500.0, "Latitude": 33.75, "Longitude": -117.98, "Population": 2670.0}, {"index": 11551, "quantile": 0.0, "value": 158700.0, "Latitude": 33.75, "Longitude": -117.98, "Population": 783.0}, {"index": 11551, "quantile": 0.25, "value": 199600.0, "Latitude": 33.75, "Longitude": -117.98, "Population": 783.0}, {"index": 11551, "quantile": 0.5, "value": 199600.0, "Latitude": 33.75, "Longitude": -117.98, "Population": 783.0}, {"index": 11551, "quantile": 0.75, "value": 199600.0, "Latitude": 33.75, "Longitude": -117.98, "Population": 783.0}, {"index": 11551, "quantile": 1.0, "value": 305600.0, "Latitude": 33.75, "Longitude": -117.98, "Population": 783.0}, {"index": 11552, "quantile": 0.0, "value": 158200.0, "Latitude": 33.75, "Longitude": -117.99, "Population": 1314.0}, {"index": 11552, "quantile": 0.25, "value": 184400.0, "Latitude": 33.75, "Longitude": -117.99, "Population": 1314.0}, {"index": 11552, "quantile": 0.5, "value": 184400.0, "Latitude": 33.75, "Longitude": -117.99, "Population": 1314.0}, {"index": 11552, "quantile": 0.75, "value": 184800.0, "Latitude": 33.75, "Longitude": -117.99, "Population": 1314.0}, {"index": 11552, "quantile": 1.0, "value": 252100.0, "Latitude": 33.75, "Longitude": -117.99, "Population": 1314.0}, {"index": 11553, "quantile": 0.0, "value": 169500.0, "Latitude": 33.74, "Longitude": -117.98, "Population": 2257.0}, {"index": 11553, "quantile": 0.25, "value": 207500.00000000003, "Latitude": 33.74, "Longitude": -117.98, "Population": 2257.0}, {"index": 11553, "quantile": 0.5, "value": 207500.00000000003, "Latitude": 33.74, "Longitude": -117.98, "Population": 2257.0}, {"index": 11553, "quantile": 0.75, "value": 207500.00000000003, "Latitude": 33.74, "Longitude": -117.98, "Population": 2257.0}, {"index": 11553, "quantile": 1.0, "value": 271500.0, "Latitude": 33.74, "Longitude": -117.98, "Population": 2257.0}, {"index": 11554, "quantile": 0.0, "value": 174400.0, "Latitude": 33.74, "Longitude": -117.99, "Population": 1960.0}, {"index": 11554, "quantile": 0.25, "value": 236500.00000000003, "Latitude": 33.74, "Longitude": -117.99, "Population": 1960.0}, {"index": 11554, "quantile": 0.5, "value": 240000.0, "Latitude": 33.74, "Longitude": -117.99, "Population": 1960.0}, {"index": 11554, "quantile": 0.75, "value": 240000.0, "Latitude": 33.74, "Longitude": -117.99, "Population": 1960.0}, {"index": 11554, "quantile": 1.0, "value": 335700.0, "Latitude": 33.74, "Longitude": -117.99, "Population": 1960.0}, {"index": 11555, "quantile": 0.0, "value": 135800.0, "Latitude": 33.74, "Longitude": -117.98, "Population": 2341.0}, {"index": 11555, "quantile": 0.25, "value": 239200.0, "Latitude": 33.74, "Longitude": -117.98, "Population": 2341.0}, {"index": 11555, "quantile": 0.5, "value": 304700.0, "Latitude": 33.74, "Longitude": -117.98, "Population": 2341.0}, {"index": 11555, "quantile": 0.75, "value": 304700.0, "Latitude": 33.74, "Longitude": -117.98, "Population": 2341.0}, {"index": 11555, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.74, "Longitude": -117.98, "Population": 2341.0}, {"index": 11556, "quantile": 0.0, "value": 121000.0, "Latitude": 33.73, "Longitude": -117.99, "Population": 2440.0}, {"index": 11556, "quantile": 0.25, "value": 248100.0, "Latitude": 33.73, "Longitude": -117.99, "Population": 2440.0}, {"index": 11556, "quantile": 0.5, "value": 248100.0, "Latitude": 33.73, "Longitude": -117.99, "Population": 2440.0}, {"index": 11556, "quantile": 0.75, "value": 248100.0, "Latitude": 33.73, "Longitude": -117.99, "Population": 2440.0}, {"index": 11556, "quantile": 1.0, "value": 304700.0, "Latitude": 33.73, "Longitude": -117.99, "Population": 2440.0}, {"index": 11557, "quantile": 0.0, "value": 196600.0, "Latitude": 33.73, "Longitude": -117.98, "Population": 2408.0}, {"index": 11557, "quantile": 0.25, "value": 284900.0, "Latitude": 33.73, "Longitude": -117.98, "Population": 2408.0}, {"index": 11557, "quantile": 0.5, "value": 284900.0, "Latitude": 33.73, "Longitude": -117.98, "Population": 2408.0}, {"index": 11557, "quantile": 0.75, "value": 284900.0, "Latitude": 33.73, "Longitude": -117.98, "Population": 2408.0}, {"index": 11557, "quantile": 1.0, "value": 480800.0, "Latitude": 33.73, "Longitude": -117.98, "Population": 2408.0}, {"index": 11558, "quantile": 0.0, "value": 55600.00000000001, "Latitude": 33.77, "Longitude": -117.99, "Population": 922.0}, {"index": 11558, "quantile": 0.25, "value": 200625.0, "Latitude": 33.77, "Longitude": -117.99, "Population": 922.0}, {"index": 11558, "quantile": 0.5, "value": 202400.0, "Latitude": 33.77, "Longitude": -117.99, "Population": 922.0}, {"index": 11558, "quantile": 0.75, "value": 202400.0, "Latitude": 33.77, "Longitude": -117.99, "Population": 922.0}, {"index": 11558, "quantile": 1.0, "value": 346200.0, "Latitude": 33.77, "Longitude": -117.99, "Population": 922.0}, {"index": 11559, "quantile": 0.0, "value": 100800.0, "Latitude": 33.76, "Longitude": -117.98, "Population": 2066.0}, {"index": 11559, "quantile": 0.25, "value": 182075.0, "Latitude": 33.76, "Longitude": -117.98, "Population": 2066.0}, {"index": 11559, "quantile": 0.5, "value": 193650.0, "Latitude": 33.76, "Longitude": -117.98, "Population": 2066.0}, {"index": 11559, "quantile": 0.75, "value": 220375.0, "Latitude": 33.76, "Longitude": -117.98, "Population": 2066.0}, {"index": 11559, "quantile": 1.0, "value": 383800.0, "Latitude": 33.76, "Longitude": -117.98, "Population": 2066.0}, {"index": 11560, "quantile": 0.0, "value": 113900.0, "Latitude": 33.76, "Longitude": -117.99, "Population": 1351.0}, {"index": 11560, "quantile": 0.25, "value": 156500.0, "Latitude": 33.76, "Longitude": -117.99, "Population": 1351.0}, {"index": 11560, "quantile": 0.5, "value": 168100.0, "Latitude": 33.76, "Longitude": -117.99, "Population": 1351.0}, {"index": 11560, "quantile": 0.75, "value": 185600.0, "Latitude": 33.76, "Longitude": -117.99, "Population": 1351.0}, {"index": 11560, "quantile": 1.0, "value": 235500.0, "Latitude": 33.76, "Longitude": -117.99, "Population": 1351.0}, {"index": 11561, "quantile": 0.0, "value": 67500.0, "Latitude": 33.76, "Longitude": -117.99, "Population": 1468.0}, {"index": 11561, "quantile": 0.25, "value": 177700.0, "Latitude": 33.76, "Longitude": -117.99, "Population": 1468.0}, {"index": 11561, "quantile": 0.5, "value": 177700.0, "Latitude": 33.76, "Longitude": -117.99, "Population": 1468.0}, {"index": 11561, "quantile": 0.75, "value": 177700.0, "Latitude": 33.76, "Longitude": -117.99, "Population": 1468.0}, {"index": 11561, "quantile": 1.0, "value": 264700.0, "Latitude": 33.76, "Longitude": -117.99, "Population": 1468.0}, {"index": 11562, "quantile": 0.0, "value": 143400.0, "Latitude": 33.75, "Longitude": -117.99, "Population": 2357.0}, {"index": 11562, "quantile": 0.25, "value": 175300.0, "Latitude": 33.75, "Longitude": -117.99, "Population": 2357.0}, {"index": 11562, "quantile": 0.5, "value": 184400.0, "Latitude": 33.75, "Longitude": -117.99, "Population": 2357.0}, {"index": 11562, "quantile": 0.75, "value": 208350.0, "Latitude": 33.75, "Longitude": -117.99, "Population": 2357.0}, {"index": 11562, "quantile": 1.0, "value": 305600.0, "Latitude": 33.75, "Longitude": -117.99, "Population": 2357.0}, {"index": 11563, "quantile": 0.0, "value": 118300.0, "Latitude": 33.76, "Longitude": -117.98, "Population": 1988.0}, {"index": 11563, "quantile": 0.25, "value": 150000.0, "Latitude": 33.76, "Longitude": -117.98, "Population": 1988.0}, {"index": 11563, "quantile": 0.5, "value": 150000.0, "Latitude": 33.76, "Longitude": -117.98, "Population": 1988.0}, {"index": 11563, "quantile": 0.75, "value": 150000.0, "Latitude": 33.76, "Longitude": -117.98, "Population": 1988.0}, {"index": 11563, "quantile": 1.0, "value": 197500.0, "Latitude": 33.76, "Longitude": -117.98, "Population": 1988.0}, {"index": 11564, "quantile": 0.0, "value": 173500.0, "Latitude": 33.76, "Longitude": -117.98, "Population": 967.0}, {"index": 11564, "quantile": 0.25, "value": 242550.0, "Latitude": 33.76, "Longitude": -117.98, "Population": 967.0}, {"index": 11564, "quantile": 0.5, "value": 271300.0, "Latitude": 33.76, "Longitude": -117.98, "Population": 967.0}, {"index": 11564, "quantile": 0.75, "value": 347700.0, "Latitude": 33.76, "Longitude": -117.98, "Population": 967.0}, {"index": 11564, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -117.98, "Population": 967.0}, {"index": 11565, "quantile": 0.0, "value": 158500.0, "Latitude": 33.75, "Longitude": -117.98, "Population": 1537.0}, {"index": 11565, "quantile": 0.25, "value": 210600.0, "Latitude": 33.75, "Longitude": -117.98, "Population": 1537.0}, {"index": 11565, "quantile": 0.5, "value": 210600.0, "Latitude": 33.75, "Longitude": -117.98, "Population": 1537.0}, {"index": 11565, "quantile": 0.75, "value": 210600.0, "Latitude": 33.75, "Longitude": -117.98, "Population": 1537.0}, {"index": 11565, "quantile": 1.0, "value": 308000.0, "Latitude": 33.75, "Longitude": -117.98, "Population": 1537.0}, {"index": 11566, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 33.77, "Longitude": -118.02, "Population": 1253.0}, {"index": 11566, "quantile": 0.25, "value": 207500.00000000003, "Latitude": 33.77, "Longitude": -118.02, "Population": 1253.0}, {"index": 11566, "quantile": 0.5, "value": 207500.00000000003, "Latitude": 33.77, "Longitude": -118.02, "Population": 1253.0}, {"index": 11566, "quantile": 0.75, "value": 208950.0, "Latitude": 33.77, "Longitude": -118.02, "Population": 1253.0}, {"index": 11566, "quantile": 1.0, "value": 436700.0, "Latitude": 33.77, "Longitude": -118.02, "Population": 1253.0}, {"index": 11567, "quantile": 0.0, "value": 93600.0, "Latitude": 33.77, "Longitude": -118.02, "Population": 1520.0}, {"index": 11567, "quantile": 0.25, "value": 211500.00000000003, "Latitude": 33.77, "Longitude": -118.02, "Population": 1520.0}, {"index": 11567, "quantile": 0.5, "value": 211500.00000000003, "Latitude": 33.77, "Longitude": -118.02, "Population": 1520.0}, {"index": 11567, "quantile": 0.75, "value": 212875.0, "Latitude": 33.77, "Longitude": -118.02, "Population": 1520.0}, {"index": 11567, "quantile": 1.0, "value": 354200.0, "Latitude": 33.77, "Longitude": -118.02, "Population": 1520.0}, {"index": 11568, "quantile": 0.0, "value": 150000.0, "Latitude": 33.76, "Longitude": -118.02, "Population": 1404.0}, {"index": 11568, "quantile": 0.25, "value": 185850.0, "Latitude": 33.76, "Longitude": -118.02, "Population": 1404.0}, {"index": 11568, "quantile": 0.5, "value": 195800.0, "Latitude": 33.76, "Longitude": -118.02, "Population": 1404.0}, {"index": 11568, "quantile": 0.75, "value": 195800.0, "Latitude": 33.76, "Longitude": -118.02, "Population": 1404.0}, {"index": 11568, "quantile": 1.0, "value": 270500.0, "Latitude": 33.76, "Longitude": -118.02, "Population": 1404.0}, {"index": 11569, "quantile": 0.0, "value": 185300.0, "Latitude": 33.77, "Longitude": -118.01, "Population": 890.0}, {"index": 11569, "quantile": 0.25, "value": 204100.0, "Latitude": 33.77, "Longitude": -118.01, "Population": 890.0}, {"index": 11569, "quantile": 0.5, "value": 204100.0, "Latitude": 33.77, "Longitude": -118.01, "Population": 890.0}, {"index": 11569, "quantile": 0.75, "value": 204100.0, "Latitude": 33.77, "Longitude": -118.01, "Population": 890.0}, {"index": 11569, "quantile": 1.0, "value": 243100.0, "Latitude": 33.77, "Longitude": -118.01, "Population": 890.0}, {"index": 11570, "quantile": 0.0, "value": 186400.0, "Latitude": 33.77, "Longitude": -118.01, "Population": 995.0}, {"index": 11570, "quantile": 0.25, "value": 217499.99999999997, "Latitude": 33.77, "Longitude": -118.01, "Population": 995.0}, {"index": 11570, "quantile": 0.5, "value": 217499.99999999997, "Latitude": 33.77, "Longitude": -118.01, "Population": 995.0}, {"index": 11570, "quantile": 0.75, "value": 221075.0, "Latitude": 33.77, "Longitude": -118.01, "Population": 995.0}, {"index": 11570, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.01, "Population": 995.0}, {"index": 11571, "quantile": 0.0, "value": 112500.0, "Latitude": 33.76, "Longitude": -118.01, "Population": 1249.0}, {"index": 11571, "quantile": 0.25, "value": 163000.0, "Latitude": 33.76, "Longitude": -118.01, "Population": 1249.0}, {"index": 11571, "quantile": 0.5, "value": 183200.0, "Latitude": 33.76, "Longitude": -118.01, "Population": 1249.0}, {"index": 11571, "quantile": 0.75, "value": 213800.0, "Latitude": 33.76, "Longitude": -118.01, "Population": 1249.0}, {"index": 11571, "quantile": 1.0, "value": 278900.0, "Latitude": 33.76, "Longitude": -118.01, "Population": 1249.0}, {"index": 11572, "quantile": 0.0, "value": 142000.0, "Latitude": 33.76, "Longitude": -118.01, "Population": 2038.0}, {"index": 11572, "quantile": 0.25, "value": 176149.99999999997, "Latitude": 33.76, "Longitude": -118.01, "Population": 2038.0}, {"index": 11572, "quantile": 0.5, "value": 177700.0, "Latitude": 33.76, "Longitude": -118.01, "Population": 2038.0}, {"index": 11572, "quantile": 0.75, "value": 177700.0, "Latitude": 33.76, "Longitude": -118.01, "Population": 2038.0}, {"index": 11572, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 33.76, "Longitude": -118.01, "Population": 2038.0}, {"index": 11573, "quantile": 0.0, "value": 98300.0, "Latitude": 33.77, "Longitude": -118.0, "Population": 687.0}, {"index": 11573, "quantile": 0.25, "value": 196900.0, "Latitude": 33.77, "Longitude": -118.0, "Population": 687.0}, {"index": 11573, "quantile": 0.5, "value": 206299.99999999997, "Latitude": 33.77, "Longitude": -118.0, "Population": 687.0}, {"index": 11573, "quantile": 0.75, "value": 225199.99999999997, "Latitude": 33.77, "Longitude": -118.0, "Population": 687.0}, {"index": 11573, "quantile": 1.0, "value": 350000.0, "Latitude": 33.77, "Longitude": -118.0, "Population": 687.0}, {"index": 11574, "quantile": 0.0, "value": 155000.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 1426.0}, {"index": 11574, "quantile": 0.25, "value": 194200.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 1426.0}, {"index": 11574, "quantile": 0.5, "value": 194200.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 1426.0}, {"index": 11574, "quantile": 0.75, "value": 194200.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 1426.0}, {"index": 11574, "quantile": 1.0, "value": 266300.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 1426.0}, {"index": 11575, "quantile": 0.0, "value": 183400.0, "Latitude": 33.77, "Longitude": -118.0, "Population": 1155.0}, {"index": 11575, "quantile": 0.25, "value": 211700.0, "Latitude": 33.77, "Longitude": -118.0, "Population": 1155.0}, {"index": 11575, "quantile": 0.5, "value": 211700.0, "Latitude": 33.77, "Longitude": -118.0, "Population": 1155.0}, {"index": 11575, "quantile": 0.75, "value": 217375.0, "Latitude": 33.77, "Longitude": -118.0, "Population": 1155.0}, {"index": 11575, "quantile": 1.0, "value": 308900.0, "Latitude": 33.77, "Longitude": -118.0, "Population": 1155.0}, {"index": 11576, "quantile": 0.0, "value": 95200.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 982.0}, {"index": 11576, "quantile": 0.25, "value": 173200.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 982.0}, {"index": 11576, "quantile": 0.5, "value": 182500.00000000003, "Latitude": 33.76, "Longitude": -118.0, "Population": 982.0}, {"index": 11576, "quantile": 0.75, "value": 208800.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 982.0}, {"index": 11576, "quantile": 1.0, "value": 350000.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 982.0}, {"index": 11577, "quantile": 0.0, "value": 65000.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 1047.0}, {"index": 11577, "quantile": 0.25, "value": 198825.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 1047.0}, {"index": 11577, "quantile": 0.5, "value": 208800.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 1047.0}, {"index": 11577, "quantile": 0.75, "value": 208800.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 1047.0}, {"index": 11577, "quantile": 1.0, "value": 350000.0, "Latitude": 33.76, "Longitude": -118.0, "Population": 1047.0}, {"index": 11578, "quantile": 0.0, "value": 72500.0, "Latitude": 33.77, "Longitude": -118.03, "Population": 1511.0}, {"index": 11578, "quantile": 0.25, "value": 220600.00000000003, "Latitude": 33.77, "Longitude": -118.03, "Population": 1511.0}, {"index": 11578, "quantile": 0.5, "value": 221200.00000000003, "Latitude": 33.77, "Longitude": -118.03, "Population": 1511.0}, {"index": 11578, "quantile": 0.75, "value": 221200.00000000003, "Latitude": 33.77, "Longitude": -118.03, "Population": 1511.0}, {"index": 11578, "quantile": 1.0, "value": 456200.0, "Latitude": 33.77, "Longitude": -118.03, "Population": 1511.0}, {"index": 11579, "quantile": 0.0, "value": 47500.0, "Latitude": 33.77, "Longitude": -118.02, "Population": 232.0}, {"index": 11579, "quantile": 0.25, "value": 180350.0, "Latitude": 33.77, "Longitude": -118.02, "Population": 232.0}, {"index": 11579, "quantile": 0.5, "value": 195150.0, "Latitude": 33.77, "Longitude": -118.02, "Population": 232.0}, {"index": 11579, "quantile": 0.75, "value": 279600.0, "Latitude": 33.77, "Longitude": -118.02, "Population": 232.0}, {"index": 11579, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.02, "Population": 232.0}, {"index": 11580, "quantile": 0.0, "value": 139100.0, "Latitude": 33.77, "Longitude": -118.03, "Population": 880.0}, {"index": 11580, "quantile": 0.25, "value": 218900.0, "Latitude": 33.77, "Longitude": -118.03, "Population": 880.0}, {"index": 11580, "quantile": 0.5, "value": 218900.0, "Latitude": 33.77, "Longitude": -118.03, "Population": 880.0}, {"index": 11580, "quantile": 0.75, "value": 248400.0, "Latitude": 33.77, "Longitude": -118.03, "Population": 880.0}, {"index": 11580, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.77, "Longitude": -118.03, "Population": 880.0}, {"index": 11581, "quantile": 0.0, "value": 164800.0, "Latitude": 33.77, "Longitude": -118.03, "Population": 1818.0}, {"index": 11581, "quantile": 0.25, "value": 255900.00000000003, "Latitude": 33.77, "Longitude": -118.03, "Population": 1818.0}, {"index": 11581, "quantile": 0.5, "value": 255900.00000000003, "Latitude": 33.77, "Longitude": -118.03, "Population": 1818.0}, {"index": 11581, "quantile": 0.75, "value": 255900.00000000003, "Latitude": 33.77, "Longitude": -118.03, "Population": 1818.0}, {"index": 11581, "quantile": 1.0, "value": 416899.99999999994, "Latitude": 33.77, "Longitude": -118.03, "Population": 1818.0}, {"index": 11582, "quantile": 0.0, "value": 186100.0, "Latitude": 33.76, "Longitude": -118.03, "Population": 1370.0}, {"index": 11582, "quantile": 0.25, "value": 223500.0, "Latitude": 33.76, "Longitude": -118.03, "Population": 1370.0}, {"index": 11582, "quantile": 0.5, "value": 223500.0, "Latitude": 33.76, "Longitude": -118.03, "Population": 1370.0}, {"index": 11582, "quantile": 0.75, "value": 223500.0, "Latitude": 33.76, "Longitude": -118.03, "Population": 1370.0}, {"index": 11582, "quantile": 1.0, "value": 426499.99999999994, "Latitude": 33.76, "Longitude": -118.03, "Population": 1370.0}, {"index": 11583, "quantile": 0.0, "value": 273900.0, "Latitude": 33.76, "Longitude": -118.04, "Population": 1623.0}, {"index": 11583, "quantile": 0.25, "value": 294900.0, "Latitude": 33.76, "Longitude": -118.04, "Population": 1623.0}, {"index": 11583, "quantile": 0.5, "value": 294900.0, "Latitude": 33.76, "Longitude": -118.04, "Population": 1623.0}, {"index": 11583, "quantile": 0.75, "value": 294900.0, "Latitude": 33.76, "Longitude": -118.04, "Population": 1623.0}, {"index": 11583, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -118.04, "Population": 1623.0}, {"index": 11584, "quantile": 0.0, "value": 216100.0, "Latitude": 33.79, "Longitude": -118.03, "Population": 2932.0}, {"index": 11584, "quantile": 0.25, "value": 237600.0, "Latitude": 33.79, "Longitude": -118.03, "Population": 2932.0}, {"index": 11584, "quantile": 0.5, "value": 237600.0, "Latitude": 33.79, "Longitude": -118.03, "Population": 2932.0}, {"index": 11584, "quantile": 0.75, "value": 237600.0, "Latitude": 33.79, "Longitude": -118.03, "Population": 2932.0}, {"index": 11584, "quantile": 1.0, "value": 341200.0, "Latitude": 33.79, "Longitude": -118.03, "Population": 2932.0}, {"index": 11585, "quantile": 0.0, "value": 168900.0, "Latitude": 33.79, "Longitude": -118.03, "Population": 1718.0}, {"index": 11585, "quantile": 0.25, "value": 216600.0, "Latitude": 33.79, "Longitude": -118.03, "Population": 1718.0}, {"index": 11585, "quantile": 0.5, "value": 216600.0, "Latitude": 33.79, "Longitude": -118.03, "Population": 1718.0}, {"index": 11585, "quantile": 0.75, "value": 216600.0, "Latitude": 33.79, "Longitude": -118.03, "Population": 1718.0}, {"index": 11585, "quantile": 1.0, "value": 278400.0, "Latitude": 33.79, "Longitude": -118.03, "Population": 1718.0}, {"index": 11586, "quantile": 0.0, "value": 192200.0, "Latitude": 33.79, "Longitude": -118.01, "Population": 1277.0}, {"index": 11586, "quantile": 0.25, "value": 223200.00000000003, "Latitude": 33.79, "Longitude": -118.01, "Population": 1277.0}, {"index": 11586, "quantile": 0.5, "value": 223200.00000000003, "Latitude": 33.79, "Longitude": -118.01, "Population": 1277.0}, {"index": 11586, "quantile": 0.75, "value": 226025.0, "Latitude": 33.79, "Longitude": -118.01, "Population": 1277.0}, {"index": 11586, "quantile": 1.0, "value": 395100.0, "Latitude": 33.79, "Longitude": -118.01, "Population": 1277.0}, {"index": 11587, "quantile": 0.0, "value": 156300.0, "Latitude": 33.78, "Longitude": -118.02, "Population": 1754.0}, {"index": 11587, "quantile": 0.25, "value": 221875.0, "Latitude": 33.78, "Longitude": -118.02, "Population": 1754.0}, {"index": 11587, "quantile": 0.5, "value": 233500.0, "Latitude": 33.78, "Longitude": -118.02, "Population": 1754.0}, {"index": 11587, "quantile": 0.75, "value": 243275.0, "Latitude": 33.78, "Longitude": -118.02, "Population": 1754.0}, {"index": 11587, "quantile": 1.0, "value": 372000.0, "Latitude": 33.78, "Longitude": -118.02, "Population": 1754.0}, {"index": 11588, "quantile": 0.0, "value": 161700.0, "Latitude": 33.78, "Longitude": -118.01, "Population": 1160.0}, {"index": 11588, "quantile": 0.25, "value": 207399.99999999997, "Latitude": 33.78, "Longitude": -118.01, "Population": 1160.0}, {"index": 11588, "quantile": 0.5, "value": 207399.99999999997, "Latitude": 33.78, "Longitude": -118.01, "Population": 1160.0}, {"index": 11588, "quantile": 0.75, "value": 274200.0, "Latitude": 33.78, "Longitude": -118.01, "Population": 1160.0}, {"index": 11588, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.01, "Population": 1160.0}, {"index": 11589, "quantile": 0.0, "value": 151400.0, "Latitude": 33.78, "Longitude": -118.03, "Population": 836.0}, {"index": 11589, "quantile": 0.25, "value": 218299.99999999997, "Latitude": 33.78, "Longitude": -118.03, "Population": 836.0}, {"index": 11589, "quantile": 0.5, "value": 249650.00000000003, "Latitude": 33.78, "Longitude": -118.03, "Population": 836.0}, {"index": 11589, "quantile": 0.75, "value": 295550.0, "Latitude": 33.78, "Longitude": -118.03, "Population": 836.0}, {"index": 11589, "quantile": 1.0, "value": 445700.0, "Latitude": 33.78, "Longitude": -118.03, "Population": 836.0}, {"index": 11590, "quantile": 0.0, "value": 217499.99999999997, "Latitude": 33.78, "Longitude": -118.01, "Population": 1166.0}, {"index": 11590, "quantile": 0.25, "value": 233100.0, "Latitude": 33.78, "Longitude": -118.01, "Population": 1166.0}, {"index": 11590, "quantile": 0.5, "value": 233100.0, "Latitude": 33.78, "Longitude": -118.01, "Population": 1166.0}, {"index": 11590, "quantile": 0.75, "value": 241100.0, "Latitude": 33.78, "Longitude": -118.01, "Population": 1166.0}, {"index": 11590, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.78, "Longitude": -118.01, "Population": 1166.0}, {"index": 11591, "quantile": 0.0, "value": 244800.0, "Latitude": 33.78, "Longitude": -118.03, "Population": 1600.0}, {"index": 11591, "quantile": 0.25, "value": 270100.0, "Latitude": 33.78, "Longitude": -118.03, "Population": 1600.0}, {"index": 11591, "quantile": 0.5, "value": 270100.0, "Latitude": 33.78, "Longitude": -118.03, "Population": 1600.0}, {"index": 11591, "quantile": 0.75, "value": 332950.00000000006, "Latitude": 33.78, "Longitude": -118.03, "Population": 1600.0}, {"index": 11591, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.78, "Longitude": -118.03, "Population": 1600.0}, {"index": 11592, "quantile": 0.0, "value": 221000.0, "Latitude": 33.78, "Longitude": -118.04, "Population": 1623.0}, {"index": 11592, "quantile": 0.25, "value": 259400.0, "Latitude": 33.78, "Longitude": -118.04, "Population": 1623.0}, {"index": 11592, "quantile": 0.5, "value": 259400.0, "Latitude": 33.78, "Longitude": -118.04, "Population": 1623.0}, {"index": 11592, "quantile": 0.75, "value": 259400.0, "Latitude": 33.78, "Longitude": -118.04, "Population": 1623.0}, {"index": 11592, "quantile": 1.0, "value": 354400.0, "Latitude": 33.78, "Longitude": -118.04, "Population": 1623.0}, {"index": 11593, "quantile": 0.0, "value": 181100.0, "Latitude": 33.78, "Longitude": -118.04, "Population": 1640.0}, {"index": 11593, "quantile": 0.25, "value": 255900.00000000003, "Latitude": 33.78, "Longitude": -118.04, "Population": 1640.0}, {"index": 11593, "quantile": 0.5, "value": 259400.0, "Latitude": 33.78, "Longitude": -118.04, "Population": 1640.0}, {"index": 11593, "quantile": 0.75, "value": 272775.00000000006, "Latitude": 33.78, "Longitude": -118.04, "Population": 1640.0}, {"index": 11593, "quantile": 1.0, "value": 431400.0, "Latitude": 33.78, "Longitude": -118.04, "Population": 1640.0}, {"index": 11594, "quantile": 0.0, "value": 160100.0, "Latitude": 33.8, "Longitude": -118.08, "Population": 1457.0}, {"index": 11594, "quantile": 0.25, "value": 369400.0, "Latitude": 33.8, "Longitude": -118.08, "Population": 1457.0}, {"index": 11594, "quantile": 0.5, "value": 369400.0, "Latitude": 33.8, "Longitude": -118.08, "Population": 1457.0}, {"index": 11594, "quantile": 0.75, "value": 369400.0, "Latitude": 33.8, "Longitude": -118.08, "Population": 1457.0}, {"index": 11594, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.08, "Population": 1457.0}, {"index": 11595, "quantile": 0.0, "value": 176300.0, "Latitude": 33.8, "Longitude": -118.07, "Population": 1311.0}, {"index": 11595, "quantile": 0.25, "value": 384500.0, "Latitude": 33.8, "Longitude": -118.07, "Population": 1311.0}, {"index": 11595, "quantile": 0.5, "value": 384500.0, "Latitude": 33.8, "Longitude": -118.07, "Population": 1311.0}, {"index": 11595, "quantile": 0.75, "value": 384500.0, "Latitude": 33.8, "Longitude": -118.07, "Population": 1311.0}, {"index": 11595, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.07, "Population": 1311.0}, {"index": 11596, "quantile": 0.0, "value": 173200.0, "Latitude": 33.79, "Longitude": -118.08, "Population": 1127.0}, {"index": 11596, "quantile": 0.25, "value": 376200.0, "Latitude": 33.79, "Longitude": -118.08, "Population": 1127.0}, {"index": 11596, "quantile": 0.5, "value": 376200.0, "Latitude": 33.79, "Longitude": -118.08, "Population": 1127.0}, {"index": 11596, "quantile": 0.75, "value": 388500.0, "Latitude": 33.79, "Longitude": -118.08, "Population": 1127.0}, {"index": 11596, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.08, "Population": 1127.0}, {"index": 11597, "quantile": 0.0, "value": 240200.0, "Latitude": 33.78, "Longitude": -118.09, "Population": 852.0}, {"index": 11597, "quantile": 0.25, "value": 342800.0, "Latitude": 33.78, "Longitude": -118.09, "Population": 852.0}, {"index": 11597, "quantile": 0.5, "value": 359100.0, "Latitude": 33.78, "Longitude": -118.09, "Population": 852.0}, {"index": 11597, "quantile": 0.75, "value": 359100.0, "Latitude": 33.78, "Longitude": -118.09, "Population": 852.0}, {"index": 11597, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.09, "Population": 852.0}, {"index": 11598, "quantile": 0.0, "value": 237200.0, "Latitude": 33.79, "Longitude": -118.07, "Population": 967.0}, {"index": 11598, "quantile": 0.25, "value": 287650.0, "Latitude": 33.79, "Longitude": -118.07, "Population": 967.0}, {"index": 11598, "quantile": 0.5, "value": 353500.0, "Latitude": 33.79, "Longitude": -118.07, "Population": 967.0}, {"index": 11598, "quantile": 0.75, "value": 401125.00000000006, "Latitude": 33.79, "Longitude": -118.07, "Population": 967.0}, {"index": 11598, "quantile": 1.0, "value": 495500.0, "Latitude": 33.79, "Longitude": -118.07, "Population": 967.0}, {"index": 11599, "quantile": 0.0, "value": 237200.0, "Latitude": 33.79, "Longitude": -118.09, "Population": 1694.0}, {"index": 11599, "quantile": 0.25, "value": 360100.0, "Latitude": 33.79, "Longitude": -118.09, "Population": 1694.0}, {"index": 11599, "quantile": 0.5, "value": 360100.0, "Latitude": 33.79, "Longitude": -118.09, "Population": 1694.0}, {"index": 11599, "quantile": 0.75, "value": 360100.0, "Latitude": 33.79, "Longitude": -118.09, "Population": 1694.0}, {"index": 11599, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.09, "Population": 1694.0}, {"index": 11600, "quantile": 0.0, "value": 187600.0, "Latitude": 33.78, "Longitude": -118.08, "Population": 1051.0}, {"index": 11600, "quantile": 0.25, "value": 238649.99999999997, "Latitude": 33.78, "Longitude": -118.08, "Population": 1051.0}, {"index": 11600, "quantile": 0.5, "value": 372000.0, "Latitude": 33.78, "Longitude": -118.08, "Population": 1051.0}, {"index": 11600, "quantile": 0.75, "value": 372000.0, "Latitude": 33.78, "Longitude": -118.08, "Population": 1051.0}, {"index": 11600, "quantile": 1.0, "value": 430900.0, "Latitude": 33.78, "Longitude": -118.08, "Population": 1051.0}, {"index": 11601, "quantile": 0.0, "value": 171700.0, "Latitude": 33.78, "Longitude": -118.08, "Population": 1109.0}, {"index": 11601, "quantile": 0.25, "value": 364700.0, "Latitude": 33.78, "Longitude": -118.08, "Population": 1109.0}, {"index": 11601, "quantile": 0.5, "value": 364700.0, "Latitude": 33.78, "Longitude": -118.08, "Population": 1109.0}, {"index": 11601, "quantile": 0.75, "value": 367025.0, "Latitude": 33.78, "Longitude": -118.08, "Population": 1109.0}, {"index": 11601, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.08, "Population": 1109.0}, {"index": 11602, "quantile": 0.0, "value": 189800.0, "Latitude": 33.78, "Longitude": -118.08, "Population": 1969.0}, {"index": 11602, "quantile": 0.25, "value": 340100.0, "Latitude": 33.78, "Longitude": -118.08, "Population": 1969.0}, {"index": 11602, "quantile": 0.5, "value": 340100.0, "Latitude": 33.78, "Longitude": -118.08, "Population": 1969.0}, {"index": 11602, "quantile": 0.75, "value": 341550.0, "Latitude": 33.78, "Longitude": -118.08, "Population": 1969.0}, {"index": 11602, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.08, "Population": 1969.0}, {"index": 11603, "quantile": 0.0, "value": 120000.0, "Latitude": 33.79, "Longitude": -118.02, "Population": 3281.0}, {"index": 11603, "quantile": 0.25, "value": 240400.0, "Latitude": 33.79, "Longitude": -118.02, "Population": 3281.0}, {"index": 11603, "quantile": 0.5, "value": 240400.0, "Latitude": 33.79, "Longitude": -118.02, "Population": 3281.0}, {"index": 11603, "quantile": 0.75, "value": 255225.0, "Latitude": 33.79, "Longitude": -118.02, "Population": 3281.0}, {"index": 11603, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.79, "Longitude": -118.02, "Population": 3281.0}, {"index": 11604, "quantile": 0.0, "value": 110100.0, "Latitude": 33.79, "Longitude": -118.01, "Population": 1499.0}, {"index": 11604, "quantile": 0.25, "value": 221900.0, "Latitude": 33.79, "Longitude": -118.01, "Population": 1499.0}, {"index": 11604, "quantile": 0.5, "value": 237400.0, "Latitude": 33.79, "Longitude": -118.01, "Population": 1499.0}, {"index": 11604, "quantile": 0.75, "value": 275525.0, "Latitude": 33.79, "Longitude": -118.01, "Population": 1499.0}, {"index": 11604, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.79, "Longitude": -118.01, "Population": 1499.0}, {"index": 11605, "quantile": 0.0, "value": 154800.0, "Latitude": 33.8, "Longitude": -118.02, "Population": 32.0}, {"index": 11605, "quantile": 0.25, "value": 193800.0, "Latitude": 33.8, "Longitude": -118.02, "Population": 32.0}, {"index": 11605, "quantile": 0.5, "value": 193800.0, "Latitude": 33.8, "Longitude": -118.02, "Population": 32.0}, {"index": 11605, "quantile": 0.75, "value": 286825.0, "Latitude": 33.8, "Longitude": -118.02, "Population": 32.0}, {"index": 11605, "quantile": 1.0, "value": 390000.0, "Latitude": 33.8, "Longitude": -118.02, "Population": 32.0}, {"index": 11606, "quantile": 0.0, "value": 193500.0, "Latitude": 33.8, "Longitude": -118.02, "Population": 1379.0}, {"index": 11606, "quantile": 0.25, "value": 359600.0, "Latitude": 33.8, "Longitude": -118.02, "Population": 1379.0}, {"index": 11606, "quantile": 0.5, "value": 359600.0, "Latitude": 33.8, "Longitude": -118.02, "Population": 1379.0}, {"index": 11606, "quantile": 0.75, "value": 367100.0, "Latitude": 33.8, "Longitude": -118.02, "Population": 1379.0}, {"index": 11606, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.02, "Population": 1379.0}, {"index": 11607, "quantile": 0.0, "value": 169400.0, "Latitude": 33.8, "Longitude": -118.01, "Population": 1488.0}, {"index": 11607, "quantile": 0.25, "value": 219499.99999999997, "Latitude": 33.8, "Longitude": -118.01, "Population": 1488.0}, {"index": 11607, "quantile": 0.5, "value": 219499.99999999997, "Latitude": 33.8, "Longitude": -118.01, "Population": 1488.0}, {"index": 11607, "quantile": 0.75, "value": 225750.00000000003, "Latitude": 33.8, "Longitude": -118.01, "Population": 1488.0}, {"index": 11607, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -118.01, "Population": 1488.0}, {"index": 11608, "quantile": 0.0, "value": 224100.0, "Latitude": 33.78, "Longitude": -118.05, "Population": 1272.0}, {"index": 11608, "quantile": 0.25, "value": 390900.0, "Latitude": 33.78, "Longitude": -118.05, "Population": 1272.0}, {"index": 11608, "quantile": 0.5, "value": 390900.0, "Latitude": 33.78, "Longitude": -118.05, "Population": 1272.0}, {"index": 11608, "quantile": 0.75, "value": 390900.0, "Latitude": 33.78, "Longitude": -118.05, "Population": 1272.0}, {"index": 11608, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.05, "Population": 1272.0}, {"index": 11609, "quantile": 0.0, "value": 239900.0, "Latitude": 33.78, "Longitude": -118.05, "Population": 1098.0}, {"index": 11609, "quantile": 0.25, "value": 353500.0, "Latitude": 33.78, "Longitude": -118.05, "Population": 1098.0}, {"index": 11609, "quantile": 0.5, "value": 353500.0, "Latitude": 33.78, "Longitude": -118.05, "Population": 1098.0}, {"index": 11609, "quantile": 0.75, "value": 353500.0, "Latitude": 33.78, "Longitude": -118.05, "Population": 1098.0}, {"index": 11609, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -118.05, "Population": 1098.0}, {"index": 11610, "quantile": 0.0, "value": 236800.0, "Latitude": 33.78, "Longitude": -118.05, "Population": 937.0}, {"index": 11610, "quantile": 0.25, "value": 347600.0, "Latitude": 33.78, "Longitude": -118.05, "Population": 937.0}, {"index": 11610, "quantile": 0.5, "value": 359100.0, "Latitude": 33.78, "Longitude": -118.05, "Population": 937.0}, {"index": 11610, "quantile": 0.75, "value": 359100.0, "Latitude": 33.78, "Longitude": -118.05, "Population": 937.0}, {"index": 11610, "quantile": 1.0, "value": 466899.99999999994, "Latitude": 33.78, "Longitude": -118.05, "Population": 937.0}, {"index": 11611, "quantile": 0.0, "value": 270100.0, "Latitude": 33.78, "Longitude": -118.06, "Population": 1637.0}, {"index": 11611, "quantile": 0.25, "value": 343724.99999999994, "Latitude": 33.78, "Longitude": -118.06, "Population": 1637.0}, {"index": 11611, "quantile": 0.5, "value": 355600.0, "Latitude": 33.78, "Longitude": -118.06, "Population": 1637.0}, {"index": 11611, "quantile": 0.75, "value": 355600.0, "Latitude": 33.78, "Longitude": -118.06, "Population": 1637.0}, {"index": 11611, "quantile": 1.0, "value": 412300.0, "Latitude": 33.78, "Longitude": -118.06, "Population": 1637.0}, {"index": 11612, "quantile": 0.0, "value": 175800.0, "Latitude": 33.8, "Longitude": -118.04, "Population": 1359.0}, {"index": 11612, "quantile": 0.25, "value": 219875.0, "Latitude": 33.8, "Longitude": -118.04, "Population": 1359.0}, {"index": 11612, "quantile": 0.5, "value": 240200.0, "Latitude": 33.8, "Longitude": -118.04, "Population": 1359.0}, {"index": 11612, "quantile": 0.75, "value": 258800.0, "Latitude": 33.8, "Longitude": -118.04, "Population": 1359.0}, {"index": 11612, "quantile": 1.0, "value": 354200.0, "Latitude": 33.8, "Longitude": -118.04, "Population": 1359.0}, {"index": 11613, "quantile": 0.0, "value": 139700.0, "Latitude": 33.8, "Longitude": -118.06, "Population": 1215.0}, {"index": 11613, "quantile": 0.25, "value": 200999.99999999997, "Latitude": 33.8, "Longitude": -118.06, "Population": 1215.0}, {"index": 11613, "quantile": 0.5, "value": 225199.99999999997, "Latitude": 33.8, "Longitude": -118.06, "Population": 1215.0}, {"index": 11613, "quantile": 0.75, "value": 240925.0, "Latitude": 33.8, "Longitude": -118.06, "Population": 1215.0}, {"index": 11613, "quantile": 1.0, "value": 420099.99999999994, "Latitude": 33.8, "Longitude": -118.06, "Population": 1215.0}, {"index": 11614, "quantile": 0.0, "value": 185600.0, "Latitude": 33.79, "Longitude": -118.07, "Population": 1936.0}, {"index": 11614, "quantile": 0.25, "value": 277525.0, "Latitude": 33.79, "Longitude": -118.07, "Population": 1936.0}, {"index": 11614, "quantile": 0.5, "value": 301700.0, "Latitude": 33.79, "Longitude": -118.07, "Population": 1936.0}, {"index": 11614, "quantile": 0.75, "value": 331625.0, "Latitude": 33.79, "Longitude": -118.07, "Population": 1936.0}, {"index": 11614, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.79, "Longitude": -118.07, "Population": 1936.0}, {"index": 11615, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 33.8, "Longitude": -118.06, "Population": 1015.0}, {"index": 11615, "quantile": 0.25, "value": 206025.0, "Latitude": 33.8, "Longitude": -118.06, "Population": 1015.0}, {"index": 11615, "quantile": 0.5, "value": 226399.99999999997, "Latitude": 33.8, "Longitude": -118.06, "Population": 1015.0}, {"index": 11615, "quantile": 0.75, "value": 238925.0, "Latitude": 33.8, "Longitude": -118.06, "Population": 1015.0}, {"index": 11615, "quantile": 1.0, "value": 395000.0, "Latitude": 33.8, "Longitude": -118.06, "Population": 1015.0}, {"index": 11616, "quantile": 0.0, "value": 132800.0, "Latitude": 33.8, "Longitude": -118.06, "Population": 937.0}, {"index": 11616, "quantile": 0.25, "value": 195300.0, "Latitude": 33.8, "Longitude": -118.06, "Population": 937.0}, {"index": 11616, "quantile": 0.5, "value": 195300.0, "Latitude": 33.8, "Longitude": -118.06, "Population": 937.0}, {"index": 11616, "quantile": 0.75, "value": 195300.0, "Latitude": 33.8, "Longitude": -118.06, "Population": 937.0}, {"index": 11616, "quantile": 1.0, "value": 234600.0, "Latitude": 33.8, "Longitude": -118.06, "Population": 937.0}, {"index": 11617, "quantile": 0.0, "value": 136300.0, "Latitude": 33.8, "Longitude": -118.07, "Population": 1161.0}, {"index": 11617, "quantile": 0.25, "value": 193100.0, "Latitude": 33.8, "Longitude": -118.07, "Population": 1161.0}, {"index": 11617, "quantile": 0.5, "value": 193100.0, "Latitude": 33.8, "Longitude": -118.07, "Population": 1161.0}, {"index": 11617, "quantile": 0.75, "value": 193100.0, "Latitude": 33.8, "Longitude": -118.07, "Population": 1161.0}, {"index": 11617, "quantile": 1.0, "value": 363100.0, "Latitude": 33.8, "Longitude": -118.07, "Population": 1161.0}, {"index": 11618, "quantile": 0.0, "value": 96100.0, "Latitude": 33.79, "Longitude": -118.05, "Population": 1260.0}, {"index": 11618, "quantile": 0.25, "value": 180200.0, "Latitude": 33.79, "Longitude": -118.05, "Population": 1260.0}, {"index": 11618, "quantile": 0.5, "value": 194000.0, "Latitude": 33.79, "Longitude": -118.05, "Population": 1260.0}, {"index": 11618, "quantile": 0.75, "value": 225900.0, "Latitude": 33.79, "Longitude": -118.05, "Population": 1260.0}, {"index": 11618, "quantile": 1.0, "value": 375000.0, "Latitude": 33.79, "Longitude": -118.05, "Population": 1260.0}, {"index": 11619, "quantile": 0.0, "value": 136400.0, "Latitude": 33.84, "Longitude": -118.04, "Population": 3193.0}, {"index": 11619, "quantile": 0.25, "value": 256000.0, "Latitude": 33.84, "Longitude": -118.04, "Population": 3193.0}, {"index": 11619, "quantile": 0.5, "value": 256000.0, "Latitude": 33.84, "Longitude": -118.04, "Population": 3193.0}, {"index": 11619, "quantile": 0.75, "value": 256000.0, "Latitude": 33.84, "Longitude": -118.04, "Population": 3193.0}, {"index": 11619, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -118.04, "Population": 3193.0}, {"index": 11620, "quantile": 0.0, "value": 273900.0, "Latitude": 33.84, "Longitude": -118.05, "Population": 2295.0}, {"index": 11620, "quantile": 0.25, "value": 329700.0, "Latitude": 33.84, "Longitude": -118.05, "Population": 2295.0}, {"index": 11620, "quantile": 0.5, "value": 329700.0, "Latitude": 33.84, "Longitude": -118.05, "Population": 2295.0}, {"index": 11620, "quantile": 0.75, "value": 329700.0, "Latitude": 33.84, "Longitude": -118.05, "Population": 2295.0}, {"index": 11620, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -118.05, "Population": 2295.0}, {"index": 11621, "quantile": 0.0, "value": 146400.0, "Latitude": 33.83, "Longitude": -118.04, "Population": 2318.0}, {"index": 11621, "quantile": 0.25, "value": 236875.00000000003, "Latitude": 33.83, "Longitude": -118.04, "Population": 2318.0}, {"index": 11621, "quantile": 0.5, "value": 320700.0, "Latitude": 33.83, "Longitude": -118.04, "Population": 2318.0}, {"index": 11621, "quantile": 0.75, "value": 320700.0, "Latitude": 33.83, "Longitude": -118.04, "Population": 2318.0}, {"index": 11621, "quantile": 1.0, "value": 320700.0, "Latitude": 33.83, "Longitude": -118.04, "Population": 2318.0}, {"index": 11622, "quantile": 0.0, "value": 220800.00000000003, "Latitude": 33.82, "Longitude": -118.04, "Population": 2072.0}, {"index": 11622, "quantile": 0.25, "value": 240900.00000000003, "Latitude": 33.82, "Longitude": -118.04, "Population": 2072.0}, {"index": 11622, "quantile": 0.5, "value": 273900.0, "Latitude": 33.82, "Longitude": -118.04, "Population": 2072.0}, {"index": 11622, "quantile": 0.75, "value": 273900.0, "Latitude": 33.82, "Longitude": -118.04, "Population": 2072.0}, {"index": 11622, "quantile": 1.0, "value": 286700.0, "Latitude": 33.82, "Longitude": -118.04, "Population": 2072.0}, {"index": 11623, "quantile": 0.0, "value": 135700.0, "Latitude": 33.83, "Longitude": -118.04, "Population": 972.0}, {"index": 11623, "quantile": 0.25, "value": 166000.0, "Latitude": 33.83, "Longitude": -118.04, "Population": 972.0}, {"index": 11623, "quantile": 0.5, "value": 192700.0, "Latitude": 33.83, "Longitude": -118.04, "Population": 972.0}, {"index": 11623, "quantile": 0.75, "value": 212500.0, "Latitude": 33.83, "Longitude": -118.04, "Population": 972.0}, {"index": 11623, "quantile": 1.0, "value": 425000.0, "Latitude": 33.83, "Longitude": -118.04, "Population": 972.0}, {"index": 11624, "quantile": 0.0, "value": 159600.0, "Latitude": 33.82, "Longitude": -118.05, "Population": 732.0}, {"index": 11624, "quantile": 0.25, "value": 159600.0, "Latitude": 33.82, "Longitude": -118.05, "Population": 732.0}, {"index": 11624, "quantile": 0.5, "value": 159600.0, "Latitude": 33.82, "Longitude": -118.05, "Population": 732.0}, {"index": 11624, "quantile": 0.75, "value": 223125.00000000003, "Latitude": 33.82, "Longitude": -118.05, "Population": 732.0}, {"index": 11624, "quantile": 1.0, "value": 445700.0, "Latitude": 33.82, "Longitude": -118.05, "Population": 732.0}, {"index": 11625, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 33.82, "Longitude": -118.06, "Population": 965.0}, {"index": 11625, "quantile": 0.25, "value": 246800.0, "Latitude": 33.82, "Longitude": -118.06, "Population": 965.0}, {"index": 11625, "quantile": 0.5, "value": 276200.0, "Latitude": 33.82, "Longitude": -118.06, "Population": 965.0}, {"index": 11625, "quantile": 0.75, "value": 362600.0, "Latitude": 33.82, "Longitude": -118.06, "Population": 965.0}, {"index": 11625, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.06, "Population": 965.0}, {"index": 11626, "quantile": 0.0, "value": 171900.0, "Latitude": 33.81, "Longitude": -118.06, "Population": 1839.0}, {"index": 11626, "quantile": 0.25, "value": 243625.00000000003, "Latitude": 33.81, "Longitude": -118.06, "Population": 1839.0}, {"index": 11626, "quantile": 0.5, "value": 263000.0, "Latitude": 33.81, "Longitude": -118.06, "Population": 1839.0}, {"index": 11626, "quantile": 0.75, "value": 263000.0, "Latitude": 33.81, "Longitude": -118.06, "Population": 1839.0}, {"index": 11626, "quantile": 1.0, "value": 308000.0, "Latitude": 33.81, "Longitude": -118.06, "Population": 1839.0}, {"index": 11627, "quantile": 0.0, "value": 329300.0, "Latitude": 33.81, "Longitude": -118.07, "Population": 1305.0}, {"index": 11627, "quantile": 0.25, "value": 390900.0, "Latitude": 33.81, "Longitude": -118.07, "Population": 1305.0}, {"index": 11627, "quantile": 0.5, "value": 398800.0, "Latitude": 33.81, "Longitude": -118.07, "Population": 1305.0}, {"index": 11627, "quantile": 0.75, "value": 398800.0, "Latitude": 33.81, "Longitude": -118.07, "Population": 1305.0}, {"index": 11627, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -118.07, "Population": 1305.0}, {"index": 11628, "quantile": 0.0, "value": 153500.0, "Latitude": 33.8, "Longitude": -118.07, "Population": 810.0}, {"index": 11628, "quantile": 0.25, "value": 217924.99999999997, "Latitude": 33.8, "Longitude": -118.07, "Population": 810.0}, {"index": 11628, "quantile": 0.5, "value": 218200.0, "Latitude": 33.8, "Longitude": -118.07, "Population": 810.0}, {"index": 11628, "quantile": 0.75, "value": 218200.0, "Latitude": 33.8, "Longitude": -118.07, "Population": 810.0}, {"index": 11628, "quantile": 1.0, "value": 300000.0, "Latitude": 33.8, "Longitude": -118.07, "Population": 810.0}, {"index": 11629, "quantile": 0.0, "value": 40000.0, "Latitude": 33.81, "Longitude": -118.08, "Population": 577.0}, {"index": 11629, "quantile": 0.25, "value": 193250.0, "Latitude": 33.81, "Longitude": -118.08, "Population": 577.0}, {"index": 11629, "quantile": 0.5, "value": 232300.0, "Latitude": 33.81, "Longitude": -118.08, "Population": 577.0}, {"index": 11629, "quantile": 0.75, "value": 271300.0, "Latitude": 33.81, "Longitude": -118.08, "Population": 577.0}, {"index": 11629, "quantile": 1.0, "value": 450000.0, "Latitude": 33.81, "Longitude": -118.08, "Population": 577.0}, {"index": 11630, "quantile": 0.0, "value": 144100.0, "Latitude": 33.82, "Longitude": -118.03, "Population": 770.0}, {"index": 11630, "quantile": 0.25, "value": 244400.0, "Latitude": 33.82, "Longitude": -118.03, "Population": 770.0}, {"index": 11630, "quantile": 0.5, "value": 244400.0, "Latitude": 33.82, "Longitude": -118.03, "Population": 770.0}, {"index": 11630, "quantile": 0.75, "value": 244400.0, "Latitude": 33.82, "Longitude": -118.03, "Population": 770.0}, {"index": 11630, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.03, "Population": 770.0}, {"index": 11631, "quantile": 0.0, "value": 94600.0, "Latitude": 33.82, "Longitude": -118.03, "Population": 1077.0}, {"index": 11631, "quantile": 0.25, "value": 167100.0, "Latitude": 33.82, "Longitude": -118.03, "Population": 1077.0}, {"index": 11631, "quantile": 0.5, "value": 193100.0, "Latitude": 33.82, "Longitude": -118.03, "Population": 1077.0}, {"index": 11631, "quantile": 0.75, "value": 213000.0, "Latitude": 33.82, "Longitude": -118.03, "Population": 1077.0}, {"index": 11631, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.03, "Population": 1077.0}, {"index": 11632, "quantile": 0.0, "value": 105300.0, "Latitude": 33.82, "Longitude": -118.03, "Population": 1275.0}, {"index": 11632, "quantile": 0.25, "value": 243699.99999999997, "Latitude": 33.82, "Longitude": -118.03, "Population": 1275.0}, {"index": 11632, "quantile": 0.5, "value": 287150.0, "Latitude": 33.82, "Longitude": -118.03, "Population": 1275.0}, {"index": 11632, "quantile": 0.75, "value": 304200.0, "Latitude": 33.82, "Longitude": -118.03, "Population": 1275.0}, {"index": 11632, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.03, "Population": 1275.0}, {"index": 11633, "quantile": 0.0, "value": 159500.0, "Latitude": 33.82, "Longitude": -118.02, "Population": 1286.0}, {"index": 11633, "quantile": 0.25, "value": 234525.0, "Latitude": 33.82, "Longitude": -118.02, "Population": 1286.0}, {"index": 11633, "quantile": 0.5, "value": 258300.00000000003, "Latitude": 33.82, "Longitude": -118.02, "Population": 1286.0}, {"index": 11633, "quantile": 0.75, "value": 258300.00000000003, "Latitude": 33.82, "Longitude": -118.02, "Population": 1286.0}, {"index": 11633, "quantile": 1.0, "value": 343900.0, "Latitude": 33.82, "Longitude": -118.02, "Population": 1286.0}, {"index": 11634, "quantile": 0.0, "value": 112500.0, "Latitude": 33.83, "Longitude": -118.02, "Population": 665.0}, {"index": 11634, "quantile": 0.25, "value": 207799.99999999997, "Latitude": 33.83, "Longitude": -118.02, "Population": 665.0}, {"index": 11634, "quantile": 0.5, "value": 260000.0, "Latitude": 33.83, "Longitude": -118.02, "Population": 665.0}, {"index": 11634, "quantile": 0.75, "value": 260000.0, "Latitude": 33.83, "Longitude": -118.02, "Population": 665.0}, {"index": 11634, "quantile": 1.0, "value": 262500.0, "Latitude": 33.83, "Longitude": -118.02, "Population": 665.0}, {"index": 11635, "quantile": 0.0, "value": 153500.0, "Latitude": 33.83, "Longitude": -118.03, "Population": 2072.0}, {"index": 11635, "quantile": 0.25, "value": 198400.0, "Latitude": 33.83, "Longitude": -118.03, "Population": 2072.0}, {"index": 11635, "quantile": 0.5, "value": 198400.0, "Latitude": 33.83, "Longitude": -118.03, "Population": 2072.0}, {"index": 11635, "quantile": 0.75, "value": 198400.0, "Latitude": 33.83, "Longitude": -118.03, "Population": 2072.0}, {"index": 11635, "quantile": 1.0, "value": 271500.0, "Latitude": 33.83, "Longitude": -118.03, "Population": 2072.0}, {"index": 11636, "quantile": 0.0, "value": 100800.0, "Latitude": 33.83, "Longitude": -118.03, "Population": 1668.0}, {"index": 11636, "quantile": 0.25, "value": 229549.99999999997, "Latitude": 33.83, "Longitude": -118.03, "Population": 1668.0}, {"index": 11636, "quantile": 0.5, "value": 229599.99999999997, "Latitude": 33.83, "Longitude": -118.03, "Population": 1668.0}, {"index": 11636, "quantile": 0.75, "value": 229599.99999999997, "Latitude": 33.83, "Longitude": -118.03, "Population": 1668.0}, {"index": 11636, "quantile": 1.0, "value": 289300.0, "Latitude": 33.83, "Longitude": -118.03, "Population": 1668.0}, {"index": 11637, "quantile": 0.0, "value": 132800.0, "Latitude": 33.83, "Longitude": -118.03, "Population": 529.0}, {"index": 11637, "quantile": 0.25, "value": 132800.0, "Latitude": 33.83, "Longitude": -118.03, "Population": 529.0}, {"index": 11637, "quantile": 0.5, "value": 132800.0, "Latitude": 33.83, "Longitude": -118.03, "Population": 529.0}, {"index": 11637, "quantile": 0.75, "value": 180750.0, "Latitude": 33.83, "Longitude": -118.03, "Population": 529.0}, {"index": 11637, "quantile": 1.0, "value": 247700.0, "Latitude": 33.83, "Longitude": -118.03, "Population": 529.0}, {"index": 11638, "quantile": 0.0, "value": 139700.0, "Latitude": 33.83, "Longitude": -118.06, "Population": 2812.0}, {"index": 11638, "quantile": 0.25, "value": 222775.00000000003, "Latitude": 33.83, "Longitude": -118.06, "Population": 2812.0}, {"index": 11638, "quantile": 0.5, "value": 226399.99999999997, "Latitude": 33.83, "Longitude": -118.06, "Population": 2812.0}, {"index": 11638, "quantile": 0.75, "value": 226399.99999999997, "Latitude": 33.83, "Longitude": -118.06, "Population": 2812.0}, {"index": 11638, "quantile": 1.0, "value": 311300.0, "Latitude": 33.83, "Longitude": -118.06, "Population": 2812.0}, {"index": 11639, "quantile": 0.0, "value": 185200.0, "Latitude": 33.83, "Longitude": -118.05, "Population": 2286.0}, {"index": 11639, "quantile": 0.25, "value": 284225.0, "Latitude": 33.83, "Longitude": -118.05, "Population": 2286.0}, {"index": 11639, "quantile": 0.5, "value": 286700.0, "Latitude": 33.83, "Longitude": -118.05, "Population": 2286.0}, {"index": 11639, "quantile": 0.75, "value": 286700.0, "Latitude": 33.83, "Longitude": -118.05, "Population": 2286.0}, {"index": 11639, "quantile": 1.0, "value": 402600.0, "Latitude": 33.83, "Longitude": -118.05, "Population": 2286.0}, {"index": 11640, "quantile": 0.0, "value": 158500.0, "Latitude": 33.83, "Longitude": -118.06, "Population": 1897.0}, {"index": 11640, "quantile": 0.25, "value": 316375.0, "Latitude": 33.83, "Longitude": -118.06, "Population": 1897.0}, {"index": 11640, "quantile": 0.5, "value": 343900.0, "Latitude": 33.83, "Longitude": -118.06, "Population": 1897.0}, {"index": 11640, "quantile": 0.75, "value": 343900.0, "Latitude": 33.83, "Longitude": -118.06, "Population": 1897.0}, {"index": 11640, "quantile": 1.0, "value": 343900.0, "Latitude": 33.83, "Longitude": -118.06, "Population": 1897.0}, {"index": 11641, "quantile": 0.0, "value": 332700.0, "Latitude": 33.82, "Longitude": -118.05, "Population": 1323.0}, {"index": 11641, "quantile": 0.25, "value": 386700.0, "Latitude": 33.82, "Longitude": -118.05, "Population": 1323.0}, {"index": 11641, "quantile": 0.5, "value": 386700.0, "Latitude": 33.82, "Longitude": -118.05, "Population": 1323.0}, {"index": 11641, "quantile": 0.75, "value": 386700.0, "Latitude": 33.82, "Longitude": -118.05, "Population": 1323.0}, {"index": 11641, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -118.05, "Population": 1323.0}, {"index": 11642, "quantile": 0.0, "value": 146300.0, "Latitude": 33.83, "Longitude": -118.06, "Population": 1112.0}, {"index": 11642, "quantile": 0.25, "value": 163800.0, "Latitude": 33.83, "Longitude": -118.06, "Population": 1112.0}, {"index": 11642, "quantile": 0.5, "value": 163800.0, "Latitude": 33.83, "Longitude": -118.06, "Population": 1112.0}, {"index": 11642, "quantile": 0.75, "value": 187050.0, "Latitude": 33.83, "Longitude": -118.06, "Population": 1112.0}, {"index": 11642, "quantile": 1.0, "value": 350000.0, "Latitude": 33.83, "Longitude": -118.06, "Population": 1112.0}, {"index": 11643, "quantile": 0.0, "value": 110700.0, "Latitude": 33.82, "Longitude": -118.06, "Population": 1568.0}, {"index": 11643, "quantile": 0.25, "value": 213400.0, "Latitude": 33.82, "Longitude": -118.06, "Population": 1568.0}, {"index": 11643, "quantile": 0.5, "value": 213400.0, "Latitude": 33.82, "Longitude": -118.06, "Population": 1568.0}, {"index": 11643, "quantile": 0.75, "value": 236500.00000000003, "Latitude": 33.82, "Longitude": -118.06, "Population": 1568.0}, {"index": 11643, "quantile": 1.0, "value": 387800.0, "Latitude": 33.82, "Longitude": -118.06, "Population": 1568.0}, {"index": 11644, "quantile": 0.0, "value": 193300.0, "Latitude": 33.81, "Longitude": -118.04, "Population": 2204.0}, {"index": 11644, "quantile": 0.25, "value": 241000.0, "Latitude": 33.81, "Longitude": -118.04, "Population": 2204.0}, {"index": 11644, "quantile": 0.5, "value": 241000.0, "Latitude": 33.81, "Longitude": -118.04, "Population": 2204.0}, {"index": 11644, "quantile": 0.75, "value": 263300.0, "Latitude": 33.81, "Longitude": -118.04, "Population": 2204.0}, {"index": 11644, "quantile": 1.0, "value": 324900.0, "Latitude": 33.81, "Longitude": -118.04, "Population": 2204.0}, {"index": 11645, "quantile": 0.0, "value": 196900.0, "Latitude": 33.81, "Longitude": -118.04, "Population": 1849.0}, {"index": 11645, "quantile": 0.25, "value": 216100.0, "Latitude": 33.81, "Longitude": -118.04, "Population": 1849.0}, {"index": 11645, "quantile": 0.5, "value": 216100.0, "Latitude": 33.81, "Longitude": -118.04, "Population": 1849.0}, {"index": 11645, "quantile": 0.75, "value": 222474.99999999997, "Latitude": 33.81, "Longitude": -118.04, "Population": 1849.0}, {"index": 11645, "quantile": 1.0, "value": 288000.0, "Latitude": 33.81, "Longitude": -118.04, "Population": 1849.0}, {"index": 11646, "quantile": 0.0, "value": 140800.0, "Latitude": 33.81, "Longitude": -118.05, "Population": 1377.0}, {"index": 11646, "quantile": 0.25, "value": 232200.0, "Latitude": 33.81, "Longitude": -118.05, "Population": 1377.0}, {"index": 11646, "quantile": 0.5, "value": 234600.0, "Latitude": 33.81, "Longitude": -118.05, "Population": 1377.0}, {"index": 11646, "quantile": 0.75, "value": 234600.0, "Latitude": 33.81, "Longitude": -118.05, "Population": 1377.0}, {"index": 11646, "quantile": 1.0, "value": 267200.0, "Latitude": 33.81, "Longitude": -118.05, "Population": 1377.0}, {"index": 11647, "quantile": 0.0, "value": 180500.0, "Latitude": 33.81, "Longitude": -118.03, "Population": 1779.0}, {"index": 11647, "quantile": 0.25, "value": 237400.0, "Latitude": 33.81, "Longitude": -118.03, "Population": 1779.0}, {"index": 11647, "quantile": 0.5, "value": 237400.0, "Latitude": 33.81, "Longitude": -118.03, "Population": 1779.0}, {"index": 11647, "quantile": 0.75, "value": 238099.99999999997, "Latitude": 33.81, "Longitude": -118.03, "Population": 1779.0}, {"index": 11647, "quantile": 1.0, "value": 291700.0, "Latitude": 33.81, "Longitude": -118.03, "Population": 1779.0}, {"index": 11648, "quantile": 0.0, "value": 72100.0, "Latitude": 33.86, "Longitude": -118.03, "Population": 1014.0}, {"index": 11648, "quantile": 0.25, "value": 224800.00000000003, "Latitude": 33.86, "Longitude": -118.03, "Population": 1014.0}, {"index": 11648, "quantile": 0.5, "value": 289300.0, "Latitude": 33.86, "Longitude": -118.03, "Population": 1014.0}, {"index": 11648, "quantile": 0.75, "value": 289300.0, "Latitude": 33.86, "Longitude": -118.03, "Population": 1014.0}, {"index": 11648, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.86, "Longitude": -118.03, "Population": 1014.0}, {"index": 11649, "quantile": 0.0, "value": 130600.0, "Latitude": 33.85, "Longitude": -118.04, "Population": 1162.0}, {"index": 11649, "quantile": 0.25, "value": 220699.99999999997, "Latitude": 33.85, "Longitude": -118.04, "Population": 1162.0}, {"index": 11649, "quantile": 0.5, "value": 231000.0, "Latitude": 33.85, "Longitude": -118.04, "Population": 1162.0}, {"index": 11649, "quantile": 0.75, "value": 259400.0, "Latitude": 33.85, "Longitude": -118.04, "Population": 1162.0}, {"index": 11649, "quantile": 1.0, "value": 361700.0, "Latitude": 33.85, "Longitude": -118.04, "Population": 1162.0}, {"index": 11650, "quantile": 0.0, "value": 193300.0, "Latitude": 33.85, "Longitude": -118.04, "Population": 1646.0}, {"index": 11650, "quantile": 0.25, "value": 233125.00000000003, "Latitude": 33.85, "Longitude": -118.04, "Population": 1646.0}, {"index": 11650, "quantile": 0.5, "value": 252300.0, "Latitude": 33.85, "Longitude": -118.04, "Population": 1646.0}, {"index": 11650, "quantile": 0.75, "value": 286100.0, "Latitude": 33.85, "Longitude": -118.04, "Population": 1646.0}, {"index": 11650, "quantile": 1.0, "value": 324900.0, "Latitude": 33.85, "Longitude": -118.04, "Population": 1646.0}, {"index": 11651, "quantile": 0.0, "value": 149900.0, "Latitude": 33.85, "Longitude": -118.05, "Population": 1212.0}, {"index": 11651, "quantile": 0.25, "value": 302200.0, "Latitude": 33.85, "Longitude": -118.05, "Population": 1212.0}, {"index": 11651, "quantile": 0.5, "value": 313100.0, "Latitude": 33.85, "Longitude": -118.05, "Population": 1212.0}, {"index": 11651, "quantile": 0.75, "value": 313100.0, "Latitude": 33.85, "Longitude": -118.05, "Population": 1212.0}, {"index": 11651, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.85, "Longitude": -118.05, "Population": 1212.0}, {"index": 11652, "quantile": 0.0, "value": 275000.0, "Latitude": 33.85, "Longitude": -118.04, "Population": 1922.0}, {"index": 11652, "quantile": 0.25, "value": 328500.0, "Latitude": 33.85, "Longitude": -118.04, "Population": 1922.0}, {"index": 11652, "quantile": 0.5, "value": 328500.0, "Latitude": 33.85, "Longitude": -118.04, "Population": 1922.0}, {"index": 11652, "quantile": 0.75, "value": 328500.0, "Latitude": 33.85, "Longitude": -118.04, "Population": 1922.0}, {"index": 11652, "quantile": 1.0, "value": 379500.0, "Latitude": 33.85, "Longitude": -118.04, "Population": 1922.0}, {"index": 11653, "quantile": 0.0, "value": 148800.0, "Latitude": 33.85, "Longitude": -118.03, "Population": 1347.0}, {"index": 11653, "quantile": 0.25, "value": 205175.00000000003, "Latitude": 33.85, "Longitude": -118.03, "Population": 1347.0}, {"index": 11653, "quantile": 0.5, "value": 344400.0, "Latitude": 33.85, "Longitude": -118.03, "Population": 1347.0}, {"index": 11653, "quantile": 0.75, "value": 344400.0, "Latitude": 33.85, "Longitude": -118.03, "Population": 1347.0}, {"index": 11653, "quantile": 1.0, "value": 344400.0, "Latitude": 33.85, "Longitude": -118.03, "Population": 1347.0}, {"index": 11654, "quantile": 0.0, "value": 179500.0, "Latitude": 33.83, "Longitude": -118.01, "Population": 2104.0}, {"index": 11654, "quantile": 0.25, "value": 208599.99999999997, "Latitude": 33.83, "Longitude": -118.01, "Population": 2104.0}, {"index": 11654, "quantile": 0.5, "value": 208599.99999999997, "Latitude": 33.83, "Longitude": -118.01, "Population": 2104.0}, {"index": 11654, "quantile": 0.75, "value": 218050.00000000003, "Latitude": 33.83, "Longitude": -118.01, "Population": 2104.0}, {"index": 11654, "quantile": 1.0, "value": 445700.0, "Latitude": 33.83, "Longitude": -118.01, "Population": 2104.0}, {"index": 11655, "quantile": 0.0, "value": 191100.0, "Latitude": 33.84, "Longitude": -118.01, "Population": 1724.0}, {"index": 11655, "quantile": 0.25, "value": 215600.0, "Latitude": 33.84, "Longitude": -118.01, "Population": 1724.0}, {"index": 11655, "quantile": 0.5, "value": 215600.0, "Latitude": 33.84, "Longitude": -118.01, "Population": 1724.0}, {"index": 11655, "quantile": 0.75, "value": 225075.0, "Latitude": 33.84, "Longitude": -118.01, "Population": 1724.0}, {"index": 11655, "quantile": 1.0, "value": 341700.0, "Latitude": 33.84, "Longitude": -118.01, "Population": 1724.0}, {"index": 11656, "quantile": 0.0, "value": 168900.0, "Latitude": 33.84, "Longitude": -118.03, "Population": 2328.0}, {"index": 11656, "quantile": 0.25, "value": 196000.0, "Latitude": 33.84, "Longitude": -118.03, "Population": 2328.0}, {"index": 11656, "quantile": 0.5, "value": 196000.0, "Latitude": 33.84, "Longitude": -118.03, "Population": 2328.0}, {"index": 11656, "quantile": 0.75, "value": 196000.0, "Latitude": 33.84, "Longitude": -118.03, "Population": 2328.0}, {"index": 11656, "quantile": 1.0, "value": 273900.0, "Latitude": 33.84, "Longitude": -118.03, "Population": 2328.0}, {"index": 11657, "quantile": 0.0, "value": 112500.0, "Latitude": 33.83, "Longitude": -118.02, "Population": 2257.0}, {"index": 11657, "quantile": 0.25, "value": 184400.0, "Latitude": 33.83, "Longitude": -118.02, "Population": 2257.0}, {"index": 11657, "quantile": 0.5, "value": 198050.00000000003, "Latitude": 33.83, "Longitude": -118.02, "Population": 2257.0}, {"index": 11657, "quantile": 0.75, "value": 214325.0, "Latitude": 33.83, "Longitude": -118.02, "Population": 2257.0}, {"index": 11657, "quantile": 1.0, "value": 324400.0, "Latitude": 33.83, "Longitude": -118.02, "Population": 2257.0}, {"index": 11658, "quantile": 0.0, "value": 161900.0, "Latitude": 33.82, "Longitude": -118.02, "Population": 1173.0}, {"index": 11658, "quantile": 0.25, "value": 204500.0, "Latitude": 33.82, "Longitude": -118.02, "Population": 1173.0}, {"index": 11658, "quantile": 0.5, "value": 204500.0, "Latitude": 33.82, "Longitude": -118.02, "Population": 1173.0}, {"index": 11658, "quantile": 0.75, "value": 204500.0, "Latitude": 33.82, "Longitude": -118.02, "Population": 1173.0}, {"index": 11658, "quantile": 1.0, "value": 273600.0, "Latitude": 33.82, "Longitude": -118.02, "Population": 1173.0}, {"index": 11659, "quantile": 0.0, "value": 84000.0, "Latitude": 33.82, "Longitude": -118.01, "Population": 1992.0}, {"index": 11659, "quantile": 0.25, "value": 192300.0, "Latitude": 33.82, "Longitude": -118.01, "Population": 1992.0}, {"index": 11659, "quantile": 0.5, "value": 192300.0, "Latitude": 33.82, "Longitude": -118.01, "Population": 1992.0}, {"index": 11659, "quantile": 0.75, "value": 192300.0, "Latitude": 33.82, "Longitude": -118.01, "Population": 1992.0}, {"index": 11659, "quantile": 1.0, "value": 353100.0, "Latitude": 33.82, "Longitude": -118.01, "Population": 1992.0}, {"index": 11660, "quantile": 0.0, "value": 139700.0, "Latitude": 33.81, "Longitude": -118.01, "Population": 3032.0}, {"index": 11660, "quantile": 0.25, "value": 190100.0, "Latitude": 33.81, "Longitude": -118.01, "Population": 3032.0}, {"index": 11660, "quantile": 0.5, "value": 190100.0, "Latitude": 33.81, "Longitude": -118.01, "Population": 3032.0}, {"index": 11660, "quantile": 0.75, "value": 190100.0, "Latitude": 33.81, "Longitude": -118.01, "Population": 3032.0}, {"index": 11660, "quantile": 1.0, "value": 325200.0, "Latitude": 33.81, "Longitude": -118.01, "Population": 3032.0}, {"index": 11661, "quantile": 0.0, "value": 166700.0, "Latitude": 33.81, "Longitude": -118.02, "Population": 2227.0}, {"index": 11661, "quantile": 0.25, "value": 206999.99999999997, "Latitude": 33.81, "Longitude": -118.02, "Population": 2227.0}, {"index": 11661, "quantile": 0.5, "value": 213349.99999999997, "Latitude": 33.81, "Longitude": -118.02, "Population": 2227.0}, {"index": 11661, "quantile": 0.75, "value": 225025.00000000003, "Latitude": 33.81, "Longitude": -118.02, "Population": 2227.0}, {"index": 11661, "quantile": 1.0, "value": 436700.0, "Latitude": 33.81, "Longitude": -118.02, "Population": 2227.0}, {"index": 11662, "quantile": 0.0, "value": 156300.0, "Latitude": 33.86, "Longitude": -118.02, "Population": 1290.0}, {"index": 11662, "quantile": 0.25, "value": 220699.99999999997, "Latitude": 33.86, "Longitude": -118.02, "Population": 1290.0}, {"index": 11662, "quantile": 0.5, "value": 220699.99999999997, "Latitude": 33.86, "Longitude": -118.02, "Population": 1290.0}, {"index": 11662, "quantile": 0.75, "value": 220699.99999999997, "Latitude": 33.86, "Longitude": -118.02, "Population": 1290.0}, {"index": 11662, "quantile": 1.0, "value": 324900.0, "Latitude": 33.86, "Longitude": -118.02, "Population": 1290.0}, {"index": 11663, "quantile": 0.0, "value": 175800.0, "Latitude": 33.85, "Longitude": -118.02, "Population": 1030.0}, {"index": 11663, "quantile": 0.25, "value": 217574.99999999997, "Latitude": 33.85, "Longitude": -118.02, "Population": 1030.0}, {"index": 11663, "quantile": 0.5, "value": 235800.0, "Latitude": 33.85, "Longitude": -118.02, "Population": 1030.0}, {"index": 11663, "quantile": 0.75, "value": 273500.0, "Latitude": 33.85, "Longitude": -118.02, "Population": 1030.0}, {"index": 11663, "quantile": 1.0, "value": 430900.0, "Latitude": 33.85, "Longitude": -118.02, "Population": 1030.0}, {"index": 11664, "quantile": 0.0, "value": 160100.0, "Latitude": 33.85, "Longitude": -118.03, "Population": 1434.0}, {"index": 11664, "quantile": 0.25, "value": 203700.0, "Latitude": 33.85, "Longitude": -118.03, "Population": 1434.0}, {"index": 11664, "quantile": 0.5, "value": 203700.0, "Latitude": 33.85, "Longitude": -118.03, "Population": 1434.0}, {"index": 11664, "quantile": 0.75, "value": 203700.0, "Latitude": 33.85, "Longitude": -118.03, "Population": 1434.0}, {"index": 11664, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 33.85, "Longitude": -118.03, "Population": 1434.0}, {"index": 11665, "quantile": 0.0, "value": 161900.0, "Latitude": 33.85, "Longitude": -118.03, "Population": 2873.0}, {"index": 11665, "quantile": 0.25, "value": 224050.0, "Latitude": 33.85, "Longitude": -118.03, "Population": 2873.0}, {"index": 11665, "quantile": 0.5, "value": 224100.0, "Latitude": 33.85, "Longitude": -118.03, "Population": 2873.0}, {"index": 11665, "quantile": 0.75, "value": 224100.0, "Latitude": 33.85, "Longitude": -118.03, "Population": 2873.0}, {"index": 11665, "quantile": 1.0, "value": 476700.00000000006, "Latitude": 33.85, "Longitude": -118.03, "Population": 2873.0}, {"index": 11666, "quantile": 0.0, "value": 158700.0, "Latitude": 33.85, "Longitude": -118.01, "Population": 1265.0}, {"index": 11666, "quantile": 0.25, "value": 203700.0, "Latitude": 33.85, "Longitude": -118.01, "Population": 1265.0}, {"index": 11666, "quantile": 0.5, "value": 209300.0, "Latitude": 33.85, "Longitude": -118.01, "Population": 1265.0}, {"index": 11666, "quantile": 0.75, "value": 209300.0, "Latitude": 33.85, "Longitude": -118.01, "Population": 1265.0}, {"index": 11666, "quantile": 1.0, "value": 274300.0, "Latitude": 33.85, "Longitude": -118.01, "Population": 1265.0}, {"index": 11667, "quantile": 0.0, "value": 156600.0, "Latitude": 33.85, "Longitude": -118.01, "Population": 2396.0}, {"index": 11667, "quantile": 0.25, "value": 184750.0, "Latitude": 33.85, "Longitude": -118.01, "Population": 2396.0}, {"index": 11667, "quantile": 0.5, "value": 195200.0, "Latitude": 33.85, "Longitude": -118.01, "Population": 2396.0}, {"index": 11667, "quantile": 0.75, "value": 195200.0, "Latitude": 33.85, "Longitude": -118.01, "Population": 2396.0}, {"index": 11667, "quantile": 1.0, "value": 250800.0, "Latitude": 33.85, "Longitude": -118.01, "Population": 2396.0}, {"index": 11668, "quantile": 0.0, "value": 151300.0, "Latitude": 33.85, "Longitude": -118.0, "Population": 575.0}, {"index": 11668, "quantile": 0.25, "value": 188000.0, "Latitude": 33.85, "Longitude": -118.0, "Population": 575.0}, {"index": 11668, "quantile": 0.5, "value": 188000.0, "Latitude": 33.85, "Longitude": -118.0, "Population": 575.0}, {"index": 11668, "quantile": 0.75, "value": 192675.0, "Latitude": 33.85, "Longitude": -118.0, "Population": 575.0}, {"index": 11668, "quantile": 1.0, "value": 334100.0, "Latitude": 33.85, "Longitude": -118.0, "Population": 575.0}, {"index": 11669, "quantile": 0.0, "value": 96100.0, "Latitude": 33.86, "Longitude": -118.01, "Population": 1218.0}, {"index": 11669, "quantile": 0.25, "value": 194200.0, "Latitude": 33.86, "Longitude": -118.01, "Population": 1218.0}, {"index": 11669, "quantile": 0.5, "value": 194200.0, "Latitude": 33.86, "Longitude": -118.01, "Population": 1218.0}, {"index": 11669, "quantile": 0.75, "value": 194200.0, "Latitude": 33.86, "Longitude": -118.01, "Population": 1218.0}, {"index": 11669, "quantile": 1.0, "value": 476700.00000000006, "Latitude": 33.86, "Longitude": -118.01, "Population": 1218.0}, {"index": 11670, "quantile": 0.0, "value": 160200.0, "Latitude": 33.84, "Longitude": -118.01, "Population": 2112.0}, {"index": 11670, "quantile": 0.25, "value": 202100.0, "Latitude": 33.84, "Longitude": -118.01, "Population": 2112.0}, {"index": 11670, "quantile": 0.5, "value": 202100.0, "Latitude": 33.84, "Longitude": -118.01, "Population": 2112.0}, {"index": 11670, "quantile": 0.75, "value": 202100.0, "Latitude": 33.84, "Longitude": -118.01, "Population": 2112.0}, {"index": 11670, "quantile": 1.0, "value": 272300.0, "Latitude": 33.84, "Longitude": -118.01, "Population": 2112.0}, {"index": 11671, "quantile": 0.0, "value": 171900.0, "Latitude": 33.84, "Longitude": -118.01, "Population": 2354.0}, {"index": 11671, "quantile": 0.25, "value": 213400.0, "Latitude": 33.84, "Longitude": -118.01, "Population": 2354.0}, {"index": 11671, "quantile": 0.5, "value": 213400.0, "Latitude": 33.84, "Longitude": -118.01, "Population": 2354.0}, {"index": 11671, "quantile": 0.75, "value": 215400.0, "Latitude": 33.84, "Longitude": -118.01, "Population": 2354.0}, {"index": 11671, "quantile": 1.0, "value": 353600.0, "Latitude": 33.84, "Longitude": -118.01, "Population": 2354.0}, {"index": 11672, "quantile": 0.0, "value": 153200.0, "Latitude": 33.84, "Longitude": -118.02, "Population": 2091.0}, {"index": 11672, "quantile": 0.25, "value": 185525.0, "Latitude": 33.84, "Longitude": -118.02, "Population": 2091.0}, {"index": 11672, "quantile": 0.5, "value": 190550.0, "Latitude": 33.84, "Longitude": -118.02, "Population": 2091.0}, {"index": 11672, "quantile": 0.75, "value": 207500.00000000003, "Latitude": 33.84, "Longitude": -118.02, "Population": 2091.0}, {"index": 11672, "quantile": 1.0, "value": 239600.0, "Latitude": 33.84, "Longitude": -118.02, "Population": 2091.0}, {"index": 11673, "quantile": 0.0, "value": 156300.0, "Latitude": 33.84, "Longitude": -118.03, "Population": 2568.0}, {"index": 11673, "quantile": 0.25, "value": 226399.99999999997, "Latitude": 33.84, "Longitude": -118.03, "Population": 2568.0}, {"index": 11673, "quantile": 0.5, "value": 226399.99999999997, "Latitude": 33.84, "Longitude": -118.03, "Population": 2568.0}, {"index": 11673, "quantile": 0.75, "value": 226399.99999999997, "Latitude": 33.84, "Longitude": -118.03, "Population": 2568.0}, {"index": 11673, "quantile": 1.0, "value": 276800.0, "Latitude": 33.84, "Longitude": -118.03, "Population": 2568.0}, {"index": 11674, "quantile": 0.0, "value": 158100.0, "Latitude": 33.86, "Longitude": -117.99, "Population": 725.0}, {"index": 11674, "quantile": 0.25, "value": 187200.0, "Latitude": 33.86, "Longitude": -117.99, "Population": 725.0}, {"index": 11674, "quantile": 0.5, "value": 187200.0, "Latitude": 33.86, "Longitude": -117.99, "Population": 725.0}, {"index": 11674, "quantile": 0.75, "value": 187200.0, "Latitude": 33.86, "Longitude": -117.99, "Population": 725.0}, {"index": 11674, "quantile": 1.0, "value": 276000.0, "Latitude": 33.86, "Longitude": -117.99, "Population": 725.0}, {"index": 11675, "quantile": 0.0, "value": 181500.0, "Latitude": 33.85, "Longitude": -117.99, "Population": 957.0}, {"index": 11675, "quantile": 0.25, "value": 212600.0, "Latitude": 33.85, "Longitude": -117.99, "Population": 957.0}, {"index": 11675, "quantile": 0.5, "value": 212600.0, "Latitude": 33.85, "Longitude": -117.99, "Population": 957.0}, {"index": 11675, "quantile": 0.75, "value": 223500.00000000003, "Latitude": 33.85, "Longitude": -117.99, "Population": 957.0}, {"index": 11675, "quantile": 1.0, "value": 354200.0, "Latitude": 33.85, "Longitude": -117.99, "Population": 957.0}, {"index": 11676, "quantile": 0.0, "value": 165500.0, "Latitude": 33.85, "Longitude": -118.0, "Population": 1154.0}, {"index": 11676, "quantile": 0.25, "value": 197200.0, "Latitude": 33.85, "Longitude": -118.0, "Population": 1154.0}, {"index": 11676, "quantile": 0.5, "value": 197200.0, "Latitude": 33.85, "Longitude": -118.0, "Population": 1154.0}, {"index": 11676, "quantile": 0.75, "value": 198975.0, "Latitude": 33.85, "Longitude": -118.0, "Population": 1154.0}, {"index": 11676, "quantile": 1.0, "value": 257200.0, "Latitude": 33.85, "Longitude": -118.0, "Population": 1154.0}, {"index": 11677, "quantile": 0.0, "value": 124400.0, "Latitude": 33.86, "Longitude": -118.0, "Population": 563.0}, {"index": 11677, "quantile": 0.25, "value": 184425.00000000003, "Latitude": 33.86, "Longitude": -118.0, "Population": 563.0}, {"index": 11677, "quantile": 0.5, "value": 196450.0, "Latitude": 33.86, "Longitude": -118.0, "Population": 563.0}, {"index": 11677, "quantile": 0.75, "value": 212200.0, "Latitude": 33.86, "Longitude": -118.0, "Population": 563.0}, {"index": 11677, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 33.86, "Longitude": -118.0, "Population": 563.0}, {"index": 11678, "quantile": 0.0, "value": 158500.0, "Latitude": 33.85, "Longitude": -117.99, "Population": 949.0}, {"index": 11678, "quantile": 0.25, "value": 183625.00000000003, "Latitude": 33.85, "Longitude": -117.99, "Population": 949.0}, {"index": 11678, "quantile": 0.5, "value": 195200.0, "Latitude": 33.85, "Longitude": -117.99, "Population": 949.0}, {"index": 11678, "quantile": 0.75, "value": 215199.99999999997, "Latitude": 33.85, "Longitude": -117.99, "Population": 949.0}, {"index": 11678, "quantile": 1.0, "value": 353600.0, "Latitude": 33.85, "Longitude": -117.99, "Population": 949.0}, {"index": 11679, "quantile": 0.0, "value": 158500.0, "Latitude": 33.84, "Longitude": -117.99, "Population": 1379.0}, {"index": 11679, "quantile": 0.25, "value": 206999.99999999997, "Latitude": 33.84, "Longitude": -117.99, "Population": 1379.0}, {"index": 11679, "quantile": 0.5, "value": 206999.99999999997, "Latitude": 33.84, "Longitude": -117.99, "Population": 1379.0}, {"index": 11679, "quantile": 0.75, "value": 206999.99999999997, "Latitude": 33.84, "Longitude": -117.99, "Population": 1379.0}, {"index": 11679, "quantile": 1.0, "value": 231400.0, "Latitude": 33.84, "Longitude": -117.99, "Population": 1379.0}, {"index": 11680, "quantile": 0.0, "value": 153500.0, "Latitude": 33.84, "Longitude": -118.0, "Population": 885.0}, {"index": 11680, "quantile": 0.25, "value": 191100.0, "Latitude": 33.84, "Longitude": -118.0, "Population": 885.0}, {"index": 11680, "quantile": 0.5, "value": 202400.0, "Latitude": 33.84, "Longitude": -118.0, "Population": 885.0}, {"index": 11680, "quantile": 0.75, "value": 211099.99999999997, "Latitude": 33.84, "Longitude": -118.0, "Population": 885.0}, {"index": 11680, "quantile": 1.0, "value": 263200.0, "Latitude": 33.84, "Longitude": -118.0, "Population": 885.0}, {"index": 11681, "quantile": 0.0, "value": 136800.0, "Latitude": 33.84, "Longitude": -118.0, "Population": 2413.0}, {"index": 11681, "quantile": 0.25, "value": 165100.0, "Latitude": 33.84, "Longitude": -118.0, "Population": 2413.0}, {"index": 11681, "quantile": 0.5, "value": 165100.0, "Latitude": 33.84, "Longitude": -118.0, "Population": 2413.0}, {"index": 11681, "quantile": 0.75, "value": 165100.0, "Latitude": 33.84, "Longitude": -118.0, "Population": 2413.0}, {"index": 11681, "quantile": 1.0, "value": 200000.0, "Latitude": 33.84, "Longitude": -118.0, "Population": 2413.0}, {"index": 11682, "quantile": 0.0, "value": 112500.0, "Latitude": 33.87, "Longitude": -118.01, "Population": 4188.0}, {"index": 11682, "quantile": 0.25, "value": 167499.99999999997, "Latitude": 33.87, "Longitude": -118.01, "Population": 4188.0}, {"index": 11682, "quantile": 0.5, "value": 189250.0, "Latitude": 33.87, "Longitude": -118.01, "Population": 4188.0}, {"index": 11682, "quantile": 0.75, "value": 213274.99999999997, "Latitude": 33.87, "Longitude": -118.01, "Population": 4188.0}, {"index": 11682, "quantile": 1.0, "value": 324400.0, "Latitude": 33.87, "Longitude": -118.01, "Population": 4188.0}, {"index": 11683, "quantile": 0.0, "value": 108800.00000000001, "Latitude": 33.86, "Longitude": -117.99, "Population": 2898.0}, {"index": 11683, "quantile": 0.25, "value": 178000.0, "Latitude": 33.86, "Longitude": -117.99, "Population": 2898.0}, {"index": 11683, "quantile": 0.5, "value": 178000.0, "Latitude": 33.86, "Longitude": -117.99, "Population": 2898.0}, {"index": 11683, "quantile": 0.75, "value": 178000.0, "Latitude": 33.86, "Longitude": -117.99, "Population": 2898.0}, {"index": 11683, "quantile": 1.0, "value": 225599.99999999997, "Latitude": 33.86, "Longitude": -117.99, "Population": 2898.0}, {"index": 11684, "quantile": 0.0, "value": 191600.0, "Latitude": 33.88, "Longitude": -118.0, "Population": 755.0}, {"index": 11684, "quantile": 0.25, "value": 266350.0, "Latitude": 33.88, "Longitude": -118.0, "Population": 755.0}, {"index": 11684, "quantile": 0.5, "value": 268100.0, "Latitude": 33.88, "Longitude": -118.0, "Population": 755.0}, {"index": 11684, "quantile": 0.75, "value": 268100.0, "Latitude": 33.88, "Longitude": -118.0, "Population": 755.0}, {"index": 11684, "quantile": 1.0, "value": 406300.0, "Latitude": 33.88, "Longitude": -118.0, "Population": 755.0}, {"index": 11685, "quantile": 0.0, "value": 132800.0, "Latitude": 33.88, "Longitude": -118.01, "Population": 1088.0}, {"index": 11685, "quantile": 0.25, "value": 158700.0, "Latitude": 33.88, "Longitude": -118.01, "Population": 1088.0}, {"index": 11685, "quantile": 0.5, "value": 164700.0, "Latitude": 33.88, "Longitude": -118.01, "Population": 1088.0}, {"index": 11685, "quantile": 0.75, "value": 193800.0, "Latitude": 33.88, "Longitude": -118.01, "Population": 1088.0}, {"index": 11685, "quantile": 1.0, "value": 252100.0, "Latitude": 33.88, "Longitude": -118.01, "Population": 1088.0}, {"index": 11686, "quantile": 0.0, "value": 104400.0, "Latitude": 33.88, "Longitude": -117.99, "Population": 1261.0}, {"index": 11686, "quantile": 0.25, "value": 159400.0, "Latitude": 33.88, "Longitude": -117.99, "Population": 1261.0}, {"index": 11686, "quantile": 0.5, "value": 159400.0, "Latitude": 33.88, "Longitude": -117.99, "Population": 1261.0}, {"index": 11686, "quantile": 0.75, "value": 165600.0, "Latitude": 33.88, "Longitude": -117.99, "Population": 1261.0}, {"index": 11686, "quantile": 1.0, "value": 450000.0, "Latitude": 33.88, "Longitude": -117.99, "Population": 1261.0}, {"index": 11687, "quantile": 0.0, "value": 143100.0, "Latitude": 33.88, "Longitude": -117.99, "Population": 986.0}, {"index": 11687, "quantile": 0.25, "value": 161100.0, "Latitude": 33.88, "Longitude": -117.99, "Population": 986.0}, {"index": 11687, "quantile": 0.5, "value": 161100.0, "Latitude": 33.88, "Longitude": -117.99, "Population": 986.0}, {"index": 11687, "quantile": 0.75, "value": 164500.0, "Latitude": 33.88, "Longitude": -117.99, "Population": 986.0}, {"index": 11687, "quantile": 1.0, "value": 229000.0, "Latitude": 33.88, "Longitude": -117.99, "Population": 986.0}, {"index": 11688, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 33.88, "Longitude": -118.0, "Population": 2276.0}, {"index": 11688, "quantile": 0.25, "value": 170800.0, "Latitude": 33.88, "Longitude": -118.0, "Population": 2276.0}, {"index": 11688, "quantile": 0.5, "value": 170800.0, "Latitude": 33.88, "Longitude": -118.0, "Population": 2276.0}, {"index": 11688, "quantile": 0.75, "value": 170800.0, "Latitude": 33.88, "Longitude": -118.0, "Population": 2276.0}, {"index": 11688, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 33.88, "Longitude": -118.0, "Population": 2276.0}, {"index": 11689, "quantile": 0.0, "value": 112500.0, "Latitude": 33.87, "Longitude": -117.99, "Population": 1260.0}, {"index": 11689, "quantile": 0.25, "value": 174000.0, "Latitude": 33.87, "Longitude": -117.99, "Population": 1260.0}, {"index": 11689, "quantile": 0.5, "value": 174000.0, "Latitude": 33.87, "Longitude": -117.99, "Population": 1260.0}, {"index": 11689, "quantile": 0.75, "value": 174000.0, "Latitude": 33.87, "Longitude": -117.99, "Population": 1260.0}, {"index": 11689, "quantile": 1.0, "value": 220500.0, "Latitude": 33.87, "Longitude": -117.99, "Population": 1260.0}, {"index": 11690, "quantile": 0.0, "value": 73000.0, "Latitude": 33.87, "Longitude": -118.0, "Population": 1356.0}, {"index": 11690, "quantile": 0.25, "value": 160300.0, "Latitude": 33.87, "Longitude": -118.0, "Population": 1356.0}, {"index": 11690, "quantile": 0.5, "value": 171400.0, "Latitude": 33.87, "Longitude": -118.0, "Population": 1356.0}, {"index": 11690, "quantile": 0.75, "value": 196500.0, "Latitude": 33.87, "Longitude": -118.0, "Population": 1356.0}, {"index": 11690, "quantile": 1.0, "value": 297100.0, "Latitude": 33.87, "Longitude": -118.0, "Population": 1356.0}, {"index": 11691, "quantile": 0.0, "value": 69100.0, "Latitude": 33.87, "Longitude": -117.99, "Population": 1662.0}, {"index": 11691, "quantile": 0.25, "value": 189400.0, "Latitude": 33.87, "Longitude": -117.99, "Population": 1662.0}, {"index": 11691, "quantile": 0.5, "value": 217000.0, "Latitude": 33.87, "Longitude": -117.99, "Population": 1662.0}, {"index": 11691, "quantile": 0.75, "value": 217000.0, "Latitude": 33.87, "Longitude": -117.99, "Population": 1662.0}, {"index": 11691, "quantile": 1.0, "value": 242200.00000000003, "Latitude": 33.87, "Longitude": -117.99, "Population": 1662.0}, {"index": 11692, "quantile": 0.0, "value": 136000.0, "Latitude": 33.87, "Longitude": -117.99, "Population": 869.0}, {"index": 11692, "quantile": 0.25, "value": 161900.0, "Latitude": 33.87, "Longitude": -117.99, "Population": 869.0}, {"index": 11692, "quantile": 0.5, "value": 161900.0, "Latitude": 33.87, "Longitude": -117.99, "Population": 869.0}, {"index": 11692, "quantile": 0.75, "value": 176399.99999999997, "Latitude": 33.87, "Longitude": -117.99, "Population": 869.0}, {"index": 11692, "quantile": 1.0, "value": 237300.00000000003, "Latitude": 33.87, "Longitude": -117.99, "Population": 869.0}, {"index": 11693, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 33.86, "Longitude": -117.99, "Population": 1607.0}, {"index": 11693, "quantile": 0.25, "value": 151549.99999999997, "Latitude": 33.86, "Longitude": -117.99, "Population": 1607.0}, {"index": 11693, "quantile": 0.5, "value": 173300.0, "Latitude": 33.86, "Longitude": -117.99, "Population": 1607.0}, {"index": 11693, "quantile": 0.75, "value": 189600.0, "Latitude": 33.86, "Longitude": -117.99, "Population": 1607.0}, {"index": 11693, "quantile": 1.0, "value": 237000.0, "Latitude": 33.86, "Longitude": -117.99, "Population": 1607.0}, {"index": 11694, "quantile": 0.0, "value": 173200.0, "Latitude": 33.89, "Longitude": -117.98, "Population": 1278.0}, {"index": 11694, "quantile": 0.25, "value": 294900.0, "Latitude": 33.89, "Longitude": -117.98, "Population": 1278.0}, {"index": 11694, "quantile": 0.5, "value": 334300.0, "Latitude": 33.89, "Longitude": -117.98, "Population": 1278.0}, {"index": 11694, "quantile": 0.75, "value": 355000.0, "Latitude": 33.89, "Longitude": -117.98, "Population": 1278.0}, {"index": 11694, "quantile": 1.0, "value": 467699.99999999994, "Latitude": 33.89, "Longitude": -117.98, "Population": 1278.0}, {"index": 11695, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 33.88, "Longitude": -117.99, "Population": 1503.0}, {"index": 11695, "quantile": 0.25, "value": 288800.0, "Latitude": 33.88, "Longitude": -117.99, "Population": 1503.0}, {"index": 11695, "quantile": 0.5, "value": 315150.00000000006, "Latitude": 33.88, "Longitude": -117.99, "Population": 1503.0}, {"index": 11695, "quantile": 0.75, "value": 347600.0, "Latitude": 33.88, "Longitude": -117.99, "Population": 1503.0}, {"index": 11695, "quantile": 1.0, "value": 417800.0, "Latitude": 33.88, "Longitude": -117.99, "Population": 1503.0}, {"index": 11696, "quantile": 0.0, "value": 128200.0, "Latitude": 33.89, "Longitude": -117.99, "Population": 2539.0}, {"index": 11696, "quantile": 0.25, "value": 160500.0, "Latitude": 33.89, "Longitude": -117.99, "Population": 2539.0}, {"index": 11696, "quantile": 0.5, "value": 160500.0, "Latitude": 33.89, "Longitude": -117.99, "Population": 2539.0}, {"index": 11696, "quantile": 0.75, "value": 202100.0, "Latitude": 33.89, "Longitude": -117.99, "Population": 2539.0}, {"index": 11696, "quantile": 1.0, "value": 343900.0, "Latitude": 33.89, "Longitude": -117.99, "Population": 2539.0}, {"index": 11697, "quantile": 0.0, "value": 332700.0, "Latitude": 33.89, "Longitude": -117.99, "Population": 979.0}, {"index": 11697, "quantile": 0.25, "value": 347800.0, "Latitude": 33.89, "Longitude": -117.99, "Population": 979.0}, {"index": 11697, "quantile": 0.5, "value": 347800.0, "Latitude": 33.89, "Longitude": -117.99, "Population": 979.0}, {"index": 11697, "quantile": 0.75, "value": 356350.00000000006, "Latitude": 33.89, "Longitude": -117.99, "Population": 979.0}, {"index": 11697, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -117.99, "Population": 979.0}, {"index": 11698, "quantile": 0.0, "value": 139000.0, "Latitude": 33.89, "Longitude": -117.97, "Population": 764.0}, {"index": 11698, "quantile": 0.25, "value": 181800.0, "Latitude": 33.89, "Longitude": -117.97, "Population": 764.0}, {"index": 11698, "quantile": 0.5, "value": 181800.0, "Latitude": 33.89, "Longitude": -117.97, "Population": 764.0}, {"index": 11698, "quantile": 0.75, "value": 205050.0, "Latitude": 33.89, "Longitude": -117.97, "Population": 764.0}, {"index": 11698, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -117.97, "Population": 764.0}, {"index": 11699, "quantile": 0.0, "value": 137500.0, "Latitude": 33.89, "Longitude": -117.97, "Population": 1158.0}, {"index": 11699, "quantile": 0.25, "value": 137500.0, "Latitude": 33.89, "Longitude": -117.97, "Population": 1158.0}, {"index": 11699, "quantile": 0.5, "value": 137500.0, "Latitude": 33.89, "Longitude": -117.97, "Population": 1158.0}, {"index": 11699, "quantile": 0.75, "value": 155925.0, "Latitude": 33.89, "Longitude": -117.97, "Population": 1158.0}, {"index": 11699, "quantile": 1.0, "value": 230799.99999999997, "Latitude": 33.89, "Longitude": -117.97, "Population": 1158.0}, {"index": 11700, "quantile": 0.0, "value": 87500.0, "Latitude": 33.88, "Longitude": -117.97, "Population": 530.0}, {"index": 11700, "quantile": 0.25, "value": 185100.0, "Latitude": 33.88, "Longitude": -117.97, "Population": 530.0}, {"index": 11700, "quantile": 0.5, "value": 185100.0, "Latitude": 33.88, "Longitude": -117.97, "Population": 530.0}, {"index": 11700, "quantile": 0.75, "value": 185100.0, "Latitude": 33.88, "Longitude": -117.97, "Population": 530.0}, {"index": 11700, "quantile": 1.0, "value": 367300.0, "Latitude": 33.88, "Longitude": -117.97, "Population": 530.0}, {"index": 11701, "quantile": 0.0, "value": 105300.0, "Latitude": 33.88, "Longitude": -117.97, "Population": 635.0}, {"index": 11701, "quantile": 0.25, "value": 218500.0, "Latitude": 33.88, "Longitude": -117.97, "Population": 635.0}, {"index": 11701, "quantile": 0.5, "value": 218500.0, "Latitude": 33.88, "Longitude": -117.97, "Population": 635.0}, {"index": 11701, "quantile": 0.75, "value": 282775.0, "Latitude": 33.88, "Longitude": -117.97, "Population": 635.0}, {"index": 11701, "quantile": 1.0, "value": 431799.99999999994, "Latitude": 33.88, "Longitude": -117.97, "Population": 635.0}, {"index": 11702, "quantile": 0.0, "value": 314000.0, "Latitude": 33.89, "Longitude": -117.97, "Population": 1992.0}, {"index": 11702, "quantile": 0.25, "value": 367400.0, "Latitude": 33.89, "Longitude": -117.97, "Population": 1992.0}, {"index": 11702, "quantile": 0.5, "value": 367400.0, "Latitude": 33.89, "Longitude": -117.97, "Population": 1992.0}, {"index": 11702, "quantile": 0.75, "value": 437899.99999999994, "Latitude": 33.89, "Longitude": -117.97, "Population": 1992.0}, {"index": 11702, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -117.97, "Population": 1992.0}, {"index": 11703, "quantile": 0.0, "value": 156000.0, "Latitude": 33.88, "Longitude": -117.97, "Population": 1172.0}, {"index": 11703, "quantile": 0.25, "value": 321600.0, "Latitude": 33.88, "Longitude": -117.97, "Population": 1172.0}, {"index": 11703, "quantile": 0.5, "value": 321600.0, "Latitude": 33.88, "Longitude": -117.97, "Population": 1172.0}, {"index": 11703, "quantile": 0.75, "value": 321600.0, "Latitude": 33.88, "Longitude": -117.97, "Population": 1172.0}, {"index": 11703, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.88, "Longitude": -117.97, "Population": 1172.0}, {"index": 11704, "quantile": 0.0, "value": 367400.0, "Latitude": 33.89, "Longitude": -117.97, "Population": 420.0}, {"index": 11704, "quantile": 0.25, "value": 462800.0, "Latitude": 33.89, "Longitude": -117.97, "Population": 420.0}, {"index": 11704, "quantile": 0.5, "value": 462800.0, "Latitude": 33.89, "Longitude": -117.97, "Population": 420.0}, {"index": 11704, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -117.97, "Population": 420.0}, {"index": 11704, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -117.97, "Population": 420.0}, {"index": 11705, "quantile": 0.0, "value": 34200.0, "Latitude": 39.17, "Longitude": -120.1, "Population": 218.0}, {"index": 11705, "quantile": 0.25, "value": 113700.0, "Latitude": 39.17, "Longitude": -120.1, "Population": 218.0}, {"index": 11705, "quantile": 0.5, "value": 143800.0, "Latitude": 39.17, "Longitude": -120.1, "Population": 218.0}, {"index": 11705, "quantile": 0.75, "value": 143800.0, "Latitude": 39.17, "Longitude": -120.1, "Population": 218.0}, {"index": 11705, "quantile": 1.0, "value": 150000.0, "Latitude": 39.17, "Longitude": -120.1, "Population": 218.0}, {"index": 11706, "quantile": 0.0, "value": 55300.00000000001, "Latitude": 39.09, "Longitude": -120.06, "Population": 316.0}, {"index": 11706, "quantile": 0.25, "value": 124000.0, "Latitude": 39.09, "Longitude": -120.06, "Population": 316.0}, {"index": 11706, "quantile": 0.5, "value": 124000.0, "Latitude": 39.09, "Longitude": -120.06, "Population": 316.0}, {"index": 11706, "quantile": 0.75, "value": 124000.0, "Latitude": 39.09, "Longitude": -120.06, "Population": 316.0}, {"index": 11706, "quantile": 1.0, "value": 420000.0, "Latitude": 39.09, "Longitude": -120.06, "Population": 316.0}, {"index": 11707, "quantile": 0.0, "value": 34200.0, "Latitude": 39.15, "Longitude": -120.06, "Population": 98.0}, {"index": 11707, "quantile": 0.25, "value": 94700.0, "Latitude": 39.15, "Longitude": -120.06, "Population": 98.0}, {"index": 11707, "quantile": 0.5, "value": 124000.0, "Latitude": 39.15, "Longitude": -120.06, "Population": 98.0}, {"index": 11707, "quantile": 0.75, "value": 143800.0, "Latitude": 39.15, "Longitude": -120.06, "Population": 98.0}, {"index": 11707, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 39.15, "Longitude": -120.06, "Population": 98.0}, {"index": 11708, "quantile": 0.0, "value": 87500.0, "Latitude": 39.12, "Longitude": -120.2, "Population": 197.0}, {"index": 11708, "quantile": 0.25, "value": 200000.0, "Latitude": 39.12, "Longitude": -120.2, "Population": 197.0}, {"index": 11708, "quantile": 0.5, "value": 200000.0, "Latitude": 39.12, "Longitude": -120.2, "Population": 197.0}, {"index": 11708, "quantile": 0.75, "value": 200000.0, "Latitude": 39.12, "Longitude": -120.2, "Population": 197.0}, {"index": 11708, "quantile": 1.0, "value": 270600.0, "Latitude": 39.12, "Longitude": -120.2, "Population": 197.0}, {"index": 11709, "quantile": 0.0, "value": 67500.0, "Latitude": 39.14, "Longitude": -120.18, "Population": 248.0}, {"index": 11709, "quantile": 0.25, "value": 135900.0, "Latitude": 39.14, "Longitude": -120.18, "Population": 248.0}, {"index": 11709, "quantile": 0.5, "value": 171900.0, "Latitude": 39.14, "Longitude": -120.18, "Population": 248.0}, {"index": 11709, "quantile": 0.75, "value": 171900.0, "Latitude": 39.14, "Longitude": -120.18, "Population": 248.0}, {"index": 11709, "quantile": 1.0, "value": 366700.0, "Latitude": 39.14, "Longitude": -120.18, "Population": 248.0}, {"index": 11710, "quantile": 0.0, "value": 81300.0, "Latitude": 39.14, "Longitude": -120.16, "Population": 309.0}, {"index": 11710, "quantile": 0.25, "value": 127800.0, "Latitude": 39.14, "Longitude": -120.16, "Population": 309.0}, {"index": 11710, "quantile": 0.5, "value": 127800.0, "Latitude": 39.14, "Longitude": -120.16, "Population": 309.0}, {"index": 11710, "quantile": 0.75, "value": 127800.0, "Latitude": 39.14, "Longitude": -120.16, "Population": 309.0}, {"index": 11710, "quantile": 1.0, "value": 437500.0, "Latitude": 39.14, "Longitude": -120.16, "Population": 309.0}, {"index": 11711, "quantile": 0.0, "value": 92400.0, "Latitude": 39.17, "Longitude": -120.18, "Population": 354.0}, {"index": 11711, "quantile": 0.25, "value": 146900.0, "Latitude": 39.17, "Longitude": -120.18, "Population": 354.0}, {"index": 11711, "quantile": 0.5, "value": 146900.0, "Latitude": 39.17, "Longitude": -120.18, "Population": 354.0}, {"index": 11711, "quantile": 0.75, "value": 148375.0, "Latitude": 39.17, "Longitude": -120.18, "Population": 354.0}, {"index": 11711, "quantile": 1.0, "value": 283300.0, "Latitude": 39.17, "Longitude": -120.18, "Population": 354.0}, {"index": 11712, "quantile": 0.0, "value": 79700.0, "Latitude": 39.17, "Longitude": -120.15, "Population": 454.0}, {"index": 11712, "quantile": 0.25, "value": 139300.0, "Latitude": 39.17, "Longitude": -120.15, "Population": 454.0}, {"index": 11712, "quantile": 0.5, "value": 145800.0, "Latitude": 39.17, "Longitude": -120.15, "Population": 454.0}, {"index": 11712, "quantile": 0.75, "value": 145800.0, "Latitude": 39.17, "Longitude": -120.15, "Population": 454.0}, {"index": 11712, "quantile": 1.0, "value": 217499.99999999997, "Latitude": 39.17, "Longitude": -120.15, "Population": 454.0}, {"index": 11713, "quantile": 0.0, "value": 169500.0, "Latitude": 39.15, "Longitude": -120.15, "Population": 163.0}, {"index": 11713, "quantile": 0.25, "value": 176600.0, "Latitude": 39.15, "Longitude": -120.15, "Population": 163.0}, {"index": 11713, "quantile": 0.5, "value": 176600.0, "Latitude": 39.15, "Longitude": -120.15, "Population": 163.0}, {"index": 11713, "quantile": 0.75, "value": 320125.0, "Latitude": 39.15, "Longitude": -120.15, "Population": 163.0}, {"index": 11713, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 39.15, "Longitude": -120.15, "Population": 163.0}, {"index": 11714, "quantile": 0.0, "value": 78700.0, "Latitude": 39.2, "Longitude": -120.15, "Population": 141.0}, {"index": 11714, "quantile": 0.25, "value": 283300.0, "Latitude": 39.2, "Longitude": -120.15, "Population": 141.0}, {"index": 11714, "quantile": 0.5, "value": 283300.0, "Latitude": 39.2, "Longitude": -120.15, "Population": 141.0}, {"index": 11714, "quantile": 0.75, "value": 283300.0, "Latitude": 39.2, "Longitude": -120.15, "Population": 141.0}, {"index": 11714, "quantile": 1.0, "value": 437500.0, "Latitude": 39.2, "Longitude": -120.15, "Population": 141.0}, {"index": 11715, "quantile": 0.0, "value": 123400.0, "Latitude": 39.18, "Longitude": -120.12, "Population": 390.0}, {"index": 11715, "quantile": 0.25, "value": 172600.0, "Latitude": 39.18, "Longitude": -120.12, "Population": 390.0}, {"index": 11715, "quantile": 0.5, "value": 179200.0, "Latitude": 39.18, "Longitude": -120.12, "Population": 390.0}, {"index": 11715, "quantile": 0.75, "value": 179200.0, "Latitude": 39.18, "Longitude": -120.12, "Population": 390.0}, {"index": 11715, "quantile": 1.0, "value": 357800.0, "Latitude": 39.18, "Longitude": -120.12, "Population": 390.0}, {"index": 11716, "quantile": 0.0, "value": 129500.0, "Latitude": 39.19, "Longitude": -120.1, "Population": 241.0}, {"index": 11716, "quantile": 0.25, "value": 331700.0, "Latitude": 39.19, "Longitude": -120.1, "Population": 241.0}, {"index": 11716, "quantile": 0.5, "value": 360000.0, "Latitude": 39.19, "Longitude": -120.1, "Population": 241.0}, {"index": 11716, "quantile": 0.75, "value": 360000.0, "Latitude": 39.19, "Longitude": -120.1, "Population": 241.0}, {"index": 11716, "quantile": 1.0, "value": 430000.0, "Latitude": 39.19, "Longitude": -120.1, "Population": 241.0}, {"index": 11717, "quantile": 0.0, "value": 77500.0, "Latitude": 39.19, "Longitude": -120.1, "Population": 202.0}, {"index": 11717, "quantile": 0.25, "value": 157675.0, "Latitude": 39.19, "Longitude": -120.1, "Population": 202.0}, {"index": 11717, "quantile": 0.5, "value": 213200.0, "Latitude": 39.19, "Longitude": -120.1, "Population": 202.0}, {"index": 11717, "quantile": 0.75, "value": 213200.0, "Latitude": 39.19, "Longitude": -120.1, "Population": 202.0}, {"index": 11717, "quantile": 1.0, "value": 437500.0, "Latitude": 39.19, "Longitude": -120.1, "Population": 202.0}, {"index": 11718, "quantile": 0.0, "value": 74000.0, "Latitude": 39.2, "Longitude": -120.1, "Population": 409.0}, {"index": 11718, "quantile": 0.25, "value": 153300.0, "Latitude": 39.2, "Longitude": -120.1, "Population": 409.0}, {"index": 11718, "quantile": 0.5, "value": 196900.0, "Latitude": 39.2, "Longitude": -120.1, "Population": 409.0}, {"index": 11718, "quantile": 0.75, "value": 196900.0, "Latitude": 39.2, "Longitude": -120.1, "Population": 409.0}, {"index": 11718, "quantile": 1.0, "value": 244000.0, "Latitude": 39.2, "Longitude": -120.1, "Population": 409.0}, {"index": 11719, "quantile": 0.0, "value": 127600.0, "Latitude": 39.21, "Longitude": -120.11, "Population": 421.0}, {"index": 11719, "quantile": 0.25, "value": 158300.0, "Latitude": 39.21, "Longitude": -120.11, "Population": 421.0}, {"index": 11719, "quantile": 0.5, "value": 158300.0, "Latitude": 39.21, "Longitude": -120.11, "Population": 421.0}, {"index": 11719, "quantile": 0.75, "value": 158300.0, "Latitude": 39.21, "Longitude": -120.11, "Population": 421.0}, {"index": 11719, "quantile": 1.0, "value": 333300.0, "Latitude": 39.21, "Longitude": -120.11, "Population": 421.0}, {"index": 11720, "quantile": 0.0, "value": 77500.0, "Latitude": 39.24, "Longitude": -120.11, "Population": 385.0}, {"index": 11720, "quantile": 0.25, "value": 153300.0, "Latitude": 39.24, "Longitude": -120.11, "Population": 385.0}, {"index": 11720, "quantile": 0.5, "value": 153300.0, "Latitude": 39.24, "Longitude": -120.11, "Population": 385.0}, {"index": 11720, "quantile": 0.75, "value": 153300.0, "Latitude": 39.24, "Longitude": -120.11, "Population": 385.0}, {"index": 11720, "quantile": 1.0, "value": 281900.0, "Latitude": 39.24, "Longitude": -120.11, "Population": 385.0}, {"index": 11721, "quantile": 0.0, "value": 140600.0, "Latitude": 39.23, "Longitude": -120.08, "Population": 251.0}, {"index": 11721, "quantile": 0.25, "value": 146900.0, "Latitude": 39.23, "Longitude": -120.08, "Population": 251.0}, {"index": 11721, "quantile": 0.5, "value": 146900.0, "Latitude": 39.23, "Longitude": -120.08, "Population": 251.0}, {"index": 11721, "quantile": 0.75, "value": 146900.0, "Latitude": 39.23, "Longitude": -120.08, "Population": 251.0}, {"index": 11721, "quantile": 1.0, "value": 437500.0, "Latitude": 39.23, "Longitude": -120.08, "Population": 251.0}, {"index": 11722, "quantile": 0.0, "value": 87500.0, "Latitude": 39.24, "Longitude": -120.07, "Population": 365.0}, {"index": 11722, "quantile": 0.25, "value": 162500.0, "Latitude": 39.24, "Longitude": -120.07, "Population": 365.0}, {"index": 11722, "quantile": 0.5, "value": 169500.0, "Latitude": 39.24, "Longitude": -120.07, "Population": 365.0}, {"index": 11722, "quantile": 0.75, "value": 169500.0, "Latitude": 39.24, "Longitude": -120.07, "Population": 365.0}, {"index": 11722, "quantile": 1.0, "value": 495800.0, "Latitude": 39.24, "Longitude": -120.07, "Population": 365.0}, {"index": 11723, "quantile": 0.0, "value": 87500.0, "Latitude": 39.25, "Longitude": -120.06, "Population": 584.0}, {"index": 11723, "quantile": 0.25, "value": 140800.0, "Latitude": 39.25, "Longitude": -120.06, "Population": 584.0}, {"index": 11723, "quantile": 0.5, "value": 163500.0, "Latitude": 39.25, "Longitude": -120.06, "Population": 584.0}, {"index": 11723, "quantile": 0.75, "value": 163500.0, "Latitude": 39.25, "Longitude": -120.06, "Population": 584.0}, {"index": 11723, "quantile": 1.0, "value": 196900.0, "Latitude": 39.25, "Longitude": -120.06, "Population": 584.0}, {"index": 11724, "quantile": 0.0, "value": 43500.0, "Latitude": 39.24, "Longitude": -120.04, "Population": 510.0}, {"index": 11724, "quantile": 0.25, "value": 123800.0, "Latitude": 39.24, "Longitude": -120.04, "Population": 510.0}, {"index": 11724, "quantile": 0.5, "value": 123800.0, "Latitude": 39.24, "Longitude": -120.04, "Population": 510.0}, {"index": 11724, "quantile": 0.75, "value": 123800.0, "Latitude": 39.24, "Longitude": -120.04, "Population": 510.0}, {"index": 11724, "quantile": 1.0, "value": 180500.0, "Latitude": 39.24, "Longitude": -120.04, "Population": 510.0}, {"index": 11725, "quantile": 0.0, "value": 84200.0, "Latitude": 39.27, "Longitude": -120.04, "Population": 264.0}, {"index": 11725, "quantile": 0.25, "value": 153950.0, "Latitude": 39.27, "Longitude": -120.04, "Population": 264.0}, {"index": 11725, "quantile": 0.5, "value": 154500.0, "Latitude": 39.27, "Longitude": -120.04, "Population": 264.0}, {"index": 11725, "quantile": 0.75, "value": 154500.0, "Latitude": 39.27, "Longitude": -120.04, "Population": 264.0}, {"index": 11725, "quantile": 1.0, "value": 200000.0, "Latitude": 39.27, "Longitude": -120.04, "Population": 264.0}, {"index": 11726, "quantile": 0.0, "value": 40000.0, "Latitude": 39.24, "Longitude": -120.02, "Population": 751.0}, {"index": 11726, "quantile": 0.25, "value": 99300.0, "Latitude": 39.24, "Longitude": -120.02, "Population": 751.0}, {"index": 11726, "quantile": 0.5, "value": 99300.0, "Latitude": 39.24, "Longitude": -120.02, "Population": 751.0}, {"index": 11726, "quantile": 0.75, "value": 99300.0, "Latitude": 39.24, "Longitude": -120.02, "Population": 751.0}, {"index": 11726, "quantile": 1.0, "value": 225000.0, "Latitude": 39.24, "Longitude": -120.02, "Population": 751.0}, {"index": 11727, "quantile": 0.0, "value": 52600.0, "Latitude": 39.24, "Longitude": -120.02, "Population": 919.0}, {"index": 11727, "quantile": 0.25, "value": 107800.0, "Latitude": 39.24, "Longitude": -120.02, "Population": 919.0}, {"index": 11727, "quantile": 0.5, "value": 122100.00000000001, "Latitude": 39.24, "Longitude": -120.02, "Population": 919.0}, {"index": 11727, "quantile": 0.75, "value": 148200.0, "Latitude": 39.24, "Longitude": -120.02, "Population": 919.0}, {"index": 11727, "quantile": 1.0, "value": 196900.0, "Latitude": 39.24, "Longitude": -120.02, "Population": 919.0}, {"index": 11728, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.24, "Longitude": -120.02, "Population": 825.0}, {"index": 11728, "quantile": 0.25, "value": 89075.0, "Latitude": 39.24, "Longitude": -120.02, "Population": 825.0}, {"index": 11728, "quantile": 0.5, "value": 225000.0, "Latitude": 39.24, "Longitude": -120.02, "Population": 825.0}, {"index": 11728, "quantile": 0.75, "value": 225000.0, "Latitude": 39.24, "Longitude": -120.02, "Population": 825.0}, {"index": 11728, "quantile": 1.0, "value": 225000.0, "Latitude": 39.24, "Longitude": -120.02, "Population": 825.0}, {"index": 11729, "quantile": 0.0, "value": 43500.0, "Latitude": 39.26, "Longitude": -120.01, "Population": 307.0}, {"index": 11729, "quantile": 0.25, "value": 123375.00000000001, "Latitude": 39.26, "Longitude": -120.01, "Population": 307.0}, {"index": 11729, "quantile": 0.5, "value": 139300.0, "Latitude": 39.26, "Longitude": -120.01, "Population": 307.0}, {"index": 11729, "quantile": 0.75, "value": 139300.0, "Latitude": 39.26, "Longitude": -120.01, "Population": 307.0}, {"index": 11729, "quantile": 1.0, "value": 196900.0, "Latitude": 39.26, "Longitude": -120.01, "Population": 307.0}, {"index": 11730, "quantile": 0.0, "value": 80800.0, "Latitude": 38.98, "Longitude": -120.91, "Population": 3264.0}, {"index": 11730, "quantile": 0.25, "value": 130600.0, "Latitude": 38.98, "Longitude": -120.91, "Population": 3264.0}, {"index": 11730, "quantile": 0.5, "value": 151900.0, "Latitude": 38.98, "Longitude": -120.91, "Population": 3264.0}, {"index": 11730, "quantile": 0.75, "value": 167400.0, "Latitude": 38.98, "Longitude": -120.91, "Population": 3264.0}, {"index": 11730, "quantile": 1.0, "value": 264400.0, "Latitude": 38.98, "Longitude": -120.91, "Population": 3264.0}, {"index": 11731, "quantile": 0.0, "value": 68300.0, "Latitude": 39.02, "Longitude": -120.81, "Population": 326.0}, {"index": 11731, "quantile": 0.25, "value": 101000.0, "Latitude": 39.02, "Longitude": -120.81, "Population": 326.0}, {"index": 11731, "quantile": 0.5, "value": 101000.0, "Latitude": 39.02, "Longitude": -120.81, "Population": 326.0}, {"index": 11731, "quantile": 0.75, "value": 104075.0, "Latitude": 39.02, "Longitude": -120.81, "Population": 326.0}, {"index": 11731, "quantile": 1.0, "value": 183200.0, "Latitude": 39.02, "Longitude": -120.81, "Population": 326.0}, {"index": 11732, "quantile": 0.0, "value": 56200.00000000001, "Latitude": 39.12, "Longitude": -120.69, "Population": 493.0}, {"index": 11732, "quantile": 0.25, "value": 118200.0, "Latitude": 39.12, "Longitude": -120.69, "Population": 493.0}, {"index": 11732, "quantile": 0.5, "value": 118200.0, "Latitude": 39.12, "Longitude": -120.69, "Population": 493.0}, {"index": 11732, "quantile": 0.75, "value": 118200.0, "Latitude": 39.12, "Longitude": -120.69, "Population": 493.0}, {"index": 11732, "quantile": 1.0, "value": 166800.0, "Latitude": 39.12, "Longitude": -120.69, "Population": 493.0}, {"index": 11733, "quantile": 0.0, "value": 75900.0, "Latitude": 39.02, "Longitude": -120.83, "Population": 551.0}, {"index": 11733, "quantile": 0.25, "value": 117400.0, "Latitude": 39.02, "Longitude": -120.83, "Population": 551.0}, {"index": 11733, "quantile": 0.5, "value": 137500.0, "Latitude": 39.02, "Longitude": -120.83, "Population": 551.0}, {"index": 11733, "quantile": 0.75, "value": 144825.0, "Latitude": 39.02, "Longitude": -120.83, "Population": 551.0}, {"index": 11733, "quantile": 1.0, "value": 190400.0, "Latitude": 39.02, "Longitude": -120.83, "Population": 551.0}, {"index": 11734, "quantile": 0.0, "value": 93800.0, "Latitude": 38.91, "Longitude": -121.06, "Population": 2954.0}, {"index": 11734, "quantile": 0.25, "value": 125400.0, "Latitude": 38.91, "Longitude": -121.06, "Population": 2954.0}, {"index": 11734, "quantile": 0.5, "value": 143000.0, "Latitude": 38.91, "Longitude": -121.06, "Population": 2954.0}, {"index": 11734, "quantile": 0.75, "value": 143000.0, "Latitude": 38.91, "Longitude": -121.06, "Population": 2954.0}, {"index": 11734, "quantile": 1.0, "value": 229199.99999999997, "Latitude": 38.91, "Longitude": -121.06, "Population": 2954.0}, {"index": 11735, "quantile": 0.0, "value": 85100.0, "Latitude": 38.9, "Longitude": -121.08, "Population": 1568.0}, {"index": 11735, "quantile": 0.25, "value": 138400.0, "Latitude": 38.9, "Longitude": -121.08, "Population": 1568.0}, {"index": 11735, "quantile": 0.5, "value": 138400.0, "Latitude": 38.9, "Longitude": -121.08, "Population": 1568.0}, {"index": 11735, "quantile": 0.75, "value": 138400.0, "Latitude": 38.9, "Longitude": -121.08, "Population": 1568.0}, {"index": 11735, "quantile": 1.0, "value": 177000.0, "Latitude": 38.9, "Longitude": -121.08, "Population": 1568.0}, {"index": 11736, "quantile": 0.0, "value": 87500.0, "Latitude": 38.88, "Longitude": -121.06, "Population": 3096.0}, {"index": 11736, "quantile": 0.25, "value": 184300.0, "Latitude": 38.88, "Longitude": -121.06, "Population": 3096.0}, {"index": 11736, "quantile": 0.5, "value": 184300.0, "Latitude": 38.88, "Longitude": -121.06, "Population": 3096.0}, {"index": 11736, "quantile": 0.75, "value": 184300.0, "Latitude": 38.88, "Longitude": -121.06, "Population": 3096.0}, {"index": 11736, "quantile": 1.0, "value": 264400.0, "Latitude": 38.88, "Longitude": -121.06, "Population": 3096.0}, {"index": 11737, "quantile": 0.0, "value": 66400.0, "Latitude": 38.89, "Longitude": -121.08, "Population": 1680.0}, {"index": 11737, "quantile": 0.25, "value": 119000.0, "Latitude": 38.89, "Longitude": -121.08, "Population": 1680.0}, {"index": 11737, "quantile": 0.5, "value": 139000.0, "Latitude": 38.89, "Longitude": -121.08, "Population": 1680.0}, {"index": 11737, "quantile": 0.75, "value": 139000.0, "Latitude": 38.89, "Longitude": -121.08, "Population": 1680.0}, {"index": 11737, "quantile": 1.0, "value": 183200.0, "Latitude": 38.89, "Longitude": -121.08, "Population": 1680.0}, {"index": 11738, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.9, "Longitude": -121.07, "Population": 523.0}, {"index": 11738, "quantile": 0.25, "value": 113499.99999999999, "Latitude": 38.9, "Longitude": -121.07, "Population": 523.0}, {"index": 11738, "quantile": 0.5, "value": 122200.0, "Latitude": 38.9, "Longitude": -121.07, "Population": 523.0}, {"index": 11738, "quantile": 0.75, "value": 122200.0, "Latitude": 38.9, "Longitude": -121.07, "Population": 523.0}, {"index": 11738, "quantile": 1.0, "value": 158600.0, "Latitude": 38.9, "Longitude": -121.07, "Population": 523.0}, {"index": 11739, "quantile": 0.0, "value": 140600.0, "Latitude": 38.89, "Longitude": -121.15, "Population": 879.0}, {"index": 11739, "quantile": 0.25, "value": 239400.0, "Latitude": 38.89, "Longitude": -121.15, "Population": 879.0}, {"index": 11739, "quantile": 0.5, "value": 239400.0, "Latitude": 38.89, "Longitude": -121.15, "Population": 879.0}, {"index": 11739, "quantile": 0.75, "value": 239400.0, "Latitude": 38.89, "Longitude": -121.15, "Population": 879.0}, {"index": 11739, "quantile": 1.0, "value": 331900.0, "Latitude": 38.89, "Longitude": -121.15, "Population": 879.0}, {"index": 11740, "quantile": 0.0, "value": 82800.0, "Latitude": 38.86, "Longitude": -121.12, "Population": 1683.0}, {"index": 11740, "quantile": 0.25, "value": 162900.0, "Latitude": 38.86, "Longitude": -121.12, "Population": 1683.0}, {"index": 11740, "quantile": 0.5, "value": 216500.0, "Latitude": 38.86, "Longitude": -121.12, "Population": 1683.0}, {"index": 11740, "quantile": 0.75, "value": 216500.0, "Latitude": 38.86, "Longitude": -121.12, "Population": 1683.0}, {"index": 11740, "quantile": 1.0, "value": 239200.0, "Latitude": 38.86, "Longitude": -121.12, "Population": 1683.0}, {"index": 11741, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 38.87, "Longitude": -121.13, "Population": 530.0}, {"index": 11741, "quantile": 0.25, "value": 104875.0, "Latitude": 38.87, "Longitude": -121.13, "Population": 530.0}, {"index": 11741, "quantile": 0.5, "value": 120000.0, "Latitude": 38.87, "Longitude": -121.13, "Population": 530.0}, {"index": 11741, "quantile": 0.75, "value": 175525.0, "Latitude": 38.87, "Longitude": -121.13, "Population": 530.0}, {"index": 11741, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.87, "Longitude": -121.13, "Population": 530.0}, {"index": 11742, "quantile": 0.0, "value": 84200.0, "Latitude": 38.91, "Longitude": -121.15, "Population": 787.0}, {"index": 11742, "quantile": 0.25, "value": 133900.0, "Latitude": 38.91, "Longitude": -121.15, "Population": 787.0}, {"index": 11742, "quantile": 0.5, "value": 143600.0, "Latitude": 38.91, "Longitude": -121.15, "Population": 787.0}, {"index": 11742, "quantile": 0.75, "value": 162900.0, "Latitude": 38.91, "Longitude": -121.15, "Population": 787.0}, {"index": 11742, "quantile": 1.0, "value": 264400.0, "Latitude": 38.91, "Longitude": -121.15, "Population": 787.0}, {"index": 11743, "quantile": 0.0, "value": 142500.0, "Latitude": 38.85, "Longitude": -121.08, "Population": 1037.0}, {"index": 11743, "quantile": 0.25, "value": 220100.0, "Latitude": 38.85, "Longitude": -121.08, "Population": 1037.0}, {"index": 11743, "quantile": 0.5, "value": 220100.0, "Latitude": 38.85, "Longitude": -121.08, "Population": 1037.0}, {"index": 11743, "quantile": 0.75, "value": 220100.0, "Latitude": 38.85, "Longitude": -121.08, "Population": 1037.0}, {"index": 11743, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.85, "Longitude": -121.08, "Population": 1037.0}, {"index": 11744, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 38.74, "Longitude": -121.16, "Population": 1417.0}, {"index": 11744, "quantile": 0.25, "value": 220100.0, "Latitude": 38.74, "Longitude": -121.16, "Population": 1417.0}, {"index": 11744, "quantile": 0.5, "value": 237100.0, "Latitude": 38.74, "Longitude": -121.16, "Population": 1417.0}, {"index": 11744, "quantile": 0.75, "value": 237100.0, "Latitude": 38.74, "Longitude": -121.16, "Population": 1417.0}, {"index": 11744, "quantile": 1.0, "value": 436700.0, "Latitude": 38.74, "Longitude": -121.16, "Population": 1417.0}, {"index": 11745, "quantile": 0.0, "value": 182400.0, "Latitude": 38.77, "Longitude": -121.14, "Population": 3868.0}, {"index": 11745, "quantile": 0.25, "value": 287800.0, "Latitude": 38.77, "Longitude": -121.14, "Population": 3868.0}, {"index": 11745, "quantile": 0.5, "value": 287800.0, "Latitude": 38.77, "Longitude": -121.14, "Population": 3868.0}, {"index": 11745, "quantile": 0.75, "value": 287800.0, "Latitude": 38.77, "Longitude": -121.14, "Population": 3868.0}, {"index": 11745, "quantile": 1.0, "value": 466899.99999999994, "Latitude": 38.77, "Longitude": -121.14, "Population": 3868.0}, {"index": 11746, "quantile": 0.0, "value": 193500.0, "Latitude": 38.75, "Longitude": -121.16, "Population": 315.0}, {"index": 11746, "quantile": 0.25, "value": 276600.0, "Latitude": 38.75, "Longitude": -121.16, "Population": 315.0}, {"index": 11746, "quantile": 0.5, "value": 276600.0, "Latitude": 38.75, "Longitude": -121.16, "Population": 315.0}, {"index": 11746, "quantile": 0.75, "value": 344000.0, "Latitude": 38.75, "Longitude": -121.16, "Population": 315.0}, {"index": 11746, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.75, "Longitude": -121.16, "Population": 315.0}, {"index": 11747, "quantile": 0.0, "value": 95200.0, "Latitude": 38.84, "Longitude": -121.14, "Population": 1161.0}, {"index": 11747, "quantile": 0.25, "value": 137250.0, "Latitude": 38.84, "Longitude": -121.14, "Population": 1161.0}, {"index": 11747, "quantile": 0.5, "value": 171000.0, "Latitude": 38.84, "Longitude": -121.14, "Population": 1161.0}, {"index": 11747, "quantile": 0.75, "value": 190500.0, "Latitude": 38.84, "Longitude": -121.14, "Population": 1161.0}, {"index": 11747, "quantile": 1.0, "value": 326500.0, "Latitude": 38.84, "Longitude": -121.14, "Population": 1161.0}, {"index": 11748, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 38.82, "Longitude": -121.14, "Population": 832.0}, {"index": 11748, "quantile": 0.25, "value": 233000.0, "Latitude": 38.82, "Longitude": -121.14, "Population": 832.0}, {"index": 11748, "quantile": 0.5, "value": 233000.0, "Latitude": 38.82, "Longitude": -121.14, "Population": 832.0}, {"index": 11748, "quantile": 0.75, "value": 233000.0, "Latitude": 38.82, "Longitude": -121.14, "Population": 832.0}, {"index": 11748, "quantile": 1.0, "value": 239400.0, "Latitude": 38.82, "Longitude": -121.14, "Population": 832.0}, {"index": 11749, "quantile": 0.0, "value": 98300.0, "Latitude": 38.8, "Longitude": -121.15, "Population": 745.0}, {"index": 11749, "quantile": 0.25, "value": 215375.0, "Latitude": 38.8, "Longitude": -121.15, "Population": 745.0}, {"index": 11749, "quantile": 0.5, "value": 217499.99999999997, "Latitude": 38.8, "Longitude": -121.15, "Population": 745.0}, {"index": 11749, "quantile": 0.75, "value": 217499.99999999997, "Latitude": 38.8, "Longitude": -121.15, "Population": 745.0}, {"index": 11749, "quantile": 1.0, "value": 361900.0, "Latitude": 38.8, "Longitude": -121.15, "Population": 745.0}, {"index": 11750, "quantile": 0.0, "value": 105300.0, "Latitude": 38.78, "Longitude": -121.18, "Population": 1432.0}, {"index": 11750, "quantile": 0.25, "value": 209400.0, "Latitude": 38.78, "Longitude": -121.18, "Population": 1432.0}, {"index": 11750, "quantile": 0.5, "value": 220100.0, "Latitude": 38.78, "Longitude": -121.18, "Population": 1432.0}, {"index": 11750, "quantile": 0.75, "value": 273100.0, "Latitude": 38.78, "Longitude": -121.18, "Population": 1432.0}, {"index": 11750, "quantile": 1.0, "value": 403700.0, "Latitude": 38.78, "Longitude": -121.18, "Population": 1432.0}, {"index": 11751, "quantile": 0.0, "value": 132400.0, "Latitude": 38.8, "Longitude": -121.18, "Population": 1276.0}, {"index": 11751, "quantile": 0.25, "value": 220100.0, "Latitude": 38.8, "Longitude": -121.18, "Population": 1276.0}, {"index": 11751, "quantile": 0.5, "value": 220100.0, "Latitude": 38.8, "Longitude": -121.18, "Population": 1276.0}, {"index": 11751, "quantile": 0.75, "value": 220100.0, "Latitude": 38.8, "Longitude": -121.18, "Population": 1276.0}, {"index": 11751, "quantile": 1.0, "value": 436700.0, "Latitude": 38.8, "Longitude": -121.18, "Population": 1276.0}, {"index": 11752, "quantile": 0.0, "value": 71700.0, "Latitude": 38.76, "Longitude": -121.21, "Population": 792.0}, {"index": 11752, "quantile": 0.25, "value": 161075.0, "Latitude": 38.76, "Longitude": -121.21, "Population": 792.0}, {"index": 11752, "quantile": 0.5, "value": 239200.0, "Latitude": 38.76, "Longitude": -121.21, "Population": 792.0}, {"index": 11752, "quantile": 0.75, "value": 239200.0, "Latitude": 38.76, "Longitude": -121.21, "Population": 792.0}, {"index": 11752, "quantile": 1.0, "value": 239200.0, "Latitude": 38.76, "Longitude": -121.21, "Population": 792.0}, {"index": 11753, "quantile": 0.0, "value": 71300.0, "Latitude": 38.75, "Longitude": -121.21, "Population": 2006.0}, {"index": 11753, "quantile": 0.25, "value": 213800.0, "Latitude": 38.75, "Longitude": -121.21, "Population": 2006.0}, {"index": 11753, "quantile": 0.5, "value": 264400.0, "Latitude": 38.75, "Longitude": -121.21, "Population": 2006.0}, {"index": 11753, "quantile": 0.75, "value": 264400.0, "Latitude": 38.75, "Longitude": -121.21, "Population": 2006.0}, {"index": 11753, "quantile": 1.0, "value": 390800.0, "Latitude": 38.75, "Longitude": -121.21, "Population": 2006.0}, {"index": 11754, "quantile": 0.0, "value": 141200.0, "Latitude": 38.76, "Longitude": -121.17, "Population": 781.0}, {"index": 11754, "quantile": 0.25, "value": 315950.0, "Latitude": 38.76, "Longitude": -121.17, "Population": 781.0}, {"index": 11754, "quantile": 0.5, "value": 394000.0, "Latitude": 38.76, "Longitude": -121.17, "Population": 781.0}, {"index": 11754, "quantile": 0.75, "value": 394000.0, "Latitude": 38.76, "Longitude": -121.17, "Population": 781.0}, {"index": 11754, "quantile": 1.0, "value": 394000.0, "Latitude": 38.76, "Longitude": -121.17, "Population": 781.0}, {"index": 11755, "quantile": 0.0, "value": 194100.0, "Latitude": 38.73, "Longitude": -121.2, "Population": 1931.0}, {"index": 11755, "quantile": 0.25, "value": 334800.0, "Latitude": 38.73, "Longitude": -121.2, "Population": 1931.0}, {"index": 11755, "quantile": 0.5, "value": 334800.0, "Latitude": 38.73, "Longitude": -121.2, "Population": 1931.0}, {"index": 11755, "quantile": 0.75, "value": 344275.0, "Latitude": 38.73, "Longitude": -121.2, "Population": 1931.0}, {"index": 11755, "quantile": 1.0, "value": 410200.00000000006, "Latitude": 38.73, "Longitude": -121.2, "Population": 1931.0}, {"index": 11756, "quantile": 0.0, "value": 129500.0, "Latitude": 38.73, "Longitude": -121.18, "Population": 613.0}, {"index": 11756, "quantile": 0.25, "value": 273100.0, "Latitude": 38.73, "Longitude": -121.18, "Population": 613.0}, {"index": 11756, "quantile": 0.5, "value": 273100.0, "Latitude": 38.73, "Longitude": -121.18, "Population": 613.0}, {"index": 11756, "quantile": 0.75, "value": 273100.0, "Latitude": 38.73, "Longitude": -121.18, "Population": 613.0}, {"index": 11756, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.73, "Longitude": -121.18, "Population": 613.0}, {"index": 11757, "quantile": 0.0, "value": 115500.0, "Latitude": 38.75, "Longitude": -121.18, "Population": 1201.0}, {"index": 11757, "quantile": 0.25, "value": 191025.0, "Latitude": 38.75, "Longitude": -121.18, "Population": 1201.0}, {"index": 11757, "quantile": 0.5, "value": 247600.0, "Latitude": 38.75, "Longitude": -121.18, "Population": 1201.0}, {"index": 11757, "quantile": 0.75, "value": 247600.0, "Latitude": 38.75, "Longitude": -121.18, "Population": 1201.0}, {"index": 11757, "quantile": 1.0, "value": 361100.0, "Latitude": 38.75, "Longitude": -121.18, "Population": 1201.0}, {"index": 11758, "quantile": 0.0, "value": 138100.0, "Latitude": 38.75, "Longitude": -121.24, "Population": 3667.0}, {"index": 11758, "quantile": 0.25, "value": 229599.99999999997, "Latitude": 38.75, "Longitude": -121.24, "Population": 3667.0}, {"index": 11758, "quantile": 0.5, "value": 229599.99999999997, "Latitude": 38.75, "Longitude": -121.24, "Population": 3667.0}, {"index": 11758, "quantile": 0.75, "value": 229599.99999999997, "Latitude": 38.75, "Longitude": -121.24, "Population": 3667.0}, {"index": 11758, "quantile": 1.0, "value": 299600.0, "Latitude": 38.75, "Longitude": -121.24, "Population": 3667.0}, {"index": 11759, "quantile": 0.0, "value": 115500.0, "Latitude": 38.72, "Longitude": -121.24, "Population": 1556.0}, {"index": 11759, "quantile": 0.25, "value": 156825.0, "Latitude": 38.72, "Longitude": -121.24, "Population": 1556.0}, {"index": 11759, "quantile": 0.5, "value": 185350.0, "Latitude": 38.72, "Longitude": -121.24, "Population": 1556.0}, {"index": 11759, "quantile": 0.75, "value": 212200.0, "Latitude": 38.72, "Longitude": -121.24, "Population": 1556.0}, {"index": 11759, "quantile": 1.0, "value": 335000.0, "Latitude": 38.72, "Longitude": -121.24, "Population": 1556.0}, {"index": 11760, "quantile": 0.0, "value": 48100.0, "Latitude": 38.74, "Longitude": -121.27, "Population": 2086.0}, {"index": 11760, "quantile": 0.25, "value": 127075.0, "Latitude": 38.74, "Longitude": -121.27, "Population": 2086.0}, {"index": 11760, "quantile": 0.5, "value": 154900.0, "Latitude": 38.74, "Longitude": -121.27, "Population": 2086.0}, {"index": 11760, "quantile": 0.75, "value": 154900.0, "Latitude": 38.74, "Longitude": -121.27, "Population": 2086.0}, {"index": 11760, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 38.74, "Longitude": -121.27, "Population": 2086.0}, {"index": 11761, "quantile": 0.0, "value": 124900.00000000001, "Latitude": 38.73, "Longitude": -121.26, "Population": 1527.0}, {"index": 11761, "quantile": 0.25, "value": 172100.0, "Latitude": 38.73, "Longitude": -121.26, "Population": 1527.0}, {"index": 11761, "quantile": 0.5, "value": 172100.0, "Latitude": 38.73, "Longitude": -121.26, "Population": 1527.0}, {"index": 11761, "quantile": 0.75, "value": 172100.0, "Latitude": 38.73, "Longitude": -121.26, "Population": 1527.0}, {"index": 11761, "quantile": 1.0, "value": 267400.0, "Latitude": 38.73, "Longitude": -121.26, "Population": 1527.0}, {"index": 11762, "quantile": 0.0, "value": 71800.0, "Latitude": 38.74, "Longitude": -121.26, "Population": 3526.0}, {"index": 11762, "quantile": 0.25, "value": 135900.0, "Latitude": 38.74, "Longitude": -121.26, "Population": 3526.0}, {"index": 11762, "quantile": 0.5, "value": 135900.0, "Latitude": 38.74, "Longitude": -121.26, "Population": 3526.0}, {"index": 11762, "quantile": 0.75, "value": 135900.0, "Latitude": 38.74, "Longitude": -121.26, "Population": 3526.0}, {"index": 11762, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.74, "Longitude": -121.26, "Population": 3526.0}, {"index": 11763, "quantile": 0.0, "value": 140600.0, "Latitude": 38.73, "Longitude": -121.28, "Population": 1747.0}, {"index": 11763, "quantile": 0.25, "value": 191850.0, "Latitude": 38.73, "Longitude": -121.28, "Population": 1747.0}, {"index": 11763, "quantile": 0.5, "value": 267400.0, "Latitude": 38.73, "Longitude": -121.28, "Population": 1747.0}, {"index": 11763, "quantile": 0.75, "value": 267400.0, "Latitude": 38.73, "Longitude": -121.28, "Population": 1747.0}, {"index": 11763, "quantile": 1.0, "value": 300600.0, "Latitude": 38.73, "Longitude": -121.28, "Population": 1747.0}, {"index": 11764, "quantile": 0.0, "value": 159100.0, "Latitude": 38.72, "Longitude": -121.27, "Population": 2105.0}, {"index": 11764, "quantile": 0.25, "value": 198700.0, "Latitude": 38.72, "Longitude": -121.27, "Population": 2105.0}, {"index": 11764, "quantile": 0.5, "value": 198700.0, "Latitude": 38.72, "Longitude": -121.27, "Population": 2105.0}, {"index": 11764, "quantile": 0.75, "value": 198700.0, "Latitude": 38.72, "Longitude": -121.27, "Population": 2105.0}, {"index": 11764, "quantile": 1.0, "value": 298200.0, "Latitude": 38.72, "Longitude": -121.27, "Population": 2105.0}, {"index": 11765, "quantile": 0.0, "value": 102000.0, "Latitude": 38.72, "Longitude": -121.25, "Population": 3507.0}, {"index": 11765, "quantile": 0.25, "value": 138200.0, "Latitude": 38.72, "Longitude": -121.25, "Population": 3507.0}, {"index": 11765, "quantile": 0.5, "value": 151799.99999999997, "Latitude": 38.72, "Longitude": -121.25, "Population": 3507.0}, {"index": 11765, "quantile": 0.75, "value": 175275.0, "Latitude": 38.72, "Longitude": -121.25, "Population": 3507.0}, {"index": 11765, "quantile": 1.0, "value": 300600.0, "Latitude": 38.72, "Longitude": -121.25, "Population": 3507.0}, {"index": 11766, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 38.75, "Longitude": -121.27, "Population": 1985.0}, {"index": 11766, "quantile": 0.25, "value": 128499.99999999999, "Latitude": 38.75, "Longitude": -121.27, "Population": 1985.0}, {"index": 11766, "quantile": 0.5, "value": 128499.99999999999, "Latitude": 38.75, "Longitude": -121.27, "Population": 1985.0}, {"index": 11766, "quantile": 0.75, "value": 128499.99999999999, "Latitude": 38.75, "Longitude": -121.27, "Population": 1985.0}, {"index": 11766, "quantile": 1.0, "value": 267600.0, "Latitude": 38.75, "Longitude": -121.27, "Population": 1985.0}, {"index": 11767, "quantile": 0.0, "value": 81300.0, "Latitude": 38.74, "Longitude": -121.28, "Population": 1775.0}, {"index": 11767, "quantile": 0.25, "value": 134700.0, "Latitude": 38.74, "Longitude": -121.28, "Population": 1775.0}, {"index": 11767, "quantile": 0.5, "value": 134700.0, "Latitude": 38.74, "Longitude": -121.28, "Population": 1775.0}, {"index": 11767, "quantile": 0.75, "value": 134700.0, "Latitude": 38.74, "Longitude": -121.28, "Population": 1775.0}, {"index": 11767, "quantile": 1.0, "value": 277000.0, "Latitude": 38.74, "Longitude": -121.28, "Population": 1775.0}, {"index": 11768, "quantile": 0.0, "value": 98600.0, "Latitude": 38.73, "Longitude": -121.3, "Population": 2717.0}, {"index": 11768, "quantile": 0.25, "value": 138600.0, "Latitude": 38.73, "Longitude": -121.3, "Population": 2717.0}, {"index": 11768, "quantile": 0.5, "value": 139200.0, "Latitude": 38.73, "Longitude": -121.3, "Population": 2717.0}, {"index": 11768, "quantile": 0.75, "value": 139200.0, "Latitude": 38.73, "Longitude": -121.3, "Population": 2717.0}, {"index": 11768, "quantile": 1.0, "value": 239200.0, "Latitude": 38.73, "Longitude": -121.3, "Population": 2717.0}, {"index": 11769, "quantile": 0.0, "value": 71700.0, "Latitude": 38.73, "Longitude": -121.36, "Population": 1050.0}, {"index": 11769, "quantile": 0.25, "value": 103325.0, "Latitude": 38.73, "Longitude": -121.36, "Population": 1050.0}, {"index": 11769, "quantile": 0.5, "value": 220100.0, "Latitude": 38.73, "Longitude": -121.36, "Population": 1050.0}, {"index": 11769, "quantile": 0.75, "value": 220100.0, "Latitude": 38.73, "Longitude": -121.36, "Population": 1050.0}, {"index": 11769, "quantile": 1.0, "value": 240800.0, "Latitude": 38.73, "Longitude": -121.36, "Population": 1050.0}, {"index": 11770, "quantile": 0.0, "value": 93400.0, "Latitude": 38.74, "Longitude": -121.32, "Population": 670.0}, {"index": 11770, "quantile": 0.25, "value": 157500.0, "Latitude": 38.74, "Longitude": -121.32, "Population": 670.0}, {"index": 11770, "quantile": 0.5, "value": 186300.0, "Latitude": 38.74, "Longitude": -121.32, "Population": 670.0}, {"index": 11770, "quantile": 0.75, "value": 186300.0, "Latitude": 38.74, "Longitude": -121.32, "Population": 670.0}, {"index": 11770, "quantile": 1.0, "value": 264400.0, "Latitude": 38.74, "Longitude": -121.32, "Population": 670.0}, {"index": 11771, "quantile": 0.0, "value": 96200.0, "Latitude": 38.75, "Longitude": -121.31, "Population": 2147.0}, {"index": 11771, "quantile": 0.25, "value": 129200.0, "Latitude": 38.75, "Longitude": -121.31, "Population": 2147.0}, {"index": 11771, "quantile": 0.5, "value": 129200.0, "Latitude": 38.75, "Longitude": -121.31, "Population": 2147.0}, {"index": 11771, "quantile": 0.75, "value": 129200.0, "Latitude": 38.75, "Longitude": -121.31, "Population": 2147.0}, {"index": 11771, "quantile": 1.0, "value": 300600.0, "Latitude": 38.75, "Longitude": -121.31, "Population": 2147.0}, {"index": 11772, "quantile": 0.0, "value": 77100.0, "Latitude": 38.75, "Longitude": -121.3, "Population": 2313.0}, {"index": 11772, "quantile": 0.25, "value": 86300.0, "Latitude": 38.75, "Longitude": -121.3, "Population": 2313.0}, {"index": 11772, "quantile": 0.5, "value": 86300.0, "Latitude": 38.75, "Longitude": -121.3, "Population": 2313.0}, {"index": 11772, "quantile": 0.75, "value": 87125.0, "Latitude": 38.75, "Longitude": -121.3, "Population": 2313.0}, {"index": 11772, "quantile": 1.0, "value": 163500.0, "Latitude": 38.75, "Longitude": -121.3, "Population": 2313.0}, {"index": 11773, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.75, "Longitude": -121.28, "Population": 189.0}, {"index": 11773, "quantile": 0.25, "value": 83800.0, "Latitude": 38.75, "Longitude": -121.28, "Population": 189.0}, {"index": 11773, "quantile": 0.5, "value": 83800.0, "Latitude": 38.75, "Longitude": -121.28, "Population": 189.0}, {"index": 11773, "quantile": 0.75, "value": 103899.99999999999, "Latitude": 38.75, "Longitude": -121.28, "Population": 189.0}, {"index": 11773, "quantile": 1.0, "value": 325000.0, "Latitude": 38.75, "Longitude": -121.28, "Population": 189.0}, {"index": 11774, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 38.74, "Longitude": -121.3, "Population": 2387.0}, {"index": 11774, "quantile": 0.25, "value": 87900.0, "Latitude": 38.74, "Longitude": -121.3, "Population": 2387.0}, {"index": 11774, "quantile": 0.5, "value": 87900.0, "Latitude": 38.74, "Longitude": -121.3, "Population": 2387.0}, {"index": 11774, "quantile": 0.75, "value": 87900.0, "Latitude": 38.74, "Longitude": -121.3, "Population": 2387.0}, {"index": 11774, "quantile": 1.0, "value": 153000.0, "Latitude": 38.74, "Longitude": -121.3, "Population": 2387.0}, {"index": 11775, "quantile": 0.0, "value": 115900.0, "Latitude": 38.77, "Longitude": -121.33, "Population": 8361.0}, {"index": 11775, "quantile": 0.25, "value": 143525.0, "Latitude": 38.77, "Longitude": -121.33, "Population": 8361.0}, {"index": 11775, "quantile": 0.5, "value": 171000.0, "Latitude": 38.77, "Longitude": -121.33, "Population": 8361.0}, {"index": 11775, "quantile": 0.75, "value": 188200.0, "Latitude": 38.77, "Longitude": -121.33, "Population": 8361.0}, {"index": 11775, "quantile": 1.0, "value": 326500.0, "Latitude": 38.77, "Longitude": -121.33, "Population": 8361.0}, {"index": 11776, "quantile": 0.0, "value": 55300.00000000001, "Latitude": 38.76, "Longitude": -121.28, "Population": 1276.0}, {"index": 11776, "quantile": 0.25, "value": 101899.99999999999, "Latitude": 38.76, "Longitude": -121.28, "Population": 1276.0}, {"index": 11776, "quantile": 0.5, "value": 101899.99999999999, "Latitude": 38.76, "Longitude": -121.28, "Population": 1276.0}, {"index": 11776, "quantile": 0.75, "value": 101899.99999999999, "Latitude": 38.76, "Longitude": -121.28, "Population": 1276.0}, {"index": 11776, "quantile": 1.0, "value": 183200.0, "Latitude": 38.76, "Longitude": -121.28, "Population": 1276.0}, {"index": 11777, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 38.75, "Longitude": -121.27, "Population": 647.0}, {"index": 11777, "quantile": 0.25, "value": 85300.0, "Latitude": 38.75, "Longitude": -121.27, "Population": 647.0}, {"index": 11777, "quantile": 0.5, "value": 85300.0, "Latitude": 38.75, "Longitude": -121.27, "Population": 647.0}, {"index": 11777, "quantile": 0.75, "value": 90850.00000000001, "Latitude": 38.75, "Longitude": -121.27, "Population": 647.0}, {"index": 11777, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 38.75, "Longitude": -121.27, "Population": 647.0}, {"index": 11778, "quantile": 0.0, "value": 129500.0, "Latitude": 38.76, "Longitude": -121.29, "Population": 443.0}, {"index": 11778, "quantile": 0.25, "value": 187500.0, "Latitude": 38.76, "Longitude": -121.29, "Population": 443.0}, {"index": 11778, "quantile": 0.5, "value": 187500.0, "Latitude": 38.76, "Longitude": -121.29, "Population": 443.0}, {"index": 11778, "quantile": 0.75, "value": 218900.0, "Latitude": 38.76, "Longitude": -121.29, "Population": 443.0}, {"index": 11778, "quantile": 1.0, "value": 496000.0, "Latitude": 38.76, "Longitude": -121.29, "Population": 443.0}, {"index": 11779, "quantile": 0.0, "value": 150800.0, "Latitude": 38.77, "Longitude": -121.28, "Population": 1738.0}, {"index": 11779, "quantile": 0.25, "value": 201399.99999999997, "Latitude": 38.77, "Longitude": -121.28, "Population": 1738.0}, {"index": 11779, "quantile": 0.5, "value": 201399.99999999997, "Latitude": 38.77, "Longitude": -121.28, "Population": 1738.0}, {"index": 11779, "quantile": 0.75, "value": 225900.0, "Latitude": 38.77, "Longitude": -121.28, "Population": 1738.0}, {"index": 11779, "quantile": 1.0, "value": 297300.0, "Latitude": 38.77, "Longitude": -121.28, "Population": 1738.0}, {"index": 11780, "quantile": 0.0, "value": 100099.99999999999, "Latitude": 38.8, "Longitude": -121.28, "Population": 4445.0}, {"index": 11780, "quantile": 0.25, "value": 143025.0, "Latitude": 38.8, "Longitude": -121.28, "Population": 4445.0}, {"index": 11780, "quantile": 0.5, "value": 147900.0, "Latitude": 38.8, "Longitude": -121.28, "Population": 4445.0}, {"index": 11780, "quantile": 0.75, "value": 147900.0, "Latitude": 38.8, "Longitude": -121.28, "Population": 4445.0}, {"index": 11780, "quantile": 1.0, "value": 216500.0, "Latitude": 38.8, "Longitude": -121.28, "Population": 4445.0}, {"index": 11781, "quantile": 0.0, "value": 83600.0, "Latitude": 38.78, "Longitude": -121.24, "Population": 1049.0}, {"index": 11781, "quantile": 0.25, "value": 110800.00000000001, "Latitude": 38.78, "Longitude": -121.24, "Population": 1049.0}, {"index": 11781, "quantile": 0.5, "value": 119550.0, "Latitude": 38.78, "Longitude": -121.24, "Population": 1049.0}, {"index": 11781, "quantile": 0.75, "value": 138800.0, "Latitude": 38.78, "Longitude": -121.24, "Population": 1049.0}, {"index": 11781, "quantile": 1.0, "value": 240800.0, "Latitude": 38.78, "Longitude": -121.24, "Population": 1049.0}, {"index": 11782, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 38.78, "Longitude": -121.24, "Population": 249.0}, {"index": 11782, "quantile": 0.25, "value": 136500.0, "Latitude": 38.78, "Longitude": -121.24, "Population": 249.0}, {"index": 11782, "quantile": 0.5, "value": 136500.0, "Latitude": 38.78, "Longitude": -121.24, "Population": 249.0}, {"index": 11782, "quantile": 0.75, "value": 136500.0, "Latitude": 38.78, "Longitude": -121.24, "Population": 249.0}, {"index": 11782, "quantile": 1.0, "value": 500000.0, "Latitude": 38.78, "Longitude": -121.24, "Population": 249.0}, {"index": 11783, "quantile": 0.0, "value": 55100.00000000001, "Latitude": 38.78, "Longitude": -121.23, "Population": 1513.0}, {"index": 11783, "quantile": 0.25, "value": 95875.0, "Latitude": 38.78, "Longitude": -121.23, "Population": 1513.0}, {"index": 11783, "quantile": 0.5, "value": 116150.0, "Latitude": 38.78, "Longitude": -121.23, "Population": 1513.0}, {"index": 11783, "quantile": 0.75, "value": 136750.0, "Latitude": 38.78, "Longitude": -121.23, "Population": 1513.0}, {"index": 11783, "quantile": 1.0, "value": 233700.00000000003, "Latitude": 38.78, "Longitude": -121.23, "Population": 1513.0}, {"index": 11784, "quantile": 0.0, "value": 138200.0, "Latitude": 38.78, "Longitude": -121.22, "Population": 1312.0}, {"index": 11784, "quantile": 0.25, "value": 218000.00000000003, "Latitude": 38.78, "Longitude": -121.22, "Population": 1312.0}, {"index": 11784, "quantile": 0.5, "value": 218000.00000000003, "Latitude": 38.78, "Longitude": -121.22, "Population": 1312.0}, {"index": 11784, "quantile": 0.75, "value": 273600.0, "Latitude": 38.78, "Longitude": -121.22, "Population": 1312.0}, {"index": 11784, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.78, "Longitude": -121.22, "Population": 1312.0}, {"index": 11785, "quantile": 0.0, "value": 129500.0, "Latitude": 38.82, "Longitude": -121.24, "Population": 4819.0}, {"index": 11785, "quantile": 0.25, "value": 217300.0, "Latitude": 38.82, "Longitude": -121.24, "Population": 4819.0}, {"index": 11785, "quantile": 0.5, "value": 217300.0, "Latitude": 38.82, "Longitude": -121.24, "Population": 4819.0}, {"index": 11785, "quantile": 0.75, "value": 217300.0, "Latitude": 38.82, "Longitude": -121.24, "Population": 4819.0}, {"index": 11785, "quantile": 1.0, "value": 429000.0, "Latitude": 38.82, "Longitude": -121.24, "Population": 4819.0}, {"index": 11786, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 38.8, "Longitude": -121.25, "Population": 1974.0}, {"index": 11786, "quantile": 0.25, "value": 188700.0, "Latitude": 38.8, "Longitude": -121.25, "Population": 1974.0}, {"index": 11786, "quantile": 0.5, "value": 188700.0, "Latitude": 38.8, "Longitude": -121.25, "Population": 1974.0}, {"index": 11786, "quantile": 0.75, "value": 192800.0, "Latitude": 38.8, "Longitude": -121.25, "Population": 1974.0}, {"index": 11786, "quantile": 1.0, "value": 331300.0, "Latitude": 38.8, "Longitude": -121.25, "Population": 1974.0}, {"index": 11787, "quantile": 0.0, "value": 82800.0, "Latitude": 38.79, "Longitude": -121.24, "Population": 1063.0}, {"index": 11787, "quantile": 0.25, "value": 135200.0, "Latitude": 38.79, "Longitude": -121.24, "Population": 1063.0}, {"index": 11787, "quantile": 0.5, "value": 147900.0, "Latitude": 38.79, "Longitude": -121.24, "Population": 1063.0}, {"index": 11787, "quantile": 0.75, "value": 159500.0, "Latitude": 38.79, "Longitude": -121.24, "Population": 1063.0}, {"index": 11787, "quantile": 1.0, "value": 390800.0, "Latitude": 38.79, "Longitude": -121.24, "Population": 1063.0}, {"index": 11788, "quantile": 0.0, "value": 71800.0, "Latitude": 38.79, "Longitude": -121.24, "Population": 706.0}, {"index": 11788, "quantile": 0.25, "value": 110200.00000000001, "Latitude": 38.79, "Longitude": -121.24, "Population": 706.0}, {"index": 11788, "quantile": 0.5, "value": 110200.00000000001, "Latitude": 38.79, "Longitude": -121.24, "Population": 706.0}, {"index": 11788, "quantile": 0.75, "value": 124800.0, "Latitude": 38.79, "Longitude": -121.24, "Population": 706.0}, {"index": 11788, "quantile": 1.0, "value": 239200.0, "Latitude": 38.79, "Longitude": -121.24, "Population": 706.0}, {"index": 11789, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.79, "Longitude": -121.23, "Population": 463.0}, {"index": 11789, "quantile": 0.25, "value": 92000.0, "Latitude": 38.79, "Longitude": -121.23, "Population": 463.0}, {"index": 11789, "quantile": 0.5, "value": 92000.0, "Latitude": 38.79, "Longitude": -121.23, "Population": 463.0}, {"index": 11789, "quantile": 0.75, "value": 92000.0, "Latitude": 38.79, "Longitude": -121.23, "Population": 463.0}, {"index": 11789, "quantile": 1.0, "value": 155400.0, "Latitude": 38.79, "Longitude": -121.23, "Population": 463.0}, {"index": 11790, "quantile": 0.0, "value": 88200.0, "Latitude": 38.8, "Longitude": -121.22, "Population": 1390.0}, {"index": 11790, "quantile": 0.25, "value": 124800.0, "Latitude": 38.8, "Longitude": -121.22, "Population": 1390.0}, {"index": 11790, "quantile": 0.5, "value": 124800.0, "Latitude": 38.8, "Longitude": -121.22, "Population": 1390.0}, {"index": 11790, "quantile": 0.75, "value": 143925.0, "Latitude": 38.8, "Longitude": -121.22, "Population": 1390.0}, {"index": 11790, "quantile": 1.0, "value": 240800.0, "Latitude": 38.8, "Longitude": -121.22, "Population": 1390.0}, {"index": 11791, "quantile": 0.0, "value": 105300.0, "Latitude": 38.87, "Longitude": -121.19, "Population": 1405.0}, {"index": 11791, "quantile": 0.25, "value": 209400.0, "Latitude": 38.87, "Longitude": -121.19, "Population": 1405.0}, {"index": 11791, "quantile": 0.5, "value": 209400.0, "Latitude": 38.87, "Longitude": -121.19, "Population": 1405.0}, {"index": 11791, "quantile": 0.75, "value": 209400.0, "Latitude": 38.87, "Longitude": -121.19, "Population": 1405.0}, {"index": 11791, "quantile": 1.0, "value": 367100.0, "Latitude": 38.87, "Longitude": -121.19, "Population": 1405.0}, {"index": 11792, "quantile": 0.0, "value": 99100.0, "Latitude": 38.83, "Longitude": -121.21, "Population": 1758.0}, {"index": 11792, "quantile": 0.25, "value": 148350.0, "Latitude": 38.83, "Longitude": -121.21, "Population": 1758.0}, {"index": 11792, "quantile": 0.5, "value": 151900.0, "Latitude": 38.83, "Longitude": -121.21, "Population": 1758.0}, {"index": 11792, "quantile": 0.75, "value": 151900.0, "Latitude": 38.83, "Longitude": -121.21, "Population": 1758.0}, {"index": 11792, "quantile": 1.0, "value": 269500.0, "Latitude": 38.83, "Longitude": -121.21, "Population": 1758.0}, {"index": 11793, "quantile": 0.0, "value": 71300.0, "Latitude": 38.85, "Longitude": -121.19, "Population": 2268.0}, {"index": 11793, "quantile": 0.25, "value": 127499.99999999999, "Latitude": 38.85, "Longitude": -121.19, "Population": 2268.0}, {"index": 11793, "quantile": 0.5, "value": 139300.0, "Latitude": 38.85, "Longitude": -121.19, "Population": 2268.0}, {"index": 11793, "quantile": 0.75, "value": 170700.0, "Latitude": 38.85, "Longitude": -121.19, "Population": 2268.0}, {"index": 11793, "quantile": 1.0, "value": 264400.0, "Latitude": 38.85, "Longitude": -121.19, "Population": 2268.0}, {"index": 11794, "quantile": 0.0, "value": 111300.0, "Latitude": 38.83, "Longitude": -121.18, "Population": 2114.0}, {"index": 11794, "quantile": 0.25, "value": 124400.0, "Latitude": 38.83, "Longitude": -121.18, "Population": 2114.0}, {"index": 11794, "quantile": 0.5, "value": 124400.0, "Latitude": 38.83, "Longitude": -121.18, "Population": 2114.0}, {"index": 11794, "quantile": 0.75, "value": 124400.0, "Latitude": 38.83, "Longitude": -121.18, "Population": 2114.0}, {"index": 11794, "quantile": 1.0, "value": 187500.0, "Latitude": 38.83, "Longitude": -121.18, "Population": 2114.0}, {"index": 11795, "quantile": 0.0, "value": 93800.0, "Latitude": 38.85, "Longitude": -121.39, "Population": 1714.0}, {"index": 11795, "quantile": 0.25, "value": 140974.99999999997, "Latitude": 38.85, "Longitude": -121.39, "Population": 1714.0}, {"index": 11795, "quantile": 0.5, "value": 162700.0, "Latitude": 38.85, "Longitude": -121.39, "Population": 1714.0}, {"index": 11795, "quantile": 0.75, "value": 162700.0, "Latitude": 38.85, "Longitude": -121.39, "Population": 1714.0}, {"index": 11795, "quantile": 1.0, "value": 264400.0, "Latitude": 38.85, "Longitude": -121.39, "Population": 1714.0}, {"index": 11796, "quantile": 0.0, "value": 84700.0, "Latitude": 39.0, "Longitude": -121.3, "Population": 1630.0}, {"index": 11796, "quantile": 0.25, "value": 126400.0, "Latitude": 39.0, "Longitude": -121.3, "Population": 1630.0}, {"index": 11796, "quantile": 0.5, "value": 126400.0, "Latitude": 39.0, "Longitude": -121.3, "Population": 1630.0}, {"index": 11796, "quantile": 0.75, "value": 126400.0, "Latitude": 39.0, "Longitude": -121.3, "Population": 1630.0}, {"index": 11796, "quantile": 1.0, "value": 191700.0, "Latitude": 39.0, "Longitude": -121.3, "Population": 1630.0}, {"index": 11797, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 38.97, "Longitude": -121.31, "Population": 726.0}, {"index": 11797, "quantile": 0.25, "value": 82100.0, "Latitude": 38.97, "Longitude": -121.31, "Population": 726.0}, {"index": 11797, "quantile": 0.5, "value": 82100.0, "Latitude": 38.97, "Longitude": -121.31, "Population": 726.0}, {"index": 11797, "quantile": 0.75, "value": 93600.0, "Latitude": 38.97, "Longitude": -121.31, "Population": 726.0}, {"index": 11797, "quantile": 1.0, "value": 182500.0, "Latitude": 38.97, "Longitude": -121.31, "Population": 726.0}, {"index": 11798, "quantile": 0.0, "value": 112799.99999999999, "Latitude": 38.92, "Longitude": -121.22, "Population": 1206.0}, {"index": 11798, "quantile": 0.25, "value": 146850.0, "Latitude": 38.92, "Longitude": -121.22, "Population": 1206.0}, {"index": 11798, "quantile": 0.5, "value": 192600.0, "Latitude": 38.92, "Longitude": -121.22, "Population": 1206.0}, {"index": 11798, "quantile": 0.75, "value": 192600.0, "Latitude": 38.92, "Longitude": -121.22, "Population": 1206.0}, {"index": 11798, "quantile": 1.0, "value": 264400.0, "Latitude": 38.92, "Longitude": -121.22, "Population": 1206.0}, {"index": 11799, "quantile": 0.0, "value": 71300.0, "Latitude": 38.87, "Longitude": -121.27, "Population": 1092.0}, {"index": 11799, "quantile": 0.25, "value": 126025.00000000001, "Latitude": 38.87, "Longitude": -121.27, "Population": 1092.0}, {"index": 11799, "quantile": 0.5, "value": 141550.0, "Latitude": 38.87, "Longitude": -121.27, "Population": 1092.0}, {"index": 11799, "quantile": 0.75, "value": 162700.0, "Latitude": 38.87, "Longitude": -121.27, "Population": 1092.0}, {"index": 11799, "quantile": 1.0, "value": 264400.0, "Latitude": 38.87, "Longitude": -121.27, "Population": 1092.0}, {"index": 11800, "quantile": 0.0, "value": 73100.0, "Latitude": 38.9, "Longitude": -121.29, "Population": 1104.0}, {"index": 11800, "quantile": 0.25, "value": 108700.0, "Latitude": 38.9, "Longitude": -121.29, "Population": 1104.0}, {"index": 11800, "quantile": 0.5, "value": 108700.0, "Latitude": 38.9, "Longitude": -121.29, "Population": 1104.0}, {"index": 11800, "quantile": 0.75, "value": 108700.0, "Latitude": 38.9, "Longitude": -121.29, "Population": 1104.0}, {"index": 11800, "quantile": 1.0, "value": 173800.0, "Latitude": 38.9, "Longitude": -121.29, "Population": 1104.0}, {"index": 11801, "quantile": 0.0, "value": 48100.0, "Latitude": 38.9, "Longitude": -121.28, "Population": 765.0}, {"index": 11801, "quantile": 0.25, "value": 92400.0, "Latitude": 38.9, "Longitude": -121.28, "Population": 765.0}, {"index": 11801, "quantile": 0.5, "value": 93600.0, "Latitude": 38.9, "Longitude": -121.28, "Population": 765.0}, {"index": 11801, "quantile": 0.75, "value": 93600.0, "Latitude": 38.9, "Longitude": -121.28, "Population": 765.0}, {"index": 11801, "quantile": 1.0, "value": 163500.0, "Latitude": 38.9, "Longitude": -121.28, "Population": 765.0}, {"index": 11802, "quantile": 0.0, "value": 70800.0, "Latitude": 38.89, "Longitude": -121.29, "Population": 407.0}, {"index": 11802, "quantile": 0.25, "value": 110800.00000000001, "Latitude": 38.89, "Longitude": -121.29, "Population": 407.0}, {"index": 11802, "quantile": 0.5, "value": 110800.00000000001, "Latitude": 38.89, "Longitude": -121.29, "Population": 407.0}, {"index": 11802, "quantile": 0.75, "value": 110800.00000000001, "Latitude": 38.89, "Longitude": -121.29, "Population": 407.0}, {"index": 11802, "quantile": 1.0, "value": 340900.0, "Latitude": 38.89, "Longitude": -121.29, "Population": 407.0}, {"index": 11803, "quantile": 0.0, "value": 83400.0, "Latitude": 38.89, "Longitude": -121.3, "Population": 1012.0}, {"index": 11803, "quantile": 0.25, "value": 99300.0, "Latitude": 38.89, "Longitude": -121.3, "Population": 1012.0}, {"index": 11803, "quantile": 0.5, "value": 99300.0, "Latitude": 38.89, "Longitude": -121.3, "Population": 1012.0}, {"index": 11803, "quantile": 0.75, "value": 113300.0, "Latitude": 38.89, "Longitude": -121.3, "Population": 1012.0}, {"index": 11803, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.89, "Longitude": -121.3, "Population": 1012.0}, {"index": 11804, "quantile": 0.0, "value": 46300.0, "Latitude": 38.89, "Longitude": -121.3, "Population": 793.0}, {"index": 11804, "quantile": 0.25, "value": 91300.0, "Latitude": 38.89, "Longitude": -121.3, "Population": 793.0}, {"index": 11804, "quantile": 0.5, "value": 91300.0, "Latitude": 38.89, "Longitude": -121.3, "Population": 793.0}, {"index": 11804, "quantile": 0.75, "value": 91300.0, "Latitude": 38.89, "Longitude": -121.3, "Population": 793.0}, {"index": 11804, "quantile": 1.0, "value": 220100.0, "Latitude": 38.89, "Longitude": -121.3, "Population": 793.0}, {"index": 11805, "quantile": 0.0, "value": 86300.0, "Latitude": 38.89, "Longitude": -121.32, "Population": 3369.0}, {"index": 11805, "quantile": 0.25, "value": 111300.0, "Latitude": 38.89, "Longitude": -121.32, "Population": 3369.0}, {"index": 11805, "quantile": 0.5, "value": 111300.0, "Latitude": 38.89, "Longitude": -121.32, "Population": 3369.0}, {"index": 11805, "quantile": 0.75, "value": 111300.0, "Latitude": 38.89, "Longitude": -121.32, "Population": 3369.0}, {"index": 11805, "quantile": 1.0, "value": 204300.00000000003, "Latitude": 38.89, "Longitude": -121.32, "Population": 3369.0}, {"index": 11806, "quantile": 0.0, "value": 147000.0, "Latitude": 38.92, "Longitude": -121.14, "Population": 889.0}, {"index": 11806, "quantile": 0.25, "value": 212000.0, "Latitude": 38.92, "Longitude": -121.14, "Population": 889.0}, {"index": 11806, "quantile": 0.5, "value": 212000.0, "Latitude": 38.92, "Longitude": -121.14, "Population": 889.0}, {"index": 11806, "quantile": 0.75, "value": 212000.0, "Latitude": 38.92, "Longitude": -121.14, "Population": 889.0}, {"index": 11806, "quantile": 1.0, "value": 300600.0, "Latitude": 38.92, "Longitude": -121.14, "Population": 889.0}, {"index": 11807, "quantile": 0.0, "value": 91600.0, "Latitude": 38.92, "Longitude": -121.1, "Population": 1847.0}, {"index": 11807, "quantile": 0.25, "value": 114999.99999999999, "Latitude": 38.92, "Longitude": -121.1, "Population": 1847.0}, {"index": 11807, "quantile": 0.5, "value": 143000.0, "Latitude": 38.92, "Longitude": -121.1, "Population": 1847.0}, {"index": 11807, "quantile": 0.75, "value": 172950.0, "Latitude": 38.92, "Longitude": -121.1, "Population": 1847.0}, {"index": 11807, "quantile": 1.0, "value": 267600.0, "Latitude": 38.92, "Longitude": -121.1, "Population": 1847.0}, {"index": 11808, "quantile": 0.0, "value": 96200.0, "Latitude": 38.91, "Longitude": -121.11, "Population": 1149.0}, {"index": 11808, "quantile": 0.25, "value": 171450.0, "Latitude": 38.91, "Longitude": -121.11, "Population": 1149.0}, {"index": 11808, "quantile": 0.5, "value": 190500.0, "Latitude": 38.91, "Longitude": -121.11, "Population": 1149.0}, {"index": 11808, "quantile": 0.75, "value": 190500.0, "Latitude": 38.91, "Longitude": -121.11, "Population": 1149.0}, {"index": 11808, "quantile": 1.0, "value": 300600.0, "Latitude": 38.91, "Longitude": -121.11, "Population": 1149.0}, {"index": 11809, "quantile": 0.0, "value": 39400.0, "Latitude": 38.94, "Longitude": -121.1, "Population": 706.0}, {"index": 11809, "quantile": 0.25, "value": 80925.0, "Latitude": 38.94, "Longitude": -121.1, "Population": 706.0}, {"index": 11809, "quantile": 0.5, "value": 125000.0, "Latitude": 38.94, "Longitude": -121.1, "Population": 706.0}, {"index": 11809, "quantile": 0.75, "value": 125000.0, "Latitude": 38.94, "Longitude": -121.1, "Population": 706.0}, {"index": 11809, "quantile": 1.0, "value": 162500.0, "Latitude": 38.94, "Longitude": -121.1, "Population": 706.0}, {"index": 11810, "quantile": 0.0, "value": 115500.0, "Latitude": 38.92, "Longitude": -121.07, "Population": 2335.0}, {"index": 11810, "quantile": 0.25, "value": 171000.0, "Latitude": 38.92, "Longitude": -121.07, "Population": 2335.0}, {"index": 11810, "quantile": 0.5, "value": 192600.0, "Latitude": 38.92, "Longitude": -121.07, "Population": 2335.0}, {"index": 11810, "quantile": 0.75, "value": 209600.0, "Latitude": 38.92, "Longitude": -121.07, "Population": 2335.0}, {"index": 11810, "quantile": 1.0, "value": 326500.0, "Latitude": 38.92, "Longitude": -121.07, "Population": 2335.0}, {"index": 11811, "quantile": 0.0, "value": 79800.0, "Latitude": 38.92, "Longitude": -121.05, "Population": 899.0}, {"index": 11811, "quantile": 0.25, "value": 158800.0, "Latitude": 38.92, "Longitude": -121.05, "Population": 899.0}, {"index": 11811, "quantile": 0.5, "value": 158800.0, "Latitude": 38.92, "Longitude": -121.05, "Population": 899.0}, {"index": 11811, "quantile": 0.75, "value": 158800.0, "Latitude": 38.92, "Longitude": -121.05, "Population": 899.0}, {"index": 11811, "quantile": 1.0, "value": 235200.0, "Latitude": 38.92, "Longitude": -121.05, "Population": 899.0}, {"index": 11812, "quantile": 0.0, "value": 117300.0, "Latitude": 39.0, "Longitude": -121.15, "Population": 1872.0}, {"index": 11812, "quantile": 0.25, "value": 154900.0, "Latitude": 39.0, "Longitude": -121.15, "Population": 1872.0}, {"index": 11812, "quantile": 0.5, "value": 184850.0, "Latitude": 39.0, "Longitude": -121.15, "Population": 1872.0}, {"index": 11812, "quantile": 0.75, "value": 194200.0, "Latitude": 39.0, "Longitude": -121.15, "Population": 1872.0}, {"index": 11812, "quantile": 1.0, "value": 264400.0, "Latitude": 39.0, "Longitude": -121.15, "Population": 1872.0}, {"index": 11813, "quantile": 0.0, "value": 87100.0, "Latitude": 38.95, "Longitude": -121.19, "Population": 1199.0}, {"index": 11813, "quantile": 0.25, "value": 144600.0, "Latitude": 38.95, "Longitude": -121.19, "Population": 1199.0}, {"index": 11813, "quantile": 0.5, "value": 185300.0, "Latitude": 38.95, "Longitude": -121.19, "Population": 1199.0}, {"index": 11813, "quantile": 0.75, "value": 201200.0, "Latitude": 38.95, "Longitude": -121.19, "Population": 1199.0}, {"index": 11813, "quantile": 1.0, "value": 264400.0, "Latitude": 38.95, "Longitude": -121.19, "Population": 1199.0}, {"index": 11814, "quantile": 0.0, "value": 77300.0, "Latitude": 38.95, "Longitude": -121.11, "Population": 1830.0}, {"index": 11814, "quantile": 0.25, "value": 126775.0, "Latitude": 38.95, "Longitude": -121.11, "Population": 1830.0}, {"index": 11814, "quantile": 0.5, "value": 158600.0, "Latitude": 38.95, "Longitude": -121.11, "Population": 1830.0}, {"index": 11814, "quantile": 0.75, "value": 158600.0, "Latitude": 38.95, "Longitude": -121.11, "Population": 1830.0}, {"index": 11814, "quantile": 1.0, "value": 179800.0, "Latitude": 38.95, "Longitude": -121.11, "Population": 1830.0}, {"index": 11815, "quantile": 0.0, "value": 45000.0, "Latitude": 38.95, "Longitude": -121.1, "Population": 943.0}, {"index": 11815, "quantile": 0.25, "value": 55300.00000000001, "Latitude": 38.95, "Longitude": -121.1, "Population": 943.0}, {"index": 11815, "quantile": 0.5, "value": 55300.00000000001, "Latitude": 38.95, "Longitude": -121.1, "Population": 943.0}, {"index": 11815, "quantile": 0.75, "value": 89850.00000000001, "Latitude": 38.95, "Longitude": -121.1, "Population": 943.0}, {"index": 11815, "quantile": 1.0, "value": 155400.0, "Latitude": 38.95, "Longitude": -121.1, "Population": 943.0}, {"index": 11816, "quantile": 0.0, "value": 113100.0, "Latitude": 38.98, "Longitude": -121.06, "Population": 1140.0}, {"index": 11816, "quantile": 0.25, "value": 201900.0, "Latitude": 38.98, "Longitude": -121.06, "Population": 1140.0}, {"index": 11816, "quantile": 0.5, "value": 212800.0, "Latitude": 38.98, "Longitude": -121.06, "Population": 1140.0}, {"index": 11816, "quantile": 0.75, "value": 212800.0, "Latitude": 38.98, "Longitude": -121.06, "Population": 1140.0}, {"index": 11816, "quantile": 1.0, "value": 250000.0, "Latitude": 38.98, "Longitude": -121.06, "Population": 1140.0}, {"index": 11817, "quantile": 0.0, "value": 87200.0, "Latitude": 38.97, "Longitude": -121.05, "Population": 1572.0}, {"index": 11817, "quantile": 0.25, "value": 201900.0, "Latitude": 38.97, "Longitude": -121.05, "Population": 1572.0}, {"index": 11817, "quantile": 0.5, "value": 201900.0, "Latitude": 38.97, "Longitude": -121.05, "Population": 1572.0}, {"index": 11817, "quantile": 0.75, "value": 201900.0, "Latitude": 38.97, "Longitude": -121.05, "Population": 1572.0}, {"index": 11817, "quantile": 1.0, "value": 300600.0, "Latitude": 38.97, "Longitude": -121.05, "Population": 1572.0}, {"index": 11818, "quantile": 0.0, "value": 118600.0, "Latitude": 38.97, "Longitude": -121.09, "Population": 688.0}, {"index": 11818, "quantile": 0.25, "value": 191900.0, "Latitude": 38.97, "Longitude": -121.09, "Population": 688.0}, {"index": 11818, "quantile": 0.5, "value": 191900.0, "Latitude": 38.97, "Longitude": -121.09, "Population": 688.0}, {"index": 11818, "quantile": 0.75, "value": 191900.0, "Latitude": 38.97, "Longitude": -121.09, "Population": 688.0}, {"index": 11818, "quantile": 1.0, "value": 386200.0, "Latitude": 38.97, "Longitude": -121.09, "Population": 688.0}, {"index": 11819, "quantile": 0.0, "value": 97300.0, "Latitude": 39.0, "Longitude": -121.1, "Population": 505.0}, {"index": 11819, "quantile": 0.25, "value": 165225.0, "Latitude": 39.0, "Longitude": -121.1, "Population": 505.0}, {"index": 11819, "quantile": 0.5, "value": 192300.0, "Latitude": 39.0, "Longitude": -121.1, "Population": 505.0}, {"index": 11819, "quantile": 0.75, "value": 192300.0, "Latitude": 39.0, "Longitude": -121.1, "Population": 505.0}, {"index": 11819, "quantile": 1.0, "value": 276600.0, "Latitude": 39.0, "Longitude": -121.1, "Population": 505.0}, {"index": 11820, "quantile": 0.0, "value": 61600.0, "Latitude": 38.95, "Longitude": -121.08, "Population": 1271.0}, {"index": 11820, "quantile": 0.25, "value": 92625.0, "Latitude": 38.95, "Longitude": -121.08, "Population": 1271.0}, {"index": 11820, "quantile": 0.5, "value": 156100.0, "Latitude": 38.95, "Longitude": -121.08, "Population": 1271.0}, {"index": 11820, "quantile": 0.75, "value": 156100.0, "Latitude": 38.95, "Longitude": -121.08, "Population": 1271.0}, {"index": 11820, "quantile": 1.0, "value": 156100.0, "Latitude": 38.95, "Longitude": -121.08, "Population": 1271.0}, {"index": 11821, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 38.93, "Longitude": -121.08, "Population": 1729.0}, {"index": 11821, "quantile": 0.25, "value": 118275.0, "Latitude": 38.93, "Longitude": -121.08, "Population": 1729.0}, {"index": 11821, "quantile": 0.5, "value": 138400.0, "Latitude": 38.93, "Longitude": -121.08, "Population": 1729.0}, {"index": 11821, "quantile": 0.75, "value": 143400.0, "Latitude": 38.93, "Longitude": -121.08, "Population": 1729.0}, {"index": 11821, "quantile": 1.0, "value": 217499.99999999997, "Latitude": 38.93, "Longitude": -121.08, "Population": 1729.0}, {"index": 11822, "quantile": 0.0, "value": 84200.0, "Latitude": 38.94, "Longitude": -121.07, "Population": 839.0}, {"index": 11822, "quantile": 0.25, "value": 150700.0, "Latitude": 38.94, "Longitude": -121.07, "Population": 839.0}, {"index": 11822, "quantile": 0.5, "value": 150700.0, "Latitude": 38.94, "Longitude": -121.07, "Population": 839.0}, {"index": 11822, "quantile": 0.75, "value": 150700.0, "Latitude": 38.94, "Longitude": -121.07, "Population": 839.0}, {"index": 11822, "quantile": 1.0, "value": 325200.0, "Latitude": 38.94, "Longitude": -121.07, "Population": 839.0}, {"index": 11823, "quantile": 0.0, "value": 91900.0, "Latitude": 38.95, "Longitude": -121.04, "Population": 1009.0}, {"index": 11823, "quantile": 0.25, "value": 136375.0, "Latitude": 38.95, "Longitude": -121.04, "Population": 1009.0}, {"index": 11823, "quantile": 0.5, "value": 153200.0, "Latitude": 38.95, "Longitude": -121.04, "Population": 1009.0}, {"index": 11823, "quantile": 0.75, "value": 153200.0, "Latitude": 38.95, "Longitude": -121.04, "Population": 1009.0}, {"index": 11823, "quantile": 1.0, "value": 190200.0, "Latitude": 38.95, "Longitude": -121.04, "Population": 1009.0}, {"index": 11824, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 39.04, "Longitude": -120.99, "Population": 1182.0}, {"index": 11824, "quantile": 0.25, "value": 122275.0, "Latitude": 39.04, "Longitude": -120.99, "Population": 1182.0}, {"index": 11824, "quantile": 0.5, "value": 166800.0, "Latitude": 39.04, "Longitude": -120.99, "Population": 1182.0}, {"index": 11824, "quantile": 0.75, "value": 166800.0, "Latitude": 39.04, "Longitude": -120.99, "Population": 1182.0}, {"index": 11824, "quantile": 1.0, "value": 182500.0, "Latitude": 39.04, "Longitude": -120.99, "Population": 1182.0}, {"index": 11825, "quantile": 0.0, "value": 90900.0, "Latitude": 38.99, "Longitude": -120.98, "Population": 1540.0}, {"index": 11825, "quantile": 0.25, "value": 162900.0, "Latitude": 38.99, "Longitude": -120.98, "Population": 1540.0}, {"index": 11825, "quantile": 0.5, "value": 162900.0, "Latitude": 38.99, "Longitude": -120.98, "Population": 1540.0}, {"index": 11825, "quantile": 0.75, "value": 162900.0, "Latitude": 38.99, "Longitude": -120.98, "Population": 1540.0}, {"index": 11825, "quantile": 1.0, "value": 216500.0, "Latitude": 38.99, "Longitude": -120.98, "Population": 1540.0}, {"index": 11826, "quantile": 0.0, "value": 84200.0, "Latitude": 39.0, "Longitude": -121.04, "Population": 1874.0}, {"index": 11826, "quantile": 0.25, "value": 139075.0, "Latitude": 39.0, "Longitude": -121.04, "Population": 1874.0}, {"index": 11826, "quantile": 0.5, "value": 156700.00000000003, "Latitude": 39.0, "Longitude": -121.04, "Population": 1874.0}, {"index": 11826, "quantile": 0.75, "value": 185600.0, "Latitude": 39.0, "Longitude": -121.04, "Population": 1874.0}, {"index": 11826, "quantile": 1.0, "value": 327500.0, "Latitude": 39.0, "Longitude": -121.04, "Population": 1874.0}, {"index": 11827, "quantile": 0.0, "value": 132700.0, "Latitude": 39.01, "Longitude": -121.02, "Population": 2066.0}, {"index": 11827, "quantile": 0.25, "value": 172800.0, "Latitude": 39.01, "Longitude": -121.02, "Population": 2066.0}, {"index": 11827, "quantile": 0.5, "value": 185400.0, "Latitude": 39.01, "Longitude": -121.02, "Population": 2066.0}, {"index": 11827, "quantile": 0.75, "value": 185400.0, "Latitude": 39.01, "Longitude": -121.02, "Population": 2066.0}, {"index": 11827, "quantile": 1.0, "value": 269500.0, "Latitude": 39.01, "Longitude": -121.02, "Population": 2066.0}, {"index": 11828, "quantile": 0.0, "value": 281000.0, "Latitude": 39.0, "Longitude": -121.0, "Population": 93.0}, {"index": 11828, "quantile": 0.25, "value": 312500.0, "Latitude": 39.0, "Longitude": -121.0, "Population": 93.0}, {"index": 11828, "quantile": 0.5, "value": 312500.0, "Latitude": 39.0, "Longitude": -121.0, "Population": 93.0}, {"index": 11828, "quantile": 0.75, "value": 381800.0, "Latitude": 39.0, "Longitude": -121.0, "Population": 93.0}, {"index": 11828, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 39.0, "Longitude": -121.0, "Population": 93.0}, {"index": 11829, "quantile": 0.0, "value": 95000.0, "Latitude": 39.18, "Longitude": -120.87, "Population": 964.0}, {"index": 11829, "quantile": 0.25, "value": 142700.0, "Latitude": 39.18, "Longitude": -120.87, "Population": 964.0}, {"index": 11829, "quantile": 0.5, "value": 142700.0, "Latitude": 39.18, "Longitude": -120.87, "Population": 964.0}, {"index": 11829, "quantile": 0.75, "value": 142700.0, "Latitude": 39.18, "Longitude": -120.87, "Population": 964.0}, {"index": 11829, "quantile": 1.0, "value": 300600.0, "Latitude": 39.18, "Longitude": -120.87, "Population": 964.0}, {"index": 11830, "quantile": 0.0, "value": 71900.0, "Latitude": 39.15, "Longitude": -120.87, "Population": 736.0}, {"index": 11830, "quantile": 0.25, "value": 122600.0, "Latitude": 39.15, "Longitude": -120.87, "Population": 736.0}, {"index": 11830, "quantile": 0.5, "value": 139100.0, "Latitude": 39.15, "Longitude": -120.87, "Population": 736.0}, {"index": 11830, "quantile": 0.75, "value": 158700.0, "Latitude": 39.15, "Longitude": -120.87, "Population": 736.0}, {"index": 11830, "quantile": 1.0, "value": 182500.0, "Latitude": 39.15, "Longitude": -120.87, "Population": 736.0}, {"index": 11831, "quantile": 0.0, "value": 48100.0, "Latitude": 39.27, "Longitude": -120.58, "Population": 723.0}, {"index": 11831, "quantile": 0.25, "value": 111700.0, "Latitude": 39.27, "Longitude": -120.58, "Population": 723.0}, {"index": 11831, "quantile": 0.5, "value": 132350.0, "Latitude": 39.27, "Longitude": -120.58, "Population": 723.0}, {"index": 11831, "quantile": 0.75, "value": 163500.0, "Latitude": 39.27, "Longitude": -120.58, "Population": 723.0}, {"index": 11831, "quantile": 1.0, "value": 390800.0, "Latitude": 39.27, "Longitude": -120.58, "Population": 723.0}, {"index": 11832, "quantile": 0.0, "value": 50000.0, "Latitude": 39.3, "Longitude": -120.33, "Population": 44.0}, {"index": 11832, "quantile": 0.25, "value": 111799.99999999999, "Latitude": 39.3, "Longitude": -120.33, "Population": 44.0}, {"index": 11832, "quantile": 0.5, "value": 141450.0, "Latitude": 39.3, "Longitude": -120.33, "Population": 44.0}, {"index": 11832, "quantile": 0.75, "value": 171900.0, "Latitude": 39.3, "Longitude": -120.33, "Population": 44.0}, {"index": 11832, "quantile": 1.0, "value": 366700.0, "Latitude": 39.3, "Longitude": -120.33, "Population": 44.0}, {"index": 11833, "quantile": 0.0, "value": 110900.0, "Latitude": 39.28, "Longitude": -120.18, "Population": 701.0}, {"index": 11833, "quantile": 0.25, "value": 141300.0, "Latitude": 39.28, "Longitude": -120.18, "Population": 701.0}, {"index": 11833, "quantile": 0.5, "value": 141300.0, "Latitude": 39.28, "Longitude": -120.18, "Population": 701.0}, {"index": 11833, "quantile": 0.75, "value": 141300.0, "Latitude": 39.28, "Longitude": -120.18, "Population": 701.0}, {"index": 11833, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 39.28, "Longitude": -120.18, "Population": 701.0}, {"index": 11834, "quantile": 0.0, "value": 86900.0, "Latitude": 39.2, "Longitude": -120.22, "Population": 845.0}, {"index": 11834, "quantile": 0.25, "value": 174475.0, "Latitude": 39.2, "Longitude": -120.22, "Population": 845.0}, {"index": 11834, "quantile": 0.5, "value": 244000.0, "Latitude": 39.2, "Longitude": -120.22, "Population": 845.0}, {"index": 11834, "quantile": 0.75, "value": 244000.0, "Latitude": 39.2, "Longitude": -120.22, "Population": 845.0}, {"index": 11834, "quantile": 1.0, "value": 390800.0, "Latitude": 39.2, "Longitude": -120.22, "Population": 845.0}, {"index": 11835, "quantile": 0.0, "value": 72700.0, "Latitude": 39.12, "Longitude": -120.96, "Population": 909.0}, {"index": 11835, "quantile": 0.25, "value": 128899.99999999999, "Latitude": 39.12, "Longitude": -120.96, "Population": 909.0}, {"index": 11835, "quantile": 0.5, "value": 139100.0, "Latitude": 39.12, "Longitude": -120.96, "Population": 909.0}, {"index": 11835, "quantile": 0.75, "value": 139100.0, "Latitude": 39.12, "Longitude": -120.96, "Population": 909.0}, {"index": 11835, "quantile": 1.0, "value": 173400.0, "Latitude": 39.12, "Longitude": -120.96, "Population": 909.0}, {"index": 11836, "quantile": 0.0, "value": 111300.0, "Latitude": 39.08, "Longitude": -120.98, "Population": 2125.0}, {"index": 11836, "quantile": 0.25, "value": 144400.0, "Latitude": 39.08, "Longitude": -120.98, "Population": 2125.0}, {"index": 11836, "quantile": 0.5, "value": 148000.0, "Latitude": 39.08, "Longitude": -120.98, "Population": 2125.0}, {"index": 11836, "quantile": 0.75, "value": 148000.0, "Latitude": 39.08, "Longitude": -120.98, "Population": 2125.0}, {"index": 11836, "quantile": 1.0, "value": 201300.0, "Latitude": 39.08, "Longitude": -120.98, "Population": 2125.0}, {"index": 11837, "quantile": 0.0, "value": 87200.0, "Latitude": 39.05, "Longitude": -120.94, "Population": 1744.0}, {"index": 11837, "quantile": 0.25, "value": 151500.0, "Latitude": 39.05, "Longitude": -120.94, "Population": 1744.0}, {"index": 11837, "quantile": 0.5, "value": 151500.0, "Latitude": 39.05, "Longitude": -120.94, "Population": 1744.0}, {"index": 11837, "quantile": 0.75, "value": 152599.99999999997, "Latitude": 39.05, "Longitude": -120.94, "Population": 1744.0}, {"index": 11837, "quantile": 1.0, "value": 239200.0, "Latitude": 39.05, "Longitude": -120.94, "Population": 1744.0}, {"index": 11838, "quantile": 0.0, "value": 51900.0, "Latitude": 39.93, "Longitude": -120.98, "Population": 912.0}, {"index": 11838, "quantile": 0.25, "value": 70375.0, "Latitude": 39.93, "Longitude": -120.98, "Population": 912.0}, {"index": 11838, "quantile": 0.5, "value": 83300.0, "Latitude": 39.93, "Longitude": -120.98, "Population": 912.0}, {"index": 11838, "quantile": 0.75, "value": 113799.99999999999, "Latitude": 39.93, "Longitude": -120.98, "Population": 912.0}, {"index": 11838, "quantile": 1.0, "value": 155400.0, "Latitude": 39.93, "Longitude": -120.98, "Population": 912.0}, {"index": 11839, "quantile": 0.0, "value": 64100.0, "Latitude": 39.93, "Longitude": -120.95, "Population": 922.0}, {"index": 11839, "quantile": 0.25, "value": 83500.0, "Latitude": 39.93, "Longitude": -120.95, "Population": 922.0}, {"index": 11839, "quantile": 0.5, "value": 83500.0, "Latitude": 39.93, "Longitude": -120.95, "Population": 922.0}, {"index": 11839, "quantile": 0.75, "value": 93400.0, "Latitude": 39.93, "Longitude": -120.95, "Population": 922.0}, {"index": 11839, "quantile": 1.0, "value": 137900.0, "Latitude": 39.93, "Longitude": -120.95, "Population": 922.0}, {"index": 11840, "quantile": 0.0, "value": 34600.0, "Latitude": 39.9, "Longitude": -120.93, "Population": 791.0}, {"index": 11840, "quantile": 0.25, "value": 70900.0, "Latitude": 39.9, "Longitude": -120.93, "Population": 791.0}, {"index": 11840, "quantile": 0.5, "value": 70900.0, "Latitude": 39.9, "Longitude": -120.93, "Population": 791.0}, {"index": 11840, "quantile": 0.75, "value": 70900.0, "Latitude": 39.9, "Longitude": -120.93, "Population": 791.0}, {"index": 11840, "quantile": 1.0, "value": 118600.0, "Latitude": 39.9, "Longitude": -120.93, "Population": 791.0}, {"index": 11841, "quantile": 0.0, "value": 61300.0, "Latitude": 39.93, "Longitude": -120.9, "Population": 1424.0}, {"index": 11841, "quantile": 0.25, "value": 83725.0, "Latitude": 39.93, "Longitude": -120.9, "Population": 1424.0}, {"index": 11841, "quantile": 0.5, "value": 95500.0, "Latitude": 39.93, "Longitude": -120.9, "Population": 1424.0}, {"index": 11841, "quantile": 0.75, "value": 115625.0, "Latitude": 39.93, "Longitude": -120.9, "Population": 1424.0}, {"index": 11841, "quantile": 1.0, "value": 190200.0, "Latitude": 39.93, "Longitude": -120.9, "Population": 1424.0}, {"index": 11842, "quantile": 0.0, "value": 78300.0, "Latitude": 39.95, "Longitude": -120.9, "Population": 601.0}, {"index": 11842, "quantile": 0.25, "value": 96600.0, "Latitude": 39.95, "Longitude": -120.9, "Population": 601.0}, {"index": 11842, "quantile": 0.5, "value": 96600.0, "Latitude": 39.95, "Longitude": -120.9, "Population": 601.0}, {"index": 11842, "quantile": 0.75, "value": 114225.0, "Latitude": 39.95, "Longitude": -120.9, "Population": 601.0}, {"index": 11842, "quantile": 1.0, "value": 182100.0, "Latitude": 39.95, "Longitude": -120.9, "Population": 601.0}, {"index": 11843, "quantile": 0.0, "value": 61300.0, "Latitude": 39.96, "Longitude": -120.93, "Population": 816.0}, {"index": 11843, "quantile": 0.25, "value": 116599.99999999999, "Latitude": 39.96, "Longitude": -120.93, "Population": 816.0}, {"index": 11843, "quantile": 0.5, "value": 118800.0, "Latitude": 39.96, "Longitude": -120.93, "Population": 816.0}, {"index": 11843, "quantile": 0.75, "value": 118800.0, "Latitude": 39.96, "Longitude": -120.93, "Population": 816.0}, {"index": 11843, "quantile": 1.0, "value": 128899.99999999999, "Latitude": 39.96, "Longitude": -120.93, "Population": 816.0}, {"index": 11844, "quantile": 0.0, "value": 48100.0, "Latitude": 40.02, "Longitude": -120.92, "Population": 202.0}, {"index": 11844, "quantile": 0.25, "value": 71900.0, "Latitude": 40.02, "Longitude": -120.92, "Population": 202.0}, {"index": 11844, "quantile": 0.5, "value": 102499.99999999999, "Latitude": 40.02, "Longitude": -120.92, "Population": 202.0}, {"index": 11844, "quantile": 0.75, "value": 102499.99999999999, "Latitude": 40.02, "Longitude": -120.92, "Population": 202.0}, {"index": 11844, "quantile": 1.0, "value": 128899.99999999999, "Latitude": 40.02, "Longitude": -120.92, "Population": 202.0}, {"index": 11845, "quantile": 0.0, "value": 40000.0, "Latitude": 39.9, "Longitude": -120.74, "Population": 387.0}, {"index": 11845, "quantile": 0.25, "value": 88200.0, "Latitude": 39.9, "Longitude": -120.74, "Population": 387.0}, {"index": 11845, "quantile": 0.5, "value": 88200.0, "Latitude": 39.9, "Longitude": -120.74, "Population": 387.0}, {"index": 11845, "quantile": 0.75, "value": 88200.0, "Latitude": 39.9, "Longitude": -120.74, "Population": 387.0}, {"index": 11845, "quantile": 1.0, "value": 145800.0, "Latitude": 39.9, "Longitude": -120.74, "Population": 387.0}, {"index": 11846, "quantile": 0.0, "value": 47500.0, "Latitude": 39.78, "Longitude": -120.57, "Population": 582.0}, {"index": 11846, "quantile": 0.25, "value": 79425.0, "Latitude": 39.78, "Longitude": -120.57, "Population": 582.0}, {"index": 11846, "quantile": 0.5, "value": 92300.0, "Latitude": 39.78, "Longitude": -120.57, "Population": 582.0}, {"index": 11846, "quantile": 0.75, "value": 92800.0, "Latitude": 39.78, "Longitude": -120.57, "Population": 582.0}, {"index": 11846, "quantile": 1.0, "value": 140600.0, "Latitude": 39.78, "Longitude": -120.57, "Population": 582.0}, {"index": 11847, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.72, "Longitude": -120.66, "Population": 717.0}, {"index": 11847, "quantile": 0.25, "value": 111450.0, "Latitude": 39.72, "Longitude": -120.66, "Population": 717.0}, {"index": 11847, "quantile": 0.5, "value": 130500.0, "Latitude": 39.72, "Longitude": -120.66, "Population": 717.0}, {"index": 11847, "quantile": 0.75, "value": 130500.0, "Latitude": 39.72, "Longitude": -120.66, "Population": 717.0}, {"index": 11847, "quantile": 1.0, "value": 164000.0, "Latitude": 39.72, "Longitude": -120.66, "Population": 717.0}, {"index": 11848, "quantile": 0.0, "value": 80600.0, "Latitude": 39.82, "Longitude": -120.74, "Population": 294.0}, {"index": 11848, "quantile": 0.25, "value": 121400.0, "Latitude": 39.82, "Longitude": -120.74, "Population": 294.0}, {"index": 11848, "quantile": 0.5, "value": 146900.0, "Latitude": 39.82, "Longitude": -120.74, "Population": 294.0}, {"index": 11848, "quantile": 0.75, "value": 171650.0, "Latitude": 39.82, "Longitude": -120.74, "Population": 294.0}, {"index": 11848, "quantile": 1.0, "value": 390800.0, "Latitude": 39.82, "Longitude": -120.74, "Population": 294.0}, {"index": 11849, "quantile": 0.0, "value": 61300.0, "Latitude": 39.75, "Longitude": -121.0, "Population": 27.0}, {"index": 11849, "quantile": 0.25, "value": 71200.0, "Latitude": 39.75, "Longitude": -121.0, "Population": 27.0}, {"index": 11849, "quantile": 0.5, "value": 114400.00000000001, "Latitude": 39.75, "Longitude": -121.0, "Population": 27.0}, {"index": 11849, "quantile": 0.75, "value": 142300.0, "Latitude": 39.75, "Longitude": -121.0, "Population": 27.0}, {"index": 11849, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 39.75, "Longitude": -121.0, "Population": 27.0}, {"index": 11850, "quantile": 0.0, "value": 49500.0, "Latitude": 39.86, "Longitude": -121.14, "Population": 638.0}, {"index": 11850, "quantile": 0.25, "value": 88800.0, "Latitude": 39.86, "Longitude": -121.14, "Population": 638.0}, {"index": 11850, "quantile": 0.5, "value": 88800.0, "Latitude": 39.86, "Longitude": -121.14, "Population": 638.0}, {"index": 11850, "quantile": 0.75, "value": 88800.0, "Latitude": 39.86, "Longitude": -121.14, "Population": 638.0}, {"index": 11850, "quantile": 1.0, "value": 162500.0, "Latitude": 39.86, "Longitude": -121.14, "Population": 638.0}, {"index": 11851, "quantile": 0.0, "value": 52600.0, "Latitude": 39.79, "Longitude": -120.53, "Population": 543.0}, {"index": 11851, "quantile": 0.25, "value": 71900.0, "Latitude": 39.79, "Longitude": -120.53, "Population": 543.0}, {"index": 11851, "quantile": 0.5, "value": 71900.0, "Latitude": 39.79, "Longitude": -120.53, "Population": 543.0}, {"index": 11851, "quantile": 0.75, "value": 82549.99999999999, "Latitude": 39.79, "Longitude": -120.53, "Population": 543.0}, {"index": 11851, "quantile": 1.0, "value": 180500.0, "Latitude": 39.79, "Longitude": -120.53, "Population": 543.0}, {"index": 11852, "quantile": 0.0, "value": 34200.0, "Latitude": 39.78, "Longitude": -120.48, "Population": 204.0}, {"index": 11852, "quantile": 0.25, "value": 79425.0, "Latitude": 39.78, "Longitude": -120.48, "Population": 204.0}, {"index": 11852, "quantile": 0.5, "value": 92350.0, "Latitude": 39.78, "Longitude": -120.48, "Population": 204.0}, {"index": 11852, "quantile": 0.75, "value": 107925.0, "Latitude": 39.78, "Longitude": -120.48, "Population": 204.0}, {"index": 11852, "quantile": 1.0, "value": 268800.0, "Latitude": 39.78, "Longitude": -120.48, "Population": 204.0}, {"index": 11853, "quantile": 0.0, "value": 49500.0, "Latitude": 39.8, "Longitude": -120.45, "Population": 965.0}, {"index": 11853, "quantile": 0.25, "value": 55900.00000000001, "Latitude": 39.8, "Longitude": -120.45, "Population": 965.0}, {"index": 11853, "quantile": 0.5, "value": 55900.00000000001, "Latitude": 39.8, "Longitude": -120.45, "Population": 965.0}, {"index": 11853, "quantile": 0.75, "value": 66600.0, "Latitude": 39.8, "Longitude": -120.45, "Population": 965.0}, {"index": 11853, "quantile": 1.0, "value": 118500.0, "Latitude": 39.8, "Longitude": -120.45, "Population": 965.0}, {"index": 11854, "quantile": 0.0, "value": 47500.0, "Latitude": 39.83, "Longitude": -120.46, "Population": 1567.0}, {"index": 11854, "quantile": 0.25, "value": 71800.0, "Latitude": 39.83, "Longitude": -120.46, "Population": 1567.0}, {"index": 11854, "quantile": 0.5, "value": 85600.0, "Latitude": 39.83, "Longitude": -120.46, "Population": 1567.0}, {"index": 11854, "quantile": 0.75, "value": 94300.0, "Latitude": 39.83, "Longitude": -120.46, "Population": 1567.0}, {"index": 11854, "quantile": 1.0, "value": 153300.0, "Latitude": 39.83, "Longitude": -120.46, "Population": 1567.0}, {"index": 11855, "quantile": 0.0, "value": 40000.0, "Latitude": 39.82, "Longitude": -120.38, "Population": 510.0}, {"index": 11855, "quantile": 0.25, "value": 84050.0, "Latitude": 39.82, "Longitude": -120.38, "Population": 510.0}, {"index": 11855, "quantile": 0.5, "value": 92800.0, "Latitude": 39.82, "Longitude": -120.38, "Population": 510.0}, {"index": 11855, "quantile": 0.75, "value": 92800.0, "Latitude": 39.82, "Longitude": -120.38, "Population": 510.0}, {"index": 11855, "quantile": 1.0, "value": 145800.0, "Latitude": 39.82, "Longitude": -120.38, "Population": 510.0}, {"index": 11856, "quantile": 0.0, "value": 52600.0, "Latitude": 39.8, "Longitude": -120.15, "Population": 366.0}, {"index": 11856, "quantile": 0.25, "value": 85450.0, "Latitude": 39.8, "Longitude": -120.15, "Population": 366.0}, {"index": 11856, "quantile": 0.5, "value": 92700.0, "Latitude": 39.8, "Longitude": -120.15, "Population": 366.0}, {"index": 11856, "quantile": 0.75, "value": 118800.0, "Latitude": 39.8, "Longitude": -120.15, "Population": 366.0}, {"index": 11856, "quantile": 1.0, "value": 196900.0, "Latitude": 39.8, "Longitude": -120.15, "Population": 366.0}, {"index": 11857, "quantile": 0.0, "value": 34600.0, "Latitude": 40.17, "Longitude": -120.94, "Population": 597.0}, {"index": 11857, "quantile": 0.25, "value": 87225.0, "Latitude": 40.17, "Longitude": -120.94, "Population": 597.0}, {"index": 11857, "quantile": 0.5, "value": 89200.0, "Latitude": 40.17, "Longitude": -120.94, "Population": 597.0}, {"index": 11857, "quantile": 0.75, "value": 89200.0, "Latitude": 40.17, "Longitude": -120.94, "Population": 597.0}, {"index": 11857, "quantile": 1.0, "value": 104900.0, "Latitude": 40.17, "Longitude": -120.94, "Population": 597.0}, {"index": 11858, "quantile": 0.0, "value": 49500.0, "Latitude": 40.08, "Longitude": -120.91, "Population": 641.0}, {"index": 11858, "quantile": 0.25, "value": 69600.0, "Latitude": 40.08, "Longitude": -120.91, "Population": 641.0}, {"index": 11858, "quantile": 0.5, "value": 69600.0, "Latitude": 40.08, "Longitude": -120.91, "Population": 641.0}, {"index": 11858, "quantile": 0.75, "value": 70900.0, "Latitude": 40.08, "Longitude": -120.91, "Population": 641.0}, {"index": 11858, "quantile": 1.0, "value": 155400.0, "Latitude": 40.08, "Longitude": -120.91, "Population": 641.0}, {"index": 11859, "quantile": 0.0, "value": 40000.0, "Latitude": 40.14, "Longitude": -120.94, "Population": 1345.0}, {"index": 11859, "quantile": 0.25, "value": 56100.00000000001, "Latitude": 40.14, "Longitude": -120.94, "Population": 1345.0}, {"index": 11859, "quantile": 0.5, "value": 67500.0, "Latitude": 40.14, "Longitude": -120.94, "Population": 1345.0}, {"index": 11859, "quantile": 0.75, "value": 77100.0, "Latitude": 40.14, "Longitude": -120.94, "Population": 1345.0}, {"index": 11859, "quantile": 1.0, "value": 110200.00000000001, "Latitude": 40.14, "Longitude": -120.94, "Population": 1345.0}, {"index": 11860, "quantile": 0.0, "value": 45500.0, "Latitude": 40.01, "Longitude": -121.23, "Population": 219.0}, {"index": 11860, "quantile": 0.25, "value": 75000.0, "Latitude": 40.01, "Longitude": -121.23, "Population": 219.0}, {"index": 11860, "quantile": 0.5, "value": 75000.0, "Latitude": 40.01, "Longitude": -121.23, "Population": 219.0}, {"index": 11860, "quantile": 0.75, "value": 75000.0, "Latitude": 40.01, "Longitude": -121.23, "Population": 219.0}, {"index": 11860, "quantile": 1.0, "value": 488900.0, "Latitude": 40.01, "Longitude": -121.23, "Population": 219.0}, {"index": 11861, "quantile": 0.0, "value": 48100.0, "Latitude": 40.13, "Longitude": -120.71, "Population": 276.0}, {"index": 11861, "quantile": 0.25, "value": 89400.0, "Latitude": 40.13, "Longitude": -120.71, "Population": 276.0}, {"index": 11861, "quantile": 0.5, "value": 89400.0, "Latitude": 40.13, "Longitude": -120.71, "Population": 276.0}, {"index": 11861, "quantile": 0.75, "value": 89400.0, "Latitude": 40.13, "Longitude": -120.71, "Population": 276.0}, {"index": 11861, "quantile": 1.0, "value": 390800.0, "Latitude": 40.13, "Longitude": -120.71, "Population": 276.0}, {"index": 11862, "quantile": 0.0, "value": 67500.0, "Latitude": 40.27, "Longitude": -121.25, "Population": 28.0}, {"index": 11862, "quantile": 0.25, "value": 67500.0, "Latitude": 40.27, "Longitude": -121.25, "Population": 28.0}, {"index": 11862, "quantile": 0.5, "value": 67500.0, "Latitude": 40.27, "Longitude": -121.25, "Population": 28.0}, {"index": 11862, "quantile": 0.75, "value": 77050.0, "Latitude": 40.27, "Longitude": -121.25, "Population": 28.0}, {"index": 11862, "quantile": 1.0, "value": 475000.0, "Latitude": 40.27, "Longitude": -121.25, "Population": 28.0}, {"index": 11863, "quantile": 0.0, "value": 82100.0, "Latitude": 40.31, "Longitude": -121.24, "Population": 632.0}, {"index": 11863, "quantile": 0.25, "value": 93600.0, "Latitude": 40.31, "Longitude": -121.24, "Population": 632.0}, {"index": 11863, "quantile": 0.5, "value": 93600.0, "Latitude": 40.31, "Longitude": -121.24, "Population": 632.0}, {"index": 11863, "quantile": 0.75, "value": 102175.0, "Latitude": 40.31, "Longitude": -121.24, "Population": 632.0}, {"index": 11863, "quantile": 1.0, "value": 207799.99999999997, "Latitude": 40.31, "Longitude": -121.24, "Population": 632.0}, {"index": 11864, "quantile": 0.0, "value": 47500.0, "Latitude": 40.29, "Longitude": -121.23, "Population": 1501.0}, {"index": 11864, "quantile": 0.25, "value": 77100.0, "Latitude": 40.29, "Longitude": -121.23, "Population": 1501.0}, {"index": 11864, "quantile": 0.5, "value": 77100.0, "Latitude": 40.29, "Longitude": -121.23, "Population": 1501.0}, {"index": 11864, "quantile": 0.75, "value": 77100.0, "Latitude": 40.29, "Longitude": -121.23, "Population": 1501.0}, {"index": 11864, "quantile": 1.0, "value": 119200.0, "Latitude": 40.29, "Longitude": -121.23, "Population": 1501.0}, {"index": 11865, "quantile": 0.0, "value": 175000.0, "Latitude": 40.23, "Longitude": -121.19, "Population": 247.0}, {"index": 11865, "quantile": 0.25, "value": 193800.0, "Latitude": 40.23, "Longitude": -121.19, "Population": 247.0}, {"index": 11865, "quantile": 0.5, "value": 193800.0, "Latitude": 40.23, "Longitude": -121.19, "Population": 247.0}, {"index": 11865, "quantile": 0.75, "value": 350000.0, "Latitude": 40.23, "Longitude": -121.19, "Population": 247.0}, {"index": 11865, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 40.23, "Longitude": -121.19, "Population": 247.0}, {"index": 11866, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 40.19, "Longitude": -121.08, "Population": 69.0}, {"index": 11866, "quantile": 0.25, "value": 117800.0, "Latitude": 40.19, "Longitude": -121.08, "Population": 69.0}, {"index": 11866, "quantile": 0.5, "value": 137500.0, "Latitude": 40.19, "Longitude": -121.08, "Population": 69.0}, {"index": 11866, "quantile": 0.75, "value": 137500.0, "Latitude": 40.19, "Longitude": -121.08, "Population": 69.0}, {"index": 11866, "quantile": 1.0, "value": 275000.0, "Latitude": 40.19, "Longitude": -121.08, "Population": 69.0}, {"index": 11867, "quantile": 0.0, "value": 73600.0, "Latitude": 40.23, "Longitude": -121.06, "Population": 215.0}, {"index": 11867, "quantile": 0.25, "value": 115875.0, "Latitude": 40.23, "Longitude": -121.06, "Population": 215.0}, {"index": 11867, "quantile": 0.5, "value": 143800.0, "Latitude": 40.23, "Longitude": -121.06, "Population": 215.0}, {"index": 11867, "quantile": 0.75, "value": 143800.0, "Latitude": 40.23, "Longitude": -121.06, "Population": 215.0}, {"index": 11867, "quantile": 1.0, "value": 390800.0, "Latitude": 40.23, "Longitude": -121.06, "Population": 215.0}, {"index": 11868, "quantile": 0.0, "value": 78300.0, "Latitude": 40.3, "Longitude": -121.09, "Population": 501.0}, {"index": 11868, "quantile": 0.25, "value": 113399.99999999999, "Latitude": 40.3, "Longitude": -121.09, "Population": 501.0}, {"index": 11868, "quantile": 0.5, "value": 113399.99999999999, "Latitude": 40.3, "Longitude": -121.09, "Population": 501.0}, {"index": 11868, "quantile": 0.75, "value": 113399.99999999999, "Latitude": 40.3, "Longitude": -121.09, "Population": 501.0}, {"index": 11868, "quantile": 1.0, "value": 390800.0, "Latitude": 40.3, "Longitude": -121.09, "Population": 501.0}, {"index": 11869, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 40.29, "Longitude": -121.14, "Population": 384.0}, {"index": 11869, "quantile": 0.25, "value": 75600.0, "Latitude": 40.29, "Longitude": -121.14, "Population": 384.0}, {"index": 11869, "quantile": 0.5, "value": 83300.0, "Latitude": 40.29, "Longitude": -121.14, "Population": 384.0}, {"index": 11869, "quantile": 0.75, "value": 92800.0, "Latitude": 40.29, "Longitude": -121.14, "Population": 384.0}, {"index": 11869, "quantile": 1.0, "value": 158600.0, "Latitude": 40.29, "Longitude": -121.14, "Population": 384.0}, {"index": 11870, "quantile": 0.0, "value": 71700.0, "Latitude": 40.25, "Longitude": -121.15, "Population": 616.0}, {"index": 11870, "quantile": 0.25, "value": 137500.0, "Latitude": 40.25, "Longitude": -121.15, "Population": 616.0}, {"index": 11870, "quantile": 0.5, "value": 145200.0, "Latitude": 40.25, "Longitude": -121.15, "Population": 616.0}, {"index": 11870, "quantile": 0.75, "value": 145200.0, "Latitude": 40.25, "Longitude": -121.15, "Population": 616.0}, {"index": 11870, "quantile": 1.0, "value": 333300.0, "Latitude": 40.25, "Longitude": -121.15, "Population": 616.0}, {"index": 11871, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 34.0, "Longitude": -117.35, "Population": 723.0}, {"index": 11871, "quantile": 0.25, "value": 85500.0, "Latitude": 34.0, "Longitude": -117.35, "Population": 723.0}, {"index": 11871, "quantile": 0.5, "value": 90600.0, "Latitude": 34.0, "Longitude": -117.35, "Population": 723.0}, {"index": 11871, "quantile": 0.75, "value": 95300.0, "Latitude": 34.0, "Longitude": -117.35, "Population": 723.0}, {"index": 11871, "quantile": 1.0, "value": 155400.0, "Latitude": 34.0, "Longitude": -117.35, "Population": 723.0}, {"index": 11872, "quantile": 0.0, "value": 76200.0, "Latitude": 33.99, "Longitude": -117.36, "Population": 804.0}, {"index": 11872, "quantile": 0.25, "value": 92900.0, "Latitude": 33.99, "Longitude": -117.36, "Population": 804.0}, {"index": 11872, "quantile": 0.5, "value": 92900.0, "Latitude": 33.99, "Longitude": -117.36, "Population": 804.0}, {"index": 11872, "quantile": 0.75, "value": 96600.0, "Latitude": 33.99, "Longitude": -117.36, "Population": 804.0}, {"index": 11872, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -117.36, "Population": 804.0}, {"index": 11873, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 34.0, "Longitude": -117.37, "Population": 476.0}, {"index": 11873, "quantile": 0.25, "value": 68200.0, "Latitude": 34.0, "Longitude": -117.37, "Population": 476.0}, {"index": 11873, "quantile": 0.5, "value": 85500.0, "Latitude": 34.0, "Longitude": -117.37, "Population": 476.0}, {"index": 11873, "quantile": 0.75, "value": 92100.0, "Latitude": 34.0, "Longitude": -117.37, "Population": 476.0}, {"index": 11873, "quantile": 1.0, "value": 166700.0, "Latitude": 34.0, "Longitude": -117.37, "Population": 476.0}, {"index": 11874, "quantile": 0.0, "value": 66900.0, "Latitude": 34.0, "Longitude": -117.37, "Population": 770.0}, {"index": 11874, "quantile": 0.25, "value": 90600.0, "Latitude": 34.0, "Longitude": -117.37, "Population": 770.0}, {"index": 11874, "quantile": 0.5, "value": 90600.0, "Latitude": 34.0, "Longitude": -117.37, "Population": 770.0}, {"index": 11874, "quantile": 0.75, "value": 90600.0, "Latitude": 34.0, "Longitude": -117.37, "Population": 770.0}, {"index": 11874, "quantile": 1.0, "value": 163600.0, "Latitude": 34.0, "Longitude": -117.37, "Population": 770.0}, {"index": 11875, "quantile": 0.0, "value": 101600.0, "Latitude": 34.0, "Longitude": -117.36, "Population": 2769.0}, {"index": 11875, "quantile": 0.25, "value": 105100.0, "Latitude": 34.0, "Longitude": -117.36, "Population": 2769.0}, {"index": 11875, "quantile": 0.5, "value": 105100.0, "Latitude": 34.0, "Longitude": -117.36, "Population": 2769.0}, {"index": 11875, "quantile": 0.75, "value": 113875.0, "Latitude": 34.0, "Longitude": -117.36, "Population": 2769.0}, {"index": 11875, "quantile": 1.0, "value": 149500.0, "Latitude": 34.0, "Longitude": -117.36, "Population": 2769.0}, {"index": 11876, "quantile": 0.0, "value": 98300.0, "Latitude": 34.01, "Longitude": -117.37, "Population": 703.0}, {"index": 11876, "quantile": 0.25, "value": 124200.0, "Latitude": 34.01, "Longitude": -117.37, "Population": 703.0}, {"index": 11876, "quantile": 0.5, "value": 124200.0, "Latitude": 34.01, "Longitude": -117.37, "Population": 703.0}, {"index": 11876, "quantile": 0.75, "value": 124200.0, "Latitude": 34.01, "Longitude": -117.37, "Population": 703.0}, {"index": 11876, "quantile": 1.0, "value": 207700.0, "Latitude": 34.01, "Longitude": -117.37, "Population": 703.0}, {"index": 11877, "quantile": 0.0, "value": 86100.0, "Latitude": 34.0, "Longitude": -117.38, "Population": 1470.0}, {"index": 11877, "quantile": 0.25, "value": 123800.0, "Latitude": 34.0, "Longitude": -117.38, "Population": 1470.0}, {"index": 11877, "quantile": 0.5, "value": 123800.0, "Latitude": 34.0, "Longitude": -117.38, "Population": 1470.0}, {"index": 11877, "quantile": 0.75, "value": 123800.0, "Latitude": 34.0, "Longitude": -117.38, "Population": 1470.0}, {"index": 11877, "quantile": 1.0, "value": 330300.0, "Latitude": 34.0, "Longitude": -117.38, "Population": 1470.0}, {"index": 11878, "quantile": 0.0, "value": 68200.0, "Latitude": 33.99, "Longitude": -117.38, "Population": 905.0}, {"index": 11878, "quantile": 0.25, "value": 110025.0, "Latitude": 33.99, "Longitude": -117.38, "Population": 905.0}, {"index": 11878, "quantile": 0.5, "value": 141700.0, "Latitude": 33.99, "Longitude": -117.38, "Population": 905.0}, {"index": 11878, "quantile": 0.75, "value": 141700.0, "Latitude": 33.99, "Longitude": -117.38, "Population": 905.0}, {"index": 11878, "quantile": 1.0, "value": 153000.0, "Latitude": 33.99, "Longitude": -117.38, "Population": 905.0}, {"index": 11879, "quantile": 0.0, "value": 64800.0, "Latitude": 33.98, "Longitude": -117.38, "Population": 1167.0}, {"index": 11879, "quantile": 0.25, "value": 101600.0, "Latitude": 33.98, "Longitude": -117.38, "Population": 1167.0}, {"index": 11879, "quantile": 0.5, "value": 101600.0, "Latitude": 33.98, "Longitude": -117.38, "Population": 1167.0}, {"index": 11879, "quantile": 0.75, "value": 101600.0, "Latitude": 33.98, "Longitude": -117.38, "Population": 1167.0}, {"index": 11879, "quantile": 1.0, "value": 328600.0, "Latitude": 33.98, "Longitude": -117.38, "Population": 1167.0}, {"index": 11880, "quantile": 0.0, "value": 84000.0, "Latitude": 33.98, "Longitude": -117.39, "Population": 948.0}, {"index": 11880, "quantile": 0.25, "value": 122900.00000000001, "Latitude": 33.98, "Longitude": -117.39, "Population": 948.0}, {"index": 11880, "quantile": 0.5, "value": 154200.0, "Latitude": 33.98, "Longitude": -117.39, "Population": 948.0}, {"index": 11880, "quantile": 0.75, "value": 205425.0, "Latitude": 33.98, "Longitude": -117.39, "Population": 948.0}, {"index": 11880, "quantile": 1.0, "value": 417900.0, "Latitude": 33.98, "Longitude": -117.39, "Population": 948.0}, {"index": 11881, "quantile": 0.0, "value": 66300.0, "Latitude": 33.97, "Longitude": -117.41, "Population": 383.0}, {"index": 11881, "quantile": 0.25, "value": 118700.0, "Latitude": 33.97, "Longitude": -117.41, "Population": 383.0}, {"index": 11881, "quantile": 0.5, "value": 136000.0, "Latitude": 33.97, "Longitude": -117.41, "Population": 383.0}, {"index": 11881, "quantile": 0.75, "value": 167174.99999999997, "Latitude": 33.97, "Longitude": -117.41, "Population": 383.0}, {"index": 11881, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -117.41, "Population": 383.0}, {"index": 11882, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 33.98, "Longitude": -117.37, "Population": 1878.0}, {"index": 11882, "quantile": 0.25, "value": 83400.0, "Latitude": 33.98, "Longitude": -117.37, "Population": 1878.0}, {"index": 11882, "quantile": 0.5, "value": 101800.0, "Latitude": 33.98, "Longitude": -117.37, "Population": 1878.0}, {"index": 11882, "quantile": 0.75, "value": 118975.00000000001, "Latitude": 33.98, "Longitude": -117.37, "Population": 1878.0}, {"index": 11882, "quantile": 1.0, "value": 222500.0, "Latitude": 33.98, "Longitude": -117.37, "Population": 1878.0}, {"index": 11883, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 33.97, "Longitude": -117.38, "Population": 2027.0}, {"index": 11883, "quantile": 0.25, "value": 101275.0, "Latitude": 33.97, "Longitude": -117.38, "Population": 2027.0}, {"index": 11883, "quantile": 0.5, "value": 155000.0, "Latitude": 33.97, "Longitude": -117.38, "Population": 2027.0}, {"index": 11883, "quantile": 0.75, "value": 155000.0, "Latitude": 33.97, "Longitude": -117.38, "Population": 2027.0}, {"index": 11883, "quantile": 1.0, "value": 212500.0, "Latitude": 33.97, "Longitude": -117.38, "Population": 2027.0}, {"index": 11884, "quantile": 0.0, "value": 45000.0, "Latitude": 33.98, "Longitude": -117.38, "Population": 462.0}, {"index": 11884, "quantile": 0.25, "value": 162500.0, "Latitude": 33.98, "Longitude": -117.38, "Population": 462.0}, {"index": 11884, "quantile": 0.5, "value": 162500.0, "Latitude": 33.98, "Longitude": -117.38, "Population": 462.0}, {"index": 11884, "quantile": 0.75, "value": 162500.0, "Latitude": 33.98, "Longitude": -117.38, "Population": 462.0}, {"index": 11884, "quantile": 1.0, "value": 350000.0, "Latitude": 33.98, "Longitude": -117.38, "Population": 462.0}, {"index": 11885, "quantile": 0.0, "value": 50000.0, "Latitude": 33.98, "Longitude": -117.37, "Population": 844.0}, {"index": 11885, "quantile": 0.25, "value": 95800.0, "Latitude": 33.98, "Longitude": -117.37, "Population": 844.0}, {"index": 11885, "quantile": 0.5, "value": 95800.0, "Latitude": 33.98, "Longitude": -117.37, "Population": 844.0}, {"index": 11885, "quantile": 0.75, "value": 160550.0, "Latitude": 33.98, "Longitude": -117.37, "Population": 844.0}, {"index": 11885, "quantile": 1.0, "value": 300000.0, "Latitude": 33.98, "Longitude": -117.37, "Population": 844.0}, {"index": 11886, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.99, "Longitude": -117.37, "Population": 666.0}, {"index": 11886, "quantile": 0.25, "value": 105624.99999999999, "Latitude": 33.99, "Longitude": -117.37, "Population": 666.0}, {"index": 11886, "quantile": 0.5, "value": 114199.99999999999, "Latitude": 33.99, "Longitude": -117.37, "Population": 666.0}, {"index": 11886, "quantile": 0.75, "value": 114199.99999999999, "Latitude": 33.99, "Longitude": -117.37, "Population": 666.0}, {"index": 11886, "quantile": 1.0, "value": 118600.0, "Latitude": 33.99, "Longitude": -117.37, "Population": 666.0}, {"index": 11887, "quantile": 0.0, "value": 63500.0, "Latitude": 33.98, "Longitude": -117.36, "Population": 1570.0}, {"index": 11887, "quantile": 0.25, "value": 82300.0, "Latitude": 33.98, "Longitude": -117.36, "Population": 1570.0}, {"index": 11887, "quantile": 0.5, "value": 82300.0, "Latitude": 33.98, "Longitude": -117.36, "Population": 1570.0}, {"index": 11887, "quantile": 0.75, "value": 83100.0, "Latitude": 33.98, "Longitude": -117.36, "Population": 1570.0}, {"index": 11887, "quantile": 1.0, "value": 165100.0, "Latitude": 33.98, "Longitude": -117.36, "Population": 1570.0}, {"index": 11888, "quantile": 0.0, "value": 70800.0, "Latitude": 33.97, "Longitude": -117.37, "Population": 2653.0}, {"index": 11888, "quantile": 0.25, "value": 92400.0, "Latitude": 33.97, "Longitude": -117.37, "Population": 2653.0}, {"index": 11888, "quantile": 0.5, "value": 92400.0, "Latitude": 33.97, "Longitude": -117.37, "Population": 2653.0}, {"index": 11888, "quantile": 0.75, "value": 92400.0, "Latitude": 33.97, "Longitude": -117.37, "Population": 2653.0}, {"index": 11888, "quantile": 1.0, "value": 163600.0, "Latitude": 33.97, "Longitude": -117.37, "Population": 2653.0}, {"index": 11889, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 33.97, "Longitude": -117.37, "Population": 877.0}, {"index": 11889, "quantile": 0.25, "value": 82600.0, "Latitude": 33.97, "Longitude": -117.37, "Population": 877.0}, {"index": 11889, "quantile": 0.5, "value": 94300.0, "Latitude": 33.97, "Longitude": -117.37, "Population": 877.0}, {"index": 11889, "quantile": 0.75, "value": 136150.0, "Latitude": 33.97, "Longitude": -117.37, "Population": 877.0}, {"index": 11889, "quantile": 1.0, "value": 184400.0, "Latitude": 33.97, "Longitude": -117.37, "Population": 877.0}, {"index": 11890, "quantile": 0.0, "value": 64100.0, "Latitude": 33.97, "Longitude": -117.37, "Population": 976.0}, {"index": 11890, "quantile": 0.25, "value": 84800.0, "Latitude": 33.97, "Longitude": -117.37, "Population": 976.0}, {"index": 11890, "quantile": 0.5, "value": 84800.0, "Latitude": 33.97, "Longitude": -117.37, "Population": 976.0}, {"index": 11890, "quantile": 0.75, "value": 93825.0, "Latitude": 33.97, "Longitude": -117.37, "Population": 976.0}, {"index": 11890, "quantile": 1.0, "value": 184400.0, "Latitude": 33.97, "Longitude": -117.37, "Population": 976.0}, {"index": 11891, "quantile": 0.0, "value": 47500.0, "Latitude": 33.98, "Longitude": -117.37, "Population": 130.0}, {"index": 11891, "quantile": 0.25, "value": 125000.0, "Latitude": 33.98, "Longitude": -117.37, "Population": 130.0}, {"index": 11891, "quantile": 0.5, "value": 125000.0, "Latitude": 33.98, "Longitude": -117.37, "Population": 130.0}, {"index": 11891, "quantile": 0.75, "value": 125000.0, "Latitude": 33.98, "Longitude": -117.37, "Population": 130.0}, {"index": 11891, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -117.37, "Population": 130.0}, {"index": 11892, "quantile": 0.0, "value": 66300.0, "Latitude": 33.99, "Longitude": -117.35, "Population": 89.0}, {"index": 11892, "quantile": 0.25, "value": 112500.0, "Latitude": 33.99, "Longitude": -117.35, "Population": 89.0}, {"index": 11892, "quantile": 0.5, "value": 112500.0, "Latitude": 33.99, "Longitude": -117.35, "Population": 89.0}, {"index": 11892, "quantile": 0.75, "value": 112500.0, "Latitude": 33.99, "Longitude": -117.35, "Population": 89.0}, {"index": 11892, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -117.35, "Population": 89.0}, {"index": 11893, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 33.98, "Longitude": -117.35, "Population": 3928.0}, {"index": 11893, "quantile": 0.25, "value": 82300.0, "Latitude": 33.98, "Longitude": -117.35, "Population": 3928.0}, {"index": 11893, "quantile": 0.5, "value": 93300.0, "Latitude": 33.98, "Longitude": -117.35, "Population": 3928.0}, {"index": 11893, "quantile": 0.75, "value": 117300.0, "Latitude": 33.98, "Longitude": -117.35, "Population": 3928.0}, {"index": 11893, "quantile": 1.0, "value": 350000.0, "Latitude": 33.98, "Longitude": -117.35, "Population": 3928.0}, {"index": 11894, "quantile": 0.0, "value": 67000.0, "Latitude": 33.97, "Longitude": -117.35, "Population": 2807.0}, {"index": 11894, "quantile": 0.25, "value": 122375.00000000001, "Latitude": 33.97, "Longitude": -117.35, "Population": 2807.0}, {"index": 11894, "quantile": 0.5, "value": 122500.00000000001, "Latitude": 33.97, "Longitude": -117.35, "Population": 2807.0}, {"index": 11894, "quantile": 0.75, "value": 122500.00000000001, "Latitude": 33.97, "Longitude": -117.35, "Population": 2807.0}, {"index": 11894, "quantile": 1.0, "value": 192100.0, "Latitude": 33.97, "Longitude": -117.35, "Population": 2807.0}, {"index": 11895, "quantile": 0.0, "value": 70400.0, "Latitude": 33.97, "Longitude": -117.36, "Population": 1212.0}, {"index": 11895, "quantile": 0.25, "value": 82200.0, "Latitude": 33.97, "Longitude": -117.36, "Population": 1212.0}, {"index": 11895, "quantile": 0.5, "value": 82200.0, "Latitude": 33.97, "Longitude": -117.36, "Population": 1212.0}, {"index": 11895, "quantile": 0.75, "value": 90750.0, "Latitude": 33.97, "Longitude": -117.36, "Population": 1212.0}, {"index": 11895, "quantile": 1.0, "value": 140700.0, "Latitude": 33.97, "Longitude": -117.36, "Population": 1212.0}, {"index": 11896, "quantile": 0.0, "value": 65900.0, "Latitude": 33.98, "Longitude": -117.36, "Population": 1851.0}, {"index": 11896, "quantile": 0.25, "value": 82200.0, "Latitude": 33.98, "Longitude": -117.36, "Population": 1851.0}, {"index": 11896, "quantile": 0.5, "value": 85400.0, "Latitude": 33.98, "Longitude": -117.36, "Population": 1851.0}, {"index": 11896, "quantile": 0.75, "value": 99200.0, "Latitude": 33.98, "Longitude": -117.36, "Population": 1851.0}, {"index": 11896, "quantile": 1.0, "value": 136300.0, "Latitude": 33.98, "Longitude": -117.36, "Population": 1851.0}, {"index": 11897, "quantile": 0.0, "value": 171700.0, "Latitude": 33.96, "Longitude": -117.37, "Population": 1398.0}, {"index": 11897, "quantile": 0.25, "value": 368675.0, "Latitude": 33.96, "Longitude": -117.37, "Population": 1398.0}, {"index": 11897, "quantile": 0.5, "value": 426100.0, "Latitude": 33.96, "Longitude": -117.37, "Population": 1398.0}, {"index": 11897, "quantile": 0.75, "value": 490299.99999999994, "Latitude": 33.96, "Longitude": -117.37, "Population": 1398.0}, {"index": 11897, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -117.37, "Population": 1398.0}, {"index": 11898, "quantile": 0.0, "value": 235200.0, "Latitude": 33.96, "Longitude": -117.35, "Population": 951.0}, {"index": 11898, "quantile": 0.25, "value": 235200.0, "Latitude": 33.96, "Longitude": -117.35, "Population": 951.0}, {"index": 11898, "quantile": 0.5, "value": 235200.0, "Latitude": 33.96, "Longitude": -117.35, "Population": 951.0}, {"index": 11898, "quantile": 0.75, "value": 355525.0, "Latitude": 33.96, "Longitude": -117.35, "Population": 951.0}, {"index": 11898, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -117.35, "Population": 951.0}, {"index": 11899, "quantile": 0.0, "value": 171700.0, "Latitude": 33.95, "Longitude": -117.35, "Population": 557.0}, {"index": 11899, "quantile": 0.25, "value": 204800.0, "Latitude": 33.95, "Longitude": -117.35, "Population": 557.0}, {"index": 11899, "quantile": 0.5, "value": 204800.0, "Latitude": 33.95, "Longitude": -117.35, "Population": 557.0}, {"index": 11899, "quantile": 0.75, "value": 388200.0, "Latitude": 33.95, "Longitude": -117.35, "Population": 557.0}, {"index": 11899, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -117.35, "Population": 557.0}, {"index": 11900, "quantile": 0.0, "value": 207900.00000000003, "Latitude": 33.94, "Longitude": -117.37, "Population": 3565.0}, {"index": 11900, "quantile": 0.25, "value": 219600.00000000003, "Latitude": 33.94, "Longitude": -117.37, "Population": 3565.0}, {"index": 11900, "quantile": 0.5, "value": 219600.00000000003, "Latitude": 33.94, "Longitude": -117.37, "Population": 3565.0}, {"index": 11900, "quantile": 0.75, "value": 294875.0, "Latitude": 33.94, "Longitude": -117.37, "Population": 3565.0}, {"index": 11900, "quantile": 1.0, "value": 409300.0, "Latitude": 33.94, "Longitude": -117.37, "Population": 3565.0}, {"index": 11901, "quantile": 0.0, "value": 235200.0, "Latitude": 33.92, "Longitude": -117.36, "Population": 3570.0}, {"index": 11901, "quantile": 0.25, "value": 315200.0, "Latitude": 33.92, "Longitude": -117.36, "Population": 3570.0}, {"index": 11901, "quantile": 0.5, "value": 315200.0, "Latitude": 33.92, "Longitude": -117.36, "Population": 3570.0}, {"index": 11901, "quantile": 0.75, "value": 372574.99999999994, "Latitude": 33.92, "Longitude": -117.36, "Population": 3570.0}, {"index": 11901, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -117.36, "Population": 3570.0}, {"index": 11902, "quantile": 0.0, "value": 136200.0, "Latitude": 33.97, "Longitude": -117.39, "Population": 1269.0}, {"index": 11902, "quantile": 0.25, "value": 136200.0, "Latitude": 33.97, "Longitude": -117.39, "Population": 1269.0}, {"index": 11902, "quantile": 0.5, "value": 136200.0, "Latitude": 33.97, "Longitude": -117.39, "Population": 1269.0}, {"index": 11902, "quantile": 0.75, "value": 207725.00000000003, "Latitude": 33.97, "Longitude": -117.39, "Population": 1269.0}, {"index": 11902, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 33.97, "Longitude": -117.39, "Population": 1269.0}, {"index": 11903, "quantile": 0.0, "value": 70400.0, "Latitude": 33.97, "Longitude": -117.38, "Population": 1406.0}, {"index": 11903, "quantile": 0.25, "value": 98300.0, "Latitude": 33.97, "Longitude": -117.38, "Population": 1406.0}, {"index": 11903, "quantile": 0.5, "value": 150000.0, "Latitude": 33.97, "Longitude": -117.38, "Population": 1406.0}, {"index": 11903, "quantile": 0.75, "value": 150000.0, "Latitude": 33.97, "Longitude": -117.38, "Population": 1406.0}, {"index": 11903, "quantile": 1.0, "value": 150000.0, "Latitude": 33.97, "Longitude": -117.38, "Population": 1406.0}, {"index": 11904, "quantile": 0.0, "value": 73500.0, "Latitude": 33.96, "Longitude": -117.39, "Population": 948.0}, {"index": 11904, "quantile": 0.25, "value": 129299.99999999999, "Latitude": 33.96, "Longitude": -117.39, "Population": 948.0}, {"index": 11904, "quantile": 0.5, "value": 129299.99999999999, "Latitude": 33.96, "Longitude": -117.39, "Population": 948.0}, {"index": 11904, "quantile": 0.75, "value": 129299.99999999999, "Latitude": 33.96, "Longitude": -117.39, "Population": 948.0}, {"index": 11904, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 33.96, "Longitude": -117.39, "Population": 948.0}, {"index": 11905, "quantile": 0.0, "value": 84000.0, "Latitude": 33.96, "Longitude": -117.4, "Population": 709.0}, {"index": 11905, "quantile": 0.25, "value": 125499.99999999999, "Latitude": 33.96, "Longitude": -117.4, "Population": 709.0}, {"index": 11905, "quantile": 0.5, "value": 125499.99999999999, "Latitude": 33.96, "Longitude": -117.4, "Population": 709.0}, {"index": 11905, "quantile": 0.75, "value": 125499.99999999999, "Latitude": 33.96, "Longitude": -117.4, "Population": 709.0}, {"index": 11905, "quantile": 1.0, "value": 436400.0, "Latitude": 33.96, "Longitude": -117.4, "Population": 709.0}, {"index": 11906, "quantile": 0.0, "value": 88300.0, "Latitude": 33.97, "Longitude": -117.39, "Population": 1060.0}, {"index": 11906, "quantile": 0.25, "value": 117900.0, "Latitude": 33.97, "Longitude": -117.39, "Population": 1060.0}, {"index": 11906, "quantile": 0.5, "value": 117900.0, "Latitude": 33.97, "Longitude": -117.39, "Population": 1060.0}, {"index": 11906, "quantile": 0.75, "value": 117900.0, "Latitude": 33.97, "Longitude": -117.39, "Population": 1060.0}, {"index": 11906, "quantile": 1.0, "value": 314100.0, "Latitude": 33.97, "Longitude": -117.39, "Population": 1060.0}, {"index": 11907, "quantile": 0.0, "value": 64400.0, "Latitude": 33.97, "Longitude": -117.4, "Population": 649.0}, {"index": 11907, "quantile": 0.25, "value": 137000.0, "Latitude": 33.97, "Longitude": -117.4, "Population": 649.0}, {"index": 11907, "quantile": 0.5, "value": 158000.0, "Latitude": 33.97, "Longitude": -117.4, "Population": 649.0}, {"index": 11907, "quantile": 0.75, "value": 207775.0, "Latitude": 33.97, "Longitude": -117.4, "Population": 649.0}, {"index": 11907, "quantile": 1.0, "value": 445200.0, "Latitude": 33.97, "Longitude": -117.4, "Population": 649.0}, {"index": 11908, "quantile": 0.0, "value": 84000.0, "Latitude": 33.97, "Longitude": -117.4, "Population": 660.0}, {"index": 11908, "quantile": 0.25, "value": 134600.0, "Latitude": 33.97, "Longitude": -117.4, "Population": 660.0}, {"index": 11908, "quantile": 0.5, "value": 134800.0, "Latitude": 33.97, "Longitude": -117.4, "Population": 660.0}, {"index": 11908, "quantile": 0.75, "value": 134800.0, "Latitude": 33.97, "Longitude": -117.4, "Population": 660.0}, {"index": 11908, "quantile": 1.0, "value": 314100.0, "Latitude": 33.97, "Longitude": -117.4, "Population": 660.0}, {"index": 11909, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 33.96, "Longitude": -117.41, "Population": 1393.0}, {"index": 11909, "quantile": 0.25, "value": 118675.0, "Latitude": 33.96, "Longitude": -117.41, "Population": 1393.0}, {"index": 11909, "quantile": 0.5, "value": 118800.0, "Latitude": 33.96, "Longitude": -117.41, "Population": 1393.0}, {"index": 11909, "quantile": 0.75, "value": 118800.0, "Latitude": 33.96, "Longitude": -117.41, "Population": 1393.0}, {"index": 11909, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 33.96, "Longitude": -117.41, "Population": 1393.0}, {"index": 11910, "quantile": 0.0, "value": 105100.0, "Latitude": 33.96, "Longitude": -117.41, "Population": 2398.0}, {"index": 11910, "quantile": 0.25, "value": 123400.0, "Latitude": 33.96, "Longitude": -117.41, "Population": 2398.0}, {"index": 11910, "quantile": 0.5, "value": 123400.0, "Latitude": 33.96, "Longitude": -117.41, "Population": 2398.0}, {"index": 11910, "quantile": 0.75, "value": 123400.0, "Latitude": 33.96, "Longitude": -117.41, "Population": 2398.0}, {"index": 11910, "quantile": 1.0, "value": 163000.0, "Latitude": 33.96, "Longitude": -117.41, "Population": 2398.0}, {"index": 11911, "quantile": 0.0, "value": 86300.0, "Latitude": 33.97, "Longitude": -117.41, "Population": 956.0}, {"index": 11911, "quantile": 0.25, "value": 157800.0, "Latitude": 33.97, "Longitude": -117.41, "Population": 956.0}, {"index": 11911, "quantile": 0.5, "value": 157800.0, "Latitude": 33.97, "Longitude": -117.41, "Population": 956.0}, {"index": 11911, "quantile": 0.75, "value": 157800.0, "Latitude": 33.97, "Longitude": -117.41, "Population": 956.0}, {"index": 11911, "quantile": 1.0, "value": 294100.0, "Latitude": 33.97, "Longitude": -117.41, "Population": 956.0}, {"index": 11912, "quantile": 0.0, "value": 112500.0, "Latitude": 33.96, "Longitude": -117.44, "Population": 50.0}, {"index": 11912, "quantile": 0.25, "value": 411800.00000000006, "Latitude": 33.96, "Longitude": -117.44, "Population": 50.0}, {"index": 11912, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -117.44, "Population": 50.0}, {"index": 11912, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -117.44, "Population": 50.0}, {"index": 11912, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.96, "Longitude": -117.44, "Population": 50.0}, {"index": 11913, "quantile": 0.0, "value": 91500.0, "Latitude": 33.96, "Longitude": -117.43, "Population": 2399.0}, {"index": 11913, "quantile": 0.25, "value": 116500.0, "Latitude": 33.96, "Longitude": -117.43, "Population": 2399.0}, {"index": 11913, "quantile": 0.5, "value": 116500.0, "Latitude": 33.96, "Longitude": -117.43, "Population": 2399.0}, {"index": 11913, "quantile": 0.75, "value": 121400.0, "Latitude": 33.96, "Longitude": -117.43, "Population": 2399.0}, {"index": 11913, "quantile": 1.0, "value": 152800.0, "Latitude": 33.96, "Longitude": -117.43, "Population": 2399.0}, {"index": 11914, "quantile": 0.0, "value": 97700.0, "Latitude": 33.95, "Longitude": -117.44, "Population": 556.0}, {"index": 11914, "quantile": 0.25, "value": 111250.0, "Latitude": 33.95, "Longitude": -117.44, "Population": 556.0}, {"index": 11914, "quantile": 0.5, "value": 121400.0, "Latitude": 33.95, "Longitude": -117.44, "Population": 556.0}, {"index": 11914, "quantile": 0.75, "value": 126899.99999999999, "Latitude": 33.95, "Longitude": -117.44, "Population": 556.0}, {"index": 11914, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -117.44, "Population": 556.0}, {"index": 11915, "quantile": 0.0, "value": 37500.0, "Latitude": 33.95, "Longitude": -117.4, "Population": 866.0}, {"index": 11915, "quantile": 0.25, "value": 125099.99999999999, "Latitude": 33.95, "Longitude": -117.4, "Population": 866.0}, {"index": 11915, "quantile": 0.5, "value": 154200.0, "Latitude": 33.95, "Longitude": -117.4, "Population": 866.0}, {"index": 11915, "quantile": 0.75, "value": 218125.0, "Latitude": 33.95, "Longitude": -117.4, "Population": 866.0}, {"index": 11915, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -117.4, "Population": 866.0}, {"index": 11916, "quantile": 0.0, "value": 72500.0, "Latitude": 33.95, "Longitude": -117.4, "Population": 954.0}, {"index": 11916, "quantile": 0.25, "value": 117300.0, "Latitude": 33.95, "Longitude": -117.4, "Population": 954.0}, {"index": 11916, "quantile": 0.5, "value": 117300.0, "Latitude": 33.95, "Longitude": -117.4, "Population": 954.0}, {"index": 11916, "quantile": 0.75, "value": 121449.99999999999, "Latitude": 33.95, "Longitude": -117.4, "Population": 954.0}, {"index": 11916, "quantile": 1.0, "value": 488900.0, "Latitude": 33.95, "Longitude": -117.4, "Population": 954.0}, {"index": 11917, "quantile": 0.0, "value": 66900.0, "Latitude": 33.95, "Longitude": -117.41, "Population": 675.0}, {"index": 11917, "quantile": 0.25, "value": 132100.0, "Latitude": 33.95, "Longitude": -117.41, "Population": 675.0}, {"index": 11917, "quantile": 0.5, "value": 132100.0, "Latitude": 33.95, "Longitude": -117.41, "Population": 675.0}, {"index": 11917, "quantile": 0.75, "value": 132100.0, "Latitude": 33.95, "Longitude": -117.41, "Population": 675.0}, {"index": 11917, "quantile": 1.0, "value": 276800.0, "Latitude": 33.95, "Longitude": -117.41, "Population": 675.0}, {"index": 11918, "quantile": 0.0, "value": 81800.0, "Latitude": 33.95, "Longitude": -117.41, "Population": 849.0}, {"index": 11918, "quantile": 0.25, "value": 115249.99999999999, "Latitude": 33.95, "Longitude": -117.41, "Population": 849.0}, {"index": 11918, "quantile": 0.5, "value": 123900.00000000001, "Latitude": 33.95, "Longitude": -117.41, "Population": 849.0}, {"index": 11918, "quantile": 0.75, "value": 123900.00000000001, "Latitude": 33.95, "Longitude": -117.41, "Population": 849.0}, {"index": 11918, "quantile": 1.0, "value": 150000.0, "Latitude": 33.95, "Longitude": -117.41, "Population": 849.0}, {"index": 11919, "quantile": 0.0, "value": 90600.0, "Latitude": 33.95, "Longitude": -117.42, "Population": 2494.0}, {"index": 11919, "quantile": 0.25, "value": 110800.00000000001, "Latitude": 33.95, "Longitude": -117.42, "Population": 2494.0}, {"index": 11919, "quantile": 0.5, "value": 110800.00000000001, "Latitude": 33.95, "Longitude": -117.42, "Population": 2494.0}, {"index": 11919, "quantile": 0.75, "value": 110800.00000000001, "Latitude": 33.95, "Longitude": -117.42, "Population": 2494.0}, {"index": 11919, "quantile": 1.0, "value": 150000.0, "Latitude": 33.95, "Longitude": -117.42, "Population": 2494.0}, {"index": 11920, "quantile": 0.0, "value": 82200.0, "Latitude": 33.96, "Longitude": -117.42, "Population": 1691.0}, {"index": 11920, "quantile": 0.25, "value": 98100.0, "Latitude": 33.96, "Longitude": -117.42, "Population": 1691.0}, {"index": 11920, "quantile": 0.5, "value": 98100.0, "Latitude": 33.96, "Longitude": -117.42, "Population": 1691.0}, {"index": 11920, "quantile": 0.75, "value": 98100.0, "Latitude": 33.96, "Longitude": -117.42, "Population": 1691.0}, {"index": 11920, "quantile": 1.0, "value": 127499.99999999999, "Latitude": 33.96, "Longitude": -117.42, "Population": 1691.0}, {"index": 11921, "quantile": 0.0, "value": 66300.0, "Latitude": 33.96, "Longitude": -117.41, "Population": 1272.0}, {"index": 11921, "quantile": 0.25, "value": 112700.0, "Latitude": 33.96, "Longitude": -117.41, "Population": 1272.0}, {"index": 11921, "quantile": 0.5, "value": 112700.0, "Latitude": 33.96, "Longitude": -117.41, "Population": 1272.0}, {"index": 11921, "quantile": 0.75, "value": 112700.0, "Latitude": 33.96, "Longitude": -117.41, "Population": 1272.0}, {"index": 11921, "quantile": 1.0, "value": 143100.0, "Latitude": 33.96, "Longitude": -117.41, "Population": 1272.0}, {"index": 11922, "quantile": 0.0, "value": 88300.0, "Latitude": 33.96, "Longitude": -117.38, "Population": 1544.0}, {"index": 11922, "quantile": 0.25, "value": 130575.0, "Latitude": 33.96, "Longitude": -117.38, "Population": 1544.0}, {"index": 11922, "quantile": 0.5, "value": 133800.0, "Latitude": 33.96, "Longitude": -117.38, "Population": 1544.0}, {"index": 11922, "quantile": 0.75, "value": 133800.0, "Latitude": 33.96, "Longitude": -117.38, "Population": 1544.0}, {"index": 11922, "quantile": 1.0, "value": 154300.0, "Latitude": 33.96, "Longitude": -117.38, "Population": 1544.0}, {"index": 11923, "quantile": 0.0, "value": 84000.0, "Latitude": 33.95, "Longitude": -117.39, "Population": 598.0}, {"index": 11923, "quantile": 0.25, "value": 122900.00000000001, "Latitude": 33.95, "Longitude": -117.39, "Population": 598.0}, {"index": 11923, "quantile": 0.5, "value": 122900.00000000001, "Latitude": 33.95, "Longitude": -117.39, "Population": 598.0}, {"index": 11923, "quantile": 0.75, "value": 122900.00000000001, "Latitude": 33.95, "Longitude": -117.39, "Population": 598.0}, {"index": 11923, "quantile": 1.0, "value": 307000.0, "Latitude": 33.95, "Longitude": -117.39, "Population": 598.0}, {"index": 11924, "quantile": 0.0, "value": 87500.0, "Latitude": 33.95, "Longitude": -117.39, "Population": 721.0}, {"index": 11924, "quantile": 0.25, "value": 120700.00000000001, "Latitude": 33.95, "Longitude": -117.39, "Population": 721.0}, {"index": 11924, "quantile": 0.5, "value": 120700.00000000001, "Latitude": 33.95, "Longitude": -117.39, "Population": 721.0}, {"index": 11924, "quantile": 0.75, "value": 146650.0, "Latitude": 33.95, "Longitude": -117.39, "Population": 721.0}, {"index": 11924, "quantile": 1.0, "value": 232399.99999999997, "Latitude": 33.95, "Longitude": -117.39, "Population": 721.0}, {"index": 11925, "quantile": 0.0, "value": 17500.0, "Latitude": 33.95, "Longitude": -117.4, "Population": 292.0}, {"index": 11925, "quantile": 0.25, "value": 90600.0, "Latitude": 33.95, "Longitude": -117.4, "Population": 292.0}, {"index": 11925, "quantile": 0.5, "value": 123350.0, "Latitude": 33.95, "Longitude": -117.4, "Population": 292.0}, {"index": 11925, "quantile": 0.75, "value": 187500.0, "Latitude": 33.95, "Longitude": -117.4, "Population": 292.0}, {"index": 11925, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -117.4, "Population": 292.0}, {"index": 11926, "quantile": 0.0, "value": 97300.0, "Latitude": 33.96, "Longitude": -117.39, "Population": 1344.0}, {"index": 11926, "quantile": 0.25, "value": 114399.99999999999, "Latitude": 33.96, "Longitude": -117.39, "Population": 1344.0}, {"index": 11926, "quantile": 0.5, "value": 114399.99999999999, "Latitude": 33.96, "Longitude": -117.39, "Population": 1344.0}, {"index": 11926, "quantile": 0.75, "value": 149625.0, "Latitude": 33.96, "Longitude": -117.39, "Population": 1344.0}, {"index": 11926, "quantile": 1.0, "value": 352200.0, "Latitude": 33.96, "Longitude": -117.39, "Population": 1344.0}, {"index": 11927, "quantile": 0.0, "value": 97600.0, "Latitude": 33.95, "Longitude": -117.37, "Population": 771.0}, {"index": 11927, "quantile": 0.25, "value": 142600.0, "Latitude": 33.95, "Longitude": -117.37, "Population": 771.0}, {"index": 11927, "quantile": 0.5, "value": 142600.0, "Latitude": 33.95, "Longitude": -117.37, "Population": 771.0}, {"index": 11927, "quantile": 0.75, "value": 142600.0, "Latitude": 33.95, "Longitude": -117.37, "Population": 771.0}, {"index": 11927, "quantile": 1.0, "value": 278200.0, "Latitude": 33.95, "Longitude": -117.37, "Population": 771.0}, {"index": 11928, "quantile": 0.0, "value": 76600.0, "Latitude": 33.94, "Longitude": -117.37, "Population": 706.0}, {"index": 11928, "quantile": 0.25, "value": 120700.00000000001, "Latitude": 33.94, "Longitude": -117.37, "Population": 706.0}, {"index": 11928, "quantile": 0.5, "value": 149200.0, "Latitude": 33.94, "Longitude": -117.37, "Population": 706.0}, {"index": 11928, "quantile": 0.75, "value": 184575.0, "Latitude": 33.94, "Longitude": -117.37, "Population": 706.0}, {"index": 11928, "quantile": 1.0, "value": 351200.0, "Latitude": 33.94, "Longitude": -117.37, "Population": 706.0}, {"index": 11929, "quantile": 0.0, "value": 101600.0, "Latitude": 33.94, "Longitude": -117.38, "Population": 1164.0}, {"index": 11929, "quantile": 0.25, "value": 136800.0, "Latitude": 33.94, "Longitude": -117.38, "Population": 1164.0}, {"index": 11929, "quantile": 0.5, "value": 136800.0, "Latitude": 33.94, "Longitude": -117.38, "Population": 1164.0}, {"index": 11929, "quantile": 0.75, "value": 136800.0, "Latitude": 33.94, "Longitude": -117.38, "Population": 1164.0}, {"index": 11929, "quantile": 1.0, "value": 314100.0, "Latitude": 33.94, "Longitude": -117.38, "Population": 1164.0}, {"index": 11930, "quantile": 0.0, "value": 116399.99999999999, "Latitude": 33.93, "Longitude": -117.39, "Population": 1832.0}, {"index": 11930, "quantile": 0.25, "value": 127899.99999999999, "Latitude": 33.93, "Longitude": -117.39, "Population": 1832.0}, {"index": 11930, "quantile": 0.5, "value": 127899.99999999999, "Latitude": 33.93, "Longitude": -117.39, "Population": 1832.0}, {"index": 11930, "quantile": 0.75, "value": 143500.0, "Latitude": 33.93, "Longitude": -117.39, "Population": 1832.0}, {"index": 11930, "quantile": 1.0, "value": 231999.99999999997, "Latitude": 33.93, "Longitude": -117.39, "Population": 1832.0}, {"index": 11931, "quantile": 0.0, "value": 88300.0, "Latitude": 33.95, "Longitude": -117.39, "Population": 1742.0}, {"index": 11931, "quantile": 0.25, "value": 115924.99999999999, "Latitude": 33.95, "Longitude": -117.39, "Population": 1742.0}, {"index": 11931, "quantile": 0.5, "value": 125600.0, "Latitude": 33.95, "Longitude": -117.39, "Population": 1742.0}, {"index": 11931, "quantile": 0.75, "value": 133800.0, "Latitude": 33.95, "Longitude": -117.39, "Population": 1742.0}, {"index": 11931, "quantile": 1.0, "value": 181300.0, "Latitude": 33.95, "Longitude": -117.39, "Population": 1742.0}, {"index": 11932, "quantile": 0.0, "value": 81300.0, "Latitude": 33.94, "Longitude": -117.4, "Population": 1019.0}, {"index": 11932, "quantile": 0.25, "value": 82700.0, "Latitude": 33.94, "Longitude": -117.4, "Population": 1019.0}, {"index": 11932, "quantile": 0.5, "value": 82700.0, "Latitude": 33.94, "Longitude": -117.4, "Population": 1019.0}, {"index": 11932, "quantile": 0.75, "value": 92400.0, "Latitude": 33.94, "Longitude": -117.4, "Population": 1019.0}, {"index": 11932, "quantile": 1.0, "value": 153800.0, "Latitude": 33.94, "Longitude": -117.4, "Population": 1019.0}, {"index": 11933, "quantile": 0.0, "value": 63500.0, "Latitude": 33.93, "Longitude": -117.4, "Population": 1168.0}, {"index": 11933, "quantile": 0.25, "value": 81300.0, "Latitude": 33.93, "Longitude": -117.4, "Population": 1168.0}, {"index": 11933, "quantile": 0.5, "value": 81300.0, "Latitude": 33.93, "Longitude": -117.4, "Population": 1168.0}, {"index": 11933, "quantile": 0.75, "value": 105200.0, "Latitude": 33.93, "Longitude": -117.4, "Population": 1168.0}, {"index": 11933, "quantile": 1.0, "value": 187500.0, "Latitude": 33.93, "Longitude": -117.4, "Population": 1168.0}, {"index": 11934, "quantile": 0.0, "value": 64400.0, "Latitude": 33.93, "Longitude": -117.41, "Population": 669.0}, {"index": 11934, "quantile": 0.25, "value": 104500.0, "Latitude": 33.93, "Longitude": -117.41, "Population": 669.0}, {"index": 11934, "quantile": 0.5, "value": 119800.0, "Latitude": 33.93, "Longitude": -117.41, "Population": 669.0}, {"index": 11934, "quantile": 0.75, "value": 136800.0, "Latitude": 33.93, "Longitude": -117.41, "Population": 669.0}, {"index": 11934, "quantile": 1.0, "value": 321800.0, "Latitude": 33.93, "Longitude": -117.41, "Population": 669.0}, {"index": 11935, "quantile": 0.0, "value": 67500.0, "Latitude": 33.94, "Longitude": -117.4, "Population": 551.0}, {"index": 11935, "quantile": 0.25, "value": 105500.0, "Latitude": 33.94, "Longitude": -117.4, "Population": 551.0}, {"index": 11935, "quantile": 0.5, "value": 117900.0, "Latitude": 33.94, "Longitude": -117.4, "Population": 551.0}, {"index": 11935, "quantile": 0.75, "value": 132775.0, "Latitude": 33.94, "Longitude": -117.4, "Population": 551.0}, {"index": 11935, "quantile": 1.0, "value": 314100.0, "Latitude": 33.94, "Longitude": -117.4, "Population": 551.0}, {"index": 11936, "quantile": 0.0, "value": 84000.0, "Latitude": 33.94, "Longitude": -117.4, "Population": 466.0}, {"index": 11936, "quantile": 0.25, "value": 115999.99999999999, "Latitude": 33.94, "Longitude": -117.4, "Population": 466.0}, {"index": 11936, "quantile": 0.5, "value": 115999.99999999999, "Latitude": 33.94, "Longitude": -117.4, "Population": 466.0}, {"index": 11936, "quantile": 0.75, "value": 118924.99999999999, "Latitude": 33.94, "Longitude": -117.4, "Population": 466.0}, {"index": 11936, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.94, "Longitude": -117.4, "Population": 466.0}, {"index": 11937, "quantile": 0.0, "value": 37500.0, "Latitude": 33.94, "Longitude": -117.41, "Population": 911.0}, {"index": 11937, "quantile": 0.25, "value": 117600.0, "Latitude": 33.94, "Longitude": -117.41, "Population": 911.0}, {"index": 11937, "quantile": 0.5, "value": 117600.0, "Latitude": 33.94, "Longitude": -117.41, "Population": 911.0}, {"index": 11937, "quantile": 0.75, "value": 133325.0, "Latitude": 33.94, "Longitude": -117.41, "Population": 911.0}, {"index": 11937, "quantile": 1.0, "value": 450000.0, "Latitude": 33.94, "Longitude": -117.41, "Population": 911.0}, {"index": 11938, "quantile": 0.0, "value": 84000.0, "Latitude": 33.94, "Longitude": -117.41, "Population": 1603.0}, {"index": 11938, "quantile": 0.25, "value": 112500.0, "Latitude": 33.94, "Longitude": -117.41, "Population": 1603.0}, {"index": 11938, "quantile": 0.5, "value": 112500.0, "Latitude": 33.94, "Longitude": -117.41, "Population": 1603.0}, {"index": 11938, "quantile": 0.75, "value": 117174.99999999999, "Latitude": 33.94, "Longitude": -117.41, "Population": 1603.0}, {"index": 11938, "quantile": 1.0, "value": 284100.0, "Latitude": 33.94, "Longitude": -117.41, "Population": 1603.0}, {"index": 11939, "quantile": 0.0, "value": 86700.0, "Latitude": 33.93, "Longitude": -117.42, "Population": 1509.0}, {"index": 11939, "quantile": 0.25, "value": 125600.0, "Latitude": 33.93, "Longitude": -117.42, "Population": 1509.0}, {"index": 11939, "quantile": 0.5, "value": 125600.0, "Latitude": 33.93, "Longitude": -117.42, "Population": 1509.0}, {"index": 11939, "quantile": 0.75, "value": 125600.0, "Latitude": 33.93, "Longitude": -117.42, "Population": 1509.0}, {"index": 11939, "quantile": 1.0, "value": 176600.0, "Latitude": 33.93, "Longitude": -117.42, "Population": 1509.0}, {"index": 11940, "quantile": 0.0, "value": 88600.0, "Latitude": 33.94, "Longitude": -117.41, "Population": 2096.0}, {"index": 11940, "quantile": 0.25, "value": 118500.0, "Latitude": 33.94, "Longitude": -117.41, "Population": 2096.0}, {"index": 11940, "quantile": 0.5, "value": 118500.0, "Latitude": 33.94, "Longitude": -117.41, "Population": 2096.0}, {"index": 11940, "quantile": 0.75, "value": 118500.0, "Latitude": 33.94, "Longitude": -117.41, "Population": 2096.0}, {"index": 11940, "quantile": 1.0, "value": 350000.0, "Latitude": 33.94, "Longitude": -117.41, "Population": 2096.0}, {"index": 11941, "quantile": 0.0, "value": 91000.0, "Latitude": 33.94, "Longitude": -117.42, "Population": 1383.0}, {"index": 11941, "quantile": 0.25, "value": 113500.0, "Latitude": 33.94, "Longitude": -117.42, "Population": 1383.0}, {"index": 11941, "quantile": 0.5, "value": 113500.0, "Latitude": 33.94, "Longitude": -117.42, "Population": 1383.0}, {"index": 11941, "quantile": 0.75, "value": 113500.0, "Latitude": 33.94, "Longitude": -117.42, "Population": 1383.0}, {"index": 11941, "quantile": 1.0, "value": 219700.0, "Latitude": 33.94, "Longitude": -117.42, "Population": 1383.0}, {"index": 11942, "quantile": 0.0, "value": 91500.0, "Latitude": 33.94, "Longitude": -117.42, "Population": 1094.0}, {"index": 11942, "quantile": 0.25, "value": 115399.99999999999, "Latitude": 33.94, "Longitude": -117.42, "Population": 1094.0}, {"index": 11942, "quantile": 0.5, "value": 132100.00000000003, "Latitude": 33.94, "Longitude": -117.42, "Population": 1094.0}, {"index": 11942, "quantile": 0.75, "value": 141000.0, "Latitude": 33.94, "Longitude": -117.42, "Population": 1094.0}, {"index": 11942, "quantile": 1.0, "value": 222100.0, "Latitude": 33.94, "Longitude": -117.42, "Population": 1094.0}, {"index": 11943, "quantile": 0.0, "value": 94500.0, "Latitude": 33.95, "Longitude": -117.43, "Population": 1425.0}, {"index": 11943, "quantile": 0.25, "value": 104500.0, "Latitude": 33.95, "Longitude": -117.43, "Population": 1425.0}, {"index": 11943, "quantile": 0.5, "value": 104500.0, "Latitude": 33.95, "Longitude": -117.43, "Population": 1425.0}, {"index": 11943, "quantile": 0.75, "value": 115899.99999999999, "Latitude": 33.95, "Longitude": -117.43, "Population": 1425.0}, {"index": 11943, "quantile": 1.0, "value": 183300.0, "Latitude": 33.95, "Longitude": -117.43, "Population": 1425.0}, {"index": 11944, "quantile": 0.0, "value": 97600.0, "Latitude": 33.93, "Longitude": -117.43, "Population": 1176.0}, {"index": 11944, "quantile": 0.25, "value": 134600.0, "Latitude": 33.93, "Longitude": -117.43, "Population": 1176.0}, {"index": 11944, "quantile": 0.5, "value": 146800.0, "Latitude": 33.93, "Longitude": -117.43, "Population": 1176.0}, {"index": 11944, "quantile": 0.75, "value": 163900.0, "Latitude": 33.93, "Longitude": -117.43, "Population": 1176.0}, {"index": 11944, "quantile": 1.0, "value": 257300.0, "Latitude": 33.93, "Longitude": -117.43, "Population": 1176.0}, {"index": 11945, "quantile": 0.0, "value": 76200.0, "Latitude": 33.93, "Longitude": -117.43, "Population": 3012.0}, {"index": 11945, "quantile": 0.25, "value": 129299.99999999999, "Latitude": 33.93, "Longitude": -117.43, "Population": 3012.0}, {"index": 11945, "quantile": 0.5, "value": 129299.99999999999, "Latitude": 33.93, "Longitude": -117.43, "Population": 3012.0}, {"index": 11945, "quantile": 0.75, "value": 129299.99999999999, "Latitude": 33.93, "Longitude": -117.43, "Population": 3012.0}, {"index": 11945, "quantile": 1.0, "value": 325000.0, "Latitude": 33.93, "Longitude": -117.43, "Population": 3012.0}, {"index": 11946, "quantile": 0.0, "value": 66900.0, "Latitude": 33.93, "Longitude": -117.43, "Population": 686.0}, {"index": 11946, "quantile": 0.25, "value": 96800.0, "Latitude": 33.93, "Longitude": -117.43, "Population": 686.0}, {"index": 11946, "quantile": 0.5, "value": 118800.0, "Latitude": 33.93, "Longitude": -117.43, "Population": 686.0}, {"index": 11946, "quantile": 0.75, "value": 124750.0, "Latitude": 33.93, "Longitude": -117.43, "Population": 686.0}, {"index": 11946, "quantile": 1.0, "value": 231800.0, "Latitude": 33.93, "Longitude": -117.43, "Population": 686.0}, {"index": 11947, "quantile": 0.0, "value": 86200.0, "Latitude": 33.93, "Longitude": -117.44, "Population": 880.0}, {"index": 11947, "quantile": 0.25, "value": 126800.0, "Latitude": 33.93, "Longitude": -117.44, "Population": 880.0}, {"index": 11947, "quantile": 0.5, "value": 146800.0, "Latitude": 33.93, "Longitude": -117.44, "Population": 880.0}, {"index": 11947, "quantile": 0.75, "value": 161725.0, "Latitude": 33.93, "Longitude": -117.44, "Population": 880.0}, {"index": 11947, "quantile": 1.0, "value": 250000.0, "Latitude": 33.93, "Longitude": -117.44, "Population": 880.0}, {"index": 11948, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.94, "Longitude": -117.45, "Population": 1987.0}, {"index": 11948, "quantile": 0.25, "value": 108575.0, "Latitude": 33.94, "Longitude": -117.45, "Population": 1987.0}, {"index": 11948, "quantile": 0.5, "value": 129299.99999999999, "Latitude": 33.94, "Longitude": -117.45, "Population": 1987.0}, {"index": 11948, "quantile": 0.75, "value": 139800.0, "Latitude": 33.94, "Longitude": -117.45, "Population": 1987.0}, {"index": 11948, "quantile": 1.0, "value": 216900.0, "Latitude": 33.94, "Longitude": -117.45, "Population": 1987.0}, {"index": 11949, "quantile": 0.0, "value": 91500.0, "Latitude": 33.94, "Longitude": -117.44, "Population": 1479.0}, {"index": 11949, "quantile": 0.25, "value": 104949.99999999999, "Latitude": 33.94, "Longitude": -117.44, "Population": 1479.0}, {"index": 11949, "quantile": 0.5, "value": 121350.0, "Latitude": 33.94, "Longitude": -117.44, "Population": 1479.0}, {"index": 11949, "quantile": 0.75, "value": 126899.99999999999, "Latitude": 33.94, "Longitude": -117.44, "Population": 1479.0}, {"index": 11949, "quantile": 1.0, "value": 162000.0, "Latitude": 33.94, "Longitude": -117.44, "Population": 1479.0}, {"index": 11950, "quantile": 0.0, "value": 100000.0, "Latitude": 33.94, "Longitude": -117.44, "Population": 1521.0}, {"index": 11950, "quantile": 0.25, "value": 126899.99999999999, "Latitude": 33.94, "Longitude": -117.44, "Population": 1521.0}, {"index": 11950, "quantile": 0.5, "value": 126899.99999999999, "Latitude": 33.94, "Longitude": -117.44, "Population": 1521.0}, {"index": 11950, "quantile": 0.75, "value": 126899.99999999999, "Latitude": 33.94, "Longitude": -117.44, "Population": 1521.0}, {"index": 11950, "quantile": 1.0, "value": 215700.0, "Latitude": 33.94, "Longitude": -117.44, "Population": 1521.0}, {"index": 11951, "quantile": 0.0, "value": 64400.0, "Latitude": 33.94, "Longitude": -117.44, "Population": 903.0}, {"index": 11951, "quantile": 0.25, "value": 127400.0, "Latitude": 33.94, "Longitude": -117.44, "Population": 903.0}, {"index": 11951, "quantile": 0.5, "value": 138700.0, "Latitude": 33.94, "Longitude": -117.44, "Population": 903.0}, {"index": 11951, "quantile": 0.75, "value": 157125.0, "Latitude": 33.94, "Longitude": -117.44, "Population": 903.0}, {"index": 11951, "quantile": 1.0, "value": 222100.0, "Latitude": 33.94, "Longitude": -117.44, "Population": 903.0}, {"index": 11952, "quantile": 0.0, "value": 64400.0, "Latitude": 33.93, "Longitude": -117.44, "Population": 715.0}, {"index": 11952, "quantile": 0.25, "value": 127400.0, "Latitude": 33.93, "Longitude": -117.44, "Population": 715.0}, {"index": 11952, "quantile": 0.5, "value": 142400.0, "Latitude": 33.93, "Longitude": -117.44, "Population": 715.0}, {"index": 11952, "quantile": 0.75, "value": 157125.0, "Latitude": 33.93, "Longitude": -117.44, "Population": 715.0}, {"index": 11952, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -117.44, "Population": 715.0}, {"index": 11953, "quantile": 0.0, "value": 91000.0, "Latitude": 33.93, "Longitude": -117.45, "Population": 3185.0}, {"index": 11953, "quantile": 0.25, "value": 122425.0, "Latitude": 33.93, "Longitude": -117.45, "Population": 3185.0}, {"index": 11953, "quantile": 0.5, "value": 128200.0, "Latitude": 33.93, "Longitude": -117.45, "Population": 3185.0}, {"index": 11953, "quantile": 0.75, "value": 144800.0, "Latitude": 33.93, "Longitude": -117.45, "Population": 3185.0}, {"index": 11953, "quantile": 1.0, "value": 197700.0, "Latitude": 33.93, "Longitude": -117.45, "Population": 3185.0}, {"index": 11954, "quantile": 0.0, "value": 70800.0, "Latitude": 33.92, "Longitude": -117.44, "Population": 1466.0}, {"index": 11954, "quantile": 0.25, "value": 103850.0, "Latitude": 33.92, "Longitude": -117.44, "Population": 1466.0}, {"index": 11954, "quantile": 0.5, "value": 118800.0, "Latitude": 33.92, "Longitude": -117.44, "Population": 1466.0}, {"index": 11954, "quantile": 0.75, "value": 123900.00000000001, "Latitude": 33.92, "Longitude": -117.44, "Population": 1466.0}, {"index": 11954, "quantile": 1.0, "value": 231800.0, "Latitude": 33.92, "Longitude": -117.44, "Population": 1466.0}, {"index": 11955, "quantile": 0.0, "value": 99600.0, "Latitude": 33.91, "Longitude": -117.45, "Population": 1358.0}, {"index": 11955, "quantile": 0.25, "value": 121400.0, "Latitude": 33.91, "Longitude": -117.45, "Population": 1358.0}, {"index": 11955, "quantile": 0.5, "value": 121400.0, "Latitude": 33.91, "Longitude": -117.45, "Population": 1358.0}, {"index": 11955, "quantile": 0.75, "value": 121400.0, "Latitude": 33.91, "Longitude": -117.45, "Population": 1358.0}, {"index": 11955, "quantile": 1.0, "value": 189800.0, "Latitude": 33.91, "Longitude": -117.45, "Population": 1358.0}, {"index": 11956, "quantile": 0.0, "value": 71800.0, "Latitude": 33.92, "Longitude": -117.45, "Population": 1840.0}, {"index": 11956, "quantile": 0.25, "value": 98700.0, "Latitude": 33.92, "Longitude": -117.45, "Population": 1840.0}, {"index": 11956, "quantile": 0.5, "value": 113300.0, "Latitude": 33.92, "Longitude": -117.45, "Population": 1840.0}, {"index": 11956, "quantile": 0.75, "value": 113300.0, "Latitude": 33.92, "Longitude": -117.45, "Population": 1840.0}, {"index": 11956, "quantile": 1.0, "value": 165600.0, "Latitude": 33.92, "Longitude": -117.45, "Population": 1840.0}, {"index": 11957, "quantile": 0.0, "value": 70400.0, "Latitude": 33.92, "Longitude": -117.39, "Population": 2327.0}, {"index": 11957, "quantile": 0.25, "value": 109100.00000000001, "Latitude": 33.92, "Longitude": -117.39, "Population": 2327.0}, {"index": 11957, "quantile": 0.5, "value": 113700.0, "Latitude": 33.92, "Longitude": -117.39, "Population": 2327.0}, {"index": 11957, "quantile": 0.75, "value": 113700.0, "Latitude": 33.92, "Longitude": -117.39, "Population": 2327.0}, {"index": 11957, "quantile": 1.0, "value": 162500.0, "Latitude": 33.92, "Longitude": -117.39, "Population": 2327.0}, {"index": 11958, "quantile": 0.0, "value": 96400.0, "Latitude": 33.9, "Longitude": -117.4, "Population": 508.0}, {"index": 11958, "quantile": 0.25, "value": 152800.0, "Latitude": 33.9, "Longitude": -117.4, "Population": 508.0}, {"index": 11958, "quantile": 0.5, "value": 314100.0, "Latitude": 33.9, "Longitude": -117.4, "Population": 508.0}, {"index": 11958, "quantile": 0.75, "value": 314100.0, "Latitude": 33.9, "Longitude": -117.4, "Population": 508.0}, {"index": 11958, "quantile": 1.0, "value": 314100.0, "Latitude": 33.9, "Longitude": -117.4, "Population": 508.0}, {"index": 11959, "quantile": 0.0, "value": 94500.0, "Latitude": 33.9, "Longitude": -117.44, "Population": 2609.0}, {"index": 11959, "quantile": 0.25, "value": 130149.99999999999, "Latitude": 33.9, "Longitude": -117.44, "Population": 2609.0}, {"index": 11959, "quantile": 0.5, "value": 139200.0, "Latitude": 33.9, "Longitude": -117.44, "Population": 2609.0}, {"index": 11959, "quantile": 0.75, "value": 151425.0, "Latitude": 33.9, "Longitude": -117.44, "Population": 2609.0}, {"index": 11959, "quantile": 1.0, "value": 189800.0, "Latitude": 33.9, "Longitude": -117.44, "Population": 2609.0}, {"index": 11960, "quantile": 0.0, "value": 97700.0, "Latitude": 33.91, "Longitude": -117.43, "Population": 7540.0}, {"index": 11960, "quantile": 0.25, "value": 138000.0, "Latitude": 33.91, "Longitude": -117.43, "Population": 7540.0}, {"index": 11960, "quantile": 0.5, "value": 138000.0, "Latitude": 33.91, "Longitude": -117.43, "Population": 7540.0}, {"index": 11960, "quantile": 0.75, "value": 138000.0, "Latitude": 33.91, "Longitude": -117.43, "Population": 7540.0}, {"index": 11960, "quantile": 1.0, "value": 213400.0, "Latitude": 33.91, "Longitude": -117.43, "Population": 7540.0}, {"index": 11961, "quantile": 0.0, "value": 171900.0, "Latitude": 33.89, "Longitude": -117.42, "Population": 55.0}, {"index": 11961, "quantile": 0.25, "value": 244200.00000000003, "Latitude": 33.89, "Longitude": -117.42, "Population": 55.0}, {"index": 11961, "quantile": 0.5, "value": 261150.0, "Latitude": 33.89, "Longitude": -117.42, "Population": 55.0}, {"index": 11961, "quantile": 0.75, "value": 316700.0, "Latitude": 33.89, "Longitude": -117.42, "Population": 55.0}, {"index": 11961, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -117.42, "Population": 55.0}, {"index": 11962, "quantile": 0.0, "value": 73400.0, "Latitude": 34.01, "Longitude": -117.4, "Population": 1311.0}, {"index": 11962, "quantile": 0.25, "value": 84700.0, "Latitude": 34.01, "Longitude": -117.4, "Population": 1311.0}, {"index": 11962, "quantile": 0.5, "value": 95300.0, "Latitude": 34.01, "Longitude": -117.4, "Population": 1311.0}, {"index": 11962, "quantile": 0.75, "value": 106600.0, "Latitude": 34.01, "Longitude": -117.4, "Population": 1311.0}, {"index": 11962, "quantile": 1.0, "value": 144000.0, "Latitude": 34.01, "Longitude": -117.4, "Population": 1311.0}, {"index": 11963, "quantile": 0.0, "value": 73100.0, "Latitude": 34.01, "Longitude": -117.41, "Population": 841.0}, {"index": 11963, "quantile": 0.25, "value": 92000.0, "Latitude": 34.01, "Longitude": -117.41, "Population": 841.0}, {"index": 11963, "quantile": 0.5, "value": 92000.0, "Latitude": 34.01, "Longitude": -117.41, "Population": 841.0}, {"index": 11963, "quantile": 0.75, "value": 94175.00000000001, "Latitude": 34.01, "Longitude": -117.41, "Population": 841.0}, {"index": 11963, "quantile": 1.0, "value": 225000.0, "Latitude": 34.01, "Longitude": -117.41, "Population": 841.0}, {"index": 11964, "quantile": 0.0, "value": 82700.0, "Latitude": 34.02, "Longitude": -117.43, "Population": 1753.0}, {"index": 11964, "quantile": 0.25, "value": 97800.0, "Latitude": 34.02, "Longitude": -117.43, "Population": 1753.0}, {"index": 11964, "quantile": 0.5, "value": 97800.0, "Latitude": 34.02, "Longitude": -117.43, "Population": 1753.0}, {"index": 11964, "quantile": 0.75, "value": 103925.0, "Latitude": 34.02, "Longitude": -117.43, "Population": 1753.0}, {"index": 11964, "quantile": 1.0, "value": 152700.0, "Latitude": 34.02, "Longitude": -117.43, "Population": 1753.0}, {"index": 11965, "quantile": 0.0, "value": 121400.0, "Latitude": 34.02, "Longitude": -117.42, "Population": 3015.0}, {"index": 11965, "quantile": 0.25, "value": 150975.0, "Latitude": 34.02, "Longitude": -117.42, "Population": 3015.0}, {"index": 11965, "quantile": 0.5, "value": 162800.0, "Latitude": 34.02, "Longitude": -117.42, "Population": 3015.0}, {"index": 11965, "quantile": 0.75, "value": 162800.0, "Latitude": 34.02, "Longitude": -117.42, "Population": 3015.0}, {"index": 11965, "quantile": 1.0, "value": 191600.0, "Latitude": 34.02, "Longitude": -117.42, "Population": 3015.0}, {"index": 11966, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.0, "Longitude": -117.4, "Population": 1829.0}, {"index": 11966, "quantile": 0.25, "value": 80475.0, "Latitude": 34.0, "Longitude": -117.4, "Population": 1829.0}, {"index": 11966, "quantile": 0.5, "value": 86650.0, "Latitude": 34.0, "Longitude": -117.4, "Population": 1829.0}, {"index": 11966, "quantile": 0.75, "value": 101825.00000000001, "Latitude": 34.0, "Longitude": -117.4, "Population": 1829.0}, {"index": 11966, "quantile": 1.0, "value": 350000.0, "Latitude": 34.0, "Longitude": -117.4, "Population": 1829.0}, {"index": 11967, "quantile": 0.0, "value": 76200.0, "Latitude": 34.0, "Longitude": -117.4, "Population": 1013.0}, {"index": 11967, "quantile": 0.25, "value": 76200.0, "Latitude": 34.0, "Longitude": -117.4, "Population": 1013.0}, {"index": 11967, "quantile": 0.5, "value": 76200.0, "Latitude": 34.0, "Longitude": -117.4, "Population": 1013.0}, {"index": 11967, "quantile": 0.75, "value": 94649.99999999999, "Latitude": 34.0, "Longitude": -117.4, "Population": 1013.0}, {"index": 11967, "quantile": 1.0, "value": 139800.0, "Latitude": 34.0, "Longitude": -117.4, "Population": 1013.0}, {"index": 11968, "quantile": 0.0, "value": 66400.0, "Latitude": 34.0, "Longitude": -117.41, "Population": 1697.0}, {"index": 11968, "quantile": 0.25, "value": 83400.0, "Latitude": 34.0, "Longitude": -117.41, "Population": 1697.0}, {"index": 11968, "quantile": 0.5, "value": 83400.0, "Latitude": 34.0, "Longitude": -117.41, "Population": 1697.0}, {"index": 11968, "quantile": 0.75, "value": 85475.0, "Latitude": 34.0, "Longitude": -117.41, "Population": 1697.0}, {"index": 11968, "quantile": 1.0, "value": 135000.0, "Latitude": 34.0, "Longitude": -117.41, "Population": 1697.0}, {"index": 11969, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 33.98, "Longitude": -117.43, "Population": 1376.0}, {"index": 11969, "quantile": 0.25, "value": 152200.0, "Latitude": 33.98, "Longitude": -117.43, "Population": 1376.0}, {"index": 11969, "quantile": 0.5, "value": 152200.0, "Latitude": 33.98, "Longitude": -117.43, "Population": 1376.0}, {"index": 11969, "quantile": 0.75, "value": 152200.0, "Latitude": 33.98, "Longitude": -117.43, "Population": 1376.0}, {"index": 11969, "quantile": 1.0, "value": 203200.0, "Latitude": 33.98, "Longitude": -117.43, "Population": 1376.0}, {"index": 11970, "quantile": 0.0, "value": 81800.0, "Latitude": 33.98, "Longitude": -117.42, "Population": 5913.0}, {"index": 11970, "quantile": 0.25, "value": 119500.0, "Latitude": 33.98, "Longitude": -117.42, "Population": 5913.0}, {"index": 11970, "quantile": 0.5, "value": 119500.0, "Latitude": 33.98, "Longitude": -117.42, "Population": 5913.0}, {"index": 11970, "quantile": 0.75, "value": 119500.0, "Latitude": 33.98, "Longitude": -117.42, "Population": 5913.0}, {"index": 11970, "quantile": 1.0, "value": 151600.0, "Latitude": 33.98, "Longitude": -117.42, "Population": 5913.0}, {"index": 11971, "quantile": 0.0, "value": 79200.0, "Latitude": 34.01, "Longitude": -117.45, "Population": 1720.0}, {"index": 11971, "quantile": 0.25, "value": 97800.0, "Latitude": 34.01, "Longitude": -117.45, "Population": 1720.0}, {"index": 11971, "quantile": 0.5, "value": 112400.00000000001, "Latitude": 34.01, "Longitude": -117.45, "Population": 1720.0}, {"index": 11971, "quantile": 0.75, "value": 125000.0, "Latitude": 34.01, "Longitude": -117.45, "Population": 1720.0}, {"index": 11971, "quantile": 1.0, "value": 143100.0, "Latitude": 34.01, "Longitude": -117.45, "Population": 1720.0}, {"index": 11972, "quantile": 0.0, "value": 86700.0, "Latitude": 34.01, "Longitude": -117.43, "Population": 1150.0}, {"index": 11972, "quantile": 0.25, "value": 98300.0, "Latitude": 34.01, "Longitude": -117.43, "Population": 1150.0}, {"index": 11972, "quantile": 0.5, "value": 98300.0, "Latitude": 34.01, "Longitude": -117.43, "Population": 1150.0}, {"index": 11972, "quantile": 0.75, "value": 99100.0, "Latitude": 34.01, "Longitude": -117.43, "Population": 1150.0}, {"index": 11972, "quantile": 1.0, "value": 143100.0, "Latitude": 34.01, "Longitude": -117.43, "Population": 1150.0}, {"index": 11973, "quantile": 0.0, "value": 64000.0, "Latitude": 34.0, "Longitude": -117.41, "Population": 1647.0}, {"index": 11973, "quantile": 0.25, "value": 88600.0, "Latitude": 34.0, "Longitude": -117.41, "Population": 1647.0}, {"index": 11973, "quantile": 0.5, "value": 88600.0, "Latitude": 34.0, "Longitude": -117.41, "Population": 1647.0}, {"index": 11973, "quantile": 0.75, "value": 88600.0, "Latitude": 34.0, "Longitude": -117.41, "Population": 1647.0}, {"index": 11973, "quantile": 1.0, "value": 184400.0, "Latitude": 34.0, "Longitude": -117.41, "Population": 1647.0}, {"index": 11974, "quantile": 0.0, "value": 83800.0, "Latitude": 34.0, "Longitude": -117.42, "Population": 1153.0}, {"index": 11974, "quantile": 0.25, "value": 96600.0, "Latitude": 34.0, "Longitude": -117.42, "Population": 1153.0}, {"index": 11974, "quantile": 0.5, "value": 96600.0, "Latitude": 34.0, "Longitude": -117.42, "Population": 1153.0}, {"index": 11974, "quantile": 0.75, "value": 96600.0, "Latitude": 34.0, "Longitude": -117.42, "Population": 1153.0}, {"index": 11974, "quantile": 1.0, "value": 268800.0, "Latitude": 34.0, "Longitude": -117.42, "Population": 1153.0}, {"index": 11975, "quantile": 0.0, "value": 116399.99999999999, "Latitude": 33.99, "Longitude": -117.43, "Population": 1738.0}, {"index": 11975, "quantile": 0.25, "value": 116900.0, "Latitude": 33.99, "Longitude": -117.43, "Population": 1738.0}, {"index": 11975, "quantile": 0.5, "value": 116900.0, "Latitude": 33.99, "Longitude": -117.43, "Population": 1738.0}, {"index": 11975, "quantile": 0.75, "value": 145875.0, "Latitude": 33.99, "Longitude": -117.43, "Population": 1738.0}, {"index": 11975, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.99, "Longitude": -117.43, "Population": 1738.0}, {"index": 11976, "quantile": 0.0, "value": 96000.0, "Latitude": 33.99, "Longitude": -117.44, "Population": 5008.0}, {"index": 11976, "quantile": 0.25, "value": 148725.0, "Latitude": 33.99, "Longitude": -117.44, "Population": 5008.0}, {"index": 11976, "quantile": 0.5, "value": 171300.0, "Latitude": 33.99, "Longitude": -117.44, "Population": 5008.0}, {"index": 11976, "quantile": 0.75, "value": 171300.0, "Latitude": 33.99, "Longitude": -117.44, "Population": 5008.0}, {"index": 11976, "quantile": 1.0, "value": 182900.0, "Latitude": 33.99, "Longitude": -117.44, "Population": 5008.0}, {"index": 11977, "quantile": 0.0, "value": 119800.0, "Latitude": 34.0, "Longitude": -117.5, "Population": 1237.0}, {"index": 11977, "quantile": 0.25, "value": 128499.99999999999, "Latitude": 34.0, "Longitude": -117.5, "Population": 1237.0}, {"index": 11977, "quantile": 0.5, "value": 128499.99999999999, "Latitude": 34.0, "Longitude": -117.5, "Population": 1237.0}, {"index": 11977, "quantile": 0.75, "value": 139200.0, "Latitude": 34.0, "Longitude": -117.5, "Population": 1237.0}, {"index": 11977, "quantile": 1.0, "value": 253799.99999999997, "Latitude": 34.0, "Longitude": -117.5, "Population": 1237.0}, {"index": 11978, "quantile": 0.0, "value": 87200.0, "Latitude": 33.99, "Longitude": -117.49, "Population": 1153.0}, {"index": 11978, "quantile": 0.25, "value": 116399.99999999999, "Latitude": 33.99, "Longitude": -117.49, "Population": 1153.0}, {"index": 11978, "quantile": 0.5, "value": 116399.99999999999, "Latitude": 33.99, "Longitude": -117.49, "Population": 1153.0}, {"index": 11978, "quantile": 0.75, "value": 152500.0, "Latitude": 33.99, "Longitude": -117.49, "Population": 1153.0}, {"index": 11978, "quantile": 1.0, "value": 262400.0, "Latitude": 33.99, "Longitude": -117.49, "Population": 1153.0}, {"index": 11979, "quantile": 0.0, "value": 96300.0, "Latitude": 33.98, "Longitude": -117.48, "Population": 1785.0}, {"index": 11979, "quantile": 0.25, "value": 114999.99999999999, "Latitude": 33.98, "Longitude": -117.48, "Population": 1785.0}, {"index": 11979, "quantile": 0.5, "value": 114999.99999999999, "Latitude": 33.98, "Longitude": -117.48, "Population": 1785.0}, {"index": 11979, "quantile": 0.75, "value": 114999.99999999999, "Latitude": 33.98, "Longitude": -117.48, "Population": 1785.0}, {"index": 11979, "quantile": 1.0, "value": 149100.0, "Latitude": 33.98, "Longitude": -117.48, "Population": 1785.0}, {"index": 11980, "quantile": 0.0, "value": 116399.99999999999, "Latitude": 33.98, "Longitude": -117.49, "Population": 1691.0}, {"index": 11980, "quantile": 0.25, "value": 143400.0, "Latitude": 33.98, "Longitude": -117.49, "Population": 1691.0}, {"index": 11980, "quantile": 0.5, "value": 160600.0, "Latitude": 33.98, "Longitude": -117.49, "Population": 1691.0}, {"index": 11980, "quantile": 0.75, "value": 160600.0, "Latitude": 33.98, "Longitude": -117.49, "Population": 1691.0}, {"index": 11980, "quantile": 1.0, "value": 262400.0, "Latitude": 33.98, "Longitude": -117.49, "Population": 1691.0}, {"index": 11981, "quantile": 0.0, "value": 103000.0, "Latitude": 33.98, "Longitude": -117.5, "Population": 1291.0}, {"index": 11981, "quantile": 0.25, "value": 138700.0, "Latitude": 33.98, "Longitude": -117.5, "Population": 1291.0}, {"index": 11981, "quantile": 0.5, "value": 138700.0, "Latitude": 33.98, "Longitude": -117.5, "Population": 1291.0}, {"index": 11981, "quantile": 0.75, "value": 138700.0, "Latitude": 33.98, "Longitude": -117.5, "Population": 1291.0}, {"index": 11981, "quantile": 1.0, "value": 203200.0, "Latitude": 33.98, "Longitude": -117.5, "Population": 1291.0}, {"index": 11982, "quantile": 0.0, "value": 90800.0, "Latitude": 33.98, "Longitude": -117.47, "Population": 5810.0}, {"index": 11982, "quantile": 0.25, "value": 158100.0, "Latitude": 33.98, "Longitude": -117.47, "Population": 5810.0}, {"index": 11982, "quantile": 0.5, "value": 158100.0, "Latitude": 33.98, "Longitude": -117.47, "Population": 5810.0}, {"index": 11982, "quantile": 0.75, "value": 158100.0, "Latitude": 33.98, "Longitude": -117.47, "Population": 5810.0}, {"index": 11982, "quantile": 1.0, "value": 375000.0, "Latitude": 33.98, "Longitude": -117.47, "Population": 5810.0}, {"index": 11983, "quantile": 0.0, "value": 111100.0, "Latitude": 34.01, "Longitude": -117.48, "Population": 1361.0}, {"index": 11983, "quantile": 0.25, "value": 121100.00000000001, "Latitude": 34.01, "Longitude": -117.48, "Population": 1361.0}, {"index": 11983, "quantile": 0.5, "value": 121100.00000000001, "Latitude": 34.01, "Longitude": -117.48, "Population": 1361.0}, {"index": 11983, "quantile": 0.75, "value": 135600.0, "Latitude": 34.01, "Longitude": -117.48, "Population": 1361.0}, {"index": 11983, "quantile": 1.0, "value": 191100.0, "Latitude": 34.01, "Longitude": -117.48, "Population": 1361.0}, {"index": 11984, "quantile": 0.0, "value": 91000.0, "Latitude": 34.02, "Longitude": -117.49, "Population": 1466.0}, {"index": 11984, "quantile": 0.25, "value": 108200.00000000001, "Latitude": 34.02, "Longitude": -117.49, "Population": 1466.0}, {"index": 11984, "quantile": 0.5, "value": 108200.00000000001, "Latitude": 34.02, "Longitude": -117.49, "Population": 1466.0}, {"index": 11984, "quantile": 0.75, "value": 108900.0, "Latitude": 34.02, "Longitude": -117.49, "Population": 1466.0}, {"index": 11984, "quantile": 1.0, "value": 163400.0, "Latitude": 34.02, "Longitude": -117.49, "Population": 1466.0}, {"index": 11985, "quantile": 0.0, "value": 64400.0, "Latitude": 34.02, "Longitude": -117.49, "Population": 2021.0}, {"index": 11985, "quantile": 0.25, "value": 142400.0, "Latitude": 34.02, "Longitude": -117.49, "Population": 2021.0}, {"index": 11985, "quantile": 0.5, "value": 142400.0, "Latitude": 34.02, "Longitude": -117.49, "Population": 2021.0}, {"index": 11985, "quantile": 0.75, "value": 142800.0, "Latitude": 34.02, "Longitude": -117.49, "Population": 2021.0}, {"index": 11985, "quantile": 1.0, "value": 257300.0, "Latitude": 34.02, "Longitude": -117.49, "Population": 2021.0}, {"index": 11986, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.02, "Longitude": -117.51, "Population": 3996.0}, {"index": 11986, "quantile": 0.25, "value": 101000.0, "Latitude": 34.02, "Longitude": -117.51, "Population": 3996.0}, {"index": 11986, "quantile": 0.5, "value": 119249.99999999999, "Latitude": 34.02, "Longitude": -117.51, "Population": 3996.0}, {"index": 11986, "quantile": 0.75, "value": 150625.0, "Latitude": 34.02, "Longitude": -117.51, "Population": 3996.0}, {"index": 11986, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -117.51, "Population": 3996.0}, {"index": 11987, "quantile": 0.0, "value": 105100.0, "Latitude": 34.0, "Longitude": -117.48, "Population": 3266.0}, {"index": 11987, "quantile": 0.25, "value": 127400.0, "Latitude": 34.0, "Longitude": -117.48, "Population": 3266.0}, {"index": 11987, "quantile": 0.5, "value": 145500.0, "Latitude": 34.0, "Longitude": -117.48, "Population": 3266.0}, {"index": 11987, "quantile": 0.75, "value": 145500.0, "Latitude": 34.0, "Longitude": -117.48, "Population": 3266.0}, {"index": 11987, "quantile": 1.0, "value": 172500.0, "Latitude": 34.0, "Longitude": -117.48, "Population": 3266.0}, {"index": 11988, "quantile": 0.0, "value": 97800.0, "Latitude": 34.0, "Longitude": -117.51, "Population": 2258.0}, {"index": 11988, "quantile": 0.25, "value": 124700.00000000001, "Latitude": 34.0, "Longitude": -117.51, "Population": 2258.0}, {"index": 11988, "quantile": 0.5, "value": 124700.00000000001, "Latitude": 34.0, "Longitude": -117.51, "Population": 2258.0}, {"index": 11988, "quantile": 0.75, "value": 124700.00000000001, "Latitude": 34.0, "Longitude": -117.51, "Population": 2258.0}, {"index": 11988, "quantile": 1.0, "value": 158000.0, "Latitude": 34.0, "Longitude": -117.51, "Population": 2258.0}, {"index": 11989, "quantile": 0.0, "value": 154700.0, "Latitude": 33.99, "Longitude": -117.52, "Population": 7600.0}, {"index": 11989, "quantile": 0.25, "value": 181800.0, "Latitude": 33.99, "Longitude": -117.52, "Population": 7600.0}, {"index": 11989, "quantile": 0.5, "value": 182900.0, "Latitude": 33.99, "Longitude": -117.52, "Population": 7600.0}, {"index": 11989, "quantile": 0.75, "value": 182900.0, "Latitude": 33.99, "Longitude": -117.52, "Population": 7600.0}, {"index": 11989, "quantile": 1.0, "value": 267400.0, "Latitude": 33.99, "Longitude": -117.52, "Population": 7600.0}, {"index": 11990, "quantile": 0.0, "value": 91500.0, "Latitude": 33.97, "Longitude": -117.53, "Population": 774.0}, {"index": 11990, "quantile": 0.25, "value": 128100.00000000001, "Latitude": 33.97, "Longitude": -117.53, "Population": 774.0}, {"index": 11990, "quantile": 0.5, "value": 141000.0, "Latitude": 33.97, "Longitude": -117.53, "Population": 774.0}, {"index": 11990, "quantile": 0.75, "value": 141000.0, "Latitude": 33.97, "Longitude": -117.53, "Population": 774.0}, {"index": 11990, "quantile": 1.0, "value": 198800.0, "Latitude": 33.97, "Longitude": -117.53, "Population": 774.0}, {"index": 11991, "quantile": 0.0, "value": 91000.0, "Latitude": 33.97, "Longitude": -117.53, "Population": 872.0}, {"index": 11991, "quantile": 0.25, "value": 139100.0, "Latitude": 33.97, "Longitude": -117.53, "Population": 872.0}, {"index": 11991, "quantile": 0.5, "value": 141000.0, "Latitude": 33.97, "Longitude": -117.53, "Population": 872.0}, {"index": 11991, "quantile": 0.75, "value": 141000.0, "Latitude": 33.97, "Longitude": -117.53, "Population": 872.0}, {"index": 11991, "quantile": 1.0, "value": 343200.0, "Latitude": 33.97, "Longitude": -117.53, "Population": 872.0}, {"index": 11992, "quantile": 0.0, "value": 87500.0, "Latitude": 33.97, "Longitude": -117.51, "Population": 184.0}, {"index": 11992, "quantile": 0.25, "value": 137425.0, "Latitude": 33.97, "Longitude": -117.51, "Population": 184.0}, {"index": 11992, "quantile": 0.5, "value": 137500.0, "Latitude": 33.97, "Longitude": -117.51, "Population": 184.0}, {"index": 11992, "quantile": 0.75, "value": 137500.0, "Latitude": 33.97, "Longitude": -117.51, "Population": 184.0}, {"index": 11992, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -117.51, "Population": 184.0}, {"index": 11993, "quantile": 0.0, "value": 116399.99999999999, "Latitude": 34.02, "Longitude": -117.53, "Population": 101.0}, {"index": 11993, "quantile": 0.25, "value": 375000.0, "Latitude": 34.02, "Longitude": -117.53, "Population": 101.0}, {"index": 11993, "quantile": 0.5, "value": 375000.0, "Latitude": 34.02, "Longitude": -117.53, "Population": 101.0}, {"index": 11993, "quantile": 0.75, "value": 375000.0, "Latitude": 34.02, "Longitude": -117.53, "Population": 101.0}, {"index": 11993, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -117.53, "Population": 101.0}, {"index": 11994, "quantile": 0.0, "value": 97800.0, "Latitude": 33.94, "Longitude": -117.6, "Population": 1921.0}, {"index": 11994, "quantile": 0.25, "value": 137400.0, "Latitude": 33.94, "Longitude": -117.6, "Population": 1921.0}, {"index": 11994, "quantile": 0.5, "value": 153100.0, "Latitude": 33.94, "Longitude": -117.6, "Population": 1921.0}, {"index": 11994, "quantile": 0.75, "value": 153100.0, "Latitude": 33.94, "Longitude": -117.6, "Population": 1921.0}, {"index": 11994, "quantile": 1.0, "value": 225000.0, "Latitude": 33.94, "Longitude": -117.6, "Population": 1921.0}, {"index": 11995, "quantile": 0.0, "value": 72000.0, "Latitude": 34.0, "Longitude": -117.55, "Population": 1587.0}, {"index": 11995, "quantile": 0.25, "value": 107300.0, "Latitude": 34.0, "Longitude": -117.55, "Population": 1587.0}, {"index": 11995, "quantile": 0.5, "value": 121300.00000000001, "Latitude": 34.0, "Longitude": -117.55, "Population": 1587.0}, {"index": 11995, "quantile": 0.75, "value": 139600.0, "Latitude": 34.0, "Longitude": -117.55, "Population": 1587.0}, {"index": 11995, "quantile": 1.0, "value": 262500.0, "Latitude": 34.0, "Longitude": -117.55, "Population": 1587.0}, {"index": 11996, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 33.94, "Longitude": -117.53, "Population": 2834.0}, {"index": 11996, "quantile": 0.25, "value": 163900.0, "Latitude": 33.94, "Longitude": -117.53, "Population": 2834.0}, {"index": 11996, "quantile": 0.5, "value": 203200.0, "Latitude": 33.94, "Longitude": -117.53, "Population": 2834.0}, {"index": 11996, "quantile": 0.75, "value": 203200.0, "Latitude": 33.94, "Longitude": -117.53, "Population": 2834.0}, {"index": 11996, "quantile": 1.0, "value": 240099.99999999997, "Latitude": 33.94, "Longitude": -117.53, "Population": 2834.0}, {"index": 11997, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 33.94, "Longitude": -117.55, "Population": 2672.0}, {"index": 11997, "quantile": 0.25, "value": 162650.0, "Latitude": 33.94, "Longitude": -117.55, "Population": 2672.0}, {"index": 11997, "quantile": 0.5, "value": 163900.0, "Latitude": 33.94, "Longitude": -117.55, "Population": 2672.0}, {"index": 11997, "quantile": 0.75, "value": 163900.0, "Latitude": 33.94, "Longitude": -117.55, "Population": 2672.0}, {"index": 11997, "quantile": 1.0, "value": 249100.0, "Latitude": 33.94, "Longitude": -117.55, "Population": 2672.0}, {"index": 11998, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 33.94, "Longitude": -117.56, "Population": 136.0}, {"index": 11998, "quantile": 0.25, "value": 116924.99999999999, "Latitude": 33.94, "Longitude": -117.56, "Population": 136.0}, {"index": 11998, "quantile": 0.5, "value": 164300.0, "Latitude": 33.94, "Longitude": -117.56, "Population": 136.0}, {"index": 11998, "quantile": 0.75, "value": 164300.0, "Latitude": 33.94, "Longitude": -117.56, "Population": 136.0}, {"index": 11998, "quantile": 1.0, "value": 225999.99999999997, "Latitude": 33.94, "Longitude": -117.56, "Population": 136.0}, {"index": 11999, "quantile": 0.0, "value": 141200.0, "Latitude": 33.94, "Longitude": -117.56, "Population": 318.0}, {"index": 11999, "quantile": 0.25, "value": 257100.00000000003, "Latitude": 33.94, "Longitude": -117.56, "Population": 318.0}, {"index": 11999, "quantile": 0.5, "value": 257100.00000000003, "Latitude": 33.94, "Longitude": -117.56, "Population": 318.0}, {"index": 11999, "quantile": 0.75, "value": 270550.0, "Latitude": 33.94, "Longitude": -117.56, "Population": 318.0}, {"index": 11999, "quantile": 1.0, "value": 493300.0, "Latitude": 33.94, "Longitude": -117.56, "Population": 318.0}, {"index": 12000, "quantile": 0.0, "value": 171900.0, "Latitude": 33.93, "Longitude": -117.57, "Population": 519.0}, {"index": 12000, "quantile": 0.25, "value": 271900.0, "Latitude": 33.93, "Longitude": -117.57, "Population": 519.0}, {"index": 12000, "quantile": 0.5, "value": 271900.0, "Latitude": 33.93, "Longitude": -117.57, "Population": 519.0}, {"index": 12000, "quantile": 0.75, "value": 294050.0, "Latitude": 33.93, "Longitude": -117.57, "Population": 519.0}, {"index": 12000, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -117.57, "Population": 519.0}, {"index": 12001, "quantile": 0.0, "value": 151400.0, "Latitude": 33.95, "Longitude": -117.55, "Population": 1581.0}, {"index": 12001, "quantile": 0.25, "value": 229400.0, "Latitude": 33.95, "Longitude": -117.55, "Population": 1581.0}, {"index": 12001, "quantile": 0.5, "value": 229400.0, "Latitude": 33.95, "Longitude": -117.55, "Population": 1581.0}, {"index": 12001, "quantile": 0.75, "value": 241425.0, "Latitude": 33.95, "Longitude": -117.55, "Population": 1581.0}, {"index": 12001, "quantile": 1.0, "value": 324900.0, "Latitude": 33.95, "Longitude": -117.55, "Population": 1581.0}, {"index": 12002, "quantile": 0.0, "value": 156300.0, "Latitude": 33.91, "Longitude": -117.59, "Population": 5205.0}, {"index": 12002, "quantile": 0.25, "value": 203399.99999999997, "Latitude": 33.91, "Longitude": -117.59, "Population": 5205.0}, {"index": 12002, "quantile": 0.5, "value": 203399.99999999997, "Latitude": 33.91, "Longitude": -117.59, "Population": 5205.0}, {"index": 12002, "quantile": 0.75, "value": 203399.99999999997, "Latitude": 33.91, "Longitude": -117.59, "Population": 5205.0}, {"index": 12002, "quantile": 1.0, "value": 246400.0, "Latitude": 33.91, "Longitude": -117.59, "Population": 5205.0}, {"index": 12003, "quantile": 0.0, "value": 98600.0, "Latitude": 33.9, "Longitude": -117.57, "Population": 2369.0}, {"index": 12003, "quantile": 0.25, "value": 137600.0, "Latitude": 33.9, "Longitude": -117.57, "Population": 2369.0}, {"index": 12003, "quantile": 0.5, "value": 137600.0, "Latitude": 33.9, "Longitude": -117.57, "Population": 2369.0}, {"index": 12003, "quantile": 0.75, "value": 137600.0, "Latitude": 33.9, "Longitude": -117.57, "Population": 2369.0}, {"index": 12003, "quantile": 1.0, "value": 279500.0, "Latitude": 33.9, "Longitude": -117.57, "Population": 2369.0}, {"index": 12004, "quantile": 0.0, "value": 45000.0, "Latitude": 33.89, "Longitude": -117.56, "Population": 365.0}, {"index": 12004, "quantile": 0.25, "value": 161725.0, "Latitude": 33.89, "Longitude": -117.56, "Population": 365.0}, {"index": 12004, "quantile": 0.5, "value": 191700.0, "Latitude": 33.89, "Longitude": -117.56, "Population": 365.0}, {"index": 12004, "quantile": 0.75, "value": 191700.0, "Latitude": 33.89, "Longitude": -117.56, "Population": 365.0}, {"index": 12004, "quantile": 1.0, "value": 350000.0, "Latitude": 33.89, "Longitude": -117.56, "Population": 365.0}, {"index": 12005, "quantile": 0.0, "value": 156300.0, "Latitude": 33.89, "Longitude": -117.55, "Population": 1396.0}, {"index": 12005, "quantile": 0.25, "value": 164800.0, "Latitude": 33.89, "Longitude": -117.55, "Population": 1396.0}, {"index": 12005, "quantile": 0.5, "value": 164800.0, "Latitude": 33.89, "Longitude": -117.55, "Population": 1396.0}, {"index": 12005, "quantile": 0.75, "value": 231650.0, "Latitude": 33.89, "Longitude": -117.55, "Population": 1396.0}, {"index": 12005, "quantile": 1.0, "value": 372000.0, "Latitude": 33.89, "Longitude": -117.55, "Population": 1396.0}, {"index": 12006, "quantile": 0.0, "value": 88900.0, "Latitude": 33.89, "Longitude": -117.52, "Population": 7305.0}, {"index": 12006, "quantile": 0.25, "value": 220800.00000000003, "Latitude": 33.89, "Longitude": -117.52, "Population": 7305.0}, {"index": 12006, "quantile": 0.5, "value": 220800.00000000003, "Latitude": 33.89, "Longitude": -117.52, "Population": 7305.0}, {"index": 12006, "quantile": 0.75, "value": 220800.00000000003, "Latitude": 33.89, "Longitude": -117.52, "Population": 7305.0}, {"index": 12006, "quantile": 1.0, "value": 429000.0, "Latitude": 33.89, "Longitude": -117.52, "Population": 7305.0}, {"index": 12007, "quantile": 0.0, "value": 141200.0, "Latitude": 33.91, "Longitude": -117.6, "Population": 1006.0}, {"index": 12007, "quantile": 0.25, "value": 250999.99999999997, "Latitude": 33.91, "Longitude": -117.6, "Population": 1006.0}, {"index": 12007, "quantile": 0.5, "value": 250999.99999999997, "Latitude": 33.91, "Longitude": -117.6, "Population": 1006.0}, {"index": 12007, "quantile": 0.75, "value": 283700.0, "Latitude": 33.91, "Longitude": -117.6, "Population": 1006.0}, {"index": 12007, "quantile": 1.0, "value": 363200.0, "Latitude": 33.91, "Longitude": -117.6, "Population": 1006.0}, {"index": 12008, "quantile": 0.0, "value": 125400.0, "Latitude": 33.93, "Longitude": -117.55, "Population": 2725.0}, {"index": 12008, "quantile": 0.25, "value": 154300.0, "Latitude": 33.93, "Longitude": -117.55, "Population": 2725.0}, {"index": 12008, "quantile": 0.5, "value": 154300.0, "Latitude": 33.93, "Longitude": -117.55, "Population": 2725.0}, {"index": 12008, "quantile": 0.75, "value": 155225.0, "Latitude": 33.93, "Longitude": -117.55, "Population": 2725.0}, {"index": 12008, "quantile": 1.0, "value": 218900.0, "Latitude": 33.93, "Longitude": -117.55, "Population": 2725.0}, {"index": 12009, "quantile": 0.0, "value": 123100.00000000001, "Latitude": 33.92, "Longitude": -117.55, "Population": 1653.0}, {"index": 12009, "quantile": 0.25, "value": 162500.0, "Latitude": 33.92, "Longitude": -117.55, "Population": 1653.0}, {"index": 12009, "quantile": 0.5, "value": 163300.0, "Latitude": 33.92, "Longitude": -117.55, "Population": 1653.0}, {"index": 12009, "quantile": 0.75, "value": 163300.0, "Latitude": 33.92, "Longitude": -117.55, "Population": 1653.0}, {"index": 12009, "quantile": 1.0, "value": 248900.0, "Latitude": 33.92, "Longitude": -117.55, "Population": 1653.0}, {"index": 12010, "quantile": 0.0, "value": 108000.0, "Latitude": 33.9, "Longitude": -117.55, "Population": 871.0}, {"index": 12010, "quantile": 0.25, "value": 149925.0, "Latitude": 33.9, "Longitude": -117.55, "Population": 871.0}, {"index": 12010, "quantile": 0.5, "value": 198800.0, "Latitude": 33.9, "Longitude": -117.55, "Population": 871.0}, {"index": 12010, "quantile": 0.75, "value": 198800.0, "Latitude": 33.9, "Longitude": -117.55, "Population": 871.0}, {"index": 12010, "quantile": 1.0, "value": 367100.0, "Latitude": 33.9, "Longitude": -117.55, "Population": 871.0}, {"index": 12011, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 33.92, "Longitude": -117.53, "Population": 728.0}, {"index": 12011, "quantile": 0.25, "value": 233500.0, "Latitude": 33.92, "Longitude": -117.53, "Population": 728.0}, {"index": 12011, "quantile": 0.5, "value": 233500.0, "Latitude": 33.92, "Longitude": -117.53, "Population": 728.0}, {"index": 12011, "quantile": 0.75, "value": 233500.0, "Latitude": 33.92, "Longitude": -117.53, "Population": 728.0}, {"index": 12011, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -117.53, "Population": 728.0}, {"index": 12012, "quantile": 0.0, "value": 155000.0, "Latitude": 33.92, "Longitude": -117.58, "Population": 2036.0}, {"index": 12012, "quantile": 0.25, "value": 246400.0, "Latitude": 33.92, "Longitude": -117.58, "Population": 2036.0}, {"index": 12012, "quantile": 0.5, "value": 246400.0, "Latitude": 33.92, "Longitude": -117.58, "Population": 2036.0}, {"index": 12012, "quantile": 0.75, "value": 246400.0, "Latitude": 33.92, "Longitude": -117.58, "Population": 2036.0}, {"index": 12012, "quantile": 1.0, "value": 392900.0, "Latitude": 33.92, "Longitude": -117.58, "Population": 2036.0}, {"index": 12013, "quantile": 0.0, "value": 133000.0, "Latitude": 33.91, "Longitude": -117.57, "Population": 1324.0}, {"index": 12013, "quantile": 0.25, "value": 214600.0, "Latitude": 33.91, "Longitude": -117.57, "Population": 1324.0}, {"index": 12013, "quantile": 0.5, "value": 214600.0, "Latitude": 33.91, "Longitude": -117.57, "Population": 1324.0}, {"index": 12013, "quantile": 0.75, "value": 214600.0, "Latitude": 33.91, "Longitude": -117.57, "Population": 1324.0}, {"index": 12013, "quantile": 1.0, "value": 352000.0, "Latitude": 33.91, "Longitude": -117.57, "Population": 1324.0}, {"index": 12014, "quantile": 0.0, "value": 173200.0, "Latitude": 33.93, "Longitude": -117.59, "Population": 200.0}, {"index": 12014, "quantile": 0.25, "value": 244200.00000000003, "Latitude": 33.93, "Longitude": -117.59, "Population": 200.0}, {"index": 12014, "quantile": 0.5, "value": 244200.00000000003, "Latitude": 33.93, "Longitude": -117.59, "Population": 200.0}, {"index": 12014, "quantile": 0.75, "value": 271900.0, "Latitude": 33.93, "Longitude": -117.59, "Population": 200.0}, {"index": 12014, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -117.59, "Population": 200.0}, {"index": 12015, "quantile": 0.0, "value": 116900.0, "Latitude": 33.93, "Longitude": -117.5, "Population": 2903.0}, {"index": 12015, "quantile": 0.25, "value": 135600.0, "Latitude": 33.93, "Longitude": -117.5, "Population": 2903.0}, {"index": 12015, "quantile": 0.5, "value": 135600.0, "Latitude": 33.93, "Longitude": -117.5, "Population": 2903.0}, {"index": 12015, "quantile": 0.75, "value": 139649.99999999997, "Latitude": 33.93, "Longitude": -117.5, "Population": 2903.0}, {"index": 12015, "quantile": 1.0, "value": 211700.0, "Latitude": 33.93, "Longitude": -117.5, "Population": 2903.0}, {"index": 12016, "quantile": 0.0, "value": 91000.0, "Latitude": 33.91, "Longitude": -117.49, "Population": 3754.0}, {"index": 12016, "quantile": 0.25, "value": 125749.99999999999, "Latitude": 33.91, "Longitude": -117.49, "Population": 3754.0}, {"index": 12016, "quantile": 0.5, "value": 139100.0, "Latitude": 33.91, "Longitude": -117.49, "Population": 3754.0}, {"index": 12016, "quantile": 0.75, "value": 139100.0, "Latitude": 33.91, "Longitude": -117.49, "Population": 3754.0}, {"index": 12016, "quantile": 1.0, "value": 183900.0, "Latitude": 33.91, "Longitude": -117.49, "Population": 3754.0}, {"index": 12017, "quantile": 0.0, "value": 79200.0, "Latitude": 33.92, "Longitude": -117.5, "Population": 1504.0}, {"index": 12017, "quantile": 0.25, "value": 115599.99999999999, "Latitude": 33.92, "Longitude": -117.5, "Population": 1504.0}, {"index": 12017, "quantile": 0.5, "value": 115599.99999999999, "Latitude": 33.92, "Longitude": -117.5, "Population": 1504.0}, {"index": 12017, "quantile": 0.75, "value": 122000.0, "Latitude": 33.92, "Longitude": -117.5, "Population": 1504.0}, {"index": 12017, "quantile": 1.0, "value": 225000.0, "Latitude": 33.92, "Longitude": -117.5, "Population": 1504.0}, {"index": 12018, "quantile": 0.0, "value": 111100.0, "Latitude": 33.92, "Longitude": -117.5, "Population": 1061.0}, {"index": 12018, "quantile": 0.25, "value": 146800.0, "Latitude": 33.92, "Longitude": -117.5, "Population": 1061.0}, {"index": 12018, "quantile": 0.5, "value": 146800.0, "Latitude": 33.92, "Longitude": -117.5, "Population": 1061.0}, {"index": 12018, "quantile": 0.75, "value": 146800.0, "Latitude": 33.92, "Longitude": -117.5, "Population": 1061.0}, {"index": 12018, "quantile": 1.0, "value": 258599.99999999997, "Latitude": 33.92, "Longitude": -117.5, "Population": 1061.0}, {"index": 12019, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 33.95, "Longitude": -117.51, "Population": 4285.0}, {"index": 12019, "quantile": 0.25, "value": 169100.0, "Latitude": 33.95, "Longitude": -117.51, "Population": 4285.0}, {"index": 12019, "quantile": 0.5, "value": 169100.0, "Latitude": 33.95, "Longitude": -117.51, "Population": 4285.0}, {"index": 12019, "quantile": 0.75, "value": 169100.0, "Latitude": 33.95, "Longitude": -117.51, "Population": 4285.0}, {"index": 12019, "quantile": 1.0, "value": 343100.0, "Latitude": 33.95, "Longitude": -117.51, "Population": 4285.0}, {"index": 12020, "quantile": 0.0, "value": 99400.0, "Latitude": 33.95, "Longitude": -117.46, "Population": 1142.0}, {"index": 12020, "quantile": 0.25, "value": 99600.0, "Latitude": 33.95, "Longitude": -117.46, "Population": 1142.0}, {"index": 12020, "quantile": 0.5, "value": 99600.0, "Latitude": 33.95, "Longitude": -117.46, "Population": 1142.0}, {"index": 12020, "quantile": 0.75, "value": 108200.00000000001, "Latitude": 33.95, "Longitude": -117.46, "Population": 1142.0}, {"index": 12020, "quantile": 1.0, "value": 362500.0, "Latitude": 33.95, "Longitude": -117.46, "Population": 1142.0}, {"index": 12021, "quantile": 0.0, "value": 94500.0, "Latitude": 33.95, "Longitude": -117.47, "Population": 3795.0}, {"index": 12021, "quantile": 0.25, "value": 124600.0, "Latitude": 33.95, "Longitude": -117.47, "Population": 3795.0}, {"index": 12021, "quantile": 0.5, "value": 138700.0, "Latitude": 33.95, "Longitude": -117.47, "Population": 3795.0}, {"index": 12021, "quantile": 0.75, "value": 145725.00000000003, "Latitude": 33.95, "Longitude": -117.47, "Population": 3795.0}, {"index": 12021, "quantile": 1.0, "value": 262500.0, "Latitude": 33.95, "Longitude": -117.47, "Population": 3795.0}, {"index": 12022, "quantile": 0.0, "value": 94500.0, "Latitude": 33.96, "Longitude": -117.5, "Population": 4861.0}, {"index": 12022, "quantile": 0.25, "value": 139200.0, "Latitude": 33.96, "Longitude": -117.5, "Population": 4861.0}, {"index": 12022, "quantile": 0.5, "value": 139200.0, "Latitude": 33.96, "Longitude": -117.5, "Population": 4861.0}, {"index": 12022, "quantile": 0.75, "value": 139350.0, "Latitude": 33.96, "Longitude": -117.5, "Population": 4861.0}, {"index": 12022, "quantile": 1.0, "value": 203200.0, "Latitude": 33.96, "Longitude": -117.5, "Population": 4861.0}, {"index": 12023, "quantile": 0.0, "value": 64400.0, "Latitude": 33.95, "Longitude": -117.5, "Population": 711.0}, {"index": 12023, "quantile": 0.25, "value": 143400.0, "Latitude": 33.95, "Longitude": -117.5, "Population": 711.0}, {"index": 12023, "quantile": 0.5, "value": 143400.0, "Latitude": 33.95, "Longitude": -117.5, "Population": 711.0}, {"index": 12023, "quantile": 0.75, "value": 143400.0, "Latitude": 33.95, "Longitude": -117.5, "Population": 711.0}, {"index": 12023, "quantile": 1.0, "value": 250000.0, "Latitude": 33.95, "Longitude": -117.5, "Population": 711.0}, {"index": 12024, "quantile": 0.0, "value": 76200.0, "Latitude": 33.94, "Longitude": -117.46, "Population": 2411.0}, {"index": 12024, "quantile": 0.25, "value": 85800.0, "Latitude": 33.94, "Longitude": -117.46, "Population": 2411.0}, {"index": 12024, "quantile": 0.5, "value": 85800.0, "Latitude": 33.94, "Longitude": -117.46, "Population": 2411.0}, {"index": 12024, "quantile": 0.75, "value": 104450.0, "Latitude": 33.94, "Longitude": -117.46, "Population": 2411.0}, {"index": 12024, "quantile": 1.0, "value": 187500.0, "Latitude": 33.94, "Longitude": -117.46, "Population": 2411.0}, {"index": 12025, "quantile": 0.0, "value": 72100.0, "Latitude": 33.94, "Longitude": -117.47, "Population": 532.0}, {"index": 12025, "quantile": 0.25, "value": 88500.0, "Latitude": 33.94, "Longitude": -117.47, "Population": 532.0}, {"index": 12025, "quantile": 0.5, "value": 88500.0, "Latitude": 33.94, "Longitude": -117.47, "Population": 532.0}, {"index": 12025, "quantile": 0.75, "value": 91000.0, "Latitude": 33.94, "Longitude": -117.47, "Population": 532.0}, {"index": 12025, "quantile": 1.0, "value": 166800.0, "Latitude": 33.94, "Longitude": -117.47, "Population": 532.0}, {"index": 12026, "quantile": 0.0, "value": 66300.0, "Latitude": 33.94, "Longitude": -117.48, "Population": 1693.0}, {"index": 12026, "quantile": 0.25, "value": 112900.0, "Latitude": 33.94, "Longitude": -117.48, "Population": 1693.0}, {"index": 12026, "quantile": 0.5, "value": 112900.0, "Latitude": 33.94, "Longitude": -117.48, "Population": 1693.0}, {"index": 12026, "quantile": 0.75, "value": 112900.0, "Latitude": 33.94, "Longitude": -117.48, "Population": 1693.0}, {"index": 12026, "quantile": 1.0, "value": 225000.0, "Latitude": 33.94, "Longitude": -117.48, "Population": 1693.0}, {"index": 12027, "quantile": 0.0, "value": 90300.0, "Latitude": 33.94, "Longitude": -117.48, "Population": 1046.0}, {"index": 12027, "quantile": 0.25, "value": 117300.0, "Latitude": 33.94, "Longitude": -117.48, "Population": 1046.0}, {"index": 12027, "quantile": 0.5, "value": 117300.0, "Latitude": 33.94, "Longitude": -117.48, "Population": 1046.0}, {"index": 12027, "quantile": 0.75, "value": 117300.0, "Latitude": 33.94, "Longitude": -117.48, "Population": 1046.0}, {"index": 12027, "quantile": 1.0, "value": 164400.0, "Latitude": 33.94, "Longitude": -117.48, "Population": 1046.0}, {"index": 12028, "quantile": 0.0, "value": 94500.0, "Latitude": 33.94, "Longitude": -117.49, "Population": 1684.0}, {"index": 12028, "quantile": 0.25, "value": 127099.99999999999, "Latitude": 33.94, "Longitude": -117.49, "Population": 1684.0}, {"index": 12028, "quantile": 0.5, "value": 127099.99999999999, "Latitude": 33.94, "Longitude": -117.49, "Population": 1684.0}, {"index": 12028, "quantile": 0.75, "value": 127099.99999999999, "Latitude": 33.94, "Longitude": -117.49, "Population": 1684.0}, {"index": 12028, "quantile": 1.0, "value": 207700.0, "Latitude": 33.94, "Longitude": -117.49, "Population": 1684.0}, {"index": 12029, "quantile": 0.0, "value": 66300.0, "Latitude": 33.93, "Longitude": -117.46, "Population": 2821.0}, {"index": 12029, "quantile": 0.25, "value": 114700.0, "Latitude": 33.93, "Longitude": -117.46, "Population": 2821.0}, {"index": 12029, "quantile": 0.5, "value": 114700.0, "Latitude": 33.93, "Longitude": -117.46, "Population": 2821.0}, {"index": 12029, "quantile": 0.75, "value": 114700.0, "Latitude": 33.93, "Longitude": -117.46, "Population": 2821.0}, {"index": 12029, "quantile": 1.0, "value": 140700.0, "Latitude": 33.93, "Longitude": -117.46, "Population": 2821.0}, {"index": 12030, "quantile": 0.0, "value": 91800.0, "Latitude": 33.93, "Longitude": -117.46, "Population": 3043.0}, {"index": 12030, "quantile": 0.25, "value": 113200.00000000001, "Latitude": 33.93, "Longitude": -117.46, "Population": 3043.0}, {"index": 12030, "quantile": 0.5, "value": 120700.00000000001, "Latitude": 33.93, "Longitude": -117.46, "Population": 3043.0}, {"index": 12030, "quantile": 0.75, "value": 126099.99999999999, "Latitude": 33.93, "Longitude": -117.46, "Population": 3043.0}, {"index": 12030, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 33.93, "Longitude": -117.46, "Population": 3043.0}, {"index": 12031, "quantile": 0.0, "value": 91000.0, "Latitude": 33.92, "Longitude": -117.46, "Population": 476.0}, {"index": 12031, "quantile": 0.25, "value": 118950.0, "Latitude": 33.92, "Longitude": -117.46, "Population": 476.0}, {"index": 12031, "quantile": 0.5, "value": 121100.00000000001, "Latitude": 33.92, "Longitude": -117.46, "Population": 476.0}, {"index": 12031, "quantile": 0.75, "value": 121100.00000000001, "Latitude": 33.92, "Longitude": -117.46, "Population": 476.0}, {"index": 12031, "quantile": 1.0, "value": 163400.0, "Latitude": 33.92, "Longitude": -117.46, "Population": 476.0}, {"index": 12032, "quantile": 0.0, "value": 88300.0, "Latitude": 33.93, "Longitude": -117.47, "Population": 724.0}, {"index": 12032, "quantile": 0.25, "value": 99600.0, "Latitude": 33.93, "Longitude": -117.47, "Population": 724.0}, {"index": 12032, "quantile": 0.5, "value": 114199.99999999999, "Latitude": 33.93, "Longitude": -117.47, "Population": 724.0}, {"index": 12032, "quantile": 0.75, "value": 124325.00000000001, "Latitude": 33.93, "Longitude": -117.47, "Population": 724.0}, {"index": 12032, "quantile": 1.0, "value": 362500.0, "Latitude": 33.93, "Longitude": -117.47, "Population": 724.0}, {"index": 12033, "quantile": 0.0, "value": 86700.0, "Latitude": 33.94, "Longitude": -117.47, "Population": 1501.0}, {"index": 12033, "quantile": 0.25, "value": 105400.0, "Latitude": 33.94, "Longitude": -117.47, "Population": 1501.0}, {"index": 12033, "quantile": 0.5, "value": 117000.0, "Latitude": 33.94, "Longitude": -117.47, "Population": 1501.0}, {"index": 12033, "quantile": 0.75, "value": 117300.0, "Latitude": 33.94, "Longitude": -117.47, "Population": 1501.0}, {"index": 12033, "quantile": 1.0, "value": 155600.0, "Latitude": 33.94, "Longitude": -117.47, "Population": 1501.0}, {"index": 12034, "quantile": 0.0, "value": 92800.0, "Latitude": 33.94, "Longitude": -117.46, "Population": 1056.0}, {"index": 12034, "quantile": 0.25, "value": 105400.0, "Latitude": 33.94, "Longitude": -117.46, "Population": 1056.0}, {"index": 12034, "quantile": 0.5, "value": 105400.0, "Latitude": 33.94, "Longitude": -117.46, "Population": 1056.0}, {"index": 12034, "quantile": 0.75, "value": 113500.0, "Latitude": 33.94, "Longitude": -117.46, "Population": 1056.0}, {"index": 12034, "quantile": 1.0, "value": 141000.0, "Latitude": 33.94, "Longitude": -117.46, "Population": 1056.0}, {"index": 12035, "quantile": 0.0, "value": 84700.0, "Latitude": 33.93, "Longitude": -117.48, "Population": 1564.0}, {"index": 12035, "quantile": 0.25, "value": 122000.0, "Latitude": 33.93, "Longitude": -117.48, "Population": 1564.0}, {"index": 12035, "quantile": 0.5, "value": 122000.0, "Latitude": 33.93, "Longitude": -117.48, "Population": 1564.0}, {"index": 12035, "quantile": 0.75, "value": 122000.0, "Latitude": 33.93, "Longitude": -117.48, "Population": 1564.0}, {"index": 12035, "quantile": 1.0, "value": 225000.0, "Latitude": 33.93, "Longitude": -117.48, "Population": 1564.0}, {"index": 12036, "quantile": 0.0, "value": 99600.0, "Latitude": 33.92, "Longitude": -117.47, "Population": 2500.0}, {"index": 12036, "quantile": 0.25, "value": 124475.0, "Latitude": 33.92, "Longitude": -117.47, "Population": 2500.0}, {"index": 12036, "quantile": 0.5, "value": 126099.99999999999, "Latitude": 33.92, "Longitude": -117.47, "Population": 2500.0}, {"index": 12036, "quantile": 0.75, "value": 126099.99999999999, "Latitude": 33.92, "Longitude": -117.47, "Population": 2500.0}, {"index": 12036, "quantile": 1.0, "value": 131500.0, "Latitude": 33.92, "Longitude": -117.47, "Population": 2500.0}, {"index": 12037, "quantile": 0.0, "value": 97700.0, "Latitude": 33.93, "Longitude": -117.49, "Population": 2156.0}, {"index": 12037, "quantile": 0.25, "value": 123800.0, "Latitude": 33.93, "Longitude": -117.49, "Population": 2156.0}, {"index": 12037, "quantile": 0.5, "value": 127099.99999999999, "Latitude": 33.93, "Longitude": -117.49, "Population": 2156.0}, {"index": 12037, "quantile": 0.75, "value": 136500.00000000003, "Latitude": 33.93, "Longitude": -117.49, "Population": 2156.0}, {"index": 12037, "quantile": 1.0, "value": 207700.0, "Latitude": 33.93, "Longitude": -117.49, "Population": 2156.0}, {"index": 12038, "quantile": 0.0, "value": 71800.0, "Latitude": 33.91, "Longitude": -117.47, "Population": 1920.0}, {"index": 12038, "quantile": 0.25, "value": 111700.0, "Latitude": 33.91, "Longitude": -117.47, "Population": 1920.0}, {"index": 12038, "quantile": 0.5, "value": 127299.99999999999, "Latitude": 33.91, "Longitude": -117.47, "Population": 1920.0}, {"index": 12038, "quantile": 0.75, "value": 127299.99999999999, "Latitude": 33.91, "Longitude": -117.47, "Population": 1920.0}, {"index": 12038, "quantile": 1.0, "value": 185600.0, "Latitude": 33.91, "Longitude": -117.47, "Population": 1920.0}, {"index": 12039, "quantile": 0.0, "value": 83300.0, "Latitude": 33.9, "Longitude": -117.46, "Population": 4936.0}, {"index": 12039, "quantile": 0.25, "value": 144099.99999999997, "Latitude": 33.9, "Longitude": -117.46, "Population": 4936.0}, {"index": 12039, "quantile": 0.5, "value": 144800.0, "Latitude": 33.9, "Longitude": -117.46, "Population": 4936.0}, {"index": 12039, "quantile": 0.75, "value": 144800.0, "Latitude": 33.9, "Longitude": -117.46, "Population": 4936.0}, {"index": 12039, "quantile": 1.0, "value": 367100.0, "Latitude": 33.9, "Longitude": -117.46, "Population": 4936.0}, {"index": 12040, "quantile": 0.0, "value": 79300.0, "Latitude": 33.89, "Longitude": -117.48, "Population": 6295.0}, {"index": 12040, "quantile": 0.25, "value": 149900.0, "Latitude": 33.89, "Longitude": -117.48, "Population": 6295.0}, {"index": 12040, "quantile": 0.5, "value": 149900.0, "Latitude": 33.89, "Longitude": -117.48, "Population": 6295.0}, {"index": 12040, "quantile": 0.75, "value": 149900.0, "Latitude": 33.89, "Longitude": -117.48, "Population": 6295.0}, {"index": 12040, "quantile": 1.0, "value": 291500.0, "Latitude": 33.89, "Longitude": -117.48, "Population": 6295.0}, {"index": 12041, "quantile": 0.0, "value": 93300.0, "Latitude": 33.9, "Longitude": -117.49, "Population": 5271.0}, {"index": 12041, "quantile": 0.25, "value": 119225.0, "Latitude": 33.9, "Longitude": -117.49, "Population": 5271.0}, {"index": 12041, "quantile": 0.5, "value": 137200.0, "Latitude": 33.9, "Longitude": -117.49, "Population": 5271.0}, {"index": 12041, "quantile": 0.75, "value": 156500.0, "Latitude": 33.9, "Longitude": -117.49, "Population": 5271.0}, {"index": 12041, "quantile": 1.0, "value": 314100.0, "Latitude": 33.9, "Longitude": -117.49, "Population": 5271.0}, {"index": 12042, "quantile": 0.0, "value": 100000.0, "Latitude": 33.91, "Longitude": -117.48, "Population": 1869.0}, {"index": 12042, "quantile": 0.25, "value": 128349.99999999999, "Latitude": 33.91, "Longitude": -117.48, "Population": 1869.0}, {"index": 12042, "quantile": 0.5, "value": 146800.0, "Latitude": 33.91, "Longitude": -117.48, "Population": 1869.0}, {"index": 12042, "quantile": 0.75, "value": 158700.0, "Latitude": 33.91, "Longitude": -117.48, "Population": 1869.0}, {"index": 12042, "quantile": 1.0, "value": 282000.0, "Latitude": 33.91, "Longitude": -117.48, "Population": 1869.0}, {"index": 12043, "quantile": 0.0, "value": 204100.0, "Latitude": 33.88, "Longitude": -117.44, "Population": 1109.0}, {"index": 12043, "quantile": 0.25, "value": 283975.0, "Latitude": 33.88, "Longitude": -117.44, "Population": 1109.0}, {"index": 12043, "quantile": 0.5, "value": 334100.0, "Latitude": 33.88, "Longitude": -117.44, "Population": 1109.0}, {"index": 12043, "quantile": 0.75, "value": 334100.0, "Latitude": 33.88, "Longitude": -117.44, "Population": 1109.0}, {"index": 12043, "quantile": 1.0, "value": 361400.0, "Latitude": 33.88, "Longitude": -117.44, "Population": 1109.0}, {"index": 12044, "quantile": 0.0, "value": 100000.0, "Latitude": 33.89, "Longitude": -117.51, "Population": 2690.0}, {"index": 12044, "quantile": 0.25, "value": 158000.0, "Latitude": 33.89, "Longitude": -117.51, "Population": 2690.0}, {"index": 12044, "quantile": 0.5, "value": 158000.0, "Latitude": 33.89, "Longitude": -117.51, "Population": 2690.0}, {"index": 12044, "quantile": 0.75, "value": 158000.0, "Latitude": 33.89, "Longitude": -117.51, "Population": 2690.0}, {"index": 12044, "quantile": 1.0, "value": 291000.0, "Latitude": 33.89, "Longitude": -117.51, "Population": 2690.0}, {"index": 12045, "quantile": 0.0, "value": 90800.0, "Latitude": 33.88, "Longitude": -117.51, "Population": 2541.0}, {"index": 12045, "quantile": 0.25, "value": 123800.0, "Latitude": 33.88, "Longitude": -117.51, "Population": 2541.0}, {"index": 12045, "quantile": 0.5, "value": 123800.0, "Latitude": 33.88, "Longitude": -117.51, "Population": 2541.0}, {"index": 12045, "quantile": 0.75, "value": 135525.0, "Latitude": 33.88, "Longitude": -117.51, "Population": 2541.0}, {"index": 12045, "quantile": 1.0, "value": 195600.0, "Latitude": 33.88, "Longitude": -117.51, "Population": 2541.0}, {"index": 12046, "quantile": 0.0, "value": 65900.0, "Latitude": 33.88, "Longitude": -117.52, "Population": 770.0}, {"index": 12046, "quantile": 0.25, "value": 102499.99999999999, "Latitude": 33.88, "Longitude": -117.52, "Population": 770.0}, {"index": 12046, "quantile": 0.5, "value": 102499.99999999999, "Latitude": 33.88, "Longitude": -117.52, "Population": 770.0}, {"index": 12046, "quantile": 0.75, "value": 102499.99999999999, "Latitude": 33.88, "Longitude": -117.52, "Population": 770.0}, {"index": 12046, "quantile": 1.0, "value": 225000.0, "Latitude": 33.88, "Longitude": -117.52, "Population": 770.0}, {"index": 12047, "quantile": 0.0, "value": 78800.0, "Latitude": 33.88, "Longitude": -117.53, "Population": 2453.0}, {"index": 12047, "quantile": 0.25, "value": 91000.0, "Latitude": 33.88, "Longitude": -117.53, "Population": 2453.0}, {"index": 12047, "quantile": 0.5, "value": 91000.0, "Latitude": 33.88, "Longitude": -117.53, "Population": 2453.0}, {"index": 12047, "quantile": 0.75, "value": 116625.0, "Latitude": 33.88, "Longitude": -117.53, "Population": 2453.0}, {"index": 12047, "quantile": 1.0, "value": 190300.0, "Latitude": 33.88, "Longitude": -117.53, "Population": 2453.0}, {"index": 12048, "quantile": 0.0, "value": 141000.0, "Latitude": 33.87, "Longitude": -117.5, "Population": 2866.0}, {"index": 12048, "quantile": 0.25, "value": 239800.0, "Latitude": 33.87, "Longitude": -117.5, "Population": 2866.0}, {"index": 12048, "quantile": 0.5, "value": 239800.0, "Latitude": 33.87, "Longitude": -117.5, "Population": 2866.0}, {"index": 12048, "quantile": 0.75, "value": 239800.0, "Latitude": 33.87, "Longitude": -117.5, "Population": 2866.0}, {"index": 12048, "quantile": 1.0, "value": 375000.0, "Latitude": 33.87, "Longitude": -117.5, "Population": 2866.0}, {"index": 12049, "quantile": 0.0, "value": 76300.0, "Latitude": 33.88, "Longitude": -117.56, "Population": 722.0}, {"index": 12049, "quantile": 0.25, "value": 96200.0, "Latitude": 33.88, "Longitude": -117.56, "Population": 722.0}, {"index": 12049, "quantile": 0.5, "value": 96200.0, "Latitude": 33.88, "Longitude": -117.56, "Population": 722.0}, {"index": 12049, "quantile": 0.75, "value": 108300.0, "Latitude": 33.88, "Longitude": -117.56, "Population": 722.0}, {"index": 12049, "quantile": 1.0, "value": 225000.0, "Latitude": 33.88, "Longitude": -117.56, "Population": 722.0}, {"index": 12050, "quantile": 0.0, "value": 68100.0, "Latitude": 33.89, "Longitude": -117.58, "Population": 1269.0}, {"index": 12050, "quantile": 0.25, "value": 98475.0, "Latitude": 33.89, "Longitude": -117.58, "Population": 1269.0}, {"index": 12050, "quantile": 0.5, "value": 113750.0, "Latitude": 33.89, "Longitude": -117.58, "Population": 1269.0}, {"index": 12050, "quantile": 0.75, "value": 127499.99999999999, "Latitude": 33.89, "Longitude": -117.58, "Population": 1269.0}, {"index": 12050, "quantile": 1.0, "value": 225000.0, "Latitude": 33.89, "Longitude": -117.58, "Population": 1269.0}, {"index": 12051, "quantile": 0.0, "value": 84800.0, "Latitude": 33.88, "Longitude": -117.55, "Population": 2143.0}, {"index": 12051, "quantile": 0.25, "value": 108800.00000000001, "Latitude": 33.88, "Longitude": -117.55, "Population": 2143.0}, {"index": 12051, "quantile": 0.5, "value": 108800.00000000001, "Latitude": 33.88, "Longitude": -117.55, "Population": 2143.0}, {"index": 12051, "quantile": 0.75, "value": 108800.00000000001, "Latitude": 33.88, "Longitude": -117.55, "Population": 2143.0}, {"index": 12051, "quantile": 1.0, "value": 153100.0, "Latitude": 33.88, "Longitude": -117.55, "Population": 2143.0}, {"index": 12052, "quantile": 0.0, "value": 76200.0, "Latitude": 33.87, "Longitude": -117.57, "Population": 1374.0}, {"index": 12052, "quantile": 0.25, "value": 112825.0, "Latitude": 33.87, "Longitude": -117.57, "Population": 1374.0}, {"index": 12052, "quantile": 0.5, "value": 118449.99999999999, "Latitude": 33.87, "Longitude": -117.57, "Population": 1374.0}, {"index": 12052, "quantile": 0.75, "value": 134400.0, "Latitude": 33.87, "Longitude": -117.57, "Population": 1374.0}, {"index": 12052, "quantile": 1.0, "value": 200000.0, "Latitude": 33.87, "Longitude": -117.57, "Population": 1374.0}, {"index": 12053, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.88, "Longitude": -117.56, "Population": 1052.0}, {"index": 12053, "quantile": 0.25, "value": 112999.99999999999, "Latitude": 33.88, "Longitude": -117.56, "Population": 1052.0}, {"index": 12053, "quantile": 0.5, "value": 112999.99999999999, "Latitude": 33.88, "Longitude": -117.56, "Population": 1052.0}, {"index": 12053, "quantile": 0.75, "value": 112999.99999999999, "Latitude": 33.88, "Longitude": -117.56, "Population": 1052.0}, {"index": 12053, "quantile": 1.0, "value": 166700.0, "Latitude": 33.88, "Longitude": -117.56, "Population": 1052.0}, {"index": 12054, "quantile": 0.0, "value": 85400.0, "Latitude": 33.88, "Longitude": -117.57, "Population": 1453.0}, {"index": 12054, "quantile": 0.25, "value": 116550.0, "Latitude": 33.88, "Longitude": -117.57, "Population": 1453.0}, {"index": 12054, "quantile": 0.5, "value": 119400.0, "Latitude": 33.88, "Longitude": -117.57, "Population": 1453.0}, {"index": 12054, "quantile": 0.75, "value": 119400.0, "Latitude": 33.88, "Longitude": -117.57, "Population": 1453.0}, {"index": 12054, "quantile": 1.0, "value": 158500.0, "Latitude": 33.88, "Longitude": -117.57, "Population": 1453.0}, {"index": 12055, "quantile": 0.0, "value": 66400.0, "Latitude": 33.88, "Longitude": -117.57, "Population": 769.0}, {"index": 12055, "quantile": 0.25, "value": 110600.00000000001, "Latitude": 33.88, "Longitude": -117.57, "Population": 769.0}, {"index": 12055, "quantile": 0.5, "value": 110600.00000000001, "Latitude": 33.88, "Longitude": -117.57, "Population": 769.0}, {"index": 12055, "quantile": 0.75, "value": 110600.00000000001, "Latitude": 33.88, "Longitude": -117.57, "Population": 769.0}, {"index": 12055, "quantile": 1.0, "value": 187500.0, "Latitude": 33.88, "Longitude": -117.57, "Population": 769.0}, {"index": 12056, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.87, "Longitude": -117.58, "Population": 590.0}, {"index": 12056, "quantile": 0.25, "value": 113500.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 590.0}, {"index": 12056, "quantile": 0.5, "value": 113500.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 590.0}, {"index": 12056, "quantile": 0.75, "value": 113500.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 590.0}, {"index": 12056, "quantile": 1.0, "value": 350000.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 590.0}, {"index": 12057, "quantile": 0.0, "value": 91600.0, "Latitude": 33.88, "Longitude": -117.59, "Population": 2695.0}, {"index": 12057, "quantile": 0.25, "value": 117000.0, "Latitude": 33.88, "Longitude": -117.59, "Population": 2695.0}, {"index": 12057, "quantile": 0.5, "value": 117000.0, "Latitude": 33.88, "Longitude": -117.59, "Population": 2695.0}, {"index": 12057, "quantile": 0.75, "value": 117000.0, "Latitude": 33.88, "Longitude": -117.59, "Population": 2695.0}, {"index": 12057, "quantile": 1.0, "value": 216100.0, "Latitude": 33.88, "Longitude": -117.59, "Population": 2695.0}, {"index": 12058, "quantile": 0.0, "value": 87500.0, "Latitude": 33.88, "Longitude": -117.59, "Population": 2751.0}, {"index": 12058, "quantile": 0.25, "value": 107000.0, "Latitude": 33.88, "Longitude": -117.59, "Population": 2751.0}, {"index": 12058, "quantile": 0.5, "value": 107000.0, "Latitude": 33.88, "Longitude": -117.59, "Population": 2751.0}, {"index": 12058, "quantile": 0.75, "value": 115050.00000000001, "Latitude": 33.88, "Longitude": -117.59, "Population": 2751.0}, {"index": 12058, "quantile": 1.0, "value": 187500.0, "Latitude": 33.88, "Longitude": -117.59, "Population": 2751.0}, {"index": 12059, "quantile": 0.0, "value": 85400.0, "Latitude": 33.88, "Longitude": -117.58, "Population": 1235.0}, {"index": 12059, "quantile": 0.25, "value": 116100.0, "Latitude": 33.88, "Longitude": -117.58, "Population": 1235.0}, {"index": 12059, "quantile": 0.5, "value": 116100.0, "Latitude": 33.88, "Longitude": -117.58, "Population": 1235.0}, {"index": 12059, "quantile": 0.75, "value": 116100.0, "Latitude": 33.88, "Longitude": -117.58, "Population": 1235.0}, {"index": 12059, "quantile": 1.0, "value": 164100.0, "Latitude": 33.88, "Longitude": -117.58, "Population": 1235.0}, {"index": 12060, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 33.87, "Longitude": -117.57, "Population": 443.0}, {"index": 12060, "quantile": 0.25, "value": 96200.0, "Latitude": 33.87, "Longitude": -117.57, "Population": 443.0}, {"index": 12060, "quantile": 0.5, "value": 112999.99999999999, "Latitude": 33.87, "Longitude": -117.57, "Population": 443.0}, {"index": 12060, "quantile": 0.75, "value": 125450.0, "Latitude": 33.87, "Longitude": -117.57, "Population": 443.0}, {"index": 12060, "quantile": 1.0, "value": 350000.0, "Latitude": 33.87, "Longitude": -117.57, "Population": 443.0}, {"index": 12061, "quantile": 0.0, "value": 116399.99999999999, "Latitude": 33.87, "Longitude": -117.57, "Population": 939.0}, {"index": 12061, "quantile": 0.25, "value": 165000.0, "Latitude": 33.87, "Longitude": -117.57, "Population": 939.0}, {"index": 12061, "quantile": 0.5, "value": 165000.0, "Latitude": 33.87, "Longitude": -117.57, "Population": 939.0}, {"index": 12061, "quantile": 0.75, "value": 165000.0, "Latitude": 33.87, "Longitude": -117.57, "Population": 939.0}, {"index": 12061, "quantile": 1.0, "value": 276800.0, "Latitude": 33.87, "Longitude": -117.57, "Population": 939.0}, {"index": 12062, "quantile": 0.0, "value": 140500.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 1685.0}, {"index": 12062, "quantile": 0.25, "value": 161400.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 1685.0}, {"index": 12062, "quantile": 0.5, "value": 163900.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 1685.0}, {"index": 12062, "quantile": 0.75, "value": 163900.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 1685.0}, {"index": 12062, "quantile": 1.0, "value": 308000.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 1685.0}, {"index": 12063, "quantile": 0.0, "value": 91100.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 356.0}, {"index": 12063, "quantile": 0.25, "value": 138875.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 356.0}, {"index": 12063, "quantile": 0.5, "value": 153700.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 356.0}, {"index": 12063, "quantile": 0.75, "value": 198800.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 356.0}, {"index": 12063, "quantile": 1.0, "value": 367100.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 356.0}, {"index": 12064, "quantile": 0.0, "value": 74000.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 773.0}, {"index": 12064, "quantile": 0.25, "value": 137100.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 773.0}, {"index": 12064, "quantile": 0.5, "value": 147300.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 773.0}, {"index": 12064, "quantile": 0.75, "value": 198800.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 773.0}, {"index": 12064, "quantile": 1.0, "value": 314100.0, "Latitude": 33.87, "Longitude": -117.58, "Population": 773.0}, {"index": 12065, "quantile": 0.0, "value": 118900.0, "Latitude": 33.85, "Longitude": -117.55, "Population": 3887.0}, {"index": 12065, "quantile": 0.25, "value": 160800.0, "Latitude": 33.85, "Longitude": -117.55, "Population": 3887.0}, {"index": 12065, "quantile": 0.5, "value": 170200.0, "Latitude": 33.85, "Longitude": -117.55, "Population": 3887.0}, {"index": 12065, "quantile": 0.75, "value": 240599.99999999997, "Latitude": 33.85, "Longitude": -117.55, "Population": 3887.0}, {"index": 12065, "quantile": 1.0, "value": 347700.0, "Latitude": 33.85, "Longitude": -117.55, "Population": 3887.0}, {"index": 12066, "quantile": 0.0, "value": 164400.0, "Latitude": 33.83, "Longitude": -117.56, "Population": 346.0}, {"index": 12066, "quantile": 0.25, "value": 265875.00000000006, "Latitude": 33.83, "Longitude": -117.56, "Population": 346.0}, {"index": 12066, "quantile": 0.5, "value": 339300.0, "Latitude": 33.83, "Longitude": -117.56, "Population": 346.0}, {"index": 12066, "quantile": 0.75, "value": 339300.0, "Latitude": 33.83, "Longitude": -117.56, "Population": 346.0}, {"index": 12066, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -117.56, "Population": 346.0}, {"index": 12067, "quantile": 0.0, "value": 160400.0, "Latitude": 33.85, "Longitude": -117.58, "Population": 8222.0}, {"index": 12067, "quantile": 0.25, "value": 195100.0, "Latitude": 33.85, "Longitude": -117.58, "Population": 8222.0}, {"index": 12067, "quantile": 0.5, "value": 195100.0, "Latitude": 33.85, "Longitude": -117.58, "Population": 8222.0}, {"index": 12067, "quantile": 0.75, "value": 195100.0, "Latitude": 33.85, "Longitude": -117.58, "Population": 8222.0}, {"index": 12067, "quantile": 1.0, "value": 223600.00000000003, "Latitude": 33.85, "Longitude": -117.58, "Population": 8222.0}, {"index": 12068, "quantile": 0.0, "value": 65600.0, "Latitude": 33.82, "Longitude": -117.54, "Population": 75.0}, {"index": 12068, "quantile": 0.25, "value": 216699.99999999997, "Latitude": 33.82, "Longitude": -117.54, "Population": 75.0}, {"index": 12068, "quantile": 0.5, "value": 216699.99999999997, "Latitude": 33.82, "Longitude": -117.54, "Population": 75.0}, {"index": 12068, "quantile": 0.75, "value": 216699.99999999997, "Latitude": 33.82, "Longitude": -117.54, "Population": 75.0}, {"index": 12068, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -117.54, "Population": 75.0}, {"index": 12069, "quantile": 0.0, "value": 71300.0, "Latitude": 33.83, "Longitude": -117.55, "Population": 228.0}, {"index": 12069, "quantile": 0.25, "value": 139075.0, "Latitude": 33.83, "Longitude": -117.55, "Population": 228.0}, {"index": 12069, "quantile": 0.5, "value": 173900.0, "Latitude": 33.83, "Longitude": -117.55, "Population": 228.0}, {"index": 12069, "quantile": 0.75, "value": 207174.99999999997, "Latitude": 33.83, "Longitude": -117.55, "Population": 228.0}, {"index": 12069, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -117.55, "Population": 228.0}, {"index": 12070, "quantile": 0.0, "value": 157300.0, "Latitude": 33.85, "Longitude": -117.6, "Population": 2928.0}, {"index": 12070, "quantile": 0.25, "value": 215000.0, "Latitude": 33.85, "Longitude": -117.6, "Population": 2928.0}, {"index": 12070, "quantile": 0.5, "value": 221400.0, "Latitude": 33.85, "Longitude": -117.6, "Population": 2928.0}, {"index": 12070, "quantile": 0.75, "value": 221400.0, "Latitude": 33.85, "Longitude": -117.6, "Population": 2928.0}, {"index": 12070, "quantile": 1.0, "value": 319000.0, "Latitude": 33.85, "Longitude": -117.6, "Population": 2928.0}, {"index": 12071, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 33.86, "Longitude": -117.56, "Population": 3240.0}, {"index": 12071, "quantile": 0.25, "value": 177100.0, "Latitude": 33.86, "Longitude": -117.56, "Population": 3240.0}, {"index": 12071, "quantile": 0.5, "value": 177100.0, "Latitude": 33.86, "Longitude": -117.56, "Population": 3240.0}, {"index": 12071, "quantile": 0.75, "value": 213325.00000000003, "Latitude": 33.86, "Longitude": -117.56, "Population": 3240.0}, {"index": 12071, "quantile": 1.0, "value": 430900.0, "Latitude": 33.86, "Longitude": -117.56, "Population": 3240.0}, {"index": 12072, "quantile": 0.0, "value": 104200.0, "Latitude": 33.87, "Longitude": -117.55, "Population": 4976.0}, {"index": 12072, "quantile": 0.25, "value": 137100.0, "Latitude": 33.87, "Longitude": -117.55, "Population": 4976.0}, {"index": 12072, "quantile": 0.5, "value": 137100.0, "Latitude": 33.87, "Longitude": -117.55, "Population": 4976.0}, {"index": 12072, "quantile": 0.75, "value": 137100.0, "Latitude": 33.87, "Longitude": -117.55, "Population": 4976.0}, {"index": 12072, "quantile": 1.0, "value": 203200.0, "Latitude": 33.87, "Longitude": -117.55, "Population": 4976.0}, {"index": 12073, "quantile": 0.0, "value": 133800.0, "Latitude": 33.88, "Longitude": -117.64, "Population": 3920.0}, {"index": 12073, "quantile": 0.25, "value": 208599.99999999997, "Latitude": 33.88, "Longitude": -117.64, "Population": 3920.0}, {"index": 12073, "quantile": 0.5, "value": 226700.0, "Latitude": 33.88, "Longitude": -117.64, "Population": 3920.0}, {"index": 12073, "quantile": 0.75, "value": 265299.99999999994, "Latitude": 33.88, "Longitude": -117.64, "Population": 3920.0}, {"index": 12073, "quantile": 1.0, "value": 386200.0, "Latitude": 33.88, "Longitude": -117.64, "Population": 3920.0}, {"index": 12074, "quantile": 0.0, "value": 116900.0, "Latitude": 33.87, "Longitude": -117.6, "Population": 3716.0}, {"index": 12074, "quantile": 0.25, "value": 150300.0, "Latitude": 33.87, "Longitude": -117.6, "Population": 3716.0}, {"index": 12074, "quantile": 0.5, "value": 150300.0, "Latitude": 33.87, "Longitude": -117.6, "Population": 3716.0}, {"index": 12074, "quantile": 0.75, "value": 153375.0, "Latitude": 33.87, "Longitude": -117.6, "Population": 3716.0}, {"index": 12074, "quantile": 1.0, "value": 203200.0, "Latitude": 33.87, "Longitude": -117.6, "Population": 3716.0}, {"index": 12075, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 33.86, "Longitude": -117.6, "Population": 1671.0}, {"index": 12075, "quantile": 0.25, "value": 161000.0, "Latitude": 33.86, "Longitude": -117.6, "Population": 1671.0}, {"index": 12075, "quantile": 0.5, "value": 161000.0, "Latitude": 33.86, "Longitude": -117.6, "Population": 1671.0}, {"index": 12075, "quantile": 0.75, "value": 161000.0, "Latitude": 33.86, "Longitude": -117.6, "Population": 1671.0}, {"index": 12075, "quantile": 1.0, "value": 436700.0, "Latitude": 33.86, "Longitude": -117.6, "Population": 1671.0}, {"index": 12076, "quantile": 0.0, "value": 113599.99999999999, "Latitude": 33.87, "Longitude": -117.6, "Population": 3823.0}, {"index": 12076, "quantile": 0.25, "value": 137600.0, "Latitude": 33.87, "Longitude": -117.6, "Population": 3823.0}, {"index": 12076, "quantile": 0.5, "value": 147150.0, "Latitude": 33.87, "Longitude": -117.6, "Population": 3823.0}, {"index": 12076, "quantile": 0.75, "value": 159300.0, "Latitude": 33.87, "Longitude": -117.6, "Population": 3823.0}, {"index": 12076, "quantile": 1.0, "value": 367100.0, "Latitude": 33.87, "Longitude": -117.6, "Population": 3823.0}, {"index": 12077, "quantile": 0.0, "value": 138200.0, "Latitude": 33.87, "Longitude": -117.64, "Population": 5964.0}, {"index": 12077, "quantile": 0.25, "value": 246325.0, "Latitude": 33.87, "Longitude": -117.64, "Population": 5964.0}, {"index": 12077, "quantile": 0.5, "value": 290700.0, "Latitude": 33.87, "Longitude": -117.64, "Population": 5964.0}, {"index": 12077, "quantile": 0.75, "value": 382950.0, "Latitude": 33.87, "Longitude": -117.64, "Population": 5964.0}, {"index": 12077, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -117.64, "Population": 5964.0}, {"index": 12078, "quantile": 0.0, "value": 87500.0, "Latitude": 33.84, "Longitude": -117.52, "Population": 575.0}, {"index": 12078, "quantile": 0.25, "value": 111000.00000000001, "Latitude": 33.84, "Longitude": -117.52, "Population": 575.0}, {"index": 12078, "quantile": 0.5, "value": 111000.00000000001, "Latitude": 33.84, "Longitude": -117.52, "Population": 575.0}, {"index": 12078, "quantile": 0.75, "value": 111000.00000000001, "Latitude": 33.84, "Longitude": -117.52, "Population": 575.0}, {"index": 12078, "quantile": 1.0, "value": 244400.0, "Latitude": 33.84, "Longitude": -117.52, "Population": 575.0}, {"index": 12079, "quantile": 0.0, "value": 120100.0, "Latitude": 33.83, "Longitude": -117.52, "Population": 1347.0}, {"index": 12079, "quantile": 0.25, "value": 162500.0, "Latitude": 33.83, "Longitude": -117.52, "Population": 1347.0}, {"index": 12079, "quantile": 0.5, "value": 189800.0, "Latitude": 33.83, "Longitude": -117.52, "Population": 1347.0}, {"index": 12079, "quantile": 0.75, "value": 189800.0, "Latitude": 33.83, "Longitude": -117.52, "Population": 1347.0}, {"index": 12079, "quantile": 1.0, "value": 249100.0, "Latitude": 33.83, "Longitude": -117.52, "Population": 1347.0}, {"index": 12080, "quantile": 0.0, "value": 132000.0, "Latitude": 33.83, "Longitude": -117.53, "Population": 1156.0}, {"index": 12080, "quantile": 0.25, "value": 195600.0, "Latitude": 33.83, "Longitude": -117.53, "Population": 1156.0}, {"index": 12080, "quantile": 0.5, "value": 195600.0, "Latitude": 33.83, "Longitude": -117.53, "Population": 1156.0}, {"index": 12080, "quantile": 0.75, "value": 195600.0, "Latitude": 33.83, "Longitude": -117.53, "Population": 1156.0}, {"index": 12080, "quantile": 1.0, "value": 283900.0, "Latitude": 33.83, "Longitude": -117.53, "Population": 1156.0}, {"index": 12081, "quantile": 0.0, "value": 124600.0, "Latitude": 33.76, "Longitude": -117.54, "Population": 3258.0}, {"index": 12081, "quantile": 0.25, "value": 160800.0, "Latitude": 33.76, "Longitude": -117.54, "Population": 3258.0}, {"index": 12081, "quantile": 0.5, "value": 160800.0, "Latitude": 33.76, "Longitude": -117.54, "Population": 3258.0}, {"index": 12081, "quantile": 0.75, "value": 160800.0, "Latitude": 33.76, "Longitude": -117.54, "Population": 3258.0}, {"index": 12081, "quantile": 1.0, "value": 254100.0, "Latitude": 33.76, "Longitude": -117.54, "Population": 3258.0}, {"index": 12082, "quantile": 0.0, "value": 143400.0, "Latitude": 33.82, "Longitude": -117.52, "Population": 1877.0}, {"index": 12082, "quantile": 0.25, "value": 214449.99999999997, "Latitude": 33.82, "Longitude": -117.52, "Population": 1877.0}, {"index": 12082, "quantile": 0.5, "value": 215000.0, "Latitude": 33.82, "Longitude": -117.52, "Population": 1877.0}, {"index": 12082, "quantile": 0.75, "value": 215000.0, "Latitude": 33.82, "Longitude": -117.52, "Population": 1877.0}, {"index": 12082, "quantile": 1.0, "value": 265600.0, "Latitude": 33.82, "Longitude": -117.52, "Population": 1877.0}, {"index": 12083, "quantile": 0.0, "value": 90800.0, "Latitude": 33.88, "Longitude": -117.36, "Population": 1361.0}, {"index": 12083, "quantile": 0.25, "value": 173900.0, "Latitude": 33.88, "Longitude": -117.36, "Population": 1361.0}, {"index": 12083, "quantile": 0.5, "value": 189800.0, "Latitude": 33.88, "Longitude": -117.36, "Population": 1361.0}, {"index": 12083, "quantile": 0.75, "value": 189800.0, "Latitude": 33.88, "Longitude": -117.36, "Population": 1361.0}, {"index": 12083, "quantile": 1.0, "value": 254100.0, "Latitude": 33.88, "Longitude": -117.36, "Population": 1361.0}, {"index": 12084, "quantile": 0.0, "value": 154700.0, "Latitude": 33.9, "Longitude": -117.33, "Population": 4636.0}, {"index": 12084, "quantile": 0.25, "value": 187800.0, "Latitude": 33.9, "Longitude": -117.33, "Population": 4636.0}, {"index": 12084, "quantile": 0.5, "value": 187800.0, "Latitude": 33.9, "Longitude": -117.33, "Population": 4636.0}, {"index": 12084, "quantile": 0.75, "value": 187800.0, "Latitude": 33.9, "Longitude": -117.33, "Population": 4636.0}, {"index": 12084, "quantile": 1.0, "value": 447400.0, "Latitude": 33.9, "Longitude": -117.33, "Population": 4636.0}, {"index": 12085, "quantile": 0.0, "value": 97400.0, "Latitude": 33.89, "Longitude": -117.34, "Population": 1225.0}, {"index": 12085, "quantile": 0.25, "value": 211300.0, "Latitude": 33.89, "Longitude": -117.34, "Population": 1225.0}, {"index": 12085, "quantile": 0.5, "value": 211300.0, "Latitude": 33.89, "Longitude": -117.34, "Population": 1225.0}, {"index": 12085, "quantile": 0.75, "value": 211300.0, "Latitude": 33.89, "Longitude": -117.34, "Population": 1225.0}, {"index": 12085, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.89, "Longitude": -117.34, "Population": 1225.0}, {"index": 12086, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 33.89, "Longitude": -117.38, "Population": 1707.0}, {"index": 12086, "quantile": 0.25, "value": 160325.0, "Latitude": 33.89, "Longitude": -117.38, "Population": 1707.0}, {"index": 12086, "quantile": 0.5, "value": 181800.0, "Latitude": 33.89, "Longitude": -117.38, "Population": 1707.0}, {"index": 12086, "quantile": 0.75, "value": 239825.0, "Latitude": 33.89, "Longitude": -117.38, "Population": 1707.0}, {"index": 12086, "quantile": 1.0, "value": 376800.0, "Latitude": 33.89, "Longitude": -117.38, "Population": 1707.0}, {"index": 12087, "quantile": 0.0, "value": 125200.0, "Latitude": 33.88, "Longitude": -117.36, "Population": 2573.0}, {"index": 12087, "quantile": 0.25, "value": 218050.0, "Latitude": 33.88, "Longitude": -117.36, "Population": 2573.0}, {"index": 12087, "quantile": 0.5, "value": 240499.99999999997, "Latitude": 33.88, "Longitude": -117.36, "Population": 2573.0}, {"index": 12087, "quantile": 0.75, "value": 240499.99999999997, "Latitude": 33.88, "Longitude": -117.36, "Population": 2573.0}, {"index": 12087, "quantile": 1.0, "value": 240499.99999999997, "Latitude": 33.88, "Longitude": -117.36, "Population": 2573.0}, {"index": 12088, "quantile": 0.0, "value": 88300.0, "Latitude": 33.86, "Longitude": -117.26, "Population": 659.0}, {"index": 12088, "quantile": 0.25, "value": 110000.00000000001, "Latitude": 33.86, "Longitude": -117.26, "Population": 659.0}, {"index": 12088, "quantile": 0.5, "value": 110000.00000000001, "Latitude": 33.86, "Longitude": -117.26, "Population": 659.0}, {"index": 12088, "quantile": 0.75, "value": 110000.00000000001, "Latitude": 33.86, "Longitude": -117.26, "Population": 659.0}, {"index": 12088, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 33.86, "Longitude": -117.26, "Population": 659.0}, {"index": 12089, "quantile": 0.0, "value": 157700.0, "Latitude": 33.87, "Longitude": -117.33, "Population": 1001.0}, {"index": 12089, "quantile": 0.25, "value": 161300.0, "Latitude": 33.87, "Longitude": -117.33, "Population": 1001.0}, {"index": 12089, "quantile": 0.5, "value": 161300.0, "Latitude": 33.87, "Longitude": -117.33, "Population": 1001.0}, {"index": 12089, "quantile": 0.75, "value": 187800.0, "Latitude": 33.87, "Longitude": -117.33, "Population": 1001.0}, {"index": 12089, "quantile": 1.0, "value": 347700.0, "Latitude": 33.87, "Longitude": -117.33, "Population": 1001.0}, {"index": 12090, "quantile": 0.0, "value": 73100.0, "Latitude": 33.85, "Longitude": -117.3, "Population": 2317.0}, {"index": 12090, "quantile": 0.25, "value": 123200.0, "Latitude": 33.85, "Longitude": -117.3, "Population": 2317.0}, {"index": 12090, "quantile": 0.5, "value": 127899.99999999999, "Latitude": 33.85, "Longitude": -117.3, "Population": 2317.0}, {"index": 12090, "quantile": 0.75, "value": 127899.99999999999, "Latitude": 33.85, "Longitude": -117.3, "Population": 2317.0}, {"index": 12090, "quantile": 1.0, "value": 155400.0, "Latitude": 33.85, "Longitude": -117.3, "Population": 2317.0}, {"index": 12091, "quantile": 0.0, "value": 70400.0, "Latitude": 33.85, "Longitude": -117.28, "Population": 2372.0}, {"index": 12091, "quantile": 0.25, "value": 118000.0, "Latitude": 33.85, "Longitude": -117.28, "Population": 2372.0}, {"index": 12091, "quantile": 0.5, "value": 118000.0, "Latitude": 33.85, "Longitude": -117.28, "Population": 2372.0}, {"index": 12091, "quantile": 0.75, "value": 118000.0, "Latitude": 33.85, "Longitude": -117.28, "Population": 2372.0}, {"index": 12091, "quantile": 1.0, "value": 166700.0, "Latitude": 33.85, "Longitude": -117.28, "Population": 2372.0}, {"index": 12092, "quantile": 0.0, "value": 96400.0, "Latitude": 33.81, "Longitude": -117.43, "Population": 1985.0}, {"index": 12092, "quantile": 0.25, "value": 213050.0, "Latitude": 33.81, "Longitude": -117.43, "Population": 1985.0}, {"index": 12092, "quantile": 0.5, "value": 295200.0, "Latitude": 33.81, "Longitude": -117.43, "Population": 1985.0}, {"index": 12092, "quantile": 0.75, "value": 295200.0, "Latitude": 33.81, "Longitude": -117.43, "Population": 1985.0}, {"index": 12092, "quantile": 1.0, "value": 295200.0, "Latitude": 33.81, "Longitude": -117.43, "Population": 1985.0}, {"index": 12093, "quantile": 0.0, "value": 118900.0, "Latitude": 33.76, "Longitude": -117.4, "Population": 973.0}, {"index": 12093, "quantile": 0.25, "value": 180900.0, "Latitude": 33.76, "Longitude": -117.4, "Population": 973.0}, {"index": 12093, "quantile": 0.5, "value": 249100.0, "Latitude": 33.76, "Longitude": -117.4, "Population": 973.0}, {"index": 12093, "quantile": 0.75, "value": 249100.0, "Latitude": 33.76, "Longitude": -117.4, "Population": 973.0}, {"index": 12093, "quantile": 1.0, "value": 295200.0, "Latitude": 33.76, "Longitude": -117.4, "Population": 973.0}, {"index": 12094, "quantile": 0.0, "value": 132200.0, "Latitude": 33.85, "Longitude": -117.4, "Population": 3450.0}, {"index": 12094, "quantile": 0.25, "value": 210150.00000000003, "Latitude": 33.85, "Longitude": -117.4, "Population": 3450.0}, {"index": 12094, "quantile": 0.5, "value": 223600.00000000003, "Latitude": 33.85, "Longitude": -117.4, "Population": 3450.0}, {"index": 12094, "quantile": 0.75, "value": 223600.00000000003, "Latitude": 33.85, "Longitude": -117.4, "Population": 3450.0}, {"index": 12094, "quantile": 1.0, "value": 265600.0, "Latitude": 33.85, "Longitude": -117.4, "Population": 3450.0}, {"index": 12095, "quantile": 0.0, "value": 66300.0, "Latitude": 33.84, "Longitude": -117.26, "Population": 523.0}, {"index": 12095, "quantile": 0.25, "value": 123200.0, "Latitude": 33.84, "Longitude": -117.26, "Population": 523.0}, {"index": 12095, "quantile": 0.5, "value": 123200.0, "Latitude": 33.84, "Longitude": -117.26, "Population": 523.0}, {"index": 12095, "quantile": 0.75, "value": 123200.0, "Latitude": 33.84, "Longitude": -117.26, "Population": 523.0}, {"index": 12095, "quantile": 1.0, "value": 159000.0, "Latitude": 33.84, "Longitude": -117.26, "Population": 523.0}, {"index": 12096, "quantile": 0.0, "value": 87500.0, "Latitude": 33.87, "Longitude": -117.32, "Population": 440.0}, {"index": 12096, "quantile": 0.25, "value": 132600.0, "Latitude": 33.87, "Longitude": -117.32, "Population": 440.0}, {"index": 12096, "quantile": 0.5, "value": 152450.0, "Latitude": 33.87, "Longitude": -117.32, "Population": 440.0}, {"index": 12096, "quantile": 0.75, "value": 181800.0, "Latitude": 33.87, "Longitude": -117.32, "Population": 440.0}, {"index": 12096, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -117.32, "Population": 440.0}, {"index": 12097, "quantile": 0.0, "value": 67500.0, "Latitude": 33.89, "Longitude": -117.28, "Population": 5650.0}, {"index": 12097, "quantile": 0.25, "value": 106175.0, "Latitude": 33.89, "Longitude": -117.28, "Population": 5650.0}, {"index": 12097, "quantile": 0.5, "value": 152700.0, "Latitude": 33.89, "Longitude": -117.28, "Population": 5650.0}, {"index": 12097, "quantile": 0.75, "value": 152700.0, "Latitude": 33.89, "Longitude": -117.28, "Population": 5650.0}, {"index": 12097, "quantile": 1.0, "value": 163600.0, "Latitude": 33.89, "Longitude": -117.28, "Population": 5650.0}, {"index": 12098, "quantile": 0.0, "value": 99100.0, "Latitude": 33.96, "Longitude": -117.34, "Population": 2805.0}, {"index": 12098, "quantile": 0.25, "value": 184500.0, "Latitude": 33.96, "Longitude": -117.34, "Population": 2805.0}, {"index": 12098, "quantile": 0.5, "value": 184500.0, "Latitude": 33.96, "Longitude": -117.34, "Population": 2805.0}, {"index": 12098, "quantile": 0.75, "value": 188100.0, "Latitude": 33.96, "Longitude": -117.34, "Population": 2805.0}, {"index": 12098, "quantile": 1.0, "value": 305800.0, "Latitude": 33.96, "Longitude": -117.34, "Population": 2805.0}, {"index": 12099, "quantile": 0.0, "value": 100000.0, "Latitude": 33.96, "Longitude": -117.32, "Population": 1363.0}, {"index": 12099, "quantile": 0.25, "value": 144500.0, "Latitude": 33.96, "Longitude": -117.32, "Population": 1363.0}, {"index": 12099, "quantile": 0.5, "value": 144500.0, "Latitude": 33.96, "Longitude": -117.32, "Population": 1363.0}, {"index": 12099, "quantile": 0.75, "value": 156050.0, "Latitude": 33.96, "Longitude": -117.32, "Population": 1363.0}, {"index": 12099, "quantile": 1.0, "value": 328900.0, "Latitude": 33.96, "Longitude": -117.32, "Population": 1363.0}, {"index": 12100, "quantile": 0.0, "value": 176300.0, "Latitude": 33.94, "Longitude": -117.34, "Population": 1660.0}, {"index": 12100, "quantile": 0.25, "value": 277000.0, "Latitude": 33.94, "Longitude": -117.34, "Population": 1660.0}, {"index": 12100, "quantile": 0.5, "value": 305700.00000000006, "Latitude": 33.94, "Longitude": -117.34, "Population": 1660.0}, {"index": 12100, "quantile": 0.75, "value": 355975.0, "Latitude": 33.94, "Longitude": -117.34, "Population": 1660.0}, {"index": 12100, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.94, "Longitude": -117.34, "Population": 1660.0}, {"index": 12101, "quantile": 0.0, "value": 148400.0, "Latitude": 33.94, "Longitude": -117.34, "Population": 3382.0}, {"index": 12101, "quantile": 0.25, "value": 214500.0, "Latitude": 33.94, "Longitude": -117.34, "Population": 3382.0}, {"index": 12101, "quantile": 0.5, "value": 214500.0, "Latitude": 33.94, "Longitude": -117.34, "Population": 3382.0}, {"index": 12101, "quantile": 0.75, "value": 214500.0, "Latitude": 33.94, "Longitude": -117.34, "Population": 3382.0}, {"index": 12101, "quantile": 1.0, "value": 450000.0, "Latitude": 33.94, "Longitude": -117.34, "Population": 3382.0}, {"index": 12102, "quantile": 0.0, "value": 128600.0, "Latitude": 33.94, "Longitude": -117.31, "Population": 4218.0}, {"index": 12102, "quantile": 0.25, "value": 224974.99999999997, "Latitude": 33.94, "Longitude": -117.31, "Population": 4218.0}, {"index": 12102, "quantile": 0.5, "value": 255799.99999999997, "Latitude": 33.94, "Longitude": -117.31, "Population": 4218.0}, {"index": 12102, "quantile": 0.75, "value": 314225.0, "Latitude": 33.94, "Longitude": -117.31, "Population": 4218.0}, {"index": 12102, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.94, "Longitude": -117.31, "Population": 4218.0}, {"index": 12103, "quantile": 0.0, "value": 71800.0, "Latitude": 33.98, "Longitude": -117.33, "Population": 881.0}, {"index": 12103, "quantile": 0.25, "value": 101600.0, "Latitude": 33.98, "Longitude": -117.33, "Population": 881.0}, {"index": 12103, "quantile": 0.5, "value": 162500.0, "Latitude": 33.98, "Longitude": -117.33, "Population": 881.0}, {"index": 12103, "quantile": 0.75, "value": 162500.0, "Latitude": 33.98, "Longitude": -117.33, "Population": 881.0}, {"index": 12103, "quantile": 1.0, "value": 162500.0, "Latitude": 33.98, "Longitude": -117.33, "Population": 881.0}, {"index": 12104, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 33.97, "Longitude": -117.33, "Population": 1275.0}, {"index": 12104, "quantile": 0.25, "value": 135700.0, "Latitude": 33.97, "Longitude": -117.33, "Population": 1275.0}, {"index": 12104, "quantile": 0.5, "value": 162500.0, "Latitude": 33.97, "Longitude": -117.33, "Population": 1275.0}, {"index": 12104, "quantile": 0.75, "value": 162500.0, "Latitude": 33.97, "Longitude": -117.33, "Population": 1275.0}, {"index": 12104, "quantile": 1.0, "value": 221900.0, "Latitude": 33.97, "Longitude": -117.33, "Population": 1275.0}, {"index": 12105, "quantile": 0.0, "value": 67500.0, "Latitude": 34.0, "Longitude": -117.34, "Population": 214.0}, {"index": 12105, "quantile": 0.25, "value": 101600.0, "Latitude": 34.0, "Longitude": -117.34, "Population": 214.0}, {"index": 12105, "quantile": 0.5, "value": 101600.0, "Latitude": 34.0, "Longitude": -117.34, "Population": 214.0}, {"index": 12105, "quantile": 0.75, "value": 101600.0, "Latitude": 34.0, "Longitude": -117.34, "Population": 214.0}, {"index": 12105, "quantile": 1.0, "value": 314100.0, "Latitude": 34.0, "Longitude": -117.34, "Population": 214.0}, {"index": 12106, "quantile": 0.0, "value": 50000.0, "Latitude": 33.98, "Longitude": -117.34, "Population": 9851.0}, {"index": 12106, "quantile": 0.25, "value": 103400.0, "Latitude": 33.98, "Longitude": -117.34, "Population": 9851.0}, {"index": 12106, "quantile": 0.5, "value": 103400.0, "Latitude": 33.98, "Longitude": -117.34, "Population": 9851.0}, {"index": 12106, "quantile": 0.75, "value": 110225.0, "Latitude": 33.98, "Longitude": -117.34, "Population": 9851.0}, {"index": 12106, "quantile": 1.0, "value": 412500.0, "Latitude": 33.98, "Longitude": -117.34, "Population": 9851.0}, {"index": 12107, "quantile": 0.0, "value": 111100.0, "Latitude": 33.99, "Longitude": -117.32, "Population": 2400.0}, {"index": 12107, "quantile": 0.25, "value": 133500.0, "Latitude": 33.99, "Longitude": -117.32, "Population": 2400.0}, {"index": 12107, "quantile": 0.5, "value": 133500.0, "Latitude": 33.99, "Longitude": -117.32, "Population": 2400.0}, {"index": 12107, "quantile": 0.75, "value": 134600.0, "Latitude": 33.99, "Longitude": -117.32, "Population": 2400.0}, {"index": 12107, "quantile": 1.0, "value": 226900.0, "Latitude": 33.99, "Longitude": -117.32, "Population": 2400.0}, {"index": 12108, "quantile": 0.0, "value": 63500.0, "Latitude": 33.97, "Longitude": -117.31, "Population": 1502.0}, {"index": 12108, "quantile": 0.25, "value": 104224.99999999999, "Latitude": 33.97, "Longitude": -117.31, "Population": 1502.0}, {"index": 12108, "quantile": 0.5, "value": 122900.00000000001, "Latitude": 33.97, "Longitude": -117.31, "Population": 1502.0}, {"index": 12108, "quantile": 0.75, "value": 180075.0, "Latitude": 33.97, "Longitude": -117.31, "Population": 1502.0}, {"index": 12108, "quantile": 1.0, "value": 366700.0, "Latitude": 33.97, "Longitude": -117.31, "Population": 1502.0}, {"index": 12109, "quantile": 0.0, "value": 122100.00000000001, "Latitude": 33.97, "Longitude": -117.29, "Population": 8805.0}, {"index": 12109, "quantile": 0.25, "value": 160600.0, "Latitude": 33.97, "Longitude": -117.29, "Population": 8805.0}, {"index": 12109, "quantile": 0.5, "value": 160600.0, "Latitude": 33.97, "Longitude": -117.29, "Population": 8805.0}, {"index": 12109, "quantile": 0.75, "value": 160600.0, "Latitude": 33.97, "Longitude": -117.29, "Population": 8805.0}, {"index": 12109, "quantile": 1.0, "value": 212300.00000000003, "Latitude": 33.97, "Longitude": -117.29, "Population": 8805.0}, {"index": 12110, "quantile": 0.0, "value": 73200.0, "Latitude": 34.01, "Longitude": -117.35, "Population": 1938.0}, {"index": 12110, "quantile": 0.25, "value": 95300.0, "Latitude": 34.01, "Longitude": -117.35, "Population": 1938.0}, {"index": 12110, "quantile": 0.5, "value": 95300.0, "Latitude": 34.01, "Longitude": -117.35, "Population": 1938.0}, {"index": 12110, "quantile": 0.75, "value": 96500.0, "Latitude": 34.01, "Longitude": -117.35, "Population": 1938.0}, {"index": 12110, "quantile": 1.0, "value": 231800.0, "Latitude": 34.01, "Longitude": -117.35, "Population": 1938.0}, {"index": 12111, "quantile": 0.0, "value": 63900.0, "Latitude": 34.02, "Longitude": -117.34, "Population": 2047.0}, {"index": 12111, "quantile": 0.25, "value": 85400.0, "Latitude": 34.02, "Longitude": -117.34, "Population": 2047.0}, {"index": 12111, "quantile": 0.5, "value": 85400.0, "Latitude": 34.02, "Longitude": -117.34, "Population": 2047.0}, {"index": 12111, "quantile": 0.75, "value": 94825.0, "Latitude": 34.02, "Longitude": -117.34, "Population": 2047.0}, {"index": 12111, "quantile": 1.0, "value": 210000.0, "Latitude": 34.02, "Longitude": -117.34, "Population": 2047.0}, {"index": 12112, "quantile": 0.0, "value": 104500.0, "Latitude": 34.01, "Longitude": -117.32, "Population": 1580.0}, {"index": 12112, "quantile": 0.25, "value": 123100.00000000001, "Latitude": 34.01, "Longitude": -117.32, "Population": 1580.0}, {"index": 12112, "quantile": 0.5, "value": 127400.0, "Latitude": 34.01, "Longitude": -117.32, "Population": 1580.0}, {"index": 12112, "quantile": 0.75, "value": 142400.0, "Latitude": 34.01, "Longitude": -117.32, "Population": 1580.0}, {"index": 12112, "quantile": 1.0, "value": 249100.0, "Latitude": 34.01, "Longitude": -117.32, "Population": 1580.0}, {"index": 12113, "quantile": 0.0, "value": 116399.99999999999, "Latitude": 33.95, "Longitude": -117.24, "Population": 3710.0}, {"index": 12113, "quantile": 0.25, "value": 132600.0, "Latitude": 33.95, "Longitude": -117.24, "Population": 3710.0}, {"index": 12113, "quantile": 0.5, "value": 132600.0, "Latitude": 33.95, "Longitude": -117.24, "Population": 3710.0}, {"index": 12113, "quantile": 0.75, "value": 136625.0, "Latitude": 33.95, "Longitude": -117.24, "Population": 3710.0}, {"index": 12113, "quantile": 1.0, "value": 171300.0, "Latitude": 33.95, "Longitude": -117.24, "Population": 3710.0}, {"index": 12114, "quantile": 0.0, "value": 93700.0, "Latitude": 33.94, "Longitude": -117.23, "Population": 6763.0}, {"index": 12114, "quantile": 0.25, "value": 139950.0, "Latitude": 33.94, "Longitude": -117.23, "Population": 6763.0}, {"index": 12114, "quantile": 0.5, "value": 142000.0, "Latitude": 33.94, "Longitude": -117.23, "Population": 6763.0}, {"index": 12114, "quantile": 0.75, "value": 142000.0, "Latitude": 33.94, "Longitude": -117.23, "Population": 6763.0}, {"index": 12114, "quantile": 1.0, "value": 197700.0, "Latitude": 33.94, "Longitude": -117.23, "Population": 6763.0}, {"index": 12115, "quantile": 0.0, "value": 111100.0, "Latitude": 33.95, "Longitude": -117.25, "Population": 6780.0}, {"index": 12115, "quantile": 0.25, "value": 138700.0, "Latitude": 33.95, "Longitude": -117.25, "Population": 6780.0}, {"index": 12115, "quantile": 0.5, "value": 138700.0, "Latitude": 33.95, "Longitude": -117.25, "Population": 6780.0}, {"index": 12115, "quantile": 0.75, "value": 138700.0, "Latitude": 33.95, "Longitude": -117.25, "Population": 6780.0}, {"index": 12115, "quantile": 1.0, "value": 256700.00000000003, "Latitude": 33.95, "Longitude": -117.25, "Population": 6780.0}, {"index": 12116, "quantile": 0.0, "value": 154700.0, "Latitude": 33.96, "Longitude": -117.23, "Population": 4573.0}, {"index": 12116, "quantile": 0.25, "value": 163300.0, "Latitude": 33.96, "Longitude": -117.23, "Population": 4573.0}, {"index": 12116, "quantile": 0.5, "value": 163300.0, "Latitude": 33.96, "Longitude": -117.23, "Population": 4573.0}, {"index": 12116, "quantile": 0.75, "value": 168800.00000000003, "Latitude": 33.96, "Longitude": -117.23, "Population": 4573.0}, {"index": 12116, "quantile": 1.0, "value": 319000.0, "Latitude": 33.96, "Longitude": -117.23, "Population": 4573.0}, {"index": 12117, "quantile": 0.0, "value": 133000.0, "Latitude": 33.95, "Longitude": -117.21, "Population": 3962.0}, {"index": 12117, "quantile": 0.25, "value": 163300.0, "Latitude": 33.95, "Longitude": -117.21, "Population": 3962.0}, {"index": 12117, "quantile": 0.5, "value": 168300.0, "Latitude": 33.95, "Longitude": -117.21, "Population": 3962.0}, {"index": 12117, "quantile": 0.75, "value": 207400.00000000003, "Latitude": 33.95, "Longitude": -117.21, "Population": 3962.0}, {"index": 12117, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -117.21, "Population": 3962.0}, {"index": 12118, "quantile": 0.0, "value": 138200.0, "Latitude": 33.94, "Longitude": -117.14, "Population": 1947.0}, {"index": 12118, "quantile": 0.25, "value": 223200.00000000003, "Latitude": 33.94, "Longitude": -117.14, "Population": 1947.0}, {"index": 12118, "quantile": 0.5, "value": 223200.00000000003, "Latitude": 33.94, "Longitude": -117.14, "Population": 1947.0}, {"index": 12118, "quantile": 0.75, "value": 223200.00000000003, "Latitude": 33.94, "Longitude": -117.14, "Population": 1947.0}, {"index": 12118, "quantile": 1.0, "value": 480800.0, "Latitude": 33.94, "Longitude": -117.14, "Population": 1947.0}, {"index": 12119, "quantile": 0.0, "value": 132000.0, "Latitude": 33.97, "Longitude": -117.21, "Population": 8437.0}, {"index": 12119, "quantile": 0.25, "value": 197700.0, "Latitude": 33.97, "Longitude": -117.21, "Population": 8437.0}, {"index": 12119, "quantile": 0.5, "value": 197700.0, "Latitude": 33.97, "Longitude": -117.21, "Population": 8437.0}, {"index": 12119, "quantile": 0.75, "value": 197700.0, "Latitude": 33.97, "Longitude": -117.21, "Population": 8437.0}, {"index": 12119, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -117.21, "Population": 8437.0}, {"index": 12120, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 33.94, "Longitude": -117.28, "Population": 773.0}, {"index": 12120, "quantile": 0.25, "value": 92300.0, "Latitude": 33.94, "Longitude": -117.28, "Population": 773.0}, {"index": 12120, "quantile": 0.5, "value": 135700.0, "Latitude": 33.94, "Longitude": -117.28, "Population": 773.0}, {"index": 12120, "quantile": 0.75, "value": 135700.0, "Latitude": 33.94, "Longitude": -117.28, "Population": 773.0}, {"index": 12120, "quantile": 1.0, "value": 169300.0, "Latitude": 33.94, "Longitude": -117.28, "Population": 773.0}, {"index": 12121, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 33.92, "Longitude": -117.28, "Population": 2721.0}, {"index": 12121, "quantile": 0.25, "value": 86900.0, "Latitude": 33.92, "Longitude": -117.28, "Population": 2721.0}, {"index": 12121, "quantile": 0.5, "value": 86900.0, "Latitude": 33.92, "Longitude": -117.28, "Population": 2721.0}, {"index": 12121, "quantile": 0.75, "value": 86900.0, "Latitude": 33.92, "Longitude": -117.28, "Population": 2721.0}, {"index": 12121, "quantile": 1.0, "value": 162500.0, "Latitude": 33.92, "Longitude": -117.28, "Population": 2721.0}, {"index": 12122, "quantile": 0.0, "value": 73100.0, "Latitude": 33.92, "Longitude": -117.27, "Population": 4885.0}, {"index": 12122, "quantile": 0.25, "value": 122774.99999999999, "Latitude": 33.92, "Longitude": -117.27, "Population": 4885.0}, {"index": 12122, "quantile": 0.5, "value": 127200.0, "Latitude": 33.92, "Longitude": -117.27, "Population": 4885.0}, {"index": 12122, "quantile": 0.75, "value": 127200.0, "Latitude": 33.92, "Longitude": -117.27, "Population": 4885.0}, {"index": 12122, "quantile": 1.0, "value": 150700.0, "Latitude": 33.92, "Longitude": -117.27, "Population": 4885.0}, {"index": 12123, "quantile": 0.0, "value": 66300.0, "Latitude": 33.93, "Longitude": -117.27, "Population": 115.0}, {"index": 12123, "quantile": 0.25, "value": 105200.0, "Latitude": 33.93, "Longitude": -117.27, "Population": 115.0}, {"index": 12123, "quantile": 0.5, "value": 136750.00000000003, "Latitude": 33.93, "Longitude": -117.27, "Population": 115.0}, {"index": 12123, "quantile": 0.75, "value": 187500.0, "Latitude": 33.93, "Longitude": -117.27, "Population": 115.0}, {"index": 12123, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -117.27, "Population": 115.0}, {"index": 12124, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.94, "Longitude": -117.24, "Population": 1123.0}, {"index": 12124, "quantile": 0.25, "value": 76725.0, "Latitude": 33.94, "Longitude": -117.24, "Population": 1123.0}, {"index": 12124, "quantile": 0.5, "value": 89350.0, "Latitude": 33.94, "Longitude": -117.24, "Population": 1123.0}, {"index": 12124, "quantile": 0.75, "value": 113825.0, "Latitude": 33.94, "Longitude": -117.24, "Population": 1123.0}, {"index": 12124, "quantile": 1.0, "value": 187500.0, "Latitude": 33.94, "Longitude": -117.24, "Population": 1123.0}, {"index": 12125, "quantile": 0.0, "value": 91800.0, "Latitude": 33.93, "Longitude": -117.24, "Population": 4520.0}, {"index": 12125, "quantile": 0.25, "value": 113199.99999999999, "Latitude": 33.93, "Longitude": -117.24, "Population": 4520.0}, {"index": 12125, "quantile": 0.5, "value": 113199.99999999999, "Latitude": 33.93, "Longitude": -117.24, "Population": 4520.0}, {"index": 12125, "quantile": 0.75, "value": 117000.0, "Latitude": 33.93, "Longitude": -117.24, "Population": 4520.0}, {"index": 12125, "quantile": 1.0, "value": 270000.0, "Latitude": 33.93, "Longitude": -117.24, "Population": 4520.0}, {"index": 12126, "quantile": 0.0, "value": 94500.0, "Latitude": 33.93, "Longitude": -117.25, "Population": 5804.0}, {"index": 12126, "quantile": 0.25, "value": 125699.99999999999, "Latitude": 33.93, "Longitude": -117.25, "Population": 5804.0}, {"index": 12126, "quantile": 0.5, "value": 136100.00000000003, "Latitude": 33.93, "Longitude": -117.25, "Population": 5804.0}, {"index": 12126, "quantile": 0.75, "value": 143000.0, "Latitude": 33.93, "Longitude": -117.25, "Population": 5804.0}, {"index": 12126, "quantile": 1.0, "value": 189800.0, "Latitude": 33.93, "Longitude": -117.25, "Population": 5804.0}, {"index": 12127, "quantile": 0.0, "value": 104500.0, "Latitude": 33.92, "Longitude": -117.25, "Population": 5595.0}, {"index": 12127, "quantile": 0.25, "value": 124600.0, "Latitude": 33.92, "Longitude": -117.25, "Population": 5595.0}, {"index": 12127, "quantile": 0.5, "value": 124600.0, "Latitude": 33.92, "Longitude": -117.25, "Population": 5595.0}, {"index": 12127, "quantile": 0.75, "value": 124699.99999999999, "Latitude": 33.92, "Longitude": -117.25, "Population": 5595.0}, {"index": 12127, "quantile": 1.0, "value": 160600.0, "Latitude": 33.92, "Longitude": -117.25, "Population": 5595.0}, {"index": 12128, "quantile": 0.0, "value": 88900.0, "Latitude": 33.91, "Longitude": -117.23, "Population": 7596.0}, {"index": 12128, "quantile": 0.25, "value": 127200.0, "Latitude": 33.91, "Longitude": -117.23, "Population": 7596.0}, {"index": 12128, "quantile": 0.5, "value": 127200.0, "Latitude": 33.91, "Longitude": -117.23, "Population": 7596.0}, {"index": 12128, "quantile": 0.75, "value": 127200.0, "Latitude": 33.91, "Longitude": -117.23, "Population": 7596.0}, {"index": 12128, "quantile": 1.0, "value": 314100.0, "Latitude": 33.91, "Longitude": -117.23, "Population": 7596.0}, {"index": 12129, "quantile": 0.0, "value": 122100.00000000001, "Latitude": 33.89, "Longitude": -117.23, "Population": 6686.0}, {"index": 12129, "quantile": 0.25, "value": 136600.0, "Latitude": 33.89, "Longitude": -117.23, "Population": 6686.0}, {"index": 12129, "quantile": 0.5, "value": 136600.0, "Latitude": 33.89, "Longitude": -117.23, "Population": 6686.0}, {"index": 12129, "quantile": 0.75, "value": 136600.0, "Latitude": 33.89, "Longitude": -117.23, "Population": 6686.0}, {"index": 12129, "quantile": 1.0, "value": 240099.99999999997, "Latitude": 33.89, "Longitude": -117.23, "Population": 6686.0}, {"index": 12130, "quantile": 0.0, "value": 78800.0, "Latitude": 33.94, "Longitude": -117.23, "Population": 1594.0}, {"index": 12130, "quantile": 0.25, "value": 114199.99999999999, "Latitude": 33.94, "Longitude": -117.23, "Population": 1594.0}, {"index": 12130, "quantile": 0.5, "value": 114199.99999999999, "Latitude": 33.94, "Longitude": -117.23, "Population": 1594.0}, {"index": 12130, "quantile": 0.75, "value": 114199.99999999999, "Latitude": 33.94, "Longitude": -117.23, "Population": 1594.0}, {"index": 12130, "quantile": 1.0, "value": 175200.0, "Latitude": 33.94, "Longitude": -117.23, "Population": 1594.0}, {"index": 12131, "quantile": 0.0, "value": 92500.0, "Latitude": 33.93, "Longitude": -117.22, "Population": 3513.0}, {"index": 12131, "quantile": 0.25, "value": 113199.99999999999, "Latitude": 33.93, "Longitude": -117.22, "Population": 3513.0}, {"index": 12131, "quantile": 0.5, "value": 117000.0, "Latitude": 33.93, "Longitude": -117.22, "Population": 3513.0}, {"index": 12131, "quantile": 0.75, "value": 117000.0, "Latitude": 33.93, "Longitude": -117.22, "Population": 3513.0}, {"index": 12131, "quantile": 1.0, "value": 153100.0, "Latitude": 33.93, "Longitude": -117.22, "Population": 3513.0}, {"index": 12132, "quantile": 0.0, "value": 104200.0, "Latitude": 33.92, "Longitude": -117.22, "Population": 9509.0}, {"index": 12132, "quantile": 0.25, "value": 130900.0, "Latitude": 33.92, "Longitude": -117.22, "Population": 9509.0}, {"index": 12132, "quantile": 0.5, "value": 130900.0, "Latitude": 33.92, "Longitude": -117.22, "Population": 9509.0}, {"index": 12132, "quantile": 0.75, "value": 130900.0, "Latitude": 33.92, "Longitude": -117.22, "Population": 9509.0}, {"index": 12132, "quantile": 1.0, "value": 161200.0, "Latitude": 33.92, "Longitude": -117.22, "Population": 9509.0}, {"index": 12133, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 33.93, "Longitude": -117.21, "Population": 5439.0}, {"index": 12133, "quantile": 0.25, "value": 141900.0, "Latitude": 33.93, "Longitude": -117.21, "Population": 5439.0}, {"index": 12133, "quantile": 0.5, "value": 162500.0, "Latitude": 33.93, "Longitude": -117.21, "Population": 5439.0}, {"index": 12133, "quantile": 0.75, "value": 210700.00000000003, "Latitude": 33.93, "Longitude": -117.21, "Population": 5439.0}, {"index": 12133, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.93, "Longitude": -117.21, "Population": 5439.0}, {"index": 12134, "quantile": 0.0, "value": 111100.0, "Latitude": 33.92, "Longitude": -117.16, "Population": 1610.0}, {"index": 12134, "quantile": 0.25, "value": 143500.0, "Latitude": 33.92, "Longitude": -117.16, "Population": 1610.0}, {"index": 12134, "quantile": 0.5, "value": 143500.0, "Latitude": 33.92, "Longitude": -117.16, "Population": 1610.0}, {"index": 12134, "quantile": 0.75, "value": 143500.0, "Latitude": 33.92, "Longitude": -117.16, "Population": 1610.0}, {"index": 12134, "quantile": 1.0, "value": 254100.0, "Latitude": 33.92, "Longitude": -117.16, "Population": 1610.0}, {"index": 12135, "quantile": 0.0, "value": 97700.0, "Latitude": 33.9, "Longitude": -117.22, "Population": 5155.0}, {"index": 12135, "quantile": 0.25, "value": 123525.0, "Latitude": 33.9, "Longitude": -117.22, "Population": 5155.0}, {"index": 12135, "quantile": 0.5, "value": 127200.0, "Latitude": 33.9, "Longitude": -117.22, "Population": 5155.0}, {"index": 12135, "quantile": 0.75, "value": 131175.0, "Latitude": 33.9, "Longitude": -117.22, "Population": 5155.0}, {"index": 12135, "quantile": 1.0, "value": 294600.0, "Latitude": 33.9, "Longitude": -117.22, "Population": 5155.0}, {"index": 12136, "quantile": 0.0, "value": 71300.0, "Latitude": 33.89, "Longitude": -117.13, "Population": 275.0}, {"index": 12136, "quantile": 0.25, "value": 161300.0, "Latitude": 33.89, "Longitude": -117.13, "Population": 275.0}, {"index": 12136, "quantile": 0.5, "value": 244400.0, "Latitude": 33.89, "Longitude": -117.13, "Population": 275.0}, {"index": 12136, "quantile": 0.75, "value": 244400.0, "Latitude": 33.89, "Longitude": -117.13, "Population": 275.0}, {"index": 12136, "quantile": 1.0, "value": 244400.0, "Latitude": 33.89, "Longitude": -117.13, "Population": 275.0}, {"index": 12137, "quantile": 0.0, "value": 100000.0, "Latitude": 33.9, "Longitude": -117.19, "Population": 9623.0}, {"index": 12137, "quantile": 0.25, "value": 143000.0, "Latitude": 33.9, "Longitude": -117.19, "Population": 9623.0}, {"index": 12137, "quantile": 0.5, "value": 143000.0, "Latitude": 33.9, "Longitude": -117.19, "Population": 9623.0}, {"index": 12137, "quantile": 0.75, "value": 143000.0, "Latitude": 33.9, "Longitude": -117.19, "Population": 9623.0}, {"index": 12137, "quantile": 1.0, "value": 336800.0, "Latitude": 33.9, "Longitude": -117.19, "Population": 9623.0}, {"index": 12138, "quantile": 0.0, "value": 45000.0, "Latitude": 33.87, "Longitude": -117.22, "Population": 39.0}, {"index": 12138, "quantile": 0.25, "value": 107000.0, "Latitude": 33.87, "Longitude": -117.22, "Population": 39.0}, {"index": 12138, "quantile": 0.5, "value": 155000.0, "Latitude": 33.87, "Longitude": -117.22, "Population": 39.0}, {"index": 12138, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -117.22, "Population": 39.0}, {"index": 12138, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.87, "Longitude": -117.22, "Population": 39.0}, {"index": 12139, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 33.85, "Longitude": -117.24, "Population": 606.0}, {"index": 12139, "quantile": 0.25, "value": 123200.0, "Latitude": 33.85, "Longitude": -117.24, "Population": 606.0}, {"index": 12139, "quantile": 0.5, "value": 136300.0, "Latitude": 33.85, "Longitude": -117.24, "Population": 606.0}, {"index": 12139, "quantile": 0.75, "value": 136300.0, "Latitude": 33.85, "Longitude": -117.24, "Population": 606.0}, {"index": 12139, "quantile": 1.0, "value": 146500.0, "Latitude": 33.85, "Longitude": -117.24, "Population": 606.0}, {"index": 12140, "quantile": 0.0, "value": 71300.0, "Latitude": 33.83, "Longitude": -117.17, "Population": 64.0}, {"index": 12140, "quantile": 0.25, "value": 131075.0, "Latitude": 33.83, "Longitude": -117.17, "Population": 64.0}, {"index": 12140, "quantile": 0.5, "value": 156100.0, "Latitude": 33.83, "Longitude": -117.17, "Population": 64.0}, {"index": 12140, "quantile": 0.75, "value": 187625.0, "Latitude": 33.83, "Longitude": -117.17, "Population": 64.0}, {"index": 12140, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -117.17, "Population": 64.0}, {"index": 12141, "quantile": 0.0, "value": 87500.0, "Latitude": 33.83, "Longitude": -117.2, "Population": 621.0}, {"index": 12141, "quantile": 0.25, "value": 123075.0, "Latitude": 33.83, "Longitude": -117.2, "Population": 621.0}, {"index": 12141, "quantile": 0.5, "value": 161300.0, "Latitude": 33.83, "Longitude": -117.2, "Population": 621.0}, {"index": 12141, "quantile": 0.75, "value": 161300.0, "Latitude": 33.83, "Longitude": -117.2, "Population": 621.0}, {"index": 12141, "quantile": 1.0, "value": 244400.0, "Latitude": 33.83, "Longitude": -117.2, "Population": 621.0}, {"index": 12142, "quantile": 0.0, "value": 64400.0, "Latitude": 33.83, "Longitude": -117.23, "Population": 681.0}, {"index": 12142, "quantile": 0.25, "value": 100000.0, "Latitude": 33.83, "Longitude": -117.23, "Population": 681.0}, {"index": 12142, "quantile": 0.5, "value": 100000.0, "Latitude": 33.83, "Longitude": -117.23, "Population": 681.0}, {"index": 12142, "quantile": 0.75, "value": 136800.0, "Latitude": 33.83, "Longitude": -117.23, "Population": 681.0}, {"index": 12142, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.83, "Longitude": -117.23, "Population": 681.0}, {"index": 12143, "quantile": 0.0, "value": 98600.0, "Latitude": 33.82, "Longitude": -117.21, "Population": 1943.0}, {"index": 12143, "quantile": 0.25, "value": 122100.00000000001, "Latitude": 33.82, "Longitude": -117.21, "Population": 1943.0}, {"index": 12143, "quantile": 0.5, "value": 122100.00000000001, "Latitude": 33.82, "Longitude": -117.21, "Population": 1943.0}, {"index": 12143, "quantile": 0.75, "value": 122100.00000000001, "Latitude": 33.82, "Longitude": -117.21, "Population": 1943.0}, {"index": 12143, "quantile": 1.0, "value": 244400.0, "Latitude": 33.82, "Longitude": -117.21, "Population": 1943.0}, {"index": 12144, "quantile": 0.0, "value": 94500.0, "Latitude": 33.81, "Longitude": -117.22, "Population": 5145.0}, {"index": 12144, "quantile": 0.25, "value": 113700.0, "Latitude": 33.81, "Longitude": -117.22, "Population": 5145.0}, {"index": 12144, "quantile": 0.5, "value": 113700.0, "Latitude": 33.81, "Longitude": -117.22, "Population": 5145.0}, {"index": 12144, "quantile": 0.75, "value": 113700.0, "Latitude": 33.81, "Longitude": -117.22, "Population": 5145.0}, {"index": 12144, "quantile": 1.0, "value": 244400.0, "Latitude": 33.81, "Longitude": -117.22, "Population": 5145.0}, {"index": 12145, "quantile": 0.0, "value": 67500.0, "Latitude": 33.71, "Longitude": -117.21, "Population": 2711.0}, {"index": 12145, "quantile": 0.25, "value": 92400.0, "Latitude": 33.71, "Longitude": -117.21, "Population": 2711.0}, {"index": 12145, "quantile": 0.5, "value": 98600.0, "Latitude": 33.71, "Longitude": -117.21, "Population": 2711.0}, {"index": 12145, "quantile": 0.75, "value": 123425.0, "Latitude": 33.71, "Longitude": -117.21, "Population": 2711.0}, {"index": 12145, "quantile": 1.0, "value": 500000.0, "Latitude": 33.71, "Longitude": -117.21, "Population": 2711.0}, {"index": 12146, "quantile": 0.0, "value": 69400.0, "Latitude": 33.72, "Longitude": -117.2, "Population": 1674.0}, {"index": 12146, "quantile": 0.25, "value": 109200.00000000001, "Latitude": 33.72, "Longitude": -117.2, "Population": 1674.0}, {"index": 12146, "quantile": 0.5, "value": 136050.0, "Latitude": 33.72, "Longitude": -117.2, "Population": 1674.0}, {"index": 12146, "quantile": 0.75, "value": 171025.0, "Latitude": 33.72, "Longitude": -117.2, "Population": 1674.0}, {"index": 12146, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -117.2, "Population": 1674.0}, {"index": 12147, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 33.72, "Longitude": -117.2, "Population": 1573.0}, {"index": 12147, "quantile": 0.25, "value": 98600.0, "Latitude": 33.72, "Longitude": -117.2, "Population": 1573.0}, {"index": 12147, "quantile": 0.5, "value": 98600.0, "Latitude": 33.72, "Longitude": -117.2, "Population": 1573.0}, {"index": 12147, "quantile": 0.75, "value": 98600.0, "Latitude": 33.72, "Longitude": -117.2, "Population": 1573.0}, {"index": 12147, "quantile": 1.0, "value": 261300.0, "Latitude": 33.72, "Longitude": -117.2, "Population": 1573.0}, {"index": 12148, "quantile": 0.0, "value": 67500.0, "Latitude": 33.71, "Longitude": -117.2, "Population": 1283.0}, {"index": 12148, "quantile": 0.25, "value": 83300.0, "Latitude": 33.71, "Longitude": -117.2, "Population": 1283.0}, {"index": 12148, "quantile": 0.5, "value": 83300.0, "Latitude": 33.71, "Longitude": -117.2, "Population": 1283.0}, {"index": 12148, "quantile": 0.75, "value": 83500.0, "Latitude": 33.71, "Longitude": -117.2, "Population": 1283.0}, {"index": 12148, "quantile": 1.0, "value": 183900.0, "Latitude": 33.71, "Longitude": -117.2, "Population": 1283.0}, {"index": 12149, "quantile": 0.0, "value": 69400.0, "Latitude": 33.7, "Longitude": -117.2, "Population": 1984.0}, {"index": 12149, "quantile": 0.25, "value": 92400.0, "Latitude": 33.7, "Longitude": -117.2, "Population": 1984.0}, {"index": 12149, "quantile": 0.5, "value": 92400.0, "Latitude": 33.7, "Longitude": -117.2, "Population": 1984.0}, {"index": 12149, "quantile": 0.75, "value": 98600.0, "Latitude": 33.7, "Longitude": -117.2, "Population": 1984.0}, {"index": 12149, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.7, "Longitude": -117.2, "Population": 1984.0}, {"index": 12150, "quantile": 0.0, "value": 67500.0, "Latitude": 33.7, "Longitude": -117.19, "Population": 1990.0}, {"index": 12150, "quantile": 0.25, "value": 83500.0, "Latitude": 33.7, "Longitude": -117.19, "Population": 1990.0}, {"index": 12150, "quantile": 0.5, "value": 83500.0, "Latitude": 33.7, "Longitude": -117.19, "Population": 1990.0}, {"index": 12150, "quantile": 0.75, "value": 83500.0, "Latitude": 33.7, "Longitude": -117.19, "Population": 1990.0}, {"index": 12150, "quantile": 1.0, "value": 500000.0, "Latitude": 33.7, "Longitude": -117.19, "Population": 1990.0}, {"index": 12151, "quantile": 0.0, "value": 111100.0, "Latitude": 33.69, "Longitude": -117.19, "Population": 3295.0}, {"index": 12151, "quantile": 0.25, "value": 136400.0, "Latitude": 33.69, "Longitude": -117.19, "Population": 3295.0}, {"index": 12151, "quantile": 0.5, "value": 136400.0, "Latitude": 33.69, "Longitude": -117.19, "Population": 3295.0}, {"index": 12151, "quantile": 0.75, "value": 142325.0, "Latitude": 33.69, "Longitude": -117.19, "Population": 3295.0}, {"index": 12151, "quantile": 1.0, "value": 347700.0, "Latitude": 33.69, "Longitude": -117.19, "Population": 3295.0}, {"index": 12152, "quantile": 0.0, "value": 143700.0, "Latitude": 33.68, "Longitude": -117.27, "Population": 9360.0}, {"index": 12152, "quantile": 0.25, "value": 179075.0, "Latitude": 33.68, "Longitude": -117.27, "Population": 9360.0}, {"index": 12152, "quantile": 0.5, "value": 231250.0, "Latitude": 33.68, "Longitude": -117.27, "Population": 9360.0}, {"index": 12152, "quantile": 0.75, "value": 299600.0, "Latitude": 33.68, "Longitude": -117.27, "Population": 9360.0}, {"index": 12152, "quantile": 1.0, "value": 429000.0, "Latitude": 33.68, "Longitude": -117.27, "Population": 9360.0}, {"index": 12153, "quantile": 0.0, "value": 91800.0, "Latitude": 33.7, "Longitude": -117.25, "Population": 2294.0}, {"index": 12153, "quantile": 0.25, "value": 113399.99999999999, "Latitude": 33.7, "Longitude": -117.25, "Population": 2294.0}, {"index": 12153, "quantile": 0.5, "value": 113399.99999999999, "Latitude": 33.7, "Longitude": -117.25, "Population": 2294.0}, {"index": 12153, "quantile": 0.75, "value": 124200.0, "Latitude": 33.7, "Longitude": -117.25, "Population": 2294.0}, {"index": 12153, "quantile": 1.0, "value": 227000.0, "Latitude": 33.7, "Longitude": -117.25, "Population": 2294.0}, {"index": 12154, "quantile": 0.0, "value": 105100.0, "Latitude": 33.68, "Longitude": -117.23, "Population": 1476.0}, {"index": 12154, "quantile": 0.25, "value": 125899.99999999999, "Latitude": 33.68, "Longitude": -117.23, "Population": 1476.0}, {"index": 12154, "quantile": 0.5, "value": 125899.99999999999, "Latitude": 33.68, "Longitude": -117.23, "Population": 1476.0}, {"index": 12154, "quantile": 0.75, "value": 125899.99999999999, "Latitude": 33.68, "Longitude": -117.23, "Population": 1476.0}, {"index": 12154, "quantile": 1.0, "value": 294600.0, "Latitude": 33.68, "Longitude": -117.23, "Population": 1476.0}, {"index": 12155, "quantile": 0.0, "value": 91800.0, "Latitude": 33.66, "Longitude": -117.22, "Population": 1007.0}, {"index": 12155, "quantile": 0.25, "value": 110000.00000000001, "Latitude": 33.66, "Longitude": -117.22, "Population": 1007.0}, {"index": 12155, "quantile": 0.5, "value": 121450.00000000001, "Latitude": 33.66, "Longitude": -117.22, "Population": 1007.0}, {"index": 12155, "quantile": 0.75, "value": 155600.0, "Latitude": 33.66, "Longitude": -117.22, "Population": 1007.0}, {"index": 12155, "quantile": 1.0, "value": 234500.00000000003, "Latitude": 33.66, "Longitude": -117.22, "Population": 1007.0}, {"index": 12156, "quantile": 0.0, "value": 100000.0, "Latitude": 33.66, "Longitude": -117.17, "Population": 2826.0}, {"index": 12156, "quantile": 0.25, "value": 177300.0, "Latitude": 33.66, "Longitude": -117.17, "Population": 2826.0}, {"index": 12156, "quantile": 0.5, "value": 177300.0, "Latitude": 33.66, "Longitude": -117.17, "Population": 2826.0}, {"index": 12156, "quantile": 0.75, "value": 177300.0, "Latitude": 33.66, "Longitude": -117.17, "Population": 2826.0}, {"index": 12156, "quantile": 1.0, "value": 450000.0, "Latitude": 33.66, "Longitude": -117.17, "Population": 2826.0}, {"index": 12157, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 33.67, "Longitude": -117.07, "Population": 557.0}, {"index": 12157, "quantile": 0.25, "value": 137950.0, "Latitude": 33.67, "Longitude": -117.07, "Population": 557.0}, {"index": 12157, "quantile": 0.5, "value": 145800.0, "Latitude": 33.67, "Longitude": -117.07, "Population": 557.0}, {"index": 12157, "quantile": 0.75, "value": 145800.0, "Latitude": 33.67, "Longitude": -117.07, "Population": 557.0}, {"index": 12157, "quantile": 1.0, "value": 159400.0, "Latitude": 33.67, "Longitude": -117.07, "Population": 557.0}, {"index": 12158, "quantile": 0.0, "value": 96700.0, "Latitude": 33.83, "Longitude": -117.11, "Population": 1540.0}, {"index": 12158, "quantile": 0.25, "value": 113199.99999999999, "Latitude": 33.83, "Longitude": -117.11, "Population": 1540.0}, {"index": 12158, "quantile": 0.5, "value": 121400.0, "Latitude": 33.83, "Longitude": -117.11, "Population": 1540.0}, {"index": 12158, "quantile": 0.75, "value": 128200.0, "Latitude": 33.83, "Longitude": -117.11, "Population": 1540.0}, {"index": 12158, "quantile": 1.0, "value": 227000.0, "Latitude": 33.83, "Longitude": -117.11, "Population": 1540.0}, {"index": 12159, "quantile": 0.0, "value": 100000.0, "Latitude": 33.78, "Longitude": -117.11, "Population": 930.0}, {"index": 12159, "quantile": 0.25, "value": 161200.0, "Latitude": 33.78, "Longitude": -117.11, "Population": 930.0}, {"index": 12159, "quantile": 0.5, "value": 161200.0, "Latitude": 33.78, "Longitude": -117.11, "Population": 930.0}, {"index": 12159, "quantile": 0.75, "value": 161200.0, "Latitude": 33.78, "Longitude": -117.11, "Population": 930.0}, {"index": 12159, "quantile": 1.0, "value": 307600.0, "Latitude": 33.78, "Longitude": -117.11, "Population": 930.0}, {"index": 12160, "quantile": 0.0, "value": 64400.0, "Latitude": 33.82, "Longitude": -117.08, "Population": 935.0}, {"index": 12160, "quantile": 0.25, "value": 148200.0, "Latitude": 33.82, "Longitude": -117.08, "Population": 935.0}, {"index": 12160, "quantile": 0.5, "value": 148200.0, "Latitude": 33.82, "Longitude": -117.08, "Population": 935.0}, {"index": 12160, "quantile": 0.75, "value": 148200.0, "Latitude": 33.82, "Longitude": -117.08, "Population": 935.0}, {"index": 12160, "quantile": 1.0, "value": 222600.0, "Latitude": 33.82, "Longitude": -117.08, "Population": 935.0}, {"index": 12161, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.78, "Longitude": -117.18, "Population": 808.0}, {"index": 12161, "quantile": 0.25, "value": 95525.0, "Latitude": 33.78, "Longitude": -117.18, "Population": 808.0}, {"index": 12161, "quantile": 0.5, "value": 169300.0, "Latitude": 33.78, "Longitude": -117.18, "Population": 808.0}, {"index": 12161, "quantile": 0.75, "value": 169300.0, "Latitude": 33.78, "Longitude": -117.18, "Population": 808.0}, {"index": 12161, "quantile": 1.0, "value": 328600.0, "Latitude": 33.78, "Longitude": -117.18, "Population": 808.0}, {"index": 12162, "quantile": 0.0, "value": 67500.0, "Latitude": 33.75, "Longitude": -117.11, "Population": 1845.0}, {"index": 12162, "quantile": 0.25, "value": 89300.0, "Latitude": 33.75, "Longitude": -117.11, "Population": 1845.0}, {"index": 12162, "quantile": 0.5, "value": 111100.0, "Latitude": 33.75, "Longitude": -117.11, "Population": 1845.0}, {"index": 12162, "quantile": 0.75, "value": 123400.0, "Latitude": 33.75, "Longitude": -117.11, "Population": 1845.0}, {"index": 12162, "quantile": 1.0, "value": 212500.0, "Latitude": 33.75, "Longitude": -117.11, "Population": 1845.0}, {"index": 12163, "quantile": 0.0, "value": 89300.0, "Latitude": 33.76, "Longitude": -117.16, "Population": 2508.0}, {"index": 12163, "quantile": 0.25, "value": 136125.0, "Latitude": 33.76, "Longitude": -117.16, "Population": 2508.0}, {"index": 12163, "quantile": 0.5, "value": 155400.0, "Latitude": 33.76, "Longitude": -117.16, "Population": 2508.0}, {"index": 12163, "quantile": 0.75, "value": 155400.0, "Latitude": 33.76, "Longitude": -117.16, "Population": 2508.0}, {"index": 12163, "quantile": 1.0, "value": 163600.0, "Latitude": 33.76, "Longitude": -117.16, "Population": 2508.0}, {"index": 12164, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 33.74, "Longitude": -117.22, "Population": 931.0}, {"index": 12164, "quantile": 0.25, "value": 109200.00000000001, "Latitude": 33.74, "Longitude": -117.22, "Population": 931.0}, {"index": 12164, "quantile": 0.5, "value": 109200.00000000001, "Latitude": 33.74, "Longitude": -117.22, "Population": 931.0}, {"index": 12164, "quantile": 0.75, "value": 130800.0, "Latitude": 33.74, "Longitude": -117.22, "Population": 931.0}, {"index": 12164, "quantile": 1.0, "value": 187500.0, "Latitude": 33.74, "Longitude": -117.22, "Population": 931.0}, {"index": 12165, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 33.78, "Longitude": -117.06, "Population": 1345.0}, {"index": 12165, "quantile": 0.25, "value": 139900.0, "Latitude": 33.78, "Longitude": -117.06, "Population": 1345.0}, {"index": 12165, "quantile": 0.5, "value": 145300.0, "Latitude": 33.78, "Longitude": -117.06, "Population": 1345.0}, {"index": 12165, "quantile": 0.75, "value": 145300.0, "Latitude": 33.78, "Longitude": -117.06, "Population": 1345.0}, {"index": 12165, "quantile": 1.0, "value": 170700.0, "Latitude": 33.78, "Longitude": -117.06, "Population": 1345.0}, {"index": 12166, "quantile": 0.0, "value": 67500.0, "Latitude": 33.81, "Longitude": -117.14, "Population": 2044.0}, {"index": 12166, "quantile": 0.25, "value": 129125.0, "Latitude": 33.81, "Longitude": -117.14, "Population": 2044.0}, {"index": 12166, "quantile": 0.5, "value": 148800.0, "Latitude": 33.81, "Longitude": -117.14, "Population": 2044.0}, {"index": 12166, "quantile": 0.75, "value": 148800.0, "Latitude": 33.81, "Longitude": -117.14, "Population": 2044.0}, {"index": 12166, "quantile": 1.0, "value": 234500.00000000003, "Latitude": 33.81, "Longitude": -117.14, "Population": 2044.0}, {"index": 12167, "quantile": 0.0, "value": 91800.0, "Latitude": 33.8, "Longitude": -117.22, "Population": 2703.0}, {"index": 12167, "quantile": 0.25, "value": 104200.0, "Latitude": 33.8, "Longitude": -117.22, "Population": 2703.0}, {"index": 12167, "quantile": 0.5, "value": 130900.0, "Latitude": 33.8, "Longitude": -117.22, "Population": 2703.0}, {"index": 12167, "quantile": 0.75, "value": 161225.0, "Latitude": 33.8, "Longitude": -117.22, "Population": 2703.0}, {"index": 12167, "quantile": 1.0, "value": 336800.0, "Latitude": 33.8, "Longitude": -117.22, "Population": 2703.0}, {"index": 12168, "quantile": 0.0, "value": 81900.0, "Latitude": 33.71, "Longitude": -117.09, "Population": 1276.0}, {"index": 12168, "quantile": 0.25, "value": 90500.0, "Latitude": 33.71, "Longitude": -117.09, "Population": 1276.0}, {"index": 12168, "quantile": 0.5, "value": 90500.0, "Latitude": 33.71, "Longitude": -117.09, "Population": 1276.0}, {"index": 12168, "quantile": 0.75, "value": 90500.0, "Latitude": 33.71, "Longitude": -117.09, "Population": 1276.0}, {"index": 12168, "quantile": 1.0, "value": 162500.0, "Latitude": 33.71, "Longitude": -117.09, "Population": 1276.0}, {"index": 12169, "quantile": 0.0, "value": 89400.0, "Latitude": 33.72, "Longitude": -117.07, "Population": 2132.0}, {"index": 12169, "quantile": 0.25, "value": 121500.00000000001, "Latitude": 33.72, "Longitude": -117.07, "Population": 2132.0}, {"index": 12169, "quantile": 0.5, "value": 145300.0, "Latitude": 33.72, "Longitude": -117.07, "Population": 2132.0}, {"index": 12169, "quantile": 0.75, "value": 155400.0, "Latitude": 33.72, "Longitude": -117.07, "Population": 2132.0}, {"index": 12169, "quantile": 1.0, "value": 189700.0, "Latitude": 33.72, "Longitude": -117.07, "Population": 2132.0}, {"index": 12170, "quantile": 0.0, "value": 62800.0, "Latitude": 33.74, "Longitude": -117.11, "Population": 1966.0}, {"index": 12170, "quantile": 0.25, "value": 83450.0, "Latitude": 33.74, "Longitude": -117.11, "Population": 1966.0}, {"index": 12170, "quantile": 0.5, "value": 97800.0, "Latitude": 33.74, "Longitude": -117.11, "Population": 1966.0}, {"index": 12170, "quantile": 0.75, "value": 119974.99999999999, "Latitude": 33.74, "Longitude": -117.11, "Population": 1966.0}, {"index": 12170, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -117.11, "Population": 1966.0}, {"index": 12171, "quantile": 0.0, "value": 72100.0, "Latitude": 33.7, "Longitude": -117.15, "Population": 2489.0}, {"index": 12171, "quantile": 0.25, "value": 111500.0, "Latitude": 33.7, "Longitude": -117.15, "Population": 2489.0}, {"index": 12171, "quantile": 0.5, "value": 111500.0, "Latitude": 33.7, "Longitude": -117.15, "Population": 2489.0}, {"index": 12171, "quantile": 0.75, "value": 147600.0, "Latitude": 33.7, "Longitude": -117.15, "Population": 2489.0}, {"index": 12171, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.7, "Longitude": -117.15, "Population": 2489.0}, {"index": 12172, "quantile": 0.0, "value": 76300.0, "Latitude": 33.73, "Longitude": -117.16, "Population": 1323.0}, {"index": 12172, "quantile": 0.25, "value": 140700.0, "Latitude": 33.73, "Longitude": -117.16, "Population": 1323.0}, {"index": 12172, "quantile": 0.5, "value": 140700.0, "Latitude": 33.73, "Longitude": -117.16, "Population": 1323.0}, {"index": 12172, "quantile": 0.75, "value": 140700.0, "Latitude": 33.73, "Longitude": -117.16, "Population": 1323.0}, {"index": 12172, "quantile": 1.0, "value": 216900.0, "Latitude": 33.73, "Longitude": -117.16, "Population": 1323.0}, {"index": 12173, "quantile": 0.0, "value": 70900.0, "Latitude": 33.79, "Longitude": -117.23, "Population": 2016.0}, {"index": 12173, "quantile": 0.25, "value": 89300.0, "Latitude": 33.79, "Longitude": -117.23, "Population": 2016.0}, {"index": 12173, "quantile": 0.5, "value": 89300.0, "Latitude": 33.79, "Longitude": -117.23, "Population": 2016.0}, {"index": 12173, "quantile": 0.75, "value": 113025.00000000001, "Latitude": 33.79, "Longitude": -117.23, "Population": 2016.0}, {"index": 12173, "quantile": 1.0, "value": 169300.0, "Latitude": 33.79, "Longitude": -117.23, "Population": 2016.0}, {"index": 12174, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 33.78, "Longitude": -117.23, "Population": 2672.0}, {"index": 12174, "quantile": 0.25, "value": 81500.0, "Latitude": 33.78, "Longitude": -117.23, "Population": 2672.0}, {"index": 12174, "quantile": 0.5, "value": 81500.0, "Latitude": 33.78, "Longitude": -117.23, "Population": 2672.0}, {"index": 12174, "quantile": 0.75, "value": 90225.0, "Latitude": 33.78, "Longitude": -117.23, "Population": 2672.0}, {"index": 12174, "quantile": 1.0, "value": 173200.0, "Latitude": 33.78, "Longitude": -117.23, "Population": 2672.0}, {"index": 12175, "quantile": 0.0, "value": 66400.0, "Latitude": 33.77, "Longitude": -117.23, "Population": 1666.0}, {"index": 12175, "quantile": 0.25, "value": 83000.0, "Latitude": 33.77, "Longitude": -117.23, "Population": 1666.0}, {"index": 12175, "quantile": 0.5, "value": 83000.0, "Latitude": 33.77, "Longitude": -117.23, "Population": 1666.0}, {"index": 12175, "quantile": 0.75, "value": 83100.0, "Latitude": 33.77, "Longitude": -117.23, "Population": 1666.0}, {"index": 12175, "quantile": 1.0, "value": 325000.0, "Latitude": 33.77, "Longitude": -117.23, "Population": 1666.0}, {"index": 12176, "quantile": 0.0, "value": 74800.0, "Latitude": 33.83, "Longitude": -117.29, "Population": 2393.0}, {"index": 12176, "quantile": 0.25, "value": 118300.0, "Latitude": 33.83, "Longitude": -117.29, "Population": 2393.0}, {"index": 12176, "quantile": 0.5, "value": 118300.0, "Latitude": 33.83, "Longitude": -117.29, "Population": 2393.0}, {"index": 12176, "quantile": 0.75, "value": 120150.0, "Latitude": 33.83, "Longitude": -117.29, "Population": 2393.0}, {"index": 12176, "quantile": 1.0, "value": 163600.0, "Latitude": 33.83, "Longitude": -117.29, "Population": 2393.0}, {"index": 12177, "quantile": 0.0, "value": 93300.0, "Latitude": 33.8, "Longitude": -117.32, "Population": 1757.0}, {"index": 12177, "quantile": 0.25, "value": 127400.0, "Latitude": 33.8, "Longitude": -117.32, "Population": 1757.0}, {"index": 12177, "quantile": 0.5, "value": 142800.0, "Latitude": 33.8, "Longitude": -117.32, "Population": 1757.0}, {"index": 12177, "quantile": 0.75, "value": 152600.0, "Latitude": 33.8, "Longitude": -117.32, "Population": 1757.0}, {"index": 12177, "quantile": 1.0, "value": 295200.0, "Latitude": 33.8, "Longitude": -117.32, "Population": 1757.0}, {"index": 12178, "quantile": 0.0, "value": 69400.0, "Latitude": 33.81, "Longitude": -117.26, "Population": 2405.0}, {"index": 12178, "quantile": 0.25, "value": 133325.0, "Latitude": 33.81, "Longitude": -117.26, "Population": 2405.0}, {"index": 12178, "quantile": 0.5, "value": 146500.0, "Latitude": 33.81, "Longitude": -117.26, "Population": 2405.0}, {"index": 12178, "quantile": 0.75, "value": 146500.0, "Latitude": 33.81, "Longitude": -117.26, "Population": 2405.0}, {"index": 12178, "quantile": 1.0, "value": 162500.0, "Latitude": 33.81, "Longitude": -117.26, "Population": 2405.0}, {"index": 12179, "quantile": 0.0, "value": 81500.0, "Latitude": 33.77, "Longitude": -117.24, "Population": 3665.0}, {"index": 12179, "quantile": 0.25, "value": 111325.00000000001, "Latitude": 33.77, "Longitude": -117.24, "Population": 3665.0}, {"index": 12179, "quantile": 0.5, "value": 125300.00000000001, "Latitude": 33.77, "Longitude": -117.24, "Population": 3665.0}, {"index": 12179, "quantile": 0.75, "value": 146700.0, "Latitude": 33.77, "Longitude": -117.24, "Population": 3665.0}, {"index": 12179, "quantile": 1.0, "value": 199000.0, "Latitude": 33.77, "Longitude": -117.24, "Population": 3665.0}, {"index": 12180, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 33.75, "Longitude": -117.31, "Population": 2204.0}, {"index": 12180, "quantile": 0.25, "value": 112999.99999999999, "Latitude": 33.75, "Longitude": -117.31, "Population": 2204.0}, {"index": 12180, "quantile": 0.5, "value": 129200.0, "Latitude": 33.75, "Longitude": -117.31, "Population": 2204.0}, {"index": 12180, "quantile": 0.75, "value": 129200.0, "Latitude": 33.75, "Longitude": -117.31, "Population": 2204.0}, {"index": 12180, "quantile": 1.0, "value": 162500.0, "Latitude": 33.75, "Longitude": -117.31, "Population": 2204.0}, {"index": 12181, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 33.77, "Longitude": -117.27, "Population": 1859.0}, {"index": 12181, "quantile": 0.25, "value": 85325.0, "Latitude": 33.77, "Longitude": -117.27, "Population": 1859.0}, {"index": 12181, "quantile": 0.5, "value": 110449.99999999999, "Latitude": 33.77, "Longitude": -117.27, "Population": 1859.0}, {"index": 12181, "quantile": 0.75, "value": 129200.0, "Latitude": 33.77, "Longitude": -117.27, "Population": 1859.0}, {"index": 12181, "quantile": 1.0, "value": 328600.0, "Latitude": 33.77, "Longitude": -117.27, "Population": 1859.0}, {"index": 12182, "quantile": 0.0, "value": 65900.0, "Latitude": 33.72, "Longitude": -117.29, "Population": 1207.0}, {"index": 12182, "quantile": 0.25, "value": 110000.00000000001, "Latitude": 33.72, "Longitude": -117.29, "Population": 1207.0}, {"index": 12182, "quantile": 0.5, "value": 110000.00000000001, "Latitude": 33.72, "Longitude": -117.29, "Population": 1207.0}, {"index": 12182, "quantile": 0.75, "value": 114550.0, "Latitude": 33.72, "Longitude": -117.29, "Population": 1207.0}, {"index": 12182, "quantile": 1.0, "value": 184400.0, "Latitude": 33.72, "Longitude": -117.29, "Population": 1207.0}, {"index": 12183, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.72, "Longitude": -117.28, "Population": 640.0}, {"index": 12183, "quantile": 0.25, "value": 103850.0, "Latitude": 33.72, "Longitude": -117.28, "Population": 640.0}, {"index": 12183, "quantile": 0.5, "value": 129200.0, "Latitude": 33.72, "Longitude": -117.28, "Population": 640.0}, {"index": 12183, "quantile": 0.75, "value": 146500.0, "Latitude": 33.72, "Longitude": -117.28, "Population": 640.0}, {"index": 12183, "quantile": 1.0, "value": 216100.0, "Latitude": 33.72, "Longitude": -117.28, "Population": 640.0}, {"index": 12184, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 33.69, "Longitude": -117.39, "Population": 3464.0}, {"index": 12184, "quantile": 0.25, "value": 168700.0, "Latitude": 33.69, "Longitude": -117.39, "Population": 3464.0}, {"index": 12184, "quantile": 0.5, "value": 168700.0, "Latitude": 33.69, "Longitude": -117.39, "Population": 3464.0}, {"index": 12184, "quantile": 0.75, "value": 168700.0, "Latitude": 33.69, "Longitude": -117.39, "Population": 3464.0}, {"index": 12184, "quantile": 1.0, "value": 238899.99999999997, "Latitude": 33.69, "Longitude": -117.39, "Population": 3464.0}, {"index": 12185, "quantile": 0.0, "value": 90600.0, "Latitude": 33.7, "Longitude": -117.37, "Population": 2425.0}, {"index": 12185, "quantile": 0.25, "value": 123800.0, "Latitude": 33.7, "Longitude": -117.37, "Population": 2425.0}, {"index": 12185, "quantile": 0.5, "value": 123800.0, "Latitude": 33.7, "Longitude": -117.37, "Population": 2425.0}, {"index": 12185, "quantile": 0.75, "value": 127525.0, "Latitude": 33.7, "Longitude": -117.37, "Population": 2425.0}, {"index": 12185, "quantile": 1.0, "value": 183900.0, "Latitude": 33.7, "Longitude": -117.37, "Population": 2425.0}, {"index": 12186, "quantile": 0.0, "value": 94500.0, "Latitude": 33.71, "Longitude": -117.34, "Population": 1255.0}, {"index": 12186, "quantile": 0.25, "value": 127725.0, "Latitude": 33.71, "Longitude": -117.34, "Population": 1255.0}, {"index": 12186, "quantile": 0.5, "value": 154300.0, "Latitude": 33.71, "Longitude": -117.34, "Population": 1255.0}, {"index": 12186, "quantile": 0.75, "value": 154300.0, "Latitude": 33.71, "Longitude": -117.34, "Population": 1255.0}, {"index": 12186, "quantile": 1.0, "value": 367100.0, "Latitude": 33.71, "Longitude": -117.34, "Population": 1255.0}, {"index": 12187, "quantile": 0.0, "value": 67500.0, "Latitude": 33.67, "Longitude": -117.31, "Population": 596.0}, {"index": 12187, "quantile": 0.25, "value": 110975.0, "Latitude": 33.67, "Longitude": -117.31, "Population": 596.0}, {"index": 12187, "quantile": 0.5, "value": 124200.0, "Latitude": 33.67, "Longitude": -117.31, "Population": 596.0}, {"index": 12187, "quantile": 0.75, "value": 154300.0, "Latitude": 33.67, "Longitude": -117.31, "Population": 596.0}, {"index": 12187, "quantile": 1.0, "value": 240099.99999999997, "Latitude": 33.67, "Longitude": -117.31, "Population": 596.0}, {"index": 12188, "quantile": 0.0, "value": 94900.0, "Latitude": 33.69, "Longitude": -117.35, "Population": 581.0}, {"index": 12188, "quantile": 0.25, "value": 111300.0, "Latitude": 33.69, "Longitude": -117.35, "Population": 581.0}, {"index": 12188, "quantile": 0.5, "value": 111300.0, "Latitude": 33.69, "Longitude": -117.35, "Population": 581.0}, {"index": 12188, "quantile": 0.75, "value": 121574.99999999999, "Latitude": 33.69, "Longitude": -117.35, "Population": 581.0}, {"index": 12188, "quantile": 1.0, "value": 366700.0, "Latitude": 33.69, "Longitude": -117.35, "Population": 581.0}, {"index": 12189, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.67, "Longitude": -117.33, "Population": 2667.0}, {"index": 12189, "quantile": 0.25, "value": 88000.0, "Latitude": 33.67, "Longitude": -117.33, "Population": 2667.0}, {"index": 12189, "quantile": 0.5, "value": 109750.00000000001, "Latitude": 33.67, "Longitude": -117.33, "Population": 2667.0}, {"index": 12189, "quantile": 0.75, "value": 146500.0, "Latitude": 33.67, "Longitude": -117.33, "Population": 2667.0}, {"index": 12189, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -117.33, "Population": 2667.0}, {"index": 12190, "quantile": 0.0, "value": 104200.0, "Latitude": 33.68, "Longitude": -117.35, "Population": 282.0}, {"index": 12190, "quantile": 0.25, "value": 125000.0, "Latitude": 33.68, "Longitude": -117.35, "Population": 282.0}, {"index": 12190, "quantile": 0.5, "value": 125000.0, "Latitude": 33.68, "Longitude": -117.35, "Population": 282.0}, {"index": 12190, "quantile": 0.75, "value": 159150.0, "Latitude": 33.68, "Longitude": -117.35, "Population": 282.0}, {"index": 12190, "quantile": 1.0, "value": 256700.00000000003, "Latitude": 33.68, "Longitude": -117.35, "Population": 282.0}, {"index": 12191, "quantile": 0.0, "value": 101600.0, "Latitude": 33.67, "Longitude": -117.38, "Population": 7235.0}, {"index": 12191, "quantile": 0.25, "value": 131800.0, "Latitude": 33.67, "Longitude": -117.38, "Population": 7235.0}, {"index": 12191, "quantile": 0.5, "value": 131800.0, "Latitude": 33.67, "Longitude": -117.38, "Population": 7235.0}, {"index": 12191, "quantile": 0.75, "value": 131800.0, "Latitude": 33.67, "Longitude": -117.38, "Population": 7235.0}, {"index": 12191, "quantile": 1.0, "value": 170900.0, "Latitude": 33.67, "Longitude": -117.38, "Population": 7235.0}, {"index": 12192, "quantile": 0.0, "value": 67500.0, "Latitude": 33.67, "Longitude": -117.38, "Population": 4776.0}, {"index": 12192, "quantile": 0.25, "value": 132600.0, "Latitude": 33.67, "Longitude": -117.38, "Population": 4776.0}, {"index": 12192, "quantile": 0.5, "value": 132600.0, "Latitude": 33.67, "Longitude": -117.38, "Population": 4776.0}, {"index": 12192, "quantile": 0.75, "value": 132600.0, "Latitude": 33.67, "Longitude": -117.38, "Population": 4776.0}, {"index": 12192, "quantile": 1.0, "value": 328600.0, "Latitude": 33.67, "Longitude": -117.38, "Population": 4776.0}, {"index": 12193, "quantile": 0.0, "value": 74800.0, "Latitude": 33.64, "Longitude": -117.35, "Population": 3405.0}, {"index": 12193, "quantile": 0.25, "value": 115850.00000000001, "Latitude": 33.64, "Longitude": -117.35, "Population": 3405.0}, {"index": 12193, "quantile": 0.5, "value": 146700.0, "Latitude": 33.64, "Longitude": -117.35, "Population": 3405.0}, {"index": 12193, "quantile": 0.75, "value": 169700.0, "Latitude": 33.64, "Longitude": -117.35, "Population": 3405.0}, {"index": 12193, "quantile": 1.0, "value": 240200.0, "Latitude": 33.64, "Longitude": -117.35, "Population": 3405.0}, {"index": 12194, "quantile": 0.0, "value": 105800.0, "Latitude": 33.63, "Longitude": -117.29, "Population": 7139.0}, {"index": 12194, "quantile": 0.25, "value": 162200.0, "Latitude": 33.63, "Longitude": -117.29, "Population": 7139.0}, {"index": 12194, "quantile": 0.5, "value": 162200.0, "Latitude": 33.63, "Longitude": -117.29, "Population": 7139.0}, {"index": 12194, "quantile": 0.75, "value": 162200.0, "Latitude": 33.63, "Longitude": -117.29, "Population": 7139.0}, {"index": 12194, "quantile": 1.0, "value": 241800.00000000003, "Latitude": 33.63, "Longitude": -117.29, "Population": 7139.0}, {"index": 12195, "quantile": 0.0, "value": 84700.0, "Latitude": 33.66, "Longitude": -117.28, "Population": 2513.0}, {"index": 12195, "quantile": 0.25, "value": 144925.00000000003, "Latitude": 33.66, "Longitude": -117.28, "Population": 2513.0}, {"index": 12195, "quantile": 0.5, "value": 163600.0, "Latitude": 33.66, "Longitude": -117.28, "Population": 2513.0}, {"index": 12195, "quantile": 0.75, "value": 163600.0, "Latitude": 33.66, "Longitude": -117.28, "Population": 2513.0}, {"index": 12195, "quantile": 1.0, "value": 216100.0, "Latitude": 33.66, "Longitude": -117.28, "Population": 2513.0}, {"index": 12196, "quantile": 0.0, "value": 239100.0, "Latitude": 33.55, "Longitude": -117.43, "Population": 188.0}, {"index": 12196, "quantile": 0.25, "value": 465599.99999999994, "Latitude": 33.55, "Longitude": -117.43, "Population": 188.0}, {"index": 12196, "quantile": 0.5, "value": 465599.99999999994, "Latitude": 33.55, "Longitude": -117.43, "Population": 188.0}, {"index": 12196, "quantile": 0.75, "value": 465599.99999999994, "Latitude": 33.55, "Longitude": -117.43, "Population": 188.0}, {"index": 12196, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.55, "Longitude": -117.43, "Population": 188.0}, {"index": 12197, "quantile": 0.0, "value": 123800.0, "Latitude": 33.6, "Longitude": -117.36, "Population": 2082.0}, {"index": 12197, "quantile": 0.25, "value": 159300.0, "Latitude": 33.6, "Longitude": -117.36, "Population": 2082.0}, {"index": 12197, "quantile": 0.5, "value": 159300.0, "Latitude": 33.6, "Longitude": -117.36, "Population": 2082.0}, {"index": 12197, "quantile": 0.75, "value": 159300.0, "Latitude": 33.6, "Longitude": -117.36, "Population": 2082.0}, {"index": 12197, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.6, "Longitude": -117.36, "Population": 2082.0}, {"index": 12198, "quantile": 0.0, "value": 96700.0, "Latitude": 33.65, "Longitude": -117.25, "Population": 725.0}, {"index": 12198, "quantile": 0.25, "value": 150900.0, "Latitude": 33.65, "Longitude": -117.25, "Population": 725.0}, {"index": 12198, "quantile": 0.5, "value": 155600.0, "Latitude": 33.65, "Longitude": -117.25, "Population": 725.0}, {"index": 12198, "quantile": 0.75, "value": 155600.0, "Latitude": 33.65, "Longitude": -117.25, "Population": 725.0}, {"index": 12198, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 33.65, "Longitude": -117.25, "Population": 725.0}, {"index": 12199, "quantile": 0.0, "value": 90300.0, "Latitude": 33.64, "Longitude": -117.19, "Population": 757.0}, {"index": 12199, "quantile": 0.25, "value": 123075.0, "Latitude": 33.64, "Longitude": -117.19, "Population": 757.0}, {"index": 12199, "quantile": 0.5, "value": 154050.0, "Latitude": 33.64, "Longitude": -117.19, "Population": 757.0}, {"index": 12199, "quantile": 0.75, "value": 167200.0, "Latitude": 33.64, "Longitude": -117.19, "Population": 757.0}, {"index": 12199, "quantile": 1.0, "value": 270000.0, "Latitude": 33.64, "Longitude": -117.19, "Population": 757.0}, {"index": 12200, "quantile": 0.0, "value": 131000.0, "Latitude": 33.61, "Longitude": -117.21, "Population": 2975.0}, {"index": 12200, "quantile": 0.25, "value": 150900.0, "Latitude": 33.61, "Longitude": -117.21, "Population": 2975.0}, {"index": 12200, "quantile": 0.5, "value": 150900.0, "Latitude": 33.61, "Longitude": -117.21, "Population": 2975.0}, {"index": 12200, "quantile": 0.75, "value": 162200.0, "Latitude": 33.61, "Longitude": -117.21, "Population": 2975.0}, {"index": 12200, "quantile": 1.0, "value": 295900.0, "Latitude": 33.61, "Longitude": -117.21, "Population": 2975.0}, {"index": 12201, "quantile": 0.0, "value": 132400.0, "Latitude": 33.58, "Longitude": -117.2, "Population": 9419.0}, {"index": 12201, "quantile": 0.25, "value": 174300.0, "Latitude": 33.58, "Longitude": -117.2, "Population": 9419.0}, {"index": 12201, "quantile": 0.5, "value": 174300.0, "Latitude": 33.58, "Longitude": -117.2, "Population": 9419.0}, {"index": 12201, "quantile": 0.75, "value": 212300.00000000003, "Latitude": 33.58, "Longitude": -117.2, "Population": 9419.0}, {"index": 12201, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.58, "Longitude": -117.2, "Population": 9419.0}, {"index": 12202, "quantile": 0.0, "value": 90800.0, "Latitude": 33.61, "Longitude": -117.16, "Population": 1223.0}, {"index": 12202, "quantile": 0.25, "value": 173900.0, "Latitude": 33.61, "Longitude": -117.16, "Population": 1223.0}, {"index": 12202, "quantile": 0.5, "value": 189800.0, "Latitude": 33.61, "Longitude": -117.16, "Population": 1223.0}, {"index": 12202, "quantile": 0.75, "value": 232799.99999999997, "Latitude": 33.61, "Longitude": -117.16, "Population": 1223.0}, {"index": 12202, "quantile": 1.0, "value": 376800.0, "Latitude": 33.61, "Longitude": -117.16, "Population": 1223.0}, {"index": 12203, "quantile": 0.0, "value": 125200.0, "Latitude": 33.61, "Longitude": -117.12, "Population": 1232.0}, {"index": 12203, "quantile": 0.25, "value": 145600.0, "Latitude": 33.61, "Longitude": -117.12, "Population": 1232.0}, {"index": 12203, "quantile": 0.5, "value": 145600.0, "Latitude": 33.61, "Longitude": -117.12, "Population": 1232.0}, {"index": 12203, "quantile": 0.75, "value": 175050.00000000003, "Latitude": 33.61, "Longitude": -117.12, "Population": 1232.0}, {"index": 12203, "quantile": 1.0, "value": 295200.0, "Latitude": 33.61, "Longitude": -117.12, "Population": 1232.0}, {"index": 12204, "quantile": 0.0, "value": 131000.0, "Latitude": 33.57, "Longitude": -117.16, "Population": 7132.0}, {"index": 12204, "quantile": 0.25, "value": 187300.0, "Latitude": 33.57, "Longitude": -117.16, "Population": 7132.0}, {"index": 12204, "quantile": 0.5, "value": 187300.0, "Latitude": 33.57, "Longitude": -117.16, "Population": 7132.0}, {"index": 12204, "quantile": 0.75, "value": 187300.0, "Latitude": 33.57, "Longitude": -117.16, "Population": 7132.0}, {"index": 12204, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.57, "Longitude": -117.16, "Population": 7132.0}, {"index": 12205, "quantile": 0.0, "value": 120400.0, "Latitude": 33.54, "Longitude": -117.16, "Population": 2912.0}, {"index": 12205, "quantile": 0.25, "value": 147500.0, "Latitude": 33.54, "Longitude": -117.16, "Population": 2912.0}, {"index": 12205, "quantile": 0.5, "value": 147500.0, "Latitude": 33.54, "Longitude": -117.16, "Population": 2912.0}, {"index": 12205, "quantile": 0.75, "value": 158500.0, "Latitude": 33.54, "Longitude": -117.16, "Population": 2912.0}, {"index": 12205, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 33.54, "Longitude": -117.16, "Population": 2912.0}, {"index": 12206, "quantile": 0.0, "value": 135200.0, "Latitude": 33.52, "Longitude": -117.05, "Population": 1541.0}, {"index": 12206, "quantile": 0.25, "value": 252850.00000000003, "Latitude": 33.52, "Longitude": -117.05, "Population": 1541.0}, {"index": 12206, "quantile": 0.5, "value": 347700.0, "Latitude": 33.52, "Longitude": -117.05, "Population": 1541.0}, {"index": 12206, "quantile": 0.75, "value": 347700.0, "Latitude": 33.52, "Longitude": -117.05, "Population": 1541.0}, {"index": 12206, "quantile": 1.0, "value": 347700.0, "Latitude": 33.52, "Longitude": -117.05, "Population": 1541.0}, {"index": 12207, "quantile": 0.0, "value": 85700.0, "Latitude": 33.52, "Longitude": -116.96, "Population": 1155.0}, {"index": 12207, "quantile": 0.25, "value": 176100.0, "Latitude": 33.52, "Longitude": -116.96, "Population": 1155.0}, {"index": 12207, "quantile": 0.5, "value": 197650.00000000003, "Latitude": 33.52, "Longitude": -116.96, "Population": 1155.0}, {"index": 12207, "quantile": 0.75, "value": 221900.0, "Latitude": 33.52, "Longitude": -116.96, "Population": 1155.0}, {"index": 12207, "quantile": 1.0, "value": 307600.0, "Latitude": 33.52, "Longitude": -116.96, "Population": 1155.0}, {"index": 12208, "quantile": 0.0, "value": 145600.0, "Latitude": 33.56, "Longitude": -117.1, "Population": 750.0}, {"index": 12208, "quantile": 0.25, "value": 248775.0, "Latitude": 33.56, "Longitude": -117.1, "Population": 750.0}, {"index": 12208, "quantile": 0.5, "value": 307600.0, "Latitude": 33.56, "Longitude": -117.1, "Population": 750.0}, {"index": 12208, "quantile": 0.75, "value": 307600.0, "Latitude": 33.56, "Longitude": -117.1, "Population": 750.0}, {"index": 12208, "quantile": 1.0, "value": 353000.0, "Latitude": 33.56, "Longitude": -117.1, "Population": 750.0}, {"index": 12209, "quantile": 0.0, "value": 93400.0, "Latitude": 33.6, "Longitude": -117.02, "Population": 964.0}, {"index": 12209, "quantile": 0.25, "value": 152300.0, "Latitude": 33.6, "Longitude": -117.02, "Population": 964.0}, {"index": 12209, "quantile": 0.5, "value": 167200.0, "Latitude": 33.6, "Longitude": -117.02, "Population": 964.0}, {"index": 12209, "quantile": 0.75, "value": 220250.0, "Latitude": 33.6, "Longitude": -117.02, "Population": 964.0}, {"index": 12209, "quantile": 1.0, "value": 307600.0, "Latitude": 33.6, "Longitude": -117.02, "Population": 964.0}, {"index": 12210, "quantile": 0.0, "value": 84500.0, "Latitude": 33.62, "Longitude": -116.96, "Population": 388.0}, {"index": 12210, "quantile": 0.25, "value": 221900.0, "Latitude": 33.62, "Longitude": -116.96, "Population": 388.0}, {"index": 12210, "quantile": 0.5, "value": 221900.0, "Latitude": 33.62, "Longitude": -116.96, "Population": 388.0}, {"index": 12210, "quantile": 0.75, "value": 221900.0, "Latitude": 33.62, "Longitude": -116.96, "Population": 388.0}, {"index": 12210, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -116.96, "Population": 388.0}, {"index": 12211, "quantile": 0.0, "value": 138200.0, "Latitude": 33.48, "Longitude": -117.22, "Population": 510.0}, {"index": 12211, "quantile": 0.25, "value": 311000.00000000006, "Latitude": 33.48, "Longitude": -117.22, "Population": 510.0}, {"index": 12211, "quantile": 0.5, "value": 493300.0, "Latitude": 33.48, "Longitude": -117.22, "Population": 510.0}, {"index": 12211, "quantile": 0.75, "value": 493300.0, "Latitude": 33.48, "Longitude": -117.22, "Population": 510.0}, {"index": 12211, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.48, "Longitude": -117.22, "Population": 510.0}, {"index": 12212, "quantile": 0.0, "value": 119300.0, "Latitude": 33.53, "Longitude": -117.19, "Population": 43.0}, {"index": 12212, "quantile": 0.25, "value": 187500.0, "Latitude": 33.53, "Longitude": -117.19, "Population": 43.0}, {"index": 12212, "quantile": 0.5, "value": 187500.0, "Latitude": 33.53, "Longitude": -117.19, "Population": 43.0}, {"index": 12212, "quantile": 0.75, "value": 188100.0, "Latitude": 33.53, "Longitude": -117.19, "Population": 43.0}, {"index": 12212, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.53, "Longitude": -117.19, "Population": 43.0}, {"index": 12213, "quantile": 0.0, "value": 171900.0, "Latitude": 33.51, "Longitude": -117.18, "Population": 120.0}, {"index": 12213, "quantile": 0.25, "value": 310850.0, "Latitude": 33.51, "Longitude": -117.18, "Population": 120.0}, {"index": 12213, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.18, "Population": 120.0}, {"index": 12213, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.18, "Population": 120.0}, {"index": 12213, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.18, "Population": 120.0}, {"index": 12214, "quantile": 0.0, "value": 131000.0, "Latitude": 33.49, "Longitude": -117.12, "Population": 8824.0}, {"index": 12214, "quantile": 0.25, "value": 187300.0, "Latitude": 33.49, "Longitude": -117.12, "Population": 8824.0}, {"index": 12214, "quantile": 0.5, "value": 191100.0, "Latitude": 33.49, "Longitude": -117.12, "Population": 8824.0}, {"index": 12214, "quantile": 0.75, "value": 191100.0, "Latitude": 33.49, "Longitude": -117.12, "Population": 8824.0}, {"index": 12214, "quantile": 1.0, "value": 353000.0, "Latitude": 33.49, "Longitude": -117.12, "Population": 8824.0}, {"index": 12215, "quantile": 0.0, "value": 132400.0, "Latitude": 33.52, "Longitude": -117.12, "Population": 13251.0}, {"index": 12215, "quantile": 0.25, "value": 212300.00000000003, "Latitude": 33.52, "Longitude": -117.12, "Population": 13251.0}, {"index": 12215, "quantile": 0.5, "value": 212300.00000000003, "Latitude": 33.52, "Longitude": -117.12, "Population": 13251.0}, {"index": 12215, "quantile": 0.75, "value": 212300.00000000003, "Latitude": 33.52, "Longitude": -117.12, "Population": 13251.0}, {"index": 12215, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.52, "Longitude": -117.12, "Population": 13251.0}, {"index": 12216, "quantile": 0.0, "value": 132400.0, "Latitude": 33.45, "Longitude": -117.15, "Population": 3886.0}, {"index": 12216, "quantile": 0.25, "value": 204999.99999999997, "Latitude": 33.45, "Longitude": -117.15, "Population": 3886.0}, {"index": 12216, "quantile": 0.5, "value": 212300.00000000003, "Latitude": 33.45, "Longitude": -117.15, "Population": 3886.0}, {"index": 12216, "quantile": 0.75, "value": 263700.0, "Latitude": 33.45, "Longitude": -117.15, "Population": 3886.0}, {"index": 12216, "quantile": 1.0, "value": 376800.0, "Latitude": 33.45, "Longitude": -117.15, "Population": 3886.0}, {"index": 12217, "quantile": 0.0, "value": 67500.0, "Latitude": 33.46, "Longitude": -116.99, "Population": 846.0}, {"index": 12217, "quantile": 0.25, "value": 114450.00000000001, "Latitude": 33.46, "Longitude": -116.99, "Population": 846.0}, {"index": 12217, "quantile": 0.5, "value": 134500.0, "Latitude": 33.46, "Longitude": -116.99, "Population": 846.0}, {"index": 12217, "quantile": 0.75, "value": 137650.0, "Latitude": 33.46, "Longitude": -116.99, "Population": 846.0}, {"index": 12217, "quantile": 1.0, "value": 214299.99999999997, "Latitude": 33.46, "Longitude": -116.99, "Population": 846.0}, {"index": 12218, "quantile": 0.0, "value": 147500.0, "Latitude": 33.57, "Longitude": -117.23, "Population": 5860.0}, {"index": 12218, "quantile": 0.25, "value": 183000.0, "Latitude": 33.57, "Longitude": -117.23, "Population": 5860.0}, {"index": 12218, "quantile": 0.5, "value": 183000.0, "Latitude": 33.57, "Longitude": -117.23, "Population": 5860.0}, {"index": 12218, "quantile": 0.75, "value": 183000.0, "Latitude": 33.57, "Longitude": -117.23, "Population": 5860.0}, {"index": 12218, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.57, "Longitude": -117.23, "Population": 5860.0}, {"index": 12219, "quantile": 0.0, "value": 142500.0, "Latitude": 33.55, "Longitude": -117.27, "Population": 2088.0}, {"index": 12219, "quantile": 0.25, "value": 299600.0, "Latitude": 33.55, "Longitude": -117.27, "Population": 2088.0}, {"index": 12219, "quantile": 0.5, "value": 429000.0, "Latitude": 33.55, "Longitude": -117.27, "Population": 2088.0}, {"index": 12219, "quantile": 0.75, "value": 429000.0, "Latitude": 33.55, "Longitude": -117.27, "Population": 2088.0}, {"index": 12219, "quantile": 1.0, "value": 429000.0, "Latitude": 33.55, "Longitude": -117.27, "Population": 2088.0}, {"index": 12220, "quantile": 0.0, "value": 89500.0, "Latitude": 33.51, "Longitude": -117.32, "Population": 311.0}, {"index": 12220, "quantile": 0.25, "value": 222425.0, "Latitude": 33.51, "Longitude": -117.32, "Population": 311.0}, {"index": 12220, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.32, "Population": 311.0}, {"index": 12220, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.32, "Population": 311.0}, {"index": 12220, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.51, "Longitude": -117.32, "Population": 311.0}, {"index": 12221, "quantile": 0.0, "value": 72000.0, "Latitude": 33.71, "Longitude": -117.02, "Population": 3062.0}, {"index": 12221, "quantile": 0.25, "value": 122300.00000000001, "Latitude": 33.71, "Longitude": -117.02, "Population": 3062.0}, {"index": 12221, "quantile": 0.5, "value": 145500.0, "Latitude": 33.71, "Longitude": -117.02, "Population": 3062.0}, {"index": 12221, "quantile": 0.75, "value": 164650.0, "Latitude": 33.71, "Longitude": -117.02, "Population": 3062.0}, {"index": 12221, "quantile": 1.0, "value": 293900.0, "Latitude": 33.71, "Longitude": -117.02, "Population": 3062.0}, {"index": 12222, "quantile": 0.0, "value": 85200.0, "Latitude": 33.71, "Longitude": -116.91, "Population": 2703.0}, {"index": 12222, "quantile": 0.25, "value": 148800.0, "Latitude": 33.71, "Longitude": -116.91, "Population": 2703.0}, {"index": 12222, "quantile": 0.5, "value": 189700.0, "Latitude": 33.71, "Longitude": -116.91, "Population": 2703.0}, {"index": 12222, "quantile": 0.75, "value": 189700.0, "Latitude": 33.71, "Longitude": -116.91, "Population": 2703.0}, {"index": 12222, "quantile": 1.0, "value": 234500.00000000003, "Latitude": 33.71, "Longitude": -116.91, "Population": 2703.0}, {"index": 12223, "quantile": 0.0, "value": 88900.0, "Latitude": 33.73, "Longitude": -116.89, "Population": 937.0}, {"index": 12223, "quantile": 0.25, "value": 192750.0, "Latitude": 33.73, "Longitude": -116.89, "Population": 937.0}, {"index": 12223, "quantile": 0.5, "value": 211300.0, "Latitude": 33.73, "Longitude": -116.89, "Population": 937.0}, {"index": 12223, "quantile": 0.75, "value": 248900.0, "Latitude": 33.73, "Longitude": -116.89, "Population": 937.0}, {"index": 12223, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.73, "Longitude": -116.89, "Population": 937.0}, {"index": 12224, "quantile": 0.0, "value": 87500.0, "Latitude": 33.68, "Longitude": -116.95, "Population": 543.0}, {"index": 12224, "quantile": 0.25, "value": 173900.0, "Latitude": 33.68, "Longitude": -116.95, "Population": 543.0}, {"index": 12224, "quantile": 0.5, "value": 173900.0, "Latitude": 33.68, "Longitude": -116.95, "Population": 543.0}, {"index": 12224, "quantile": 0.75, "value": 173900.0, "Latitude": 33.68, "Longitude": -116.95, "Population": 543.0}, {"index": 12224, "quantile": 1.0, "value": 347700.0, "Latitude": 33.68, "Longitude": -116.95, "Population": 543.0}, {"index": 12225, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 33.65, "Longitude": -116.9, "Population": 248.0}, {"index": 12225, "quantile": 0.25, "value": 93800.0, "Latitude": 33.65, "Longitude": -116.9, "Population": 248.0}, {"index": 12225, "quantile": 0.5, "value": 93800.0, "Latitude": 33.65, "Longitude": -116.9, "Population": 248.0}, {"index": 12225, "quantile": 0.75, "value": 93800.0, "Latitude": 33.65, "Longitude": -116.9, "Population": 248.0}, {"index": 12225, "quantile": 1.0, "value": 275000.0, "Latitude": 33.65, "Longitude": -116.9, "Population": 248.0}, {"index": 12226, "quantile": 0.0, "value": 66300.0, "Latitude": 33.63, "Longitude": -116.92, "Population": 239.0}, {"index": 12226, "quantile": 0.25, "value": 137500.0, "Latitude": 33.63, "Longitude": -116.92, "Population": 239.0}, {"index": 12226, "quantile": 0.5, "value": 143800.0, "Latitude": 33.63, "Longitude": -116.92, "Population": 239.0}, {"index": 12226, "quantile": 0.75, "value": 143800.0, "Latitude": 33.63, "Longitude": -116.92, "Population": 239.0}, {"index": 12226, "quantile": 1.0, "value": 366700.0, "Latitude": 33.63, "Longitude": -116.92, "Population": 239.0}, {"index": 12227, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 33.73, "Longitude": -116.99, "Population": 6159.0}, {"index": 12227, "quantile": 0.25, "value": 94400.0, "Latitude": 33.73, "Longitude": -116.99, "Population": 6159.0}, {"index": 12227, "quantile": 0.5, "value": 97800.0, "Latitude": 33.73, "Longitude": -116.99, "Population": 6159.0}, {"index": 12227, "quantile": 0.75, "value": 97800.0, "Latitude": 33.73, "Longitude": -116.99, "Population": 6159.0}, {"index": 12227, "quantile": 1.0, "value": 148800.0, "Latitude": 33.73, "Longitude": -116.99, "Population": 6159.0}, {"index": 12228, "quantile": 0.0, "value": 81700.0, "Latitude": 33.74, "Longitude": -116.9, "Population": 894.0}, {"index": 12228, "quantile": 0.25, "value": 127899.99999999999, "Latitude": 33.74, "Longitude": -116.9, "Population": 894.0}, {"index": 12228, "quantile": 0.5, "value": 127899.99999999999, "Latitude": 33.74, "Longitude": -116.9, "Population": 894.0}, {"index": 12228, "quantile": 0.75, "value": 127899.99999999999, "Latitude": 33.74, "Longitude": -116.9, "Population": 894.0}, {"index": 12228, "quantile": 1.0, "value": 488900.0, "Latitude": 33.74, "Longitude": -116.9, "Population": 894.0}, {"index": 12229, "quantile": 0.0, "value": 73500.0, "Latitude": 33.75, "Longitude": -116.95, "Population": 1190.0}, {"index": 12229, "quantile": 0.25, "value": 85800.0, "Latitude": 33.75, "Longitude": -116.95, "Population": 1190.0}, {"index": 12229, "quantile": 0.5, "value": 85800.0, "Latitude": 33.75, "Longitude": -116.95, "Population": 1190.0}, {"index": 12229, "quantile": 0.75, "value": 86200.0, "Latitude": 33.75, "Longitude": -116.95, "Population": 1190.0}, {"index": 12229, "quantile": 1.0, "value": 169300.0, "Latitude": 33.75, "Longitude": -116.95, "Population": 1190.0}, {"index": 12230, "quantile": 0.0, "value": 70200.0, "Latitude": 33.75, "Longitude": -116.95, "Population": 2770.0}, {"index": 12230, "quantile": 0.25, "value": 86200.0, "Latitude": 33.75, "Longitude": -116.95, "Population": 2770.0}, {"index": 12230, "quantile": 0.5, "value": 109500.0, "Latitude": 33.75, "Longitude": -116.95, "Population": 2770.0}, {"index": 12230, "quantile": 0.75, "value": 109500.0, "Latitude": 33.75, "Longitude": -116.95, "Population": 2770.0}, {"index": 12230, "quantile": 1.0, "value": 124100.00000000001, "Latitude": 33.75, "Longitude": -116.95, "Population": 2770.0}, {"index": 12231, "quantile": 0.0, "value": 66300.0, "Latitude": 33.75, "Longitude": -116.93, "Population": 3136.0}, {"index": 12231, "quantile": 0.25, "value": 121500.00000000001, "Latitude": 33.75, "Longitude": -116.93, "Population": 3136.0}, {"index": 12231, "quantile": 0.5, "value": 121500.00000000001, "Latitude": 33.75, "Longitude": -116.93, "Population": 3136.0}, {"index": 12231, "quantile": 0.75, "value": 121500.00000000001, "Latitude": 33.75, "Longitude": -116.93, "Population": 3136.0}, {"index": 12231, "quantile": 1.0, "value": 170700.0, "Latitude": 33.75, "Longitude": -116.93, "Population": 3136.0}, {"index": 12232, "quantile": 0.0, "value": 98000.0, "Latitude": 33.74, "Longitude": -116.93, "Population": 1693.0}, {"index": 12232, "quantile": 0.25, "value": 112799.99999999999, "Latitude": 33.74, "Longitude": -116.93, "Population": 1693.0}, {"index": 12232, "quantile": 0.5, "value": 112799.99999999999, "Latitude": 33.74, "Longitude": -116.93, "Population": 1693.0}, {"index": 12232, "quantile": 0.75, "value": 122175.00000000001, "Latitude": 33.74, "Longitude": -116.93, "Population": 1693.0}, {"index": 12232, "quantile": 1.0, "value": 231800.0, "Latitude": 33.74, "Longitude": -116.93, "Population": 1693.0}, {"index": 12233, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 33.74, "Longitude": -116.95, "Population": 1024.0}, {"index": 12233, "quantile": 0.25, "value": 89400.0, "Latitude": 33.74, "Longitude": -116.95, "Population": 1024.0}, {"index": 12233, "quantile": 0.5, "value": 89400.0, "Latitude": 33.74, "Longitude": -116.95, "Population": 1024.0}, {"index": 12233, "quantile": 0.75, "value": 94624.99999999999, "Latitude": 33.74, "Longitude": -116.95, "Population": 1024.0}, {"index": 12233, "quantile": 1.0, "value": 170700.0, "Latitude": 33.74, "Longitude": -116.95, "Population": 1024.0}, {"index": 12234, "quantile": 0.0, "value": 66300.0, "Latitude": 33.73, "Longitude": -116.96, "Population": 2306.0}, {"index": 12234, "quantile": 0.25, "value": 94500.0, "Latitude": 33.73, "Longitude": -116.96, "Population": 2306.0}, {"index": 12234, "quantile": 0.5, "value": 121000.0, "Latitude": 33.73, "Longitude": -116.96, "Population": 2306.0}, {"index": 12234, "quantile": 0.75, "value": 145300.0, "Latitude": 33.73, "Longitude": -116.96, "Population": 2306.0}, {"index": 12234, "quantile": 1.0, "value": 216900.0, "Latitude": 33.73, "Longitude": -116.96, "Population": 2306.0}, {"index": 12235, "quantile": 0.0, "value": 91400.0, "Latitude": 33.73, "Longitude": -116.95, "Population": 2233.0}, {"index": 12235, "quantile": 0.25, "value": 94500.0, "Latitude": 33.73, "Longitude": -116.95, "Population": 2233.0}, {"index": 12235, "quantile": 0.5, "value": 94500.0, "Latitude": 33.73, "Longitude": -116.95, "Population": 2233.0}, {"index": 12235, "quantile": 0.75, "value": 112799.99999999999, "Latitude": 33.73, "Longitude": -116.95, "Population": 2233.0}, {"index": 12235, "quantile": 1.0, "value": 183900.0, "Latitude": 33.73, "Longitude": -116.95, "Population": 2233.0}, {"index": 12236, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 33.74, "Longitude": -116.95, "Population": 1270.0}, {"index": 12236, "quantile": 0.25, "value": 91200.0, "Latitude": 33.74, "Longitude": -116.95, "Population": 1270.0}, {"index": 12236, "quantile": 0.5, "value": 91200.0, "Latitude": 33.74, "Longitude": -116.95, "Population": 1270.0}, {"index": 12236, "quantile": 0.75, "value": 91200.0, "Latitude": 33.74, "Longitude": -116.95, "Population": 1270.0}, {"index": 12236, "quantile": 1.0, "value": 216900.0, "Latitude": 33.74, "Longitude": -116.95, "Population": 1270.0}, {"index": 12237, "quantile": 0.0, "value": 118900.0, "Latitude": 33.74, "Longitude": -116.94, "Population": 1414.0}, {"index": 12237, "quantile": 0.25, "value": 118900.0, "Latitude": 33.74, "Longitude": -116.94, "Population": 1414.0}, {"index": 12237, "quantile": 0.5, "value": 118900.0, "Latitude": 33.74, "Longitude": -116.94, "Population": 1414.0}, {"index": 12237, "quantile": 0.75, "value": 136975.0, "Latitude": 33.74, "Longitude": -116.94, "Population": 1414.0}, {"index": 12237, "quantile": 1.0, "value": 347700.0, "Latitude": 33.74, "Longitude": -116.94, "Population": 1414.0}, {"index": 12238, "quantile": 0.0, "value": 87200.0, "Latitude": 33.73, "Longitude": -116.94, "Population": 2344.0}, {"index": 12238, "quantile": 0.25, "value": 120000.0, "Latitude": 33.73, "Longitude": -116.94, "Population": 2344.0}, {"index": 12238, "quantile": 0.5, "value": 120000.0, "Latitude": 33.73, "Longitude": -116.94, "Population": 2344.0}, {"index": 12238, "quantile": 0.75, "value": 120000.0, "Latitude": 33.73, "Longitude": -116.94, "Population": 2344.0}, {"index": 12238, "quantile": 1.0, "value": 207700.0, "Latitude": 33.73, "Longitude": -116.94, "Population": 2344.0}, {"index": 12239, "quantile": 0.0, "value": 91800.0, "Latitude": 33.73, "Longitude": -116.93, "Population": 1644.0}, {"index": 12239, "quantile": 0.25, "value": 132300.0, "Latitude": 33.73, "Longitude": -116.93, "Population": 1644.0}, {"index": 12239, "quantile": 0.5, "value": 132300.0, "Latitude": 33.73, "Longitude": -116.93, "Population": 1644.0}, {"index": 12239, "quantile": 0.75, "value": 132525.0, "Latitude": 33.73, "Longitude": -116.93, "Population": 1644.0}, {"index": 12239, "quantile": 1.0, "value": 347700.0, "Latitude": 33.73, "Longitude": -116.93, "Population": 1644.0}, {"index": 12240, "quantile": 0.0, "value": 65900.0, "Latitude": 33.75, "Longitude": -116.96, "Population": 2328.0}, {"index": 12240, "quantile": 0.25, "value": 76300.0, "Latitude": 33.75, "Longitude": -116.96, "Population": 2328.0}, {"index": 12240, "quantile": 0.5, "value": 76300.0, "Latitude": 33.75, "Longitude": -116.96, "Population": 2328.0}, {"index": 12240, "quantile": 0.75, "value": 77550.00000000001, "Latitude": 33.75, "Longitude": -116.96, "Population": 2328.0}, {"index": 12240, "quantile": 1.0, "value": 159000.0, "Latitude": 33.75, "Longitude": -116.96, "Population": 2328.0}, {"index": 12241, "quantile": 0.0, "value": 70400.0, "Latitude": 33.74, "Longitude": -116.97, "Population": 1519.0}, {"index": 12241, "quantile": 0.25, "value": 86200.0, "Latitude": 33.74, "Longitude": -116.97, "Population": 1519.0}, {"index": 12241, "quantile": 0.5, "value": 86200.0, "Latitude": 33.74, "Longitude": -116.97, "Population": 1519.0}, {"index": 12241, "quantile": 0.75, "value": 86200.0, "Latitude": 33.74, "Longitude": -116.97, "Population": 1519.0}, {"index": 12241, "quantile": 1.0, "value": 153100.0, "Latitude": 33.74, "Longitude": -116.97, "Population": 1519.0}, {"index": 12242, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 33.75, "Longitude": -116.97, "Population": 2011.0}, {"index": 12242, "quantile": 0.25, "value": 77500.0, "Latitude": 33.75, "Longitude": -116.97, "Population": 2011.0}, {"index": 12242, "quantile": 0.5, "value": 77500.0, "Latitude": 33.75, "Longitude": -116.97, "Population": 2011.0}, {"index": 12242, "quantile": 0.75, "value": 81575.0, "Latitude": 33.75, "Longitude": -116.97, "Population": 2011.0}, {"index": 12242, "quantile": 1.0, "value": 173200.0, "Latitude": 33.75, "Longitude": -116.97, "Population": 2011.0}, {"index": 12243, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.75, "Longitude": -116.99, "Population": 4002.0}, {"index": 12243, "quantile": 0.25, "value": 77000.0, "Latitude": 33.75, "Longitude": -116.99, "Population": 4002.0}, {"index": 12243, "quantile": 0.5, "value": 77000.0, "Latitude": 33.75, "Longitude": -116.99, "Population": 4002.0}, {"index": 12243, "quantile": 0.75, "value": 77000.0, "Latitude": 33.75, "Longitude": -116.99, "Population": 4002.0}, {"index": 12243, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -116.99, "Population": 4002.0}, {"index": 12244, "quantile": 0.0, "value": 45500.0, "Latitude": 33.74, "Longitude": -116.98, "Population": 1589.0}, {"index": 12244, "quantile": 0.25, "value": 80000.0, "Latitude": 33.74, "Longitude": -116.98, "Population": 1589.0}, {"index": 12244, "quantile": 0.5, "value": 83500.0, "Latitude": 33.74, "Longitude": -116.98, "Population": 1589.0}, {"index": 12244, "quantile": 0.75, "value": 103499.99999999999, "Latitude": 33.74, "Longitude": -116.98, "Population": 1589.0}, {"index": 12244, "quantile": 1.0, "value": 500000.0, "Latitude": 33.74, "Longitude": -116.98, "Population": 1589.0}, {"index": 12245, "quantile": 0.0, "value": 67500.0, "Latitude": 33.74, "Longitude": -116.97, "Population": 1498.0}, {"index": 12245, "quantile": 0.25, "value": 81700.0, "Latitude": 33.74, "Longitude": -116.97, "Population": 1498.0}, {"index": 12245, "quantile": 0.5, "value": 97800.0, "Latitude": 33.74, "Longitude": -116.97, "Population": 1498.0}, {"index": 12245, "quantile": 0.75, "value": 127899.99999999999, "Latitude": 33.74, "Longitude": -116.97, "Population": 1498.0}, {"index": 12245, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -116.97, "Population": 1498.0}, {"index": 12246, "quantile": 0.0, "value": 69400.0, "Latitude": 33.74, "Longitude": -116.96, "Population": 1717.0}, {"index": 12246, "quantile": 0.25, "value": 87600.0, "Latitude": 33.74, "Longitude": -116.96, "Population": 1717.0}, {"index": 12246, "quantile": 0.5, "value": 87600.0, "Latitude": 33.74, "Longitude": -116.96, "Population": 1717.0}, {"index": 12246, "quantile": 0.75, "value": 89300.0, "Latitude": 33.74, "Longitude": -116.96, "Population": 1717.0}, {"index": 12246, "quantile": 1.0, "value": 212500.0, "Latitude": 33.74, "Longitude": -116.96, "Population": 1717.0}, {"index": 12247, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 33.77, "Longitude": -116.94, "Population": 2708.0}, {"index": 12247, "quantile": 0.25, "value": 108900.0, "Latitude": 33.77, "Longitude": -116.94, "Population": 2708.0}, {"index": 12247, "quantile": 0.5, "value": 123400.0, "Latitude": 33.77, "Longitude": -116.94, "Population": 2708.0}, {"index": 12247, "quantile": 0.75, "value": 146975.0, "Latitude": 33.77, "Longitude": -116.94, "Population": 2708.0}, {"index": 12247, "quantile": 1.0, "value": 354000.0, "Latitude": 33.77, "Longitude": -116.94, "Population": 2708.0}, {"index": 12248, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.75, "Longitude": -117.01, "Population": 1094.0}, {"index": 12248, "quantile": 0.25, "value": 105100.0, "Latitude": 33.75, "Longitude": -117.01, "Population": 1094.0}, {"index": 12248, "quantile": 0.5, "value": 105100.0, "Latitude": 33.75, "Longitude": -117.01, "Population": 1094.0}, {"index": 12248, "quantile": 0.75, "value": 105100.0, "Latitude": 33.75, "Longitude": -117.01, "Population": 1094.0}, {"index": 12248, "quantile": 1.0, "value": 248100.0, "Latitude": 33.75, "Longitude": -117.01, "Population": 1094.0}, {"index": 12249, "quantile": 0.0, "value": 50000.0, "Latitude": 33.76, "Longitude": -116.95, "Population": 3141.0}, {"index": 12249, "quantile": 0.25, "value": 95900.0, "Latitude": 33.76, "Longitude": -116.95, "Population": 3141.0}, {"index": 12249, "quantile": 0.5, "value": 95900.0, "Latitude": 33.76, "Longitude": -116.95, "Population": 3141.0}, {"index": 12249, "quantile": 0.75, "value": 95900.0, "Latitude": 33.76, "Longitude": -116.95, "Population": 3141.0}, {"index": 12249, "quantile": 1.0, "value": 169300.0, "Latitude": 33.76, "Longitude": -116.95, "Population": 3141.0}, {"index": 12250, "quantile": 0.0, "value": 69400.0, "Latitude": 33.77, "Longitude": -116.98, "Population": 2711.0}, {"index": 12250, "quantile": 0.25, "value": 95600.0, "Latitude": 33.77, "Longitude": -116.98, "Population": 2711.0}, {"index": 12250, "quantile": 0.5, "value": 107900.0, "Latitude": 33.77, "Longitude": -116.98, "Population": 2711.0}, {"index": 12250, "quantile": 0.75, "value": 107900.0, "Latitude": 33.77, "Longitude": -116.98, "Population": 2711.0}, {"index": 12250, "quantile": 1.0, "value": 173200.0, "Latitude": 33.77, "Longitude": -116.98, "Population": 2711.0}, {"index": 12251, "quantile": 0.0, "value": 69400.0, "Latitude": 33.76, "Longitude": -116.99, "Population": 2823.0}, {"index": 12251, "quantile": 0.25, "value": 69400.0, "Latitude": 33.76, "Longitude": -116.99, "Population": 2823.0}, {"index": 12251, "quantile": 0.5, "value": 69400.0, "Latitude": 33.76, "Longitude": -116.99, "Population": 2823.0}, {"index": 12251, "quantile": 0.75, "value": 94400.0, "Latitude": 33.76, "Longitude": -116.99, "Population": 2823.0}, {"index": 12251, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 33.76, "Longitude": -116.99, "Population": 2823.0}, {"index": 12252, "quantile": 0.0, "value": 67500.0, "Latitude": 33.74, "Longitude": -117.0, "Population": 2143.0}, {"index": 12252, "quantile": 0.25, "value": 94400.0, "Latitude": 33.74, "Longitude": -117.0, "Population": 2143.0}, {"index": 12252, "quantile": 0.5, "value": 94400.0, "Latitude": 33.74, "Longitude": -117.0, "Population": 2143.0}, {"index": 12252, "quantile": 0.75, "value": 95675.0, "Latitude": 33.74, "Longitude": -117.0, "Population": 2143.0}, {"index": 12252, "quantile": 1.0, "value": 500000.0, "Latitude": 33.74, "Longitude": -117.0, "Population": 2143.0}, {"index": 12253, "quantile": 0.0, "value": 72200.0, "Latitude": 33.73, "Longitude": -117.02, "Population": 1171.0}, {"index": 12253, "quantile": 0.25, "value": 105100.0, "Latitude": 33.73, "Longitude": -117.02, "Population": 1171.0}, {"index": 12253, "quantile": 0.5, "value": 112500.0, "Latitude": 33.73, "Longitude": -117.02, "Population": 1171.0}, {"index": 12253, "quantile": 0.75, "value": 112500.0, "Latitude": 33.73, "Longitude": -117.02, "Population": 1171.0}, {"index": 12253, "quantile": 1.0, "value": 219200.00000000003, "Latitude": 33.73, "Longitude": -117.02, "Population": 1171.0}, {"index": 12254, "quantile": 0.0, "value": 50000.0, "Latitude": 33.77, "Longitude": -116.99, "Population": 3559.0}, {"index": 12254, "quantile": 0.25, "value": 113100.0, "Latitude": 33.77, "Longitude": -116.99, "Population": 3559.0}, {"index": 12254, "quantile": 0.5, "value": 113100.0, "Latitude": 33.77, "Longitude": -116.99, "Population": 3559.0}, {"index": 12254, "quantile": 0.75, "value": 113100.0, "Latitude": 33.77, "Longitude": -116.99, "Population": 3559.0}, {"index": 12254, "quantile": 1.0, "value": 293900.0, "Latitude": 33.77, "Longitude": -116.99, "Population": 3559.0}, {"index": 12255, "quantile": 0.0, "value": 62800.0, "Latitude": 33.76, "Longitude": -117.02, "Population": 453.0}, {"index": 12255, "quantile": 0.25, "value": 120700.00000000001, "Latitude": 33.76, "Longitude": -117.02, "Population": 453.0}, {"index": 12255, "quantile": 0.5, "value": 120700.00000000001, "Latitude": 33.76, "Longitude": -117.02, "Population": 453.0}, {"index": 12255, "quantile": 0.75, "value": 120700.00000000001, "Latitude": 33.76, "Longitude": -117.02, "Population": 453.0}, {"index": 12255, "quantile": 1.0, "value": 220500.0, "Latitude": 33.76, "Longitude": -117.02, "Population": 453.0}, {"index": 12256, "quantile": 0.0, "value": 58800.0, "Latitude": 33.83, "Longitude": -116.98, "Population": 653.0}, {"index": 12256, "quantile": 0.25, "value": 139300.0, "Latitude": 33.83, "Longitude": -116.98, "Population": 653.0}, {"index": 12256, "quantile": 0.5, "value": 139300.0, "Latitude": 33.83, "Longitude": -116.98, "Population": 653.0}, {"index": 12256, "quantile": 0.75, "value": 139300.0, "Latitude": 33.83, "Longitude": -116.98, "Population": 653.0}, {"index": 12256, "quantile": 1.0, "value": 272000.0, "Latitude": 33.83, "Longitude": -116.98, "Population": 653.0}, {"index": 12257, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 33.81, "Longitude": -117.02, "Population": 2625.0}, {"index": 12257, "quantile": 0.25, "value": 108900.0, "Latitude": 33.81, "Longitude": -117.02, "Population": 2625.0}, {"index": 12257, "quantile": 0.5, "value": 108900.0, "Latitude": 33.81, "Longitude": -117.02, "Population": 2625.0}, {"index": 12257, "quantile": 0.75, "value": 109399.99999999999, "Latitude": 33.81, "Longitude": -117.02, "Population": 2625.0}, {"index": 12257, "quantile": 1.0, "value": 159000.0, "Latitude": 33.81, "Longitude": -117.02, "Population": 2625.0}, {"index": 12258, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 33.79, "Longitude": -116.95, "Population": 5060.0}, {"index": 12258, "quantile": 0.25, "value": 95300.0, "Latitude": 33.79, "Longitude": -116.95, "Population": 5060.0}, {"index": 12258, "quantile": 0.5, "value": 95300.0, "Latitude": 33.79, "Longitude": -116.95, "Population": 5060.0}, {"index": 12258, "quantile": 0.75, "value": 95300.0, "Latitude": 33.79, "Longitude": -116.95, "Population": 5060.0}, {"index": 12258, "quantile": 1.0, "value": 156300.0, "Latitude": 33.79, "Longitude": -116.95, "Population": 5060.0}, {"index": 12259, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.79, "Longitude": -116.95, "Population": 1726.0}, {"index": 12259, "quantile": 0.25, "value": 77700.0, "Latitude": 33.79, "Longitude": -116.95, "Population": 1726.0}, {"index": 12259, "quantile": 0.5, "value": 77700.0, "Latitude": 33.79, "Longitude": -116.95, "Population": 1726.0}, {"index": 12259, "quantile": 0.75, "value": 77700.0, "Latitude": 33.79, "Longitude": -116.95, "Population": 1726.0}, {"index": 12259, "quantile": 1.0, "value": 140400.0, "Latitude": 33.79, "Longitude": -116.95, "Population": 1726.0}, {"index": 12260, "quantile": 0.0, "value": 70900.0, "Latitude": 33.79, "Longitude": -116.96, "Population": 2108.0}, {"index": 12260, "quantile": 0.25, "value": 81950.0, "Latitude": 33.79, "Longitude": -116.96, "Population": 2108.0}, {"index": 12260, "quantile": 0.5, "value": 83000.0, "Latitude": 33.79, "Longitude": -116.96, "Population": 2108.0}, {"index": 12260, "quantile": 0.75, "value": 83000.0, "Latitude": 33.79, "Longitude": -116.96, "Population": 2108.0}, {"index": 12260, "quantile": 1.0, "value": 155000.0, "Latitude": 33.79, "Longitude": -116.96, "Population": 2108.0}, {"index": 12261, "quantile": 0.0, "value": 65500.0, "Latitude": 33.78, "Longitude": -116.97, "Population": 1728.0}, {"index": 12261, "quantile": 0.25, "value": 74800.0, "Latitude": 33.78, "Longitude": -116.97, "Population": 1728.0}, {"index": 12261, "quantile": 0.5, "value": 74800.0, "Latitude": 33.78, "Longitude": -116.97, "Population": 1728.0}, {"index": 12261, "quantile": 0.75, "value": 91200.0, "Latitude": 33.78, "Longitude": -116.97, "Population": 1728.0}, {"index": 12261, "quantile": 1.0, "value": 159400.0, "Latitude": 33.78, "Longitude": -116.97, "Population": 1728.0}, {"index": 12262, "quantile": 0.0, "value": 70200.0, "Latitude": 33.78, "Longitude": -116.95, "Population": 1939.0}, {"index": 12262, "quantile": 0.25, "value": 74000.0, "Latitude": 33.78, "Longitude": -116.95, "Population": 1939.0}, {"index": 12262, "quantile": 0.5, "value": 74000.0, "Latitude": 33.78, "Longitude": -116.95, "Population": 1939.0}, {"index": 12262, "quantile": 0.75, "value": 77550.00000000001, "Latitude": 33.78, "Longitude": -116.95, "Population": 1939.0}, {"index": 12262, "quantile": 1.0, "value": 118800.0, "Latitude": 33.78, "Longitude": -116.95, "Population": 1939.0}, {"index": 12263, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.79, "Longitude": -116.89, "Population": 434.0}, {"index": 12263, "quantile": 0.25, "value": 56699.99999999999, "Latitude": 33.79, "Longitude": -116.89, "Population": 434.0}, {"index": 12263, "quantile": 0.5, "value": 56699.99999999999, "Latitude": 33.79, "Longitude": -116.89, "Population": 434.0}, {"index": 12263, "quantile": 0.75, "value": 83000.0, "Latitude": 33.79, "Longitude": -116.89, "Population": 434.0}, {"index": 12263, "quantile": 1.0, "value": 350000.0, "Latitude": 33.79, "Longitude": -116.89, "Population": 434.0}, {"index": 12264, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 33.76, "Longitude": -116.87, "Population": 1714.0}, {"index": 12264, "quantile": 0.25, "value": 130800.0, "Latitude": 33.76, "Longitude": -116.87, "Population": 1714.0}, {"index": 12264, "quantile": 0.5, "value": 130800.0, "Latitude": 33.76, "Longitude": -116.87, "Population": 1714.0}, {"index": 12264, "quantile": 0.75, "value": 130800.0, "Latitude": 33.76, "Longitude": -116.87, "Population": 1714.0}, {"index": 12264, "quantile": 1.0, "value": 202199.99999999997, "Latitude": 33.76, "Longitude": -116.87, "Population": 1714.0}, {"index": 12265, "quantile": 0.0, "value": 47800.0, "Latitude": 33.74, "Longitude": -116.88, "Population": 1000.0}, {"index": 12265, "quantile": 0.25, "value": 81700.0, "Latitude": 33.74, "Longitude": -116.88, "Population": 1000.0}, {"index": 12265, "quantile": 0.5, "value": 94400.0, "Latitude": 33.74, "Longitude": -116.88, "Population": 1000.0}, {"index": 12265, "quantile": 0.75, "value": 146725.0, "Latitude": 33.74, "Longitude": -116.88, "Population": 1000.0}, {"index": 12265, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -116.88, "Population": 1000.0}, {"index": 12266, "quantile": 0.0, "value": 47800.0, "Latitude": 33.75, "Longitude": -116.89, "Population": 930.0}, {"index": 12266, "quantile": 0.25, "value": 81700.0, "Latitude": 33.75, "Longitude": -116.89, "Population": 930.0}, {"index": 12266, "quantile": 0.5, "value": 81700.0, "Latitude": 33.75, "Longitude": -116.89, "Population": 930.0}, {"index": 12266, "quantile": 0.75, "value": 92750.0, "Latitude": 33.75, "Longitude": -116.89, "Population": 930.0}, {"index": 12266, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -116.89, "Population": 930.0}, {"index": 12267, "quantile": 0.0, "value": 69400.0, "Latitude": 33.75, "Longitude": -116.91, "Population": 4266.0}, {"index": 12267, "quantile": 0.25, "value": 123400.0, "Latitude": 33.75, "Longitude": -116.91, "Population": 4266.0}, {"index": 12267, "quantile": 0.5, "value": 123400.0, "Latitude": 33.75, "Longitude": -116.91, "Population": 4266.0}, {"index": 12267, "quantile": 0.75, "value": 123400.0, "Latitude": 33.75, "Longitude": -116.91, "Population": 4266.0}, {"index": 12267, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -116.91, "Population": 4266.0}, {"index": 12268, "quantile": 0.0, "value": 66300.0, "Latitude": 33.73, "Longitude": -116.86, "Population": 978.0}, {"index": 12268, "quantile": 0.25, "value": 130800.0, "Latitude": 33.73, "Longitude": -116.86, "Population": 978.0}, {"index": 12268, "quantile": 0.5, "value": 170700.0, "Latitude": 33.73, "Longitude": -116.86, "Population": 978.0}, {"index": 12268, "quantile": 0.75, "value": 170700.0, "Latitude": 33.73, "Longitude": -116.86, "Population": 978.0}, {"index": 12268, "quantile": 1.0, "value": 367100.0, "Latitude": 33.73, "Longitude": -116.86, "Population": 978.0}, {"index": 12269, "quantile": 0.0, "value": 84000.0, "Latitude": 34.0, "Longitude": -117.04, "Population": 1594.0}, {"index": 12269, "quantile": 0.25, "value": 104900.0, "Latitude": 34.0, "Longitude": -117.04, "Population": 1594.0}, {"index": 12269, "quantile": 0.5, "value": 104900.0, "Latitude": 34.0, "Longitude": -117.04, "Population": 1594.0}, {"index": 12269, "quantile": 0.75, "value": 118924.99999999999, "Latitude": 34.0, "Longitude": -117.04, "Population": 1594.0}, {"index": 12269, "quantile": 1.0, "value": 219200.00000000003, "Latitude": 34.0, "Longitude": -117.04, "Population": 1594.0}, {"index": 12270, "quantile": 0.0, "value": 70800.0, "Latitude": 34.0, "Longitude": -117.06, "Population": 879.0}, {"index": 12270, "quantile": 0.25, "value": 94400.0, "Latitude": 34.0, "Longitude": -117.06, "Population": 879.0}, {"index": 12270, "quantile": 0.5, "value": 94400.0, "Latitude": 34.0, "Longitude": -117.06, "Population": 879.0}, {"index": 12270, "quantile": 0.75, "value": 94400.0, "Latitude": 34.0, "Longitude": -117.06, "Population": 879.0}, {"index": 12270, "quantile": 1.0, "value": 125000.0, "Latitude": 34.0, "Longitude": -117.06, "Population": 879.0}, {"index": 12271, "quantile": 0.0, "value": 88300.0, "Latitude": 34.0, "Longitude": -117.04, "Population": 2174.0}, {"index": 12271, "quantile": 0.25, "value": 122800.0, "Latitude": 34.0, "Longitude": -117.04, "Population": 2174.0}, {"index": 12271, "quantile": 0.5, "value": 132100.0, "Latitude": 34.0, "Longitude": -117.04, "Population": 2174.0}, {"index": 12271, "quantile": 0.75, "value": 132100.0, "Latitude": 34.0, "Longitude": -117.04, "Population": 2174.0}, {"index": 12271, "quantile": 1.0, "value": 152800.0, "Latitude": 34.0, "Longitude": -117.04, "Population": 2174.0}, {"index": 12272, "quantile": 0.0, "value": 118900.0, "Latitude": 33.99, "Longitude": -116.99, "Population": 1849.0}, {"index": 12272, "quantile": 0.25, "value": 162325.0, "Latitude": 33.99, "Longitude": -116.99, "Population": 1849.0}, {"index": 12272, "quantile": 0.5, "value": 195900.0, "Latitude": 33.99, "Longitude": -116.99, "Population": 1849.0}, {"index": 12272, "quantile": 0.75, "value": 195900.0, "Latitude": 33.99, "Longitude": -116.99, "Population": 1849.0}, {"index": 12272, "quantile": 1.0, "value": 295200.0, "Latitude": 33.99, "Longitude": -116.99, "Population": 1849.0}, {"index": 12273, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 33.97, "Longitude": -117.01, "Population": 1868.0}, {"index": 12273, "quantile": 0.25, "value": 118800.0, "Latitude": 33.97, "Longitude": -117.01, "Population": 1868.0}, {"index": 12273, "quantile": 0.5, "value": 118800.0, "Latitude": 33.97, "Longitude": -117.01, "Population": 1868.0}, {"index": 12273, "quantile": 0.75, "value": 118800.0, "Latitude": 33.97, "Longitude": -117.01, "Population": 1868.0}, {"index": 12273, "quantile": 1.0, "value": 375000.0, "Latitude": 33.97, "Longitude": -117.01, "Population": 1868.0}, {"index": 12274, "quantile": 0.0, "value": 66300.0, "Latitude": 33.97, "Longitude": -116.95, "Population": 1947.0}, {"index": 12274, "quantile": 0.25, "value": 107799.99999999999, "Latitude": 33.97, "Longitude": -116.95, "Population": 1947.0}, {"index": 12274, "quantile": 0.5, "value": 127450.0, "Latitude": 33.97, "Longitude": -116.95, "Population": 1947.0}, {"index": 12274, "quantile": 0.75, "value": 149300.0, "Latitude": 33.97, "Longitude": -116.95, "Population": 1947.0}, {"index": 12274, "quantile": 1.0, "value": 357800.0, "Latitude": 33.97, "Longitude": -116.95, "Population": 1947.0}, {"index": 12275, "quantile": 0.0, "value": 77200.0, "Latitude": 33.96, "Longitude": -116.97, "Population": 2992.0}, {"index": 12275, "quantile": 0.25, "value": 109425.0, "Latitude": 33.96, "Longitude": -116.97, "Population": 2992.0}, {"index": 12275, "quantile": 0.5, "value": 112100.0, "Latitude": 33.96, "Longitude": -116.97, "Population": 2992.0}, {"index": 12275, "quantile": 0.75, "value": 112100.0, "Latitude": 33.96, "Longitude": -116.97, "Population": 2992.0}, {"index": 12275, "quantile": 1.0, "value": 159000.0, "Latitude": 33.96, "Longitude": -116.97, "Population": 2992.0}, {"index": 12276, "quantile": 0.0, "value": 59600.0, "Latitude": 33.98, "Longitude": -117.11, "Population": 715.0}, {"index": 12276, "quantile": 0.25, "value": 149000.0, "Latitude": 33.98, "Longitude": -117.11, "Population": 715.0}, {"index": 12276, "quantile": 0.5, "value": 149000.0, "Latitude": 33.98, "Longitude": -117.11, "Population": 715.0}, {"index": 12276, "quantile": 0.75, "value": 149000.0, "Latitude": 33.98, "Longitude": -117.11, "Population": 715.0}, {"index": 12276, "quantile": 1.0, "value": 268800.0, "Latitude": 33.98, "Longitude": -117.11, "Population": 715.0}, {"index": 12277, "quantile": 0.0, "value": 66300.0, "Latitude": 33.95, "Longitude": -117.02, "Population": 798.0}, {"index": 12277, "quantile": 0.25, "value": 105200.0, "Latitude": 33.95, "Longitude": -117.02, "Population": 798.0}, {"index": 12277, "quantile": 0.5, "value": 105200.0, "Latitude": 33.95, "Longitude": -117.02, "Population": 798.0}, {"index": 12277, "quantile": 0.75, "value": 106349.99999999999, "Latitude": 33.95, "Longitude": -117.02, "Population": 798.0}, {"index": 12277, "quantile": 1.0, "value": 162500.0, "Latitude": 33.95, "Longitude": -117.02, "Population": 798.0}, {"index": 12278, "quantile": 0.0, "value": 65600.0, "Latitude": 33.89, "Longitude": -117.03, "Population": 27.0}, {"index": 12278, "quantile": 0.25, "value": 164750.0, "Latitude": 33.89, "Longitude": -117.03, "Population": 27.0}, {"index": 12278, "quantile": 0.5, "value": 187500.0, "Latitude": 33.89, "Longitude": -117.03, "Population": 27.0}, {"index": 12278, "quantile": 0.75, "value": 187500.0, "Latitude": 33.89, "Longitude": -117.03, "Population": 27.0}, {"index": 12278, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.89, "Longitude": -117.03, "Population": 27.0}, {"index": 12279, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.94, "Longitude": -116.96, "Population": 1304.0}, {"index": 12279, "quantile": 0.25, "value": 81900.0, "Latitude": 33.94, "Longitude": -116.96, "Population": 1304.0}, {"index": 12279, "quantile": 0.5, "value": 81900.0, "Latitude": 33.94, "Longitude": -116.96, "Population": 1304.0}, {"index": 12279, "quantile": 0.75, "value": 81900.0, "Latitude": 33.94, "Longitude": -116.96, "Population": 1304.0}, {"index": 12279, "quantile": 1.0, "value": 181900.0, "Latitude": 33.94, "Longitude": -116.96, "Population": 1304.0}, {"index": 12280, "quantile": 0.0, "value": 67500.0, "Latitude": 33.92, "Longitude": -116.99, "Population": 293.0}, {"index": 12280, "quantile": 0.25, "value": 109825.00000000001, "Latitude": 33.92, "Longitude": -116.99, "Population": 293.0}, {"index": 12280, "quantile": 0.5, "value": 132000.0, "Latitude": 33.92, "Longitude": -116.99, "Population": 293.0}, {"index": 12280, "quantile": 0.75, "value": 165500.0, "Latitude": 33.92, "Longitude": -116.99, "Population": 293.0}, {"index": 12280, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -116.99, "Population": 293.0}, {"index": 12281, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 33.97, "Longitude": -116.86, "Population": 376.0}, {"index": 12281, "quantile": 0.25, "value": 57999.99999999999, "Latitude": 33.97, "Longitude": -116.86, "Population": 376.0}, {"index": 12281, "quantile": 0.5, "value": 57999.99999999999, "Latitude": 33.97, "Longitude": -116.86, "Population": 376.0}, {"index": 12281, "quantile": 0.75, "value": 91200.0, "Latitude": 33.97, "Longitude": -116.86, "Population": 376.0}, {"index": 12281, "quantile": 1.0, "value": 173200.0, "Latitude": 33.97, "Longitude": -116.86, "Population": 376.0}, {"index": 12282, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 33.99, "Longitude": -116.79, "Population": 212.0}, {"index": 12282, "quantile": 0.25, "value": 90000.0, "Latitude": 33.99, "Longitude": -116.79, "Population": 212.0}, {"index": 12282, "quantile": 0.5, "value": 90000.0, "Latitude": 33.99, "Longitude": -116.79, "Population": 212.0}, {"index": 12282, "quantile": 0.75, "value": 90000.0, "Latitude": 33.99, "Longitude": -116.79, "Population": 212.0}, {"index": 12282, "quantile": 1.0, "value": 164300.0, "Latitude": 33.99, "Longitude": -116.79, "Population": 212.0}, {"index": 12283, "quantile": 0.0, "value": 50000.0, "Latitude": 33.92, "Longitude": -116.77, "Population": 1266.0}, {"index": 12283, "quantile": 0.25, "value": 71075.0, "Latitude": 33.92, "Longitude": -116.77, "Population": 1266.0}, {"index": 12283, "quantile": 0.5, "value": 77700.0, "Latitude": 33.92, "Longitude": -116.77, "Population": 1266.0}, {"index": 12283, "quantile": 0.75, "value": 89550.0, "Latitude": 33.92, "Longitude": -116.77, "Population": 1266.0}, {"index": 12283, "quantile": 1.0, "value": 221900.0, "Latitude": 33.92, "Longitude": -116.77, "Population": 1266.0}, {"index": 12284, "quantile": 0.0, "value": 32900.0, "Latitude": 33.9, "Longitude": -116.81, "Population": 820.0}, {"index": 12284, "quantile": 0.25, "value": 81800.0, "Latitude": 33.9, "Longitude": -116.81, "Population": 820.0}, {"index": 12284, "quantile": 0.5, "value": 81800.0, "Latitude": 33.9, "Longitude": -116.81, "Population": 820.0}, {"index": 12284, "quantile": 0.75, "value": 81800.0, "Latitude": 33.9, "Longitude": -116.81, "Population": 820.0}, {"index": 12284, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.9, "Longitude": -116.81, "Population": 820.0}, {"index": 12285, "quantile": 0.0, "value": 72000.0, "Latitude": 33.86, "Longitude": -116.89, "Population": 1950.0}, {"index": 12285, "quantile": 0.25, "value": 146300.0, "Latitude": 33.86, "Longitude": -116.89, "Population": 1950.0}, {"index": 12285, "quantile": 0.5, "value": 146300.0, "Latitude": 33.86, "Longitude": -116.89, "Population": 1950.0}, {"index": 12285, "quantile": 0.75, "value": 146300.0, "Latitude": 33.86, "Longitude": -116.89, "Population": 1950.0}, {"index": 12285, "quantile": 1.0, "value": 366700.0, "Latitude": 33.86, "Longitude": -116.89, "Population": 1950.0}, {"index": 12286, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 33.86, "Longitude": -116.95, "Population": 8.0}, {"index": 12286, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 33.86, "Longitude": -116.95, "Population": 8.0}, {"index": 12286, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 33.86, "Longitude": -116.95, "Population": 8.0}, {"index": 12286, "quantile": 0.75, "value": 77700.0, "Latitude": 33.86, "Longitude": -116.95, "Population": 8.0}, {"index": 12286, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.86, "Longitude": -116.95, "Population": 8.0}, {"index": 12287, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 33.84, "Longitude": -116.86, "Population": 174.0}, {"index": 12287, "quantile": 0.25, "value": 91100.0, "Latitude": 33.84, "Longitude": -116.86, "Population": 174.0}, {"index": 12287, "quantile": 0.5, "value": 91100.0, "Latitude": 33.84, "Longitude": -116.86, "Population": 174.0}, {"index": 12287, "quantile": 0.75, "value": 123200.0, "Latitude": 33.84, "Longitude": -116.86, "Population": 174.0}, {"index": 12287, "quantile": 1.0, "value": 366700.0, "Latitude": 33.84, "Longitude": -116.86, "Population": 174.0}, {"index": 12288, "quantile": 0.0, "value": 85200.0, "Latitude": 33.94, "Longitude": -116.98, "Population": 1760.0}, {"index": 12288, "quantile": 0.25, "value": 112799.99999999999, "Latitude": 33.94, "Longitude": -116.98, "Population": 1760.0}, {"index": 12288, "quantile": 0.5, "value": 122800.0, "Latitude": 33.94, "Longitude": -116.98, "Population": 1760.0}, {"index": 12288, "quantile": 0.75, "value": 132525.0, "Latitude": 33.94, "Longitude": -116.98, "Population": 1760.0}, {"index": 12288, "quantile": 1.0, "value": 314100.0, "Latitude": 33.94, "Longitude": -116.98, "Population": 1760.0}, {"index": 12289, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 33.93, "Longitude": -116.98, "Population": 1391.0}, {"index": 12289, "quantile": 0.25, "value": 72900.0, "Latitude": 33.93, "Longitude": -116.98, "Population": 1391.0}, {"index": 12289, "quantile": 0.5, "value": 78300.0, "Latitude": 33.93, "Longitude": -116.98, "Population": 1391.0}, {"index": 12289, "quantile": 0.75, "value": 89400.0, "Latitude": 33.93, "Longitude": -116.98, "Population": 1391.0}, {"index": 12289, "quantile": 1.0, "value": 162500.0, "Latitude": 33.93, "Longitude": -116.98, "Population": 1391.0}, {"index": 12290, "quantile": 0.0, "value": 66300.0, "Latitude": 33.94, "Longitude": -116.97, "Population": 1722.0}, {"index": 12290, "quantile": 0.25, "value": 91200.0, "Latitude": 33.94, "Longitude": -116.97, "Population": 1722.0}, {"index": 12290, "quantile": 0.5, "value": 91200.0, "Latitude": 33.94, "Longitude": -116.97, "Population": 1722.0}, {"index": 12290, "quantile": 0.75, "value": 98300.0, "Latitude": 33.94, "Longitude": -116.97, "Population": 1722.0}, {"index": 12290, "quantile": 1.0, "value": 150000.0, "Latitude": 33.94, "Longitude": -116.97, "Population": 1722.0}, {"index": 12291, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 33.93, "Longitude": -116.97, "Population": 1583.0}, {"index": 12291, "quantile": 0.25, "value": 73200.0, "Latitude": 33.93, "Longitude": -116.97, "Population": 1583.0}, {"index": 12291, "quantile": 0.5, "value": 73200.0, "Latitude": 33.93, "Longitude": -116.97, "Population": 1583.0}, {"index": 12291, "quantile": 0.75, "value": 73400.0, "Latitude": 33.93, "Longitude": -116.97, "Population": 1583.0}, {"index": 12291, "quantile": 1.0, "value": 95300.0, "Latitude": 33.93, "Longitude": -116.97, "Population": 1583.0}, {"index": 12292, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 33.93, "Longitude": -116.98, "Population": 267.0}, {"index": 12292, "quantile": 0.25, "value": 75200.0, "Latitude": 33.93, "Longitude": -116.98, "Population": 267.0}, {"index": 12292, "quantile": 0.5, "value": 96150.0, "Latitude": 33.93, "Longitude": -116.98, "Population": 267.0}, {"index": 12292, "quantile": 0.75, "value": 133700.0, "Latitude": 33.93, "Longitude": -116.98, "Population": 267.0}, {"index": 12292, "quantile": 1.0, "value": 216100.0, "Latitude": 33.93, "Longitude": -116.98, "Population": 267.0}, {"index": 12293, "quantile": 0.0, "value": 87500.0, "Latitude": 33.98, "Longitude": -116.9, "Population": 1820.0}, {"index": 12293, "quantile": 0.25, "value": 98600.0, "Latitude": 33.98, "Longitude": -116.9, "Population": 1820.0}, {"index": 12293, "quantile": 0.5, "value": 98600.0, "Latitude": 33.98, "Longitude": -116.9, "Population": 1820.0}, {"index": 12293, "quantile": 0.75, "value": 118575.00000000001, "Latitude": 33.98, "Longitude": -116.9, "Population": 1820.0}, {"index": 12293, "quantile": 1.0, "value": 314100.0, "Latitude": 33.98, "Longitude": -116.9, "Population": 1820.0}, {"index": 12294, "quantile": 0.0, "value": 72400.0, "Latitude": 33.93, "Longitude": -116.93, "Population": 3297.0}, {"index": 12294, "quantile": 0.25, "value": 95600.0, "Latitude": 33.93, "Longitude": -116.93, "Population": 3297.0}, {"index": 12294, "quantile": 0.5, "value": 95600.0, "Latitude": 33.93, "Longitude": -116.93, "Population": 3297.0}, {"index": 12294, "quantile": 0.75, "value": 95600.0, "Latitude": 33.93, "Longitude": -116.93, "Population": 3297.0}, {"index": 12294, "quantile": 1.0, "value": 173200.0, "Latitude": 33.93, "Longitude": -116.93, "Population": 3297.0}, {"index": 12295, "quantile": 0.0, "value": 50000.0, "Latitude": 33.93, "Longitude": -116.89, "Population": 2494.0}, {"index": 12295, "quantile": 0.25, "value": 72600.0, "Latitude": 33.93, "Longitude": -116.89, "Population": 2494.0}, {"index": 12295, "quantile": 0.5, "value": 72600.0, "Latitude": 33.93, "Longitude": -116.89, "Population": 2494.0}, {"index": 12295, "quantile": 0.75, "value": 73400.0, "Latitude": 33.93, "Longitude": -116.89, "Population": 2494.0}, {"index": 12295, "quantile": 1.0, "value": 156900.0, "Latitude": 33.93, "Longitude": -116.89, "Population": 2494.0}, {"index": 12296, "quantile": 0.0, "value": 50000.0, "Latitude": 33.93, "Longitude": -116.88, "Population": 865.0}, {"index": 12296, "quantile": 0.25, "value": 64625.0, "Latitude": 33.93, "Longitude": -116.88, "Population": 865.0}, {"index": 12296, "quantile": 0.5, "value": 73200.0, "Latitude": 33.93, "Longitude": -116.88, "Population": 865.0}, {"index": 12296, "quantile": 0.75, "value": 81824.99999999999, "Latitude": 33.93, "Longitude": -116.88, "Population": 865.0}, {"index": 12296, "quantile": 1.0, "value": 328600.0, "Latitude": 33.93, "Longitude": -116.88, "Population": 865.0}, {"index": 12297, "quantile": 0.0, "value": 65300.0, "Latitude": 33.93, "Longitude": -116.9, "Population": 1820.0}, {"index": 12297, "quantile": 0.25, "value": 71800.0, "Latitude": 33.93, "Longitude": -116.9, "Population": 1820.0}, {"index": 12297, "quantile": 0.5, "value": 71800.0, "Latitude": 33.93, "Longitude": -116.9, "Population": 1820.0}, {"index": 12297, "quantile": 0.75, "value": 73400.0, "Latitude": 33.93, "Longitude": -116.9, "Population": 1820.0}, {"index": 12297, "quantile": 1.0, "value": 146300.0, "Latitude": 33.93, "Longitude": -116.9, "Population": 1820.0}, {"index": 12298, "quantile": 0.0, "value": 47500.0, "Latitude": 34.0, "Longitude": -116.91, "Population": 215.0}, {"index": 12298, "quantile": 0.25, "value": 193800.0, "Latitude": 34.0, "Longitude": -116.91, "Population": 215.0}, {"index": 12298, "quantile": 0.5, "value": 193800.0, "Latitude": 34.0, "Longitude": -116.91, "Population": 215.0}, {"index": 12298, "quantile": 0.75, "value": 193800.0, "Latitude": 34.0, "Longitude": -116.91, "Population": 215.0}, {"index": 12298, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -116.91, "Population": 215.0}, {"index": 12299, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 33.94, "Longitude": -116.87, "Population": 2736.0}, {"index": 12299, "quantile": 0.25, "value": 73400.0, "Latitude": 33.94, "Longitude": -116.87, "Population": 2736.0}, {"index": 12299, "quantile": 0.5, "value": 73400.0, "Latitude": 33.94, "Longitude": -116.87, "Population": 2736.0}, {"index": 12299, "quantile": 0.75, "value": 75900.0, "Latitude": 33.94, "Longitude": -116.87, "Population": 2736.0}, {"index": 12299, "quantile": 1.0, "value": 152700.0, "Latitude": 33.94, "Longitude": -116.87, "Population": 2736.0}, {"index": 12300, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 33.93, "Longitude": -116.87, "Population": 2589.0}, {"index": 12300, "quantile": 0.25, "value": 54600.00000000001, "Latitude": 33.93, "Longitude": -116.87, "Population": 2589.0}, {"index": 12300, "quantile": 0.5, "value": 54600.00000000001, "Latitude": 33.93, "Longitude": -116.87, "Population": 2589.0}, {"index": 12300, "quantile": 0.75, "value": 72600.0, "Latitude": 33.93, "Longitude": -116.87, "Population": 2589.0}, {"index": 12300, "quantile": 1.0, "value": 139300.0, "Latitude": 33.93, "Longitude": -116.87, "Population": 2589.0}, {"index": 12301, "quantile": 0.0, "value": 73100.0, "Latitude": 33.91, "Longitude": -116.87, "Population": 1632.0}, {"index": 12301, "quantile": 0.25, "value": 73100.0, "Latitude": 33.91, "Longitude": -116.87, "Population": 1632.0}, {"index": 12301, "quantile": 0.5, "value": 73100.0, "Latitude": 33.91, "Longitude": -116.87, "Population": 1632.0}, {"index": 12301, "quantile": 0.75, "value": 92350.0, "Latitude": 33.91, "Longitude": -116.87, "Population": 1632.0}, {"index": 12301, "quantile": 1.0, "value": 152700.0, "Latitude": 33.91, "Longitude": -116.87, "Population": 1632.0}, {"index": 12302, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 33.92, "Longitude": -116.89, "Population": 1967.0}, {"index": 12302, "quantile": 0.25, "value": 81000.0, "Latitude": 33.92, "Longitude": -116.89, "Population": 1967.0}, {"index": 12302, "quantile": 0.5, "value": 81000.0, "Latitude": 33.92, "Longitude": -116.89, "Population": 1967.0}, {"index": 12302, "quantile": 0.75, "value": 81000.0, "Latitude": 33.92, "Longitude": -116.89, "Population": 1967.0}, {"index": 12302, "quantile": 1.0, "value": 144000.0, "Latitude": 33.92, "Longitude": -116.89, "Population": 1967.0}, {"index": 12303, "quantile": 0.0, "value": 85200.0, "Latitude": 33.83, "Longitude": -116.75, "Population": 657.0}, {"index": 12303, "quantile": 0.25, "value": 143400.0, "Latitude": 33.83, "Longitude": -116.75, "Population": 657.0}, {"index": 12303, "quantile": 0.5, "value": 143400.0, "Latitude": 33.83, "Longitude": -116.75, "Population": 657.0}, {"index": 12303, "quantile": 0.75, "value": 143400.0, "Latitude": 33.83, "Longitude": -116.75, "Population": 657.0}, {"index": 12303, "quantile": 1.0, "value": 315000.0, "Latitude": 33.83, "Longitude": -116.75, "Population": 657.0}, {"index": 12304, "quantile": 0.0, "value": 67500.0, "Latitude": 33.8, "Longitude": -116.8, "Population": 158.0}, {"index": 12304, "quantile": 0.25, "value": 104224.99999999999, "Latitude": 33.8, "Longitude": -116.8, "Population": 158.0}, {"index": 12304, "quantile": 0.5, "value": 132000.0, "Latitude": 33.8, "Longitude": -116.8, "Population": 158.0}, {"index": 12304, "quantile": 0.75, "value": 176625.0, "Latitude": 33.8, "Longitude": -116.8, "Population": 158.0}, {"index": 12304, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.8, "Longitude": -116.8, "Population": 158.0}, {"index": 12305, "quantile": 0.0, "value": 62800.0, "Latitude": 33.75, "Longitude": -116.71, "Population": 1874.0}, {"index": 12305, "quantile": 0.25, "value": 150500.0, "Latitude": 33.75, "Longitude": -116.71, "Population": 1874.0}, {"index": 12305, "quantile": 0.5, "value": 150500.0, "Latitude": 33.75, "Longitude": -116.71, "Population": 1874.0}, {"index": 12305, "quantile": 0.75, "value": 152300.0, "Latitude": 33.75, "Longitude": -116.71, "Population": 1874.0}, {"index": 12305, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -116.71, "Population": 1874.0}, {"index": 12306, "quantile": 0.0, "value": 71300.0, "Latitude": 33.71, "Longitude": -116.68, "Population": 658.0}, {"index": 12306, "quantile": 0.25, "value": 161100.0, "Latitude": 33.71, "Longitude": -116.68, "Population": 658.0}, {"index": 12306, "quantile": 0.5, "value": 161100.0, "Latitude": 33.71, "Longitude": -116.68, "Population": 658.0}, {"index": 12306, "quantile": 0.75, "value": 161100.0, "Latitude": 33.71, "Longitude": -116.68, "Population": 658.0}, {"index": 12306, "quantile": 1.0, "value": 234500.00000000003, "Latitude": 33.71, "Longitude": -116.68, "Population": 658.0}, {"index": 12307, "quantile": 0.0, "value": 62800.0, "Latitude": 33.62, "Longitude": -116.74, "Population": 682.0}, {"index": 12307, "quantile": 0.25, "value": 115300.0, "Latitude": 33.62, "Longitude": -116.74, "Population": 682.0}, {"index": 12307, "quantile": 0.5, "value": 137500.0, "Latitude": 33.62, "Longitude": -116.74, "Population": 682.0}, {"index": 12307, "quantile": 0.75, "value": 155700.0, "Latitude": 33.62, "Longitude": -116.74, "Population": 682.0}, {"index": 12307, "quantile": 1.0, "value": 257700.0, "Latitude": 33.62, "Longitude": -116.74, "Population": 682.0}, {"index": 12308, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 33.52, "Longitude": -116.8, "Population": 272.0}, {"index": 12308, "quantile": 0.25, "value": 173400.0, "Latitude": 33.52, "Longitude": -116.8, "Population": 272.0}, {"index": 12308, "quantile": 0.5, "value": 198650.0, "Latitude": 33.52, "Longitude": -116.8, "Population": 272.0}, {"index": 12308, "quantile": 0.75, "value": 231800.0, "Latitude": 33.52, "Longitude": -116.8, "Population": 272.0}, {"index": 12308, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.52, "Longitude": -116.8, "Population": 272.0}, {"index": 12309, "quantile": 0.0, "value": 89400.0, "Latitude": 33.48, "Longitude": -116.89, "Population": 443.0}, {"index": 12309, "quantile": 0.25, "value": 137500.0, "Latitude": 33.48, "Longitude": -116.89, "Population": 443.0}, {"index": 12309, "quantile": 0.5, "value": 137500.0, "Latitude": 33.48, "Longitude": -116.89, "Population": 443.0}, {"index": 12309, "quantile": 0.75, "value": 137500.0, "Latitude": 33.48, "Longitude": -116.89, "Population": 443.0}, {"index": 12309, "quantile": 1.0, "value": 173400.0, "Latitude": 33.48, "Longitude": -116.89, "Population": 443.0}, {"index": 12310, "quantile": 0.0, "value": 58800.0, "Latitude": 33.57, "Longitude": -116.87, "Population": 446.0}, {"index": 12310, "quantile": 0.25, "value": 115300.0, "Latitude": 33.57, "Longitude": -116.87, "Population": 446.0}, {"index": 12310, "quantile": 0.5, "value": 137500.0, "Latitude": 33.57, "Longitude": -116.87, "Population": 446.0}, {"index": 12310, "quantile": 0.75, "value": 158400.0, "Latitude": 33.57, "Longitude": -116.87, "Population": 446.0}, {"index": 12310, "quantile": 1.0, "value": 301600.0, "Latitude": 33.57, "Longitude": -116.87, "Population": 446.0}, {"index": 12311, "quantile": 0.0, "value": 74300.0, "Latitude": 33.56, "Longitude": -116.72, "Population": 1250.0}, {"index": 12311, "quantile": 0.25, "value": 122900.00000000001, "Latitude": 33.56, "Longitude": -116.72, "Population": 1250.0}, {"index": 12311, "quantile": 0.5, "value": 122900.00000000001, "Latitude": 33.56, "Longitude": -116.72, "Population": 1250.0}, {"index": 12311, "quantile": 0.75, "value": 133375.0, "Latitude": 33.56, "Longitude": -116.72, "Population": 1250.0}, {"index": 12311, "quantile": 1.0, "value": 248100.0, "Latitude": 33.56, "Longitude": -116.72, "Population": 1250.0}, {"index": 12312, "quantile": 0.0, "value": 62800.0, "Latitude": 33.61, "Longitude": -116.48, "Population": 457.0}, {"index": 12312, "quantile": 0.25, "value": 115300.0, "Latitude": 33.61, "Longitude": -116.48, "Population": 457.0}, {"index": 12312, "quantile": 0.5, "value": 115300.0, "Latitude": 33.61, "Longitude": -116.48, "Population": 457.0}, {"index": 12312, "quantile": 0.75, "value": 115300.0, "Latitude": 33.61, "Longitude": -116.48, "Population": 457.0}, {"index": 12312, "quantile": 1.0, "value": 257700.0, "Latitude": 33.61, "Longitude": -116.48, "Population": 457.0}, {"index": 12313, "quantile": 0.0, "value": 144100.0, "Latitude": 33.64, "Longitude": -116.57, "Population": 183.0}, {"index": 12313, "quantile": 0.25, "value": 343300.0, "Latitude": 33.64, "Longitude": -116.57, "Population": 183.0}, {"index": 12313, "quantile": 0.5, "value": 345500.0, "Latitude": 33.64, "Longitude": -116.57, "Population": 183.0}, {"index": 12313, "quantile": 0.75, "value": 345500.0, "Latitude": 33.64, "Longitude": -116.57, "Population": 183.0}, {"index": 12313, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.64, "Longitude": -116.57, "Population": 183.0}, {"index": 12314, "quantile": 0.0, "value": 58800.0, "Latitude": 33.46, "Longitude": -116.76, "Population": 544.0}, {"index": 12314, "quantile": 0.25, "value": 173400.0, "Latitude": 33.46, "Longitude": -116.76, "Population": 544.0}, {"index": 12314, "quantile": 0.5, "value": 173400.0, "Latitude": 33.46, "Longitude": -116.76, "Population": 544.0}, {"index": 12314, "quantile": 0.75, "value": 173400.0, "Latitude": 33.46, "Longitude": -116.76, "Population": 544.0}, {"index": 12314, "quantile": 1.0, "value": 367100.0, "Latitude": 33.46, "Longitude": -116.76, "Population": 544.0}, {"index": 12315, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.51, "Longitude": -116.42, "Population": 102.0}, {"index": 12315, "quantile": 0.25, "value": 103099.99999999999, "Latitude": 33.51, "Longitude": -116.42, "Population": 102.0}, {"index": 12315, "quantile": 0.5, "value": 103099.99999999999, "Latitude": 33.51, "Longitude": -116.42, "Population": 102.0}, {"index": 12315, "quantile": 0.75, "value": 103099.99999999999, "Latitude": 33.51, "Longitude": -116.42, "Population": 102.0}, {"index": 12315, "quantile": 1.0, "value": 235600.0, "Latitude": 33.51, "Longitude": -116.42, "Population": 102.0}, {"index": 12316, "quantile": 0.0, "value": 53500.0, "Latitude": 33.49, "Longitude": -116.6, "Population": 1346.0}, {"index": 12316, "quantile": 0.25, "value": 113500.0, "Latitude": 33.49, "Longitude": -116.6, "Population": 1346.0}, {"index": 12316, "quantile": 0.5, "value": 113500.0, "Latitude": 33.49, "Longitude": -116.6, "Population": 1346.0}, {"index": 12316, "quantile": 0.75, "value": 113500.0, "Latitude": 33.49, "Longitude": -116.6, "Population": 1346.0}, {"index": 12316, "quantile": 1.0, "value": 328600.0, "Latitude": 33.49, "Longitude": -116.6, "Population": 1346.0}, {"index": 12317, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 33.5, "Longitude": -116.69, "Population": 442.0}, {"index": 12317, "quantile": 0.25, "value": 120550.0, "Latitude": 33.5, "Longitude": -116.69, "Population": 442.0}, {"index": 12317, "quantile": 0.5, "value": 155700.0, "Latitude": 33.5, "Longitude": -116.69, "Population": 442.0}, {"index": 12317, "quantile": 0.75, "value": 155700.0, "Latitude": 33.5, "Longitude": -116.69, "Population": 442.0}, {"index": 12317, "quantile": 1.0, "value": 350000.0, "Latitude": 33.5, "Longitude": -116.69, "Population": 442.0}, {"index": 12318, "quantile": 0.0, "value": 58800.0, "Latitude": 33.82, "Longitude": -116.39, "Population": 4122.0}, {"index": 12318, "quantile": 0.25, "value": 93400.0, "Latitude": 33.82, "Longitude": -116.39, "Population": 4122.0}, {"index": 12318, "quantile": 0.5, "value": 109900.0, "Latitude": 33.82, "Longitude": -116.39, "Population": 4122.0}, {"index": 12318, "quantile": 0.75, "value": 138400.0, "Latitude": 33.82, "Longitude": -116.39, "Population": 4122.0}, {"index": 12318, "quantile": 1.0, "value": 168800.0, "Latitude": 33.82, "Longitude": -116.39, "Population": 4122.0}, {"index": 12319, "quantile": 0.0, "value": 66300.0, "Latitude": 33.94, "Longitude": -116.71, "Population": 209.0}, {"index": 12319, "quantile": 0.25, "value": 66300.0, "Latitude": 33.94, "Longitude": -116.71, "Population": 209.0}, {"index": 12319, "quantile": 0.5, "value": 66300.0, "Latitude": 33.94, "Longitude": -116.71, "Population": 209.0}, {"index": 12319, "quantile": 0.75, "value": 110225.00000000001, "Latitude": 33.94, "Longitude": -116.71, "Population": 209.0}, {"index": 12319, "quantile": 1.0, "value": 366700.0, "Latitude": 33.94, "Longitude": -116.71, "Population": 209.0}, {"index": 12320, "quantile": 0.0, "value": 44400.0, "Latitude": 33.89, "Longitude": -116.51, "Population": 537.0}, {"index": 12320, "quantile": 0.25, "value": 61000.0, "Latitude": 33.89, "Longitude": -116.51, "Population": 537.0}, {"index": 12320, "quantile": 0.5, "value": 61000.0, "Latitude": 33.89, "Longitude": -116.51, "Population": 537.0}, {"index": 12320, "quantile": 0.75, "value": 66825.0, "Latitude": 33.89, "Longitude": -116.51, "Population": 537.0}, {"index": 12320, "quantile": 1.0, "value": 183900.0, "Latitude": 33.89, "Longitude": -116.51, "Population": 537.0}, {"index": 12321, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 33.93, "Longitude": -116.61, "Population": 157.0}, {"index": 12321, "quantile": 0.25, "value": 73100.0, "Latitude": 33.93, "Longitude": -116.61, "Population": 157.0}, {"index": 12321, "quantile": 0.5, "value": 91150.0, "Latitude": 33.93, "Longitude": -116.61, "Population": 157.0}, {"index": 12321, "quantile": 0.75, "value": 103099.99999999999, "Latitude": 33.93, "Longitude": -116.61, "Population": 157.0}, {"index": 12321, "quantile": 1.0, "value": 159000.0, "Latitude": 33.93, "Longitude": -116.61, "Population": 157.0}, {"index": 12322, "quantile": 0.0, "value": 42500.0, "Latitude": 33.94, "Longitude": -116.57, "Population": 224.0}, {"index": 12322, "quantile": 0.25, "value": 50000.0, "Latitude": 33.94, "Longitude": -116.57, "Population": 224.0}, {"index": 12322, "quantile": 0.5, "value": 50000.0, "Latitude": 33.94, "Longitude": -116.57, "Population": 224.0}, {"index": 12322, "quantile": 0.75, "value": 81800.0, "Latitude": 33.94, "Longitude": -116.57, "Population": 224.0}, {"index": 12322, "quantile": 1.0, "value": 366700.0, "Latitude": 33.94, "Longitude": -116.57, "Population": 224.0}, {"index": 12323, "quantile": 0.0, "value": 40000.0, "Latitude": 34.0, "Longitude": -116.57, "Population": 69.0}, {"index": 12323, "quantile": 0.25, "value": 76600.0, "Latitude": 34.0, "Longitude": -116.57, "Population": 69.0}, {"index": 12323, "quantile": 0.5, "value": 76600.0, "Latitude": 34.0, "Longitude": -116.57, "Population": 69.0}, {"index": 12323, "quantile": 0.75, "value": 159100.0, "Latitude": 34.0, "Longitude": -116.57, "Population": 69.0}, {"index": 12323, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -116.57, "Population": 69.0}, {"index": 12324, "quantile": 0.0, "value": 32900.0, "Latitude": 33.93, "Longitude": -116.44, "Population": 1201.0}, {"index": 12324, "quantile": 0.25, "value": 88400.0, "Latitude": 33.93, "Longitude": -116.44, "Population": 1201.0}, {"index": 12324, "quantile": 0.5, "value": 88400.0, "Latitude": 33.93, "Longitude": -116.44, "Population": 1201.0}, {"index": 12324, "quantile": 0.75, "value": 88400.0, "Latitude": 33.93, "Longitude": -116.44, "Population": 1201.0}, {"index": 12324, "quantile": 1.0, "value": 220500.0, "Latitude": 33.93, "Longitude": -116.44, "Population": 1201.0}, {"index": 12325, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 33.88, "Longitude": -116.36, "Population": 2453.0}, {"index": 12325, "quantile": 0.25, "value": 78500.0, "Latitude": 33.88, "Longitude": -116.36, "Population": 2453.0}, {"index": 12325, "quantile": 0.5, "value": 78500.0, "Latitude": 33.88, "Longitude": -116.36, "Population": 2453.0}, {"index": 12325, "quantile": 0.75, "value": 81000.0, "Latitude": 33.88, "Longitude": -116.36, "Population": 2453.0}, {"index": 12325, "quantile": 1.0, "value": 137500.0, "Latitude": 33.88, "Longitude": -116.36, "Population": 2453.0}, {"index": 12326, "quantile": 0.0, "value": 62300.0, "Latitude": 33.97, "Longitude": -116.52, "Population": 1902.0}, {"index": 12326, "quantile": 0.25, "value": 96675.0, "Latitude": 33.97, "Longitude": -116.52, "Population": 1902.0}, {"index": 12326, "quantile": 0.5, "value": 98750.0, "Latitude": 33.97, "Longitude": -116.52, "Population": 1902.0}, {"index": 12326, "quantile": 0.75, "value": 121050.00000000001, "Latitude": 33.97, "Longitude": -116.52, "Population": 1902.0}, {"index": 12326, "quantile": 1.0, "value": 163000.0, "Latitude": 33.97, "Longitude": -116.52, "Population": 1902.0}, {"index": 12327, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 33.96, "Longitude": -116.51, "Population": 2518.0}, {"index": 12327, "quantile": 0.25, "value": 61100.0, "Latitude": 33.96, "Longitude": -116.51, "Population": 2518.0}, {"index": 12327, "quantile": 0.5, "value": 61100.0, "Latitude": 33.96, "Longitude": -116.51, "Population": 2518.0}, {"index": 12327, "quantile": 0.75, "value": 61100.0, "Latitude": 33.96, "Longitude": -116.51, "Population": 2518.0}, {"index": 12327, "quantile": 1.0, "value": 173200.0, "Latitude": 33.96, "Longitude": -116.51, "Population": 2518.0}, {"index": 12328, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 33.95, "Longitude": -116.53, "Population": 1280.0}, {"index": 12328, "quantile": 0.25, "value": 89400.0, "Latitude": 33.95, "Longitude": -116.53, "Population": 1280.0}, {"index": 12328, "quantile": 0.5, "value": 95750.0, "Latitude": 33.95, "Longitude": -116.53, "Population": 1280.0}, {"index": 12328, "quantile": 0.75, "value": 107625.0, "Latitude": 33.95, "Longitude": -116.53, "Population": 1280.0}, {"index": 12328, "quantile": 1.0, "value": 220500.0, "Latitude": 33.95, "Longitude": -116.53, "Population": 1280.0}, {"index": 12329, "quantile": 0.0, "value": 53800.0, "Latitude": 33.95, "Longitude": -116.5, "Population": 4274.0}, {"index": 12329, "quantile": 0.25, "value": 66600.0, "Latitude": 33.95, "Longitude": -116.5, "Population": 4274.0}, {"index": 12329, "quantile": 0.5, "value": 66600.0, "Latitude": 33.95, "Longitude": -116.5, "Population": 4274.0}, {"index": 12329, "quantile": 0.75, "value": 66600.0, "Latitude": 33.95, "Longitude": -116.5, "Population": 4274.0}, {"index": 12329, "quantile": 1.0, "value": 155700.0, "Latitude": 33.95, "Longitude": -116.5, "Population": 4274.0}, {"index": 12330, "quantile": 0.0, "value": 53500.0, "Latitude": 33.94, "Longitude": -116.51, "Population": 1315.0}, {"index": 12330, "quantile": 0.25, "value": 61100.0, "Latitude": 33.94, "Longitude": -116.51, "Population": 1315.0}, {"index": 12330, "quantile": 0.5, "value": 70400.0, "Latitude": 33.94, "Longitude": -116.51, "Population": 1315.0}, {"index": 12330, "quantile": 0.75, "value": 88650.0, "Latitude": 33.94, "Longitude": -116.51, "Population": 1315.0}, {"index": 12330, "quantile": 1.0, "value": 155700.0, "Latitude": 33.94, "Longitude": -116.51, "Population": 1315.0}, {"index": 12331, "quantile": 0.0, "value": 51300.0, "Latitude": 33.96, "Longitude": -116.48, "Population": 644.0}, {"index": 12331, "quantile": 0.25, "value": 61850.00000000001, "Latitude": 33.96, "Longitude": -116.48, "Population": 644.0}, {"index": 12331, "quantile": 0.5, "value": 81350.0, "Latitude": 33.96, "Longitude": -116.48, "Population": 644.0}, {"index": 12331, "quantile": 0.75, "value": 105200.0, "Latitude": 33.96, "Longitude": -116.48, "Population": 644.0}, {"index": 12331, "quantile": 1.0, "value": 183900.0, "Latitude": 33.96, "Longitude": -116.48, "Population": 644.0}, {"index": 12332, "quantile": 0.0, "value": 85200.0, "Latitude": 33.94, "Longitude": -116.47, "Population": 919.0}, {"index": 12332, "quantile": 0.25, "value": 85200.0, "Latitude": 33.94, "Longitude": -116.47, "Population": 919.0}, {"index": 12332, "quantile": 0.5, "value": 85200.0, "Latitude": 33.94, "Longitude": -116.47, "Population": 919.0}, {"index": 12332, "quantile": 0.75, "value": 123150.0, "Latitude": 33.94, "Longitude": -116.47, "Population": 919.0}, {"index": 12332, "quantile": 1.0, "value": 252800.0, "Latitude": 33.94, "Longitude": -116.47, "Population": 919.0}, {"index": 12333, "quantile": 0.0, "value": 32900.0, "Latitude": 33.94, "Longitude": -116.48, "Population": 923.0}, {"index": 12333, "quantile": 0.25, "value": 81000.0, "Latitude": 33.94, "Longitude": -116.48, "Population": 923.0}, {"index": 12333, "quantile": 0.5, "value": 81000.0, "Latitude": 33.94, "Longitude": -116.48, "Population": 923.0}, {"index": 12333, "quantile": 0.75, "value": 81000.0, "Latitude": 33.94, "Longitude": -116.48, "Population": 923.0}, {"index": 12333, "quantile": 1.0, "value": 248100.0, "Latitude": 33.94, "Longitude": -116.48, "Population": 923.0}, {"index": 12334, "quantile": 0.0, "value": 87500.0, "Latitude": 33.98, "Longitude": -116.5, "Population": 1420.0}, {"index": 12334, "quantile": 0.25, "value": 142200.0, "Latitude": 33.98, "Longitude": -116.5, "Population": 1420.0}, {"index": 12334, "quantile": 0.5, "value": 146400.0, "Latitude": 33.98, "Longitude": -116.5, "Population": 1420.0}, {"index": 12334, "quantile": 0.75, "value": 146400.0, "Latitude": 33.98, "Longitude": -116.5, "Population": 1420.0}, {"index": 12334, "quantile": 1.0, "value": 244400.0, "Latitude": 33.98, "Longitude": -116.5, "Population": 1420.0}, {"index": 12335, "quantile": 0.0, "value": 87500.0, "Latitude": 33.84, "Longitude": -116.51, "Population": 454.0}, {"index": 12335, "quantile": 0.25, "value": 100000.0, "Latitude": 33.84, "Longitude": -116.51, "Population": 454.0}, {"index": 12335, "quantile": 0.5, "value": 100000.0, "Latitude": 33.84, "Longitude": -116.51, "Population": 454.0}, {"index": 12335, "quantile": 0.75, "value": 144150.0, "Latitude": 33.84, "Longitude": -116.51, "Population": 454.0}, {"index": 12335, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -116.51, "Population": 454.0}, {"index": 12336, "quantile": 0.0, "value": 50000.0, "Latitude": 33.89, "Longitude": -116.63, "Population": 610.0}, {"index": 12336, "quantile": 0.25, "value": 61000.0, "Latitude": 33.89, "Longitude": -116.63, "Population": 610.0}, {"index": 12336, "quantile": 0.5, "value": 77700.0, "Latitude": 33.89, "Longitude": -116.63, "Population": 610.0}, {"index": 12336, "quantile": 0.75, "value": 113500.0, "Latitude": 33.89, "Longitude": -116.63, "Population": 610.0}, {"index": 12336, "quantile": 1.0, "value": 225000.0, "Latitude": 33.89, "Longitude": -116.63, "Population": 610.0}, {"index": 12337, "quantile": 0.0, "value": 90000.0, "Latitude": 33.84, "Longitude": -116.52, "Population": 853.0}, {"index": 12337, "quantile": 0.25, "value": 130400.0, "Latitude": 33.84, "Longitude": -116.52, "Population": 853.0}, {"index": 12337, "quantile": 0.5, "value": 130400.0, "Latitude": 33.84, "Longitude": -116.52, "Population": 853.0}, {"index": 12337, "quantile": 0.75, "value": 130400.0, "Latitude": 33.84, "Longitude": -116.52, "Population": 853.0}, {"index": 12337, "quantile": 1.0, "value": 454100.00000000006, "Latitude": 33.84, "Longitude": -116.52, "Population": 853.0}, {"index": 12338, "quantile": 0.0, "value": 51300.0, "Latitude": 33.87, "Longitude": -116.54, "Population": 1687.0}, {"index": 12338, "quantile": 0.25, "value": 70400.0, "Latitude": 33.87, "Longitude": -116.54, "Population": 1687.0}, {"index": 12338, "quantile": 0.5, "value": 70400.0, "Latitude": 33.87, "Longitude": -116.54, "Population": 1687.0}, {"index": 12338, "quantile": 0.75, "value": 70400.0, "Latitude": 33.87, "Longitude": -116.54, "Population": 1687.0}, {"index": 12338, "quantile": 1.0, "value": 248100.0, "Latitude": 33.87, "Longitude": -116.54, "Population": 1687.0}, {"index": 12339, "quantile": 0.0, "value": 99100.0, "Latitude": 33.84, "Longitude": -116.57, "Population": 2009.0}, {"index": 12339, "quantile": 0.25, "value": 226949.99999999997, "Latitude": 33.84, "Longitude": -116.57, "Population": 2009.0}, {"index": 12339, "quantile": 0.5, "value": 230200.0, "Latitude": 33.84, "Longitude": -116.57, "Population": 2009.0}, {"index": 12339, "quantile": 0.75, "value": 230200.0, "Latitude": 33.84, "Longitude": -116.57, "Population": 2009.0}, {"index": 12339, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -116.57, "Population": 2009.0}, {"index": 12340, "quantile": 0.0, "value": 66300.0, "Latitude": 33.85, "Longitude": -116.53, "Population": 3048.0}, {"index": 12340, "quantile": 0.25, "value": 110900.0, "Latitude": 33.85, "Longitude": -116.53, "Population": 3048.0}, {"index": 12340, "quantile": 0.5, "value": 110900.0, "Latitude": 33.85, "Longitude": -116.53, "Population": 3048.0}, {"index": 12340, "quantile": 0.75, "value": 116100.0, "Latitude": 33.85, "Longitude": -116.53, "Population": 3048.0}, {"index": 12340, "quantile": 1.0, "value": 247600.0, "Latitude": 33.85, "Longitude": -116.53, "Population": 3048.0}, {"index": 12341, "quantile": 0.0, "value": 190300.0, "Latitude": 33.84, "Longitude": -116.55, "Population": 676.0}, {"index": 12341, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -116.55, "Population": 676.0}, {"index": 12341, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -116.55, "Population": 676.0}, {"index": 12341, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -116.55, "Population": 676.0}, {"index": 12341, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.84, "Longitude": -116.55, "Population": 676.0}, {"index": 12342, "quantile": 0.0, "value": 61100.0, "Latitude": 33.84, "Longitude": -116.53, "Population": 3470.0}, {"index": 12342, "quantile": 0.25, "value": 105824.99999999999, "Latitude": 33.84, "Longitude": -116.53, "Population": 3470.0}, {"index": 12342, "quantile": 0.5, "value": 159000.0, "Latitude": 33.84, "Longitude": -116.53, "Population": 3470.0}, {"index": 12342, "quantile": 0.75, "value": 159000.0, "Latitude": 33.84, "Longitude": -116.53, "Population": 3470.0}, {"index": 12342, "quantile": 1.0, "value": 159000.0, "Latitude": 33.84, "Longitude": -116.53, "Population": 3470.0}, {"index": 12343, "quantile": 0.0, "value": 67500.0, "Latitude": 33.85, "Longitude": -116.52, "Population": 3189.0}, {"index": 12343, "quantile": 0.25, "value": 98600.0, "Latitude": 33.85, "Longitude": -116.52, "Population": 3189.0}, {"index": 12343, "quantile": 0.5, "value": 120000.0, "Latitude": 33.85, "Longitude": -116.52, "Population": 3189.0}, {"index": 12343, "quantile": 0.75, "value": 135200.0, "Latitude": 33.85, "Longitude": -116.52, "Population": 3189.0}, {"index": 12343, "quantile": 1.0, "value": 294600.0, "Latitude": 33.85, "Longitude": -116.52, "Population": 3189.0}, {"index": 12344, "quantile": 0.0, "value": 50000.0, "Latitude": 33.82, "Longitude": -116.5, "Population": 29.0}, {"index": 12344, "quantile": 0.25, "value": 99000.0, "Latitude": 33.82, "Longitude": -116.5, "Population": 29.0}, {"index": 12344, "quantile": 0.5, "value": 171050.0, "Latitude": 33.82, "Longitude": -116.5, "Population": 29.0}, {"index": 12344, "quantile": 0.75, "value": 366700.0, "Latitude": 33.82, "Longitude": -116.5, "Population": 29.0}, {"index": 12344, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -116.5, "Population": 29.0}, {"index": 12345, "quantile": 0.0, "value": 60600.0, "Latitude": 33.82, "Longitude": -116.49, "Population": 2362.0}, {"index": 12345, "quantile": 0.25, "value": 83000.0, "Latitude": 33.82, "Longitude": -116.49, "Population": 2362.0}, {"index": 12345, "quantile": 0.5, "value": 93400.0, "Latitude": 33.82, "Longitude": -116.49, "Population": 2362.0}, {"index": 12345, "quantile": 0.75, "value": 115999.99999999999, "Latitude": 33.82, "Longitude": -116.49, "Population": 2362.0}, {"index": 12345, "quantile": 1.0, "value": 159000.0, "Latitude": 33.82, "Longitude": -116.49, "Population": 2362.0}, {"index": 12346, "quantile": 0.0, "value": 61100.0, "Latitude": 33.82, "Longitude": -116.52, "Population": 3623.0}, {"index": 12346, "quantile": 0.25, "value": 108949.99999999999, "Latitude": 33.82, "Longitude": -116.52, "Population": 3623.0}, {"index": 12346, "quantile": 0.5, "value": 147600.0, "Latitude": 33.82, "Longitude": -116.52, "Population": 3623.0}, {"index": 12346, "quantile": 0.75, "value": 168725.0, "Latitude": 33.82, "Longitude": -116.52, "Population": 3623.0}, {"index": 12346, "quantile": 1.0, "value": 450000.0, "Latitude": 33.82, "Longitude": -116.52, "Population": 3623.0}, {"index": 12347, "quantile": 0.0, "value": 50000.0, "Latitude": 33.82, "Longitude": -116.54, "Population": 2725.0}, {"index": 12347, "quantile": 0.25, "value": 94025.0, "Latitude": 33.82, "Longitude": -116.54, "Population": 2725.0}, {"index": 12347, "quantile": 0.5, "value": 115599.99999999999, "Latitude": 33.82, "Longitude": -116.54, "Population": 2725.0}, {"index": 12347, "quantile": 0.75, "value": 115599.99999999999, "Latitude": 33.82, "Longitude": -116.54, "Population": 2725.0}, {"index": 12347, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.82, "Longitude": -116.54, "Population": 2725.0}, {"index": 12348, "quantile": 0.0, "value": 50000.0, "Latitude": 33.83, "Longitude": -116.56, "Population": 451.0}, {"index": 12348, "quantile": 0.25, "value": 119925.00000000001, "Latitude": 33.83, "Longitude": -116.56, "Population": 451.0}, {"index": 12348, "quantile": 0.5, "value": 148200.0, "Latitude": 33.83, "Longitude": -116.56, "Population": 451.0}, {"index": 12348, "quantile": 0.75, "value": 220500.0, "Latitude": 33.83, "Longitude": -116.56, "Population": 451.0}, {"index": 12348, "quantile": 1.0, "value": 450000.0, "Latitude": 33.83, "Longitude": -116.56, "Population": 451.0}, {"index": 12349, "quantile": 0.0, "value": 76600.0, "Latitude": 33.8, "Longitude": -116.48, "Population": 437.0}, {"index": 12349, "quantile": 0.25, "value": 90000.0, "Latitude": 33.8, "Longitude": -116.48, "Population": 437.0}, {"index": 12349, "quantile": 0.5, "value": 90000.0, "Latitude": 33.8, "Longitude": -116.48, "Population": 437.0}, {"index": 12349, "quantile": 0.75, "value": 90000.0, "Latitude": 33.8, "Longitude": -116.48, "Population": 437.0}, {"index": 12349, "quantile": 1.0, "value": 235600.0, "Latitude": 33.8, "Longitude": -116.48, "Population": 437.0}, {"index": 12350, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 33.81, "Longitude": -116.5, "Population": 3086.0}, {"index": 12350, "quantile": 0.25, "value": 84650.0, "Latitude": 33.81, "Longitude": -116.5, "Population": 3086.0}, {"index": 12350, "quantile": 0.5, "value": 102699.99999999999, "Latitude": 33.81, "Longitude": -116.5, "Population": 3086.0}, {"index": 12350, "quantile": 0.75, "value": 137500.0, "Latitude": 33.81, "Longitude": -116.5, "Population": 3086.0}, {"index": 12350, "quantile": 1.0, "value": 268800.0, "Latitude": 33.81, "Longitude": -116.5, "Population": 3086.0}, {"index": 12351, "quantile": 0.0, "value": 72100.0, "Latitude": 33.81, "Longitude": -116.52, "Population": 2548.0}, {"index": 12351, "quantile": 0.25, "value": 162200.0, "Latitude": 33.81, "Longitude": -116.52, "Population": 2548.0}, {"index": 12351, "quantile": 0.5, "value": 162200.0, "Latitude": 33.81, "Longitude": -116.52, "Population": 2548.0}, {"index": 12351, "quantile": 0.75, "value": 162200.0, "Latitude": 33.81, "Longitude": -116.52, "Population": 2548.0}, {"index": 12351, "quantile": 1.0, "value": 320800.0, "Latitude": 33.81, "Longitude": -116.52, "Population": 2548.0}, {"index": 12352, "quantile": 0.0, "value": 47800.0, "Latitude": 33.81, "Longitude": -116.54, "Population": 2628.0}, {"index": 12352, "quantile": 0.25, "value": 72400.0, "Latitude": 33.81, "Longitude": -116.54, "Population": 2628.0}, {"index": 12352, "quantile": 0.5, "value": 83749.99999999999, "Latitude": 33.81, "Longitude": -116.54, "Population": 2628.0}, {"index": 12352, "quantile": 0.75, "value": 125525.0, "Latitude": 33.81, "Longitude": -116.54, "Population": 2628.0}, {"index": 12352, "quantile": 1.0, "value": 248100.0, "Latitude": 33.81, "Longitude": -116.54, "Population": 2628.0}, {"index": 12353, "quantile": 0.0, "value": 101800.0, "Latitude": 33.81, "Longitude": -116.54, "Population": 1721.0}, {"index": 12353, "quantile": 0.25, "value": 199400.0, "Latitude": 33.81, "Longitude": -116.54, "Population": 1721.0}, {"index": 12353, "quantile": 0.5, "value": 199400.0, "Latitude": 33.81, "Longitude": -116.54, "Population": 1721.0}, {"index": 12353, "quantile": 0.75, "value": 199400.0, "Latitude": 33.81, "Longitude": -116.54, "Population": 1721.0}, {"index": 12353, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.81, "Longitude": -116.54, "Population": 1721.0}, {"index": 12354, "quantile": 0.0, "value": 90000.0, "Latitude": 33.8, "Longitude": -116.49, "Population": 1274.0}, {"index": 12354, "quantile": 0.25, "value": 148900.0, "Latitude": 33.8, "Longitude": -116.49, "Population": 1274.0}, {"index": 12354, "quantile": 0.5, "value": 148900.0, "Latitude": 33.8, "Longitude": -116.49, "Population": 1274.0}, {"index": 12354, "quantile": 0.75, "value": 159725.0, "Latitude": 33.8, "Longitude": -116.49, "Population": 1274.0}, {"index": 12354, "quantile": 1.0, "value": 454100.00000000006, "Latitude": 33.8, "Longitude": -116.49, "Population": 1274.0}, {"index": 12355, "quantile": 0.0, "value": 50000.0, "Latitude": 33.8, "Longitude": -116.54, "Population": 1432.0}, {"index": 12355, "quantile": 0.25, "value": 183900.0, "Latitude": 33.8, "Longitude": -116.54, "Population": 1432.0}, {"index": 12355, "quantile": 0.5, "value": 183900.0, "Latitude": 33.8, "Longitude": -116.54, "Population": 1432.0}, {"index": 12355, "quantile": 0.75, "value": 183900.0, "Latitude": 33.8, "Longitude": -116.54, "Population": 1432.0}, {"index": 12355, "quantile": 1.0, "value": 325000.0, "Latitude": 33.8, "Longitude": -116.54, "Population": 1432.0}, {"index": 12356, "quantile": 0.0, "value": 77100.0, "Latitude": 33.76, "Longitude": -116.57, "Population": 581.0}, {"index": 12356, "quantile": 0.25, "value": 249400.00000000003, "Latitude": 33.76, "Longitude": -116.57, "Population": 581.0}, {"index": 12356, "quantile": 0.5, "value": 301600.0, "Latitude": 33.76, "Longitude": -116.57, "Population": 581.0}, {"index": 12356, "quantile": 0.75, "value": 301600.0, "Latitude": 33.76, "Longitude": -116.57, "Population": 581.0}, {"index": 12356, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -116.57, "Population": 581.0}, {"index": 12357, "quantile": 0.0, "value": 47800.0, "Latitude": 33.69, "Longitude": -116.5, "Population": 1304.0}, {"index": 12357, "quantile": 0.25, "value": 155250.0, "Latitude": 33.69, "Longitude": -116.5, "Population": 1304.0}, {"index": 12357, "quantile": 0.5, "value": 248100.0, "Latitude": 33.69, "Longitude": -116.5, "Population": 1304.0}, {"index": 12357, "quantile": 0.75, "value": 248100.0, "Latitude": 33.69, "Longitude": -116.5, "Population": 1304.0}, {"index": 12357, "quantile": 1.0, "value": 350000.0, "Latitude": 33.69, "Longitude": -116.5, "Population": 1304.0}, {"index": 12358, "quantile": 0.0, "value": 124200.0, "Latitude": 33.79, "Longitude": -116.54, "Population": 1678.0}, {"index": 12358, "quantile": 0.25, "value": 227475.0, "Latitude": 33.79, "Longitude": -116.54, "Population": 1678.0}, {"index": 12358, "quantile": 0.5, "value": 235600.0, "Latitude": 33.79, "Longitude": -116.54, "Population": 1678.0}, {"index": 12358, "quantile": 0.75, "value": 235600.0, "Latitude": 33.79, "Longitude": -116.54, "Population": 1678.0}, {"index": 12358, "quantile": 1.0, "value": 450000.0, "Latitude": 33.79, "Longitude": -116.54, "Population": 1678.0}, {"index": 12359, "quantile": 0.0, "value": 58800.0, "Latitude": 33.78, "Longitude": -116.53, "Population": 411.0}, {"index": 12359, "quantile": 0.25, "value": 177800.0, "Latitude": 33.78, "Longitude": -116.53, "Population": 411.0}, {"index": 12359, "quantile": 0.5, "value": 220500.0, "Latitude": 33.78, "Longitude": -116.53, "Population": 411.0}, {"index": 12359, "quantile": 0.75, "value": 220500.0, "Latitude": 33.78, "Longitude": -116.53, "Population": 411.0}, {"index": 12359, "quantile": 1.0, "value": 377300.0, "Latitude": 33.78, "Longitude": -116.53, "Population": 411.0}, {"index": 12360, "quantile": 0.0, "value": 87200.0, "Latitude": 33.88, "Longitude": -116.53, "Population": 1906.0}, {"index": 12360, "quantile": 0.25, "value": 125200.0, "Latitude": 33.88, "Longitude": -116.53, "Population": 1906.0}, {"index": 12360, "quantile": 0.5, "value": 125200.0, "Latitude": 33.88, "Longitude": -116.53, "Population": 1906.0}, {"index": 12360, "quantile": 0.75, "value": 170400.00000000003, "Latitude": 33.88, "Longitude": -116.53, "Population": 1906.0}, {"index": 12360, "quantile": 1.0, "value": 347700.0, "Latitude": 33.88, "Longitude": -116.53, "Population": 1906.0}, {"index": 12361, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.84, "Longitude": -116.48, "Population": 1050.0}, {"index": 12361, "quantile": 0.25, "value": 88400.0, "Latitude": 33.84, "Longitude": -116.48, "Population": 1050.0}, {"index": 12361, "quantile": 0.5, "value": 137500.0, "Latitude": 33.84, "Longitude": -116.48, "Population": 1050.0}, {"index": 12361, "quantile": 0.75, "value": 137500.0, "Latitude": 33.84, "Longitude": -116.48, "Population": 1050.0}, {"index": 12361, "quantile": 1.0, "value": 177800.0, "Latitude": 33.84, "Longitude": -116.48, "Population": 1050.0}, {"index": 12362, "quantile": 0.0, "value": 58800.0, "Latitude": 33.79, "Longitude": -116.48, "Population": 1711.0}, {"index": 12362, "quantile": 0.25, "value": 134600.0, "Latitude": 33.79, "Longitude": -116.48, "Population": 1711.0}, {"index": 12362, "quantile": 0.5, "value": 148200.0, "Latitude": 33.79, "Longitude": -116.48, "Population": 1711.0}, {"index": 12362, "quantile": 0.75, "value": 191425.0, "Latitude": 33.79, "Longitude": -116.48, "Population": 1711.0}, {"index": 12362, "quantile": 1.0, "value": 450000.0, "Latitude": 33.79, "Longitude": -116.48, "Population": 1711.0}, {"index": 12363, "quantile": 0.0, "value": 87500.0, "Latitude": 33.84, "Longitude": -116.47, "Population": 3838.0}, {"index": 12363, "quantile": 0.25, "value": 143000.0, "Latitude": 33.84, "Longitude": -116.47, "Population": 3838.0}, {"index": 12363, "quantile": 0.5, "value": 193750.0, "Latitude": 33.84, "Longitude": -116.47, "Population": 3838.0}, {"index": 12363, "quantile": 0.75, "value": 242325.0, "Latitude": 33.84, "Longitude": -116.47, "Population": 3838.0}, {"index": 12363, "quantile": 1.0, "value": 347700.0, "Latitude": 33.84, "Longitude": -116.47, "Population": 3838.0}, {"index": 12364, "quantile": 0.0, "value": 91800.0, "Latitude": 33.82, "Longitude": -116.46, "Population": 3010.0}, {"index": 12364, "quantile": 0.25, "value": 104200.0, "Latitude": 33.82, "Longitude": -116.46, "Population": 3010.0}, {"index": 12364, "quantile": 0.5, "value": 104200.0, "Latitude": 33.82, "Longitude": -116.46, "Population": 3010.0}, {"index": 12364, "quantile": 0.75, "value": 120825.0, "Latitude": 33.82, "Longitude": -116.46, "Population": 3010.0}, {"index": 12364, "quantile": 1.0, "value": 225900.0, "Latitude": 33.82, "Longitude": -116.46, "Population": 3010.0}, {"index": 12365, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 33.81, "Longitude": -116.47, "Population": 6274.0}, {"index": 12365, "quantile": 0.25, "value": 90900.0, "Latitude": 33.81, "Longitude": -116.47, "Population": 6274.0}, {"index": 12365, "quantile": 0.5, "value": 90900.0, "Latitude": 33.81, "Longitude": -116.47, "Population": 6274.0}, {"index": 12365, "quantile": 0.75, "value": 90900.0, "Latitude": 33.81, "Longitude": -116.47, "Population": 6274.0}, {"index": 12365, "quantile": 1.0, "value": 159000.0, "Latitude": 33.81, "Longitude": -116.47, "Population": 6274.0}, {"index": 12366, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 33.79, "Longitude": -116.46, "Population": 1130.0}, {"index": 12366, "quantile": 0.25, "value": 92450.0, "Latitude": 33.79, "Longitude": -116.46, "Population": 1130.0}, {"index": 12366, "quantile": 0.5, "value": 136050.0, "Latitude": 33.79, "Longitude": -116.46, "Population": 1130.0}, {"index": 12366, "quantile": 0.75, "value": 138300.0, "Latitude": 33.79, "Longitude": -116.46, "Population": 1130.0}, {"index": 12366, "quantile": 1.0, "value": 248100.0, "Latitude": 33.79, "Longitude": -116.46, "Population": 1130.0}, {"index": 12367, "quantile": 0.0, "value": 71300.0, "Latitude": 33.81, "Longitude": -116.43, "Population": 2069.0}, {"index": 12367, "quantile": 0.25, "value": 112799.99999999999, "Latitude": 33.81, "Longitude": -116.43, "Population": 2069.0}, {"index": 12367, "quantile": 0.5, "value": 133250.0, "Latitude": 33.81, "Longitude": -116.43, "Population": 2069.0}, {"index": 12367, "quantile": 0.75, "value": 151375.0, "Latitude": 33.81, "Longitude": -116.43, "Population": 2069.0}, {"index": 12367, "quantile": 1.0, "value": 252700.0, "Latitude": 33.81, "Longitude": -116.43, "Population": 2069.0}, {"index": 12368, "quantile": 0.0, "value": 99100.0, "Latitude": 33.79, "Longitude": -116.42, "Population": 1179.0}, {"index": 12368, "quantile": 0.25, "value": 258075.0, "Latitude": 33.79, "Longitude": -116.42, "Population": 1179.0}, {"index": 12368, "quantile": 0.5, "value": 285000.0, "Latitude": 33.79, "Longitude": -116.42, "Population": 1179.0}, {"index": 12368, "quantile": 0.75, "value": 285000.0, "Latitude": 33.79, "Longitude": -116.42, "Population": 1179.0}, {"index": 12368, "quantile": 1.0, "value": 454100.00000000006, "Latitude": 33.79, "Longitude": -116.42, "Population": 1179.0}, {"index": 12369, "quantile": 0.0, "value": 146300.0, "Latitude": 33.78, "Longitude": -116.43, "Population": 1091.0}, {"index": 12369, "quantile": 0.25, "value": 232100.00000000003, "Latitude": 33.78, "Longitude": -116.43, "Population": 1091.0}, {"index": 12369, "quantile": 0.5, "value": 232100.00000000003, "Latitude": 33.78, "Longitude": -116.43, "Population": 1091.0}, {"index": 12369, "quantile": 0.75, "value": 232100.00000000003, "Latitude": 33.78, "Longitude": -116.43, "Population": 1091.0}, {"index": 12369, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -116.43, "Population": 1091.0}, {"index": 12370, "quantile": 0.0, "value": 58800.0, "Latitude": 33.78, "Longitude": -116.45, "Population": 1177.0}, {"index": 12370, "quantile": 0.25, "value": 134600.0, "Latitude": 33.78, "Longitude": -116.45, "Population": 1177.0}, {"index": 12370, "quantile": 0.5, "value": 134600.0, "Latitude": 33.78, "Longitude": -116.45, "Population": 1177.0}, {"index": 12370, "quantile": 0.75, "value": 137350.0, "Latitude": 33.78, "Longitude": -116.45, "Population": 1177.0}, {"index": 12370, "quantile": 1.0, "value": 301600.0, "Latitude": 33.78, "Longitude": -116.45, "Population": 1177.0}, {"index": 12371, "quantile": 0.0, "value": 187500.0, "Latitude": 33.76, "Longitude": -116.42, "Population": 2524.0}, {"index": 12371, "quantile": 0.25, "value": 341700.0, "Latitude": 33.76, "Longitude": -116.42, "Population": 2524.0}, {"index": 12371, "quantile": 0.5, "value": 341700.0, "Latitude": 33.76, "Longitude": -116.42, "Population": 2524.0}, {"index": 12371, "quantile": 0.75, "value": 341700.0, "Latitude": 33.76, "Longitude": -116.42, "Population": 2524.0}, {"index": 12371, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.76, "Longitude": -116.42, "Population": 2524.0}, {"index": 12372, "quantile": 0.0, "value": 171900.0, "Latitude": 33.78, "Longitude": -116.4, "Population": 612.0}, {"index": 12372, "quantile": 0.25, "value": 259200.0, "Latitude": 33.78, "Longitude": -116.4, "Population": 612.0}, {"index": 12372, "quantile": 0.5, "value": 259200.0, "Latitude": 33.78, "Longitude": -116.4, "Population": 612.0}, {"index": 12372, "quantile": 0.75, "value": 314000.0, "Latitude": 33.78, "Longitude": -116.4, "Population": 612.0}, {"index": 12372, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -116.4, "Population": 612.0}, {"index": 12373, "quantile": 0.0, "value": 85200.0, "Latitude": 33.8, "Longitude": -116.45, "Population": 2283.0}, {"index": 12373, "quantile": 0.25, "value": 99100.0, "Latitude": 33.8, "Longitude": -116.45, "Population": 2283.0}, {"index": 12373, "quantile": 0.5, "value": 99100.0, "Latitude": 33.8, "Longitude": -116.45, "Population": 2283.0}, {"index": 12373, "quantile": 0.75, "value": 127775.0, "Latitude": 33.8, "Longitude": -116.45, "Population": 2283.0}, {"index": 12373, "quantile": 1.0, "value": 357800.0, "Latitude": 33.8, "Longitude": -116.45, "Population": 2283.0}, {"index": 12374, "quantile": 0.0, "value": 99100.0, "Latitude": 33.78, "Longitude": -116.36, "Population": 4176.0}, {"index": 12374, "quantile": 0.25, "value": 237025.0, "Latitude": 33.78, "Longitude": -116.36, "Population": 4176.0}, {"index": 12374, "quantile": 0.5, "value": 239299.99999999997, "Latitude": 33.78, "Longitude": -116.36, "Population": 4176.0}, {"index": 12374, "quantile": 0.75, "value": 239299.99999999997, "Latitude": 33.78, "Longitude": -116.36, "Population": 4176.0}, {"index": 12374, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -116.36, "Population": 4176.0}, {"index": 12375, "quantile": 0.0, "value": 124200.0, "Latitude": 33.74, "Longitude": -116.38, "Population": 3581.0}, {"index": 12375, "quantile": 0.25, "value": 190350.0, "Latitude": 33.74, "Longitude": -116.38, "Population": 3581.0}, {"index": 12375, "quantile": 0.5, "value": 194500.0, "Latitude": 33.74, "Longitude": -116.38, "Population": 3581.0}, {"index": 12375, "quantile": 0.75, "value": 194500.0, "Latitude": 33.74, "Longitude": -116.38, "Population": 3581.0}, {"index": 12375, "quantile": 1.0, "value": 454100.00000000006, "Latitude": 33.74, "Longitude": -116.38, "Population": 3581.0}, {"index": 12376, "quantile": 0.0, "value": 99100.0, "Latitude": 33.75, "Longitude": -116.33, "Population": 2880.0}, {"index": 12376, "quantile": 0.25, "value": 158500.0, "Latitude": 33.75, "Longitude": -116.33, "Population": 2880.0}, {"index": 12376, "quantile": 0.5, "value": 158500.0, "Latitude": 33.75, "Longitude": -116.33, "Population": 2880.0}, {"index": 12376, "quantile": 0.75, "value": 194500.0, "Latitude": 33.75, "Longitude": -116.33, "Population": 2880.0}, {"index": 12376, "quantile": 1.0, "value": 305800.0, "Latitude": 33.75, "Longitude": -116.33, "Population": 2880.0}, {"index": 12377, "quantile": 0.0, "value": 69400.0, "Latitude": 33.73, "Longitude": -116.31, "Population": 4086.0}, {"index": 12377, "quantile": 0.25, "value": 131900.0, "Latitude": 33.73, "Longitude": -116.31, "Population": 4086.0}, {"index": 12377, "quantile": 0.5, "value": 131900.0, "Latitude": 33.73, "Longitude": -116.31, "Population": 4086.0}, {"index": 12377, "quantile": 0.75, "value": 131900.0, "Latitude": 33.73, "Longitude": -116.31, "Population": 4086.0}, {"index": 12377, "quantile": 1.0, "value": 279400.0, "Latitude": 33.73, "Longitude": -116.31, "Population": 4086.0}, {"index": 12378, "quantile": 0.0, "value": 44400.0, "Latitude": 33.78, "Longitude": -116.46, "Population": 604.0}, {"index": 12378, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 33.78, "Longitude": -116.46, "Population": 604.0}, {"index": 12378, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 33.78, "Longitude": -116.46, "Population": 604.0}, {"index": 12378, "quantile": 0.75, "value": 56875.00000000001, "Latitude": 33.78, "Longitude": -116.46, "Population": 604.0}, {"index": 12378, "quantile": 1.0, "value": 221900.0, "Latitude": 33.78, "Longitude": -116.46, "Population": 604.0}, {"index": 12379, "quantile": 0.0, "value": 58600.0, "Latitude": 33.78, "Longitude": -116.46, "Population": 2301.0}, {"index": 12379, "quantile": 0.25, "value": 83000.0, "Latitude": 33.78, "Longitude": -116.46, "Population": 2301.0}, {"index": 12379, "quantile": 0.5, "value": 83000.0, "Latitude": 33.78, "Longitude": -116.46, "Population": 2301.0}, {"index": 12379, "quantile": 0.75, "value": 85400.0, "Latitude": 33.78, "Longitude": -116.46, "Population": 2301.0}, {"index": 12379, "quantile": 1.0, "value": 189200.0, "Latitude": 33.78, "Longitude": -116.46, "Population": 2301.0}, {"index": 12380, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 33.77, "Longitude": -116.47, "Population": 1557.0}, {"index": 12380, "quantile": 0.25, "value": 122500.00000000001, "Latitude": 33.77, "Longitude": -116.47, "Population": 1557.0}, {"index": 12380, "quantile": 0.5, "value": 122500.00000000001, "Latitude": 33.77, "Longitude": -116.47, "Population": 1557.0}, {"index": 12380, "quantile": 0.75, "value": 220800.00000000003, "Latitude": 33.77, "Longitude": -116.47, "Population": 1557.0}, {"index": 12380, "quantile": 1.0, "value": 462899.99999999994, "Latitude": 33.77, "Longitude": -116.47, "Population": 1557.0}, {"index": 12381, "quantile": 0.0, "value": 63500.0, "Latitude": 33.78, "Longitude": -116.47, "Population": 759.0}, {"index": 12381, "quantile": 0.25, "value": 134850.0, "Latitude": 33.78, "Longitude": -116.47, "Population": 759.0}, {"index": 12381, "quantile": 0.5, "value": 158100.0, "Latitude": 33.78, "Longitude": -116.47, "Population": 759.0}, {"index": 12381, "quantile": 0.75, "value": 214525.0, "Latitude": 33.78, "Longitude": -116.47, "Population": 759.0}, {"index": 12381, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.78, "Longitude": -116.47, "Population": 759.0}, {"index": 12382, "quantile": 0.0, "value": 91800.0, "Latitude": 33.73, "Longitude": -116.38, "Population": 3811.0}, {"index": 12382, "quantile": 0.25, "value": 134500.0, "Latitude": 33.73, "Longitude": -116.38, "Population": 3811.0}, {"index": 12382, "quantile": 0.5, "value": 134500.0, "Latitude": 33.73, "Longitude": -116.38, "Population": 3811.0}, {"index": 12382, "quantile": 0.75, "value": 136375.0, "Latitude": 33.73, "Longitude": -116.38, "Population": 3811.0}, {"index": 12382, "quantile": 1.0, "value": 327700.0, "Latitude": 33.73, "Longitude": -116.38, "Population": 3811.0}, {"index": 12383, "quantile": 0.0, "value": 71700.0, "Latitude": 33.72, "Longitude": -116.37, "Population": 3497.0}, {"index": 12383, "quantile": 0.25, "value": 121300.00000000001, "Latitude": 33.72, "Longitude": -116.37, "Population": 3497.0}, {"index": 12383, "quantile": 0.5, "value": 121300.00000000001, "Latitude": 33.72, "Longitude": -116.37, "Population": 3497.0}, {"index": 12383, "quantile": 0.75, "value": 121300.00000000001, "Latitude": 33.72, "Longitude": -116.37, "Population": 3497.0}, {"index": 12383, "quantile": 1.0, "value": 231800.0, "Latitude": 33.72, "Longitude": -116.37, "Population": 3497.0}, {"index": 12384, "quantile": 0.0, "value": 73400.0, "Latitude": 33.72, "Longitude": -116.39, "Population": 2496.0}, {"index": 12384, "quantile": 0.25, "value": 125475.0, "Latitude": 33.72, "Longitude": -116.39, "Population": 2496.0}, {"index": 12384, "quantile": 0.5, "value": 137900.0, "Latitude": 33.72, "Longitude": -116.39, "Population": 2496.0}, {"index": 12384, "quantile": 0.75, "value": 203025.0, "Latitude": 33.72, "Longitude": -116.39, "Population": 2496.0}, {"index": 12384, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -116.39, "Population": 2496.0}, {"index": 12385, "quantile": 0.0, "value": 116700.0, "Latitude": 33.71, "Longitude": -116.38, "Population": 2737.0}, {"index": 12385, "quantile": 0.25, "value": 194500.0, "Latitude": 33.71, "Longitude": -116.38, "Population": 2737.0}, {"index": 12385, "quantile": 0.5, "value": 235600.0, "Latitude": 33.71, "Longitude": -116.38, "Population": 2737.0}, {"index": 12385, "quantile": 0.75, "value": 305800.0, "Latitude": 33.71, "Longitude": -116.38, "Population": 2737.0}, {"index": 12385, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.71, "Longitude": -116.38, "Population": 2737.0}, {"index": 12386, "quantile": 0.0, "value": 187500.0, "Latitude": 33.69, "Longitude": -116.39, "Population": 2186.0}, {"index": 12386, "quantile": 0.25, "value": 238800.0, "Latitude": 33.69, "Longitude": -116.39, "Population": 2186.0}, {"index": 12386, "quantile": 0.5, "value": 238800.0, "Latitude": 33.69, "Longitude": -116.39, "Population": 2186.0}, {"index": 12386, "quantile": 0.75, "value": 341099.99999999994, "Latitude": 33.69, "Longitude": -116.39, "Population": 2186.0}, {"index": 12386, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -116.39, "Population": 2186.0}, {"index": 12387, "quantile": 0.0, "value": 62800.0, "Latitude": 33.72, "Longitude": -116.37, "Population": 2242.0}, {"index": 12387, "quantile": 0.25, "value": 152300.0, "Latitude": 33.72, "Longitude": -116.37, "Population": 2242.0}, {"index": 12387, "quantile": 0.5, "value": 152300.0, "Latitude": 33.72, "Longitude": -116.37, "Population": 2242.0}, {"index": 12387, "quantile": 0.75, "value": 152300.0, "Latitude": 33.72, "Longitude": -116.37, "Population": 2242.0}, {"index": 12387, "quantile": 1.0, "value": 354000.0, "Latitude": 33.72, "Longitude": -116.37, "Population": 2242.0}, {"index": 12388, "quantile": 0.0, "value": 46900.0, "Latitude": 33.77, "Longitude": -116.44, "Population": 955.0}, {"index": 12388, "quantile": 0.25, "value": 83300.0, "Latitude": 33.77, "Longitude": -116.44, "Population": 955.0}, {"index": 12388, "quantile": 0.5, "value": 138300.0, "Latitude": 33.77, "Longitude": -116.44, "Population": 955.0}, {"index": 12388, "quantile": 0.75, "value": 183900.0, "Latitude": 33.77, "Longitude": -116.44, "Population": 955.0}, {"index": 12388, "quantile": 1.0, "value": 248100.0, "Latitude": 33.77, "Longitude": -116.44, "Population": 955.0}, {"index": 12389, "quantile": 0.0, "value": 93800.0, "Latitude": 33.75, "Longitude": -116.43, "Population": 473.0}, {"index": 12389, "quantile": 0.25, "value": 418750.0, "Latitude": 33.75, "Longitude": -116.43, "Population": 473.0}, {"index": 12389, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -116.43, "Population": 473.0}, {"index": 12389, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -116.43, "Population": 473.0}, {"index": 12389, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.75, "Longitude": -116.43, "Population": 473.0}, {"index": 12390, "quantile": 0.0, "value": 204800.0, "Latitude": 33.74, "Longitude": -116.44, "Population": 117.0}, {"index": 12390, "quantile": 0.25, "value": 318100.0, "Latitude": 33.74, "Longitude": -116.44, "Population": 117.0}, {"index": 12390, "quantile": 0.5, "value": 379600.0, "Latitude": 33.74, "Longitude": -116.44, "Population": 117.0}, {"index": 12390, "quantile": 0.75, "value": 420600.00000000006, "Latitude": 33.74, "Longitude": -116.44, "Population": 117.0}, {"index": 12390, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.74, "Longitude": -116.44, "Population": 117.0}, {"index": 12391, "quantile": 0.0, "value": 74000.0, "Latitude": 33.74, "Longitude": -116.41, "Population": 910.0}, {"index": 12391, "quantile": 0.25, "value": 168800.0, "Latitude": 33.74, "Longitude": -116.41, "Population": 910.0}, {"index": 12391, "quantile": 0.5, "value": 168800.0, "Latitude": 33.74, "Longitude": -116.41, "Population": 910.0}, {"index": 12391, "quantile": 0.75, "value": 168800.0, "Latitude": 33.74, "Longitude": -116.41, "Population": 910.0}, {"index": 12391, "quantile": 1.0, "value": 291500.0, "Latitude": 33.74, "Longitude": -116.41, "Population": 910.0}, {"index": 12392, "quantile": 0.0, "value": 58800.0, "Latitude": 33.74, "Longitude": -116.41, "Population": 958.0}, {"index": 12392, "quantile": 0.25, "value": 151399.99999999997, "Latitude": 33.74, "Longitude": -116.41, "Population": 958.0}, {"index": 12392, "quantile": 0.5, "value": 177800.0, "Latitude": 33.74, "Longitude": -116.41, "Population": 958.0}, {"index": 12392, "quantile": 0.75, "value": 177800.0, "Latitude": 33.74, "Longitude": -116.41, "Population": 958.0}, {"index": 12392, "quantile": 1.0, "value": 354000.0, "Latitude": 33.74, "Longitude": -116.41, "Population": 958.0}, {"index": 12393, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 33.68, "Longitude": -116.42, "Population": 900.0}, {"index": 12393, "quantile": 0.25, "value": 138300.0, "Latitude": 33.68, "Longitude": -116.42, "Population": 900.0}, {"index": 12393, "quantile": 0.5, "value": 138300.0, "Latitude": 33.68, "Longitude": -116.42, "Population": 900.0}, {"index": 12393, "quantile": 0.75, "value": 138300.0, "Latitude": 33.68, "Longitude": -116.42, "Population": 900.0}, {"index": 12393, "quantile": 1.0, "value": 248100.0, "Latitude": 33.68, "Longitude": -116.42, "Population": 900.0}, {"index": 12394, "quantile": 0.0, "value": 187500.0, "Latitude": 33.69, "Longitude": -116.37, "Population": 858.0}, {"index": 12394, "quantile": 0.25, "value": 318100.0, "Latitude": 33.69, "Longitude": -116.37, "Population": 858.0}, {"index": 12394, "quantile": 0.5, "value": 318100.0, "Latitude": 33.69, "Longitude": -116.37, "Population": 858.0}, {"index": 12394, "quantile": 0.75, "value": 354700.0, "Latitude": 33.69, "Longitude": -116.37, "Population": 858.0}, {"index": 12394, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -116.37, "Population": 858.0}, {"index": 12395, "quantile": 0.0, "value": 187500.0, "Latitude": 33.72, "Longitude": -116.33, "Population": 2450.0}, {"index": 12395, "quantile": 0.25, "value": 353100.0, "Latitude": 33.72, "Longitude": -116.33, "Population": 2450.0}, {"index": 12395, "quantile": 0.5, "value": 353100.0, "Latitude": 33.72, "Longitude": -116.33, "Population": 2450.0}, {"index": 12395, "quantile": 0.75, "value": 353100.0, "Latitude": 33.72, "Longitude": -116.33, "Population": 2450.0}, {"index": 12395, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.72, "Longitude": -116.33, "Population": 2450.0}, {"index": 12396, "quantile": 0.0, "value": 144100.0, "Latitude": 33.67, "Longitude": -116.29, "Population": 883.0}, {"index": 12396, "quantile": 0.25, "value": 231300.00000000003, "Latitude": 33.67, "Longitude": -116.29, "Population": 883.0}, {"index": 12396, "quantile": 0.5, "value": 231300.00000000003, "Latitude": 33.67, "Longitude": -116.29, "Population": 883.0}, {"index": 12396, "quantile": 0.75, "value": 231500.00000000003, "Latitude": 33.67, "Longitude": -116.29, "Population": 883.0}, {"index": 12396, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.67, "Longitude": -116.29, "Population": 883.0}, {"index": 12397, "quantile": 0.0, "value": 62800.0, "Latitude": 33.68, "Longitude": -116.3, "Population": 863.0}, {"index": 12397, "quantile": 0.25, "value": 105800.0, "Latitude": 33.68, "Longitude": -116.3, "Population": 863.0}, {"index": 12397, "quantile": 0.5, "value": 137500.0, "Latitude": 33.68, "Longitude": -116.3, "Population": 863.0}, {"index": 12397, "quantile": 0.75, "value": 137500.0, "Latitude": 33.68, "Longitude": -116.3, "Population": 863.0}, {"index": 12397, "quantile": 1.0, "value": 366700.0, "Latitude": 33.68, "Longitude": -116.3, "Population": 863.0}, {"index": 12398, "quantile": 0.0, "value": 62800.0, "Latitude": 33.67, "Longitude": -116.31, "Population": 1152.0}, {"index": 12398, "quantile": 0.25, "value": 93400.0, "Latitude": 33.67, "Longitude": -116.31, "Population": 1152.0}, {"index": 12398, "quantile": 0.5, "value": 93400.0, "Latitude": 33.67, "Longitude": -116.31, "Population": 1152.0}, {"index": 12398, "quantile": 0.75, "value": 93775.00000000001, "Latitude": 33.67, "Longitude": -116.31, "Population": 1152.0}, {"index": 12398, "quantile": 1.0, "value": 167400.0, "Latitude": 33.67, "Longitude": -116.31, "Population": 1152.0}, {"index": 12399, "quantile": 0.0, "value": 69400.0, "Latitude": 33.67, "Longitude": -116.31, "Population": 2466.0}, {"index": 12399, "quantile": 0.25, "value": 91800.0, "Latitude": 33.67, "Longitude": -116.31, "Population": 2466.0}, {"index": 12399, "quantile": 0.5, "value": 91800.0, "Latitude": 33.67, "Longitude": -116.31, "Population": 2466.0}, {"index": 12399, "quantile": 0.75, "value": 91800.0, "Latitude": 33.67, "Longitude": -116.31, "Population": 2466.0}, {"index": 12399, "quantile": 1.0, "value": 252700.0, "Latitude": 33.67, "Longitude": -116.31, "Population": 2466.0}, {"index": 12400, "quantile": 0.0, "value": 62300.0, "Latitude": 33.66, "Longitude": -116.31, "Population": 2248.0}, {"index": 12400, "quantile": 0.25, "value": 98000.0, "Latitude": 33.66, "Longitude": -116.31, "Population": 2248.0}, {"index": 12400, "quantile": 0.5, "value": 98000.0, "Latitude": 33.66, "Longitude": -116.31, "Population": 2248.0}, {"index": 12400, "quantile": 0.75, "value": 98000.0, "Latitude": 33.66, "Longitude": -116.31, "Population": 2248.0}, {"index": 12400, "quantile": 1.0, "value": 231800.0, "Latitude": 33.66, "Longitude": -116.31, "Population": 2248.0}, {"index": 12401, "quantile": 0.0, "value": 68600.0, "Latitude": 33.65, "Longitude": -116.31, "Population": 1572.0}, {"index": 12401, "quantile": 0.25, "value": 135600.0, "Latitude": 33.65, "Longitude": -116.31, "Population": 1572.0}, {"index": 12401, "quantile": 0.5, "value": 173900.0, "Latitude": 33.65, "Longitude": -116.31, "Population": 1572.0}, {"index": 12401, "quantile": 0.75, "value": 223424.99999999997, "Latitude": 33.65, "Longitude": -116.31, "Population": 1572.0}, {"index": 12401, "quantile": 1.0, "value": 347700.0, "Latitude": 33.65, "Longitude": -116.31, "Population": 1572.0}, {"index": 12402, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 33.72, "Longitude": -116.26, "Population": 3208.0}, {"index": 12402, "quantile": 0.25, "value": 105800.0, "Latitude": 33.72, "Longitude": -116.26, "Population": 3208.0}, {"index": 12402, "quantile": 0.5, "value": 105800.0, "Latitude": 33.72, "Longitude": -116.26, "Population": 3208.0}, {"index": 12402, "quantile": 0.75, "value": 115450.00000000001, "Latitude": 33.72, "Longitude": -116.26, "Population": 3208.0}, {"index": 12402, "quantile": 1.0, "value": 189700.0, "Latitude": 33.72, "Longitude": -116.26, "Population": 3208.0}, {"index": 12403, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 33.69, "Longitude": -116.25, "Population": 907.0}, {"index": 12403, "quantile": 0.25, "value": 92900.0, "Latitude": 33.69, "Longitude": -116.25, "Population": 907.0}, {"index": 12403, "quantile": 0.5, "value": 92900.0, "Latitude": 33.69, "Longitude": -116.25, "Population": 907.0}, {"index": 12403, "quantile": 0.75, "value": 93425.0, "Latitude": 33.69, "Longitude": -116.25, "Population": 907.0}, {"index": 12403, "quantile": 1.0, "value": 450000.0, "Latitude": 33.69, "Longitude": -116.25, "Population": 907.0}, {"index": 12404, "quantile": 0.0, "value": 90000.0, "Latitude": 33.7, "Longitude": -116.22, "Population": 825.0}, {"index": 12404, "quantile": 0.25, "value": 124700.00000000001, "Latitude": 33.7, "Longitude": -116.22, "Population": 825.0}, {"index": 12404, "quantile": 0.5, "value": 124700.00000000001, "Latitude": 33.7, "Longitude": -116.22, "Population": 825.0}, {"index": 12404, "quantile": 0.75, "value": 124700.00000000001, "Latitude": 33.7, "Longitude": -116.22, "Population": 825.0}, {"index": 12404, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.7, "Longitude": -116.22, "Population": 825.0}, {"index": 12405, "quantile": 0.0, "value": 67500.0, "Latitude": 33.76, "Longitude": -116.24, "Population": 966.0}, {"index": 12405, "quantile": 0.25, "value": 96700.0, "Latitude": 33.76, "Longitude": -116.24, "Population": 966.0}, {"index": 12405, "quantile": 0.5, "value": 96700.0, "Latitude": 33.76, "Longitude": -116.24, "Population": 966.0}, {"index": 12405, "quantile": 0.75, "value": 100899.99999999999, "Latitude": 33.76, "Longitude": -116.24, "Population": 966.0}, {"index": 12405, "quantile": 1.0, "value": 240499.99999999997, "Latitude": 33.76, "Longitude": -116.24, "Population": 966.0}, {"index": 12406, "quantile": 0.0, "value": 116300.0, "Latitude": 33.74, "Longitude": -116.29, "Population": 4571.0}, {"index": 12406, "quantile": 0.25, "value": 199300.0, "Latitude": 33.74, "Longitude": -116.29, "Population": 4571.0}, {"index": 12406, "quantile": 0.5, "value": 199300.0, "Latitude": 33.74, "Longitude": -116.29, "Population": 4571.0}, {"index": 12406, "quantile": 0.75, "value": 199300.0, "Latitude": 33.74, "Longitude": -116.29, "Population": 4571.0}, {"index": 12406, "quantile": 1.0, "value": 425000.0, "Latitude": 33.74, "Longitude": -116.29, "Population": 4571.0}, {"index": 12407, "quantile": 0.0, "value": 62800.0, "Latitude": 33.72, "Longitude": -116.29, "Population": 1097.0}, {"index": 12407, "quantile": 0.25, "value": 157450.0, "Latitude": 33.72, "Longitude": -116.29, "Population": 1097.0}, {"index": 12407, "quantile": 0.5, "value": 167400.0, "Latitude": 33.72, "Longitude": -116.29, "Population": 1097.0}, {"index": 12407, "quantile": 0.75, "value": 167400.0, "Latitude": 33.72, "Longitude": -116.29, "Population": 1097.0}, {"index": 12407, "quantile": 1.0, "value": 281300.0, "Latitude": 33.72, "Longitude": -116.29, "Population": 1097.0}, {"index": 12408, "quantile": 0.0, "value": 65600.0, "Latitude": 33.81, "Longitude": -116.25, "Population": 507.0}, {"index": 12408, "quantile": 0.25, "value": 67500.0, "Latitude": 33.81, "Longitude": -116.25, "Population": 507.0}, {"index": 12408, "quantile": 0.5, "value": 67500.0, "Latitude": 33.81, "Longitude": -116.25, "Population": 507.0}, {"index": 12408, "quantile": 0.75, "value": 96700.0, "Latitude": 33.81, "Longitude": -116.25, "Population": 507.0}, {"index": 12408, "quantile": 1.0, "value": 314100.0, "Latitude": 33.81, "Longitude": -116.25, "Population": 507.0}, {"index": 12409, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 33.75, "Longitude": -116.25, "Population": 375.0}, {"index": 12409, "quantile": 0.25, "value": 66150.0, "Latitude": 33.75, "Longitude": -116.25, "Population": 375.0}, {"index": 12409, "quantile": 0.5, "value": 84700.0, "Latitude": 33.75, "Longitude": -116.25, "Population": 375.0}, {"index": 12409, "quantile": 0.75, "value": 100000.0, "Latitude": 33.75, "Longitude": -116.25, "Population": 375.0}, {"index": 12409, "quantile": 1.0, "value": 350000.0, "Latitude": 33.75, "Longitude": -116.25, "Population": 375.0}, {"index": 12410, "quantile": 0.0, "value": 67500.0, "Latitude": 33.72, "Longitude": -116.24, "Population": 2725.0}, {"index": 12410, "quantile": 0.25, "value": 74000.0, "Latitude": 33.72, "Longitude": -116.24, "Population": 2725.0}, {"index": 12410, "quantile": 0.5, "value": 98000.0, "Latitude": 33.72, "Longitude": -116.24, "Population": 2725.0}, {"index": 12410, "quantile": 0.75, "value": 104200.0, "Latitude": 33.72, "Longitude": -116.24, "Population": 2725.0}, {"index": 12410, "quantile": 1.0, "value": 189700.0, "Latitude": 33.72, "Longitude": -116.24, "Population": 2725.0}, {"index": 12411, "quantile": 0.0, "value": 62800.0, "Latitude": 33.71, "Longitude": -116.24, "Population": 5525.0}, {"index": 12411, "quantile": 0.25, "value": 94475.0, "Latitude": 33.71, "Longitude": -116.24, "Population": 5525.0}, {"index": 12411, "quantile": 0.5, "value": 95000.0, "Latitude": 33.71, "Longitude": -116.24, "Population": 5525.0}, {"index": 12411, "quantile": 0.75, "value": 95000.0, "Latitude": 33.71, "Longitude": -116.24, "Population": 5525.0}, {"index": 12411, "quantile": 1.0, "value": 187500.0, "Latitude": 33.71, "Longitude": -116.24, "Population": 5525.0}, {"index": 12412, "quantile": 0.0, "value": 65600.0, "Latitude": 33.73, "Longitude": -116.24, "Population": 1530.0}, {"index": 12412, "quantile": 0.25, "value": 104099.99999999999, "Latitude": 33.73, "Longitude": -116.24, "Population": 1530.0}, {"index": 12412, "quantile": 0.5, "value": 104099.99999999999, "Latitude": 33.73, "Longitude": -116.24, "Population": 1530.0}, {"index": 12412, "quantile": 0.75, "value": 104099.99999999999, "Latitude": 33.73, "Longitude": -116.24, "Population": 1530.0}, {"index": 12412, "quantile": 1.0, "value": 216900.0, "Latitude": 33.73, "Longitude": -116.24, "Population": 1530.0}, {"index": 12413, "quantile": 0.0, "value": 67500.0, "Latitude": 33.74, "Longitude": -116.22, "Population": 2918.0}, {"index": 12413, "quantile": 0.25, "value": 69400.0, "Latitude": 33.74, "Longitude": -116.22, "Population": 2918.0}, {"index": 12413, "quantile": 0.5, "value": 69400.0, "Latitude": 33.74, "Longitude": -116.22, "Population": 2918.0}, {"index": 12413, "quantile": 0.75, "value": 91800.0, "Latitude": 33.74, "Longitude": -116.22, "Population": 2918.0}, {"index": 12413, "quantile": 1.0, "value": 187700.0, "Latitude": 33.74, "Longitude": -116.22, "Population": 2918.0}, {"index": 12414, "quantile": 0.0, "value": 65600.0, "Latitude": 33.75, "Longitude": -116.21, "Population": 830.0}, {"index": 12414, "quantile": 0.25, "value": 72100.0, "Latitude": 33.75, "Longitude": -116.21, "Population": 830.0}, {"index": 12414, "quantile": 0.5, "value": 78800.0, "Latitude": 33.75, "Longitude": -116.21, "Population": 830.0}, {"index": 12414, "quantile": 0.75, "value": 96475.0, "Latitude": 33.75, "Longitude": -116.21, "Population": 830.0}, {"index": 12414, "quantile": 1.0, "value": 361700.0, "Latitude": 33.75, "Longitude": -116.21, "Population": 830.0}, {"index": 12415, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 33.72, "Longitude": -116.21, "Population": 2891.0}, {"index": 12415, "quantile": 0.25, "value": 68900.0, "Latitude": 33.72, "Longitude": -116.21, "Population": 2891.0}, {"index": 12415, "quantile": 0.5, "value": 68900.0, "Latitude": 33.72, "Longitude": -116.21, "Population": 2891.0}, {"index": 12415, "quantile": 0.75, "value": 90000.0, "Latitude": 33.72, "Longitude": -116.21, "Population": 2891.0}, {"index": 12415, "quantile": 1.0, "value": 187500.0, "Latitude": 33.72, "Longitude": -116.21, "Population": 2891.0}, {"index": 12416, "quantile": 0.0, "value": 44400.0, "Latitude": 33.73, "Longitude": -116.22, "Population": 1279.0}, {"index": 12416, "quantile": 0.25, "value": 66400.0, "Latitude": 33.73, "Longitude": -116.22, "Population": 1279.0}, {"index": 12416, "quantile": 0.5, "value": 68500.0, "Latitude": 33.73, "Longitude": -116.22, "Population": 1279.0}, {"index": 12416, "quantile": 0.75, "value": 68500.0, "Latitude": 33.73, "Longitude": -116.22, "Population": 1279.0}, {"index": 12416, "quantile": 1.0, "value": 100000.0, "Latitude": 33.73, "Longitude": -116.22, "Population": 1279.0}, {"index": 12417, "quantile": 0.0, "value": 65900.0, "Latitude": 33.73, "Longitude": -116.23, "Population": 918.0}, {"index": 12417, "quantile": 0.25, "value": 72100.0, "Latitude": 33.73, "Longitude": -116.23, "Population": 918.0}, {"index": 12417, "quantile": 0.5, "value": 72100.0, "Latitude": 33.73, "Longitude": -116.23, "Population": 918.0}, {"index": 12417, "quantile": 0.75, "value": 81300.0, "Latitude": 33.73, "Longitude": -116.23, "Population": 918.0}, {"index": 12417, "quantile": 1.0, "value": 170700.0, "Latitude": 33.73, "Longitude": -116.23, "Population": 918.0}, {"index": 12418, "quantile": 0.0, "value": 46700.0, "Latitude": 33.71, "Longitude": -116.21, "Population": 3157.0}, {"index": 12418, "quantile": 0.25, "value": 65400.0, "Latitude": 33.71, "Longitude": -116.21, "Population": 3157.0}, {"index": 12418, "quantile": 0.5, "value": 69900.0, "Latitude": 33.71, "Longitude": -116.21, "Population": 3157.0}, {"index": 12418, "quantile": 0.75, "value": 84700.0, "Latitude": 33.71, "Longitude": -116.21, "Population": 3157.0}, {"index": 12418, "quantile": 1.0, "value": 205300.0, "Latitude": 33.71, "Longitude": -116.21, "Population": 3157.0}, {"index": 12419, "quantile": 0.0, "value": 53400.0, "Latitude": 33.72, "Longitude": -116.22, "Population": 979.0}, {"index": 12419, "quantile": 0.25, "value": 58800.0, "Latitude": 33.72, "Longitude": -116.22, "Population": 979.0}, {"index": 12419, "quantile": 0.5, "value": 58800.0, "Latitude": 33.72, "Longitude": -116.22, "Population": 979.0}, {"index": 12419, "quantile": 0.75, "value": 71325.0, "Latitude": 33.72, "Longitude": -116.22, "Population": 979.0}, {"index": 12419, "quantile": 1.0, "value": 158900.0, "Latitude": 33.72, "Longitude": -116.22, "Population": 979.0}, {"index": 12420, "quantile": 0.0, "value": 44400.0, "Latitude": 33.7, "Longitude": -116.2, "Population": 2654.0}, {"index": 12420, "quantile": 0.25, "value": 60600.0, "Latitude": 33.7, "Longitude": -116.2, "Population": 2654.0}, {"index": 12420, "quantile": 0.5, "value": 60600.0, "Latitude": 33.7, "Longitude": -116.2, "Population": 2654.0}, {"index": 12420, "quantile": 0.75, "value": 60600.0, "Latitude": 33.7, "Longitude": -116.2, "Population": 2654.0}, {"index": 12420, "quantile": 1.0, "value": 118000.0, "Latitude": 33.7, "Longitude": -116.2, "Population": 2654.0}, {"index": 12421, "quantile": 0.0, "value": 53400.0, "Latitude": 33.72, "Longitude": -116.23, "Population": 3779.0}, {"index": 12421, "quantile": 0.25, "value": 76000.0, "Latitude": 33.72, "Longitude": -116.23, "Population": 3779.0}, {"index": 12421, "quantile": 0.5, "value": 76900.0, "Latitude": 33.72, "Longitude": -116.23, "Population": 3779.0}, {"index": 12421, "quantile": 0.75, "value": 76900.0, "Latitude": 33.72, "Longitude": -116.23, "Population": 3779.0}, {"index": 12421, "quantile": 1.0, "value": 350000.0, "Latitude": 33.72, "Longitude": -116.23, "Population": 3779.0}, {"index": 12422, "quantile": 0.0, "value": 58299.99999999999, "Latitude": 33.71, "Longitude": -116.23, "Population": 5032.0}, {"index": 12422, "quantile": 0.25, "value": 90000.0, "Latitude": 33.71, "Longitude": -116.23, "Population": 5032.0}, {"index": 12422, "quantile": 0.5, "value": 90000.0, "Latitude": 33.71, "Longitude": -116.23, "Population": 5032.0}, {"index": 12422, "quantile": 0.75, "value": 90000.0, "Latitude": 33.71, "Longitude": -116.23, "Population": 5032.0}, {"index": 12422, "quantile": 1.0, "value": 204999.99999999997, "Latitude": 33.71, "Longitude": -116.23, "Population": 5032.0}, {"index": 12423, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 33.69, "Longitude": -116.15, "Population": 331.0}, {"index": 12423, "quantile": 0.25, "value": 75900.0, "Latitude": 33.69, "Longitude": -116.15, "Population": 331.0}, {"index": 12423, "quantile": 0.5, "value": 98300.0, "Latitude": 33.69, "Longitude": -116.15, "Population": 331.0}, {"index": 12423, "quantile": 0.75, "value": 134400.0, "Latitude": 33.69, "Longitude": -116.15, "Population": 331.0}, {"index": 12423, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -116.15, "Population": 331.0}, {"index": 12424, "quantile": 0.0, "value": 46700.0, "Latitude": 33.64, "Longitude": -116.11, "Population": 1548.0}, {"index": 12424, "quantile": 0.25, "value": 69900.0, "Latitude": 33.64, "Longitude": -116.11, "Population": 1548.0}, {"index": 12424, "quantile": 0.5, "value": 84700.0, "Latitude": 33.64, "Longitude": -116.11, "Population": 1548.0}, {"index": 12424, "quantile": 0.75, "value": 84700.0, "Latitude": 33.64, "Longitude": -116.11, "Population": 1548.0}, {"index": 12424, "quantile": 1.0, "value": 204999.99999999997, "Latitude": 33.64, "Longitude": -116.11, "Population": 1548.0}, {"index": 12425, "quantile": 0.0, "value": 53600.0, "Latitude": 33.64, "Longitude": -116.15, "Population": 1896.0}, {"index": 12425, "quantile": 0.25, "value": 65400.0, "Latitude": 33.64, "Longitude": -116.15, "Population": 1896.0}, {"index": 12425, "quantile": 0.5, "value": 65400.0, "Latitude": 33.64, "Longitude": -116.15, "Population": 1896.0}, {"index": 12425, "quantile": 0.75, "value": 65400.0, "Latitude": 33.64, "Longitude": -116.15, "Population": 1896.0}, {"index": 12425, "quantile": 1.0, "value": 103499.99999999999, "Latitude": 33.64, "Longitude": -116.15, "Population": 1896.0}, {"index": 12426, "quantile": 0.0, "value": 58800.0, "Latitude": 33.63, "Longitude": -116.2, "Population": 1077.0}, {"index": 12426, "quantile": 0.25, "value": 87250.0, "Latitude": 33.63, "Longitude": -116.2, "Population": 1077.0}, {"index": 12426, "quantile": 0.5, "value": 96300.0, "Latitude": 33.63, "Longitude": -116.2, "Population": 1077.0}, {"index": 12426, "quantile": 0.75, "value": 96300.0, "Latitude": 33.63, "Longitude": -116.2, "Population": 1077.0}, {"index": 12426, "quantile": 1.0, "value": 163600.0, "Latitude": 33.63, "Longitude": -116.2, "Population": 1077.0}, {"index": 12427, "quantile": 0.0, "value": 67500.0, "Latitude": 33.66, "Longitude": -116.21, "Population": 1201.0}, {"index": 12427, "quantile": 0.25, "value": 100899.99999999999, "Latitude": 33.66, "Longitude": -116.21, "Population": 1201.0}, {"index": 12427, "quantile": 0.5, "value": 100899.99999999999, "Latitude": 33.66, "Longitude": -116.21, "Population": 1201.0}, {"index": 12427, "quantile": 0.75, "value": 100899.99999999999, "Latitude": 33.66, "Longitude": -116.21, "Population": 1201.0}, {"index": 12427, "quantile": 1.0, "value": 270000.0, "Latitude": 33.66, "Longitude": -116.21, "Population": 1201.0}, {"index": 12428, "quantile": 0.0, "value": 53400.0, "Latitude": 33.68, "Longitude": -116.21, "Population": 625.0}, {"index": 12428, "quantile": 0.25, "value": 68924.99999999999, "Latitude": 33.68, "Longitude": -116.21, "Population": 625.0}, {"index": 12428, "quantile": 0.5, "value": 100000.0, "Latitude": 33.68, "Longitude": -116.21, "Population": 625.0}, {"index": 12428, "quantile": 0.75, "value": 100000.0, "Latitude": 33.68, "Longitude": -116.21, "Population": 625.0}, {"index": 12428, "quantile": 1.0, "value": 100000.0, "Latitude": 33.68, "Longitude": -116.21, "Population": 625.0}, {"index": 12429, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 33.68, "Longitude": -116.25, "Population": 238.0}, {"index": 12429, "quantile": 0.25, "value": 146300.0, "Latitude": 33.68, "Longitude": -116.25, "Population": 238.0}, {"index": 12429, "quantile": 0.5, "value": 366700.0, "Latitude": 33.68, "Longitude": -116.25, "Population": 238.0}, {"index": 12429, "quantile": 0.75, "value": 366700.0, "Latitude": 33.68, "Longitude": -116.25, "Population": 238.0}, {"index": 12429, "quantile": 1.0, "value": 450000.0, "Latitude": 33.68, "Longitude": -116.25, "Population": 238.0}, {"index": 12430, "quantile": 0.0, "value": 350000.0, "Latitude": 33.65, "Longitude": -116.26, "Population": 574.0}, {"index": 12430, "quantile": 0.25, "value": 391300.0, "Latitude": 33.65, "Longitude": -116.26, "Population": 574.0}, {"index": 12430, "quantile": 0.5, "value": 477600.0, "Latitude": 33.65, "Longitude": -116.26, "Population": 574.0}, {"index": 12430, "quantile": 0.75, "value": 483300.0, "Latitude": 33.65, "Longitude": -116.26, "Population": 574.0}, {"index": 12430, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.65, "Longitude": -116.26, "Population": 574.0}, {"index": 12431, "quantile": 0.0, "value": 40000.0, "Latitude": 33.53, "Longitude": -116.17, "Population": 1978.0}, {"index": 12431, "quantile": 0.25, "value": 58600.0, "Latitude": 33.53, "Longitude": -116.17, "Population": 1978.0}, {"index": 12431, "quantile": 0.5, "value": 58600.0, "Latitude": 33.53, "Longitude": -116.17, "Population": 1978.0}, {"index": 12431, "quantile": 0.75, "value": 65400.0, "Latitude": 33.53, "Longitude": -116.17, "Population": 1978.0}, {"index": 12431, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 33.53, "Longitude": -116.17, "Population": 1978.0}, {"index": 12432, "quantile": 0.0, "value": 40000.0, "Latitude": 33.53, "Longitude": -116.12, "Population": 2971.0}, {"index": 12432, "quantile": 0.25, "value": 58600.0, "Latitude": 33.53, "Longitude": -116.12, "Population": 2971.0}, {"index": 12432, "quantile": 0.5, "value": 65400.0, "Latitude": 33.53, "Longitude": -116.12, "Population": 2971.0}, {"index": 12432, "quantile": 0.75, "value": 84700.0, "Latitude": 33.53, "Longitude": -116.12, "Population": 2971.0}, {"index": 12432, "quantile": 1.0, "value": 350000.0, "Latitude": 33.53, "Longitude": -116.12, "Population": 2971.0}, {"index": 12433, "quantile": 0.0, "value": 38800.0, "Latitude": 33.51, "Longitude": -116.01, "Population": 4042.0}, {"index": 12433, "quantile": 0.25, "value": 66400.0, "Latitude": 33.51, "Longitude": -116.01, "Population": 4042.0}, {"index": 12433, "quantile": 0.5, "value": 66400.0, "Latitude": 33.51, "Longitude": -116.01, "Population": 4042.0}, {"index": 12433, "quantile": 0.75, "value": 69900.0, "Latitude": 33.51, "Longitude": -116.01, "Population": 4042.0}, {"index": 12433, "quantile": 1.0, "value": 350000.0, "Latitude": 33.51, "Longitude": -116.01, "Population": 4042.0}, {"index": 12434, "quantile": 0.0, "value": 46700.0, "Latitude": 33.49, "Longitude": -115.84, "Population": 637.0}, {"index": 12434, "quantile": 0.25, "value": 67500.0, "Latitude": 33.49, "Longitude": -115.84, "Population": 637.0}, {"index": 12434, "quantile": 0.5, "value": 68900.0, "Latitude": 33.49, "Longitude": -115.84, "Population": 637.0}, {"index": 12434, "quantile": 0.75, "value": 68900.0, "Latitude": 33.49, "Longitude": -115.84, "Population": 637.0}, {"index": 12434, "quantile": 1.0, "value": 100000.0, "Latitude": 33.49, "Longitude": -115.84, "Population": 637.0}, {"index": 12435, "quantile": 0.0, "value": 53400.0, "Latitude": 33.68, "Longitude": -116.16, "Population": 1334.0}, {"index": 12435, "quantile": 0.25, "value": 61400.0, "Latitude": 33.68, "Longitude": -116.16, "Population": 1334.0}, {"index": 12435, "quantile": 0.5, "value": 61400.0, "Latitude": 33.68, "Longitude": -116.16, "Population": 1334.0}, {"index": 12435, "quantile": 0.75, "value": 61400.0, "Latitude": 33.68, "Longitude": -116.16, "Population": 1334.0}, {"index": 12435, "quantile": 1.0, "value": 117200.0, "Latitude": 33.68, "Longitude": -116.16, "Population": 1334.0}, {"index": 12436, "quantile": 0.0, "value": 65900.0, "Latitude": 33.67, "Longitude": -116.17, "Population": 3873.0}, {"index": 12436, "quantile": 0.25, "value": 65900.0, "Latitude": 33.67, "Longitude": -116.17, "Population": 3873.0}, {"index": 12436, "quantile": 0.5, "value": 65900.0, "Latitude": 33.67, "Longitude": -116.17, "Population": 3873.0}, {"index": 12436, "quantile": 0.75, "value": 79650.0, "Latitude": 33.67, "Longitude": -116.17, "Population": 3873.0}, {"index": 12436, "quantile": 1.0, "value": 163600.0, "Latitude": 33.67, "Longitude": -116.17, "Population": 3873.0}, {"index": 12437, "quantile": 0.0, "value": 40000.0, "Latitude": 33.66, "Longitude": -116.17, "Population": 664.0}, {"index": 12437, "quantile": 0.25, "value": 55125.0, "Latitude": 33.66, "Longitude": -116.17, "Population": 664.0}, {"index": 12437, "quantile": 0.5, "value": 60800.0, "Latitude": 33.66, "Longitude": -116.17, "Population": 664.0}, {"index": 12437, "quantile": 0.75, "value": 66500.0, "Latitude": 33.66, "Longitude": -116.17, "Population": 664.0}, {"index": 12437, "quantile": 1.0, "value": 181900.0, "Latitude": 33.66, "Longitude": -116.17, "Population": 664.0}, {"index": 12438, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.67, "Longitude": -116.19, "Population": 1994.0}, {"index": 12438, "quantile": 0.25, "value": 65400.0, "Latitude": 33.67, "Longitude": -116.19, "Population": 1994.0}, {"index": 12438, "quantile": 0.5, "value": 72950.0, "Latitude": 33.67, "Longitude": -116.19, "Population": 1994.0}, {"index": 12438, "quantile": 0.75, "value": 86400.0, "Latitude": 33.67, "Longitude": -116.19, "Population": 1994.0}, {"index": 12438, "quantile": 1.0, "value": 205300.0, "Latitude": 33.67, "Longitude": -116.19, "Population": 1994.0}, {"index": 12439, "quantile": 0.0, "value": 45000.0, "Latitude": 33.67, "Longitude": -116.18, "Population": 2940.0}, {"index": 12439, "quantile": 0.25, "value": 53400.0, "Latitude": 33.67, "Longitude": -116.18, "Population": 2940.0}, {"index": 12439, "quantile": 0.5, "value": 60600.0, "Latitude": 33.67, "Longitude": -116.18, "Population": 2940.0}, {"index": 12439, "quantile": 0.75, "value": 67900.0, "Latitude": 33.67, "Longitude": -116.18, "Population": 2940.0}, {"index": 12439, "quantile": 1.0, "value": 127099.99999999999, "Latitude": 33.67, "Longitude": -116.18, "Population": 2940.0}, {"index": 12440, "quantile": 0.0, "value": 45000.0, "Latitude": 33.69, "Longitude": -116.18, "Population": 79.0}, {"index": 12440, "quantile": 0.25, "value": 72100.0, "Latitude": 33.69, "Longitude": -116.18, "Population": 79.0}, {"index": 12440, "quantile": 0.5, "value": 96200.0, "Latitude": 33.69, "Longitude": -116.18, "Population": 79.0}, {"index": 12440, "quantile": 0.75, "value": 134300.0, "Latitude": 33.69, "Longitude": -116.18, "Population": 79.0}, {"index": 12440, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.69, "Longitude": -116.18, "Population": 79.0}, {"index": 12441, "quantile": 0.0, "value": 65900.0, "Latitude": 33.69, "Longitude": -116.19, "Population": 5682.0}, {"index": 12441, "quantile": 0.25, "value": 74000.0, "Latitude": 33.69, "Longitude": -116.19, "Population": 5682.0}, {"index": 12441, "quantile": 0.5, "value": 74000.0, "Latitude": 33.69, "Longitude": -116.19, "Population": 5682.0}, {"index": 12441, "quantile": 0.75, "value": 74000.0, "Latitude": 33.69, "Longitude": -116.19, "Population": 5682.0}, {"index": 12441, "quantile": 1.0, "value": 366700.0, "Latitude": 33.69, "Longitude": -116.19, "Population": 5682.0}, {"index": 12442, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 33.86, "Longitude": -116.08, "Population": 182.0}, {"index": 12442, "quantile": 0.25, "value": 70249.99999999999, "Latitude": 33.86, "Longitude": -116.08, "Population": 182.0}, {"index": 12442, "quantile": 0.5, "value": 90900.0, "Latitude": 33.86, "Longitude": -116.08, "Population": 182.0}, {"index": 12442, "quantile": 0.75, "value": 96300.0, "Latitude": 33.86, "Longitude": -116.08, "Population": 182.0}, {"index": 12442, "quantile": 1.0, "value": 366700.0, "Latitude": 33.86, "Longitude": -116.08, "Population": 182.0}, {"index": 12443, "quantile": 0.0, "value": 44400.0, "Latitude": 33.54, "Longitude": -115.22, "Population": 3424.0}, {"index": 12443, "quantile": 0.25, "value": 53500.0, "Latitude": 33.54, "Longitude": -115.22, "Population": 3424.0}, {"index": 12443, "quantile": 0.5, "value": 53500.0, "Latitude": 33.54, "Longitude": -115.22, "Population": 3424.0}, {"index": 12443, "quantile": 0.75, "value": 53500.0, "Latitude": 33.54, "Longitude": -115.22, "Population": 3424.0}, {"index": 12443, "quantile": 1.0, "value": 85700.0, "Latitude": 33.54, "Longitude": -115.22, "Population": 3424.0}, {"index": 12444, "quantile": 0.0, "value": 32900.0, "Latitude": 33.92, "Longitude": -114.67, "Population": 29.0}, {"index": 12444, "quantile": 0.25, "value": 55650.0, "Latitude": 33.92, "Longitude": -114.67, "Population": 29.0}, {"index": 12444, "quantile": 0.5, "value": 67500.0, "Latitude": 33.92, "Longitude": -114.67, "Population": 29.0}, {"index": 12444, "quantile": 0.75, "value": 237500.0, "Latitude": 33.92, "Longitude": -114.67, "Population": 29.0}, {"index": 12444, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.92, "Longitude": -114.67, "Population": 29.0}, {"index": 12445, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 33.88, "Longitude": -115.58, "Population": 724.0}, {"index": 12445, "quantile": 0.25, "value": 71700.0, "Latitude": 33.88, "Longitude": -115.58, "Population": 724.0}, {"index": 12445, "quantile": 0.5, "value": 71700.0, "Latitude": 33.88, "Longitude": -115.58, "Population": 724.0}, {"index": 12445, "quantile": 0.75, "value": 85200.0, "Latitude": 33.88, "Longitude": -115.58, "Population": 724.0}, {"index": 12445, "quantile": 1.0, "value": 122800.0, "Latitude": 33.88, "Longitude": -115.58, "Population": 724.0}, {"index": 12446, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 33.82, "Longitude": -114.98, "Population": 137.0}, {"index": 12446, "quantile": 0.25, "value": 71300.0, "Latitude": 33.82, "Longitude": -114.98, "Population": 137.0}, {"index": 12446, "quantile": 0.5, "value": 71300.0, "Latitude": 33.82, "Longitude": -114.98, "Population": 137.0}, {"index": 12446, "quantile": 0.75, "value": 98975.0, "Latitude": 33.82, "Longitude": -114.98, "Population": 137.0}, {"index": 12446, "quantile": 1.0, "value": 315000.0, "Latitude": 33.82, "Longitude": -114.98, "Population": 137.0}, {"index": 12447, "quantile": 0.0, "value": 32900.0, "Latitude": 33.97, "Longitude": -114.49, "Population": 83.0}, {"index": 12447, "quantile": 0.25, "value": 59100.0, "Latitude": 33.97, "Longitude": -114.49, "Population": 83.0}, {"index": 12447, "quantile": 0.5, "value": 87500.0, "Latitude": 33.97, "Longitude": -114.49, "Population": 83.0}, {"index": 12447, "quantile": 0.75, "value": 87500.0, "Latitude": 33.97, "Longitude": -114.49, "Population": 83.0}, {"index": 12447, "quantile": 1.0, "value": 181300.0, "Latitude": 33.97, "Longitude": -114.49, "Population": 83.0}, {"index": 12448, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 33.6, "Longitude": -114.65, "Population": 666.0}, {"index": 12448, "quantile": 0.25, "value": 94900.0, "Latitude": 33.6, "Longitude": -114.65, "Population": 666.0}, {"index": 12448, "quantile": 0.5, "value": 94900.0, "Latitude": 33.6, "Longitude": -114.65, "Population": 666.0}, {"index": 12448, "quantile": 0.75, "value": 94900.0, "Latitude": 33.6, "Longitude": -114.65, "Population": 666.0}, {"index": 12448, "quantile": 1.0, "value": 366700.0, "Latitude": 33.6, "Longitude": -114.65, "Population": 666.0}, {"index": 12449, "quantile": 0.0, "value": 44400.0, "Latitude": 33.49, "Longitude": -114.68, "Population": 1135.0}, {"index": 12449, "quantile": 0.25, "value": 44400.0, "Latitude": 33.49, "Longitude": -114.68, "Population": 1135.0}, {"index": 12449, "quantile": 0.5, "value": 44400.0, "Latitude": 33.49, "Longitude": -114.68, "Population": 1135.0}, {"index": 12449, "quantile": 0.75, "value": 53600.0, "Latitude": 33.49, "Longitude": -114.68, "Population": 1135.0}, {"index": 12449, "quantile": 1.0, "value": 80900.0, "Latitude": 33.49, "Longitude": -114.68, "Population": 1135.0}, {"index": 12450, "quantile": 0.0, "value": 43900.0, "Latitude": 33.69, "Longitude": -114.56, "Population": 333.0}, {"index": 12450, "quantile": 0.25, "value": 65500.0, "Latitude": 33.69, "Longitude": -114.56, "Population": 333.0}, {"index": 12450, "quantile": 0.5, "value": 85700.0, "Latitude": 33.69, "Longitude": -114.56, "Population": 333.0}, {"index": 12450, "quantile": 0.75, "value": 85700.0, "Latitude": 33.69, "Longitude": -114.56, "Population": 333.0}, {"index": 12450, "quantile": 1.0, "value": 85700.0, "Latitude": 33.69, "Longitude": -114.56, "Population": 333.0}, {"index": 12451, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 33.64, "Longitude": -114.57, "Population": 515.0}, {"index": 12451, "quantile": 0.25, "value": 73400.0, "Latitude": 33.64, "Longitude": -114.57, "Population": 515.0}, {"index": 12451, "quantile": 0.5, "value": 73400.0, "Latitude": 33.64, "Longitude": -114.57, "Population": 515.0}, {"index": 12451, "quantile": 0.75, "value": 121100.00000000001, "Latitude": 33.64, "Longitude": -114.57, "Population": 515.0}, {"index": 12451, "quantile": 1.0, "value": 367100.0, "Latitude": 33.64, "Longitude": -114.57, "Population": 515.0}, {"index": 12452, "quantile": 0.0, "value": 44400.0, "Latitude": 33.57, "Longitude": -114.57, "Population": 624.0}, {"index": 12452, "quantile": 0.25, "value": 65500.0, "Latitude": 33.57, "Longitude": -114.57, "Population": 624.0}, {"index": 12452, "quantile": 0.5, "value": 65500.0, "Latitude": 33.57, "Longitude": -114.57, "Population": 624.0}, {"index": 12452, "quantile": 0.75, "value": 65500.0, "Latitude": 33.57, "Longitude": -114.57, "Population": 624.0}, {"index": 12452, "quantile": 1.0, "value": 93800.0, "Latitude": 33.57, "Longitude": -114.57, "Population": 624.0}, {"index": 12453, "quantile": 0.0, "value": 44400.0, "Latitude": 33.52, "Longitude": -114.57, "Population": 117.0}, {"index": 12453, "quantile": 0.25, "value": 45000.0, "Latitude": 33.52, "Longitude": -114.57, "Population": 117.0}, {"index": 12453, "quantile": 0.5, "value": 45000.0, "Latitude": 33.52, "Longitude": -114.57, "Population": 117.0}, {"index": 12453, "quantile": 0.75, "value": 58600.0, "Latitude": 33.52, "Longitude": -114.57, "Population": 117.0}, {"index": 12453, "quantile": 1.0, "value": 375000.0, "Latitude": 33.52, "Longitude": -114.57, "Population": 117.0}, {"index": 12454, "quantile": 0.0, "value": 44400.0, "Latitude": 33.61, "Longitude": -114.59, "Population": 3134.0}, {"index": 12454, "quantile": 0.25, "value": 58399.99999999999, "Latitude": 33.61, "Longitude": -114.59, "Population": 3134.0}, {"index": 12454, "quantile": 0.5, "value": 58399.99999999999, "Latitude": 33.61, "Longitude": -114.59, "Population": 3134.0}, {"index": 12454, "quantile": 0.75, "value": 58399.99999999999, "Latitude": 33.61, "Longitude": -114.59, "Population": 3134.0}, {"index": 12454, "quantile": 1.0, "value": 93800.0, "Latitude": 33.61, "Longitude": -114.59, "Population": 3134.0}, {"index": 12455, "quantile": 0.0, "value": 44400.0, "Latitude": 33.62, "Longitude": -114.61, "Population": 1115.0}, {"index": 12455, "quantile": 0.25, "value": 58224.99999999999, "Latitude": 33.62, "Longitude": -114.61, "Population": 1115.0}, {"index": 12455, "quantile": 0.5, "value": 61400.0, "Latitude": 33.62, "Longitude": -114.61, "Population": 1115.0}, {"index": 12455, "quantile": 0.75, "value": 66975.0, "Latitude": 33.62, "Longitude": -114.61, "Population": 1115.0}, {"index": 12455, "quantile": 1.0, "value": 93800.0, "Latitude": 33.62, "Longitude": -114.61, "Population": 1115.0}, {"index": 12456, "quantile": 0.0, "value": 62800.0, "Latitude": 33.62, "Longitude": -114.6, "Population": 2434.0}, {"index": 12456, "quantile": 0.25, "value": 86500.0, "Latitude": 33.62, "Longitude": -114.6, "Population": 2434.0}, {"index": 12456, "quantile": 0.5, "value": 86500.0, "Latitude": 33.62, "Longitude": -114.6, "Population": 2434.0}, {"index": 12456, "quantile": 0.75, "value": 86500.0, "Latitude": 33.62, "Longitude": -114.6, "Population": 2434.0}, {"index": 12456, "quantile": 1.0, "value": 163600.0, "Latitude": 33.62, "Longitude": -114.6, "Population": 2434.0}, {"index": 12457, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 33.63, "Longitude": -114.58, "Population": 671.0}, {"index": 12457, "quantile": 0.25, "value": 74000.0, "Latitude": 33.63, "Longitude": -114.58, "Population": 671.0}, {"index": 12457, "quantile": 0.5, "value": 74000.0, "Latitude": 33.63, "Longitude": -114.58, "Population": 671.0}, {"index": 12457, "quantile": 0.75, "value": 74000.0, "Latitude": 33.63, "Longitude": -114.58, "Population": 671.0}, {"index": 12457, "quantile": 1.0, "value": 262500.0, "Latitude": 33.63, "Longitude": -114.58, "Population": 671.0}, {"index": 12458, "quantile": 0.0, "value": 42500.0, "Latitude": 33.62, "Longitude": -114.62, "Population": 5.0}, {"index": 12458, "quantile": 0.25, "value": 275000.0, "Latitude": 33.62, "Longitude": -114.62, "Population": 5.0}, {"index": 12458, "quantile": 0.5, "value": 275000.0, "Latitude": 33.62, "Longitude": -114.62, "Population": 5.0}, {"index": 12458, "quantile": 0.75, "value": 275000.0, "Latitude": 33.62, "Longitude": -114.62, "Population": 5.0}, {"index": 12458, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.62, "Longitude": -114.62, "Population": 5.0}, {"index": 12459, "quantile": 0.0, "value": 62800.0, "Latitude": 33.61, "Longitude": -114.58, "Population": 1841.0}, {"index": 12459, "quantile": 0.25, "value": 84450.0, "Latitude": 33.61, "Longitude": -114.58, "Population": 1841.0}, {"index": 12459, "quantile": 0.5, "value": 86500.0, "Latitude": 33.61, "Longitude": -114.58, "Population": 1841.0}, {"index": 12459, "quantile": 0.75, "value": 98400.0, "Latitude": 33.61, "Longitude": -114.58, "Population": 1841.0}, {"index": 12459, "quantile": 1.0, "value": 235600.0, "Latitude": 33.61, "Longitude": -114.58, "Population": 1841.0}, {"index": 12460, "quantile": 0.0, "value": 44400.0, "Latitude": 33.6, "Longitude": -114.6, "Population": 1182.0}, {"index": 12460, "quantile": 0.25, "value": 58600.0, "Latitude": 33.6, "Longitude": -114.6, "Population": 1182.0}, {"index": 12460, "quantile": 0.5, "value": 62000.0, "Latitude": 33.6, "Longitude": -114.6, "Population": 1182.0}, {"index": 12460, "quantile": 0.75, "value": 62000.0, "Latitude": 33.6, "Longitude": -114.6, "Population": 1182.0}, {"index": 12460, "quantile": 1.0, "value": 72400.0, "Latitude": 33.6, "Longitude": -114.6, "Population": 1182.0}, {"index": 12461, "quantile": 0.0, "value": 93600.0, "Latitude": 38.58, "Longitude": -121.43, "Population": 1933.0}, {"index": 12461, "quantile": 0.25, "value": 140700.0, "Latitude": 38.58, "Longitude": -121.43, "Population": 1933.0}, {"index": 12461, "quantile": 0.5, "value": 164500.0, "Latitude": 38.58, "Longitude": -121.43, "Population": 1933.0}, {"index": 12461, "quantile": 0.75, "value": 181600.0, "Latitude": 38.58, "Longitude": -121.43, "Population": 1933.0}, {"index": 12461, "quantile": 1.0, "value": 277000.0, "Latitude": 38.58, "Longitude": -121.43, "Population": 1933.0}, {"index": 12462, "quantile": 0.0, "value": 91600.0, "Latitude": 38.57, "Longitude": -121.43, "Population": 888.0}, {"index": 12462, "quantile": 0.25, "value": 134700.0, "Latitude": 38.57, "Longitude": -121.43, "Population": 888.0}, {"index": 12462, "quantile": 0.5, "value": 162500.0, "Latitude": 38.57, "Longitude": -121.43, "Population": 888.0}, {"index": 12462, "quantile": 0.75, "value": 181600.0, "Latitude": 38.57, "Longitude": -121.43, "Population": 888.0}, {"index": 12462, "quantile": 1.0, "value": 443000.0, "Latitude": 38.57, "Longitude": -121.43, "Population": 888.0}, {"index": 12463, "quantile": 0.0, "value": 101499.99999999999, "Latitude": 38.57, "Longitude": -121.42, "Population": 710.0}, {"index": 12463, "quantile": 0.25, "value": 147100.0, "Latitude": 38.57, "Longitude": -121.42, "Population": 710.0}, {"index": 12463, "quantile": 0.5, "value": 161400.0, "Latitude": 38.57, "Longitude": -121.42, "Population": 710.0}, {"index": 12463, "quantile": 0.75, "value": 161400.0, "Latitude": 38.57, "Longitude": -121.42, "Population": 710.0}, {"index": 12463, "quantile": 1.0, "value": 232500.00000000003, "Latitude": 38.57, "Longitude": -121.42, "Population": 710.0}, {"index": 12464, "quantile": 0.0, "value": 98300.0, "Latitude": 38.58, "Longitude": -121.44, "Population": 764.0}, {"index": 12464, "quantile": 0.25, "value": 147100.0, "Latitude": 38.58, "Longitude": -121.44, "Population": 764.0}, {"index": 12464, "quantile": 0.5, "value": 147100.0, "Latitude": 38.58, "Longitude": -121.44, "Population": 764.0}, {"index": 12464, "quantile": 0.75, "value": 147100.0, "Latitude": 38.58, "Longitude": -121.44, "Population": 764.0}, {"index": 12464, "quantile": 1.0, "value": 179800.0, "Latitude": 38.58, "Longitude": -121.44, "Population": 764.0}, {"index": 12465, "quantile": 0.0, "value": 93600.0, "Latitude": 38.57, "Longitude": -121.43, "Population": 939.0}, {"index": 12465, "quantile": 0.25, "value": 142000.0, "Latitude": 38.57, "Longitude": -121.43, "Population": 939.0}, {"index": 12465, "quantile": 0.5, "value": 142000.0, "Latitude": 38.57, "Longitude": -121.43, "Population": 939.0}, {"index": 12465, "quantile": 0.75, "value": 142000.0, "Latitude": 38.57, "Longitude": -121.43, "Population": 939.0}, {"index": 12465, "quantile": 1.0, "value": 207799.99999999997, "Latitude": 38.57, "Longitude": -121.43, "Population": 939.0}, {"index": 12466, "quantile": 0.0, "value": 98300.0, "Latitude": 38.57, "Longitude": -121.44, "Population": 975.0}, {"index": 12466, "quantile": 0.25, "value": 158100.0, "Latitude": 38.57, "Longitude": -121.44, "Population": 975.0}, {"index": 12466, "quantile": 0.5, "value": 164500.0, "Latitude": 38.57, "Longitude": -121.44, "Population": 975.0}, {"index": 12466, "quantile": 0.75, "value": 164500.0, "Latitude": 38.57, "Longitude": -121.44, "Population": 975.0}, {"index": 12466, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.57, "Longitude": -121.44, "Population": 975.0}, {"index": 12467, "quantile": 0.0, "value": 67000.0, "Latitude": 38.58, "Longitude": -121.44, "Population": 892.0}, {"index": 12467, "quantile": 0.25, "value": 97000.0, "Latitude": 38.58, "Longitude": -121.44, "Population": 892.0}, {"index": 12467, "quantile": 0.5, "value": 117100.0, "Latitude": 38.58, "Longitude": -121.44, "Population": 892.0}, {"index": 12467, "quantile": 0.75, "value": 137800.0, "Latitude": 38.58, "Longitude": -121.44, "Population": 892.0}, {"index": 12467, "quantile": 1.0, "value": 268000.0, "Latitude": 38.58, "Longitude": -121.44, "Population": 892.0}, {"index": 12468, "quantile": 0.0, "value": 100800.0, "Latitude": 38.58, "Longitude": -121.45, "Population": 796.0}, {"index": 12468, "quantile": 0.25, "value": 153900.0, "Latitude": 38.58, "Longitude": -121.45, "Population": 796.0}, {"index": 12468, "quantile": 0.5, "value": 153900.0, "Latitude": 38.58, "Longitude": -121.45, "Population": 796.0}, {"index": 12468, "quantile": 0.75, "value": 153900.0, "Latitude": 38.58, "Longitude": -121.45, "Population": 796.0}, {"index": 12468, "quantile": 1.0, "value": 207799.99999999997, "Latitude": 38.58, "Longitude": -121.45, "Population": 796.0}, {"index": 12469, "quantile": 0.0, "value": 93600.0, "Latitude": 38.57, "Longitude": -121.45, "Population": 704.0}, {"index": 12469, "quantile": 0.25, "value": 131900.0, "Latitude": 38.57, "Longitude": -121.45, "Population": 704.0}, {"index": 12469, "quantile": 0.5, "value": 153900.0, "Latitude": 38.57, "Longitude": -121.45, "Population": 704.0}, {"index": 12469, "quantile": 0.75, "value": 163000.0, "Latitude": 38.57, "Longitude": -121.45, "Population": 704.0}, {"index": 12469, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.57, "Longitude": -121.45, "Population": 704.0}, {"index": 12470, "quantile": 0.0, "value": 93600.0, "Latitude": 38.58, "Longitude": -121.46, "Population": 1604.0}, {"index": 12470, "quantile": 0.25, "value": 181600.0, "Latitude": 38.58, "Longitude": -121.46, "Population": 1604.0}, {"index": 12470, "quantile": 0.5, "value": 181600.0, "Latitude": 38.58, "Longitude": -121.46, "Population": 1604.0}, {"index": 12470, "quantile": 0.75, "value": 181600.0, "Latitude": 38.58, "Longitude": -121.46, "Population": 1604.0}, {"index": 12470, "quantile": 1.0, "value": 277000.0, "Latitude": 38.58, "Longitude": -121.46, "Population": 1604.0}, {"index": 12471, "quantile": 0.0, "value": 67000.0, "Latitude": 38.58, "Longitude": -121.46, "Population": 689.0}, {"index": 12471, "quantile": 0.25, "value": 109800.00000000001, "Latitude": 38.58, "Longitude": -121.46, "Population": 689.0}, {"index": 12471, "quantile": 0.5, "value": 109800.00000000001, "Latitude": 38.58, "Longitude": -121.46, "Population": 689.0}, {"index": 12471, "quantile": 0.75, "value": 114300.0, "Latitude": 38.58, "Longitude": -121.46, "Population": 689.0}, {"index": 12471, "quantile": 1.0, "value": 336800.0, "Latitude": 38.58, "Longitude": -121.46, "Population": 689.0}, {"index": 12472, "quantile": 0.0, "value": 67000.0, "Latitude": 38.58, "Longitude": -121.47, "Population": 878.0}, {"index": 12472, "quantile": 0.25, "value": 115100.0, "Latitude": 38.58, "Longitude": -121.47, "Population": 878.0}, {"index": 12472, "quantile": 0.5, "value": 115100.0, "Latitude": 38.58, "Longitude": -121.47, "Population": 878.0}, {"index": 12472, "quantile": 0.75, "value": 126250.00000000001, "Latitude": 38.58, "Longitude": -121.47, "Population": 878.0}, {"index": 12472, "quantile": 1.0, "value": 188500.0, "Latitude": 38.58, "Longitude": -121.47, "Population": 878.0}, {"index": 12473, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 38.58, "Longitude": -121.47, "Population": 1484.0}, {"index": 12473, "quantile": 0.25, "value": 114950.0, "Latitude": 38.58, "Longitude": -121.47, "Population": 1484.0}, {"index": 12473, "quantile": 0.5, "value": 137500.0, "Latitude": 38.58, "Longitude": -121.47, "Population": 1484.0}, {"index": 12473, "quantile": 0.75, "value": 137500.0, "Latitude": 38.58, "Longitude": -121.47, "Population": 1484.0}, {"index": 12473, "quantile": 1.0, "value": 275900.0, "Latitude": 38.58, "Longitude": -121.47, "Population": 1484.0}, {"index": 12474, "quantile": 0.0, "value": 87500.0, "Latitude": 38.58, "Longitude": -121.47, "Population": 904.0}, {"index": 12474, "quantile": 0.25, "value": 109300.0, "Latitude": 38.58, "Longitude": -121.47, "Population": 904.0}, {"index": 12474, "quantile": 0.5, "value": 109300.0, "Latitude": 38.58, "Longitude": -121.47, "Population": 904.0}, {"index": 12474, "quantile": 0.75, "value": 113974.99999999999, "Latitude": 38.58, "Longitude": -121.47, "Population": 904.0}, {"index": 12474, "quantile": 1.0, "value": 232100.00000000003, "Latitude": 38.58, "Longitude": -121.47, "Population": 904.0}, {"index": 12475, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.58, "Longitude": -121.48, "Population": 273.0}, {"index": 12475, "quantile": 0.25, "value": 94300.0, "Latitude": 38.58, "Longitude": -121.48, "Population": 273.0}, {"index": 12475, "quantile": 0.5, "value": 94300.0, "Latitude": 38.58, "Longitude": -121.48, "Population": 273.0}, {"index": 12475, "quantile": 0.75, "value": 94300.0, "Latitude": 38.58, "Longitude": -121.48, "Population": 273.0}, {"index": 12475, "quantile": 1.0, "value": 200000.0, "Latitude": 38.58, "Longitude": -121.48, "Population": 273.0}, {"index": 12476, "quantile": 0.0, "value": 64900.0, "Latitude": 38.58, "Longitude": -121.48, "Population": 1281.0}, {"index": 12476, "quantile": 0.25, "value": 115100.0, "Latitude": 38.58, "Longitude": -121.48, "Population": 1281.0}, {"index": 12476, "quantile": 0.5, "value": 140600.0, "Latitude": 38.58, "Longitude": -121.48, "Population": 1281.0}, {"index": 12476, "quantile": 0.75, "value": 140600.0, "Latitude": 38.58, "Longitude": -121.48, "Population": 1281.0}, {"index": 12476, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 38.58, "Longitude": -121.48, "Population": 1281.0}, {"index": 12477, "quantile": 0.0, "value": 64900.0, "Latitude": 38.58, "Longitude": -121.49, "Population": 1146.0}, {"index": 12477, "quantile": 0.25, "value": 90300.0, "Latitude": 38.58, "Longitude": -121.49, "Population": 1146.0}, {"index": 12477, "quantile": 0.5, "value": 90300.0, "Latitude": 38.58, "Longitude": -121.49, "Population": 1146.0}, {"index": 12477, "quantile": 0.75, "value": 138275.0, "Latitude": 38.58, "Longitude": -121.49, "Population": 1146.0}, {"index": 12477, "quantile": 1.0, "value": 168800.0, "Latitude": 38.58, "Longitude": -121.49, "Population": 1146.0}, {"index": 12478, "quantile": 0.0, "value": 45000.0, "Latitude": 38.59, "Longitude": -121.48, "Population": 1038.0}, {"index": 12478, "quantile": 0.25, "value": 65800.0, "Latitude": 38.59, "Longitude": -121.48, "Population": 1038.0}, {"index": 12478, "quantile": 0.5, "value": 76800.0, "Latitude": 38.59, "Longitude": -121.48, "Population": 1038.0}, {"index": 12478, "quantile": 0.75, "value": 92300.0, "Latitude": 38.59, "Longitude": -121.48, "Population": 1038.0}, {"index": 12478, "quantile": 1.0, "value": 175000.0, "Latitude": 38.59, "Longitude": -121.48, "Population": 1038.0}, {"index": 12479, "quantile": 0.0, "value": 32500.0, "Latitude": 38.59, "Longitude": -121.49, "Population": 486.0}, {"index": 12479, "quantile": 0.25, "value": 85000.0, "Latitude": 38.59, "Longitude": -121.49, "Population": 486.0}, {"index": 12479, "quantile": 0.5, "value": 85000.0, "Latitude": 38.59, "Longitude": -121.49, "Population": 486.0}, {"index": 12479, "quantile": 0.75, "value": 85000.0, "Latitude": 38.59, "Longitude": -121.49, "Population": 486.0}, {"index": 12479, "quantile": 1.0, "value": 350000.0, "Latitude": 38.59, "Longitude": -121.49, "Population": 486.0}, {"index": 12480, "quantile": 0.0, "value": 52800.0, "Latitude": 38.58, "Longitude": -121.49, "Population": 456.0}, {"index": 12480, "quantile": 0.25, "value": 156100.0, "Latitude": 38.58, "Longitude": -121.49, "Population": 456.0}, {"index": 12480, "quantile": 0.5, "value": 168800.0, "Latitude": 38.58, "Longitude": -121.49, "Population": 456.0}, {"index": 12480, "quantile": 0.75, "value": 168800.0, "Latitude": 38.58, "Longitude": -121.49, "Population": 456.0}, {"index": 12480, "quantile": 1.0, "value": 425000.0, "Latitude": 38.58, "Longitude": -121.49, "Population": 456.0}, {"index": 12481, "quantile": 0.0, "value": 22500.0, "Latitude": 38.58, "Longitude": -121.5, "Population": 2031.0}, {"index": 12481, "quantile": 0.25, "value": 153100.0, "Latitude": 38.58, "Longitude": -121.5, "Population": 2031.0}, {"index": 12481, "quantile": 0.5, "value": 162500.0, "Latitude": 38.58, "Longitude": -121.5, "Population": 2031.0}, {"index": 12481, "quantile": 0.75, "value": 162500.0, "Latitude": 38.58, "Longitude": -121.5, "Population": 2031.0}, {"index": 12481, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.58, "Longitude": -121.5, "Population": 2031.0}, {"index": 12482, "quantile": 0.0, "value": 71000.0, "Latitude": 38.58, "Longitude": -121.5, "Population": 1570.0}, {"index": 12482, "quantile": 0.25, "value": 125000.0, "Latitude": 38.58, "Longitude": -121.5, "Population": 1570.0}, {"index": 12482, "quantile": 0.5, "value": 125000.0, "Latitude": 38.58, "Longitude": -121.5, "Population": 1570.0}, {"index": 12482, "quantile": 0.75, "value": 127275.0, "Latitude": 38.58, "Longitude": -121.5, "Population": 1570.0}, {"index": 12482, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.58, "Longitude": -121.5, "Population": 1570.0}, {"index": 12483, "quantile": 0.0, "value": 77500.0, "Latitude": 38.57, "Longitude": -121.5, "Population": 297.0}, {"index": 12483, "quantile": 0.25, "value": 77500.0, "Latitude": 38.57, "Longitude": -121.5, "Population": 297.0}, {"index": 12483, "quantile": 0.5, "value": 77500.0, "Latitude": 38.57, "Longitude": -121.5, "Population": 297.0}, {"index": 12483, "quantile": 0.75, "value": 125775.00000000001, "Latitude": 38.57, "Longitude": -121.5, "Population": 297.0}, {"index": 12483, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.57, "Longitude": -121.5, "Population": 297.0}, {"index": 12484, "quantile": 0.0, "value": 60000.0, "Latitude": 38.58, "Longitude": -121.49, "Population": 509.0}, {"index": 12484, "quantile": 0.25, "value": 137500.0, "Latitude": 38.58, "Longitude": -121.49, "Population": 509.0}, {"index": 12484, "quantile": 0.5, "value": 137500.0, "Latitude": 38.58, "Longitude": -121.49, "Population": 509.0}, {"index": 12484, "quantile": 0.75, "value": 137500.0, "Latitude": 38.58, "Longitude": -121.49, "Population": 509.0}, {"index": 12484, "quantile": 1.0, "value": 350000.0, "Latitude": 38.58, "Longitude": -121.49, "Population": 509.0}, {"index": 12485, "quantile": 0.0, "value": 67500.0, "Latitude": 38.58, "Longitude": -121.48, "Population": 761.0}, {"index": 12485, "quantile": 0.25, "value": 137500.0, "Latitude": 38.58, "Longitude": -121.48, "Population": 761.0}, {"index": 12485, "quantile": 0.5, "value": 137500.0, "Latitude": 38.58, "Longitude": -121.48, "Population": 761.0}, {"index": 12485, "quantile": 0.75, "value": 137500.0, "Latitude": 38.58, "Longitude": -121.48, "Population": 761.0}, {"index": 12485, "quantile": 1.0, "value": 500000.0, "Latitude": 38.58, "Longitude": -121.48, "Population": 761.0}, {"index": 12486, "quantile": 0.0, "value": 76000.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 1148.0}, {"index": 12486, "quantile": 0.25, "value": 140600.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 1148.0}, {"index": 12486, "quantile": 0.5, "value": 141700.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 1148.0}, {"index": 12486, "quantile": 0.75, "value": 141700.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 1148.0}, {"index": 12486, "quantile": 1.0, "value": 312500.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 1148.0}, {"index": 12487, "quantile": 0.0, "value": 60000.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 272.0}, {"index": 12487, "quantile": 0.25, "value": 157500.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 272.0}, {"index": 12487, "quantile": 0.5, "value": 187500.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 272.0}, {"index": 12487, "quantile": 0.75, "value": 187500.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 272.0}, {"index": 12487, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.57, "Longitude": -121.48, "Population": 272.0}, {"index": 12488, "quantile": 0.0, "value": 75000.0, "Latitude": 38.57, "Longitude": -121.49, "Population": 634.0}, {"index": 12488, "quantile": 0.25, "value": 93800.0, "Latitude": 38.57, "Longitude": -121.49, "Population": 634.0}, {"index": 12488, "quantile": 0.5, "value": 93800.0, "Latitude": 38.57, "Longitude": -121.49, "Population": 634.0}, {"index": 12488, "quantile": 0.75, "value": 137500.0, "Latitude": 38.57, "Longitude": -121.49, "Population": 634.0}, {"index": 12488, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.57, "Longitude": -121.49, "Population": 634.0}, {"index": 12489, "quantile": 0.0, "value": 60000.0, "Latitude": 38.57, "Longitude": -121.49, "Population": 1091.0}, {"index": 12489, "quantile": 0.25, "value": 93800.0, "Latitude": 38.57, "Longitude": -121.49, "Population": 1091.0}, {"index": 12489, "quantile": 0.5, "value": 137500.0, "Latitude": 38.57, "Longitude": -121.49, "Population": 1091.0}, {"index": 12489, "quantile": 0.75, "value": 143775.0, "Latitude": 38.57, "Longitude": -121.49, "Population": 1091.0}, {"index": 12489, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.57, "Longitude": -121.49, "Population": 1091.0}, {"index": 12490, "quantile": 0.0, "value": 85700.0, "Latitude": 38.57, "Longitude": -121.47, "Population": 589.0}, {"index": 12490, "quantile": 0.25, "value": 141700.0, "Latitude": 38.57, "Longitude": -121.47, "Population": 589.0}, {"index": 12490, "quantile": 0.5, "value": 150000.0, "Latitude": 38.57, "Longitude": -121.47, "Population": 589.0}, {"index": 12490, "quantile": 0.75, "value": 150000.0, "Latitude": 38.57, "Longitude": -121.47, "Population": 589.0}, {"index": 12490, "quantile": 1.0, "value": 281300.0, "Latitude": 38.57, "Longitude": -121.47, "Population": 589.0}, {"index": 12491, "quantile": 0.0, "value": 67000.0, "Latitude": 38.57, "Longitude": -121.47, "Population": 1443.0}, {"index": 12491, "quantile": 0.25, "value": 123900.00000000001, "Latitude": 38.57, "Longitude": -121.47, "Population": 1443.0}, {"index": 12491, "quantile": 0.5, "value": 123900.00000000001, "Latitude": 38.57, "Longitude": -121.47, "Population": 1443.0}, {"index": 12491, "quantile": 0.75, "value": 123900.00000000001, "Latitude": 38.57, "Longitude": -121.47, "Population": 1443.0}, {"index": 12491, "quantile": 1.0, "value": 312500.0, "Latitude": 38.57, "Longitude": -121.47, "Population": 1443.0}, {"index": 12492, "quantile": 0.0, "value": 52800.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 1243.0}, {"index": 12492, "quantile": 0.25, "value": 114100.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 1243.0}, {"index": 12492, "quantile": 0.5, "value": 114100.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 1243.0}, {"index": 12492, "quantile": 0.75, "value": 135600.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 1243.0}, {"index": 12492, "quantile": 1.0, "value": 187500.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 1243.0}, {"index": 12493, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.57, "Longitude": -121.47, "Population": 176.0}, {"index": 12493, "quantile": 0.25, "value": 136425.00000000003, "Latitude": 38.57, "Longitude": -121.47, "Population": 176.0}, {"index": 12493, "quantile": 0.5, "value": 200000.0, "Latitude": 38.57, "Longitude": -121.47, "Population": 176.0}, {"index": 12493, "quantile": 0.75, "value": 200000.0, "Latitude": 38.57, "Longitude": -121.47, "Population": 176.0}, {"index": 12493, "quantile": 1.0, "value": 431400.0, "Latitude": 38.57, "Longitude": -121.47, "Population": 176.0}, {"index": 12494, "quantile": 0.0, "value": 67000.0, "Latitude": 38.57, "Longitude": -121.47, "Population": 1223.0}, {"index": 12494, "quantile": 0.25, "value": 140275.0, "Latitude": 38.57, "Longitude": -121.47, "Population": 1223.0}, {"index": 12494, "quantile": 0.5, "value": 168100.0, "Latitude": 38.57, "Longitude": -121.47, "Population": 1223.0}, {"index": 12494, "quantile": 0.75, "value": 168100.0, "Latitude": 38.57, "Longitude": -121.47, "Population": 1223.0}, {"index": 12494, "quantile": 1.0, "value": 500000.0, "Latitude": 38.57, "Longitude": -121.47, "Population": 1223.0}, {"index": 12495, "quantile": 0.0, "value": 67500.0, "Latitude": 38.58, "Longitude": -121.48, "Population": 1081.0}, {"index": 12495, "quantile": 0.25, "value": 153550.0, "Latitude": 38.58, "Longitude": -121.48, "Population": 1081.0}, {"index": 12495, "quantile": 0.5, "value": 157500.0, "Latitude": 38.58, "Longitude": -121.48, "Population": 1081.0}, {"index": 12495, "quantile": 0.75, "value": 157500.0, "Latitude": 38.58, "Longitude": -121.48, "Population": 1081.0}, {"index": 12495, "quantile": 1.0, "value": 336800.0, "Latitude": 38.58, "Longitude": -121.48, "Population": 1081.0}, {"index": 12496, "quantile": 0.0, "value": 93600.0, "Latitude": 38.57, "Longitude": -121.45, "Population": 825.0}, {"index": 12496, "quantile": 0.25, "value": 131700.0, "Latitude": 38.57, "Longitude": -121.45, "Population": 825.0}, {"index": 12496, "quantile": 0.5, "value": 147100.0, "Latitude": 38.57, "Longitude": -121.45, "Population": 825.0}, {"index": 12496, "quantile": 0.75, "value": 158900.0, "Latitude": 38.57, "Longitude": -121.45, "Population": 825.0}, {"index": 12496, "quantile": 1.0, "value": 301700.0, "Latitude": 38.57, "Longitude": -121.45, "Population": 825.0}, {"index": 12497, "quantile": 0.0, "value": 81300.0, "Latitude": 38.56, "Longitude": -121.45, "Population": 1027.0}, {"index": 12497, "quantile": 0.25, "value": 175000.0, "Latitude": 38.56, "Longitude": -121.45, "Population": 1027.0}, {"index": 12497, "quantile": 0.5, "value": 233800.0, "Latitude": 38.56, "Longitude": -121.45, "Population": 1027.0}, {"index": 12497, "quantile": 0.75, "value": 233800.0, "Latitude": 38.56, "Longitude": -121.45, "Population": 1027.0}, {"index": 12497, "quantile": 1.0, "value": 233800.0, "Latitude": 38.56, "Longitude": -121.45, "Population": 1027.0}, {"index": 12498, "quantile": 0.0, "value": 65000.0, "Latitude": 38.56, "Longitude": -121.46, "Population": 764.0}, {"index": 12498, "quantile": 0.25, "value": 111800.00000000001, "Latitude": 38.56, "Longitude": -121.46, "Population": 764.0}, {"index": 12498, "quantile": 0.5, "value": 111800.00000000001, "Latitude": 38.56, "Longitude": -121.46, "Population": 764.0}, {"index": 12498, "quantile": 0.75, "value": 111800.00000000001, "Latitude": 38.56, "Longitude": -121.46, "Population": 764.0}, {"index": 12498, "quantile": 1.0, "value": 267600.0, "Latitude": 38.56, "Longitude": -121.46, "Population": 764.0}, {"index": 12499, "quantile": 0.0, "value": 78700.0, "Latitude": 38.57, "Longitude": -121.46, "Population": 326.0}, {"index": 12499, "quantile": 0.25, "value": 130275.00000000001, "Latitude": 38.57, "Longitude": -121.46, "Population": 326.0}, {"index": 12499, "quantile": 0.5, "value": 153150.0, "Latitude": 38.57, "Longitude": -121.46, "Population": 326.0}, {"index": 12499, "quantile": 0.75, "value": 171100.0, "Latitude": 38.57, "Longitude": -121.46, "Population": 326.0}, {"index": 12499, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.57, "Longitude": -121.46, "Population": 326.0}, {"index": 12500, "quantile": 0.0, "value": 91600.0, "Latitude": 38.57, "Longitude": -121.46, "Population": 367.0}, {"index": 12500, "quantile": 0.25, "value": 152650.0, "Latitude": 38.57, "Longitude": -121.46, "Population": 367.0}, {"index": 12500, "quantile": 0.5, "value": 213200.0, "Latitude": 38.57, "Longitude": -121.46, "Population": 367.0}, {"index": 12500, "quantile": 0.75, "value": 213200.0, "Latitude": 38.57, "Longitude": -121.46, "Population": 367.0}, {"index": 12500, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.57, "Longitude": -121.46, "Population": 367.0}, {"index": 12501, "quantile": 0.0, "value": 93600.0, "Latitude": 38.57, "Longitude": -121.46, "Population": 722.0}, {"index": 12501, "quantile": 0.25, "value": 158900.0, "Latitude": 38.57, "Longitude": -121.46, "Population": 722.0}, {"index": 12501, "quantile": 0.5, "value": 158900.0, "Latitude": 38.57, "Longitude": -121.46, "Population": 722.0}, {"index": 12501, "quantile": 0.75, "value": 158900.0, "Latitude": 38.57, "Longitude": -121.46, "Population": 722.0}, {"index": 12501, "quantile": 1.0, "value": 291200.0, "Latitude": 38.57, "Longitude": -121.46, "Population": 722.0}, {"index": 12502, "quantile": 0.0, "value": 52800.0, "Latitude": 38.57, "Longitude": -121.46, "Population": 614.0}, {"index": 12502, "quantile": 0.25, "value": 155125.0, "Latitude": 38.57, "Longitude": -121.46, "Population": 614.0}, {"index": 12502, "quantile": 0.5, "value": 156700.0, "Latitude": 38.57, "Longitude": -121.46, "Population": 614.0}, {"index": 12502, "quantile": 0.75, "value": 156700.0, "Latitude": 38.57, "Longitude": -121.46, "Population": 614.0}, {"index": 12502, "quantile": 1.0, "value": 425000.0, "Latitude": 38.57, "Longitude": -121.46, "Population": 614.0}, {"index": 12503, "quantile": 0.0, "value": 85300.0, "Latitude": 38.56, "Longitude": -121.43, "Population": 443.0}, {"index": 12503, "quantile": 0.25, "value": 131700.0, "Latitude": 38.56, "Longitude": -121.43, "Population": 443.0}, {"index": 12503, "quantile": 0.5, "value": 131700.0, "Latitude": 38.56, "Longitude": -121.43, "Population": 443.0}, {"index": 12503, "quantile": 0.75, "value": 131700.0, "Latitude": 38.56, "Longitude": -121.43, "Population": 443.0}, {"index": 12503, "quantile": 1.0, "value": 200800.0, "Latitude": 38.56, "Longitude": -121.43, "Population": 443.0}, {"index": 12504, "quantile": 0.0, "value": 101499.99999999999, "Latitude": 38.56, "Longitude": -121.44, "Population": 873.0}, {"index": 12504, "quantile": 0.25, "value": 131900.0, "Latitude": 38.56, "Longitude": -121.44, "Population": 873.0}, {"index": 12504, "quantile": 0.5, "value": 131900.0, "Latitude": 38.56, "Longitude": -121.44, "Population": 873.0}, {"index": 12504, "quantile": 0.75, "value": 147100.0, "Latitude": 38.56, "Longitude": -121.44, "Population": 873.0}, {"index": 12504, "quantile": 1.0, "value": 427600.0, "Latitude": 38.56, "Longitude": -121.44, "Population": 873.0}, {"index": 12505, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 38.56, "Longitude": -121.44, "Population": 257.0}, {"index": 12505, "quantile": 0.25, "value": 121075.0, "Latitude": 38.56, "Longitude": -121.44, "Population": 257.0}, {"index": 12505, "quantile": 0.5, "value": 137200.0, "Latitude": 38.56, "Longitude": -121.44, "Population": 257.0}, {"index": 12505, "quantile": 0.75, "value": 142400.0, "Latitude": 38.56, "Longitude": -121.44, "Population": 257.0}, {"index": 12505, "quantile": 1.0, "value": 289500.0, "Latitude": 38.56, "Longitude": -121.44, "Population": 257.0}, {"index": 12506, "quantile": 0.0, "value": 72800.0, "Latitude": 38.56, "Longitude": -121.43, "Population": 532.0}, {"index": 12506, "quantile": 0.25, "value": 109375.0, "Latitude": 38.56, "Longitude": -121.43, "Population": 532.0}, {"index": 12506, "quantile": 0.5, "value": 121200.0, "Latitude": 38.56, "Longitude": -121.43, "Population": 532.0}, {"index": 12506, "quantile": 0.75, "value": 125699.99999999999, "Latitude": 38.56, "Longitude": -121.43, "Population": 532.0}, {"index": 12506, "quantile": 1.0, "value": 475000.0, "Latitude": 38.56, "Longitude": -121.43, "Population": 532.0}, {"index": 12507, "quantile": 0.0, "value": 74000.0, "Latitude": 38.56, "Longitude": -121.43, "Population": 452.0}, {"index": 12507, "quantile": 0.25, "value": 137800.0, "Latitude": 38.56, "Longitude": -121.43, "Population": 452.0}, {"index": 12507, "quantile": 0.5, "value": 137800.0, "Latitude": 38.56, "Longitude": -121.43, "Population": 452.0}, {"index": 12507, "quantile": 0.75, "value": 137800.0, "Latitude": 38.56, "Longitude": -121.43, "Population": 452.0}, {"index": 12507, "quantile": 1.0, "value": 231599.99999999997, "Latitude": 38.56, "Longitude": -121.43, "Population": 452.0}, {"index": 12508, "quantile": 0.0, "value": 158900.0, "Latitude": 38.57, "Longitude": -121.45, "Population": 1295.0}, {"index": 12508, "quantile": 0.25, "value": 232500.00000000003, "Latitude": 38.57, "Longitude": -121.45, "Population": 1295.0}, {"index": 12508, "quantile": 0.5, "value": 232500.00000000003, "Latitude": 38.57, "Longitude": -121.45, "Population": 1295.0}, {"index": 12508, "quantile": 0.75, "value": 232500.00000000003, "Latitude": 38.57, "Longitude": -121.45, "Population": 1295.0}, {"index": 12508, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.57, "Longitude": -121.45, "Population": 1295.0}, {"index": 12509, "quantile": 0.0, "value": 87800.0, "Latitude": 38.56, "Longitude": -121.45, "Population": 1301.0}, {"index": 12509, "quantile": 0.25, "value": 143725.0, "Latitude": 38.56, "Longitude": -121.45, "Population": 1301.0}, {"index": 12509, "quantile": 0.5, "value": 173800.0, "Latitude": 38.56, "Longitude": -121.45, "Population": 1301.0}, {"index": 12509, "quantile": 0.75, "value": 173800.0, "Latitude": 38.56, "Longitude": -121.45, "Population": 1301.0}, {"index": 12509, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.56, "Longitude": -121.45, "Population": 1301.0}, {"index": 12510, "quantile": 0.0, "value": 22500.0, "Latitude": 38.55, "Longitude": -121.42, "Population": 115.0}, {"index": 12510, "quantile": 0.25, "value": 73075.0, "Latitude": 38.55, "Longitude": -121.42, "Population": 115.0}, {"index": 12510, "quantile": 0.5, "value": 95300.0, "Latitude": 38.55, "Longitude": -121.42, "Population": 115.0}, {"index": 12510, "quantile": 0.75, "value": 103899.99999999999, "Latitude": 38.55, "Longitude": -121.42, "Population": 115.0}, {"index": 12510, "quantile": 1.0, "value": 236800.0, "Latitude": 38.55, "Longitude": -121.42, "Population": 115.0}, {"index": 12511, "quantile": 0.0, "value": 68300.0, "Latitude": 38.55, "Longitude": -121.43, "Population": 1509.0}, {"index": 12511, "quantile": 0.25, "value": 100099.99999999999, "Latitude": 38.55, "Longitude": -121.43, "Population": 1509.0}, {"index": 12511, "quantile": 0.5, "value": 100099.99999999999, "Latitude": 38.55, "Longitude": -121.43, "Population": 1509.0}, {"index": 12511, "quantile": 0.75, "value": 102975.0, "Latitude": 38.55, "Longitude": -121.43, "Population": 1509.0}, {"index": 12511, "quantile": 1.0, "value": 190200.0, "Latitude": 38.55, "Longitude": -121.43, "Population": 1509.0}, {"index": 12512, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.55, "Longitude": -121.45, "Population": 1412.0}, {"index": 12512, "quantile": 0.25, "value": 87000.0, "Latitude": 38.55, "Longitude": -121.45, "Population": 1412.0}, {"index": 12512, "quantile": 0.5, "value": 137000.0, "Latitude": 38.55, "Longitude": -121.45, "Population": 1412.0}, {"index": 12512, "quantile": 0.75, "value": 166100.0, "Latitude": 38.55, "Longitude": -121.45, "Population": 1412.0}, {"index": 12512, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.55, "Longitude": -121.45, "Population": 1412.0}, {"index": 12513, "quantile": 0.0, "value": 93600.0, "Latitude": 38.56, "Longitude": -121.46, "Population": 722.0}, {"index": 12513, "quantile": 0.25, "value": 122800.0, "Latitude": 38.56, "Longitude": -121.46, "Population": 722.0}, {"index": 12513, "quantile": 0.5, "value": 122800.0, "Latitude": 38.56, "Longitude": -121.46, "Population": 722.0}, {"index": 12513, "quantile": 0.75, "value": 138750.0, "Latitude": 38.56, "Longitude": -121.46, "Population": 722.0}, {"index": 12513, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.56, "Longitude": -121.46, "Population": 722.0}, {"index": 12514, "quantile": 0.0, "value": 92700.0, "Latitude": 38.56, "Longitude": -121.45, "Population": 452.0}, {"index": 12514, "quantile": 0.25, "value": 121200.0, "Latitude": 38.56, "Longitude": -121.45, "Population": 452.0}, {"index": 12514, "quantile": 0.5, "value": 121200.0, "Latitude": 38.56, "Longitude": -121.45, "Population": 452.0}, {"index": 12514, "quantile": 0.75, "value": 121200.0, "Latitude": 38.56, "Longitude": -121.45, "Population": 452.0}, {"index": 12514, "quantile": 1.0, "value": 235400.0, "Latitude": 38.56, "Longitude": -121.45, "Population": 452.0}, {"index": 12515, "quantile": 0.0, "value": 65000.0, "Latitude": 38.55, "Longitude": -121.44, "Population": 726.0}, {"index": 12515, "quantile": 0.25, "value": 97000.0, "Latitude": 38.55, "Longitude": -121.44, "Population": 726.0}, {"index": 12515, "quantile": 0.5, "value": 97000.0, "Latitude": 38.55, "Longitude": -121.44, "Population": 726.0}, {"index": 12515, "quantile": 0.75, "value": 111800.00000000001, "Latitude": 38.55, "Longitude": -121.44, "Population": 726.0}, {"index": 12515, "quantile": 1.0, "value": 362200.0, "Latitude": 38.55, "Longitude": -121.44, "Population": 726.0}, {"index": 12516, "quantile": 0.0, "value": 52800.0, "Latitude": 38.56, "Longitude": -121.47, "Population": 273.0}, {"index": 12516, "quantile": 0.25, "value": 137800.0, "Latitude": 38.56, "Longitude": -121.47, "Population": 273.0}, {"index": 12516, "quantile": 0.5, "value": 157300.0, "Latitude": 38.56, "Longitude": -121.47, "Population": 273.0}, {"index": 12516, "quantile": 0.75, "value": 175000.0, "Latitude": 38.56, "Longitude": -121.47, "Population": 273.0}, {"index": 12516, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.56, "Longitude": -121.47, "Population": 273.0}, {"index": 12517, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 38.56, "Longitude": -121.46, "Population": 479.0}, {"index": 12517, "quantile": 0.25, "value": 91925.0, "Latitude": 38.56, "Longitude": -121.46, "Population": 479.0}, {"index": 12517, "quantile": 0.5, "value": 104000.0, "Latitude": 38.56, "Longitude": -121.46, "Population": 479.0}, {"index": 12517, "quantile": 0.75, "value": 104000.0, "Latitude": 38.56, "Longitude": -121.46, "Population": 479.0}, {"index": 12517, "quantile": 1.0, "value": 200000.0, "Latitude": 38.56, "Longitude": -121.46, "Population": 479.0}, {"index": 12518, "quantile": 0.0, "value": 52500.0, "Latitude": 38.55, "Longitude": -121.46, "Population": 1789.0}, {"index": 12518, "quantile": 0.25, "value": 60400.0, "Latitude": 38.55, "Longitude": -121.46, "Population": 1789.0}, {"index": 12518, "quantile": 0.5, "value": 68500.0, "Latitude": 38.55, "Longitude": -121.46, "Population": 1789.0}, {"index": 12518, "quantile": 0.75, "value": 72449.99999999999, "Latitude": 38.55, "Longitude": -121.46, "Population": 1789.0}, {"index": 12518, "quantile": 1.0, "value": 183300.0, "Latitude": 38.55, "Longitude": -121.46, "Population": 1789.0}, {"index": 12519, "quantile": 0.0, "value": 51700.0, "Latitude": 38.55, "Longitude": -121.46, "Population": 1364.0}, {"index": 12519, "quantile": 0.25, "value": 68500.0, "Latitude": 38.55, "Longitude": -121.46, "Population": 1364.0}, {"index": 12519, "quantile": 0.5, "value": 68500.0, "Latitude": 38.55, "Longitude": -121.46, "Population": 1364.0}, {"index": 12519, "quantile": 0.75, "value": 68500.0, "Latitude": 38.55, "Longitude": -121.46, "Population": 1364.0}, {"index": 12519, "quantile": 1.0, "value": 200000.0, "Latitude": 38.55, "Longitude": -121.46, "Population": 1364.0}, {"index": 12520, "quantile": 0.0, "value": 32500.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 926.0}, {"index": 12520, "quantile": 0.25, "value": 65800.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 926.0}, {"index": 12520, "quantile": 0.5, "value": 75000.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 926.0}, {"index": 12520, "quantile": 0.75, "value": 92300.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 926.0}, {"index": 12520, "quantile": 1.0, "value": 187500.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 926.0}, {"index": 12521, "quantile": 0.0, "value": 52800.0, "Latitude": 38.56, "Longitude": -121.47, "Population": 782.0}, {"index": 12521, "quantile": 0.25, "value": 92825.0, "Latitude": 38.56, "Longitude": -121.47, "Population": 782.0}, {"index": 12521, "quantile": 0.5, "value": 108800.00000000001, "Latitude": 38.56, "Longitude": -121.47, "Population": 782.0}, {"index": 12521, "quantile": 0.75, "value": 130200.0, "Latitude": 38.56, "Longitude": -121.47, "Population": 782.0}, {"index": 12521, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.56, "Longitude": -121.47, "Population": 782.0}, {"index": 12522, "quantile": 0.0, "value": 45000.0, "Latitude": 38.56, "Longitude": -121.47, "Population": 874.0}, {"index": 12522, "quantile": 0.25, "value": 123475.0, "Latitude": 38.56, "Longitude": -121.47, "Population": 874.0}, {"index": 12522, "quantile": 0.5, "value": 141700.0, "Latitude": 38.56, "Longitude": -121.47, "Population": 874.0}, {"index": 12522, "quantile": 0.75, "value": 156900.0, "Latitude": 38.56, "Longitude": -121.47, "Population": 874.0}, {"index": 12522, "quantile": 1.0, "value": 270800.0, "Latitude": 38.56, "Longitude": -121.47, "Population": 874.0}, {"index": 12523, "quantile": 0.0, "value": 32500.0, "Latitude": 38.56, "Longitude": -121.47, "Population": 1044.0}, {"index": 12523, "quantile": 0.25, "value": 89600.0, "Latitude": 38.56, "Longitude": -121.47, "Population": 1044.0}, {"index": 12523, "quantile": 0.5, "value": 108800.00000000001, "Latitude": 38.56, "Longitude": -121.47, "Population": 1044.0}, {"index": 12523, "quantile": 0.75, "value": 114300.0, "Latitude": 38.56, "Longitude": -121.47, "Population": 1044.0}, {"index": 12523, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.56, "Longitude": -121.47, "Population": 1044.0}, {"index": 12524, "quantile": 0.0, "value": 55500.00000000001, "Latitude": 38.56, "Longitude": -121.48, "Population": 518.0}, {"index": 12524, "quantile": 0.25, "value": 103899.99999999999, "Latitude": 38.56, "Longitude": -121.48, "Population": 518.0}, {"index": 12524, "quantile": 0.5, "value": 113599.99999999999, "Latitude": 38.56, "Longitude": -121.48, "Population": 518.0}, {"index": 12524, "quantile": 0.75, "value": 113599.99999999999, "Latitude": 38.56, "Longitude": -121.48, "Population": 518.0}, {"index": 12524, "quantile": 1.0, "value": 156700.0, "Latitude": 38.56, "Longitude": -121.48, "Population": 518.0}, {"index": 12525, "quantile": 0.0, "value": 92500.0, "Latitude": 38.56, "Longitude": -121.48, "Population": 688.0}, {"index": 12525, "quantile": 0.25, "value": 134700.0, "Latitude": 38.56, "Longitude": -121.48, "Population": 688.0}, {"index": 12525, "quantile": 0.5, "value": 134700.0, "Latitude": 38.56, "Longitude": -121.48, "Population": 688.0}, {"index": 12525, "quantile": 0.75, "value": 134700.0, "Latitude": 38.56, "Longitude": -121.48, "Population": 688.0}, {"index": 12525, "quantile": 1.0, "value": 287500.0, "Latitude": 38.56, "Longitude": -121.48, "Population": 688.0}, {"index": 12526, "quantile": 0.0, "value": 65400.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 596.0}, {"index": 12526, "quantile": 0.25, "value": 114300.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 596.0}, {"index": 12526, "quantile": 0.5, "value": 114300.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 596.0}, {"index": 12526, "quantile": 0.75, "value": 114300.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 596.0}, {"index": 12526, "quantile": 1.0, "value": 182600.0, "Latitude": 38.57, "Longitude": -121.48, "Population": 596.0}, {"index": 12527, "quantile": 0.0, "value": 52800.0, "Latitude": 38.56, "Longitude": -121.49, "Population": 506.0}, {"index": 12527, "quantile": 0.25, "value": 87500.0, "Latitude": 38.56, "Longitude": -121.49, "Population": 506.0}, {"index": 12527, "quantile": 0.5, "value": 87500.0, "Latitude": 38.56, "Longitude": -121.49, "Population": 506.0}, {"index": 12527, "quantile": 0.75, "value": 87500.0, "Latitude": 38.56, "Longitude": -121.49, "Population": 506.0}, {"index": 12527, "quantile": 1.0, "value": 376100.0, "Latitude": 38.56, "Longitude": -121.49, "Population": 506.0}, {"index": 12528, "quantile": 0.0, "value": 63300.0, "Latitude": 38.56, "Longitude": -121.49, "Population": 987.0}, {"index": 12528, "quantile": 0.25, "value": 86900.0, "Latitude": 38.56, "Longitude": -121.49, "Population": 987.0}, {"index": 12528, "quantile": 0.5, "value": 86900.0, "Latitude": 38.56, "Longitude": -121.49, "Population": 987.0}, {"index": 12528, "quantile": 0.75, "value": 87500.0, "Latitude": 38.56, "Longitude": -121.49, "Population": 987.0}, {"index": 12528, "quantile": 1.0, "value": 179100.0, "Latitude": 38.56, "Longitude": -121.49, "Population": 987.0}, {"index": 12529, "quantile": 0.0, "value": 70000.0, "Latitude": 38.57, "Longitude": -121.49, "Population": 736.0}, {"index": 12529, "quantile": 0.25, "value": 108800.00000000001, "Latitude": 38.57, "Longitude": -121.49, "Population": 736.0}, {"index": 12529, "quantile": 0.5, "value": 108800.00000000001, "Latitude": 38.57, "Longitude": -121.49, "Population": 736.0}, {"index": 12529, "quantile": 0.75, "value": 108800.00000000001, "Latitude": 38.57, "Longitude": -121.49, "Population": 736.0}, {"index": 12529, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.57, "Longitude": -121.49, "Population": 736.0}, {"index": 12530, "quantile": 0.0, "value": 45000.0, "Latitude": 38.57, "Longitude": -121.5, "Population": 807.0}, {"index": 12530, "quantile": 0.25, "value": 67500.0, "Latitude": 38.57, "Longitude": -121.5, "Population": 807.0}, {"index": 12530, "quantile": 0.5, "value": 76000.0, "Latitude": 38.57, "Longitude": -121.5, "Population": 807.0}, {"index": 12530, "quantile": 0.75, "value": 90375.0, "Latitude": 38.57, "Longitude": -121.5, "Population": 807.0}, {"index": 12530, "quantile": 1.0, "value": 336800.0, "Latitude": 38.57, "Longitude": -121.5, "Population": 807.0}, {"index": 12531, "quantile": 0.0, "value": 32500.0, "Latitude": 38.57, "Longitude": -121.5, "Population": 766.0}, {"index": 12531, "quantile": 0.25, "value": 87500.0, "Latitude": 38.57, "Longitude": -121.5, "Population": 766.0}, {"index": 12531, "quantile": 0.5, "value": 87500.0, "Latitude": 38.57, "Longitude": -121.5, "Population": 766.0}, {"index": 12531, "quantile": 0.75, "value": 87500.0, "Latitude": 38.57, "Longitude": -121.5, "Population": 766.0}, {"index": 12531, "quantile": 1.0, "value": 162500.0, "Latitude": 38.57, "Longitude": -121.5, "Population": 766.0}, {"index": 12532, "quantile": 0.0, "value": 41800.0, "Latitude": 38.57, "Longitude": -121.51, "Population": 425.0}, {"index": 12532, "quantile": 0.25, "value": 66950.0, "Latitude": 38.57, "Longitude": -121.51, "Population": 425.0}, {"index": 12532, "quantile": 0.5, "value": 75000.0, "Latitude": 38.57, "Longitude": -121.51, "Population": 425.0}, {"index": 12532, "quantile": 0.75, "value": 103000.0, "Latitude": 38.57, "Longitude": -121.51, "Population": 425.0}, {"index": 12532, "quantile": 1.0, "value": 253600.0, "Latitude": 38.57, "Longitude": -121.51, "Population": 425.0}, {"index": 12533, "quantile": 0.0, "value": 32500.0, "Latitude": 38.57, "Longitude": -121.5, "Population": 510.0}, {"index": 12533, "quantile": 0.25, "value": 80000.0, "Latitude": 38.57, "Longitude": -121.5, "Population": 510.0}, {"index": 12533, "quantile": 0.5, "value": 80000.0, "Latitude": 38.57, "Longitude": -121.5, "Population": 510.0}, {"index": 12533, "quantile": 0.75, "value": 80000.0, "Latitude": 38.57, "Longitude": -121.5, "Population": 510.0}, {"index": 12533, "quantile": 1.0, "value": 147700.0, "Latitude": 38.57, "Longitude": -121.5, "Population": 510.0}, {"index": 12534, "quantile": 0.0, "value": 37900.0, "Latitude": 38.56, "Longitude": -121.5, "Population": 1684.0}, {"index": 12534, "quantile": 0.25, "value": 94675.0, "Latitude": 38.56, "Longitude": -121.5, "Population": 1684.0}, {"index": 12534, "quantile": 0.5, "value": 123100.00000000001, "Latitude": 38.56, "Longitude": -121.5, "Population": 1684.0}, {"index": 12534, "quantile": 0.75, "value": 123100.00000000001, "Latitude": 38.56, "Longitude": -121.5, "Population": 1684.0}, {"index": 12534, "quantile": 1.0, "value": 225000.0, "Latitude": 38.56, "Longitude": -121.5, "Population": 1684.0}, {"index": 12535, "quantile": 0.0, "value": 52500.0, "Latitude": 38.56, "Longitude": -121.51, "Population": 1320.0}, {"index": 12535, "quantile": 0.25, "value": 82100.0, "Latitude": 38.56, "Longitude": -121.51, "Population": 1320.0}, {"index": 12535, "quantile": 0.5, "value": 137500.0, "Latitude": 38.56, "Longitude": -121.51, "Population": 1320.0}, {"index": 12535, "quantile": 0.75, "value": 137500.0, "Latitude": 38.56, "Longitude": -121.51, "Population": 1320.0}, {"index": 12535, "quantile": 1.0, "value": 137500.0, "Latitude": 38.56, "Longitude": -121.51, "Population": 1320.0}, {"index": 12536, "quantile": 0.0, "value": 52800.0, "Latitude": 38.55, "Longitude": -121.51, "Population": 1341.0}, {"index": 12536, "quantile": 0.25, "value": 101299.99999999999, "Latitude": 38.55, "Longitude": -121.51, "Population": 1341.0}, {"index": 12536, "quantile": 0.5, "value": 137900.0, "Latitude": 38.55, "Longitude": -121.51, "Population": 1341.0}, {"index": 12536, "quantile": 0.75, "value": 137900.0, "Latitude": 38.55, "Longitude": -121.51, "Population": 1341.0}, {"index": 12536, "quantile": 1.0, "value": 193100.0, "Latitude": 38.55, "Longitude": -121.51, "Population": 1341.0}, {"index": 12537, "quantile": 0.0, "value": 75000.0, "Latitude": 38.55, "Longitude": -121.51, "Population": 531.0}, {"index": 12537, "quantile": 0.25, "value": 134700.0, "Latitude": 38.55, "Longitude": -121.51, "Population": 531.0}, {"index": 12537, "quantile": 0.5, "value": 137200.0, "Latitude": 38.55, "Longitude": -121.51, "Population": 531.0}, {"index": 12537, "quantile": 0.75, "value": 137200.0, "Latitude": 38.55, "Longitude": -121.51, "Population": 531.0}, {"index": 12537, "quantile": 1.0, "value": 200400.0, "Latitude": 38.55, "Longitude": -121.51, "Population": 531.0}, {"index": 12538, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 38.56, "Longitude": -121.49, "Population": 667.0}, {"index": 12538, "quantile": 0.25, "value": 121200.0, "Latitude": 38.56, "Longitude": -121.49, "Population": 667.0}, {"index": 12538, "quantile": 0.5, "value": 137200.0, "Latitude": 38.56, "Longitude": -121.49, "Population": 667.0}, {"index": 12538, "quantile": 0.75, "value": 151425.0, "Latitude": 38.56, "Longitude": -121.49, "Population": 667.0}, {"index": 12538, "quantile": 1.0, "value": 431400.0, "Latitude": 38.56, "Longitude": -121.49, "Population": 667.0}, {"index": 12539, "quantile": 0.0, "value": 98700.0, "Latitude": 38.55, "Longitude": -121.49, "Population": 836.0}, {"index": 12539, "quantile": 0.25, "value": 123475.0, "Latitude": 38.55, "Longitude": -121.49, "Population": 836.0}, {"index": 12539, "quantile": 0.5, "value": 153900.0, "Latitude": 38.55, "Longitude": -121.49, "Population": 836.0}, {"index": 12539, "quantile": 0.75, "value": 180200.0, "Latitude": 38.55, "Longitude": -121.49, "Population": 836.0}, {"index": 12539, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.55, "Longitude": -121.49, "Population": 836.0}, {"index": 12540, "quantile": 0.0, "value": 169300.0, "Latitude": 38.55, "Longitude": -121.5, "Population": 957.0}, {"index": 12540, "quantile": 0.25, "value": 232500.00000000003, "Latitude": 38.55, "Longitude": -121.5, "Population": 957.0}, {"index": 12540, "quantile": 0.5, "value": 265700.0, "Latitude": 38.55, "Longitude": -121.5, "Population": 957.0}, {"index": 12540, "quantile": 0.75, "value": 349050.0, "Latitude": 38.55, "Longitude": -121.5, "Population": 957.0}, {"index": 12540, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.55, "Longitude": -121.5, "Population": 957.0}, {"index": 12541, "quantile": 0.0, "value": 122800.0, "Latitude": 38.56, "Longitude": -121.49, "Population": 624.0}, {"index": 12541, "quantile": 0.25, "value": 137800.0, "Latitude": 38.56, "Longitude": -121.49, "Population": 624.0}, {"index": 12541, "quantile": 0.5, "value": 137800.0, "Latitude": 38.56, "Longitude": -121.49, "Population": 624.0}, {"index": 12541, "quantile": 0.75, "value": 143275.0, "Latitude": 38.56, "Longitude": -121.49, "Population": 624.0}, {"index": 12541, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.56, "Longitude": -121.49, "Population": 624.0}, {"index": 12542, "quantile": 0.0, "value": 67500.0, "Latitude": 38.54, "Longitude": -121.49, "Population": 779.0}, {"index": 12542, "quantile": 0.25, "value": 123000.0, "Latitude": 38.54, "Longitude": -121.49, "Population": 779.0}, {"index": 12542, "quantile": 0.5, "value": 123000.0, "Latitude": 38.54, "Longitude": -121.49, "Population": 779.0}, {"index": 12542, "quantile": 0.75, "value": 123000.0, "Latitude": 38.54, "Longitude": -121.49, "Population": 779.0}, {"index": 12542, "quantile": 1.0, "value": 225000.0, "Latitude": 38.54, "Longitude": -121.49, "Population": 779.0}, {"index": 12543, "quantile": 0.0, "value": 228700.0, "Latitude": 38.54, "Longitude": -121.5, "Population": 334.0}, {"index": 12543, "quantile": 0.25, "value": 338700.0, "Latitude": 38.54, "Longitude": -121.5, "Population": 334.0}, {"index": 12543, "quantile": 0.5, "value": 357300.0, "Latitude": 38.54, "Longitude": -121.5, "Population": 334.0}, {"index": 12543, "quantile": 0.75, "value": 439025.0, "Latitude": 38.54, "Longitude": -121.5, "Population": 334.0}, {"index": 12543, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.54, "Longitude": -121.5, "Population": 334.0}, {"index": 12544, "quantile": 0.0, "value": 91200.0, "Latitude": 38.55, "Longitude": -121.49, "Population": 1486.0}, {"index": 12544, "quantile": 0.25, "value": 224100.0, "Latitude": 38.55, "Longitude": -121.49, "Population": 1486.0}, {"index": 12544, "quantile": 0.5, "value": 224100.0, "Latitude": 38.55, "Longitude": -121.49, "Population": 1486.0}, {"index": 12544, "quantile": 0.75, "value": 224100.0, "Latitude": 38.55, "Longitude": -121.49, "Population": 1486.0}, {"index": 12544, "quantile": 1.0, "value": 444500.0, "Latitude": 38.55, "Longitude": -121.49, "Population": 1486.0}, {"index": 12545, "quantile": 0.0, "value": 158900.0, "Latitude": 38.55, "Longitude": -121.5, "Population": 1363.0}, {"index": 12545, "quantile": 0.25, "value": 236800.0, "Latitude": 38.55, "Longitude": -121.5, "Population": 1363.0}, {"index": 12545, "quantile": 0.5, "value": 236800.0, "Latitude": 38.55, "Longitude": -121.5, "Population": 1363.0}, {"index": 12545, "quantile": 0.75, "value": 244024.99999999997, "Latitude": 38.55, "Longitude": -121.5, "Population": 1363.0}, {"index": 12545, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.55, "Longitude": -121.5, "Population": 1363.0}, {"index": 12546, "quantile": 0.0, "value": 93600.0, "Latitude": 38.54, "Longitude": -121.5, "Population": 452.0}, {"index": 12546, "quantile": 0.25, "value": 169925.0, "Latitude": 38.54, "Longitude": -121.5, "Population": 452.0}, {"index": 12546, "quantile": 0.5, "value": 179800.0, "Latitude": 38.54, "Longitude": -121.5, "Population": 452.0}, {"index": 12546, "quantile": 0.75, "value": 179800.0, "Latitude": 38.54, "Longitude": -121.5, "Population": 452.0}, {"index": 12546, "quantile": 1.0, "value": 304000.0, "Latitude": 38.54, "Longitude": -121.5, "Population": 452.0}, {"index": 12547, "quantile": 0.0, "value": 228700.0, "Latitude": 38.55, "Longitude": -121.48, "Population": 832.0}, {"index": 12547, "quantile": 0.25, "value": 228700.0, "Latitude": 38.55, "Longitude": -121.48, "Population": 832.0}, {"index": 12547, "quantile": 0.5, "value": 228700.0, "Latitude": 38.55, "Longitude": -121.48, "Population": 832.0}, {"index": 12547, "quantile": 0.75, "value": 322275.0, "Latitude": 38.55, "Longitude": -121.48, "Population": 832.0}, {"index": 12547, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.55, "Longitude": -121.48, "Population": 832.0}, {"index": 12548, "quantile": 0.0, "value": 98300.0, "Latitude": 38.55, "Longitude": -121.48, "Population": 811.0}, {"index": 12548, "quantile": 0.25, "value": 162500.0, "Latitude": 38.55, "Longitude": -121.48, "Population": 811.0}, {"index": 12548, "quantile": 0.5, "value": 162500.0, "Latitude": 38.55, "Longitude": -121.48, "Population": 811.0}, {"index": 12548, "quantile": 0.75, "value": 162500.0, "Latitude": 38.55, "Longitude": -121.48, "Population": 811.0}, {"index": 12548, "quantile": 1.0, "value": 262000.0, "Latitude": 38.55, "Longitude": -121.48, "Population": 811.0}, {"index": 12549, "quantile": 0.0, "value": 32500.0, "Latitude": 38.56, "Longitude": -121.48, "Population": 877.0}, {"index": 12549, "quantile": 0.25, "value": 94300.0, "Latitude": 38.56, "Longitude": -121.48, "Population": 877.0}, {"index": 12549, "quantile": 0.5, "value": 94300.0, "Latitude": 38.56, "Longitude": -121.48, "Population": 877.0}, {"index": 12549, "quantile": 0.75, "value": 94300.0, "Latitude": 38.56, "Longitude": -121.48, "Population": 877.0}, {"index": 12549, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.56, "Longitude": -121.48, "Population": 877.0}, {"index": 12550, "quantile": 0.0, "value": 81300.0, "Latitude": 38.55, "Longitude": -121.48, "Population": 675.0}, {"index": 12550, "quantile": 0.25, "value": 175000.0, "Latitude": 38.55, "Longitude": -121.48, "Population": 675.0}, {"index": 12550, "quantile": 0.5, "value": 175000.0, "Latitude": 38.55, "Longitude": -121.48, "Population": 675.0}, {"index": 12550, "quantile": 0.75, "value": 175000.0, "Latitude": 38.55, "Longitude": -121.48, "Population": 675.0}, {"index": 12550, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.55, "Longitude": -121.48, "Population": 675.0}, {"index": 12551, "quantile": 0.0, "value": 123100.00000000001, "Latitude": 38.55, "Longitude": -121.48, "Population": 714.0}, {"index": 12551, "quantile": 0.25, "value": 191900.0, "Latitude": 38.55, "Longitude": -121.48, "Population": 714.0}, {"index": 12551, "quantile": 0.5, "value": 191900.0, "Latitude": 38.55, "Longitude": -121.48, "Population": 714.0}, {"index": 12551, "quantile": 0.75, "value": 191900.0, "Latitude": 38.55, "Longitude": -121.48, "Population": 714.0}, {"index": 12551, "quantile": 1.0, "value": 389500.0, "Latitude": 38.55, "Longitude": -121.48, "Population": 714.0}, {"index": 12552, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 38.56, "Longitude": -121.48, "Population": 327.0}, {"index": 12552, "quantile": 0.25, "value": 125000.0, "Latitude": 38.56, "Longitude": -121.48, "Population": 327.0}, {"index": 12552, "quantile": 0.5, "value": 125000.0, "Latitude": 38.56, "Longitude": -121.48, "Population": 327.0}, {"index": 12552, "quantile": 0.75, "value": 133425.0, "Latitude": 38.56, "Longitude": -121.48, "Population": 327.0}, {"index": 12552, "quantile": 1.0, "value": 450000.0, "Latitude": 38.56, "Longitude": -121.48, "Population": 327.0}, {"index": 12553, "quantile": 0.0, "value": 61000.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 706.0}, {"index": 12553, "quantile": 0.25, "value": 65400.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 706.0}, {"index": 12553, "quantile": 0.5, "value": 65400.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 706.0}, {"index": 12553, "quantile": 0.75, "value": 80000.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 706.0}, {"index": 12553, "quantile": 1.0, "value": 171400.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 706.0}, {"index": 12554, "quantile": 0.0, "value": 32500.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 861.0}, {"index": 12554, "quantile": 0.25, "value": 55900.00000000001, "Latitude": 38.55, "Longitude": -121.47, "Population": 861.0}, {"index": 12554, "quantile": 0.5, "value": 62100.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 861.0}, {"index": 12554, "quantile": 0.75, "value": 67500.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 861.0}, {"index": 12554, "quantile": 1.0, "value": 225000.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 861.0}, {"index": 12555, "quantile": 0.0, "value": 39400.0, "Latitude": 38.54, "Longitude": -121.47, "Population": 1346.0}, {"index": 12555, "quantile": 0.25, "value": 56699.99999999999, "Latitude": 38.54, "Longitude": -121.47, "Population": 1346.0}, {"index": 12555, "quantile": 0.5, "value": 56699.99999999999, "Latitude": 38.54, "Longitude": -121.47, "Population": 1346.0}, {"index": 12555, "quantile": 0.75, "value": 65400.0, "Latitude": 38.54, "Longitude": -121.47, "Population": 1346.0}, {"index": 12555, "quantile": 1.0, "value": 73500.0, "Latitude": 38.54, "Longitude": -121.47, "Population": 1346.0}, {"index": 12556, "quantile": 0.0, "value": 52800.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 546.0}, {"index": 12556, "quantile": 0.25, "value": 67000.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 546.0}, {"index": 12556, "quantile": 0.5, "value": 67000.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 546.0}, {"index": 12556, "quantile": 0.75, "value": 116550.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 546.0}, {"index": 12556, "quantile": 1.0, "value": 288900.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 546.0}, {"index": 12557, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.55, "Longitude": -121.47, "Population": 561.0}, {"index": 12557, "quantile": 0.25, "value": 72975.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 561.0}, {"index": 12557, "quantile": 0.5, "value": 91950.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 561.0}, {"index": 12557, "quantile": 0.75, "value": 98475.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 561.0}, {"index": 12557, "quantile": 1.0, "value": 156900.0, "Latitude": 38.55, "Longitude": -121.47, "Population": 561.0}, {"index": 12558, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 38.54, "Longitude": -121.45, "Population": 810.0}, {"index": 12558, "quantile": 0.25, "value": 56000.00000000001, "Latitude": 38.54, "Longitude": -121.45, "Population": 810.0}, {"index": 12558, "quantile": 0.5, "value": 56000.00000000001, "Latitude": 38.54, "Longitude": -121.45, "Population": 810.0}, {"index": 12558, "quantile": 0.75, "value": 77700.0, "Latitude": 38.54, "Longitude": -121.45, "Population": 810.0}, {"index": 12558, "quantile": 1.0, "value": 162500.0, "Latitude": 38.54, "Longitude": -121.45, "Population": 810.0}, {"index": 12559, "quantile": 0.0, "value": 32500.0, "Latitude": 38.54, "Longitude": -121.45, "Population": 839.0}, {"index": 12559, "quantile": 0.25, "value": 55900.00000000001, "Latitude": 38.54, "Longitude": -121.45, "Population": 839.0}, {"index": 12559, "quantile": 0.5, "value": 62200.0, "Latitude": 38.54, "Longitude": -121.45, "Population": 839.0}, {"index": 12559, "quantile": 0.75, "value": 64700.0, "Latitude": 38.54, "Longitude": -121.45, "Population": 839.0}, {"index": 12559, "quantile": 1.0, "value": 87500.0, "Latitude": 38.54, "Longitude": -121.45, "Population": 839.0}, {"index": 12560, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.54, "Longitude": -121.46, "Population": 605.0}, {"index": 12560, "quantile": 0.25, "value": 58199.99999999999, "Latitude": 38.54, "Longitude": -121.46, "Population": 605.0}, {"index": 12560, "quantile": 0.5, "value": 58199.99999999999, "Latitude": 38.54, "Longitude": -121.46, "Population": 605.0}, {"index": 12560, "quantile": 0.75, "value": 68500.0, "Latitude": 38.54, "Longitude": -121.46, "Population": 605.0}, {"index": 12560, "quantile": 1.0, "value": 137500.0, "Latitude": 38.54, "Longitude": -121.46, "Population": 605.0}, {"index": 12561, "quantile": 0.0, "value": 49800.0, "Latitude": 38.55, "Longitude": -121.46, "Population": 1454.0}, {"index": 12561, "quantile": 0.25, "value": 60900.0, "Latitude": 38.55, "Longitude": -121.46, "Population": 1454.0}, {"index": 12561, "quantile": 0.5, "value": 65650.00000000001, "Latitude": 38.55, "Longitude": -121.46, "Population": 1454.0}, {"index": 12561, "quantile": 0.75, "value": 73500.0, "Latitude": 38.55, "Longitude": -121.46, "Population": 1454.0}, {"index": 12561, "quantile": 1.0, "value": 193800.0, "Latitude": 38.55, "Longitude": -121.46, "Population": 1454.0}, {"index": 12562, "quantile": 0.0, "value": 83400.0, "Latitude": 38.54, "Longitude": -121.42, "Population": 556.0}, {"index": 12562, "quantile": 0.25, "value": 108000.0, "Latitude": 38.54, "Longitude": -121.42, "Population": 556.0}, {"index": 12562, "quantile": 0.5, "value": 108000.0, "Latitude": 38.54, "Longitude": -121.42, "Population": 556.0}, {"index": 12562, "quantile": 0.75, "value": 108000.0, "Latitude": 38.54, "Longitude": -121.42, "Population": 556.0}, {"index": 12562, "quantile": 1.0, "value": 177900.0, "Latitude": 38.54, "Longitude": -121.42, "Population": 556.0}, {"index": 12563, "quantile": 0.0, "value": 86200.0, "Latitude": 38.54, "Longitude": -121.43, "Population": 912.0}, {"index": 12563, "quantile": 0.25, "value": 92700.0, "Latitude": 38.54, "Longitude": -121.43, "Population": 912.0}, {"index": 12563, "quantile": 0.5, "value": 92700.0, "Latitude": 38.54, "Longitude": -121.43, "Population": 912.0}, {"index": 12563, "quantile": 0.75, "value": 93650.0, "Latitude": 38.54, "Longitude": -121.43, "Population": 912.0}, {"index": 12563, "quantile": 1.0, "value": 164400.0, "Latitude": 38.54, "Longitude": -121.43, "Population": 912.0}, {"index": 12564, "quantile": 0.0, "value": 82700.0, "Latitude": 38.54, "Longitude": -121.43, "Population": 791.0}, {"index": 12564, "quantile": 0.25, "value": 101499.99999999999, "Latitude": 38.54, "Longitude": -121.43, "Population": 791.0}, {"index": 12564, "quantile": 0.5, "value": 101499.99999999999, "Latitude": 38.54, "Longitude": -121.43, "Population": 791.0}, {"index": 12564, "quantile": 0.75, "value": 114150.0, "Latitude": 38.54, "Longitude": -121.43, "Population": 791.0}, {"index": 12564, "quantile": 1.0, "value": 213200.0, "Latitude": 38.54, "Longitude": -121.43, "Population": 791.0}, {"index": 12565, "quantile": 0.0, "value": 69800.0, "Latitude": 38.54, "Longitude": -121.44, "Population": 1145.0}, {"index": 12565, "quantile": 0.25, "value": 92400.0, "Latitude": 38.54, "Longitude": -121.44, "Population": 1145.0}, {"index": 12565, "quantile": 0.5, "value": 92400.0, "Latitude": 38.54, "Longitude": -121.44, "Population": 1145.0}, {"index": 12565, "quantile": 0.75, "value": 93100.0, "Latitude": 38.54, "Longitude": -121.44, "Population": 1145.0}, {"index": 12565, "quantile": 1.0, "value": 143400.0, "Latitude": 38.54, "Longitude": -121.44, "Population": 1145.0}, {"index": 12566, "quantile": 0.0, "value": 48300.0, "Latitude": 38.54, "Longitude": -121.45, "Population": 1441.0}, {"index": 12566, "quantile": 0.25, "value": 86350.0, "Latitude": 38.54, "Longitude": -121.45, "Population": 1441.0}, {"index": 12566, "quantile": 0.5, "value": 109300.0, "Latitude": 38.54, "Longitude": -121.45, "Population": 1441.0}, {"index": 12566, "quantile": 0.75, "value": 118800.0, "Latitude": 38.54, "Longitude": -121.45, "Population": 1441.0}, {"index": 12566, "quantile": 1.0, "value": 233500.0, "Latitude": 38.54, "Longitude": -121.45, "Population": 1441.0}, {"index": 12567, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 38.54, "Longitude": -121.42, "Population": 1726.0}, {"index": 12567, "quantile": 0.25, "value": 82100.0, "Latitude": 38.54, "Longitude": -121.42, "Population": 1726.0}, {"index": 12567, "quantile": 0.5, "value": 87600.0, "Latitude": 38.54, "Longitude": -121.42, "Population": 1726.0}, {"index": 12567, "quantile": 0.75, "value": 87600.0, "Latitude": 38.54, "Longitude": -121.42, "Population": 1726.0}, {"index": 12567, "quantile": 1.0, "value": 156100.0, "Latitude": 38.54, "Longitude": -121.42, "Population": 1726.0}, {"index": 12568, "quantile": 0.0, "value": 76600.0, "Latitude": 38.54, "Longitude": -121.42, "Population": 1071.0}, {"index": 12568, "quantile": 0.25, "value": 94300.0, "Latitude": 38.54, "Longitude": -121.42, "Population": 1071.0}, {"index": 12568, "quantile": 0.5, "value": 94300.0, "Latitude": 38.54, "Longitude": -121.42, "Population": 1071.0}, {"index": 12568, "quantile": 0.75, "value": 94300.0, "Latitude": 38.54, "Longitude": -121.42, "Population": 1071.0}, {"index": 12568, "quantile": 1.0, "value": 145800.0, "Latitude": 38.54, "Longitude": -121.42, "Population": 1071.0}, {"index": 12569, "quantile": 0.0, "value": 62100.0, "Latitude": 38.54, "Longitude": -121.43, "Population": 1346.0}, {"index": 12569, "quantile": 0.25, "value": 101299.99999999999, "Latitude": 38.54, "Longitude": -121.43, "Population": 1346.0}, {"index": 12569, "quantile": 0.5, "value": 101299.99999999999, "Latitude": 38.54, "Longitude": -121.43, "Population": 1346.0}, {"index": 12569, "quantile": 0.75, "value": 101299.99999999999, "Latitude": 38.54, "Longitude": -121.43, "Population": 1346.0}, {"index": 12569, "quantile": 1.0, "value": 183200.0, "Latitude": 38.54, "Longitude": -121.43, "Population": 1346.0}, {"index": 12570, "quantile": 0.0, "value": 93600.0, "Latitude": 38.54, "Longitude": -121.44, "Population": 1217.0}, {"index": 12570, "quantile": 0.25, "value": 93600.0, "Latitude": 38.54, "Longitude": -121.44, "Population": 1217.0}, {"index": 12570, "quantile": 0.5, "value": 93600.0, "Latitude": 38.54, "Longitude": -121.44, "Population": 1217.0}, {"index": 12570, "quantile": 0.75, "value": 122800.0, "Latitude": 38.54, "Longitude": -121.44, "Population": 1217.0}, {"index": 12570, "quantile": 1.0, "value": 196900.0, "Latitude": 38.54, "Longitude": -121.44, "Population": 1217.0}, {"index": 12571, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 38.54, "Longitude": -121.44, "Population": 1308.0}, {"index": 12571, "quantile": 0.25, "value": 75500.0, "Latitude": 38.54, "Longitude": -121.44, "Population": 1308.0}, {"index": 12571, "quantile": 0.5, "value": 87800.0, "Latitude": 38.54, "Longitude": -121.44, "Population": 1308.0}, {"index": 12571, "quantile": 0.75, "value": 101899.99999999999, "Latitude": 38.54, "Longitude": -121.44, "Population": 1308.0}, {"index": 12571, "quantile": 1.0, "value": 193100.0, "Latitude": 38.54, "Longitude": -121.44, "Population": 1308.0}, {"index": 12572, "quantile": 0.0, "value": 71800.0, "Latitude": 38.53, "Longitude": -121.41, "Population": 1110.0}, {"index": 12572, "quantile": 0.25, "value": 79000.0, "Latitude": 38.53, "Longitude": -121.41, "Population": 1110.0}, {"index": 12572, "quantile": 0.5, "value": 79000.0, "Latitude": 38.53, "Longitude": -121.41, "Population": 1110.0}, {"index": 12572, "quantile": 0.75, "value": 82625.0, "Latitude": 38.53, "Longitude": -121.41, "Population": 1110.0}, {"index": 12572, "quantile": 1.0, "value": 177100.0, "Latitude": 38.53, "Longitude": -121.41, "Population": 1110.0}, {"index": 12573, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.53, "Longitude": -121.41, "Population": 588.0}, {"index": 12573, "quantile": 0.25, "value": 86125.0, "Latitude": 38.53, "Longitude": -121.41, "Population": 588.0}, {"index": 12573, "quantile": 0.5, "value": 96400.0, "Latitude": 38.53, "Longitude": -121.41, "Population": 588.0}, {"index": 12573, "quantile": 0.75, "value": 118924.99999999999, "Latitude": 38.53, "Longitude": -121.41, "Population": 588.0}, {"index": 12573, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 38.53, "Longitude": -121.41, "Population": 588.0}, {"index": 12574, "quantile": 0.0, "value": 46300.0, "Latitude": 38.53, "Longitude": -121.42, "Population": 1171.0}, {"index": 12574, "quantile": 0.25, "value": 73100.0, "Latitude": 38.53, "Longitude": -121.42, "Population": 1171.0}, {"index": 12574, "quantile": 0.5, "value": 81250.0, "Latitude": 38.53, "Longitude": -121.42, "Population": 1171.0}, {"index": 12574, "quantile": 0.75, "value": 93400.0, "Latitude": 38.53, "Longitude": -121.42, "Population": 1171.0}, {"index": 12574, "quantile": 1.0, "value": 212500.0, "Latitude": 38.53, "Longitude": -121.42, "Population": 1171.0}, {"index": 12575, "quantile": 0.0, "value": 71800.0, "Latitude": 38.53, "Longitude": -121.42, "Population": 832.0}, {"index": 12575, "quantile": 0.25, "value": 71800.0, "Latitude": 38.53, "Longitude": -121.42, "Population": 832.0}, {"index": 12575, "quantile": 0.5, "value": 71800.0, "Latitude": 38.53, "Longitude": -121.42, "Population": 832.0}, {"index": 12575, "quantile": 0.75, "value": 94449.99999999999, "Latitude": 38.53, "Longitude": -121.42, "Population": 832.0}, {"index": 12575, "quantile": 1.0, "value": 179200.0, "Latitude": 38.53, "Longitude": -121.42, "Population": 832.0}, {"index": 12576, "quantile": 0.0, "value": 46300.0, "Latitude": 38.53, "Longitude": -121.43, "Population": 846.0}, {"index": 12576, "quantile": 0.25, "value": 82700.0, "Latitude": 38.53, "Longitude": -121.43, "Population": 846.0}, {"index": 12576, "quantile": 0.5, "value": 82700.0, "Latitude": 38.53, "Longitude": -121.43, "Population": 846.0}, {"index": 12576, "quantile": 0.75, "value": 82700.0, "Latitude": 38.53, "Longitude": -121.43, "Population": 846.0}, {"index": 12576, "quantile": 1.0, "value": 150000.0, "Latitude": 38.53, "Longitude": -121.43, "Population": 846.0}, {"index": 12577, "quantile": 0.0, "value": 67300.0, "Latitude": 38.53, "Longitude": -121.43, "Population": 1199.0}, {"index": 12577, "quantile": 0.25, "value": 81900.0, "Latitude": 38.53, "Longitude": -121.43, "Population": 1199.0}, {"index": 12577, "quantile": 0.5, "value": 81900.0, "Latitude": 38.53, "Longitude": -121.43, "Population": 1199.0}, {"index": 12577, "quantile": 0.75, "value": 94900.0, "Latitude": 38.53, "Longitude": -121.43, "Population": 1199.0}, {"index": 12577, "quantile": 1.0, "value": 204500.0, "Latitude": 38.53, "Longitude": -121.43, "Population": 1199.0}, {"index": 12578, "quantile": 0.0, "value": 59100.0, "Latitude": 38.53, "Longitude": -121.44, "Population": 1089.0}, {"index": 12578, "quantile": 0.25, "value": 80600.0, "Latitude": 38.53, "Longitude": -121.44, "Population": 1089.0}, {"index": 12578, "quantile": 0.5, "value": 80600.0, "Latitude": 38.53, "Longitude": -121.44, "Population": 1089.0}, {"index": 12578, "quantile": 0.75, "value": 80600.0, "Latitude": 38.53, "Longitude": -121.44, "Population": 1089.0}, {"index": 12578, "quantile": 1.0, "value": 103899.99999999999, "Latitude": 38.53, "Longitude": -121.44, "Population": 1089.0}, {"index": 12579, "quantile": 0.0, "value": 52500.0, "Latitude": 38.52, "Longitude": -121.41, "Population": 2529.0}, {"index": 12579, "quantile": 0.25, "value": 66800.0, "Latitude": 38.52, "Longitude": -121.41, "Population": 2529.0}, {"index": 12579, "quantile": 0.5, "value": 66800.0, "Latitude": 38.52, "Longitude": -121.41, "Population": 2529.0}, {"index": 12579, "quantile": 0.75, "value": 66800.0, "Latitude": 38.52, "Longitude": -121.41, "Population": 2529.0}, {"index": 12579, "quantile": 1.0, "value": 225000.0, "Latitude": 38.52, "Longitude": -121.41, "Population": 2529.0}, {"index": 12580, "quantile": 0.0, "value": 49500.0, "Latitude": 38.51, "Longitude": -121.42, "Population": 2611.0}, {"index": 12580, "quantile": 0.25, "value": 60900.0, "Latitude": 38.51, "Longitude": -121.42, "Population": 2611.0}, {"index": 12580, "quantile": 0.5, "value": 66800.0, "Latitude": 38.51, "Longitude": -121.42, "Population": 2611.0}, {"index": 12580, "quantile": 0.75, "value": 79050.0, "Latitude": 38.51, "Longitude": -121.42, "Population": 2611.0}, {"index": 12580, "quantile": 1.0, "value": 193800.0, "Latitude": 38.51, "Longitude": -121.42, "Population": 2611.0}, {"index": 12581, "quantile": 0.0, "value": 59000.0, "Latitude": 38.52, "Longitude": -121.42, "Population": 1655.0}, {"index": 12581, "quantile": 0.25, "value": 72600.0, "Latitude": 38.52, "Longitude": -121.42, "Population": 1655.0}, {"index": 12581, "quantile": 0.5, "value": 72600.0, "Latitude": 38.52, "Longitude": -121.42, "Population": 1655.0}, {"index": 12581, "quantile": 0.75, "value": 76200.0, "Latitude": 38.52, "Longitude": -121.42, "Population": 1655.0}, {"index": 12581, "quantile": 1.0, "value": 162500.0, "Latitude": 38.52, "Longitude": -121.42, "Population": 1655.0}, {"index": 12582, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 38.52, "Longitude": -121.43, "Population": 955.0}, {"index": 12582, "quantile": 0.25, "value": 72100.0, "Latitude": 38.52, "Longitude": -121.43, "Population": 955.0}, {"index": 12582, "quantile": 0.5, "value": 72100.0, "Latitude": 38.52, "Longitude": -121.43, "Population": 955.0}, {"index": 12582, "quantile": 0.75, "value": 80725.0, "Latitude": 38.52, "Longitude": -121.43, "Population": 955.0}, {"index": 12582, "quantile": 1.0, "value": 139000.0, "Latitude": 38.52, "Longitude": -121.43, "Population": 955.0}, {"index": 12583, "quantile": 0.0, "value": 48300.0, "Latitude": 38.52, "Longitude": -121.43, "Population": 2925.0}, {"index": 12583, "quantile": 0.25, "value": 65950.0, "Latitude": 38.52, "Longitude": -121.43, "Population": 2925.0}, {"index": 12583, "quantile": 0.5, "value": 78600.0, "Latitude": 38.52, "Longitude": -121.43, "Population": 2925.0}, {"index": 12583, "quantile": 0.75, "value": 82300.0, "Latitude": 38.52, "Longitude": -121.43, "Population": 2925.0}, {"index": 12583, "quantile": 1.0, "value": 125000.0, "Latitude": 38.52, "Longitude": -121.43, "Population": 2925.0}, {"index": 12584, "quantile": 0.0, "value": 66100.0, "Latitude": 38.52, "Longitude": -121.44, "Population": 995.0}, {"index": 12584, "quantile": 0.25, "value": 76600.0, "Latitude": 38.52, "Longitude": -121.44, "Population": 995.0}, {"index": 12584, "quantile": 0.5, "value": 76600.0, "Latitude": 38.52, "Longitude": -121.44, "Population": 995.0}, {"index": 12584, "quantile": 0.75, "value": 80500.0, "Latitude": 38.52, "Longitude": -121.44, "Population": 995.0}, {"index": 12584, "quantile": 1.0, "value": 141700.0, "Latitude": 38.52, "Longitude": -121.44, "Population": 995.0}, {"index": 12585, "quantile": 0.0, "value": 81300.0, "Latitude": 38.53, "Longitude": -121.5, "Population": 1188.0}, {"index": 12585, "quantile": 0.25, "value": 181400.0, "Latitude": 38.53, "Longitude": -121.5, "Population": 1188.0}, {"index": 12585, "quantile": 0.5, "value": 192000.0, "Latitude": 38.53, "Longitude": -121.5, "Population": 1188.0}, {"index": 12585, "quantile": 0.75, "value": 192000.0, "Latitude": 38.53, "Longitude": -121.5, "Population": 1188.0}, {"index": 12585, "quantile": 1.0, "value": 240200.0, "Latitude": 38.53, "Longitude": -121.5, "Population": 1188.0}, {"index": 12586, "quantile": 0.0, "value": 91300.0, "Latitude": 38.53, "Longitude": -121.5, "Population": 1508.0}, {"index": 12586, "quantile": 0.25, "value": 114300.0, "Latitude": 38.53, "Longitude": -121.5, "Population": 1508.0}, {"index": 12586, "quantile": 0.5, "value": 114300.0, "Latitude": 38.53, "Longitude": -121.5, "Population": 1508.0}, {"index": 12586, "quantile": 0.75, "value": 144300.0, "Latitude": 38.53, "Longitude": -121.5, "Population": 1508.0}, {"index": 12586, "quantile": 1.0, "value": 233800.0, "Latitude": 38.53, "Longitude": -121.5, "Population": 1508.0}, {"index": 12587, "quantile": 0.0, "value": 81300.0, "Latitude": 38.53, "Longitude": -121.51, "Population": 631.0}, {"index": 12587, "quantile": 0.25, "value": 164800.0, "Latitude": 38.53, "Longitude": -121.51, "Population": 631.0}, {"index": 12587, "quantile": 0.5, "value": 191900.0, "Latitude": 38.53, "Longitude": -121.51, "Population": 631.0}, {"index": 12587, "quantile": 0.75, "value": 191900.0, "Latitude": 38.53, "Longitude": -121.51, "Population": 631.0}, {"index": 12587, "quantile": 1.0, "value": 327600.0, "Latitude": 38.53, "Longitude": -121.51, "Population": 631.0}, {"index": 12588, "quantile": 0.0, "value": 136400.0, "Latitude": 38.53, "Longitude": -121.51, "Population": 966.0}, {"index": 12588, "quantile": 0.25, "value": 196825.0, "Latitude": 38.53, "Longitude": -121.51, "Population": 966.0}, {"index": 12588, "quantile": 0.5, "value": 240099.99999999997, "Latitude": 38.53, "Longitude": -121.51, "Population": 966.0}, {"index": 12588, "quantile": 0.75, "value": 277500.0, "Latitude": 38.53, "Longitude": -121.51, "Population": 966.0}, {"index": 12588, "quantile": 1.0, "value": 495500.0, "Latitude": 38.53, "Longitude": -121.51, "Population": 966.0}, {"index": 12589, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 38.52, "Longitude": -121.5, "Population": 1261.0}, {"index": 12589, "quantile": 0.25, "value": 59100.0, "Latitude": 38.52, "Longitude": -121.5, "Population": 1261.0}, {"index": 12589, "quantile": 0.5, "value": 59100.0, "Latitude": 38.52, "Longitude": -121.5, "Population": 1261.0}, {"index": 12589, "quantile": 0.75, "value": 73500.0, "Latitude": 38.52, "Longitude": -121.5, "Population": 1261.0}, {"index": 12589, "quantile": 1.0, "value": 162500.0, "Latitude": 38.52, "Longitude": -121.5, "Population": 1261.0}, {"index": 12590, "quantile": 0.0, "value": 136400.0, "Latitude": 38.51, "Longitude": -121.51, "Population": 1085.0}, {"index": 12590, "quantile": 0.25, "value": 193200.0, "Latitude": 38.51, "Longitude": -121.51, "Population": 1085.0}, {"index": 12590, "quantile": 0.5, "value": 236200.0, "Latitude": 38.51, "Longitude": -121.51, "Population": 1085.0}, {"index": 12590, "quantile": 0.75, "value": 277125.0, "Latitude": 38.51, "Longitude": -121.51, "Population": 1085.0}, {"index": 12590, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.51, "Longitude": -121.51, "Population": 1085.0}, {"index": 12591, "quantile": 0.0, "value": 125000.0, "Latitude": 38.51, "Longitude": -121.51, "Population": 542.0}, {"index": 12591, "quantile": 0.25, "value": 235500.0, "Latitude": 38.51, "Longitude": -121.51, "Population": 542.0}, {"index": 12591, "quantile": 0.5, "value": 273100.0, "Latitude": 38.51, "Longitude": -121.51, "Population": 542.0}, {"index": 12591, "quantile": 0.75, "value": 397500.0, "Latitude": 38.51, "Longitude": -121.51, "Population": 542.0}, {"index": 12591, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.51, "Longitude": -121.51, "Population": 542.0}, {"index": 12592, "quantile": 0.0, "value": 81300.0, "Latitude": 38.52, "Longitude": -121.51, "Population": 1167.0}, {"index": 12592, "quantile": 0.25, "value": 181400.0, "Latitude": 38.52, "Longitude": -121.51, "Population": 1167.0}, {"index": 12592, "quantile": 0.5, "value": 181400.0, "Latitude": 38.52, "Longitude": -121.51, "Population": 1167.0}, {"index": 12592, "quantile": 0.75, "value": 181400.0, "Latitude": 38.52, "Longitude": -121.51, "Population": 1167.0}, {"index": 12592, "quantile": 1.0, "value": 361000.0, "Latitude": 38.52, "Longitude": -121.51, "Population": 1167.0}, {"index": 12593, "quantile": 0.0, "value": 72100.0, "Latitude": 38.53, "Longitude": -121.48, "Population": 786.0}, {"index": 12593, "quantile": 0.25, "value": 101600.0, "Latitude": 38.53, "Longitude": -121.48, "Population": 786.0}, {"index": 12593, "quantile": 0.5, "value": 101600.0, "Latitude": 38.53, "Longitude": -121.48, "Population": 786.0}, {"index": 12593, "quantile": 0.75, "value": 101600.0, "Latitude": 38.53, "Longitude": -121.48, "Population": 786.0}, {"index": 12593, "quantile": 1.0, "value": 275900.0, "Latitude": 38.53, "Longitude": -121.48, "Population": 786.0}, {"index": 12594, "quantile": 0.0, "value": 69800.0, "Latitude": 38.53, "Longitude": -121.49, "Population": 1225.0}, {"index": 12594, "quantile": 0.25, "value": 108975.0, "Latitude": 38.53, "Longitude": -121.49, "Population": 1225.0}, {"index": 12594, "quantile": 0.5, "value": 130600.0, "Latitude": 38.53, "Longitude": -121.49, "Population": 1225.0}, {"index": 12594, "quantile": 0.75, "value": 130600.0, "Latitude": 38.53, "Longitude": -121.49, "Population": 1225.0}, {"index": 12594, "quantile": 1.0, "value": 216500.0, "Latitude": 38.53, "Longitude": -121.49, "Population": 1225.0}, {"index": 12595, "quantile": 0.0, "value": 32500.0, "Latitude": 38.54, "Longitude": -121.49, "Population": 841.0}, {"index": 12595, "quantile": 0.25, "value": 78400.0, "Latitude": 38.54, "Longitude": -121.49, "Population": 841.0}, {"index": 12595, "quantile": 0.5, "value": 78400.0, "Latitude": 38.54, "Longitude": -121.49, "Population": 841.0}, {"index": 12595, "quantile": 0.75, "value": 78400.0, "Latitude": 38.54, "Longitude": -121.49, "Population": 841.0}, {"index": 12595, "quantile": 1.0, "value": 114100.0, "Latitude": 38.54, "Longitude": -121.49, "Population": 841.0}, {"index": 12596, "quantile": 0.0, "value": 52800.0, "Latitude": 38.53, "Longitude": -121.48, "Population": 708.0}, {"index": 12596, "quantile": 0.25, "value": 86575.0, "Latitude": 38.53, "Longitude": -121.48, "Population": 708.0}, {"index": 12596, "quantile": 0.5, "value": 103899.99999999999, "Latitude": 38.53, "Longitude": -121.48, "Population": 708.0}, {"index": 12596, "quantile": 0.75, "value": 103899.99999999999, "Latitude": 38.53, "Longitude": -121.48, "Population": 708.0}, {"index": 12596, "quantile": 1.0, "value": 156700.0, "Latitude": 38.53, "Longitude": -121.48, "Population": 708.0}, {"index": 12597, "quantile": 0.0, "value": 69800.0, "Latitude": 38.52, "Longitude": -121.48, "Population": 906.0}, {"index": 12597, "quantile": 0.25, "value": 94249.99999999999, "Latitude": 38.52, "Longitude": -121.48, "Population": 906.0}, {"index": 12597, "quantile": 0.5, "value": 96400.0, "Latitude": 38.52, "Longitude": -121.48, "Population": 906.0}, {"index": 12597, "quantile": 0.75, "value": 96400.0, "Latitude": 38.52, "Longitude": -121.48, "Population": 906.0}, {"index": 12597, "quantile": 1.0, "value": 130800.0, "Latitude": 38.52, "Longitude": -121.48, "Population": 906.0}, {"index": 12598, "quantile": 0.0, "value": 69800.0, "Latitude": 38.52, "Longitude": -121.49, "Population": 955.0}, {"index": 12598, "quantile": 0.25, "value": 96800.0, "Latitude": 38.52, "Longitude": -121.49, "Population": 955.0}, {"index": 12598, "quantile": 0.5, "value": 96800.0, "Latitude": 38.52, "Longitude": -121.49, "Population": 955.0}, {"index": 12598, "quantile": 0.75, "value": 96800.0, "Latitude": 38.52, "Longitude": -121.49, "Population": 955.0}, {"index": 12598, "quantile": 1.0, "value": 191000.0, "Latitude": 38.52, "Longitude": -121.49, "Population": 955.0}, {"index": 12599, "quantile": 0.0, "value": 93600.0, "Latitude": 38.53, "Longitude": -121.49, "Population": 571.0}, {"index": 12599, "quantile": 0.25, "value": 124200.0, "Latitude": 38.53, "Longitude": -121.49, "Population": 571.0}, {"index": 12599, "quantile": 0.5, "value": 124200.0, "Latitude": 38.53, "Longitude": -121.49, "Population": 571.0}, {"index": 12599, "quantile": 0.75, "value": 137800.0, "Latitude": 38.53, "Longitude": -121.49, "Population": 571.0}, {"index": 12599, "quantile": 1.0, "value": 220100.0, "Latitude": 38.53, "Longitude": -121.49, "Population": 571.0}, {"index": 12600, "quantile": 0.0, "value": 41800.0, "Latitude": 38.54, "Longitude": -121.48, "Population": 1841.0}, {"index": 12600, "quantile": 0.25, "value": 73500.0, "Latitude": 38.54, "Longitude": -121.48, "Population": 1841.0}, {"index": 12600, "quantile": 0.5, "value": 73500.0, "Latitude": 38.54, "Longitude": -121.48, "Population": 1841.0}, {"index": 12600, "quantile": 0.75, "value": 73500.0, "Latitude": 38.54, "Longitude": -121.48, "Population": 1841.0}, {"index": 12600, "quantile": 1.0, "value": 138100.0, "Latitude": 38.54, "Longitude": -121.48, "Population": 1841.0}, {"index": 12601, "quantile": 0.0, "value": 55500.00000000001, "Latitude": 38.53, "Longitude": -121.48, "Population": 902.0}, {"index": 12601, "quantile": 0.25, "value": 72900.0, "Latitude": 38.53, "Longitude": -121.48, "Population": 902.0}, {"index": 12601, "quantile": 0.5, "value": 75300.0, "Latitude": 38.53, "Longitude": -121.48, "Population": 902.0}, {"index": 12601, "quantile": 0.75, "value": 85100.0, "Latitude": 38.53, "Longitude": -121.48, "Population": 902.0}, {"index": 12601, "quantile": 1.0, "value": 147400.0, "Latitude": 38.53, "Longitude": -121.48, "Population": 902.0}, {"index": 12602, "quantile": 0.0, "value": 43000.0, "Latitude": 38.54, "Longitude": -121.47, "Population": 1845.0}, {"index": 12602, "quantile": 0.25, "value": 52500.0, "Latitude": 38.54, "Longitude": -121.47, "Population": 1845.0}, {"index": 12602, "quantile": 0.5, "value": 52500.0, "Latitude": 38.54, "Longitude": -121.47, "Population": 1845.0}, {"index": 12602, "quantile": 0.75, "value": 59300.0, "Latitude": 38.54, "Longitude": -121.47, "Population": 1845.0}, {"index": 12602, "quantile": 1.0, "value": 94700.0, "Latitude": 38.54, "Longitude": -121.47, "Population": 1845.0}, {"index": 12603, "quantile": 0.0, "value": 48300.0, "Latitude": 38.53, "Longitude": -121.47, "Population": 2400.0}, {"index": 12603, "quantile": 0.25, "value": 56699.99999999999, "Latitude": 38.53, "Longitude": -121.47, "Population": 2400.0}, {"index": 12603, "quantile": 0.5, "value": 62650.00000000001, "Latitude": 38.53, "Longitude": -121.47, "Population": 2400.0}, {"index": 12603, "quantile": 0.75, "value": 67600.0, "Latitude": 38.53, "Longitude": -121.47, "Population": 2400.0}, {"index": 12603, "quantile": 1.0, "value": 144900.0, "Latitude": 38.53, "Longitude": -121.47, "Population": 2400.0}, {"index": 12604, "quantile": 0.0, "value": 43000.0, "Latitude": 38.53, "Longitude": -121.47, "Population": 506.0}, {"index": 12604, "quantile": 0.25, "value": 63675.00000000001, "Latitude": 38.53, "Longitude": -121.47, "Population": 506.0}, {"index": 12604, "quantile": 0.5, "value": 65400.0, "Latitude": 38.53, "Longitude": -121.47, "Population": 506.0}, {"index": 12604, "quantile": 0.75, "value": 65400.0, "Latitude": 38.53, "Longitude": -121.47, "Population": 506.0}, {"index": 12604, "quantile": 1.0, "value": 193800.0, "Latitude": 38.53, "Longitude": -121.47, "Population": 506.0}, {"index": 12605, "quantile": 0.0, "value": 87500.0, "Latitude": 38.51, "Longitude": -121.49, "Population": 260.0}, {"index": 12605, "quantile": 0.25, "value": 152900.0, "Latitude": 38.51, "Longitude": -121.49, "Population": 260.0}, {"index": 12605, "quantile": 0.5, "value": 152900.0, "Latitude": 38.51, "Longitude": -121.49, "Population": 260.0}, {"index": 12605, "quantile": 0.75, "value": 152900.0, "Latitude": 38.51, "Longitude": -121.49, "Population": 260.0}, {"index": 12605, "quantile": 1.0, "value": 388500.0, "Latitude": 38.51, "Longitude": -121.49, "Population": 260.0}, {"index": 12606, "quantile": 0.0, "value": 71800.0, "Latitude": 38.5, "Longitude": -121.49, "Population": 1331.0}, {"index": 12606, "quantile": 0.25, "value": 84500.0, "Latitude": 38.5, "Longitude": -121.49, "Population": 1331.0}, {"index": 12606, "quantile": 0.5, "value": 84500.0, "Latitude": 38.5, "Longitude": -121.49, "Population": 1331.0}, {"index": 12606, "quantile": 0.75, "value": 84500.0, "Latitude": 38.5, "Longitude": -121.49, "Population": 1331.0}, {"index": 12606, "quantile": 1.0, "value": 189400.0, "Latitude": 38.5, "Longitude": -121.49, "Population": 1331.0}, {"index": 12607, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 38.5, "Longitude": -121.49, "Population": 842.0}, {"index": 12607, "quantile": 0.25, "value": 87900.0, "Latitude": 38.5, "Longitude": -121.49, "Population": 842.0}, {"index": 12607, "quantile": 0.5, "value": 87900.0, "Latitude": 38.5, "Longitude": -121.49, "Population": 842.0}, {"index": 12607, "quantile": 0.75, "value": 103000.0, "Latitude": 38.5, "Longitude": -121.49, "Population": 842.0}, {"index": 12607, "quantile": 1.0, "value": 212500.0, "Latitude": 38.5, "Longitude": -121.49, "Population": 842.0}, {"index": 12608, "quantile": 0.0, "value": 84700.0, "Latitude": 38.5, "Longitude": -121.5, "Population": 787.0}, {"index": 12608, "quantile": 0.25, "value": 98500.0, "Latitude": 38.5, "Longitude": -121.5, "Population": 787.0}, {"index": 12608, "quantile": 0.5, "value": 98500.0, "Latitude": 38.5, "Longitude": -121.5, "Population": 787.0}, {"index": 12608, "quantile": 0.75, "value": 131225.0, "Latitude": 38.5, "Longitude": -121.5, "Population": 787.0}, {"index": 12608, "quantile": 1.0, "value": 269500.0, "Latitude": 38.5, "Longitude": -121.5, "Population": 787.0}, {"index": 12609, "quantile": 0.0, "value": 72200.0, "Latitude": 38.51, "Longitude": -121.49, "Population": 1857.0}, {"index": 12609, "quantile": 0.25, "value": 79500.0, "Latitude": 38.51, "Longitude": -121.49, "Population": 1857.0}, {"index": 12609, "quantile": 0.5, "value": 79500.0, "Latitude": 38.51, "Longitude": -121.49, "Population": 1857.0}, {"index": 12609, "quantile": 0.75, "value": 83675.0, "Latitude": 38.51, "Longitude": -121.49, "Population": 1857.0}, {"index": 12609, "quantile": 1.0, "value": 164000.0, "Latitude": 38.51, "Longitude": -121.49, "Population": 1857.0}, {"index": 12610, "quantile": 0.0, "value": 91200.0, "Latitude": 38.54, "Longitude": -121.51, "Population": 1075.0}, {"index": 12610, "quantile": 0.25, "value": 164800.0, "Latitude": 38.54, "Longitude": -121.51, "Population": 1075.0}, {"index": 12610, "quantile": 0.5, "value": 164800.0, "Latitude": 38.54, "Longitude": -121.51, "Population": 1075.0}, {"index": 12610, "quantile": 0.75, "value": 164800.0, "Latitude": 38.54, "Longitude": -121.51, "Population": 1075.0}, {"index": 12610, "quantile": 1.0, "value": 252300.0, "Latitude": 38.54, "Longitude": -121.51, "Population": 1075.0}, {"index": 12611, "quantile": 0.0, "value": 100000.0, "Latitude": 38.53, "Longitude": -121.52, "Population": 1366.0}, {"index": 12611, "quantile": 0.25, "value": 160300.0, "Latitude": 38.53, "Longitude": -121.52, "Population": 1366.0}, {"index": 12611, "quantile": 0.5, "value": 160300.0, "Latitude": 38.53, "Longitude": -121.52, "Population": 1366.0}, {"index": 12611, "quantile": 0.75, "value": 160300.0, "Latitude": 38.53, "Longitude": -121.52, "Population": 1366.0}, {"index": 12611, "quantile": 1.0, "value": 327300.0, "Latitude": 38.53, "Longitude": -121.52, "Population": 1366.0}, {"index": 12612, "quantile": 0.0, "value": 81300.0, "Latitude": 38.53, "Longitude": -121.52, "Population": 1289.0}, {"index": 12612, "quantile": 0.25, "value": 153900.0, "Latitude": 38.53, "Longitude": -121.52, "Population": 1289.0}, {"index": 12612, "quantile": 0.5, "value": 180600.0, "Latitude": 38.53, "Longitude": -121.52, "Population": 1289.0}, {"index": 12612, "quantile": 0.75, "value": 192000.0, "Latitude": 38.53, "Longitude": -121.52, "Population": 1289.0}, {"index": 12612, "quantile": 1.0, "value": 257900.00000000003, "Latitude": 38.53, "Longitude": -121.52, "Population": 1289.0}, {"index": 12613, "quantile": 0.0, "value": 72900.0, "Latitude": 38.51, "Longitude": -121.52, "Population": 2942.0}, {"index": 12613, "quantile": 0.25, "value": 114300.0, "Latitude": 38.51, "Longitude": -121.52, "Population": 2942.0}, {"index": 12613, "quantile": 0.5, "value": 137900.0, "Latitude": 38.51, "Longitude": -121.52, "Population": 2942.0}, {"index": 12613, "quantile": 0.75, "value": 185425.0, "Latitude": 38.51, "Longitude": -121.52, "Population": 2942.0}, {"index": 12613, "quantile": 1.0, "value": 277000.0, "Latitude": 38.51, "Longitude": -121.52, "Population": 2942.0}, {"index": 12614, "quantile": 0.0, "value": 82800.0, "Latitude": 38.49, "Longitude": -121.51, "Population": 1856.0}, {"index": 12614, "quantile": 0.25, "value": 151025.0, "Latitude": 38.49, "Longitude": -121.51, "Population": 1856.0}, {"index": 12614, "quantile": 0.5, "value": 158300.0, "Latitude": 38.49, "Longitude": -121.51, "Population": 1856.0}, {"index": 12614, "quantile": 0.75, "value": 158300.0, "Latitude": 38.49, "Longitude": -121.51, "Population": 1856.0}, {"index": 12614, "quantile": 1.0, "value": 327300.0, "Latitude": 38.49, "Longitude": -121.51, "Population": 1856.0}, {"index": 12615, "quantile": 0.0, "value": 91200.0, "Latitude": 38.5, "Longitude": -121.51, "Population": 1857.0}, {"index": 12615, "quantile": 0.25, "value": 180200.0, "Latitude": 38.5, "Longitude": -121.51, "Population": 1857.0}, {"index": 12615, "quantile": 0.5, "value": 180200.0, "Latitude": 38.5, "Longitude": -121.51, "Population": 1857.0}, {"index": 12615, "quantile": 0.75, "value": 190350.0, "Latitude": 38.5, "Longitude": -121.51, "Population": 1857.0}, {"index": 12615, "quantile": 1.0, "value": 433300.0, "Latitude": 38.5, "Longitude": -121.51, "Population": 1857.0}, {"index": 12616, "quantile": 0.0, "value": 179200.0, "Latitude": 38.51, "Longitude": -121.55, "Population": 2415.0}, {"index": 12616, "quantile": 0.25, "value": 284200.0, "Latitude": 38.51, "Longitude": -121.55, "Population": 2415.0}, {"index": 12616, "quantile": 0.5, "value": 307000.0, "Latitude": 38.51, "Longitude": -121.55, "Population": 2415.0}, {"index": 12616, "quantile": 0.75, "value": 352125.0, "Latitude": 38.51, "Longitude": -121.55, "Population": 2415.0}, {"index": 12616, "quantile": 1.0, "value": 467699.99999999994, "Latitude": 38.51, "Longitude": -121.55, "Population": 2415.0}, {"index": 12617, "quantile": 0.0, "value": 105300.0, "Latitude": 38.5, "Longitude": -121.55, "Population": 2036.0}, {"index": 12617, "quantile": 0.25, "value": 208250.0, "Latitude": 38.5, "Longitude": -121.55, "Population": 2036.0}, {"index": 12617, "quantile": 0.5, "value": 218350.0, "Latitude": 38.5, "Longitude": -121.55, "Population": 2036.0}, {"index": 12617, "quantile": 0.75, "value": 267950.0, "Latitude": 38.5, "Longitude": -121.55, "Population": 2036.0}, {"index": 12617, "quantile": 1.0, "value": 450000.0, "Latitude": 38.5, "Longitude": -121.55, "Population": 2036.0}, {"index": 12618, "quantile": 0.0, "value": 91200.0, "Latitude": 38.5, "Longitude": -121.54, "Population": 2415.0}, {"index": 12618, "quantile": 0.25, "value": 183600.0, "Latitude": 38.5, "Longitude": -121.54, "Population": 2415.0}, {"index": 12618, "quantile": 0.5, "value": 183600.0, "Latitude": 38.5, "Longitude": -121.54, "Population": 2415.0}, {"index": 12618, "quantile": 0.75, "value": 183600.0, "Latitude": 38.5, "Longitude": -121.54, "Population": 2415.0}, {"index": 12618, "quantile": 1.0, "value": 326500.0, "Latitude": 38.5, "Longitude": -121.54, "Population": 2415.0}, {"index": 12619, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 38.51, "Longitude": -121.54, "Population": 3362.0}, {"index": 12619, "quantile": 0.25, "value": 217674.99999999997, "Latitude": 38.51, "Longitude": -121.54, "Population": 3362.0}, {"index": 12619, "quantile": 0.5, "value": 217899.99999999997, "Latitude": 38.51, "Longitude": -121.54, "Population": 3362.0}, {"index": 12619, "quantile": 0.75, "value": 217899.99999999997, "Latitude": 38.51, "Longitude": -121.54, "Population": 3362.0}, {"index": 12619, "quantile": 1.0, "value": 314000.0, "Latitude": 38.51, "Longitude": -121.54, "Population": 3362.0}, {"index": 12620, "quantile": 0.0, "value": 157700.0, "Latitude": 38.5, "Longitude": -121.53, "Population": 1365.0}, {"index": 12620, "quantile": 0.25, "value": 225900.0, "Latitude": 38.5, "Longitude": -121.53, "Population": 1365.0}, {"index": 12620, "quantile": 0.5, "value": 283250.0, "Latitude": 38.5, "Longitude": -121.53, "Population": 1365.0}, {"index": 12620, "quantile": 0.75, "value": 323000.0, "Latitude": 38.5, "Longitude": -121.53, "Population": 1365.0}, {"index": 12620, "quantile": 1.0, "value": 467699.99999999994, "Latitude": 38.5, "Longitude": -121.53, "Population": 1365.0}, {"index": 12621, "quantile": 0.0, "value": 71700.0, "Latitude": 38.51, "Longitude": -121.53, "Population": 2595.0}, {"index": 12621, "quantile": 0.25, "value": 123250.0, "Latitude": 38.51, "Longitude": -121.53, "Population": 2595.0}, {"index": 12621, "quantile": 0.5, "value": 143700.0, "Latitude": 38.51, "Longitude": -121.53, "Population": 2595.0}, {"index": 12621, "quantile": 0.75, "value": 178800.0, "Latitude": 38.51, "Longitude": -121.53, "Population": 2595.0}, {"index": 12621, "quantile": 1.0, "value": 305200.0, "Latitude": 38.51, "Longitude": -121.53, "Population": 2595.0}, {"index": 12622, "quantile": 0.0, "value": 96200.0, "Latitude": 38.5, "Longitude": -121.52, "Population": 2519.0}, {"index": 12622, "quantile": 0.25, "value": 126400.0, "Latitude": 38.5, "Longitude": -121.52, "Population": 2519.0}, {"index": 12622, "quantile": 0.5, "value": 135500.0, "Latitude": 38.5, "Longitude": -121.52, "Population": 2519.0}, {"index": 12622, "quantile": 0.75, "value": 146400.0, "Latitude": 38.5, "Longitude": -121.52, "Population": 2519.0}, {"index": 12622, "quantile": 1.0, "value": 326500.0, "Latitude": 38.5, "Longitude": -121.52, "Population": 2519.0}, {"index": 12623, "quantile": 0.0, "value": 97300.0, "Latitude": 38.48, "Longitude": -121.53, "Population": 11935.0}, {"index": 12623, "quantile": 0.25, "value": 212200.0, "Latitude": 38.48, "Longitude": -121.53, "Population": 11935.0}, {"index": 12623, "quantile": 0.5, "value": 212200.0, "Latitude": 38.48, "Longitude": -121.53, "Population": 11935.0}, {"index": 12623, "quantile": 0.75, "value": 212200.0, "Latitude": 38.48, "Longitude": -121.53, "Population": 11935.0}, {"index": 12623, "quantile": 1.0, "value": 326500.0, "Latitude": 38.48, "Longitude": -121.53, "Population": 11935.0}, {"index": 12624, "quantile": 0.0, "value": 77500.0, "Latitude": 38.49, "Longitude": -121.52, "Population": 1341.0}, {"index": 12624, "quantile": 0.25, "value": 152800.0, "Latitude": 38.49, "Longitude": -121.52, "Population": 1341.0}, {"index": 12624, "quantile": 0.5, "value": 152800.0, "Latitude": 38.49, "Longitude": -121.52, "Population": 1341.0}, {"index": 12624, "quantile": 0.75, "value": 152800.0, "Latitude": 38.49, "Longitude": -121.52, "Population": 1341.0}, {"index": 12624, "quantile": 1.0, "value": 206100.0, "Latitude": 38.49, "Longitude": -121.52, "Population": 1341.0}, {"index": 12625, "quantile": 0.0, "value": 91200.0, "Latitude": 38.49, "Longitude": -121.54, "Population": 3759.0}, {"index": 12625, "quantile": 0.25, "value": 204199.99999999997, "Latitude": 38.49, "Longitude": -121.54, "Population": 3759.0}, {"index": 12625, "quantile": 0.5, "value": 225800.0, "Latitude": 38.49, "Longitude": -121.54, "Population": 3759.0}, {"index": 12625, "quantile": 0.75, "value": 262275.0, "Latitude": 38.49, "Longitude": -121.54, "Population": 3759.0}, {"index": 12625, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.49, "Longitude": -121.54, "Population": 3759.0}, {"index": 12626, "quantile": 0.0, "value": 59800.0, "Latitude": 38.52, "Longitude": -121.48, "Population": 1583.0}, {"index": 12626, "quantile": 0.25, "value": 90350.0, "Latitude": 38.52, "Longitude": -121.48, "Population": 1583.0}, {"index": 12626, "quantile": 0.5, "value": 95800.0, "Latitude": 38.52, "Longitude": -121.48, "Population": 1583.0}, {"index": 12626, "quantile": 0.75, "value": 95800.0, "Latitude": 38.52, "Longitude": -121.48, "Population": 1583.0}, {"index": 12626, "quantile": 1.0, "value": 189400.0, "Latitude": 38.52, "Longitude": -121.48, "Population": 1583.0}, {"index": 12627, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 38.51, "Longitude": -121.48, "Population": 723.0}, {"index": 12627, "quantile": 0.25, "value": 72300.0, "Latitude": 38.51, "Longitude": -121.48, "Population": 723.0}, {"index": 12627, "quantile": 0.5, "value": 72300.0, "Latitude": 38.51, "Longitude": -121.48, "Population": 723.0}, {"index": 12627, "quantile": 0.75, "value": 77700.0, "Latitude": 38.51, "Longitude": -121.48, "Population": 723.0}, {"index": 12627, "quantile": 1.0, "value": 163500.0, "Latitude": 38.51, "Longitude": -121.48, "Population": 723.0}, {"index": 12628, "quantile": 0.0, "value": 48300.0, "Latitude": 38.5, "Longitude": -121.48, "Population": 1740.0}, {"index": 12628, "quantile": 0.25, "value": 70300.0, "Latitude": 38.5, "Longitude": -121.48, "Population": 1740.0}, {"index": 12628, "quantile": 0.5, "value": 70300.0, "Latitude": 38.5, "Longitude": -121.48, "Population": 1740.0}, {"index": 12628, "quantile": 0.75, "value": 70300.0, "Latitude": 38.5, "Longitude": -121.48, "Population": 1740.0}, {"index": 12628, "quantile": 1.0, "value": 179100.0, "Latitude": 38.5, "Longitude": -121.48, "Population": 1740.0}, {"index": 12629, "quantile": 0.0, "value": 59000.0, "Latitude": 38.49, "Longitude": -121.49, "Population": 986.0}, {"index": 12629, "quantile": 0.25, "value": 77700.0, "Latitude": 38.49, "Longitude": -121.49, "Population": 986.0}, {"index": 12629, "quantile": 0.5, "value": 77700.0, "Latitude": 38.49, "Longitude": -121.49, "Population": 986.0}, {"index": 12629, "quantile": 0.75, "value": 77700.0, "Latitude": 38.49, "Longitude": -121.49, "Population": 986.0}, {"index": 12629, "quantile": 1.0, "value": 122500.00000000001, "Latitude": 38.49, "Longitude": -121.49, "Population": 986.0}, {"index": 12630, "quantile": 0.0, "value": 59000.0, "Latitude": 38.49, "Longitude": -121.5, "Population": 2317.0}, {"index": 12630, "quantile": 0.25, "value": 78200.0, "Latitude": 38.49, "Longitude": -121.5, "Population": 2317.0}, {"index": 12630, "quantile": 0.5, "value": 78200.0, "Latitude": 38.49, "Longitude": -121.5, "Population": 2317.0}, {"index": 12630, "quantile": 0.75, "value": 78200.0, "Latitude": 38.49, "Longitude": -121.5, "Population": 2317.0}, {"index": 12630, "quantile": 1.0, "value": 212500.0, "Latitude": 38.49, "Longitude": -121.5, "Population": 2317.0}, {"index": 12631, "quantile": 0.0, "value": 67300.0, "Latitude": 38.49, "Longitude": -121.5, "Population": 2032.0}, {"index": 12631, "quantile": 0.25, "value": 83400.0, "Latitude": 38.49, "Longitude": -121.5, "Population": 2032.0}, {"index": 12631, "quantile": 0.5, "value": 83400.0, "Latitude": 38.49, "Longitude": -121.5, "Population": 2032.0}, {"index": 12631, "quantile": 0.75, "value": 83400.0, "Latitude": 38.49, "Longitude": -121.5, "Population": 2032.0}, {"index": 12631, "quantile": 1.0, "value": 164000.0, "Latitude": 38.49, "Longitude": -121.5, "Population": 2032.0}, {"index": 12632, "quantile": 0.0, "value": 48300.0, "Latitude": 38.49, "Longitude": -121.48, "Population": 2447.0}, {"index": 12632, "quantile": 0.25, "value": 78600.0, "Latitude": 38.49, "Longitude": -121.48, "Population": 2447.0}, {"index": 12632, "quantile": 0.5, "value": 78600.0, "Latitude": 38.49, "Longitude": -121.48, "Population": 2447.0}, {"index": 12632, "quantile": 0.75, "value": 78600.0, "Latitude": 38.49, "Longitude": -121.48, "Population": 2447.0}, {"index": 12632, "quantile": 1.0, "value": 237500.0, "Latitude": 38.49, "Longitude": -121.48, "Population": 2447.0}, {"index": 12633, "quantile": 0.0, "value": 74600.0, "Latitude": 38.49, "Longitude": -121.49, "Population": 2902.0}, {"index": 12633, "quantile": 0.25, "value": 74600.0, "Latitude": 38.49, "Longitude": -121.49, "Population": 2902.0}, {"index": 12633, "quantile": 0.5, "value": 74600.0, "Latitude": 38.49, "Longitude": -121.49, "Population": 2902.0}, {"index": 12633, "quantile": 0.75, "value": 77825.0, "Latitude": 38.49, "Longitude": -121.49, "Population": 2902.0}, {"index": 12633, "quantile": 1.0, "value": 162500.0, "Latitude": 38.49, "Longitude": -121.49, "Population": 2902.0}, {"index": 12634, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 38.49, "Longitude": -121.47, "Population": 2760.0}, {"index": 12634, "quantile": 0.25, "value": 78800.0, "Latitude": 38.49, "Longitude": -121.47, "Population": 2760.0}, {"index": 12634, "quantile": 0.5, "value": 78800.0, "Latitude": 38.49, "Longitude": -121.47, "Population": 2760.0}, {"index": 12634, "quantile": 0.75, "value": 83700.0, "Latitude": 38.49, "Longitude": -121.47, "Population": 2760.0}, {"index": 12634, "quantile": 1.0, "value": 183300.0, "Latitude": 38.49, "Longitude": -121.47, "Population": 2760.0}, {"index": 12635, "quantile": 0.0, "value": 63400.0, "Latitude": 38.48, "Longitude": -121.47, "Population": 1745.0}, {"index": 12635, "quantile": 0.25, "value": 76200.0, "Latitude": 38.48, "Longitude": -121.47, "Population": 1745.0}, {"index": 12635, "quantile": 0.5, "value": 76200.0, "Latitude": 38.48, "Longitude": -121.47, "Population": 1745.0}, {"index": 12635, "quantile": 0.75, "value": 87500.0, "Latitude": 38.48, "Longitude": -121.47, "Population": 1745.0}, {"index": 12635, "quantile": 1.0, "value": 162500.0, "Latitude": 38.48, "Longitude": -121.47, "Population": 1745.0}, {"index": 12636, "quantile": 0.0, "value": 52700.0, "Latitude": 38.47, "Longitude": -121.49, "Population": 4224.0}, {"index": 12636, "quantile": 0.25, "value": 74600.0, "Latitude": 38.47, "Longitude": -121.49, "Population": 4224.0}, {"index": 12636, "quantile": 0.5, "value": 86500.0, "Latitude": 38.47, "Longitude": -121.49, "Population": 4224.0}, {"index": 12636, "quantile": 0.75, "value": 101525.0, "Latitude": 38.47, "Longitude": -121.49, "Population": 4224.0}, {"index": 12636, "quantile": 1.0, "value": 225000.0, "Latitude": 38.47, "Longitude": -121.49, "Population": 4224.0}, {"index": 12637, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 38.48, "Longitude": -121.47, "Population": 2048.0}, {"index": 12637, "quantile": 0.25, "value": 67300.0, "Latitude": 38.48, "Longitude": -121.47, "Population": 2048.0}, {"index": 12637, "quantile": 0.5, "value": 67300.0, "Latitude": 38.48, "Longitude": -121.47, "Population": 2048.0}, {"index": 12637, "quantile": 0.75, "value": 88425.0, "Latitude": 38.48, "Longitude": -121.47, "Population": 2048.0}, {"index": 12637, "quantile": 1.0, "value": 177500.0, "Latitude": 38.48, "Longitude": -121.47, "Population": 2048.0}, {"index": 12638, "quantile": 0.0, "value": 32500.0, "Latitude": 38.54, "Longitude": -121.45, "Population": 1052.0}, {"index": 12638, "quantile": 0.25, "value": 63250.00000000001, "Latitude": 38.54, "Longitude": -121.45, "Population": 1052.0}, {"index": 12638, "quantile": 0.5, "value": 63900.0, "Latitude": 38.54, "Longitude": -121.45, "Population": 1052.0}, {"index": 12638, "quantile": 0.75, "value": 69900.0, "Latitude": 38.54, "Longitude": -121.45, "Population": 1052.0}, {"index": 12638, "quantile": 1.0, "value": 156300.0, "Latitude": 38.54, "Longitude": -121.45, "Population": 1052.0}, {"index": 12639, "quantile": 0.0, "value": 41800.0, "Latitude": 38.53, "Longitude": -121.45, "Population": 1142.0}, {"index": 12639, "quantile": 0.25, "value": 63075.0, "Latitude": 38.53, "Longitude": -121.45, "Population": 1142.0}, {"index": 12639, "quantile": 0.5, "value": 69900.0, "Latitude": 38.53, "Longitude": -121.45, "Population": 1142.0}, {"index": 12639, "quantile": 0.75, "value": 69900.0, "Latitude": 38.53, "Longitude": -121.45, "Population": 1142.0}, {"index": 12639, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 38.53, "Longitude": -121.45, "Population": 1142.0}, {"index": 12640, "quantile": 0.0, "value": 59100.0, "Latitude": 38.53, "Longitude": -121.45, "Population": 884.0}, {"index": 12640, "quantile": 0.25, "value": 75400.0, "Latitude": 38.53, "Longitude": -121.45, "Population": 884.0}, {"index": 12640, "quantile": 0.5, "value": 75400.0, "Latitude": 38.53, "Longitude": -121.45, "Population": 884.0}, {"index": 12640, "quantile": 0.75, "value": 84400.0, "Latitude": 38.53, "Longitude": -121.45, "Population": 884.0}, {"index": 12640, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 38.53, "Longitude": -121.45, "Population": 884.0}, {"index": 12641, "quantile": 0.0, "value": 46300.0, "Latitude": 38.53, "Longitude": -121.45, "Population": 848.0}, {"index": 12641, "quantile": 0.25, "value": 87000.0, "Latitude": 38.53, "Longitude": -121.45, "Population": 848.0}, {"index": 12641, "quantile": 0.5, "value": 87000.0, "Latitude": 38.53, "Longitude": -121.45, "Population": 848.0}, {"index": 12641, "quantile": 0.75, "value": 87000.0, "Latitude": 38.53, "Longitude": -121.45, "Population": 848.0}, {"index": 12641, "quantile": 1.0, "value": 158700.0, "Latitude": 38.53, "Longitude": -121.45, "Population": 848.0}, {"index": 12642, "quantile": 0.0, "value": 32500.0, "Latitude": 38.54, "Longitude": -121.46, "Population": 843.0}, {"index": 12642, "quantile": 0.25, "value": 63900.0, "Latitude": 38.54, "Longitude": -121.46, "Population": 843.0}, {"index": 12642, "quantile": 0.5, "value": 63900.0, "Latitude": 38.54, "Longitude": -121.46, "Population": 843.0}, {"index": 12642, "quantile": 0.75, "value": 63900.0, "Latitude": 38.54, "Longitude": -121.46, "Population": 843.0}, {"index": 12642, "quantile": 1.0, "value": 78400.0, "Latitude": 38.54, "Longitude": -121.46, "Population": 843.0}, {"index": 12643, "quantile": 0.0, "value": 51700.0, "Latitude": 38.53, "Longitude": -121.46, "Population": 1607.0}, {"index": 12643, "quantile": 0.25, "value": 63900.0, "Latitude": 38.53, "Longitude": -121.46, "Population": 1607.0}, {"index": 12643, "quantile": 0.5, "value": 65400.0, "Latitude": 38.53, "Longitude": -121.46, "Population": 1607.0}, {"index": 12643, "quantile": 0.75, "value": 65400.0, "Latitude": 38.53, "Longitude": -121.46, "Population": 1607.0}, {"index": 12643, "quantile": 1.0, "value": 94400.0, "Latitude": 38.53, "Longitude": -121.46, "Population": 1607.0}, {"index": 12644, "quantile": 0.0, "value": 50500.0, "Latitude": 38.54, "Longitude": -121.46, "Population": 1226.0}, {"index": 12644, "quantile": 0.25, "value": 56699.99999999999, "Latitude": 38.54, "Longitude": -121.46, "Population": 1226.0}, {"index": 12644, "quantile": 0.5, "value": 60949.99999999999, "Latitude": 38.54, "Longitude": -121.46, "Population": 1226.0}, {"index": 12644, "quantile": 0.75, "value": 65200.0, "Latitude": 38.54, "Longitude": -121.46, "Population": 1226.0}, {"index": 12644, "quantile": 1.0, "value": 200000.0, "Latitude": 38.54, "Longitude": -121.46, "Population": 1226.0}, {"index": 12645, "quantile": 0.0, "value": 45000.0, "Latitude": 38.52, "Longitude": -121.47, "Population": 1971.0}, {"index": 12645, "quantile": 0.25, "value": 66800.0, "Latitude": 38.52, "Longitude": -121.47, "Population": 1971.0}, {"index": 12645, "quantile": 0.5, "value": 66800.0, "Latitude": 38.52, "Longitude": -121.47, "Population": 1971.0}, {"index": 12645, "quantile": 0.75, "value": 70300.0, "Latitude": 38.52, "Longitude": -121.47, "Population": 1971.0}, {"index": 12645, "quantile": 1.0, "value": 162500.0, "Latitude": 38.52, "Longitude": -121.47, "Population": 1971.0}, {"index": 12646, "quantile": 0.0, "value": 48300.0, "Latitude": 38.51, "Longitude": -121.46, "Population": 1576.0}, {"index": 12646, "quantile": 0.25, "value": 70000.0, "Latitude": 38.51, "Longitude": -121.46, "Population": 1576.0}, {"index": 12646, "quantile": 0.5, "value": 74800.0, "Latitude": 38.51, "Longitude": -121.46, "Population": 1576.0}, {"index": 12646, "quantile": 0.75, "value": 103099.99999999999, "Latitude": 38.51, "Longitude": -121.46, "Population": 1576.0}, {"index": 12646, "quantile": 1.0, "value": 177500.0, "Latitude": 38.51, "Longitude": -121.46, "Population": 1576.0}, {"index": 12647, "quantile": 0.0, "value": 76600.0, "Latitude": 38.5, "Longitude": -121.45, "Population": 1559.0}, {"index": 12647, "quantile": 0.25, "value": 99500.0, "Latitude": 38.5, "Longitude": -121.45, "Population": 1559.0}, {"index": 12647, "quantile": 0.5, "value": 99500.0, "Latitude": 38.5, "Longitude": -121.45, "Population": 1559.0}, {"index": 12647, "quantile": 0.75, "value": 99500.0, "Latitude": 38.5, "Longitude": -121.45, "Population": 1559.0}, {"index": 12647, "quantile": 1.0, "value": 201300.0, "Latitude": 38.5, "Longitude": -121.45, "Population": 1559.0}, {"index": 12648, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.5, "Longitude": -121.47, "Population": 620.0}, {"index": 12648, "quantile": 0.25, "value": 129674.99999999999, "Latitude": 38.5, "Longitude": -121.47, "Population": 620.0}, {"index": 12648, "quantile": 0.5, "value": 137500.0, "Latitude": 38.5, "Longitude": -121.47, "Population": 620.0}, {"index": 12648, "quantile": 0.75, "value": 137500.0, "Latitude": 38.5, "Longitude": -121.47, "Population": 620.0}, {"index": 12648, "quantile": 1.0, "value": 193800.0, "Latitude": 38.5, "Longitude": -121.47, "Population": 620.0}, {"index": 12649, "quantile": 0.0, "value": 67300.0, "Latitude": 38.51, "Longitude": -121.47, "Population": 74.0}, {"index": 12649, "quantile": 0.25, "value": 80000.0, "Latitude": 38.51, "Longitude": -121.47, "Population": 74.0}, {"index": 12649, "quantile": 0.5, "value": 80000.0, "Latitude": 38.51, "Longitude": -121.47, "Population": 74.0}, {"index": 12649, "quantile": 0.75, "value": 81800.0, "Latitude": 38.51, "Longitude": -121.47, "Population": 74.0}, {"index": 12649, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.51, "Longitude": -121.47, "Population": 74.0}, {"index": 12650, "quantile": 0.0, "value": 49000.0, "Latitude": 38.52, "Longitude": -121.47, "Population": 1597.0}, {"index": 12650, "quantile": 0.25, "value": 60400.0, "Latitude": 38.52, "Longitude": -121.47, "Population": 1597.0}, {"index": 12650, "quantile": 0.5, "value": 60400.0, "Latitude": 38.52, "Longitude": -121.47, "Population": 1597.0}, {"index": 12650, "quantile": 0.75, "value": 60400.0, "Latitude": 38.52, "Longitude": -121.47, "Population": 1597.0}, {"index": 12650, "quantile": 1.0, "value": 103899.99999999999, "Latitude": 38.52, "Longitude": -121.47, "Population": 1597.0}, {"index": 12651, "quantile": 0.0, "value": 52000.0, "Latitude": 38.52, "Longitude": -121.44, "Population": 2460.0}, {"index": 12651, "quantile": 0.25, "value": 66800.0, "Latitude": 38.52, "Longitude": -121.44, "Population": 2460.0}, {"index": 12651, "quantile": 0.5, "value": 70300.0, "Latitude": 38.52, "Longitude": -121.44, "Population": 2460.0}, {"index": 12651, "quantile": 0.75, "value": 82300.0, "Latitude": 38.52, "Longitude": -121.44, "Population": 2460.0}, {"index": 12651, "quantile": 1.0, "value": 253600.0, "Latitude": 38.52, "Longitude": -121.44, "Population": 2460.0}, {"index": 12652, "quantile": 0.0, "value": 49800.0, "Latitude": 38.51, "Longitude": -121.45, "Population": 2294.0}, {"index": 12652, "quantile": 0.25, "value": 75900.0, "Latitude": 38.51, "Longitude": -121.45, "Population": 2294.0}, {"index": 12652, "quantile": 0.5, "value": 75900.0, "Latitude": 38.51, "Longitude": -121.45, "Population": 2294.0}, {"index": 12652, "quantile": 0.75, "value": 79250.0, "Latitude": 38.51, "Longitude": -121.45, "Population": 2294.0}, {"index": 12652, "quantile": 1.0, "value": 153300.0, "Latitude": 38.51, "Longitude": -121.45, "Population": 2294.0}, {"index": 12653, "quantile": 0.0, "value": 69800.0, "Latitude": 38.52, "Longitude": -121.45, "Population": 827.0}, {"index": 12653, "quantile": 0.25, "value": 71200.0, "Latitude": 38.52, "Longitude": -121.45, "Population": 827.0}, {"index": 12653, "quantile": 0.5, "value": 71200.0, "Latitude": 38.52, "Longitude": -121.45, "Population": 827.0}, {"index": 12653, "quantile": 0.75, "value": 79175.0, "Latitude": 38.52, "Longitude": -121.45, "Population": 827.0}, {"index": 12653, "quantile": 1.0, "value": 127299.99999999999, "Latitude": 38.52, "Longitude": -121.45, "Population": 827.0}, {"index": 12654, "quantile": 0.0, "value": 50500.0, "Latitude": 38.52, "Longitude": -121.45, "Population": 888.0}, {"index": 12654, "quantile": 0.25, "value": 72100.0, "Latitude": 38.52, "Longitude": -121.45, "Population": 888.0}, {"index": 12654, "quantile": 0.5, "value": 80600.0, "Latitude": 38.52, "Longitude": -121.45, "Population": 888.0}, {"index": 12654, "quantile": 0.75, "value": 88525.0, "Latitude": 38.52, "Longitude": -121.45, "Population": 888.0}, {"index": 12654, "quantile": 1.0, "value": 162500.0, "Latitude": 38.52, "Longitude": -121.45, "Population": 888.0}, {"index": 12655, "quantile": 0.0, "value": 49800.0, "Latitude": 38.52, "Longitude": -121.46, "Population": 2237.0}, {"index": 12655, "quantile": 0.25, "value": 72100.0, "Latitude": 38.52, "Longitude": -121.46, "Population": 2237.0}, {"index": 12655, "quantile": 0.5, "value": 72100.0, "Latitude": 38.52, "Longitude": -121.46, "Population": 2237.0}, {"index": 12655, "quantile": 0.75, "value": 74325.0, "Latitude": 38.52, "Longitude": -121.46, "Population": 2237.0}, {"index": 12655, "quantile": 1.0, "value": 123500.00000000001, "Latitude": 38.52, "Longitude": -121.46, "Population": 2237.0}, {"index": 12656, "quantile": 0.0, "value": 47000.0, "Latitude": 38.51, "Longitude": -121.46, "Population": 1596.0}, {"index": 12656, "quantile": 0.25, "value": 61424.99999999999, "Latitude": 38.51, "Longitude": -121.46, "Population": 1596.0}, {"index": 12656, "quantile": 0.5, "value": 65400.0, "Latitude": 38.51, "Longitude": -121.46, "Population": 1596.0}, {"index": 12656, "quantile": 0.75, "value": 69300.0, "Latitude": 38.51, "Longitude": -121.46, "Population": 1596.0}, {"index": 12656, "quantile": 1.0, "value": 100499.99999999999, "Latitude": 38.51, "Longitude": -121.46, "Population": 1596.0}, {"index": 12657, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 38.52, "Longitude": -121.46, "Population": 963.0}, {"index": 12657, "quantile": 0.25, "value": 59800.0, "Latitude": 38.52, "Longitude": -121.46, "Population": 963.0}, {"index": 12657, "quantile": 0.5, "value": 77700.0, "Latitude": 38.52, "Longitude": -121.46, "Population": 963.0}, {"index": 12657, "quantile": 0.75, "value": 91950.0, "Latitude": 38.52, "Longitude": -121.46, "Population": 963.0}, {"index": 12657, "quantile": 1.0, "value": 225000.0, "Latitude": 38.52, "Longitude": -121.46, "Population": 963.0}, {"index": 12658, "quantile": 0.0, "value": 59100.0, "Latitude": 38.51, "Longitude": -121.44, "Population": 4828.0}, {"index": 12658, "quantile": 0.25, "value": 78800.0, "Latitude": 38.51, "Longitude": -121.44, "Population": 4828.0}, {"index": 12658, "quantile": 0.5, "value": 82400.0, "Latitude": 38.51, "Longitude": -121.44, "Population": 4828.0}, {"index": 12658, "quantile": 0.75, "value": 82400.0, "Latitude": 38.51, "Longitude": -121.44, "Population": 4828.0}, {"index": 12658, "quantile": 1.0, "value": 156700.0, "Latitude": 38.51, "Longitude": -121.44, "Population": 4828.0}, {"index": 12659, "quantile": 0.0, "value": 84200.0, "Latitude": 38.5, "Longitude": -121.44, "Population": 1089.0}, {"index": 12659, "quantile": 0.25, "value": 96800.0, "Latitude": 38.5, "Longitude": -121.44, "Population": 1089.0}, {"index": 12659, "quantile": 0.5, "value": 96800.0, "Latitude": 38.5, "Longitude": -121.44, "Population": 1089.0}, {"index": 12659, "quantile": 0.75, "value": 111400.00000000001, "Latitude": 38.5, "Longitude": -121.44, "Population": 1089.0}, {"index": 12659, "quantile": 1.0, "value": 189400.0, "Latitude": 38.5, "Longitude": -121.44, "Population": 1089.0}, {"index": 12660, "quantile": 0.0, "value": 55300.00000000001, "Latitude": 38.5, "Longitude": -121.44, "Population": 1281.0}, {"index": 12660, "quantile": 0.25, "value": 92525.0, "Latitude": 38.5, "Longitude": -121.44, "Population": 1281.0}, {"index": 12660, "quantile": 0.5, "value": 97500.0, "Latitude": 38.5, "Longitude": -121.44, "Population": 1281.0}, {"index": 12660, "quantile": 0.75, "value": 97500.0, "Latitude": 38.5, "Longitude": -121.44, "Population": 1281.0}, {"index": 12660, "quantile": 1.0, "value": 154900.0, "Latitude": 38.5, "Longitude": -121.44, "Population": 1281.0}, {"index": 12661, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 38.51, "Longitude": -121.42, "Population": 4769.0}, {"index": 12661, "quantile": 0.25, "value": 90400.0, "Latitude": 38.51, "Longitude": -121.42, "Population": 4769.0}, {"index": 12661, "quantile": 0.5, "value": 90400.0, "Latitude": 38.51, "Longitude": -121.42, "Population": 4769.0}, {"index": 12661, "quantile": 0.75, "value": 90400.0, "Latitude": 38.51, "Longitude": -121.42, "Population": 4769.0}, {"index": 12661, "quantile": 1.0, "value": 204300.00000000003, "Latitude": 38.51, "Longitude": -121.42, "Population": 4769.0}, {"index": 12662, "quantile": 0.0, "value": 60900.0, "Latitude": 38.5, "Longitude": -121.42, "Population": 4333.0}, {"index": 12662, "quantile": 0.25, "value": 87900.0, "Latitude": 38.5, "Longitude": -121.42, "Population": 4333.0}, {"index": 12662, "quantile": 0.5, "value": 87900.0, "Latitude": 38.5, "Longitude": -121.42, "Population": 4333.0}, {"index": 12662, "quantile": 0.75, "value": 87900.0, "Latitude": 38.5, "Longitude": -121.42, "Population": 4333.0}, {"index": 12662, "quantile": 1.0, "value": 193600.0, "Latitude": 38.5, "Longitude": -121.42, "Population": 4333.0}, {"index": 12663, "quantile": 0.0, "value": 50000.0, "Latitude": 38.49, "Longitude": -121.46, "Population": 5656.0}, {"index": 12663, "quantile": 0.25, "value": 97849.99999999999, "Latitude": 38.49, "Longitude": -121.46, "Population": 5656.0}, {"index": 12663, "quantile": 0.5, "value": 107900.0, "Latitude": 38.49, "Longitude": -121.46, "Population": 5656.0}, {"index": 12663, "quantile": 0.75, "value": 107900.0, "Latitude": 38.49, "Longitude": -121.46, "Population": 5656.0}, {"index": 12663, "quantile": 1.0, "value": 204300.00000000003, "Latitude": 38.49, "Longitude": -121.46, "Population": 5656.0}, {"index": 12664, "quantile": 0.0, "value": 71800.0, "Latitude": 38.49, "Longitude": -121.45, "Population": 1540.0}, {"index": 12664, "quantile": 0.25, "value": 109800.00000000001, "Latitude": 38.49, "Longitude": -121.45, "Population": 1540.0}, {"index": 12664, "quantile": 0.5, "value": 109800.00000000001, "Latitude": 38.49, "Longitude": -121.45, "Population": 1540.0}, {"index": 12664, "quantile": 0.75, "value": 109800.00000000001, "Latitude": 38.49, "Longitude": -121.45, "Population": 1540.0}, {"index": 12664, "quantile": 1.0, "value": 158500.0, "Latitude": 38.49, "Longitude": -121.45, "Population": 1540.0}, {"index": 12665, "quantile": 0.0, "value": 67300.0, "Latitude": 38.49, "Longitude": -121.44, "Population": 2083.0}, {"index": 12665, "quantile": 0.25, "value": 109300.0, "Latitude": 38.49, "Longitude": -121.44, "Population": 2083.0}, {"index": 12665, "quantile": 0.5, "value": 109300.0, "Latitude": 38.49, "Longitude": -121.44, "Population": 2083.0}, {"index": 12665, "quantile": 0.75, "value": 109300.0, "Latitude": 38.49, "Longitude": -121.44, "Population": 2083.0}, {"index": 12665, "quantile": 1.0, "value": 216500.0, "Latitude": 38.49, "Longitude": -121.44, "Population": 2083.0}, {"index": 12666, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 38.48, "Longitude": -121.45, "Population": 1638.0}, {"index": 12666, "quantile": 0.25, "value": 79325.0, "Latitude": 38.48, "Longitude": -121.45, "Population": 1638.0}, {"index": 12666, "quantile": 0.5, "value": 87900.0, "Latitude": 38.48, "Longitude": -121.45, "Population": 1638.0}, {"index": 12666, "quantile": 0.75, "value": 102475.0, "Latitude": 38.48, "Longitude": -121.45, "Population": 1638.0}, {"index": 12666, "quantile": 1.0, "value": 176100.0, "Latitude": 38.48, "Longitude": -121.45, "Population": 1638.0}, {"index": 12667, "quantile": 0.0, "value": 67000.0, "Latitude": 38.48, "Longitude": -121.43, "Population": 2299.0}, {"index": 12667, "quantile": 0.25, "value": 90500.0, "Latitude": 38.48, "Longitude": -121.43, "Population": 2299.0}, {"index": 12667, "quantile": 0.5, "value": 90500.0, "Latitude": 38.48, "Longitude": -121.43, "Population": 2299.0}, {"index": 12667, "quantile": 0.75, "value": 99500.0, "Latitude": 38.48, "Longitude": -121.43, "Population": 2299.0}, {"index": 12667, "quantile": 1.0, "value": 207900.00000000003, "Latitude": 38.48, "Longitude": -121.43, "Population": 2299.0}, {"index": 12668, "quantile": 0.0, "value": 50000.0, "Latitude": 38.48, "Longitude": -121.44, "Population": 2621.0}, {"index": 12668, "quantile": 0.25, "value": 107900.0, "Latitude": 38.48, "Longitude": -121.44, "Population": 2621.0}, {"index": 12668, "quantile": 0.5, "value": 109800.00000000001, "Latitude": 38.48, "Longitude": -121.44, "Population": 2621.0}, {"index": 12668, "quantile": 0.75, "value": 109800.00000000001, "Latitude": 38.48, "Longitude": -121.44, "Population": 2621.0}, {"index": 12668, "quantile": 1.0, "value": 162500.0, "Latitude": 38.48, "Longitude": -121.44, "Population": 2621.0}, {"index": 12669, "quantile": 0.0, "value": 67300.0, "Latitude": 38.48, "Longitude": -121.45, "Population": 1028.0}, {"index": 12669, "quantile": 0.25, "value": 94400.0, "Latitude": 38.48, "Longitude": -121.45, "Population": 1028.0}, {"index": 12669, "quantile": 0.5, "value": 105200.0, "Latitude": 38.48, "Longitude": -121.45, "Population": 1028.0}, {"index": 12669, "quantile": 0.75, "value": 122675.0, "Latitude": 38.48, "Longitude": -121.45, "Population": 1028.0}, {"index": 12669, "quantile": 1.0, "value": 322400.0, "Latitude": 38.48, "Longitude": -121.45, "Population": 1028.0}, {"index": 12670, "quantile": 0.0, "value": 84700.0, "Latitude": 38.48, "Longitude": -121.46, "Population": 1710.0}, {"index": 12670, "quantile": 0.25, "value": 93100.0, "Latitude": 38.48, "Longitude": -121.46, "Population": 1710.0}, {"index": 12670, "quantile": 0.5, "value": 93100.0, "Latitude": 38.48, "Longitude": -121.46, "Population": 1710.0}, {"index": 12670, "quantile": 0.75, "value": 95750.0, "Latitude": 38.48, "Longitude": -121.46, "Population": 1710.0}, {"index": 12670, "quantile": 1.0, "value": 300600.0, "Latitude": 38.48, "Longitude": -121.46, "Population": 1710.0}, {"index": 12671, "quantile": 0.0, "value": 73600.0, "Latitude": 38.49, "Longitude": -121.42, "Population": 7235.0}, {"index": 12671, "quantile": 0.25, "value": 103000.0, "Latitude": 38.49, "Longitude": -121.42, "Population": 7235.0}, {"index": 12671, "quantile": 0.5, "value": 103000.0, "Latitude": 38.49, "Longitude": -121.42, "Population": 7235.0}, {"index": 12671, "quantile": 0.75, "value": 103000.0, "Latitude": 38.49, "Longitude": -121.42, "Population": 7235.0}, {"index": 12671, "quantile": 1.0, "value": 201799.99999999997, "Latitude": 38.49, "Longitude": -121.42, "Population": 7235.0}, {"index": 12672, "quantile": 0.0, "value": 48300.0, "Latitude": 38.48, "Longitude": -121.42, "Population": 4749.0}, {"index": 12672, "quantile": 0.25, "value": 114000.00000000001, "Latitude": 38.48, "Longitude": -121.42, "Population": 4749.0}, {"index": 12672, "quantile": 0.5, "value": 115999.99999999999, "Latitude": 38.48, "Longitude": -121.42, "Population": 4749.0}, {"index": 12672, "quantile": 0.75, "value": 115999.99999999999, "Latitude": 38.48, "Longitude": -121.42, "Population": 4749.0}, {"index": 12672, "quantile": 1.0, "value": 253600.0, "Latitude": 38.48, "Longitude": -121.42, "Population": 4749.0}, {"index": 12673, "quantile": 0.0, "value": 83400.0, "Latitude": 38.49, "Longitude": -121.4, "Population": 3960.0}, {"index": 12673, "quantile": 0.25, "value": 106300.0, "Latitude": 38.49, "Longitude": -121.4, "Population": 3960.0}, {"index": 12673, "quantile": 0.5, "value": 106300.0, "Latitude": 38.49, "Longitude": -121.4, "Population": 3960.0}, {"index": 12673, "quantile": 0.75, "value": 106300.0, "Latitude": 38.49, "Longitude": -121.4, "Population": 3960.0}, {"index": 12673, "quantile": 1.0, "value": 322400.0, "Latitude": 38.49, "Longitude": -121.4, "Population": 3960.0}, {"index": 12674, "quantile": 0.0, "value": 70000.0, "Latitude": 38.49, "Longitude": -121.38, "Population": 4224.0}, {"index": 12674, "quantile": 0.25, "value": 90500.0, "Latitude": 38.49, "Longitude": -121.38, "Population": 4224.0}, {"index": 12674, "quantile": 0.5, "value": 104099.99999999999, "Latitude": 38.49, "Longitude": -121.38, "Population": 4224.0}, {"index": 12674, "quantile": 0.75, "value": 118150.0, "Latitude": 38.49, "Longitude": -121.38, "Population": 4224.0}, {"index": 12674, "quantile": 1.0, "value": 207900.00000000003, "Latitude": 38.49, "Longitude": -121.38, "Population": 4224.0}, {"index": 12675, "quantile": 0.0, "value": 32500.0, "Latitude": 38.51, "Longitude": -121.39, "Population": 758.0}, {"index": 12675, "quantile": 0.25, "value": 92000.0, "Latitude": 38.51, "Longitude": -121.39, "Population": 758.0}, {"index": 12675, "quantile": 0.5, "value": 92000.0, "Latitude": 38.51, "Longitude": -121.39, "Population": 758.0}, {"index": 12675, "quantile": 0.75, "value": 92000.0, "Latitude": 38.51, "Longitude": -121.39, "Population": 758.0}, {"index": 12675, "quantile": 1.0, "value": 156300.0, "Latitude": 38.51, "Longitude": -121.39, "Population": 758.0}, {"index": 12676, "quantile": 0.0, "value": 39600.0, "Latitude": 38.56, "Longitude": -121.42, "Population": 2548.0}, {"index": 12676, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 38.56, "Longitude": -121.42, "Population": 2548.0}, {"index": 12676, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 38.56, "Longitude": -121.42, "Population": 2548.0}, {"index": 12676, "quantile": 0.75, "value": 82850.0, "Latitude": 38.56, "Longitude": -121.42, "Population": 2548.0}, {"index": 12676, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.56, "Longitude": -121.42, "Population": 2548.0}, {"index": 12677, "quantile": 0.0, "value": 100299.99999999999, "Latitude": 38.56, "Longitude": -121.39, "Population": 3517.0}, {"index": 12677, "quantile": 0.25, "value": 137400.0, "Latitude": 38.56, "Longitude": -121.39, "Population": 3517.0}, {"index": 12677, "quantile": 0.5, "value": 137400.0, "Latitude": 38.56, "Longitude": -121.39, "Population": 3517.0}, {"index": 12677, "quantile": 0.75, "value": 153425.0, "Latitude": 38.56, "Longitude": -121.39, "Population": 3517.0}, {"index": 12677, "quantile": 1.0, "value": 275700.0, "Latitude": 38.56, "Longitude": -121.39, "Population": 3517.0}, {"index": 12678, "quantile": 0.0, "value": 71800.0, "Latitude": 38.55, "Longitude": -121.38, "Population": 1407.0}, {"index": 12678, "quantile": 0.25, "value": 112200.00000000001, "Latitude": 38.55, "Longitude": -121.38, "Population": 1407.0}, {"index": 12678, "quantile": 0.5, "value": 130600.0, "Latitude": 38.55, "Longitude": -121.38, "Population": 1407.0}, {"index": 12678, "quantile": 0.75, "value": 135875.0, "Latitude": 38.55, "Longitude": -121.38, "Population": 1407.0}, {"index": 12678, "quantile": 1.0, "value": 287800.0, "Latitude": 38.55, "Longitude": -121.38, "Population": 1407.0}, {"index": 12679, "quantile": 0.0, "value": 84200.0, "Latitude": 38.55, "Longitude": -121.38, "Population": 781.0}, {"index": 12679, "quantile": 0.25, "value": 130900.0, "Latitude": 38.55, "Longitude": -121.38, "Population": 781.0}, {"index": 12679, "quantile": 0.5, "value": 130900.0, "Latitude": 38.55, "Longitude": -121.38, "Population": 781.0}, {"index": 12679, "quantile": 0.75, "value": 135875.0, "Latitude": 38.55, "Longitude": -121.38, "Population": 781.0}, {"index": 12679, "quantile": 1.0, "value": 263200.0, "Latitude": 38.55, "Longitude": -121.38, "Population": 781.0}, {"index": 12680, "quantile": 0.0, "value": 71700.0, "Latitude": 38.55, "Longitude": -121.39, "Population": 1053.0}, {"index": 12680, "quantile": 0.25, "value": 103400.0, "Latitude": 38.55, "Longitude": -121.39, "Population": 1053.0}, {"index": 12680, "quantile": 0.5, "value": 113399.99999999999, "Latitude": 38.55, "Longitude": -121.39, "Population": 1053.0}, {"index": 12680, "quantile": 0.75, "value": 149000.0, "Latitude": 38.55, "Longitude": -121.39, "Population": 1053.0}, {"index": 12680, "quantile": 1.0, "value": 227700.0, "Latitude": 38.55, "Longitude": -121.39, "Population": 1053.0}, {"index": 12681, "quantile": 0.0, "value": 67000.0, "Latitude": 38.55, "Longitude": -121.39, "Population": 783.0}, {"index": 12681, "quantile": 0.25, "value": 135600.0, "Latitude": 38.55, "Longitude": -121.39, "Population": 783.0}, {"index": 12681, "quantile": 0.5, "value": 154300.0, "Latitude": 38.55, "Longitude": -121.39, "Population": 783.0}, {"index": 12681, "quantile": 0.75, "value": 154300.0, "Latitude": 38.55, "Longitude": -121.39, "Population": 783.0}, {"index": 12681, "quantile": 1.0, "value": 200000.0, "Latitude": 38.55, "Longitude": -121.39, "Population": 783.0}, {"index": 12682, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 38.55, "Longitude": -121.4, "Population": 1088.0}, {"index": 12682, "quantile": 0.25, "value": 142500.0, "Latitude": 38.55, "Longitude": -121.4, "Population": 1088.0}, {"index": 12682, "quantile": 0.5, "value": 142500.0, "Latitude": 38.55, "Longitude": -121.4, "Population": 1088.0}, {"index": 12682, "quantile": 0.75, "value": 146550.0, "Latitude": 38.55, "Longitude": -121.4, "Population": 1088.0}, {"index": 12682, "quantile": 1.0, "value": 311100.0, "Latitude": 38.55, "Longitude": -121.4, "Population": 1088.0}, {"index": 12683, "quantile": 0.0, "value": 49800.0, "Latitude": 38.55, "Longitude": -121.41, "Population": 1495.0}, {"index": 12683, "quantile": 0.25, "value": 100499.99999999999, "Latitude": 38.55, "Longitude": -121.41, "Population": 1495.0}, {"index": 12683, "quantile": 0.5, "value": 156300.0, "Latitude": 38.55, "Longitude": -121.41, "Population": 1495.0}, {"index": 12683, "quantile": 0.75, "value": 156300.0, "Latitude": 38.55, "Longitude": -121.41, "Population": 1495.0}, {"index": 12683, "quantile": 1.0, "value": 250000.0, "Latitude": 38.55, "Longitude": -121.41, "Population": 1495.0}, {"index": 12684, "quantile": 0.0, "value": 81300.0, "Latitude": 38.55, "Longitude": -121.4, "Population": 748.0}, {"index": 12684, "quantile": 0.25, "value": 137425.0, "Latitude": 38.55, "Longitude": -121.4, "Population": 748.0}, {"index": 12684, "quantile": 0.5, "value": 142400.0, "Latitude": 38.55, "Longitude": -121.4, "Population": 748.0}, {"index": 12684, "quantile": 0.75, "value": 142400.0, "Latitude": 38.55, "Longitude": -121.4, "Population": 748.0}, {"index": 12684, "quantile": 1.0, "value": 354000.0, "Latitude": 38.55, "Longitude": -121.4, "Population": 748.0}, {"index": 12685, "quantile": 0.0, "value": 52800.0, "Latitude": 38.53, "Longitude": -121.4, "Population": 65.0}, {"index": 12685, "quantile": 0.25, "value": 85000.0, "Latitude": 38.53, "Longitude": -121.4, "Population": 65.0}, {"index": 12685, "quantile": 0.5, "value": 148100.0, "Latitude": 38.53, "Longitude": -121.4, "Population": 65.0}, {"index": 12685, "quantile": 0.75, "value": 258300.00000000003, "Latitude": 38.53, "Longitude": -121.4, "Population": 65.0}, {"index": 12685, "quantile": 1.0, "value": 450000.0, "Latitude": 38.53, "Longitude": -121.4, "Population": 65.0}, {"index": 12686, "quantile": 0.0, "value": 38800.0, "Latitude": 38.59, "Longitude": -121.48, "Population": 1253.0}, {"index": 12686, "quantile": 0.25, "value": 82100.0, "Latitude": 38.59, "Longitude": -121.48, "Population": 1253.0}, {"index": 12686, "quantile": 0.5, "value": 82100.0, "Latitude": 38.59, "Longitude": -121.48, "Population": 1253.0}, {"index": 12686, "quantile": 0.75, "value": 82100.0, "Latitude": 38.59, "Longitude": -121.48, "Population": 1253.0}, {"index": 12686, "quantile": 1.0, "value": 137500.0, "Latitude": 38.59, "Longitude": -121.48, "Population": 1253.0}, {"index": 12687, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 38.59, "Longitude": -121.5, "Population": 119.0}, {"index": 12687, "quantile": 0.25, "value": 67500.0, "Latitude": 38.59, "Longitude": -121.5, "Population": 119.0}, {"index": 12687, "quantile": 0.5, "value": 67500.0, "Latitude": 38.59, "Longitude": -121.5, "Population": 119.0}, {"index": 12687, "quantile": 0.75, "value": 67500.0, "Latitude": 38.59, "Longitude": -121.5, "Population": 119.0}, {"index": 12687, "quantile": 1.0, "value": 225000.0, "Latitude": 38.59, "Longitude": -121.5, "Population": 119.0}, {"index": 12688, "quantile": 0.0, "value": 85800.0, "Latitude": 38.6, "Longitude": -121.44, "Population": 1240.0}, {"index": 12688, "quantile": 0.25, "value": 125000.0, "Latitude": 38.6, "Longitude": -121.44, "Population": 1240.0}, {"index": 12688, "quantile": 0.5, "value": 137500.0, "Latitude": 38.6, "Longitude": -121.44, "Population": 1240.0}, {"index": 12688, "quantile": 0.75, "value": 137500.0, "Latitude": 38.6, "Longitude": -121.44, "Population": 1240.0}, {"index": 12688, "quantile": 1.0, "value": 450000.0, "Latitude": 38.6, "Longitude": -121.44, "Population": 1240.0}, {"index": 12689, "quantile": 0.0, "value": 181800.0, "Latitude": 38.56, "Longitude": -121.41, "Population": 2455.0}, {"index": 12689, "quantile": 0.25, "value": 231199.99999999997, "Latitude": 38.56, "Longitude": -121.41, "Population": 2455.0}, {"index": 12689, "quantile": 0.5, "value": 280500.0, "Latitude": 38.56, "Longitude": -121.41, "Population": 2455.0}, {"index": 12689, "quantile": 0.75, "value": 348600.0, "Latitude": 38.56, "Longitude": -121.41, "Population": 2455.0}, {"index": 12689, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.56, "Longitude": -121.41, "Population": 2455.0}, {"index": 12690, "quantile": 0.0, "value": 158900.0, "Latitude": 38.57, "Longitude": -121.37, "Population": 1701.0}, {"index": 12690, "quantile": 0.25, "value": 232500.00000000003, "Latitude": 38.57, "Longitude": -121.37, "Population": 1701.0}, {"index": 12690, "quantile": 0.5, "value": 240099.99999999997, "Latitude": 38.57, "Longitude": -121.37, "Population": 1701.0}, {"index": 12690, "quantile": 0.75, "value": 355900.0, "Latitude": 38.57, "Longitude": -121.37, "Population": 1701.0}, {"index": 12690, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.57, "Longitude": -121.37, "Population": 1701.0}, {"index": 12691, "quantile": 0.0, "value": 228700.0, "Latitude": 38.57, "Longitude": -121.39, "Population": 863.0}, {"index": 12691, "quantile": 0.25, "value": 338700.0, "Latitude": 38.57, "Longitude": -121.39, "Population": 863.0}, {"index": 12691, "quantile": 0.5, "value": 338700.0, "Latitude": 38.57, "Longitude": -121.39, "Population": 863.0}, {"index": 12691, "quantile": 0.75, "value": 434500.0, "Latitude": 38.57, "Longitude": -121.39, "Population": 863.0}, {"index": 12691, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.57, "Longitude": -121.39, "Population": 863.0}, {"index": 12692, "quantile": 0.0, "value": 160100.0, "Latitude": 38.57, "Longitude": -121.4, "Population": 639.0}, {"index": 12692, "quantile": 0.25, "value": 236475.0, "Latitude": 38.57, "Longitude": -121.4, "Population": 639.0}, {"index": 12692, "quantile": 0.5, "value": 266000.0, "Latitude": 38.57, "Longitude": -121.4, "Population": 639.0}, {"index": 12692, "quantile": 0.75, "value": 402400.0, "Latitude": 38.57, "Longitude": -121.4, "Population": 639.0}, {"index": 12692, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.57, "Longitude": -121.4, "Population": 639.0}, {"index": 12693, "quantile": 0.0, "value": 77500.0, "Latitude": 38.57, "Longitude": -121.41, "Population": 1538.0}, {"index": 12693, "quantile": 0.25, "value": 190700.0, "Latitude": 38.57, "Longitude": -121.41, "Population": 1538.0}, {"index": 12693, "quantile": 0.5, "value": 190700.0, "Latitude": 38.57, "Longitude": -121.41, "Population": 1538.0}, {"index": 12693, "quantile": 0.75, "value": 190700.0, "Latitude": 38.57, "Longitude": -121.41, "Population": 1538.0}, {"index": 12693, "quantile": 1.0, "value": 375000.0, "Latitude": 38.57, "Longitude": -121.41, "Population": 1538.0}, {"index": 12694, "quantile": 0.0, "value": 172200.0, "Latitude": 38.56, "Longitude": -121.4, "Population": 838.0}, {"index": 12694, "quantile": 0.25, "value": 229300.00000000003, "Latitude": 38.56, "Longitude": -121.4, "Population": 838.0}, {"index": 12694, "quantile": 0.5, "value": 313450.0, "Latitude": 38.56, "Longitude": -121.4, "Population": 838.0}, {"index": 12694, "quantile": 0.75, "value": 362350.0, "Latitude": 38.56, "Longitude": -121.4, "Population": 838.0}, {"index": 12694, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.56, "Longitude": -121.4, "Population": 838.0}, {"index": 12695, "quantile": 0.0, "value": 60600.0, "Latitude": 38.6, "Longitude": -121.42, "Population": 2194.0}, {"index": 12695, "quantile": 0.25, "value": 89600.0, "Latitude": 38.6, "Longitude": -121.42, "Population": 2194.0}, {"index": 12695, "quantile": 0.5, "value": 89600.0, "Latitude": 38.6, "Longitude": -121.42, "Population": 2194.0}, {"index": 12695, "quantile": 0.75, "value": 89600.0, "Latitude": 38.6, "Longitude": -121.42, "Population": 2194.0}, {"index": 12695, "quantile": 1.0, "value": 182600.0, "Latitude": 38.6, "Longitude": -121.42, "Population": 2194.0}, {"index": 12696, "quantile": 0.0, "value": 61900.0, "Latitude": 38.6, "Longitude": -121.42, "Population": 574.0}, {"index": 12696, "quantile": 0.25, "value": 84400.0, "Latitude": 38.6, "Longitude": -121.42, "Population": 574.0}, {"index": 12696, "quantile": 0.5, "value": 102800.0, "Latitude": 38.6, "Longitude": -121.42, "Population": 574.0}, {"index": 12696, "quantile": 0.75, "value": 102800.0, "Latitude": 38.6, "Longitude": -121.42, "Population": 574.0}, {"index": 12696, "quantile": 1.0, "value": 120000.0, "Latitude": 38.6, "Longitude": -121.42, "Population": 574.0}, {"index": 12697, "quantile": 0.0, "value": 71800.0, "Latitude": 38.6, "Longitude": -121.42, "Population": 613.0}, {"index": 12697, "quantile": 0.25, "value": 111400.00000000001, "Latitude": 38.6, "Longitude": -121.42, "Population": 613.0}, {"index": 12697, "quantile": 0.5, "value": 111400.00000000001, "Latitude": 38.6, "Longitude": -121.42, "Population": 613.0}, {"index": 12697, "quantile": 0.75, "value": 111400.00000000001, "Latitude": 38.6, "Longitude": -121.42, "Population": 613.0}, {"index": 12697, "quantile": 1.0, "value": 220100.0, "Latitude": 38.6, "Longitude": -121.42, "Population": 613.0}, {"index": 12698, "quantile": 0.0, "value": 52000.0, "Latitude": 38.61, "Longitude": -121.43, "Population": 1100.0}, {"index": 12698, "quantile": 0.25, "value": 92875.0, "Latitude": 38.61, "Longitude": -121.43, "Population": 1100.0}, {"index": 12698, "quantile": 0.5, "value": 95700.0, "Latitude": 38.61, "Longitude": -121.43, "Population": 1100.0}, {"index": 12698, "quantile": 0.75, "value": 95700.0, "Latitude": 38.61, "Longitude": -121.43, "Population": 1100.0}, {"index": 12698, "quantile": 1.0, "value": 188800.0, "Latitude": 38.61, "Longitude": -121.43, "Population": 1100.0}, {"index": 12699, "quantile": 0.0, "value": 50500.0, "Latitude": 38.61, "Longitude": -121.44, "Population": 149.0}, {"index": 12699, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 38.61, "Longitude": -121.44, "Population": 149.0}, {"index": 12699, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 38.61, "Longitude": -121.44, "Population": 149.0}, {"index": 12699, "quantile": 0.75, "value": 75000.0, "Latitude": 38.61, "Longitude": -121.44, "Population": 149.0}, {"index": 12699, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.61, "Longitude": -121.44, "Population": 149.0}, {"index": 12700, "quantile": 0.0, "value": 91600.0, "Latitude": 38.61, "Longitude": -121.41, "Population": 1322.0}, {"index": 12700, "quantile": 0.25, "value": 105500.0, "Latitude": 38.61, "Longitude": -121.41, "Population": 1322.0}, {"index": 12700, "quantile": 0.5, "value": 105500.0, "Latitude": 38.61, "Longitude": -121.41, "Population": 1322.0}, {"index": 12700, "quantile": 0.75, "value": 137125.0, "Latitude": 38.61, "Longitude": -121.41, "Population": 1322.0}, {"index": 12700, "quantile": 1.0, "value": 252300.0, "Latitude": 38.61, "Longitude": -121.41, "Population": 1322.0}, {"index": 12701, "quantile": 0.0, "value": 32500.0, "Latitude": 38.6, "Longitude": -121.41, "Population": 2523.0}, {"index": 12701, "quantile": 0.25, "value": 104200.0, "Latitude": 38.6, "Longitude": -121.41, "Population": 2523.0}, {"index": 12701, "quantile": 0.5, "value": 104200.0, "Latitude": 38.6, "Longitude": -121.41, "Population": 2523.0}, {"index": 12701, "quantile": 0.75, "value": 104200.0, "Latitude": 38.6, "Longitude": -121.41, "Population": 2523.0}, {"index": 12701, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.6, "Longitude": -121.41, "Population": 2523.0}, {"index": 12702, "quantile": 0.0, "value": 80800.0, "Latitude": 38.59, "Longitude": -121.41, "Population": 2883.0}, {"index": 12702, "quantile": 0.25, "value": 110125.0, "Latitude": 38.59, "Longitude": -121.41, "Population": 2883.0}, {"index": 12702, "quantile": 0.5, "value": 114500.0, "Latitude": 38.59, "Longitude": -121.41, "Population": 2883.0}, {"index": 12702, "quantile": 0.75, "value": 114500.0, "Latitude": 38.59, "Longitude": -121.41, "Population": 2883.0}, {"index": 12702, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 38.59, "Longitude": -121.41, "Population": 2883.0}, {"index": 12703, "quantile": 0.0, "value": 87100.0, "Latitude": 38.59, "Longitude": -121.41, "Population": 5692.0}, {"index": 12703, "quantile": 0.25, "value": 99100.0, "Latitude": 38.59, "Longitude": -121.41, "Population": 5692.0}, {"index": 12703, "quantile": 0.5, "value": 99100.0, "Latitude": 38.59, "Longitude": -121.41, "Population": 5692.0}, {"index": 12703, "quantile": 0.75, "value": 126350.0, "Latitude": 38.59, "Longitude": -121.41, "Population": 5692.0}, {"index": 12703, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.59, "Longitude": -121.41, "Population": 5692.0}, {"index": 12704, "quantile": 0.0, "value": 111600.00000000001, "Latitude": 38.58, "Longitude": -121.41, "Population": 2803.0}, {"index": 12704, "quantile": 0.25, "value": 141400.0, "Latitude": 38.58, "Longitude": -121.41, "Population": 2803.0}, {"index": 12704, "quantile": 0.5, "value": 141400.0, "Latitude": 38.58, "Longitude": -121.41, "Population": 2803.0}, {"index": 12704, "quantile": 0.75, "value": 141400.0, "Latitude": 38.58, "Longitude": -121.41, "Population": 2803.0}, {"index": 12704, "quantile": 1.0, "value": 273700.0, "Latitude": 38.58, "Longitude": -121.41, "Population": 2803.0}, {"index": 12705, "quantile": 0.0, "value": 72100.0, "Latitude": 38.61, "Longitude": -121.39, "Population": 1225.0}, {"index": 12705, "quantile": 0.25, "value": 117625.0, "Latitude": 38.61, "Longitude": -121.39, "Population": 1225.0}, {"index": 12705, "quantile": 0.5, "value": 136600.0, "Latitude": 38.61, "Longitude": -121.39, "Population": 1225.0}, {"index": 12705, "quantile": 0.75, "value": 136600.0, "Latitude": 38.61, "Longitude": -121.39, "Population": 1225.0}, {"index": 12705, "quantile": 1.0, "value": 166700.0, "Latitude": 38.61, "Longitude": -121.39, "Population": 1225.0}, {"index": 12706, "quantile": 0.0, "value": 84400.0, "Latitude": 38.6, "Longitude": -121.39, "Population": 2607.0}, {"index": 12706, "quantile": 0.25, "value": 118800.0, "Latitude": 38.6, "Longitude": -121.39, "Population": 2607.0}, {"index": 12706, "quantile": 0.5, "value": 118800.0, "Latitude": 38.6, "Longitude": -121.39, "Population": 2607.0}, {"index": 12706, "quantile": 0.75, "value": 130400.0, "Latitude": 38.6, "Longitude": -121.39, "Population": 2607.0}, {"index": 12706, "quantile": 1.0, "value": 229199.99999999997, "Latitude": 38.6, "Longitude": -121.39, "Population": 2607.0}, {"index": 12707, "quantile": 0.0, "value": 98800.0, "Latitude": 38.61, "Longitude": -121.4, "Population": 782.0}, {"index": 12707, "quantile": 0.25, "value": 136400.0, "Latitude": 38.61, "Longitude": -121.4, "Population": 782.0}, {"index": 12707, "quantile": 0.5, "value": 136400.0, "Latitude": 38.61, "Longitude": -121.4, "Population": 782.0}, {"index": 12707, "quantile": 0.75, "value": 136400.0, "Latitude": 38.61, "Longitude": -121.4, "Population": 782.0}, {"index": 12707, "quantile": 1.0, "value": 262000.0, "Latitude": 38.61, "Longitude": -121.4, "Population": 782.0}, {"index": 12708, "quantile": 0.0, "value": 72600.0, "Latitude": 38.59, "Longitude": -121.38, "Population": 764.0}, {"index": 12708, "quantile": 0.25, "value": 103000.0, "Latitude": 38.59, "Longitude": -121.38, "Population": 764.0}, {"index": 12708, "quantile": 0.5, "value": 103000.0, "Latitude": 38.59, "Longitude": -121.38, "Population": 764.0}, {"index": 12708, "quantile": 0.75, "value": 103000.0, "Latitude": 38.59, "Longitude": -121.38, "Population": 764.0}, {"index": 12708, "quantile": 1.0, "value": 170400.0, "Latitude": 38.59, "Longitude": -121.38, "Population": 764.0}, {"index": 12709, "quantile": 0.0, "value": 32500.0, "Latitude": 38.59, "Longitude": -121.39, "Population": 1053.0}, {"index": 12709, "quantile": 0.25, "value": 83475.0, "Latitude": 38.59, "Longitude": -121.39, "Population": 1053.0}, {"index": 12709, "quantile": 0.5, "value": 99900.0, "Latitude": 38.59, "Longitude": -121.39, "Population": 1053.0}, {"index": 12709, "quantile": 0.75, "value": 118800.0, "Latitude": 38.59, "Longitude": -121.39, "Population": 1053.0}, {"index": 12709, "quantile": 1.0, "value": 250000.0, "Latitude": 38.59, "Longitude": -121.39, "Population": 1053.0}, {"index": 12710, "quantile": 0.0, "value": 73100.0, "Latitude": 38.59, "Longitude": -121.39, "Population": 563.0}, {"index": 12710, "quantile": 0.25, "value": 113599.99999999999, "Latitude": 38.59, "Longitude": -121.39, "Population": 563.0}, {"index": 12710, "quantile": 0.5, "value": 113599.99999999999, "Latitude": 38.59, "Longitude": -121.39, "Population": 563.0}, {"index": 12710, "quantile": 0.75, "value": 113599.99999999999, "Latitude": 38.59, "Longitude": -121.39, "Population": 563.0}, {"index": 12710, "quantile": 1.0, "value": 148300.0, "Latitude": 38.59, "Longitude": -121.39, "Population": 563.0}, {"index": 12711, "quantile": 0.0, "value": 32500.0, "Latitude": 38.59, "Longitude": -121.4, "Population": 1130.0}, {"index": 12711, "quantile": 0.25, "value": 97500.0, "Latitude": 38.59, "Longitude": -121.4, "Population": 1130.0}, {"index": 12711, "quantile": 0.5, "value": 115550.0, "Latitude": 38.59, "Longitude": -121.4, "Population": 1130.0}, {"index": 12711, "quantile": 0.75, "value": 134100.0, "Latitude": 38.59, "Longitude": -121.4, "Population": 1130.0}, {"index": 12711, "quantile": 1.0, "value": 184100.0, "Latitude": 38.59, "Longitude": -121.4, "Population": 1130.0}, {"index": 12712, "quantile": 0.0, "value": 32500.0, "Latitude": 38.59, "Longitude": -121.4, "Population": 1181.0}, {"index": 12712, "quantile": 0.25, "value": 153425.0, "Latitude": 38.59, "Longitude": -121.4, "Population": 1181.0}, {"index": 12712, "quantile": 0.5, "value": 156800.0, "Latitude": 38.59, "Longitude": -121.4, "Population": 1181.0}, {"index": 12712, "quantile": 0.75, "value": 156800.0, "Latitude": 38.59, "Longitude": -121.4, "Population": 1181.0}, {"index": 12712, "quantile": 1.0, "value": 225000.0, "Latitude": 38.59, "Longitude": -121.4, "Population": 1181.0}, {"index": 12713, "quantile": 0.0, "value": 71700.0, "Latitude": 38.59, "Longitude": -121.38, "Population": 1018.0}, {"index": 12713, "quantile": 0.25, "value": 98700.0, "Latitude": 38.59, "Longitude": -121.38, "Population": 1018.0}, {"index": 12713, "quantile": 0.5, "value": 98700.0, "Latitude": 38.59, "Longitude": -121.38, "Population": 1018.0}, {"index": 12713, "quantile": 0.75, "value": 98700.0, "Latitude": 38.59, "Longitude": -121.38, "Population": 1018.0}, {"index": 12713, "quantile": 1.0, "value": 220100.0, "Latitude": 38.59, "Longitude": -121.38, "Population": 1018.0}, {"index": 12714, "quantile": 0.0, "value": 71200.0, "Latitude": 38.58, "Longitude": -121.39, "Population": 878.0}, {"index": 12714, "quantile": 0.25, "value": 93400.0, "Latitude": 38.58, "Longitude": -121.39, "Population": 878.0}, {"index": 12714, "quantile": 0.5, "value": 93400.0, "Latitude": 38.58, "Longitude": -121.39, "Population": 878.0}, {"index": 12714, "quantile": 0.75, "value": 99400.0, "Latitude": 38.58, "Longitude": -121.39, "Population": 878.0}, {"index": 12714, "quantile": 1.0, "value": 162100.0, "Latitude": 38.58, "Longitude": -121.39, "Population": 878.0}, {"index": 12715, "quantile": 0.0, "value": 157700.0, "Latitude": 38.58, "Longitude": -121.39, "Population": 913.0}, {"index": 12715, "quantile": 0.25, "value": 335600.0, "Latitude": 38.58, "Longitude": -121.39, "Population": 913.0}, {"index": 12715, "quantile": 0.5, "value": 448299.99999999994, "Latitude": 38.58, "Longitude": -121.39, "Population": 913.0}, {"index": 12715, "quantile": 0.75, "value": 448299.99999999994, "Latitude": 38.58, "Longitude": -121.39, "Population": 913.0}, {"index": 12715, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.58, "Longitude": -121.39, "Population": 913.0}, {"index": 12716, "quantile": 0.0, "value": 81900.0, "Latitude": 38.6, "Longitude": -121.37, "Population": 1312.0}, {"index": 12716, "quantile": 0.25, "value": 133000.0, "Latitude": 38.6, "Longitude": -121.37, "Population": 1312.0}, {"index": 12716, "quantile": 0.5, "value": 136800.0, "Latitude": 38.6, "Longitude": -121.37, "Population": 1312.0}, {"index": 12716, "quantile": 0.75, "value": 136800.0, "Latitude": 38.6, "Longitude": -121.37, "Population": 1312.0}, {"index": 12716, "quantile": 1.0, "value": 216100.0, "Latitude": 38.6, "Longitude": -121.37, "Population": 1312.0}, {"index": 12717, "quantile": 0.0, "value": 129500.0, "Latitude": 38.6, "Longitude": -121.37, "Population": 414.0}, {"index": 12717, "quantile": 0.25, "value": 247900.0, "Latitude": 38.6, "Longitude": -121.37, "Population": 414.0}, {"index": 12717, "quantile": 0.5, "value": 283300.0, "Latitude": 38.6, "Longitude": -121.37, "Population": 414.0}, {"index": 12717, "quantile": 0.75, "value": 283300.0, "Latitude": 38.6, "Longitude": -121.37, "Population": 414.0}, {"index": 12717, "quantile": 1.0, "value": 470000.0, "Latitude": 38.6, "Longitude": -121.37, "Population": 414.0}, {"index": 12718, "quantile": 0.0, "value": 146200.0, "Latitude": 38.6, "Longitude": -121.38, "Population": 362.0}, {"index": 12718, "quantile": 0.25, "value": 362800.0, "Latitude": 38.6, "Longitude": -121.38, "Population": 362.0}, {"index": 12718, "quantile": 0.5, "value": 446400.00000000006, "Latitude": 38.6, "Longitude": -121.38, "Population": 362.0}, {"index": 12718, "quantile": 0.75, "value": 446400.00000000006, "Latitude": 38.6, "Longitude": -121.38, "Population": 362.0}, {"index": 12718, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.6, "Longitude": -121.38, "Population": 362.0}, {"index": 12719, "quantile": 0.0, "value": 79000.0, "Latitude": 38.61, "Longitude": -121.38, "Population": 1168.0}, {"index": 12719, "quantile": 0.25, "value": 100574.99999999999, "Latitude": 38.61, "Longitude": -121.38, "Population": 1168.0}, {"index": 12719, "quantile": 0.5, "value": 116199.99999999999, "Latitude": 38.61, "Longitude": -121.38, "Population": 1168.0}, {"index": 12719, "quantile": 0.75, "value": 158500.0, "Latitude": 38.61, "Longitude": -121.38, "Population": 1168.0}, {"index": 12719, "quantile": 1.0, "value": 220100.0, "Latitude": 38.61, "Longitude": -121.38, "Population": 1168.0}, {"index": 12720, "quantile": 0.0, "value": 82600.0, "Latitude": 38.59, "Longitude": -121.37, "Population": 927.0}, {"index": 12720, "quantile": 0.25, "value": 157575.0, "Latitude": 38.59, "Longitude": -121.37, "Population": 927.0}, {"index": 12720, "quantile": 0.5, "value": 207799.99999999997, "Latitude": 38.59, "Longitude": -121.37, "Population": 927.0}, {"index": 12720, "quantile": 0.75, "value": 207799.99999999997, "Latitude": 38.59, "Longitude": -121.37, "Population": 927.0}, {"index": 12720, "quantile": 1.0, "value": 227700.0, "Latitude": 38.59, "Longitude": -121.37, "Population": 927.0}, {"index": 12721, "quantile": 0.0, "value": 172200.0, "Latitude": 38.58, "Longitude": -121.37, "Population": 1006.0}, {"index": 12721, "quantile": 0.25, "value": 228700.0, "Latitude": 38.58, "Longitude": -121.37, "Population": 1006.0}, {"index": 12721, "quantile": 0.5, "value": 339799.99999999994, "Latitude": 38.58, "Longitude": -121.37, "Population": 1006.0}, {"index": 12721, "quantile": 0.75, "value": 420800.0, "Latitude": 38.58, "Longitude": -121.37, "Population": 1006.0}, {"index": 12721, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.58, "Longitude": -121.37, "Population": 1006.0}, {"index": 12722, "quantile": 0.0, "value": 136400.0, "Latitude": 38.58, "Longitude": -121.38, "Population": 1176.0}, {"index": 12722, "quantile": 0.25, "value": 169500.0, "Latitude": 38.58, "Longitude": -121.38, "Population": 1176.0}, {"index": 12722, "quantile": 0.5, "value": 196100.0, "Latitude": 38.58, "Longitude": -121.38, "Population": 1176.0}, {"index": 12722, "quantile": 0.75, "value": 232500.00000000003, "Latitude": 38.58, "Longitude": -121.38, "Population": 1176.0}, {"index": 12722, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.58, "Longitude": -121.38, "Population": 1176.0}, {"index": 12723, "quantile": 0.0, "value": 84200.0, "Latitude": 38.59, "Longitude": -121.38, "Population": 685.0}, {"index": 12723, "quantile": 0.25, "value": 189400.0, "Latitude": 38.59, "Longitude": -121.38, "Population": 685.0}, {"index": 12723, "quantile": 0.5, "value": 189400.0, "Latitude": 38.59, "Longitude": -121.38, "Population": 685.0}, {"index": 12723, "quantile": 0.75, "value": 189400.0, "Latitude": 38.59, "Longitude": -121.38, "Population": 685.0}, {"index": 12723, "quantile": 1.0, "value": 235600.0, "Latitude": 38.59, "Longitude": -121.38, "Population": 685.0}, {"index": 12724, "quantile": 0.0, "value": 115500.0, "Latitude": 38.59, "Longitude": -121.37, "Population": 838.0}, {"index": 12724, "quantile": 0.25, "value": 194100.0, "Latitude": 38.59, "Longitude": -121.37, "Population": 838.0}, {"index": 12724, "quantile": 0.5, "value": 194100.0, "Latitude": 38.59, "Longitude": -121.37, "Population": 838.0}, {"index": 12724, "quantile": 0.75, "value": 194100.0, "Latitude": 38.59, "Longitude": -121.37, "Population": 838.0}, {"index": 12724, "quantile": 1.0, "value": 437500.0, "Latitude": 38.59, "Longitude": -121.37, "Population": 838.0}, {"index": 12725, "quantile": 0.0, "value": 92400.0, "Latitude": 38.61, "Longitude": -121.35, "Population": 1549.0}, {"index": 12725, "quantile": 0.25, "value": 115700.0, "Latitude": 38.61, "Longitude": -121.35, "Population": 1549.0}, {"index": 12725, "quantile": 0.5, "value": 115700.0, "Latitude": 38.61, "Longitude": -121.35, "Population": 1549.0}, {"index": 12725, "quantile": 0.75, "value": 120250.00000000001, "Latitude": 38.61, "Longitude": -121.35, "Population": 1549.0}, {"index": 12725, "quantile": 1.0, "value": 190200.0, "Latitude": 38.61, "Longitude": -121.35, "Population": 1549.0}, {"index": 12726, "quantile": 0.0, "value": 124900.00000000001, "Latitude": 38.6, "Longitude": -121.35, "Population": 1662.0}, {"index": 12726, "quantile": 0.25, "value": 170100.0, "Latitude": 38.6, "Longitude": -121.35, "Population": 1662.0}, {"index": 12726, "quantile": 0.5, "value": 170100.0, "Latitude": 38.6, "Longitude": -121.35, "Population": 1662.0}, {"index": 12726, "quantile": 0.75, "value": 170500.0, "Latitude": 38.6, "Longitude": -121.35, "Population": 1662.0}, {"index": 12726, "quantile": 1.0, "value": 336900.0, "Latitude": 38.6, "Longitude": -121.35, "Population": 1662.0}, {"index": 12727, "quantile": 0.0, "value": 84200.0, "Latitude": 38.6, "Longitude": -121.36, "Population": 805.0}, {"index": 12727, "quantile": 0.25, "value": 133000.0, "Latitude": 38.6, "Longitude": -121.36, "Population": 805.0}, {"index": 12727, "quantile": 0.5, "value": 133000.0, "Latitude": 38.6, "Longitude": -121.36, "Population": 805.0}, {"index": 12727, "quantile": 0.75, "value": 133000.0, "Latitude": 38.6, "Longitude": -121.36, "Population": 805.0}, {"index": 12727, "quantile": 1.0, "value": 207799.99999999997, "Latitude": 38.6, "Longitude": -121.36, "Population": 805.0}, {"index": 12728, "quantile": 0.0, "value": 105500.0, "Latitude": 38.6, "Longitude": -121.36, "Population": 530.0}, {"index": 12728, "quantile": 0.25, "value": 136400.0, "Latitude": 38.6, "Longitude": -121.36, "Population": 530.0}, {"index": 12728, "quantile": 0.5, "value": 147100.0, "Latitude": 38.6, "Longitude": -121.36, "Population": 530.0}, {"index": 12728, "quantile": 0.75, "value": 161400.0, "Latitude": 38.6, "Longitude": -121.36, "Population": 530.0}, {"index": 12728, "quantile": 1.0, "value": 271700.0, "Latitude": 38.6, "Longitude": -121.36, "Population": 530.0}, {"index": 12729, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 38.61, "Longitude": -121.36, "Population": 993.0}, {"index": 12729, "quantile": 0.25, "value": 144100.0, "Latitude": 38.61, "Longitude": -121.36, "Population": 993.0}, {"index": 12729, "quantile": 0.5, "value": 144100.0, "Latitude": 38.61, "Longitude": -121.36, "Population": 993.0}, {"index": 12729, "quantile": 0.75, "value": 144100.0, "Latitude": 38.61, "Longitude": -121.36, "Population": 993.0}, {"index": 12729, "quantile": 1.0, "value": 270600.0, "Latitude": 38.61, "Longitude": -121.36, "Population": 993.0}, {"index": 12730, "quantile": 0.0, "value": 136400.0, "Latitude": 38.59, "Longitude": -121.35, "Population": 460.0}, {"index": 12730, "quantile": 0.25, "value": 236050.0, "Latitude": 38.59, "Longitude": -121.35, "Population": 460.0}, {"index": 12730, "quantile": 0.5, "value": 265700.0, "Latitude": 38.59, "Longitude": -121.35, "Population": 460.0}, {"index": 12730, "quantile": 0.75, "value": 265700.0, "Latitude": 38.59, "Longitude": -121.35, "Population": 460.0}, {"index": 12730, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.59, "Longitude": -121.35, "Population": 460.0}, {"index": 12731, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 38.59, "Longitude": -121.36, "Population": 1185.0}, {"index": 12731, "quantile": 0.25, "value": 223675.00000000003, "Latitude": 38.59, "Longitude": -121.36, "Population": 1185.0}, {"index": 12731, "quantile": 0.5, "value": 225700.0, "Latitude": 38.59, "Longitude": -121.36, "Population": 1185.0}, {"index": 12731, "quantile": 0.75, "value": 225700.0, "Latitude": 38.59, "Longitude": -121.36, "Population": 1185.0}, {"index": 12731, "quantile": 1.0, "value": 361100.0, "Latitude": 38.59, "Longitude": -121.36, "Population": 1185.0}, {"index": 12732, "quantile": 0.0, "value": 193500.0, "Latitude": 38.58, "Longitude": -121.36, "Population": 978.0}, {"index": 12732, "quantile": 0.25, "value": 344000.0, "Latitude": 38.58, "Longitude": -121.36, "Population": 978.0}, {"index": 12732, "quantile": 0.5, "value": 344000.0, "Latitude": 38.58, "Longitude": -121.36, "Population": 978.0}, {"index": 12732, "quantile": 0.75, "value": 345800.0, "Latitude": 38.58, "Longitude": -121.36, "Population": 978.0}, {"index": 12732, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.58, "Longitude": -121.36, "Population": 978.0}, {"index": 12733, "quantile": 0.0, "value": 224100.0, "Latitude": 38.58, "Longitude": -121.35, "Population": 1105.0}, {"index": 12733, "quantile": 0.25, "value": 358700.0, "Latitude": 38.58, "Longitude": -121.35, "Population": 1105.0}, {"index": 12733, "quantile": 0.5, "value": 391100.0, "Latitude": 38.58, "Longitude": -121.35, "Population": 1105.0}, {"index": 12733, "quantile": 0.75, "value": 441000.0, "Latitude": 38.58, "Longitude": -121.35, "Population": 1105.0}, {"index": 12733, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.58, "Longitude": -121.35, "Population": 1105.0}, {"index": 12734, "quantile": 0.0, "value": 165200.0, "Latitude": 38.58, "Longitude": -121.34, "Population": 599.0}, {"index": 12734, "quantile": 0.25, "value": 256149.99999999997, "Latitude": 38.58, "Longitude": -121.34, "Population": 599.0}, {"index": 12734, "quantile": 0.5, "value": 362550.0, "Latitude": 38.58, "Longitude": -121.34, "Population": 599.0}, {"index": 12734, "quantile": 0.75, "value": 393000.0, "Latitude": 38.58, "Longitude": -121.34, "Population": 599.0}, {"index": 12734, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.58, "Longitude": -121.34, "Population": 599.0}, {"index": 12735, "quantile": 0.0, "value": 164700.0, "Latitude": 38.59, "Longitude": -121.34, "Population": 1132.0}, {"index": 12735, "quantile": 0.25, "value": 225900.0, "Latitude": 38.59, "Longitude": -121.34, "Population": 1132.0}, {"index": 12735, "quantile": 0.5, "value": 225900.0, "Latitude": 38.59, "Longitude": -121.34, "Population": 1132.0}, {"index": 12735, "quantile": 0.75, "value": 227500.0, "Latitude": 38.59, "Longitude": -121.34, "Population": 1132.0}, {"index": 12735, "quantile": 1.0, "value": 420500.0, "Latitude": 38.59, "Longitude": -121.34, "Population": 1132.0}, {"index": 12736, "quantile": 0.0, "value": 276600.0, "Latitude": 38.59, "Longitude": -121.34, "Population": 1151.0}, {"index": 12736, "quantile": 0.25, "value": 380000.0, "Latitude": 38.59, "Longitude": -121.34, "Population": 1151.0}, {"index": 12736, "quantile": 0.5, "value": 380000.0, "Latitude": 38.59, "Longitude": -121.34, "Population": 1151.0}, {"index": 12736, "quantile": 0.75, "value": 393475.0, "Latitude": 38.59, "Longitude": -121.34, "Population": 1151.0}, {"index": 12736, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.59, "Longitude": -121.34, "Population": 1151.0}, {"index": 12737, "quantile": 0.0, "value": 133800.0, "Latitude": 38.64, "Longitude": -121.36, "Population": 2667.0}, {"index": 12737, "quantile": 0.25, "value": 175200.0, "Latitude": 38.64, "Longitude": -121.36, "Population": 2667.0}, {"index": 12737, "quantile": 0.5, "value": 175200.0, "Latitude": 38.64, "Longitude": -121.36, "Population": 2667.0}, {"index": 12737, "quantile": 0.75, "value": 197000.0, "Latitude": 38.64, "Longitude": -121.36, "Population": 2667.0}, {"index": 12737, "quantile": 1.0, "value": 488999.99999999994, "Latitude": 38.64, "Longitude": -121.36, "Population": 2667.0}, {"index": 12738, "quantile": 0.0, "value": 115500.0, "Latitude": 38.63, "Longitude": -121.36, "Population": 2631.0}, {"index": 12738, "quantile": 0.25, "value": 146400.0, "Latitude": 38.63, "Longitude": -121.36, "Population": 2631.0}, {"index": 12738, "quantile": 0.5, "value": 146400.0, "Latitude": 38.63, "Longitude": -121.36, "Population": 2631.0}, {"index": 12738, "quantile": 0.75, "value": 159975.0, "Latitude": 38.63, "Longitude": -121.36, "Population": 2631.0}, {"index": 12738, "quantile": 1.0, "value": 361100.0, "Latitude": 38.63, "Longitude": -121.36, "Population": 2631.0}, {"index": 12739, "quantile": 0.0, "value": 67300.0, "Latitude": 38.62, "Longitude": -121.35, "Population": 2032.0}, {"index": 12739, "quantile": 0.25, "value": 164000.0, "Latitude": 38.62, "Longitude": -121.35, "Population": 2032.0}, {"index": 12739, "quantile": 0.5, "value": 164000.0, "Latitude": 38.62, "Longitude": -121.35, "Population": 2032.0}, {"index": 12739, "quantile": 0.75, "value": 164000.0, "Latitude": 38.62, "Longitude": -121.35, "Population": 2032.0}, {"index": 12739, "quantile": 1.0, "value": 220100.0, "Latitude": 38.62, "Longitude": -121.35, "Population": 2032.0}, {"index": 12740, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.61, "Longitude": -121.35, "Population": 2140.0}, {"index": 12740, "quantile": 0.25, "value": 134100.0, "Latitude": 38.61, "Longitude": -121.35, "Population": 2140.0}, {"index": 12740, "quantile": 0.5, "value": 134100.0, "Latitude": 38.61, "Longitude": -121.35, "Population": 2140.0}, {"index": 12740, "quantile": 0.75, "value": 134100.0, "Latitude": 38.61, "Longitude": -121.35, "Population": 2140.0}, {"index": 12740, "quantile": 1.0, "value": 225000.0, "Latitude": 38.61, "Longitude": -121.35, "Population": 2140.0}, {"index": 12741, "quantile": 0.0, "value": 88400.0, "Latitude": 38.61, "Longitude": -121.36, "Population": 951.0}, {"index": 12741, "quantile": 0.25, "value": 159250.0, "Latitude": 38.61, "Longitude": -121.36, "Population": 951.0}, {"index": 12741, "quantile": 0.5, "value": 159500.0, "Latitude": 38.61, "Longitude": -121.36, "Population": 951.0}, {"index": 12741, "quantile": 0.75, "value": 159500.0, "Latitude": 38.61, "Longitude": -121.36, "Population": 951.0}, {"index": 12741, "quantile": 1.0, "value": 269500.0, "Latitude": 38.61, "Longitude": -121.36, "Population": 951.0}, {"index": 12742, "quantile": 0.0, "value": 69800.0, "Latitude": 38.62, "Longitude": -121.36, "Population": 1077.0}, {"index": 12742, "quantile": 0.25, "value": 117174.99999999999, "Latitude": 38.62, "Longitude": -121.36, "Population": 1077.0}, {"index": 12742, "quantile": 0.5, "value": 133000.0, "Latitude": 38.62, "Longitude": -121.36, "Population": 1077.0}, {"index": 12742, "quantile": 0.75, "value": 133000.0, "Latitude": 38.62, "Longitude": -121.36, "Population": 1077.0}, {"index": 12742, "quantile": 1.0, "value": 150500.0, "Latitude": 38.62, "Longitude": -121.36, "Population": 1077.0}, {"index": 12743, "quantile": 0.0, "value": 115500.0, "Latitude": 38.63, "Longitude": -121.36, "Population": 940.0}, {"index": 12743, "quantile": 0.25, "value": 164500.0, "Latitude": 38.63, "Longitude": -121.36, "Population": 940.0}, {"index": 12743, "quantile": 0.5, "value": 164500.0, "Latitude": 38.63, "Longitude": -121.36, "Population": 940.0}, {"index": 12743, "quantile": 0.75, "value": 164500.0, "Latitude": 38.63, "Longitude": -121.36, "Population": 940.0}, {"index": 12743, "quantile": 1.0, "value": 311100.0, "Latitude": 38.63, "Longitude": -121.36, "Population": 940.0}, {"index": 12744, "quantile": 0.0, "value": 81300.0, "Latitude": 38.64, "Longitude": -121.37, "Population": 133.0}, {"index": 12744, "quantile": 0.25, "value": 139300.0, "Latitude": 38.64, "Longitude": -121.37, "Population": 133.0}, {"index": 12744, "quantile": 0.5, "value": 139300.0, "Latitude": 38.64, "Longitude": -121.37, "Population": 133.0}, {"index": 12744, "quantile": 0.75, "value": 139300.0, "Latitude": 38.64, "Longitude": -121.37, "Population": 133.0}, {"index": 12744, "quantile": 1.0, "value": 437500.0, "Latitude": 38.64, "Longitude": -121.37, "Population": 133.0}, {"index": 12745, "quantile": 0.0, "value": 32500.0, "Latitude": 38.64, "Longitude": -121.38, "Population": 2256.0}, {"index": 12745, "quantile": 0.25, "value": 88600.0, "Latitude": 38.64, "Longitude": -121.38, "Population": 2256.0}, {"index": 12745, "quantile": 0.5, "value": 94100.0, "Latitude": 38.64, "Longitude": -121.38, "Population": 2256.0}, {"index": 12745, "quantile": 0.75, "value": 113199.99999999999, "Latitude": 38.64, "Longitude": -121.38, "Population": 2256.0}, {"index": 12745, "quantile": 1.0, "value": 158600.0, "Latitude": 38.64, "Longitude": -121.38, "Population": 2256.0}, {"index": 12746, "quantile": 0.0, "value": 67000.0, "Latitude": 38.63, "Longitude": -121.37, "Population": 1452.0}, {"index": 12746, "quantile": 0.25, "value": 120700.00000000001, "Latitude": 38.63, "Longitude": -121.37, "Population": 1452.0}, {"index": 12746, "quantile": 0.5, "value": 120700.00000000001, "Latitude": 38.63, "Longitude": -121.37, "Population": 1452.0}, {"index": 12746, "quantile": 0.75, "value": 120700.00000000001, "Latitude": 38.63, "Longitude": -121.37, "Population": 1452.0}, {"index": 12746, "quantile": 1.0, "value": 225000.0, "Latitude": 38.63, "Longitude": -121.37, "Population": 1452.0}, {"index": 12747, "quantile": 0.0, "value": 97300.0, "Latitude": 38.63, "Longitude": -121.37, "Population": 253.0}, {"index": 12747, "quantile": 0.25, "value": 141100.0, "Latitude": 38.63, "Longitude": -121.37, "Population": 253.0}, {"index": 12747, "quantile": 0.5, "value": 141100.0, "Latitude": 38.63, "Longitude": -121.37, "Population": 253.0}, {"index": 12747, "quantile": 0.75, "value": 141100.0, "Latitude": 38.63, "Longitude": -121.37, "Population": 253.0}, {"index": 12747, "quantile": 1.0, "value": 236200.0, "Latitude": 38.63, "Longitude": -121.37, "Population": 253.0}, {"index": 12748, "quantile": 0.0, "value": 128800.0, "Latitude": 38.63, "Longitude": -121.37, "Population": 2532.0}, {"index": 12748, "quantile": 0.25, "value": 151800.0, "Latitude": 38.63, "Longitude": -121.37, "Population": 2532.0}, {"index": 12748, "quantile": 0.5, "value": 151800.0, "Latitude": 38.63, "Longitude": -121.37, "Population": 2532.0}, {"index": 12748, "quantile": 0.75, "value": 151800.0, "Latitude": 38.63, "Longitude": -121.37, "Population": 2532.0}, {"index": 12748, "quantile": 1.0, "value": 240000.0, "Latitude": 38.63, "Longitude": -121.37, "Population": 2532.0}, {"index": 12749, "quantile": 0.0, "value": 67000.0, "Latitude": 38.62, "Longitude": -121.37, "Population": 697.0}, {"index": 12749, "quantile": 0.25, "value": 118800.0, "Latitude": 38.62, "Longitude": -121.37, "Population": 697.0}, {"index": 12749, "quantile": 0.5, "value": 166100.0, "Latitude": 38.62, "Longitude": -121.37, "Population": 697.0}, {"index": 12749, "quantile": 0.75, "value": 166100.0, "Latitude": 38.62, "Longitude": -121.37, "Population": 697.0}, {"index": 12749, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 38.62, "Longitude": -121.37, "Population": 697.0}, {"index": 12750, "quantile": 0.0, "value": 85800.0, "Latitude": 38.62, "Longitude": -121.38, "Population": 1127.0}, {"index": 12750, "quantile": 0.25, "value": 116500.0, "Latitude": 38.62, "Longitude": -121.38, "Population": 1127.0}, {"index": 12750, "quantile": 0.5, "value": 116500.0, "Latitude": 38.62, "Longitude": -121.38, "Population": 1127.0}, {"index": 12750, "quantile": 0.75, "value": 120650.00000000001, "Latitude": 38.62, "Longitude": -121.38, "Population": 1127.0}, {"index": 12750, "quantile": 1.0, "value": 259100.00000000003, "Latitude": 38.62, "Longitude": -121.38, "Population": 1127.0}, {"index": 12751, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 38.62, "Longitude": -121.38, "Population": 356.0}, {"index": 12751, "quantile": 0.25, "value": 115300.0, "Latitude": 38.62, "Longitude": -121.38, "Population": 356.0}, {"index": 12751, "quantile": 0.5, "value": 115300.0, "Latitude": 38.62, "Longitude": -121.38, "Population": 356.0}, {"index": 12751, "quantile": 0.75, "value": 122100.00000000001, "Latitude": 38.62, "Longitude": -121.38, "Population": 356.0}, {"index": 12751, "quantile": 1.0, "value": 262500.0, "Latitude": 38.62, "Longitude": -121.38, "Population": 356.0}, {"index": 12752, "quantile": 0.0, "value": 61500.0, "Latitude": 38.62, "Longitude": -121.37, "Population": 447.0}, {"index": 12752, "quantile": 0.25, "value": 114100.0, "Latitude": 38.62, "Longitude": -121.37, "Population": 447.0}, {"index": 12752, "quantile": 0.5, "value": 115599.99999999999, "Latitude": 38.62, "Longitude": -121.37, "Population": 447.0}, {"index": 12752, "quantile": 0.75, "value": 115599.99999999999, "Latitude": 38.62, "Longitude": -121.37, "Population": 447.0}, {"index": 12752, "quantile": 1.0, "value": 225000.0, "Latitude": 38.62, "Longitude": -121.37, "Population": 447.0}, {"index": 12753, "quantile": 0.0, "value": 84400.0, "Latitude": 38.61, "Longitude": -121.37, "Population": 460.0}, {"index": 12753, "quantile": 0.25, "value": 127099.99999999999, "Latitude": 38.61, "Longitude": -121.37, "Population": 460.0}, {"index": 12753, "quantile": 0.5, "value": 127099.99999999999, "Latitude": 38.61, "Longitude": -121.37, "Population": 460.0}, {"index": 12753, "quantile": 0.75, "value": 127099.99999999999, "Latitude": 38.61, "Longitude": -121.37, "Population": 460.0}, {"index": 12753, "quantile": 1.0, "value": 187500.0, "Latitude": 38.61, "Longitude": -121.37, "Population": 460.0}, {"index": 12754, "quantile": 0.0, "value": 72800.0, "Latitude": 38.61, "Longitude": -121.37, "Population": 329.0}, {"index": 12754, "quantile": 0.25, "value": 114100.0, "Latitude": 38.61, "Longitude": -121.37, "Population": 329.0}, {"index": 12754, "quantile": 0.5, "value": 114100.0, "Latitude": 38.61, "Longitude": -121.37, "Population": 329.0}, {"index": 12754, "quantile": 0.75, "value": 114100.0, "Latitude": 38.61, "Longitude": -121.37, "Population": 329.0}, {"index": 12754, "quantile": 1.0, "value": 225000.0, "Latitude": 38.61, "Longitude": -121.37, "Population": 329.0}, {"index": 12755, "quantile": 0.0, "value": 90300.0, "Latitude": 38.61, "Longitude": -121.38, "Population": 863.0}, {"index": 12755, "quantile": 0.25, "value": 112075.00000000001, "Latitude": 38.61, "Longitude": -121.38, "Population": 863.0}, {"index": 12755, "quantile": 0.5, "value": 134100.0, "Latitude": 38.61, "Longitude": -121.38, "Population": 863.0}, {"index": 12755, "quantile": 0.75, "value": 153150.0, "Latitude": 38.61, "Longitude": -121.38, "Population": 863.0}, {"index": 12755, "quantile": 1.0, "value": 450000.0, "Latitude": 38.61, "Longitude": -121.38, "Population": 863.0}, {"index": 12756, "quantile": 0.0, "value": 61100.0, "Latitude": 38.63, "Longitude": -121.39, "Population": 1661.0}, {"index": 12756, "quantile": 0.25, "value": 118875.0, "Latitude": 38.63, "Longitude": -121.39, "Population": 1661.0}, {"index": 12756, "quantile": 0.5, "value": 118900.0, "Latitude": 38.63, "Longitude": -121.39, "Population": 1661.0}, {"index": 12756, "quantile": 0.75, "value": 118900.0, "Latitude": 38.63, "Longitude": -121.39, "Population": 1661.0}, {"index": 12756, "quantile": 1.0, "value": 225000.0, "Latitude": 38.63, "Longitude": -121.39, "Population": 1661.0}, {"index": 12757, "quantile": 0.0, "value": 98800.0, "Latitude": 38.63, "Longitude": -121.39, "Population": 359.0}, {"index": 12757, "quantile": 0.25, "value": 136400.0, "Latitude": 38.63, "Longitude": -121.39, "Population": 359.0}, {"index": 12757, "quantile": 0.5, "value": 150400.0, "Latitude": 38.63, "Longitude": -121.39, "Population": 359.0}, {"index": 12757, "quantile": 0.75, "value": 150400.0, "Latitude": 38.63, "Longitude": -121.39, "Population": 359.0}, {"index": 12757, "quantile": 1.0, "value": 257900.00000000003, "Latitude": 38.63, "Longitude": -121.39, "Population": 359.0}, {"index": 12758, "quantile": 0.0, "value": 62500.0, "Latitude": 38.61, "Longitude": -121.39, "Population": 786.0}, {"index": 12758, "quantile": 0.25, "value": 97300.0, "Latitude": 38.61, "Longitude": -121.39, "Population": 786.0}, {"index": 12758, "quantile": 0.5, "value": 111800.00000000001, "Latitude": 38.61, "Longitude": -121.39, "Population": 786.0}, {"index": 12758, "quantile": 0.75, "value": 120825.0, "Latitude": 38.61, "Longitude": -121.39, "Population": 786.0}, {"index": 12758, "quantile": 1.0, "value": 166100.0, "Latitude": 38.61, "Longitude": -121.39, "Population": 786.0}, {"index": 12759, "quantile": 0.0, "value": 76900.0, "Latitude": 38.62, "Longitude": -121.39, "Population": 2334.0}, {"index": 12759, "quantile": 0.25, "value": 137025.0, "Latitude": 38.62, "Longitude": -121.39, "Population": 2334.0}, {"index": 12759, "quantile": 0.5, "value": 170500.0, "Latitude": 38.62, "Longitude": -121.39, "Population": 2334.0}, {"index": 12759, "quantile": 0.75, "value": 170500.0, "Latitude": 38.62, "Longitude": -121.39, "Population": 2334.0}, {"index": 12759, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.62, "Longitude": -121.39, "Population": 2334.0}, {"index": 12760, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.62, "Longitude": -121.39, "Population": 1059.0}, {"index": 12760, "quantile": 0.25, "value": 118800.0, "Latitude": 38.62, "Longitude": -121.39, "Population": 1059.0}, {"index": 12760, "quantile": 0.5, "value": 137500.0, "Latitude": 38.62, "Longitude": -121.39, "Population": 1059.0}, {"index": 12760, "quantile": 0.75, "value": 166100.0, "Latitude": 38.62, "Longitude": -121.39, "Population": 1059.0}, {"index": 12760, "quantile": 1.0, "value": 333300.0, "Latitude": 38.62, "Longitude": -121.39, "Population": 1059.0}, {"index": 12761, "quantile": 0.0, "value": 97000.0, "Latitude": 38.63, "Longitude": -121.4, "Population": 1577.0}, {"index": 12761, "quantile": 0.25, "value": 130400.0, "Latitude": 38.63, "Longitude": -121.4, "Population": 1577.0}, {"index": 12761, "quantile": 0.5, "value": 130400.0, "Latitude": 38.63, "Longitude": -121.4, "Population": 1577.0}, {"index": 12761, "quantile": 0.75, "value": 130400.0, "Latitude": 38.63, "Longitude": -121.4, "Population": 1577.0}, {"index": 12761, "quantile": 1.0, "value": 450000.0, "Latitude": 38.63, "Longitude": -121.4, "Population": 1577.0}, {"index": 12762, "quantile": 0.0, "value": 61300.0, "Latitude": 38.63, "Longitude": -121.4, "Population": 1079.0}, {"index": 12762, "quantile": 0.25, "value": 91750.0, "Latitude": 38.63, "Longitude": -121.4, "Population": 1079.0}, {"index": 12762, "quantile": 0.5, "value": 98700.0, "Latitude": 38.63, "Longitude": -121.4, "Population": 1079.0}, {"index": 12762, "quantile": 0.75, "value": 98700.0, "Latitude": 38.63, "Longitude": -121.4, "Population": 1079.0}, {"index": 12762, "quantile": 1.0, "value": 268800.0, "Latitude": 38.63, "Longitude": -121.4, "Population": 1079.0}, {"index": 12763, "quantile": 0.0, "value": 55300.00000000001, "Latitude": 38.62, "Longitude": -121.4, "Population": 1733.0}, {"index": 12763, "quantile": 0.25, "value": 113199.99999999999, "Latitude": 38.62, "Longitude": -121.4, "Population": 1733.0}, {"index": 12763, "quantile": 0.5, "value": 113199.99999999999, "Latitude": 38.62, "Longitude": -121.4, "Population": 1733.0}, {"index": 12763, "quantile": 0.75, "value": 113199.99999999999, "Latitude": 38.62, "Longitude": -121.4, "Population": 1733.0}, {"index": 12763, "quantile": 1.0, "value": 188800.0, "Latitude": 38.62, "Longitude": -121.4, "Population": 1733.0}, {"index": 12764, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 38.61, "Longitude": -121.4, "Population": 1515.0}, {"index": 12764, "quantile": 0.25, "value": 118800.0, "Latitude": 38.61, "Longitude": -121.4, "Population": 1515.0}, {"index": 12764, "quantile": 0.5, "value": 118800.0, "Latitude": 38.61, "Longitude": -121.4, "Population": 1515.0}, {"index": 12764, "quantile": 0.75, "value": 118800.0, "Latitude": 38.61, "Longitude": -121.4, "Population": 1515.0}, {"index": 12764, "quantile": 1.0, "value": 166100.0, "Latitude": 38.61, "Longitude": -121.4, "Population": 1515.0}, {"index": 12765, "quantile": 0.0, "value": 82500.0, "Latitude": 38.62, "Longitude": -121.41, "Population": 1735.0}, {"index": 12765, "quantile": 0.25, "value": 97500.0, "Latitude": 38.62, "Longitude": -121.41, "Population": 1735.0}, {"index": 12765, "quantile": 0.5, "value": 97500.0, "Latitude": 38.62, "Longitude": -121.41, "Population": 1735.0}, {"index": 12765, "quantile": 0.75, "value": 99500.0, "Latitude": 38.62, "Longitude": -121.41, "Population": 1735.0}, {"index": 12765, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 38.62, "Longitude": -121.41, "Population": 1735.0}, {"index": 12766, "quantile": 0.0, "value": 49800.0, "Latitude": 38.62, "Longitude": -121.42, "Population": 1591.0}, {"index": 12766, "quantile": 0.25, "value": 88600.0, "Latitude": 38.62, "Longitude": -121.42, "Population": 1591.0}, {"index": 12766, "quantile": 0.5, "value": 88600.0, "Latitude": 38.62, "Longitude": -121.42, "Population": 1591.0}, {"index": 12766, "quantile": 0.75, "value": 88600.0, "Latitude": 38.62, "Longitude": -121.42, "Population": 1591.0}, {"index": 12766, "quantile": 1.0, "value": 153000.0, "Latitude": 38.62, "Longitude": -121.42, "Population": 1591.0}, {"index": 12767, "quantile": 0.0, "value": 49800.0, "Latitude": 38.61, "Longitude": -121.42, "Population": 589.0}, {"index": 12767, "quantile": 0.25, "value": 84400.0, "Latitude": 38.61, "Longitude": -121.42, "Population": 589.0}, {"index": 12767, "quantile": 0.5, "value": 84400.0, "Latitude": 38.61, "Longitude": -121.42, "Population": 589.0}, {"index": 12767, "quantile": 0.75, "value": 84400.0, "Latitude": 38.61, "Longitude": -121.42, "Population": 589.0}, {"index": 12767, "quantile": 1.0, "value": 138100.0, "Latitude": 38.61, "Longitude": -121.42, "Population": 589.0}, {"index": 12768, "quantile": 0.0, "value": 45100.0, "Latitude": 38.61, "Longitude": -121.43, "Population": 675.0}, {"index": 12768, "quantile": 0.25, "value": 65200.0, "Latitude": 38.61, "Longitude": -121.43, "Population": 675.0}, {"index": 12768, "quantile": 0.5, "value": 65200.0, "Latitude": 38.61, "Longitude": -121.43, "Population": 675.0}, {"index": 12768, "quantile": 0.75, "value": 65200.0, "Latitude": 38.61, "Longitude": -121.43, "Population": 675.0}, {"index": 12768, "quantile": 1.0, "value": 125000.0, "Latitude": 38.61, "Longitude": -121.43, "Population": 675.0}, {"index": 12769, "quantile": 0.0, "value": 61000.0, "Latitude": 38.62, "Longitude": -121.42, "Population": 462.0}, {"index": 12769, "quantile": 0.25, "value": 64900.0, "Latitude": 38.62, "Longitude": -121.42, "Population": 462.0}, {"index": 12769, "quantile": 0.5, "value": 64900.0, "Latitude": 38.62, "Longitude": -121.42, "Population": 462.0}, {"index": 12769, "quantile": 0.75, "value": 94300.0, "Latitude": 38.62, "Longitude": -121.42, "Population": 462.0}, {"index": 12769, "quantile": 1.0, "value": 227300.0, "Latitude": 38.62, "Longitude": -121.42, "Population": 462.0}, {"index": 12770, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 38.63, "Longitude": -121.42, "Population": 740.0}, {"index": 12770, "quantile": 0.25, "value": 72100.0, "Latitude": 38.63, "Longitude": -121.42, "Population": 740.0}, {"index": 12770, "quantile": 0.5, "value": 80300.0, "Latitude": 38.63, "Longitude": -121.42, "Population": 740.0}, {"index": 12770, "quantile": 0.75, "value": 92400.0, "Latitude": 38.63, "Longitude": -121.42, "Population": 740.0}, {"index": 12770, "quantile": 1.0, "value": 136600.0, "Latitude": 38.63, "Longitude": -121.42, "Population": 740.0}, {"index": 12771, "quantile": 0.0, "value": 49000.0, "Latitude": 38.63, "Longitude": -121.43, "Population": 604.0}, {"index": 12771, "quantile": 0.25, "value": 67000.0, "Latitude": 38.63, "Longitude": -121.43, "Population": 604.0}, {"index": 12771, "quantile": 0.5, "value": 67000.0, "Latitude": 38.63, "Longitude": -121.43, "Population": 604.0}, {"index": 12771, "quantile": 0.75, "value": 67000.0, "Latitude": 38.63, "Longitude": -121.43, "Population": 604.0}, {"index": 12771, "quantile": 1.0, "value": 98800.0, "Latitude": 38.63, "Longitude": -121.43, "Population": 604.0}, {"index": 12772, "quantile": 0.0, "value": 49800.0, "Latitude": 38.63, "Longitude": -121.42, "Population": 1203.0}, {"index": 12772, "quantile": 0.25, "value": 73100.0, "Latitude": 38.63, "Longitude": -121.42, "Population": 1203.0}, {"index": 12772, "quantile": 0.5, "value": 73100.0, "Latitude": 38.63, "Longitude": -121.42, "Population": 1203.0}, {"index": 12772, "quantile": 0.75, "value": 73100.0, "Latitude": 38.63, "Longitude": -121.42, "Population": 1203.0}, {"index": 12772, "quantile": 1.0, "value": 131900.0, "Latitude": 38.63, "Longitude": -121.42, "Population": 1203.0}, {"index": 12773, "quantile": 0.0, "value": 49800.0, "Latitude": 38.62, "Longitude": -121.43, "Population": 1008.0}, {"index": 12773, "quantile": 0.25, "value": 73000.0, "Latitude": 38.62, "Longitude": -121.43, "Population": 1008.0}, {"index": 12773, "quantile": 0.5, "value": 73000.0, "Latitude": 38.62, "Longitude": -121.43, "Population": 1008.0}, {"index": 12773, "quantile": 0.75, "value": 73000.0, "Latitude": 38.62, "Longitude": -121.43, "Population": 1008.0}, {"index": 12773, "quantile": 1.0, "value": 101899.99999999999, "Latitude": 38.62, "Longitude": -121.43, "Population": 1008.0}, {"index": 12774, "quantile": 0.0, "value": 32500.0, "Latitude": 38.61, "Longitude": -121.44, "Population": 765.0}, {"index": 12774, "quantile": 0.25, "value": 63300.0, "Latitude": 38.61, "Longitude": -121.44, "Population": 765.0}, {"index": 12774, "quantile": 0.5, "value": 63300.0, "Latitude": 38.61, "Longitude": -121.44, "Population": 765.0}, {"index": 12774, "quantile": 0.75, "value": 70700.0, "Latitude": 38.61, "Longitude": -121.44, "Population": 765.0}, {"index": 12774, "quantile": 1.0, "value": 156800.0, "Latitude": 38.61, "Longitude": -121.44, "Population": 765.0}, {"index": 12775, "quantile": 0.0, "value": 49800.0, "Latitude": 38.64, "Longitude": -121.41, "Population": 897.0}, {"index": 12775, "quantile": 0.25, "value": 73400.0, "Latitude": 38.64, "Longitude": -121.41, "Population": 897.0}, {"index": 12775, "quantile": 0.5, "value": 80600.0, "Latitude": 38.64, "Longitude": -121.41, "Population": 897.0}, {"index": 12775, "quantile": 0.75, "value": 103825.00000000001, "Latitude": 38.64, "Longitude": -121.41, "Population": 897.0}, {"index": 12775, "quantile": 1.0, "value": 225000.0, "Latitude": 38.64, "Longitude": -121.41, "Population": 897.0}, {"index": 12776, "quantile": 0.0, "value": 49800.0, "Latitude": 38.64, "Longitude": -121.41, "Population": 682.0}, {"index": 12776, "quantile": 0.25, "value": 65200.0, "Latitude": 38.64, "Longitude": -121.41, "Population": 682.0}, {"index": 12776, "quantile": 0.5, "value": 73500.0, "Latitude": 38.64, "Longitude": -121.41, "Population": 682.0}, {"index": 12776, "quantile": 0.75, "value": 98200.0, "Latitude": 38.64, "Longitude": -121.41, "Population": 682.0}, {"index": 12776, "quantile": 1.0, "value": 156300.0, "Latitude": 38.64, "Longitude": -121.41, "Population": 682.0}, {"index": 12777, "quantile": 0.0, "value": 43000.0, "Latitude": 38.64, "Longitude": -121.42, "Population": 1069.0}, {"index": 12777, "quantile": 0.25, "value": 58500.0, "Latitude": 38.64, "Longitude": -121.42, "Population": 1069.0}, {"index": 12777, "quantile": 0.5, "value": 60600.0, "Latitude": 38.64, "Longitude": -121.42, "Population": 1069.0}, {"index": 12777, "quantile": 0.75, "value": 64700.0, "Latitude": 38.64, "Longitude": -121.42, "Population": 1069.0}, {"index": 12777, "quantile": 1.0, "value": 118500.0, "Latitude": 38.64, "Longitude": -121.42, "Population": 1069.0}, {"index": 12778, "quantile": 0.0, "value": 52600.0, "Latitude": 38.64, "Longitude": -121.42, "Population": 1042.0}, {"index": 12778, "quantile": 0.25, "value": 58500.0, "Latitude": 38.64, "Longitude": -121.42, "Population": 1042.0}, {"index": 12778, "quantile": 0.5, "value": 58500.0, "Latitude": 38.64, "Longitude": -121.42, "Population": 1042.0}, {"index": 12778, "quantile": 0.75, "value": 62400.0, "Latitude": 38.64, "Longitude": -121.42, "Population": 1042.0}, {"index": 12778, "quantile": 1.0, "value": 89600.0, "Latitude": 38.64, "Longitude": -121.42, "Population": 1042.0}, {"index": 12779, "quantile": 0.0, "value": 49800.0, "Latitude": 38.65, "Longitude": -121.42, "Population": 1157.0}, {"index": 12779, "quantile": 0.25, "value": 49800.0, "Latitude": 38.65, "Longitude": -121.42, "Population": 1157.0}, {"index": 12779, "quantile": 0.5, "value": 49800.0, "Latitude": 38.65, "Longitude": -121.42, "Population": 1157.0}, {"index": 12779, "quantile": 0.75, "value": 73600.0, "Latitude": 38.65, "Longitude": -121.42, "Population": 1157.0}, {"index": 12779, "quantile": 1.0, "value": 155000.0, "Latitude": 38.65, "Longitude": -121.42, "Population": 1157.0}, {"index": 12780, "quantile": 0.0, "value": 72200.0, "Latitude": 38.65, "Longitude": -121.43, "Population": 661.0}, {"index": 12780, "quantile": 0.25, "value": 77400.0, "Latitude": 38.65, "Longitude": -121.43, "Population": 661.0}, {"index": 12780, "quantile": 0.5, "value": 77400.0, "Latitude": 38.65, "Longitude": -121.43, "Population": 661.0}, {"index": 12780, "quantile": 0.75, "value": 92075.0, "Latitude": 38.65, "Longitude": -121.43, "Population": 661.0}, {"index": 12780, "quantile": 1.0, "value": 179700.0, "Latitude": 38.65, "Longitude": -121.43, "Population": 661.0}, {"index": 12781, "quantile": 0.0, "value": 49800.0, "Latitude": 38.64, "Longitude": -121.43, "Population": 1501.0}, {"index": 12781, "quantile": 0.25, "value": 61275.0, "Latitude": 38.64, "Longitude": -121.43, "Population": 1501.0}, {"index": 12781, "quantile": 0.5, "value": 65900.0, "Latitude": 38.64, "Longitude": -121.43, "Population": 1501.0}, {"index": 12781, "quantile": 0.75, "value": 65900.0, "Latitude": 38.64, "Longitude": -121.43, "Population": 1501.0}, {"index": 12781, "quantile": 1.0, "value": 108900.0, "Latitude": 38.64, "Longitude": -121.43, "Population": 1501.0}, {"index": 12782, "quantile": 0.0, "value": 32500.0, "Latitude": 38.64, "Longitude": -121.44, "Population": 837.0}, {"index": 12782, "quantile": 0.25, "value": 58800.0, "Latitude": 38.64, "Longitude": -121.44, "Population": 837.0}, {"index": 12782, "quantile": 0.5, "value": 66350.0, "Latitude": 38.64, "Longitude": -121.44, "Population": 837.0}, {"index": 12782, "quantile": 0.75, "value": 91100.0, "Latitude": 38.64, "Longitude": -121.44, "Population": 837.0}, {"index": 12782, "quantile": 1.0, "value": 193800.0, "Latitude": 38.64, "Longitude": -121.44, "Population": 837.0}, {"index": 12783, "quantile": 0.0, "value": 41800.0, "Latitude": 38.64, "Longitude": -121.44, "Population": 971.0}, {"index": 12783, "quantile": 0.25, "value": 62100.0, "Latitude": 38.64, "Longitude": -121.44, "Population": 971.0}, {"index": 12783, "quantile": 0.5, "value": 62100.0, "Latitude": 38.64, "Longitude": -121.44, "Population": 971.0}, {"index": 12783, "quantile": 0.75, "value": 62100.0, "Latitude": 38.64, "Longitude": -121.44, "Population": 971.0}, {"index": 12783, "quantile": 1.0, "value": 123100.00000000001, "Latitude": 38.64, "Longitude": -121.44, "Population": 971.0}, {"index": 12784, "quantile": 0.0, "value": 63800.0, "Latitude": 38.65, "Longitude": -121.44, "Population": 559.0}, {"index": 12784, "quantile": 0.25, "value": 102550.00000000001, "Latitude": 38.65, "Longitude": -121.44, "Population": 559.0}, {"index": 12784, "quantile": 0.5, "value": 111400.00000000001, "Latitude": 38.65, "Longitude": -121.44, "Population": 559.0}, {"index": 12784, "quantile": 0.75, "value": 145275.0, "Latitude": 38.65, "Longitude": -121.44, "Population": 559.0}, {"index": 12784, "quantile": 1.0, "value": 187200.0, "Latitude": 38.65, "Longitude": -121.44, "Population": 559.0}, {"index": 12785, "quantile": 0.0, "value": 43000.0, "Latitude": 38.63, "Longitude": -121.44, "Population": 1116.0}, {"index": 12785, "quantile": 0.25, "value": 62200.0, "Latitude": 38.63, "Longitude": -121.44, "Population": 1116.0}, {"index": 12785, "quantile": 0.5, "value": 62200.0, "Latitude": 38.63, "Longitude": -121.44, "Population": 1116.0}, {"index": 12785, "quantile": 0.75, "value": 62200.0, "Latitude": 38.63, "Longitude": -121.44, "Population": 1116.0}, {"index": 12785, "quantile": 1.0, "value": 85200.0, "Latitude": 38.63, "Longitude": -121.44, "Population": 1116.0}, {"index": 12786, "quantile": 0.0, "value": 39400.0, "Latitude": 38.63, "Longitude": -121.44, "Population": 753.0}, {"index": 12786, "quantile": 0.25, "value": 55900.00000000001, "Latitude": 38.63, "Longitude": -121.44, "Population": 753.0}, {"index": 12786, "quantile": 0.5, "value": 55900.00000000001, "Latitude": 38.63, "Longitude": -121.44, "Population": 753.0}, {"index": 12786, "quantile": 0.75, "value": 62125.0, "Latitude": 38.63, "Longitude": -121.44, "Population": 753.0}, {"index": 12786, "quantile": 1.0, "value": 195800.0, "Latitude": 38.63, "Longitude": -121.44, "Population": 753.0}, {"index": 12787, "quantile": 0.0, "value": 48300.0, "Latitude": 38.63, "Longitude": -121.44, "Population": 970.0}, {"index": 12787, "quantile": 0.25, "value": 71000.0, "Latitude": 38.63, "Longitude": -121.44, "Population": 970.0}, {"index": 12787, "quantile": 0.5, "value": 71000.0, "Latitude": 38.63, "Longitude": -121.44, "Population": 970.0}, {"index": 12787, "quantile": 0.75, "value": 71000.0, "Latitude": 38.63, "Longitude": -121.44, "Population": 970.0}, {"index": 12787, "quantile": 1.0, "value": 154900.0, "Latitude": 38.63, "Longitude": -121.44, "Population": 970.0}, {"index": 12788, "quantile": 0.0, "value": 55500.00000000001, "Latitude": 38.62, "Longitude": -121.44, "Population": 972.0}, {"index": 12788, "quantile": 0.25, "value": 64700.0, "Latitude": 38.62, "Longitude": -121.44, "Population": 972.0}, {"index": 12788, "quantile": 0.5, "value": 64700.0, "Latitude": 38.62, "Longitude": -121.44, "Population": 972.0}, {"index": 12788, "quantile": 0.75, "value": 65800.0, "Latitude": 38.62, "Longitude": -121.44, "Population": 972.0}, {"index": 12788, "quantile": 1.0, "value": 123100.00000000001, "Latitude": 38.62, "Longitude": -121.44, "Population": 972.0}, {"index": 12789, "quantile": 0.0, "value": 49800.0, "Latitude": 38.62, "Longitude": -121.44, "Population": 1513.0}, {"index": 12789, "quantile": 0.25, "value": 61000.0, "Latitude": 38.62, "Longitude": -121.44, "Population": 1513.0}, {"index": 12789, "quantile": 0.5, "value": 61000.0, "Latitude": 38.62, "Longitude": -121.44, "Population": 1513.0}, {"index": 12789, "quantile": 0.75, "value": 64750.0, "Latitude": 38.62, "Longitude": -121.44, "Population": 1513.0}, {"index": 12789, "quantile": 1.0, "value": 112500.0, "Latitude": 38.62, "Longitude": -121.44, "Population": 1513.0}, {"index": 12790, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 38.65, "Longitude": -121.45, "Population": 1885.0}, {"index": 12790, "quantile": 0.25, "value": 98450.0, "Latitude": 38.65, "Longitude": -121.45, "Population": 1885.0}, {"index": 12790, "quantile": 0.5, "value": 110000.00000000001, "Latitude": 38.65, "Longitude": -121.45, "Population": 1885.0}, {"index": 12790, "quantile": 0.75, "value": 110000.00000000001, "Latitude": 38.65, "Longitude": -121.45, "Population": 1885.0}, {"index": 12790, "quantile": 1.0, "value": 190200.0, "Latitude": 38.65, "Longitude": -121.45, "Population": 1885.0}, {"index": 12791, "quantile": 0.0, "value": 70800.0, "Latitude": 38.65, "Longitude": -121.46, "Population": 2161.0}, {"index": 12791, "quantile": 0.25, "value": 103400.0, "Latitude": 38.65, "Longitude": -121.46, "Population": 2161.0}, {"index": 12791, "quantile": 0.5, "value": 103400.0, "Latitude": 38.65, "Longitude": -121.46, "Population": 2161.0}, {"index": 12791, "quantile": 0.75, "value": 108900.0, "Latitude": 38.65, "Longitude": -121.46, "Population": 2161.0}, {"index": 12791, "quantile": 1.0, "value": 166700.0, "Latitude": 38.65, "Longitude": -121.46, "Population": 2161.0}, {"index": 12792, "quantile": 0.0, "value": 86900.0, "Latitude": 38.65, "Longitude": -121.46, "Population": 1787.0}, {"index": 12792, "quantile": 0.25, "value": 92600.0, "Latitude": 38.65, "Longitude": -121.46, "Population": 1787.0}, {"index": 12792, "quantile": 0.5, "value": 92600.0, "Latitude": 38.65, "Longitude": -121.46, "Population": 1787.0}, {"index": 12792, "quantile": 0.75, "value": 96649.99999999999, "Latitude": 38.65, "Longitude": -121.46, "Population": 1787.0}, {"index": 12792, "quantile": 1.0, "value": 227999.99999999997, "Latitude": 38.65, "Longitude": -121.46, "Population": 1787.0}, {"index": 12793, "quantile": 0.0, "value": 51700.0, "Latitude": 38.64, "Longitude": -121.45, "Population": 1079.0}, {"index": 12793, "quantile": 0.25, "value": 60600.0, "Latitude": 38.64, "Longitude": -121.45, "Population": 1079.0}, {"index": 12793, "quantile": 0.5, "value": 60600.0, "Latitude": 38.64, "Longitude": -121.45, "Population": 1079.0}, {"index": 12793, "quantile": 0.75, "value": 60600.0, "Latitude": 38.64, "Longitude": -121.45, "Population": 1079.0}, {"index": 12793, "quantile": 1.0, "value": 89400.0, "Latitude": 38.64, "Longitude": -121.45, "Population": 1079.0}, {"index": 12794, "quantile": 0.0, "value": 42500.0, "Latitude": 38.64, "Longitude": -121.46, "Population": 1287.0}, {"index": 12794, "quantile": 0.25, "value": 56699.99999999999, "Latitude": 38.64, "Longitude": -121.46, "Population": 1287.0}, {"index": 12794, "quantile": 0.5, "value": 62100.0, "Latitude": 38.64, "Longitude": -121.46, "Population": 1287.0}, {"index": 12794, "quantile": 0.75, "value": 67600.0, "Latitude": 38.64, "Longitude": -121.46, "Population": 1287.0}, {"index": 12794, "quantile": 1.0, "value": 195800.0, "Latitude": 38.64, "Longitude": -121.46, "Population": 1287.0}, {"index": 12795, "quantile": 0.0, "value": 43000.0, "Latitude": 38.63, "Longitude": -121.46, "Population": 2444.0}, {"index": 12795, "quantile": 0.25, "value": 61124.99999999999, "Latitude": 38.63, "Longitude": -121.46, "Population": 2444.0}, {"index": 12795, "quantile": 0.5, "value": 67600.0, "Latitude": 38.63, "Longitude": -121.46, "Population": 2444.0}, {"index": 12795, "quantile": 0.75, "value": 67600.0, "Latitude": 38.63, "Longitude": -121.46, "Population": 2444.0}, {"index": 12795, "quantile": 1.0, "value": 193800.0, "Latitude": 38.63, "Longitude": -121.46, "Population": 2444.0}, {"index": 12796, "quantile": 0.0, "value": 48300.0, "Latitude": 38.63, "Longitude": -121.45, "Population": 884.0}, {"index": 12796, "quantile": 0.25, "value": 51700.0, "Latitude": 38.63, "Longitude": -121.45, "Population": 884.0}, {"index": 12796, "quantile": 0.5, "value": 51700.0, "Latitude": 38.63, "Longitude": -121.45, "Population": 884.0}, {"index": 12796, "quantile": 0.75, "value": 57699.99999999999, "Latitude": 38.63, "Longitude": -121.45, "Population": 884.0}, {"index": 12796, "quantile": 1.0, "value": 78100.0, "Latitude": 38.63, "Longitude": -121.45, "Population": 884.0}, {"index": 12797, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 38.62, "Longitude": -121.45, "Population": 1147.0}, {"index": 12797, "quantile": 0.25, "value": 59800.0, "Latitude": 38.62, "Longitude": -121.45, "Population": 1147.0}, {"index": 12797, "quantile": 0.5, "value": 59800.0, "Latitude": 38.62, "Longitude": -121.45, "Population": 1147.0}, {"index": 12797, "quantile": 0.75, "value": 72375.0, "Latitude": 38.62, "Longitude": -121.45, "Population": 1147.0}, {"index": 12797, "quantile": 1.0, "value": 225000.0, "Latitude": 38.62, "Longitude": -121.45, "Population": 1147.0}, {"index": 12798, "quantile": 0.0, "value": 41800.0, "Latitude": 38.62, "Longitude": -121.45, "Population": 1696.0}, {"index": 12798, "quantile": 0.25, "value": 53475.00000000001, "Latitude": 38.62, "Longitude": -121.45, "Population": 1696.0}, {"index": 12798, "quantile": 0.5, "value": 60600.0, "Latitude": 38.62, "Longitude": -121.45, "Population": 1696.0}, {"index": 12798, "quantile": 0.75, "value": 65900.0, "Latitude": 38.62, "Longitude": -121.45, "Population": 1696.0}, {"index": 12798, "quantile": 1.0, "value": 95800.0, "Latitude": 38.62, "Longitude": -121.45, "Population": 1696.0}, {"index": 12799, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 38.61, "Longitude": -121.45, "Population": 1509.0}, {"index": 12799, "quantile": 0.25, "value": 72500.0, "Latitude": 38.61, "Longitude": -121.45, "Population": 1509.0}, {"index": 12799, "quantile": 0.5, "value": 81400.0, "Latitude": 38.61, "Longitude": -121.45, "Population": 1509.0}, {"index": 12799, "quantile": 0.75, "value": 81400.0, "Latitude": 38.61, "Longitude": -121.45, "Population": 1509.0}, {"index": 12799, "quantile": 1.0, "value": 152500.0, "Latitude": 38.61, "Longitude": -121.45, "Population": 1509.0}, {"index": 12800, "quantile": 0.0, "value": 22500.0, "Latitude": 38.61, "Longitude": -121.46, "Population": 464.0}, {"index": 12800, "quantile": 0.25, "value": 66750.0, "Latitude": 38.61, "Longitude": -121.46, "Population": 464.0}, {"index": 12800, "quantile": 0.5, "value": 81100.0, "Latitude": 38.61, "Longitude": -121.46, "Population": 464.0}, {"index": 12800, "quantile": 0.75, "value": 101975.0, "Latitude": 38.61, "Longitude": -121.46, "Population": 464.0}, {"index": 12800, "quantile": 1.0, "value": 268800.0, "Latitude": 38.61, "Longitude": -121.46, "Population": 464.0}, {"index": 12801, "quantile": 0.0, "value": 53000.0, "Latitude": 38.62, "Longitude": -121.46, "Population": 2511.0}, {"index": 12801, "quantile": 0.25, "value": 60900.0, "Latitude": 38.62, "Longitude": -121.46, "Population": 2511.0}, {"index": 12801, "quantile": 0.5, "value": 60900.0, "Latitude": 38.62, "Longitude": -121.46, "Population": 2511.0}, {"index": 12801, "quantile": 0.75, "value": 64100.0, "Latitude": 38.62, "Longitude": -121.46, "Population": 2511.0}, {"index": 12801, "quantile": 1.0, "value": 193800.0, "Latitude": 38.62, "Longitude": -121.46, "Population": 2511.0}, {"index": 12802, "quantile": 0.0, "value": 63300.0, "Latitude": 38.61, "Longitude": -121.44, "Population": 1000.0}, {"index": 12802, "quantile": 0.25, "value": 70100.0, "Latitude": 38.61, "Longitude": -121.44, "Population": 1000.0}, {"index": 12802, "quantile": 0.5, "value": 70100.0, "Latitude": 38.61, "Longitude": -121.44, "Population": 1000.0}, {"index": 12802, "quantile": 0.75, "value": 78500.0, "Latitude": 38.61, "Longitude": -121.44, "Population": 1000.0}, {"index": 12802, "quantile": 1.0, "value": 152500.0, "Latitude": 38.61, "Longitude": -121.44, "Population": 1000.0}, {"index": 12803, "quantile": 0.0, "value": 123100.00000000001, "Latitude": 38.6, "Longitude": -121.45, "Population": 823.0}, {"index": 12803, "quantile": 0.25, "value": 158900.0, "Latitude": 38.6, "Longitude": -121.45, "Population": 823.0}, {"index": 12803, "quantile": 0.5, "value": 158900.0, "Latitude": 38.6, "Longitude": -121.45, "Population": 823.0}, {"index": 12803, "quantile": 0.75, "value": 158900.0, "Latitude": 38.6, "Longitude": -121.45, "Population": 823.0}, {"index": 12803, "quantile": 1.0, "value": 294400.0, "Latitude": 38.6, "Longitude": -121.45, "Population": 823.0}, {"index": 12804, "quantile": 0.0, "value": 37900.0, "Latitude": 38.61, "Longitude": -121.45, "Population": 1094.0}, {"index": 12804, "quantile": 0.25, "value": 70000.0, "Latitude": 38.61, "Longitude": -121.45, "Population": 1094.0}, {"index": 12804, "quantile": 0.5, "value": 70000.0, "Latitude": 38.61, "Longitude": -121.45, "Population": 1094.0}, {"index": 12804, "quantile": 0.75, "value": 82725.0, "Latitude": 38.61, "Longitude": -121.45, "Population": 1094.0}, {"index": 12804, "quantile": 1.0, "value": 287500.0, "Latitude": 38.61, "Longitude": -121.45, "Population": 1094.0}, {"index": 12805, "quantile": 0.0, "value": 52800.0, "Latitude": 38.61, "Longitude": -121.46, "Population": 613.0}, {"index": 12805, "quantile": 0.25, "value": 81400.0, "Latitude": 38.61, "Longitude": -121.46, "Population": 613.0}, {"index": 12805, "quantile": 0.5, "value": 87500.0, "Latitude": 38.61, "Longitude": -121.46, "Population": 613.0}, {"index": 12805, "quantile": 0.75, "value": 113474.99999999999, "Latitude": 38.61, "Longitude": -121.46, "Population": 613.0}, {"index": 12805, "quantile": 1.0, "value": 225000.0, "Latitude": 38.61, "Longitude": -121.46, "Population": 613.0}, {"index": 12806, "quantile": 0.0, "value": 68900.0, "Latitude": 38.6, "Longitude": -121.46, "Population": 823.0}, {"index": 12806, "quantile": 0.25, "value": 135600.0, "Latitude": 38.6, "Longitude": -121.46, "Population": 823.0}, {"index": 12806, "quantile": 0.5, "value": 135600.0, "Latitude": 38.6, "Longitude": -121.46, "Population": 823.0}, {"index": 12806, "quantile": 0.75, "value": 137500.0, "Latitude": 38.6, "Longitude": -121.46, "Population": 823.0}, {"index": 12806, "quantile": 1.0, "value": 195300.0, "Latitude": 38.6, "Longitude": -121.46, "Population": 823.0}, {"index": 12807, "quantile": 0.0, "value": 47000.0, "Latitude": 38.61, "Longitude": -121.45, "Population": 263.0}, {"index": 12807, "quantile": 0.25, "value": 67500.0, "Latitude": 38.61, "Longitude": -121.45, "Population": 263.0}, {"index": 12807, "quantile": 0.5, "value": 67500.0, "Latitude": 38.61, "Longitude": -121.45, "Population": 263.0}, {"index": 12807, "quantile": 0.75, "value": 67500.0, "Latitude": 38.61, "Longitude": -121.45, "Population": 263.0}, {"index": 12807, "quantile": 1.0, "value": 137500.0, "Latitude": 38.61, "Longitude": -121.45, "Population": 263.0}, {"index": 12808, "quantile": 0.0, "value": 45100.0, "Latitude": 38.63, "Longitude": -121.47, "Population": 1374.0}, {"index": 12808, "quantile": 0.25, "value": 69300.0, "Latitude": 38.63, "Longitude": -121.47, "Population": 1374.0}, {"index": 12808, "quantile": 0.5, "value": 69300.0, "Latitude": 38.63, "Longitude": -121.47, "Population": 1374.0}, {"index": 12808, "quantile": 0.75, "value": 69300.0, "Latitude": 38.63, "Longitude": -121.47, "Population": 1374.0}, {"index": 12808, "quantile": 1.0, "value": 137500.0, "Latitude": 38.63, "Longitude": -121.47, "Population": 1374.0}, {"index": 12809, "quantile": 0.0, "value": 57199.99999999999, "Latitude": 38.61, "Longitude": -121.47, "Population": 781.0}, {"index": 12809, "quantile": 0.25, "value": 65800.0, "Latitude": 38.61, "Longitude": -121.47, "Population": 781.0}, {"index": 12809, "quantile": 0.5, "value": 65800.0, "Latitude": 38.61, "Longitude": -121.47, "Population": 781.0}, {"index": 12809, "quantile": 0.75, "value": 65800.0, "Latitude": 38.61, "Longitude": -121.47, "Population": 781.0}, {"index": 12809, "quantile": 1.0, "value": 168100.0, "Latitude": 38.61, "Longitude": -121.47, "Population": 781.0}, {"index": 12810, "quantile": 0.0, "value": 48300.0, "Latitude": 38.61, "Longitude": -121.47, "Population": 850.0}, {"index": 12810, "quantile": 0.25, "value": 67500.0, "Latitude": 38.61, "Longitude": -121.47, "Population": 850.0}, {"index": 12810, "quantile": 0.5, "value": 67500.0, "Latitude": 38.61, "Longitude": -121.47, "Population": 850.0}, {"index": 12810, "quantile": 0.75, "value": 67500.0, "Latitude": 38.61, "Longitude": -121.47, "Population": 850.0}, {"index": 12810, "quantile": 1.0, "value": 90600.0, "Latitude": 38.61, "Longitude": -121.47, "Population": 850.0}, {"index": 12811, "quantile": 0.0, "value": 91600.0, "Latitude": 38.65, "Longitude": -121.52, "Population": 494.0}, {"index": 12811, "quantile": 0.25, "value": 136025.00000000003, "Latitude": 38.65, "Longitude": -121.52, "Population": 494.0}, {"index": 12811, "quantile": 0.5, "value": 179200.0, "Latitude": 38.65, "Longitude": -121.52, "Population": 494.0}, {"index": 12811, "quantile": 0.75, "value": 242099.99999999997, "Latitude": 38.65, "Longitude": -121.52, "Population": 494.0}, {"index": 12811, "quantile": 1.0, "value": 425000.0, "Latitude": 38.65, "Longitude": -121.52, "Population": 494.0}, {"index": 12812, "quantile": 0.0, "value": 78700.0, "Latitude": 38.61, "Longitude": -121.53, "Population": 2933.0}, {"index": 12812, "quantile": 0.25, "value": 152800.0, "Latitude": 38.61, "Longitude": -121.53, "Population": 2933.0}, {"index": 12812, "quantile": 0.5, "value": 178800.0, "Latitude": 38.61, "Longitude": -121.53, "Population": 2933.0}, {"index": 12812, "quantile": 0.75, "value": 178800.0, "Latitude": 38.61, "Longitude": -121.53, "Population": 2933.0}, {"index": 12812, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.61, "Longitude": -121.53, "Population": 2933.0}, {"index": 12813, "quantile": 0.0, "value": 92600.0, "Latitude": 38.63, "Longitude": -121.49, "Population": 5634.0}, {"index": 12813, "quantile": 0.25, "value": 129299.99999999999, "Latitude": 38.63, "Longitude": -121.49, "Population": 5634.0}, {"index": 12813, "quantile": 0.5, "value": 129299.99999999999, "Latitude": 38.63, "Longitude": -121.49, "Population": 5634.0}, {"index": 12813, "quantile": 0.75, "value": 129299.99999999999, "Latitude": 38.63, "Longitude": -121.49, "Population": 5634.0}, {"index": 12813, "quantile": 1.0, "value": 220100.0, "Latitude": 38.63, "Longitude": -121.49, "Population": 5634.0}, {"index": 12814, "quantile": 0.0, "value": 103400.0, "Latitude": 38.62, "Longitude": -121.5, "Population": 7919.0}, {"index": 12814, "quantile": 0.25, "value": 134500.0, "Latitude": 38.62, "Longitude": -121.5, "Population": 7919.0}, {"index": 12814, "quantile": 0.5, "value": 134500.0, "Latitude": 38.62, "Longitude": -121.5, "Population": 7919.0}, {"index": 12814, "quantile": 0.75, "value": 134500.0, "Latitude": 38.62, "Longitude": -121.5, "Population": 7919.0}, {"index": 12814, "quantile": 1.0, "value": 227700.0, "Latitude": 38.62, "Longitude": -121.5, "Population": 7919.0}, {"index": 12815, "quantile": 0.0, "value": 58800.0, "Latitude": 38.61, "Longitude": -121.5, "Population": 638.0}, {"index": 12815, "quantile": 0.25, "value": 135800.0, "Latitude": 38.61, "Longitude": -121.5, "Population": 638.0}, {"index": 12815, "quantile": 0.5, "value": 225000.0, "Latitude": 38.61, "Longitude": -121.5, "Population": 638.0}, {"index": 12815, "quantile": 0.75, "value": 225000.0, "Latitude": 38.61, "Longitude": -121.5, "Population": 638.0}, {"index": 12815, "quantile": 1.0, "value": 450000.0, "Latitude": 38.61, "Longitude": -121.5, "Population": 638.0}, {"index": 12816, "quantile": 0.0, "value": 40000.0, "Latitude": 38.63, "Longitude": -121.5, "Population": 276.0}, {"index": 12816, "quantile": 0.25, "value": 85300.0, "Latitude": 38.63, "Longitude": -121.5, "Population": 276.0}, {"index": 12816, "quantile": 0.5, "value": 131750.0, "Latitude": 38.63, "Longitude": -121.5, "Population": 276.0}, {"index": 12816, "quantile": 0.75, "value": 194300.0, "Latitude": 38.63, "Longitude": -121.5, "Population": 276.0}, {"index": 12816, "quantile": 1.0, "value": 450000.0, "Latitude": 38.63, "Longitude": -121.5, "Population": 276.0}, {"index": 12817, "quantile": 0.0, "value": 92600.0, "Latitude": 38.62, "Longitude": -121.49, "Population": 7463.0}, {"index": 12817, "quantile": 0.25, "value": 129700.0, "Latitude": 38.62, "Longitude": -121.49, "Population": 7463.0}, {"index": 12817, "quantile": 0.5, "value": 129700.0, "Latitude": 38.62, "Longitude": -121.49, "Population": 7463.0}, {"index": 12817, "quantile": 0.75, "value": 130450.0, "Latitude": 38.62, "Longitude": -121.49, "Population": 7463.0}, {"index": 12817, "quantile": 1.0, "value": 220100.0, "Latitude": 38.62, "Longitude": -121.49, "Population": 7463.0}, {"index": 12818, "quantile": 0.0, "value": 72100.0, "Latitude": 38.61, "Longitude": -121.49, "Population": 1982.0}, {"index": 12818, "quantile": 0.25, "value": 105300.0, "Latitude": 38.61, "Longitude": -121.49, "Population": 1982.0}, {"index": 12818, "quantile": 0.5, "value": 105300.0, "Latitude": 38.61, "Longitude": -121.49, "Population": 1982.0}, {"index": 12818, "quantile": 0.75, "value": 123800.0, "Latitude": 38.61, "Longitude": -121.49, "Population": 1982.0}, {"index": 12818, "quantile": 1.0, "value": 294000.0, "Latitude": 38.61, "Longitude": -121.49, "Population": 1982.0}, {"index": 12819, "quantile": 0.0, "value": 83400.0, "Latitude": 38.62, "Longitude": -121.48, "Population": 4147.0}, {"index": 12819, "quantile": 0.25, "value": 96600.0, "Latitude": 38.62, "Longitude": -121.48, "Population": 4147.0}, {"index": 12819, "quantile": 0.5, "value": 96600.0, "Latitude": 38.62, "Longitude": -121.48, "Population": 4147.0}, {"index": 12819, "quantile": 0.75, "value": 96600.0, "Latitude": 38.62, "Longitude": -121.48, "Population": 4147.0}, {"index": 12819, "quantile": 1.0, "value": 248300.0, "Latitude": 38.62, "Longitude": -121.48, "Population": 4147.0}, {"index": 12820, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 38.61, "Longitude": -121.48, "Population": 1062.0}, {"index": 12820, "quantile": 0.25, "value": 81400.0, "Latitude": 38.61, "Longitude": -121.48, "Population": 1062.0}, {"index": 12820, "quantile": 0.5, "value": 89400.0, "Latitude": 38.61, "Longitude": -121.48, "Population": 1062.0}, {"index": 12820, "quantile": 0.75, "value": 89400.0, "Latitude": 38.61, "Longitude": -121.48, "Population": 1062.0}, {"index": 12820, "quantile": 1.0, "value": 156100.0, "Latitude": 38.61, "Longitude": -121.48, "Population": 1062.0}, {"index": 12821, "quantile": 0.0, "value": 49000.0, "Latitude": 38.69, "Longitude": -121.51, "Population": 450.0}, {"index": 12821, "quantile": 0.25, "value": 78800.0, "Latitude": 38.69, "Longitude": -121.51, "Population": 450.0}, {"index": 12821, "quantile": 0.5, "value": 108600.00000000001, "Latitude": 38.69, "Longitude": -121.51, "Population": 450.0}, {"index": 12821, "quantile": 0.75, "value": 108600.00000000001, "Latitude": 38.69, "Longitude": -121.51, "Population": 450.0}, {"index": 12821, "quantile": 1.0, "value": 200000.0, "Latitude": 38.69, "Longitude": -121.51, "Population": 450.0}, {"index": 12822, "quantile": 0.0, "value": 125000.0, "Latitude": 38.69, "Longitude": -121.59, "Population": 229.0}, {"index": 12822, "quantile": 0.25, "value": 338700.0, "Latitude": 38.69, "Longitude": -121.59, "Population": 229.0}, {"index": 12822, "quantile": 0.5, "value": 341350.0, "Latitude": 38.69, "Longitude": -121.59, "Population": 229.0}, {"index": 12822, "quantile": 0.75, "value": 374400.0, "Latitude": 38.69, "Longitude": -121.59, "Population": 229.0}, {"index": 12822, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.69, "Longitude": -121.59, "Population": 229.0}, {"index": 12823, "quantile": 0.0, "value": 67300.0, "Latitude": 38.72, "Longitude": -121.42, "Population": 1932.0}, {"index": 12823, "quantile": 0.25, "value": 91900.0, "Latitude": 38.72, "Longitude": -121.42, "Population": 1932.0}, {"index": 12823, "quantile": 0.5, "value": 91900.0, "Latitude": 38.72, "Longitude": -121.42, "Population": 1932.0}, {"index": 12823, "quantile": 0.75, "value": 91900.0, "Latitude": 38.72, "Longitude": -121.42, "Population": 1932.0}, {"index": 12823, "quantile": 1.0, "value": 225000.0, "Latitude": 38.72, "Longitude": -121.42, "Population": 1932.0}, {"index": 12824, "quantile": 0.0, "value": 93900.0, "Latitude": 38.73, "Longitude": -121.44, "Population": 727.0}, {"index": 12824, "quantile": 0.25, "value": 134100.0, "Latitude": 38.73, "Longitude": -121.44, "Population": 727.0}, {"index": 12824, "quantile": 0.5, "value": 135500.0, "Latitude": 38.73, "Longitude": -121.44, "Population": 727.0}, {"index": 12824, "quantile": 0.75, "value": 135500.0, "Latitude": 38.73, "Longitude": -121.44, "Population": 727.0}, {"index": 12824, "quantile": 1.0, "value": 250000.0, "Latitude": 38.73, "Longitude": -121.44, "Population": 727.0}, {"index": 12825, "quantile": 0.0, "value": 88200.0, "Latitude": 38.72, "Longitude": -121.47, "Population": 911.0}, {"index": 12825, "quantile": 0.25, "value": 99800.0, "Latitude": 38.72, "Longitude": -121.47, "Population": 911.0}, {"index": 12825, "quantile": 0.5, "value": 99800.0, "Latitude": 38.72, "Longitude": -121.47, "Population": 911.0}, {"index": 12825, "quantile": 0.75, "value": 99800.0, "Latitude": 38.72, "Longitude": -121.47, "Population": 911.0}, {"index": 12825, "quantile": 1.0, "value": 145600.0, "Latitude": 38.72, "Longitude": -121.47, "Population": 911.0}, {"index": 12826, "quantile": 0.0, "value": 71800.0, "Latitude": 38.71, "Longitude": -121.44, "Population": 1172.0}, {"index": 12826, "quantile": 0.25, "value": 101200.0, "Latitude": 38.71, "Longitude": -121.44, "Population": 1172.0}, {"index": 12826, "quantile": 0.5, "value": 101200.0, "Latitude": 38.71, "Longitude": -121.44, "Population": 1172.0}, {"index": 12826, "quantile": 0.75, "value": 101200.0, "Latitude": 38.71, "Longitude": -121.44, "Population": 1172.0}, {"index": 12826, "quantile": 1.0, "value": 143000.0, "Latitude": 38.71, "Longitude": -121.44, "Population": 1172.0}, {"index": 12827, "quantile": 0.0, "value": 88400.0, "Latitude": 38.7, "Longitude": -121.42, "Population": 1478.0}, {"index": 12827, "quantile": 0.25, "value": 96200.0, "Latitude": 38.7, "Longitude": -121.42, "Population": 1478.0}, {"index": 12827, "quantile": 0.5, "value": 96200.0, "Latitude": 38.7, "Longitude": -121.42, "Population": 1478.0}, {"index": 12827, "quantile": 0.75, "value": 113999.99999999999, "Latitude": 38.7, "Longitude": -121.42, "Population": 1478.0}, {"index": 12827, "quantile": 1.0, "value": 300600.0, "Latitude": 38.7, "Longitude": -121.42, "Population": 1478.0}, {"index": 12828, "quantile": 0.0, "value": 84700.0, "Latitude": 38.7, "Longitude": -121.45, "Population": 1141.0}, {"index": 12828, "quantile": 0.25, "value": 96200.0, "Latitude": 38.7, "Longitude": -121.45, "Population": 1141.0}, {"index": 12828, "quantile": 0.5, "value": 99800.0, "Latitude": 38.7, "Longitude": -121.45, "Population": 1141.0}, {"index": 12828, "quantile": 0.75, "value": 120500.0, "Latitude": 38.7, "Longitude": -121.45, "Population": 1141.0}, {"index": 12828, "quantile": 1.0, "value": 287800.0, "Latitude": 38.7, "Longitude": -121.45, "Population": 1141.0}, {"index": 12829, "quantile": 0.0, "value": 84500.0, "Latitude": 38.7, "Longitude": -121.46, "Population": 568.0}, {"index": 12829, "quantile": 0.25, "value": 93900.0, "Latitude": 38.7, "Longitude": -121.46, "Population": 568.0}, {"index": 12829, "quantile": 0.5, "value": 93900.0, "Latitude": 38.7, "Longitude": -121.46, "Population": 568.0}, {"index": 12829, "quantile": 0.75, "value": 94075.0, "Latitude": 38.7, "Longitude": -121.46, "Population": 568.0}, {"index": 12829, "quantile": 1.0, "value": 227700.0, "Latitude": 38.7, "Longitude": -121.46, "Population": 568.0}, {"index": 12830, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 38.69, "Longitude": -121.43, "Population": 542.0}, {"index": 12830, "quantile": 0.25, "value": 96200.0, "Latitude": 38.69, "Longitude": -121.43, "Population": 542.0}, {"index": 12830, "quantile": 0.5, "value": 96200.0, "Latitude": 38.69, "Longitude": -121.43, "Population": 542.0}, {"index": 12830, "quantile": 0.75, "value": 96200.0, "Latitude": 38.69, "Longitude": -121.43, "Population": 542.0}, {"index": 12830, "quantile": 1.0, "value": 225000.0, "Latitude": 38.69, "Longitude": -121.43, "Population": 542.0}, {"index": 12831, "quantile": 0.0, "value": 49800.0, "Latitude": 38.68, "Longitude": -121.44, "Population": 1355.0}, {"index": 12831, "quantile": 0.25, "value": 61800.0, "Latitude": 38.68, "Longitude": -121.44, "Population": 1355.0}, {"index": 12831, "quantile": 0.5, "value": 72150.0, "Latitude": 38.68, "Longitude": -121.44, "Population": 1355.0}, {"index": 12831, "quantile": 0.75, "value": 94475.0, "Latitude": 38.68, "Longitude": -121.44, "Population": 1355.0}, {"index": 12831, "quantile": 1.0, "value": 156300.0, "Latitude": 38.68, "Longitude": -121.44, "Population": 1355.0}, {"index": 12832, "quantile": 0.0, "value": 71800.0, "Latitude": 38.68, "Longitude": -121.42, "Population": 1019.0}, {"index": 12832, "quantile": 0.25, "value": 110450.0, "Latitude": 38.68, "Longitude": -121.42, "Population": 1019.0}, {"index": 12832, "quantile": 0.5, "value": 112200.00000000001, "Latitude": 38.68, "Longitude": -121.42, "Population": 1019.0}, {"index": 12832, "quantile": 0.75, "value": 112200.00000000001, "Latitude": 38.68, "Longitude": -121.42, "Population": 1019.0}, {"index": 12832, "quantile": 1.0, "value": 162500.0, "Latitude": 38.68, "Longitude": -121.42, "Population": 1019.0}, {"index": 12833, "quantile": 0.0, "value": 73600.0, "Latitude": 38.69, "Longitude": -121.41, "Population": 848.0}, {"index": 12833, "quantile": 0.25, "value": 105200.0, "Latitude": 38.69, "Longitude": -121.41, "Population": 848.0}, {"index": 12833, "quantile": 0.5, "value": 105200.0, "Latitude": 38.69, "Longitude": -121.41, "Population": 848.0}, {"index": 12833, "quantile": 0.75, "value": 105200.0, "Latitude": 38.69, "Longitude": -121.41, "Population": 848.0}, {"index": 12833, "quantile": 1.0, "value": 182100.0, "Latitude": 38.69, "Longitude": -121.41, "Population": 848.0}, {"index": 12834, "quantile": 0.0, "value": 70800.0, "Latitude": 38.69, "Longitude": -121.44, "Population": 1512.0}, {"index": 12834, "quantile": 0.25, "value": 94900.0, "Latitude": 38.69, "Longitude": -121.44, "Population": 1512.0}, {"index": 12834, "quantile": 0.5, "value": 94900.0, "Latitude": 38.69, "Longitude": -121.44, "Population": 1512.0}, {"index": 12834, "quantile": 0.75, "value": 99325.0, "Latitude": 38.69, "Longitude": -121.44, "Population": 1512.0}, {"index": 12834, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.69, "Longitude": -121.44, "Population": 1512.0}, {"index": 12835, "quantile": 0.0, "value": 53400.0, "Latitude": 38.69, "Longitude": -121.45, "Population": 1542.0}, {"index": 12835, "quantile": 0.25, "value": 72500.0, "Latitude": 38.69, "Longitude": -121.45, "Population": 1542.0}, {"index": 12835, "quantile": 0.5, "value": 78800.0, "Latitude": 38.69, "Longitude": -121.45, "Population": 1542.0}, {"index": 12835, "quantile": 0.75, "value": 102800.0, "Latitude": 38.69, "Longitude": -121.45, "Population": 1542.0}, {"index": 12835, "quantile": 1.0, "value": 156300.0, "Latitude": 38.69, "Longitude": -121.45, "Population": 1542.0}, {"index": 12836, "quantile": 0.0, "value": 50500.0, "Latitude": 38.68, "Longitude": -121.46, "Population": 705.0}, {"index": 12836, "quantile": 0.25, "value": 80200.0, "Latitude": 38.68, "Longitude": -121.46, "Population": 705.0}, {"index": 12836, "quantile": 0.5, "value": 90900.0, "Latitude": 38.68, "Longitude": -121.46, "Population": 705.0}, {"index": 12836, "quantile": 0.75, "value": 103099.99999999999, "Latitude": 38.68, "Longitude": -121.46, "Population": 705.0}, {"index": 12836, "quantile": 1.0, "value": 162500.0, "Latitude": 38.68, "Longitude": -121.46, "Population": 705.0}, {"index": 12837, "quantile": 0.0, "value": 84200.0, "Latitude": 38.68, "Longitude": -121.47, "Population": 474.0}, {"index": 12837, "quantile": 0.25, "value": 97300.0, "Latitude": 38.68, "Longitude": -121.47, "Population": 474.0}, {"index": 12837, "quantile": 0.5, "value": 97300.0, "Latitude": 38.68, "Longitude": -121.47, "Population": 474.0}, {"index": 12837, "quantile": 0.75, "value": 126825.00000000001, "Latitude": 38.68, "Longitude": -121.47, "Population": 474.0}, {"index": 12837, "quantile": 1.0, "value": 269700.0, "Latitude": 38.68, "Longitude": -121.47, "Population": 474.0}, {"index": 12838, "quantile": 0.0, "value": 70800.0, "Latitude": 38.69, "Longitude": -121.46, "Population": 1963.0}, {"index": 12838, "quantile": 0.25, "value": 90075.0, "Latitude": 38.69, "Longitude": -121.46, "Population": 1963.0}, {"index": 12838, "quantile": 0.5, "value": 95400.0, "Latitude": 38.69, "Longitude": -121.46, "Population": 1963.0}, {"index": 12838, "quantile": 0.75, "value": 104125.0, "Latitude": 38.69, "Longitude": -121.46, "Population": 1963.0}, {"index": 12838, "quantile": 1.0, "value": 201799.99999999997, "Latitude": 38.69, "Longitude": -121.46, "Population": 1963.0}, {"index": 12839, "quantile": 0.0, "value": 71800.0, "Latitude": 38.7, "Longitude": -121.47, "Population": 563.0}, {"index": 12839, "quantile": 0.25, "value": 91300.0, "Latitude": 38.7, "Longitude": -121.47, "Population": 563.0}, {"index": 12839, "quantile": 0.5, "value": 91300.0, "Latitude": 38.7, "Longitude": -121.47, "Population": 563.0}, {"index": 12839, "quantile": 0.75, "value": 93900.0, "Latitude": 38.7, "Longitude": -121.47, "Population": 563.0}, {"index": 12839, "quantile": 1.0, "value": 163500.0, "Latitude": 38.7, "Longitude": -121.47, "Population": 563.0}, {"index": 12840, "quantile": 0.0, "value": 50500.0, "Latitude": 38.66, "Longitude": -121.43, "Population": 1076.0}, {"index": 12840, "quantile": 0.25, "value": 81100.0, "Latitude": 38.66, "Longitude": -121.43, "Population": 1076.0}, {"index": 12840, "quantile": 0.5, "value": 81100.0, "Latitude": 38.66, "Longitude": -121.43, "Population": 1076.0}, {"index": 12840, "quantile": 0.75, "value": 81100.0, "Latitude": 38.66, "Longitude": -121.43, "Population": 1076.0}, {"index": 12840, "quantile": 1.0, "value": 163500.0, "Latitude": 38.66, "Longitude": -121.43, "Population": 1076.0}, {"index": 12841, "quantile": 0.0, "value": 84700.0, "Latitude": 38.66, "Longitude": -121.46, "Population": 1602.0}, {"index": 12841, "quantile": 0.25, "value": 120500.0, "Latitude": 38.66, "Longitude": -121.46, "Population": 1602.0}, {"index": 12841, "quantile": 0.5, "value": 120500.0, "Latitude": 38.66, "Longitude": -121.46, "Population": 1602.0}, {"index": 12841, "quantile": 0.75, "value": 129325.0, "Latitude": 38.66, "Longitude": -121.46, "Population": 1602.0}, {"index": 12841, "quantile": 1.0, "value": 300600.0, "Latitude": 38.66, "Longitude": -121.46, "Population": 1602.0}, {"index": 12842, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 38.66, "Longitude": -121.4, "Population": 1148.0}, {"index": 12842, "quantile": 0.25, "value": 112500.0, "Latitude": 38.66, "Longitude": -121.4, "Population": 1148.0}, {"index": 12842, "quantile": 0.5, "value": 112500.0, "Latitude": 38.66, "Longitude": -121.4, "Population": 1148.0}, {"index": 12842, "quantile": 0.75, "value": 112500.0, "Latitude": 38.66, "Longitude": -121.4, "Population": 1148.0}, {"index": 12842, "quantile": 1.0, "value": 225000.0, "Latitude": 38.66, "Longitude": -121.4, "Population": 1148.0}, {"index": 12843, "quantile": 0.0, "value": 50500.0, "Latitude": 38.69, "Longitude": -121.37, "Population": 1124.0}, {"index": 12843, "quantile": 0.25, "value": 87000.0, "Latitude": 38.69, "Longitude": -121.37, "Population": 1124.0}, {"index": 12843, "quantile": 0.5, "value": 87000.0, "Latitude": 38.69, "Longitude": -121.37, "Population": 1124.0}, {"index": 12843, "quantile": 0.75, "value": 87000.0, "Latitude": 38.69, "Longitude": -121.37, "Population": 1124.0}, {"index": 12843, "quantile": 1.0, "value": 177900.0, "Latitude": 38.69, "Longitude": -121.37, "Population": 1124.0}, {"index": 12844, "quantile": 0.0, "value": 71800.0, "Latitude": 38.68, "Longitude": -121.37, "Population": 663.0}, {"index": 12844, "quantile": 0.25, "value": 84200.0, "Latitude": 38.68, "Longitude": -121.37, "Population": 663.0}, {"index": 12844, "quantile": 0.5, "value": 84200.0, "Latitude": 38.68, "Longitude": -121.37, "Population": 663.0}, {"index": 12844, "quantile": 0.75, "value": 84200.0, "Latitude": 38.68, "Longitude": -121.37, "Population": 663.0}, {"index": 12844, "quantile": 1.0, "value": 176700.0, "Latitude": 38.68, "Longitude": -121.37, "Population": 663.0}, {"index": 12845, "quantile": 0.0, "value": 84200.0, "Latitude": 38.68, "Longitude": -121.38, "Population": 831.0}, {"index": 12845, "quantile": 0.25, "value": 84200.0, "Latitude": 38.68, "Longitude": -121.38, "Population": 831.0}, {"index": 12845, "quantile": 0.5, "value": 84200.0, "Latitude": 38.68, "Longitude": -121.38, "Population": 831.0}, {"index": 12845, "quantile": 0.75, "value": 113100.0, "Latitude": 38.68, "Longitude": -121.38, "Population": 831.0}, {"index": 12845, "quantile": 1.0, "value": 300600.0, "Latitude": 38.68, "Longitude": -121.38, "Population": 831.0}, {"index": 12846, "quantile": 0.0, "value": 67300.0, "Latitude": 38.68, "Longitude": -121.37, "Population": 937.0}, {"index": 12846, "quantile": 0.25, "value": 83400.0, "Latitude": 38.68, "Longitude": -121.37, "Population": 937.0}, {"index": 12846, "quantile": 0.5, "value": 83400.0, "Latitude": 38.68, "Longitude": -121.37, "Population": 937.0}, {"index": 12846, "quantile": 0.75, "value": 84000.0, "Latitude": 38.68, "Longitude": -121.37, "Population": 937.0}, {"index": 12846, "quantile": 1.0, "value": 204500.0, "Latitude": 38.68, "Longitude": -121.37, "Population": 937.0}, {"index": 12847, "quantile": 0.0, "value": 76100.0, "Latitude": 38.69, "Longitude": -121.37, "Population": 1007.0}, {"index": 12847, "quantile": 0.25, "value": 84000.0, "Latitude": 38.69, "Longitude": -121.37, "Population": 1007.0}, {"index": 12847, "quantile": 0.5, "value": 84000.0, "Latitude": 38.69, "Longitude": -121.37, "Population": 1007.0}, {"index": 12847, "quantile": 0.75, "value": 84200.0, "Latitude": 38.69, "Longitude": -121.37, "Population": 1007.0}, {"index": 12847, "quantile": 1.0, "value": 201700.0, "Latitude": 38.69, "Longitude": -121.37, "Population": 1007.0}, {"index": 12848, "quantile": 0.0, "value": 68500.0, "Latitude": 38.69, "Longitude": -121.38, "Population": 1460.0}, {"index": 12848, "quantile": 0.25, "value": 84400.0, "Latitude": 38.69, "Longitude": -121.38, "Population": 1460.0}, {"index": 12848, "quantile": 0.5, "value": 84400.0, "Latitude": 38.69, "Longitude": -121.38, "Population": 1460.0}, {"index": 12848, "quantile": 0.75, "value": 84400.0, "Latitude": 38.69, "Longitude": -121.38, "Population": 1460.0}, {"index": 12848, "quantile": 1.0, "value": 162500.0, "Latitude": 38.69, "Longitude": -121.38, "Population": 1460.0}, {"index": 12849, "quantile": 0.0, "value": 83400.0, "Latitude": 38.69, "Longitude": -121.39, "Population": 154.0}, {"index": 12849, "quantile": 0.25, "value": 108300.0, "Latitude": 38.69, "Longitude": -121.39, "Population": 154.0}, {"index": 12849, "quantile": 0.5, "value": 108300.0, "Latitude": 38.69, "Longitude": -121.39, "Population": 154.0}, {"index": 12849, "quantile": 0.75, "value": 108300.0, "Latitude": 38.69, "Longitude": -121.39, "Population": 154.0}, {"index": 12849, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 38.69, "Longitude": -121.39, "Population": 154.0}, {"index": 12850, "quantile": 0.0, "value": 63600.0, "Latitude": 38.69, "Longitude": -121.37, "Population": 590.0}, {"index": 12850, "quantile": 0.25, "value": 80200.0, "Latitude": 38.69, "Longitude": -121.37, "Population": 590.0}, {"index": 12850, "quantile": 0.5, "value": 80200.0, "Latitude": 38.69, "Longitude": -121.37, "Population": 590.0}, {"index": 12850, "quantile": 0.75, "value": 80200.0, "Latitude": 38.69, "Longitude": -121.37, "Population": 590.0}, {"index": 12850, "quantile": 1.0, "value": 187500.0, "Latitude": 38.69, "Longitude": -121.37, "Population": 590.0}, {"index": 12851, "quantile": 0.0, "value": 67300.0, "Latitude": 38.68, "Longitude": -121.37, "Population": 2022.0}, {"index": 12851, "quantile": 0.25, "value": 88200.0, "Latitude": 38.68, "Longitude": -121.37, "Population": 2022.0}, {"index": 12851, "quantile": 0.5, "value": 92600.0, "Latitude": 38.68, "Longitude": -121.37, "Population": 2022.0}, {"index": 12851, "quantile": 0.75, "value": 112200.00000000001, "Latitude": 38.68, "Longitude": -121.37, "Population": 2022.0}, {"index": 12851, "quantile": 1.0, "value": 227999.99999999997, "Latitude": 38.68, "Longitude": -121.37, "Population": 2022.0}, {"index": 12852, "quantile": 0.0, "value": 59800.0, "Latitude": 38.68, "Longitude": -121.37, "Population": 939.0}, {"index": 12852, "quantile": 0.25, "value": 72900.0, "Latitude": 38.68, "Longitude": -121.37, "Population": 939.0}, {"index": 12852, "quantile": 0.5, "value": 72900.0, "Latitude": 38.68, "Longitude": -121.37, "Population": 939.0}, {"index": 12852, "quantile": 0.75, "value": 77000.0, "Latitude": 38.68, "Longitude": -121.37, "Population": 939.0}, {"index": 12852, "quantile": 1.0, "value": 165600.0, "Latitude": 38.68, "Longitude": -121.37, "Population": 939.0}, {"index": 12853, "quantile": 0.0, "value": 61600.0, "Latitude": 38.68, "Longitude": -121.38, "Population": 861.0}, {"index": 12853, "quantile": 0.25, "value": 77000.0, "Latitude": 38.68, "Longitude": -121.38, "Population": 861.0}, {"index": 12853, "quantile": 0.5, "value": 77000.0, "Latitude": 38.68, "Longitude": -121.38, "Population": 861.0}, {"index": 12853, "quantile": 0.75, "value": 77000.0, "Latitude": 38.68, "Longitude": -121.38, "Population": 861.0}, {"index": 12853, "quantile": 1.0, "value": 170200.0, "Latitude": 38.68, "Longitude": -121.38, "Population": 861.0}, {"index": 12854, "quantile": 0.0, "value": 22500.0, "Latitude": 38.68, "Longitude": -121.38, "Population": 50.0}, {"index": 12854, "quantile": 0.25, "value": 74700.0, "Latitude": 38.68, "Longitude": -121.38, "Population": 50.0}, {"index": 12854, "quantile": 0.5, "value": 117649.99999999999, "Latitude": 38.68, "Longitude": -121.38, "Population": 50.0}, {"index": 12854, "quantile": 0.75, "value": 163400.0, "Latitude": 38.68, "Longitude": -121.38, "Population": 50.0}, {"index": 12854, "quantile": 1.0, "value": 450000.0, "Latitude": 38.68, "Longitude": -121.38, "Population": 50.0}, {"index": 12855, "quantile": 0.0, "value": 53400.0, "Latitude": 38.67, "Longitude": -121.37, "Population": 771.0}, {"index": 12855, "quantile": 0.25, "value": 78800.0, "Latitude": 38.67, "Longitude": -121.37, "Population": 771.0}, {"index": 12855, "quantile": 0.5, "value": 78800.0, "Latitude": 38.67, "Longitude": -121.37, "Population": 771.0}, {"index": 12855, "quantile": 0.75, "value": 78800.0, "Latitude": 38.67, "Longitude": -121.37, "Population": 771.0}, {"index": 12855, "quantile": 1.0, "value": 250000.0, "Latitude": 38.67, "Longitude": -121.37, "Population": 771.0}, {"index": 12856, "quantile": 0.0, "value": 68500.0, "Latitude": 38.67, "Longitude": -121.37, "Population": 974.0}, {"index": 12856, "quantile": 0.25, "value": 72700.0, "Latitude": 38.67, "Longitude": -121.37, "Population": 974.0}, {"index": 12856, "quantile": 0.5, "value": 72700.0, "Latitude": 38.67, "Longitude": -121.37, "Population": 974.0}, {"index": 12856, "quantile": 0.75, "value": 81250.0, "Latitude": 38.67, "Longitude": -121.37, "Population": 974.0}, {"index": 12856, "quantile": 1.0, "value": 225000.0, "Latitude": 38.67, "Longitude": -121.37, "Population": 974.0}, {"index": 12857, "quantile": 0.0, "value": 48100.0, "Latitude": 38.67, "Longitude": -121.38, "Population": 1067.0}, {"index": 12857, "quantile": 0.25, "value": 73425.0, "Latitude": 38.67, "Longitude": -121.38, "Population": 1067.0}, {"index": 12857, "quantile": 0.5, "value": 89800.0, "Latitude": 38.67, "Longitude": -121.38, "Population": 1067.0}, {"index": 12857, "quantile": 0.75, "value": 130900.0, "Latitude": 38.67, "Longitude": -121.38, "Population": 1067.0}, {"index": 12857, "quantile": 1.0, "value": 225000.0, "Latitude": 38.67, "Longitude": -121.38, "Population": 1067.0}, {"index": 12858, "quantile": 0.0, "value": 49800.0, "Latitude": 38.67, "Longitude": -121.38, "Population": 597.0}, {"index": 12858, "quantile": 0.25, "value": 73400.0, "Latitude": 38.67, "Longitude": -121.38, "Population": 597.0}, {"index": 12858, "quantile": 0.5, "value": 73400.0, "Latitude": 38.67, "Longitude": -121.38, "Population": 597.0}, {"index": 12858, "quantile": 0.75, "value": 83800.0, "Latitude": 38.67, "Longitude": -121.38, "Population": 597.0}, {"index": 12858, "quantile": 1.0, "value": 225000.0, "Latitude": 38.67, "Longitude": -121.38, "Population": 597.0}, {"index": 12859, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 38.67, "Longitude": -121.39, "Population": 240.0}, {"index": 12859, "quantile": 0.25, "value": 94500.0, "Latitude": 38.67, "Longitude": -121.39, "Population": 240.0}, {"index": 12859, "quantile": 0.5, "value": 112500.0, "Latitude": 38.67, "Longitude": -121.39, "Population": 240.0}, {"index": 12859, "quantile": 0.75, "value": 112500.0, "Latitude": 38.67, "Longitude": -121.39, "Population": 240.0}, {"index": 12859, "quantile": 1.0, "value": 227300.0, "Latitude": 38.67, "Longitude": -121.39, "Population": 240.0}, {"index": 12860, "quantile": 0.0, "value": 73600.0, "Latitude": 38.7, "Longitude": -121.37, "Population": 1861.0}, {"index": 12860, "quantile": 0.25, "value": 99400.0, "Latitude": 38.7, "Longitude": -121.37, "Population": 1861.0}, {"index": 12860, "quantile": 0.5, "value": 114300.0, "Latitude": 38.7, "Longitude": -121.37, "Population": 1861.0}, {"index": 12860, "quantile": 0.75, "value": 139049.99999999997, "Latitude": 38.7, "Longitude": -121.37, "Population": 1861.0}, {"index": 12860, "quantile": 1.0, "value": 227999.99999999997, "Latitude": 38.7, "Longitude": -121.37, "Population": 1861.0}, {"index": 12861, "quantile": 0.0, "value": 49800.0, "Latitude": 38.7, "Longitude": -121.38, "Population": 2203.0}, {"index": 12861, "quantile": 0.25, "value": 78075.0, "Latitude": 38.7, "Longitude": -121.38, "Population": 2203.0}, {"index": 12861, "quantile": 0.5, "value": 86350.0, "Latitude": 38.7, "Longitude": -121.38, "Population": 2203.0}, {"index": 12861, "quantile": 0.75, "value": 114075.0, "Latitude": 38.7, "Longitude": -121.38, "Population": 2203.0}, {"index": 12861, "quantile": 1.0, "value": 225000.0, "Latitude": 38.7, "Longitude": -121.38, "Population": 2203.0}, {"index": 12862, "quantile": 0.0, "value": 84200.0, "Latitude": 38.69, "Longitude": -121.39, "Population": 1508.0}, {"index": 12862, "quantile": 0.25, "value": 88400.0, "Latitude": 38.69, "Longitude": -121.39, "Population": 1508.0}, {"index": 12862, "quantile": 0.5, "value": 88400.0, "Latitude": 38.69, "Longitude": -121.39, "Population": 1508.0}, {"index": 12862, "quantile": 0.75, "value": 97525.0, "Latitude": 38.69, "Longitude": -121.39, "Population": 1508.0}, {"index": 12862, "quantile": 1.0, "value": 227999.99999999997, "Latitude": 38.69, "Longitude": -121.39, "Population": 1508.0}, {"index": 12863, "quantile": 0.0, "value": 79000.0, "Latitude": 38.7, "Longitude": -121.37, "Population": 1155.0}, {"index": 12863, "quantile": 0.25, "value": 88200.0, "Latitude": 38.7, "Longitude": -121.37, "Population": 1155.0}, {"index": 12863, "quantile": 0.5, "value": 88200.0, "Latitude": 38.7, "Longitude": -121.37, "Population": 1155.0}, {"index": 12863, "quantile": 0.75, "value": 93475.0, "Latitude": 38.7, "Longitude": -121.37, "Population": 1155.0}, {"index": 12863, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.7, "Longitude": -121.37, "Population": 1155.0}, {"index": 12864, "quantile": 0.0, "value": 84700.0, "Latitude": 38.69, "Longitude": -121.34, "Population": 1553.0}, {"index": 12864, "quantile": 0.25, "value": 112700.0, "Latitude": 38.69, "Longitude": -121.34, "Population": 1553.0}, {"index": 12864, "quantile": 0.5, "value": 112700.0, "Latitude": 38.69, "Longitude": -121.34, "Population": 1553.0}, {"index": 12864, "quantile": 0.75, "value": 113550.0, "Latitude": 38.69, "Longitude": -121.34, "Population": 1553.0}, {"index": 12864, "quantile": 1.0, "value": 161700.0, "Latitude": 38.69, "Longitude": -121.34, "Population": 1553.0}, {"index": 12865, "quantile": 0.0, "value": 80800.0, "Latitude": 38.69, "Longitude": -121.34, "Population": 996.0}, {"index": 12865, "quantile": 0.25, "value": 114300.0, "Latitude": 38.69, "Longitude": -121.34, "Population": 996.0}, {"index": 12865, "quantile": 0.5, "value": 114300.0, "Latitude": 38.69, "Longitude": -121.34, "Population": 996.0}, {"index": 12865, "quantile": 0.75, "value": 115399.99999999999, "Latitude": 38.69, "Longitude": -121.34, "Population": 996.0}, {"index": 12865, "quantile": 1.0, "value": 177900.0, "Latitude": 38.69, "Longitude": -121.34, "Population": 996.0}, {"index": 12866, "quantile": 0.0, "value": 84200.0, "Latitude": 38.68, "Longitude": -121.35, "Population": 3455.0}, {"index": 12866, "quantile": 0.25, "value": 124900.00000000001, "Latitude": 38.68, "Longitude": -121.35, "Population": 3455.0}, {"index": 12866, "quantile": 0.5, "value": 139200.0, "Latitude": 38.68, "Longitude": -121.35, "Population": 3455.0}, {"index": 12866, "quantile": 0.75, "value": 151399.99999999997, "Latitude": 38.68, "Longitude": -121.35, "Population": 3455.0}, {"index": 12866, "quantile": 1.0, "value": 212900.0, "Latitude": 38.68, "Longitude": -121.35, "Population": 3455.0}, {"index": 12867, "quantile": 0.0, "value": 94400.0, "Latitude": 38.68, "Longitude": -121.35, "Population": 3789.0}, {"index": 12867, "quantile": 0.25, "value": 98600.0, "Latitude": 38.68, "Longitude": -121.35, "Population": 3789.0}, {"index": 12867, "quantile": 0.5, "value": 98600.0, "Latitude": 38.68, "Longitude": -121.35, "Population": 3789.0}, {"index": 12867, "quantile": 0.75, "value": 124700.00000000001, "Latitude": 38.68, "Longitude": -121.35, "Population": 3789.0}, {"index": 12867, "quantile": 1.0, "value": 220100.0, "Latitude": 38.68, "Longitude": -121.35, "Population": 3789.0}, {"index": 12868, "quantile": 0.0, "value": 71300.0, "Latitude": 38.72, "Longitude": -121.35, "Population": 8652.0}, {"index": 12868, "quantile": 0.25, "value": 145900.0, "Latitude": 38.72, "Longitude": -121.35, "Population": 8652.0}, {"index": 12868, "quantile": 0.5, "value": 187700.0, "Latitude": 38.72, "Longitude": -121.35, "Population": 8652.0}, {"index": 12868, "quantile": 0.75, "value": 206825.0, "Latitude": 38.72, "Longitude": -121.35, "Population": 8652.0}, {"index": 12868, "quantile": 1.0, "value": 340400.0, "Latitude": 38.72, "Longitude": -121.35, "Population": 8652.0}, {"index": 12869, "quantile": 0.0, "value": 88200.0, "Latitude": 38.71, "Longitude": -121.38, "Population": 2857.0}, {"index": 12869, "quantile": 0.25, "value": 121775.00000000001, "Latitude": 38.71, "Longitude": -121.38, "Population": 2857.0}, {"index": 12869, "quantile": 0.5, "value": 133000.0, "Latitude": 38.71, "Longitude": -121.38, "Population": 2857.0}, {"index": 12869, "quantile": 0.75, "value": 133000.0, "Latitude": 38.71, "Longitude": -121.38, "Population": 2857.0}, {"index": 12869, "quantile": 1.0, "value": 211600.0, "Latitude": 38.71, "Longitude": -121.38, "Population": 2857.0}, {"index": 12870, "quantile": 0.0, "value": 71300.0, "Latitude": 38.71, "Longitude": -121.4, "Population": 2626.0}, {"index": 12870, "quantile": 0.25, "value": 95800.0, "Latitude": 38.71, "Longitude": -121.4, "Population": 2626.0}, {"index": 12870, "quantile": 0.5, "value": 110700.0, "Latitude": 38.71, "Longitude": -121.4, "Population": 2626.0}, {"index": 12870, "quantile": 0.75, "value": 139049.99999999997, "Latitude": 38.71, "Longitude": -121.4, "Population": 2626.0}, {"index": 12870, "quantile": 1.0, "value": 326500.0, "Latitude": 38.71, "Longitude": -121.4, "Population": 2626.0}, {"index": 12871, "quantile": 0.0, "value": 70800.0, "Latitude": 38.69, "Longitude": -121.36, "Population": 4251.0}, {"index": 12871, "quantile": 0.25, "value": 93300.0, "Latitude": 38.69, "Longitude": -121.36, "Population": 4251.0}, {"index": 12871, "quantile": 0.5, "value": 93300.0, "Latitude": 38.69, "Longitude": -121.36, "Population": 4251.0}, {"index": 12871, "quantile": 0.75, "value": 109349.99999999999, "Latitude": 38.69, "Longitude": -121.36, "Population": 4251.0}, {"index": 12871, "quantile": 1.0, "value": 220100.0, "Latitude": 38.69, "Longitude": -121.36, "Population": 4251.0}, {"index": 12872, "quantile": 0.0, "value": 89600.0, "Latitude": 38.7, "Longitude": -121.35, "Population": 7608.0}, {"index": 12872, "quantile": 0.25, "value": 129600.0, "Latitude": 38.7, "Longitude": -121.35, "Population": 7608.0}, {"index": 12872, "quantile": 0.5, "value": 129600.0, "Latitude": 38.7, "Longitude": -121.35, "Population": 7608.0}, {"index": 12872, "quantile": 0.75, "value": 129600.0, "Latitude": 38.7, "Longitude": -121.35, "Population": 7608.0}, {"index": 12872, "quantile": 1.0, "value": 220100.0, "Latitude": 38.7, "Longitude": -121.35, "Population": 7608.0}, {"index": 12873, "quantile": 0.0, "value": 82500.0, "Latitude": 38.67, "Longitude": -121.36, "Population": 1471.0}, {"index": 12873, "quantile": 0.25, "value": 82500.0, "Latitude": 38.67, "Longitude": -121.36, "Population": 1471.0}, {"index": 12873, "quantile": 0.5, "value": 82500.0, "Latitude": 38.67, "Longitude": -121.36, "Population": 1471.0}, {"index": 12873, "quantile": 0.75, "value": 97500.0, "Latitude": 38.67, "Longitude": -121.36, "Population": 1471.0}, {"index": 12873, "quantile": 1.0, "value": 150000.0, "Latitude": 38.67, "Longitude": -121.36, "Population": 1471.0}, {"index": 12874, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.67, "Longitude": -121.36, "Population": 3237.0}, {"index": 12874, "quantile": 0.25, "value": 103699.99999999999, "Latitude": 38.67, "Longitude": -121.36, "Population": 3237.0}, {"index": 12874, "quantile": 0.5, "value": 116599.99999999999, "Latitude": 38.67, "Longitude": -121.36, "Population": 3237.0}, {"index": 12874, "quantile": 0.75, "value": 116599.99999999999, "Latitude": 38.67, "Longitude": -121.36, "Population": 3237.0}, {"index": 12874, "quantile": 1.0, "value": 169400.0, "Latitude": 38.67, "Longitude": -121.36, "Population": 3237.0}, {"index": 12875, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.66, "Longitude": -121.37, "Population": 1929.0}, {"index": 12875, "quantile": 0.25, "value": 86000.0, "Latitude": 38.66, "Longitude": -121.37, "Population": 1929.0}, {"index": 12875, "quantile": 0.5, "value": 86000.0, "Latitude": 38.66, "Longitude": -121.37, "Population": 1929.0}, {"index": 12875, "quantile": 0.75, "value": 86900.0, "Latitude": 38.66, "Longitude": -121.37, "Population": 1929.0}, {"index": 12875, "quantile": 1.0, "value": 170500.0, "Latitude": 38.66, "Longitude": -121.37, "Population": 1929.0}, {"index": 12876, "quantile": 0.0, "value": 90500.0, "Latitude": 38.66, "Longitude": -121.36, "Population": 1362.0}, {"index": 12876, "quantile": 0.25, "value": 96500.0, "Latitude": 38.66, "Longitude": -121.36, "Population": 1362.0}, {"index": 12876, "quantile": 0.5, "value": 96500.0, "Latitude": 38.66, "Longitude": -121.36, "Population": 1362.0}, {"index": 12876, "quantile": 0.75, "value": 103299.99999999999, "Latitude": 38.66, "Longitude": -121.36, "Population": 1362.0}, {"index": 12876, "quantile": 1.0, "value": 190200.0, "Latitude": 38.66, "Longitude": -121.36, "Population": 1362.0}, {"index": 12877, "quantile": 0.0, "value": 78800.0, "Latitude": 38.66, "Longitude": -121.37, "Population": 2371.0}, {"index": 12877, "quantile": 0.25, "value": 103299.99999999999, "Latitude": 38.66, "Longitude": -121.37, "Population": 2371.0}, {"index": 12877, "quantile": 0.5, "value": 103299.99999999999, "Latitude": 38.66, "Longitude": -121.37, "Population": 2371.0}, {"index": 12877, "quantile": 0.75, "value": 103299.99999999999, "Latitude": 38.66, "Longitude": -121.37, "Population": 2371.0}, {"index": 12877, "quantile": 1.0, "value": 225000.0, "Latitude": 38.66, "Longitude": -121.37, "Population": 2371.0}, {"index": 12878, "quantile": 0.0, "value": 32500.0, "Latitude": 38.66, "Longitude": -121.38, "Population": 2393.0}, {"index": 12878, "quantile": 0.25, "value": 96950.0, "Latitude": 38.66, "Longitude": -121.38, "Population": 2393.0}, {"index": 12878, "quantile": 0.5, "value": 100499.99999999999, "Latitude": 38.66, "Longitude": -121.38, "Population": 2393.0}, {"index": 12878, "quantile": 0.75, "value": 100499.99999999999, "Latitude": 38.66, "Longitude": -121.38, "Population": 2393.0}, {"index": 12878, "quantile": 1.0, "value": 225000.0, "Latitude": 38.66, "Longitude": -121.38, "Population": 2393.0}, {"index": 12879, "quantile": 0.0, "value": 70800.0, "Latitude": 38.65, "Longitude": -121.38, "Population": 355.0}, {"index": 12879, "quantile": 0.25, "value": 109500.0, "Latitude": 38.65, "Longitude": -121.38, "Population": 355.0}, {"index": 12879, "quantile": 0.5, "value": 109500.0, "Latitude": 38.65, "Longitude": -121.38, "Population": 355.0}, {"index": 12879, "quantile": 0.75, "value": 109500.0, "Latitude": 38.65, "Longitude": -121.38, "Population": 355.0}, {"index": 12879, "quantile": 1.0, "value": 207799.99999999997, "Latitude": 38.65, "Longitude": -121.38, "Population": 355.0}, {"index": 12880, "quantile": 0.0, "value": 71800.0, "Latitude": 38.64, "Longitude": -121.39, "Population": 652.0}, {"index": 12880, "quantile": 0.25, "value": 101350.0, "Latitude": 38.64, "Longitude": -121.39, "Population": 652.0}, {"index": 12880, "quantile": 0.5, "value": 114250.0, "Latitude": 38.64, "Longitude": -121.39, "Population": 652.0}, {"index": 12880, "quantile": 0.75, "value": 146925.00000000003, "Latitude": 38.64, "Longitude": -121.39, "Population": 652.0}, {"index": 12880, "quantile": 1.0, "value": 300600.0, "Latitude": 38.64, "Longitude": -121.39, "Population": 652.0}, {"index": 12881, "quantile": 0.0, "value": 84200.0, "Latitude": 38.68, "Longitude": -121.34, "Population": 1543.0}, {"index": 12881, "quantile": 0.25, "value": 131700.0, "Latitude": 38.68, "Longitude": -121.34, "Population": 1543.0}, {"index": 12881, "quantile": 0.5, "value": 139200.0, "Latitude": 38.68, "Longitude": -121.34, "Population": 1543.0}, {"index": 12881, "quantile": 0.75, "value": 158800.0, "Latitude": 38.68, "Longitude": -121.34, "Population": 1543.0}, {"index": 12881, "quantile": 1.0, "value": 260900.0, "Latitude": 38.68, "Longitude": -121.34, "Population": 1543.0}, {"index": 12882, "quantile": 0.0, "value": 84200.0, "Latitude": 38.67, "Longitude": -121.34, "Population": 731.0}, {"index": 12882, "quantile": 0.25, "value": 118500.0, "Latitude": 38.67, "Longitude": -121.34, "Population": 731.0}, {"index": 12882, "quantile": 0.5, "value": 118500.0, "Latitude": 38.67, "Longitude": -121.34, "Population": 731.0}, {"index": 12882, "quantile": 0.75, "value": 118500.0, "Latitude": 38.67, "Longitude": -121.34, "Population": 731.0}, {"index": 12882, "quantile": 1.0, "value": 161700.0, "Latitude": 38.67, "Longitude": -121.34, "Population": 731.0}, {"index": 12883, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 38.67, "Longitude": -121.34, "Population": 331.0}, {"index": 12883, "quantile": 0.25, "value": 105349.99999999999, "Latitude": 38.67, "Longitude": -121.34, "Population": 331.0}, {"index": 12883, "quantile": 0.5, "value": 120700.00000000001, "Latitude": 38.67, "Longitude": -121.34, "Population": 331.0}, {"index": 12883, "quantile": 0.75, "value": 120700.00000000001, "Latitude": 38.67, "Longitude": -121.34, "Population": 331.0}, {"index": 12883, "quantile": 1.0, "value": 183200.0, "Latitude": 38.67, "Longitude": -121.34, "Population": 331.0}, {"index": 12884, "quantile": 0.0, "value": 32500.0, "Latitude": 38.66, "Longitude": -121.34, "Population": 1837.0}, {"index": 12884, "quantile": 0.25, "value": 92900.0, "Latitude": 38.66, "Longitude": -121.34, "Population": 1837.0}, {"index": 12884, "quantile": 0.5, "value": 92900.0, "Latitude": 38.66, "Longitude": -121.34, "Population": 1837.0}, {"index": 12884, "quantile": 0.75, "value": 92900.0, "Latitude": 38.66, "Longitude": -121.34, "Population": 1837.0}, {"index": 12884, "quantile": 1.0, "value": 156800.0, "Latitude": 38.66, "Longitude": -121.34, "Population": 1837.0}, {"index": 12885, "quantile": 0.0, "value": 80800.0, "Latitude": 38.66, "Longitude": -121.35, "Population": 1694.0}, {"index": 12885, "quantile": 0.25, "value": 92250.00000000001, "Latitude": 38.66, "Longitude": -121.35, "Population": 1694.0}, {"index": 12885, "quantile": 0.5, "value": 105500.0, "Latitude": 38.66, "Longitude": -121.35, "Population": 1694.0}, {"index": 12885, "quantile": 0.75, "value": 130250.0, "Latitude": 38.66, "Longitude": -121.35, "Population": 1694.0}, {"index": 12885, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 38.66, "Longitude": -121.35, "Population": 1694.0}, {"index": 12886, "quantile": 0.0, "value": 76600.0, "Latitude": 38.66, "Longitude": -121.34, "Population": 583.0}, {"index": 12886, "quantile": 0.25, "value": 137500.0, "Latitude": 38.66, "Longitude": -121.34, "Population": 583.0}, {"index": 12886, "quantile": 0.5, "value": 137500.0, "Latitude": 38.66, "Longitude": -121.34, "Population": 583.0}, {"index": 12886, "quantile": 0.75, "value": 137500.0, "Latitude": 38.66, "Longitude": -121.34, "Population": 583.0}, {"index": 12886, "quantile": 1.0, "value": 187500.0, "Latitude": 38.66, "Longitude": -121.34, "Population": 583.0}, {"index": 12887, "quantile": 0.0, "value": 55100.00000000001, "Latitude": 38.66, "Longitude": -121.34, "Population": 2032.0}, {"index": 12887, "quantile": 0.25, "value": 104200.0, "Latitude": 38.66, "Longitude": -121.34, "Population": 2032.0}, {"index": 12887, "quantile": 0.5, "value": 133100.0, "Latitude": 38.66, "Longitude": -121.34, "Population": 2032.0}, {"index": 12887, "quantile": 0.75, "value": 133100.0, "Latitude": 38.66, "Longitude": -121.34, "Population": 2032.0}, {"index": 12887, "quantile": 1.0, "value": 175900.0, "Latitude": 38.66, "Longitude": -121.34, "Population": 2032.0}, {"index": 12888, "quantile": 0.0, "value": 77000.0, "Latitude": 38.66, "Longitude": -121.35, "Population": 1631.0}, {"index": 12888, "quantile": 0.25, "value": 99500.0, "Latitude": 38.66, "Longitude": -121.35, "Population": 1631.0}, {"index": 12888, "quantile": 0.5, "value": 124450.0, "Latitude": 38.66, "Longitude": -121.35, "Population": 1631.0}, {"index": 12888, "quantile": 0.75, "value": 142200.0, "Latitude": 38.66, "Longitude": -121.35, "Population": 1631.0}, {"index": 12888, "quantile": 1.0, "value": 201300.0, "Latitude": 38.66, "Longitude": -121.35, "Population": 1631.0}, {"index": 12889, "quantile": 0.0, "value": 70800.0, "Latitude": 38.66, "Longitude": -121.36, "Population": 424.0}, {"index": 12889, "quantile": 0.25, "value": 109675.00000000001, "Latitude": 38.66, "Longitude": -121.36, "Population": 424.0}, {"index": 12889, "quantile": 0.5, "value": 124500.00000000001, "Latitude": 38.66, "Longitude": -121.36, "Population": 424.0}, {"index": 12889, "quantile": 0.75, "value": 143700.0, "Latitude": 38.66, "Longitude": -121.36, "Population": 424.0}, {"index": 12889, "quantile": 1.0, "value": 239200.0, "Latitude": 38.66, "Longitude": -121.36, "Population": 424.0}, {"index": 12890, "quantile": 0.0, "value": 82600.0, "Latitude": 38.64, "Longitude": -121.37, "Population": 757.0}, {"index": 12890, "quantile": 0.25, "value": 155474.99999999997, "Latitude": 38.64, "Longitude": -121.37, "Population": 757.0}, {"index": 12890, "quantile": 0.5, "value": 159700.0, "Latitude": 38.64, "Longitude": -121.37, "Population": 757.0}, {"index": 12890, "quantile": 0.75, "value": 159700.0, "Latitude": 38.64, "Longitude": -121.37, "Population": 757.0}, {"index": 12890, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 38.64, "Longitude": -121.37, "Population": 757.0}, {"index": 12891, "quantile": 0.0, "value": 71700.0, "Latitude": 38.65, "Longitude": -121.35, "Population": 1185.0}, {"index": 12891, "quantile": 0.25, "value": 107900.0, "Latitude": 38.65, "Longitude": -121.35, "Population": 1185.0}, {"index": 12891, "quantile": 0.5, "value": 107900.0, "Latitude": 38.65, "Longitude": -121.35, "Population": 1185.0}, {"index": 12891, "quantile": 0.75, "value": 134700.0, "Latitude": 38.65, "Longitude": -121.35, "Population": 1185.0}, {"index": 12891, "quantile": 1.0, "value": 242099.99999999997, "Latitude": 38.65, "Longitude": -121.35, "Population": 1185.0}, {"index": 12892, "quantile": 0.0, "value": 96500.0, "Latitude": 38.66, "Longitude": -121.33, "Population": 1842.0}, {"index": 12892, "quantile": 0.25, "value": 105500.0, "Latitude": 38.66, "Longitude": -121.33, "Population": 1842.0}, {"index": 12892, "quantile": 0.5, "value": 105500.0, "Latitude": 38.66, "Longitude": -121.33, "Population": 1842.0}, {"index": 12892, "quantile": 0.75, "value": 125400.0, "Latitude": 38.66, "Longitude": -121.33, "Population": 1842.0}, {"index": 12892, "quantile": 1.0, "value": 190200.0, "Latitude": 38.66, "Longitude": -121.33, "Population": 1842.0}, {"index": 12893, "quantile": 0.0, "value": 84400.0, "Latitude": 38.65, "Longitude": -121.33, "Population": 1132.0}, {"index": 12893, "quantile": 0.25, "value": 116700.0, "Latitude": 38.65, "Longitude": -121.33, "Population": 1132.0}, {"index": 12893, "quantile": 0.5, "value": 125400.0, "Latitude": 38.65, "Longitude": -121.33, "Population": 1132.0}, {"index": 12893, "quantile": 0.75, "value": 150125.0, "Latitude": 38.65, "Longitude": -121.33, "Population": 1132.0}, {"index": 12893, "quantile": 1.0, "value": 272000.0, "Latitude": 38.65, "Longitude": -121.33, "Population": 1132.0}, {"index": 12894, "quantile": 0.0, "value": 91200.0, "Latitude": 38.65, "Longitude": -121.34, "Population": 610.0}, {"index": 12894, "quantile": 0.25, "value": 162500.0, "Latitude": 38.65, "Longitude": -121.34, "Population": 610.0}, {"index": 12894, "quantile": 0.5, "value": 199000.0, "Latitude": 38.65, "Longitude": -121.34, "Population": 610.0}, {"index": 12894, "quantile": 0.75, "value": 199000.0, "Latitude": 38.65, "Longitude": -121.34, "Population": 610.0}, {"index": 12894, "quantile": 1.0, "value": 234200.0, "Latitude": 38.65, "Longitude": -121.34, "Population": 610.0}, {"index": 12895, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.65, "Longitude": -121.33, "Population": 1496.0}, {"index": 12895, "quantile": 0.25, "value": 148250.0, "Latitude": 38.65, "Longitude": -121.33, "Population": 1496.0}, {"index": 12895, "quantile": 0.5, "value": 183200.0, "Latitude": 38.65, "Longitude": -121.33, "Population": 1496.0}, {"index": 12895, "quantile": 0.75, "value": 183200.0, "Latitude": 38.65, "Longitude": -121.33, "Population": 1496.0}, {"index": 12895, "quantile": 1.0, "value": 183200.0, "Latitude": 38.65, "Longitude": -121.33, "Population": 1496.0}, {"index": 12896, "quantile": 0.0, "value": 91600.0, "Latitude": 38.64, "Longitude": -121.34, "Population": 1335.0}, {"index": 12896, "quantile": 0.25, "value": 157075.0, "Latitude": 38.64, "Longitude": -121.34, "Population": 1335.0}, {"index": 12896, "quantile": 0.5, "value": 161000.0, "Latitude": 38.64, "Longitude": -121.34, "Population": 1335.0}, {"index": 12896, "quantile": 0.75, "value": 161000.0, "Latitude": 38.64, "Longitude": -121.34, "Population": 1335.0}, {"index": 12896, "quantile": 1.0, "value": 301100.0, "Latitude": 38.64, "Longitude": -121.34, "Population": 1335.0}, {"index": 12897, "quantile": 0.0, "value": 71200.0, "Latitude": 38.64, "Longitude": -121.33, "Population": 1158.0}, {"index": 12897, "quantile": 0.25, "value": 119500.0, "Latitude": 38.64, "Longitude": -121.33, "Population": 1158.0}, {"index": 12897, "quantile": 0.5, "value": 119500.0, "Latitude": 38.64, "Longitude": -121.33, "Population": 1158.0}, {"index": 12897, "quantile": 0.75, "value": 119500.0, "Latitude": 38.64, "Longitude": -121.33, "Population": 1158.0}, {"index": 12897, "quantile": 1.0, "value": 225000.0, "Latitude": 38.64, "Longitude": -121.33, "Population": 1158.0}, {"index": 12898, "quantile": 0.0, "value": 74600.0, "Latitude": 38.64, "Longitude": -121.34, "Population": 1128.0}, {"index": 12898, "quantile": 0.25, "value": 139700.0, "Latitude": 38.64, "Longitude": -121.34, "Population": 1128.0}, {"index": 12898, "quantile": 0.5, "value": 139700.0, "Latitude": 38.64, "Longitude": -121.34, "Population": 1128.0}, {"index": 12898, "quantile": 0.75, "value": 145025.0, "Latitude": 38.64, "Longitude": -121.34, "Population": 1128.0}, {"index": 12898, "quantile": 1.0, "value": 242099.99999999997, "Latitude": 38.64, "Longitude": -121.34, "Population": 1128.0}, {"index": 12899, "quantile": 0.0, "value": 99800.0, "Latitude": 38.63, "Longitude": -121.34, "Population": 1363.0}, {"index": 12899, "quantile": 0.25, "value": 137475.0, "Latitude": 38.63, "Longitude": -121.34, "Population": 1363.0}, {"index": 12899, "quantile": 0.5, "value": 161700.0, "Latitude": 38.63, "Longitude": -121.34, "Population": 1363.0}, {"index": 12899, "quantile": 0.75, "value": 161700.0, "Latitude": 38.63, "Longitude": -121.34, "Population": 1363.0}, {"index": 12899, "quantile": 1.0, "value": 194600.0, "Latitude": 38.63, "Longitude": -121.34, "Population": 1363.0}, {"index": 12900, "quantile": 0.0, "value": 82100.0, "Latitude": 38.63, "Longitude": -121.33, "Population": 866.0}, {"index": 12900, "quantile": 0.25, "value": 125400.0, "Latitude": 38.63, "Longitude": -121.33, "Population": 866.0}, {"index": 12900, "quantile": 0.5, "value": 156800.0, "Latitude": 38.63, "Longitude": -121.33, "Population": 866.0}, {"index": 12900, "quantile": 0.75, "value": 156800.0, "Latitude": 38.63, "Longitude": -121.33, "Population": 866.0}, {"index": 12900, "quantile": 1.0, "value": 229199.99999999997, "Latitude": 38.63, "Longitude": -121.33, "Population": 866.0}, {"index": 12901, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.62, "Longitude": -121.33, "Population": 772.0}, {"index": 12901, "quantile": 0.25, "value": 94475.0, "Latitude": 38.62, "Longitude": -121.33, "Population": 772.0}, {"index": 12901, "quantile": 0.5, "value": 114700.0, "Latitude": 38.62, "Longitude": -121.33, "Population": 772.0}, {"index": 12901, "quantile": 0.75, "value": 133300.0, "Latitude": 38.62, "Longitude": -121.33, "Population": 772.0}, {"index": 12901, "quantile": 1.0, "value": 233700.00000000003, "Latitude": 38.62, "Longitude": -121.33, "Population": 772.0}, {"index": 12902, "quantile": 0.0, "value": 86700.0, "Latitude": 38.62, "Longitude": -121.34, "Population": 1658.0}, {"index": 12902, "quantile": 0.25, "value": 115475.0, "Latitude": 38.62, "Longitude": -121.34, "Population": 1658.0}, {"index": 12902, "quantile": 0.5, "value": 153000.0, "Latitude": 38.62, "Longitude": -121.34, "Population": 1658.0}, {"index": 12902, "quantile": 0.75, "value": 153000.0, "Latitude": 38.62, "Longitude": -121.34, "Population": 1658.0}, {"index": 12902, "quantile": 1.0, "value": 220100.0, "Latitude": 38.62, "Longitude": -121.34, "Population": 1658.0}, {"index": 12903, "quantile": 0.0, "value": 83800.0, "Latitude": 38.61, "Longitude": -121.34, "Population": 875.0}, {"index": 12903, "quantile": 0.25, "value": 136650.0, "Latitude": 38.61, "Longitude": -121.34, "Population": 875.0}, {"index": 12903, "quantile": 0.5, "value": 142200.0, "Latitude": 38.61, "Longitude": -121.34, "Population": 875.0}, {"index": 12903, "quantile": 0.75, "value": 142200.0, "Latitude": 38.61, "Longitude": -121.34, "Population": 875.0}, {"index": 12903, "quantile": 1.0, "value": 156800.0, "Latitude": 38.61, "Longitude": -121.34, "Population": 875.0}, {"index": 12904, "quantile": 0.0, "value": 67000.0, "Latitude": 38.61, "Longitude": -121.34, "Population": 722.0}, {"index": 12904, "quantile": 0.25, "value": 155125.0, "Latitude": 38.61, "Longitude": -121.34, "Population": 722.0}, {"index": 12904, "quantile": 0.5, "value": 166100.0, "Latitude": 38.61, "Longitude": -121.34, "Population": 722.0}, {"index": 12904, "quantile": 0.75, "value": 166100.0, "Latitude": 38.61, "Longitude": -121.34, "Population": 722.0}, {"index": 12904, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.61, "Longitude": -121.34, "Population": 722.0}, {"index": 12905, "quantile": 0.0, "value": 72000.0, "Latitude": 38.61, "Longitude": -121.33, "Population": 1326.0}, {"index": 12905, "quantile": 0.25, "value": 97500.0, "Latitude": 38.61, "Longitude": -121.33, "Population": 1326.0}, {"index": 12905, "quantile": 0.5, "value": 117649.99999999999, "Latitude": 38.61, "Longitude": -121.33, "Population": 1326.0}, {"index": 12905, "quantile": 0.75, "value": 137500.0, "Latitude": 38.61, "Longitude": -121.33, "Population": 1326.0}, {"index": 12905, "quantile": 1.0, "value": 190200.0, "Latitude": 38.61, "Longitude": -121.33, "Population": 1326.0}, {"index": 12906, "quantile": 0.0, "value": 92400.0, "Latitude": 38.61, "Longitude": -121.34, "Population": 2586.0}, {"index": 12906, "quantile": 0.25, "value": 133000.0, "Latitude": 38.61, "Longitude": -121.34, "Population": 2586.0}, {"index": 12906, "quantile": 0.5, "value": 155450.0, "Latitude": 38.61, "Longitude": -121.34, "Population": 2586.0}, {"index": 12906, "quantile": 0.75, "value": 159650.0, "Latitude": 38.61, "Longitude": -121.34, "Population": 2586.0}, {"index": 12906, "quantile": 1.0, "value": 269500.0, "Latitude": 38.61, "Longitude": -121.34, "Population": 2586.0}, {"index": 12907, "quantile": 0.0, "value": 160100.0, "Latitude": 38.6, "Longitude": -121.33, "Population": 1635.0}, {"index": 12907, "quantile": 0.25, "value": 240000.0, "Latitude": 38.6, "Longitude": -121.33, "Population": 1635.0}, {"index": 12907, "quantile": 0.5, "value": 240000.0, "Latitude": 38.6, "Longitude": -121.33, "Population": 1635.0}, {"index": 12907, "quantile": 0.75, "value": 305100.0, "Latitude": 38.6, "Longitude": -121.33, "Population": 1635.0}, {"index": 12907, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.6, "Longitude": -121.33, "Population": 1635.0}, {"index": 12908, "quantile": 0.0, "value": 63800.0, "Latitude": 38.63, "Longitude": -121.29, "Population": 1284.0}, {"index": 12908, "quantile": 0.25, "value": 150674.99999999997, "Latitude": 38.63, "Longitude": -121.29, "Population": 1284.0}, {"index": 12908, "quantile": 0.5, "value": 213000.0, "Latitude": 38.63, "Longitude": -121.29, "Population": 1284.0}, {"index": 12908, "quantile": 0.75, "value": 213000.0, "Latitude": 38.63, "Longitude": -121.29, "Population": 1284.0}, {"index": 12908, "quantile": 1.0, "value": 213000.0, "Latitude": 38.63, "Longitude": -121.29, "Population": 1284.0}, {"index": 12909, "quantile": 0.0, "value": 50500.0, "Latitude": 38.63, "Longitude": -121.3, "Population": 992.0}, {"index": 12909, "quantile": 0.25, "value": 110000.00000000001, "Latitude": 38.63, "Longitude": -121.3, "Population": 992.0}, {"index": 12909, "quantile": 0.5, "value": 150000.0, "Latitude": 38.63, "Longitude": -121.3, "Population": 992.0}, {"index": 12909, "quantile": 0.75, "value": 150000.0, "Latitude": 38.63, "Longitude": -121.3, "Population": 992.0}, {"index": 12909, "quantile": 1.0, "value": 163500.0, "Latitude": 38.63, "Longitude": -121.3, "Population": 992.0}, {"index": 12910, "quantile": 0.0, "value": 82500.0, "Latitude": 38.63, "Longitude": -121.32, "Population": 3107.0}, {"index": 12910, "quantile": 0.25, "value": 128175.0, "Latitude": 38.63, "Longitude": -121.32, "Population": 3107.0}, {"index": 12910, "quantile": 0.5, "value": 150500.0, "Latitude": 38.63, "Longitude": -121.32, "Population": 3107.0}, {"index": 12910, "quantile": 0.75, "value": 150500.0, "Latitude": 38.63, "Longitude": -121.32, "Population": 3107.0}, {"index": 12910, "quantile": 1.0, "value": 212699.99999999997, "Latitude": 38.63, "Longitude": -121.32, "Population": 3107.0}, {"index": 12911, "quantile": 0.0, "value": 146200.0, "Latitude": 38.62, "Longitude": -121.31, "Population": 1121.0}, {"index": 12911, "quantile": 0.25, "value": 240000.0, "Latitude": 38.62, "Longitude": -121.31, "Population": 1121.0}, {"index": 12911, "quantile": 0.5, "value": 240000.0, "Latitude": 38.62, "Longitude": -121.31, "Population": 1121.0}, {"index": 12911, "quantile": 0.75, "value": 273200.0, "Latitude": 38.62, "Longitude": -121.31, "Population": 1121.0}, {"index": 12911, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.62, "Longitude": -121.31, "Population": 1121.0}, {"index": 12912, "quantile": 0.0, "value": 84400.0, "Latitude": 38.62, "Longitude": -121.32, "Population": 1087.0}, {"index": 12912, "quantile": 0.25, "value": 125675.0, "Latitude": 38.62, "Longitude": -121.32, "Population": 1087.0}, {"index": 12912, "quantile": 0.5, "value": 177900.0, "Latitude": 38.62, "Longitude": -121.32, "Population": 1087.0}, {"index": 12912, "quantile": 0.75, "value": 177900.0, "Latitude": 38.62, "Longitude": -121.32, "Population": 1087.0}, {"index": 12912, "quantile": 1.0, "value": 200000.0, "Latitude": 38.62, "Longitude": -121.32, "Population": 1087.0}, {"index": 12913, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.62, "Longitude": -121.32, "Population": 470.0}, {"index": 12913, "quantile": 0.25, "value": 117400.0, "Latitude": 38.62, "Longitude": -121.32, "Population": 470.0}, {"index": 12913, "quantile": 0.5, "value": 148300.0, "Latitude": 38.62, "Longitude": -121.32, "Population": 470.0}, {"index": 12913, "quantile": 0.75, "value": 148300.0, "Latitude": 38.62, "Longitude": -121.32, "Population": 470.0}, {"index": 12913, "quantile": 1.0, "value": 148300.0, "Latitude": 38.62, "Longitude": -121.32, "Population": 470.0}, {"index": 12914, "quantile": 0.0, "value": 91300.0, "Latitude": 38.61, "Longitude": -121.32, "Population": 1870.0}, {"index": 12914, "quantile": 0.25, "value": 116575.0, "Latitude": 38.61, "Longitude": -121.32, "Population": 1870.0}, {"index": 12914, "quantile": 0.5, "value": 190200.0, "Latitude": 38.61, "Longitude": -121.32, "Population": 1870.0}, {"index": 12914, "quantile": 0.75, "value": 190200.0, "Latitude": 38.61, "Longitude": -121.32, "Population": 1870.0}, {"index": 12914, "quantile": 1.0, "value": 190200.0, "Latitude": 38.61, "Longitude": -121.32, "Population": 1870.0}, {"index": 12915, "quantile": 0.0, "value": 175000.0, "Latitude": 38.61, "Longitude": -121.31, "Population": 316.0}, {"index": 12915, "quantile": 0.25, "value": 264950.0, "Latitude": 38.61, "Longitude": -121.31, "Population": 316.0}, {"index": 12915, "quantile": 0.5, "value": 326700.0, "Latitude": 38.61, "Longitude": -121.31, "Population": 316.0}, {"index": 12915, "quantile": 0.75, "value": 326700.0, "Latitude": 38.61, "Longitude": -121.31, "Population": 316.0}, {"index": 12915, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.61, "Longitude": -121.31, "Population": 316.0}, {"index": 12916, "quantile": 0.0, "value": 84200.0, "Latitude": 38.64, "Longitude": -121.3, "Population": 2330.0}, {"index": 12916, "quantile": 0.25, "value": 130250.0, "Latitude": 38.64, "Longitude": -121.3, "Population": 2330.0}, {"index": 12916, "quantile": 0.5, "value": 139200.0, "Latitude": 38.64, "Longitude": -121.3, "Population": 2330.0}, {"index": 12916, "quantile": 0.75, "value": 158500.0, "Latitude": 38.64, "Longitude": -121.3, "Population": 2330.0}, {"index": 12916, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 38.64, "Longitude": -121.3, "Population": 2330.0}, {"index": 12917, "quantile": 0.0, "value": 137400.0, "Latitude": 38.64, "Longitude": -121.31, "Population": 1927.0}, {"index": 12917, "quantile": 0.25, "value": 195400.0, "Latitude": 38.64, "Longitude": -121.31, "Population": 1927.0}, {"index": 12917, "quantile": 0.5, "value": 195400.0, "Latitude": 38.64, "Longitude": -121.31, "Population": 1927.0}, {"index": 12917, "quantile": 0.75, "value": 195400.0, "Latitude": 38.64, "Longitude": -121.31, "Population": 1927.0}, {"index": 12917, "quantile": 1.0, "value": 390800.0, "Latitude": 38.64, "Longitude": -121.31, "Population": 1927.0}, {"index": 12918, "quantile": 0.0, "value": 88600.0, "Latitude": 38.64, "Longitude": -121.32, "Population": 3576.0}, {"index": 12918, "quantile": 0.25, "value": 158500.0, "Latitude": 38.64, "Longitude": -121.32, "Population": 3576.0}, {"index": 12918, "quantile": 0.5, "value": 158500.0, "Latitude": 38.64, "Longitude": -121.32, "Population": 3576.0}, {"index": 12918, "quantile": 0.75, "value": 158500.0, "Latitude": 38.64, "Longitude": -121.32, "Population": 3576.0}, {"index": 12918, "quantile": 1.0, "value": 216100.0, "Latitude": 38.64, "Longitude": -121.32, "Population": 3576.0}, {"index": 12919, "quantile": 0.0, "value": 115500.0, "Latitude": 38.66, "Longitude": -121.31, "Population": 761.0}, {"index": 12919, "quantile": 0.25, "value": 136400.0, "Latitude": 38.66, "Longitude": -121.31, "Population": 761.0}, {"index": 12919, "quantile": 0.5, "value": 136400.0, "Latitude": 38.66, "Longitude": -121.31, "Population": 761.0}, {"index": 12919, "quantile": 0.75, "value": 163400.0, "Latitude": 38.66, "Longitude": -121.31, "Population": 761.0}, {"index": 12919, "quantile": 1.0, "value": 417000.0, "Latitude": 38.66, "Longitude": -121.31, "Population": 761.0}, {"index": 12920, "quantile": 0.0, "value": 108700.0, "Latitude": 38.66, "Longitude": -121.31, "Population": 751.0}, {"index": 12920, "quantile": 0.25, "value": 140500.0, "Latitude": 38.66, "Longitude": -121.31, "Population": 751.0}, {"index": 12920, "quantile": 0.5, "value": 140500.0, "Latitude": 38.66, "Longitude": -121.31, "Population": 751.0}, {"index": 12920, "quantile": 0.75, "value": 140500.0, "Latitude": 38.66, "Longitude": -121.31, "Population": 751.0}, {"index": 12920, "quantile": 1.0, "value": 212900.0, "Latitude": 38.66, "Longitude": -121.31, "Population": 751.0}, {"index": 12921, "quantile": 0.0, "value": 108700.0, "Latitude": 38.66, "Longitude": -121.32, "Population": 500.0}, {"index": 12921, "quantile": 0.25, "value": 163400.0, "Latitude": 38.66, "Longitude": -121.32, "Population": 500.0}, {"index": 12921, "quantile": 0.5, "value": 163400.0, "Latitude": 38.66, "Longitude": -121.32, "Population": 500.0}, {"index": 12921, "quantile": 0.75, "value": 163400.0, "Latitude": 38.66, "Longitude": -121.32, "Population": 500.0}, {"index": 12921, "quantile": 1.0, "value": 250000.0, "Latitude": 38.66, "Longitude": -121.32, "Population": 500.0}, {"index": 12922, "quantile": 0.0, "value": 82100.0, "Latitude": 38.66, "Longitude": -121.32, "Population": 501.0}, {"index": 12922, "quantile": 0.25, "value": 143600.0, "Latitude": 38.66, "Longitude": -121.32, "Population": 501.0}, {"index": 12922, "quantile": 0.5, "value": 143600.0, "Latitude": 38.66, "Longitude": -121.32, "Population": 501.0}, {"index": 12922, "quantile": 0.75, "value": 146625.0, "Latitude": 38.66, "Longitude": -121.32, "Population": 501.0}, {"index": 12922, "quantile": 1.0, "value": 226100.0, "Latitude": 38.66, "Longitude": -121.32, "Population": 501.0}, {"index": 12923, "quantile": 0.0, "value": 71700.0, "Latitude": 38.65, "Longitude": -121.32, "Population": 1210.0}, {"index": 12923, "quantile": 0.25, "value": 115599.99999999999, "Latitude": 38.65, "Longitude": -121.32, "Population": 1210.0}, {"index": 12923, "quantile": 0.5, "value": 126000.0, "Latitude": 38.65, "Longitude": -121.32, "Population": 1210.0}, {"index": 12923, "quantile": 0.75, "value": 159725.0, "Latitude": 38.65, "Longitude": -121.32, "Population": 1210.0}, {"index": 12923, "quantile": 1.0, "value": 213000.0, "Latitude": 38.65, "Longitude": -121.32, "Population": 1210.0}, {"index": 12924, "quantile": 0.0, "value": 71800.0, "Latitude": 38.65, "Longitude": -121.31, "Population": 1053.0}, {"index": 12924, "quantile": 0.25, "value": 144100.0, "Latitude": 38.65, "Longitude": -121.31, "Population": 1053.0}, {"index": 12924, "quantile": 0.5, "value": 185850.0, "Latitude": 38.65, "Longitude": -121.31, "Population": 1053.0}, {"index": 12924, "quantile": 0.75, "value": 225900.0, "Latitude": 38.65, "Longitude": -121.31, "Population": 1053.0}, {"index": 12924, "quantile": 1.0, "value": 420300.00000000006, "Latitude": 38.65, "Longitude": -121.31, "Population": 1053.0}, {"index": 12925, "quantile": 0.0, "value": 88400.0, "Latitude": 38.66, "Longitude": -121.3, "Population": 1818.0}, {"index": 12925, "quantile": 0.25, "value": 139000.0, "Latitude": 38.66, "Longitude": -121.3, "Population": 1818.0}, {"index": 12925, "quantile": 0.5, "value": 139000.0, "Latitude": 38.66, "Longitude": -121.3, "Population": 1818.0}, {"index": 12925, "quantile": 0.75, "value": 139000.0, "Latitude": 38.66, "Longitude": -121.3, "Population": 1818.0}, {"index": 12925, "quantile": 1.0, "value": 216100.0, "Latitude": 38.66, "Longitude": -121.3, "Population": 1818.0}, {"index": 12926, "quantile": 0.0, "value": 84200.0, "Latitude": 38.66, "Longitude": -121.3, "Population": 1546.0}, {"index": 12926, "quantile": 0.25, "value": 139200.0, "Latitude": 38.66, "Longitude": -121.3, "Population": 1546.0}, {"index": 12926, "quantile": 0.5, "value": 139200.0, "Latitude": 38.66, "Longitude": -121.3, "Population": 1546.0}, {"index": 12926, "quantile": 0.75, "value": 139200.0, "Latitude": 38.66, "Longitude": -121.3, "Population": 1546.0}, {"index": 12926, "quantile": 1.0, "value": 219300.0, "Latitude": 38.66, "Longitude": -121.3, "Population": 1546.0}, {"index": 12927, "quantile": 0.0, "value": 96800.0, "Latitude": 38.65, "Longitude": -121.3, "Population": 1132.0}, {"index": 12927, "quantile": 0.25, "value": 144300.0, "Latitude": 38.65, "Longitude": -121.3, "Population": 1132.0}, {"index": 12927, "quantile": 0.5, "value": 144300.0, "Latitude": 38.65, "Longitude": -121.3, "Population": 1132.0}, {"index": 12927, "quantile": 0.75, "value": 157850.0, "Latitude": 38.65, "Longitude": -121.3, "Population": 1132.0}, {"index": 12927, "quantile": 1.0, "value": 300600.0, "Latitude": 38.65, "Longitude": -121.3, "Population": 1132.0}, {"index": 12928, "quantile": 0.0, "value": 63800.0, "Latitude": 38.65, "Longitude": -121.3, "Population": 846.0}, {"index": 12928, "quantile": 0.25, "value": 121600.0, "Latitude": 38.65, "Longitude": -121.3, "Population": 846.0}, {"index": 12928, "quantile": 0.5, "value": 121600.0, "Latitude": 38.65, "Longitude": -121.3, "Population": 846.0}, {"index": 12928, "quantile": 0.75, "value": 121600.0, "Latitude": 38.65, "Longitude": -121.3, "Population": 846.0}, {"index": 12928, "quantile": 1.0, "value": 159700.0, "Latitude": 38.65, "Longitude": -121.3, "Population": 846.0}, {"index": 12929, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 38.66, "Longitude": -121.21, "Population": 2829.0}, {"index": 12929, "quantile": 0.25, "value": 216450.0, "Latitude": 38.66, "Longitude": -121.21, "Population": 2829.0}, {"index": 12929, "quantile": 0.5, "value": 232300.0, "Latitude": 38.66, "Longitude": -121.21, "Population": 2829.0}, {"index": 12929, "quantile": 0.75, "value": 232300.0, "Latitude": 38.66, "Longitude": -121.21, "Population": 2829.0}, {"index": 12929, "quantile": 1.0, "value": 279300.0, "Latitude": 38.66, "Longitude": -121.21, "Population": 2829.0}, {"index": 12930, "quantile": 0.0, "value": 129500.0, "Latitude": 38.65, "Longitude": -121.21, "Population": 1413.0}, {"index": 12930, "quantile": 0.25, "value": 186825.0, "Latitude": 38.65, "Longitude": -121.21, "Population": 1413.0}, {"index": 12930, "quantile": 0.5, "value": 188700.0, "Latitude": 38.65, "Longitude": -121.21, "Population": 1413.0}, {"index": 12930, "quantile": 0.75, "value": 232300.0, "Latitude": 38.65, "Longitude": -121.21, "Population": 1413.0}, {"index": 12930, "quantile": 1.0, "value": 330400.0, "Latitude": 38.65, "Longitude": -121.21, "Population": 1413.0}, {"index": 12931, "quantile": 0.0, "value": 186200.0, "Latitude": 38.64, "Longitude": -121.24, "Population": 1657.0}, {"index": 12931, "quantile": 0.25, "value": 249400.00000000003, "Latitude": 38.64, "Longitude": -121.24, "Population": 1657.0}, {"index": 12931, "quantile": 0.5, "value": 249400.00000000003, "Latitude": 38.64, "Longitude": -121.24, "Population": 1657.0}, {"index": 12931, "quantile": 0.75, "value": 249400.00000000003, "Latitude": 38.64, "Longitude": -121.24, "Population": 1657.0}, {"index": 12931, "quantile": 1.0, "value": 452100.0, "Latitude": 38.64, "Longitude": -121.24, "Population": 1657.0}, {"index": 12932, "quantile": 0.0, "value": 108700.0, "Latitude": 38.65, "Longitude": -121.23, "Population": 1349.0}, {"index": 12932, "quantile": 0.25, "value": 161700.0, "Latitude": 38.65, "Longitude": -121.23, "Population": 1349.0}, {"index": 12932, "quantile": 0.5, "value": 212900.0, "Latitude": 38.65, "Longitude": -121.23, "Population": 1349.0}, {"index": 12932, "quantile": 0.75, "value": 212900.0, "Latitude": 38.65, "Longitude": -121.23, "Population": 1349.0}, {"index": 12932, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.65, "Longitude": -121.23, "Population": 1349.0}, {"index": 12933, "quantile": 0.0, "value": 110700.0, "Latitude": 38.66, "Longitude": -121.23, "Population": 1334.0}, {"index": 12933, "quantile": 0.25, "value": 169500.0, "Latitude": 38.66, "Longitude": -121.23, "Population": 1334.0}, {"index": 12933, "quantile": 0.5, "value": 169500.0, "Latitude": 38.66, "Longitude": -121.23, "Population": 1334.0}, {"index": 12933, "quantile": 0.75, "value": 184700.0, "Latitude": 38.66, "Longitude": -121.23, "Population": 1334.0}, {"index": 12933, "quantile": 1.0, "value": 270600.0, "Latitude": 38.66, "Longitude": -121.23, "Population": 1334.0}, {"index": 12934, "quantile": 0.0, "value": 120000.0, "Latitude": 38.66, "Longitude": -121.24, "Population": 1329.0}, {"index": 12934, "quantile": 0.25, "value": 247500.0, "Latitude": 38.66, "Longitude": -121.24, "Population": 1329.0}, {"index": 12934, "quantile": 0.5, "value": 250300.0, "Latitude": 38.66, "Longitude": -121.24, "Population": 1329.0}, {"index": 12934, "quantile": 0.75, "value": 250300.0, "Latitude": 38.66, "Longitude": -121.24, "Population": 1329.0}, {"index": 12934, "quantile": 1.0, "value": 340600.0, "Latitude": 38.66, "Longitude": -121.24, "Population": 1329.0}, {"index": 12935, "quantile": 0.0, "value": 109400.00000000001, "Latitude": 38.66, "Longitude": -121.28, "Population": 3153.0}, {"index": 12935, "quantile": 0.25, "value": 158500.0, "Latitude": 38.66, "Longitude": -121.28, "Population": 3153.0}, {"index": 12935, "quantile": 0.5, "value": 216100.0, "Latitude": 38.66, "Longitude": -121.28, "Population": 3153.0}, {"index": 12935, "quantile": 0.75, "value": 216100.0, "Latitude": 38.66, "Longitude": -121.28, "Population": 3153.0}, {"index": 12935, "quantile": 1.0, "value": 262500.0, "Latitude": 38.66, "Longitude": -121.28, "Population": 3153.0}, {"index": 12936, "quantile": 0.0, "value": 137000.0, "Latitude": 38.66, "Longitude": -121.25, "Population": 1616.0}, {"index": 12936, "quantile": 0.25, "value": 169600.0, "Latitude": 38.66, "Longitude": -121.25, "Population": 1616.0}, {"index": 12936, "quantile": 0.5, "value": 169600.0, "Latitude": 38.66, "Longitude": -121.25, "Population": 1616.0}, {"index": 12936, "quantile": 0.75, "value": 169600.0, "Latitude": 38.66, "Longitude": -121.25, "Population": 1616.0}, {"index": 12936, "quantile": 1.0, "value": 270600.0, "Latitude": 38.66, "Longitude": -121.25, "Population": 1616.0}, {"index": 12937, "quantile": 0.0, "value": 164700.0, "Latitude": 38.66, "Longitude": -121.26, "Population": 1344.0}, {"index": 12937, "quantile": 0.25, "value": 221600.00000000003, "Latitude": 38.66, "Longitude": -121.26, "Population": 1344.0}, {"index": 12937, "quantile": 0.5, "value": 221600.00000000003, "Latitude": 38.66, "Longitude": -121.26, "Population": 1344.0}, {"index": 12937, "quantile": 0.75, "value": 221600.00000000003, "Latitude": 38.66, "Longitude": -121.26, "Population": 1344.0}, {"index": 12937, "quantile": 1.0, "value": 302600.0, "Latitude": 38.66, "Longitude": -121.26, "Population": 1344.0}, {"index": 12938, "quantile": 0.0, "value": 142500.0, "Latitude": 38.66, "Longitude": -121.27, "Population": 678.0}, {"index": 12938, "quantile": 0.25, "value": 208100.0, "Latitude": 38.66, "Longitude": -121.27, "Population": 678.0}, {"index": 12938, "quantile": 0.5, "value": 247900.0, "Latitude": 38.66, "Longitude": -121.27, "Population": 678.0}, {"index": 12938, "quantile": 0.75, "value": 279700.0, "Latitude": 38.66, "Longitude": -121.27, "Population": 678.0}, {"index": 12938, "quantile": 1.0, "value": 451700.00000000006, "Latitude": 38.66, "Longitude": -121.27, "Population": 678.0}, {"index": 12939, "quantile": 0.0, "value": 124300.00000000001, "Latitude": 38.66, "Longitude": -121.27, "Population": 1032.0}, {"index": 12939, "quantile": 0.25, "value": 189800.0, "Latitude": 38.66, "Longitude": -121.27, "Population": 1032.0}, {"index": 12939, "quantile": 0.5, "value": 189800.0, "Latitude": 38.66, "Longitude": -121.27, "Population": 1032.0}, {"index": 12939, "quantile": 0.75, "value": 189800.0, "Latitude": 38.66, "Longitude": -121.27, "Population": 1032.0}, {"index": 12939, "quantile": 1.0, "value": 283300.0, "Latitude": 38.66, "Longitude": -121.27, "Population": 1032.0}, {"index": 12940, "quantile": 0.0, "value": 129500.0, "Latitude": 38.64, "Longitude": -121.25, "Population": 902.0}, {"index": 12940, "quantile": 0.25, "value": 258700.00000000003, "Latitude": 38.64, "Longitude": -121.25, "Population": 902.0}, {"index": 12940, "quantile": 0.5, "value": 258700.00000000003, "Latitude": 38.64, "Longitude": -121.25, "Population": 902.0}, {"index": 12940, "quantile": 0.75, "value": 258700.00000000003, "Latitude": 38.64, "Longitude": -121.25, "Population": 902.0}, {"index": 12940, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.64, "Longitude": -121.25, "Population": 902.0}, {"index": 12941, "quantile": 0.0, "value": 121400.0, "Latitude": 38.65, "Longitude": -121.26, "Population": 991.0}, {"index": 12941, "quantile": 0.25, "value": 212675.0, "Latitude": 38.65, "Longitude": -121.26, "Population": 991.0}, {"index": 12941, "quantile": 0.5, "value": 270600.0, "Latitude": 38.65, "Longitude": -121.26, "Population": 991.0}, {"index": 12941, "quantile": 0.75, "value": 270600.0, "Latitude": 38.65, "Longitude": -121.26, "Population": 991.0}, {"index": 12941, "quantile": 1.0, "value": 277500.0, "Latitude": 38.65, "Longitude": -121.26, "Population": 991.0}, {"index": 12942, "quantile": 0.0, "value": 69800.0, "Latitude": 38.65, "Longitude": -121.27, "Population": 1247.0}, {"index": 12942, "quantile": 0.25, "value": 124400.0, "Latitude": 38.65, "Longitude": -121.27, "Population": 1247.0}, {"index": 12942, "quantile": 0.5, "value": 159800.0, "Latitude": 38.65, "Longitude": -121.27, "Population": 1247.0}, {"index": 12942, "quantile": 0.75, "value": 159800.0, "Latitude": 38.65, "Longitude": -121.27, "Population": 1247.0}, {"index": 12942, "quantile": 1.0, "value": 190200.0, "Latitude": 38.65, "Longitude": -121.27, "Population": 1247.0}, {"index": 12943, "quantile": 0.0, "value": 91200.0, "Latitude": 38.64, "Longitude": -121.27, "Population": 657.0}, {"index": 12943, "quantile": 0.25, "value": 137400.0, "Latitude": 38.64, "Longitude": -121.27, "Population": 657.0}, {"index": 12943, "quantile": 0.5, "value": 143600.0, "Latitude": 38.64, "Longitude": -121.27, "Population": 657.0}, {"index": 12943, "quantile": 0.75, "value": 176050.0, "Latitude": 38.64, "Longitude": -121.27, "Population": 657.0}, {"index": 12943, "quantile": 1.0, "value": 267400.0, "Latitude": 38.64, "Longitude": -121.27, "Population": 657.0}, {"index": 12944, "quantile": 0.0, "value": 115500.0, "Latitude": 38.64, "Longitude": -121.26, "Population": 415.0}, {"index": 12944, "quantile": 0.25, "value": 164500.0, "Latitude": 38.64, "Longitude": -121.26, "Population": 415.0}, {"index": 12944, "quantile": 0.5, "value": 189400.0, "Latitude": 38.64, "Longitude": -121.26, "Population": 415.0}, {"index": 12944, "quantile": 0.75, "value": 257300.0, "Latitude": 38.64, "Longitude": -121.26, "Population": 415.0}, {"index": 12944, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.64, "Longitude": -121.26, "Population": 415.0}, {"index": 12945, "quantile": 0.0, "value": 129500.0, "Latitude": 38.65, "Longitude": -121.27, "Population": 842.0}, {"index": 12945, "quantile": 0.25, "value": 173300.0, "Latitude": 38.65, "Longitude": -121.27, "Population": 842.0}, {"index": 12945, "quantile": 0.5, "value": 173300.0, "Latitude": 38.65, "Longitude": -121.27, "Population": 842.0}, {"index": 12945, "quantile": 0.75, "value": 175300.0, "Latitude": 38.65, "Longitude": -121.27, "Population": 842.0}, {"index": 12945, "quantile": 1.0, "value": 445200.0, "Latitude": 38.65, "Longitude": -121.27, "Population": 842.0}, {"index": 12946, "quantile": 0.0, "value": 88400.0, "Latitude": 38.65, "Longitude": -121.29, "Population": 1340.0}, {"index": 12946, "quantile": 0.25, "value": 132650.0, "Latitude": 38.65, "Longitude": -121.29, "Population": 1340.0}, {"index": 12946, "quantile": 0.5, "value": 147300.0, "Latitude": 38.65, "Longitude": -121.29, "Population": 1340.0}, {"index": 12946, "quantile": 0.75, "value": 147300.0, "Latitude": 38.65, "Longitude": -121.29, "Population": 1340.0}, {"index": 12946, "quantile": 1.0, "value": 213000.0, "Latitude": 38.65, "Longitude": -121.29, "Population": 1340.0}, {"index": 12947, "quantile": 0.0, "value": 136800.0, "Latitude": 38.64, "Longitude": -121.28, "Population": 1336.0}, {"index": 12947, "quantile": 0.25, "value": 186200.0, "Latitude": 38.64, "Longitude": -121.28, "Population": 1336.0}, {"index": 12947, "quantile": 0.5, "value": 186200.0, "Latitude": 38.64, "Longitude": -121.28, "Population": 1336.0}, {"index": 12947, "quantile": 0.75, "value": 186200.0, "Latitude": 38.64, "Longitude": -121.28, "Population": 1336.0}, {"index": 12947, "quantile": 1.0, "value": 387800.0, "Latitude": 38.64, "Longitude": -121.28, "Population": 1336.0}, {"index": 12948, "quantile": 0.0, "value": 112500.0, "Latitude": 38.63, "Longitude": -121.28, "Population": 30.0}, {"index": 12948, "quantile": 0.25, "value": 338700.0, "Latitude": 38.63, "Longitude": -121.28, "Population": 30.0}, {"index": 12948, "quantile": 0.5, "value": 400000.0, "Latitude": 38.63, "Longitude": -121.28, "Population": 30.0}, {"index": 12948, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 38.63, "Longitude": -121.28, "Population": 30.0}, {"index": 12948, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.63, "Longitude": -121.28, "Population": 30.0}, {"index": 12949, "quantile": 0.0, "value": 101499.99999999999, "Latitude": 38.64, "Longitude": -121.28, "Population": 1373.0}, {"index": 12949, "quantile": 0.25, "value": 178150.0, "Latitude": 38.64, "Longitude": -121.28, "Population": 1373.0}, {"index": 12949, "quantile": 0.5, "value": 242099.99999999997, "Latitude": 38.64, "Longitude": -121.28, "Population": 1373.0}, {"index": 12949, "quantile": 0.75, "value": 242099.99999999997, "Latitude": 38.64, "Longitude": -121.28, "Population": 1373.0}, {"index": 12949, "quantile": 1.0, "value": 320800.0, "Latitude": 38.64, "Longitude": -121.28, "Population": 1373.0}, {"index": 12950, "quantile": 0.0, "value": 73000.0, "Latitude": 38.71, "Longitude": -121.28, "Population": 2033.0}, {"index": 12950, "quantile": 0.25, "value": 117000.0, "Latitude": 38.71, "Longitude": -121.28, "Population": 2033.0}, {"index": 12950, "quantile": 0.5, "value": 117100.0, "Latitude": 38.71, "Longitude": -121.28, "Population": 2033.0}, {"index": 12950, "quantile": 0.75, "value": 117100.0, "Latitude": 38.71, "Longitude": -121.28, "Population": 2033.0}, {"index": 12950, "quantile": 1.0, "value": 217499.99999999997, "Latitude": 38.71, "Longitude": -121.28, "Population": 2033.0}, {"index": 12951, "quantile": 0.0, "value": 69800.0, "Latitude": 38.7, "Longitude": -121.28, "Population": 2578.0}, {"index": 12951, "quantile": 0.25, "value": 112900.0, "Latitude": 38.7, "Longitude": -121.28, "Population": 2578.0}, {"index": 12951, "quantile": 0.5, "value": 112900.0, "Latitude": 38.7, "Longitude": -121.28, "Population": 2578.0}, {"index": 12951, "quantile": 0.75, "value": 114900.0, "Latitude": 38.7, "Longitude": -121.28, "Population": 2578.0}, {"index": 12951, "quantile": 1.0, "value": 239200.0, "Latitude": 38.7, "Longitude": -121.28, "Population": 2578.0}, {"index": 12952, "quantile": 0.0, "value": 83400.0, "Latitude": 38.71, "Longitude": -121.28, "Population": 1550.0}, {"index": 12952, "quantile": 0.25, "value": 113500.0, "Latitude": 38.71, "Longitude": -121.28, "Population": 1550.0}, {"index": 12952, "quantile": 0.5, "value": 113500.0, "Latitude": 38.71, "Longitude": -121.28, "Population": 1550.0}, {"index": 12952, "quantile": 0.75, "value": 113500.0, "Latitude": 38.71, "Longitude": -121.28, "Population": 1550.0}, {"index": 12952, "quantile": 1.0, "value": 390800.0, "Latitude": 38.71, "Longitude": -121.28, "Population": 1550.0}, {"index": 12953, "quantile": 0.0, "value": 85900.0, "Latitude": 38.7, "Longitude": -121.28, "Population": 2868.0}, {"index": 12953, "quantile": 0.25, "value": 126600.0, "Latitude": 38.7, "Longitude": -121.28, "Population": 2868.0}, {"index": 12953, "quantile": 0.5, "value": 136100.0, "Latitude": 38.7, "Longitude": -121.28, "Population": 2868.0}, {"index": 12953, "quantile": 0.75, "value": 147900.0, "Latitude": 38.7, "Longitude": -121.28, "Population": 2868.0}, {"index": 12953, "quantile": 1.0, "value": 239200.0, "Latitude": 38.7, "Longitude": -121.28, "Population": 2868.0}, {"index": 12954, "quantile": 0.0, "value": 86000.0, "Latitude": 38.68, "Longitude": -121.28, "Population": 6068.0}, {"index": 12954, "quantile": 0.25, "value": 121200.0, "Latitude": 38.68, "Longitude": -121.28, "Population": 6068.0}, {"index": 12954, "quantile": 0.5, "value": 121200.0, "Latitude": 38.68, "Longitude": -121.28, "Population": 6068.0}, {"index": 12954, "quantile": 0.75, "value": 121200.0, "Latitude": 38.68, "Longitude": -121.28, "Population": 6068.0}, {"index": 12954, "quantile": 1.0, "value": 204300.00000000003, "Latitude": 38.68, "Longitude": -121.28, "Population": 6068.0}, {"index": 12955, "quantile": 0.0, "value": 98600.0, "Latitude": 38.7, "Longitude": -121.3, "Population": 3339.0}, {"index": 12955, "quantile": 0.25, "value": 124700.00000000001, "Latitude": 38.7, "Longitude": -121.3, "Population": 3339.0}, {"index": 12955, "quantile": 0.5, "value": 124700.00000000001, "Latitude": 38.7, "Longitude": -121.3, "Population": 3339.0}, {"index": 12955, "quantile": 0.75, "value": 124700.00000000001, "Latitude": 38.7, "Longitude": -121.3, "Population": 3339.0}, {"index": 12955, "quantile": 1.0, "value": 239200.0, "Latitude": 38.7, "Longitude": -121.3, "Population": 3339.0}, {"index": 12956, "quantile": 0.0, "value": 96600.0, "Latitude": 38.69, "Longitude": -121.3, "Population": 3358.0}, {"index": 12956, "quantile": 0.25, "value": 115399.99999999999, "Latitude": 38.69, "Longitude": -121.3, "Population": 3358.0}, {"index": 12956, "quantile": 0.5, "value": 115399.99999999999, "Latitude": 38.69, "Longitude": -121.3, "Population": 3358.0}, {"index": 12956, "quantile": 0.75, "value": 126400.0, "Latitude": 38.69, "Longitude": -121.3, "Population": 3358.0}, {"index": 12956, "quantile": 1.0, "value": 300600.0, "Latitude": 38.69, "Longitude": -121.3, "Population": 3358.0}, {"index": 12957, "quantile": 0.0, "value": 84700.0, "Latitude": 38.69, "Longitude": -121.32, "Population": 6000.0}, {"index": 12957, "quantile": 0.25, "value": 124500.00000000001, "Latitude": 38.69, "Longitude": -121.32, "Population": 6000.0}, {"index": 12957, "quantile": 0.5, "value": 124500.00000000001, "Latitude": 38.69, "Longitude": -121.32, "Population": 6000.0}, {"index": 12957, "quantile": 0.75, "value": 133700.0, "Latitude": 38.69, "Longitude": -121.32, "Population": 6000.0}, {"index": 12957, "quantile": 1.0, "value": 300600.0, "Latitude": 38.69, "Longitude": -121.32, "Population": 6000.0}, {"index": 12958, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.68, "Longitude": -121.33, "Population": 2244.0}, {"index": 12958, "quantile": 0.25, "value": 103975.0, "Latitude": 38.68, "Longitude": -121.33, "Population": 2244.0}, {"index": 12958, "quantile": 0.5, "value": 147400.0, "Latitude": 38.68, "Longitude": -121.33, "Population": 2244.0}, {"index": 12958, "quantile": 0.75, "value": 164525.0, "Latitude": 38.68, "Longitude": -121.33, "Population": 2244.0}, {"index": 12958, "quantile": 1.0, "value": 233700.00000000003, "Latitude": 38.68, "Longitude": -121.33, "Population": 2244.0}, {"index": 12959, "quantile": 0.0, "value": 72000.0, "Latitude": 38.71, "Longitude": -121.3, "Population": 2755.0}, {"index": 12959, "quantile": 0.25, "value": 105224.99999999999, "Latitude": 38.71, "Longitude": -121.3, "Population": 2755.0}, {"index": 12959, "quantile": 0.5, "value": 118800.0, "Latitude": 38.71, "Longitude": -121.3, "Population": 2755.0}, {"index": 12959, "quantile": 0.75, "value": 128899.99999999999, "Latitude": 38.71, "Longitude": -121.3, "Population": 2755.0}, {"index": 12959, "quantile": 1.0, "value": 190200.0, "Latitude": 38.71, "Longitude": -121.3, "Population": 2755.0}, {"index": 12960, "quantile": 0.0, "value": 83400.0, "Latitude": 38.71, "Longitude": -121.29, "Population": 1027.0}, {"index": 12960, "quantile": 0.25, "value": 99450.0, "Latitude": 38.71, "Longitude": -121.29, "Population": 1027.0}, {"index": 12960, "quantile": 0.5, "value": 113500.0, "Latitude": 38.71, "Longitude": -121.29, "Population": 1027.0}, {"index": 12960, "quantile": 0.75, "value": 121974.99999999999, "Latitude": 38.71, "Longitude": -121.29, "Population": 1027.0}, {"index": 12960, "quantile": 1.0, "value": 240800.0, "Latitude": 38.71, "Longitude": -121.29, "Population": 1027.0}, {"index": 12961, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 38.72, "Longitude": -121.3, "Population": 1166.0}, {"index": 12961, "quantile": 0.25, "value": 121600.0, "Latitude": 38.72, "Longitude": -121.3, "Population": 1166.0}, {"index": 12961, "quantile": 0.5, "value": 131900.0, "Latitude": 38.72, "Longitude": -121.3, "Population": 1166.0}, {"index": 12961, "quantile": 0.75, "value": 131900.0, "Latitude": 38.72, "Longitude": -121.3, "Population": 1166.0}, {"index": 12961, "quantile": 1.0, "value": 156300.0, "Latitude": 38.72, "Longitude": -121.3, "Population": 1166.0}, {"index": 12962, "quantile": 0.0, "value": 84700.0, "Latitude": 38.72, "Longitude": -121.31, "Population": 1308.0}, {"index": 12962, "quantile": 0.25, "value": 112799.99999999999, "Latitude": 38.72, "Longitude": -121.31, "Population": 1308.0}, {"index": 12962, "quantile": 0.5, "value": 123300.00000000001, "Latitude": 38.72, "Longitude": -121.31, "Population": 1308.0}, {"index": 12962, "quantile": 0.75, "value": 130850.0, "Latitude": 38.72, "Longitude": -121.31, "Population": 1308.0}, {"index": 12962, "quantile": 1.0, "value": 240800.0, "Latitude": 38.72, "Longitude": -121.31, "Population": 1308.0}, {"index": 12963, "quantile": 0.0, "value": 71300.0, "Latitude": 38.71, "Longitude": -121.32, "Population": 2474.0}, {"index": 12963, "quantile": 0.25, "value": 127499.99999999999, "Latitude": 38.71, "Longitude": -121.32, "Population": 2474.0}, {"index": 12963, "quantile": 0.5, "value": 127499.99999999999, "Latitude": 38.71, "Longitude": -121.32, "Population": 2474.0}, {"index": 12963, "quantile": 0.75, "value": 127499.99999999999, "Latitude": 38.71, "Longitude": -121.32, "Population": 2474.0}, {"index": 12963, "quantile": 1.0, "value": 213800.0, "Latitude": 38.71, "Longitude": -121.32, "Population": 2474.0}, {"index": 12964, "quantile": 0.0, "value": 96200.0, "Latitude": 38.71, "Longitude": -121.31, "Population": 2071.0}, {"index": 12964, "quantile": 0.25, "value": 102000.0, "Latitude": 38.71, "Longitude": -121.31, "Population": 2071.0}, {"index": 12964, "quantile": 0.5, "value": 102000.0, "Latitude": 38.71, "Longitude": -121.31, "Population": 2071.0}, {"index": 12964, "quantile": 0.75, "value": 126675.0, "Latitude": 38.71, "Longitude": -121.31, "Population": 2071.0}, {"index": 12964, "quantile": 1.0, "value": 221000.0, "Latitude": 38.71, "Longitude": -121.31, "Population": 2071.0}, {"index": 12965, "quantile": 0.0, "value": 92600.0, "Latitude": 38.7, "Longitude": -121.32, "Population": 1879.0}, {"index": 12965, "quantile": 0.25, "value": 124900.00000000001, "Latitude": 38.7, "Longitude": -121.32, "Population": 1879.0}, {"index": 12965, "quantile": 0.5, "value": 124900.00000000001, "Latitude": 38.7, "Longitude": -121.32, "Population": 1879.0}, {"index": 12965, "quantile": 0.75, "value": 124900.00000000001, "Latitude": 38.7, "Longitude": -121.32, "Population": 1879.0}, {"index": 12965, "quantile": 1.0, "value": 170800.0, "Latitude": 38.7, "Longitude": -121.32, "Population": 1879.0}, {"index": 12966, "quantile": 0.0, "value": 92400.0, "Latitude": 38.7, "Longitude": -121.32, "Population": 1365.0}, {"index": 12966, "quantile": 0.25, "value": 118400.0, "Latitude": 38.7, "Longitude": -121.32, "Population": 1365.0}, {"index": 12966, "quantile": 0.5, "value": 118400.0, "Latitude": 38.7, "Longitude": -121.32, "Population": 1365.0}, {"index": 12966, "quantile": 0.75, "value": 118400.0, "Latitude": 38.7, "Longitude": -121.32, "Population": 1365.0}, {"index": 12966, "quantile": 1.0, "value": 239200.0, "Latitude": 38.7, "Longitude": -121.32, "Population": 1365.0}, {"index": 12967, "quantile": 0.0, "value": 87000.0, "Latitude": 38.7, "Longitude": -121.32, "Population": 1740.0}, {"index": 12967, "quantile": 0.25, "value": 126000.0, "Latitude": 38.7, "Longitude": -121.32, "Population": 1740.0}, {"index": 12967, "quantile": 0.5, "value": 126000.0, "Latitude": 38.7, "Longitude": -121.32, "Population": 1740.0}, {"index": 12967, "quantile": 0.75, "value": 126000.0, "Latitude": 38.7, "Longitude": -121.32, "Population": 1740.0}, {"index": 12967, "quantile": 1.0, "value": 207900.00000000003, "Latitude": 38.7, "Longitude": -121.32, "Population": 1740.0}, {"index": 12968, "quantile": 0.0, "value": 72100.0, "Latitude": 38.7, "Longitude": -121.33, "Population": 1004.0}, {"index": 12968, "quantile": 0.25, "value": 117800.0, "Latitude": 38.7, "Longitude": -121.33, "Population": 1004.0}, {"index": 12968, "quantile": 0.5, "value": 117800.0, "Latitude": 38.7, "Longitude": -121.33, "Population": 1004.0}, {"index": 12968, "quantile": 0.75, "value": 118375.00000000001, "Latitude": 38.7, "Longitude": -121.33, "Population": 1004.0}, {"index": 12968, "quantile": 1.0, "value": 177000.0, "Latitude": 38.7, "Longitude": -121.33, "Population": 1004.0}, {"index": 12969, "quantile": 0.0, "value": 88000.0, "Latitude": 38.69, "Longitude": -121.33, "Population": 1635.0}, {"index": 12969, "quantile": 0.25, "value": 124900.00000000001, "Latitude": 38.69, "Longitude": -121.33, "Population": 1635.0}, {"index": 12969, "quantile": 0.5, "value": 135500.0, "Latitude": 38.69, "Longitude": -121.33, "Population": 1635.0}, {"index": 12969, "quantile": 0.75, "value": 149125.0, "Latitude": 38.69, "Longitude": -121.33, "Population": 1635.0}, {"index": 12969, "quantile": 1.0, "value": 257799.99999999997, "Latitude": 38.69, "Longitude": -121.33, "Population": 1635.0}, {"index": 12970, "quantile": 0.0, "value": 63800.0, "Latitude": 38.68, "Longitude": -121.32, "Population": 587.0}, {"index": 12970, "quantile": 0.25, "value": 126000.0, "Latitude": 38.68, "Longitude": -121.32, "Population": 587.0}, {"index": 12970, "quantile": 0.5, "value": 146400.0, "Latitude": 38.68, "Longitude": -121.32, "Population": 587.0}, {"index": 12970, "quantile": 0.75, "value": 146400.0, "Latitude": 38.68, "Longitude": -121.32, "Population": 587.0}, {"index": 12970, "quantile": 1.0, "value": 220100.0, "Latitude": 38.68, "Longitude": -121.32, "Population": 587.0}, {"index": 12971, "quantile": 0.0, "value": 71700.0, "Latitude": 38.67, "Longitude": -121.32, "Population": 1898.0}, {"index": 12971, "quantile": 0.25, "value": 105500.0, "Latitude": 38.67, "Longitude": -121.32, "Population": 1898.0}, {"index": 12971, "quantile": 0.5, "value": 117800.0, "Latitude": 38.67, "Longitude": -121.32, "Population": 1898.0}, {"index": 12971, "quantile": 0.75, "value": 137500.0, "Latitude": 38.67, "Longitude": -121.32, "Population": 1898.0}, {"index": 12971, "quantile": 1.0, "value": 190200.0, "Latitude": 38.67, "Longitude": -121.32, "Population": 1898.0}, {"index": 12972, "quantile": 0.0, "value": 91600.0, "Latitude": 38.67, "Longitude": -121.32, "Population": 1605.0}, {"index": 12972, "quantile": 0.25, "value": 91600.0, "Latitude": 38.67, "Longitude": -121.32, "Population": 1605.0}, {"index": 12972, "quantile": 0.5, "value": 91600.0, "Latitude": 38.67, "Longitude": -121.32, "Population": 1605.0}, {"index": 12972, "quantile": 0.75, "value": 109250.0, "Latitude": 38.67, "Longitude": -121.32, "Population": 1605.0}, {"index": 12972, "quantile": 1.0, "value": 305200.0, "Latitude": 38.67, "Longitude": -121.32, "Population": 1605.0}, {"index": 12973, "quantile": 0.0, "value": 92600.0, "Latitude": 38.67, "Longitude": -121.31, "Population": 807.0}, {"index": 12973, "quantile": 0.25, "value": 116900.0, "Latitude": 38.67, "Longitude": -121.31, "Population": 807.0}, {"index": 12973, "quantile": 0.5, "value": 135700.0, "Latitude": 38.67, "Longitude": -121.31, "Population": 807.0}, {"index": 12973, "quantile": 0.75, "value": 135700.0, "Latitude": 38.67, "Longitude": -121.31, "Population": 807.0}, {"index": 12973, "quantile": 1.0, "value": 232799.99999999997, "Latitude": 38.67, "Longitude": -121.31, "Population": 807.0}, {"index": 12974, "quantile": 0.0, "value": 63300.0, "Latitude": 38.67, "Longitude": -121.33, "Population": 1410.0}, {"index": 12974, "quantile": 0.25, "value": 130200.0, "Latitude": 38.67, "Longitude": -121.33, "Population": 1410.0}, {"index": 12974, "quantile": 0.5, "value": 130200.0, "Latitude": 38.67, "Longitude": -121.33, "Population": 1410.0}, {"index": 12974, "quantile": 0.75, "value": 130200.0, "Latitude": 38.67, "Longitude": -121.33, "Population": 1410.0}, {"index": 12974, "quantile": 1.0, "value": 170500.0, "Latitude": 38.67, "Longitude": -121.33, "Population": 1410.0}, {"index": 12975, "quantile": 0.0, "value": 82500.0, "Latitude": 38.66, "Longitude": -121.33, "Population": 1275.0}, {"index": 12975, "quantile": 0.25, "value": 125400.0, "Latitude": 38.66, "Longitude": -121.33, "Population": 1275.0}, {"index": 12975, "quantile": 0.5, "value": 125400.0, "Latitude": 38.66, "Longitude": -121.33, "Population": 1275.0}, {"index": 12975, "quantile": 0.75, "value": 125400.0, "Latitude": 38.66, "Longitude": -121.33, "Population": 1275.0}, {"index": 12975, "quantile": 1.0, "value": 153200.0, "Latitude": 38.66, "Longitude": -121.33, "Population": 1275.0}, {"index": 12976, "quantile": 0.0, "value": 97300.0, "Latitude": 38.67, "Longitude": -121.31, "Population": 970.0}, {"index": 12976, "quantile": 0.25, "value": 115500.0, "Latitude": 38.67, "Longitude": -121.31, "Population": 970.0}, {"index": 12976, "quantile": 0.5, "value": 115500.0, "Latitude": 38.67, "Longitude": -121.31, "Population": 970.0}, {"index": 12976, "quantile": 0.75, "value": 137350.0, "Latitude": 38.67, "Longitude": -121.31, "Population": 970.0}, {"index": 12976, "quantile": 1.0, "value": 229599.99999999997, "Latitude": 38.67, "Longitude": -121.31, "Population": 970.0}, {"index": 12977, "quantile": 0.0, "value": 88200.0, "Latitude": 38.67, "Longitude": -121.32, "Population": 1396.0}, {"index": 12977, "quantile": 0.25, "value": 114500.0, "Latitude": 38.67, "Longitude": -121.32, "Population": 1396.0}, {"index": 12977, "quantile": 0.5, "value": 114500.0, "Latitude": 38.67, "Longitude": -121.32, "Population": 1396.0}, {"index": 12977, "quantile": 0.75, "value": 114500.0, "Latitude": 38.67, "Longitude": -121.32, "Population": 1396.0}, {"index": 12977, "quantile": 1.0, "value": 158800.0, "Latitude": 38.67, "Longitude": -121.32, "Population": 1396.0}, {"index": 12978, "quantile": 0.0, "value": 78700.0, "Latitude": 38.68, "Longitude": -121.29, "Population": 2029.0}, {"index": 12978, "quantile": 0.25, "value": 132500.0, "Latitude": 38.68, "Longitude": -121.29, "Population": 2029.0}, {"index": 12978, "quantile": 0.5, "value": 132500.0, "Latitude": 38.68, "Longitude": -121.29, "Population": 2029.0}, {"index": 12978, "quantile": 0.75, "value": 132500.0, "Latitude": 38.68, "Longitude": -121.29, "Population": 2029.0}, {"index": 12978, "quantile": 1.0, "value": 232399.99999999997, "Latitude": 38.68, "Longitude": -121.29, "Population": 2029.0}, {"index": 12979, "quantile": 0.0, "value": 91600.0, "Latitude": 38.69, "Longitude": -121.3, "Population": 779.0}, {"index": 12979, "quantile": 0.25, "value": 134900.0, "Latitude": 38.69, "Longitude": -121.3, "Population": 779.0}, {"index": 12979, "quantile": 0.5, "value": 134900.0, "Latitude": 38.69, "Longitude": -121.3, "Population": 779.0}, {"index": 12979, "quantile": 0.75, "value": 134900.0, "Latitude": 38.69, "Longitude": -121.3, "Population": 779.0}, {"index": 12979, "quantile": 1.0, "value": 301100.0, "Latitude": 38.69, "Longitude": -121.3, "Population": 779.0}, {"index": 12980, "quantile": 0.0, "value": 49800.0, "Latitude": 38.68, "Longitude": -121.31, "Population": 2181.0}, {"index": 12980, "quantile": 0.25, "value": 96800.0, "Latitude": 38.68, "Longitude": -121.31, "Population": 2181.0}, {"index": 12980, "quantile": 0.5, "value": 123700.00000000001, "Latitude": 38.68, "Longitude": -121.31, "Population": 2181.0}, {"index": 12980, "quantile": 0.75, "value": 155750.0, "Latitude": 38.68, "Longitude": -121.31, "Population": 2181.0}, {"index": 12980, "quantile": 1.0, "value": 350000.0, "Latitude": 38.68, "Longitude": -121.31, "Population": 2181.0}, {"index": 12981, "quantile": 0.0, "value": 93800.0, "Latitude": 38.68, "Longitude": -121.31, "Population": 545.0}, {"index": 12981, "quantile": 0.25, "value": 134300.0, "Latitude": 38.68, "Longitude": -121.31, "Population": 545.0}, {"index": 12981, "quantile": 0.5, "value": 134300.0, "Latitude": 38.68, "Longitude": -121.31, "Population": 545.0}, {"index": 12981, "quantile": 0.75, "value": 134600.0, "Latitude": 38.68, "Longitude": -121.31, "Population": 545.0}, {"index": 12981, "quantile": 1.0, "value": 204500.0, "Latitude": 38.68, "Longitude": -121.31, "Population": 545.0}, {"index": 12982, "quantile": 0.0, "value": 71700.0, "Latitude": 38.67, "Longitude": -121.3, "Population": 2070.0}, {"index": 12982, "quantile": 0.25, "value": 118750.0, "Latitude": 38.67, "Longitude": -121.3, "Population": 2070.0}, {"index": 12982, "quantile": 0.5, "value": 119800.0, "Latitude": 38.67, "Longitude": -121.3, "Population": 2070.0}, {"index": 12982, "quantile": 0.75, "value": 119800.0, "Latitude": 38.67, "Longitude": -121.3, "Population": 2070.0}, {"index": 12982, "quantile": 1.0, "value": 160900.0, "Latitude": 38.67, "Longitude": -121.3, "Population": 2070.0}, {"index": 12983, "quantile": 0.0, "value": 97300.0, "Latitude": 38.68, "Longitude": -121.3, "Population": 1253.0}, {"index": 12983, "quantile": 0.25, "value": 140600.0, "Latitude": 38.68, "Longitude": -121.3, "Population": 1253.0}, {"index": 12983, "quantile": 0.5, "value": 140600.0, "Latitude": 38.68, "Longitude": -121.3, "Population": 1253.0}, {"index": 12983, "quantile": 0.75, "value": 140600.0, "Latitude": 38.68, "Longitude": -121.3, "Population": 1253.0}, {"index": 12983, "quantile": 1.0, "value": 416300.0, "Latitude": 38.68, "Longitude": -121.3, "Population": 1253.0}, {"index": 12984, "quantile": 0.0, "value": 87500.0, "Latitude": 38.67, "Longitude": -121.3, "Population": 649.0}, {"index": 12984, "quantile": 0.25, "value": 123200.0, "Latitude": 38.67, "Longitude": -121.3, "Population": 649.0}, {"index": 12984, "quantile": 0.5, "value": 135500.0, "Latitude": 38.67, "Longitude": -121.3, "Population": 649.0}, {"index": 12984, "quantile": 0.75, "value": 142650.0, "Latitude": 38.67, "Longitude": -121.3, "Population": 649.0}, {"index": 12984, "quantile": 1.0, "value": 250000.0, "Latitude": 38.67, "Longitude": -121.3, "Population": 649.0}, {"index": 12985, "quantile": 0.0, "value": 71800.0, "Latitude": 38.66, "Longitude": -121.3, "Population": 1292.0}, {"index": 12985, "quantile": 0.25, "value": 117100.0, "Latitude": 38.66, "Longitude": -121.3, "Population": 1292.0}, {"index": 12985, "quantile": 0.5, "value": 117100.0, "Latitude": 38.66, "Longitude": -121.3, "Population": 1292.0}, {"index": 12985, "quantile": 0.75, "value": 117100.0, "Latitude": 38.66, "Longitude": -121.3, "Population": 1292.0}, {"index": 12985, "quantile": 1.0, "value": 269500.0, "Latitude": 38.66, "Longitude": -121.3, "Population": 1292.0}, {"index": 12986, "quantile": 0.0, "value": 94200.0, "Latitude": 38.67, "Longitude": -121.3, "Population": 1022.0}, {"index": 12986, "quantile": 0.25, "value": 117475.0, "Latitude": 38.67, "Longitude": -121.3, "Population": 1022.0}, {"index": 12986, "quantile": 0.5, "value": 135650.0, "Latitude": 38.67, "Longitude": -121.3, "Population": 1022.0}, {"index": 12986, "quantile": 0.75, "value": 143100.0, "Latitude": 38.67, "Longitude": -121.3, "Population": 1022.0}, {"index": 12986, "quantile": 1.0, "value": 212000.0, "Latitude": 38.67, "Longitude": -121.3, "Population": 1022.0}, {"index": 12987, "quantile": 0.0, "value": 102000.0, "Latitude": 38.7, "Longitude": -121.27, "Population": 1817.0}, {"index": 12987, "quantile": 0.25, "value": 135600.0, "Latitude": 38.7, "Longitude": -121.27, "Population": 1817.0}, {"index": 12987, "quantile": 0.5, "value": 142900.0, "Latitude": 38.7, "Longitude": -121.27, "Population": 1817.0}, {"index": 12987, "quantile": 0.75, "value": 167400.0, "Latitude": 38.7, "Longitude": -121.27, "Population": 1817.0}, {"index": 12987, "quantile": 1.0, "value": 320700.0, "Latitude": 38.7, "Longitude": -121.27, "Population": 1817.0}, {"index": 12988, "quantile": 0.0, "value": 87100.0, "Latitude": 38.69, "Longitude": -121.27, "Population": 1674.0}, {"index": 12988, "quantile": 0.25, "value": 130600.0, "Latitude": 38.69, "Longitude": -121.27, "Population": 1674.0}, {"index": 12988, "quantile": 0.5, "value": 142900.0, "Latitude": 38.69, "Longitude": -121.27, "Population": 1674.0}, {"index": 12988, "quantile": 0.75, "value": 150175.0, "Latitude": 38.69, "Longitude": -121.27, "Population": 1674.0}, {"index": 12988, "quantile": 1.0, "value": 250000.0, "Latitude": 38.69, "Longitude": -121.27, "Population": 1674.0}, {"index": 12989, "quantile": 0.0, "value": 58800.0, "Latitude": 38.68, "Longitude": -121.26, "Population": 1195.0}, {"index": 12989, "quantile": 0.25, "value": 133000.0, "Latitude": 38.68, "Longitude": -121.26, "Population": 1195.0}, {"index": 12989, "quantile": 0.5, "value": 133000.0, "Latitude": 38.68, "Longitude": -121.26, "Population": 1195.0}, {"index": 12989, "quantile": 0.75, "value": 133000.0, "Latitude": 38.68, "Longitude": -121.26, "Population": 1195.0}, {"index": 12989, "quantile": 1.0, "value": 225000.0, "Latitude": 38.68, "Longitude": -121.26, "Population": 1195.0}, {"index": 12990, "quantile": 0.0, "value": 137000.0, "Latitude": 38.7, "Longitude": -121.24, "Population": 1585.0}, {"index": 12990, "quantile": 0.25, "value": 166800.0, "Latitude": 38.7, "Longitude": -121.24, "Population": 1585.0}, {"index": 12990, "quantile": 0.5, "value": 166800.0, "Latitude": 38.7, "Longitude": -121.24, "Population": 1585.0}, {"index": 12990, "quantile": 0.75, "value": 166800.0, "Latitude": 38.7, "Longitude": -121.24, "Population": 1585.0}, {"index": 12990, "quantile": 1.0, "value": 301800.0, "Latitude": 38.7, "Longitude": -121.24, "Population": 1585.0}, {"index": 12991, "quantile": 0.0, "value": 93100.0, "Latitude": 38.7, "Longitude": -121.25, "Population": 1794.0}, {"index": 12991, "quantile": 0.25, "value": 124600.0, "Latitude": 38.7, "Longitude": -121.25, "Population": 1794.0}, {"index": 12991, "quantile": 0.5, "value": 124900.00000000001, "Latitude": 38.7, "Longitude": -121.25, "Population": 1794.0}, {"index": 12991, "quantile": 0.75, "value": 135525.0, "Latitude": 38.7, "Longitude": -121.25, "Population": 1794.0}, {"index": 12991, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 38.7, "Longitude": -121.25, "Population": 1794.0}, {"index": 12992, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 38.69, "Longitude": -121.26, "Population": 1809.0}, {"index": 12992, "quantile": 0.25, "value": 137000.0, "Latitude": 38.69, "Longitude": -121.26, "Population": 1809.0}, {"index": 12992, "quantile": 0.5, "value": 137000.0, "Latitude": 38.69, "Longitude": -121.26, "Population": 1809.0}, {"index": 12992, "quantile": 0.75, "value": 167400.0, "Latitude": 38.69, "Longitude": -121.26, "Population": 1809.0}, {"index": 12992, "quantile": 1.0, "value": 436700.0, "Latitude": 38.69, "Longitude": -121.26, "Population": 1809.0}, {"index": 12993, "quantile": 0.0, "value": 93100.0, "Latitude": 38.69, "Longitude": -121.25, "Population": 1490.0}, {"index": 12993, "quantile": 0.25, "value": 132475.0, "Latitude": 38.69, "Longitude": -121.25, "Population": 1490.0}, {"index": 12993, "quantile": 0.5, "value": 142900.0, "Latitude": 38.69, "Longitude": -121.25, "Population": 1490.0}, {"index": 12993, "quantile": 0.75, "value": 169725.0, "Latitude": 38.69, "Longitude": -121.25, "Population": 1490.0}, {"index": 12993, "quantile": 1.0, "value": 289300.0, "Latitude": 38.69, "Longitude": -121.25, "Population": 1490.0}, {"index": 12994, "quantile": 0.0, "value": 94200.0, "Latitude": 38.69, "Longitude": -121.25, "Population": 606.0}, {"index": 12994, "quantile": 0.25, "value": 112799.99999999999, "Latitude": 38.69, "Longitude": -121.25, "Population": 606.0}, {"index": 12994, "quantile": 0.5, "value": 112799.99999999999, "Latitude": 38.69, "Longitude": -121.25, "Population": 606.0}, {"index": 12994, "quantile": 0.75, "value": 112799.99999999999, "Latitude": 38.69, "Longitude": -121.25, "Population": 606.0}, {"index": 12994, "quantile": 1.0, "value": 192600.0, "Latitude": 38.69, "Longitude": -121.25, "Population": 606.0}, {"index": 12995, "quantile": 0.0, "value": 80800.0, "Latitude": 38.68, "Longitude": -121.24, "Population": 676.0}, {"index": 12995, "quantile": 0.25, "value": 135500.0, "Latitude": 38.68, "Longitude": -121.24, "Population": 676.0}, {"index": 12995, "quantile": 0.5, "value": 135500.0, "Latitude": 38.68, "Longitude": -121.24, "Population": 676.0}, {"index": 12995, "quantile": 0.75, "value": 135500.0, "Latitude": 38.68, "Longitude": -121.24, "Population": 676.0}, {"index": 12995, "quantile": 1.0, "value": 178600.0, "Latitude": 38.68, "Longitude": -121.24, "Population": 676.0}, {"index": 12996, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 38.68, "Longitude": -121.25, "Population": 730.0}, {"index": 12996, "quantile": 0.25, "value": 135600.0, "Latitude": 38.68, "Longitude": -121.25, "Population": 730.0}, {"index": 12996, "quantile": 0.5, "value": 135600.0, "Latitude": 38.68, "Longitude": -121.25, "Population": 730.0}, {"index": 12996, "quantile": 0.75, "value": 148300.0, "Latitude": 38.68, "Longitude": -121.25, "Population": 730.0}, {"index": 12996, "quantile": 1.0, "value": 298400.0, "Latitude": 38.68, "Longitude": -121.25, "Population": 730.0}, {"index": 12997, "quantile": 0.0, "value": 126200.0, "Latitude": 38.68, "Longitude": -121.26, "Population": 1948.0}, {"index": 12997, "quantile": 0.25, "value": 167400.0, "Latitude": 38.68, "Longitude": -121.26, "Population": 1948.0}, {"index": 12997, "quantile": 0.5, "value": 167400.0, "Latitude": 38.68, "Longitude": -121.26, "Population": 1948.0}, {"index": 12997, "quantile": 0.75, "value": 167400.0, "Latitude": 38.68, "Longitude": -121.26, "Population": 1948.0}, {"index": 12997, "quantile": 1.0, "value": 319000.0, "Latitude": 38.68, "Longitude": -121.26, "Population": 1948.0}, {"index": 12998, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 38.68, "Longitude": -121.25, "Population": 267.0}, {"index": 12998, "quantile": 0.25, "value": 201799.99999999997, "Latitude": 38.68, "Longitude": -121.25, "Population": 267.0}, {"index": 12998, "quantile": 0.5, "value": 276100.0, "Latitude": 38.68, "Longitude": -121.25, "Population": 267.0}, {"index": 12998, "quantile": 0.75, "value": 276100.0, "Latitude": 38.68, "Longitude": -121.25, "Population": 267.0}, {"index": 12998, "quantile": 1.0, "value": 375000.0, "Latitude": 38.68, "Longitude": -121.25, "Population": 267.0}, {"index": 12999, "quantile": 0.0, "value": 95200.0, "Latitude": 38.67, "Longitude": -121.25, "Population": 2407.0}, {"index": 12999, "quantile": 0.25, "value": 155900.0, "Latitude": 38.67, "Longitude": -121.25, "Population": 2407.0}, {"index": 12999, "quantile": 0.5, "value": 178450.0, "Latitude": 38.67, "Longitude": -121.25, "Population": 2407.0}, {"index": 12999, "quantile": 0.75, "value": 200000.0, "Latitude": 38.67, "Longitude": -121.25, "Population": 2407.0}, {"index": 12999, "quantile": 1.0, "value": 326500.0, "Latitude": 38.67, "Longitude": -121.25, "Population": 2407.0}, {"index": 13000, "quantile": 0.0, "value": 95200.0, "Latitude": 38.67, "Longitude": -121.26, "Population": 905.0}, {"index": 13000, "quantile": 0.25, "value": 141800.0, "Latitude": 38.67, "Longitude": -121.26, "Population": 905.0}, {"index": 13000, "quantile": 0.5, "value": 141800.0, "Latitude": 38.67, "Longitude": -121.26, "Population": 905.0}, {"index": 13000, "quantile": 0.75, "value": 141800.0, "Latitude": 38.67, "Longitude": -121.26, "Population": 905.0}, {"index": 13000, "quantile": 1.0, "value": 340900.0, "Latitude": 38.67, "Longitude": -121.26, "Population": 905.0}, {"index": 13001, "quantile": 0.0, "value": 50500.0, "Latitude": 38.67, "Longitude": -121.27, "Population": 1550.0}, {"index": 13001, "quantile": 0.25, "value": 132300.0, "Latitude": 38.67, "Longitude": -121.27, "Population": 1550.0}, {"index": 13001, "quantile": 0.5, "value": 149000.0, "Latitude": 38.67, "Longitude": -121.27, "Population": 1550.0}, {"index": 13001, "quantile": 0.75, "value": 149000.0, "Latitude": 38.67, "Longitude": -121.27, "Population": 1550.0}, {"index": 13001, "quantile": 1.0, "value": 187500.0, "Latitude": 38.67, "Longitude": -121.27, "Population": 1550.0}, {"index": 13002, "quantile": 0.0, "value": 87500.0, "Latitude": 38.66, "Longitude": -121.26, "Population": 447.0}, {"index": 13002, "quantile": 0.25, "value": 124300.00000000001, "Latitude": 38.66, "Longitude": -121.26, "Population": 447.0}, {"index": 13002, "quantile": 0.5, "value": 124300.00000000001, "Latitude": 38.66, "Longitude": -121.26, "Population": 447.0}, {"index": 13002, "quantile": 0.75, "value": 175950.0, "Latitude": 38.66, "Longitude": -121.26, "Population": 447.0}, {"index": 13002, "quantile": 1.0, "value": 332600.0, "Latitude": 38.66, "Longitude": -121.26, "Population": 447.0}, {"index": 13003, "quantile": 0.0, "value": 87100.0, "Latitude": 38.67, "Longitude": -121.27, "Population": 866.0}, {"index": 13003, "quantile": 0.25, "value": 111600.00000000001, "Latitude": 38.67, "Longitude": -121.27, "Population": 866.0}, {"index": 13003, "quantile": 0.5, "value": 111600.00000000001, "Latitude": 38.67, "Longitude": -121.27, "Population": 866.0}, {"index": 13003, "quantile": 0.75, "value": 133150.0, "Latitude": 38.67, "Longitude": -121.27, "Population": 866.0}, {"index": 13003, "quantile": 1.0, "value": 365600.0, "Latitude": 38.67, "Longitude": -121.27, "Population": 866.0}, {"index": 13004, "quantile": 0.0, "value": 77500.0, "Latitude": 38.67, "Longitude": -121.27, "Population": 723.0}, {"index": 13004, "quantile": 0.25, "value": 131000.0, "Latitude": 38.67, "Longitude": -121.27, "Population": 723.0}, {"index": 13004, "quantile": 0.5, "value": 158000.0, "Latitude": 38.67, "Longitude": -121.27, "Population": 723.0}, {"index": 13004, "quantile": 0.75, "value": 191750.0, "Latitude": 38.67, "Longitude": -121.27, "Population": 723.0}, {"index": 13004, "quantile": 1.0, "value": 350000.0, "Latitude": 38.67, "Longitude": -121.27, "Population": 723.0}, {"index": 13005, "quantile": 0.0, "value": 82800.0, "Latitude": 38.68, "Longitude": -121.28, "Population": 1478.0}, {"index": 13005, "quantile": 0.25, "value": 133975.0, "Latitude": 38.68, "Longitude": -121.28, "Population": 1478.0}, {"index": 13005, "quantile": 0.5, "value": 140450.0, "Latitude": 38.68, "Longitude": -121.28, "Population": 1478.0}, {"index": 13005, "quantile": 0.75, "value": 158500.0, "Latitude": 38.68, "Longitude": -121.28, "Population": 1478.0}, {"index": 13005, "quantile": 1.0, "value": 239200.0, "Latitude": 38.68, "Longitude": -121.28, "Population": 1478.0}, {"index": 13006, "quantile": 0.0, "value": 88900.0, "Latitude": 38.67, "Longitude": -121.28, "Population": 833.0}, {"index": 13006, "quantile": 0.25, "value": 143225.0, "Latitude": 38.67, "Longitude": -121.28, "Population": 833.0}, {"index": 13006, "quantile": 0.5, "value": 158400.0, "Latitude": 38.67, "Longitude": -121.28, "Population": 833.0}, {"index": 13006, "quantile": 0.75, "value": 179500.0, "Latitude": 38.67, "Longitude": -121.28, "Population": 833.0}, {"index": 13006, "quantile": 1.0, "value": 297600.0, "Latitude": 38.67, "Longitude": -121.28, "Population": 833.0}, {"index": 13007, "quantile": 0.0, "value": 108400.00000000001, "Latitude": 38.67, "Longitude": -121.28, "Population": 430.0}, {"index": 13007, "quantile": 0.25, "value": 158800.0, "Latitude": 38.67, "Longitude": -121.28, "Population": 430.0}, {"index": 13007, "quantile": 0.5, "value": 158800.0, "Latitude": 38.67, "Longitude": -121.28, "Population": 430.0}, {"index": 13007, "quantile": 0.75, "value": 158800.0, "Latitude": 38.67, "Longitude": -121.28, "Population": 430.0}, {"index": 13007, "quantile": 1.0, "value": 212900.0, "Latitude": 38.67, "Longitude": -121.28, "Population": 430.0}, {"index": 13008, "quantile": 0.0, "value": 32500.0, "Latitude": 38.68, "Longitude": -121.29, "Population": 921.0}, {"index": 13008, "quantile": 0.25, "value": 70000.0, "Latitude": 38.68, "Longitude": -121.29, "Population": 921.0}, {"index": 13008, "quantile": 0.5, "value": 92000.0, "Latitude": 38.68, "Longitude": -121.29, "Population": 921.0}, {"index": 13008, "quantile": 0.75, "value": 111600.00000000001, "Latitude": 38.68, "Longitude": -121.29, "Population": 921.0}, {"index": 13008, "quantile": 1.0, "value": 156300.0, "Latitude": 38.68, "Longitude": -121.29, "Population": 921.0}, {"index": 13009, "quantile": 0.0, "value": 63800.0, "Latitude": 38.67, "Longitude": -121.29, "Population": 889.0}, {"index": 13009, "quantile": 0.25, "value": 135500.0, "Latitude": 38.67, "Longitude": -121.29, "Population": 889.0}, {"index": 13009, "quantile": 0.5, "value": 143600.0, "Latitude": 38.67, "Longitude": -121.29, "Population": 889.0}, {"index": 13009, "quantile": 0.75, "value": 158500.0, "Latitude": 38.67, "Longitude": -121.29, "Population": 889.0}, {"index": 13009, "quantile": 1.0, "value": 240800.0, "Latitude": 38.67, "Longitude": -121.29, "Population": 889.0}, {"index": 13010, "quantile": 0.0, "value": 118200.0, "Latitude": 38.72, "Longitude": -121.25, "Population": 3166.0}, {"index": 13010, "quantile": 0.25, "value": 162700.0, "Latitude": 38.72, "Longitude": -121.25, "Population": 3166.0}, {"index": 13010, "quantile": 0.5, "value": 162700.0, "Latitude": 38.72, "Longitude": -121.25, "Population": 3166.0}, {"index": 13010, "quantile": 0.75, "value": 162700.0, "Latitude": 38.72, "Longitude": -121.25, "Population": 3166.0}, {"index": 13010, "quantile": 1.0, "value": 269900.0, "Latitude": 38.72, "Longitude": -121.25, "Population": 3166.0}, {"index": 13011, "quantile": 0.0, "value": 102000.0, "Latitude": 38.71, "Longitude": -121.27, "Population": 1912.0}, {"index": 13011, "quantile": 0.25, "value": 142900.0, "Latitude": 38.71, "Longitude": -121.27, "Population": 1912.0}, {"index": 13011, "quantile": 0.5, "value": 142900.0, "Latitude": 38.71, "Longitude": -121.27, "Population": 1912.0}, {"index": 13011, "quantile": 0.75, "value": 142900.0, "Latitude": 38.71, "Longitude": -121.27, "Population": 1912.0}, {"index": 13011, "quantile": 1.0, "value": 264400.0, "Latitude": 38.71, "Longitude": -121.27, "Population": 1912.0}, {"index": 13012, "quantile": 0.0, "value": 102000.0, "Latitude": 38.71, "Longitude": -121.25, "Population": 1845.0}, {"index": 13012, "quantile": 0.25, "value": 126400.0, "Latitude": 38.71, "Longitude": -121.25, "Population": 1845.0}, {"index": 13012, "quantile": 0.5, "value": 137850.0, "Latitude": 38.71, "Longitude": -121.25, "Population": 1845.0}, {"index": 13012, "quantile": 0.75, "value": 145800.0, "Latitude": 38.71, "Longitude": -121.25, "Population": 1845.0}, {"index": 13012, "quantile": 1.0, "value": 270600.0, "Latitude": 38.71, "Longitude": -121.25, "Population": 1845.0}, {"index": 13013, "quantile": 0.0, "value": 115199.99999999999, "Latitude": 38.7, "Longitude": -121.26, "Population": 3275.0}, {"index": 13013, "quantile": 0.25, "value": 142225.0, "Latitude": 38.7, "Longitude": -121.26, "Population": 3275.0}, {"index": 13013, "quantile": 0.5, "value": 171000.0, "Latitude": 38.7, "Longitude": -121.26, "Population": 3275.0}, {"index": 13013, "quantile": 0.75, "value": 199600.0, "Latitude": 38.7, "Longitude": -121.26, "Population": 3275.0}, {"index": 13013, "quantile": 1.0, "value": 353000.0, "Latitude": 38.7, "Longitude": -121.26, "Population": 3275.0}, {"index": 13014, "quantile": 0.0, "value": 115700.0, "Latitude": 38.69, "Longitude": -121.17, "Population": 2623.0}, {"index": 13014, "quantile": 0.25, "value": 212600.0, "Latitude": 38.69, "Longitude": -121.17, "Population": 2623.0}, {"index": 13014, "quantile": 0.5, "value": 256700.00000000003, "Latitude": 38.69, "Longitude": -121.17, "Population": 2623.0}, {"index": 13014, "quantile": 0.75, "value": 278925.0, "Latitude": 38.69, "Longitude": -121.17, "Population": 2623.0}, {"index": 13014, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.69, "Longitude": -121.17, "Population": 2623.0}, {"index": 13015, "quantile": 0.0, "value": 99800.0, "Latitude": 38.71, "Longitude": -121.19, "Population": 1520.0}, {"index": 13015, "quantile": 0.25, "value": 162350.0, "Latitude": 38.71, "Longitude": -121.19, "Population": 1520.0}, {"index": 13015, "quantile": 0.5, "value": 390800.0, "Latitude": 38.71, "Longitude": -121.19, "Population": 1520.0}, {"index": 13015, "quantile": 0.75, "value": 390800.0, "Latitude": 38.71, "Longitude": -121.19, "Population": 1520.0}, {"index": 13015, "quantile": 1.0, "value": 390800.0, "Latitude": 38.71, "Longitude": -121.19, "Population": 1520.0}, {"index": 13016, "quantile": 0.0, "value": 138200.0, "Latitude": 38.69, "Longitude": -121.18, "Population": 2772.0}, {"index": 13016, "quantile": 0.25, "value": 228900.00000000003, "Latitude": 38.69, "Longitude": -121.18, "Population": 2772.0}, {"index": 13016, "quantile": 0.5, "value": 273200.0, "Latitude": 38.69, "Longitude": -121.18, "Population": 2772.0}, {"index": 13016, "quantile": 0.75, "value": 324700.0, "Latitude": 38.69, "Longitude": -121.18, "Population": 2772.0}, {"index": 13016, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.69, "Longitude": -121.18, "Population": 2772.0}, {"index": 13017, "quantile": 0.0, "value": 108300.0, "Latitude": 38.7, "Longitude": -121.2, "Population": 1379.0}, {"index": 13017, "quantile": 0.25, "value": 131700.0, "Latitude": 38.7, "Longitude": -121.2, "Population": 1379.0}, {"index": 13017, "quantile": 0.5, "value": 131700.0, "Latitude": 38.7, "Longitude": -121.2, "Population": 1379.0}, {"index": 13017, "quantile": 0.75, "value": 131700.0, "Latitude": 38.7, "Longitude": -121.2, "Population": 1379.0}, {"index": 13017, "quantile": 1.0, "value": 264400.0, "Latitude": 38.7, "Longitude": -121.2, "Population": 1379.0}, {"index": 13018, "quantile": 0.0, "value": 76600.0, "Latitude": 38.69, "Longitude": -121.2, "Population": 1603.0}, {"index": 13018, "quantile": 0.25, "value": 129500.0, "Latitude": 38.69, "Longitude": -121.2, "Population": 1603.0}, {"index": 13018, "quantile": 0.5, "value": 137500.0, "Latitude": 38.69, "Longitude": -121.2, "Population": 1603.0}, {"index": 13018, "quantile": 0.75, "value": 137500.0, "Latitude": 38.69, "Longitude": -121.2, "Population": 1603.0}, {"index": 13018, "quantile": 1.0, "value": 201300.0, "Latitude": 38.69, "Longitude": -121.2, "Population": 1603.0}, {"index": 13019, "quantile": 0.0, "value": 82800.0, "Latitude": 38.68, "Longitude": -121.22, "Population": 2954.0}, {"index": 13019, "quantile": 0.25, "value": 124700.00000000001, "Latitude": 38.68, "Longitude": -121.22, "Population": 2954.0}, {"index": 13019, "quantile": 0.5, "value": 139200.0, "Latitude": 38.68, "Longitude": -121.22, "Population": 2954.0}, {"index": 13019, "quantile": 0.75, "value": 151900.0, "Latitude": 38.68, "Longitude": -121.22, "Population": 2954.0}, {"index": 13019, "quantile": 1.0, "value": 475000.0, "Latitude": 38.68, "Longitude": -121.22, "Population": 2954.0}, {"index": 13020, "quantile": 0.0, "value": 92800.0, "Latitude": 38.71, "Longitude": -121.22, "Population": 818.0}, {"index": 13020, "quantile": 0.25, "value": 131700.0, "Latitude": 38.71, "Longitude": -121.22, "Population": 818.0}, {"index": 13020, "quantile": 0.5, "value": 162300.0, "Latitude": 38.71, "Longitude": -121.22, "Population": 818.0}, {"index": 13020, "quantile": 0.75, "value": 190500.0, "Latitude": 38.71, "Longitude": -121.22, "Population": 818.0}, {"index": 13020, "quantile": 1.0, "value": 300600.0, "Latitude": 38.71, "Longitude": -121.22, "Population": 818.0}, {"index": 13021, "quantile": 0.0, "value": 102000.0, "Latitude": 38.71, "Longitude": -121.23, "Population": 2227.0}, {"index": 13021, "quantile": 0.25, "value": 170500.0, "Latitude": 38.71, "Longitude": -121.23, "Population": 2227.0}, {"index": 13021, "quantile": 0.5, "value": 170500.0, "Latitude": 38.71, "Longitude": -121.23, "Population": 2227.0}, {"index": 13021, "quantile": 0.75, "value": 170500.0, "Latitude": 38.71, "Longitude": -121.23, "Population": 2227.0}, {"index": 13021, "quantile": 1.0, "value": 281200.0, "Latitude": 38.71, "Longitude": -121.23, "Population": 2227.0}, {"index": 13022, "quantile": 0.0, "value": 82800.0, "Latitude": 38.69, "Longitude": -121.23, "Population": 2357.0}, {"index": 13022, "quantile": 0.25, "value": 148700.0, "Latitude": 38.69, "Longitude": -121.23, "Population": 2357.0}, {"index": 13022, "quantile": 0.5, "value": 148700.0, "Latitude": 38.69, "Longitude": -121.23, "Population": 2357.0}, {"index": 13022, "quantile": 0.75, "value": 148700.0, "Latitude": 38.69, "Longitude": -121.23, "Population": 2357.0}, {"index": 13022, "quantile": 1.0, "value": 390800.0, "Latitude": 38.69, "Longitude": -121.23, "Population": 2357.0}, {"index": 13023, "quantile": 0.0, "value": 82800.0, "Latitude": 38.67, "Longitude": -121.23, "Population": 2432.0}, {"index": 13023, "quantile": 0.25, "value": 133000.0, "Latitude": 38.67, "Longitude": -121.23, "Population": 2432.0}, {"index": 13023, "quantile": 0.5, "value": 133000.0, "Latitude": 38.67, "Longitude": -121.23, "Population": 2432.0}, {"index": 13023, "quantile": 0.75, "value": 135675.0, "Latitude": 38.67, "Longitude": -121.23, "Population": 2432.0}, {"index": 13023, "quantile": 1.0, "value": 216500.0, "Latitude": 38.67, "Longitude": -121.23, "Population": 2432.0}, {"index": 13024, "quantile": 0.0, "value": 85900.0, "Latitude": 38.67, "Longitude": -121.24, "Population": 1742.0}, {"index": 13024, "quantile": 0.25, "value": 131700.0, "Latitude": 38.67, "Longitude": -121.24, "Population": 1742.0}, {"index": 13024, "quantile": 0.5, "value": 131700.0, "Latitude": 38.67, "Longitude": -121.24, "Population": 1742.0}, {"index": 13024, "quantile": 0.75, "value": 131700.0, "Latitude": 38.67, "Longitude": -121.24, "Population": 1742.0}, {"index": 13024, "quantile": 1.0, "value": 193300.0, "Latitude": 38.67, "Longitude": -121.24, "Population": 1742.0}, {"index": 13025, "quantile": 0.0, "value": 107200.0, "Latitude": 38.68, "Longitude": -121.2, "Population": 938.0}, {"index": 13025, "quantile": 0.25, "value": 143800.0, "Latitude": 38.68, "Longitude": -121.2, "Population": 938.0}, {"index": 13025, "quantile": 0.5, "value": 143800.0, "Latitude": 38.68, "Longitude": -121.2, "Population": 938.0}, {"index": 13025, "quantile": 0.75, "value": 143800.0, "Latitude": 38.68, "Longitude": -121.2, "Population": 938.0}, {"index": 13025, "quantile": 1.0, "value": 275700.0, "Latitude": 38.68, "Longitude": -121.2, "Population": 938.0}, {"index": 13026, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 38.67, "Longitude": -121.21, "Population": 2827.0}, {"index": 13026, "quantile": 0.25, "value": 145800.0, "Latitude": 38.67, "Longitude": -121.21, "Population": 2827.0}, {"index": 13026, "quantile": 0.5, "value": 145800.0, "Latitude": 38.67, "Longitude": -121.21, "Population": 2827.0}, {"index": 13026, "quantile": 0.75, "value": 145800.0, "Latitude": 38.67, "Longitude": -121.21, "Population": 2827.0}, {"index": 13026, "quantile": 1.0, "value": 300600.0, "Latitude": 38.67, "Longitude": -121.21, "Population": 2827.0}, {"index": 13027, "quantile": 0.0, "value": 95900.0, "Latitude": 38.67, "Longitude": -121.22, "Population": 700.0}, {"index": 13027, "quantile": 0.25, "value": 130700.0, "Latitude": 38.67, "Longitude": -121.22, "Population": 700.0}, {"index": 13027, "quantile": 0.5, "value": 130700.0, "Latitude": 38.67, "Longitude": -121.22, "Population": 700.0}, {"index": 13027, "quantile": 0.75, "value": 141725.0, "Latitude": 38.67, "Longitude": -121.22, "Population": 700.0}, {"index": 13027, "quantile": 1.0, "value": 390800.0, "Latitude": 38.67, "Longitude": -121.22, "Population": 700.0}, {"index": 13028, "quantile": 0.0, "value": 70800.0, "Latitude": 38.67, "Longitude": -121.21, "Population": 1610.0}, {"index": 13028, "quantile": 0.25, "value": 116375.0, "Latitude": 38.67, "Longitude": -121.21, "Population": 1610.0}, {"index": 13028, "quantile": 0.5, "value": 123150.0, "Latitude": 38.67, "Longitude": -121.21, "Population": 1610.0}, {"index": 13028, "quantile": 0.75, "value": 137500.0, "Latitude": 38.67, "Longitude": -121.21, "Population": 1610.0}, {"index": 13028, "quantile": 1.0, "value": 190200.0, "Latitude": 38.67, "Longitude": -121.21, "Population": 1610.0}, {"index": 13029, "quantile": 0.0, "value": 130900.0, "Latitude": 38.67, "Longitude": -121.19, "Population": 773.0}, {"index": 13029, "quantile": 0.25, "value": 147000.0, "Latitude": 38.67, "Longitude": -121.19, "Population": 773.0}, {"index": 13029, "quantile": 0.5, "value": 147000.0, "Latitude": 38.67, "Longitude": -121.19, "Population": 773.0}, {"index": 13029, "quantile": 0.75, "value": 178525.0, "Latitude": 38.67, "Longitude": -121.19, "Population": 773.0}, {"index": 13029, "quantile": 1.0, "value": 247600.0, "Latitude": 38.67, "Longitude": -121.19, "Population": 773.0}, {"index": 13030, "quantile": 0.0, "value": 73100.0, "Latitude": 38.67, "Longitude": -121.2, "Population": 773.0}, {"index": 13030, "quantile": 0.25, "value": 115399.99999999999, "Latitude": 38.67, "Longitude": -121.2, "Population": 773.0}, {"index": 13030, "quantile": 0.5, "value": 115399.99999999999, "Latitude": 38.67, "Longitude": -121.2, "Population": 773.0}, {"index": 13030, "quantile": 0.75, "value": 118774.99999999999, "Latitude": 38.67, "Longitude": -121.2, "Population": 773.0}, {"index": 13030, "quantile": 1.0, "value": 159800.0, "Latitude": 38.67, "Longitude": -121.2, "Population": 773.0}, {"index": 13031, "quantile": 0.0, "value": 116100.0, "Latitude": 38.67, "Longitude": -121.2, "Population": 1632.0}, {"index": 13031, "quantile": 0.25, "value": 171000.0, "Latitude": 38.67, "Longitude": -121.2, "Population": 1632.0}, {"index": 13031, "quantile": 0.5, "value": 171000.0, "Latitude": 38.67, "Longitude": -121.2, "Population": 1632.0}, {"index": 13031, "quantile": 0.75, "value": 189225.0, "Latitude": 38.67, "Longitude": -121.2, "Population": 1632.0}, {"index": 13031, "quantile": 1.0, "value": 270600.0, "Latitude": 38.67, "Longitude": -121.2, "Population": 1632.0}, {"index": 13032, "quantile": 0.0, "value": 179200.0, "Latitude": 38.66, "Longitude": -121.19, "Population": 769.0}, {"index": 13032, "quantile": 0.25, "value": 179200.0, "Latitude": 38.66, "Longitude": -121.19, "Population": 769.0}, {"index": 13032, "quantile": 0.5, "value": 179200.0, "Latitude": 38.66, "Longitude": -121.19, "Population": 769.0}, {"index": 13032, "quantile": 0.75, "value": 247900.0, "Latitude": 38.66, "Longitude": -121.19, "Population": 769.0}, {"index": 13032, "quantile": 1.0, "value": 450000.0, "Latitude": 38.66, "Longitude": -121.19, "Population": 769.0}, {"index": 13033, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 38.66, "Longitude": -121.2, "Population": 732.0}, {"index": 13033, "quantile": 0.25, "value": 204800.0, "Latitude": 38.66, "Longitude": -121.2, "Population": 732.0}, {"index": 13033, "quantile": 0.5, "value": 204800.0, "Latitude": 38.66, "Longitude": -121.2, "Population": 732.0}, {"index": 13033, "quantile": 0.75, "value": 204800.0, "Latitude": 38.66, "Longitude": -121.2, "Population": 732.0}, {"index": 13033, "quantile": 1.0, "value": 395100.0, "Latitude": 38.66, "Longitude": -121.2, "Population": 732.0}, {"index": 13034, "quantile": 0.0, "value": 181000.0, "Latitude": 38.69, "Longitude": -121.15, "Population": 6675.0}, {"index": 13034, "quantile": 0.25, "value": 225000.0, "Latitude": 38.69, "Longitude": -121.15, "Population": 6675.0}, {"index": 13034, "quantile": 0.5, "value": 225000.0, "Latitude": 38.69, "Longitude": -121.15, "Population": 6675.0}, {"index": 13034, "quantile": 0.75, "value": 277275.0, "Latitude": 38.69, "Longitude": -121.15, "Population": 6675.0}, {"index": 13034, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.69, "Longitude": -121.15, "Population": 6675.0}, {"index": 13035, "quantile": 0.0, "value": 86200.0, "Latitude": 38.71, "Longitude": -121.17, "Population": 1040.0}, {"index": 13035, "quantile": 0.25, "value": 112500.0, "Latitude": 38.71, "Longitude": -121.17, "Population": 1040.0}, {"index": 13035, "quantile": 0.5, "value": 128350.00000000001, "Latitude": 38.71, "Longitude": -121.17, "Population": 1040.0}, {"index": 13035, "quantile": 0.75, "value": 141350.0, "Latitude": 38.71, "Longitude": -121.17, "Population": 1040.0}, {"index": 13035, "quantile": 1.0, "value": 212500.0, "Latitude": 38.71, "Longitude": -121.17, "Population": 1040.0}, {"index": 13036, "quantile": 0.0, "value": 46300.0, "Latitude": 38.68, "Longitude": -121.17, "Population": 686.0}, {"index": 13036, "quantile": 0.25, "value": 117100.0, "Latitude": 38.68, "Longitude": -121.17, "Population": 686.0}, {"index": 13036, "quantile": 0.5, "value": 121900.00000000001, "Latitude": 38.68, "Longitude": -121.17, "Population": 686.0}, {"index": 13036, "quantile": 0.75, "value": 121900.00000000001, "Latitude": 38.68, "Longitude": -121.17, "Population": 686.0}, {"index": 13036, "quantile": 1.0, "value": 187500.0, "Latitude": 38.68, "Longitude": -121.17, "Population": 686.0}, {"index": 13037, "quantile": 0.0, "value": 73000.0, "Latitude": 38.67, "Longitude": -121.18, "Population": 945.0}, {"index": 13037, "quantile": 0.25, "value": 115999.99999999999, "Latitude": 38.67, "Longitude": -121.18, "Population": 945.0}, {"index": 13037, "quantile": 0.5, "value": 115999.99999999999, "Latitude": 38.67, "Longitude": -121.18, "Population": 945.0}, {"index": 13037, "quantile": 0.75, "value": 115999.99999999999, "Latitude": 38.67, "Longitude": -121.18, "Population": 945.0}, {"index": 13037, "quantile": 1.0, "value": 184200.0, "Latitude": 38.67, "Longitude": -121.18, "Population": 945.0}, {"index": 13038, "quantile": 0.0, "value": 91600.0, "Latitude": 38.67, "Longitude": -121.16, "Population": 2827.0}, {"index": 13038, "quantile": 0.25, "value": 159000.0, "Latitude": 38.67, "Longitude": -121.16, "Population": 2827.0}, {"index": 13038, "quantile": 0.5, "value": 159000.0, "Latitude": 38.67, "Longitude": -121.16, "Population": 2827.0}, {"index": 13038, "quantile": 0.75, "value": 159000.0, "Latitude": 38.67, "Longitude": -121.16, "Population": 2827.0}, {"index": 13038, "quantile": 1.0, "value": 227700.0, "Latitude": 38.67, "Longitude": -121.16, "Population": 2827.0}, {"index": 13039, "quantile": 0.0, "value": 87200.0, "Latitude": 38.68, "Longitude": -121.15, "Population": 4583.0}, {"index": 13039, "quantile": 0.25, "value": 189600.0, "Latitude": 38.68, "Longitude": -121.15, "Population": 4583.0}, {"index": 13039, "quantile": 0.5, "value": 189600.0, "Latitude": 38.68, "Longitude": -121.15, "Population": 4583.0}, {"index": 13039, "quantile": 0.75, "value": 189600.0, "Latitude": 38.68, "Longitude": -121.15, "Population": 4583.0}, {"index": 13039, "quantile": 1.0, "value": 361100.0, "Latitude": 38.68, "Longitude": -121.15, "Population": 4583.0}, {"index": 13040, "quantile": 0.0, "value": 71700.0, "Latitude": 38.68, "Longitude": -121.16, "Population": 1687.0}, {"index": 13040, "quantile": 0.25, "value": 131600.0, "Latitude": 38.68, "Longitude": -121.16, "Population": 1687.0}, {"index": 13040, "quantile": 0.5, "value": 131600.0, "Latitude": 38.68, "Longitude": -121.16, "Population": 1687.0}, {"index": 13040, "quantile": 0.75, "value": 131600.0, "Latitude": 38.68, "Longitude": -121.16, "Population": 1687.0}, {"index": 13040, "quantile": 1.0, "value": 239200.0, "Latitude": 38.68, "Longitude": -121.16, "Population": 1687.0}, {"index": 13041, "quantile": 0.0, "value": 173900.0, "Latitude": 38.66, "Longitude": -121.13, "Population": 4438.0}, {"index": 13041, "quantile": 0.25, "value": 222500.0, "Latitude": 38.66, "Longitude": -121.13, "Population": 4438.0}, {"index": 13041, "quantile": 0.5, "value": 222500.0, "Latitude": 38.66, "Longitude": -121.13, "Population": 4438.0}, {"index": 13041, "quantile": 0.75, "value": 228900.00000000003, "Latitude": 38.66, "Longitude": -121.13, "Population": 4438.0}, {"index": 13041, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.66, "Longitude": -121.13, "Population": 4438.0}, {"index": 13042, "quantile": 0.0, "value": 71300.0, "Latitude": 38.55, "Longitude": -121.13, "Population": 398.0}, {"index": 13042, "quantile": 0.25, "value": 108325.0, "Latitude": 38.55, "Longitude": -121.13, "Population": 398.0}, {"index": 13042, "quantile": 0.5, "value": 139550.0, "Latitude": 38.55, "Longitude": -121.13, "Population": 398.0}, {"index": 13042, "quantile": 0.75, "value": 170100.0, "Latitude": 38.55, "Longitude": -121.13, "Population": 398.0}, {"index": 13042, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.55, "Longitude": -121.13, "Population": 398.0}, {"index": 13043, "quantile": 0.0, "value": 188300.0, "Latitude": 38.51, "Longitude": -121.06, "Population": 2354.0}, {"index": 13043, "quantile": 0.25, "value": 273200.0, "Latitude": 38.51, "Longitude": -121.06, "Population": 2354.0}, {"index": 13043, "quantile": 0.5, "value": 289100.0, "Latitude": 38.51, "Longitude": -121.06, "Population": 2354.0}, {"index": 13043, "quantile": 0.75, "value": 350700.0, "Latitude": 38.51, "Longitude": -121.06, "Population": 2354.0}, {"index": 13043, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.51, "Longitude": -121.06, "Population": 2354.0}, {"index": 13044, "quantile": 0.0, "value": 96400.0, "Latitude": 38.47, "Longitude": -121.13, "Population": 1041.0}, {"index": 13044, "quantile": 0.25, "value": 139700.0, "Latitude": 38.47, "Longitude": -121.13, "Population": 1041.0}, {"index": 13044, "quantile": 0.5, "value": 158400.0, "Latitude": 38.47, "Longitude": -121.13, "Population": 1041.0}, {"index": 13044, "quantile": 0.75, "value": 164900.0, "Latitude": 38.47, "Longitude": -121.13, "Population": 1041.0}, {"index": 13044, "quantile": 1.0, "value": 390800.0, "Latitude": 38.47, "Longitude": -121.13, "Population": 1041.0}, {"index": 13045, "quantile": 0.0, "value": 141200.0, "Latitude": 38.63, "Longitude": -121.24, "Population": 3857.0}, {"index": 13045, "quantile": 0.25, "value": 273200.0, "Latitude": 38.63, "Longitude": -121.24, "Population": 3857.0}, {"index": 13045, "quantile": 0.5, "value": 273200.0, "Latitude": 38.63, "Longitude": -121.24, "Population": 3857.0}, {"index": 13045, "quantile": 0.75, "value": 328700.0, "Latitude": 38.63, "Longitude": -121.24, "Population": 3857.0}, {"index": 13045, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.63, "Longitude": -121.24, "Population": 3857.0}, {"index": 13046, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.58, "Longitude": -121.22, "Population": 155.0}, {"index": 13046, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 38.58, "Longitude": -121.22, "Population": 155.0}, {"index": 13046, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 38.58, "Longitude": -121.22, "Population": 155.0}, {"index": 13046, "quantile": 0.75, "value": 114100.0, "Latitude": 38.58, "Longitude": -121.22, "Population": 155.0}, {"index": 13046, "quantile": 1.0, "value": 325000.0, "Latitude": 38.58, "Longitude": -121.22, "Population": 155.0}, {"index": 13047, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 38.55, "Longitude": -121.28, "Population": 4885.0}, {"index": 13047, "quantile": 0.25, "value": 74600.0, "Latitude": 38.55, "Longitude": -121.28, "Population": 4885.0}, {"index": 13047, "quantile": 0.5, "value": 86950.0, "Latitude": 38.55, "Longitude": -121.28, "Population": 4885.0}, {"index": 13047, "quantile": 0.75, "value": 104900.0, "Latitude": 38.55, "Longitude": -121.28, "Population": 4885.0}, {"index": 13047, "quantile": 1.0, "value": 165600.0, "Latitude": 38.55, "Longitude": -121.28, "Population": 4885.0}, {"index": 13048, "quantile": 0.0, "value": 73600.0, "Latitude": 38.59, "Longitude": -121.31, "Population": 1454.0}, {"index": 13048, "quantile": 0.25, "value": 109300.0, "Latitude": 38.59, "Longitude": -121.31, "Population": 1454.0}, {"index": 13048, "quantile": 0.5, "value": 119800.0, "Latitude": 38.59, "Longitude": -121.31, "Population": 1454.0}, {"index": 13048, "quantile": 0.75, "value": 177100.0, "Latitude": 38.59, "Longitude": -121.31, "Population": 1454.0}, {"index": 13048, "quantile": 1.0, "value": 239200.0, "Latitude": 38.59, "Longitude": -121.31, "Population": 1454.0}, {"index": 13049, "quantile": 0.0, "value": 92600.0, "Latitude": 38.59, "Longitude": -121.32, "Population": 4674.0}, {"index": 13049, "quantile": 0.25, "value": 136100.0, "Latitude": 38.59, "Longitude": -121.32, "Population": 4674.0}, {"index": 13049, "quantile": 0.5, "value": 136100.0, "Latitude": 38.59, "Longitude": -121.32, "Population": 4674.0}, {"index": 13049, "quantile": 0.75, "value": 136100.0, "Latitude": 38.59, "Longitude": -121.32, "Population": 4674.0}, {"index": 13049, "quantile": 1.0, "value": 216100.0, "Latitude": 38.59, "Longitude": -121.32, "Population": 4674.0}, {"index": 13050, "quantile": 0.0, "value": 68900.0, "Latitude": 38.59, "Longitude": -121.32, "Population": 2149.0}, {"index": 13050, "quantile": 0.25, "value": 96500.0, "Latitude": 38.59, "Longitude": -121.32, "Population": 2149.0}, {"index": 13050, "quantile": 0.5, "value": 103800.0, "Latitude": 38.59, "Longitude": -121.32, "Population": 2149.0}, {"index": 13050, "quantile": 0.75, "value": 137500.0, "Latitude": 38.59, "Longitude": -121.32, "Population": 2149.0}, {"index": 13050, "quantile": 1.0, "value": 201300.0, "Latitude": 38.59, "Longitude": -121.32, "Population": 2149.0}, {"index": 13051, "quantile": 0.0, "value": 118500.0, "Latitude": 38.61, "Longitude": -121.29, "Population": 6544.0}, {"index": 13051, "quantile": 0.25, "value": 132700.0, "Latitude": 38.61, "Longitude": -121.29, "Population": 6544.0}, {"index": 13051, "quantile": 0.5, "value": 132700.0, "Latitude": 38.61, "Longitude": -121.29, "Population": 6544.0}, {"index": 13051, "quantile": 0.75, "value": 132700.0, "Latitude": 38.61, "Longitude": -121.29, "Population": 6544.0}, {"index": 13051, "quantile": 1.0, "value": 239200.0, "Latitude": 38.61, "Longitude": -121.29, "Population": 6544.0}, {"index": 13052, "quantile": 0.0, "value": 94200.0, "Latitude": 38.61, "Longitude": -121.3, "Population": 1423.0}, {"index": 13052, "quantile": 0.25, "value": 116900.0, "Latitude": 38.61, "Longitude": -121.3, "Population": 1423.0}, {"index": 13052, "quantile": 0.5, "value": 116900.0, "Latitude": 38.61, "Longitude": -121.3, "Population": 1423.0}, {"index": 13052, "quantile": 0.75, "value": 116900.0, "Latitude": 38.61, "Longitude": -121.3, "Population": 1423.0}, {"index": 13052, "quantile": 1.0, "value": 194000.0, "Latitude": 38.61, "Longitude": -121.3, "Population": 1423.0}, {"index": 13053, "quantile": 0.0, "value": 71800.0, "Latitude": 38.6, "Longitude": -121.3, "Population": 4951.0}, {"index": 13053, "quantile": 0.25, "value": 103400.0, "Latitude": 38.6, "Longitude": -121.3, "Population": 4951.0}, {"index": 13053, "quantile": 0.5, "value": 103400.0, "Latitude": 38.6, "Longitude": -121.3, "Population": 4951.0}, {"index": 13053, "quantile": 0.75, "value": 114400.00000000001, "Latitude": 38.6, "Longitude": -121.3, "Population": 4951.0}, {"index": 13053, "quantile": 1.0, "value": 240800.0, "Latitude": 38.6, "Longitude": -121.3, "Population": 4951.0}, {"index": 13054, "quantile": 0.0, "value": 87500.0, "Latitude": 38.62, "Longitude": -121.27, "Population": 1066.0}, {"index": 13054, "quantile": 0.25, "value": 95600.0, "Latitude": 38.62, "Longitude": -121.27, "Population": 1066.0}, {"index": 13054, "quantile": 0.5, "value": 95600.0, "Latitude": 38.62, "Longitude": -121.27, "Population": 1066.0}, {"index": 13054, "quantile": 0.75, "value": 116649.99999999999, "Latitude": 38.62, "Longitude": -121.27, "Population": 1066.0}, {"index": 13054, "quantile": 1.0, "value": 229199.99999999997, "Latitude": 38.62, "Longitude": -121.27, "Population": 1066.0}, {"index": 13055, "quantile": 0.0, "value": 77400.0, "Latitude": 38.61, "Longitude": -121.28, "Population": 1501.0}, {"index": 13055, "quantile": 0.25, "value": 96500.0, "Latitude": 38.61, "Longitude": -121.28, "Population": 1501.0}, {"index": 13055, "quantile": 0.5, "value": 111399.99999999999, "Latitude": 38.61, "Longitude": -121.28, "Population": 1501.0}, {"index": 13055, "quantile": 0.75, "value": 150000.0, "Latitude": 38.61, "Longitude": -121.28, "Population": 1501.0}, {"index": 13055, "quantile": 1.0, "value": 201300.0, "Latitude": 38.61, "Longitude": -121.28, "Population": 1501.0}, {"index": 13056, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 38.61, "Longitude": -121.28, "Population": 1235.0}, {"index": 13056, "quantile": 0.25, "value": 103299.99999999999, "Latitude": 38.61, "Longitude": -121.28, "Population": 1235.0}, {"index": 13056, "quantile": 0.5, "value": 103299.99999999999, "Latitude": 38.61, "Longitude": -121.28, "Population": 1235.0}, {"index": 13056, "quantile": 0.75, "value": 103299.99999999999, "Latitude": 38.61, "Longitude": -121.28, "Population": 1235.0}, {"index": 13056, "quantile": 1.0, "value": 173900.0, "Latitude": 38.61, "Longitude": -121.28, "Population": 1235.0}, {"index": 13057, "quantile": 0.0, "value": 92800.0, "Latitude": 38.61, "Longitude": -121.29, "Population": 963.0}, {"index": 13057, "quantile": 0.25, "value": 114375.0, "Latitude": 38.61, "Longitude": -121.29, "Population": 963.0}, {"index": 13057, "quantile": 0.5, "value": 121300.00000000001, "Latitude": 38.61, "Longitude": -121.29, "Population": 963.0}, {"index": 13057, "quantile": 0.75, "value": 135875.0, "Latitude": 38.61, "Longitude": -121.29, "Population": 963.0}, {"index": 13057, "quantile": 1.0, "value": 250000.0, "Latitude": 38.61, "Longitude": -121.29, "Population": 963.0}, {"index": 13058, "quantile": 0.0, "value": 71300.0, "Latitude": 38.61, "Longitude": -121.27, "Population": 2840.0}, {"index": 13058, "quantile": 0.25, "value": 111675.00000000001, "Latitude": 38.61, "Longitude": -121.27, "Population": 2840.0}, {"index": 13058, "quantile": 0.5, "value": 120100.0, "Latitude": 38.61, "Longitude": -121.27, "Population": 2840.0}, {"index": 13058, "quantile": 0.75, "value": 145150.0, "Latitude": 38.61, "Longitude": -121.27, "Population": 2840.0}, {"index": 13058, "quantile": 1.0, "value": 324200.0, "Latitude": 38.61, "Longitude": -121.27, "Population": 2840.0}, {"index": 13059, "quantile": 0.0, "value": 81900.0, "Latitude": 38.6, "Longitude": -121.28, "Population": 564.0}, {"index": 13059, "quantile": 0.25, "value": 110200.00000000001, "Latitude": 38.6, "Longitude": -121.28, "Population": 564.0}, {"index": 13059, "quantile": 0.5, "value": 121600.0, "Latitude": 38.6, "Longitude": -121.28, "Population": 564.0}, {"index": 13059, "quantile": 0.75, "value": 152200.0, "Latitude": 38.6, "Longitude": -121.28, "Population": 564.0}, {"index": 13059, "quantile": 1.0, "value": 239200.0, "Latitude": 38.6, "Longitude": -121.28, "Population": 564.0}, {"index": 13060, "quantile": 0.0, "value": 71700.0, "Latitude": 38.6, "Longitude": -121.28, "Population": 848.0}, {"index": 13060, "quantile": 0.25, "value": 111925.00000000001, "Latitude": 38.6, "Longitude": -121.28, "Population": 848.0}, {"index": 13060, "quantile": 0.5, "value": 135550.00000000003, "Latitude": 38.6, "Longitude": -121.28, "Population": 848.0}, {"index": 13060, "quantile": 0.75, "value": 158300.00000000003, "Latitude": 38.6, "Longitude": -121.28, "Population": 848.0}, {"index": 13060, "quantile": 1.0, "value": 350800.0, "Latitude": 38.6, "Longitude": -121.28, "Population": 848.0}, {"index": 13061, "quantile": 0.0, "value": 82800.0, "Latitude": 38.6, "Longitude": -121.29, "Population": 600.0}, {"index": 13061, "quantile": 0.25, "value": 116650.00000000001, "Latitude": 38.6, "Longitude": -121.29, "Population": 600.0}, {"index": 13061, "quantile": 0.5, "value": 132700.0, "Latitude": 38.6, "Longitude": -121.29, "Population": 600.0}, {"index": 13061, "quantile": 0.75, "value": 143600.0, "Latitude": 38.6, "Longitude": -121.29, "Population": 600.0}, {"index": 13061, "quantile": 1.0, "value": 250000.0, "Latitude": 38.6, "Longitude": -121.29, "Population": 600.0}, {"index": 13062, "quantile": 0.0, "value": 97400.0, "Latitude": 38.57, "Longitude": -121.32, "Population": 1733.0}, {"index": 13062, "quantile": 0.25, "value": 127499.99999999999, "Latitude": 38.57, "Longitude": -121.32, "Population": 1733.0}, {"index": 13062, "quantile": 0.5, "value": 127499.99999999999, "Latitude": 38.57, "Longitude": -121.32, "Population": 1733.0}, {"index": 13062, "quantile": 0.75, "value": 158199.99999999997, "Latitude": 38.57, "Longitude": -121.32, "Population": 1733.0}, {"index": 13062, "quantile": 1.0, "value": 253300.0, "Latitude": 38.57, "Longitude": -121.32, "Population": 1733.0}, {"index": 13063, "quantile": 0.0, "value": 70800.0, "Latitude": 38.56, "Longitude": -121.33, "Population": 1694.0}, {"index": 13063, "quantile": 0.25, "value": 109400.00000000001, "Latitude": 38.56, "Longitude": -121.33, "Population": 1694.0}, {"index": 13063, "quantile": 0.5, "value": 109400.00000000001, "Latitude": 38.56, "Longitude": -121.33, "Population": 1694.0}, {"index": 13063, "quantile": 0.75, "value": 113174.99999999999, "Latitude": 38.56, "Longitude": -121.33, "Population": 1694.0}, {"index": 13063, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.56, "Longitude": -121.33, "Population": 1694.0}, {"index": 13064, "quantile": 0.0, "value": 73100.0, "Latitude": 38.57, "Longitude": -121.32, "Population": 504.0}, {"index": 13064, "quantile": 0.25, "value": 101099.99999999999, "Latitude": 38.57, "Longitude": -121.32, "Population": 504.0}, {"index": 13064, "quantile": 0.5, "value": 101099.99999999999, "Latitude": 38.57, "Longitude": -121.32, "Population": 504.0}, {"index": 13064, "quantile": 0.75, "value": 101099.99999999999, "Latitude": 38.57, "Longitude": -121.32, "Population": 504.0}, {"index": 13064, "quantile": 1.0, "value": 340900.0, "Latitude": 38.57, "Longitude": -121.32, "Population": 504.0}, {"index": 13065, "quantile": 0.0, "value": 92800.0, "Latitude": 38.56, "Longitude": -121.32, "Population": 614.0}, {"index": 13065, "quantile": 0.25, "value": 108700.0, "Latitude": 38.56, "Longitude": -121.32, "Population": 614.0}, {"index": 13065, "quantile": 0.5, "value": 108700.0, "Latitude": 38.56, "Longitude": -121.32, "Population": 614.0}, {"index": 13065, "quantile": 0.75, "value": 131050.0, "Latitude": 38.56, "Longitude": -121.32, "Population": 614.0}, {"index": 13065, "quantile": 1.0, "value": 287500.0, "Latitude": 38.56, "Longitude": -121.32, "Population": 614.0}, {"index": 13066, "quantile": 0.0, "value": 74700.0, "Latitude": 38.54, "Longitude": -121.32, "Population": 2420.0}, {"index": 13066, "quantile": 0.25, "value": 104400.0, "Latitude": 38.54, "Longitude": -121.32, "Population": 2420.0}, {"index": 13066, "quantile": 0.5, "value": 104400.0, "Latitude": 38.54, "Longitude": -121.32, "Population": 2420.0}, {"index": 13066, "quantile": 0.75, "value": 117100.0, "Latitude": 38.54, "Longitude": -121.32, "Population": 2420.0}, {"index": 13066, "quantile": 1.0, "value": 190200.0, "Latitude": 38.54, "Longitude": -121.32, "Population": 2420.0}, {"index": 13067, "quantile": 0.0, "value": 50000.0, "Latitude": 38.53, "Longitude": -121.28, "Population": 95.0}, {"index": 13067, "quantile": 0.25, "value": 109650.0, "Latitude": 38.53, "Longitude": -121.28, "Population": 95.0}, {"index": 13067, "quantile": 0.5, "value": 139700.0, "Latitude": 38.53, "Longitude": -121.28, "Population": 95.0}, {"index": 13067, "quantile": 0.75, "value": 196900.0, "Latitude": 38.53, "Longitude": -121.28, "Population": 95.0}, {"index": 13067, "quantile": 1.0, "value": 437500.0, "Latitude": 38.53, "Longitude": -121.28, "Population": 95.0}, {"index": 13068, "quantile": 0.0, "value": 32500.0, "Latitude": 38.58, "Longitude": -121.3, "Population": 1419.0}, {"index": 13068, "quantile": 0.25, "value": 91300.0, "Latitude": 38.58, "Longitude": -121.3, "Population": 1419.0}, {"index": 13068, "quantile": 0.5, "value": 91300.0, "Latitude": 38.58, "Longitude": -121.3, "Population": 1419.0}, {"index": 13068, "quantile": 0.75, "value": 103299.99999999999, "Latitude": 38.58, "Longitude": -121.3, "Population": 1419.0}, {"index": 13068, "quantile": 1.0, "value": 190200.0, "Latitude": 38.58, "Longitude": -121.3, "Population": 1419.0}, {"index": 13069, "quantile": 0.0, "value": 45000.0, "Latitude": 38.58, "Longitude": -121.3, "Population": 1125.0}, {"index": 13069, "quantile": 0.25, "value": 72849.99999999999, "Latitude": 38.58, "Longitude": -121.3, "Population": 1125.0}, {"index": 13069, "quantile": 0.5, "value": 86900.0, "Latitude": 38.58, "Longitude": -121.3, "Population": 1125.0}, {"index": 13069, "quantile": 0.75, "value": 114725.00000000001, "Latitude": 38.58, "Longitude": -121.3, "Population": 1125.0}, {"index": 13069, "quantile": 1.0, "value": 217099.99999999997, "Latitude": 38.58, "Longitude": -121.3, "Population": 1125.0}, {"index": 13070, "quantile": 0.0, "value": 86700.0, "Latitude": 38.58, "Longitude": -121.31, "Population": 962.0}, {"index": 13070, "quantile": 0.25, "value": 112500.0, "Latitude": 38.58, "Longitude": -121.31, "Population": 962.0}, {"index": 13070, "quantile": 0.5, "value": 112500.0, "Latitude": 38.58, "Longitude": -121.31, "Population": 962.0}, {"index": 13070, "quantile": 0.75, "value": 121775.00000000001, "Latitude": 38.58, "Longitude": -121.31, "Population": 962.0}, {"index": 13070, "quantile": 1.0, "value": 225000.0, "Latitude": 38.58, "Longitude": -121.31, "Population": 962.0}, {"index": 13071, "quantile": 0.0, "value": 83600.0, "Latitude": 38.57, "Longitude": -121.31, "Population": 1663.0}, {"index": 13071, "quantile": 0.25, "value": 113300.0, "Latitude": 38.57, "Longitude": -121.31, "Population": 1663.0}, {"index": 13071, "quantile": 0.5, "value": 113300.0, "Latitude": 38.57, "Longitude": -121.31, "Population": 1663.0}, {"index": 13071, "quantile": 0.75, "value": 113300.0, "Latitude": 38.57, "Longitude": -121.31, "Population": 1663.0}, {"index": 13071, "quantile": 1.0, "value": 240800.0, "Latitude": 38.57, "Longitude": -121.31, "Population": 1663.0}, {"index": 13072, "quantile": 0.0, "value": 49800.0, "Latitude": 38.57, "Longitude": -121.31, "Population": 733.0}, {"index": 13072, "quantile": 0.25, "value": 80900.0, "Latitude": 38.57, "Longitude": -121.31, "Population": 733.0}, {"index": 13072, "quantile": 0.5, "value": 92850.00000000001, "Latitude": 38.57, "Longitude": -121.31, "Population": 733.0}, {"index": 13072, "quantile": 0.75, "value": 125400.0, "Latitude": 38.57, "Longitude": -121.31, "Population": 733.0}, {"index": 13072, "quantile": 1.0, "value": 170200.0, "Latitude": 38.57, "Longitude": -121.31, "Population": 733.0}, {"index": 13073, "quantile": 0.0, "value": 32500.0, "Latitude": 38.57, "Longitude": -121.33, "Population": 706.0}, {"index": 13073, "quantile": 0.25, "value": 125300.00000000001, "Latitude": 38.57, "Longitude": -121.33, "Population": 706.0}, {"index": 13073, "quantile": 0.5, "value": 150000.0, "Latitude": 38.57, "Longitude": -121.33, "Population": 706.0}, {"index": 13073, "quantile": 0.75, "value": 150000.0, "Latitude": 38.57, "Longitude": -121.33, "Population": 706.0}, {"index": 13073, "quantile": 1.0, "value": 166100.0, "Latitude": 38.57, "Longitude": -121.33, "Population": 706.0}, {"index": 13074, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.59, "Longitude": -121.28, "Population": 2081.0}, {"index": 13074, "quantile": 0.25, "value": 92500.0, "Latitude": 38.59, "Longitude": -121.28, "Population": 2081.0}, {"index": 13074, "quantile": 0.5, "value": 92500.0, "Latitude": 38.59, "Longitude": -121.28, "Population": 2081.0}, {"index": 13074, "quantile": 0.75, "value": 111650.0, "Latitude": 38.59, "Longitude": -121.28, "Population": 2081.0}, {"index": 13074, "quantile": 1.0, "value": 348800.0, "Latitude": 38.59, "Longitude": -121.28, "Population": 2081.0}, {"index": 13075, "quantile": 0.0, "value": 84700.0, "Latitude": 38.59, "Longitude": -121.29, "Population": 1346.0}, {"index": 13075, "quantile": 0.25, "value": 113450.0, "Latitude": 38.59, "Longitude": -121.29, "Population": 1346.0}, {"index": 13075, "quantile": 0.5, "value": 127699.99999999999, "Latitude": 38.59, "Longitude": -121.29, "Population": 1346.0}, {"index": 13075, "quantile": 0.75, "value": 139200.0, "Latitude": 38.59, "Longitude": -121.29, "Population": 1346.0}, {"index": 13075, "quantile": 1.0, "value": 227700.0, "Latitude": 38.59, "Longitude": -121.29, "Population": 1346.0}, {"index": 13076, "quantile": 0.0, "value": 49800.0, "Latitude": 38.59, "Longitude": -121.3, "Population": 1660.0}, {"index": 13076, "quantile": 0.25, "value": 89600.0, "Latitude": 38.59, "Longitude": -121.3, "Population": 1660.0}, {"index": 13076, "quantile": 0.5, "value": 89600.0, "Latitude": 38.59, "Longitude": -121.3, "Population": 1660.0}, {"index": 13076, "quantile": 0.75, "value": 89600.0, "Latitude": 38.59, "Longitude": -121.3, "Population": 1660.0}, {"index": 13076, "quantile": 1.0, "value": 156300.0, "Latitude": 38.59, "Longitude": -121.3, "Population": 1660.0}, {"index": 13077, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 38.58, "Longitude": -121.3, "Population": 1619.0}, {"index": 13077, "quantile": 0.25, "value": 92400.0, "Latitude": 38.58, "Longitude": -121.3, "Population": 1619.0}, {"index": 13077, "quantile": 0.5, "value": 92400.0, "Latitude": 38.58, "Longitude": -121.3, "Population": 1619.0}, {"index": 13077, "quantile": 0.75, "value": 92400.0, "Latitude": 38.58, "Longitude": -121.3, "Population": 1619.0}, {"index": 13077, "quantile": 1.0, "value": 150000.0, "Latitude": 38.58, "Longitude": -121.3, "Population": 1619.0}, {"index": 13078, "quantile": 0.0, "value": 82500.0, "Latitude": 38.56, "Longitude": -121.34, "Population": 1440.0}, {"index": 13078, "quantile": 0.25, "value": 118600.0, "Latitude": 38.56, "Longitude": -121.34, "Population": 1440.0}, {"index": 13078, "quantile": 0.5, "value": 118600.0, "Latitude": 38.56, "Longitude": -121.34, "Population": 1440.0}, {"index": 13078, "quantile": 0.75, "value": 118600.0, "Latitude": 38.56, "Longitude": -121.34, "Population": 1440.0}, {"index": 13078, "quantile": 1.0, "value": 190200.0, "Latitude": 38.56, "Longitude": -121.34, "Population": 1440.0}, {"index": 13079, "quantile": 0.0, "value": 92600.0, "Latitude": 38.55, "Longitude": -121.34, "Population": 1701.0}, {"index": 13079, "quantile": 0.25, "value": 113999.99999999999, "Latitude": 38.55, "Longitude": -121.34, "Population": 1701.0}, {"index": 13079, "quantile": 0.5, "value": 113999.99999999999, "Latitude": 38.55, "Longitude": -121.34, "Population": 1701.0}, {"index": 13079, "quantile": 0.75, "value": 124900.00000000001, "Latitude": 38.55, "Longitude": -121.34, "Population": 1701.0}, {"index": 13079, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 38.55, "Longitude": -121.34, "Population": 1701.0}, {"index": 13080, "quantile": 0.0, "value": 90600.0, "Latitude": 38.54, "Longitude": -121.35, "Population": 8656.0}, {"index": 13080, "quantile": 0.25, "value": 116300.0, "Latitude": 38.54, "Longitude": -121.35, "Population": 8656.0}, {"index": 13080, "quantile": 0.5, "value": 116300.0, "Latitude": 38.54, "Longitude": -121.35, "Population": 8656.0}, {"index": 13080, "quantile": 0.75, "value": 117300.0, "Latitude": 38.54, "Longitude": -121.35, "Population": 8656.0}, {"index": 13080, "quantile": 1.0, "value": 201799.99999999997, "Latitude": 38.54, "Longitude": -121.35, "Population": 8656.0}, {"index": 13081, "quantile": 0.0, "value": 72000.0, "Latitude": 38.56, "Longitude": -121.37, "Population": 3012.0}, {"index": 13081, "quantile": 0.25, "value": 93400.0, "Latitude": 38.56, "Longitude": -121.37, "Population": 3012.0}, {"index": 13081, "quantile": 0.5, "value": 111900.0, "Latitude": 38.56, "Longitude": -121.37, "Population": 3012.0}, {"index": 13081, "quantile": 0.75, "value": 131200.0, "Latitude": 38.56, "Longitude": -121.37, "Population": 3012.0}, {"index": 13081, "quantile": 1.0, "value": 207900.00000000003, "Latitude": 38.56, "Longitude": -121.37, "Population": 3012.0}, {"index": 13082, "quantile": 0.0, "value": 87100.0, "Latitude": 38.57, "Longitude": -121.37, "Population": 1762.0}, {"index": 13082, "quantile": 0.25, "value": 121049.99999999999, "Latitude": 38.57, "Longitude": -121.37, "Population": 1762.0}, {"index": 13082, "quantile": 0.5, "value": 135800.0, "Latitude": 38.57, "Longitude": -121.37, "Population": 1762.0}, {"index": 13082, "quantile": 0.75, "value": 135800.0, "Latitude": 38.57, "Longitude": -121.37, "Population": 1762.0}, {"index": 13082, "quantile": 1.0, "value": 225000.0, "Latitude": 38.57, "Longitude": -121.37, "Population": 1762.0}, {"index": 13083, "quantile": 0.0, "value": 50000.0, "Latitude": 38.56, "Longitude": -121.37, "Population": 815.0}, {"index": 13083, "quantile": 0.25, "value": 118000.0, "Latitude": 38.56, "Longitude": -121.37, "Population": 815.0}, {"index": 13083, "quantile": 0.5, "value": 118000.0, "Latitude": 38.56, "Longitude": -121.37, "Population": 815.0}, {"index": 13083, "quantile": 0.75, "value": 118000.0, "Latitude": 38.56, "Longitude": -121.37, "Population": 815.0}, {"index": 13083, "quantile": 1.0, "value": 187500.0, "Latitude": 38.56, "Longitude": -121.37, "Population": 815.0}, {"index": 13084, "quantile": 0.0, "value": 129500.0, "Latitude": 38.57, "Longitude": -121.36, "Population": 653.0}, {"index": 13084, "quantile": 0.25, "value": 129500.0, "Latitude": 38.57, "Longitude": -121.36, "Population": 653.0}, {"index": 13084, "quantile": 0.5, "value": 129500.0, "Latitude": 38.57, "Longitude": -121.36, "Population": 653.0}, {"index": 13084, "quantile": 0.75, "value": 225900.0, "Latitude": 38.57, "Longitude": -121.36, "Population": 653.0}, {"index": 13084, "quantile": 1.0, "value": 367000.0, "Latitude": 38.57, "Longitude": -121.36, "Population": 653.0}, {"index": 13085, "quantile": 0.0, "value": 97300.0, "Latitude": 38.56, "Longitude": -121.35, "Population": 1265.0}, {"index": 13085, "quantile": 0.25, "value": 140200.0, "Latitude": 38.56, "Longitude": -121.35, "Population": 1265.0}, {"index": 13085, "quantile": 0.5, "value": 140200.0, "Latitude": 38.56, "Longitude": -121.35, "Population": 1265.0}, {"index": 13085, "quantile": 0.75, "value": 140200.0, "Latitude": 38.56, "Longitude": -121.35, "Population": 1265.0}, {"index": 13085, "quantile": 1.0, "value": 236200.0, "Latitude": 38.56, "Longitude": -121.35, "Population": 1265.0}, {"index": 13086, "quantile": 0.0, "value": 116900.0, "Latitude": 38.58, "Longitude": -121.34, "Population": 748.0}, {"index": 13086, "quantile": 0.25, "value": 134100.0, "Latitude": 38.58, "Longitude": -121.34, "Population": 748.0}, {"index": 13086, "quantile": 0.5, "value": 134100.0, "Latitude": 38.58, "Longitude": -121.34, "Population": 748.0}, {"index": 13086, "quantile": 0.75, "value": 134100.0, "Latitude": 38.58, "Longitude": -121.34, "Population": 748.0}, {"index": 13086, "quantile": 1.0, "value": 239400.0, "Latitude": 38.58, "Longitude": -121.34, "Population": 748.0}, {"index": 13087, "quantile": 0.0, "value": 97300.0, "Latitude": 38.57, "Longitude": -121.34, "Population": 2731.0}, {"index": 13087, "quantile": 0.25, "value": 138700.0, "Latitude": 38.57, "Longitude": -121.34, "Population": 2731.0}, {"index": 13087, "quantile": 0.5, "value": 144350.0, "Latitude": 38.57, "Longitude": -121.34, "Population": 2731.0}, {"index": 13087, "quantile": 0.75, "value": 164100.0, "Latitude": 38.57, "Longitude": -121.34, "Population": 2731.0}, {"index": 13087, "quantile": 1.0, "value": 250000.0, "Latitude": 38.57, "Longitude": -121.34, "Population": 2731.0}, {"index": 13088, "quantile": 0.0, "value": 84200.0, "Latitude": 38.55, "Longitude": -121.35, "Population": 2211.0}, {"index": 13088, "quantile": 0.25, "value": 123300.00000000001, "Latitude": 38.55, "Longitude": -121.35, "Population": 2211.0}, {"index": 13088, "quantile": 0.5, "value": 123300.00000000001, "Latitude": 38.55, "Longitude": -121.35, "Population": 2211.0}, {"index": 13088, "quantile": 0.75, "value": 125925.0, "Latitude": 38.55, "Longitude": -121.35, "Population": 2211.0}, {"index": 13088, "quantile": 1.0, "value": 194600.0, "Latitude": 38.55, "Longitude": -121.35, "Population": 2211.0}, {"index": 13089, "quantile": 0.0, "value": 124900.00000000001, "Latitude": 38.55, "Longitude": -121.35, "Population": 1216.0}, {"index": 13089, "quantile": 0.25, "value": 126899.99999999999, "Latitude": 38.55, "Longitude": -121.35, "Population": 1216.0}, {"index": 13089, "quantile": 0.5, "value": 126899.99999999999, "Latitude": 38.55, "Longitude": -121.35, "Population": 1216.0}, {"index": 13089, "quantile": 0.75, "value": 136200.0, "Latitude": 38.55, "Longitude": -121.35, "Population": 1216.0}, {"index": 13089, "quantile": 1.0, "value": 261000.0, "Latitude": 38.55, "Longitude": -121.35, "Population": 1216.0}, {"index": 13090, "quantile": 0.0, "value": 63600.0, "Latitude": 38.55, "Longitude": -121.36, "Population": 554.0}, {"index": 13090, "quantile": 0.25, "value": 118800.0, "Latitude": 38.55, "Longitude": -121.36, "Population": 554.0}, {"index": 13090, "quantile": 0.5, "value": 118800.0, "Latitude": 38.55, "Longitude": -121.36, "Population": 554.0}, {"index": 13090, "quantile": 0.75, "value": 118800.0, "Latitude": 38.55, "Longitude": -121.36, "Population": 554.0}, {"index": 13090, "quantile": 1.0, "value": 187500.0, "Latitude": 38.55, "Longitude": -121.36, "Population": 554.0}, {"index": 13091, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 38.56, "Longitude": -121.35, "Population": 1203.0}, {"index": 13091, "quantile": 0.25, "value": 132400.0, "Latitude": 38.56, "Longitude": -121.35, "Population": 1203.0}, {"index": 13091, "quantile": 0.5, "value": 132400.0, "Latitude": 38.56, "Longitude": -121.35, "Population": 1203.0}, {"index": 13091, "quantile": 0.75, "value": 134100.0, "Latitude": 38.56, "Longitude": -121.35, "Population": 1203.0}, {"index": 13091, "quantile": 1.0, "value": 269100.0, "Latitude": 38.56, "Longitude": -121.35, "Population": 1203.0}, {"index": 13092, "quantile": 0.0, "value": 124900.00000000001, "Latitude": 38.56, "Longitude": -121.36, "Population": 3064.0}, {"index": 13092, "quantile": 0.25, "value": 137000.0, "Latitude": 38.56, "Longitude": -121.36, "Population": 3064.0}, {"index": 13092, "quantile": 0.5, "value": 159100.0, "Latitude": 38.56, "Longitude": -121.36, "Population": 3064.0}, {"index": 13092, "quantile": 0.75, "value": 167400.0, "Latitude": 38.56, "Longitude": -121.36, "Population": 3064.0}, {"index": 13092, "quantile": 1.0, "value": 436700.0, "Latitude": 38.56, "Longitude": -121.36, "Population": 3064.0}, {"index": 13093, "quantile": 0.0, "value": 94200.0, "Latitude": 38.55, "Longitude": -121.37, "Population": 1287.0}, {"index": 13093, "quantile": 0.25, "value": 130824.99999999999, "Latitude": 38.55, "Longitude": -121.37, "Population": 1287.0}, {"index": 13093, "quantile": 0.5, "value": 139900.0, "Latitude": 38.55, "Longitude": -121.37, "Population": 1287.0}, {"index": 13093, "quantile": 0.75, "value": 167950.0, "Latitude": 38.55, "Longitude": -121.37, "Population": 1287.0}, {"index": 13093, "quantile": 1.0, "value": 250000.0, "Latitude": 38.55, "Longitude": -121.37, "Population": 1287.0}, {"index": 13094, "quantile": 0.0, "value": 32500.0, "Latitude": 38.56, "Longitude": -121.36, "Population": 667.0}, {"index": 13094, "quantile": 0.25, "value": 32500.0, "Latitude": 38.56, "Longitude": -121.36, "Population": 667.0}, {"index": 13094, "quantile": 0.5, "value": 32500.0, "Latitude": 38.56, "Longitude": -121.36, "Population": 667.0}, {"index": 13094, "quantile": 0.75, "value": 88300.0, "Latitude": 38.56, "Longitude": -121.36, "Population": 667.0}, {"index": 13094, "quantile": 1.0, "value": 156300.0, "Latitude": 38.56, "Longitude": -121.36, "Population": 667.0}, {"index": 13095, "quantile": 0.0, "value": 32500.0, "Latitude": 38.56, "Longitude": -121.37, "Population": 852.0}, {"index": 13095, "quantile": 0.25, "value": 114124.99999999999, "Latitude": 38.56, "Longitude": -121.37, "Population": 852.0}, {"index": 13095, "quantile": 0.5, "value": 138550.0, "Latitude": 38.56, "Longitude": -121.37, "Population": 852.0}, {"index": 13095, "quantile": 0.75, "value": 156725.0, "Latitude": 38.56, "Longitude": -121.37, "Population": 852.0}, {"index": 13095, "quantile": 1.0, "value": 240000.0, "Latitude": 38.56, "Longitude": -121.37, "Population": 852.0}, {"index": 13096, "quantile": 0.0, "value": 95900.0, "Latitude": 38.51, "Longitude": -121.3, "Population": 457.0}, {"index": 13096, "quantile": 0.25, "value": 157500.0, "Latitude": 38.51, "Longitude": -121.3, "Population": 457.0}, {"index": 13096, "quantile": 0.5, "value": 157500.0, "Latitude": 38.51, "Longitude": -121.3, "Population": 457.0}, {"index": 13096, "quantile": 0.75, "value": 157500.0, "Latitude": 38.51, "Longitude": -121.3, "Population": 457.0}, {"index": 13096, "quantile": 1.0, "value": 274300.0, "Latitude": 38.51, "Longitude": -121.3, "Population": 457.0}, {"index": 13097, "quantile": 0.0, "value": 96800.0, "Latitude": 38.51, "Longitude": -121.35, "Population": 1054.0}, {"index": 13097, "quantile": 0.25, "value": 157700.0, "Latitude": 38.51, "Longitude": -121.35, "Population": 1054.0}, {"index": 13097, "quantile": 0.5, "value": 157700.0, "Latitude": 38.51, "Longitude": -121.35, "Population": 1054.0}, {"index": 13097, "quantile": 0.75, "value": 157700.0, "Latitude": 38.51, "Longitude": -121.35, "Population": 1054.0}, {"index": 13097, "quantile": 1.0, "value": 204100.0, "Latitude": 38.51, "Longitude": -121.35, "Population": 1054.0}, {"index": 13098, "quantile": 0.0, "value": 93100.0, "Latitude": 38.47, "Longitude": -121.4, "Population": 10329.0}, {"index": 13098, "quantile": 0.25, "value": 130600.0, "Latitude": 38.47, "Longitude": -121.4, "Population": 10329.0}, {"index": 13098, "quantile": 0.5, "value": 130600.0, "Latitude": 38.47, "Longitude": -121.4, "Population": 10329.0}, {"index": 13098, "quantile": 0.75, "value": 145900.0, "Latitude": 38.47, "Longitude": -121.4, "Population": 10329.0}, {"index": 13098, "quantile": 1.0, "value": 326500.0, "Latitude": 38.47, "Longitude": -121.4, "Population": 10329.0}, {"index": 13099, "quantile": 0.0, "value": 127200.0, "Latitude": 38.47, "Longitude": -121.38, "Population": 6578.0}, {"index": 13099, "quantile": 0.25, "value": 145900.0, "Latitude": 38.47, "Longitude": -121.38, "Population": 6578.0}, {"index": 13099, "quantile": 0.5, "value": 145900.0, "Latitude": 38.47, "Longitude": -121.38, "Population": 6578.0}, {"index": 13099, "quantile": 0.75, "value": 145900.0, "Latitude": 38.47, "Longitude": -121.38, "Population": 6578.0}, {"index": 13099, "quantile": 1.0, "value": 300600.0, "Latitude": 38.47, "Longitude": -121.38, "Population": 6578.0}, {"index": 13100, "quantile": 0.0, "value": 97400.0, "Latitude": 38.43, "Longitude": -121.39, "Population": 990.0}, {"index": 13100, "quantile": 0.25, "value": 213700.0, "Latitude": 38.43, "Longitude": -121.39, "Population": 990.0}, {"index": 13100, "quantile": 0.5, "value": 237600.0, "Latitude": 38.43, "Longitude": -121.39, "Population": 990.0}, {"index": 13100, "quantile": 0.75, "value": 237600.0, "Latitude": 38.43, "Longitude": -121.39, "Population": 990.0}, {"index": 13100, "quantile": 1.0, "value": 343100.0, "Latitude": 38.43, "Longitude": -121.39, "Population": 990.0}, {"index": 13101, "quantile": 0.0, "value": 137000.0, "Latitude": 38.44, "Longitude": -121.27, "Population": 1320.0}, {"index": 13101, "quantile": 0.25, "value": 209900.00000000003, "Latitude": 38.44, "Longitude": -121.27, "Population": 1320.0}, {"index": 13101, "quantile": 0.5, "value": 209900.00000000003, "Latitude": 38.44, "Longitude": -121.27, "Population": 1320.0}, {"index": 13101, "quantile": 0.75, "value": 209900.00000000003, "Latitude": 38.44, "Longitude": -121.27, "Population": 1320.0}, {"index": 13101, "quantile": 1.0, "value": 271900.0, "Latitude": 38.44, "Longitude": -121.27, "Population": 1320.0}, {"index": 13102, "quantile": 0.0, "value": 116799.99999999999, "Latitude": 38.46, "Longitude": -121.35, "Population": 2816.0}, {"index": 13102, "quantile": 0.25, "value": 144400.0, "Latitude": 38.46, "Longitude": -121.35, "Population": 2816.0}, {"index": 13102, "quantile": 0.5, "value": 144400.0, "Latitude": 38.46, "Longitude": -121.35, "Population": 2816.0}, {"index": 13102, "quantile": 0.75, "value": 144400.0, "Latitude": 38.46, "Longitude": -121.35, "Population": 2816.0}, {"index": 13102, "quantile": 1.0, "value": 336800.0, "Latitude": 38.46, "Longitude": -121.35, "Population": 2816.0}, {"index": 13103, "quantile": 0.0, "value": 120000.0, "Latitude": 38.44, "Longitude": -121.34, "Population": 1439.0}, {"index": 13103, "quantile": 0.25, "value": 164700.0, "Latitude": 38.44, "Longitude": -121.34, "Population": 1439.0}, {"index": 13103, "quantile": 0.5, "value": 177500.0, "Latitude": 38.44, "Longitude": -121.34, "Population": 1439.0}, {"index": 13103, "quantile": 0.75, "value": 209900.00000000003, "Latitude": 38.44, "Longitude": -121.34, "Population": 1439.0}, {"index": 13103, "quantile": 1.0, "value": 375000.0, "Latitude": 38.44, "Longitude": -121.34, "Population": 1439.0}, {"index": 13104, "quantile": 0.0, "value": 164700.0, "Latitude": 38.41, "Longitude": -121.32, "Population": 1970.0}, {"index": 13104, "quantile": 0.25, "value": 241925.0, "Latitude": 38.41, "Longitude": -121.32, "Population": 1970.0}, {"index": 13104, "quantile": 0.5, "value": 247500.0, "Latitude": 38.41, "Longitude": -121.32, "Population": 1970.0}, {"index": 13104, "quantile": 0.75, "value": 247500.0, "Latitude": 38.41, "Longitude": -121.32, "Population": 1970.0}, {"index": 13104, "quantile": 1.0, "value": 311800.0, "Latitude": 38.41, "Longitude": -121.32, "Population": 1970.0}, {"index": 13105, "quantile": 0.0, "value": 97400.0, "Latitude": 38.42, "Longitude": -121.36, "Population": 1168.0}, {"index": 13105, "quantile": 0.25, "value": 160900.0, "Latitude": 38.42, "Longitude": -121.36, "Population": 1168.0}, {"index": 13105, "quantile": 0.5, "value": 196700.0, "Latitude": 38.42, "Longitude": -121.36, "Population": 1168.0}, {"index": 13105, "quantile": 0.75, "value": 237600.0, "Latitude": 38.42, "Longitude": -121.36, "Population": 1168.0}, {"index": 13105, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.42, "Longitude": -121.36, "Population": 1168.0}, {"index": 13106, "quantile": 0.0, "value": 84600.0, "Latitude": 38.41, "Longitude": -121.37, "Population": 1741.0}, {"index": 13106, "quantile": 0.25, "value": 125699.99999999999, "Latitude": 38.41, "Longitude": -121.37, "Population": 1741.0}, {"index": 13106, "quantile": 0.5, "value": 125699.99999999999, "Latitude": 38.41, "Longitude": -121.37, "Population": 1741.0}, {"index": 13106, "quantile": 0.75, "value": 125699.99999999999, "Latitude": 38.41, "Longitude": -121.37, "Population": 1741.0}, {"index": 13106, "quantile": 1.0, "value": 240800.0, "Latitude": 38.41, "Longitude": -121.37, "Population": 1741.0}, {"index": 13107, "quantile": 0.0, "value": 67300.0, "Latitude": 38.42, "Longitude": -121.37, "Population": 1755.0}, {"index": 13107, "quantile": 0.25, "value": 91200.0, "Latitude": 38.42, "Longitude": -121.37, "Population": 1755.0}, {"index": 13107, "quantile": 0.5, "value": 91200.0, "Latitude": 38.42, "Longitude": -121.37, "Population": 1755.0}, {"index": 13107, "quantile": 0.75, "value": 94600.0, "Latitude": 38.42, "Longitude": -121.37, "Population": 1755.0}, {"index": 13107, "quantile": 1.0, "value": 164000.0, "Latitude": 38.42, "Longitude": -121.37, "Population": 1755.0}, {"index": 13108, "quantile": 0.0, "value": 130600.0, "Latitude": 38.41, "Longitude": -121.38, "Population": 2916.0}, {"index": 13108, "quantile": 0.25, "value": 150400.0, "Latitude": 38.41, "Longitude": -121.38, "Population": 2916.0}, {"index": 13108, "quantile": 0.5, "value": 150400.0, "Latitude": 38.41, "Longitude": -121.38, "Population": 2916.0}, {"index": 13108, "quantile": 0.75, "value": 150400.0, "Latitude": 38.41, "Longitude": -121.38, "Population": 2916.0}, {"index": 13108, "quantile": 1.0, "value": 232799.99999999997, "Latitude": 38.41, "Longitude": -121.38, "Population": 2916.0}, {"index": 13109, "quantile": 0.0, "value": 85700.0, "Latitude": 38.41, "Longitude": -121.38, "Population": 1538.0}, {"index": 13109, "quantile": 0.25, "value": 138700.0, "Latitude": 38.41, "Longitude": -121.38, "Population": 1538.0}, {"index": 13109, "quantile": 0.5, "value": 138700.0, "Latitude": 38.41, "Longitude": -121.38, "Population": 1538.0}, {"index": 13109, "quantile": 0.75, "value": 146550.0, "Latitude": 38.41, "Longitude": -121.38, "Population": 1538.0}, {"index": 13109, "quantile": 1.0, "value": 361100.0, "Latitude": 38.41, "Longitude": -121.38, "Population": 1538.0}, {"index": 13110, "quantile": 0.0, "value": 133800.0, "Latitude": 38.4, "Longitude": -121.38, "Population": 1722.0}, {"index": 13110, "quantile": 0.25, "value": 146350.0, "Latitude": 38.4, "Longitude": -121.38, "Population": 1722.0}, {"index": 13110, "quantile": 0.5, "value": 187100.0, "Latitude": 38.4, "Longitude": -121.38, "Population": 1722.0}, {"index": 13110, "quantile": 0.75, "value": 219300.0, "Latitude": 38.4, "Longitude": -121.38, "Population": 1722.0}, {"index": 13110, "quantile": 1.0, "value": 361100.0, "Latitude": 38.4, "Longitude": -121.38, "Population": 1722.0}, {"index": 13111, "quantile": 0.0, "value": 151700.0, "Latitude": 38.39, "Longitude": -121.37, "Population": 893.0}, {"index": 13111, "quantile": 0.25, "value": 177500.0, "Latitude": 38.39, "Longitude": -121.37, "Population": 893.0}, {"index": 13111, "quantile": 0.5, "value": 201799.99999999997, "Latitude": 38.39, "Longitude": -121.37, "Population": 893.0}, {"index": 13111, "quantile": 0.75, "value": 250575.0, "Latitude": 38.39, "Longitude": -121.37, "Population": 893.0}, {"index": 13111, "quantile": 1.0, "value": 334900.0, "Latitude": 38.39, "Longitude": -121.37, "Population": 893.0}, {"index": 13112, "quantile": 0.0, "value": 77400.0, "Latitude": 38.4, "Longitude": -121.35, "Population": 1373.0}, {"index": 13112, "quantile": 0.25, "value": 94400.0, "Latitude": 38.4, "Longitude": -121.35, "Population": 1373.0}, {"index": 13112, "quantile": 0.5, "value": 94400.0, "Latitude": 38.4, "Longitude": -121.35, "Population": 1373.0}, {"index": 13112, "quantile": 0.75, "value": 102800.0, "Latitude": 38.4, "Longitude": -121.35, "Population": 1373.0}, {"index": 13112, "quantile": 1.0, "value": 240800.0, "Latitude": 38.4, "Longitude": -121.35, "Population": 1373.0}, {"index": 13113, "quantile": 0.0, "value": 102000.0, "Latitude": 38.4, "Longitude": -121.36, "Population": 2333.0}, {"index": 13113, "quantile": 0.25, "value": 144400.0, "Latitude": 38.4, "Longitude": -121.36, "Population": 2333.0}, {"index": 13113, "quantile": 0.5, "value": 144400.0, "Latitude": 38.4, "Longitude": -121.36, "Population": 2333.0}, {"index": 13113, "quantile": 0.75, "value": 144400.0, "Latitude": 38.4, "Longitude": -121.36, "Population": 2333.0}, {"index": 13113, "quantile": 1.0, "value": 326500.0, "Latitude": 38.4, "Longitude": -121.36, "Population": 2333.0}, {"index": 13114, "quantile": 0.0, "value": 97400.0, "Latitude": 38.39, "Longitude": -121.36, "Population": 2568.0}, {"index": 13114, "quantile": 0.25, "value": 157900.0, "Latitude": 38.39, "Longitude": -121.36, "Population": 2568.0}, {"index": 13114, "quantile": 0.5, "value": 162700.0, "Latitude": 38.39, "Longitude": -121.36, "Population": 2568.0}, {"index": 13114, "quantile": 0.75, "value": 167400.0, "Latitude": 38.39, "Longitude": -121.36, "Population": 2568.0}, {"index": 13114, "quantile": 1.0, "value": 319000.0, "Latitude": 38.39, "Longitude": -121.36, "Population": 2568.0}, {"index": 13115, "quantile": 0.0, "value": 141200.0, "Latitude": 38.37, "Longitude": -121.13, "Population": 478.0}, {"index": 13115, "quantile": 0.25, "value": 259300.0, "Latitude": 38.37, "Longitude": -121.13, "Population": 478.0}, {"index": 13115, "quantile": 0.5, "value": 291550.0, "Latitude": 38.37, "Longitude": -121.13, "Population": 478.0}, {"index": 13115, "quantile": 0.75, "value": 334800.0, "Latitude": 38.37, "Longitude": -121.13, "Population": 478.0}, {"index": 13115, "quantile": 1.0, "value": 423200.0, "Latitude": 38.37, "Longitude": -121.13, "Population": 478.0}, {"index": 13116, "quantile": 0.0, "value": 80800.0, "Latitude": 38.36, "Longitude": -121.2, "Population": 1402.0}, {"index": 13116, "quantile": 0.25, "value": 162750.0, "Latitude": 38.36, "Longitude": -121.2, "Population": 1402.0}, {"index": 13116, "quantile": 0.5, "value": 175700.0, "Latitude": 38.36, "Longitude": -121.2, "Population": 1402.0}, {"index": 13116, "quantile": 0.75, "value": 175700.0, "Latitude": 38.36, "Longitude": -121.2, "Population": 1402.0}, {"index": 13116, "quantile": 1.0, "value": 197600.0, "Latitude": 38.36, "Longitude": -121.2, "Population": 1402.0}, {"index": 13117, "quantile": 0.0, "value": 115500.0, "Latitude": 38.4, "Longitude": -121.22, "Population": 1277.0}, {"index": 13117, "quantile": 0.25, "value": 166475.0, "Latitude": 38.4, "Longitude": -121.22, "Population": 1277.0}, {"index": 13117, "quantile": 0.5, "value": 213800.0, "Latitude": 38.4, "Longitude": -121.22, "Population": 1277.0}, {"index": 13117, "quantile": 0.75, "value": 213800.0, "Latitude": 38.4, "Longitude": -121.22, "Population": 1277.0}, {"index": 13117, "quantile": 1.0, "value": 262100.0, "Latitude": 38.4, "Longitude": -121.22, "Population": 1277.0}, {"index": 13118, "quantile": 0.0, "value": 106900.0, "Latitude": 38.43, "Longitude": -121.22, "Population": 934.0}, {"index": 13118, "quantile": 0.25, "value": 212900.0, "Latitude": 38.43, "Longitude": -121.22, "Population": 934.0}, {"index": 13118, "quantile": 0.5, "value": 219300.0, "Latitude": 38.43, "Longitude": -121.22, "Population": 934.0}, {"index": 13118, "quantile": 0.75, "value": 219300.0, "Latitude": 38.43, "Longitude": -121.22, "Population": 934.0}, {"index": 13118, "quantile": 1.0, "value": 361100.0, "Latitude": 38.43, "Longitude": -121.22, "Population": 934.0}, {"index": 13119, "quantile": 0.0, "value": 99800.0, "Latitude": 38.36, "Longitude": -121.29, "Population": 1148.0}, {"index": 13119, "quantile": 0.25, "value": 129850.0, "Latitude": 38.36, "Longitude": -121.29, "Population": 1148.0}, {"index": 13119, "quantile": 0.5, "value": 140350.0, "Latitude": 38.36, "Longitude": -121.29, "Population": 1148.0}, {"index": 13119, "quantile": 0.75, "value": 157700.0, "Latitude": 38.36, "Longitude": -121.29, "Population": 1148.0}, {"index": 13119, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 38.36, "Longitude": -121.29, "Population": 1148.0}, {"index": 13120, "quantile": 0.0, "value": 96200.0, "Latitude": 38.31, "Longitude": -121.27, "Population": 626.0}, {"index": 13120, "quantile": 0.25, "value": 150275.0, "Latitude": 38.31, "Longitude": -121.27, "Population": 626.0}, {"index": 13120, "quantile": 0.5, "value": 151600.0, "Latitude": 38.31, "Longitude": -121.27, "Population": 626.0}, {"index": 13120, "quantile": 0.75, "value": 151600.0, "Latitude": 38.31, "Longitude": -121.27, "Population": 626.0}, {"index": 13120, "quantile": 1.0, "value": 260900.0, "Latitude": 38.31, "Longitude": -121.27, "Population": 626.0}, {"index": 13121, "quantile": 0.0, "value": 95900.0, "Latitude": 38.33, "Longitude": -121.1, "Population": 695.0}, {"index": 13121, "quantile": 0.25, "value": 131599.99999999997, "Latitude": 38.33, "Longitude": -121.1, "Population": 695.0}, {"index": 13121, "quantile": 0.5, "value": 155799.99999999997, "Latitude": 38.33, "Longitude": -121.1, "Population": 695.0}, {"index": 13121, "quantile": 0.75, "value": 175700.0, "Latitude": 38.33, "Longitude": -121.1, "Population": 695.0}, {"index": 13121, "quantile": 1.0, "value": 300600.0, "Latitude": 38.33, "Longitude": -121.1, "Population": 695.0}, {"index": 13122, "quantile": 0.0, "value": 88400.0, "Latitude": 38.28, "Longitude": -121.2, "Population": 999.0}, {"index": 13122, "quantile": 0.25, "value": 117900.0, "Latitude": 38.28, "Longitude": -121.2, "Population": 999.0}, {"index": 13122, "quantile": 0.5, "value": 130750.00000000001, "Latitude": 38.28, "Longitude": -121.2, "Population": 999.0}, {"index": 13122, "quantile": 0.75, "value": 159525.0, "Latitude": 38.28, "Longitude": -121.2, "Population": 999.0}, {"index": 13122, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 38.28, "Longitude": -121.2, "Population": 999.0}, {"index": 13123, "quantile": 0.0, "value": 96200.0, "Latitude": 38.27, "Longitude": -121.26, "Population": 712.0}, {"index": 13123, "quantile": 0.25, "value": 144600.0, "Latitude": 38.27, "Longitude": -121.26, "Population": 712.0}, {"index": 13123, "quantile": 0.5, "value": 144600.0, "Latitude": 38.27, "Longitude": -121.26, "Population": 712.0}, {"index": 13123, "quantile": 0.75, "value": 151600.0, "Latitude": 38.27, "Longitude": -121.26, "Population": 712.0}, {"index": 13123, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 38.27, "Longitude": -121.26, "Population": 712.0}, {"index": 13124, "quantile": 0.0, "value": 87500.0, "Latitude": 38.28, "Longitude": -121.29, "Population": 793.0}, {"index": 13124, "quantile": 0.25, "value": 156700.0, "Latitude": 38.28, "Longitude": -121.29, "Population": 793.0}, {"index": 13124, "quantile": 0.5, "value": 156700.0, "Latitude": 38.28, "Longitude": -121.29, "Population": 793.0}, {"index": 13124, "quantile": 0.75, "value": 156700.0, "Latitude": 38.28, "Longitude": -121.29, "Population": 793.0}, {"index": 13124, "quantile": 1.0, "value": 281200.0, "Latitude": 38.28, "Longitude": -121.29, "Population": 793.0}, {"index": 13125, "quantile": 0.0, "value": 67300.0, "Latitude": 38.28, "Longitude": -121.35, "Population": 1986.0}, {"index": 13125, "quantile": 0.25, "value": 94400.0, "Latitude": 38.28, "Longitude": -121.35, "Population": 1986.0}, {"index": 13125, "quantile": 0.5, "value": 103000.0, "Latitude": 38.28, "Longitude": -121.35, "Population": 1986.0}, {"index": 13125, "quantile": 0.75, "value": 128349.99999999999, "Latitude": 38.28, "Longitude": -121.35, "Population": 1986.0}, {"index": 13125, "quantile": 1.0, "value": 240800.0, "Latitude": 38.28, "Longitude": -121.35, "Population": 1986.0}, {"index": 13126, "quantile": 0.0, "value": 92800.0, "Latitude": 38.28, "Longitude": -121.33, "Population": 659.0}, {"index": 13126, "quantile": 0.25, "value": 147975.0, "Latitude": 38.28, "Longitude": -121.33, "Population": 659.0}, {"index": 13126, "quantile": 0.5, "value": 170100.0, "Latitude": 38.28, "Longitude": -121.33, "Population": 659.0}, {"index": 13126, "quantile": 0.75, "value": 170100.0, "Latitude": 38.28, "Longitude": -121.33, "Population": 659.0}, {"index": 13126, "quantile": 1.0, "value": 260900.0, "Latitude": 38.28, "Longitude": -121.33, "Population": 659.0}, {"index": 13127, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 38.28, "Longitude": -121.31, "Population": 687.0}, {"index": 13127, "quantile": 0.25, "value": 133300.0, "Latitude": 38.28, "Longitude": -121.31, "Population": 687.0}, {"index": 13127, "quantile": 0.5, "value": 155400.0, "Latitude": 38.28, "Longitude": -121.31, "Population": 687.0}, {"index": 13127, "quantile": 0.75, "value": 155400.0, "Latitude": 38.28, "Longitude": -121.31, "Population": 687.0}, {"index": 13127, "quantile": 1.0, "value": 325000.0, "Latitude": 38.28, "Longitude": -121.31, "Population": 687.0}, {"index": 13128, "quantile": 0.0, "value": 84200.0, "Latitude": 38.26, "Longitude": -121.3, "Population": 901.0}, {"index": 13128, "quantile": 0.25, "value": 95800.0, "Latitude": 38.26, "Longitude": -121.3, "Population": 901.0}, {"index": 13128, "quantile": 0.5, "value": 98300.0, "Latitude": 38.26, "Longitude": -121.3, "Population": 901.0}, {"index": 13128, "quantile": 0.75, "value": 116425.0, "Latitude": 38.26, "Longitude": -121.3, "Population": 901.0}, {"index": 13128, "quantile": 1.0, "value": 240800.0, "Latitude": 38.26, "Longitude": -121.3, "Population": 901.0}, {"index": 13129, "quantile": 0.0, "value": 32500.0, "Latitude": 38.26, "Longitude": -121.31, "Population": 1005.0}, {"index": 13129, "quantile": 0.25, "value": 88300.0, "Latitude": 38.26, "Longitude": -121.31, "Population": 1005.0}, {"index": 13129, "quantile": 0.5, "value": 88300.0, "Latitude": 38.26, "Longitude": -121.31, "Population": 1005.0}, {"index": 13129, "quantile": 0.75, "value": 88300.0, "Latitude": 38.26, "Longitude": -121.31, "Population": 1005.0}, {"index": 13129, "quantile": 1.0, "value": 156300.0, "Latitude": 38.26, "Longitude": -121.31, "Population": 1005.0}, {"index": 13130, "quantile": 0.0, "value": 88200.0, "Latitude": 38.26, "Longitude": -121.32, "Population": 3077.0}, {"index": 13130, "quantile": 0.25, "value": 130600.0, "Latitude": 38.26, "Longitude": -121.32, "Population": 3077.0}, {"index": 13130, "quantile": 0.5, "value": 143750.0, "Latitude": 38.26, "Longitude": -121.32, "Population": 3077.0}, {"index": 13130, "quantile": 0.75, "value": 155475.0, "Latitude": 38.26, "Longitude": -121.32, "Population": 3077.0}, {"index": 13130, "quantile": 1.0, "value": 326500.0, "Latitude": 38.26, "Longitude": -121.32, "Population": 3077.0}, {"index": 13131, "quantile": 0.0, "value": 56399.99999999999, "Latitude": 38.25, "Longitude": -121.3, "Population": 1703.0}, {"index": 13131, "quantile": 0.25, "value": 77325.0, "Latitude": 38.25, "Longitude": -121.3, "Population": 1703.0}, {"index": 13131, "quantile": 0.5, "value": 87800.0, "Latitude": 38.25, "Longitude": -121.3, "Population": 1703.0}, {"index": 13131, "quantile": 0.75, "value": 98550.0, "Latitude": 38.25, "Longitude": -121.3, "Population": 1703.0}, {"index": 13131, "quantile": 1.0, "value": 212500.0, "Latitude": 38.25, "Longitude": -121.3, "Population": 1703.0}, {"index": 13132, "quantile": 0.0, "value": 67300.0, "Latitude": 38.46, "Longitude": -121.48, "Population": 6002.0}, {"index": 13132, "quantile": 0.25, "value": 100299.99999999999, "Latitude": 38.46, "Longitude": -121.48, "Population": 6002.0}, {"index": 13132, "quantile": 0.5, "value": 126600.0, "Latitude": 38.46, "Longitude": -121.48, "Population": 6002.0}, {"index": 13132, "quantile": 0.75, "value": 138800.0, "Latitude": 38.46, "Longitude": -121.48, "Population": 6002.0}, {"index": 13132, "quantile": 1.0, "value": 374600.0, "Latitude": 38.46, "Longitude": -121.48, "Population": 6002.0}, {"index": 13133, "quantile": 0.0, "value": 77300.0, "Latitude": 38.47, "Longitude": -121.42, "Population": 3422.0}, {"index": 13133, "quantile": 0.25, "value": 97800.0, "Latitude": 38.47, "Longitude": -121.42, "Population": 3422.0}, {"index": 13133, "quantile": 0.5, "value": 97800.0, "Latitude": 38.47, "Longitude": -121.42, "Population": 3422.0}, {"index": 13133, "quantile": 0.75, "value": 103000.0, "Latitude": 38.47, "Longitude": -121.42, "Population": 3422.0}, {"index": 13133, "quantile": 1.0, "value": 183100.0, "Latitude": 38.47, "Longitude": -121.42, "Population": 3422.0}, {"index": 13134, "quantile": 0.0, "value": 91200.0, "Latitude": 38.46, "Longitude": -121.43, "Population": 818.0}, {"index": 13134, "quantile": 0.25, "value": 100299.99999999999, "Latitude": 38.46, "Longitude": -121.43, "Population": 818.0}, {"index": 13134, "quantile": 0.5, "value": 100299.99999999999, "Latitude": 38.46, "Longitude": -121.43, "Population": 818.0}, {"index": 13134, "quantile": 0.75, "value": 100974.99999999999, "Latitude": 38.46, "Longitude": -121.43, "Population": 818.0}, {"index": 13134, "quantile": 1.0, "value": 260900.0, "Latitude": 38.46, "Longitude": -121.43, "Population": 818.0}, {"index": 13135, "quantile": 0.0, "value": 84500.0, "Latitude": 38.47, "Longitude": -121.43, "Population": 988.0}, {"index": 13135, "quantile": 0.25, "value": 99800.0, "Latitude": 38.47, "Longitude": -121.43, "Population": 988.0}, {"index": 13135, "quantile": 0.5, "value": 129900.0, "Latitude": 38.47, "Longitude": -121.43, "Population": 988.0}, {"index": 13135, "quantile": 0.75, "value": 144600.0, "Latitude": 38.47, "Longitude": -121.43, "Population": 988.0}, {"index": 13135, "quantile": 1.0, "value": 374600.0, "Latitude": 38.47, "Longitude": -121.43, "Population": 988.0}, {"index": 13136, "quantile": 0.0, "value": 92600.0, "Latitude": 38.47, "Longitude": -121.44, "Population": 787.0}, {"index": 13136, "quantile": 0.25, "value": 95900.0, "Latitude": 38.47, "Longitude": -121.44, "Population": 787.0}, {"index": 13136, "quantile": 0.5, "value": 95900.0, "Latitude": 38.47, "Longitude": -121.44, "Population": 787.0}, {"index": 13136, "quantile": 0.75, "value": 113999.99999999999, "Latitude": 38.47, "Longitude": -121.44, "Population": 787.0}, {"index": 13136, "quantile": 1.0, "value": 179500.0, "Latitude": 38.47, "Longitude": -121.44, "Population": 787.0}, {"index": 13137, "quantile": 0.0, "value": 84500.0, "Latitude": 38.47, "Longitude": -121.44, "Population": 3139.0}, {"index": 13137, "quantile": 0.25, "value": 108900.0, "Latitude": 38.47, "Longitude": -121.44, "Population": 3139.0}, {"index": 13137, "quantile": 0.5, "value": 108900.0, "Latitude": 38.47, "Longitude": -121.44, "Population": 3139.0}, {"index": 13137, "quantile": 0.75, "value": 108900.0, "Latitude": 38.47, "Longitude": -121.44, "Population": 3139.0}, {"index": 13137, "quantile": 1.0, "value": 173200.0, "Latitude": 38.47, "Longitude": -121.44, "Population": 3139.0}, {"index": 13138, "quantile": 0.0, "value": 83400.0, "Latitude": 38.46, "Longitude": -121.44, "Population": 2499.0}, {"index": 13138, "quantile": 0.25, "value": 103400.0, "Latitude": 38.46, "Longitude": -121.44, "Population": 2499.0}, {"index": 13138, "quantile": 0.5, "value": 108900.0, "Latitude": 38.46, "Longitude": -121.44, "Population": 2499.0}, {"index": 13138, "quantile": 0.75, "value": 125699.99999999999, "Latitude": 38.46, "Longitude": -121.44, "Population": 2499.0}, {"index": 13138, "quantile": 1.0, "value": 322400.0, "Latitude": 38.46, "Longitude": -121.44, "Population": 2499.0}, {"index": 13139, "quantile": 0.0, "value": 87200.0, "Latitude": 38.43, "Longitude": -121.44, "Population": 16305.0}, {"index": 13139, "quantile": 0.25, "value": 150400.0, "Latitude": 38.43, "Longitude": -121.44, "Population": 16305.0}, {"index": 13139, "quantile": 0.5, "value": 187100.0, "Latitude": 38.43, "Longitude": -121.44, "Population": 16305.0}, {"index": 13139, "quantile": 0.75, "value": 205100.00000000003, "Latitude": 38.43, "Longitude": -121.44, "Population": 16305.0}, {"index": 13139, "quantile": 1.0, "value": 340400.0, "Latitude": 38.43, "Longitude": -121.44, "Population": 16305.0}, {"index": 13140, "quantile": 0.0, "value": 67300.0, "Latitude": 38.34, "Longitude": -121.41, "Population": 1966.0}, {"index": 13140, "quantile": 0.25, "value": 107275.00000000001, "Latitude": 38.34, "Longitude": -121.41, "Population": 1966.0}, {"index": 13140, "quantile": 0.5, "value": 162500.0, "Latitude": 38.34, "Longitude": -121.41, "Population": 1966.0}, {"index": 13140, "quantile": 0.75, "value": 162500.0, "Latitude": 38.34, "Longitude": -121.41, "Population": 1966.0}, {"index": 13140, "quantile": 1.0, "value": 225000.0, "Latitude": 38.34, "Longitude": -121.41, "Population": 1966.0}, {"index": 13141, "quantile": 0.0, "value": 92800.0, "Latitude": 38.37, "Longitude": -121.45, "Population": 629.0}, {"index": 13141, "quantile": 0.25, "value": 137500.0, "Latitude": 38.37, "Longitude": -121.45, "Population": 629.0}, {"index": 13141, "quantile": 0.5, "value": 137500.0, "Latitude": 38.37, "Longitude": -121.45, "Population": 629.0}, {"index": 13141, "quantile": 0.75, "value": 138700.0, "Latitude": 38.37, "Longitude": -121.45, "Population": 629.0}, {"index": 13141, "quantile": 1.0, "value": 219000.0, "Latitude": 38.37, "Longitude": -121.45, "Population": 629.0}, {"index": 13142, "quantile": 0.0, "value": 52800.0, "Latitude": 38.34, "Longitude": -121.5, "Population": 569.0}, {"index": 13142, "quantile": 0.25, "value": 72900.0, "Latitude": 38.34, "Longitude": -121.5, "Population": 569.0}, {"index": 13142, "quantile": 0.5, "value": 72900.0, "Latitude": 38.34, "Longitude": -121.5, "Population": 569.0}, {"index": 13142, "quantile": 0.75, "value": 76900.0, "Latitude": 38.34, "Longitude": -121.5, "Population": 569.0}, {"index": 13142, "quantile": 1.0, "value": 184200.0, "Latitude": 38.34, "Longitude": -121.5, "Population": 569.0}, {"index": 13143, "quantile": 0.0, "value": 76900.0, "Latitude": 38.29, "Longitude": -121.54, "Population": 630.0}, {"index": 13143, "quantile": 0.25, "value": 92500.0, "Latitude": 38.29, "Longitude": -121.54, "Population": 630.0}, {"index": 13143, "quantile": 0.5, "value": 92500.0, "Latitude": 38.29, "Longitude": -121.54, "Population": 630.0}, {"index": 13143, "quantile": 0.75, "value": 106300.0, "Latitude": 38.29, "Longitude": -121.54, "Population": 630.0}, {"index": 13143, "quantile": 1.0, "value": 212500.0, "Latitude": 38.29, "Longitude": -121.54, "Population": 630.0}, {"index": 13144, "quantile": 0.0, "value": 46300.0, "Latitude": 38.26, "Longitude": -121.56, "Population": 996.0}, {"index": 13144, "quantile": 0.25, "value": 136800.0, "Latitude": 38.26, "Longitude": -121.56, "Population": 996.0}, {"index": 13144, "quantile": 0.5, "value": 136800.0, "Latitude": 38.26, "Longitude": -121.56, "Population": 996.0}, {"index": 13144, "quantile": 0.75, "value": 136800.0, "Latitude": 38.26, "Longitude": -121.56, "Population": 996.0}, {"index": 13144, "quantile": 1.0, "value": 187500.0, "Latitude": 38.26, "Longitude": -121.56, "Population": 996.0}, {"index": 13145, "quantile": 0.0, "value": 52800.0, "Latitude": 38.26, "Longitude": -121.51, "Population": 429.0}, {"index": 13145, "quantile": 0.25, "value": 52800.0, "Latitude": 38.26, "Longitude": -121.51, "Population": 429.0}, {"index": 13145, "quantile": 0.5, "value": 52800.0, "Latitude": 38.26, "Longitude": -121.51, "Population": 429.0}, {"index": 13145, "quantile": 0.75, "value": 73425.0, "Latitude": 38.26, "Longitude": -121.51, "Population": 429.0}, {"index": 13145, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.26, "Longitude": -121.51, "Population": 429.0}, {"index": 13146, "quantile": 0.0, "value": 63400.0, "Latitude": 38.19, "Longitude": -121.57, "Population": 700.0}, {"index": 13146, "quantile": 0.25, "value": 136800.0, "Latitude": 38.19, "Longitude": -121.57, "Population": 700.0}, {"index": 13146, "quantile": 0.5, "value": 162500.0, "Latitude": 38.19, "Longitude": -121.57, "Population": 700.0}, {"index": 13146, "quantile": 0.75, "value": 162500.0, "Latitude": 38.19, "Longitude": -121.57, "Population": 700.0}, {"index": 13146, "quantile": 1.0, "value": 212500.0, "Latitude": 38.19, "Longitude": -121.57, "Population": 700.0}, {"index": 13147, "quantile": 0.0, "value": 85200.0, "Latitude": 38.1, "Longitude": -121.7, "Population": 2150.0}, {"index": 13147, "quantile": 0.25, "value": 126500.00000000001, "Latitude": 38.1, "Longitude": -121.7, "Population": 2150.0}, {"index": 13147, "quantile": 0.5, "value": 163400.0, "Latitude": 38.1, "Longitude": -121.7, "Population": 2150.0}, {"index": 13147, "quantile": 0.75, "value": 209400.0, "Latitude": 38.1, "Longitude": -121.7, "Population": 2150.0}, {"index": 13147, "quantile": 1.0, "value": 390800.0, "Latitude": 38.1, "Longitude": -121.7, "Population": 2150.0}, {"index": 13148, "quantile": 0.0, "value": 154800.0, "Latitude": 36.9, "Longitude": -121.29, "Population": 1734.0}, {"index": 13148, "quantile": 0.25, "value": 276500.0, "Latitude": 36.9, "Longitude": -121.29, "Population": 1734.0}, {"index": 13148, "quantile": 0.5, "value": 374200.0, "Latitude": 36.9, "Longitude": -121.29, "Population": 1734.0}, {"index": 13148, "quantile": 0.75, "value": 374200.0, "Latitude": 36.9, "Longitude": -121.29, "Population": 1734.0}, {"index": 13148, "quantile": 1.0, "value": 374200.0, "Latitude": 36.9, "Longitude": -121.29, "Population": 1734.0}, {"index": 13149, "quantile": 0.0, "value": 84600.0, "Latitude": 36.89, "Longitude": -121.37, "Population": 1753.0}, {"index": 13149, "quantile": 0.25, "value": 200225.0, "Latitude": 36.89, "Longitude": -121.37, "Population": 1753.0}, {"index": 13149, "quantile": 0.5, "value": 293800.0, "Latitude": 36.89, "Longitude": -121.37, "Population": 1753.0}, {"index": 13149, "quantile": 0.75, "value": 293800.0, "Latitude": 36.89, "Longitude": -121.37, "Population": 1753.0}, {"index": 13149, "quantile": 1.0, "value": 374600.0, "Latitude": 36.89, "Longitude": -121.37, "Population": 1753.0}, {"index": 13150, "quantile": 0.0, "value": 131300.0, "Latitude": 36.92, "Longitude": -121.47, "Population": 1230.0}, {"index": 13150, "quantile": 0.25, "value": 261875.00000000003, "Latitude": 36.92, "Longitude": -121.47, "Population": 1230.0}, {"index": 13150, "quantile": 0.5, "value": 265900.0, "Latitude": 36.92, "Longitude": -121.47, "Population": 1230.0}, {"index": 13150, "quantile": 0.75, "value": 265900.0, "Latitude": 36.92, "Longitude": -121.47, "Population": 1230.0}, {"index": 13150, "quantile": 1.0, "value": 500000.0, "Latitude": 36.92, "Longitude": -121.47, "Population": 1230.0}, {"index": 13151, "quantile": 0.0, "value": 74200.0, "Latitude": 36.85, "Longitude": -121.53, "Population": 1862.0}, {"index": 13151, "quantile": 0.25, "value": 193600.0, "Latitude": 36.85, "Longitude": -121.53, "Population": 1862.0}, {"index": 13151, "quantile": 0.5, "value": 193600.0, "Latitude": 36.85, "Longitude": -121.53, "Population": 1862.0}, {"index": 13151, "quantile": 0.75, "value": 193600.0, "Latitude": 36.85, "Longitude": -121.53, "Population": 1862.0}, {"index": 13151, "quantile": 1.0, "value": 243100.0, "Latitude": 36.85, "Longitude": -121.53, "Population": 1862.0}, {"index": 13152, "quantile": 0.0, "value": 50000.0, "Latitude": 36.86, "Longitude": -121.51, "Population": 602.0}, {"index": 13152, "quantile": 0.25, "value": 117475.0, "Latitude": 36.86, "Longitude": -121.51, "Population": 602.0}, {"index": 13152, "quantile": 0.5, "value": 144550.0, "Latitude": 36.86, "Longitude": -121.51, "Population": 602.0}, {"index": 13152, "quantile": 0.75, "value": 179525.0, "Latitude": 36.86, "Longitude": -121.51, "Population": 602.0}, {"index": 13152, "quantile": 1.0, "value": 362500.0, "Latitude": 36.86, "Longitude": -121.51, "Population": 602.0}, {"index": 13153, "quantile": 0.0, "value": 163600.0, "Latitude": 36.88, "Longitude": -121.6, "Population": 1862.0}, {"index": 13153, "quantile": 0.25, "value": 241400.00000000003, "Latitude": 36.88, "Longitude": -121.6, "Population": 1862.0}, {"index": 13153, "quantile": 0.5, "value": 241500.0, "Latitude": 36.88, "Longitude": -121.6, "Population": 1862.0}, {"index": 13153, "quantile": 0.75, "value": 241500.0, "Latitude": 36.88, "Longitude": -121.6, "Population": 1862.0}, {"index": 13153, "quantile": 1.0, "value": 349300.0, "Latitude": 36.88, "Longitude": -121.6, "Population": 1862.0}, {"index": 13154, "quantile": 0.0, "value": 108900.0, "Latitude": 36.81, "Longitude": -121.5, "Population": 731.0}, {"index": 13154, "quantile": 0.25, "value": 206825.0, "Latitude": 36.81, "Longitude": -121.5, "Population": 731.0}, {"index": 13154, "quantile": 0.5, "value": 234900.00000000003, "Latitude": 36.81, "Longitude": -121.5, "Population": 731.0}, {"index": 13154, "quantile": 0.75, "value": 275500.0, "Latitude": 36.81, "Longitude": -121.5, "Population": 731.0}, {"index": 13154, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.81, "Longitude": -121.5, "Population": 731.0}, {"index": 13155, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.86, "Longitude": -121.45, "Population": 1617.0}, {"index": 13155, "quantile": 0.25, "value": 146200.0, "Latitude": 36.86, "Longitude": -121.45, "Population": 1617.0}, {"index": 13155, "quantile": 0.5, "value": 146200.0, "Latitude": 36.86, "Longitude": -121.45, "Population": 1617.0}, {"index": 13155, "quantile": 0.75, "value": 146200.0, "Latitude": 36.86, "Longitude": -121.45, "Population": 1617.0}, {"index": 13155, "quantile": 1.0, "value": 336800.0, "Latitude": 36.86, "Longitude": -121.45, "Population": 1617.0}, {"index": 13156, "quantile": 0.0, "value": 46300.0, "Latitude": 36.86, "Longitude": -121.42, "Population": 389.0}, {"index": 13156, "quantile": 0.25, "value": 134700.0, "Latitude": 36.86, "Longitude": -121.42, "Population": 389.0}, {"index": 13156, "quantile": 0.5, "value": 225000.0, "Latitude": 36.86, "Longitude": -121.42, "Population": 389.0}, {"index": 13156, "quantile": 0.75, "value": 225000.0, "Latitude": 36.86, "Longitude": -121.42, "Population": 389.0}, {"index": 13156, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 36.86, "Longitude": -121.42, "Population": 389.0}, {"index": 13157, "quantile": 0.0, "value": 59600.0, "Latitude": 36.85, "Longitude": -121.41, "Population": 1474.0}, {"index": 13157, "quantile": 0.25, "value": 124500.00000000001, "Latitude": 36.85, "Longitude": -121.41, "Population": 1474.0}, {"index": 13157, "quantile": 0.5, "value": 134100.0, "Latitude": 36.85, "Longitude": -121.41, "Population": 1474.0}, {"index": 13157, "quantile": 0.75, "value": 156400.0, "Latitude": 36.85, "Longitude": -121.41, "Population": 1474.0}, {"index": 13157, "quantile": 1.0, "value": 289100.0, "Latitude": 36.85, "Longitude": -121.41, "Population": 1474.0}, {"index": 13158, "quantile": 0.0, "value": 61600.0, "Latitude": 36.85, "Longitude": -121.4, "Population": 1768.0}, {"index": 13158, "quantile": 0.25, "value": 157300.0, "Latitude": 36.85, "Longitude": -121.4, "Population": 1768.0}, {"index": 13158, "quantile": 0.5, "value": 157300.0, "Latitude": 36.85, "Longitude": -121.4, "Population": 1768.0}, {"index": 13158, "quantile": 0.75, "value": 157300.0, "Latitude": 36.85, "Longitude": -121.4, "Population": 1768.0}, {"index": 13158, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 36.85, "Longitude": -121.4, "Population": 1768.0}, {"index": 13159, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 36.84, "Longitude": -121.4, "Population": 1215.0}, {"index": 13159, "quantile": 0.25, "value": 136500.0, "Latitude": 36.84, "Longitude": -121.4, "Population": 1215.0}, {"index": 13159, "quantile": 0.5, "value": 136500.0, "Latitude": 36.84, "Longitude": -121.4, "Population": 1215.0}, {"index": 13159, "quantile": 0.75, "value": 136500.0, "Latitude": 36.84, "Longitude": -121.4, "Population": 1215.0}, {"index": 13159, "quantile": 1.0, "value": 289500.0, "Latitude": 36.84, "Longitude": -121.4, "Population": 1215.0}, {"index": 13160, "quantile": 0.0, "value": 69800.0, "Latitude": 36.84, "Longitude": -121.4, "Population": 1430.0}, {"index": 13160, "quantile": 0.25, "value": 155300.0, "Latitude": 36.84, "Longitude": -121.4, "Population": 1430.0}, {"index": 13160, "quantile": 0.5, "value": 155300.0, "Latitude": 36.84, "Longitude": -121.4, "Population": 1430.0}, {"index": 13160, "quantile": 0.75, "value": 162600.0, "Latitude": 36.84, "Longitude": -121.4, "Population": 1430.0}, {"index": 13160, "quantile": 1.0, "value": 417600.0, "Latitude": 36.84, "Longitude": -121.4, "Population": 1430.0}, {"index": 13161, "quantile": 0.0, "value": 88400.0, "Latitude": 36.84, "Longitude": -121.41, "Population": 1105.0}, {"index": 13161, "quantile": 0.25, "value": 176500.0, "Latitude": 36.84, "Longitude": -121.41, "Population": 1105.0}, {"index": 13161, "quantile": 0.5, "value": 211000.0, "Latitude": 36.84, "Longitude": -121.41, "Population": 1105.0}, {"index": 13161, "quantile": 0.75, "value": 229900.0, "Latitude": 36.84, "Longitude": -121.41, "Population": 1105.0}, {"index": 13161, "quantile": 1.0, "value": 400000.0, "Latitude": 36.84, "Longitude": -121.41, "Population": 1105.0}, {"index": 13162, "quantile": 0.0, "value": 38800.0, "Latitude": 36.86, "Longitude": -121.4, "Population": 910.0}, {"index": 13162, "quantile": 0.25, "value": 63000.0, "Latitude": 36.86, "Longitude": -121.4, "Population": 910.0}, {"index": 13162, "quantile": 0.5, "value": 89500.0, "Latitude": 36.86, "Longitude": -121.4, "Population": 910.0}, {"index": 13162, "quantile": 0.75, "value": 122975.00000000001, "Latitude": 36.86, "Longitude": -121.4, "Population": 910.0}, {"index": 13162, "quantile": 1.0, "value": 195800.0, "Latitude": 36.86, "Longitude": -121.4, "Population": 910.0}, {"index": 13163, "quantile": 0.0, "value": 80200.0, "Latitude": 36.85, "Longitude": -121.38, "Population": 2903.0}, {"index": 13163, "quantile": 0.25, "value": 177000.0, "Latitude": 36.85, "Longitude": -121.38, "Population": 2903.0}, {"index": 13163, "quantile": 0.5, "value": 221200.00000000003, "Latitude": 36.85, "Longitude": -121.38, "Population": 2903.0}, {"index": 13163, "quantile": 0.75, "value": 243000.00000000003, "Latitude": 36.85, "Longitude": -121.38, "Population": 2903.0}, {"index": 13163, "quantile": 1.0, "value": 350000.0, "Latitude": 36.85, "Longitude": -121.38, "Population": 2903.0}, {"index": 13164, "quantile": 0.0, "value": 117600.0, "Latitude": 36.84, "Longitude": -121.38, "Population": 2061.0}, {"index": 13164, "quantile": 0.25, "value": 217600.00000000003, "Latitude": 36.84, "Longitude": -121.38, "Population": 2061.0}, {"index": 13164, "quantile": 0.5, "value": 217600.00000000003, "Latitude": 36.84, "Longitude": -121.38, "Population": 2061.0}, {"index": 13164, "quantile": 0.75, "value": 217600.00000000003, "Latitude": 36.84, "Longitude": -121.38, "Population": 2061.0}, {"index": 13164, "quantile": 1.0, "value": 336800.0, "Latitude": 36.84, "Longitude": -121.38, "Population": 2061.0}, {"index": 13165, "quantile": 0.0, "value": 97200.0, "Latitude": 36.84, "Longitude": -121.37, "Population": 1023.0}, {"index": 13165, "quantile": 0.25, "value": 243000.00000000003, "Latitude": 36.84, "Longitude": -121.37, "Population": 1023.0}, {"index": 13165, "quantile": 0.5, "value": 243000.00000000003, "Latitude": 36.84, "Longitude": -121.37, "Population": 1023.0}, {"index": 13165, "quantile": 0.75, "value": 243000.00000000003, "Latitude": 36.84, "Longitude": -121.37, "Population": 1023.0}, {"index": 13165, "quantile": 1.0, "value": 400000.0, "Latitude": 36.84, "Longitude": -121.37, "Population": 1023.0}, {"index": 13166, "quantile": 0.0, "value": 112200.00000000001, "Latitude": 36.84, "Longitude": -121.38, "Population": 1487.0}, {"index": 13166, "quantile": 0.25, "value": 221200.00000000003, "Latitude": 36.84, "Longitude": -121.38, "Population": 1487.0}, {"index": 13166, "quantile": 0.5, "value": 221200.00000000003, "Latitude": 36.84, "Longitude": -121.38, "Population": 1487.0}, {"index": 13166, "quantile": 0.75, "value": 221200.00000000003, "Latitude": 36.84, "Longitude": -121.38, "Population": 1487.0}, {"index": 13166, "quantile": 1.0, "value": 374600.0, "Latitude": 36.84, "Longitude": -121.38, "Population": 1487.0}, {"index": 13167, "quantile": 0.0, "value": 88000.0, "Latitude": 36.83, "Longitude": -121.37, "Population": 1951.0}, {"index": 13167, "quantile": 0.25, "value": 142950.0, "Latitude": 36.83, "Longitude": -121.37, "Population": 1951.0}, {"index": 13167, "quantile": 0.5, "value": 203850.0, "Latitude": 36.83, "Longitude": -121.37, "Population": 1951.0}, {"index": 13167, "quantile": 0.75, "value": 251100.0, "Latitude": 36.83, "Longitude": -121.37, "Population": 1951.0}, {"index": 13167, "quantile": 1.0, "value": 378000.0, "Latitude": 36.83, "Longitude": -121.37, "Population": 1951.0}, {"index": 13168, "quantile": 0.0, "value": 87200.0, "Latitude": 36.83, "Longitude": -121.4, "Population": 1749.0}, {"index": 13168, "quantile": 0.25, "value": 193600.0, "Latitude": 36.83, "Longitude": -121.4, "Population": 1749.0}, {"index": 13168, "quantile": 0.5, "value": 207900.00000000003, "Latitude": 36.83, "Longitude": -121.4, "Population": 1749.0}, {"index": 13168, "quantile": 0.75, "value": 207900.00000000003, "Latitude": 36.83, "Longitude": -121.4, "Population": 1749.0}, {"index": 13168, "quantile": 1.0, "value": 305000.0, "Latitude": 36.83, "Longitude": -121.4, "Population": 1749.0}, {"index": 13169, "quantile": 0.0, "value": 88400.0, "Latitude": 36.84, "Longitude": -121.44, "Population": 1143.0}, {"index": 13169, "quantile": 0.25, "value": 137375.0, "Latitude": 36.84, "Longitude": -121.44, "Population": 1143.0}, {"index": 13169, "quantile": 0.5, "value": 178900.00000000003, "Latitude": 36.84, "Longitude": -121.44, "Population": 1143.0}, {"index": 13169, "quantile": 0.75, "value": 212650.0, "Latitude": 36.84, "Longitude": -121.44, "Population": 1143.0}, {"index": 13169, "quantile": 1.0, "value": 400000.0, "Latitude": 36.84, "Longitude": -121.44, "Population": 1143.0}, {"index": 13170, "quantile": 0.0, "value": 65200.0, "Latitude": 36.85, "Longitude": -121.42, "Population": 677.0}, {"index": 13170, "quantile": 0.25, "value": 104125.0, "Latitude": 36.85, "Longitude": -121.42, "Population": 677.0}, {"index": 13170, "quantile": 0.5, "value": 140300.0, "Latitude": 36.85, "Longitude": -121.42, "Population": 677.0}, {"index": 13170, "quantile": 0.75, "value": 184700.0, "Latitude": 36.85, "Longitude": -121.42, "Population": 677.0}, {"index": 13170, "quantile": 1.0, "value": 420000.0, "Latitude": 36.85, "Longitude": -121.42, "Population": 677.0}, {"index": 13171, "quantile": 0.0, "value": 73100.0, "Latitude": 36.79, "Longitude": -121.32, "Population": 288.0}, {"index": 13171, "quantile": 0.25, "value": 202500.0, "Latitude": 36.79, "Longitude": -121.32, "Population": 288.0}, {"index": 13171, "quantile": 0.5, "value": 202500.0, "Latitude": 36.79, "Longitude": -121.32, "Population": 288.0}, {"index": 13171, "quantile": 0.75, "value": 203874.99999999997, "Latitude": 36.79, "Longitude": -121.32, "Population": 288.0}, {"index": 13171, "quantile": 1.0, "value": 450000.0, "Latitude": 36.79, "Longitude": -121.32, "Population": 288.0}, {"index": 13172, "quantile": 0.0, "value": 112500.0, "Latitude": 36.81, "Longitude": -121.36, "Population": 1660.0}, {"index": 13172, "quantile": 0.25, "value": 196300.0, "Latitude": 36.81, "Longitude": -121.36, "Population": 1660.0}, {"index": 13172, "quantile": 0.5, "value": 259150.0, "Latitude": 36.81, "Longitude": -121.36, "Population": 1660.0}, {"index": 13172, "quantile": 0.75, "value": 286625.0, "Latitude": 36.81, "Longitude": -121.36, "Population": 1660.0}, {"index": 13172, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.81, "Longitude": -121.36, "Population": 1660.0}, {"index": 13173, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 36.76, "Longitude": -121.34, "Population": 1289.0}, {"index": 13173, "quantile": 0.25, "value": 215475.0, "Latitude": 36.76, "Longitude": -121.34, "Population": 1289.0}, {"index": 13173, "quantile": 0.5, "value": 336800.0, "Latitude": 36.76, "Longitude": -121.34, "Population": 1289.0}, {"index": 13173, "quantile": 0.75, "value": 336800.0, "Latitude": 36.76, "Longitude": -121.34, "Population": 1289.0}, {"index": 13173, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.76, "Longitude": -121.34, "Population": 1289.0}, {"index": 13174, "quantile": 0.0, "value": 45000.0, "Latitude": 36.72, "Longitude": -121.06, "Population": 166.0}, {"index": 13174, "quantile": 0.25, "value": 100000.0, "Latitude": 36.72, "Longitude": -121.06, "Population": 166.0}, {"index": 13174, "quantile": 0.5, "value": 100000.0, "Latitude": 36.72, "Longitude": -121.06, "Population": 166.0}, {"index": 13174, "quantile": 0.75, "value": 100000.0, "Latitude": 36.72, "Longitude": -121.06, "Population": 166.0}, {"index": 13174, "quantile": 1.0, "value": 420000.0, "Latitude": 36.72, "Longitude": -121.06, "Population": 166.0}, {"index": 13175, "quantile": 0.0, "value": 70100.0, "Latitude": 36.47, "Longitude": -120.95, "Population": 618.0}, {"index": 13175, "quantile": 0.25, "value": 225000.0, "Latitude": 36.47, "Longitude": -120.95, "Population": 618.0}, {"index": 13175, "quantile": 0.5, "value": 225000.0, "Latitude": 36.47, "Longitude": -120.95, "Population": 618.0}, {"index": 13175, "quantile": 0.75, "value": 225000.0, "Latitude": 36.47, "Longitude": -120.95, "Population": 618.0}, {"index": 13175, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.47, "Longitude": -120.95, "Population": 618.0}, {"index": 13176, "quantile": 0.0, "value": 138200.0, "Latitude": 34.01, "Longitude": -117.75, "Population": 10450.0}, {"index": 13176, "quantile": 0.25, "value": 267000.0, "Latitude": 34.01, "Longitude": -117.75, "Population": 10450.0}, {"index": 13176, "quantile": 0.5, "value": 289600.0, "Latitude": 34.01, "Longitude": -117.75, "Population": 10450.0}, {"index": 13176, "quantile": 0.75, "value": 289600.0, "Latitude": 34.01, "Longitude": -117.75, "Population": 10450.0}, {"index": 13176, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 34.01, "Longitude": -117.75, "Population": 10450.0}, {"index": 13177, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 33.97, "Longitude": -117.78, "Population": 179.0}, {"index": 13177, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -117.78, "Population": 179.0}, {"index": 13177, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -117.78, "Population": 179.0}, {"index": 13177, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -117.78, "Population": 179.0}, {"index": 13177, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -117.78, "Population": 179.0}, {"index": 13178, "quantile": 0.0, "value": 197700.0, "Latitude": 33.99, "Longitude": -117.72, "Population": 3108.0}, {"index": 13178, "quantile": 0.25, "value": 206700.00000000003, "Latitude": 33.99, "Longitude": -117.72, "Population": 3108.0}, {"index": 13178, "quantile": 0.5, "value": 206700.00000000003, "Latitude": 33.99, "Longitude": -117.72, "Population": 3108.0}, {"index": 13178, "quantile": 0.75, "value": 238875.0, "Latitude": 33.99, "Longitude": -117.72, "Population": 3108.0}, {"index": 13178, "quantile": 1.0, "value": 362500.0, "Latitude": 33.99, "Longitude": -117.72, "Population": 3108.0}, {"index": 13179, "quantile": 0.0, "value": 171900.0, "Latitude": 33.98, "Longitude": -117.76, "Population": 2497.0}, {"index": 13179, "quantile": 0.25, "value": 292400.0, "Latitude": 33.98, "Longitude": -117.76, "Population": 2497.0}, {"index": 13179, "quantile": 0.5, "value": 292400.0, "Latitude": 33.98, "Longitude": -117.76, "Population": 2497.0}, {"index": 13179, "quantile": 0.75, "value": 292400.0, "Latitude": 33.98, "Longitude": -117.76, "Population": 2497.0}, {"index": 13179, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.98, "Longitude": -117.76, "Population": 2497.0}, {"index": 13180, "quantile": 0.0, "value": 133800.0, "Latitude": 33.97, "Longitude": -117.74, "Population": 4662.0}, {"index": 13180, "quantile": 0.25, "value": 254900.0, "Latitude": 33.97, "Longitude": -117.74, "Population": 4662.0}, {"index": 13180, "quantile": 0.5, "value": 254900.0, "Latitude": 33.97, "Longitude": -117.74, "Population": 4662.0}, {"index": 13180, "quantile": 0.75, "value": 254900.0, "Latitude": 33.97, "Longitude": -117.74, "Population": 4662.0}, {"index": 13180, "quantile": 1.0, "value": 429000.0, "Latitude": 33.97, "Longitude": -117.74, "Population": 4662.0}, {"index": 13181, "quantile": 0.0, "value": 126200.0, "Latitude": 33.97, "Longitude": -117.72, "Population": 6931.0}, {"index": 13181, "quantile": 0.25, "value": 181275.0, "Latitude": 33.97, "Longitude": -117.72, "Population": 6931.0}, {"index": 13181, "quantile": 0.5, "value": 209649.99999999997, "Latitude": 33.97, "Longitude": -117.72, "Population": 6931.0}, {"index": 13181, "quantile": 0.75, "value": 264400.0, "Latitude": 33.97, "Longitude": -117.72, "Population": 6931.0}, {"index": 13181, "quantile": 1.0, "value": 365900.0, "Latitude": 33.97, "Longitude": -117.72, "Population": 6931.0}, {"index": 13182, "quantile": 0.0, "value": 107000.0, "Latitude": 33.97, "Longitude": -117.71, "Population": 6474.0}, {"index": 13182, "quantile": 0.25, "value": 137200.0, "Latitude": 33.97, "Longitude": -117.71, "Population": 6474.0}, {"index": 13182, "quantile": 0.5, "value": 137200.0, "Latitude": 33.97, "Longitude": -117.71, "Population": 6474.0}, {"index": 13182, "quantile": 0.75, "value": 137525.0, "Latitude": 33.97, "Longitude": -117.71, "Population": 6474.0}, {"index": 13182, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.97, "Longitude": -117.71, "Population": 6474.0}, {"index": 13183, "quantile": 0.0, "value": 120000.0, "Latitude": 33.92, "Longitude": -117.7, "Population": 3941.0}, {"index": 13183, "quantile": 0.25, "value": 233900.0, "Latitude": 33.92, "Longitude": -117.7, "Population": 3941.0}, {"index": 13183, "quantile": 0.5, "value": 257399.99999999997, "Latitude": 33.92, "Longitude": -117.7, "Population": 3941.0}, {"index": 13183, "quantile": 0.75, "value": 289600.0, "Latitude": 33.92, "Longitude": -117.7, "Population": 3941.0}, {"index": 13183, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 33.92, "Longitude": -117.7, "Population": 3941.0}, {"index": 13184, "quantile": 0.0, "value": 171900.0, "Latitude": 33.95, "Longitude": -117.75, "Population": 364.0}, {"index": 13184, "quantile": 0.25, "value": 358700.0, "Latitude": 33.95, "Longitude": -117.75, "Population": 364.0}, {"index": 13184, "quantile": 0.5, "value": 426900.0, "Latitude": 33.95, "Longitude": -117.75, "Population": 364.0}, {"index": 13184, "quantile": 0.75, "value": 426900.0, "Latitude": 33.95, "Longitude": -117.75, "Population": 364.0}, {"index": 13184, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.95, "Longitude": -117.75, "Population": 364.0}, {"index": 13185, "quantile": 0.0, "value": 133000.0, "Latitude": 33.94, "Longitude": -117.76, "Population": 457.0}, {"index": 13185, "quantile": 0.25, "value": 184200.0, "Latitude": 33.94, "Longitude": -117.76, "Population": 457.0}, {"index": 13185, "quantile": 0.5, "value": 184200.0, "Latitude": 33.94, "Longitude": -117.76, "Population": 457.0}, {"index": 13185, "quantile": 0.75, "value": 253700.0, "Latitude": 33.94, "Longitude": -117.76, "Population": 457.0}, {"index": 13185, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.94, "Longitude": -117.76, "Population": 457.0}, {"index": 13186, "quantile": 0.0, "value": 80300.0, "Latitude": 34.09, "Longitude": -117.69, "Population": 724.0}, {"index": 13186, "quantile": 0.25, "value": 127299.99999999999, "Latitude": 34.09, "Longitude": -117.69, "Population": 724.0}, {"index": 13186, "quantile": 0.5, "value": 139300.0, "Latitude": 34.09, "Longitude": -117.69, "Population": 724.0}, {"index": 13186, "quantile": 0.75, "value": 148800.0, "Latitude": 34.09, "Longitude": -117.69, "Population": 724.0}, {"index": 13186, "quantile": 1.0, "value": 268800.0, "Latitude": 34.09, "Longitude": -117.69, "Population": 724.0}, {"index": 13187, "quantile": 0.0, "value": 107300.0, "Latitude": 34.08, "Longitude": -117.7, "Population": 1117.0}, {"index": 13187, "quantile": 0.25, "value": 107300.0, "Latitude": 34.08, "Longitude": -117.7, "Population": 1117.0}, {"index": 13187, "quantile": 0.5, "value": 107300.0, "Latitude": 34.08, "Longitude": -117.7, "Population": 1117.0}, {"index": 13187, "quantile": 0.75, "value": 130475.00000000001, "Latitude": 34.08, "Longitude": -117.7, "Population": 1117.0}, {"index": 13187, "quantile": 1.0, "value": 305600.0, "Latitude": 34.08, "Longitude": -117.7, "Population": 1117.0}, {"index": 13188, "quantile": 0.0, "value": 71900.0, "Latitude": 34.09, "Longitude": -117.7, "Population": 1098.0}, {"index": 13188, "quantile": 0.25, "value": 121800.0, "Latitude": 34.09, "Longitude": -117.7, "Population": 1098.0}, {"index": 13188, "quantile": 0.5, "value": 121800.0, "Latitude": 34.09, "Longitude": -117.7, "Population": 1098.0}, {"index": 13188, "quantile": 0.75, "value": 137225.00000000003, "Latitude": 34.09, "Longitude": -117.7, "Population": 1098.0}, {"index": 13188, "quantile": 1.0, "value": 279500.0, "Latitude": 34.09, "Longitude": -117.7, "Population": 1098.0}, {"index": 13189, "quantile": 0.0, "value": 86500.0, "Latitude": 34.08, "Longitude": -117.71, "Population": 1216.0}, {"index": 13189, "quantile": 0.25, "value": 115100.0, "Latitude": 34.08, "Longitude": -117.71, "Population": 1216.0}, {"index": 13189, "quantile": 0.5, "value": 134300.0, "Latitude": 34.08, "Longitude": -117.71, "Population": 1216.0}, {"index": 13189, "quantile": 0.75, "value": 134300.0, "Latitude": 34.08, "Longitude": -117.71, "Population": 1216.0}, {"index": 13189, "quantile": 1.0, "value": 189200.0, "Latitude": 34.08, "Longitude": -117.71, "Population": 1216.0}, {"index": 13190, "quantile": 0.0, "value": 99600.0, "Latitude": 34.07, "Longitude": -117.71, "Population": 1187.0}, {"index": 13190, "quantile": 0.25, "value": 129200.0, "Latitude": 34.07, "Longitude": -117.71, "Population": 1187.0}, {"index": 13190, "quantile": 0.5, "value": 129200.0, "Latitude": 34.07, "Longitude": -117.71, "Population": 1187.0}, {"index": 13190, "quantile": 0.75, "value": 129200.0, "Latitude": 34.07, "Longitude": -117.71, "Population": 1187.0}, {"index": 13190, "quantile": 1.0, "value": 279500.0, "Latitude": 34.07, "Longitude": -117.71, "Population": 1187.0}, {"index": 13191, "quantile": 0.0, "value": 127400.0, "Latitude": 34.08, "Longitude": -117.69, "Population": 2129.0}, {"index": 13191, "quantile": 0.25, "value": 142500.0, "Latitude": 34.08, "Longitude": -117.69, "Population": 2129.0}, {"index": 13191, "quantile": 0.5, "value": 142500.0, "Latitude": 34.08, "Longitude": -117.69, "Population": 2129.0}, {"index": 13191, "quantile": 0.75, "value": 142500.0, "Latitude": 34.08, "Longitude": -117.69, "Population": 2129.0}, {"index": 13191, "quantile": 1.0, "value": 231400.0, "Latitude": 34.08, "Longitude": -117.69, "Population": 2129.0}, {"index": 13192, "quantile": 0.0, "value": 95200.0, "Latitude": 34.07, "Longitude": -117.69, "Population": 1970.0}, {"index": 13192, "quantile": 0.25, "value": 121800.0, "Latitude": 34.07, "Longitude": -117.69, "Population": 1970.0}, {"index": 13192, "quantile": 0.5, "value": 135100.0, "Latitude": 34.07, "Longitude": -117.69, "Population": 1970.0}, {"index": 13192, "quantile": 0.75, "value": 139300.0, "Latitude": 34.07, "Longitude": -117.69, "Population": 1970.0}, {"index": 13192, "quantile": 1.0, "value": 279500.0, "Latitude": 34.07, "Longitude": -117.69, "Population": 1970.0}, {"index": 13193, "quantile": 0.0, "value": 95200.0, "Latitude": 34.07, "Longitude": -117.69, "Population": 2470.0}, {"index": 13193, "quantile": 0.25, "value": 128400.0, "Latitude": 34.07, "Longitude": -117.69, "Population": 2470.0}, {"index": 13193, "quantile": 0.5, "value": 137200.0, "Latitude": 34.07, "Longitude": -117.69, "Population": 2470.0}, {"index": 13193, "quantile": 0.75, "value": 139300.0, "Latitude": 34.07, "Longitude": -117.69, "Population": 2470.0}, {"index": 13193, "quantile": 1.0, "value": 314100.0, "Latitude": 34.07, "Longitude": -117.69, "Population": 2470.0}, {"index": 13194, "quantile": 0.0, "value": 71300.0, "Latitude": 34.08, "Longitude": -117.69, "Population": 2026.0}, {"index": 13194, "quantile": 0.25, "value": 128200.0, "Latitude": 34.08, "Longitude": -117.69, "Population": 2026.0}, {"index": 13194, "quantile": 0.5, "value": 128200.0, "Latitude": 34.08, "Longitude": -117.69, "Population": 2026.0}, {"index": 13194, "quantile": 0.75, "value": 129900.0, "Latitude": 34.08, "Longitude": -117.69, "Population": 2026.0}, {"index": 13194, "quantile": 1.0, "value": 199000.0, "Latitude": 34.08, "Longitude": -117.69, "Population": 2026.0}, {"index": 13195, "quantile": 0.0, "value": 71900.0, "Latitude": 34.07, "Longitude": -117.71, "Population": 1286.0}, {"index": 13195, "quantile": 0.25, "value": 134950.0, "Latitude": 34.07, "Longitude": -117.71, "Population": 1286.0}, {"index": 13195, "quantile": 0.5, "value": 139300.0, "Latitude": 34.07, "Longitude": -117.71, "Population": 1286.0}, {"index": 13195, "quantile": 0.75, "value": 139300.0, "Latitude": 34.07, "Longitude": -117.71, "Population": 1286.0}, {"index": 13195, "quantile": 1.0, "value": 183000.0, "Latitude": 34.07, "Longitude": -117.71, "Population": 1286.0}, {"index": 13196, "quantile": 0.0, "value": 120400.0, "Latitude": 34.08, "Longitude": -117.7, "Population": 2769.0}, {"index": 13196, "quantile": 0.25, "value": 137300.0, "Latitude": 34.08, "Longitude": -117.7, "Population": 2769.0}, {"index": 13196, "quantile": 0.5, "value": 137300.0, "Latitude": 34.08, "Longitude": -117.7, "Population": 2769.0}, {"index": 13196, "quantile": 0.75, "value": 137300.0, "Latitude": 34.08, "Longitude": -117.7, "Population": 2769.0}, {"index": 13196, "quantile": 1.0, "value": 293300.0, "Latitude": 34.08, "Longitude": -117.7, "Population": 2769.0}, {"index": 13197, "quantile": 0.0, "value": 107300.0, "Latitude": 34.07, "Longitude": -117.7, "Population": 1326.0}, {"index": 13197, "quantile": 0.25, "value": 128400.0, "Latitude": 34.07, "Longitude": -117.7, "Population": 1326.0}, {"index": 13197, "quantile": 0.5, "value": 128400.0, "Latitude": 34.07, "Longitude": -117.7, "Population": 1326.0}, {"index": 13197, "quantile": 0.75, "value": 128400.0, "Latitude": 34.07, "Longitude": -117.7, "Population": 1326.0}, {"index": 13197, "quantile": 1.0, "value": 314100.0, "Latitude": 34.07, "Longitude": -117.7, "Population": 1326.0}, {"index": 13198, "quantile": 0.0, "value": 80300.0, "Latitude": 34.06, "Longitude": -117.69, "Population": 649.0}, {"index": 13198, "quantile": 0.25, "value": 104299.99999999999, "Latitude": 34.06, "Longitude": -117.69, "Population": 649.0}, {"index": 13198, "quantile": 0.5, "value": 112650.0, "Latitude": 34.06, "Longitude": -117.69, "Population": 649.0}, {"index": 13198, "quantile": 0.75, "value": 135775.0, "Latitude": 34.06, "Longitude": -117.69, "Population": 649.0}, {"index": 13198, "quantile": 1.0, "value": 225000.0, "Latitude": 34.06, "Longitude": -117.69, "Population": 649.0}, {"index": 13199, "quantile": 0.0, "value": 90600.0, "Latitude": 34.06, "Longitude": -117.69, "Population": 1337.0}, {"index": 13199, "quantile": 0.25, "value": 127299.99999999999, "Latitude": 34.06, "Longitude": -117.69, "Population": 1337.0}, {"index": 13199, "quantile": 0.5, "value": 144000.0, "Latitude": 34.06, "Longitude": -117.69, "Population": 1337.0}, {"index": 13199, "quantile": 0.75, "value": 144000.0, "Latitude": 34.06, "Longitude": -117.69, "Population": 1337.0}, {"index": 13199, "quantile": 1.0, "value": 162000.0, "Latitude": 34.06, "Longitude": -117.69, "Population": 1337.0}, {"index": 13200, "quantile": 0.0, "value": 68900.0, "Latitude": 34.06, "Longitude": -117.7, "Population": 2271.0}, {"index": 13200, "quantile": 0.25, "value": 107224.99999999999, "Latitude": 34.06, "Longitude": -117.7, "Population": 2271.0}, {"index": 13200, "quantile": 0.5, "value": 150000.0, "Latitude": 34.06, "Longitude": -117.7, "Population": 2271.0}, {"index": 13200, "quantile": 0.75, "value": 150000.0, "Latitude": 34.06, "Longitude": -117.7, "Population": 2271.0}, {"index": 13200, "quantile": 1.0, "value": 187500.0, "Latitude": 34.06, "Longitude": -117.7, "Population": 2271.0}, {"index": 13201, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 34.06, "Longitude": -117.7, "Population": 431.0}, {"index": 13201, "quantile": 0.25, "value": 118100.0, "Latitude": 34.06, "Longitude": -117.7, "Population": 431.0}, {"index": 13201, "quantile": 0.5, "value": 129000.0, "Latitude": 34.06, "Longitude": -117.7, "Population": 431.0}, {"index": 13201, "quantile": 0.75, "value": 146900.0, "Latitude": 34.06, "Longitude": -117.7, "Population": 431.0}, {"index": 13201, "quantile": 1.0, "value": 279500.0, "Latitude": 34.06, "Longitude": -117.7, "Population": 431.0}, {"index": 13202, "quantile": 0.0, "value": 59400.0, "Latitude": 34.06, "Longitude": -117.71, "Population": 1970.0}, {"index": 13202, "quantile": 0.25, "value": 91300.0, "Latitude": 34.06, "Longitude": -117.71, "Population": 1970.0}, {"index": 13202, "quantile": 0.5, "value": 91300.0, "Latitude": 34.06, "Longitude": -117.71, "Population": 1970.0}, {"index": 13202, "quantile": 0.75, "value": 92450.00000000001, "Latitude": 34.06, "Longitude": -117.71, "Population": 1970.0}, {"index": 13202, "quantile": 1.0, "value": 212500.0, "Latitude": 34.06, "Longitude": -117.71, "Population": 1970.0}, {"index": 13203, "quantile": 0.0, "value": 93500.0, "Latitude": 34.05, "Longitude": -117.68, "Population": 1070.0}, {"index": 13203, "quantile": 0.25, "value": 144000.0, "Latitude": 34.05, "Longitude": -117.68, "Population": 1070.0}, {"index": 13203, "quantile": 0.5, "value": 187500.0, "Latitude": 34.05, "Longitude": -117.68, "Population": 1070.0}, {"index": 13203, "quantile": 0.75, "value": 187500.0, "Latitude": 34.05, "Longitude": -117.68, "Population": 1070.0}, {"index": 13203, "quantile": 1.0, "value": 202199.99999999997, "Latitude": 34.05, "Longitude": -117.68, "Population": 1070.0}, {"index": 13204, "quantile": 0.0, "value": 79300.0, "Latitude": 34.05, "Longitude": -117.69, "Population": 1055.0}, {"index": 13204, "quantile": 0.25, "value": 141000.0, "Latitude": 34.05, "Longitude": -117.69, "Population": 1055.0}, {"index": 13204, "quantile": 0.5, "value": 158700.0, "Latitude": 34.05, "Longitude": -117.69, "Population": 1055.0}, {"index": 13204, "quantile": 0.75, "value": 160025.0, "Latitude": 34.05, "Longitude": -117.69, "Population": 1055.0}, {"index": 13204, "quantile": 1.0, "value": 327300.0, "Latitude": 34.05, "Longitude": -117.69, "Population": 1055.0}, {"index": 13205, "quantile": 0.0, "value": 135600.0, "Latitude": 34.05, "Longitude": -117.7, "Population": 1815.0}, {"index": 13205, "quantile": 0.25, "value": 162500.0, "Latitude": 34.05, "Longitude": -117.7, "Population": 1815.0}, {"index": 13205, "quantile": 0.5, "value": 162500.0, "Latitude": 34.05, "Longitude": -117.7, "Population": 1815.0}, {"index": 13205, "quantile": 0.75, "value": 162500.0, "Latitude": 34.05, "Longitude": -117.7, "Population": 1815.0}, {"index": 13205, "quantile": 1.0, "value": 319100.0, "Latitude": 34.05, "Longitude": -117.7, "Population": 1815.0}, {"index": 13206, "quantile": 0.0, "value": 97400.0, "Latitude": 34.06, "Longitude": -117.71, "Population": 912.0}, {"index": 13206, "quantile": 0.25, "value": 160400.0, "Latitude": 34.06, "Longitude": -117.71, "Population": 912.0}, {"index": 13206, "quantile": 0.5, "value": 160400.0, "Latitude": 34.06, "Longitude": -117.71, "Population": 912.0}, {"index": 13206, "quantile": 0.75, "value": 160400.0, "Latitude": 34.06, "Longitude": -117.71, "Population": 912.0}, {"index": 13206, "quantile": 1.0, "value": 362500.0, "Latitude": 34.06, "Longitude": -117.71, "Population": 912.0}, {"index": 13207, "quantile": 0.0, "value": 67000.0, "Latitude": 34.05, "Longitude": -117.71, "Population": 1545.0}, {"index": 13207, "quantile": 0.25, "value": 130500.0, "Latitude": 34.05, "Longitude": -117.71, "Population": 1545.0}, {"index": 13207, "quantile": 0.5, "value": 130500.0, "Latitude": 34.05, "Longitude": -117.71, "Population": 1545.0}, {"index": 13207, "quantile": 0.75, "value": 130500.0, "Latitude": 34.05, "Longitude": -117.71, "Population": 1545.0}, {"index": 13207, "quantile": 1.0, "value": 251100.0, "Latitude": 34.05, "Longitude": -117.71, "Population": 1545.0}, {"index": 13208, "quantile": 0.0, "value": 94300.0, "Latitude": 34.05, "Longitude": -117.72, "Population": 1662.0}, {"index": 13208, "quantile": 0.25, "value": 104299.99999999999, "Latitude": 34.05, "Longitude": -117.72, "Population": 1662.0}, {"index": 13208, "quantile": 0.5, "value": 104299.99999999999, "Latitude": 34.05, "Longitude": -117.72, "Population": 1662.0}, {"index": 13208, "quantile": 0.75, "value": 108300.0, "Latitude": 34.05, "Longitude": -117.72, "Population": 1662.0}, {"index": 13208, "quantile": 1.0, "value": 225000.0, "Latitude": 34.05, "Longitude": -117.72, "Population": 1662.0}, {"index": 13209, "quantile": 0.0, "value": 87500.0, "Latitude": 34.05, "Longitude": -117.72, "Population": 1243.0}, {"index": 13209, "quantile": 0.25, "value": 107000.0, "Latitude": 34.05, "Longitude": -117.72, "Population": 1243.0}, {"index": 13209, "quantile": 0.5, "value": 107000.0, "Latitude": 34.05, "Longitude": -117.72, "Population": 1243.0}, {"index": 13209, "quantile": 0.75, "value": 137200.0, "Latitude": 34.05, "Longitude": -117.72, "Population": 1243.0}, {"index": 13209, "quantile": 1.0, "value": 225000.0, "Latitude": 34.05, "Longitude": -117.72, "Population": 1243.0}, {"index": 13210, "quantile": 0.0, "value": 87500.0, "Latitude": 34.04, "Longitude": -117.69, "Population": 2028.0}, {"index": 13210, "quantile": 0.25, "value": 155700.0, "Latitude": 34.04, "Longitude": -117.69, "Population": 2028.0}, {"index": 13210, "quantile": 0.5, "value": 184500.0, "Latitude": 34.04, "Longitude": -117.69, "Population": 2028.0}, {"index": 13210, "quantile": 0.75, "value": 225000.0, "Latitude": 34.04, "Longitude": -117.69, "Population": 2028.0}, {"index": 13210, "quantile": 1.0, "value": 430900.0, "Latitude": 34.04, "Longitude": -117.69, "Population": 2028.0}, {"index": 13211, "quantile": 0.0, "value": 112599.99999999999, "Latitude": 34.04, "Longitude": -117.7, "Population": 2870.0}, {"index": 13211, "quantile": 0.25, "value": 151000.0, "Latitude": 34.04, "Longitude": -117.7, "Population": 2870.0}, {"index": 13211, "quantile": 0.5, "value": 163000.0, "Latitude": 34.04, "Longitude": -117.7, "Population": 2870.0}, {"index": 13211, "quantile": 0.75, "value": 163000.0, "Latitude": 34.04, "Longitude": -117.7, "Population": 2870.0}, {"index": 13211, "quantile": 1.0, "value": 219700.0, "Latitude": 34.04, "Longitude": -117.7, "Population": 2870.0}, {"index": 13212, "quantile": 0.0, "value": 72100.0, "Latitude": 34.04, "Longitude": -117.71, "Population": 1054.0}, {"index": 13212, "quantile": 0.25, "value": 165500.0, "Latitude": 34.04, "Longitude": -117.71, "Population": 1054.0}, {"index": 13212, "quantile": 0.5, "value": 222100.0, "Latitude": 34.04, "Longitude": -117.71, "Population": 1054.0}, {"index": 13212, "quantile": 0.75, "value": 222100.0, "Latitude": 34.04, "Longitude": -117.71, "Population": 1054.0}, {"index": 13212, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -117.71, "Population": 1054.0}, {"index": 13213, "quantile": 0.0, "value": 113500.0, "Latitude": 34.04, "Longitude": -117.71, "Population": 1859.0}, {"index": 13213, "quantile": 0.25, "value": 151925.0, "Latitude": 34.04, "Longitude": -117.71, "Population": 1859.0}, {"index": 13213, "quantile": 0.5, "value": 231800.0, "Latitude": 34.04, "Longitude": -117.71, "Population": 1859.0}, {"index": 13213, "quantile": 0.75, "value": 231800.0, "Latitude": 34.04, "Longitude": -117.71, "Population": 1859.0}, {"index": 13213, "quantile": 1.0, "value": 268800.0, "Latitude": 34.04, "Longitude": -117.71, "Population": 1859.0}, {"index": 13214, "quantile": 0.0, "value": 151400.0, "Latitude": 34.03, "Longitude": -117.72, "Population": 1652.0}, {"index": 13214, "quantile": 0.25, "value": 204550.0, "Latitude": 34.03, "Longitude": -117.72, "Population": 1652.0}, {"index": 13214, "quantile": 0.5, "value": 225599.99999999997, "Latitude": 34.03, "Longitude": -117.72, "Population": 1652.0}, {"index": 13214, "quantile": 0.75, "value": 256750.0, "Latitude": 34.03, "Longitude": -117.72, "Population": 1652.0}, {"index": 13214, "quantile": 1.0, "value": 386800.0, "Latitude": 34.03, "Longitude": -117.72, "Population": 1652.0}, {"index": 13215, "quantile": 0.0, "value": 204100.0, "Latitude": 34.02, "Longitude": -117.72, "Population": 860.0}, {"index": 13215, "quantile": 0.25, "value": 236800.0, "Latitude": 34.02, "Longitude": -117.72, "Population": 860.0}, {"index": 13215, "quantile": 0.5, "value": 236800.0, "Latitude": 34.02, "Longitude": -117.72, "Population": 860.0}, {"index": 13215, "quantile": 0.75, "value": 266000.0, "Latitude": 34.02, "Longitude": -117.72, "Population": 860.0}, {"index": 13215, "quantile": 1.0, "value": 438999.99999999994, "Latitude": 34.02, "Longitude": -117.72, "Population": 860.0}, {"index": 13216, "quantile": 0.0, "value": 87500.0, "Latitude": 34.01, "Longitude": -117.73, "Population": 1213.0}, {"index": 13216, "quantile": 0.25, "value": 137300.0, "Latitude": 34.01, "Longitude": -117.73, "Population": 1213.0}, {"index": 13216, "quantile": 0.5, "value": 146900.0, "Latitude": 34.01, "Longitude": -117.73, "Population": 1213.0}, {"index": 13216, "quantile": 0.75, "value": 159575.0, "Latitude": 34.01, "Longitude": -117.73, "Population": 1213.0}, {"index": 13216, "quantile": 1.0, "value": 278900.0, "Latitude": 34.01, "Longitude": -117.73, "Population": 1213.0}, {"index": 13217, "quantile": 0.0, "value": 159100.0, "Latitude": 34.0, "Longitude": -117.72, "Population": 2410.0}, {"index": 13217, "quantile": 0.25, "value": 179700.0, "Latitude": 34.0, "Longitude": -117.72, "Population": 2410.0}, {"index": 13217, "quantile": 0.5, "value": 179700.0, "Latitude": 34.0, "Longitude": -117.72, "Population": 2410.0}, {"index": 13217, "quantile": 0.75, "value": 220450.0, "Latitude": 34.0, "Longitude": -117.72, "Population": 2410.0}, {"index": 13217, "quantile": 1.0, "value": 325700.0, "Latitude": 34.0, "Longitude": -117.72, "Population": 2410.0}, {"index": 13218, "quantile": 0.0, "value": 102800.0, "Latitude": 34.0, "Longitude": -117.68, "Population": 2335.0}, {"index": 13218, "quantile": 0.25, "value": 225400.0, "Latitude": 34.0, "Longitude": -117.68, "Population": 2335.0}, {"index": 13218, "quantile": 0.5, "value": 225400.0, "Latitude": 34.0, "Longitude": -117.68, "Population": 2335.0}, {"index": 13218, "quantile": 0.75, "value": 228450.0, "Latitude": 34.0, "Longitude": -117.68, "Population": 2335.0}, {"index": 13218, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -117.68, "Population": 2335.0}, {"index": 13219, "quantile": 0.0, "value": 80600.0, "Latitude": 34.0, "Longitude": -117.69, "Population": 561.0}, {"index": 13219, "quantile": 0.25, "value": 111600.00000000001, "Latitude": 34.0, "Longitude": -117.69, "Population": 561.0}, {"index": 13219, "quantile": 0.5, "value": 111600.00000000001, "Latitude": 34.0, "Longitude": -117.69, "Population": 561.0}, {"index": 13219, "quantile": 0.75, "value": 111600.00000000001, "Latitude": 34.0, "Longitude": -117.69, "Population": 561.0}, {"index": 13219, "quantile": 1.0, "value": 225000.0, "Latitude": 34.0, "Longitude": -117.69, "Population": 561.0}, {"index": 13220, "quantile": 0.0, "value": 130600.0, "Latitude": 34.0, "Longitude": -117.7, "Population": 2711.0}, {"index": 13220, "quantile": 0.25, "value": 225349.99999999997, "Latitude": 34.0, "Longitude": -117.7, "Population": 2711.0}, {"index": 13220, "quantile": 0.5, "value": 247149.99999999997, "Latitude": 34.0, "Longitude": -117.7, "Population": 2711.0}, {"index": 13220, "quantile": 0.75, "value": 268600.0, "Latitude": 34.0, "Longitude": -117.7, "Population": 2711.0}, {"index": 13220, "quantile": 1.0, "value": 386800.0, "Latitude": 34.0, "Longitude": -117.7, "Population": 2711.0}, {"index": 13221, "quantile": 0.0, "value": 107000.0, "Latitude": 34.02, "Longitude": -117.71, "Population": 7343.0}, {"index": 13221, "quantile": 0.25, "value": 157700.0, "Latitude": 34.02, "Longitude": -117.71, "Population": 7343.0}, {"index": 13221, "quantile": 0.5, "value": 157700.0, "Latitude": 34.02, "Longitude": -117.71, "Population": 7343.0}, {"index": 13221, "quantile": 0.75, "value": 157700.0, "Latitude": 34.02, "Longitude": -117.71, "Population": 7343.0}, {"index": 13221, "quantile": 1.0, "value": 187500.0, "Latitude": 34.02, "Longitude": -117.71, "Population": 7343.0}, {"index": 13222, "quantile": 0.0, "value": 107000.0, "Latitude": 34.03, "Longitude": -117.71, "Population": 2163.0}, {"index": 13222, "quantile": 0.25, "value": 146600.00000000003, "Latitude": 34.03, "Longitude": -117.71, "Population": 2163.0}, {"index": 13222, "quantile": 0.5, "value": 164400.0, "Latitude": 34.03, "Longitude": -117.71, "Population": 2163.0}, {"index": 13222, "quantile": 0.75, "value": 164400.0, "Latitude": 34.03, "Longitude": -117.71, "Population": 2163.0}, {"index": 13222, "quantile": 1.0, "value": 279500.0, "Latitude": 34.03, "Longitude": -117.71, "Population": 2163.0}, {"index": 13223, "quantile": 0.0, "value": 118900.0, "Latitude": 34.03, "Longitude": -117.67, "Population": 4861.0}, {"index": 13223, "quantile": 0.25, "value": 162000.0, "Latitude": 34.03, "Longitude": -117.67, "Population": 4861.0}, {"index": 13223, "quantile": 0.5, "value": 165500.0, "Latitude": 34.03, "Longitude": -117.67, "Population": 4861.0}, {"index": 13223, "quantile": 0.75, "value": 165500.0, "Latitude": 34.03, "Longitude": -117.67, "Population": 4861.0}, {"index": 13223, "quantile": 1.0, "value": 225599.99999999997, "Latitude": 34.03, "Longitude": -117.67, "Population": 4861.0}, {"index": 13224, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.03, "Longitude": -117.68, "Population": 1946.0}, {"index": 13224, "quantile": 0.25, "value": 124300.00000000001, "Latitude": 34.03, "Longitude": -117.68, "Population": 1946.0}, {"index": 13224, "quantile": 0.5, "value": 124300.00000000001, "Latitude": 34.03, "Longitude": -117.68, "Population": 1946.0}, {"index": 13224, "quantile": 0.75, "value": 124300.00000000001, "Latitude": 34.03, "Longitude": -117.68, "Population": 1946.0}, {"index": 13224, "quantile": 1.0, "value": 231800.0, "Latitude": 34.03, "Longitude": -117.68, "Population": 1946.0}, {"index": 13225, "quantile": 0.0, "value": 107000.0, "Latitude": 34.03, "Longitude": -117.69, "Population": 3690.0}, {"index": 13225, "quantile": 0.25, "value": 162500.0, "Latitude": 34.03, "Longitude": -117.69, "Population": 3690.0}, {"index": 13225, "quantile": 0.5, "value": 162500.0, "Latitude": 34.03, "Longitude": -117.69, "Population": 3690.0}, {"index": 13225, "quantile": 0.75, "value": 162500.0, "Latitude": 34.03, "Longitude": -117.69, "Population": 3690.0}, {"index": 13225, "quantile": 1.0, "value": 305600.0, "Latitude": 34.03, "Longitude": -117.69, "Population": 3690.0}, {"index": 13226, "quantile": 0.0, "value": 71900.0, "Latitude": 34.01, "Longitude": -117.68, "Population": 5718.0}, {"index": 13226, "quantile": 0.25, "value": 123500.00000000001, "Latitude": 34.01, "Longitude": -117.68, "Population": 5718.0}, {"index": 13226, "quantile": 0.5, "value": 123500.00000000001, "Latitude": 34.01, "Longitude": -117.68, "Population": 5718.0}, {"index": 13226, "quantile": 0.75, "value": 123500.00000000001, "Latitude": 34.01, "Longitude": -117.68, "Population": 5718.0}, {"index": 13226, "quantile": 1.0, "value": 171700.0, "Latitude": 34.01, "Longitude": -117.68, "Population": 5718.0}, {"index": 13227, "quantile": 0.0, "value": 81300.0, "Latitude": 34.01, "Longitude": -117.69, "Population": 2170.0}, {"index": 13227, "quantile": 0.25, "value": 95600.0, "Latitude": 34.01, "Longitude": -117.69, "Population": 2170.0}, {"index": 13227, "quantile": 0.5, "value": 95600.0, "Latitude": 34.01, "Longitude": -117.69, "Population": 2170.0}, {"index": 13227, "quantile": 0.75, "value": 104299.99999999999, "Latitude": 34.01, "Longitude": -117.69, "Population": 2170.0}, {"index": 13227, "quantile": 1.0, "value": 168200.0, "Latitude": 34.01, "Longitude": -117.69, "Population": 2170.0}, {"index": 13228, "quantile": 0.0, "value": 90100.0, "Latitude": 34.15, "Longitude": -117.68, "Population": 486.0}, {"index": 13228, "quantile": 0.25, "value": 213499.99999999997, "Latitude": 34.15, "Longitude": -117.68, "Population": 486.0}, {"index": 13228, "quantile": 0.5, "value": 213499.99999999997, "Latitude": 34.15, "Longitude": -117.68, "Population": 486.0}, {"index": 13228, "quantile": 0.75, "value": 213499.99999999997, "Latitude": 34.15, "Longitude": -117.68, "Population": 486.0}, {"index": 13228, "quantile": 1.0, "value": 445700.0, "Latitude": 34.15, "Longitude": -117.68, "Population": 486.0}, {"index": 13229, "quantile": 0.0, "value": 235200.0, "Latitude": 34.15, "Longitude": -117.66, "Population": 1284.0}, {"index": 13229, "quantile": 0.25, "value": 360100.0, "Latitude": 34.15, "Longitude": -117.66, "Population": 1284.0}, {"index": 13229, "quantile": 0.5, "value": 360100.0, "Latitude": 34.15, "Longitude": -117.66, "Population": 1284.0}, {"index": 13229, "quantile": 0.75, "value": 360100.0, "Latitude": 34.15, "Longitude": -117.66, "Population": 1284.0}, {"index": 13229, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -117.66, "Population": 1284.0}, {"index": 13230, "quantile": 0.0, "value": 171900.0, "Latitude": 34.15, "Longitude": -117.64, "Population": 1165.0}, {"index": 13230, "quantile": 0.25, "value": 327175.0, "Latitude": 34.15, "Longitude": -117.64, "Population": 1165.0}, {"index": 13230, "quantile": 0.5, "value": 392900.0, "Latitude": 34.15, "Longitude": -117.64, "Population": 1165.0}, {"index": 13230, "quantile": 0.75, "value": 392900.0, "Latitude": 34.15, "Longitude": -117.64, "Population": 1165.0}, {"index": 13230, "quantile": 1.0, "value": 412600.00000000006, "Latitude": 34.15, "Longitude": -117.64, "Population": 1165.0}, {"index": 13231, "quantile": 0.0, "value": 170300.0, "Latitude": 34.15, "Longitude": -117.68, "Population": 1996.0}, {"index": 13231, "quantile": 0.25, "value": 286300.0, "Latitude": 34.15, "Longitude": -117.68, "Population": 1996.0}, {"index": 13231, "quantile": 0.5, "value": 286300.0, "Latitude": 34.15, "Longitude": -117.68, "Population": 1996.0}, {"index": 13231, "quantile": 0.75, "value": 286300.0, "Latitude": 34.15, "Longitude": -117.68, "Population": 1996.0}, {"index": 13231, "quantile": 1.0, "value": 392900.0, "Latitude": 34.15, "Longitude": -117.68, "Population": 1996.0}, {"index": 13232, "quantile": 0.0, "value": 171900.0, "Latitude": 34.14, "Longitude": -117.68, "Population": 1871.0}, {"index": 13232, "quantile": 0.25, "value": 277000.0, "Latitude": 34.14, "Longitude": -117.68, "Population": 1871.0}, {"index": 13232, "quantile": 0.5, "value": 277000.0, "Latitude": 34.14, "Longitude": -117.68, "Population": 1871.0}, {"index": 13232, "quantile": 0.75, "value": 301499.99999999994, "Latitude": 34.14, "Longitude": -117.68, "Population": 1871.0}, {"index": 13232, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -117.68, "Population": 1871.0}, {"index": 13233, "quantile": 0.0, "value": 250999.99999999997, "Latitude": 34.14, "Longitude": -117.66, "Population": 1488.0}, {"index": 13233, "quantile": 0.25, "value": 287725.0, "Latitude": 34.14, "Longitude": -117.66, "Population": 1488.0}, {"index": 13233, "quantile": 0.5, "value": 299600.0, "Latitude": 34.14, "Longitude": -117.66, "Population": 1488.0}, {"index": 13233, "quantile": 0.75, "value": 326450.0, "Latitude": 34.14, "Longitude": -117.66, "Population": 1488.0}, {"index": 13233, "quantile": 1.0, "value": 462700.0, "Latitude": 34.14, "Longitude": -117.66, "Population": 1488.0}, {"index": 13234, "quantile": 0.0, "value": 165200.0, "Latitude": 34.14, "Longitude": -117.66, "Population": 857.0}, {"index": 13234, "quantile": 0.25, "value": 310500.0, "Latitude": 34.14, "Longitude": -117.66, "Population": 857.0}, {"index": 13234, "quantile": 0.5, "value": 310500.0, "Latitude": 34.14, "Longitude": -117.66, "Population": 857.0}, {"index": 13234, "quantile": 0.75, "value": 310500.0, "Latitude": 34.14, "Longitude": -117.66, "Population": 857.0}, {"index": 13234, "quantile": 1.0, "value": 356700.0, "Latitude": 34.14, "Longitude": -117.66, "Population": 857.0}, {"index": 13235, "quantile": 0.0, "value": 235200.0, "Latitude": 34.15, "Longitude": -117.66, "Population": 965.0}, {"index": 13235, "quantile": 0.25, "value": 386225.0, "Latitude": 34.15, "Longitude": -117.66, "Population": 965.0}, {"index": 13235, "quantile": 0.5, "value": 395500.0, "Latitude": 34.15, "Longitude": -117.66, "Population": 965.0}, {"index": 13235, "quantile": 0.75, "value": 395500.0, "Latitude": 34.15, "Longitude": -117.66, "Population": 965.0}, {"index": 13235, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -117.66, "Population": 965.0}, {"index": 13236, "quantile": 0.0, "value": 173200.0, "Latitude": 34.14, "Longitude": -117.65, "Population": 949.0}, {"index": 13236, "quantile": 0.25, "value": 354000.0, "Latitude": 34.14, "Longitude": -117.65, "Population": 949.0}, {"index": 13236, "quantile": 0.5, "value": 354000.0, "Latitude": 34.14, "Longitude": -117.65, "Population": 949.0}, {"index": 13236, "quantile": 0.75, "value": 354000.0, "Latitude": 34.14, "Longitude": -117.65, "Population": 949.0}, {"index": 13236, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -117.65, "Population": 949.0}, {"index": 13237, "quantile": 0.0, "value": 280300.0, "Latitude": 34.13, "Longitude": -117.69, "Population": 1271.0}, {"index": 13237, "quantile": 0.25, "value": 339475.0, "Latitude": 34.13, "Longitude": -117.69, "Population": 1271.0}, {"index": 13237, "quantile": 0.5, "value": 361400.0, "Latitude": 34.13, "Longitude": -117.69, "Population": 1271.0}, {"index": 13237, "quantile": 0.75, "value": 372600.0, "Latitude": 34.13, "Longitude": -117.69, "Population": 1271.0}, {"index": 13237, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -117.69, "Population": 1271.0}, {"index": 13238, "quantile": 0.0, "value": 173200.0, "Latitude": 34.13, "Longitude": -117.67, "Population": 1221.0}, {"index": 13238, "quantile": 0.25, "value": 304100.0, "Latitude": 34.13, "Longitude": -117.67, "Population": 1221.0}, {"index": 13238, "quantile": 0.5, "value": 304100.0, "Latitude": 34.13, "Longitude": -117.67, "Population": 1221.0}, {"index": 13238, "quantile": 0.75, "value": 314400.0, "Latitude": 34.13, "Longitude": -117.67, "Population": 1221.0}, {"index": 13238, "quantile": 1.0, "value": 462700.0, "Latitude": 34.13, "Longitude": -117.67, "Population": 1221.0}, {"index": 13239, "quantile": 0.0, "value": 159300.0, "Latitude": 34.13, "Longitude": -117.66, "Population": 1289.0}, {"index": 13239, "quantile": 0.25, "value": 301275.0, "Latitude": 34.13, "Longitude": -117.66, "Population": 1289.0}, {"index": 13239, "quantile": 0.5, "value": 307100.0, "Latitude": 34.13, "Longitude": -117.66, "Population": 1289.0}, {"index": 13239, "quantile": 0.75, "value": 307100.0, "Latitude": 34.13, "Longitude": -117.66, "Population": 1289.0}, {"index": 13239, "quantile": 1.0, "value": 392900.0, "Latitude": 34.13, "Longitude": -117.66, "Population": 1289.0}, {"index": 13240, "quantile": 0.0, "value": 147800.0, "Latitude": 34.12, "Longitude": -117.67, "Population": 1145.0}, {"index": 13240, "quantile": 0.25, "value": 191700.0, "Latitude": 34.12, "Longitude": -117.67, "Population": 1145.0}, {"index": 13240, "quantile": 0.5, "value": 191700.0, "Latitude": 34.12, "Longitude": -117.67, "Population": 1145.0}, {"index": 13240, "quantile": 0.75, "value": 221075.0, "Latitude": 34.12, "Longitude": -117.67, "Population": 1145.0}, {"index": 13240, "quantile": 1.0, "value": 452100.0, "Latitude": 34.12, "Longitude": -117.67, "Population": 1145.0}, {"index": 13241, "quantile": 0.0, "value": 173400.0, "Latitude": 34.13, "Longitude": -117.66, "Population": 1523.0}, {"index": 13241, "quantile": 0.25, "value": 254100.0, "Latitude": 34.13, "Longitude": -117.66, "Population": 1523.0}, {"index": 13241, "quantile": 0.5, "value": 254100.0, "Latitude": 34.13, "Longitude": -117.66, "Population": 1523.0}, {"index": 13241, "quantile": 0.75, "value": 254100.0, "Latitude": 34.13, "Longitude": -117.66, "Population": 1523.0}, {"index": 13241, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -117.66, "Population": 1523.0}, {"index": 13242, "quantile": 0.0, "value": 235200.0, "Latitude": 34.12, "Longitude": -117.66, "Population": 933.0}, {"index": 13242, "quantile": 0.25, "value": 390500.0, "Latitude": 34.12, "Longitude": -117.66, "Population": 933.0}, {"index": 13242, "quantile": 0.5, "value": 390500.0, "Latitude": 34.12, "Longitude": -117.66, "Population": 933.0}, {"index": 13242, "quantile": 0.75, "value": 390500.0, "Latitude": 34.12, "Longitude": -117.66, "Population": 933.0}, {"index": 13242, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -117.66, "Population": 933.0}, {"index": 13243, "quantile": 0.0, "value": 193500.0, "Latitude": 34.14, "Longitude": -117.65, "Population": 1815.0}, {"index": 13243, "quantile": 0.25, "value": 348075.0, "Latitude": 34.14, "Longitude": -117.65, "Population": 1815.0}, {"index": 13243, "quantile": 0.5, "value": 354000.0, "Latitude": 34.14, "Longitude": -117.65, "Population": 1815.0}, {"index": 13243, "quantile": 0.75, "value": 378300.0, "Latitude": 34.14, "Longitude": -117.65, "Population": 1815.0}, {"index": 13243, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -117.65, "Population": 1815.0}, {"index": 13244, "quantile": 0.0, "value": 105300.0, "Latitude": 34.13, "Longitude": -117.65, "Population": 913.0}, {"index": 13244, "quantile": 0.25, "value": 240200.0, "Latitude": 34.13, "Longitude": -117.65, "Population": 913.0}, {"index": 13244, "quantile": 0.5, "value": 251750.0, "Latitude": 34.13, "Longitude": -117.65, "Population": 913.0}, {"index": 13244, "quantile": 0.75, "value": 281100.0, "Latitude": 34.13, "Longitude": -117.65, "Population": 913.0}, {"index": 13244, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 34.13, "Longitude": -117.65, "Population": 913.0}, {"index": 13245, "quantile": 0.0, "value": 149900.0, "Latitude": 34.12, "Longitude": -117.65, "Population": 1291.0}, {"index": 13245, "quantile": 0.25, "value": 242700.0, "Latitude": 34.12, "Longitude": -117.65, "Population": 1291.0}, {"index": 13245, "quantile": 0.5, "value": 242700.0, "Latitude": 34.12, "Longitude": -117.65, "Population": 1291.0}, {"index": 13245, "quantile": 0.75, "value": 242700.0, "Latitude": 34.12, "Longitude": -117.65, "Population": 1291.0}, {"index": 13245, "quantile": 1.0, "value": 334100.0, "Latitude": 34.12, "Longitude": -117.65, "Population": 1291.0}, {"index": 13246, "quantile": 0.0, "value": 161700.0, "Latitude": 34.12, "Longitude": -117.63, "Population": 1479.0}, {"index": 13246, "quantile": 0.25, "value": 226799.99999999997, "Latitude": 34.12, "Longitude": -117.63, "Population": 1479.0}, {"index": 13246, "quantile": 0.5, "value": 226799.99999999997, "Latitude": 34.12, "Longitude": -117.63, "Population": 1479.0}, {"index": 13246, "quantile": 0.75, "value": 298325.0, "Latitude": 34.12, "Longitude": -117.63, "Population": 1479.0}, {"index": 13246, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -117.63, "Population": 1479.0}, {"index": 13247, "quantile": 0.0, "value": 173900.0, "Latitude": 34.12, "Longitude": -117.64, "Population": 1682.0}, {"index": 13247, "quantile": 0.25, "value": 202900.0, "Latitude": 34.12, "Longitude": -117.64, "Population": 1682.0}, {"index": 13247, "quantile": 0.5, "value": 202900.0, "Latitude": 34.12, "Longitude": -117.64, "Population": 1682.0}, {"index": 13247, "quantile": 0.75, "value": 229400.0, "Latitude": 34.12, "Longitude": -117.64, "Population": 1682.0}, {"index": 13247, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 34.12, "Longitude": -117.64, "Population": 1682.0}, {"index": 13248, "quantile": 0.0, "value": 97600.0, "Latitude": 34.11, "Longitude": -117.65, "Population": 1710.0}, {"index": 13248, "quantile": 0.25, "value": 176600.0, "Latitude": 34.11, "Longitude": -117.65, "Population": 1710.0}, {"index": 13248, "quantile": 0.5, "value": 176600.0, "Latitude": 34.11, "Longitude": -117.65, "Population": 1710.0}, {"index": 13248, "quantile": 0.75, "value": 176600.0, "Latitude": 34.11, "Longitude": -117.65, "Population": 1710.0}, {"index": 13248, "quantile": 1.0, "value": 231999.99999999997, "Latitude": 34.11, "Longitude": -117.65, "Population": 1710.0}, {"index": 13249, "quantile": 0.0, "value": 82900.0, "Latitude": 34.11, "Longitude": -117.64, "Population": 932.0}, {"index": 13249, "quantile": 0.25, "value": 146900.0, "Latitude": 34.11, "Longitude": -117.64, "Population": 932.0}, {"index": 13249, "quantile": 0.5, "value": 146900.0, "Latitude": 34.11, "Longitude": -117.64, "Population": 932.0}, {"index": 13249, "quantile": 0.75, "value": 146900.0, "Latitude": 34.11, "Longitude": -117.64, "Population": 932.0}, {"index": 13249, "quantile": 1.0, "value": 231800.0, "Latitude": 34.11, "Longitude": -117.64, "Population": 932.0}, {"index": 13250, "quantile": 0.0, "value": 111100.0, "Latitude": 34.11, "Longitude": -117.63, "Population": 1404.0}, {"index": 13250, "quantile": 0.25, "value": 135875.0, "Latitude": 34.11, "Longitude": -117.63, "Population": 1404.0}, {"index": 13250, "quantile": 0.5, "value": 146800.0, "Latitude": 34.11, "Longitude": -117.63, "Population": 1404.0}, {"index": 13250, "quantile": 0.75, "value": 159900.0, "Latitude": 34.11, "Longitude": -117.63, "Population": 1404.0}, {"index": 13250, "quantile": 1.0, "value": 215600.0, "Latitude": 34.11, "Longitude": -117.63, "Population": 1404.0}, {"index": 13251, "quantile": 0.0, "value": 72500.0, "Latitude": 34.11, "Longitude": -117.69, "Population": 794.0}, {"index": 13251, "quantile": 0.25, "value": 119300.0, "Latitude": 34.11, "Longitude": -117.69, "Population": 794.0}, {"index": 13251, "quantile": 0.5, "value": 119300.0, "Latitude": 34.11, "Longitude": -117.69, "Population": 794.0}, {"index": 13251, "quantile": 0.75, "value": 119625.0, "Latitude": 34.11, "Longitude": -117.69, "Population": 794.0}, {"index": 13251, "quantile": 1.0, "value": 221099.99999999997, "Latitude": 34.11, "Longitude": -117.69, "Population": 794.0}, {"index": 13252, "quantile": 0.0, "value": 155000.0, "Latitude": 34.12, "Longitude": -117.68, "Population": 1133.0}, {"index": 13252, "quantile": 0.25, "value": 259400.0, "Latitude": 34.12, "Longitude": -117.68, "Population": 1133.0}, {"index": 13252, "quantile": 0.5, "value": 259400.0, "Latitude": 34.12, "Longitude": -117.68, "Population": 1133.0}, {"index": 13252, "quantile": 0.75, "value": 259400.0, "Latitude": 34.12, "Longitude": -117.68, "Population": 1133.0}, {"index": 13252, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 34.12, "Longitude": -117.68, "Population": 1133.0}, {"index": 13253, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 34.11, "Longitude": -117.68, "Population": 1414.0}, {"index": 13253, "quantile": 0.25, "value": 208599.99999999997, "Latitude": 34.11, "Longitude": -117.68, "Population": 1414.0}, {"index": 13253, "quantile": 0.5, "value": 208599.99999999997, "Latitude": 34.11, "Longitude": -117.68, "Population": 1414.0}, {"index": 13253, "quantile": 0.75, "value": 208599.99999999997, "Latitude": 34.11, "Longitude": -117.68, "Population": 1414.0}, {"index": 13253, "quantile": 1.0, "value": 376800.0, "Latitude": 34.11, "Longitude": -117.68, "Population": 1414.0}, {"index": 13254, "quantile": 0.0, "value": 149900.0, "Latitude": 34.12, "Longitude": -117.66, "Population": 1726.0}, {"index": 13254, "quantile": 0.25, "value": 251100.0, "Latitude": 34.12, "Longitude": -117.66, "Population": 1726.0}, {"index": 13254, "quantile": 0.5, "value": 251100.0, "Latitude": 34.12, "Longitude": -117.66, "Population": 1726.0}, {"index": 13254, "quantile": 0.75, "value": 251100.0, "Latitude": 34.12, "Longitude": -117.66, "Population": 1726.0}, {"index": 13254, "quantile": 1.0, "value": 335600.0, "Latitude": 34.12, "Longitude": -117.66, "Population": 1726.0}, {"index": 13255, "quantile": 0.0, "value": 87200.0, "Latitude": 34.11, "Longitude": -117.66, "Population": 1635.0}, {"index": 13255, "quantile": 0.25, "value": 164025.0, "Latitude": 34.11, "Longitude": -117.66, "Population": 1635.0}, {"index": 13255, "quantile": 0.5, "value": 201949.99999999997, "Latitude": 34.11, "Longitude": -117.66, "Population": 1635.0}, {"index": 13255, "quantile": 0.75, "value": 234025.00000000003, "Latitude": 34.11, "Longitude": -117.66, "Population": 1635.0}, {"index": 13255, "quantile": 1.0, "value": 443600.0, "Latitude": 34.11, "Longitude": -117.66, "Population": 1635.0}, {"index": 13256, "quantile": 0.0, "value": 102800.0, "Latitude": 34.12, "Longitude": -117.65, "Population": 1071.0}, {"index": 13256, "quantile": 0.25, "value": 239000.0, "Latitude": 34.12, "Longitude": -117.65, "Population": 1071.0}, {"index": 13256, "quantile": 0.5, "value": 239000.0, "Latitude": 34.12, "Longitude": -117.65, "Population": 1071.0}, {"index": 13256, "quantile": 0.75, "value": 268700.0, "Latitude": 34.12, "Longitude": -117.65, "Population": 1071.0}, {"index": 13256, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -117.65, "Population": 1071.0}, {"index": 13257, "quantile": 0.0, "value": 110900.0, "Latitude": 34.11, "Longitude": -117.65, "Population": 1140.0}, {"index": 13257, "quantile": 0.25, "value": 179999.99999999997, "Latitude": 34.11, "Longitude": -117.65, "Population": 1140.0}, {"index": 13257, "quantile": 0.5, "value": 210949.99999999997, "Latitude": 34.11, "Longitude": -117.65, "Population": 1140.0}, {"index": 13257, "quantile": 0.75, "value": 244000.0, "Latitude": 34.11, "Longitude": -117.65, "Population": 1140.0}, {"index": 13257, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.11, "Longitude": -117.65, "Population": 1140.0}, {"index": 13258, "quantile": 0.0, "value": 67000.0, "Latitude": 34.1, "Longitude": -117.69, "Population": 1722.0}, {"index": 13258, "quantile": 0.25, "value": 137500.0, "Latitude": 34.1, "Longitude": -117.69, "Population": 1722.0}, {"index": 13258, "quantile": 0.5, "value": 137500.0, "Latitude": 34.1, "Longitude": -117.69, "Population": 1722.0}, {"index": 13258, "quantile": 0.75, "value": 137500.0, "Latitude": 34.1, "Longitude": -117.69, "Population": 1722.0}, {"index": 13258, "quantile": 1.0, "value": 450000.0, "Latitude": 34.1, "Longitude": -117.69, "Population": 1722.0}, {"index": 13259, "quantile": 0.0, "value": 84700.0, "Latitude": 34.1, "Longitude": -117.68, "Population": 3841.0}, {"index": 13259, "quantile": 0.25, "value": 137425.0, "Latitude": 34.1, "Longitude": -117.68, "Population": 3841.0}, {"index": 13259, "quantile": 0.5, "value": 163000.0, "Latitude": 34.1, "Longitude": -117.68, "Population": 3841.0}, {"index": 13259, "quantile": 0.75, "value": 163000.0, "Latitude": 34.1, "Longitude": -117.68, "Population": 3841.0}, {"index": 13259, "quantile": 1.0, "value": 220100.0, "Latitude": 34.1, "Longitude": -117.68, "Population": 3841.0}, {"index": 13260, "quantile": 0.0, "value": 87500.0, "Latitude": 34.1, "Longitude": -117.67, "Population": 601.0}, {"index": 13260, "quantile": 0.25, "value": 128350.00000000001, "Latitude": 34.1, "Longitude": -117.67, "Population": 601.0}, {"index": 13260, "quantile": 0.5, "value": 152800.0, "Latitude": 34.1, "Longitude": -117.67, "Population": 601.0}, {"index": 13260, "quantile": 0.75, "value": 166325.0, "Latitude": 34.1, "Longitude": -117.67, "Population": 601.0}, {"index": 13260, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -117.67, "Population": 601.0}, {"index": 13261, "quantile": 0.0, "value": 87500.0, "Latitude": 34.1, "Longitude": -117.67, "Population": 1326.0}, {"index": 13261, "quantile": 0.25, "value": 155700.0, "Latitude": 34.1, "Longitude": -117.67, "Population": 1326.0}, {"index": 13261, "quantile": 0.5, "value": 155700.0, "Latitude": 34.1, "Longitude": -117.67, "Population": 1326.0}, {"index": 13261, "quantile": 0.75, "value": 187225.0, "Latitude": 34.1, "Longitude": -117.67, "Population": 1326.0}, {"index": 13261, "quantile": 1.0, "value": 366900.0, "Latitude": 34.1, "Longitude": -117.67, "Population": 1326.0}, {"index": 13262, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.1, "Longitude": -117.65, "Population": 622.0}, {"index": 13262, "quantile": 0.25, "value": 136400.0, "Latitude": 34.1, "Longitude": -117.65, "Population": 622.0}, {"index": 13262, "quantile": 0.5, "value": 136400.0, "Latitude": 34.1, "Longitude": -117.65, "Population": 622.0}, {"index": 13262, "quantile": 0.75, "value": 162275.0, "Latitude": 34.1, "Longitude": -117.65, "Population": 622.0}, {"index": 13262, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -117.65, "Population": 622.0}, {"index": 13263, "quantile": 0.0, "value": 96300.0, "Latitude": 34.1, "Longitude": -117.66, "Population": 939.0}, {"index": 13263, "quantile": 0.25, "value": 145300.0, "Latitude": 34.1, "Longitude": -117.66, "Population": 939.0}, {"index": 13263, "quantile": 0.5, "value": 145300.0, "Latitude": 34.1, "Longitude": -117.66, "Population": 939.0}, {"index": 13263, "quantile": 0.75, "value": 145300.0, "Latitude": 34.1, "Longitude": -117.66, "Population": 939.0}, {"index": 13263, "quantile": 1.0, "value": 314100.0, "Latitude": 34.1, "Longitude": -117.66, "Population": 939.0}, {"index": 13264, "quantile": 0.0, "value": 67500.0, "Latitude": 34.1, "Longitude": -117.66, "Population": 1109.0}, {"index": 13264, "quantile": 0.25, "value": 150000.0, "Latitude": 34.1, "Longitude": -117.66, "Population": 1109.0}, {"index": 13264, "quantile": 0.5, "value": 150000.0, "Latitude": 34.1, "Longitude": -117.66, "Population": 1109.0}, {"index": 13264, "quantile": 0.75, "value": 150700.0, "Latitude": 34.1, "Longitude": -117.66, "Population": 1109.0}, {"index": 13264, "quantile": 1.0, "value": 350000.0, "Latitude": 34.1, "Longitude": -117.66, "Population": 1109.0}, {"index": 13265, "quantile": 0.0, "value": 63500.0, "Latitude": 34.1, "Longitude": -117.65, "Population": 1014.0}, {"index": 13265, "quantile": 0.25, "value": 110400.00000000001, "Latitude": 34.1, "Longitude": -117.65, "Population": 1014.0}, {"index": 13265, "quantile": 0.5, "value": 120350.0, "Latitude": 34.1, "Longitude": -117.65, "Population": 1014.0}, {"index": 13265, "quantile": 0.75, "value": 122600.0, "Latitude": 34.1, "Longitude": -117.65, "Population": 1014.0}, {"index": 13265, "quantile": 1.0, "value": 210000.0, "Latitude": 34.1, "Longitude": -117.65, "Population": 1014.0}, {"index": 13266, "quantile": 0.0, "value": 91200.0, "Latitude": 34.09, "Longitude": -117.68, "Population": 773.0}, {"index": 13266, "quantile": 0.25, "value": 146900.0, "Latitude": 34.09, "Longitude": -117.68, "Population": 773.0}, {"index": 13266, "quantile": 0.5, "value": 148800.0, "Latitude": 34.09, "Longitude": -117.68, "Population": 773.0}, {"index": 13266, "quantile": 0.75, "value": 148800.0, "Latitude": 34.09, "Longitude": -117.68, "Population": 773.0}, {"index": 13266, "quantile": 1.0, "value": 243200.0, "Latitude": 34.09, "Longitude": -117.68, "Population": 773.0}, {"index": 13267, "quantile": 0.0, "value": 45000.0, "Latitude": 34.09, "Longitude": -117.67, "Population": 2417.0}, {"index": 13267, "quantile": 0.25, "value": 101000.0, "Latitude": 34.09, "Longitude": -117.67, "Population": 2417.0}, {"index": 13267, "quantile": 0.5, "value": 101000.0, "Latitude": 34.09, "Longitude": -117.67, "Population": 2417.0}, {"index": 13267, "quantile": 0.75, "value": 118500.0, "Latitude": 34.09, "Longitude": -117.67, "Population": 2417.0}, {"index": 13267, "quantile": 1.0, "value": 247700.0, "Latitude": 34.09, "Longitude": -117.67, "Population": 2417.0}, {"index": 13268, "quantile": 0.0, "value": 111700.0, "Latitude": 34.09, "Longitude": -117.66, "Population": 593.0}, {"index": 13268, "quantile": 0.25, "value": 137300.0, "Latitude": 34.09, "Longitude": -117.66, "Population": 593.0}, {"index": 13268, "quantile": 0.5, "value": 166300.0, "Latitude": 34.09, "Longitude": -117.66, "Population": 593.0}, {"index": 13268, "quantile": 0.75, "value": 166300.0, "Latitude": 34.09, "Longitude": -117.66, "Population": 593.0}, {"index": 13268, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -117.66, "Population": 593.0}, {"index": 13269, "quantile": 0.0, "value": 76600.0, "Latitude": 34.09, "Longitude": -117.66, "Population": 1117.0}, {"index": 13269, "quantile": 0.25, "value": 145300.0, "Latitude": 34.09, "Longitude": -117.66, "Population": 1117.0}, {"index": 13269, "quantile": 0.5, "value": 162500.0, "Latitude": 34.09, "Longitude": -117.66, "Population": 1117.0}, {"index": 13269, "quantile": 0.75, "value": 162500.0, "Latitude": 34.09, "Longitude": -117.66, "Population": 1117.0}, {"index": 13269, "quantile": 1.0, "value": 230300.0, "Latitude": 34.09, "Longitude": -117.66, "Population": 1117.0}, {"index": 13270, "quantile": 0.0, "value": 74700.0, "Latitude": 34.09, "Longitude": -117.66, "Population": 954.0}, {"index": 13270, "quantile": 0.25, "value": 113700.0, "Latitude": 34.09, "Longitude": -117.66, "Population": 954.0}, {"index": 13270, "quantile": 0.5, "value": 121300.00000000001, "Latitude": 34.09, "Longitude": -117.66, "Population": 954.0}, {"index": 13270, "quantile": 0.75, "value": 137700.0, "Latitude": 34.09, "Longitude": -117.66, "Population": 954.0}, {"index": 13270, "quantile": 1.0, "value": 305600.0, "Latitude": 34.09, "Longitude": -117.66, "Population": 954.0}, {"index": 13271, "quantile": 0.0, "value": 104500.0, "Latitude": 34.09, "Longitude": -117.65, "Population": 1209.0}, {"index": 13271, "quantile": 0.25, "value": 137225.0, "Latitude": 34.09, "Longitude": -117.65, "Population": 1209.0}, {"index": 13271, "quantile": 0.5, "value": 146900.0, "Latitude": 34.09, "Longitude": -117.65, "Population": 1209.0}, {"index": 13271, "quantile": 0.75, "value": 159425.0, "Latitude": 34.09, "Longitude": -117.65, "Population": 1209.0}, {"index": 13271, "quantile": 1.0, "value": 249100.0, "Latitude": 34.09, "Longitude": -117.65, "Population": 1209.0}, {"index": 13272, "quantile": 0.0, "value": 111100.0, "Latitude": 34.13, "Longitude": -117.62, "Population": 1655.0}, {"index": 13272, "quantile": 0.25, "value": 158800.0, "Latitude": 34.13, "Longitude": -117.62, "Population": 1655.0}, {"index": 13272, "quantile": 0.5, "value": 158800.0, "Latitude": 34.13, "Longitude": -117.62, "Population": 1655.0}, {"index": 13272, "quantile": 0.75, "value": 158800.0, "Latitude": 34.13, "Longitude": -117.62, "Population": 1655.0}, {"index": 13272, "quantile": 1.0, "value": 301900.0, "Latitude": 34.13, "Longitude": -117.62, "Population": 1655.0}, {"index": 13273, "quantile": 0.0, "value": 88900.0, "Latitude": 34.11, "Longitude": -117.62, "Population": 831.0}, {"index": 13273, "quantile": 0.25, "value": 211300.0, "Latitude": 34.11, "Longitude": -117.62, "Population": 831.0}, {"index": 13273, "quantile": 0.5, "value": 233500.0, "Latitude": 34.11, "Longitude": -117.62, "Population": 831.0}, {"index": 13273, "quantile": 0.75, "value": 262700.0, "Latitude": 34.11, "Longitude": -117.62, "Population": 831.0}, {"index": 13273, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.11, "Longitude": -117.62, "Population": 831.0}, {"index": 13274, "quantile": 0.0, "value": 97600.0, "Latitude": 34.11, "Longitude": -117.62, "Population": 1204.0}, {"index": 13274, "quantile": 0.25, "value": 166400.0, "Latitude": 34.11, "Longitude": -117.62, "Population": 1204.0}, {"index": 13274, "quantile": 0.5, "value": 192800.0, "Latitude": 34.11, "Longitude": -117.62, "Population": 1204.0}, {"index": 13274, "quantile": 0.75, "value": 192800.0, "Latitude": 34.11, "Longitude": -117.62, "Population": 1204.0}, {"index": 13274, "quantile": 1.0, "value": 343900.0, "Latitude": 34.11, "Longitude": -117.62, "Population": 1204.0}, {"index": 13275, "quantile": 0.0, "value": 67500.0, "Latitude": 34.1, "Longitude": -117.63, "Population": 2554.0}, {"index": 13275, "quantile": 0.25, "value": 122800.0, "Latitude": 34.1, "Longitude": -117.63, "Population": 2554.0}, {"index": 13275, "quantile": 0.5, "value": 122800.0, "Latitude": 34.1, "Longitude": -117.63, "Population": 2554.0}, {"index": 13275, "quantile": 0.75, "value": 122800.0, "Latitude": 34.1, "Longitude": -117.63, "Population": 2554.0}, {"index": 13275, "quantile": 1.0, "value": 196100.0, "Latitude": 34.1, "Longitude": -117.63, "Population": 2554.0}, {"index": 13276, "quantile": 0.0, "value": 81000.0, "Latitude": 34.09, "Longitude": -117.63, "Population": 2251.0}, {"index": 13276, "quantile": 0.25, "value": 114100.0, "Latitude": 34.09, "Longitude": -117.63, "Population": 2251.0}, {"index": 13276, "quantile": 0.5, "value": 114100.0, "Latitude": 34.09, "Longitude": -117.63, "Population": 2251.0}, {"index": 13276, "quantile": 0.75, "value": 114100.0, "Latitude": 34.09, "Longitude": -117.63, "Population": 2251.0}, {"index": 13276, "quantile": 1.0, "value": 163000.0, "Latitude": 34.09, "Longitude": -117.63, "Population": 2251.0}, {"index": 13277, "quantile": 0.0, "value": 108300.0, "Latitude": 34.09, "Longitude": -117.64, "Population": 1822.0}, {"index": 13277, "quantile": 0.25, "value": 121300.00000000001, "Latitude": 34.09, "Longitude": -117.64, "Population": 1822.0}, {"index": 13277, "quantile": 0.5, "value": 121300.00000000001, "Latitude": 34.09, "Longitude": -117.64, "Population": 1822.0}, {"index": 13277, "quantile": 0.75, "value": 121300.00000000001, "Latitude": 34.09, "Longitude": -117.64, "Population": 1822.0}, {"index": 13277, "quantile": 1.0, "value": 236000.0, "Latitude": 34.09, "Longitude": -117.64, "Population": 1822.0}, {"index": 13278, "quantile": 0.0, "value": 45000.0, "Latitude": 34.09, "Longitude": -117.65, "Population": 701.0}, {"index": 13278, "quantile": 0.25, "value": 116300.0, "Latitude": 34.09, "Longitude": -117.65, "Population": 701.0}, {"index": 13278, "quantile": 0.5, "value": 116300.0, "Latitude": 34.09, "Longitude": -117.65, "Population": 701.0}, {"index": 13278, "quantile": 0.75, "value": 116300.0, "Latitude": 34.09, "Longitude": -117.65, "Population": 701.0}, {"index": 13278, "quantile": 1.0, "value": 272200.0, "Latitude": 34.09, "Longitude": -117.65, "Population": 701.0}, {"index": 13279, "quantile": 0.0, "value": 90000.0, "Latitude": 34.1, "Longitude": -117.65, "Population": 831.0}, {"index": 13279, "quantile": 0.25, "value": 115799.99999999999, "Latitude": 34.1, "Longitude": -117.65, "Population": 831.0}, {"index": 13279, "quantile": 0.5, "value": 115799.99999999999, "Latitude": 34.1, "Longitude": -117.65, "Population": 831.0}, {"index": 13279, "quantile": 0.75, "value": 137050.0, "Latitude": 34.1, "Longitude": -117.65, "Population": 831.0}, {"index": 13279, "quantile": 1.0, "value": 244499.99999999997, "Latitude": 34.1, "Longitude": -117.65, "Population": 831.0}, {"index": 13280, "quantile": 0.0, "value": 98100.0, "Latitude": 34.1, "Longitude": -117.65, "Population": 1444.0}, {"index": 13280, "quantile": 0.25, "value": 137000.0, "Latitude": 34.1, "Longitude": -117.65, "Population": 1444.0}, {"index": 13280, "quantile": 0.5, "value": 139300.0, "Latitude": 34.1, "Longitude": -117.65, "Population": 1444.0}, {"index": 13280, "quantile": 0.75, "value": 139300.0, "Latitude": 34.1, "Longitude": -117.65, "Population": 1444.0}, {"index": 13280, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -117.65, "Population": 1444.0}, {"index": 13281, "quantile": 0.0, "value": 98900.0, "Latitude": 34.08, "Longitude": -117.68, "Population": 3067.0}, {"index": 13281, "quantile": 0.25, "value": 137300.0, "Latitude": 34.08, "Longitude": -117.68, "Population": 3067.0}, {"index": 13281, "quantile": 0.5, "value": 137300.0, "Latitude": 34.08, "Longitude": -117.68, "Population": 3067.0}, {"index": 13281, "quantile": 0.75, "value": 137300.0, "Latitude": 34.08, "Longitude": -117.68, "Population": 3067.0}, {"index": 13281, "quantile": 1.0, "value": 237200.0, "Latitude": 34.08, "Longitude": -117.68, "Population": 3067.0}, {"index": 13282, "quantile": 0.0, "value": 83800.0, "Latitude": 34.08, "Longitude": -117.68, "Population": 1230.0}, {"index": 13282, "quantile": 0.25, "value": 137200.0, "Latitude": 34.08, "Longitude": -117.68, "Population": 1230.0}, {"index": 13282, "quantile": 0.5, "value": 137200.0, "Latitude": 34.08, "Longitude": -117.68, "Population": 1230.0}, {"index": 13282, "quantile": 0.75, "value": 137200.0, "Latitude": 34.08, "Longitude": -117.68, "Population": 1230.0}, {"index": 13282, "quantile": 1.0, "value": 250000.0, "Latitude": 34.08, "Longitude": -117.68, "Population": 1230.0}, {"index": 13283, "quantile": 0.0, "value": 90900.0, "Latitude": 34.07, "Longitude": -117.67, "Population": 1278.0}, {"index": 13283, "quantile": 0.25, "value": 111700.0, "Latitude": 34.07, "Longitude": -117.67, "Population": 1278.0}, {"index": 13283, "quantile": 0.5, "value": 118000.0, "Latitude": 34.07, "Longitude": -117.67, "Population": 1278.0}, {"index": 13283, "quantile": 0.75, "value": 128400.0, "Latitude": 34.07, "Longitude": -117.67, "Population": 1278.0}, {"index": 13283, "quantile": 1.0, "value": 176600.0, "Latitude": 34.07, "Longitude": -117.67, "Population": 1278.0}, {"index": 13284, "quantile": 0.0, "value": 67500.0, "Latitude": 34.07, "Longitude": -117.68, "Population": 2204.0}, {"index": 13284, "quantile": 0.25, "value": 111250.0, "Latitude": 34.07, "Longitude": -117.68, "Population": 2204.0}, {"index": 13284, "quantile": 0.5, "value": 135000.0, "Latitude": 34.07, "Longitude": -117.68, "Population": 2204.0}, {"index": 13284, "quantile": 0.75, "value": 135000.0, "Latitude": 34.07, "Longitude": -117.68, "Population": 2204.0}, {"index": 13284, "quantile": 1.0, "value": 212500.0, "Latitude": 34.07, "Longitude": -117.68, "Population": 2204.0}, {"index": 13285, "quantile": 0.0, "value": 87500.0, "Latitude": 34.07, "Longitude": -117.68, "Population": 1067.0}, {"index": 13285, "quantile": 0.25, "value": 121300.00000000001, "Latitude": 34.07, "Longitude": -117.68, "Population": 1067.0}, {"index": 13285, "quantile": 0.5, "value": 121300.00000000001, "Latitude": 34.07, "Longitude": -117.68, "Population": 1067.0}, {"index": 13285, "quantile": 0.75, "value": 125300.00000000001, "Latitude": 34.07, "Longitude": -117.68, "Population": 1067.0}, {"index": 13285, "quantile": 1.0, "value": 162500.0, "Latitude": 34.07, "Longitude": -117.68, "Population": 1067.0}, {"index": 13286, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 34.08, "Longitude": -117.65, "Population": 1074.0}, {"index": 13286, "quantile": 0.25, "value": 166400.0, "Latitude": 34.08, "Longitude": -117.65, "Population": 1074.0}, {"index": 13286, "quantile": 0.5, "value": 166400.0, "Latitude": 34.08, "Longitude": -117.65, "Population": 1074.0}, {"index": 13286, "quantile": 0.75, "value": 166400.0, "Latitude": 34.08, "Longitude": -117.65, "Population": 1074.0}, {"index": 13286, "quantile": 1.0, "value": 445700.0, "Latitude": 34.08, "Longitude": -117.65, "Population": 1074.0}, {"index": 13287, "quantile": 0.0, "value": 83300.0, "Latitude": 34.08, "Longitude": -117.65, "Population": 1410.0}, {"index": 13287, "quantile": 0.25, "value": 117150.0, "Latitude": 34.08, "Longitude": -117.65, "Population": 1410.0}, {"index": 13287, "quantile": 0.5, "value": 135100.0, "Latitude": 34.08, "Longitude": -117.65, "Population": 1410.0}, {"index": 13287, "quantile": 0.75, "value": 145300.0, "Latitude": 34.08, "Longitude": -117.65, "Population": 1410.0}, {"index": 13287, "quantile": 1.0, "value": 311300.0, "Latitude": 34.08, "Longitude": -117.65, "Population": 1410.0}, {"index": 13288, "quantile": 0.0, "value": 63500.0, "Latitude": 34.07, "Longitude": -117.66, "Population": 1165.0}, {"index": 13288, "quantile": 0.25, "value": 139300.0, "Latitude": 34.07, "Longitude": -117.66, "Population": 1165.0}, {"index": 13288, "quantile": 0.5, "value": 139600.0, "Latitude": 34.07, "Longitude": -117.66, "Population": 1165.0}, {"index": 13288, "quantile": 0.75, "value": 139600.0, "Latitude": 34.07, "Longitude": -117.66, "Population": 1165.0}, {"index": 13288, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -117.66, "Population": 1165.0}, {"index": 13289, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.06, "Longitude": -117.66, "Population": 2174.0}, {"index": 13289, "quantile": 0.25, "value": 96950.0, "Latitude": 34.06, "Longitude": -117.66, "Population": 2174.0}, {"index": 13289, "quantile": 0.5, "value": 116100.0, "Latitude": 34.06, "Longitude": -117.66, "Population": 2174.0}, {"index": 13289, "quantile": 0.75, "value": 138625.0, "Latitude": 34.06, "Longitude": -117.66, "Population": 2174.0}, {"index": 13289, "quantile": 1.0, "value": 233700.00000000003, "Latitude": 34.06, "Longitude": -117.66, "Population": 2174.0}, {"index": 13290, "quantile": 0.0, "value": 101000.0, "Latitude": 34.07, "Longitude": -117.66, "Population": 964.0}, {"index": 13290, "quantile": 0.25, "value": 137000.0, "Latitude": 34.07, "Longitude": -117.66, "Population": 964.0}, {"index": 13290, "quantile": 0.5, "value": 137000.0, "Latitude": 34.07, "Longitude": -117.66, "Population": 964.0}, {"index": 13290, "quantile": 0.75, "value": 139300.0, "Latitude": 34.07, "Longitude": -117.66, "Population": 964.0}, {"index": 13290, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -117.66, "Population": 964.0}, {"index": 13291, "quantile": 0.0, "value": 89000.0, "Latitude": 34.07, "Longitude": -117.66, "Population": 1008.0}, {"index": 13291, "quantile": 0.25, "value": 129125.0, "Latitude": 34.07, "Longitude": -117.66, "Population": 1008.0}, {"index": 13291, "quantile": 0.5, "value": 139300.0, "Latitude": 34.07, "Longitude": -117.66, "Population": 1008.0}, {"index": 13291, "quantile": 0.75, "value": 146900.0, "Latitude": 34.07, "Longitude": -117.66, "Population": 1008.0}, {"index": 13291, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -117.66, "Population": 1008.0}, {"index": 13292, "quantile": 0.0, "value": 84000.0, "Latitude": 34.08, "Longitude": -117.66, "Population": 623.0}, {"index": 13292, "quantile": 0.25, "value": 141000.0, "Latitude": 34.08, "Longitude": -117.66, "Population": 623.0}, {"index": 13292, "quantile": 0.5, "value": 141000.0, "Latitude": 34.08, "Longitude": -117.66, "Population": 623.0}, {"index": 13292, "quantile": 0.75, "value": 150200.0, "Latitude": 34.08, "Longitude": -117.66, "Population": 623.0}, {"index": 13292, "quantile": 1.0, "value": 425500.0, "Latitude": 34.08, "Longitude": -117.66, "Population": 623.0}, {"index": 13293, "quantile": 0.0, "value": 113599.99999999999, "Latitude": 34.08, "Longitude": -117.66, "Population": 1773.0}, {"index": 13293, "quantile": 0.25, "value": 131275.0, "Latitude": 34.08, "Longitude": -117.66, "Population": 1773.0}, {"index": 13293, "quantile": 0.5, "value": 139200.0, "Latitude": 34.08, "Longitude": -117.66, "Population": 1773.0}, {"index": 13293, "quantile": 0.75, "value": 152500.0, "Latitude": 34.08, "Longitude": -117.66, "Population": 1773.0}, {"index": 13293, "quantile": 1.0, "value": 314100.0, "Latitude": 34.08, "Longitude": -117.66, "Population": 1773.0}, {"index": 13294, "quantile": 0.0, "value": 97600.0, "Latitude": 34.08, "Longitude": -117.64, "Population": 1284.0}, {"index": 13294, "quantile": 0.25, "value": 117449.99999999999, "Latitude": 34.08, "Longitude": -117.64, "Population": 1284.0}, {"index": 13294, "quantile": 0.5, "value": 134300.0, "Latitude": 34.08, "Longitude": -117.64, "Population": 1284.0}, {"index": 13294, "quantile": 0.75, "value": 145300.0, "Latitude": 34.08, "Longitude": -117.64, "Population": 1284.0}, {"index": 13294, "quantile": 1.0, "value": 311300.0, "Latitude": 34.08, "Longitude": -117.64, "Population": 1284.0}, {"index": 13295, "quantile": 0.0, "value": 86100.0, "Latitude": 34.07, "Longitude": -117.64, "Population": 1036.0}, {"index": 13295, "quantile": 0.25, "value": 122800.0, "Latitude": 34.07, "Longitude": -117.64, "Population": 1036.0}, {"index": 13295, "quantile": 0.5, "value": 122800.0, "Latitude": 34.07, "Longitude": -117.64, "Population": 1036.0}, {"index": 13295, "quantile": 0.75, "value": 122800.0, "Latitude": 34.07, "Longitude": -117.64, "Population": 1036.0}, {"index": 13295, "quantile": 1.0, "value": 268200.0, "Latitude": 34.07, "Longitude": -117.64, "Population": 1036.0}, {"index": 13296, "quantile": 0.0, "value": 84000.0, "Latitude": 34.08, "Longitude": -117.65, "Population": 1031.0}, {"index": 13296, "quantile": 0.25, "value": 122800.0, "Latitude": 34.08, "Longitude": -117.65, "Population": 1031.0}, {"index": 13296, "quantile": 0.5, "value": 167450.0, "Latitude": 34.08, "Longitude": -117.65, "Population": 1031.0}, {"index": 13296, "quantile": 0.75, "value": 241225.00000000003, "Latitude": 34.08, "Longitude": -117.65, "Population": 1031.0}, {"index": 13296, "quantile": 1.0, "value": 487500.0, "Latitude": 34.08, "Longitude": -117.65, "Population": 1031.0}, {"index": 13297, "quantile": 0.0, "value": 140700.0, "Latitude": 34.08, "Longitude": -117.65, "Population": 624.0}, {"index": 13297, "quantile": 0.25, "value": 158200.0, "Latitude": 34.08, "Longitude": -117.65, "Population": 624.0}, {"index": 13297, "quantile": 0.5, "value": 158200.0, "Latitude": 34.08, "Longitude": -117.65, "Population": 624.0}, {"index": 13297, "quantile": 0.75, "value": 269500.0, "Latitude": 34.08, "Longitude": -117.65, "Population": 624.0}, {"index": 13297, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -117.65, "Population": 624.0}, {"index": 13298, "quantile": 0.0, "value": 90600.0, "Latitude": 34.08, "Longitude": -117.64, "Population": 729.0}, {"index": 13298, "quantile": 0.25, "value": 118000.0, "Latitude": 34.08, "Longitude": -117.64, "Population": 729.0}, {"index": 13298, "quantile": 0.5, "value": 118000.0, "Latitude": 34.08, "Longitude": -117.64, "Population": 729.0}, {"index": 13298, "quantile": 0.75, "value": 121675.0, "Latitude": 34.08, "Longitude": -117.64, "Population": 729.0}, {"index": 13298, "quantile": 1.0, "value": 220000.00000000003, "Latitude": 34.08, "Longitude": -117.64, "Population": 729.0}, {"index": 13299, "quantile": 0.0, "value": 81900.0, "Latitude": 34.08, "Longitude": -117.64, "Population": 1369.0}, {"index": 13299, "quantile": 0.25, "value": 118175.00000000001, "Latitude": 34.08, "Longitude": -117.64, "Population": 1369.0}, {"index": 13299, "quantile": 0.5, "value": 122600.0, "Latitude": 34.08, "Longitude": -117.64, "Population": 1369.0}, {"index": 13299, "quantile": 0.75, "value": 122600.0, "Latitude": 34.08, "Longitude": -117.64, "Population": 1369.0}, {"index": 13299, "quantile": 1.0, "value": 253900.00000000003, "Latitude": 34.08, "Longitude": -117.64, "Population": 1369.0}, {"index": 13300, "quantile": 0.0, "value": 104500.0, "Latitude": 34.08, "Longitude": -117.63, "Population": 1257.0}, {"index": 13300, "quantile": 0.25, "value": 111700.0, "Latitude": 34.08, "Longitude": -117.63, "Population": 1257.0}, {"index": 13300, "quantile": 0.5, "value": 111700.0, "Latitude": 34.08, "Longitude": -117.63, "Population": 1257.0}, {"index": 13300, "quantile": 0.75, "value": 121300.00000000001, "Latitude": 34.08, "Longitude": -117.63, "Population": 1257.0}, {"index": 13300, "quantile": 1.0, "value": 180900.0, "Latitude": 34.08, "Longitude": -117.63, "Population": 1257.0}, {"index": 13301, "quantile": 0.0, "value": 92800.0, "Latitude": 34.07, "Longitude": -117.63, "Population": 1537.0}, {"index": 13301, "quantile": 0.25, "value": 117675.0, "Latitude": 34.07, "Longitude": -117.63, "Population": 1537.0}, {"index": 13301, "quantile": 0.5, "value": 134300.0, "Latitude": 34.07, "Longitude": -117.63, "Population": 1537.0}, {"index": 13301, "quantile": 0.75, "value": 139725.0, "Latitude": 34.07, "Longitude": -117.63, "Population": 1537.0}, {"index": 13301, "quantile": 1.0, "value": 254100.0, "Latitude": 34.07, "Longitude": -117.63, "Population": 1537.0}, {"index": 13302, "quantile": 0.0, "value": 99200.0, "Latitude": 34.07, "Longitude": -117.62, "Population": 2884.0}, {"index": 13302, "quantile": 0.25, "value": 121675.0, "Latitude": 34.07, "Longitude": -117.62, "Population": 2884.0}, {"index": 13302, "quantile": 0.5, "value": 137300.0, "Latitude": 34.07, "Longitude": -117.62, "Population": 2884.0}, {"index": 13302, "quantile": 0.75, "value": 139100.0, "Latitude": 34.07, "Longitude": -117.62, "Population": 2884.0}, {"index": 13302, "quantile": 1.0, "value": 177200.0, "Latitude": 34.07, "Longitude": -117.62, "Population": 2884.0}, {"index": 13303, "quantile": 0.0, "value": 95500.0, "Latitude": 34.08, "Longitude": -117.62, "Population": 1047.0}, {"index": 13303, "quantile": 0.25, "value": 116300.0, "Latitude": 34.08, "Longitude": -117.62, "Population": 1047.0}, {"index": 13303, "quantile": 0.5, "value": 116300.0, "Latitude": 34.08, "Longitude": -117.62, "Population": 1047.0}, {"index": 13303, "quantile": 0.75, "value": 126275.0, "Latitude": 34.08, "Longitude": -117.62, "Population": 1047.0}, {"index": 13303, "quantile": 1.0, "value": 225000.0, "Latitude": 34.08, "Longitude": -117.62, "Population": 1047.0}, {"index": 13304, "quantile": 0.0, "value": 100000.0, "Latitude": 34.09, "Longitude": -117.63, "Population": 2818.0}, {"index": 13304, "quantile": 0.25, "value": 124825.00000000001, "Latitude": 34.09, "Longitude": -117.63, "Population": 2818.0}, {"index": 13304, "quantile": 0.5, "value": 126200.0, "Latitude": 34.09, "Longitude": -117.63, "Population": 2818.0}, {"index": 13304, "quantile": 0.75, "value": 126200.0, "Latitude": 34.09, "Longitude": -117.63, "Population": 2818.0}, {"index": 13304, "quantile": 1.0, "value": 187500.0, "Latitude": 34.09, "Longitude": -117.63, "Population": 2818.0}, {"index": 13305, "quantile": 0.0, "value": 117400.0, "Latitude": 34.09, "Longitude": -117.62, "Population": 2259.0}, {"index": 13305, "quantile": 0.25, "value": 132000.0, "Latitude": 34.09, "Longitude": -117.62, "Population": 2259.0}, {"index": 13305, "quantile": 0.5, "value": 132000.0, "Latitude": 34.09, "Longitude": -117.62, "Population": 2259.0}, {"index": 13305, "quantile": 0.75, "value": 132000.0, "Latitude": 34.09, "Longitude": -117.62, "Population": 2259.0}, {"index": 13305, "quantile": 1.0, "value": 207700.0, "Latitude": 34.09, "Longitude": -117.62, "Population": 2259.0}, {"index": 13306, "quantile": 0.0, "value": 91000.0, "Latitude": 34.08, "Longitude": -117.62, "Population": 1678.0}, {"index": 13306, "quantile": 0.25, "value": 111800.00000000001, "Latitude": 34.08, "Longitude": -117.62, "Population": 1678.0}, {"index": 13306, "quantile": 0.5, "value": 111800.00000000001, "Latitude": 34.08, "Longitude": -117.62, "Population": 1678.0}, {"index": 13306, "quantile": 0.75, "value": 117475.0, "Latitude": 34.08, "Longitude": -117.62, "Population": 1678.0}, {"index": 13306, "quantile": 1.0, "value": 285500.0, "Latitude": 34.08, "Longitude": -117.62, "Population": 1678.0}, {"index": 13307, "quantile": 0.0, "value": 131500.0, "Latitude": 34.08, "Longitude": -117.62, "Population": 2064.0}, {"index": 13307, "quantile": 0.25, "value": 136000.0, "Latitude": 34.08, "Longitude": -117.62, "Population": 2064.0}, {"index": 13307, "quantile": 0.5, "value": 136000.0, "Latitude": 34.08, "Longitude": -117.62, "Population": 2064.0}, {"index": 13307, "quantile": 0.75, "value": 136325.0, "Latitude": 34.08, "Longitude": -117.62, "Population": 2064.0}, {"index": 13307, "quantile": 1.0, "value": 195600.0, "Latitude": 34.08, "Longitude": -117.62, "Population": 2064.0}, {"index": 13308, "quantile": 0.0, "value": 109800.00000000001, "Latitude": 34.08, "Longitude": -117.61, "Population": 2229.0}, {"index": 13308, "quantile": 0.25, "value": 128800.0, "Latitude": 34.08, "Longitude": -117.61, "Population": 2229.0}, {"index": 13308, "quantile": 0.5, "value": 128800.0, "Latitude": 34.08, "Longitude": -117.61, "Population": 2229.0}, {"index": 13308, "quantile": 0.75, "value": 128800.0, "Latitude": 34.08, "Longitude": -117.61, "Population": 2229.0}, {"index": 13308, "quantile": 1.0, "value": 225000.0, "Latitude": 34.08, "Longitude": -117.61, "Population": 2229.0}, {"index": 13309, "quantile": 0.0, "value": 118900.0, "Latitude": 34.09, "Longitude": -117.61, "Population": 1483.0}, {"index": 13309, "quantile": 0.25, "value": 135500.0, "Latitude": 34.09, "Longitude": -117.61, "Population": 1483.0}, {"index": 13309, "quantile": 0.5, "value": 135500.0, "Latitude": 34.09, "Longitude": -117.61, "Population": 1483.0}, {"index": 13309, "quantile": 0.75, "value": 136000.0, "Latitude": 34.09, "Longitude": -117.61, "Population": 1483.0}, {"index": 13309, "quantile": 1.0, "value": 203200.0, "Latitude": 34.09, "Longitude": -117.61, "Population": 1483.0}, {"index": 13310, "quantile": 0.0, "value": 111500.0, "Latitude": 34.09, "Longitude": -117.61, "Population": 1503.0}, {"index": 13310, "quantile": 0.25, "value": 144000.0, "Latitude": 34.09, "Longitude": -117.61, "Population": 1503.0}, {"index": 13310, "quantile": 0.5, "value": 144000.0, "Latitude": 34.09, "Longitude": -117.61, "Population": 1503.0}, {"index": 13310, "quantile": 0.75, "value": 144000.0, "Latitude": 34.09, "Longitude": -117.61, "Population": 1503.0}, {"index": 13310, "quantile": 1.0, "value": 250000.0, "Latitude": 34.09, "Longitude": -117.61, "Population": 1503.0}, {"index": 13311, "quantile": 0.0, "value": 107000.0, "Latitude": 34.08, "Longitude": -117.61, "Population": 2400.0}, {"index": 13311, "quantile": 0.25, "value": 158700.0, "Latitude": 34.08, "Longitude": -117.61, "Population": 2400.0}, {"index": 13311, "quantile": 0.5, "value": 158700.0, "Latitude": 34.08, "Longitude": -117.61, "Population": 2400.0}, {"index": 13311, "quantile": 0.75, "value": 158700.0, "Latitude": 34.08, "Longitude": -117.61, "Population": 2400.0}, {"index": 13311, "quantile": 1.0, "value": 349300.0, "Latitude": 34.08, "Longitude": -117.61, "Population": 2400.0}, {"index": 13312, "quantile": 0.0, "value": 111500.0, "Latitude": 34.08, "Longitude": -117.6, "Population": 1432.0}, {"index": 13312, "quantile": 0.25, "value": 159800.0, "Latitude": 34.08, "Longitude": -117.6, "Population": 1432.0}, {"index": 13312, "quantile": 0.5, "value": 159800.0, "Latitude": 34.08, "Longitude": -117.6, "Population": 1432.0}, {"index": 13312, "quantile": 0.75, "value": 159800.0, "Latitude": 34.08, "Longitude": -117.6, "Population": 1432.0}, {"index": 13312, "quantile": 1.0, "value": 298400.0, "Latitude": 34.08, "Longitude": -117.6, "Population": 1432.0}, {"index": 13313, "quantile": 0.0, "value": 53500.0, "Latitude": 34.07, "Longitude": -117.65, "Population": 1182.0}, {"index": 13313, "quantile": 0.25, "value": 113199.99999999999, "Latitude": 34.07, "Longitude": -117.65, "Population": 1182.0}, {"index": 13313, "quantile": 0.5, "value": 113199.99999999999, "Latitude": 34.07, "Longitude": -117.65, "Population": 1182.0}, {"index": 13313, "quantile": 0.75, "value": 113199.99999999999, "Latitude": 34.07, "Longitude": -117.65, "Population": 1182.0}, {"index": 13313, "quantile": 1.0, "value": 327300.0, "Latitude": 34.07, "Longitude": -117.65, "Population": 1182.0}, {"index": 13314, "quantile": 0.0, "value": 39800.0, "Latitude": 34.07, "Longitude": -117.65, "Population": 558.0}, {"index": 13314, "quantile": 0.25, "value": 93800.0, "Latitude": 34.07, "Longitude": -117.65, "Population": 558.0}, {"index": 13314, "quantile": 0.5, "value": 105800.0, "Latitude": 34.07, "Longitude": -117.65, "Population": 558.0}, {"index": 13314, "quantile": 0.75, "value": 123350.0, "Latitude": 34.07, "Longitude": -117.65, "Population": 558.0}, {"index": 13314, "quantile": 1.0, "value": 328600.0, "Latitude": 34.07, "Longitude": -117.65, "Population": 558.0}, {"index": 13315, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.06, "Longitude": -117.65, "Population": 349.0}, {"index": 13315, "quantile": 0.25, "value": 112500.0, "Latitude": 34.06, "Longitude": -117.65, "Population": 349.0}, {"index": 13315, "quantile": 0.5, "value": 112500.0, "Latitude": 34.06, "Longitude": -117.65, "Population": 349.0}, {"index": 13315, "quantile": 0.75, "value": 112500.0, "Latitude": 34.06, "Longitude": -117.65, "Population": 349.0}, {"index": 13315, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -117.65, "Population": 349.0}, {"index": 13316, "quantile": 0.0, "value": 95600.0, "Latitude": 34.07, "Longitude": -117.62, "Population": 5110.0}, {"index": 13316, "quantile": 0.25, "value": 122800.0, "Latitude": 34.07, "Longitude": -117.62, "Population": 5110.0}, {"index": 13316, "quantile": 0.5, "value": 128899.99999999999, "Latitude": 34.07, "Longitude": -117.62, "Population": 5110.0}, {"index": 13316, "quantile": 0.75, "value": 128899.99999999999, "Latitude": 34.07, "Longitude": -117.62, "Population": 5110.0}, {"index": 13316, "quantile": 1.0, "value": 183500.0, "Latitude": 34.07, "Longitude": -117.62, "Population": 5110.0}, {"index": 13317, "quantile": 0.0, "value": 76200.0, "Latitude": 34.07, "Longitude": -117.64, "Population": 2647.0}, {"index": 13317, "quantile": 0.25, "value": 98100.0, "Latitude": 34.07, "Longitude": -117.64, "Population": 2647.0}, {"index": 13317, "quantile": 0.5, "value": 98100.0, "Latitude": 34.07, "Longitude": -117.64, "Population": 2647.0}, {"index": 13317, "quantile": 0.75, "value": 98100.0, "Latitude": 34.07, "Longitude": -117.64, "Population": 2647.0}, {"index": 13317, "quantile": 1.0, "value": 350000.0, "Latitude": 34.07, "Longitude": -117.64, "Population": 2647.0}, {"index": 13318, "quantile": 0.0, "value": 91000.0, "Latitude": 34.07, "Longitude": -117.64, "Population": 1823.0}, {"index": 13318, "quantile": 0.25, "value": 111200.00000000001, "Latitude": 34.07, "Longitude": -117.64, "Population": 1823.0}, {"index": 13318, "quantile": 0.5, "value": 111200.00000000001, "Latitude": 34.07, "Longitude": -117.64, "Population": 1823.0}, {"index": 13318, "quantile": 0.75, "value": 114250.0, "Latitude": 34.07, "Longitude": -117.64, "Population": 1823.0}, {"index": 13318, "quantile": 1.0, "value": 231800.0, "Latitude": 34.07, "Longitude": -117.64, "Population": 1823.0}, {"index": 13319, "quantile": 0.0, "value": 67000.0, "Latitude": 34.07, "Longitude": -117.64, "Population": 1269.0}, {"index": 13319, "quantile": 0.25, "value": 108300.0, "Latitude": 34.07, "Longitude": -117.64, "Population": 1269.0}, {"index": 13319, "quantile": 0.5, "value": 108300.0, "Latitude": 34.07, "Longitude": -117.64, "Population": 1269.0}, {"index": 13319, "quantile": 0.75, "value": 111200.00000000001, "Latitude": 34.07, "Longitude": -117.64, "Population": 1269.0}, {"index": 13319, "quantile": 1.0, "value": 232100.00000000003, "Latitude": 34.07, "Longitude": -117.64, "Population": 1269.0}, {"index": 13320, "quantile": 0.0, "value": 91300.0, "Latitude": 34.06, "Longitude": -117.67, "Population": 1182.0}, {"index": 13320, "quantile": 0.25, "value": 110400.00000000001, "Latitude": 34.06, "Longitude": -117.67, "Population": 1182.0}, {"index": 13320, "quantile": 0.5, "value": 110400.00000000001, "Latitude": 34.06, "Longitude": -117.67, "Population": 1182.0}, {"index": 13320, "quantile": 0.75, "value": 122600.0, "Latitude": 34.06, "Longitude": -117.67, "Population": 1182.0}, {"index": 13320, "quantile": 1.0, "value": 180500.0, "Latitude": 34.06, "Longitude": -117.67, "Population": 1182.0}, {"index": 13321, "quantile": 0.0, "value": 63400.0, "Latitude": 34.06, "Longitude": -117.66, "Population": 1489.0}, {"index": 13321, "quantile": 0.25, "value": 91800.0, "Latitude": 34.06, "Longitude": -117.66, "Population": 1489.0}, {"index": 13321, "quantile": 0.5, "value": 91800.0, "Latitude": 34.06, "Longitude": -117.66, "Population": 1489.0}, {"index": 13321, "quantile": 0.75, "value": 91800.0, "Latitude": 34.06, "Longitude": -117.66, "Population": 1489.0}, {"index": 13321, "quantile": 1.0, "value": 212500.0, "Latitude": 34.06, "Longitude": -117.66, "Population": 1489.0}, {"index": 13322, "quantile": 0.0, "value": 63500.0, "Latitude": 34.06, "Longitude": -117.65, "Population": 1479.0}, {"index": 13322, "quantile": 0.25, "value": 90500.0, "Latitude": 34.06, "Longitude": -117.65, "Population": 1479.0}, {"index": 13322, "quantile": 0.5, "value": 90500.0, "Latitude": 34.06, "Longitude": -117.65, "Population": 1479.0}, {"index": 13322, "quantile": 0.75, "value": 100000.0, "Latitude": 34.06, "Longitude": -117.65, "Population": 1479.0}, {"index": 13322, "quantile": 1.0, "value": 203700.0, "Latitude": 34.06, "Longitude": -117.65, "Population": 1479.0}, {"index": 13323, "quantile": 0.0, "value": 47500.0, "Latitude": 34.06, "Longitude": -117.64, "Population": 851.0}, {"index": 13323, "quantile": 0.25, "value": 87800.0, "Latitude": 34.06, "Longitude": -117.64, "Population": 851.0}, {"index": 13323, "quantile": 0.5, "value": 93300.0, "Latitude": 34.06, "Longitude": -117.64, "Population": 851.0}, {"index": 13323, "quantile": 0.75, "value": 111500.0, "Latitude": 34.06, "Longitude": -117.64, "Population": 851.0}, {"index": 13323, "quantile": 1.0, "value": 212500.0, "Latitude": 34.06, "Longitude": -117.64, "Population": 851.0}, {"index": 13324, "quantile": 0.0, "value": 59700.0, "Latitude": 34.06, "Longitude": -117.64, "Population": 590.0}, {"index": 13324, "quantile": 0.25, "value": 95550.0, "Latitude": 34.06, "Longitude": -117.64, "Population": 590.0}, {"index": 13324, "quantile": 0.5, "value": 102050.0, "Latitude": 34.06, "Longitude": -117.64, "Population": 590.0}, {"index": 13324, "quantile": 0.75, "value": 113074.99999999999, "Latitude": 34.06, "Longitude": -117.64, "Population": 590.0}, {"index": 13324, "quantile": 1.0, "value": 350000.0, "Latitude": 34.06, "Longitude": -117.64, "Population": 590.0}, {"index": 13325, "quantile": 0.0, "value": 82300.0, "Latitude": 34.06, "Longitude": -117.63, "Population": 1294.0}, {"index": 13325, "quantile": 0.25, "value": 88300.0, "Latitude": 34.06, "Longitude": -117.63, "Population": 1294.0}, {"index": 13325, "quantile": 0.5, "value": 88300.0, "Latitude": 34.06, "Longitude": -117.63, "Population": 1294.0}, {"index": 13325, "quantile": 0.75, "value": 96300.0, "Latitude": 34.06, "Longitude": -117.63, "Population": 1294.0}, {"index": 13325, "quantile": 1.0, "value": 168600.0, "Latitude": 34.06, "Longitude": -117.63, "Population": 1294.0}, {"index": 13326, "quantile": 0.0, "value": 68100.0, "Latitude": 34.05, "Longitude": -117.66, "Population": 2138.0}, {"index": 13326, "quantile": 0.25, "value": 104000.0, "Latitude": 34.05, "Longitude": -117.66, "Population": 2138.0}, {"index": 13326, "quantile": 0.5, "value": 104000.0, "Latitude": 34.05, "Longitude": -117.66, "Population": 2138.0}, {"index": 13326, "quantile": 0.75, "value": 104000.0, "Latitude": 34.05, "Longitude": -117.66, "Population": 2138.0}, {"index": 13326, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 34.05, "Longitude": -117.66, "Population": 2138.0}, {"index": 13327, "quantile": 0.0, "value": 67000.0, "Latitude": 34.05, "Longitude": -117.66, "Population": 831.0}, {"index": 13327, "quantile": 0.25, "value": 108600.00000000001, "Latitude": 34.05, "Longitude": -117.66, "Population": 831.0}, {"index": 13327, "quantile": 0.5, "value": 108600.00000000001, "Latitude": 34.05, "Longitude": -117.66, "Population": 831.0}, {"index": 13327, "quantile": 0.75, "value": 108600.00000000001, "Latitude": 34.05, "Longitude": -117.66, "Population": 831.0}, {"index": 13327, "quantile": 1.0, "value": 199100.0, "Latitude": 34.05, "Longitude": -117.66, "Population": 831.0}, {"index": 13328, "quantile": 0.0, "value": 107300.0, "Latitude": 34.05, "Longitude": -117.66, "Population": 2533.0}, {"index": 13328, "quantile": 0.25, "value": 113599.99999999999, "Latitude": 34.05, "Longitude": -117.66, "Population": 2533.0}, {"index": 13328, "quantile": 0.5, "value": 113599.99999999999, "Latitude": 34.05, "Longitude": -117.66, "Population": 2533.0}, {"index": 13328, "quantile": 0.75, "value": 132900.00000000003, "Latitude": 34.05, "Longitude": -117.66, "Population": 2533.0}, {"index": 13328, "quantile": 1.0, "value": 235200.0, "Latitude": 34.05, "Longitude": -117.66, "Population": 2533.0}, {"index": 13329, "quantile": 0.0, "value": 118900.0, "Latitude": 34.04, "Longitude": -117.67, "Population": 1973.0}, {"index": 13329, "quantile": 0.25, "value": 162000.0, "Latitude": 34.04, "Longitude": -117.67, "Population": 1973.0}, {"index": 13329, "quantile": 0.5, "value": 162000.0, "Latitude": 34.04, "Longitude": -117.67, "Population": 1973.0}, {"index": 13329, "quantile": 0.75, "value": 162000.0, "Latitude": 34.04, "Longitude": -117.67, "Population": 1973.0}, {"index": 13329, "quantile": 1.0, "value": 240700.0, "Latitude": 34.04, "Longitude": -117.67, "Population": 1973.0}, {"index": 13330, "quantile": 0.0, "value": 116399.99999999999, "Latitude": 34.04, "Longitude": -117.66, "Population": 1332.0}, {"index": 13330, "quantile": 0.25, "value": 154325.0, "Latitude": 34.04, "Longitude": -117.66, "Population": 1332.0}, {"index": 13330, "quantile": 0.5, "value": 162000.0, "Latitude": 34.04, "Longitude": -117.66, "Population": 1332.0}, {"index": 13330, "quantile": 0.75, "value": 164100.0, "Latitude": 34.04, "Longitude": -117.66, "Population": 1332.0}, {"index": 13330, "quantile": 1.0, "value": 240700.0, "Latitude": 34.04, "Longitude": -117.66, "Population": 1332.0}, {"index": 13331, "quantile": 0.0, "value": 71900.0, "Latitude": 34.05, "Longitude": -117.66, "Population": 2021.0}, {"index": 13331, "quantile": 0.25, "value": 121800.0, "Latitude": 34.05, "Longitude": -117.66, "Population": 2021.0}, {"index": 13331, "quantile": 0.5, "value": 132000.0, "Latitude": 34.05, "Longitude": -117.66, "Population": 2021.0}, {"index": 13331, "quantile": 0.75, "value": 151000.0, "Latitude": 34.05, "Longitude": -117.66, "Population": 2021.0}, {"index": 13331, "quantile": 1.0, "value": 279500.0, "Latitude": 34.05, "Longitude": -117.66, "Population": 2021.0}, {"index": 13332, "quantile": 0.0, "value": 113599.99999999999, "Latitude": 34.04, "Longitude": -117.65, "Population": 2039.0}, {"index": 13332, "quantile": 0.25, "value": 151000.0, "Latitude": 34.04, "Longitude": -117.65, "Population": 2039.0}, {"index": 13332, "quantile": 0.5, "value": 151000.0, "Latitude": 34.04, "Longitude": -117.65, "Population": 2039.0}, {"index": 13332, "quantile": 0.75, "value": 151000.0, "Latitude": 34.04, "Longitude": -117.65, "Population": 2039.0}, {"index": 13332, "quantile": 1.0, "value": 178200.0, "Latitude": 34.04, "Longitude": -117.65, "Population": 2039.0}, {"index": 13333, "quantile": 0.0, "value": 107000.0, "Latitude": 34.04, "Longitude": -117.66, "Population": 2079.0}, {"index": 13333, "quantile": 0.25, "value": 159100.0, "Latitude": 34.04, "Longitude": -117.66, "Population": 2079.0}, {"index": 13333, "quantile": 0.5, "value": 159900.0, "Latitude": 34.04, "Longitude": -117.66, "Population": 2079.0}, {"index": 13333, "quantile": 0.75, "value": 159900.0, "Latitude": 34.04, "Longitude": -117.66, "Population": 2079.0}, {"index": 13333, "quantile": 1.0, "value": 257300.0, "Latitude": 34.04, "Longitude": -117.66, "Population": 2079.0}, {"index": 13334, "quantile": 0.0, "value": 83300.0, "Latitude": 34.05, "Longitude": -117.67, "Population": 1717.0}, {"index": 13334, "quantile": 0.25, "value": 113599.99999999999, "Latitude": 34.05, "Longitude": -117.67, "Population": 1717.0}, {"index": 13334, "quantile": 0.5, "value": 126699.99999999999, "Latitude": 34.05, "Longitude": -117.67, "Population": 1717.0}, {"index": 13334, "quantile": 0.75, "value": 162500.0, "Latitude": 34.05, "Longitude": -117.67, "Population": 1717.0}, {"index": 13334, "quantile": 1.0, "value": 305600.0, "Latitude": 34.05, "Longitude": -117.67, "Population": 1717.0}, {"index": 13335, "quantile": 0.0, "value": 97400.0, "Latitude": 34.04, "Longitude": -117.67, "Population": 1284.0}, {"index": 13335, "quantile": 0.25, "value": 194300.0, "Latitude": 34.04, "Longitude": -117.67, "Population": 1284.0}, {"index": 13335, "quantile": 0.5, "value": 194300.0, "Latitude": 34.04, "Longitude": -117.67, "Population": 1284.0}, {"index": 13335, "quantile": 0.75, "value": 194300.0, "Latitude": 34.04, "Longitude": -117.67, "Population": 1284.0}, {"index": 13335, "quantile": 1.0, "value": 301900.0, "Latitude": 34.04, "Longitude": -117.67, "Population": 1284.0}, {"index": 13336, "quantile": 0.0, "value": 99700.0, "Latitude": 34.04, "Longitude": -117.67, "Population": 776.0}, {"index": 13336, "quantile": 0.25, "value": 99700.0, "Latitude": 34.04, "Longitude": -117.67, "Population": 776.0}, {"index": 13336, "quantile": 0.5, "value": 99700.0, "Latitude": 34.04, "Longitude": -117.67, "Population": 776.0}, {"index": 13336, "quantile": 0.75, "value": 118700.0, "Latitude": 34.04, "Longitude": -117.67, "Population": 776.0}, {"index": 13336, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -117.67, "Population": 776.0}, {"index": 13337, "quantile": 0.0, "value": 105600.0, "Latitude": 34.04, "Longitude": -117.68, "Population": 321.0}, {"index": 13337, "quantile": 0.25, "value": 137500.0, "Latitude": 34.04, "Longitude": -117.68, "Population": 321.0}, {"index": 13337, "quantile": 0.5, "value": 141800.0, "Latitude": 34.04, "Longitude": -117.68, "Population": 321.0}, {"index": 13337, "quantile": 0.75, "value": 163000.0, "Latitude": 34.04, "Longitude": -117.68, "Population": 321.0}, {"index": 13337, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 34.04, "Longitude": -117.68, "Population": 321.0}, {"index": 13338, "quantile": 0.0, "value": 91800.0, "Latitude": 34.02, "Longitude": -117.65, "Population": 1138.0}, {"index": 13338, "quantile": 0.25, "value": 159100.0, "Latitude": 34.02, "Longitude": -117.65, "Population": 1138.0}, {"index": 13338, "quantile": 0.5, "value": 159100.0, "Latitude": 34.02, "Longitude": -117.65, "Population": 1138.0}, {"index": 13338, "quantile": 0.75, "value": 159100.0, "Latitude": 34.02, "Longitude": -117.65, "Population": 1138.0}, {"index": 13338, "quantile": 1.0, "value": 249100.0, "Latitude": 34.02, "Longitude": -117.65, "Population": 1138.0}, {"index": 13339, "quantile": 0.0, "value": 130600.0, "Latitude": 34.03, "Longitude": -117.66, "Population": 1151.0}, {"index": 13339, "quantile": 0.25, "value": 220675.0, "Latitude": 34.03, "Longitude": -117.66, "Population": 1151.0}, {"index": 13339, "quantile": 0.5, "value": 233399.99999999997, "Latitude": 34.03, "Longitude": -117.66, "Population": 1151.0}, {"index": 13339, "quantile": 0.75, "value": 259400.0, "Latitude": 34.03, "Longitude": -117.66, "Population": 1151.0}, {"index": 13339, "quantile": 1.0, "value": 322300.0, "Latitude": 34.03, "Longitude": -117.66, "Population": 1151.0}, {"index": 13340, "quantile": 0.0, "value": 87200.0, "Latitude": 34.02, "Longitude": -117.67, "Population": 1516.0}, {"index": 13340, "quantile": 0.25, "value": 178500.0, "Latitude": 34.02, "Longitude": -117.67, "Population": 1516.0}, {"index": 13340, "quantile": 0.5, "value": 178500.0, "Latitude": 34.02, "Longitude": -117.67, "Population": 1516.0}, {"index": 13340, "quantile": 0.75, "value": 178500.0, "Latitude": 34.02, "Longitude": -117.67, "Population": 1516.0}, {"index": 13340, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -117.67, "Population": 1516.0}, {"index": 13341, "quantile": 0.0, "value": 185600.0, "Latitude": 34.02, "Longitude": -117.66, "Population": 1690.0}, {"index": 13341, "quantile": 0.25, "value": 207900.00000000003, "Latitude": 34.02, "Longitude": -117.66, "Population": 1690.0}, {"index": 13341, "quantile": 0.5, "value": 207900.00000000003, "Latitude": 34.02, "Longitude": -117.66, "Population": 1690.0}, {"index": 13341, "quantile": 0.75, "value": 277000.0, "Latitude": 34.02, "Longitude": -117.66, "Population": 1690.0}, {"index": 13341, "quantile": 1.0, "value": 392900.0, "Latitude": 34.02, "Longitude": -117.66, "Population": 1690.0}, {"index": 13342, "quantile": 0.0, "value": 117900.0, "Latitude": 34.03, "Longitude": -117.65, "Population": 2373.0}, {"index": 13342, "quantile": 0.25, "value": 149100.0, "Latitude": 34.03, "Longitude": -117.65, "Population": 2373.0}, {"index": 13342, "quantile": 0.5, "value": 149100.0, "Latitude": 34.03, "Longitude": -117.65, "Population": 2373.0}, {"index": 13342, "quantile": 0.75, "value": 149100.0, "Latitude": 34.03, "Longitude": -117.65, "Population": 2373.0}, {"index": 13342, "quantile": 1.0, "value": 252700.0, "Latitude": 34.03, "Longitude": -117.65, "Population": 2373.0}, {"index": 13343, "quantile": 0.0, "value": 85800.0, "Latitude": 34.04, "Longitude": -117.65, "Population": 2623.0}, {"index": 13343, "quantile": 0.25, "value": 100000.0, "Latitude": 34.04, "Longitude": -117.65, "Population": 2623.0}, {"index": 13343, "quantile": 0.5, "value": 100000.0, "Latitude": 34.04, "Longitude": -117.65, "Population": 2623.0}, {"index": 13343, "quantile": 0.75, "value": 100000.0, "Latitude": 34.04, "Longitude": -117.65, "Population": 2623.0}, {"index": 13343, "quantile": 1.0, "value": 187500.0, "Latitude": 34.04, "Longitude": -117.65, "Population": 2623.0}, {"index": 13344, "quantile": 0.0, "value": 67500.0, "Latitude": 34.05, "Longitude": -117.64, "Population": 1378.0}, {"index": 13344, "quantile": 0.25, "value": 102499.99999999999, "Latitude": 34.05, "Longitude": -117.64, "Population": 1378.0}, {"index": 13344, "quantile": 0.5, "value": 110600.00000000001, "Latitude": 34.05, "Longitude": -117.64, "Population": 1378.0}, {"index": 13344, "quantile": 0.75, "value": 118100.0, "Latitude": 34.05, "Longitude": -117.64, "Population": 1378.0}, {"index": 13344, "quantile": 1.0, "value": 187500.0, "Latitude": 34.05, "Longitude": -117.64, "Population": 1378.0}, {"index": 13345, "quantile": 0.0, "value": 63500.0, "Latitude": 34.05, "Longitude": -117.64, "Population": 1684.0}, {"index": 13345, "quantile": 0.25, "value": 95700.0, "Latitude": 34.05, "Longitude": -117.64, "Population": 1684.0}, {"index": 13345, "quantile": 0.5, "value": 95700.0, "Latitude": 34.05, "Longitude": -117.64, "Population": 1684.0}, {"index": 13345, "quantile": 0.75, "value": 98925.0, "Latitude": 34.05, "Longitude": -117.64, "Population": 1684.0}, {"index": 13345, "quantile": 1.0, "value": 150000.0, "Latitude": 34.05, "Longitude": -117.64, "Population": 1684.0}, {"index": 13346, "quantile": 0.0, "value": 128400.0, "Latitude": 34.03, "Longitude": -117.64, "Population": 1044.0}, {"index": 13346, "quantile": 0.25, "value": 137000.0, "Latitude": 34.03, "Longitude": -117.64, "Population": 1044.0}, {"index": 13346, "quantile": 0.5, "value": 137000.0, "Latitude": 34.03, "Longitude": -117.64, "Population": 1044.0}, {"index": 13346, "quantile": 0.75, "value": 158025.0, "Latitude": 34.03, "Longitude": -117.64, "Population": 1044.0}, {"index": 13346, "quantile": 1.0, "value": 316100.0, "Latitude": 34.03, "Longitude": -117.64, "Population": 1044.0}, {"index": 13347, "quantile": 0.0, "value": 68900.0, "Latitude": 34.04, "Longitude": -117.64, "Population": 2556.0}, {"index": 13347, "quantile": 0.25, "value": 102499.99999999999, "Latitude": 34.04, "Longitude": -117.64, "Population": 2556.0}, {"index": 13347, "quantile": 0.5, "value": 102499.99999999999, "Latitude": 34.04, "Longitude": -117.64, "Population": 2556.0}, {"index": 13347, "quantile": 0.75, "value": 102499.99999999999, "Latitude": 34.04, "Longitude": -117.64, "Population": 2556.0}, {"index": 13347, "quantile": 1.0, "value": 187500.0, "Latitude": 34.04, "Longitude": -117.64, "Population": 2556.0}, {"index": 13348, "quantile": 0.0, "value": 121300.00000000001, "Latitude": 34.03, "Longitude": -117.64, "Population": 2088.0}, {"index": 13348, "quantile": 0.25, "value": 154999.99999999997, "Latitude": 34.03, "Longitude": -117.64, "Population": 2088.0}, {"index": 13348, "quantile": 0.5, "value": 159100.0, "Latitude": 34.03, "Longitude": -117.64, "Population": 2088.0}, {"index": 13348, "quantile": 0.75, "value": 159100.0, "Latitude": 34.03, "Longitude": -117.64, "Population": 2088.0}, {"index": 13348, "quantile": 1.0, "value": 203200.0, "Latitude": 34.03, "Longitude": -117.64, "Population": 2088.0}, {"index": 13349, "quantile": 0.0, "value": 87500.0, "Latitude": 34.02, "Longitude": -117.64, "Population": 2637.0}, {"index": 13349, "quantile": 0.25, "value": 158000.0, "Latitude": 34.02, "Longitude": -117.64, "Population": 2637.0}, {"index": 13349, "quantile": 0.5, "value": 158000.0, "Latitude": 34.02, "Longitude": -117.64, "Population": 2637.0}, {"index": 13349, "quantile": 0.75, "value": 158000.0, "Latitude": 34.02, "Longitude": -117.64, "Population": 2637.0}, {"index": 13349, "quantile": 1.0, "value": 180500.0, "Latitude": 34.02, "Longitude": -117.64, "Population": 2637.0}, {"index": 13350, "quantile": 0.0, "value": 88900.0, "Latitude": 34.02, "Longitude": -117.63, "Population": 2780.0}, {"index": 13350, "quantile": 0.25, "value": 182900.0, "Latitude": 34.02, "Longitude": -117.63, "Population": 2780.0}, {"index": 13350, "quantile": 0.5, "value": 206700.00000000003, "Latitude": 34.02, "Longitude": -117.63, "Population": 2780.0}, {"index": 13350, "quantile": 0.75, "value": 226400.00000000003, "Latitude": 34.02, "Longitude": -117.63, "Population": 2780.0}, {"index": 13350, "quantile": 1.0, "value": 386800.0, "Latitude": 34.02, "Longitude": -117.63, "Population": 2780.0}, {"index": 13351, "quantile": 0.0, "value": 88900.0, "Latitude": 34.02, "Longitude": -117.62, "Population": 2280.0}, {"index": 13351, "quantile": 0.25, "value": 161400.0, "Latitude": 34.02, "Longitude": -117.62, "Population": 2280.0}, {"index": 13351, "quantile": 0.5, "value": 194300.0, "Latitude": 34.02, "Longitude": -117.62, "Population": 2280.0}, {"index": 13351, "quantile": 0.75, "value": 204124.99999999997, "Latitude": 34.02, "Longitude": -117.62, "Population": 2280.0}, {"index": 13351, "quantile": 1.0, "value": 308000.0, "Latitude": 34.02, "Longitude": -117.62, "Population": 2280.0}, {"index": 13352, "quantile": 0.0, "value": 87200.0, "Latitude": 34.03, "Longitude": -117.62, "Population": 2240.0}, {"index": 13352, "quantile": 0.25, "value": 152500.0, "Latitude": 34.03, "Longitude": -117.62, "Population": 2240.0}, {"index": 13352, "quantile": 0.5, "value": 161000.0, "Latitude": 34.03, "Longitude": -117.62, "Population": 2240.0}, {"index": 13352, "quantile": 0.75, "value": 169100.0, "Latitude": 34.03, "Longitude": -117.62, "Population": 2240.0}, {"index": 13352, "quantile": 1.0, "value": 254100.0, "Latitude": 34.03, "Longitude": -117.62, "Population": 2240.0}, {"index": 13353, "quantile": 0.0, "value": 116399.99999999999, "Latitude": 34.02, "Longitude": -117.62, "Population": 1207.0}, {"index": 13353, "quantile": 0.25, "value": 164100.0, "Latitude": 34.02, "Longitude": -117.62, "Population": 1207.0}, {"index": 13353, "quantile": 0.5, "value": 164100.0, "Latitude": 34.02, "Longitude": -117.62, "Population": 1207.0}, {"index": 13353, "quantile": 0.75, "value": 164100.0, "Latitude": 34.02, "Longitude": -117.62, "Population": 1207.0}, {"index": 13353, "quantile": 1.0, "value": 264400.0, "Latitude": 34.02, "Longitude": -117.62, "Population": 1207.0}, {"index": 13354, "quantile": 0.0, "value": 99200.0, "Latitude": 34.02, "Longitude": -117.61, "Population": 1219.0}, {"index": 13354, "quantile": 0.25, "value": 121800.0, "Latitude": 34.02, "Longitude": -117.61, "Population": 1219.0}, {"index": 13354, "quantile": 0.5, "value": 136750.00000000003, "Latitude": 34.02, "Longitude": -117.61, "Population": 1219.0}, {"index": 13354, "quantile": 0.75, "value": 151000.0, "Latitude": 34.02, "Longitude": -117.61, "Population": 1219.0}, {"index": 13354, "quantile": 1.0, "value": 500000.0, "Latitude": 34.02, "Longitude": -117.61, "Population": 1219.0}, {"index": 13355, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 34.02, "Longitude": -117.6, "Population": 1305.0}, {"index": 13355, "quantile": 0.25, "value": 160400.0, "Latitude": 34.02, "Longitude": -117.6, "Population": 1305.0}, {"index": 13355, "quantile": 0.5, "value": 160400.0, "Latitude": 34.02, "Longitude": -117.6, "Population": 1305.0}, {"index": 13355, "quantile": 0.75, "value": 161550.00000000003, "Latitude": 34.02, "Longitude": -117.6, "Population": 1305.0}, {"index": 13355, "quantile": 1.0, "value": 240700.0, "Latitude": 34.02, "Longitude": -117.6, "Population": 1305.0}, {"index": 13356, "quantile": 0.0, "value": 119300.0, "Latitude": 34.03, "Longitude": -117.6, "Population": 918.0}, {"index": 13356, "quantile": 0.25, "value": 160400.0, "Latitude": 34.03, "Longitude": -117.6, "Population": 918.0}, {"index": 13356, "quantile": 0.5, "value": 182350.0, "Latitude": 34.03, "Longitude": -117.6, "Population": 918.0}, {"index": 13356, "quantile": 0.75, "value": 219475.0, "Latitude": 34.03, "Longitude": -117.6, "Population": 918.0}, {"index": 13356, "quantile": 1.0, "value": 320500.0, "Latitude": 34.03, "Longitude": -117.6, "Population": 918.0}, {"index": 13357, "quantile": 0.0, "value": 84500.0, "Latitude": 34.05, "Longitude": -117.62, "Population": 1007.0}, {"index": 13357, "quantile": 0.25, "value": 103600.0, "Latitude": 34.05, "Longitude": -117.62, "Population": 1007.0}, {"index": 13357, "quantile": 0.5, "value": 103600.0, "Latitude": 34.05, "Longitude": -117.62, "Population": 1007.0}, {"index": 13357, "quantile": 0.75, "value": 103600.0, "Latitude": 34.05, "Longitude": -117.62, "Population": 1007.0}, {"index": 13357, "quantile": 1.0, "value": 152500.0, "Latitude": 34.05, "Longitude": -117.62, "Population": 1007.0}, {"index": 13358, "quantile": 0.0, "value": 66300.0, "Latitude": 34.04, "Longitude": -117.61, "Population": 1785.0}, {"index": 13358, "quantile": 0.25, "value": 149100.0, "Latitude": 34.04, "Longitude": -117.61, "Population": 1785.0}, {"index": 13358, "quantile": 0.5, "value": 150200.0, "Latitude": 34.04, "Longitude": -117.61, "Population": 1785.0}, {"index": 13358, "quantile": 0.75, "value": 150200.0, "Latitude": 34.04, "Longitude": -117.61, "Population": 1785.0}, {"index": 13358, "quantile": 1.0, "value": 367100.0, "Latitude": 34.04, "Longitude": -117.61, "Population": 1785.0}, {"index": 13359, "quantile": 0.0, "value": 97400.0, "Latitude": 34.02, "Longitude": -117.66, "Population": 3019.0}, {"index": 13359, "quantile": 0.25, "value": 179700.0, "Latitude": 34.02, "Longitude": -117.66, "Population": 3019.0}, {"index": 13359, "quantile": 0.5, "value": 200550.0, "Latitude": 34.02, "Longitude": -117.66, "Population": 3019.0}, {"index": 13359, "quantile": 0.75, "value": 221400.0, "Latitude": 34.02, "Longitude": -117.66, "Population": 3019.0}, {"index": 13359, "quantile": 1.0, "value": 400000.0, "Latitude": 34.02, "Longitude": -117.66, "Population": 3019.0}, {"index": 13360, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.02, "Longitude": -117.64, "Population": 119.0}, {"index": 13360, "quantile": 0.25, "value": 108800.00000000001, "Latitude": 34.02, "Longitude": -117.64, "Population": 119.0}, {"index": 13360, "quantile": 0.5, "value": 138250.0, "Latitude": 34.02, "Longitude": -117.64, "Population": 119.0}, {"index": 13360, "quantile": 0.75, "value": 170300.0, "Latitude": 34.02, "Longitude": -117.64, "Population": 119.0}, {"index": 13360, "quantile": 1.0, "value": 375000.0, "Latitude": 34.02, "Longitude": -117.64, "Population": 119.0}, {"index": 13361, "quantile": 0.0, "value": 71300.0, "Latitude": 34.01, "Longitude": -117.61, "Population": 99.0}, {"index": 13361, "quantile": 0.25, "value": 207700.0, "Latitude": 34.01, "Longitude": -117.61, "Population": 99.0}, {"index": 13361, "quantile": 0.5, "value": 500000.0, "Latitude": 34.01, "Longitude": -117.61, "Population": 99.0}, {"index": 13361, "quantile": 0.75, "value": 500000.0, "Latitude": 34.01, "Longitude": -117.61, "Population": 99.0}, {"index": 13361, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -117.61, "Population": 99.0}, {"index": 13362, "quantile": 0.0, "value": 171900.0, "Latitude": 34.02, "Longitude": -117.61, "Population": 25.0}, {"index": 13362, "quantile": 0.25, "value": 275000.0, "Latitude": 34.02, "Longitude": -117.61, "Population": 25.0}, {"index": 13362, "quantile": 0.5, "value": 275000.0, "Latitude": 34.02, "Longitude": -117.61, "Population": 25.0}, {"index": 13362, "quantile": 0.75, "value": 275000.0, "Latitude": 34.02, "Longitude": -117.61, "Population": 25.0}, {"index": 13362, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.02, "Longitude": -117.61, "Population": 25.0}, {"index": 13363, "quantile": 0.0, "value": 68200.0, "Latitude": 33.99, "Longitude": -117.64, "Population": 513.0}, {"index": 13363, "quantile": 0.25, "value": 111600.00000000001, "Latitude": 33.99, "Longitude": -117.64, "Population": 513.0}, {"index": 13363, "quantile": 0.5, "value": 125000.0, "Latitude": 33.99, "Longitude": -117.64, "Population": 513.0}, {"index": 13363, "quantile": 0.75, "value": 225000.0, "Latitude": 33.99, "Longitude": -117.64, "Population": 513.0}, {"index": 13363, "quantile": 1.0, "value": 231800.0, "Latitude": 33.99, "Longitude": -117.64, "Population": 513.0}, {"index": 13364, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 34.0, "Longitude": -117.66, "Population": 855.0}, {"index": 13364, "quantile": 0.25, "value": 194300.0, "Latitude": 34.0, "Longitude": -117.66, "Population": 855.0}, {"index": 13364, "quantile": 0.5, "value": 201100.0, "Latitude": 34.0, "Longitude": -117.66, "Population": 855.0}, {"index": 13364, "quantile": 0.75, "value": 201100.0, "Latitude": 34.0, "Longitude": -117.66, "Population": 855.0}, {"index": 13364, "quantile": 1.0, "value": 286200.0, "Latitude": 34.0, "Longitude": -117.66, "Population": 855.0}, {"index": 13365, "quantile": 0.0, "value": 67000.0, "Latitude": 33.98, "Longitude": -117.6, "Population": 717.0}, {"index": 13365, "quantile": 0.25, "value": 136000.0, "Latitude": 33.98, "Longitude": -117.6, "Population": 717.0}, {"index": 13365, "quantile": 0.5, "value": 225000.0, "Latitude": 33.98, "Longitude": -117.6, "Population": 717.0}, {"index": 13365, "quantile": 0.75, "value": 225000.0, "Latitude": 33.98, "Longitude": -117.6, "Population": 717.0}, {"index": 13365, "quantile": 1.0, "value": 231800.0, "Latitude": 33.98, "Longitude": -117.6, "Population": 717.0}, {"index": 13366, "quantile": 0.0, "value": 87500.0, "Latitude": 33.94, "Longitude": -117.63, "Population": 2886.0}, {"index": 13366, "quantile": 0.25, "value": 136975.0, "Latitude": 33.94, "Longitude": -117.63, "Population": 2886.0}, {"index": 13366, "quantile": 0.5, "value": 183300.0, "Latitude": 33.94, "Longitude": -117.63, "Population": 2886.0}, {"index": 13366, "quantile": 0.75, "value": 183300.0, "Latitude": 33.94, "Longitude": -117.63, "Population": 2886.0}, {"index": 13366, "quantile": 1.0, "value": 387500.0, "Latitude": 33.94, "Longitude": -117.63, "Population": 2886.0}, {"index": 13367, "quantile": 0.0, "value": 87500.0, "Latitude": 34.0, "Longitude": -117.58, "Population": 2801.0}, {"index": 13367, "quantile": 0.25, "value": 142000.0, "Latitude": 34.0, "Longitude": -117.58, "Population": 2801.0}, {"index": 13367, "quantile": 0.5, "value": 165350.0, "Latitude": 34.0, "Longitude": -117.58, "Population": 2801.0}, {"index": 13367, "quantile": 0.75, "value": 207700.0, "Latitude": 34.0, "Longitude": -117.58, "Population": 2801.0}, {"index": 13367, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.0, "Longitude": -117.58, "Population": 2801.0}, {"index": 13368, "quantile": 0.0, "value": 142500.0, "Latitude": 34.15, "Longitude": -117.57, "Population": 4249.0}, {"index": 13368, "quantile": 0.25, "value": 314825.0, "Latitude": 34.15, "Longitude": -117.57, "Population": 4249.0}, {"index": 13368, "quantile": 0.5, "value": 343100.0, "Latitude": 34.15, "Longitude": -117.57, "Population": 4249.0}, {"index": 13368, "quantile": 0.75, "value": 343100.0, "Latitude": 34.15, "Longitude": -117.57, "Population": 4249.0}, {"index": 13368, "quantile": 1.0, "value": 429000.0, "Latitude": 34.15, "Longitude": -117.57, "Population": 4249.0}, {"index": 13369, "quantile": 0.0, "value": 120000.0, "Latitude": 34.13, "Longitude": -117.57, "Population": 2795.0}, {"index": 13369, "quantile": 0.25, "value": 202900.0, "Latitude": 34.13, "Longitude": -117.57, "Population": 2795.0}, {"index": 13369, "quantile": 0.5, "value": 224700.0, "Latitude": 34.13, "Longitude": -117.57, "Population": 2795.0}, {"index": 13369, "quantile": 0.75, "value": 251100.0, "Latitude": 34.13, "Longitude": -117.57, "Population": 2795.0}, {"index": 13369, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -117.57, "Population": 2795.0}, {"index": 13370, "quantile": 0.0, "value": 151900.0, "Latitude": 34.12, "Longitude": -117.54, "Population": 7766.0}, {"index": 13370, "quantile": 0.25, "value": 181800.0, "Latitude": 34.12, "Longitude": -117.54, "Population": 7766.0}, {"index": 13370, "quantile": 0.5, "value": 181800.0, "Latitude": 34.12, "Longitude": -117.54, "Population": 7766.0}, {"index": 13370, "quantile": 0.75, "value": 181800.0, "Latitude": 34.12, "Longitude": -117.54, "Population": 7766.0}, {"index": 13370, "quantile": 1.0, "value": 376800.0, "Latitude": 34.12, "Longitude": -117.54, "Population": 7766.0}, {"index": 13371, "quantile": 0.0, "value": 99600.0, "Latitude": 34.11, "Longitude": -117.54, "Population": 1463.0}, {"index": 13371, "quantile": 0.25, "value": 131500.0, "Latitude": 34.11, "Longitude": -117.54, "Population": 1463.0}, {"index": 13371, "quantile": 0.5, "value": 131500.0, "Latitude": 34.11, "Longitude": -117.54, "Population": 1463.0}, {"index": 13371, "quantile": 0.75, "value": 131500.0, "Latitude": 34.11, "Longitude": -117.54, "Population": 1463.0}, {"index": 13371, "quantile": 1.0, "value": 314100.0, "Latitude": 34.11, "Longitude": -117.54, "Population": 1463.0}, {"index": 13372, "quantile": 0.0, "value": 64400.0, "Latitude": 34.14, "Longitude": -117.51, "Population": 1094.0}, {"index": 13372, "quantile": 0.25, "value": 159375.0, "Latitude": 34.14, "Longitude": -117.51, "Population": 1094.0}, {"index": 13372, "quantile": 0.5, "value": 191700.0, "Latitude": 34.14, "Longitude": -117.51, "Population": 1094.0}, {"index": 13372, "quantile": 0.75, "value": 191700.0, "Latitude": 34.14, "Longitude": -117.51, "Population": 1094.0}, {"index": 13372, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -117.51, "Population": 1094.0}, {"index": 13373, "quantile": 0.0, "value": 133000.0, "Latitude": 34.12, "Longitude": -117.5, "Population": 4436.0}, {"index": 13373, "quantile": 0.25, "value": 168700.0, "Latitude": 34.12, "Longitude": -117.5, "Population": 4436.0}, {"index": 13373, "quantile": 0.5, "value": 195100.0, "Latitude": 34.12, "Longitude": -117.5, "Population": 4436.0}, {"index": 13373, "quantile": 0.75, "value": 239800.0, "Latitude": 34.12, "Longitude": -117.5, "Population": 4436.0}, {"index": 13373, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -117.5, "Population": 4436.0}, {"index": 13374, "quantile": 0.0, "value": 108000.0, "Latitude": 34.16, "Longitude": -117.51, "Population": 119.0}, {"index": 13374, "quantile": 0.25, "value": 312700.0, "Latitude": 34.16, "Longitude": -117.51, "Population": 119.0}, {"index": 13374, "quantile": 0.5, "value": 315000.0, "Latitude": 34.16, "Longitude": -117.51, "Population": 119.0}, {"index": 13374, "quantile": 0.75, "value": 315000.0, "Latitude": 34.16, "Longitude": -117.51, "Population": 119.0}, {"index": 13374, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -117.51, "Population": 119.0}, {"index": 13375, "quantile": 0.0, "value": 118200.0, "Latitude": 34.14, "Longitude": -117.55, "Population": 2874.0}, {"index": 13375, "quantile": 0.25, "value": 195475.0, "Latitude": 34.14, "Longitude": -117.55, "Population": 2874.0}, {"index": 13375, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 34.14, "Longitude": -117.55, "Population": 2874.0}, {"index": 13375, "quantile": 0.75, "value": 206300.00000000003, "Latitude": 34.14, "Longitude": -117.55, "Population": 2874.0}, {"index": 13375, "quantile": 1.0, "value": 259400.0, "Latitude": 34.14, "Longitude": -117.55, "Population": 2874.0}, {"index": 13376, "quantile": 0.0, "value": 235200.0, "Latitude": 34.16, "Longitude": -117.59, "Population": 3819.0}, {"index": 13376, "quantile": 0.25, "value": 361400.0, "Latitude": 34.16, "Longitude": -117.59, "Population": 3819.0}, {"index": 13376, "quantile": 0.5, "value": 361400.0, "Latitude": 34.16, "Longitude": -117.59, "Population": 3819.0}, {"index": 13376, "quantile": 0.75, "value": 361400.0, "Latitude": 34.16, "Longitude": -117.59, "Population": 3819.0}, {"index": 13376, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -117.59, "Population": 3819.0}, {"index": 13377, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 34.14, "Longitude": -117.58, "Population": 5499.0}, {"index": 13377, "quantile": 0.25, "value": 179400.0, "Latitude": 34.14, "Longitude": -117.58, "Population": 5499.0}, {"index": 13377, "quantile": 0.5, "value": 203399.99999999997, "Latitude": 34.14, "Longitude": -117.58, "Population": 5499.0}, {"index": 13377, "quantile": 0.75, "value": 214600.0, "Latitude": 34.14, "Longitude": -117.58, "Population": 5499.0}, {"index": 13377, "quantile": 1.0, "value": 352000.0, "Latitude": 34.14, "Longitude": -117.58, "Population": 5499.0}, {"index": 13378, "quantile": 0.0, "value": 207900.00000000003, "Latitude": 34.15, "Longitude": -117.62, "Population": 5669.0}, {"index": 13378, "quantile": 0.25, "value": 311500.0, "Latitude": 34.15, "Longitude": -117.62, "Population": 5669.0}, {"index": 13378, "quantile": 0.5, "value": 311500.0, "Latitude": 34.15, "Longitude": -117.62, "Population": 5669.0}, {"index": 13378, "quantile": 0.75, "value": 311500.0, "Latitude": 34.15, "Longitude": -117.62, "Population": 5669.0}, {"index": 13378, "quantile": 1.0, "value": 402500.00000000006, "Latitude": 34.15, "Longitude": -117.62, "Population": 5669.0}, {"index": 13379, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 34.14, "Longitude": -117.61, "Population": 7363.0}, {"index": 13379, "quantile": 0.25, "value": 195100.0, "Latitude": 34.14, "Longitude": -117.61, "Population": 7363.0}, {"index": 13379, "quantile": 0.5, "value": 209000.0, "Latitude": 34.14, "Longitude": -117.61, "Population": 7363.0}, {"index": 13379, "quantile": 0.75, "value": 257050.0, "Latitude": 34.14, "Longitude": -117.61, "Population": 7363.0}, {"index": 13379, "quantile": 1.0, "value": 372000.0, "Latitude": 34.14, "Longitude": -117.61, "Population": 7363.0}, {"index": 13380, "quantile": 0.0, "value": 64400.0, "Latitude": 34.13, "Longitude": -117.61, "Population": 4308.0}, {"index": 13380, "quantile": 0.25, "value": 142250.0, "Latitude": 34.13, "Longitude": -117.61, "Population": 4308.0}, {"index": 13380, "quantile": 0.5, "value": 155700.0, "Latitude": 34.13, "Longitude": -117.61, "Population": 4308.0}, {"index": 13380, "quantile": 0.75, "value": 165500.0, "Latitude": 34.13, "Longitude": -117.61, "Population": 4308.0}, {"index": 13380, "quantile": 1.0, "value": 250000.0, "Latitude": 34.13, "Longitude": -117.61, "Population": 4308.0}, {"index": 13381, "quantile": 0.0, "value": 123100.00000000001, "Latitude": 34.12, "Longitude": -117.61, "Population": 3954.0}, {"index": 13381, "quantile": 0.25, "value": 156900.0, "Latitude": 34.12, "Longitude": -117.61, "Population": 3954.0}, {"index": 13381, "quantile": 0.5, "value": 156900.0, "Latitude": 34.12, "Longitude": -117.61, "Population": 3954.0}, {"index": 13381, "quantile": 0.75, "value": 156900.0, "Latitude": 34.12, "Longitude": -117.61, "Population": 3954.0}, {"index": 13381, "quantile": 1.0, "value": 265600.0, "Latitude": 34.12, "Longitude": -117.61, "Population": 3954.0}, {"index": 13382, "quantile": 0.0, "value": 103000.0, "Latitude": 34.13, "Longitude": -117.59, "Population": 9716.0}, {"index": 13382, "quantile": 0.25, "value": 132600.0, "Latitude": 34.13, "Longitude": -117.59, "Population": 9716.0}, {"index": 13382, "quantile": 0.5, "value": 145300.0, "Latitude": 34.13, "Longitude": -117.59, "Population": 9716.0}, {"index": 13382, "quantile": 0.75, "value": 163825.0, "Latitude": 34.13, "Longitude": -117.59, "Population": 9716.0}, {"index": 13382, "quantile": 1.0, "value": 289900.0, "Latitude": 34.13, "Longitude": -117.59, "Population": 9716.0}, {"index": 13383, "quantile": 0.0, "value": 142500.0, "Latitude": 34.11, "Longitude": -117.58, "Population": 6443.0}, {"index": 13383, "quantile": 0.25, "value": 157600.0, "Latitude": 34.11, "Longitude": -117.58, "Population": 6443.0}, {"index": 13383, "quantile": 0.5, "value": 157600.0, "Latitude": 34.11, "Longitude": -117.58, "Population": 6443.0}, {"index": 13383, "quantile": 0.75, "value": 157600.0, "Latitude": 34.11, "Longitude": -117.58, "Population": 6443.0}, {"index": 13383, "quantile": 1.0, "value": 171300.0, "Latitude": 34.11, "Longitude": -117.58, "Population": 6443.0}, {"index": 13384, "quantile": 0.0, "value": 116399.99999999999, "Latitude": 34.11, "Longitude": -117.6, "Population": 3360.0}, {"index": 13384, "quantile": 0.25, "value": 155700.0, "Latitude": 34.11, "Longitude": -117.6, "Population": 3360.0}, {"index": 13384, "quantile": 0.5, "value": 155700.0, "Latitude": 34.11, "Longitude": -117.6, "Population": 3360.0}, {"index": 13384, "quantile": 0.75, "value": 157600.0, "Latitude": 34.11, "Longitude": -117.6, "Population": 3360.0}, {"index": 13384, "quantile": 1.0, "value": 221400.0, "Latitude": 34.11, "Longitude": -117.6, "Population": 3360.0}, {"index": 13385, "quantile": 0.0, "value": 111100.0, "Latitude": 34.12, "Longitude": -117.56, "Population": 3455.0}, {"index": 13385, "quantile": 0.25, "value": 137000.0, "Latitude": 34.12, "Longitude": -117.56, "Population": 3455.0}, {"index": 13385, "quantile": 0.5, "value": 158900.0, "Latitude": 34.12, "Longitude": -117.56, "Population": 3455.0}, {"index": 13385, "quantile": 0.75, "value": 198825.0, "Latitude": 34.12, "Longitude": -117.56, "Population": 3455.0}, {"index": 13385, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -117.56, "Population": 3455.0}, {"index": 13386, "quantile": 0.0, "value": 101200.0, "Latitude": 34.12, "Longitude": -117.56, "Population": 2988.0}, {"index": 13386, "quantile": 0.25, "value": 137575.0, "Latitude": 34.12, "Longitude": -117.56, "Population": 2988.0}, {"index": 13386, "quantile": 0.5, "value": 181300.0, "Latitude": 34.12, "Longitude": -117.56, "Population": 2988.0}, {"index": 13386, "quantile": 0.75, "value": 181300.0, "Latitude": 34.12, "Longitude": -117.56, "Population": 2988.0}, {"index": 13386, "quantile": 1.0, "value": 225000.0, "Latitude": 34.12, "Longitude": -117.56, "Population": 2988.0}, {"index": 13387, "quantile": 0.0, "value": 92500.0, "Latitude": 34.1, "Longitude": -117.61, "Population": 10323.0}, {"index": 13387, "quantile": 0.25, "value": 132600.0, "Latitude": 34.1, "Longitude": -117.61, "Population": 10323.0}, {"index": 13387, "quantile": 0.5, "value": 132600.0, "Latitude": 34.1, "Longitude": -117.61, "Population": 10323.0}, {"index": 13387, "quantile": 0.75, "value": 132600.0, "Latitude": 34.1, "Longitude": -117.61, "Population": 10323.0}, {"index": 13387, "quantile": 1.0, "value": 181300.0, "Latitude": 34.1, "Longitude": -117.61, "Population": 10323.0}, {"index": 13388, "quantile": 0.0, "value": 65800.0, "Latitude": 34.1, "Longitude": -117.59, "Population": 1987.0}, {"index": 13388, "quantile": 0.25, "value": 101000.0, "Latitude": 34.1, "Longitude": -117.59, "Population": 1987.0}, {"index": 13388, "quantile": 0.5, "value": 122150.0, "Latitude": 34.1, "Longitude": -117.59, "Population": 1987.0}, {"index": 13388, "quantile": 0.75, "value": 164175.0, "Latitude": 34.1, "Longitude": -117.59, "Population": 1987.0}, {"index": 13388, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -117.59, "Population": 1987.0}, {"index": 13389, "quantile": 0.0, "value": 93300.0, "Latitude": 34.1, "Longitude": -117.58, "Population": 3359.0}, {"index": 13389, "quantile": 0.25, "value": 127800.0, "Latitude": 34.1, "Longitude": -117.58, "Population": 3359.0}, {"index": 13389, "quantile": 0.5, "value": 127800.0, "Latitude": 34.1, "Longitude": -117.58, "Population": 3359.0}, {"index": 13389, "quantile": 0.75, "value": 134000.0, "Latitude": 34.1, "Longitude": -117.58, "Population": 3359.0}, {"index": 13389, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.1, "Longitude": -117.58, "Population": 3359.0}, {"index": 13390, "quantile": 0.0, "value": 56499.99999999999, "Latitude": 34.09, "Longitude": -117.58, "Population": 746.0}, {"index": 13390, "quantile": 0.25, "value": 81900.0, "Latitude": 34.09, "Longitude": -117.58, "Population": 746.0}, {"index": 13390, "quantile": 0.5, "value": 105800.0, "Latitude": 34.09, "Longitude": -117.58, "Population": 746.0}, {"index": 13390, "quantile": 0.75, "value": 112674.99999999999, "Latitude": 34.09, "Longitude": -117.58, "Population": 746.0}, {"index": 13390, "quantile": 1.0, "value": 215600.0, "Latitude": 34.09, "Longitude": -117.58, "Population": 746.0}, {"index": 13391, "quantile": 0.0, "value": 91000.0, "Latitude": 34.09, "Longitude": -117.59, "Population": 1757.0}, {"index": 13391, "quantile": 0.25, "value": 120400.0, "Latitude": 34.09, "Longitude": -117.59, "Population": 1757.0}, {"index": 13391, "quantile": 0.5, "value": 120400.0, "Latitude": 34.09, "Longitude": -117.59, "Population": 1757.0}, {"index": 13391, "quantile": 0.75, "value": 121100.00000000001, "Latitude": 34.09, "Longitude": -117.59, "Population": 1757.0}, {"index": 13391, "quantile": 1.0, "value": 171100.0, "Latitude": 34.09, "Longitude": -117.59, "Population": 1757.0}, {"index": 13392, "quantile": 0.0, "value": 86500.0, "Latitude": 34.07, "Longitude": -117.57, "Population": 1083.0}, {"index": 13392, "quantile": 0.25, "value": 118800.0, "Latitude": 34.07, "Longitude": -117.57, "Population": 1083.0}, {"index": 13392, "quantile": 0.5, "value": 118800.0, "Latitude": 34.07, "Longitude": -117.57, "Population": 1083.0}, {"index": 13392, "quantile": 0.75, "value": 118800.0, "Latitude": 34.07, "Longitude": -117.57, "Population": 1083.0}, {"index": 13392, "quantile": 1.0, "value": 300000.0, "Latitude": 34.07, "Longitude": -117.57, "Population": 1083.0}, {"index": 13393, "quantile": 0.0, "value": 116900.0, "Latitude": 34.03, "Longitude": -117.59, "Population": 2130.0}, {"index": 13393, "quantile": 0.25, "value": 161400.0, "Latitude": 34.03, "Longitude": -117.59, "Population": 2130.0}, {"index": 13393, "quantile": 0.5, "value": 161400.0, "Latitude": 34.03, "Longitude": -117.59, "Population": 2130.0}, {"index": 13393, "quantile": 0.75, "value": 161400.0, "Latitude": 34.03, "Longitude": -117.59, "Population": 2130.0}, {"index": 13393, "quantile": 1.0, "value": 249400.00000000003, "Latitude": 34.03, "Longitude": -117.59, "Population": 2130.0}, {"index": 13394, "quantile": 0.0, "value": 87200.0, "Latitude": 34.02, "Longitude": -117.59, "Population": 881.0}, {"index": 13394, "quantile": 0.25, "value": 152500.0, "Latitude": 34.02, "Longitude": -117.59, "Population": 881.0}, {"index": 13394, "quantile": 0.5, "value": 152500.0, "Latitude": 34.02, "Longitude": -117.59, "Population": 881.0}, {"index": 13394, "quantile": 0.75, "value": 152500.0, "Latitude": 34.02, "Longitude": -117.59, "Population": 881.0}, {"index": 13394, "quantile": 1.0, "value": 254100.0, "Latitude": 34.02, "Longitude": -117.59, "Population": 881.0}, {"index": 13395, "quantile": 0.0, "value": 110100.0, "Latitude": 34.02, "Longitude": -117.58, "Population": 3182.0}, {"index": 13395, "quantile": 0.25, "value": 169600.0, "Latitude": 34.02, "Longitude": -117.58, "Population": 3182.0}, {"index": 13395, "quantile": 0.5, "value": 206700.00000000003, "Latitude": 34.02, "Longitude": -117.58, "Population": 3182.0}, {"index": 13395, "quantile": 0.75, "value": 230600.0, "Latitude": 34.02, "Longitude": -117.58, "Population": 3182.0}, {"index": 13395, "quantile": 1.0, "value": 343100.0, "Latitude": 34.02, "Longitude": -117.58, "Population": 3182.0}, {"index": 13396, "quantile": 0.0, "value": 118900.0, "Latitude": 34.02, "Longitude": -117.57, "Population": 3845.0}, {"index": 13396, "quantile": 0.25, "value": 158700.0, "Latitude": 34.02, "Longitude": -117.57, "Population": 3845.0}, {"index": 13396, "quantile": 0.5, "value": 158900.0, "Latitude": 34.02, "Longitude": -117.57, "Population": 3845.0}, {"index": 13396, "quantile": 0.75, "value": 158900.0, "Latitude": 34.02, "Longitude": -117.57, "Population": 3845.0}, {"index": 13396, "quantile": 1.0, "value": 214800.0, "Latitude": 34.02, "Longitude": -117.57, "Population": 3845.0}, {"index": 13397, "quantile": 0.0, "value": 78800.0, "Latitude": 34.06, "Longitude": -117.53, "Population": 4028.0}, {"index": 13397, "quantile": 0.25, "value": 116399.99999999999, "Latitude": 34.06, "Longitude": -117.53, "Population": 4028.0}, {"index": 13397, "quantile": 0.5, "value": 116399.99999999999, "Latitude": 34.06, "Longitude": -117.53, "Population": 4028.0}, {"index": 13397, "quantile": 0.75, "value": 116399.99999999999, "Latitude": 34.06, "Longitude": -117.53, "Population": 4028.0}, {"index": 13397, "quantile": 1.0, "value": 450000.0, "Latitude": 34.06, "Longitude": -117.53, "Population": 4028.0}, {"index": 13398, "quantile": 0.0, "value": 101200.0, "Latitude": 34.1, "Longitude": -117.53, "Population": 1379.0}, {"index": 13398, "quantile": 0.25, "value": 103000.0, "Latitude": 34.1, "Longitude": -117.53, "Population": 1379.0}, {"index": 13398, "quantile": 0.5, "value": 103000.0, "Latitude": 34.1, "Longitude": -117.53, "Population": 1379.0}, {"index": 13398, "quantile": 0.75, "value": 104300.00000000001, "Latitude": 34.1, "Longitude": -117.53, "Population": 1379.0}, {"index": 13398, "quantile": 1.0, "value": 225000.0, "Latitude": 34.1, "Longitude": -117.53, "Population": 1379.0}, {"index": 13399, "quantile": 0.0, "value": 116900.0, "Latitude": 34.13, "Longitude": -117.42, "Population": 5804.0}, {"index": 13399, "quantile": 0.25, "value": 141900.0, "Latitude": 34.13, "Longitude": -117.42, "Population": 5804.0}, {"index": 13399, "quantile": 0.5, "value": 141900.0, "Latitude": 34.13, "Longitude": -117.42, "Population": 5804.0}, {"index": 13399, "quantile": 0.75, "value": 149200.0, "Latitude": 34.13, "Longitude": -117.42, "Population": 5804.0}, {"index": 13399, "quantile": 1.0, "value": 195900.0, "Latitude": 34.13, "Longitude": -117.42, "Population": 5804.0}, {"index": 13400, "quantile": 0.0, "value": 83300.0, "Latitude": 34.12, "Longitude": -117.43, "Population": 3567.0}, {"index": 13400, "quantile": 0.25, "value": 107975.0, "Latitude": 34.12, "Longitude": -117.43, "Population": 3567.0}, {"index": 13400, "quantile": 0.5, "value": 134100.0, "Latitude": 34.12, "Longitude": -117.43, "Population": 3567.0}, {"index": 13400, "quantile": 0.75, "value": 134100.0, "Latitude": 34.12, "Longitude": -117.43, "Population": 3567.0}, {"index": 13400, "quantile": 1.0, "value": 231800.0, "Latitude": 34.12, "Longitude": -117.43, "Population": 3567.0}, {"index": 13401, "quantile": 0.0, "value": 92800.0, "Latitude": 34.13, "Longitude": -117.45, "Population": 3388.0}, {"index": 13401, "quantile": 0.25, "value": 116225.0, "Latitude": 34.13, "Longitude": -117.45, "Population": 3388.0}, {"index": 13401, "quantile": 0.5, "value": 119000.0, "Latitude": 34.13, "Longitude": -117.45, "Population": 3388.0}, {"index": 13401, "quantile": 0.75, "value": 119000.0, "Latitude": 34.13, "Longitude": -117.45, "Population": 3388.0}, {"index": 13401, "quantile": 1.0, "value": 161300.0, "Latitude": 34.13, "Longitude": -117.45, "Population": 3388.0}, {"index": 13402, "quantile": 0.0, "value": 64100.0, "Latitude": 34.14, "Longitude": -117.46, "Population": 381.0}, {"index": 13402, "quantile": 0.25, "value": 114275.0, "Latitude": 34.14, "Longitude": -117.46, "Population": 381.0}, {"index": 13402, "quantile": 0.5, "value": 116100.0, "Latitude": 34.14, "Longitude": -117.46, "Population": 381.0}, {"index": 13402, "quantile": 0.75, "value": 116100.0, "Latitude": 34.14, "Longitude": -117.46, "Population": 381.0}, {"index": 13402, "quantile": 1.0, "value": 225999.99999999997, "Latitude": 34.14, "Longitude": -117.46, "Population": 381.0}, {"index": 13403, "quantile": 0.0, "value": 105100.0, "Latitude": 34.12, "Longitude": -117.47, "Population": 5690.0}, {"index": 13403, "quantile": 0.25, "value": 141000.0, "Latitude": 34.12, "Longitude": -117.47, "Population": 5690.0}, {"index": 13403, "quantile": 0.5, "value": 141000.0, "Latitude": 34.12, "Longitude": -117.47, "Population": 5690.0}, {"index": 13403, "quantile": 0.75, "value": 141000.0, "Latitude": 34.12, "Longitude": -117.47, "Population": 5690.0}, {"index": 13403, "quantile": 1.0, "value": 336800.0, "Latitude": 34.12, "Longitude": -117.47, "Population": 5690.0}, {"index": 13404, "quantile": 0.0, "value": 75000.0, "Latitude": 34.1, "Longitude": -117.46, "Population": 667.0}, {"index": 13404, "quantile": 0.25, "value": 93500.0, "Latitude": 34.1, "Longitude": -117.46, "Population": 667.0}, {"index": 13404, "quantile": 0.5, "value": 93500.0, "Latitude": 34.1, "Longitude": -117.46, "Population": 667.0}, {"index": 13404, "quantile": 0.75, "value": 93500.0, "Latitude": 34.1, "Longitude": -117.46, "Population": 667.0}, {"index": 13404, "quantile": 1.0, "value": 225000.0, "Latitude": 34.1, "Longitude": -117.46, "Population": 667.0}, {"index": 13405, "quantile": 0.0, "value": 57899.99999999999, "Latitude": 34.1, "Longitude": -117.46, "Population": 1064.0}, {"index": 13405, "quantile": 0.25, "value": 98450.0, "Latitude": 34.1, "Longitude": -117.46, "Population": 1064.0}, {"index": 13405, "quantile": 0.5, "value": 108800.00000000001, "Latitude": 34.1, "Longitude": -117.46, "Population": 1064.0}, {"index": 13405, "quantile": 0.75, "value": 108800.00000000001, "Latitude": 34.1, "Longitude": -117.46, "Population": 1064.0}, {"index": 13405, "quantile": 1.0, "value": 175000.0, "Latitude": 34.1, "Longitude": -117.46, "Population": 1064.0}, {"index": 13406, "quantile": 0.0, "value": 78800.0, "Latitude": 34.09, "Longitude": -117.46, "Population": 3310.0}, {"index": 13406, "quantile": 0.25, "value": 101600.0, "Latitude": 34.09, "Longitude": -117.46, "Population": 3310.0}, {"index": 13406, "quantile": 0.5, "value": 101600.0, "Latitude": 34.09, "Longitude": -117.46, "Population": 3310.0}, {"index": 13406, "quantile": 0.75, "value": 114324.99999999999, "Latitude": 34.09, "Longitude": -117.46, "Population": 3310.0}, {"index": 13406, "quantile": 1.0, "value": 181300.0, "Latitude": 34.09, "Longitude": -117.46, "Population": 3310.0}, {"index": 13407, "quantile": 0.0, "value": 90300.0, "Latitude": 34.09, "Longitude": -117.48, "Population": 2612.0}, {"index": 13407, "quantile": 0.25, "value": 99200.0, "Latitude": 34.09, "Longitude": -117.48, "Population": 2612.0}, {"index": 13407, "quantile": 0.5, "value": 99200.0, "Latitude": 34.09, "Longitude": -117.48, "Population": 2612.0}, {"index": 13407, "quantile": 0.75, "value": 99200.0, "Latitude": 34.09, "Longitude": -117.48, "Population": 2612.0}, {"index": 13407, "quantile": 1.0, "value": 157700.0, "Latitude": 34.09, "Longitude": -117.48, "Population": 2612.0}, {"index": 13408, "quantile": 0.0, "value": 79200.0, "Latitude": 34.09, "Longitude": -117.48, "Population": 1124.0}, {"index": 13408, "quantile": 0.25, "value": 98600.0, "Latitude": 34.09, "Longitude": -117.48, "Population": 1124.0}, {"index": 13408, "quantile": 0.5, "value": 98600.0, "Latitude": 34.09, "Longitude": -117.48, "Population": 1124.0}, {"index": 13408, "quantile": 0.75, "value": 105400.0, "Latitude": 34.09, "Longitude": -117.48, "Population": 1124.0}, {"index": 13408, "quantile": 1.0, "value": 153100.0, "Latitude": 34.09, "Longitude": -117.48, "Population": 1124.0}, {"index": 13409, "quantile": 0.0, "value": 70800.0, "Latitude": 34.1, "Longitude": -117.48, "Population": 1796.0}, {"index": 13409, "quantile": 0.25, "value": 90600.0, "Latitude": 34.1, "Longitude": -117.48, "Population": 1796.0}, {"index": 13409, "quantile": 0.5, "value": 90600.0, "Latitude": 34.1, "Longitude": -117.48, "Population": 1796.0}, {"index": 13409, "quantile": 0.75, "value": 109800.00000000001, "Latitude": 34.1, "Longitude": -117.48, "Population": 1796.0}, {"index": 13409, "quantile": 1.0, "value": 129200.0, "Latitude": 34.1, "Longitude": -117.48, "Population": 1796.0}, {"index": 13410, "quantile": 0.0, "value": 99200.0, "Latitude": 34.08, "Longitude": -117.46, "Population": 2767.0}, {"index": 13410, "quantile": 0.25, "value": 119000.0, "Latitude": 34.08, "Longitude": -117.46, "Population": 2767.0}, {"index": 13410, "quantile": 0.5, "value": 120700.00000000001, "Latitude": 34.08, "Longitude": -117.46, "Population": 2767.0}, {"index": 13410, "quantile": 0.75, "value": 120700.00000000001, "Latitude": 34.08, "Longitude": -117.46, "Population": 2767.0}, {"index": 13410, "quantile": 1.0, "value": 130600.0, "Latitude": 34.08, "Longitude": -117.46, "Population": 2767.0}, {"index": 13411, "quantile": 0.0, "value": 81800.0, "Latitude": 34.07, "Longitude": -117.46, "Population": 2482.0}, {"index": 13411, "quantile": 0.25, "value": 113399.99999999999, "Latitude": 34.07, "Longitude": -117.46, "Population": 2482.0}, {"index": 13411, "quantile": 0.5, "value": 113399.99999999999, "Latitude": 34.07, "Longitude": -117.46, "Population": 2482.0}, {"index": 13411, "quantile": 0.75, "value": 113399.99999999999, "Latitude": 34.07, "Longitude": -117.46, "Population": 2482.0}, {"index": 13411, "quantile": 1.0, "value": 128800.0, "Latitude": 34.07, "Longitude": -117.46, "Population": 2482.0}, {"index": 13412, "quantile": 0.0, "value": 90600.0, "Latitude": 34.08, "Longitude": -117.48, "Population": 1565.0}, {"index": 13412, "quantile": 0.25, "value": 117400.0, "Latitude": 34.08, "Longitude": -117.48, "Population": 1565.0}, {"index": 13412, "quantile": 0.5, "value": 117400.0, "Latitude": 34.08, "Longitude": -117.48, "Population": 1565.0}, {"index": 13412, "quantile": 0.75, "value": 117400.0, "Latitude": 34.08, "Longitude": -117.48, "Population": 1565.0}, {"index": 13412, "quantile": 1.0, "value": 207700.0, "Latitude": 34.08, "Longitude": -117.48, "Population": 1565.0}, {"index": 13413, "quantile": 0.0, "value": 65600.0, "Latitude": 34.08, "Longitude": -117.48, "Population": 1253.0}, {"index": 13413, "quantile": 0.25, "value": 101600.0, "Latitude": 34.08, "Longitude": -117.48, "Population": 1253.0}, {"index": 13413, "quantile": 0.5, "value": 113500.0, "Latitude": 34.08, "Longitude": -117.48, "Population": 1253.0}, {"index": 13413, "quantile": 0.75, "value": 120700.00000000001, "Latitude": 34.08, "Longitude": -117.48, "Population": 1253.0}, {"index": 13413, "quantile": 1.0, "value": 164400.0, "Latitude": 34.08, "Longitude": -117.48, "Population": 1253.0}, {"index": 13414, "quantile": 0.0, "value": 57899.99999999999, "Latitude": 34.07, "Longitude": -117.47, "Population": 568.0}, {"index": 13414, "quantile": 0.25, "value": 92400.0, "Latitude": 34.07, "Longitude": -117.47, "Population": 568.0}, {"index": 13414, "quantile": 0.5, "value": 108800.00000000001, "Latitude": 34.07, "Longitude": -117.47, "Population": 568.0}, {"index": 13414, "quantile": 0.75, "value": 116100.0, "Latitude": 34.07, "Longitude": -117.47, "Population": 568.0}, {"index": 13414, "quantile": 1.0, "value": 225000.0, "Latitude": 34.07, "Longitude": -117.47, "Population": 568.0}, {"index": 13415, "quantile": 0.0, "value": 79200.0, "Latitude": 34.06, "Longitude": -117.42, "Population": 1305.0}, {"index": 13415, "quantile": 0.25, "value": 112700.0, "Latitude": 34.06, "Longitude": -117.42, "Population": 1305.0}, {"index": 13415, "quantile": 0.5, "value": 143100.0, "Latitude": 34.06, "Longitude": -117.42, "Population": 1305.0}, {"index": 13415, "quantile": 0.75, "value": 143100.0, "Latitude": 34.06, "Longitude": -117.42, "Population": 1305.0}, {"index": 13415, "quantile": 1.0, "value": 143100.0, "Latitude": 34.06, "Longitude": -117.42, "Population": 1305.0}, {"index": 13416, "quantile": 0.0, "value": 64400.0, "Latitude": 34.06, "Longitude": -117.46, "Population": 1582.0}, {"index": 13416, "quantile": 0.25, "value": 152100.0, "Latitude": 34.06, "Longitude": -117.46, "Population": 1582.0}, {"index": 13416, "quantile": 0.5, "value": 195600.0, "Latitude": 34.06, "Longitude": -117.46, "Population": 1582.0}, {"index": 13416, "quantile": 0.75, "value": 195600.0, "Latitude": 34.06, "Longitude": -117.46, "Population": 1582.0}, {"index": 13416, "quantile": 1.0, "value": 203200.0, "Latitude": 34.06, "Longitude": -117.46, "Population": 1582.0}, {"index": 13417, "quantile": 0.0, "value": 73100.0, "Latitude": 34.06, "Longitude": -117.47, "Population": 884.0}, {"index": 13417, "quantile": 0.25, "value": 115499.99999999999, "Latitude": 34.06, "Longitude": -117.47, "Population": 884.0}, {"index": 13417, "quantile": 0.5, "value": 125000.0, "Latitude": 34.06, "Longitude": -117.47, "Population": 884.0}, {"index": 13417, "quantile": 0.75, "value": 125000.0, "Latitude": 34.06, "Longitude": -117.47, "Population": 884.0}, {"index": 13417, "quantile": 1.0, "value": 225000.0, "Latitude": 34.06, "Longitude": -117.47, "Population": 884.0}, {"index": 13418, "quantile": 0.0, "value": 96700.0, "Latitude": 34.05, "Longitude": -117.49, "Population": 660.0}, {"index": 13418, "quantile": 0.25, "value": 150075.0, "Latitude": 34.05, "Longitude": -117.49, "Population": 660.0}, {"index": 13418, "quantile": 0.5, "value": 207700.0, "Latitude": 34.05, "Longitude": -117.49, "Population": 660.0}, {"index": 13418, "quantile": 0.75, "value": 207700.0, "Latitude": 34.05, "Longitude": -117.49, "Population": 660.0}, {"index": 13418, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -117.49, "Population": 660.0}, {"index": 13419, "quantile": 0.0, "value": 110100.0, "Latitude": 34.04, "Longitude": -117.5, "Population": 2456.0}, {"index": 13419, "quantile": 0.25, "value": 154700.0, "Latitude": 34.04, "Longitude": -117.5, "Population": 2456.0}, {"index": 13419, "quantile": 0.5, "value": 154700.0, "Latitude": 34.04, "Longitude": -117.5, "Population": 2456.0}, {"index": 13419, "quantile": 0.75, "value": 160400.0, "Latitude": 34.04, "Longitude": -117.5, "Population": 2456.0}, {"index": 13419, "quantile": 1.0, "value": 311200.0, "Latitude": 34.04, "Longitude": -117.5, "Population": 2456.0}, {"index": 13420, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 34.04, "Longitude": -117.5, "Population": 2158.0}, {"index": 13420, "quantile": 0.25, "value": 143400.0, "Latitude": 34.04, "Longitude": -117.5, "Population": 2158.0}, {"index": 13420, "quantile": 0.5, "value": 143400.0, "Latitude": 34.04, "Longitude": -117.5, "Population": 2158.0}, {"index": 13420, "quantile": 0.75, "value": 154700.0, "Latitude": 34.04, "Longitude": -117.5, "Population": 2158.0}, {"index": 13420, "quantile": 1.0, "value": 239800.0, "Latitude": 34.04, "Longitude": -117.5, "Population": 2158.0}, {"index": 13421, "quantile": 0.0, "value": 97700.0, "Latitude": 34.04, "Longitude": -117.49, "Population": 3527.0}, {"index": 13421, "quantile": 0.25, "value": 143700.0, "Latitude": 34.04, "Longitude": -117.49, "Population": 3527.0}, {"index": 13421, "quantile": 0.5, "value": 143700.0, "Latitude": 34.04, "Longitude": -117.49, "Population": 3527.0}, {"index": 13421, "quantile": 0.75, "value": 143700.0, "Latitude": 34.04, "Longitude": -117.49, "Population": 3527.0}, {"index": 13421, "quantile": 1.0, "value": 197700.0, "Latitude": 34.04, "Longitude": -117.49, "Population": 3527.0}, {"index": 13422, "quantile": 0.0, "value": 121400.0, "Latitude": 34.04, "Longitude": -117.46, "Population": 5820.0}, {"index": 13422, "quantile": 0.25, "value": 147300.0, "Latitude": 34.04, "Longitude": -117.46, "Population": 5820.0}, {"index": 13422, "quantile": 0.5, "value": 147300.0, "Latitude": 34.04, "Longitude": -117.46, "Population": 5820.0}, {"index": 13422, "quantile": 0.75, "value": 147300.0, "Latitude": 34.04, "Longitude": -117.46, "Population": 5820.0}, {"index": 13422, "quantile": 1.0, "value": 307600.0, "Latitude": 34.04, "Longitude": -117.46, "Population": 5820.0}, {"index": 13423, "quantile": 0.0, "value": 157900.0, "Latitude": 34.14, "Longitude": -117.38, "Population": 5221.0}, {"index": 13423, "quantile": 0.25, "value": 161400.0, "Latitude": 34.14, "Longitude": -117.38, "Population": 5221.0}, {"index": 13423, "quantile": 0.5, "value": 161400.0, "Latitude": 34.14, "Longitude": -117.38, "Population": 5221.0}, {"index": 13423, "quantile": 0.75, "value": 162550.0, "Latitude": 34.14, "Longitude": -117.38, "Population": 5221.0}, {"index": 13423, "quantile": 1.0, "value": 286400.0, "Latitude": 34.14, "Longitude": -117.38, "Population": 5221.0}, {"index": 13424, "quantile": 0.0, "value": 64400.0, "Latitude": 34.15, "Longitude": -117.4, "Population": 5020.0}, {"index": 13424, "quantile": 0.25, "value": 149200.0, "Latitude": 34.15, "Longitude": -117.4, "Population": 5020.0}, {"index": 13424, "quantile": 0.5, "value": 149200.0, "Latitude": 34.15, "Longitude": -117.4, "Population": 5020.0}, {"index": 13424, "quantile": 0.75, "value": 160600.0, "Latitude": 34.15, "Longitude": -117.4, "Population": 5020.0}, {"index": 13424, "quantile": 1.0, "value": 375000.0, "Latitude": 34.15, "Longitude": -117.4, "Population": 5020.0}, {"index": 13425, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 34.18, "Longitude": -117.4, "Population": 1778.0}, {"index": 13425, "quantile": 0.25, "value": 181800.0, "Latitude": 34.18, "Longitude": -117.4, "Population": 1778.0}, {"index": 13425, "quantile": 0.5, "value": 181800.0, "Latitude": 34.18, "Longitude": -117.4, "Population": 1778.0}, {"index": 13425, "quantile": 0.75, "value": 187050.0, "Latitude": 34.18, "Longitude": -117.4, "Population": 1778.0}, {"index": 13425, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -117.4, "Population": 1778.0}, {"index": 13426, "quantile": 0.0, "value": 65600.0, "Latitude": 34.2, "Longitude": -117.38, "Population": 312.0}, {"index": 13426, "quantile": 0.25, "value": 106600.0, "Latitude": 34.2, "Longitude": -117.38, "Population": 312.0}, {"index": 13426, "quantile": 0.5, "value": 137500.0, "Latitude": 34.2, "Longitude": -117.38, "Population": 312.0}, {"index": 13426, "quantile": 0.75, "value": 137500.0, "Latitude": 34.2, "Longitude": -117.38, "Population": 312.0}, {"index": 13426, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -117.38, "Population": 312.0}, {"index": 13427, "quantile": 0.0, "value": 70800.0, "Latitude": 34.11, "Longitude": -117.45, "Population": 4052.0}, {"index": 13427, "quantile": 0.25, "value": 105800.0, "Latitude": 34.11, "Longitude": -117.45, "Population": 4052.0}, {"index": 13427, "quantile": 0.5, "value": 116250.00000000001, "Latitude": 34.11, "Longitude": -117.45, "Population": 4052.0}, {"index": 13427, "quantile": 0.75, "value": 122500.00000000001, "Latitude": 34.11, "Longitude": -117.45, "Population": 4052.0}, {"index": 13427, "quantile": 1.0, "value": 143100.0, "Latitude": 34.11, "Longitude": -117.45, "Population": 4052.0}, {"index": 13428, "quantile": 0.0, "value": 65900.0, "Latitude": 34.1, "Longitude": -117.45, "Population": 3156.0}, {"index": 13428, "quantile": 0.25, "value": 105800.0, "Latitude": 34.1, "Longitude": -117.45, "Population": 3156.0}, {"index": 13428, "quantile": 0.5, "value": 105800.0, "Latitude": 34.1, "Longitude": -117.45, "Population": 3156.0}, {"index": 13428, "quantile": 0.75, "value": 109800.00000000001, "Latitude": 34.1, "Longitude": -117.45, "Population": 3156.0}, {"index": 13428, "quantile": 1.0, "value": 146900.0, "Latitude": 34.1, "Longitude": -117.45, "Population": 3156.0}, {"index": 13429, "quantile": 0.0, "value": 69500.0, "Latitude": 34.1, "Longitude": -117.45, "Population": 4048.0}, {"index": 13429, "quantile": 0.25, "value": 91100.0, "Latitude": 34.1, "Longitude": -117.45, "Population": 4048.0}, {"index": 13429, "quantile": 0.5, "value": 91100.0, "Latitude": 34.1, "Longitude": -117.45, "Population": 4048.0}, {"index": 13429, "quantile": 0.75, "value": 93000.0, "Latitude": 34.1, "Longitude": -117.45, "Population": 4048.0}, {"index": 13429, "quantile": 1.0, "value": 127299.99999999999, "Latitude": 34.1, "Longitude": -117.45, "Population": 4048.0}, {"index": 13430, "quantile": 0.0, "value": 67500.0, "Latitude": 34.11, "Longitude": -117.42, "Population": 2319.0}, {"index": 13430, "quantile": 0.25, "value": 111900.0, "Latitude": 34.11, "Longitude": -117.42, "Population": 2319.0}, {"index": 13430, "quantile": 0.5, "value": 111900.0, "Latitude": 34.11, "Longitude": -117.42, "Population": 2319.0}, {"index": 13430, "quantile": 0.75, "value": 111900.0, "Latitude": 34.11, "Longitude": -117.42, "Population": 2319.0}, {"index": 13430, "quantile": 1.0, "value": 139100.0, "Latitude": 34.11, "Longitude": -117.42, "Population": 2319.0}, {"index": 13431, "quantile": 0.0, "value": 87200.0, "Latitude": 34.1, "Longitude": -117.42, "Population": 2231.0}, {"index": 13431, "quantile": 0.25, "value": 115399.99999999999, "Latitude": 34.1, "Longitude": -117.42, "Population": 2231.0}, {"index": 13431, "quantile": 0.5, "value": 115399.99999999999, "Latitude": 34.1, "Longitude": -117.42, "Population": 2231.0}, {"index": 13431, "quantile": 0.75, "value": 126499.99999999999, "Latitude": 34.1, "Longitude": -117.42, "Population": 2231.0}, {"index": 13431, "quantile": 1.0, "value": 229999.99999999997, "Latitude": 34.1, "Longitude": -117.42, "Population": 2231.0}, {"index": 13432, "quantile": 0.0, "value": 90900.0, "Latitude": 34.1, "Longitude": -117.43, "Population": 834.0}, {"index": 13432, "quantile": 0.25, "value": 99350.0, "Latitude": 34.1, "Longitude": -117.43, "Population": 834.0}, {"index": 13432, "quantile": 0.5, "value": 105400.0, "Latitude": 34.1, "Longitude": -117.43, "Population": 834.0}, {"index": 13432, "quantile": 0.75, "value": 128725.0, "Latitude": 34.1, "Longitude": -117.43, "Population": 834.0}, {"index": 13432, "quantile": 1.0, "value": 362500.0, "Latitude": 34.1, "Longitude": -117.43, "Population": 834.0}, {"index": 13433, "quantile": 0.0, "value": 70800.0, "Latitude": 34.11, "Longitude": -117.43, "Population": 2544.0}, {"index": 13433, "quantile": 0.25, "value": 109800.00000000001, "Latitude": 34.11, "Longitude": -117.43, "Population": 2544.0}, {"index": 13433, "quantile": 0.5, "value": 109800.00000000001, "Latitude": 34.11, "Longitude": -117.43, "Population": 2544.0}, {"index": 13433, "quantile": 0.75, "value": 109800.00000000001, "Latitude": 34.11, "Longitude": -117.43, "Population": 2544.0}, {"index": 13433, "quantile": 1.0, "value": 146900.0, "Latitude": 34.11, "Longitude": -117.43, "Population": 2544.0}, {"index": 13434, "quantile": 0.0, "value": 68200.0, "Latitude": 34.1, "Longitude": -117.43, "Population": 971.0}, {"index": 13434, "quantile": 0.25, "value": 91775.0, "Latitude": 34.1, "Longitude": -117.43, "Population": 971.0}, {"index": 13434, "quantile": 0.5, "value": 102499.99999999999, "Latitude": 34.1, "Longitude": -117.43, "Population": 971.0}, {"index": 13434, "quantile": 0.75, "value": 127499.99999999999, "Latitude": 34.1, "Longitude": -117.43, "Population": 971.0}, {"index": 13434, "quantile": 1.0, "value": 150000.0, "Latitude": 34.1, "Longitude": -117.43, "Population": 971.0}, {"index": 13435, "quantile": 0.0, "value": 35000.0, "Latitude": 34.1, "Longitude": -117.44, "Population": 926.0}, {"index": 13435, "quantile": 0.25, "value": 95100.0, "Latitude": 34.1, "Longitude": -117.44, "Population": 926.0}, {"index": 13435, "quantile": 0.5, "value": 95100.0, "Latitude": 34.1, "Longitude": -117.44, "Population": 926.0}, {"index": 13435, "quantile": 0.75, "value": 98450.0, "Latitude": 34.1, "Longitude": -117.44, "Population": 926.0}, {"index": 13435, "quantile": 1.0, "value": 146200.0, "Latitude": 34.1, "Longitude": -117.44, "Population": 926.0}, {"index": 13436, "quantile": 0.0, "value": 70900.0, "Latitude": 34.09, "Longitude": -117.44, "Population": 2541.0}, {"index": 13436, "quantile": 0.25, "value": 97400.0, "Latitude": 34.09, "Longitude": -117.44, "Population": 2541.0}, {"index": 13436, "quantile": 0.5, "value": 97400.0, "Latitude": 34.09, "Longitude": -117.44, "Population": 2541.0}, {"index": 13436, "quantile": 0.75, "value": 106300.00000000001, "Latitude": 34.09, "Longitude": -117.44, "Population": 2541.0}, {"index": 13436, "quantile": 1.0, "value": 166700.0, "Latitude": 34.09, "Longitude": -117.44, "Population": 2541.0}, {"index": 13437, "quantile": 0.0, "value": 78800.0, "Latitude": 34.09, "Longitude": -117.44, "Population": 2588.0}, {"index": 13437, "quantile": 0.25, "value": 101499.99999999999, "Latitude": 34.09, "Longitude": -117.44, "Population": 2588.0}, {"index": 13437, "quantile": 0.5, "value": 113799.99999999999, "Latitude": 34.09, "Longitude": -117.44, "Population": 2588.0}, {"index": 13437, "quantile": 0.75, "value": 113799.99999999999, "Latitude": 34.09, "Longitude": -117.44, "Population": 2588.0}, {"index": 13437, "quantile": 1.0, "value": 156800.0, "Latitude": 34.09, "Longitude": -117.44, "Population": 2588.0}, {"index": 13438, "quantile": 0.0, "value": 92800.0, "Latitude": 34.08, "Longitude": -117.44, "Population": 3208.0}, {"index": 13438, "quantile": 0.25, "value": 105400.0, "Latitude": 34.08, "Longitude": -117.44, "Population": 3208.0}, {"index": 13438, "quantile": 0.5, "value": 117900.0, "Latitude": 34.08, "Longitude": -117.44, "Population": 3208.0}, {"index": 13438, "quantile": 0.75, "value": 129550.00000000001, "Latitude": 34.08, "Longitude": -117.44, "Population": 3208.0}, {"index": 13438, "quantile": 1.0, "value": 187700.0, "Latitude": 34.08, "Longitude": -117.44, "Population": 3208.0}, {"index": 13439, "quantile": 0.0, "value": 95200.0, "Latitude": 34.09, "Longitude": -117.42, "Population": 1750.0}, {"index": 13439, "quantile": 0.25, "value": 123800.0, "Latitude": 34.09, "Longitude": -117.42, "Population": 1750.0}, {"index": 13439, "quantile": 0.5, "value": 127400.0, "Latitude": 34.09, "Longitude": -117.42, "Population": 1750.0}, {"index": 13439, "quantile": 0.75, "value": 138700.0, "Latitude": 34.09, "Longitude": -117.42, "Population": 1750.0}, {"index": 13439, "quantile": 1.0, "value": 189800.0, "Latitude": 34.09, "Longitude": -117.42, "Population": 1750.0}, {"index": 13440, "quantile": 0.0, "value": 90300.0, "Latitude": 34.08, "Longitude": -117.42, "Population": 1312.0}, {"index": 13440, "quantile": 0.25, "value": 102000.0, "Latitude": 34.08, "Longitude": -117.42, "Population": 1312.0}, {"index": 13440, "quantile": 0.5, "value": 105600.0, "Latitude": 34.08, "Longitude": -117.42, "Population": 1312.0}, {"index": 13440, "quantile": 0.75, "value": 118675.0, "Latitude": 34.08, "Longitude": -117.42, "Population": 1312.0}, {"index": 13440, "quantile": 1.0, "value": 219700.0, "Latitude": 34.08, "Longitude": -117.42, "Population": 1312.0}, {"index": 13441, "quantile": 0.0, "value": 101200.0, "Latitude": 34.08, "Longitude": -117.43, "Population": 1582.0}, {"index": 13441, "quantile": 0.25, "value": 127400.0, "Latitude": 34.08, "Longitude": -117.43, "Population": 1582.0}, {"index": 13441, "quantile": 0.5, "value": 127400.0, "Latitude": 34.08, "Longitude": -117.43, "Population": 1582.0}, {"index": 13441, "quantile": 0.75, "value": 136325.0, "Latitude": 34.08, "Longitude": -117.43, "Population": 1582.0}, {"index": 13441, "quantile": 1.0, "value": 249100.0, "Latitude": 34.08, "Longitude": -117.43, "Population": 1582.0}, {"index": 13442, "quantile": 0.0, "value": 70800.0, "Latitude": 34.09, "Longitude": -117.43, "Population": 1621.0}, {"index": 13442, "quantile": 0.25, "value": 118300.0, "Latitude": 34.09, "Longitude": -117.43, "Population": 1621.0}, {"index": 13442, "quantile": 0.5, "value": 120200.0, "Latitude": 34.09, "Longitude": -117.43, "Population": 1621.0}, {"index": 13442, "quantile": 0.75, "value": 120200.0, "Latitude": 34.09, "Longitude": -117.43, "Population": 1621.0}, {"index": 13442, "quantile": 1.0, "value": 163000.0, "Latitude": 34.09, "Longitude": -117.43, "Population": 1621.0}, {"index": 13443, "quantile": 0.0, "value": 78800.0, "Latitude": 34.08, "Longitude": -117.42, "Population": 2657.0}, {"index": 13443, "quantile": 0.25, "value": 110800.00000000001, "Latitude": 34.08, "Longitude": -117.42, "Population": 2657.0}, {"index": 13443, "quantile": 0.5, "value": 127499.99999999999, "Latitude": 34.08, "Longitude": -117.42, "Population": 2657.0}, {"index": 13443, "quantile": 0.75, "value": 127499.99999999999, "Latitude": 34.08, "Longitude": -117.42, "Population": 2657.0}, {"index": 13443, "quantile": 1.0, "value": 127499.99999999999, "Latitude": 34.08, "Longitude": -117.42, "Population": 2657.0}, {"index": 13444, "quantile": 0.0, "value": 57899.99999999999, "Latitude": 34.08, "Longitude": -117.43, "Population": 2475.0}, {"index": 13444, "quantile": 0.25, "value": 117550.0, "Latitude": 34.08, "Longitude": -117.43, "Population": 2475.0}, {"index": 13444, "quantile": 0.5, "value": 121700.00000000001, "Latitude": 34.08, "Longitude": -117.43, "Population": 2475.0}, {"index": 13444, "quantile": 0.75, "value": 121700.00000000001, "Latitude": 34.08, "Longitude": -117.43, "Population": 2475.0}, {"index": 13444, "quantile": 1.0, "value": 162500.0, "Latitude": 34.08, "Longitude": -117.43, "Population": 2475.0}, {"index": 13445, "quantile": 0.0, "value": 81800.0, "Latitude": 34.07, "Longitude": -117.45, "Population": 2292.0}, {"index": 13445, "quantile": 0.25, "value": 113500.0, "Latitude": 34.07, "Longitude": -117.45, "Population": 2292.0}, {"index": 13445, "quantile": 0.5, "value": 113500.0, "Latitude": 34.07, "Longitude": -117.45, "Population": 2292.0}, {"index": 13445, "quantile": 0.75, "value": 113500.0, "Latitude": 34.07, "Longitude": -117.45, "Population": 2292.0}, {"index": 13445, "quantile": 1.0, "value": 150900.0, "Latitude": 34.07, "Longitude": -117.45, "Population": 2292.0}, {"index": 13446, "quantile": 0.0, "value": 84700.0, "Latitude": 34.07, "Longitude": -117.43, "Population": 1503.0}, {"index": 13446, "quantile": 0.25, "value": 95300.0, "Latitude": 34.07, "Longitude": -117.43, "Population": 1503.0}, {"index": 13446, "quantile": 0.5, "value": 95300.0, "Latitude": 34.07, "Longitude": -117.43, "Population": 1503.0}, {"index": 13446, "quantile": 0.75, "value": 95300.0, "Latitude": 34.07, "Longitude": -117.43, "Population": 1503.0}, {"index": 13446, "quantile": 1.0, "value": 150000.0, "Latitude": 34.07, "Longitude": -117.43, "Population": 1503.0}, {"index": 13447, "quantile": 0.0, "value": 77200.0, "Latitude": 34.11, "Longitude": -117.41, "Population": 3204.0}, {"index": 13447, "quantile": 0.25, "value": 98675.0, "Latitude": 34.11, "Longitude": -117.41, "Population": 3204.0}, {"index": 13447, "quantile": 0.5, "value": 105200.0, "Latitude": 34.11, "Longitude": -117.41, "Population": 3204.0}, {"index": 13447, "quantile": 0.75, "value": 120200.0, "Latitude": 34.11, "Longitude": -117.41, "Population": 3204.0}, {"index": 13447, "quantile": 1.0, "value": 163000.0, "Latitude": 34.11, "Longitude": -117.41, "Population": 3204.0}, {"index": 13448, "quantile": 0.0, "value": 81000.0, "Latitude": 34.1, "Longitude": -117.41, "Population": 2204.0}, {"index": 13448, "quantile": 0.25, "value": 92000.0, "Latitude": 34.1, "Longitude": -117.41, "Population": 2204.0}, {"index": 13448, "quantile": 0.5, "value": 92000.0, "Latitude": 34.1, "Longitude": -117.41, "Population": 2204.0}, {"index": 13448, "quantile": 0.75, "value": 92000.0, "Latitude": 34.1, "Longitude": -117.41, "Population": 2204.0}, {"index": 13448, "quantile": 1.0, "value": 225000.0, "Latitude": 34.1, "Longitude": -117.41, "Population": 2204.0}, {"index": 13449, "quantile": 0.0, "value": 91500.0, "Latitude": 34.08, "Longitude": -117.4, "Population": 2503.0}, {"index": 13449, "quantile": 0.25, "value": 105400.0, "Latitude": 34.08, "Longitude": -117.4, "Population": 2503.0}, {"index": 13449, "quantile": 0.5, "value": 105400.0, "Latitude": 34.08, "Longitude": -117.4, "Population": 2503.0}, {"index": 13449, "quantile": 0.75, "value": 112825.0, "Latitude": 34.08, "Longitude": -117.4, "Population": 2503.0}, {"index": 13449, "quantile": 1.0, "value": 165000.0, "Latitude": 34.08, "Longitude": -117.4, "Population": 2503.0}, {"index": 13450, "quantile": 0.0, "value": 83800.0, "Latitude": 34.08, "Longitude": -117.41, "Population": 861.0}, {"index": 13450, "quantile": 0.25, "value": 96300.0, "Latitude": 34.08, "Longitude": -117.41, "Population": 861.0}, {"index": 13450, "quantile": 0.5, "value": 102000.0, "Latitude": 34.08, "Longitude": -117.41, "Population": 861.0}, {"index": 13450, "quantile": 0.75, "value": 121150.0, "Latitude": 34.08, "Longitude": -117.41, "Population": 861.0}, {"index": 13450, "quantile": 1.0, "value": 314100.0, "Latitude": 34.08, "Longitude": -117.41, "Population": 861.0}, {"index": 13451, "quantile": 0.0, "value": 92800.0, "Latitude": 34.09, "Longitude": -117.41, "Population": 1896.0}, {"index": 13451, "quantile": 0.25, "value": 119475.0, "Latitude": 34.09, "Longitude": -117.41, "Population": 1896.0}, {"index": 13451, "quantile": 0.5, "value": 130600.0, "Latitude": 34.09, "Longitude": -117.41, "Population": 1896.0}, {"index": 13451, "quantile": 0.75, "value": 130600.0, "Latitude": 34.09, "Longitude": -117.41, "Population": 1896.0}, {"index": 13451, "quantile": 1.0, "value": 132000.0, "Latitude": 34.09, "Longitude": -117.41, "Population": 1896.0}, {"index": 13452, "quantile": 0.0, "value": 65600.0, "Latitude": 34.1, "Longitude": -117.41, "Population": 776.0}, {"index": 13452, "quantile": 0.25, "value": 101200.0, "Latitude": 34.1, "Longitude": -117.41, "Population": 776.0}, {"index": 13452, "quantile": 0.5, "value": 102000.0, "Latitude": 34.1, "Longitude": -117.41, "Population": 776.0}, {"index": 13452, "quantile": 0.75, "value": 102000.0, "Latitude": 34.1, "Longitude": -117.41, "Population": 776.0}, {"index": 13452, "quantile": 1.0, "value": 141000.0, "Latitude": 34.1, "Longitude": -117.41, "Population": 776.0}, {"index": 13453, "quantile": 0.0, "value": 88400.0, "Latitude": 34.11, "Longitude": -117.41, "Population": 2602.0}, {"index": 13453, "quantile": 0.25, "value": 102000.0, "Latitude": 34.11, "Longitude": -117.41, "Population": 2602.0}, {"index": 13453, "quantile": 0.5, "value": 105500.0, "Latitude": 34.11, "Longitude": -117.41, "Population": 2602.0}, {"index": 13453, "quantile": 0.75, "value": 105500.0, "Latitude": 34.11, "Longitude": -117.41, "Population": 2602.0}, {"index": 13453, "quantile": 1.0, "value": 146800.0, "Latitude": 34.11, "Longitude": -117.41, "Population": 2602.0}, {"index": 13454, "quantile": 0.0, "value": 94500.0, "Latitude": 34.11, "Longitude": -117.4, "Population": 1443.0}, {"index": 13454, "quantile": 0.25, "value": 118800.00000000001, "Latitude": 34.11, "Longitude": -117.4, "Population": 1443.0}, {"index": 13454, "quantile": 0.5, "value": 124050.0, "Latitude": 34.11, "Longitude": -117.4, "Population": 1443.0}, {"index": 13454, "quantile": 0.75, "value": 136000.0, "Latitude": 34.11, "Longitude": -117.4, "Population": 1443.0}, {"index": 13454, "quantile": 1.0, "value": 250000.0, "Latitude": 34.11, "Longitude": -117.4, "Population": 1443.0}, {"index": 13455, "quantile": 0.0, "value": 111100.0, "Latitude": 34.11, "Longitude": -117.39, "Population": 1821.0}, {"index": 13455, "quantile": 0.25, "value": 138900.0, "Latitude": 34.11, "Longitude": -117.39, "Population": 1821.0}, {"index": 13455, "quantile": 0.5, "value": 138900.0, "Latitude": 34.11, "Longitude": -117.39, "Population": 1821.0}, {"index": 13455, "quantile": 0.75, "value": 140500.0, "Latitude": 34.11, "Longitude": -117.39, "Population": 1821.0}, {"index": 13455, "quantile": 1.0, "value": 325200.0, "Latitude": 34.11, "Longitude": -117.39, "Population": 1821.0}, {"index": 13456, "quantile": 0.0, "value": 93100.0, "Latitude": 34.11, "Longitude": -117.39, "Population": 627.0}, {"index": 13456, "quantile": 0.25, "value": 133275.0, "Latitude": 34.11, "Longitude": -117.39, "Population": 627.0}, {"index": 13456, "quantile": 0.5, "value": 139700.0, "Latitude": 34.11, "Longitude": -117.39, "Population": 627.0}, {"index": 13456, "quantile": 0.75, "value": 160150.00000000003, "Latitude": 34.11, "Longitude": -117.39, "Population": 627.0}, {"index": 13456, "quantile": 1.0, "value": 298400.0, "Latitude": 34.11, "Longitude": -117.39, "Population": 627.0}, {"index": 13457, "quantile": 0.0, "value": 86100.0, "Latitude": 34.11, "Longitude": -117.38, "Population": 894.0}, {"index": 13457, "quantile": 0.25, "value": 96300.0, "Latitude": 34.11, "Longitude": -117.38, "Population": 894.0}, {"index": 13457, "quantile": 0.5, "value": 96300.0, "Latitude": 34.11, "Longitude": -117.38, "Population": 894.0}, {"index": 13457, "quantile": 0.75, "value": 96300.0, "Latitude": 34.11, "Longitude": -117.38, "Population": 894.0}, {"index": 13457, "quantile": 1.0, "value": 314100.0, "Latitude": 34.11, "Longitude": -117.38, "Population": 894.0}, {"index": 13458, "quantile": 0.0, "value": 78800.0, "Latitude": 34.11, "Longitude": -117.38, "Population": 1878.0}, {"index": 13458, "quantile": 0.25, "value": 101200.0, "Latitude": 34.11, "Longitude": -117.38, "Population": 1878.0}, {"index": 13458, "quantile": 0.5, "value": 101200.0, "Latitude": 34.11, "Longitude": -117.38, "Population": 1878.0}, {"index": 13458, "quantile": 0.75, "value": 101200.0, "Latitude": 34.11, "Longitude": -117.38, "Population": 1878.0}, {"index": 13458, "quantile": 1.0, "value": 176600.0, "Latitude": 34.11, "Longitude": -117.38, "Population": 1878.0}, {"index": 13459, "quantile": 0.0, "value": 66600.0, "Latitude": 34.1, "Longitude": -117.39, "Population": 4862.0}, {"index": 13459, "quantile": 0.25, "value": 103800.0, "Latitude": 34.1, "Longitude": -117.39, "Population": 4862.0}, {"index": 13459, "quantile": 0.5, "value": 103800.0, "Latitude": 34.1, "Longitude": -117.39, "Population": 4862.0}, {"index": 13459, "quantile": 0.75, "value": 103800.0, "Latitude": 34.1, "Longitude": -117.39, "Population": 4862.0}, {"index": 13459, "quantile": 1.0, "value": 136000.0, "Latitude": 34.1, "Longitude": -117.39, "Population": 4862.0}, {"index": 13460, "quantile": 0.0, "value": 45000.0, "Latitude": 34.1, "Longitude": -117.39, "Population": 572.0}, {"index": 13460, "quantile": 0.25, "value": 83800.0, "Latitude": 34.1, "Longitude": -117.39, "Population": 572.0}, {"index": 13460, "quantile": 0.5, "value": 101850.0, "Latitude": 34.1, "Longitude": -117.39, "Population": 572.0}, {"index": 13460, "quantile": 0.75, "value": 115199.99999999999, "Latitude": 34.1, "Longitude": -117.39, "Population": 572.0}, {"index": 13460, "quantile": 1.0, "value": 202199.99999999997, "Latitude": 34.1, "Longitude": -117.39, "Population": 572.0}, {"index": 13461, "quantile": 0.0, "value": 64400.0, "Latitude": 34.13, "Longitude": -117.39, "Population": 1316.0}, {"index": 13461, "quantile": 0.25, "value": 119800.0, "Latitude": 34.13, "Longitude": -117.39, "Population": 1316.0}, {"index": 13461, "quantile": 0.5, "value": 119800.0, "Latitude": 34.13, "Longitude": -117.39, "Population": 1316.0}, {"index": 13461, "quantile": 0.75, "value": 126499.99999999999, "Latitude": 34.13, "Longitude": -117.39, "Population": 1316.0}, {"index": 13461, "quantile": 1.0, "value": 250000.0, "Latitude": 34.13, "Longitude": -117.39, "Population": 1316.0}, {"index": 13462, "quantile": 0.0, "value": 90800.0, "Latitude": 34.13, "Longitude": -117.38, "Population": 1844.0}, {"index": 13462, "quantile": 0.25, "value": 106300.0, "Latitude": 34.13, "Longitude": -117.38, "Population": 1844.0}, {"index": 13462, "quantile": 0.5, "value": 118500.0, "Latitude": 34.13, "Longitude": -117.38, "Population": 1844.0}, {"index": 13462, "quantile": 0.75, "value": 126675.0, "Latitude": 34.13, "Longitude": -117.38, "Population": 1844.0}, {"index": 13462, "quantile": 1.0, "value": 145500.0, "Latitude": 34.13, "Longitude": -117.38, "Population": 1844.0}, {"index": 13463, "quantile": 0.0, "value": 91500.0, "Latitude": 34.13, "Longitude": -117.37, "Population": 1621.0}, {"index": 13463, "quantile": 0.25, "value": 118500.0, "Latitude": 34.13, "Longitude": -117.37, "Population": 1621.0}, {"index": 13463, "quantile": 0.5, "value": 118500.0, "Latitude": 34.13, "Longitude": -117.37, "Population": 1621.0}, {"index": 13463, "quantile": 0.75, "value": 120875.0, "Latitude": 34.13, "Longitude": -117.37, "Population": 1621.0}, {"index": 13463, "quantile": 1.0, "value": 137500.0, "Latitude": 34.13, "Longitude": -117.37, "Population": 1621.0}, {"index": 13464, "quantile": 0.0, "value": 71300.0, "Latitude": 34.13, "Longitude": -117.38, "Population": 722.0}, {"index": 13464, "quantile": 0.25, "value": 101824.99999999999, "Latitude": 34.13, "Longitude": -117.38, "Population": 722.0}, {"index": 13464, "quantile": 0.5, "value": 107800.0, "Latitude": 34.13, "Longitude": -117.38, "Population": 722.0}, {"index": 13464, "quantile": 0.75, "value": 107800.0, "Latitude": 34.13, "Longitude": -117.38, "Population": 722.0}, {"index": 13464, "quantile": 1.0, "value": 203799.99999999997, "Latitude": 34.13, "Longitude": -117.38, "Population": 722.0}, {"index": 13465, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 34.13, "Longitude": -117.37, "Population": 1054.0}, {"index": 13465, "quantile": 0.25, "value": 87600.0, "Latitude": 34.13, "Longitude": -117.37, "Population": 1054.0}, {"index": 13465, "quantile": 0.5, "value": 94300.0, "Latitude": 34.13, "Longitude": -117.37, "Population": 1054.0}, {"index": 13465, "quantile": 0.75, "value": 107800.0, "Latitude": 34.13, "Longitude": -117.37, "Population": 1054.0}, {"index": 13465, "quantile": 1.0, "value": 187500.0, "Latitude": 34.13, "Longitude": -117.37, "Population": 1054.0}, {"index": 13466, "quantile": 0.0, "value": 66600.0, "Latitude": 34.12, "Longitude": -117.38, "Population": 4115.0}, {"index": 13466, "quantile": 0.25, "value": 103800.0, "Latitude": 34.12, "Longitude": -117.38, "Population": 4115.0}, {"index": 13466, "quantile": 0.5, "value": 105200.0, "Latitude": 34.12, "Longitude": -117.38, "Population": 4115.0}, {"index": 13466, "quantile": 0.75, "value": 105200.0, "Latitude": 34.12, "Longitude": -117.38, "Population": 4115.0}, {"index": 13466, "quantile": 1.0, "value": 155000.0, "Latitude": 34.12, "Longitude": -117.38, "Population": 4115.0}, {"index": 13467, "quantile": 0.0, "value": 111100.0, "Latitude": 34.12, "Longitude": -117.39, "Population": 3253.0}, {"index": 13467, "quantile": 0.25, "value": 140500.0, "Latitude": 34.12, "Longitude": -117.39, "Population": 3253.0}, {"index": 13467, "quantile": 0.5, "value": 140500.0, "Latitude": 34.12, "Longitude": -117.39, "Population": 3253.0}, {"index": 13467, "quantile": 0.75, "value": 140500.0, "Latitude": 34.12, "Longitude": -117.39, "Population": 3253.0}, {"index": 13467, "quantile": 1.0, "value": 319100.0, "Latitude": 34.12, "Longitude": -117.39, "Population": 3253.0}, {"index": 13468, "quantile": 0.0, "value": 90600.0, "Latitude": 34.09, "Longitude": -117.38, "Population": 2184.0}, {"index": 13468, "quantile": 0.25, "value": 101025.00000000001, "Latitude": 34.09, "Longitude": -117.38, "Population": 2184.0}, {"index": 13468, "quantile": 0.5, "value": 112300.0, "Latitude": 34.09, "Longitude": -117.38, "Population": 2184.0}, {"index": 13468, "quantile": 0.75, "value": 113500.0, "Latitude": 34.09, "Longitude": -117.38, "Population": 2184.0}, {"index": 13468, "quantile": 1.0, "value": 146800.0, "Latitude": 34.09, "Longitude": -117.38, "Population": 2184.0}, {"index": 13469, "quantile": 0.0, "value": 90300.0, "Latitude": 34.09, "Longitude": -117.36, "Population": 2131.0}, {"index": 13469, "quantile": 0.25, "value": 95500.0, "Latitude": 34.09, "Longitude": -117.36, "Population": 2131.0}, {"index": 13469, "quantile": 0.5, "value": 95500.0, "Latitude": 34.09, "Longitude": -117.36, "Population": 2131.0}, {"index": 13469, "quantile": 0.75, "value": 97649.99999999999, "Latitude": 34.09, "Longitude": -117.36, "Population": 2131.0}, {"index": 13469, "quantile": 1.0, "value": 154300.0, "Latitude": 34.09, "Longitude": -117.36, "Population": 2131.0}, {"index": 13470, "quantile": 0.0, "value": 78600.0, "Latitude": 34.08, "Longitude": -117.37, "Population": 1190.0}, {"index": 13470, "quantile": 0.25, "value": 112700.0, "Latitude": 34.08, "Longitude": -117.37, "Population": 1190.0}, {"index": 13470, "quantile": 0.5, "value": 114999.99999999999, "Latitude": 34.08, "Longitude": -117.37, "Population": 1190.0}, {"index": 13470, "quantile": 0.75, "value": 114999.99999999999, "Latitude": 34.08, "Longitude": -117.37, "Population": 1190.0}, {"index": 13470, "quantile": 1.0, "value": 362500.0, "Latitude": 34.08, "Longitude": -117.37, "Population": 1190.0}, {"index": 13471, "quantile": 0.0, "value": 84500.0, "Latitude": 34.08, "Longitude": -117.38, "Population": 3095.0}, {"index": 13471, "quantile": 0.25, "value": 112599.99999999999, "Latitude": 34.08, "Longitude": -117.38, "Population": 3095.0}, {"index": 13471, "quantile": 0.5, "value": 112599.99999999999, "Latitude": 34.08, "Longitude": -117.38, "Population": 3095.0}, {"index": 13471, "quantile": 0.75, "value": 119000.0, "Latitude": 34.08, "Longitude": -117.38, "Population": 3095.0}, {"index": 13471, "quantile": 1.0, "value": 146800.0, "Latitude": 34.08, "Longitude": -117.38, "Population": 3095.0}, {"index": 13472, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 34.07, "Longitude": -117.38, "Population": 910.0}, {"index": 13472, "quantile": 0.25, "value": 129099.99999999999, "Latitude": 34.07, "Longitude": -117.38, "Population": 910.0}, {"index": 13472, "quantile": 0.5, "value": 138900.0, "Latitude": 34.07, "Longitude": -117.38, "Population": 910.0}, {"index": 13472, "quantile": 0.75, "value": 144000.0, "Latitude": 34.07, "Longitude": -117.38, "Population": 910.0}, {"index": 13472, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -117.38, "Population": 910.0}, {"index": 13473, "quantile": 0.0, "value": 64400.0, "Latitude": 34.07, "Longitude": -117.37, "Population": 60.0}, {"index": 13473, "quantile": 0.25, "value": 193425.0, "Latitude": 34.07, "Longitude": -117.37, "Population": 60.0}, {"index": 13473, "quantile": 0.5, "value": 262500.0, "Latitude": 34.07, "Longitude": -117.37, "Population": 60.0}, {"index": 13473, "quantile": 0.75, "value": 262500.0, "Latitude": 34.07, "Longitude": -117.37, "Population": 60.0}, {"index": 13473, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -117.37, "Population": 60.0}, {"index": 13474, "quantile": 0.0, "value": 89400.0, "Latitude": 34.08, "Longitude": -117.36, "Population": 4775.0}, {"index": 13474, "quantile": 0.25, "value": 106300.0, "Latitude": 34.08, "Longitude": -117.36, "Population": 4775.0}, {"index": 13474, "quantile": 0.5, "value": 112599.99999999999, "Latitude": 34.08, "Longitude": -117.36, "Population": 4775.0}, {"index": 13474, "quantile": 0.75, "value": 119700.0, "Latitude": 34.08, "Longitude": -117.36, "Population": 4775.0}, {"index": 13474, "quantile": 1.0, "value": 244400.0, "Latitude": 34.08, "Longitude": -117.36, "Population": 4775.0}, {"index": 13475, "quantile": 0.0, "value": 101600.0, "Latitude": 34.09, "Longitude": -117.4, "Population": 3615.0}, {"index": 13475, "quantile": 0.25, "value": 130700.0, "Latitude": 34.09, "Longitude": -117.4, "Population": 3615.0}, {"index": 13475, "quantile": 0.5, "value": 130700.0, "Latitude": 34.09, "Longitude": -117.4, "Population": 3615.0}, {"index": 13475, "quantile": 0.75, "value": 149950.0, "Latitude": 34.09, "Longitude": -117.4, "Population": 3615.0}, {"index": 13475, "quantile": 1.0, "value": 229999.99999999997, "Latitude": 34.09, "Longitude": -117.4, "Population": 3615.0}, {"index": 13476, "quantile": 0.0, "value": 111500.0, "Latitude": 34.09, "Longitude": -117.39, "Population": 3528.0}, {"index": 13476, "quantile": 0.25, "value": 130700.0, "Latitude": 34.09, "Longitude": -117.39, "Population": 3528.0}, {"index": 13476, "quantile": 0.5, "value": 130700.0, "Latitude": 34.09, "Longitude": -117.39, "Population": 3528.0}, {"index": 13476, "quantile": 0.75, "value": 130700.0, "Latitude": 34.09, "Longitude": -117.39, "Population": 3528.0}, {"index": 13476, "quantile": 1.0, "value": 319100.0, "Latitude": 34.09, "Longitude": -117.39, "Population": 3528.0}, {"index": 13477, "quantile": 0.0, "value": 101600.0, "Latitude": 34.07, "Longitude": -117.39, "Population": 1118.0}, {"index": 13477, "quantile": 0.25, "value": 122700.00000000001, "Latitude": 34.07, "Longitude": -117.39, "Population": 1118.0}, {"index": 13477, "quantile": 0.5, "value": 122700.00000000001, "Latitude": 34.07, "Longitude": -117.39, "Population": 1118.0}, {"index": 13477, "quantile": 0.75, "value": 122700.00000000001, "Latitude": 34.07, "Longitude": -117.39, "Population": 1118.0}, {"index": 13477, "quantile": 1.0, "value": 134800.0, "Latitude": 34.07, "Longitude": -117.39, "Population": 1118.0}, {"index": 13478, "quantile": 0.0, "value": 83800.0, "Latitude": 34.07, "Longitude": -117.39, "Population": 664.0}, {"index": 13478, "quantile": 0.25, "value": 96800.0, "Latitude": 34.07, "Longitude": -117.39, "Population": 664.0}, {"index": 13478, "quantile": 0.5, "value": 96800.0, "Latitude": 34.07, "Longitude": -117.39, "Population": 664.0}, {"index": 13478, "quantile": 0.75, "value": 106300.0, "Latitude": 34.07, "Longitude": -117.39, "Population": 664.0}, {"index": 13478, "quantile": 1.0, "value": 159300.0, "Latitude": 34.07, "Longitude": -117.39, "Population": 664.0}, {"index": 13479, "quantile": 0.0, "value": 64800.0, "Latitude": 34.07, "Longitude": -117.4, "Population": 1661.0}, {"index": 13479, "quantile": 0.25, "value": 88100.0, "Latitude": 34.07, "Longitude": -117.4, "Population": 1661.0}, {"index": 13479, "quantile": 0.5, "value": 88100.0, "Latitude": 34.07, "Longitude": -117.4, "Population": 1661.0}, {"index": 13479, "quantile": 0.75, "value": 88225.0, "Latitude": 34.07, "Longitude": -117.4, "Population": 1661.0}, {"index": 13479, "quantile": 1.0, "value": 143100.0, "Latitude": 34.07, "Longitude": -117.4, "Population": 1661.0}, {"index": 13480, "quantile": 0.0, "value": 35000.0, "Latitude": 34.1, "Longitude": -117.37, "Population": 1270.0}, {"index": 13480, "quantile": 0.25, "value": 86100.0, "Latitude": 34.1, "Longitude": -117.37, "Population": 1270.0}, {"index": 13480, "quantile": 0.5, "value": 86100.0, "Latitude": 34.1, "Longitude": -117.37, "Population": 1270.0}, {"index": 13480, "quantile": 0.75, "value": 86100.0, "Latitude": 34.1, "Longitude": -117.37, "Population": 1270.0}, {"index": 13480, "quantile": 1.0, "value": 122600.0, "Latitude": 34.1, "Longitude": -117.37, "Population": 1270.0}, {"index": 13481, "quantile": 0.0, "value": 57899.99999999999, "Latitude": 34.1, "Longitude": -117.37, "Population": 1656.0}, {"index": 13481, "quantile": 0.25, "value": 91300.0, "Latitude": 34.1, "Longitude": -117.37, "Population": 1656.0}, {"index": 13481, "quantile": 0.5, "value": 91300.0, "Latitude": 34.1, "Longitude": -117.37, "Population": 1656.0}, {"index": 13481, "quantile": 0.75, "value": 91300.0, "Latitude": 34.1, "Longitude": -117.37, "Population": 1656.0}, {"index": 13481, "quantile": 1.0, "value": 162500.0, "Latitude": 34.1, "Longitude": -117.37, "Population": 1656.0}, {"index": 13482, "quantile": 0.0, "value": 106300.0, "Latitude": 34.12, "Longitude": -117.35, "Population": 3157.0}, {"index": 13482, "quantile": 0.25, "value": 126499.99999999999, "Latitude": 34.12, "Longitude": -117.35, "Population": 3157.0}, {"index": 13482, "quantile": 0.5, "value": 126499.99999999999, "Latitude": 34.12, "Longitude": -117.35, "Population": 3157.0}, {"index": 13482, "quantile": 0.75, "value": 126499.99999999999, "Latitude": 34.12, "Longitude": -117.35, "Population": 3157.0}, {"index": 13482, "quantile": 1.0, "value": 154300.0, "Latitude": 34.12, "Longitude": -117.35, "Population": 3157.0}, {"index": 13483, "quantile": 0.0, "value": 86700.0, "Latitude": 34.11, "Longitude": -117.36, "Population": 1555.0}, {"index": 13483, "quantile": 0.25, "value": 91350.0, "Latitude": 34.11, "Longitude": -117.36, "Population": 1555.0}, {"index": 13483, "quantile": 0.5, "value": 95500.0, "Latitude": 34.11, "Longitude": -117.36, "Population": 1555.0}, {"index": 13483, "quantile": 0.75, "value": 99400.0, "Latitude": 34.11, "Longitude": -117.36, "Population": 1555.0}, {"index": 13483, "quantile": 1.0, "value": 143100.0, "Latitude": 34.11, "Longitude": -117.36, "Population": 1555.0}, {"index": 13484, "quantile": 0.0, "value": 88400.0, "Latitude": 34.12, "Longitude": -117.37, "Population": 1614.0}, {"index": 13484, "quantile": 0.25, "value": 118200.0, "Latitude": 34.12, "Longitude": -117.37, "Population": 1614.0}, {"index": 13484, "quantile": 0.5, "value": 118200.0, "Latitude": 34.12, "Longitude": -117.37, "Population": 1614.0}, {"index": 13484, "quantile": 0.75, "value": 118200.0, "Latitude": 34.12, "Longitude": -117.37, "Population": 1614.0}, {"index": 13484, "quantile": 1.0, "value": 141900.0, "Latitude": 34.12, "Longitude": -117.37, "Population": 1614.0}, {"index": 13485, "quantile": 0.0, "value": 64400.0, "Latitude": 34.13, "Longitude": -117.37, "Population": 3114.0}, {"index": 13485, "quantile": 0.25, "value": 127099.99999999999, "Latitude": 34.13, "Longitude": -117.37, "Population": 3114.0}, {"index": 13485, "quantile": 0.5, "value": 133200.0, "Latitude": 34.13, "Longitude": -117.37, "Population": 3114.0}, {"index": 13485, "quantile": 0.75, "value": 133200.0, "Latitude": 34.13, "Longitude": -117.37, "Population": 3114.0}, {"index": 13485, "quantile": 1.0, "value": 299300.0, "Latitude": 34.13, "Longitude": -117.37, "Population": 3114.0}, {"index": 13486, "quantile": 0.0, "value": 89400.0, "Latitude": 34.13, "Longitude": -117.35, "Population": 1862.0}, {"index": 13486, "quantile": 0.25, "value": 123225.0, "Latitude": 34.13, "Longitude": -117.35, "Population": 1862.0}, {"index": 13486, "quantile": 0.5, "value": 132000.0, "Latitude": 34.13, "Longitude": -117.35, "Population": 1862.0}, {"index": 13486, "quantile": 0.75, "value": 132000.0, "Latitude": 34.13, "Longitude": -117.35, "Population": 1862.0}, {"index": 13486, "quantile": 1.0, "value": 314100.0, "Latitude": 34.13, "Longitude": -117.35, "Population": 1862.0}, {"index": 13487, "quantile": 0.0, "value": 66900.0, "Latitude": 34.1, "Longitude": -117.36, "Population": 1683.0}, {"index": 13487, "quantile": 0.25, "value": 87600.0, "Latitude": 34.1, "Longitude": -117.36, "Population": 1683.0}, {"index": 13487, "quantile": 0.5, "value": 87600.0, "Latitude": 34.1, "Longitude": -117.36, "Population": 1683.0}, {"index": 13487, "quantile": 0.75, "value": 87600.0, "Latitude": 34.1, "Longitude": -117.36, "Population": 1683.0}, {"index": 13487, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -117.36, "Population": 1683.0}, {"index": 13488, "quantile": 0.0, "value": 68100.0, "Latitude": 34.1, "Longitude": -117.36, "Population": 1227.0}, {"index": 13488, "quantile": 0.25, "value": 88475.0, "Latitude": 34.1, "Longitude": -117.36, "Population": 1227.0}, {"index": 13488, "quantile": 0.5, "value": 88600.0, "Latitude": 34.1, "Longitude": -117.36, "Population": 1227.0}, {"index": 13488, "quantile": 0.75, "value": 88600.0, "Latitude": 34.1, "Longitude": -117.36, "Population": 1227.0}, {"index": 13488, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -117.36, "Population": 1227.0}, {"index": 13489, "quantile": 0.0, "value": 78800.0, "Latitude": 34.1, "Longitude": -117.36, "Population": 1366.0}, {"index": 13489, "quantile": 0.25, "value": 92800.0, "Latitude": 34.1, "Longitude": -117.36, "Population": 1366.0}, {"index": 13489, "quantile": 0.5, "value": 92800.0, "Latitude": 34.1, "Longitude": -117.36, "Population": 1366.0}, {"index": 13489, "quantile": 0.75, "value": 95200.0, "Latitude": 34.1, "Longitude": -117.36, "Population": 1366.0}, {"index": 13489, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 34.1, "Longitude": -117.36, "Population": 1366.0}, {"index": 13490, "quantile": 0.0, "value": 92900.0, "Latitude": 34.06, "Longitude": -117.38, "Population": 1612.0}, {"index": 13490, "quantile": 0.25, "value": 112300.0, "Latitude": 34.06, "Longitude": -117.38, "Population": 1612.0}, {"index": 13490, "quantile": 0.5, "value": 112300.0, "Latitude": 34.06, "Longitude": -117.38, "Population": 1612.0}, {"index": 13490, "quantile": 0.75, "value": 112300.0, "Latitude": 34.06, "Longitude": -117.38, "Population": 1612.0}, {"index": 13490, "quantile": 1.0, "value": 153800.0, "Latitude": 34.06, "Longitude": -117.38, "Population": 1612.0}, {"index": 13491, "quantile": 0.0, "value": 101600.0, "Latitude": 34.06, "Longitude": -117.4, "Population": 3533.0}, {"index": 13491, "quantile": 0.25, "value": 101600.0, "Latitude": 34.06, "Longitude": -117.4, "Population": 3533.0}, {"index": 13491, "quantile": 0.5, "value": 101600.0, "Latitude": 34.06, "Longitude": -117.4, "Population": 3533.0}, {"index": 13491, "quantile": 0.75, "value": 117400.0, "Latitude": 34.06, "Longitude": -117.4, "Population": 3533.0}, {"index": 13491, "quantile": 1.0, "value": 145500.0, "Latitude": 34.06, "Longitude": -117.4, "Population": 3533.0}, {"index": 13492, "quantile": 0.0, "value": 79200.0, "Latitude": 34.04, "Longitude": -117.4, "Population": 1550.0}, {"index": 13492, "quantile": 0.25, "value": 81800.0, "Latitude": 34.04, "Longitude": -117.4, "Population": 1550.0}, {"index": 13492, "quantile": 0.5, "value": 81800.0, "Latitude": 34.04, "Longitude": -117.4, "Population": 1550.0}, {"index": 13492, "quantile": 0.75, "value": 97600.0, "Latitude": 34.04, "Longitude": -117.4, "Population": 1550.0}, {"index": 13492, "quantile": 1.0, "value": 152700.0, "Latitude": 34.04, "Longitude": -117.4, "Population": 1550.0}, {"index": 13493, "quantile": 0.0, "value": 78800.0, "Latitude": 34.04, "Longitude": -117.39, "Population": 1841.0}, {"index": 13493, "quantile": 0.25, "value": 96400.0, "Latitude": 34.04, "Longitude": -117.39, "Population": 1841.0}, {"index": 13493, "quantile": 0.5, "value": 96400.0, "Latitude": 34.04, "Longitude": -117.39, "Population": 1841.0}, {"index": 13493, "quantile": 0.75, "value": 110800.00000000001, "Latitude": 34.04, "Longitude": -117.39, "Population": 1841.0}, {"index": 13493, "quantile": 1.0, "value": 143100.0, "Latitude": 34.04, "Longitude": -117.39, "Population": 1841.0}, {"index": 13494, "quantile": 0.0, "value": 92900.0, "Latitude": 34.04, "Longitude": -117.35, "Population": 1729.0}, {"index": 13494, "quantile": 0.25, "value": 124000.0, "Latitude": 34.04, "Longitude": -117.35, "Population": 1729.0}, {"index": 13494, "quantile": 0.5, "value": 146800.0, "Latitude": 34.04, "Longitude": -117.35, "Population": 1729.0}, {"index": 13494, "quantile": 0.75, "value": 146800.0, "Latitude": 34.04, "Longitude": -117.35, "Population": 1729.0}, {"index": 13494, "quantile": 1.0, "value": 164400.0, "Latitude": 34.04, "Longitude": -117.35, "Population": 1729.0}, {"index": 13495, "quantile": 0.0, "value": 73400.0, "Latitude": 34.17, "Longitude": -117.35, "Population": 1480.0}, {"index": 13495, "quantile": 0.25, "value": 79200.0, "Latitude": 34.17, "Longitude": -117.35, "Population": 1480.0}, {"index": 13495, "quantile": 0.5, "value": 79200.0, "Latitude": 34.17, "Longitude": -117.35, "Population": 1480.0}, {"index": 13495, "quantile": 0.75, "value": 85200.0, "Latitude": 34.17, "Longitude": -117.35, "Population": 1480.0}, {"index": 13495, "quantile": 1.0, "value": 143100.0, "Latitude": 34.17, "Longitude": -117.35, "Population": 1480.0}, {"index": 13496, "quantile": 0.0, "value": 65500.0, "Latitude": 34.16, "Longitude": -117.34, "Population": 1049.0}, {"index": 13496, "quantile": 0.25, "value": 72700.0, "Latitude": 34.16, "Longitude": -117.34, "Population": 1049.0}, {"index": 13496, "quantile": 0.5, "value": 72700.0, "Latitude": 34.16, "Longitude": -117.34, "Population": 1049.0}, {"index": 13496, "quantile": 0.75, "value": 72700.0, "Latitude": 34.16, "Longitude": -117.34, "Population": 1049.0}, {"index": 13496, "quantile": 1.0, "value": 139600.0, "Latitude": 34.16, "Longitude": -117.34, "Population": 1049.0}, {"index": 13497, "quantile": 0.0, "value": 64900.0, "Latitude": 34.15, "Longitude": -117.33, "Population": 1196.0}, {"index": 13497, "quantile": 0.25, "value": 67800.0, "Latitude": 34.15, "Longitude": -117.33, "Population": 1196.0}, {"index": 13497, "quantile": 0.5, "value": 67800.0, "Latitude": 34.15, "Longitude": -117.33, "Population": 1196.0}, {"index": 13497, "quantile": 0.75, "value": 69124.99999999999, "Latitude": 34.15, "Longitude": -117.33, "Population": 1196.0}, {"index": 13497, "quantile": 1.0, "value": 91700.0, "Latitude": 34.15, "Longitude": -117.33, "Population": 1196.0}, {"index": 13498, "quantile": 0.0, "value": 63500.0, "Latitude": 34.14, "Longitude": -117.32, "Population": 1457.0}, {"index": 13498, "quantile": 0.25, "value": 66600.0, "Latitude": 34.14, "Longitude": -117.32, "Population": 1457.0}, {"index": 13498, "quantile": 0.5, "value": 66600.0, "Latitude": 34.14, "Longitude": -117.32, "Population": 1457.0}, {"index": 13498, "quantile": 0.75, "value": 66600.0, "Latitude": 34.14, "Longitude": -117.32, "Population": 1457.0}, {"index": 13498, "quantile": 1.0, "value": 89400.0, "Latitude": 34.14, "Longitude": -117.32, "Population": 1457.0}, {"index": 13499, "quantile": 0.0, "value": 64800.0, "Latitude": 34.14, "Longitude": -117.33, "Population": 1296.0}, {"index": 13499, "quantile": 0.25, "value": 69700.0, "Latitude": 34.14, "Longitude": -117.33, "Population": 1296.0}, {"index": 13499, "quantile": 0.5, "value": 69700.0, "Latitude": 34.14, "Longitude": -117.33, "Population": 1296.0}, {"index": 13499, "quantile": 0.75, "value": 69700.0, "Latitude": 34.14, "Longitude": -117.33, "Population": 1296.0}, {"index": 13499, "quantile": 1.0, "value": 84500.0, "Latitude": 34.14, "Longitude": -117.33, "Population": 1296.0}, {"index": 13500, "quantile": 0.0, "value": 60800.0, "Latitude": 34.14, "Longitude": -117.34, "Population": 1198.0}, {"index": 13500, "quantile": 0.25, "value": 70550.0, "Latitude": 34.14, "Longitude": -117.34, "Population": 1198.0}, {"index": 13500, "quantile": 0.5, "value": 72700.0, "Latitude": 34.14, "Longitude": -117.34, "Population": 1198.0}, {"index": 13500, "quantile": 0.75, "value": 88100.0, "Latitude": 34.14, "Longitude": -117.34, "Population": 1198.0}, {"index": 13500, "quantile": 1.0, "value": 189200.0, "Latitude": 34.14, "Longitude": -117.34, "Population": 1198.0}, {"index": 13501, "quantile": 0.0, "value": 65500.0, "Latitude": 34.15, "Longitude": -117.35, "Population": 2086.0}, {"index": 13501, "quantile": 0.25, "value": 84500.0, "Latitude": 34.15, "Longitude": -117.35, "Population": 2086.0}, {"index": 13501, "quantile": 0.5, "value": 84500.0, "Latitude": 34.15, "Longitude": -117.35, "Population": 2086.0}, {"index": 13501, "quantile": 0.75, "value": 84500.0, "Latitude": 34.15, "Longitude": -117.35, "Population": 2086.0}, {"index": 13501, "quantile": 1.0, "value": 166700.0, "Latitude": 34.15, "Longitude": -117.35, "Population": 2086.0}, {"index": 13502, "quantile": 0.0, "value": 66900.0, "Latitude": 34.16, "Longitude": -117.35, "Population": 1054.0}, {"index": 13502, "quantile": 0.25, "value": 73400.0, "Latitude": 34.16, "Longitude": -117.35, "Population": 1054.0}, {"index": 13502, "quantile": 0.5, "value": 73400.0, "Latitude": 34.16, "Longitude": -117.35, "Population": 1054.0}, {"index": 13502, "quantile": 0.75, "value": 73400.0, "Latitude": 34.16, "Longitude": -117.35, "Population": 1054.0}, {"index": 13502, "quantile": 1.0, "value": 135200.0, "Latitude": 34.16, "Longitude": -117.35, "Population": 1054.0}, {"index": 13503, "quantile": 0.0, "value": 35000.0, "Latitude": 34.13, "Longitude": -117.32, "Population": 1430.0}, {"index": 13503, "quantile": 0.25, "value": 70400.0, "Latitude": 34.13, "Longitude": -117.32, "Population": 1430.0}, {"index": 13503, "quantile": 0.5, "value": 70400.0, "Latitude": 34.13, "Longitude": -117.32, "Population": 1430.0}, {"index": 13503, "quantile": 0.75, "value": 72725.0, "Latitude": 34.13, "Longitude": -117.32, "Population": 1430.0}, {"index": 13503, "quantile": 1.0, "value": 92400.0, "Latitude": 34.13, "Longitude": -117.32, "Population": 1430.0}, {"index": 13504, "quantile": 0.0, "value": 35000.0, "Latitude": 34.12, "Longitude": -117.32, "Population": 2055.0}, {"index": 13504, "quantile": 0.25, "value": 70400.0, "Latitude": 34.12, "Longitude": -117.32, "Population": 2055.0}, {"index": 13504, "quantile": 0.5, "value": 72550.0, "Latitude": 34.12, "Longitude": -117.32, "Population": 2055.0}, {"index": 13504, "quantile": 0.75, "value": 84500.0, "Latitude": 34.12, "Longitude": -117.32, "Population": 2055.0}, {"index": 13504, "quantile": 1.0, "value": 118800.0, "Latitude": 34.12, "Longitude": -117.32, "Population": 2055.0}, {"index": 13505, "quantile": 0.0, "value": 65800.0, "Latitude": 34.12, "Longitude": -117.32, "Population": 1752.0}, {"index": 13505, "quantile": 0.25, "value": 66400.0, "Latitude": 34.12, "Longitude": -117.32, "Population": 1752.0}, {"index": 13505, "quantile": 0.5, "value": 66400.0, "Latitude": 34.12, "Longitude": -117.32, "Population": 1752.0}, {"index": 13505, "quantile": 0.75, "value": 66400.0, "Latitude": 34.12, "Longitude": -117.32, "Population": 1752.0}, {"index": 13505, "quantile": 1.0, "value": 91700.0, "Latitude": 34.12, "Longitude": -117.32, "Population": 1752.0}, {"index": 13506, "quantile": 0.0, "value": 55600.00000000001, "Latitude": 34.12, "Longitude": -117.33, "Population": 838.0}, {"index": 13506, "quantile": 0.25, "value": 68550.0, "Latitude": 34.12, "Longitude": -117.33, "Population": 838.0}, {"index": 13506, "quantile": 0.5, "value": 69000.0, "Latitude": 34.12, "Longitude": -117.33, "Population": 838.0}, {"index": 13506, "quantile": 0.75, "value": 69000.0, "Latitude": 34.12, "Longitude": -117.33, "Population": 838.0}, {"index": 13506, "quantile": 1.0, "value": 135700.0, "Latitude": 34.12, "Longitude": -117.33, "Population": 838.0}, {"index": 13507, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 34.13, "Longitude": -117.33, "Population": 1214.0}, {"index": 13507, "quantile": 0.25, "value": 66600.0, "Latitude": 34.13, "Longitude": -117.33, "Population": 1214.0}, {"index": 13507, "quantile": 0.5, "value": 71449.99999999999, "Latitude": 34.13, "Longitude": -117.33, "Population": 1214.0}, {"index": 13507, "quantile": 0.75, "value": 87300.0, "Latitude": 34.13, "Longitude": -117.33, "Population": 1214.0}, {"index": 13507, "quantile": 1.0, "value": 173200.0, "Latitude": 34.13, "Longitude": -117.33, "Population": 1214.0}, {"index": 13508, "quantile": 0.0, "value": 57899.99999999999, "Latitude": 34.13, "Longitude": -117.33, "Population": 2317.0}, {"index": 13508, "quantile": 0.25, "value": 71275.0, "Latitude": 34.13, "Longitude": -117.33, "Population": 2317.0}, {"index": 13508, "quantile": 0.5, "value": 72400.0, "Latitude": 34.13, "Longitude": -117.33, "Population": 2317.0}, {"index": 13508, "quantile": 0.75, "value": 72400.0, "Latitude": 34.13, "Longitude": -117.33, "Population": 2317.0}, {"index": 13508, "quantile": 1.0, "value": 103299.99999999999, "Latitude": 34.13, "Longitude": -117.33, "Population": 2317.0}, {"index": 13509, "quantile": 0.0, "value": 64000.0, "Latitude": 34.13, "Longitude": -117.34, "Population": 991.0}, {"index": 13509, "quantile": 0.25, "value": 70600.0, "Latitude": 34.13, "Longitude": -117.34, "Population": 991.0}, {"index": 13509, "quantile": 0.5, "value": 70600.0, "Latitude": 34.13, "Longitude": -117.34, "Population": 991.0}, {"index": 13509, "quantile": 0.75, "value": 72625.0, "Latitude": 34.13, "Longitude": -117.34, "Population": 991.0}, {"index": 13509, "quantile": 1.0, "value": 126800.0, "Latitude": 34.13, "Longitude": -117.34, "Population": 991.0}, {"index": 13510, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.13, "Longitude": -117.34, "Population": 341.0}, {"index": 13510, "quantile": 0.25, "value": 70300.0, "Latitude": 34.13, "Longitude": -117.34, "Population": 341.0}, {"index": 13510, "quantile": 0.5, "value": 70300.0, "Latitude": 34.13, "Longitude": -117.34, "Population": 341.0}, {"index": 13510, "quantile": 0.75, "value": 89775.0, "Latitude": 34.13, "Longitude": -117.34, "Population": 341.0}, {"index": 13510, "quantile": 1.0, "value": 175000.0, "Latitude": 34.13, "Longitude": -117.34, "Population": 341.0}, {"index": 13511, "quantile": 0.0, "value": 64900.0, "Latitude": 34.11, "Longitude": -117.32, "Population": 1208.0}, {"index": 13511, "quantile": 0.25, "value": 68100.0, "Latitude": 34.11, "Longitude": -117.32, "Population": 1208.0}, {"index": 13511, "quantile": 0.5, "value": 68100.0, "Latitude": 34.11, "Longitude": -117.32, "Population": 1208.0}, {"index": 13511, "quantile": 0.75, "value": 70400.0, "Latitude": 34.11, "Longitude": -117.32, "Population": 1208.0}, {"index": 13511, "quantile": 1.0, "value": 119700.0, "Latitude": 34.11, "Longitude": -117.32, "Population": 1208.0}, {"index": 13512, "quantile": 0.0, "value": 64100.0, "Latitude": 34.11, "Longitude": -117.32, "Population": 994.0}, {"index": 13512, "quantile": 0.25, "value": 67300.0, "Latitude": 34.11, "Longitude": -117.32, "Population": 994.0}, {"index": 13512, "quantile": 0.5, "value": 67300.0, "Latitude": 34.11, "Longitude": -117.32, "Population": 994.0}, {"index": 13512, "quantile": 0.75, "value": 67300.0, "Latitude": 34.11, "Longitude": -117.32, "Population": 994.0}, {"index": 13512, "quantile": 1.0, "value": 72800.0, "Latitude": 34.11, "Longitude": -117.32, "Population": 994.0}, {"index": 13513, "quantile": 0.0, "value": 64800.0, "Latitude": 34.12, "Longitude": -117.33, "Population": 1356.0}, {"index": 13513, "quantile": 0.25, "value": 69700.0, "Latitude": 34.12, "Longitude": -117.33, "Population": 1356.0}, {"index": 13513, "quantile": 0.5, "value": 70400.0, "Latitude": 34.12, "Longitude": -117.33, "Population": 1356.0}, {"index": 13513, "quantile": 0.75, "value": 70400.0, "Latitude": 34.12, "Longitude": -117.33, "Population": 1356.0}, {"index": 13513, "quantile": 1.0, "value": 90500.0, "Latitude": 34.12, "Longitude": -117.33, "Population": 1356.0}, {"index": 13514, "quantile": 0.0, "value": 67500.0, "Latitude": 34.12, "Longitude": -117.34, "Population": 568.0}, {"index": 13514, "quantile": 0.25, "value": 102750.00000000001, "Latitude": 34.12, "Longitude": -117.34, "Population": 568.0}, {"index": 13514, "quantile": 0.5, "value": 105600.0, "Latitude": 34.12, "Longitude": -117.34, "Population": 568.0}, {"index": 13514, "quantile": 0.75, "value": 105600.0, "Latitude": 34.12, "Longitude": -117.34, "Population": 568.0}, {"index": 13514, "quantile": 1.0, "value": 165500.0, "Latitude": 34.12, "Longitude": -117.34, "Population": 568.0}, {"index": 13515, "quantile": 0.0, "value": 79200.0, "Latitude": 34.11, "Longitude": -117.34, "Population": 2188.0}, {"index": 13515, "quantile": 0.25, "value": 90600.0, "Latitude": 34.11, "Longitude": -117.34, "Population": 2188.0}, {"index": 13515, "quantile": 0.5, "value": 90600.0, "Latitude": 34.11, "Longitude": -117.34, "Population": 2188.0}, {"index": 13515, "quantile": 0.75, "value": 95500.0, "Latitude": 34.11, "Longitude": -117.34, "Population": 2188.0}, {"index": 13515, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 34.11, "Longitude": -117.34, "Population": 2188.0}, {"index": 13516, "quantile": 0.0, "value": 70400.0, "Latitude": 34.11, "Longitude": -117.35, "Population": 1578.0}, {"index": 13516, "quantile": 0.25, "value": 88400.0, "Latitude": 34.11, "Longitude": -117.35, "Population": 1578.0}, {"index": 13516, "quantile": 0.5, "value": 88400.0, "Latitude": 34.11, "Longitude": -117.35, "Population": 1578.0}, {"index": 13516, "quantile": 0.75, "value": 88400.0, "Latitude": 34.11, "Longitude": -117.35, "Population": 1578.0}, {"index": 13516, "quantile": 1.0, "value": 146800.0, "Latitude": 34.11, "Longitude": -117.35, "Population": 1578.0}, {"index": 13517, "quantile": 0.0, "value": 77200.0, "Latitude": 34.1, "Longitude": -117.34, "Population": 6640.0}, {"index": 13517, "quantile": 0.25, "value": 103800.0, "Latitude": 34.1, "Longitude": -117.34, "Population": 6640.0}, {"index": 13517, "quantile": 0.5, "value": 103800.0, "Latitude": 34.1, "Longitude": -117.34, "Population": 6640.0}, {"index": 13517, "quantile": 0.75, "value": 103800.0, "Latitude": 34.1, "Longitude": -117.34, "Population": 6640.0}, {"index": 13517, "quantile": 1.0, "value": 152700.0, "Latitude": 34.1, "Longitude": -117.34, "Population": 6640.0}, {"index": 13518, "quantile": 0.0, "value": 84000.0, "Latitude": 34.09, "Longitude": -117.35, "Population": 3255.0}, {"index": 13518, "quantile": 0.25, "value": 103800.0, "Latitude": 34.09, "Longitude": -117.35, "Population": 3255.0}, {"index": 13518, "quantile": 0.5, "value": 111500.0, "Latitude": 34.09, "Longitude": -117.35, "Population": 3255.0}, {"index": 13518, "quantile": 0.75, "value": 111500.0, "Latitude": 34.09, "Longitude": -117.35, "Population": 3255.0}, {"index": 13518, "quantile": 1.0, "value": 121500.00000000001, "Latitude": 34.09, "Longitude": -117.35, "Population": 3255.0}, {"index": 13519, "quantile": 0.0, "value": 64400.0, "Latitude": 34.2, "Longitude": -117.35, "Population": 4916.0}, {"index": 13519, "quantile": 0.25, "value": 125699.99999999999, "Latitude": 34.2, "Longitude": -117.35, "Population": 4916.0}, {"index": 13519, "quantile": 0.5, "value": 133200.0, "Latitude": 34.2, "Longitude": -117.35, "Population": 4916.0}, {"index": 13519, "quantile": 0.75, "value": 143050.0, "Latitude": 34.2, "Longitude": -117.35, "Population": 4916.0}, {"index": 13519, "quantile": 1.0, "value": 254100.0, "Latitude": 34.2, "Longitude": -117.35, "Population": 4916.0}, {"index": 13520, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 34.22, "Longitude": -117.38, "Population": 489.0}, {"index": 13520, "quantile": 0.25, "value": 221300.0, "Latitude": 34.22, "Longitude": -117.38, "Population": 489.0}, {"index": 13520, "quantile": 0.5, "value": 221300.0, "Latitude": 34.22, "Longitude": -117.38, "Population": 489.0}, {"index": 13520, "quantile": 0.75, "value": 221300.0, "Latitude": 34.22, "Longitude": -117.38, "Population": 489.0}, {"index": 13520, "quantile": 1.0, "value": 322300.0, "Latitude": 34.22, "Longitude": -117.38, "Population": 489.0}, {"index": 13521, "quantile": 0.0, "value": 110900.0, "Latitude": 34.24, "Longitude": -117.41, "Population": 543.0}, {"index": 13521, "quantile": 0.25, "value": 164300.0, "Latitude": 34.24, "Longitude": -117.41, "Population": 543.0}, {"index": 13521, "quantile": 0.5, "value": 164300.0, "Latitude": 34.24, "Longitude": -117.41, "Population": 543.0}, {"index": 13521, "quantile": 0.75, "value": 164300.0, "Latitude": 34.24, "Longitude": -117.41, "Population": 543.0}, {"index": 13521, "quantile": 1.0, "value": 485700.0, "Latitude": 34.24, "Longitude": -117.41, "Population": 543.0}, {"index": 13522, "quantile": 0.0, "value": 140700.0, "Latitude": 34.23, "Longitude": -117.41, "Population": 439.0}, {"index": 13522, "quantile": 0.25, "value": 155000.0, "Latitude": 34.23, "Longitude": -117.41, "Population": 439.0}, {"index": 13522, "quantile": 0.5, "value": 155000.0, "Latitude": 34.23, "Longitude": -117.41, "Population": 439.0}, {"index": 13522, "quantile": 0.75, "value": 214049.99999999997, "Latitude": 34.23, "Longitude": -117.41, "Population": 439.0}, {"index": 13522, "quantile": 1.0, "value": 392900.0, "Latitude": 34.23, "Longitude": -117.41, "Population": 439.0}, {"index": 13523, "quantile": 0.0, "value": 78800.0, "Latitude": 34.17, "Longitude": -117.28, "Population": 1396.0}, {"index": 13523, "quantile": 0.25, "value": 96175.0, "Latitude": 34.17, "Longitude": -117.28, "Population": 1396.0}, {"index": 13523, "quantile": 0.5, "value": 105600.0, "Latitude": 34.17, "Longitude": -117.28, "Population": 1396.0}, {"index": 13523, "quantile": 0.75, "value": 129150.00000000001, "Latitude": 34.17, "Longitude": -117.28, "Population": 1396.0}, {"index": 13523, "quantile": 1.0, "value": 212300.00000000003, "Latitude": 34.17, "Longitude": -117.28, "Population": 1396.0}, {"index": 13524, "quantile": 0.0, "value": 50000.0, "Latitude": 34.17, "Longitude": -117.28, "Population": 1765.0}, {"index": 13524, "quantile": 0.25, "value": 86800.0, "Latitude": 34.17, "Longitude": -117.28, "Population": 1765.0}, {"index": 13524, "quantile": 0.5, "value": 86800.0, "Latitude": 34.17, "Longitude": -117.28, "Population": 1765.0}, {"index": 13524, "quantile": 0.75, "value": 86800.0, "Latitude": 34.17, "Longitude": -117.28, "Population": 1765.0}, {"index": 13524, "quantile": 1.0, "value": 124500.00000000001, "Latitude": 34.17, "Longitude": -117.28, "Population": 1765.0}, {"index": 13525, "quantile": 0.0, "value": 86100.0, "Latitude": 34.17, "Longitude": -117.29, "Population": 2127.0}, {"index": 13525, "quantile": 0.25, "value": 88300.0, "Latitude": 34.17, "Longitude": -117.29, "Population": 2127.0}, {"index": 13525, "quantile": 0.5, "value": 88300.0, "Latitude": 34.17, "Longitude": -117.29, "Population": 2127.0}, {"index": 13525, "quantile": 0.75, "value": 93700.0, "Latitude": 34.17, "Longitude": -117.29, "Population": 2127.0}, {"index": 13525, "quantile": 1.0, "value": 167100.0, "Latitude": 34.17, "Longitude": -117.29, "Population": 2127.0}, {"index": 13526, "quantile": 0.0, "value": 94500.0, "Latitude": 34.18, "Longitude": -117.3, "Population": 1304.0}, {"index": 13526, "quantile": 0.25, "value": 111100.0, "Latitude": 34.18, "Longitude": -117.3, "Population": 1304.0}, {"index": 13526, "quantile": 0.5, "value": 111100.0, "Latitude": 34.18, "Longitude": -117.3, "Population": 1304.0}, {"index": 13526, "quantile": 0.75, "value": 120100.0, "Latitude": 34.18, "Longitude": -117.3, "Population": 1304.0}, {"index": 13526, "quantile": 1.0, "value": 240099.99999999997, "Latitude": 34.18, "Longitude": -117.3, "Population": 1304.0}, {"index": 13527, "quantile": 0.0, "value": 39800.0, "Latitude": 34.17, "Longitude": -117.3, "Population": 1172.0}, {"index": 13527, "quantile": 0.25, "value": 75175.0, "Latitude": 34.17, "Longitude": -117.3, "Population": 1172.0}, {"index": 13527, "quantile": 0.5, "value": 85500.0, "Latitude": 34.17, "Longitude": -117.3, "Population": 1172.0}, {"index": 13527, "quantile": 0.75, "value": 89000.0, "Latitude": 34.17, "Longitude": -117.3, "Population": 1172.0}, {"index": 13527, "quantile": 1.0, "value": 107800.0, "Latitude": 34.17, "Longitude": -117.3, "Population": 1172.0}, {"index": 13528, "quantile": 0.0, "value": 78800.0, "Latitude": 34.17, "Longitude": -117.31, "Population": 1650.0}, {"index": 13528, "quantile": 0.25, "value": 91200.0, "Latitude": 34.17, "Longitude": -117.31, "Population": 1650.0}, {"index": 13528, "quantile": 0.5, "value": 103400.0, "Latitude": 34.17, "Longitude": -117.31, "Population": 1650.0}, {"index": 13528, "quantile": 0.75, "value": 113500.0, "Latitude": 34.17, "Longitude": -117.31, "Population": 1650.0}, {"index": 13528, "quantile": 1.0, "value": 146700.0, "Latitude": 34.17, "Longitude": -117.31, "Population": 1650.0}, {"index": 13529, "quantile": 0.0, "value": 90800.0, "Latitude": 34.17, "Longitude": -117.32, "Population": 2943.0}, {"index": 13529, "quantile": 0.25, "value": 106500.0, "Latitude": 34.17, "Longitude": -117.32, "Population": 2943.0}, {"index": 13529, "quantile": 0.5, "value": 106500.0, "Latitude": 34.17, "Longitude": -117.32, "Population": 2943.0}, {"index": 13529, "quantile": 0.75, "value": 112649.99999999999, "Latitude": 34.17, "Longitude": -117.32, "Population": 2943.0}, {"index": 13529, "quantile": 1.0, "value": 225000.0, "Latitude": 34.17, "Longitude": -117.32, "Population": 2943.0}, {"index": 13530, "quantile": 0.0, "value": 119300.0, "Latitude": 34.18, "Longitude": -117.3, "Population": 1176.0}, {"index": 13530, "quantile": 0.25, "value": 165025.0, "Latitude": 34.18, "Longitude": -117.3, "Population": 1176.0}, {"index": 13530, "quantile": 0.5, "value": 215200.0, "Latitude": 34.18, "Longitude": -117.3, "Population": 1176.0}, {"index": 13530, "quantile": 0.75, "value": 246425.00000000003, "Latitude": 34.18, "Longitude": -117.3, "Population": 1176.0}, {"index": 13530, "quantile": 1.0, "value": 436700.0, "Latitude": 34.18, "Longitude": -117.3, "Population": 1176.0}, {"index": 13531, "quantile": 0.0, "value": 94500.0, "Latitude": 34.19, "Longitude": -117.32, "Population": 999.0}, {"index": 13531, "quantile": 0.25, "value": 109000.00000000001, "Latitude": 34.19, "Longitude": -117.32, "Population": 999.0}, {"index": 13531, "quantile": 0.5, "value": 109000.00000000001, "Latitude": 34.19, "Longitude": -117.32, "Population": 999.0}, {"index": 13531, "quantile": 0.75, "value": 134600.0, "Latitude": 34.19, "Longitude": -117.32, "Population": 999.0}, {"index": 13531, "quantile": 1.0, "value": 250000.0, "Latitude": 34.19, "Longitude": -117.32, "Population": 999.0}, {"index": 13532, "quantile": 0.0, "value": 87200.0, "Latitude": 34.18, "Longitude": -117.34, "Population": 1584.0}, {"index": 13532, "quantile": 0.25, "value": 111500.0, "Latitude": 34.18, "Longitude": -117.34, "Population": 1584.0}, {"index": 13532, "quantile": 0.5, "value": 126499.99999999999, "Latitude": 34.18, "Longitude": -117.34, "Population": 1584.0}, {"index": 13532, "quantile": 0.75, "value": 139775.0, "Latitude": 34.18, "Longitude": -117.34, "Population": 1584.0}, {"index": 13532, "quantile": 1.0, "value": 257300.0, "Latitude": 34.18, "Longitude": -117.34, "Population": 1584.0}, {"index": 13533, "quantile": 0.0, "value": 74700.0, "Latitude": 34.17, "Longitude": -117.33, "Population": 2564.0}, {"index": 13533, "quantile": 0.25, "value": 108225.0, "Latitude": 34.17, "Longitude": -117.33, "Population": 2564.0}, {"index": 13533, "quantile": 0.5, "value": 119900.0, "Latitude": 34.17, "Longitude": -117.33, "Population": 2564.0}, {"index": 13533, "quantile": 0.75, "value": 119900.0, "Latitude": 34.17, "Longitude": -117.33, "Population": 2564.0}, {"index": 13533, "quantile": 1.0, "value": 325000.0, "Latitude": 34.17, "Longitude": -117.33, "Population": 2564.0}, {"index": 13534, "quantile": 0.0, "value": 92800.0, "Latitude": 34.17, "Longitude": -117.33, "Population": 2189.0}, {"index": 13534, "quantile": 0.25, "value": 106300.0, "Latitude": 34.17, "Longitude": -117.33, "Population": 2189.0}, {"index": 13534, "quantile": 0.5, "value": 106300.0, "Latitude": 34.17, "Longitude": -117.33, "Population": 2189.0}, {"index": 13534, "quantile": 0.75, "value": 106300.0, "Latitude": 34.17, "Longitude": -117.33, "Population": 2189.0}, {"index": 13534, "quantile": 1.0, "value": 146800.0, "Latitude": 34.17, "Longitude": -117.33, "Population": 2189.0}, {"index": 13535, "quantile": 0.0, "value": 87500.0, "Latitude": 34.16, "Longitude": -117.32, "Population": 316.0}, {"index": 13535, "quantile": 0.25, "value": 131000.0, "Latitude": 34.16, "Longitude": -117.32, "Population": 316.0}, {"index": 13535, "quantile": 0.5, "value": 131000.0, "Latitude": 34.16, "Longitude": -117.32, "Population": 316.0}, {"index": 13535, "quantile": 0.75, "value": 131000.0, "Latitude": 34.16, "Longitude": -117.32, "Population": 316.0}, {"index": 13535, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -117.32, "Population": 316.0}, {"index": 13536, "quantile": 0.0, "value": 72100.0, "Latitude": 34.15, "Longitude": -117.31, "Population": 2578.0}, {"index": 13536, "quantile": 0.25, "value": 111500.0, "Latitude": 34.15, "Longitude": -117.31, "Population": 2578.0}, {"index": 13536, "quantile": 0.5, "value": 129200.0, "Latitude": 34.15, "Longitude": -117.31, "Population": 2578.0}, {"index": 13536, "quantile": 0.75, "value": 187650.0, "Latitude": 34.15, "Longitude": -117.31, "Population": 2578.0}, {"index": 13536, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -117.31, "Population": 2578.0}, {"index": 13537, "quantile": 0.0, "value": 97400.0, "Latitude": 34.15, "Longitude": -117.3, "Population": 608.0}, {"index": 13537, "quantile": 0.25, "value": 114999.99999999999, "Latitude": 34.15, "Longitude": -117.3, "Population": 608.0}, {"index": 13537, "quantile": 0.5, "value": 114999.99999999999, "Latitude": 34.15, "Longitude": -117.3, "Population": 608.0}, {"index": 13537, "quantile": 0.75, "value": 158200.0, "Latitude": 34.15, "Longitude": -117.3, "Population": 608.0}, {"index": 13537, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -117.3, "Population": 608.0}, {"index": 13538, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 34.15, "Longitude": -117.3, "Population": 332.0}, {"index": 13538, "quantile": 0.25, "value": 88000.0, "Latitude": 34.15, "Longitude": -117.3, "Population": 332.0}, {"index": 13538, "quantile": 0.5, "value": 88000.0, "Latitude": 34.15, "Longitude": -117.3, "Population": 332.0}, {"index": 13538, "quantile": 0.75, "value": 88000.0, "Latitude": 34.15, "Longitude": -117.3, "Population": 332.0}, {"index": 13538, "quantile": 1.0, "value": 274200.0, "Latitude": 34.15, "Longitude": -117.3, "Population": 332.0}, {"index": 13539, "quantile": 0.0, "value": 64800.0, "Latitude": 34.15, "Longitude": -117.3, "Population": 509.0}, {"index": 13539, "quantile": 0.25, "value": 85500.0, "Latitude": 34.15, "Longitude": -117.3, "Population": 509.0}, {"index": 13539, "quantile": 0.5, "value": 85500.0, "Latitude": 34.15, "Longitude": -117.3, "Population": 509.0}, {"index": 13539, "quantile": 0.75, "value": 85500.0, "Latitude": 34.15, "Longitude": -117.3, "Population": 509.0}, {"index": 13539, "quantile": 1.0, "value": 107800.0, "Latitude": 34.15, "Longitude": -117.3, "Population": 509.0}, {"index": 13540, "quantile": 0.0, "value": 64100.0, "Latitude": 34.14, "Longitude": -117.3, "Population": 841.0}, {"index": 13540, "quantile": 0.25, "value": 89000.0, "Latitude": 34.14, "Longitude": -117.3, "Population": 841.0}, {"index": 13540, "quantile": 0.5, "value": 89000.0, "Latitude": 34.14, "Longitude": -117.3, "Population": 841.0}, {"index": 13540, "quantile": 0.75, "value": 89000.0, "Latitude": 34.14, "Longitude": -117.3, "Population": 841.0}, {"index": 13540, "quantile": 1.0, "value": 119700.0, "Latitude": 34.14, "Longitude": -117.3, "Population": 841.0}, {"index": 13541, "quantile": 0.0, "value": 84000.0, "Latitude": 34.14, "Longitude": -117.31, "Population": 972.0}, {"index": 13541, "quantile": 0.25, "value": 86100.0, "Latitude": 34.14, "Longitude": -117.31, "Population": 972.0}, {"index": 13541, "quantile": 0.5, "value": 86100.0, "Latitude": 34.14, "Longitude": -117.31, "Population": 972.0}, {"index": 13541, "quantile": 0.75, "value": 123825.00000000001, "Latitude": 34.14, "Longitude": -117.31, "Population": 972.0}, {"index": 13541, "quantile": 1.0, "value": 286500.0, "Latitude": 34.14, "Longitude": -117.31, "Population": 972.0}, {"index": 13542, "quantile": 0.0, "value": 60800.0, "Latitude": 34.14, "Longitude": -117.31, "Population": 1190.0}, {"index": 13542, "quantile": 0.25, "value": 85500.0, "Latitude": 34.14, "Longitude": -117.31, "Population": 1190.0}, {"index": 13542, "quantile": 0.5, "value": 89400.0, "Latitude": 34.14, "Longitude": -117.31, "Population": 1190.0}, {"index": 13542, "quantile": 0.75, "value": 89400.0, "Latitude": 34.14, "Longitude": -117.31, "Population": 1190.0}, {"index": 13542, "quantile": 1.0, "value": 162500.0, "Latitude": 34.14, "Longitude": -117.31, "Population": 1190.0}, {"index": 13543, "quantile": 0.0, "value": 74000.0, "Latitude": 34.15, "Longitude": -117.31, "Population": 1195.0}, {"index": 13543, "quantile": 0.25, "value": 91500.0, "Latitude": 34.15, "Longitude": -117.31, "Population": 1195.0}, {"index": 13543, "quantile": 0.5, "value": 95200.0, "Latitude": 34.15, "Longitude": -117.31, "Population": 1195.0}, {"index": 13543, "quantile": 0.75, "value": 120925.0, "Latitude": 34.15, "Longitude": -117.31, "Population": 1195.0}, {"index": 13543, "quantile": 1.0, "value": 314100.0, "Latitude": 34.15, "Longitude": -117.31, "Population": 1195.0}, {"index": 13544, "quantile": 0.0, "value": 84000.0, "Latitude": 34.15, "Longitude": -117.3, "Population": 401.0}, {"index": 13544, "quantile": 0.25, "value": 90800.0, "Latitude": 34.15, "Longitude": -117.3, "Population": 401.0}, {"index": 13544, "quantile": 0.5, "value": 90800.0, "Latitude": 34.15, "Longitude": -117.3, "Population": 401.0}, {"index": 13544, "quantile": 0.75, "value": 97400.0, "Latitude": 34.15, "Longitude": -117.3, "Population": 401.0}, {"index": 13544, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -117.3, "Population": 401.0}, {"index": 13545, "quantile": 0.0, "value": 63500.0, "Latitude": 34.13, "Longitude": -117.31, "Population": 1047.0}, {"index": 13545, "quantile": 0.25, "value": 65500.0, "Latitude": 34.13, "Longitude": -117.31, "Population": 1047.0}, {"index": 13545, "quantile": 0.5, "value": 65500.0, "Latitude": 34.13, "Longitude": -117.31, "Population": 1047.0}, {"index": 13545, "quantile": 0.75, "value": 69875.0, "Latitude": 34.13, "Longitude": -117.31, "Population": 1047.0}, {"index": 13545, "quantile": 1.0, "value": 166700.0, "Latitude": 34.13, "Longitude": -117.31, "Population": 1047.0}, {"index": 13546, "quantile": 0.0, "value": 64800.0, "Latitude": 34.12, "Longitude": -117.3, "Population": 971.0}, {"index": 13546, "quantile": 0.25, "value": 64800.0, "Latitude": 34.12, "Longitude": -117.3, "Population": 971.0}, {"index": 13546, "quantile": 0.5, "value": 64800.0, "Latitude": 34.12, "Longitude": -117.3, "Population": 971.0}, {"index": 13546, "quantile": 0.75, "value": 67300.0, "Latitude": 34.12, "Longitude": -117.3, "Population": 971.0}, {"index": 13546, "quantile": 1.0, "value": 88100.0, "Latitude": 34.12, "Longitude": -117.3, "Population": 971.0}, {"index": 13547, "quantile": 0.0, "value": 56499.99999999999, "Latitude": 34.12, "Longitude": -117.31, "Population": 1127.0}, {"index": 13547, "quantile": 0.25, "value": 70900.0, "Latitude": 34.12, "Longitude": -117.31, "Population": 1127.0}, {"index": 13547, "quantile": 0.5, "value": 70900.0, "Latitude": 34.12, "Longitude": -117.31, "Population": 1127.0}, {"index": 13547, "quantile": 0.75, "value": 70900.0, "Latitude": 34.12, "Longitude": -117.31, "Population": 1127.0}, {"index": 13547, "quantile": 1.0, "value": 187500.0, "Latitude": 34.12, "Longitude": -117.31, "Population": 1127.0}, {"index": 13548, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 34.13, "Longitude": -117.31, "Population": 1296.0}, {"index": 13548, "quantile": 0.25, "value": 67600.0, "Latitude": 34.13, "Longitude": -117.31, "Population": 1296.0}, {"index": 13548, "quantile": 0.5, "value": 69600.0, "Latitude": 34.13, "Longitude": -117.31, "Population": 1296.0}, {"index": 13548, "quantile": 0.75, "value": 70400.0, "Latitude": 34.13, "Longitude": -117.31, "Population": 1296.0}, {"index": 13548, "quantile": 1.0, "value": 89400.0, "Latitude": 34.13, "Longitude": -117.31, "Population": 1296.0}, {"index": 13549, "quantile": 0.0, "value": 64800.0, "Latitude": 34.13, "Longitude": -117.31, "Population": 773.0}, {"index": 13549, "quantile": 0.25, "value": 67000.0, "Latitude": 34.13, "Longitude": -117.31, "Population": 773.0}, {"index": 13549, "quantile": 0.5, "value": 73400.0, "Latitude": 34.13, "Longitude": -117.31, "Population": 773.0}, {"index": 13549, "quantile": 0.75, "value": 88550.0, "Latitude": 34.13, "Longitude": -117.31, "Population": 773.0}, {"index": 13549, "quantile": 1.0, "value": 187500.0, "Latitude": 34.13, "Longitude": -117.31, "Population": 773.0}, {"index": 13550, "quantile": 0.0, "value": 64900.0, "Latitude": 34.11, "Longitude": -117.3, "Population": 444.0}, {"index": 13550, "quantile": 0.25, "value": 67000.0, "Latitude": 34.11, "Longitude": -117.3, "Population": 444.0}, {"index": 13550, "quantile": 0.5, "value": 67000.0, "Latitude": 34.11, "Longitude": -117.3, "Population": 444.0}, {"index": 13550, "quantile": 0.75, "value": 68750.0, "Latitude": 34.11, "Longitude": -117.3, "Population": 444.0}, {"index": 13550, "quantile": 1.0, "value": 156500.0, "Latitude": 34.11, "Longitude": -117.3, "Population": 444.0}, {"index": 13551, "quantile": 0.0, "value": 56499.99999999999, "Latitude": 34.11, "Longitude": -117.31, "Population": 1225.0}, {"index": 13551, "quantile": 0.25, "value": 64000.0, "Latitude": 34.11, "Longitude": -117.31, "Population": 1225.0}, {"index": 13551, "quantile": 0.5, "value": 64000.0, "Latitude": 34.11, "Longitude": -117.31, "Population": 1225.0}, {"index": 13551, "quantile": 0.75, "value": 68000.0, "Latitude": 34.11, "Longitude": -117.31, "Population": 1225.0}, {"index": 13551, "quantile": 1.0, "value": 187500.0, "Latitude": 34.11, "Longitude": -117.31, "Population": 1225.0}, {"index": 13552, "quantile": 0.0, "value": 55600.00000000001, "Latitude": 34.11, "Longitude": -117.31, "Population": 731.0}, {"index": 13552, "quantile": 0.25, "value": 64800.0, "Latitude": 34.11, "Longitude": -117.31, "Population": 731.0}, {"index": 13552, "quantile": 0.5, "value": 64900.0, "Latitude": 34.11, "Longitude": -117.31, "Population": 731.0}, {"index": 13552, "quantile": 0.75, "value": 64900.0, "Latitude": 34.11, "Longitude": -117.31, "Population": 731.0}, {"index": 13552, "quantile": 1.0, "value": 162500.0, "Latitude": 34.11, "Longitude": -117.31, "Population": 731.0}, {"index": 13553, "quantile": 0.0, "value": 59700.0, "Latitude": 34.11, "Longitude": -117.31, "Population": 816.0}, {"index": 13553, "quantile": 0.25, "value": 64100.0, "Latitude": 34.11, "Longitude": -117.31, "Population": 816.0}, {"index": 13553, "quantile": 0.5, "value": 64100.0, "Latitude": 34.11, "Longitude": -117.31, "Population": 816.0}, {"index": 13553, "quantile": 0.75, "value": 66600.0, "Latitude": 34.11, "Longitude": -117.31, "Population": 816.0}, {"index": 13553, "quantile": 1.0, "value": 89400.0, "Latitude": 34.11, "Longitude": -117.31, "Population": 816.0}, {"index": 13554, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 34.1, "Longitude": -117.31, "Population": 1238.0}, {"index": 13554, "quantile": 0.25, "value": 68100.0, "Latitude": 34.1, "Longitude": -117.31, "Population": 1238.0}, {"index": 13554, "quantile": 0.5, "value": 68100.0, "Latitude": 34.1, "Longitude": -117.31, "Population": 1238.0}, {"index": 13554, "quantile": 0.75, "value": 68100.0, "Latitude": 34.1, "Longitude": -117.31, "Population": 1238.0}, {"index": 13554, "quantile": 1.0, "value": 139500.0, "Latitude": 34.1, "Longitude": -117.31, "Population": 1238.0}, {"index": 13555, "quantile": 0.0, "value": 59700.0, "Latitude": 34.1, "Longitude": -117.3, "Population": 504.0}, {"index": 13555, "quantile": 0.25, "value": 63400.0, "Latitude": 34.1, "Longitude": -117.3, "Population": 504.0}, {"index": 13555, "quantile": 0.5, "value": 63400.0, "Latitude": 34.1, "Longitude": -117.3, "Population": 504.0}, {"index": 13555, "quantile": 0.75, "value": 67300.0, "Latitude": 34.1, "Longitude": -117.3, "Population": 504.0}, {"index": 13555, "quantile": 1.0, "value": 114300.0, "Latitude": 34.1, "Longitude": -117.3, "Population": 504.0}, {"index": 13556, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 34.1, "Longitude": -117.31, "Population": 2406.0}, {"index": 13556, "quantile": 0.25, "value": 69500.0, "Latitude": 34.1, "Longitude": -117.31, "Population": 2406.0}, {"index": 13556, "quantile": 0.5, "value": 69500.0, "Latitude": 34.1, "Longitude": -117.31, "Population": 2406.0}, {"index": 13556, "quantile": 0.75, "value": 69500.0, "Latitude": 34.1, "Longitude": -117.31, "Population": 2406.0}, {"index": 13556, "quantile": 1.0, "value": 146500.0, "Latitude": 34.1, "Longitude": -117.31, "Population": 2406.0}, {"index": 13557, "quantile": 0.0, "value": 65600.0, "Latitude": 34.1, "Longitude": -117.32, "Population": 1737.0}, {"index": 13557, "quantile": 0.25, "value": 78800.0, "Latitude": 34.1, "Longitude": -117.32, "Population": 1737.0}, {"index": 13557, "quantile": 0.5, "value": 78800.0, "Latitude": 34.1, "Longitude": -117.32, "Population": 1737.0}, {"index": 13557, "quantile": 0.75, "value": 86925.0, "Latitude": 34.1, "Longitude": -117.32, "Population": 1737.0}, {"index": 13557, "quantile": 1.0, "value": 164600.0, "Latitude": 34.1, "Longitude": -117.32, "Population": 1737.0}, {"index": 13558, "quantile": 0.0, "value": 55600.00000000001, "Latitude": 34.1, "Longitude": -117.32, "Population": 711.0}, {"index": 13558, "quantile": 0.25, "value": 59700.0, "Latitude": 34.1, "Longitude": -117.32, "Population": 711.0}, {"index": 13558, "quantile": 0.5, "value": 59700.0, "Latitude": 34.1, "Longitude": -117.32, "Population": 711.0}, {"index": 13558, "quantile": 0.75, "value": 64100.0, "Latitude": 34.1, "Longitude": -117.32, "Population": 711.0}, {"index": 13558, "quantile": 1.0, "value": 135700.0, "Latitude": 34.1, "Longitude": -117.32, "Population": 711.0}, {"index": 13559, "quantile": 0.0, "value": 59700.0, "Latitude": 34.09, "Longitude": -117.3, "Population": 745.0}, {"index": 13559, "quantile": 0.25, "value": 75200.0, "Latitude": 34.09, "Longitude": -117.3, "Population": 745.0}, {"index": 13559, "quantile": 0.5, "value": 75200.0, "Latitude": 34.09, "Longitude": -117.3, "Population": 745.0}, {"index": 13559, "quantile": 0.75, "value": 75200.0, "Latitude": 34.09, "Longitude": -117.3, "Population": 745.0}, {"index": 13559, "quantile": 1.0, "value": 120200.0, "Latitude": 34.09, "Longitude": -117.3, "Population": 745.0}, {"index": 13560, "quantile": 0.0, "value": 57899.99999999999, "Latitude": 34.09, "Longitude": -117.31, "Population": 1009.0}, {"index": 13560, "quantile": 0.25, "value": 73175.0, "Latitude": 34.09, "Longitude": -117.31, "Population": 1009.0}, {"index": 13560, "quantile": 0.5, "value": 73700.0, "Latitude": 34.09, "Longitude": -117.31, "Population": 1009.0}, {"index": 13560, "quantile": 0.75, "value": 73700.0, "Latitude": 34.09, "Longitude": -117.31, "Population": 1009.0}, {"index": 13560, "quantile": 1.0, "value": 91800.0, "Latitude": 34.09, "Longitude": -117.31, "Population": 1009.0}, {"index": 13561, "quantile": 0.0, "value": 105300.0, "Latitude": 34.16, "Longitude": -117.27, "Population": 1151.0}, {"index": 13561, "quantile": 0.25, "value": 231775.00000000003, "Latitude": 34.16, "Longitude": -117.27, "Population": 1151.0}, {"index": 13561, "quantile": 0.5, "value": 328050.0, "Latitude": 34.16, "Longitude": -117.27, "Population": 1151.0}, {"index": 13561, "quantile": 0.75, "value": 369575.0, "Latitude": 34.16, "Longitude": -117.27, "Population": 1151.0}, {"index": 13561, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -117.27, "Population": 1151.0}, {"index": 13562, "quantile": 0.0, "value": 37500.0, "Latitude": 34.15, "Longitude": -117.28, "Population": 604.0}, {"index": 13562, "quantile": 0.25, "value": 97400.0, "Latitude": 34.15, "Longitude": -117.28, "Population": 604.0}, {"index": 13562, "quantile": 0.5, "value": 116599.99999999999, "Latitude": 34.15, "Longitude": -117.28, "Population": 604.0}, {"index": 13562, "quantile": 0.75, "value": 157250.0, "Latitude": 34.15, "Longitude": -117.28, "Population": 604.0}, {"index": 13562, "quantile": 1.0, "value": 443600.0, "Latitude": 34.15, "Longitude": -117.28, "Population": 604.0}, {"index": 13563, "quantile": 0.0, "value": 87600.0, "Latitude": 34.15, "Longitude": -117.28, "Population": 796.0}, {"index": 13563, "quantile": 0.25, "value": 97400.0, "Latitude": 34.15, "Longitude": -117.28, "Population": 796.0}, {"index": 13563, "quantile": 0.5, "value": 97400.0, "Latitude": 34.15, "Longitude": -117.28, "Population": 796.0}, {"index": 13563, "quantile": 0.75, "value": 97400.0, "Latitude": 34.15, "Longitude": -117.28, "Population": 796.0}, {"index": 13563, "quantile": 1.0, "value": 443600.0, "Latitude": 34.15, "Longitude": -117.28, "Population": 796.0}, {"index": 13564, "quantile": 0.0, "value": 82900.0, "Latitude": 34.15, "Longitude": -117.29, "Population": 856.0}, {"index": 13564, "quantile": 0.25, "value": 97000.0, "Latitude": 34.15, "Longitude": -117.29, "Population": 856.0}, {"index": 13564, "quantile": 0.5, "value": 97000.0, "Latitude": 34.15, "Longitude": -117.29, "Population": 856.0}, {"index": 13564, "quantile": 0.75, "value": 97000.0, "Latitude": 34.15, "Longitude": -117.29, "Population": 856.0}, {"index": 13564, "quantile": 1.0, "value": 184400.0, "Latitude": 34.15, "Longitude": -117.29, "Population": 856.0}, {"index": 13565, "quantile": 0.0, "value": 79200.0, "Latitude": 34.16, "Longitude": -117.29, "Population": 1135.0}, {"index": 13565, "quantile": 0.25, "value": 99100.0, "Latitude": 34.16, "Longitude": -117.29, "Population": 1135.0}, {"index": 13565, "quantile": 0.5, "value": 99100.0, "Latitude": 34.16, "Longitude": -117.29, "Population": 1135.0}, {"index": 13565, "quantile": 0.75, "value": 99100.0, "Latitude": 34.16, "Longitude": -117.29, "Population": 1135.0}, {"index": 13565, "quantile": 1.0, "value": 153500.0, "Latitude": 34.16, "Longitude": -117.29, "Population": 1135.0}, {"index": 13566, "quantile": 0.0, "value": 43900.0, "Latitude": 34.16, "Longitude": -117.28, "Population": 1068.0}, {"index": 13566, "quantile": 0.25, "value": 78575.0, "Latitude": 34.16, "Longitude": -117.28, "Population": 1068.0}, {"index": 13566, "quantile": 0.5, "value": 88900.0, "Latitude": 34.16, "Longitude": -117.28, "Population": 1068.0}, {"index": 13566, "quantile": 0.75, "value": 118500.0, "Latitude": 34.16, "Longitude": -117.28, "Population": 1068.0}, {"index": 13566, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -117.28, "Population": 1068.0}, {"index": 13567, "quantile": 0.0, "value": 71800.0, "Latitude": 34.16, "Longitude": -117.28, "Population": 972.0}, {"index": 13567, "quantile": 0.25, "value": 89850.00000000001, "Latitude": 34.16, "Longitude": -117.28, "Population": 972.0}, {"index": 13567, "quantile": 0.5, "value": 90700.0, "Latitude": 34.16, "Longitude": -117.28, "Population": 972.0}, {"index": 13567, "quantile": 0.75, "value": 90700.0, "Latitude": 34.16, "Longitude": -117.28, "Population": 972.0}, {"index": 13567, "quantile": 1.0, "value": 137500.0, "Latitude": 34.16, "Longitude": -117.28, "Population": 972.0}, {"index": 13568, "quantile": 0.0, "value": 70200.0, "Latitude": 34.15, "Longitude": -117.28, "Population": 815.0}, {"index": 13568, "quantile": 0.25, "value": 135000.0, "Latitude": 34.15, "Longitude": -117.28, "Population": 815.0}, {"index": 13568, "quantile": 0.5, "value": 135000.0, "Latitude": 34.15, "Longitude": -117.28, "Population": 815.0}, {"index": 13568, "quantile": 0.75, "value": 201850.0, "Latitude": 34.15, "Longitude": -117.28, "Population": 815.0}, {"index": 13568, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -117.28, "Population": 815.0}, {"index": 13569, "quantile": 0.0, "value": 92800.0, "Latitude": 34.14, "Longitude": -117.28, "Population": 968.0}, {"index": 13569, "quantile": 0.25, "value": 93300.0, "Latitude": 34.14, "Longitude": -117.28, "Population": 968.0}, {"index": 13569, "quantile": 0.5, "value": 93300.0, "Latitude": 34.14, "Longitude": -117.28, "Population": 968.0}, {"index": 13569, "quantile": 0.75, "value": 93400.0, "Latitude": 34.14, "Longitude": -117.28, "Population": 968.0}, {"index": 13569, "quantile": 1.0, "value": 300000.0, "Latitude": 34.14, "Longitude": -117.28, "Population": 968.0}, {"index": 13570, "quantile": 0.0, "value": 90800.0, "Latitude": 34.14, "Longitude": -117.29, "Population": 646.0}, {"index": 13570, "quantile": 0.25, "value": 97300.0, "Latitude": 34.14, "Longitude": -117.29, "Population": 646.0}, {"index": 13570, "quantile": 0.5, "value": 97300.0, "Latitude": 34.14, "Longitude": -117.29, "Population": 646.0}, {"index": 13570, "quantile": 0.75, "value": 196850.0, "Latitude": 34.14, "Longitude": -117.29, "Population": 646.0}, {"index": 13570, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -117.29, "Population": 646.0}, {"index": 13571, "quantile": 0.0, "value": 84000.0, "Latitude": 34.15, "Longitude": -117.29, "Population": 757.0}, {"index": 13571, "quantile": 0.25, "value": 93300.0, "Latitude": 34.15, "Longitude": -117.29, "Population": 757.0}, {"index": 13571, "quantile": 0.5, "value": 104950.00000000001, "Latitude": 34.15, "Longitude": -117.29, "Population": 757.0}, {"index": 13571, "quantile": 0.75, "value": 161150.0, "Latitude": 34.15, "Longitude": -117.29, "Population": 757.0}, {"index": 13571, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -117.29, "Population": 757.0}, {"index": 13572, "quantile": 0.0, "value": 35000.0, "Latitude": 34.14, "Longitude": -117.28, "Population": 1214.0}, {"index": 13572, "quantile": 0.25, "value": 81900.0, "Latitude": 34.14, "Longitude": -117.28, "Population": 1214.0}, {"index": 13572, "quantile": 0.5, "value": 81900.0, "Latitude": 34.14, "Longitude": -117.28, "Population": 1214.0}, {"index": 13572, "quantile": 0.75, "value": 82900.0, "Latitude": 34.14, "Longitude": -117.28, "Population": 1214.0}, {"index": 13572, "quantile": 1.0, "value": 195200.0, "Latitude": 34.14, "Longitude": -117.28, "Population": 1214.0}, {"index": 13573, "quantile": 0.0, "value": 70400.0, "Latitude": 34.14, "Longitude": -117.29, "Population": 771.0}, {"index": 13573, "quantile": 0.25, "value": 82900.0, "Latitude": 34.14, "Longitude": -117.29, "Population": 771.0}, {"index": 13573, "quantile": 0.5, "value": 82900.0, "Latitude": 34.14, "Longitude": -117.29, "Population": 771.0}, {"index": 13573, "quantile": 0.75, "value": 84700.0, "Latitude": 34.14, "Longitude": -117.29, "Population": 771.0}, {"index": 13573, "quantile": 1.0, "value": 132100.0, "Latitude": 34.14, "Longitude": -117.29, "Population": 771.0}, {"index": 13574, "quantile": 0.0, "value": 37500.0, "Latitude": 34.14, "Longitude": -117.29, "Population": 610.0}, {"index": 13574, "quantile": 0.25, "value": 90800.0, "Latitude": 34.14, "Longitude": -117.29, "Population": 610.0}, {"index": 13574, "quantile": 0.5, "value": 118800.0, "Latitude": 34.14, "Longitude": -117.29, "Population": 610.0}, {"index": 13574, "quantile": 0.75, "value": 185700.0, "Latitude": 34.14, "Longitude": -117.29, "Population": 610.0}, {"index": 13574, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -117.29, "Population": 610.0}, {"index": 13575, "quantile": 0.0, "value": 35000.0, "Latitude": 34.14, "Longitude": -117.29, "Population": 805.0}, {"index": 13575, "quantile": 0.25, "value": 90000.0, "Latitude": 34.14, "Longitude": -117.29, "Population": 805.0}, {"index": 13575, "quantile": 0.5, "value": 90000.0, "Latitude": 34.14, "Longitude": -117.29, "Population": 805.0}, {"index": 13575, "quantile": 0.75, "value": 90000.0, "Latitude": 34.14, "Longitude": -117.29, "Population": 805.0}, {"index": 13575, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 34.14, "Longitude": -117.29, "Population": 805.0}, {"index": 13576, "quantile": 0.0, "value": 60800.0, "Latitude": 34.14, "Longitude": -117.3, "Population": 761.0}, {"index": 13576, "quantile": 0.25, "value": 85500.0, "Latitude": 34.14, "Longitude": -117.3, "Population": 761.0}, {"index": 13576, "quantile": 0.5, "value": 88100.0, "Latitude": 34.14, "Longitude": -117.3, "Population": 761.0}, {"index": 13576, "quantile": 0.75, "value": 88100.0, "Latitude": 34.14, "Longitude": -117.3, "Population": 761.0}, {"index": 13576, "quantile": 1.0, "value": 125000.0, "Latitude": 34.14, "Longitude": -117.3, "Population": 761.0}, {"index": 13577, "quantile": 0.0, "value": 55600.00000000001, "Latitude": 34.13, "Longitude": -117.28, "Population": 1363.0}, {"index": 13577, "quantile": 0.25, "value": 72100.0, "Latitude": 34.13, "Longitude": -117.28, "Population": 1363.0}, {"index": 13577, "quantile": 0.5, "value": 75800.0, "Latitude": 34.13, "Longitude": -117.28, "Population": 1363.0}, {"index": 13577, "quantile": 0.75, "value": 86350.0, "Latitude": 34.13, "Longitude": -117.28, "Population": 1363.0}, {"index": 13577, "quantile": 1.0, "value": 145000.0, "Latitude": 34.13, "Longitude": -117.28, "Population": 1363.0}, {"index": 13578, "quantile": 0.0, "value": 49800.0, "Latitude": 34.13, "Longitude": -117.28, "Population": 1418.0}, {"index": 13578, "quantile": 0.25, "value": 73600.0, "Latitude": 34.13, "Longitude": -117.28, "Population": 1418.0}, {"index": 13578, "quantile": 0.5, "value": 78800.0, "Latitude": 34.13, "Longitude": -117.28, "Population": 1418.0}, {"index": 13578, "quantile": 0.75, "value": 88600.0, "Latitude": 34.13, "Longitude": -117.28, "Population": 1418.0}, {"index": 13578, "quantile": 1.0, "value": 325000.0, "Latitude": 34.13, "Longitude": -117.28, "Population": 1418.0}, {"index": 13579, "quantile": 0.0, "value": 63500.0, "Latitude": 34.13, "Longitude": -117.3, "Population": 968.0}, {"index": 13579, "quantile": 0.25, "value": 75500.0, "Latitude": 34.13, "Longitude": -117.3, "Population": 968.0}, {"index": 13579, "quantile": 0.5, "value": 77900.0, "Latitude": 34.13, "Longitude": -117.3, "Population": 968.0}, {"index": 13579, "quantile": 0.75, "value": 89000.0, "Latitude": 34.13, "Longitude": -117.3, "Population": 968.0}, {"index": 13579, "quantile": 1.0, "value": 162500.0, "Latitude": 34.13, "Longitude": -117.3, "Population": 968.0}, {"index": 13580, "quantile": 0.0, "value": 66100.0, "Latitude": 34.13, "Longitude": -117.29, "Population": 1171.0}, {"index": 13580, "quantile": 0.25, "value": 77900.0, "Latitude": 34.13, "Longitude": -117.29, "Population": 1171.0}, {"index": 13580, "quantile": 0.5, "value": 77900.0, "Latitude": 34.13, "Longitude": -117.29, "Population": 1171.0}, {"index": 13580, "quantile": 0.75, "value": 77900.0, "Latitude": 34.13, "Longitude": -117.29, "Population": 1171.0}, {"index": 13580, "quantile": 1.0, "value": 225000.0, "Latitude": 34.13, "Longitude": -117.29, "Population": 1171.0}, {"index": 13581, "quantile": 0.0, "value": 56499.99999999999, "Latitude": 34.12, "Longitude": -117.28, "Population": 2378.0}, {"index": 13581, "quantile": 0.25, "value": 68000.0, "Latitude": 34.12, "Longitude": -117.28, "Population": 2378.0}, {"index": 13581, "quantile": 0.5, "value": 70900.0, "Latitude": 34.12, "Longitude": -117.28, "Population": 2378.0}, {"index": 13581, "quantile": 0.75, "value": 78800.0, "Latitude": 34.12, "Longitude": -117.28, "Population": 2378.0}, {"index": 13581, "quantile": 1.0, "value": 187500.0, "Latitude": 34.12, "Longitude": -117.28, "Population": 2378.0}, {"index": 13582, "quantile": 0.0, "value": 61600.0, "Latitude": 34.12, "Longitude": -117.29, "Population": 1517.0}, {"index": 13582, "quantile": 0.25, "value": 65800.0, "Latitude": 34.12, "Longitude": -117.29, "Population": 1517.0}, {"index": 13582, "quantile": 0.5, "value": 65800.0, "Latitude": 34.12, "Longitude": -117.29, "Population": 1517.0}, {"index": 13582, "quantile": 0.75, "value": 71500.0, "Latitude": 34.12, "Longitude": -117.29, "Population": 1517.0}, {"index": 13582, "quantile": 1.0, "value": 137500.0, "Latitude": 34.12, "Longitude": -117.29, "Population": 1517.0}, {"index": 13583, "quantile": 0.0, "value": 68700.0, "Latitude": 34.13, "Longitude": -117.29, "Population": 1238.0}, {"index": 13583, "quantile": 0.25, "value": 75800.0, "Latitude": 34.13, "Longitude": -117.29, "Population": 1238.0}, {"index": 13583, "quantile": 0.5, "value": 75800.0, "Latitude": 34.13, "Longitude": -117.29, "Population": 1238.0}, {"index": 13583, "quantile": 0.75, "value": 75800.0, "Latitude": 34.13, "Longitude": -117.29, "Population": 1238.0}, {"index": 13583, "quantile": 1.0, "value": 120800.0, "Latitude": 34.13, "Longitude": -117.29, "Population": 1238.0}, {"index": 13584, "quantile": 0.0, "value": 56499.99999999999, "Latitude": 34.13, "Longitude": -117.3, "Population": 1532.0}, {"index": 13584, "quantile": 0.25, "value": 70900.0, "Latitude": 34.13, "Longitude": -117.3, "Population": 1532.0}, {"index": 13584, "quantile": 0.5, "value": 71500.0, "Latitude": 34.13, "Longitude": -117.3, "Population": 1532.0}, {"index": 13584, "quantile": 0.75, "value": 71500.0, "Latitude": 34.13, "Longitude": -117.3, "Population": 1532.0}, {"index": 13584, "quantile": 1.0, "value": 81500.0, "Latitude": 34.13, "Longitude": -117.3, "Population": 1532.0}, {"index": 13585, "quantile": 0.0, "value": 64800.0, "Latitude": 34.12, "Longitude": -117.3, "Population": 736.0}, {"index": 13585, "quantile": 0.25, "value": 66900.0, "Latitude": 34.12, "Longitude": -117.3, "Population": 736.0}, {"index": 13585, "quantile": 0.5, "value": 66900.0, "Latitude": 34.12, "Longitude": -117.3, "Population": 736.0}, {"index": 13585, "quantile": 0.75, "value": 75550.0, "Latitude": 34.12, "Longitude": -117.3, "Population": 736.0}, {"index": 13585, "quantile": 1.0, "value": 187500.0, "Latitude": 34.12, "Longitude": -117.3, "Population": 736.0}, {"index": 13586, "quantile": 0.0, "value": 64900.0, "Latitude": 34.12, "Longitude": -117.28, "Population": 1653.0}, {"index": 13586, "quantile": 0.25, "value": 66100.0, "Latitude": 34.12, "Longitude": -117.28, "Population": 1653.0}, {"index": 13586, "quantile": 0.5, "value": 66100.0, "Latitude": 34.12, "Longitude": -117.28, "Population": 1653.0}, {"index": 13586, "quantile": 0.75, "value": 72100.0, "Latitude": 34.12, "Longitude": -117.28, "Population": 1653.0}, {"index": 13586, "quantile": 1.0, "value": 91700.0, "Latitude": 34.12, "Longitude": -117.28, "Population": 1653.0}, {"index": 13587, "quantile": 0.0, "value": 56499.99999999999, "Latitude": 34.12, "Longitude": -117.29, "Population": 1308.0}, {"index": 13587, "quantile": 0.25, "value": 65800.0, "Latitude": 34.12, "Longitude": -117.29, "Population": 1308.0}, {"index": 13587, "quantile": 0.5, "value": 68050.00000000001, "Latitude": 34.12, "Longitude": -117.29, "Population": 1308.0}, {"index": 13587, "quantile": 0.75, "value": 70900.0, "Latitude": 34.12, "Longitude": -117.29, "Population": 1308.0}, {"index": 13587, "quantile": 1.0, "value": 92500.0, "Latitude": 34.12, "Longitude": -117.29, "Population": 1308.0}, {"index": 13588, "quantile": 0.0, "value": 59700.0, "Latitude": 34.12, "Longitude": -117.29, "Population": 1046.0}, {"index": 13588, "quantile": 0.25, "value": 68025.0, "Latitude": 34.12, "Longitude": -117.29, "Population": 1046.0}, {"index": 13588, "quantile": 0.5, "value": 72100.0, "Latitude": 34.12, "Longitude": -117.29, "Population": 1046.0}, {"index": 13588, "quantile": 0.75, "value": 72100.0, "Latitude": 34.12, "Longitude": -117.29, "Population": 1046.0}, {"index": 13588, "quantile": 1.0, "value": 75800.0, "Latitude": 34.12, "Longitude": -117.29, "Population": 1046.0}, {"index": 13589, "quantile": 0.0, "value": 59700.0, "Latitude": 34.12, "Longitude": -117.3, "Population": 1581.0}, {"index": 13589, "quantile": 0.25, "value": 63500.0, "Latitude": 34.12, "Longitude": -117.3, "Population": 1581.0}, {"index": 13589, "quantile": 0.5, "value": 63500.0, "Latitude": 34.12, "Longitude": -117.3, "Population": 1581.0}, {"index": 13589, "quantile": 0.75, "value": 73175.0, "Latitude": 34.12, "Longitude": -117.3, "Population": 1581.0}, {"index": 13589, "quantile": 1.0, "value": 142600.0, "Latitude": 34.12, "Longitude": -117.3, "Population": 1581.0}, {"index": 13590, "quantile": 0.0, "value": 46900.0, "Latitude": 34.11, "Longitude": -117.29, "Population": 1586.0}, {"index": 13590, "quantile": 0.25, "value": 64000.0, "Latitude": 34.11, "Longitude": -117.29, "Population": 1586.0}, {"index": 13590, "quantile": 0.5, "value": 69449.99999999999, "Latitude": 34.11, "Longitude": -117.29, "Population": 1586.0}, {"index": 13590, "quantile": 0.75, "value": 100000.0, "Latitude": 34.11, "Longitude": -117.29, "Population": 1586.0}, {"index": 13590, "quantile": 1.0, "value": 350000.0, "Latitude": 34.11, "Longitude": -117.29, "Population": 1586.0}, {"index": 13591, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.11, "Longitude": -117.29, "Population": 1714.0}, {"index": 13591, "quantile": 0.25, "value": 78800.0, "Latitude": 34.11, "Longitude": -117.29, "Population": 1714.0}, {"index": 13591, "quantile": 0.5, "value": 78800.0, "Latitude": 34.11, "Longitude": -117.29, "Population": 1714.0}, {"index": 13591, "quantile": 0.75, "value": 78800.0, "Latitude": 34.11, "Longitude": -117.29, "Population": 1714.0}, {"index": 13591, "quantile": 1.0, "value": 325000.0, "Latitude": 34.11, "Longitude": -117.29, "Population": 1714.0}, {"index": 13592, "quantile": 0.0, "value": 40000.0, "Latitude": 34.11, "Longitude": -117.29, "Population": 1920.0}, {"index": 13592, "quantile": 0.25, "value": 68000.0, "Latitude": 34.11, "Longitude": -117.29, "Population": 1920.0}, {"index": 13592, "quantile": 0.5, "value": 68000.0, "Latitude": 34.11, "Longitude": -117.29, "Population": 1920.0}, {"index": 13592, "quantile": 0.75, "value": 68000.0, "Latitude": 34.11, "Longitude": -117.29, "Population": 1920.0}, {"index": 13592, "quantile": 1.0, "value": 135000.0, "Latitude": 34.11, "Longitude": -117.29, "Population": 1920.0}, {"index": 13593, "quantile": 0.0, "value": 64900.0, "Latitude": 34.11, "Longitude": -117.28, "Population": 1258.0}, {"index": 13593, "quantile": 0.25, "value": 69500.0, "Latitude": 34.11, "Longitude": -117.28, "Population": 1258.0}, {"index": 13593, "quantile": 0.5, "value": 69500.0, "Latitude": 34.11, "Longitude": -117.28, "Population": 1258.0}, {"index": 13593, "quantile": 0.75, "value": 69500.0, "Latitude": 34.11, "Longitude": -117.28, "Population": 1258.0}, {"index": 13593, "quantile": 1.0, "value": 93000.0, "Latitude": 34.11, "Longitude": -117.28, "Population": 1258.0}, {"index": 13594, "quantile": 0.0, "value": 45000.0, "Latitude": 34.1, "Longitude": -117.29, "Population": 844.0}, {"index": 13594, "quantile": 0.25, "value": 95800.0, "Latitude": 34.1, "Longitude": -117.29, "Population": 844.0}, {"index": 13594, "quantile": 0.5, "value": 124200.0, "Latitude": 34.1, "Longitude": -117.29, "Population": 844.0}, {"index": 13594, "quantile": 0.75, "value": 166300.0, "Latitude": 34.1, "Longitude": -117.29, "Population": 844.0}, {"index": 13594, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -117.29, "Population": 844.0}, {"index": 13595, "quantile": 0.0, "value": 67300.0, "Latitude": 34.09, "Longitude": -117.29, "Population": 1178.0}, {"index": 13595, "quantile": 0.25, "value": 68300.0, "Latitude": 34.09, "Longitude": -117.29, "Population": 1178.0}, {"index": 13595, "quantile": 0.5, "value": 68300.0, "Latitude": 34.09, "Longitude": -117.29, "Population": 1178.0}, {"index": 13595, "quantile": 0.75, "value": 72800.0, "Latitude": 34.09, "Longitude": -117.29, "Population": 1178.0}, {"index": 13595, "quantile": 1.0, "value": 116100.0, "Latitude": 34.09, "Longitude": -117.29, "Population": 1178.0}, {"index": 13596, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 34.1, "Longitude": -117.3, "Population": 76.0}, {"index": 13596, "quantile": 0.25, "value": 75000.0, "Latitude": 34.1, "Longitude": -117.3, "Population": 76.0}, {"index": 13596, "quantile": 0.5, "value": 75000.0, "Latitude": 34.1, "Longitude": -117.3, "Population": 76.0}, {"index": 13596, "quantile": 0.75, "value": 75000.0, "Latitude": 34.1, "Longitude": -117.3, "Population": 76.0}, {"index": 13596, "quantile": 1.0, "value": 214299.99999999997, "Latitude": 34.1, "Longitude": -117.3, "Population": 76.0}, {"index": 13597, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.09, "Longitude": -117.28, "Population": 273.0}, {"index": 13597, "quantile": 0.25, "value": 85800.0, "Latitude": 34.09, "Longitude": -117.28, "Population": 273.0}, {"index": 13597, "quantile": 0.5, "value": 112500.0, "Latitude": 34.09, "Longitude": -117.28, "Population": 273.0}, {"index": 13597, "quantile": 0.75, "value": 161125.0, "Latitude": 34.09, "Longitude": -117.28, "Population": 273.0}, {"index": 13597, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.09, "Longitude": -117.28, "Population": 273.0}, {"index": 13598, "quantile": 0.0, "value": 55400.00000000001, "Latitude": 34.07, "Longitude": -117.3, "Population": 387.0}, {"index": 13598, "quantile": 0.25, "value": 73300.0, "Latitude": 34.07, "Longitude": -117.3, "Population": 387.0}, {"index": 13598, "quantile": 0.5, "value": 73300.0, "Latitude": 34.07, "Longitude": -117.3, "Population": 387.0}, {"index": 13598, "quantile": 0.75, "value": 73300.0, "Latitude": 34.07, "Longitude": -117.3, "Population": 387.0}, {"index": 13598, "quantile": 1.0, "value": 137500.0, "Latitude": 34.07, "Longitude": -117.3, "Population": 387.0}, {"index": 13599, "quantile": 0.0, "value": 94500.0, "Latitude": 34.16, "Longitude": -117.25, "Population": 596.0}, {"index": 13599, "quantile": 0.25, "value": 159400.0, "Latitude": 34.16, "Longitude": -117.25, "Population": 596.0}, {"index": 13599, "quantile": 0.5, "value": 159400.0, "Latitude": 34.16, "Longitude": -117.25, "Population": 596.0}, {"index": 13599, "quantile": 0.75, "value": 159400.0, "Latitude": 34.16, "Longitude": -117.25, "Population": 596.0}, {"index": 13599, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -117.25, "Population": 596.0}, {"index": 13600, "quantile": 0.0, "value": 90800.0, "Latitude": 34.16, "Longitude": -117.25, "Population": 744.0}, {"index": 13600, "quantile": 0.25, "value": 116599.99999999999, "Latitude": 34.16, "Longitude": -117.25, "Population": 744.0}, {"index": 13600, "quantile": 0.5, "value": 116599.99999999999, "Latitude": 34.16, "Longitude": -117.25, "Population": 744.0}, {"index": 13600, "quantile": 0.75, "value": 116599.99999999999, "Latitude": 34.16, "Longitude": -117.25, "Population": 744.0}, {"index": 13600, "quantile": 1.0, "value": 181300.0, "Latitude": 34.16, "Longitude": -117.25, "Population": 744.0}, {"index": 13601, "quantile": 0.0, "value": 86700.0, "Latitude": 34.16, "Longitude": -117.25, "Population": 1595.0}, {"index": 13601, "quantile": 0.25, "value": 91500.0, "Latitude": 34.16, "Longitude": -117.25, "Population": 1595.0}, {"index": 13601, "quantile": 0.5, "value": 91500.0, "Latitude": 34.16, "Longitude": -117.25, "Population": 1595.0}, {"index": 13601, "quantile": 0.75, "value": 96400.0, "Latitude": 34.16, "Longitude": -117.25, "Population": 1595.0}, {"index": 13601, "quantile": 1.0, "value": 135100.0, "Latitude": 34.16, "Longitude": -117.25, "Population": 1595.0}, {"index": 13602, "quantile": 0.0, "value": 86100.0, "Latitude": 34.15, "Longitude": -117.25, "Population": 990.0}, {"index": 13602, "quantile": 0.25, "value": 97600.0, "Latitude": 34.15, "Longitude": -117.25, "Population": 990.0}, {"index": 13602, "quantile": 0.5, "value": 97600.0, "Latitude": 34.15, "Longitude": -117.25, "Population": 990.0}, {"index": 13602, "quantile": 0.75, "value": 97600.0, "Latitude": 34.15, "Longitude": -117.25, "Population": 990.0}, {"index": 13602, "quantile": 1.0, "value": 123700.00000000001, "Latitude": 34.15, "Longitude": -117.25, "Population": 990.0}, {"index": 13603, "quantile": 0.0, "value": 88400.0, "Latitude": 34.15, "Longitude": -117.26, "Population": 1100.0}, {"index": 13603, "quantile": 0.25, "value": 92875.00000000001, "Latitude": 34.15, "Longitude": -117.26, "Population": 1100.0}, {"index": 13603, "quantile": 0.5, "value": 97600.0, "Latitude": 34.15, "Longitude": -117.26, "Population": 1100.0}, {"index": 13603, "quantile": 0.75, "value": 116599.99999999999, "Latitude": 34.15, "Longitude": -117.26, "Population": 1100.0}, {"index": 13603, "quantile": 1.0, "value": 181300.0, "Latitude": 34.15, "Longitude": -117.26, "Population": 1100.0}, {"index": 13604, "quantile": 0.0, "value": 88300.0, "Latitude": 34.16, "Longitude": -117.26, "Population": 1715.0}, {"index": 13604, "quantile": 0.25, "value": 95200.0, "Latitude": 34.16, "Longitude": -117.26, "Population": 1715.0}, {"index": 13604, "quantile": 0.5, "value": 113750.0, "Latitude": 34.16, "Longitude": -117.26, "Population": 1715.0}, {"index": 13604, "quantile": 0.75, "value": 123700.00000000001, "Latitude": 34.16, "Longitude": -117.26, "Population": 1715.0}, {"index": 13604, "quantile": 1.0, "value": 314100.0, "Latitude": 34.16, "Longitude": -117.26, "Population": 1715.0}, {"index": 13605, "quantile": 0.0, "value": 88300.0, "Latitude": 34.17, "Longitude": -117.26, "Population": 945.0}, {"index": 13605, "quantile": 0.25, "value": 116599.99999999999, "Latitude": 34.17, "Longitude": -117.26, "Population": 945.0}, {"index": 13605, "quantile": 0.5, "value": 123700.00000000001, "Latitude": 34.17, "Longitude": -117.26, "Population": 945.0}, {"index": 13605, "quantile": 0.75, "value": 123700.00000000001, "Latitude": 34.17, "Longitude": -117.26, "Population": 945.0}, {"index": 13605, "quantile": 1.0, "value": 181300.0, "Latitude": 34.17, "Longitude": -117.26, "Population": 945.0}, {"index": 13606, "quantile": 0.0, "value": 87500.0, "Latitude": 34.17, "Longitude": -117.27, "Population": 49.0}, {"index": 13606, "quantile": 0.25, "value": 239575.0, "Latitude": 34.17, "Longitude": -117.27, "Population": 49.0}, {"index": 13606, "quantile": 0.5, "value": 250000.0, "Latitude": 34.17, "Longitude": -117.27, "Population": 49.0}, {"index": 13606, "quantile": 0.75, "value": 250000.0, "Latitude": 34.17, "Longitude": -117.27, "Population": 49.0}, {"index": 13606, "quantile": 1.0, "value": 500000.0, "Latitude": 34.17, "Longitude": -117.27, "Population": 49.0}, {"index": 13607, "quantile": 0.0, "value": 68100.0, "Latitude": 34.15, "Longitude": -117.25, "Population": 4523.0}, {"index": 13607, "quantile": 0.25, "value": 88300.0, "Latitude": 34.15, "Longitude": -117.25, "Population": 4523.0}, {"index": 13607, "quantile": 0.5, "value": 88800.0, "Latitude": 34.15, "Longitude": -117.25, "Population": 4523.0}, {"index": 13607, "quantile": 0.75, "value": 88800.0, "Latitude": 34.15, "Longitude": -117.25, "Population": 4523.0}, {"index": 13607, "quantile": 1.0, "value": 146500.0, "Latitude": 34.15, "Longitude": -117.25, "Population": 4523.0}, {"index": 13608, "quantile": 0.0, "value": 66800.0, "Latitude": 34.14, "Longitude": -117.25, "Population": 2680.0}, {"index": 13608, "quantile": 0.25, "value": 83349.99999999999, "Latitude": 34.14, "Longitude": -117.25, "Population": 2680.0}, {"index": 13608, "quantile": 0.5, "value": 88800.0, "Latitude": 34.14, "Longitude": -117.25, "Population": 2680.0}, {"index": 13608, "quantile": 0.75, "value": 118800.0, "Latitude": 34.14, "Longitude": -117.25, "Population": 2680.0}, {"index": 13608, "quantile": 1.0, "value": 248100.0, "Latitude": 34.14, "Longitude": -117.25, "Population": 2680.0}, {"index": 13609, "quantile": 0.0, "value": 64400.0, "Latitude": 34.14, "Longitude": -117.27, "Population": 1742.0}, {"index": 13609, "quantile": 0.25, "value": 96400.0, "Latitude": 34.14, "Longitude": -117.27, "Population": 1742.0}, {"index": 13609, "quantile": 0.5, "value": 96400.0, "Latitude": 34.14, "Longitude": -117.27, "Population": 1742.0}, {"index": 13609, "quantile": 0.75, "value": 108775.0, "Latitude": 34.14, "Longitude": -117.27, "Population": 1742.0}, {"index": 13609, "quantile": 1.0, "value": 314100.0, "Latitude": 34.14, "Longitude": -117.27, "Population": 1742.0}, {"index": 13610, "quantile": 0.0, "value": 95200.0, "Latitude": 34.14, "Longitude": -117.27, "Population": 658.0}, {"index": 13610, "quantile": 0.25, "value": 97600.0, "Latitude": 34.14, "Longitude": -117.27, "Population": 658.0}, {"index": 13610, "quantile": 0.5, "value": 97600.0, "Latitude": 34.14, "Longitude": -117.27, "Population": 658.0}, {"index": 13610, "quantile": 0.75, "value": 128400.0, "Latitude": 34.14, "Longitude": -117.27, "Population": 658.0}, {"index": 13610, "quantile": 1.0, "value": 445700.0, "Latitude": 34.14, "Longitude": -117.27, "Population": 658.0}, {"index": 13611, "quantile": 0.0, "value": 78800.0, "Latitude": 34.15, "Longitude": -117.27, "Population": 705.0}, {"index": 13611, "quantile": 0.25, "value": 92875.00000000001, "Latitude": 34.15, "Longitude": -117.27, "Population": 705.0}, {"index": 13611, "quantile": 0.5, "value": 96800.0, "Latitude": 34.15, "Longitude": -117.27, "Population": 705.0}, {"index": 13611, "quantile": 0.75, "value": 113074.99999999999, "Latitude": 34.15, "Longitude": -117.27, "Population": 705.0}, {"index": 13611, "quantile": 1.0, "value": 165500.0, "Latitude": 34.15, "Longitude": -117.27, "Population": 705.0}, {"index": 13612, "quantile": 0.0, "value": 89400.0, "Latitude": 34.13, "Longitude": -117.25, "Population": 1374.0}, {"index": 13612, "quantile": 0.25, "value": 95200.0, "Latitude": 34.13, "Longitude": -117.25, "Population": 1374.0}, {"index": 13612, "quantile": 0.5, "value": 113900.0, "Latitude": 34.13, "Longitude": -117.25, "Population": 1374.0}, {"index": 13612, "quantile": 0.75, "value": 118200.0, "Latitude": 34.13, "Longitude": -117.25, "Population": 1374.0}, {"index": 13612, "quantile": 1.0, "value": 314100.0, "Latitude": 34.13, "Longitude": -117.25, "Population": 1374.0}, {"index": 13613, "quantile": 0.0, "value": 81300.0, "Latitude": 34.13, "Longitude": -117.25, "Population": 1291.0}, {"index": 13613, "quantile": 0.25, "value": 91200.0, "Latitude": 34.13, "Longitude": -117.25, "Population": 1291.0}, {"index": 13613, "quantile": 0.5, "value": 97000.0, "Latitude": 34.13, "Longitude": -117.25, "Population": 1291.0}, {"index": 13613, "quantile": 0.75, "value": 107500.0, "Latitude": 34.13, "Longitude": -117.25, "Population": 1291.0}, {"index": 13613, "quantile": 1.0, "value": 148800.0, "Latitude": 34.13, "Longitude": -117.25, "Population": 1291.0}, {"index": 13614, "quantile": 0.0, "value": 70200.0, "Latitude": 34.13, "Longitude": -117.26, "Population": 1234.0}, {"index": 13614, "quantile": 0.25, "value": 72100.0, "Latitude": 34.13, "Longitude": -117.26, "Population": 1234.0}, {"index": 13614, "quantile": 0.5, "value": 72100.0, "Latitude": 34.13, "Longitude": -117.26, "Population": 1234.0}, {"index": 13614, "quantile": 0.75, "value": 82400.0, "Latitude": 34.13, "Longitude": -117.26, "Population": 1234.0}, {"index": 13614, "quantile": 1.0, "value": 225000.0, "Latitude": 34.13, "Longitude": -117.26, "Population": 1234.0}, {"index": 13615, "quantile": 0.0, "value": 60800.0, "Latitude": 34.13, "Longitude": -117.26, "Population": 2256.0}, {"index": 13615, "quantile": 0.25, "value": 70900.0, "Latitude": 34.13, "Longitude": -117.26, "Population": 2256.0}, {"index": 13615, "quantile": 0.5, "value": 72600.0, "Latitude": 34.13, "Longitude": -117.26, "Population": 2256.0}, {"index": 13615, "quantile": 0.75, "value": 77850.0, "Latitude": 34.13, "Longitude": -117.26, "Population": 2256.0}, {"index": 13615, "quantile": 1.0, "value": 129200.0, "Latitude": 34.13, "Longitude": -117.26, "Population": 2256.0}, {"index": 13616, "quantile": 0.0, "value": 47500.0, "Latitude": 34.12, "Longitude": -117.27, "Population": 1314.0}, {"index": 13616, "quantile": 0.25, "value": 78800.0, "Latitude": 34.12, "Longitude": -117.27, "Population": 1314.0}, {"index": 13616, "quantile": 0.5, "value": 78800.0, "Latitude": 34.12, "Longitude": -117.27, "Population": 1314.0}, {"index": 13616, "quantile": 0.75, "value": 78800.0, "Latitude": 34.12, "Longitude": -117.27, "Population": 1314.0}, {"index": 13616, "quantile": 1.0, "value": 191700.0, "Latitude": 34.12, "Longitude": -117.27, "Population": 1314.0}, {"index": 13617, "quantile": 0.0, "value": 74300.0, "Latitude": 34.13, "Longitude": -117.27, "Population": 793.0}, {"index": 13617, "quantile": 0.25, "value": 83800.0, "Latitude": 34.13, "Longitude": -117.27, "Population": 793.0}, {"index": 13617, "quantile": 0.5, "value": 83800.0, "Latitude": 34.13, "Longitude": -117.27, "Population": 793.0}, {"index": 13617, "quantile": 0.75, "value": 90900.0, "Latitude": 34.13, "Longitude": -117.27, "Population": 793.0}, {"index": 13617, "quantile": 1.0, "value": 361700.0, "Latitude": 34.13, "Longitude": -117.27, "Population": 793.0}, {"index": 13618, "quantile": 0.0, "value": 63500.0, "Latitude": 34.13, "Longitude": -117.27, "Population": 2388.0}, {"index": 13618, "quantile": 0.25, "value": 73100.0, "Latitude": 34.13, "Longitude": -117.27, "Population": 2388.0}, {"index": 13618, "quantile": 0.5, "value": 90600.0, "Latitude": 34.13, "Longitude": -117.27, "Population": 2388.0}, {"index": 13618, "quantile": 0.75, "value": 104150.00000000001, "Latitude": 34.13, "Longitude": -117.27, "Population": 2388.0}, {"index": 13618, "quantile": 1.0, "value": 152700.0, "Latitude": 34.13, "Longitude": -117.27, "Population": 2388.0}, {"index": 13619, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 34.13, "Longitude": -117.25, "Population": 381.0}, {"index": 13619, "quantile": 0.25, "value": 84525.0, "Latitude": 34.13, "Longitude": -117.25, "Population": 381.0}, {"index": 13619, "quantile": 0.5, "value": 88700.0, "Latitude": 34.13, "Longitude": -117.25, "Population": 381.0}, {"index": 13619, "quantile": 0.75, "value": 92375.0, "Latitude": 34.13, "Longitude": -117.25, "Population": 381.0}, {"index": 13619, "quantile": 1.0, "value": 225000.0, "Latitude": 34.13, "Longitude": -117.25, "Population": 381.0}, {"index": 13620, "quantile": 0.0, "value": 65300.0, "Latitude": 34.12, "Longitude": -117.25, "Population": 2160.0}, {"index": 13620, "quantile": 0.25, "value": 72600.0, "Latitude": 34.12, "Longitude": -117.25, "Population": 2160.0}, {"index": 13620, "quantile": 0.5, "value": 72600.0, "Latitude": 34.12, "Longitude": -117.25, "Population": 2160.0}, {"index": 13620, "quantile": 0.75, "value": 72600.0, "Latitude": 34.12, "Longitude": -117.25, "Population": 2160.0}, {"index": 13620, "quantile": 1.0, "value": 107800.0, "Latitude": 34.12, "Longitude": -117.25, "Population": 2160.0}, {"index": 13621, "quantile": 0.0, "value": 66400.0, "Latitude": 34.11, "Longitude": -117.25, "Population": 2011.0}, {"index": 13621, "quantile": 0.25, "value": 70800.0, "Latitude": 34.11, "Longitude": -117.25, "Population": 2011.0}, {"index": 13621, "quantile": 0.5, "value": 70800.0, "Latitude": 34.11, "Longitude": -117.25, "Population": 2011.0}, {"index": 13621, "quantile": 0.75, "value": 78650.0, "Latitude": 34.11, "Longitude": -117.25, "Population": 2011.0}, {"index": 13621, "quantile": 1.0, "value": 109800.00000000001, "Latitude": 34.11, "Longitude": -117.25, "Population": 2011.0}, {"index": 13622, "quantile": 0.0, "value": 63400.0, "Latitude": 34.12, "Longitude": -117.27, "Population": 1514.0}, {"index": 13622, "quantile": 0.25, "value": 70200.0, "Latitude": 34.12, "Longitude": -117.27, "Population": 1514.0}, {"index": 13622, "quantile": 0.5, "value": 70200.0, "Latitude": 34.12, "Longitude": -117.27, "Population": 1514.0}, {"index": 13622, "quantile": 0.75, "value": 73200.0, "Latitude": 34.12, "Longitude": -117.27, "Population": 1514.0}, {"index": 13622, "quantile": 1.0, "value": 268800.0, "Latitude": 34.12, "Longitude": -117.27, "Population": 1514.0}, {"index": 13623, "quantile": 0.0, "value": 40000.0, "Latitude": 34.12, "Longitude": -117.27, "Population": 943.0}, {"index": 13623, "quantile": 0.25, "value": 64000.0, "Latitude": 34.12, "Longitude": -117.27, "Population": 943.0}, {"index": 13623, "quantile": 0.5, "value": 67000.0, "Latitude": 34.12, "Longitude": -117.27, "Population": 943.0}, {"index": 13623, "quantile": 0.75, "value": 70900.0, "Latitude": 34.12, "Longitude": -117.27, "Population": 943.0}, {"index": 13623, "quantile": 1.0, "value": 187500.0, "Latitude": 34.12, "Longitude": -117.27, "Population": 943.0}, {"index": 13624, "quantile": 0.0, "value": 66100.0, "Latitude": 34.11, "Longitude": -117.25, "Population": 1509.0}, {"index": 13624, "quantile": 0.25, "value": 67700.0, "Latitude": 34.11, "Longitude": -117.25, "Population": 1509.0}, {"index": 13624, "quantile": 0.5, "value": 67700.0, "Latitude": 34.11, "Longitude": -117.25, "Population": 1509.0}, {"index": 13624, "quantile": 0.75, "value": 71500.0, "Latitude": 34.11, "Longitude": -117.25, "Population": 1509.0}, {"index": 13624, "quantile": 1.0, "value": 89400.0, "Latitude": 34.11, "Longitude": -117.25, "Population": 1509.0}, {"index": 13625, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 34.11, "Longitude": -117.26, "Population": 850.0}, {"index": 13625, "quantile": 0.25, "value": 66550.0, "Latitude": 34.11, "Longitude": -117.26, "Population": 850.0}, {"index": 13625, "quantile": 0.5, "value": 69500.0, "Latitude": 34.11, "Longitude": -117.26, "Population": 850.0}, {"index": 13625, "quantile": 0.75, "value": 73000.0, "Latitude": 34.11, "Longitude": -117.26, "Population": 850.0}, {"index": 13625, "quantile": 1.0, "value": 120800.0, "Latitude": 34.11, "Longitude": -117.26, "Population": 850.0}, {"index": 13626, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 34.11, "Longitude": -117.27, "Population": 565.0}, {"index": 13626, "quantile": 0.25, "value": 63500.0, "Latitude": 34.11, "Longitude": -117.27, "Population": 565.0}, {"index": 13626, "quantile": 0.5, "value": 70900.0, "Latitude": 34.11, "Longitude": -117.27, "Population": 565.0}, {"index": 13626, "quantile": 0.75, "value": 85750.0, "Latitude": 34.11, "Longitude": -117.27, "Population": 565.0}, {"index": 13626, "quantile": 1.0, "value": 261600.0, "Latitude": 34.11, "Longitude": -117.27, "Population": 565.0}, {"index": 13627, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 34.1, "Longitude": -117.27, "Population": 3688.0}, {"index": 13627, "quantile": 0.25, "value": 72750.0, "Latitude": 34.1, "Longitude": -117.27, "Population": 3688.0}, {"index": 13627, "quantile": 0.5, "value": 78000.0, "Latitude": 34.1, "Longitude": -117.27, "Population": 3688.0}, {"index": 13627, "quantile": 0.75, "value": 78000.0, "Latitude": 34.1, "Longitude": -117.27, "Population": 3688.0}, {"index": 13627, "quantile": 1.0, "value": 151400.0, "Latitude": 34.1, "Longitude": -117.27, "Population": 3688.0}, {"index": 13628, "quantile": 0.0, "value": 67000.0, "Latitude": 34.09, "Longitude": -117.33, "Population": 1681.0}, {"index": 13628, "quantile": 0.25, "value": 84500.0, "Latitude": 34.09, "Longitude": -117.33, "Population": 1681.0}, {"index": 13628, "quantile": 0.5, "value": 84500.0, "Latitude": 34.09, "Longitude": -117.33, "Population": 1681.0}, {"index": 13628, "quantile": 0.75, "value": 84500.0, "Latitude": 34.09, "Longitude": -117.33, "Population": 1681.0}, {"index": 13628, "quantile": 1.0, "value": 143900.0, "Latitude": 34.09, "Longitude": -117.33, "Population": 1681.0}, {"index": 13629, "quantile": 0.0, "value": 78800.0, "Latitude": 34.08, "Longitude": -117.33, "Population": 1394.0}, {"index": 13629, "quantile": 0.25, "value": 86700.0, "Latitude": 34.08, "Longitude": -117.33, "Population": 1394.0}, {"index": 13629, "quantile": 0.5, "value": 86700.0, "Latitude": 34.08, "Longitude": -117.33, "Population": 1394.0}, {"index": 13629, "quantile": 0.75, "value": 88300.0, "Latitude": 34.08, "Longitude": -117.33, "Population": 1394.0}, {"index": 13629, "quantile": 1.0, "value": 102000.0, "Latitude": 34.08, "Longitude": -117.33, "Population": 1394.0}, {"index": 13630, "quantile": 0.0, "value": 89400.0, "Latitude": 34.08, "Longitude": -117.33, "Population": 1175.0}, {"index": 13630, "quantile": 0.25, "value": 95200.0, "Latitude": 34.08, "Longitude": -117.33, "Population": 1175.0}, {"index": 13630, "quantile": 0.5, "value": 95200.0, "Latitude": 34.08, "Longitude": -117.33, "Population": 1175.0}, {"index": 13630, "quantile": 0.75, "value": 95200.0, "Latitude": 34.08, "Longitude": -117.33, "Population": 1175.0}, {"index": 13630, "quantile": 1.0, "value": 149100.0, "Latitude": 34.08, "Longitude": -117.33, "Population": 1175.0}, {"index": 13631, "quantile": 0.0, "value": 68200.0, "Latitude": 34.07, "Longitude": -117.33, "Population": 1355.0}, {"index": 13631, "quantile": 0.25, "value": 89200.0, "Latitude": 34.07, "Longitude": -117.33, "Population": 1355.0}, {"index": 13631, "quantile": 0.5, "value": 89200.0, "Latitude": 34.07, "Longitude": -117.33, "Population": 1355.0}, {"index": 13631, "quantile": 0.75, "value": 89200.0, "Latitude": 34.07, "Longitude": -117.33, "Population": 1355.0}, {"index": 13631, "quantile": 1.0, "value": 118300.0, "Latitude": 34.07, "Longitude": -117.33, "Population": 1355.0}, {"index": 13632, "quantile": 0.0, "value": 55600.00000000001, "Latitude": 34.07, "Longitude": -117.34, "Population": 1100.0}, {"index": 13632, "quantile": 0.25, "value": 84825.0, "Latitude": 34.07, "Longitude": -117.34, "Population": 1100.0}, {"index": 13632, "quantile": 0.5, "value": 90500.0, "Latitude": 34.07, "Longitude": -117.34, "Population": 1100.0}, {"index": 13632, "quantile": 0.75, "value": 90500.0, "Latitude": 34.07, "Longitude": -117.34, "Population": 1100.0}, {"index": 13632, "quantile": 1.0, "value": 162500.0, "Latitude": 34.07, "Longitude": -117.34, "Population": 1100.0}, {"index": 13633, "quantile": 0.0, "value": 74000.0, "Latitude": 34.08, "Longitude": -117.34, "Population": 730.0}, {"index": 13633, "quantile": 0.25, "value": 93700.0, "Latitude": 34.08, "Longitude": -117.34, "Population": 730.0}, {"index": 13633, "quantile": 0.5, "value": 93700.0, "Latitude": 34.08, "Longitude": -117.34, "Population": 730.0}, {"index": 13633, "quantile": 0.75, "value": 93700.0, "Latitude": 34.08, "Longitude": -117.34, "Population": 730.0}, {"index": 13633, "quantile": 1.0, "value": 314100.0, "Latitude": 34.08, "Longitude": -117.34, "Population": 730.0}, {"index": 13634, "quantile": 0.0, "value": 74300.0, "Latitude": 34.08, "Longitude": -117.34, "Population": 3502.0}, {"index": 13634, "quantile": 0.25, "value": 95050.0, "Latitude": 34.08, "Longitude": -117.34, "Population": 3502.0}, {"index": 13634, "quantile": 0.5, "value": 99400.0, "Latitude": 34.08, "Longitude": -117.34, "Population": 3502.0}, {"index": 13634, "quantile": 0.75, "value": 99400.0, "Latitude": 34.08, "Longitude": -117.34, "Population": 3502.0}, {"index": 13634, "quantile": 1.0, "value": 219700.0, "Latitude": 34.08, "Longitude": -117.34, "Population": 3502.0}, {"index": 13635, "quantile": 0.0, "value": 59700.0, "Latitude": 34.09, "Longitude": -117.32, "Population": 1347.0}, {"index": 13635, "quantile": 0.25, "value": 73250.0, "Latitude": 34.09, "Longitude": -117.32, "Population": 1347.0}, {"index": 13635, "quantile": 0.5, "value": 85400.0, "Latitude": 34.09, "Longitude": -117.32, "Population": 1347.0}, {"index": 13635, "quantile": 0.75, "value": 115100.0, "Latitude": 34.09, "Longitude": -117.32, "Population": 1347.0}, {"index": 13635, "quantile": 1.0, "value": 216100.0, "Latitude": 34.09, "Longitude": -117.32, "Population": 1347.0}, {"index": 13636, "quantile": 0.0, "value": 35000.0, "Latitude": 34.09, "Longitude": -117.32, "Population": 1034.0}, {"index": 13636, "quantile": 0.25, "value": 78600.0, "Latitude": 34.09, "Longitude": -117.32, "Population": 1034.0}, {"index": 13636, "quantile": 0.5, "value": 78600.0, "Latitude": 34.09, "Longitude": -117.32, "Population": 1034.0}, {"index": 13636, "quantile": 0.75, "value": 78600.0, "Latitude": 34.09, "Longitude": -117.32, "Population": 1034.0}, {"index": 13636, "quantile": 1.0, "value": 113700.0, "Latitude": 34.09, "Longitude": -117.32, "Population": 1034.0}, {"index": 13637, "quantile": 0.0, "value": 66900.0, "Latitude": 34.08, "Longitude": -117.32, "Population": 786.0}, {"index": 13637, "quantile": 0.25, "value": 85500.0, "Latitude": 34.08, "Longitude": -117.32, "Population": 786.0}, {"index": 13637, "quantile": 0.5, "value": 85500.0, "Latitude": 34.08, "Longitude": -117.32, "Population": 786.0}, {"index": 13637, "quantile": 0.75, "value": 85500.0, "Latitude": 34.08, "Longitude": -117.32, "Population": 786.0}, {"index": 13637, "quantile": 1.0, "value": 118300.0, "Latitude": 34.08, "Longitude": -117.32, "Population": 786.0}, {"index": 13638, "quantile": 0.0, "value": 84000.0, "Latitude": 34.08, "Longitude": -117.32, "Population": 576.0}, {"index": 13638, "quantile": 0.25, "value": 84000.0, "Latitude": 34.08, "Longitude": -117.32, "Population": 576.0}, {"index": 13638, "quantile": 0.5, "value": 84000.0, "Latitude": 34.08, "Longitude": -117.32, "Population": 576.0}, {"index": 13638, "quantile": 0.75, "value": 115249.99999999999, "Latitude": 34.08, "Longitude": -117.32, "Population": 576.0}, {"index": 13638, "quantile": 1.0, "value": 436400.0, "Latitude": 34.08, "Longitude": -117.32, "Population": 576.0}, {"index": 13639, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.07, "Longitude": -117.32, "Population": 693.0}, {"index": 13639, "quantile": 0.25, "value": 74375.0, "Latitude": 34.07, "Longitude": -117.32, "Population": 693.0}, {"index": 13639, "quantile": 0.5, "value": 84000.0, "Latitude": 34.07, "Longitude": -117.32, "Population": 693.0}, {"index": 13639, "quantile": 0.75, "value": 90500.0, "Latitude": 34.07, "Longitude": -117.32, "Population": 693.0}, {"index": 13639, "quantile": 1.0, "value": 162500.0, "Latitude": 34.07, "Longitude": -117.32, "Population": 693.0}, {"index": 13640, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 34.06, "Longitude": -117.32, "Population": 564.0}, {"index": 13640, "quantile": 0.25, "value": 63500.0, "Latitude": 34.06, "Longitude": -117.32, "Population": 564.0}, {"index": 13640, "quantile": 0.5, "value": 63500.0, "Latitude": 34.06, "Longitude": -117.32, "Population": 564.0}, {"index": 13640, "quantile": 0.75, "value": 73100.0, "Latitude": 34.06, "Longitude": -117.32, "Population": 564.0}, {"index": 13640, "quantile": 1.0, "value": 185600.0, "Latitude": 34.06, "Longitude": -117.32, "Population": 564.0}, {"index": 13641, "quantile": 0.0, "value": 57899.99999999999, "Latitude": 34.05, "Longitude": -117.33, "Population": 431.0}, {"index": 13641, "quantile": 0.25, "value": 73100.0, "Latitude": 34.05, "Longitude": -117.33, "Population": 431.0}, {"index": 13641, "quantile": 0.5, "value": 73100.0, "Latitude": 34.05, "Longitude": -117.33, "Population": 431.0}, {"index": 13641, "quantile": 0.75, "value": 73100.0, "Latitude": 34.05, "Longitude": -117.33, "Population": 431.0}, {"index": 13641, "quantile": 1.0, "value": 184400.0, "Latitude": 34.05, "Longitude": -117.33, "Population": 431.0}, {"index": 13642, "quantile": 0.0, "value": 59700.0, "Latitude": 34.06, "Longitude": -117.33, "Population": 390.0}, {"index": 13642, "quantile": 0.25, "value": 67000.0, "Latitude": 34.06, "Longitude": -117.33, "Population": 390.0}, {"index": 13642, "quantile": 0.5, "value": 67000.0, "Latitude": 34.06, "Longitude": -117.33, "Population": 390.0}, {"index": 13642, "quantile": 0.75, "value": 67000.0, "Latitude": 34.06, "Longitude": -117.33, "Population": 390.0}, {"index": 13642, "quantile": 1.0, "value": 114199.99999999999, "Latitude": 34.06, "Longitude": -117.33, "Population": 390.0}, {"index": 13643, "quantile": 0.0, "value": 66900.0, "Latitude": 34.06, "Longitude": -117.33, "Population": 486.0}, {"index": 13643, "quantile": 0.25, "value": 68200.0, "Latitude": 34.06, "Longitude": -117.33, "Population": 486.0}, {"index": 13643, "quantile": 0.5, "value": 68200.0, "Latitude": 34.06, "Longitude": -117.33, "Population": 486.0}, {"index": 13643, "quantile": 0.75, "value": 82149.99999999999, "Latitude": 34.06, "Longitude": -117.33, "Population": 486.0}, {"index": 13643, "quantile": 1.0, "value": 144000.0, "Latitude": 34.06, "Longitude": -117.33, "Population": 486.0}, {"index": 13644, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 34.06, "Longitude": -117.33, "Population": 625.0}, {"index": 13644, "quantile": 0.25, "value": 64625.0, "Latitude": 34.06, "Longitude": -117.33, "Population": 625.0}, {"index": 13644, "quantile": 0.5, "value": 72500.0, "Latitude": 34.06, "Longitude": -117.33, "Population": 625.0}, {"index": 13644, "quantile": 0.75, "value": 75525.0, "Latitude": 34.06, "Longitude": -117.33, "Population": 625.0}, {"index": 13644, "quantile": 1.0, "value": 120800.0, "Latitude": 34.06, "Longitude": -117.33, "Population": 625.0}, {"index": 13645, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 34.06, "Longitude": -117.32, "Population": 476.0}, {"index": 13645, "quantile": 0.25, "value": 73000.0, "Latitude": 34.06, "Longitude": -117.32, "Population": 476.0}, {"index": 13645, "quantile": 0.5, "value": 73100.0, "Latitude": 34.06, "Longitude": -117.32, "Population": 476.0}, {"index": 13645, "quantile": 0.75, "value": 73100.0, "Latitude": 34.06, "Longitude": -117.32, "Population": 476.0}, {"index": 13645, "quantile": 1.0, "value": 129099.99999999999, "Latitude": 34.06, "Longitude": -117.32, "Population": 476.0}, {"index": 13646, "quantile": 0.0, "value": 59700.0, "Latitude": 34.08, "Longitude": -117.31, "Population": 1181.0}, {"index": 13646, "quantile": 0.25, "value": 74600.0, "Latitude": 34.08, "Longitude": -117.31, "Population": 1181.0}, {"index": 13646, "quantile": 0.5, "value": 74600.0, "Latitude": 34.08, "Longitude": -117.31, "Population": 1181.0}, {"index": 13646, "quantile": 0.75, "value": 74600.0, "Latitude": 34.08, "Longitude": -117.31, "Population": 1181.0}, {"index": 13646, "quantile": 1.0, "value": 91100.0, "Latitude": 34.08, "Longitude": -117.31, "Population": 1181.0}, {"index": 13647, "quantile": 0.0, "value": 67000.0, "Latitude": 34.08, "Longitude": -117.31, "Population": 1528.0}, {"index": 13647, "quantile": 0.25, "value": 69900.0, "Latitude": 34.08, "Longitude": -117.31, "Population": 1528.0}, {"index": 13647, "quantile": 0.5, "value": 69900.0, "Latitude": 34.08, "Longitude": -117.31, "Population": 1528.0}, {"index": 13647, "quantile": 0.75, "value": 73075.0, "Latitude": 34.08, "Longitude": -117.31, "Population": 1528.0}, {"index": 13647, "quantile": 1.0, "value": 147500.0, "Latitude": 34.08, "Longitude": -117.31, "Population": 1528.0}, {"index": 13648, "quantile": 0.0, "value": 59700.0, "Latitude": 34.07, "Longitude": -117.31, "Population": 2024.0}, {"index": 13648, "quantile": 0.25, "value": 70900.0, "Latitude": 34.07, "Longitude": -117.31, "Population": 2024.0}, {"index": 13648, "quantile": 0.5, "value": 70900.0, "Latitude": 34.07, "Longitude": -117.31, "Population": 2024.0}, {"index": 13648, "quantile": 0.75, "value": 72775.0, "Latitude": 34.07, "Longitude": -117.31, "Population": 2024.0}, {"index": 13648, "quantile": 1.0, "value": 146500.0, "Latitude": 34.07, "Longitude": -117.31, "Population": 2024.0}, {"index": 13649, "quantile": 0.0, "value": 67300.0, "Latitude": 34.07, "Longitude": -117.32, "Population": 592.0}, {"index": 13649, "quantile": 0.25, "value": 84000.0, "Latitude": 34.07, "Longitude": -117.32, "Population": 592.0}, {"index": 13649, "quantile": 0.5, "value": 84000.0, "Latitude": 34.07, "Longitude": -117.32, "Population": 592.0}, {"index": 13649, "quantile": 0.75, "value": 84000.0, "Latitude": 34.07, "Longitude": -117.32, "Population": 592.0}, {"index": 13649, "quantile": 1.0, "value": 118000.0, "Latitude": 34.07, "Longitude": -117.32, "Population": 592.0}, {"index": 13650, "quantile": 0.0, "value": 63700.0, "Latitude": 34.08, "Longitude": -117.31, "Population": 611.0}, {"index": 13650, "quantile": 0.25, "value": 81500.0, "Latitude": 34.08, "Longitude": -117.31, "Population": 611.0}, {"index": 13650, "quantile": 0.5, "value": 81500.0, "Latitude": 34.08, "Longitude": -117.31, "Population": 611.0}, {"index": 13650, "quantile": 0.75, "value": 81500.0, "Latitude": 34.08, "Longitude": -117.31, "Population": 611.0}, {"index": 13650, "quantile": 1.0, "value": 135000.0, "Latitude": 34.08, "Longitude": -117.31, "Population": 611.0}, {"index": 13651, "quantile": 0.0, "value": 65800.0, "Latitude": 34.05, "Longitude": -117.31, "Population": 4092.0}, {"index": 13651, "quantile": 0.25, "value": 101000.0, "Latitude": 34.05, "Longitude": -117.31, "Population": 4092.0}, {"index": 13651, "quantile": 0.5, "value": 109700.0, "Latitude": 34.05, "Longitude": -117.31, "Population": 4092.0}, {"index": 13651, "quantile": 0.75, "value": 149000.0, "Latitude": 34.05, "Longitude": -117.31, "Population": 4092.0}, {"index": 13651, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -117.31, "Population": 4092.0}, {"index": 13652, "quantile": 0.0, "value": 66300.0, "Latitude": 34.04, "Longitude": -117.33, "Population": 727.0}, {"index": 13652, "quantile": 0.25, "value": 103074.99999999999, "Latitude": 34.04, "Longitude": -117.33, "Population": 727.0}, {"index": 13652, "quantile": 0.5, "value": 129400.0, "Latitude": 34.04, "Longitude": -117.33, "Population": 727.0}, {"index": 13652, "quantile": 0.75, "value": 157300.0, "Latitude": 34.04, "Longitude": -117.33, "Population": 727.0}, {"index": 13652, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -117.33, "Population": 727.0}, {"index": 13653, "quantile": 0.0, "value": 73400.0, "Latitude": 34.03, "Longitude": -117.33, "Population": 825.0}, {"index": 13653, "quantile": 0.25, "value": 106300.0, "Latitude": 34.03, "Longitude": -117.33, "Population": 825.0}, {"index": 13653, "quantile": 0.5, "value": 106300.0, "Latitude": 34.03, "Longitude": -117.33, "Population": 825.0}, {"index": 13653, "quantile": 0.75, "value": 106300.0, "Latitude": 34.03, "Longitude": -117.33, "Population": 825.0}, {"index": 13653, "quantile": 1.0, "value": 149500.0, "Latitude": 34.03, "Longitude": -117.33, "Population": 825.0}, {"index": 13654, "quantile": 0.0, "value": 111100.0, "Latitude": 34.04, "Longitude": -117.31, "Population": 1188.0}, {"index": 13654, "quantile": 0.25, "value": 134600.0, "Latitude": 34.04, "Longitude": -117.31, "Population": 1188.0}, {"index": 13654, "quantile": 0.5, "value": 134600.0, "Latitude": 34.04, "Longitude": -117.31, "Population": 1188.0}, {"index": 13654, "quantile": 0.75, "value": 134600.0, "Latitude": 34.04, "Longitude": -117.31, "Population": 1188.0}, {"index": 13654, "quantile": 1.0, "value": 239900.0, "Latitude": 34.04, "Longitude": -117.31, "Population": 1188.0}, {"index": 13655, "quantile": 0.0, "value": 90900.0, "Latitude": 34.04, "Longitude": -117.31, "Population": 1310.0}, {"index": 13655, "quantile": 0.25, "value": 137100.0, "Latitude": 34.04, "Longitude": -117.31, "Population": 1310.0}, {"index": 13655, "quantile": 0.5, "value": 149500.0, "Latitude": 34.04, "Longitude": -117.31, "Population": 1310.0}, {"index": 13655, "quantile": 0.75, "value": 149500.0, "Latitude": 34.04, "Longitude": -117.31, "Population": 1310.0}, {"index": 13655, "quantile": 1.0, "value": 244400.0, "Latitude": 34.04, "Longitude": -117.31, "Population": 1310.0}, {"index": 13656, "quantile": 0.0, "value": 39800.0, "Latitude": 34.05, "Longitude": -117.3, "Population": 1039.0}, {"index": 13656, "quantile": 0.25, "value": 77900.0, "Latitude": 34.05, "Longitude": -117.3, "Population": 1039.0}, {"index": 13656, "quantile": 0.5, "value": 91300.0, "Latitude": 34.05, "Longitude": -117.3, "Population": 1039.0}, {"index": 13656, "quantile": 0.75, "value": 108975.0, "Latitude": 34.05, "Longitude": -117.3, "Population": 1039.0}, {"index": 13656, "quantile": 1.0, "value": 169300.0, "Latitude": 34.05, "Longitude": -117.3, "Population": 1039.0}, {"index": 13657, "quantile": 0.0, "value": 93300.0, "Latitude": 34.05, "Longitude": -117.3, "Population": 2534.0}, {"index": 13657, "quantile": 0.25, "value": 115700.0, "Latitude": 34.05, "Longitude": -117.3, "Population": 2534.0}, {"index": 13657, "quantile": 0.5, "value": 115700.0, "Latitude": 34.05, "Longitude": -117.3, "Population": 2534.0}, {"index": 13657, "quantile": 0.75, "value": 127800.0, "Latitude": 34.05, "Longitude": -117.3, "Population": 2534.0}, {"index": 13657, "quantile": 1.0, "value": 362500.0, "Latitude": 34.05, "Longitude": -117.3, "Population": 2534.0}, {"index": 13658, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 34.06, "Longitude": -117.29, "Population": 1336.0}, {"index": 13658, "quantile": 0.25, "value": 111500.0, "Latitude": 34.06, "Longitude": -117.29, "Population": 1336.0}, {"index": 13658, "quantile": 0.5, "value": 111500.0, "Latitude": 34.06, "Longitude": -117.29, "Population": 1336.0}, {"index": 13658, "quantile": 0.75, "value": 111500.0, "Latitude": 34.06, "Longitude": -117.29, "Population": 1336.0}, {"index": 13658, "quantile": 1.0, "value": 257300.0, "Latitude": 34.06, "Longitude": -117.29, "Population": 1336.0}, {"index": 13659, "quantile": 0.0, "value": 107500.0, "Latitude": 34.06, "Longitude": -117.28, "Population": 868.0}, {"index": 13659, "quantile": 0.25, "value": 136700.0, "Latitude": 34.06, "Longitude": -117.28, "Population": 868.0}, {"index": 13659, "quantile": 0.5, "value": 136700.0, "Latitude": 34.06, "Longitude": -117.28, "Population": 868.0}, {"index": 13659, "quantile": 0.75, "value": 162800.0, "Latitude": 34.06, "Longitude": -117.28, "Population": 868.0}, {"index": 13659, "quantile": 1.0, "value": 447400.0, "Latitude": 34.06, "Longitude": -117.28, "Population": 868.0}, {"index": 13660, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 34.02, "Longitude": -117.32, "Population": 1006.0}, {"index": 13660, "quantile": 0.25, "value": 123100.00000000001, "Latitude": 34.02, "Longitude": -117.32, "Population": 1006.0}, {"index": 13660, "quantile": 0.5, "value": 123100.00000000001, "Latitude": 34.02, "Longitude": -117.32, "Population": 1006.0}, {"index": 13660, "quantile": 0.75, "value": 128499.99999999999, "Latitude": 34.02, "Longitude": -117.32, "Population": 1006.0}, {"index": 13660, "quantile": 1.0, "value": 250000.0, "Latitude": 34.02, "Longitude": -117.32, "Population": 1006.0}, {"index": 13661, "quantile": 0.0, "value": 111500.0, "Latitude": 34.03, "Longitude": -117.33, "Population": 1264.0}, {"index": 13661, "quantile": 0.25, "value": 126325.0, "Latitude": 34.03, "Longitude": -117.33, "Population": 1264.0}, {"index": 13661, "quantile": 0.5, "value": 138800.0, "Latitude": 34.03, "Longitude": -117.33, "Population": 1264.0}, {"index": 13661, "quantile": 0.75, "value": 159125.0, "Latitude": 34.03, "Longitude": -117.33, "Population": 1264.0}, {"index": 13661, "quantile": 1.0, "value": 254100.0, "Latitude": 34.03, "Longitude": -117.33, "Population": 1264.0}, {"index": 13662, "quantile": 0.0, "value": 85200.0, "Latitude": 34.03, "Longitude": -117.32, "Population": 1685.0}, {"index": 13662, "quantile": 0.25, "value": 122400.0, "Latitude": 34.03, "Longitude": -117.32, "Population": 1685.0}, {"index": 13662, "quantile": 0.5, "value": 122400.0, "Latitude": 34.03, "Longitude": -117.32, "Population": 1685.0}, {"index": 13662, "quantile": 0.75, "value": 122950.0, "Latitude": 34.03, "Longitude": -117.32, "Population": 1685.0}, {"index": 13662, "quantile": 1.0, "value": 225000.0, "Latitude": 34.03, "Longitude": -117.32, "Population": 1685.0}, {"index": 13663, "quantile": 0.0, "value": 97600.0, "Latitude": 34.03, "Longitude": -117.31, "Population": 786.0}, {"index": 13663, "quantile": 0.25, "value": 134500.0, "Latitude": 34.03, "Longitude": -117.31, "Population": 786.0}, {"index": 13663, "quantile": 0.5, "value": 134500.0, "Latitude": 34.03, "Longitude": -117.31, "Population": 786.0}, {"index": 13663, "quantile": 0.75, "value": 161400.0, "Latitude": 34.03, "Longitude": -117.31, "Population": 786.0}, {"index": 13663, "quantile": 1.0, "value": 413900.0, "Latitude": 34.03, "Longitude": -117.31, "Population": 786.0}, {"index": 13664, "quantile": 0.0, "value": 110100.0, "Latitude": 34.03, "Longitude": -117.31, "Population": 629.0}, {"index": 13664, "quantile": 0.25, "value": 178100.0, "Latitude": 34.03, "Longitude": -117.31, "Population": 629.0}, {"index": 13664, "quantile": 0.5, "value": 221300.0, "Latitude": 34.03, "Longitude": -117.31, "Population": 629.0}, {"index": 13664, "quantile": 0.75, "value": 252575.0, "Latitude": 34.03, "Longitude": -117.31, "Population": 629.0}, {"index": 13664, "quantile": 1.0, "value": 411300.00000000006, "Latitude": 34.03, "Longitude": -117.31, "Population": 629.0}, {"index": 13665, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 34.02, "Longitude": -117.31, "Population": 899.0}, {"index": 13665, "quantile": 0.25, "value": 129299.99999999999, "Latitude": 34.02, "Longitude": -117.31, "Population": 899.0}, {"index": 13665, "quantile": 0.5, "value": 129299.99999999999, "Latitude": 34.02, "Longitude": -117.31, "Population": 899.0}, {"index": 13665, "quantile": 0.75, "value": 158800.0, "Latitude": 34.02, "Longitude": -117.31, "Population": 899.0}, {"index": 13665, "quantile": 1.0, "value": 267400.0, "Latitude": 34.02, "Longitude": -117.31, "Population": 899.0}, {"index": 13666, "quantile": 0.0, "value": 112799.99999999999, "Latitude": 34.03, "Longitude": -117.29, "Population": 3630.0}, {"index": 13666, "quantile": 0.25, "value": 196800.0, "Latitude": 34.03, "Longitude": -117.29, "Population": 3630.0}, {"index": 13666, "quantile": 0.5, "value": 197700.0, "Latitude": 34.03, "Longitude": -117.29, "Population": 3630.0}, {"index": 13666, "quantile": 0.75, "value": 197700.0, "Latitude": 34.03, "Longitude": -117.29, "Population": 3630.0}, {"index": 13666, "quantile": 1.0, "value": 294100.0, "Latitude": 34.03, "Longitude": -117.29, "Population": 3630.0}, {"index": 13667, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 34.09, "Longitude": -117.27, "Population": 737.0}, {"index": 13667, "quantile": 0.25, "value": 67525.0, "Latitude": 34.09, "Longitude": -117.27, "Population": 737.0}, {"index": 13667, "quantile": 0.5, "value": 73000.0, "Latitude": 34.09, "Longitude": -117.27, "Population": 737.0}, {"index": 13667, "quantile": 0.75, "value": 74775.0, "Latitude": 34.09, "Longitude": -117.27, "Population": 737.0}, {"index": 13667, "quantile": 1.0, "value": 135700.0, "Latitude": 34.09, "Longitude": -117.27, "Population": 737.0}, {"index": 13668, "quantile": 0.0, "value": 63500.0, "Latitude": 34.08, "Longitude": -117.27, "Population": 856.0}, {"index": 13668, "quantile": 0.25, "value": 73000.0, "Latitude": 34.08, "Longitude": -117.27, "Population": 856.0}, {"index": 13668, "quantile": 0.5, "value": 73000.0, "Latitude": 34.08, "Longitude": -117.27, "Population": 856.0}, {"index": 13668, "quantile": 0.75, "value": 73000.0, "Latitude": 34.08, "Longitude": -117.27, "Population": 856.0}, {"index": 13668, "quantile": 1.0, "value": 100000.0, "Latitude": 34.08, "Longitude": -117.27, "Population": 856.0}, {"index": 13669, "quantile": 0.0, "value": 70800.0, "Latitude": 34.08, "Longitude": -117.25, "Population": 1784.0}, {"index": 13669, "quantile": 0.25, "value": 85800.0, "Latitude": 34.08, "Longitude": -117.25, "Population": 1784.0}, {"index": 13669, "quantile": 0.5, "value": 85800.0, "Latitude": 34.08, "Longitude": -117.25, "Population": 1784.0}, {"index": 13669, "quantile": 0.75, "value": 85800.0, "Latitude": 34.08, "Longitude": -117.25, "Population": 1784.0}, {"index": 13669, "quantile": 1.0, "value": 113500.0, "Latitude": 34.08, "Longitude": -117.25, "Population": 1784.0}, {"index": 13670, "quantile": 0.0, "value": 70800.0, "Latitude": 34.07, "Longitude": -117.25, "Population": 2140.0}, {"index": 13670, "quantile": 0.25, "value": 78800.0, "Latitude": 34.07, "Longitude": -117.25, "Population": 2140.0}, {"index": 13670, "quantile": 0.5, "value": 78800.0, "Latitude": 34.07, "Longitude": -117.25, "Population": 2140.0}, {"index": 13670, "quantile": 0.75, "value": 85700.0, "Latitude": 34.07, "Longitude": -117.25, "Population": 2140.0}, {"index": 13670, "quantile": 1.0, "value": 113799.99999999999, "Latitude": 34.07, "Longitude": -117.25, "Population": 2140.0}, {"index": 13671, "quantile": 0.0, "value": 47500.0, "Latitude": 34.07, "Longitude": -117.27, "Population": 401.0}, {"index": 13671, "quantile": 0.25, "value": 72950.0, "Latitude": 34.07, "Longitude": -117.27, "Population": 401.0}, {"index": 13671, "quantile": 0.5, "value": 88100.0, "Latitude": 34.07, "Longitude": -117.27, "Population": 401.0}, {"index": 13671, "quantile": 0.75, "value": 107850.0, "Latitude": 34.07, "Longitude": -117.27, "Population": 401.0}, {"index": 13671, "quantile": 1.0, "value": 224500.0, "Latitude": 34.07, "Longitude": -117.27, "Population": 401.0}, {"index": 13672, "quantile": 0.0, "value": 115700.0, "Latitude": 34.04, "Longitude": -117.24, "Population": 1520.0}, {"index": 13672, "quantile": 0.25, "value": 214500.0, "Latitude": 34.04, "Longitude": -117.24, "Population": 1520.0}, {"index": 13672, "quantile": 0.5, "value": 214500.0, "Latitude": 34.04, "Longitude": -117.24, "Population": 1520.0}, {"index": 13672, "quantile": 0.75, "value": 231650.0, "Latitude": 34.04, "Longitude": -117.24, "Population": 1520.0}, {"index": 13672, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 34.04, "Longitude": -117.24, "Population": 1520.0}, {"index": 13673, "quantile": 0.0, "value": 85700.0, "Latitude": 34.04, "Longitude": -117.25, "Population": 2763.0}, {"index": 13673, "quantile": 0.25, "value": 161100.0, "Latitude": 34.04, "Longitude": -117.25, "Population": 2763.0}, {"index": 13673, "quantile": 0.5, "value": 161100.0, "Latitude": 34.04, "Longitude": -117.25, "Population": 2763.0}, {"index": 13673, "quantile": 0.75, "value": 161100.0, "Latitude": 34.04, "Longitude": -117.25, "Population": 2763.0}, {"index": 13673, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 34.04, "Longitude": -117.25, "Population": 2763.0}, {"index": 13674, "quantile": 0.0, "value": 63500.0, "Latitude": 34.05, "Longitude": -117.27, "Population": 849.0}, {"index": 13674, "quantile": 0.25, "value": 135000.0, "Latitude": 34.05, "Longitude": -117.27, "Population": 849.0}, {"index": 13674, "quantile": 0.5, "value": 138200.0, "Latitude": 34.05, "Longitude": -117.27, "Population": 849.0}, {"index": 13674, "quantile": 0.75, "value": 138200.0, "Latitude": 34.05, "Longitude": -117.27, "Population": 849.0}, {"index": 13674, "quantile": 1.0, "value": 238000.0, "Latitude": 34.05, "Longitude": -117.27, "Population": 849.0}, {"index": 13675, "quantile": 0.0, "value": 68900.0, "Latitude": 34.06, "Longitude": -117.27, "Population": 3780.0}, {"index": 13675, "quantile": 0.25, "value": 85700.0, "Latitude": 34.06, "Longitude": -117.27, "Population": 3780.0}, {"index": 13675, "quantile": 0.5, "value": 85700.0, "Latitude": 34.06, "Longitude": -117.27, "Population": 3780.0}, {"index": 13675, "quantile": 0.75, "value": 86150.0, "Latitude": 34.06, "Longitude": -117.27, "Population": 3780.0}, {"index": 13675, "quantile": 1.0, "value": 180900.0, "Latitude": 34.06, "Longitude": -117.27, "Population": 3780.0}, {"index": 13676, "quantile": 0.0, "value": 63500.0, "Latitude": 34.06, "Longitude": -117.25, "Population": 3264.0}, {"index": 13676, "quantile": 0.25, "value": 75975.0, "Latitude": 34.06, "Longitude": -117.25, "Population": 3264.0}, {"index": 13676, "quantile": 0.5, "value": 93000.0, "Latitude": 34.06, "Longitude": -117.25, "Population": 3264.0}, {"index": 13676, "quantile": 0.75, "value": 93000.0, "Latitude": 34.06, "Longitude": -117.25, "Population": 3264.0}, {"index": 13676, "quantile": 1.0, "value": 169300.0, "Latitude": 34.06, "Longitude": -117.25, "Population": 3264.0}, {"index": 13677, "quantile": 0.0, "value": 78800.0, "Latitude": 34.06, "Longitude": -117.25, "Population": 2948.0}, {"index": 13677, "quantile": 0.25, "value": 106500.0, "Latitude": 34.06, "Longitude": -117.25, "Population": 2948.0}, {"index": 13677, "quantile": 0.5, "value": 106500.0, "Latitude": 34.06, "Longitude": -117.25, "Population": 2948.0}, {"index": 13677, "quantile": 0.75, "value": 106500.0, "Latitude": 34.06, "Longitude": -117.25, "Population": 2948.0}, {"index": 13677, "quantile": 1.0, "value": 146500.0, "Latitude": 34.06, "Longitude": -117.25, "Population": 2948.0}, {"index": 13678, "quantile": 0.0, "value": 173200.0, "Latitude": 34.04, "Longitude": -117.24, "Population": 726.0}, {"index": 13678, "quantile": 0.25, "value": 280300.0, "Latitude": 34.04, "Longitude": -117.24, "Population": 726.0}, {"index": 13678, "quantile": 0.5, "value": 342950.0, "Latitude": 34.04, "Longitude": -117.24, "Population": 726.0}, {"index": 13678, "quantile": 0.75, "value": 384200.0, "Latitude": 34.04, "Longitude": -117.24, "Population": 726.0}, {"index": 13678, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -117.24, "Population": 726.0}, {"index": 13679, "quantile": 0.0, "value": 133800.0, "Latitude": 34.04, "Longitude": -117.24, "Population": 1981.0}, {"index": 13679, "quantile": 0.25, "value": 165100.0, "Latitude": 34.04, "Longitude": -117.24, "Population": 1981.0}, {"index": 13679, "quantile": 0.5, "value": 165100.0, "Latitude": 34.04, "Longitude": -117.24, "Population": 1981.0}, {"index": 13679, "quantile": 0.75, "value": 166900.0, "Latitude": 34.04, "Longitude": -117.24, "Population": 1981.0}, {"index": 13679, "quantile": 1.0, "value": 429000.0, "Latitude": 34.04, "Longitude": -117.24, "Population": 1981.0}, {"index": 13680, "quantile": 0.0, "value": 86400.0, "Latitude": 34.06, "Longitude": -117.24, "Population": 1782.0}, {"index": 13680, "quantile": 0.25, "value": 93300.0, "Latitude": 34.06, "Longitude": -117.24, "Population": 1782.0}, {"index": 13680, "quantile": 0.5, "value": 93300.0, "Latitude": 34.06, "Longitude": -117.24, "Population": 1782.0}, {"index": 13680, "quantile": 0.75, "value": 106349.99999999999, "Latitude": 34.06, "Longitude": -117.24, "Population": 1782.0}, {"index": 13680, "quantile": 1.0, "value": 181300.0, "Latitude": 34.06, "Longitude": -117.24, "Population": 1782.0}, {"index": 13681, "quantile": 0.0, "value": 86300.0, "Latitude": 34.15, "Longitude": -117.23, "Population": 2084.0}, {"index": 13681, "quantile": 0.25, "value": 128400.0, "Latitude": 34.15, "Longitude": -117.23, "Population": 2084.0}, {"index": 13681, "quantile": 0.5, "value": 161100.0, "Latitude": 34.15, "Longitude": -117.23, "Population": 2084.0}, {"index": 13681, "quantile": 0.75, "value": 197700.0, "Latitude": 34.15, "Longitude": -117.23, "Population": 2084.0}, {"index": 13681, "quantile": 1.0, "value": 445700.0, "Latitude": 34.15, "Longitude": -117.23, "Population": 2084.0}, {"index": 13682, "quantile": 0.0, "value": 72000.0, "Latitude": 34.14, "Longitude": -117.23, "Population": 956.0}, {"index": 13682, "quantile": 0.25, "value": 122300.00000000001, "Latitude": 34.14, "Longitude": -117.23, "Population": 956.0}, {"index": 13682, "quantile": 0.5, "value": 129400.0, "Latitude": 34.14, "Longitude": -117.23, "Population": 956.0}, {"index": 13682, "quantile": 0.75, "value": 129400.0, "Latitude": 34.14, "Longitude": -117.23, "Population": 956.0}, {"index": 13682, "quantile": 1.0, "value": 354000.0, "Latitude": 34.14, "Longitude": -117.23, "Population": 956.0}, {"index": 13683, "quantile": 0.0, "value": 65600.0, "Latitude": 34.14, "Longitude": -117.24, "Population": 1301.0}, {"index": 13683, "quantile": 0.25, "value": 107500.0, "Latitude": 34.14, "Longitude": -117.24, "Population": 1301.0}, {"index": 13683, "quantile": 0.5, "value": 107500.0, "Latitude": 34.14, "Longitude": -117.24, "Population": 1301.0}, {"index": 13683, "quantile": 0.75, "value": 107500.0, "Latitude": 34.14, "Longitude": -117.24, "Population": 1301.0}, {"index": 13683, "quantile": 1.0, "value": 150000.0, "Latitude": 34.14, "Longitude": -117.24, "Population": 1301.0}, {"index": 13684, "quantile": 0.0, "value": 97600.0, "Latitude": 34.15, "Longitude": -117.24, "Population": 1621.0}, {"index": 13684, "quantile": 0.25, "value": 128400.0, "Latitude": 34.15, "Longitude": -117.24, "Population": 1621.0}, {"index": 13684, "quantile": 0.5, "value": 128400.0, "Latitude": 34.15, "Longitude": -117.24, "Population": 1621.0}, {"index": 13684, "quantile": 0.75, "value": 133500.0, "Latitude": 34.15, "Longitude": -117.24, "Population": 1621.0}, {"index": 13684, "quantile": 1.0, "value": 445700.0, "Latitude": 34.15, "Longitude": -117.24, "Population": 1621.0}, {"index": 13685, "quantile": 0.0, "value": 102800.0, "Latitude": 34.15, "Longitude": -117.24, "Population": 936.0}, {"index": 13685, "quantile": 0.25, "value": 239874.99999999997, "Latitude": 34.15, "Longitude": -117.24, "Population": 936.0}, {"index": 13685, "quantile": 0.5, "value": 290800.0, "Latitude": 34.15, "Longitude": -117.24, "Population": 936.0}, {"index": 13685, "quantile": 0.75, "value": 318825.0, "Latitude": 34.15, "Longitude": -117.24, "Population": 936.0}, {"index": 13685, "quantile": 1.0, "value": 483600.00000000006, "Latitude": 34.15, "Longitude": -117.24, "Population": 936.0}, {"index": 13686, "quantile": 0.0, "value": 123900.00000000001, "Latitude": 34.14, "Longitude": -117.21, "Population": 811.0}, {"index": 13686, "quantile": 0.25, "value": 140700.0, "Latitude": 34.14, "Longitude": -117.21, "Population": 811.0}, {"index": 13686, "quantile": 0.5, "value": 140700.0, "Latitude": 34.14, "Longitude": -117.21, "Population": 811.0}, {"index": 13686, "quantile": 0.75, "value": 164875.0, "Latitude": 34.14, "Longitude": -117.21, "Population": 811.0}, {"index": 13686, "quantile": 1.0, "value": 277500.0, "Latitude": 34.14, "Longitude": -117.21, "Population": 811.0}, {"index": 13687, "quantile": 0.0, "value": 143000.0, "Latitude": 34.15, "Longitude": -117.22, "Population": 1139.0}, {"index": 13687, "quantile": 0.25, "value": 159300.0, "Latitude": 34.15, "Longitude": -117.22, "Population": 1139.0}, {"index": 13687, "quantile": 0.5, "value": 159300.0, "Latitude": 34.15, "Longitude": -117.22, "Population": 1139.0}, {"index": 13687, "quantile": 0.75, "value": 159300.0, "Latitude": 34.15, "Longitude": -117.22, "Population": 1139.0}, {"index": 13687, "quantile": 1.0, "value": 480800.0, "Latitude": 34.15, "Longitude": -117.22, "Population": 1139.0}, {"index": 13688, "quantile": 0.0, "value": 171900.0, "Latitude": 34.15, "Longitude": -117.2, "Population": 747.0}, {"index": 13688, "quantile": 0.25, "value": 173200.0, "Latitude": 34.15, "Longitude": -117.2, "Population": 747.0}, {"index": 13688, "quantile": 0.5, "value": 173200.0, "Latitude": 34.15, "Longitude": -117.2, "Population": 747.0}, {"index": 13688, "quantile": 0.75, "value": 284125.0, "Latitude": 34.15, "Longitude": -117.2, "Population": 747.0}, {"index": 13688, "quantile": 1.0, "value": 467699.99999999994, "Latitude": 34.15, "Longitude": -117.2, "Population": 747.0}, {"index": 13689, "quantile": 0.0, "value": 72000.0, "Latitude": 34.14, "Longitude": -117.2, "Population": 989.0}, {"index": 13689, "quantile": 0.25, "value": 128575.0, "Latitude": 34.14, "Longitude": -117.2, "Population": 989.0}, {"index": 13689, "quantile": 0.5, "value": 135700.00000000003, "Latitude": 34.14, "Longitude": -117.2, "Population": 989.0}, {"index": 13689, "quantile": 0.75, "value": 156275.0, "Latitude": 34.14, "Longitude": -117.2, "Population": 989.0}, {"index": 13689, "quantile": 1.0, "value": 369400.0, "Latitude": 34.14, "Longitude": -117.2, "Population": 989.0}, {"index": 13690, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 34.14, "Longitude": -117.2, "Population": 890.0}, {"index": 13690, "quantile": 0.25, "value": 147325.0, "Latitude": 34.14, "Longitude": -117.2, "Population": 890.0}, {"index": 13690, "quantile": 0.5, "value": 167350.0, "Latitude": 34.14, "Longitude": -117.2, "Population": 890.0}, {"index": 13690, "quantile": 0.75, "value": 229875.0, "Latitude": 34.14, "Longitude": -117.2, "Population": 890.0}, {"index": 13690, "quantile": 1.0, "value": 444500.0, "Latitude": 34.14, "Longitude": -117.2, "Population": 890.0}, {"index": 13691, "quantile": 0.0, "value": 51300.0, "Latitude": 34.13, "Longitude": -117.24, "Population": 594.0}, {"index": 13691, "quantile": 0.25, "value": 68150.0, "Latitude": 34.13, "Longitude": -117.24, "Population": 594.0}, {"index": 13691, "quantile": 0.5, "value": 73200.0, "Latitude": 34.13, "Longitude": -117.24, "Population": 594.0}, {"index": 13691, "quantile": 0.75, "value": 85525.0, "Latitude": 34.13, "Longitude": -117.24, "Population": 594.0}, {"index": 13691, "quantile": 1.0, "value": 225000.0, "Latitude": 34.13, "Longitude": -117.24, "Population": 594.0}, {"index": 13692, "quantile": 0.0, "value": 67500.0, "Latitude": 34.13, "Longitude": -117.24, "Population": 1913.0}, {"index": 13692, "quantile": 0.25, "value": 98900.0, "Latitude": 34.13, "Longitude": -117.24, "Population": 1913.0}, {"index": 13692, "quantile": 0.5, "value": 98900.0, "Latitude": 34.13, "Longitude": -117.24, "Population": 1913.0}, {"index": 13692, "quantile": 0.75, "value": 98900.0, "Latitude": 34.13, "Longitude": -117.24, "Population": 1913.0}, {"index": 13692, "quantile": 1.0, "value": 153800.0, "Latitude": 34.13, "Longitude": -117.24, "Population": 1913.0}, {"index": 13693, "quantile": 0.0, "value": 68700.0, "Latitude": 34.12, "Longitude": -117.23, "Population": 2364.0}, {"index": 13693, "quantile": 0.25, "value": 78750.00000000001, "Latitude": 34.12, "Longitude": -117.23, "Population": 2364.0}, {"index": 13693, "quantile": 0.5, "value": 90700.0, "Latitude": 34.12, "Longitude": -117.23, "Population": 2364.0}, {"index": 13693, "quantile": 0.75, "value": 107850.0, "Latitude": 34.12, "Longitude": -117.23, "Population": 2364.0}, {"index": 13693, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -117.23, "Population": 2364.0}, {"index": 13694, "quantile": 0.0, "value": 65800.0, "Latitude": 34.13, "Longitude": -117.23, "Population": 726.0}, {"index": 13694, "quantile": 0.25, "value": 68700.0, "Latitude": 34.13, "Longitude": -117.23, "Population": 726.0}, {"index": 13694, "quantile": 0.5, "value": 68700.0, "Latitude": 34.13, "Longitude": -117.23, "Population": 726.0}, {"index": 13694, "quantile": 0.75, "value": 73425.0, "Latitude": 34.13, "Longitude": -117.23, "Population": 726.0}, {"index": 13694, "quantile": 1.0, "value": 169300.0, "Latitude": 34.13, "Longitude": -117.23, "Population": 726.0}, {"index": 13695, "quantile": 0.0, "value": 70800.0, "Latitude": 34.13, "Longitude": -117.22, "Population": 3204.0}, {"index": 13695, "quantile": 0.25, "value": 97700.0, "Latitude": 34.13, "Longitude": -117.22, "Population": 3204.0}, {"index": 13695, "quantile": 0.5, "value": 105800.0, "Latitude": 34.13, "Longitude": -117.22, "Population": 3204.0}, {"index": 13695, "quantile": 0.75, "value": 111500.0, "Latitude": 34.13, "Longitude": -117.22, "Population": 3204.0}, {"index": 13695, "quantile": 1.0, "value": 155400.0, "Latitude": 34.13, "Longitude": -117.22, "Population": 3204.0}, {"index": 13696, "quantile": 0.0, "value": 73400.0, "Latitude": 34.13, "Longitude": -117.2, "Population": 1509.0}, {"index": 13696, "quantile": 0.25, "value": 126699.99999999999, "Latitude": 34.13, "Longitude": -117.2, "Population": 1509.0}, {"index": 13696, "quantile": 0.5, "value": 126699.99999999999, "Latitude": 34.13, "Longitude": -117.2, "Population": 1509.0}, {"index": 13696, "quantile": 0.75, "value": 126699.99999999999, "Latitude": 34.13, "Longitude": -117.2, "Population": 1509.0}, {"index": 13696, "quantile": 1.0, "value": 357800.0, "Latitude": 34.13, "Longitude": -117.2, "Population": 1509.0}, {"index": 13697, "quantile": 0.0, "value": 67000.0, "Latitude": 34.12, "Longitude": -117.22, "Population": 1538.0}, {"index": 13697, "quantile": 0.25, "value": 83800.0, "Latitude": 34.12, "Longitude": -117.22, "Population": 1538.0}, {"index": 13697, "quantile": 0.5, "value": 88600.0, "Latitude": 34.12, "Longitude": -117.22, "Population": 1538.0}, {"index": 13697, "quantile": 0.75, "value": 99100.0, "Latitude": 34.12, "Longitude": -117.22, "Population": 1538.0}, {"index": 13697, "quantile": 1.0, "value": 145800.0, "Latitude": 34.12, "Longitude": -117.22, "Population": 1538.0}, {"index": 13698, "quantile": 0.0, "value": 74000.0, "Latitude": 34.13, "Longitude": -117.21, "Population": 1834.0}, {"index": 13698, "quantile": 0.25, "value": 92900.0, "Latitude": 34.13, "Longitude": -117.21, "Population": 1834.0}, {"index": 13698, "quantile": 0.5, "value": 92900.0, "Latitude": 34.13, "Longitude": -117.21, "Population": 1834.0}, {"index": 13698, "quantile": 0.75, "value": 92900.0, "Latitude": 34.13, "Longitude": -117.21, "Population": 1834.0}, {"index": 13698, "quantile": 1.0, "value": 134100.0, "Latitude": 34.13, "Longitude": -117.21, "Population": 1834.0}, {"index": 13699, "quantile": 0.0, "value": 67500.0, "Latitude": 34.12, "Longitude": -117.2, "Population": 1681.0}, {"index": 13699, "quantile": 0.25, "value": 113100.0, "Latitude": 34.12, "Longitude": -117.2, "Population": 1681.0}, {"index": 13699, "quantile": 0.5, "value": 113900.0, "Latitude": 34.12, "Longitude": -117.2, "Population": 1681.0}, {"index": 13699, "quantile": 0.75, "value": 113900.0, "Latitude": 34.12, "Longitude": -117.2, "Population": 1681.0}, {"index": 13699, "quantile": 1.0, "value": 181300.0, "Latitude": 34.12, "Longitude": -117.2, "Population": 1681.0}, {"index": 13700, "quantile": 0.0, "value": 63500.0, "Latitude": 34.12, "Longitude": -117.24, "Population": 1822.0}, {"index": 13700, "quantile": 0.25, "value": 72300.0, "Latitude": 34.12, "Longitude": -117.24, "Population": 1822.0}, {"index": 13700, "quantile": 0.5, "value": 72300.0, "Latitude": 34.12, "Longitude": -117.24, "Population": 1822.0}, {"index": 13700, "quantile": 0.75, "value": 72300.0, "Latitude": 34.12, "Longitude": -117.24, "Population": 1822.0}, {"index": 13700, "quantile": 1.0, "value": 88100.0, "Latitude": 34.12, "Longitude": -117.24, "Population": 1822.0}, {"index": 13701, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 34.11, "Longitude": -117.24, "Population": 1161.0}, {"index": 13701, "quantile": 0.25, "value": 73200.0, "Latitude": 34.11, "Longitude": -117.24, "Population": 1161.0}, {"index": 13701, "quantile": 0.5, "value": 73200.0, "Latitude": 34.11, "Longitude": -117.24, "Population": 1161.0}, {"index": 13701, "quantile": 0.75, "value": 78350.00000000001, "Latitude": 34.11, "Longitude": -117.24, "Population": 1161.0}, {"index": 13701, "quantile": 1.0, "value": 183900.0, "Latitude": 34.11, "Longitude": -117.24, "Population": 1161.0}, {"index": 13702, "quantile": 0.0, "value": 65900.0, "Latitude": 34.11, "Longitude": -117.23, "Population": 995.0}, {"index": 13702, "quantile": 0.25, "value": 81300.0, "Latitude": 34.11, "Longitude": -117.23, "Population": 995.0}, {"index": 13702, "quantile": 0.5, "value": 81300.0, "Latitude": 34.11, "Longitude": -117.23, "Population": 995.0}, {"index": 13702, "quantile": 0.75, "value": 81300.0, "Latitude": 34.11, "Longitude": -117.23, "Population": 995.0}, {"index": 13702, "quantile": 1.0, "value": 140700.0, "Latitude": 34.11, "Longitude": -117.23, "Population": 995.0}, {"index": 13703, "quantile": 0.0, "value": 65500.0, "Latitude": 34.12, "Longitude": -117.23, "Population": 699.0}, {"index": 13703, "quantile": 0.25, "value": 73500.0, "Latitude": 34.12, "Longitude": -117.23, "Population": 699.0}, {"index": 13703, "quantile": 0.5, "value": 73500.0, "Latitude": 34.12, "Longitude": -117.23, "Population": 699.0}, {"index": 13703, "quantile": 0.75, "value": 85500.0, "Latitude": 34.12, "Longitude": -117.23, "Population": 699.0}, {"index": 13703, "quantile": 1.0, "value": 169300.0, "Latitude": 34.12, "Longitude": -117.23, "Population": 699.0}, {"index": 13704, "quantile": 0.0, "value": 57899.99999999999, "Latitude": 34.11, "Longitude": -117.23, "Population": 1425.0}, {"index": 13704, "quantile": 0.25, "value": 72700.0, "Latitude": 34.11, "Longitude": -117.23, "Population": 1425.0}, {"index": 13704, "quantile": 0.5, "value": 78300.0, "Latitude": 34.11, "Longitude": -117.23, "Population": 1425.0}, {"index": 13704, "quantile": 0.75, "value": 78300.0, "Latitude": 34.11, "Longitude": -117.23, "Population": 1425.0}, {"index": 13704, "quantile": 1.0, "value": 90500.0, "Latitude": 34.11, "Longitude": -117.23, "Population": 1425.0}, {"index": 13705, "quantile": 0.0, "value": 71800.0, "Latitude": 34.12, "Longitude": -117.22, "Population": 1390.0}, {"index": 13705, "quantile": 0.25, "value": 77200.0, "Latitude": 34.12, "Longitude": -117.22, "Population": 1390.0}, {"index": 13705, "quantile": 0.5, "value": 77200.0, "Latitude": 34.12, "Longitude": -117.22, "Population": 1390.0}, {"index": 13705, "quantile": 0.75, "value": 84700.0, "Latitude": 34.12, "Longitude": -117.22, "Population": 1390.0}, {"index": 13705, "quantile": 1.0, "value": 122300.00000000001, "Latitude": 34.12, "Longitude": -117.22, "Population": 1390.0}, {"index": 13706, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 34.11, "Longitude": -117.22, "Population": 1972.0}, {"index": 13706, "quantile": 0.25, "value": 69700.0, "Latitude": 34.11, "Longitude": -117.22, "Population": 1972.0}, {"index": 13706, "quantile": 0.5, "value": 72550.0, "Latitude": 34.11, "Longitude": -117.22, "Population": 1972.0}, {"index": 13706, "quantile": 0.75, "value": 75300.0, "Latitude": 34.11, "Longitude": -117.22, "Population": 1972.0}, {"index": 13706, "quantile": 1.0, "value": 105200.0, "Latitude": 34.11, "Longitude": -117.22, "Population": 1972.0}, {"index": 13707, "quantile": 0.0, "value": 86100.0, "Latitude": 34.12, "Longitude": -117.21, "Population": 1021.0}, {"index": 13707, "quantile": 0.25, "value": 90900.0, "Latitude": 34.12, "Longitude": -117.21, "Population": 1021.0}, {"index": 13707, "quantile": 0.5, "value": 90900.0, "Latitude": 34.12, "Longitude": -117.21, "Population": 1021.0}, {"index": 13707, "quantile": 0.75, "value": 101299.99999999999, "Latitude": 34.12, "Longitude": -117.21, "Population": 1021.0}, {"index": 13707, "quantile": 1.0, "value": 190500.0, "Latitude": 34.12, "Longitude": -117.21, "Population": 1021.0}, {"index": 13708, "quantile": 0.0, "value": 78800.0, "Latitude": 34.11, "Longitude": -117.21, "Population": 692.0}, {"index": 13708, "quantile": 0.25, "value": 89400.0, "Latitude": 34.11, "Longitude": -117.21, "Population": 692.0}, {"index": 13708, "quantile": 0.5, "value": 89400.0, "Latitude": 34.11, "Longitude": -117.21, "Population": 692.0}, {"index": 13708, "quantile": 0.75, "value": 97449.99999999999, "Latitude": 34.11, "Longitude": -117.21, "Population": 692.0}, {"index": 13708, "quantile": 1.0, "value": 165500.0, "Latitude": 34.11, "Longitude": -117.21, "Population": 692.0}, {"index": 13709, "quantile": 0.0, "value": 67500.0, "Latitude": 34.11, "Longitude": -117.21, "Population": 905.0}, {"index": 13709, "quantile": 0.25, "value": 97800.0, "Latitude": 34.11, "Longitude": -117.21, "Population": 905.0}, {"index": 13709, "quantile": 0.5, "value": 108800.00000000001, "Latitude": 34.11, "Longitude": -117.21, "Population": 905.0}, {"index": 13709, "quantile": 0.75, "value": 116599.99999999999, "Latitude": 34.11, "Longitude": -117.21, "Population": 905.0}, {"index": 13709, "quantile": 1.0, "value": 198800.0, "Latitude": 34.11, "Longitude": -117.21, "Population": 905.0}, {"index": 13710, "quantile": 0.0, "value": 89400.0, "Latitude": 34.1, "Longitude": -117.19, "Population": 1174.0}, {"index": 13710, "quantile": 0.25, "value": 97700.0, "Latitude": 34.1, "Longitude": -117.19, "Population": 1174.0}, {"index": 13710, "quantile": 0.5, "value": 97700.0, "Latitude": 34.1, "Longitude": -117.19, "Population": 1174.0}, {"index": 13710, "quantile": 0.75, "value": 114500.0, "Latitude": 34.1, "Longitude": -117.19, "Population": 1174.0}, {"index": 13710, "quantile": 1.0, "value": 161200.0, "Latitude": 34.1, "Longitude": -117.19, "Population": 1174.0}, {"index": 13711, "quantile": 0.0, "value": 37500.0, "Latitude": 34.08, "Longitude": -117.21, "Population": 2382.0}, {"index": 13711, "quantile": 0.25, "value": 143100.0, "Latitude": 34.08, "Longitude": -117.21, "Population": 2382.0}, {"index": 13711, "quantile": 0.5, "value": 143100.0, "Latitude": 34.08, "Longitude": -117.21, "Population": 2382.0}, {"index": 13711, "quantile": 0.75, "value": 143100.0, "Latitude": 34.08, "Longitude": -117.21, "Population": 2382.0}, {"index": 13711, "quantile": 1.0, "value": 247600.0, "Latitude": 34.08, "Longitude": -117.21, "Population": 2382.0}, {"index": 13712, "quantile": 0.0, "value": 78700.0, "Latitude": 34.07, "Longitude": -117.22, "Population": 1440.0}, {"index": 13712, "quantile": 0.25, "value": 129200.0, "Latitude": 34.07, "Longitude": -117.22, "Population": 1440.0}, {"index": 13712, "quantile": 0.5, "value": 129200.0, "Latitude": 34.07, "Longitude": -117.22, "Population": 1440.0}, {"index": 13712, "quantile": 0.75, "value": 138500.0, "Latitude": 34.07, "Longitude": -117.22, "Population": 1440.0}, {"index": 13712, "quantile": 1.0, "value": 275000.0, "Latitude": 34.07, "Longitude": -117.22, "Population": 1440.0}, {"index": 13713, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 34.12, "Longitude": -117.17, "Population": 1275.0}, {"index": 13713, "quantile": 0.25, "value": 164400.0, "Latitude": 34.12, "Longitude": -117.17, "Population": 1275.0}, {"index": 13713, "quantile": 0.5, "value": 164400.0, "Latitude": 34.12, "Longitude": -117.17, "Population": 1275.0}, {"index": 13713, "quantile": 0.75, "value": 249375.00000000003, "Latitude": 34.12, "Longitude": -117.17, "Population": 1275.0}, {"index": 13713, "quantile": 1.0, "value": 429000.0, "Latitude": 34.12, "Longitude": -117.17, "Population": 1275.0}, {"index": 13714, "quantile": 0.0, "value": 65600.0, "Latitude": 34.1, "Longitude": -117.12, "Population": 46.0}, {"index": 13714, "quantile": 0.25, "value": 162500.0, "Latitude": 34.1, "Longitude": -117.12, "Population": 46.0}, {"index": 13714, "quantile": 0.5, "value": 162500.0, "Latitude": 34.1, "Longitude": -117.12, "Population": 46.0}, {"index": 13714, "quantile": 0.75, "value": 162500.0, "Latitude": 34.1, "Longitude": -117.12, "Population": 46.0}, {"index": 13714, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.1, "Longitude": -117.12, "Population": 46.0}, {"index": 13715, "quantile": 0.0, "value": 149900.0, "Latitude": 34.12, "Longitude": -117.17, "Population": 6080.0}, {"index": 13715, "quantile": 0.25, "value": 173900.0, "Latitude": 34.12, "Longitude": -117.17, "Population": 6080.0}, {"index": 13715, "quantile": 0.5, "value": 173900.0, "Latitude": 34.12, "Longitude": -117.17, "Population": 6080.0}, {"index": 13715, "quantile": 0.75, "value": 186850.0, "Latitude": 34.12, "Longitude": -117.17, "Population": 6080.0}, {"index": 13715, "quantile": 1.0, "value": 335600.0, "Latitude": 34.12, "Longitude": -117.17, "Population": 6080.0}, {"index": 13716, "quantile": 0.0, "value": 78800.0, "Latitude": 34.08, "Longitude": -117.18, "Population": 1464.0}, {"index": 13716, "quantile": 0.25, "value": 90300.0, "Latitude": 34.08, "Longitude": -117.18, "Population": 1464.0}, {"index": 13716, "quantile": 0.5, "value": 90300.0, "Latitude": 34.08, "Longitude": -117.18, "Population": 1464.0}, {"index": 13716, "quantile": 0.75, "value": 90300.0, "Latitude": 34.08, "Longitude": -117.18, "Population": 1464.0}, {"index": 13716, "quantile": 1.0, "value": 122700.00000000001, "Latitude": 34.08, "Longitude": -117.18, "Population": 1464.0}, {"index": 13717, "quantile": 0.0, "value": 73100.0, "Latitude": 34.08, "Longitude": -117.19, "Population": 1567.0}, {"index": 13717, "quantile": 0.25, "value": 84700.0, "Latitude": 34.08, "Longitude": -117.19, "Population": 1567.0}, {"index": 13717, "quantile": 0.5, "value": 84700.0, "Latitude": 34.08, "Longitude": -117.19, "Population": 1567.0}, {"index": 13717, "quantile": 0.75, "value": 85800.0, "Latitude": 34.08, "Longitude": -117.19, "Population": 1567.0}, {"index": 13717, "quantile": 1.0, "value": 127499.99999999999, "Latitude": 34.08, "Longitude": -117.19, "Population": 1567.0}, {"index": 13718, "quantile": 0.0, "value": 83000.0, "Latitude": 34.08, "Longitude": -117.19, "Population": 2392.0}, {"index": 13718, "quantile": 0.25, "value": 126499.99999999999, "Latitude": 34.08, "Longitude": -117.19, "Population": 2392.0}, {"index": 13718, "quantile": 0.5, "value": 126499.99999999999, "Latitude": 34.08, "Longitude": -117.19, "Population": 2392.0}, {"index": 13718, "quantile": 0.75, "value": 134750.0, "Latitude": 34.08, "Longitude": -117.19, "Population": 2392.0}, {"index": 13718, "quantile": 1.0, "value": 146800.0, "Latitude": 34.08, "Longitude": -117.19, "Population": 2392.0}, {"index": 13719, "quantile": 0.0, "value": 89400.0, "Latitude": 34.07, "Longitude": -117.18, "Population": 752.0}, {"index": 13719, "quantile": 0.25, "value": 97400.0, "Latitude": 34.07, "Longitude": -117.18, "Population": 752.0}, {"index": 13719, "quantile": 0.5, "value": 97400.0, "Latitude": 34.07, "Longitude": -117.18, "Population": 752.0}, {"index": 13719, "quantile": 0.75, "value": 97400.0, "Latitude": 34.07, "Longitude": -117.18, "Population": 752.0}, {"index": 13719, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.07, "Longitude": -117.18, "Population": 752.0}, {"index": 13720, "quantile": 0.0, "value": 55600.00000000001, "Latitude": 34.07, "Longitude": -117.18, "Population": 885.0}, {"index": 13720, "quantile": 0.25, "value": 74775.0, "Latitude": 34.07, "Longitude": -117.18, "Population": 885.0}, {"index": 13720, "quantile": 0.5, "value": 75300.0, "Latitude": 34.07, "Longitude": -117.18, "Population": 885.0}, {"index": 13720, "quantile": 0.75, "value": 75300.0, "Latitude": 34.07, "Longitude": -117.18, "Population": 885.0}, {"index": 13720, "quantile": 1.0, "value": 100000.0, "Latitude": 34.07, "Longitude": -117.18, "Population": 885.0}, {"index": 13721, "quantile": 0.0, "value": 45000.0, "Latitude": 34.07, "Longitude": -117.18, "Population": 799.0}, {"index": 13721, "quantile": 0.25, "value": 112500.0, "Latitude": 34.07, "Longitude": -117.18, "Population": 799.0}, {"index": 13721, "quantile": 0.5, "value": 112500.0, "Latitude": 34.07, "Longitude": -117.18, "Population": 799.0}, {"index": 13721, "quantile": 0.75, "value": 112500.0, "Latitude": 34.07, "Longitude": -117.18, "Population": 799.0}, {"index": 13721, "quantile": 1.0, "value": 170700.0, "Latitude": 34.07, "Longitude": -117.18, "Population": 799.0}, {"index": 13722, "quantile": 0.0, "value": 66100.0, "Latitude": 34.06, "Longitude": -117.18, "Population": 1284.0}, {"index": 13722, "quantile": 0.25, "value": 75300.0, "Latitude": 34.06, "Longitude": -117.18, "Population": 1284.0}, {"index": 13722, "quantile": 0.5, "value": 85100.0, "Latitude": 34.06, "Longitude": -117.18, "Population": 1284.0}, {"index": 13722, "quantile": 0.75, "value": 85100.0, "Latitude": 34.06, "Longitude": -117.18, "Population": 1284.0}, {"index": 13722, "quantile": 1.0, "value": 135700.0, "Latitude": 34.06, "Longitude": -117.18, "Population": 1284.0}, {"index": 13723, "quantile": 0.0, "value": 60200.0, "Latitude": 34.06, "Longitude": -117.18, "Population": 432.0}, {"index": 13723, "quantile": 0.25, "value": 81900.0, "Latitude": 34.06, "Longitude": -117.18, "Population": 432.0}, {"index": 13723, "quantile": 0.5, "value": 81900.0, "Latitude": 34.06, "Longitude": -117.18, "Population": 432.0}, {"index": 13723, "quantile": 0.75, "value": 81900.0, "Latitude": 34.06, "Longitude": -117.18, "Population": 432.0}, {"index": 13723, "quantile": 1.0, "value": 162500.0, "Latitude": 34.06, "Longitude": -117.18, "Population": 432.0}, {"index": 13724, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 34.06, "Longitude": -117.19, "Population": 1316.0}, {"index": 13724, "quantile": 0.25, "value": 72800.0, "Latitude": 34.06, "Longitude": -117.19, "Population": 1316.0}, {"index": 13724, "quantile": 0.5, "value": 72800.0, "Latitude": 34.06, "Longitude": -117.19, "Population": 1316.0}, {"index": 13724, "quantile": 0.75, "value": 72800.0, "Latitude": 34.06, "Longitude": -117.19, "Population": 1316.0}, {"index": 13724, "quantile": 1.0, "value": 98400.0, "Latitude": 34.06, "Longitude": -117.19, "Population": 1316.0}, {"index": 13725, "quantile": 0.0, "value": 63500.0, "Latitude": 34.07, "Longitude": -117.19, "Population": 1772.0}, {"index": 13725, "quantile": 0.25, "value": 72500.0, "Latitude": 34.07, "Longitude": -117.19, "Population": 1772.0}, {"index": 13725, "quantile": 0.5, "value": 72500.0, "Latitude": 34.07, "Longitude": -117.19, "Population": 1772.0}, {"index": 13725, "quantile": 0.75, "value": 72500.0, "Latitude": 34.07, "Longitude": -117.19, "Population": 1772.0}, {"index": 13725, "quantile": 1.0, "value": 147900.0, "Latitude": 34.07, "Longitude": -117.19, "Population": 1772.0}, {"index": 13726, "quantile": 0.0, "value": 45000.0, "Latitude": 34.06, "Longitude": -117.18, "Population": 533.0}, {"index": 13726, "quantile": 0.25, "value": 100000.0, "Latitude": 34.06, "Longitude": -117.18, "Population": 533.0}, {"index": 13726, "quantile": 0.5, "value": 100000.0, "Latitude": 34.06, "Longitude": -117.18, "Population": 533.0}, {"index": 13726, "quantile": 0.75, "value": 100000.0, "Latitude": 34.06, "Longitude": -117.18, "Population": 533.0}, {"index": 13726, "quantile": 1.0, "value": 263600.0, "Latitude": 34.06, "Longitude": -117.18, "Population": 533.0}, {"index": 13727, "quantile": 0.0, "value": 77000.0, "Latitude": 34.06, "Longitude": -117.19, "Population": 2805.0}, {"index": 13727, "quantile": 0.25, "value": 102699.99999999999, "Latitude": 34.06, "Longitude": -117.19, "Population": 2805.0}, {"index": 13727, "quantile": 0.5, "value": 102699.99999999999, "Latitude": 34.06, "Longitude": -117.19, "Population": 2805.0}, {"index": 13727, "quantile": 0.75, "value": 103250.0, "Latitude": 34.06, "Longitude": -117.19, "Population": 2805.0}, {"index": 13727, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.06, "Longitude": -117.19, "Population": 2805.0}, {"index": 13728, "quantile": 0.0, "value": 80300.0, "Latitude": 34.05, "Longitude": -117.18, "Population": 1323.0}, {"index": 13728, "quantile": 0.25, "value": 122300.00000000001, "Latitude": 34.05, "Longitude": -117.18, "Population": 1323.0}, {"index": 13728, "quantile": 0.5, "value": 122300.00000000001, "Latitude": 34.05, "Longitude": -117.18, "Population": 1323.0}, {"index": 13728, "quantile": 0.75, "value": 122300.00000000001, "Latitude": 34.05, "Longitude": -117.18, "Population": 1323.0}, {"index": 13728, "quantile": 1.0, "value": 369100.0, "Latitude": 34.05, "Longitude": -117.18, "Population": 1323.0}, {"index": 13729, "quantile": 0.0, "value": 86700.0, "Latitude": 34.05, "Longitude": -117.17, "Population": 1576.0}, {"index": 13729, "quantile": 0.25, "value": 149300.0, "Latitude": 34.05, "Longitude": -117.17, "Population": 1576.0}, {"index": 13729, "quantile": 0.5, "value": 149300.0, "Latitude": 34.05, "Longitude": -117.17, "Population": 1576.0}, {"index": 13729, "quantile": 0.75, "value": 149300.0, "Latitude": 34.05, "Longitude": -117.17, "Population": 1576.0}, {"index": 13729, "quantile": 1.0, "value": 326600.0, "Latitude": 34.05, "Longitude": -117.17, "Population": 1576.0}, {"index": 13730, "quantile": 0.0, "value": 97600.0, "Latitude": 34.04, "Longitude": -117.18, "Population": 753.0}, {"index": 13730, "quantile": 0.25, "value": 140700.0, "Latitude": 34.04, "Longitude": -117.18, "Population": 753.0}, {"index": 13730, "quantile": 0.5, "value": 140700.0, "Latitude": 34.04, "Longitude": -117.18, "Population": 753.0}, {"index": 13730, "quantile": 0.75, "value": 165900.0, "Latitude": 34.04, "Longitude": -117.18, "Population": 753.0}, {"index": 13730, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -117.18, "Population": 753.0}, {"index": 13731, "quantile": 0.0, "value": 66300.0, "Latitude": 34.05, "Longitude": -117.18, "Population": 601.0}, {"index": 13731, "quantile": 0.25, "value": 129400.0, "Latitude": 34.05, "Longitude": -117.18, "Population": 601.0}, {"index": 13731, "quantile": 0.5, "value": 137000.0, "Latitude": 34.05, "Longitude": -117.18, "Population": 601.0}, {"index": 13731, "quantile": 0.75, "value": 137000.0, "Latitude": 34.05, "Longitude": -117.18, "Population": 601.0}, {"index": 13731, "quantile": 1.0, "value": 488900.0, "Latitude": 34.05, "Longitude": -117.18, "Population": 601.0}, {"index": 13732, "quantile": 0.0, "value": 80600.0, "Latitude": 34.05, "Longitude": -117.19, "Population": 767.0}, {"index": 13732, "quantile": 0.25, "value": 117600.0, "Latitude": 34.05, "Longitude": -117.19, "Population": 767.0}, {"index": 13732, "quantile": 0.5, "value": 117600.0, "Latitude": 34.05, "Longitude": -117.19, "Population": 767.0}, {"index": 13732, "quantile": 0.75, "value": 122300.00000000001, "Latitude": 34.05, "Longitude": -117.19, "Population": 767.0}, {"index": 13732, "quantile": 1.0, "value": 450000.0, "Latitude": 34.05, "Longitude": -117.19, "Population": 767.0}, {"index": 13733, "quantile": 0.0, "value": 84000.0, "Latitude": 34.05, "Longitude": -117.19, "Population": 808.0}, {"index": 13733, "quantile": 0.25, "value": 117800.0, "Latitude": 34.05, "Longitude": -117.19, "Population": 808.0}, {"index": 13733, "quantile": 0.5, "value": 117800.0, "Latitude": 34.05, "Longitude": -117.19, "Population": 808.0}, {"index": 13733, "quantile": 0.75, "value": 117800.0, "Latitude": 34.05, "Longitude": -117.19, "Population": 808.0}, {"index": 13733, "quantile": 1.0, "value": 154300.0, "Latitude": 34.05, "Longitude": -117.19, "Population": 808.0}, {"index": 13734, "quantile": 0.0, "value": 90800.0, "Latitude": 34.05, "Longitude": -117.19, "Population": 1252.0}, {"index": 13734, "quantile": 0.25, "value": 133975.0, "Latitude": 34.05, "Longitude": -117.19, "Population": 1252.0}, {"index": 13734, "quantile": 0.5, "value": 134600.0, "Latitude": 34.05, "Longitude": -117.19, "Population": 1252.0}, {"index": 13734, "quantile": 0.75, "value": 134600.0, "Latitude": 34.05, "Longitude": -117.19, "Population": 1252.0}, {"index": 13734, "quantile": 1.0, "value": 198500.0, "Latitude": 34.05, "Longitude": -117.19, "Population": 1252.0}, {"index": 13735, "quantile": 0.0, "value": 153200.0, "Latitude": 34.04, "Longitude": -117.2, "Population": 676.0}, {"index": 13735, "quantile": 0.25, "value": 173400.0, "Latitude": 34.04, "Longitude": -117.2, "Population": 676.0}, {"index": 13735, "quantile": 0.5, "value": 173400.0, "Latitude": 34.04, "Longitude": -117.2, "Population": 676.0}, {"index": 13735, "quantile": 0.75, "value": 230675.0, "Latitude": 34.04, "Longitude": -117.2, "Population": 676.0}, {"index": 13735, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 34.04, "Longitude": -117.2, "Population": 676.0}, {"index": 13736, "quantile": 0.0, "value": 97200.0, "Latitude": 34.04, "Longitude": -117.2, "Population": 1132.0}, {"index": 13736, "quantile": 0.25, "value": 153200.0, "Latitude": 34.04, "Longitude": -117.2, "Population": 1132.0}, {"index": 13736, "quantile": 0.5, "value": 153200.0, "Latitude": 34.04, "Longitude": -117.2, "Population": 1132.0}, {"index": 13736, "quantile": 0.75, "value": 214575.0, "Latitude": 34.04, "Longitude": -117.2, "Population": 1132.0}, {"index": 13736, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 34.04, "Longitude": -117.2, "Population": 1132.0}, {"index": 13737, "quantile": 0.0, "value": 120000.0, "Latitude": 34.04, "Longitude": -117.21, "Population": 1570.0}, {"index": 13737, "quantile": 0.25, "value": 224324.99999999997, "Latitude": 34.04, "Longitude": -117.21, "Population": 1570.0}, {"index": 13737, "quantile": 0.5, "value": 224700.0, "Latitude": 34.04, "Longitude": -117.21, "Population": 1570.0}, {"index": 13737, "quantile": 0.75, "value": 224700.0, "Latitude": 34.04, "Longitude": -117.21, "Population": 1570.0}, {"index": 13737, "quantile": 1.0, "value": 335600.0, "Latitude": 34.04, "Longitude": -117.21, "Population": 1570.0}, {"index": 13738, "quantile": 0.0, "value": 99700.0, "Latitude": 34.05, "Longitude": -117.21, "Population": 1250.0}, {"index": 13738, "quantile": 0.25, "value": 132950.0, "Latitude": 34.05, "Longitude": -117.21, "Population": 1250.0}, {"index": 13738, "quantile": 0.5, "value": 144250.0, "Latitude": 34.05, "Longitude": -117.21, "Population": 1250.0}, {"index": 13738, "quantile": 0.75, "value": 186750.0, "Latitude": 34.05, "Longitude": -117.21, "Population": 1250.0}, {"index": 13738, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -117.21, "Population": 1250.0}, {"index": 13739, "quantile": 0.0, "value": 85200.0, "Latitude": 34.04, "Longitude": -117.18, "Population": 1003.0}, {"index": 13739, "quantile": 0.25, "value": 144625.0, "Latitude": 34.04, "Longitude": -117.18, "Population": 1003.0}, {"index": 13739, "quantile": 0.5, "value": 152800.0, "Latitude": 34.04, "Longitude": -117.18, "Population": 1003.0}, {"index": 13739, "quantile": 0.75, "value": 152800.0, "Latitude": 34.04, "Longitude": -117.18, "Population": 1003.0}, {"index": 13739, "quantile": 1.0, "value": 314100.0, "Latitude": 34.04, "Longitude": -117.18, "Population": 1003.0}, {"index": 13740, "quantile": 0.0, "value": 108400.00000000001, "Latitude": 34.03, "Longitude": -117.19, "Population": 942.0}, {"index": 13740, "quantile": 0.25, "value": 152400.0, "Latitude": 34.03, "Longitude": -117.19, "Population": 942.0}, {"index": 13740, "quantile": 0.5, "value": 152400.0, "Latitude": 34.03, "Longitude": -117.19, "Population": 942.0}, {"index": 13740, "quantile": 0.75, "value": 152400.0, "Latitude": 34.03, "Longitude": -117.19, "Population": 942.0}, {"index": 13740, "quantile": 1.0, "value": 285400.0, "Latitude": 34.03, "Longitude": -117.19, "Population": 942.0}, {"index": 13741, "quantile": 0.0, "value": 173200.0, "Latitude": 34.03, "Longitude": -117.19, "Population": 900.0}, {"index": 13741, "quantile": 0.25, "value": 182400.0, "Latitude": 34.03, "Longitude": -117.19, "Population": 900.0}, {"index": 13741, "quantile": 0.5, "value": 182400.0, "Latitude": 34.03, "Longitude": -117.19, "Population": 900.0}, {"index": 13741, "quantile": 0.75, "value": 281800.0, "Latitude": 34.03, "Longitude": -117.19, "Population": 900.0}, {"index": 13741, "quantile": 1.0, "value": 460400.0, "Latitude": 34.03, "Longitude": -117.19, "Population": 900.0}, {"index": 13742, "quantile": 0.0, "value": 281000.0, "Latitude": 34.03, "Longitude": -117.19, "Population": 395.0}, {"index": 13742, "quantile": 0.25, "value": 381800.0, "Latitude": 34.03, "Longitude": -117.19, "Population": 395.0}, {"index": 13742, "quantile": 0.5, "value": 381800.0, "Latitude": 34.03, "Longitude": -117.19, "Population": 395.0}, {"index": 13742, "quantile": 0.75, "value": 381800.0, "Latitude": 34.03, "Longitude": -117.19, "Population": 395.0}, {"index": 13742, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -117.19, "Population": 395.0}, {"index": 13743, "quantile": 0.0, "value": 94500.0, "Latitude": 34.08, "Longitude": -117.16, "Population": 2630.0}, {"index": 13743, "quantile": 0.25, "value": 135800.0, "Latitude": 34.08, "Longitude": -117.16, "Population": 2630.0}, {"index": 13743, "quantile": 0.5, "value": 135800.0, "Latitude": 34.08, "Longitude": -117.16, "Population": 2630.0}, {"index": 13743, "quantile": 0.75, "value": 135800.0, "Latitude": 34.08, "Longitude": -117.16, "Population": 2630.0}, {"index": 13743, "quantile": 1.0, "value": 307600.0, "Latitude": 34.08, "Longitude": -117.16, "Population": 2630.0}, {"index": 13744, "quantile": 0.0, "value": 73200.0, "Latitude": 34.07, "Longitude": -117.17, "Population": 2904.0}, {"index": 13744, "quantile": 0.25, "value": 108000.0, "Latitude": 34.07, "Longitude": -117.17, "Population": 2904.0}, {"index": 13744, "quantile": 0.5, "value": 108000.0, "Latitude": 34.07, "Longitude": -117.17, "Population": 2904.0}, {"index": 13744, "quantile": 0.75, "value": 108000.0, "Latitude": 34.07, "Longitude": -117.17, "Population": 2904.0}, {"index": 13744, "quantile": 1.0, "value": 248700.0, "Latitude": 34.07, "Longitude": -117.17, "Population": 2904.0}, {"index": 13745, "quantile": 0.0, "value": 102400.0, "Latitude": 34.08, "Longitude": -117.17, "Population": 842.0}, {"index": 13745, "quantile": 0.25, "value": 138100.0, "Latitude": 34.08, "Longitude": -117.17, "Population": 842.0}, {"index": 13745, "quantile": 0.5, "value": 138100.0, "Latitude": 34.08, "Longitude": -117.17, "Population": 842.0}, {"index": 13745, "quantile": 0.75, "value": 138100.0, "Latitude": 34.08, "Longitude": -117.17, "Population": 842.0}, {"index": 13745, "quantile": 1.0, "value": 255200.0, "Latitude": 34.08, "Longitude": -117.17, "Population": 842.0}, {"index": 13746, "quantile": 0.0, "value": 88900.0, "Latitude": 34.07, "Longitude": -117.15, "Population": 906.0}, {"index": 13746, "quantile": 0.25, "value": 164400.0, "Latitude": 34.07, "Longitude": -117.15, "Population": 906.0}, {"index": 13746, "quantile": 0.5, "value": 189000.0, "Latitude": 34.07, "Longitude": -117.15, "Population": 906.0}, {"index": 13746, "quantile": 0.75, "value": 223524.99999999997, "Latitude": 34.07, "Longitude": -117.15, "Population": 906.0}, {"index": 13746, "quantile": 1.0, "value": 300600.0, "Latitude": 34.07, "Longitude": -117.15, "Population": 906.0}, {"index": 13747, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 34.07, "Longitude": -117.14, "Population": 2506.0}, {"index": 13747, "quantile": 0.25, "value": 162000.0, "Latitude": 34.07, "Longitude": -117.14, "Population": 2506.0}, {"index": 13747, "quantile": 0.5, "value": 162000.0, "Latitude": 34.07, "Longitude": -117.14, "Population": 2506.0}, {"index": 13747, "quantile": 0.75, "value": 184925.0, "Latitude": 34.07, "Longitude": -117.14, "Population": 2506.0}, {"index": 13747, "quantile": 1.0, "value": 376800.0, "Latitude": 34.07, "Longitude": -117.14, "Population": 2506.0}, {"index": 13748, "quantile": 0.0, "value": 79800.0, "Latitude": 34.06, "Longitude": -117.14, "Population": 1154.0}, {"index": 13748, "quantile": 0.25, "value": 116300.0, "Latitude": 34.06, "Longitude": -117.14, "Population": 1154.0}, {"index": 13748, "quantile": 0.5, "value": 134600.0, "Latitude": 34.06, "Longitude": -117.14, "Population": 1154.0}, {"index": 13748, "quantile": 0.75, "value": 152800.0, "Latitude": 34.06, "Longitude": -117.14, "Population": 1154.0}, {"index": 13748, "quantile": 1.0, "value": 229999.99999999997, "Latitude": 34.06, "Longitude": -117.14, "Population": 1154.0}, {"index": 13749, "quantile": 0.0, "value": 95200.0, "Latitude": 34.06, "Longitude": -117.15, "Population": 1815.0}, {"index": 13749, "quantile": 0.25, "value": 127400.0, "Latitude": 34.06, "Longitude": -117.15, "Population": 1815.0}, {"index": 13749, "quantile": 0.5, "value": 127400.0, "Latitude": 34.06, "Longitude": -117.15, "Population": 1815.0}, {"index": 13749, "quantile": 0.75, "value": 127400.0, "Latitude": 34.06, "Longitude": -117.15, "Population": 1815.0}, {"index": 13749, "quantile": 1.0, "value": 195600.0, "Latitude": 34.06, "Longitude": -117.15, "Population": 1815.0}, {"index": 13750, "quantile": 0.0, "value": 173200.0, "Latitude": 34.05, "Longitude": -117.14, "Population": 1173.0}, {"index": 13750, "quantile": 0.25, "value": 204100.0, "Latitude": 34.05, "Longitude": -117.14, "Population": 1173.0}, {"index": 13750, "quantile": 0.5, "value": 204100.0, "Latitude": 34.05, "Longitude": -117.14, "Population": 1173.0}, {"index": 13750, "quantile": 0.75, "value": 249725.00000000003, "Latitude": 34.05, "Longitude": -117.14, "Population": 1173.0}, {"index": 13750, "quantile": 1.0, "value": 339700.0, "Latitude": 34.05, "Longitude": -117.14, "Population": 1173.0}, {"index": 13751, "quantile": 0.0, "value": 100000.0, "Latitude": 34.05, "Longitude": -117.15, "Population": 633.0}, {"index": 13751, "quantile": 0.25, "value": 162300.0, "Latitude": 34.05, "Longitude": -117.15, "Population": 633.0}, {"index": 13751, "quantile": 0.5, "value": 162300.0, "Latitude": 34.05, "Longitude": -117.15, "Population": 633.0}, {"index": 13751, "quantile": 0.75, "value": 162300.0, "Latitude": 34.05, "Longitude": -117.15, "Population": 633.0}, {"index": 13751, "quantile": 1.0, "value": 338600.0, "Latitude": 34.05, "Longitude": -117.15, "Population": 633.0}, {"index": 13752, "quantile": 0.0, "value": 149900.0, "Latitude": 34.05, "Longitude": -117.16, "Population": 1411.0}, {"index": 13752, "quantile": 0.25, "value": 149900.0, "Latitude": 34.05, "Longitude": -117.16, "Population": 1411.0}, {"index": 13752, "quantile": 0.5, "value": 149900.0, "Latitude": 34.05, "Longitude": -117.16, "Population": 1411.0}, {"index": 13752, "quantile": 0.75, "value": 214575.0, "Latitude": 34.05, "Longitude": -117.16, "Population": 1411.0}, {"index": 13752, "quantile": 1.0, "value": 315600.0, "Latitude": 34.05, "Longitude": -117.16, "Population": 1411.0}, {"index": 13753, "quantile": 0.0, "value": 97600.0, "Latitude": 34.05, "Longitude": -117.17, "Population": 1141.0}, {"index": 13753, "quantile": 0.25, "value": 128150.00000000001, "Latitude": 34.05, "Longitude": -117.17, "Population": 1141.0}, {"index": 13753, "quantile": 0.5, "value": 155200.0, "Latitude": 34.05, "Longitude": -117.17, "Population": 1141.0}, {"index": 13753, "quantile": 0.75, "value": 203200.0, "Latitude": 34.05, "Longitude": -117.17, "Population": 1141.0}, {"index": 13753, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -117.17, "Population": 1141.0}, {"index": 13754, "quantile": 0.0, "value": 165200.0, "Latitude": 34.04, "Longitude": -117.15, "Population": 1172.0}, {"index": 13754, "quantile": 0.25, "value": 283100.0, "Latitude": 34.04, "Longitude": -117.15, "Population": 1172.0}, {"index": 13754, "quantile": 0.5, "value": 283100.0, "Latitude": 34.04, "Longitude": -117.15, "Population": 1172.0}, {"index": 13754, "quantile": 0.75, "value": 315600.0, "Latitude": 34.04, "Longitude": -117.15, "Population": 1172.0}, {"index": 13754, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.04, "Longitude": -117.15, "Population": 1172.0}, {"index": 13755, "quantile": 0.0, "value": 66900.0, "Latitude": 34.06, "Longitude": -117.16, "Population": 1997.0}, {"index": 13755, "quantile": 0.25, "value": 89200.0, "Latitude": 34.06, "Longitude": -117.16, "Population": 1997.0}, {"index": 13755, "quantile": 0.5, "value": 117200.0, "Latitude": 34.06, "Longitude": -117.16, "Population": 1997.0}, {"index": 13755, "quantile": 0.75, "value": 117200.0, "Latitude": 34.06, "Longitude": -117.16, "Population": 1997.0}, {"index": 13755, "quantile": 1.0, "value": 134400.0, "Latitude": 34.06, "Longitude": -117.16, "Population": 1997.0}, {"index": 13756, "quantile": 0.0, "value": 40000.0, "Latitude": 34.06, "Longitude": -117.16, "Population": 1412.0}, {"index": 13756, "quantile": 0.25, "value": 82825.0, "Latitude": 34.06, "Longitude": -117.16, "Population": 1412.0}, {"index": 13756, "quantile": 0.5, "value": 94300.0, "Latitude": 34.06, "Longitude": -117.16, "Population": 1412.0}, {"index": 13756, "quantile": 0.75, "value": 94300.0, "Latitude": 34.06, "Longitude": -117.16, "Population": 1412.0}, {"index": 13756, "quantile": 1.0, "value": 204999.99999999997, "Latitude": 34.06, "Longitude": -117.16, "Population": 1412.0}, {"index": 13757, "quantile": 0.0, "value": 171900.0, "Latitude": 34.01, "Longitude": -117.14, "Population": 2909.0}, {"index": 13757, "quantile": 0.25, "value": 269600.0, "Latitude": 34.01, "Longitude": -117.14, "Population": 2909.0}, {"index": 13757, "quantile": 0.5, "value": 269600.0, "Latitude": 34.01, "Longitude": -117.14, "Population": 2909.0}, {"index": 13757, "quantile": 0.75, "value": 287200.0, "Latitude": 34.01, "Longitude": -117.14, "Population": 2909.0}, {"index": 13757, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -117.14, "Population": 2909.0}, {"index": 13758, "quantile": 0.0, "value": 182400.0, "Latitude": 34.03, "Longitude": -117.15, "Population": 1033.0}, {"index": 13758, "quantile": 0.25, "value": 237200.0, "Latitude": 34.03, "Longitude": -117.15, "Population": 1033.0}, {"index": 13758, "quantile": 0.5, "value": 237200.0, "Latitude": 34.03, "Longitude": -117.15, "Population": 1033.0}, {"index": 13758, "quantile": 0.75, "value": 272700.0, "Latitude": 34.03, "Longitude": -117.15, "Population": 1033.0}, {"index": 13758, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -117.15, "Population": 1033.0}, {"index": 13759, "quantile": 0.0, "value": 146300.0, "Latitude": 34.03, "Longitude": -117.15, "Population": 1818.0}, {"index": 13759, "quantile": 0.25, "value": 228075.00000000003, "Latitude": 34.03, "Longitude": -117.15, "Population": 1818.0}, {"index": 13759, "quantile": 0.5, "value": 275350.0, "Latitude": 34.03, "Longitude": -117.15, "Population": 1818.0}, {"index": 13759, "quantile": 0.75, "value": 309700.0, "Latitude": 34.03, "Longitude": -117.15, "Population": 1818.0}, {"index": 13759, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -117.15, "Population": 1818.0}, {"index": 13760, "quantile": 0.0, "value": 115700.0, "Latitude": 34.03, "Longitude": -117.17, "Population": 1760.0}, {"index": 13760, "quantile": 0.25, "value": 230600.0, "Latitude": 34.03, "Longitude": -117.17, "Population": 1760.0}, {"index": 13760, "quantile": 0.5, "value": 230600.0, "Latitude": 34.03, "Longitude": -117.17, "Population": 1760.0}, {"index": 13760, "quantile": 0.75, "value": 237200.0, "Latitude": 34.03, "Longitude": -117.17, "Population": 1760.0}, {"index": 13760, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -117.17, "Population": 1760.0}, {"index": 13761, "quantile": 0.0, "value": 37500.0, "Latitude": 34.01, "Longitude": -117.09, "Population": 27.0}, {"index": 13761, "quantile": 0.25, "value": 131300.0, "Latitude": 34.01, "Longitude": -117.09, "Population": 27.0}, {"index": 13761, "quantile": 0.5, "value": 131300.0, "Latitude": 34.01, "Longitude": -117.09, "Population": 27.0}, {"index": 13761, "quantile": 0.75, "value": 273675.0, "Latitude": 34.01, "Longitude": -117.09, "Population": 27.0}, {"index": 13761, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.01, "Longitude": -117.09, "Population": 27.0}, {"index": 13762, "quantile": 0.0, "value": 77200.0, "Latitude": 34.07, "Longitude": -117.09, "Population": 3132.0}, {"index": 13762, "quantile": 0.25, "value": 103000.0, "Latitude": 34.07, "Longitude": -117.09, "Population": 3132.0}, {"index": 13762, "quantile": 0.5, "value": 103000.0, "Latitude": 34.07, "Longitude": -117.09, "Population": 3132.0}, {"index": 13762, "quantile": 0.75, "value": 103000.0, "Latitude": 34.07, "Longitude": -117.09, "Population": 3132.0}, {"index": 13762, "quantile": 1.0, "value": 152700.0, "Latitude": 34.07, "Longitude": -117.09, "Population": 3132.0}, {"index": 13763, "quantile": 0.0, "value": 65800.0, "Latitude": 34.06, "Longitude": -117.12, "Population": 151.0}, {"index": 13763, "quantile": 0.25, "value": 85400.0, "Latitude": 34.06, "Longitude": -117.12, "Population": 151.0}, {"index": 13763, "quantile": 0.5, "value": 120800.0, "Latitude": 34.06, "Longitude": -117.12, "Population": 151.0}, {"index": 13763, "quantile": 0.75, "value": 120800.0, "Latitude": 34.06, "Longitude": -117.12, "Population": 151.0}, {"index": 13763, "quantile": 1.0, "value": 164300.0, "Latitude": 34.06, "Longitude": -117.12, "Population": 151.0}, {"index": 13764, "quantile": 0.0, "value": 123900.00000000001, "Latitude": 34.06, "Longitude": -117.13, "Population": 1341.0}, {"index": 13764, "quantile": 0.25, "value": 163200.0, "Latitude": 34.06, "Longitude": -117.13, "Population": 1341.0}, {"index": 13764, "quantile": 0.5, "value": 163200.0, "Latitude": 34.06, "Longitude": -117.13, "Population": 1341.0}, {"index": 13764, "quantile": 0.75, "value": 163200.0, "Latitude": 34.06, "Longitude": -117.13, "Population": 1341.0}, {"index": 13764, "quantile": 1.0, "value": 402200.0, "Latitude": 34.06, "Longitude": -117.13, "Population": 1341.0}, {"index": 13765, "quantile": 0.0, "value": 70800.0, "Latitude": 34.07, "Longitude": -117.13, "Population": 1342.0}, {"index": 13765, "quantile": 0.25, "value": 86025.0, "Latitude": 34.07, "Longitude": -117.13, "Population": 1342.0}, {"index": 13765, "quantile": 0.5, "value": 93600.0, "Latitude": 34.07, "Longitude": -117.13, "Population": 1342.0}, {"index": 13765, "quantile": 0.75, "value": 112599.99999999999, "Latitude": 34.07, "Longitude": -117.13, "Population": 1342.0}, {"index": 13765, "quantile": 1.0, "value": 325000.0, "Latitude": 34.07, "Longitude": -117.13, "Population": 1342.0}, {"index": 13766, "quantile": 0.0, "value": 59600.0, "Latitude": 34.08, "Longitude": -117.08, "Population": 39.0}, {"index": 13766, "quantile": 0.25, "value": 157775.0, "Latitude": 34.08, "Longitude": -117.08, "Population": 39.0}, {"index": 13766, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -117.08, "Population": 39.0}, {"index": 13766, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -117.08, "Population": 39.0}, {"index": 13766, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -117.08, "Population": 39.0}, {"index": 13767, "quantile": 0.0, "value": 108400.00000000001, "Latitude": 34.04, "Longitude": -117.12, "Population": 1071.0}, {"index": 13767, "quantile": 0.25, "value": 146600.0, "Latitude": 34.04, "Longitude": -117.12, "Population": 1071.0}, {"index": 13767, "quantile": 0.5, "value": 146600.0, "Latitude": 34.04, "Longitude": -117.12, "Population": 1071.0}, {"index": 13767, "quantile": 0.75, "value": 146600.0, "Latitude": 34.04, "Longitude": -117.12, "Population": 1071.0}, {"index": 13767, "quantile": 1.0, "value": 355800.0, "Latitude": 34.04, "Longitude": -117.12, "Population": 1071.0}, {"index": 13768, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 34.05, "Longitude": -117.07, "Population": 1876.0}, {"index": 13768, "quantile": 0.25, "value": 99650.0, "Latitude": 34.05, "Longitude": -117.07, "Population": 1876.0}, {"index": 13768, "quantile": 0.5, "value": 173200.0, "Latitude": 34.05, "Longitude": -117.07, "Population": 1876.0}, {"index": 13768, "quantile": 0.75, "value": 173200.0, "Latitude": 34.05, "Longitude": -117.07, "Population": 1876.0}, {"index": 13768, "quantile": 1.0, "value": 183900.0, "Latitude": 34.05, "Longitude": -117.07, "Population": 1876.0}, {"index": 13769, "quantile": 0.0, "value": 98500.0, "Latitude": 34.07, "Longitude": -117.03, "Population": 1615.0}, {"index": 13769, "quantile": 0.25, "value": 170950.0, "Latitude": 34.07, "Longitude": -117.03, "Population": 1615.0}, {"index": 13769, "quantile": 0.5, "value": 220299.99999999997, "Latitude": 34.07, "Longitude": -117.03, "Population": 1615.0}, {"index": 13769, "quantile": 0.75, "value": 220299.99999999997, "Latitude": 34.07, "Longitude": -117.03, "Population": 1615.0}, {"index": 13769, "quantile": 1.0, "value": 307600.0, "Latitude": 34.07, "Longitude": -117.03, "Population": 1615.0}, {"index": 13770, "quantile": 0.0, "value": 108000.0, "Latitude": 34.03, "Longitude": -117.02, "Population": 1627.0}, {"index": 13770, "quantile": 0.25, "value": 191600.0, "Latitude": 34.03, "Longitude": -117.02, "Population": 1627.0}, {"index": 13770, "quantile": 0.5, "value": 191600.0, "Latitude": 34.03, "Longitude": -117.02, "Population": 1627.0}, {"index": 13770, "quantile": 0.75, "value": 191600.0, "Latitude": 34.03, "Longitude": -117.02, "Population": 1627.0}, {"index": 13770, "quantile": 1.0, "value": 252000.0, "Latitude": 34.03, "Longitude": -117.02, "Population": 1627.0}, {"index": 13771, "quantile": 0.0, "value": 88500.0, "Latitude": 34.02, "Longitude": -117.03, "Population": 1884.0}, {"index": 13771, "quantile": 0.25, "value": 126899.99999999999, "Latitude": 34.02, "Longitude": -117.03, "Population": 1884.0}, {"index": 13771, "quantile": 0.5, "value": 135500.0, "Latitude": 34.02, "Longitude": -117.03, "Population": 1884.0}, {"index": 13771, "quantile": 0.75, "value": 174100.0, "Latitude": 34.02, "Longitude": -117.03, "Population": 1884.0}, {"index": 13771, "quantile": 1.0, "value": 353000.0, "Latitude": 34.02, "Longitude": -117.03, "Population": 1884.0}, {"index": 13772, "quantile": 0.0, "value": 118900.0, "Latitude": 34.01, "Longitude": -117.01, "Population": 2419.0}, {"index": 13772, "quantile": 0.25, "value": 135200.0, "Latitude": 34.01, "Longitude": -117.01, "Population": 2419.0}, {"index": 13772, "quantile": 0.5, "value": 135200.0, "Latitude": 34.01, "Longitude": -117.01, "Population": 2419.0}, {"index": 13772, "quantile": 0.75, "value": 161700.0, "Latitude": 34.01, "Longitude": -117.01, "Population": 2419.0}, {"index": 13772, "quantile": 1.0, "value": 340400.0, "Latitude": 34.01, "Longitude": -117.01, "Population": 2419.0}, {"index": 13773, "quantile": 0.0, "value": 204100.0, "Latitude": 34.05, "Longitude": -116.98, "Population": 957.0}, {"index": 13773, "quantile": 0.25, "value": 314900.0, "Latitude": 34.05, "Longitude": -116.98, "Population": 957.0}, {"index": 13773, "quantile": 0.5, "value": 316700.0, "Latitude": 34.05, "Longitude": -116.98, "Population": 957.0}, {"index": 13773, "quantile": 0.75, "value": 316700.0, "Latitude": 34.05, "Longitude": -116.98, "Population": 957.0}, {"index": 13773, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.05, "Longitude": -116.98, "Population": 957.0}, {"index": 13774, "quantile": 0.0, "value": 50000.0, "Latitude": 34.04, "Longitude": -117.05, "Population": 1518.0}, {"index": 13774, "quantile": 0.25, "value": 95525.0, "Latitude": 34.04, "Longitude": -117.05, "Population": 1518.0}, {"index": 13774, "quantile": 0.5, "value": 117899.99999999999, "Latitude": 34.04, "Longitude": -117.05, "Population": 1518.0}, {"index": 13774, "quantile": 0.75, "value": 124500.00000000001, "Latitude": 34.04, "Longitude": -117.05, "Population": 1518.0}, {"index": 13774, "quantile": 1.0, "value": 488900.0, "Latitude": 34.04, "Longitude": -117.05, "Population": 1518.0}, {"index": 13775, "quantile": 0.0, "value": 73200.0, "Latitude": 34.03, "Longitude": -117.1, "Population": 2127.0}, {"index": 13775, "quantile": 0.25, "value": 92000.0, "Latitude": 34.03, "Longitude": -117.1, "Population": 2127.0}, {"index": 13775, "quantile": 0.5, "value": 100899.99999999999, "Latitude": 34.03, "Longitude": -117.1, "Population": 2127.0}, {"index": 13775, "quantile": 0.75, "value": 108225.00000000001, "Latitude": 34.03, "Longitude": -117.1, "Population": 2127.0}, {"index": 13775, "quantile": 1.0, "value": 145300.0, "Latitude": 34.03, "Longitude": -117.1, "Population": 2127.0}, {"index": 13776, "quantile": 0.0, "value": 67500.0, "Latitude": 34.03, "Longitude": -117.08, "Population": 2082.0}, {"index": 13776, "quantile": 0.25, "value": 115700.0, "Latitude": 34.03, "Longitude": -117.08, "Population": 2082.0}, {"index": 13776, "quantile": 0.5, "value": 115700.0, "Latitude": 34.03, "Longitude": -117.08, "Population": 2082.0}, {"index": 13776, "quantile": 0.75, "value": 115700.0, "Latitude": 34.03, "Longitude": -117.08, "Population": 2082.0}, {"index": 13776, "quantile": 1.0, "value": 187700.0, "Latitude": 34.03, "Longitude": -117.08, "Population": 2082.0}, {"index": 13777, "quantile": 0.0, "value": 85200.0, "Latitude": 34.02, "Longitude": -117.08, "Population": 1453.0}, {"index": 13777, "quantile": 0.25, "value": 122800.0, "Latitude": 34.02, "Longitude": -117.08, "Population": 1453.0}, {"index": 13777, "quantile": 0.5, "value": 122800.0, "Latitude": 34.02, "Longitude": -117.08, "Population": 1453.0}, {"index": 13777, "quantile": 0.75, "value": 122800.0, "Latitude": 34.02, "Longitude": -117.08, "Population": 1453.0}, {"index": 13777, "quantile": 1.0, "value": 149500.0, "Latitude": 34.02, "Longitude": -117.08, "Population": 1453.0}, {"index": 13778, "quantile": 0.0, "value": 70800.0, "Latitude": 34.02, "Longitude": -117.06, "Population": 1926.0}, {"index": 13778, "quantile": 0.25, "value": 92000.0, "Latitude": 34.02, "Longitude": -117.06, "Population": 1926.0}, {"index": 13778, "quantile": 0.5, "value": 98300.0, "Latitude": 34.02, "Longitude": -117.06, "Population": 1926.0}, {"index": 13778, "quantile": 0.75, "value": 112100.0, "Latitude": 34.02, "Longitude": -117.06, "Population": 1926.0}, {"index": 13778, "quantile": 1.0, "value": 150000.0, "Latitude": 34.02, "Longitude": -117.06, "Population": 1926.0}, {"index": 13779, "quantile": 0.0, "value": 66300.0, "Latitude": 34.02, "Longitude": -117.05, "Population": 1351.0}, {"index": 13779, "quantile": 0.25, "value": 94924.99999999999, "Latitude": 34.02, "Longitude": -117.05, "Population": 1351.0}, {"index": 13779, "quantile": 0.5, "value": 104900.0, "Latitude": 34.02, "Longitude": -117.05, "Population": 1351.0}, {"index": 13779, "quantile": 0.75, "value": 122300.00000000001, "Latitude": 34.02, "Longitude": -117.05, "Population": 1351.0}, {"index": 13779, "quantile": 1.0, "value": 272500.0, "Latitude": 34.02, "Longitude": -117.05, "Population": 1351.0}, {"index": 13780, "quantile": 0.0, "value": 61100.0, "Latitude": 34.01, "Longitude": -117.05, "Population": 2645.0}, {"index": 13780, "quantile": 0.25, "value": 97375.0, "Latitude": 34.01, "Longitude": -117.05, "Population": 2645.0}, {"index": 13780, "quantile": 0.5, "value": 116700.0, "Latitude": 34.01, "Longitude": -117.05, "Population": 2645.0}, {"index": 13780, "quantile": 0.75, "value": 116700.0, "Latitude": 34.01, "Longitude": -117.05, "Population": 2645.0}, {"index": 13780, "quantile": 1.0, "value": 173200.0, "Latitude": 34.01, "Longitude": -117.05, "Population": 2645.0}, {"index": 13781, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 34.02, "Longitude": -117.04, "Population": 1851.0}, {"index": 13781, "quantile": 0.25, "value": 103499.99999999999, "Latitude": 34.02, "Longitude": -117.04, "Population": 1851.0}, {"index": 13781, "quantile": 0.5, "value": 103499.99999999999, "Latitude": 34.02, "Longitude": -117.04, "Population": 1851.0}, {"index": 13781, "quantile": 0.75, "value": 103499.99999999999, "Latitude": 34.02, "Longitude": -117.04, "Population": 1851.0}, {"index": 13781, "quantile": 1.0, "value": 268800.0, "Latitude": 34.02, "Longitude": -117.04, "Population": 1851.0}, {"index": 13782, "quantile": 0.0, "value": 42500.0, "Latitude": 34.03, "Longitude": -117.05, "Population": 1200.0}, {"index": 13782, "quantile": 0.25, "value": 72400.0, "Latitude": 34.03, "Longitude": -117.05, "Population": 1200.0}, {"index": 13782, "quantile": 0.5, "value": 83300.0, "Latitude": 34.03, "Longitude": -117.05, "Population": 1200.0}, {"index": 13782, "quantile": 0.75, "value": 105100.0, "Latitude": 34.03, "Longitude": -117.05, "Population": 1200.0}, {"index": 13782, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -117.05, "Population": 1200.0}, {"index": 13783, "quantile": 0.0, "value": 43900.0, "Latitude": 34.03, "Longitude": -117.06, "Population": 859.0}, {"index": 13783, "quantile": 0.25, "value": 73200.0, "Latitude": 34.03, "Longitude": -117.06, "Population": 859.0}, {"index": 13783, "quantile": 0.5, "value": 92100.0, "Latitude": 34.03, "Longitude": -117.06, "Population": 859.0}, {"index": 13783, "quantile": 0.75, "value": 122700.00000000001, "Latitude": 34.03, "Longitude": -117.06, "Population": 859.0}, {"index": 13783, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.03, "Longitude": -117.06, "Population": 859.0}, {"index": 13784, "quantile": 0.0, "value": 83800.0, "Latitude": 34.03, "Longitude": -117.03, "Population": 1860.0}, {"index": 13784, "quantile": 0.25, "value": 111525.00000000001, "Latitude": 34.03, "Longitude": -117.03, "Population": 1860.0}, {"index": 13784, "quantile": 0.5, "value": 113500.0, "Latitude": 34.03, "Longitude": -117.03, "Population": 1860.0}, {"index": 13784, "quantile": 0.75, "value": 113500.0, "Latitude": 34.03, "Longitude": -117.03, "Population": 1860.0}, {"index": 13784, "quantile": 1.0, "value": 149100.0, "Latitude": 34.03, "Longitude": -117.03, "Population": 1860.0}, {"index": 13785, "quantile": 0.0, "value": 72100.0, "Latitude": 34.03, "Longitude": -117.04, "Population": 1760.0}, {"index": 13785, "quantile": 0.25, "value": 92000.0, "Latitude": 34.03, "Longitude": -117.04, "Population": 1760.0}, {"index": 13785, "quantile": 0.5, "value": 92000.0, "Latitude": 34.03, "Longitude": -117.04, "Population": 1760.0}, {"index": 13785, "quantile": 0.75, "value": 92000.0, "Latitude": 34.03, "Longitude": -117.04, "Population": 1760.0}, {"index": 13785, "quantile": 1.0, "value": 116700.0, "Latitude": 34.03, "Longitude": -117.04, "Population": 1760.0}, {"index": 13786, "quantile": 0.0, "value": 70800.0, "Latitude": 34.04, "Longitude": -117.04, "Population": 1674.0}, {"index": 13786, "quantile": 0.25, "value": 92000.0, "Latitude": 34.04, "Longitude": -117.04, "Population": 1674.0}, {"index": 13786, "quantile": 0.5, "value": 98300.0, "Latitude": 34.04, "Longitude": -117.04, "Population": 1674.0}, {"index": 13786, "quantile": 0.75, "value": 98300.0, "Latitude": 34.04, "Longitude": -117.04, "Population": 1674.0}, {"index": 13786, "quantile": 1.0, "value": 159000.0, "Latitude": 34.04, "Longitude": -117.04, "Population": 1674.0}, {"index": 13787, "quantile": 0.0, "value": 40400.0, "Latitude": 35.54, "Longitude": -117.29, "Population": 3431.0}, {"index": 13787, "quantile": 0.25, "value": 40400.0, "Latitude": 35.54, "Longitude": -117.29, "Population": 3431.0}, {"index": 13787, "quantile": 0.5, "value": 40400.0, "Latitude": 35.54, "Longitude": -117.29, "Population": 3431.0}, {"index": 13787, "quantile": 0.75, "value": 69475.0, "Latitude": 35.54, "Longitude": -117.29, "Population": 3431.0}, {"index": 13787, "quantile": 1.0, "value": 194500.0, "Latitude": 35.54, "Longitude": -117.29, "Population": 3431.0}, {"index": 13788, "quantile": 0.0, "value": 22500.0, "Latitude": 34.59, "Longitude": -117.37, "Population": 6852.0}, {"index": 13788, "quantile": 0.25, "value": 35000.0, "Latitude": 34.59, "Longitude": -117.37, "Population": 6852.0}, {"index": 13788, "quantile": 0.5, "value": 35000.0, "Latitude": 34.59, "Longitude": -117.37, "Population": 6852.0}, {"index": 13788, "quantile": 0.75, "value": 94500.0, "Latitude": 34.59, "Longitude": -117.37, "Population": 6852.0}, {"index": 13788, "quantile": 1.0, "value": 125600.0, "Latitude": 34.59, "Longitude": -117.37, "Population": 6852.0}, {"index": 13789, "quantile": 0.0, "value": 84500.0, "Latitude": 34.44, "Longitude": -117.62, "Population": 3767.0}, {"index": 13789, "quantile": 0.25, "value": 126499.99999999999, "Latitude": 34.44, "Longitude": -117.62, "Population": 3767.0}, {"index": 13789, "quantile": 0.5, "value": 146400.0, "Latitude": 34.44, "Longitude": -117.62, "Population": 3767.0}, {"index": 13789, "quantile": 0.75, "value": 167100.0, "Latitude": 34.44, "Longitude": -117.62, "Population": 3767.0}, {"index": 13789, "quantile": 1.0, "value": 314100.0, "Latitude": 34.44, "Longitude": -117.62, "Population": 3767.0}, {"index": 13790, "quantile": 0.0, "value": 98600.0, "Latitude": 34.42, "Longitude": -117.56, "Population": 2005.0}, {"index": 13790, "quantile": 0.25, "value": 138800.0, "Latitude": 34.42, "Longitude": -117.56, "Population": 2005.0}, {"index": 13790, "quantile": 0.5, "value": 138800.0, "Latitude": 34.42, "Longitude": -117.56, "Population": 2005.0}, {"index": 13790, "quantile": 0.75, "value": 138800.0, "Latitude": 34.42, "Longitude": -117.56, "Population": 2005.0}, {"index": 13790, "quantile": 1.0, "value": 198800.0, "Latitude": 34.42, "Longitude": -117.56, "Population": 2005.0}, {"index": 13791, "quantile": 0.0, "value": 96400.0, "Latitude": 34.41, "Longitude": -117.51, "Population": 1396.0}, {"index": 13791, "quantile": 0.25, "value": 119600.0, "Latitude": 34.41, "Longitude": -117.51, "Population": 1396.0}, {"index": 13791, "quantile": 0.5, "value": 119600.0, "Latitude": 34.41, "Longitude": -117.51, "Population": 1396.0}, {"index": 13791, "quantile": 0.75, "value": 119600.0, "Latitude": 34.41, "Longitude": -117.51, "Population": 1396.0}, {"index": 13791, "quantile": 1.0, "value": 244400.0, "Latitude": 34.41, "Longitude": -117.51, "Population": 1396.0}, {"index": 13792, "quantile": 0.0, "value": 85500.0, "Latitude": 34.45, "Longitude": -117.44, "Population": 3094.0}, {"index": 13792, "quantile": 0.25, "value": 107975.0, "Latitude": 34.45, "Longitude": -117.44, "Population": 3094.0}, {"index": 13792, "quantile": 0.5, "value": 119300.0, "Latitude": 34.45, "Longitude": -117.44, "Population": 3094.0}, {"index": 13792, "quantile": 0.75, "value": 128050.0, "Latitude": 34.45, "Longitude": -117.44, "Population": 3094.0}, {"index": 13792, "quantile": 1.0, "value": 185400.0, "Latitude": 34.45, "Longitude": -117.44, "Population": 3094.0}, {"index": 13793, "quantile": 0.0, "value": 83300.0, "Latitude": 34.47, "Longitude": -117.54, "Population": 3126.0}, {"index": 13793, "quantile": 0.25, "value": 126499.99999999999, "Latitude": 34.47, "Longitude": -117.54, "Population": 3126.0}, {"index": 13793, "quantile": 0.5, "value": 126499.99999999999, "Latitude": 34.47, "Longitude": -117.54, "Population": 3126.0}, {"index": 13793, "quantile": 0.75, "value": 126499.99999999999, "Latitude": 34.47, "Longitude": -117.54, "Population": 3126.0}, {"index": 13793, "quantile": 1.0, "value": 212300.00000000003, "Latitude": 34.47, "Longitude": -117.54, "Population": 3126.0}, {"index": 13794, "quantile": 0.0, "value": 39800.0, "Latitude": 34.66, "Longitude": -117.5, "Population": 486.0}, {"index": 13794, "quantile": 0.25, "value": 84900.0, "Latitude": 34.66, "Longitude": -117.5, "Population": 486.0}, {"index": 13794, "quantile": 0.5, "value": 84900.0, "Latitude": 34.66, "Longitude": -117.5, "Population": 486.0}, {"index": 13794, "quantile": 0.75, "value": 84900.0, "Latitude": 34.66, "Longitude": -117.5, "Population": 486.0}, {"index": 13794, "quantile": 1.0, "value": 500000.0, "Latitude": 34.66, "Longitude": -117.5, "Population": 486.0}, {"index": 13795, "quantile": 0.0, "value": 53200.0, "Latitude": 34.59, "Longitude": -117.42, "Population": 3220.0}, {"index": 13795, "quantile": 0.25, "value": 69500.0, "Latitude": 34.59, "Longitude": -117.42, "Population": 3220.0}, {"index": 13795, "quantile": 0.5, "value": 69500.0, "Latitude": 34.59, "Longitude": -117.42, "Population": 3220.0}, {"index": 13795, "quantile": 0.75, "value": 74550.0, "Latitude": 34.59, "Longitude": -117.42, "Population": 3220.0}, {"index": 13795, "quantile": 1.0, "value": 225000.0, "Latitude": 34.59, "Longitude": -117.42, "Population": 3220.0}, {"index": 13796, "quantile": 0.0, "value": 53800.0, "Latitude": 34.58, "Longitude": -117.41, "Population": 541.0}, {"index": 13796, "quantile": 0.25, "value": 57899.99999999999, "Latitude": 34.58, "Longitude": -117.41, "Population": 541.0}, {"index": 13796, "quantile": 0.5, "value": 57899.99999999999, "Latitude": 34.58, "Longitude": -117.41, "Population": 541.0}, {"index": 13796, "quantile": 0.75, "value": 64700.0, "Latitude": 34.58, "Longitude": -117.41, "Population": 541.0}, {"index": 13796, "quantile": 1.0, "value": 364700.0, "Latitude": 34.58, "Longitude": -117.41, "Population": 541.0}, {"index": 13797, "quantile": 0.0, "value": 32900.0, "Latitude": 34.58, "Longitude": -117.4, "Population": 483.0}, {"index": 13797, "quantile": 0.25, "value": 64700.0, "Latitude": 34.58, "Longitude": -117.4, "Population": 483.0}, {"index": 13797, "quantile": 0.5, "value": 64700.0, "Latitude": 34.58, "Longitude": -117.4, "Population": 483.0}, {"index": 13797, "quantile": 0.75, "value": 64700.0, "Latitude": 34.58, "Longitude": -117.4, "Population": 483.0}, {"index": 13797, "quantile": 1.0, "value": 364700.0, "Latitude": 34.58, "Longitude": -117.4, "Population": 483.0}, {"index": 13798, "quantile": 0.0, "value": 39800.0, "Latitude": 34.58, "Longitude": -117.41, "Population": 1853.0}, {"index": 13798, "quantile": 0.25, "value": 73400.0, "Latitude": 34.58, "Longitude": -117.41, "Population": 1853.0}, {"index": 13798, "quantile": 0.5, "value": 73400.0, "Latitude": 34.58, "Longitude": -117.41, "Population": 1853.0}, {"index": 13798, "quantile": 0.75, "value": 73400.0, "Latitude": 34.58, "Longitude": -117.41, "Population": 1853.0}, {"index": 13798, "quantile": 1.0, "value": 116100.0, "Latitude": 34.58, "Longitude": -117.41, "Population": 1853.0}, {"index": 13799, "quantile": 0.0, "value": 62100.0, "Latitude": 34.55, "Longitude": -117.54, "Population": 1620.0}, {"index": 13799, "quantile": 0.25, "value": 83300.0, "Latitude": 34.55, "Longitude": -117.54, "Population": 1620.0}, {"index": 13799, "quantile": 0.5, "value": 83300.0, "Latitude": 34.55, "Longitude": -117.54, "Population": 1620.0}, {"index": 13799, "quantile": 0.75, "value": 100400.0, "Latitude": 34.55, "Longitude": -117.54, "Population": 1620.0}, {"index": 13799, "quantile": 1.0, "value": 243100.0, "Latitude": 34.55, "Longitude": -117.54, "Population": 1620.0}, {"index": 13800, "quantile": 0.0, "value": 74300.0, "Latitude": 34.54, "Longitude": -117.36, "Population": 2140.0}, {"index": 13800, "quantile": 0.25, "value": 91300.0, "Latitude": 34.54, "Longitude": -117.36, "Population": 2140.0}, {"index": 13800, "quantile": 0.5, "value": 91300.0, "Latitude": 34.54, "Longitude": -117.36, "Population": 2140.0}, {"index": 13800, "quantile": 0.75, "value": 93100.0, "Latitude": 34.54, "Longitude": -117.36, "Population": 2140.0}, {"index": 13800, "quantile": 1.0, "value": 150000.0, "Latitude": 34.54, "Longitude": -117.36, "Population": 2140.0}, {"index": 13801, "quantile": 0.0, "value": 106700.0, "Latitude": 34.37, "Longitude": -117.63, "Population": 2197.0}, {"index": 13801, "quantile": 0.25, "value": 167100.0, "Latitude": 34.37, "Longitude": -117.63, "Population": 2197.0}, {"index": 13801, "quantile": 0.5, "value": 167100.0, "Latitude": 34.37, "Longitude": -117.63, "Population": 2197.0}, {"index": 13801, "quantile": 0.75, "value": 167100.0, "Latitude": 34.37, "Longitude": -117.63, "Population": 2197.0}, {"index": 13801, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.37, "Longitude": -117.63, "Population": 2197.0}, {"index": 13802, "quantile": 0.0, "value": 108000.0, "Latitude": 34.34, "Longitude": -117.61, "Population": 1301.0}, {"index": 13802, "quantile": 0.25, "value": 176900.0, "Latitude": 34.34, "Longitude": -117.61, "Population": 1301.0}, {"index": 13802, "quantile": 0.5, "value": 176900.0, "Latitude": 34.34, "Longitude": -117.61, "Population": 1301.0}, {"index": 13802, "quantile": 0.75, "value": 176900.0, "Latitude": 34.34, "Longitude": -117.61, "Population": 1301.0}, {"index": 13802, "quantile": 1.0, "value": 447400.0, "Latitude": 34.34, "Longitude": -117.61, "Population": 1301.0}, {"index": 13803, "quantile": 0.0, "value": 87500.0, "Latitude": 34.28, "Longitude": -117.53, "Population": 688.0}, {"index": 13803, "quantile": 0.25, "value": 108000.0, "Latitude": 34.28, "Longitude": -117.53, "Population": 688.0}, {"index": 13803, "quantile": 0.5, "value": 108000.0, "Latitude": 34.28, "Longitude": -117.53, "Population": 688.0}, {"index": 13803, "quantile": 0.75, "value": 120700.00000000001, "Latitude": 34.28, "Longitude": -117.53, "Population": 688.0}, {"index": 13803, "quantile": 1.0, "value": 377300.0, "Latitude": 34.28, "Longitude": -117.53, "Population": 688.0}, {"index": 13804, "quantile": 0.0, "value": 83200.0, "Latitude": 34.25, "Longitude": -117.55, "Population": 872.0}, {"index": 13804, "quantile": 0.25, "value": 128400.0, "Latitude": 34.25, "Longitude": -117.55, "Population": 872.0}, {"index": 13804, "quantile": 0.5, "value": 189049.99999999997, "Latitude": 34.25, "Longitude": -117.55, "Population": 872.0}, {"index": 13804, "quantile": 0.75, "value": 209200.0, "Latitude": 34.25, "Longitude": -117.55, "Population": 872.0}, {"index": 13804, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 34.25, "Longitude": -117.55, "Population": 872.0}, {"index": 13805, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 34.91, "Longitude": -117.03, "Population": 1472.0}, {"index": 13805, "quantile": 0.25, "value": 76600.0, "Latitude": 34.91, "Longitude": -117.03, "Population": 1472.0}, {"index": 13805, "quantile": 0.5, "value": 76600.0, "Latitude": 34.91, "Longitude": -117.03, "Population": 1472.0}, {"index": 13805, "quantile": 0.75, "value": 76600.0, "Latitude": 34.91, "Longitude": -117.03, "Population": 1472.0}, {"index": 13805, "quantile": 1.0, "value": 139700.0, "Latitude": 34.91, "Longitude": -117.03, "Population": 1472.0}, {"index": 13806, "quantile": 0.0, "value": 26600.0, "Latitude": 34.9, "Longitude": -117.01, "Population": 1404.0}, {"index": 13806, "quantile": 0.25, "value": 52900.0, "Latitude": 34.9, "Longitude": -117.01, "Population": 1404.0}, {"index": 13806, "quantile": 0.5, "value": 64300.0, "Latitude": 34.9, "Longitude": -117.01, "Population": 1404.0}, {"index": 13806, "quantile": 0.75, "value": 81225.0, "Latitude": 34.9, "Longitude": -117.01, "Population": 1404.0}, {"index": 13806, "quantile": 1.0, "value": 189200.0, "Latitude": 34.9, "Longitude": -117.01, "Population": 1404.0}, {"index": 13807, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 34.9, "Longitude": -117.02, "Population": 782.0}, {"index": 13807, "quantile": 0.25, "value": 61600.0, "Latitude": 34.9, "Longitude": -117.02, "Population": 782.0}, {"index": 13807, "quantile": 0.5, "value": 61600.0, "Latitude": 34.9, "Longitude": -117.02, "Population": 782.0}, {"index": 13807, "quantile": 0.75, "value": 61600.0, "Latitude": 34.9, "Longitude": -117.02, "Population": 782.0}, {"index": 13807, "quantile": 1.0, "value": 121900.00000000001, "Latitude": 34.9, "Longitude": -117.02, "Population": 782.0}, {"index": 13808, "quantile": 0.0, "value": 25000.0, "Latitude": 34.9, "Longitude": -117.06, "Population": 1762.0}, {"index": 13808, "quantile": 0.25, "value": 59600.0, "Latitude": 34.9, "Longitude": -117.06, "Population": 1762.0}, {"index": 13808, "quantile": 0.5, "value": 59600.0, "Latitude": 34.9, "Longitude": -117.06, "Population": 1762.0}, {"index": 13808, "quantile": 0.75, "value": 59600.0, "Latitude": 34.9, "Longitude": -117.06, "Population": 1762.0}, {"index": 13808, "quantile": 1.0, "value": 268800.0, "Latitude": 34.9, "Longitude": -117.06, "Population": 1762.0}, {"index": 13809, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 34.9, "Longitude": -117.01, "Population": 1326.0}, {"index": 13809, "quantile": 0.25, "value": 72000.0, "Latitude": 34.9, "Longitude": -117.01, "Population": 1326.0}, {"index": 13809, "quantile": 0.5, "value": 72000.0, "Latitude": 34.9, "Longitude": -117.01, "Population": 1326.0}, {"index": 13809, "quantile": 0.75, "value": 72000.0, "Latitude": 34.9, "Longitude": -117.01, "Population": 1326.0}, {"index": 13809, "quantile": 1.0, "value": 147500.0, "Latitude": 34.9, "Longitude": -117.01, "Population": 1326.0}, {"index": 13810, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 34.89, "Longitude": -117.0, "Population": 1188.0}, {"index": 13810, "quantile": 0.25, "value": 69400.0, "Latitude": 34.89, "Longitude": -117.0, "Population": 1188.0}, {"index": 13810, "quantile": 0.5, "value": 69400.0, "Latitude": 34.89, "Longitude": -117.0, "Population": 1188.0}, {"index": 13810, "quantile": 0.75, "value": 80475.00000000001, "Latitude": 34.89, "Longitude": -117.0, "Population": 1188.0}, {"index": 13810, "quantile": 1.0, "value": 159400.0, "Latitude": 34.89, "Longitude": -117.0, "Population": 1188.0}, {"index": 13811, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 34.89, "Longitude": -117.01, "Population": 1332.0}, {"index": 13811, "quantile": 0.25, "value": 70400.0, "Latitude": 34.89, "Longitude": -117.01, "Population": 1332.0}, {"index": 13811, "quantile": 0.5, "value": 70400.0, "Latitude": 34.89, "Longitude": -117.01, "Population": 1332.0}, {"index": 13811, "quantile": 0.75, "value": 76350.0, "Latitude": 34.89, "Longitude": -117.01, "Population": 1332.0}, {"index": 13811, "quantile": 1.0, "value": 128899.99999999999, "Latitude": 34.89, "Longitude": -117.01, "Population": 1332.0}, {"index": 13812, "quantile": 0.0, "value": 52100.0, "Latitude": 34.89, "Longitude": -117.02, "Population": 1530.0}, {"index": 13812, "quantile": 0.25, "value": 69300.0, "Latitude": 34.89, "Longitude": -117.02, "Population": 1530.0}, {"index": 13812, "quantile": 0.5, "value": 69300.0, "Latitude": 34.89, "Longitude": -117.02, "Population": 1530.0}, {"index": 13812, "quantile": 0.75, "value": 70025.0, "Latitude": 34.89, "Longitude": -117.02, "Population": 1530.0}, {"index": 13812, "quantile": 1.0, "value": 150000.0, "Latitude": 34.89, "Longitude": -117.02, "Population": 1530.0}, {"index": 13813, "quantile": 0.0, "value": 30000.0, "Latitude": 34.89, "Longitude": -117.04, "Population": 1052.0}, {"index": 13813, "quantile": 0.25, "value": 67825.0, "Latitude": 34.89, "Longitude": -117.04, "Population": 1052.0}, {"index": 13813, "quantile": 0.5, "value": 70500.0, "Latitude": 34.89, "Longitude": -117.04, "Population": 1052.0}, {"index": 13813, "quantile": 0.75, "value": 74300.0, "Latitude": 34.89, "Longitude": -117.04, "Population": 1052.0}, {"index": 13813, "quantile": 1.0, "value": 128699.99999999999, "Latitude": 34.89, "Longitude": -117.04, "Population": 1052.0}, {"index": 13814, "quantile": 0.0, "value": 40400.0, "Latitude": 34.89, "Longitude": -117.05, "Population": 665.0}, {"index": 13814, "quantile": 0.25, "value": 62000.0, "Latitude": 34.89, "Longitude": -117.05, "Population": 665.0}, {"index": 13814, "quantile": 0.5, "value": 62000.0, "Latitude": 34.89, "Longitude": -117.05, "Population": 665.0}, {"index": 13814, "quantile": 0.75, "value": 66100.0, "Latitude": 34.89, "Longitude": -117.05, "Population": 665.0}, {"index": 13814, "quantile": 1.0, "value": 101600.0, "Latitude": 34.89, "Longitude": -117.05, "Population": 665.0}, {"index": 13815, "quantile": 0.0, "value": 78000.0, "Latitude": 34.44, "Longitude": -117.22, "Population": 1944.0}, {"index": 13815, "quantile": 0.25, "value": 98500.0, "Latitude": 34.44, "Longitude": -117.22, "Population": 1944.0}, {"index": 13815, "quantile": 0.5, "value": 98500.0, "Latitude": 34.44, "Longitude": -117.22, "Population": 1944.0}, {"index": 13815, "quantile": 0.75, "value": 98500.0, "Latitude": 34.44, "Longitude": -117.22, "Population": 1944.0}, {"index": 13815, "quantile": 1.0, "value": 162500.0, "Latitude": 34.44, "Longitude": -117.22, "Population": 1944.0}, {"index": 13816, "quantile": 0.0, "value": 81800.0, "Latitude": 34.46, "Longitude": -117.2, "Population": 5146.0}, {"index": 13816, "quantile": 0.25, "value": 92500.0, "Latitude": 34.46, "Longitude": -117.2, "Population": 5146.0}, {"index": 13816, "quantile": 0.5, "value": 92500.0, "Latitude": 34.46, "Longitude": -117.2, "Population": 5146.0}, {"index": 13816, "quantile": 0.75, "value": 93300.0, "Latitude": 34.46, "Longitude": -117.2, "Population": 5146.0}, {"index": 13816, "quantile": 1.0, "value": 134100.0, "Latitude": 34.46, "Longitude": -117.2, "Population": 5146.0}, {"index": 13817, "quantile": 0.0, "value": 70800.0, "Latitude": 34.46, "Longitude": -117.12, "Population": 765.0}, {"index": 13817, "quantile": 0.25, "value": 110400.00000000001, "Latitude": 34.46, "Longitude": -117.12, "Population": 765.0}, {"index": 13817, "quantile": 0.5, "value": 110400.00000000001, "Latitude": 34.46, "Longitude": -117.12, "Population": 765.0}, {"index": 13817, "quantile": 0.75, "value": 110400.00000000001, "Latitude": 34.46, "Longitude": -117.12, "Population": 765.0}, {"index": 13817, "quantile": 1.0, "value": 187500.0, "Latitude": 34.46, "Longitude": -117.12, "Population": 765.0}, {"index": 13818, "quantile": 0.0, "value": 73400.0, "Latitude": 34.43, "Longitude": -117.11, "Population": 1349.0}, {"index": 13818, "quantile": 0.25, "value": 92300.0, "Latitude": 34.43, "Longitude": -117.11, "Population": 1349.0}, {"index": 13818, "quantile": 0.5, "value": 105200.0, "Latitude": 34.43, "Longitude": -117.11, "Population": 1349.0}, {"index": 13818, "quantile": 0.75, "value": 112500.0, "Latitude": 34.43, "Longitude": -117.11, "Population": 1349.0}, {"index": 13818, "quantile": 1.0, "value": 162500.0, "Latitude": 34.43, "Longitude": -117.11, "Population": 1349.0}, {"index": 13819, "quantile": 0.0, "value": 74300.0, "Latitude": 34.39, "Longitude": -117.13, "Population": 855.0}, {"index": 13819, "quantile": 0.25, "value": 115975.0, "Latitude": 34.39, "Longitude": -117.13, "Population": 855.0}, {"index": 13819, "quantile": 0.5, "value": 133600.0, "Latitude": 34.39, "Longitude": -117.13, "Population": 855.0}, {"index": 13819, "quantile": 0.75, "value": 165500.0, "Latitude": 34.39, "Longitude": -117.13, "Population": 855.0}, {"index": 13819, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.39, "Longitude": -117.13, "Population": 855.0}, {"index": 13820, "quantile": 0.0, "value": 87200.0, "Latitude": 34.49, "Longitude": -117.25, "Population": 1017.0}, {"index": 13820, "quantile": 0.25, "value": 170900.0, "Latitude": 34.49, "Longitude": -117.25, "Population": 1017.0}, {"index": 13820, "quantile": 0.5, "value": 170900.0, "Latitude": 34.49, "Longitude": -117.25, "Population": 1017.0}, {"index": 13820, "quantile": 0.75, "value": 170900.0, "Latitude": 34.49, "Longitude": -117.25, "Population": 1017.0}, {"index": 13820, "quantile": 1.0, "value": 294000.0, "Latitude": 34.49, "Longitude": -117.25, "Population": 1017.0}, {"index": 13821, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 34.49, "Longitude": -117.23, "Population": 1458.0}, {"index": 13821, "quantile": 0.25, "value": 170600.0, "Latitude": 34.49, "Longitude": -117.23, "Population": 1458.0}, {"index": 13821, "quantile": 0.5, "value": 170600.0, "Latitude": 34.49, "Longitude": -117.23, "Population": 1458.0}, {"index": 13821, "quantile": 0.75, "value": 170600.0, "Latitude": 34.49, "Longitude": -117.23, "Population": 1458.0}, {"index": 13821, "quantile": 1.0, "value": 429000.0, "Latitude": 34.49, "Longitude": -117.23, "Population": 1458.0}, {"index": 13822, "quantile": 0.0, "value": 90800.0, "Latitude": 34.49, "Longitude": -117.21, "Population": 1067.0}, {"index": 13822, "quantile": 0.25, "value": 109900.0, "Latitude": 34.49, "Longitude": -117.21, "Population": 1067.0}, {"index": 13822, "quantile": 0.5, "value": 116199.99999999999, "Latitude": 34.49, "Longitude": -117.21, "Population": 1067.0}, {"index": 13822, "quantile": 0.75, "value": 116199.99999999999, "Latitude": 34.49, "Longitude": -117.21, "Population": 1067.0}, {"index": 13822, "quantile": 1.0, "value": 119600.0, "Latitude": 34.49, "Longitude": -117.21, "Population": 1067.0}, {"index": 13823, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 34.5, "Longitude": -117.2, "Population": 2378.0}, {"index": 13823, "quantile": 0.25, "value": 73400.0, "Latitude": 34.5, "Longitude": -117.2, "Population": 2378.0}, {"index": 13823, "quantile": 0.5, "value": 89200.0, "Latitude": 34.5, "Longitude": -117.2, "Population": 2378.0}, {"index": 13823, "quantile": 0.75, "value": 94100.0, "Latitude": 34.5, "Longitude": -117.2, "Population": 2378.0}, {"index": 13823, "quantile": 1.0, "value": 146500.0, "Latitude": 34.5, "Longitude": -117.2, "Population": 2378.0}, {"index": 13824, "quantile": 0.0, "value": 60700.0, "Latitude": 34.49, "Longitude": -117.17, "Population": 2225.0}, {"index": 13824, "quantile": 0.25, "value": 90225.0, "Latitude": 34.49, "Longitude": -117.17, "Population": 2225.0}, {"index": 13824, "quantile": 0.5, "value": 94100.0, "Latitude": 34.49, "Longitude": -117.17, "Population": 2225.0}, {"index": 13824, "quantile": 0.75, "value": 94100.0, "Latitude": 34.49, "Longitude": -117.17, "Population": 2225.0}, {"index": 13824, "quantile": 1.0, "value": 132800.0, "Latitude": 34.49, "Longitude": -117.17, "Population": 2225.0}, {"index": 13825, "quantile": 0.0, "value": 42500.0, "Latitude": 34.48, "Longitude": -117.15, "Population": 186.0}, {"index": 13825, "quantile": 0.25, "value": 72475.0, "Latitude": 34.48, "Longitude": -117.15, "Population": 186.0}, {"index": 13825, "quantile": 0.5, "value": 89700.0, "Latitude": 34.48, "Longitude": -117.15, "Population": 186.0}, {"index": 13825, "quantile": 0.75, "value": 97475.0, "Latitude": 34.48, "Longitude": -117.15, "Population": 186.0}, {"index": 13825, "quantile": 1.0, "value": 250000.0, "Latitude": 34.48, "Longitude": -117.15, "Population": 186.0}, {"index": 13826, "quantile": 0.0, "value": 22500.0, "Latitude": 34.48, "Longitude": -117.18, "Population": 2156.0}, {"index": 13826, "quantile": 0.25, "value": 86900.0, "Latitude": 34.48, "Longitude": -117.18, "Population": 2156.0}, {"index": 13826, "quantile": 0.5, "value": 86900.0, "Latitude": 34.48, "Longitude": -117.18, "Population": 2156.0}, {"index": 13826, "quantile": 0.75, "value": 96500.0, "Latitude": 34.48, "Longitude": -117.18, "Population": 2156.0}, {"index": 13826, "quantile": 1.0, "value": 117200.0, "Latitude": 34.48, "Longitude": -117.18, "Population": 2156.0}, {"index": 13827, "quantile": 0.0, "value": 74300.0, "Latitude": 34.48, "Longitude": -117.2, "Population": 2764.0}, {"index": 13827, "quantile": 0.25, "value": 101899.99999999999, "Latitude": 34.48, "Longitude": -117.2, "Population": 2764.0}, {"index": 13827, "quantile": 0.5, "value": 101899.99999999999, "Latitude": 34.48, "Longitude": -117.2, "Population": 2764.0}, {"index": 13827, "quantile": 0.75, "value": 101899.99999999999, "Latitude": 34.48, "Longitude": -117.2, "Population": 2764.0}, {"index": 13827, "quantile": 1.0, "value": 132700.0, "Latitude": 34.48, "Longitude": -117.2, "Population": 2764.0}, {"index": 13828, "quantile": 0.0, "value": 90800.0, "Latitude": 34.48, "Longitude": -117.22, "Population": 1217.0}, {"index": 13828, "quantile": 0.25, "value": 109900.0, "Latitude": 34.48, "Longitude": -117.22, "Population": 1217.0}, {"index": 13828, "quantile": 0.5, "value": 109900.0, "Latitude": 34.48, "Longitude": -117.22, "Population": 1217.0}, {"index": 13828, "quantile": 0.75, "value": 109900.0, "Latitude": 34.48, "Longitude": -117.22, "Population": 1217.0}, {"index": 13828, "quantile": 1.0, "value": 148500.0, "Latitude": 34.48, "Longitude": -117.22, "Population": 1217.0}, {"index": 13829, "quantile": 0.0, "value": 74300.0, "Latitude": 34.53, "Longitude": -117.26, "Population": 1283.0}, {"index": 13829, "quantile": 0.25, "value": 135400.0, "Latitude": 34.53, "Longitude": -117.26, "Population": 1283.0}, {"index": 13829, "quantile": 0.5, "value": 151600.0, "Latitude": 34.53, "Longitude": -117.26, "Population": 1283.0}, {"index": 13829, "quantile": 0.75, "value": 151600.0, "Latitude": 34.53, "Longitude": -117.26, "Population": 1283.0}, {"index": 13829, "quantile": 1.0, "value": 292900.0, "Latitude": 34.53, "Longitude": -117.26, "Population": 1283.0}, {"index": 13830, "quantile": 0.0, "value": 87200.0, "Latitude": 34.51, "Longitude": -117.25, "Population": 1522.0}, {"index": 13830, "quantile": 0.25, "value": 126499.99999999999, "Latitude": 34.51, "Longitude": -117.25, "Population": 1522.0}, {"index": 13830, "quantile": 0.5, "value": 143500.0, "Latitude": 34.51, "Longitude": -117.25, "Population": 1522.0}, {"index": 13830, "quantile": 0.75, "value": 152400.0, "Latitude": 34.51, "Longitude": -117.25, "Population": 1522.0}, {"index": 13830, "quantile": 1.0, "value": 291500.0, "Latitude": 34.51, "Longitude": -117.25, "Population": 1522.0}, {"index": 13831, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 34.51, "Longitude": -117.23, "Population": 2158.0}, {"index": 13831, "quantile": 0.25, "value": 167800.0, "Latitude": 34.51, "Longitude": -117.23, "Population": 2158.0}, {"index": 13831, "quantile": 0.5, "value": 167800.0, "Latitude": 34.51, "Longitude": -117.23, "Population": 2158.0}, {"index": 13831, "quantile": 0.75, "value": 167800.0, "Latitude": 34.51, "Longitude": -117.23, "Population": 2158.0}, {"index": 13831, "quantile": 1.0, "value": 386200.0, "Latitude": 34.51, "Longitude": -117.23, "Population": 2158.0}, {"index": 13832, "quantile": 0.0, "value": 123900.00000000001, "Latitude": 34.51, "Longitude": -117.21, "Population": 1720.0}, {"index": 13832, "quantile": 0.25, "value": 148400.0, "Latitude": 34.51, "Longitude": -117.21, "Population": 1720.0}, {"index": 13832, "quantile": 0.5, "value": 148400.0, "Latitude": 34.51, "Longitude": -117.21, "Population": 1720.0}, {"index": 13832, "quantile": 0.75, "value": 168650.0, "Latitude": 34.51, "Longitude": -117.21, "Population": 1720.0}, {"index": 13832, "quantile": 1.0, "value": 347700.0, "Latitude": 34.51, "Longitude": -117.21, "Population": 1720.0}, {"index": 13833, "quantile": 0.0, "value": 83200.0, "Latitude": 34.53, "Longitude": -117.25, "Population": 2455.0}, {"index": 13833, "quantile": 0.25, "value": 158200.0, "Latitude": 34.53, "Longitude": -117.25, "Population": 2455.0}, {"index": 13833, "quantile": 0.5, "value": 158200.0, "Latitude": 34.53, "Longitude": -117.25, "Population": 2455.0}, {"index": 13833, "quantile": 0.75, "value": 158200.0, "Latitude": 34.53, "Longitude": -117.25, "Population": 2455.0}, {"index": 13833, "quantile": 1.0, "value": 264100.0, "Latitude": 34.53, "Longitude": -117.25, "Population": 2455.0}, {"index": 13834, "quantile": 0.0, "value": 35000.0, "Latitude": 34.54, "Longitude": -117.22, "Population": 6133.0}, {"index": 13834, "quantile": 0.25, "value": 110400.00000000001, "Latitude": 34.54, "Longitude": -117.22, "Population": 6133.0}, {"index": 13834, "quantile": 0.5, "value": 119200.0, "Latitude": 34.54, "Longitude": -117.22, "Population": 6133.0}, {"index": 13834, "quantile": 0.75, "value": 119200.0, "Latitude": 34.54, "Longitude": -117.22, "Population": 6133.0}, {"index": 13834, "quantile": 1.0, "value": 150000.0, "Latitude": 34.54, "Longitude": -117.22, "Population": 6133.0}, {"index": 13835, "quantile": 0.0, "value": 90800.0, "Latitude": 34.52, "Longitude": -117.2, "Population": 2255.0}, {"index": 13835, "quantile": 0.25, "value": 118500.0, "Latitude": 34.52, "Longitude": -117.2, "Population": 2255.0}, {"index": 13835, "quantile": 0.5, "value": 118500.0, "Latitude": 34.52, "Longitude": -117.2, "Population": 2255.0}, {"index": 13835, "quantile": 0.75, "value": 118500.0, "Latitude": 34.52, "Longitude": -117.2, "Population": 2255.0}, {"index": 13835, "quantile": 1.0, "value": 228100.0, "Latitude": 34.52, "Longitude": -117.2, "Population": 2255.0}, {"index": 13836, "quantile": 0.0, "value": 66800.0, "Latitude": 34.51, "Longitude": -117.17, "Population": 2896.0}, {"index": 13836, "quantile": 0.25, "value": 90800.0, "Latitude": 34.51, "Longitude": -117.17, "Population": 2896.0}, {"index": 13836, "quantile": 0.5, "value": 90800.0, "Latitude": 34.51, "Longitude": -117.17, "Population": 2896.0}, {"index": 13836, "quantile": 0.75, "value": 101600.0, "Latitude": 34.51, "Longitude": -117.17, "Population": 2896.0}, {"index": 13836, "quantile": 1.0, "value": 148500.0, "Latitude": 34.51, "Longitude": -117.17, "Population": 2896.0}, {"index": 13837, "quantile": 0.0, "value": 90800.0, "Latitude": 34.54, "Longitude": -117.18, "Population": 2097.0}, {"index": 13837, "quantile": 0.25, "value": 98500.0, "Latitude": 34.54, "Longitude": -117.18, "Population": 2097.0}, {"index": 13837, "quantile": 0.5, "value": 98500.0, "Latitude": 34.54, "Longitude": -117.18, "Population": 2097.0}, {"index": 13837, "quantile": 0.75, "value": 116199.99999999999, "Latitude": 34.54, "Longitude": -117.18, "Population": 2097.0}, {"index": 13837, "quantile": 1.0, "value": 146600.0, "Latitude": 34.54, "Longitude": -117.18, "Population": 2097.0}, {"index": 13838, "quantile": 0.0, "value": 39800.0, "Latitude": 34.53, "Longitude": -117.3, "Population": 1196.0}, {"index": 13838, "quantile": 0.25, "value": 64100.0, "Latitude": 34.53, "Longitude": -117.3, "Population": 1196.0}, {"index": 13838, "quantile": 0.5, "value": 64100.0, "Latitude": 34.53, "Longitude": -117.3, "Population": 1196.0}, {"index": 13838, "quantile": 0.75, "value": 65800.0, "Latitude": 34.53, "Longitude": -117.3, "Population": 1196.0}, {"index": 13838, "quantile": 1.0, "value": 114199.99999999999, "Latitude": 34.53, "Longitude": -117.3, "Population": 1196.0}, {"index": 13839, "quantile": 0.0, "value": 46900.0, "Latitude": 34.54, "Longitude": -117.3, "Population": 1161.0}, {"index": 13839, "quantile": 0.25, "value": 56499.99999999999, "Latitude": 34.54, "Longitude": -117.3, "Population": 1161.0}, {"index": 13839, "quantile": 0.5, "value": 56499.99999999999, "Latitude": 34.54, "Longitude": -117.3, "Population": 1161.0}, {"index": 13839, "quantile": 0.75, "value": 64000.0, "Latitude": 34.54, "Longitude": -117.3, "Population": 1161.0}, {"index": 13839, "quantile": 1.0, "value": 146400.0, "Latitude": 34.54, "Longitude": -117.3, "Population": 1161.0}, {"index": 13840, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 34.54, "Longitude": -117.3, "Population": 1338.0}, {"index": 13840, "quantile": 0.25, "value": 90450.00000000001, "Latitude": 34.54, "Longitude": -117.3, "Population": 1338.0}, {"index": 13840, "quantile": 0.5, "value": 101899.99999999999, "Latitude": 34.54, "Longitude": -117.3, "Population": 1338.0}, {"index": 13840, "quantile": 0.75, "value": 109900.0, "Latitude": 34.54, "Longitude": -117.3, "Population": 1338.0}, {"index": 13840, "quantile": 1.0, "value": 292900.0, "Latitude": 34.54, "Longitude": -117.3, "Population": 1338.0}, {"index": 13841, "quantile": 0.0, "value": 35000.0, "Latitude": 34.53, "Longitude": -117.31, "Population": 1259.0}, {"index": 13841, "quantile": 0.25, "value": 79900.0, "Latitude": 34.53, "Longitude": -117.31, "Population": 1259.0}, {"index": 13841, "quantile": 0.5, "value": 79900.0, "Latitude": 34.53, "Longitude": -117.31, "Population": 1259.0}, {"index": 13841, "quantile": 0.75, "value": 92925.0, "Latitude": 34.53, "Longitude": -117.31, "Population": 1259.0}, {"index": 13841, "quantile": 1.0, "value": 187500.0, "Latitude": 34.53, "Longitude": -117.31, "Population": 1259.0}, {"index": 13842, "quantile": 0.0, "value": 50000.0, "Latitude": 34.55, "Longitude": -117.32, "Population": 188.0}, {"index": 13842, "quantile": 0.25, "value": 79725.0, "Latitude": 34.55, "Longitude": -117.32, "Population": 188.0}, {"index": 13842, "quantile": 0.5, "value": 91700.0, "Latitude": 34.55, "Longitude": -117.32, "Population": 188.0}, {"index": 13842, "quantile": 0.75, "value": 91700.0, "Latitude": 34.55, "Longitude": -117.32, "Population": 188.0}, {"index": 13842, "quantile": 1.0, "value": 275000.0, "Latitude": 34.55, "Longitude": -117.32, "Population": 188.0}, {"index": 13843, "quantile": 0.0, "value": 65600.0, "Latitude": 34.54, "Longitude": -117.32, "Population": 3489.0}, {"index": 13843, "quantile": 0.25, "value": 91175.0, "Latitude": 34.54, "Longitude": -117.32, "Population": 3489.0}, {"index": 13843, "quantile": 0.5, "value": 98100.0, "Latitude": 34.54, "Longitude": -117.32, "Population": 3489.0}, {"index": 13843, "quantile": 0.75, "value": 102000.0, "Latitude": 34.54, "Longitude": -117.32, "Population": 3489.0}, {"index": 13843, "quantile": 1.0, "value": 135800.0, "Latitude": 34.54, "Longitude": -117.32, "Population": 3489.0}, {"index": 13844, "quantile": 0.0, "value": 74300.0, "Latitude": 34.53, "Longitude": -117.33, "Population": 2044.0}, {"index": 13844, "quantile": 0.25, "value": 97100.0, "Latitude": 34.53, "Longitude": -117.33, "Population": 2044.0}, {"index": 13844, "quantile": 0.5, "value": 97100.0, "Latitude": 34.53, "Longitude": -117.33, "Population": 2044.0}, {"index": 13844, "quantile": 0.75, "value": 97100.0, "Latitude": 34.53, "Longitude": -117.33, "Population": 2044.0}, {"index": 13844, "quantile": 1.0, "value": 151600.0, "Latitude": 34.53, "Longitude": -117.33, "Population": 2044.0}, {"index": 13845, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 34.51, "Longitude": -117.34, "Population": 2447.0}, {"index": 13845, "quantile": 0.25, "value": 103099.99999999999, "Latitude": 34.51, "Longitude": -117.34, "Population": 2447.0}, {"index": 13845, "quantile": 0.5, "value": 103099.99999999999, "Latitude": 34.51, "Longitude": -117.34, "Population": 2447.0}, {"index": 13845, "quantile": 0.75, "value": 103099.99999999999, "Latitude": 34.51, "Longitude": -117.34, "Population": 2447.0}, {"index": 13845, "quantile": 1.0, "value": 225000.0, "Latitude": 34.51, "Longitude": -117.34, "Population": 2447.0}, {"index": 13846, "quantile": 0.0, "value": 74300.0, "Latitude": 34.5, "Longitude": -117.35, "Population": 1174.0}, {"index": 13846, "quantile": 0.25, "value": 98000.0, "Latitude": 34.5, "Longitude": -117.35, "Population": 1174.0}, {"index": 13846, "quantile": 0.5, "value": 98000.0, "Latitude": 34.5, "Longitude": -117.35, "Population": 1174.0}, {"index": 13846, "quantile": 0.75, "value": 101899.99999999999, "Latitude": 34.5, "Longitude": -117.35, "Population": 1174.0}, {"index": 13846, "quantile": 1.0, "value": 218400.00000000003, "Latitude": 34.5, "Longitude": -117.35, "Population": 1174.0}, {"index": 13847, "quantile": 0.0, "value": 74300.0, "Latitude": 34.49, "Longitude": -117.34, "Population": 1678.0}, {"index": 13847, "quantile": 0.25, "value": 98000.0, "Latitude": 34.49, "Longitude": -117.34, "Population": 1678.0}, {"index": 13847, "quantile": 0.5, "value": 108800.00000000001, "Latitude": 34.49, "Longitude": -117.34, "Population": 1678.0}, {"index": 13847, "quantile": 0.75, "value": 122550.0, "Latitude": 34.49, "Longitude": -117.34, "Population": 1678.0}, {"index": 13847, "quantile": 1.0, "value": 186100.0, "Latitude": 34.49, "Longitude": -117.34, "Population": 1678.0}, {"index": 13848, "quantile": 0.0, "value": 87500.0, "Latitude": 34.48, "Longitude": -117.36, "Population": 7588.0}, {"index": 13848, "quantile": 0.25, "value": 122100.00000000001, "Latitude": 34.48, "Longitude": -117.36, "Population": 7588.0}, {"index": 13848, "quantile": 0.5, "value": 122100.00000000001, "Latitude": 34.48, "Longitude": -117.36, "Population": 7588.0}, {"index": 13848, "quantile": 0.75, "value": 122100.00000000001, "Latitude": 34.48, "Longitude": -117.36, "Population": 7588.0}, {"index": 13848, "quantile": 1.0, "value": 244400.0, "Latitude": 34.48, "Longitude": -117.36, "Population": 7588.0}, {"index": 13849, "quantile": 0.0, "value": 66800.0, "Latitude": 34.52, "Longitude": -117.3, "Population": 2335.0}, {"index": 13849, "quantile": 0.25, "value": 74300.0, "Latitude": 34.52, "Longitude": -117.3, "Population": 2335.0}, {"index": 13849, "quantile": 0.5, "value": 74300.0, "Latitude": 34.52, "Longitude": -117.3, "Population": 2335.0}, {"index": 13849, "quantile": 0.75, "value": 88325.0, "Latitude": 34.52, "Longitude": -117.3, "Population": 2335.0}, {"index": 13849, "quantile": 1.0, "value": 126800.0, "Latitude": 34.52, "Longitude": -117.3, "Population": 2335.0}, {"index": 13850, "quantile": 0.0, "value": 72000.0, "Latitude": 34.51, "Longitude": -117.32, "Population": 1283.0}, {"index": 13850, "quantile": 0.25, "value": 115599.99999999999, "Latitude": 34.51, "Longitude": -117.32, "Population": 1283.0}, {"index": 13850, "quantile": 0.5, "value": 115599.99999999999, "Latitude": 34.51, "Longitude": -117.32, "Population": 1283.0}, {"index": 13850, "quantile": 0.75, "value": 116400.00000000001, "Latitude": 34.51, "Longitude": -117.32, "Population": 1283.0}, {"index": 13850, "quantile": 1.0, "value": 245500.0, "Latitude": 34.51, "Longitude": -117.32, "Population": 1283.0}, {"index": 13851, "quantile": 0.0, "value": 51000.0, "Latitude": 34.51, "Longitude": -117.31, "Population": 1611.0}, {"index": 13851, "quantile": 0.25, "value": 82300.0, "Latitude": 34.51, "Longitude": -117.31, "Population": 1611.0}, {"index": 13851, "quantile": 0.5, "value": 82300.0, "Latitude": 34.51, "Longitude": -117.31, "Population": 1611.0}, {"index": 13851, "quantile": 0.75, "value": 82300.0, "Latitude": 34.51, "Longitude": -117.31, "Population": 1611.0}, {"index": 13851, "quantile": 1.0, "value": 119200.0, "Latitude": 34.51, "Longitude": -117.31, "Population": 1611.0}, {"index": 13852, "quantile": 0.0, "value": 35000.0, "Latitude": 34.51, "Longitude": -117.28, "Population": 2845.0}, {"index": 13852, "quantile": 0.25, "value": 98425.0, "Latitude": 34.51, "Longitude": -117.28, "Population": 2845.0}, {"index": 13852, "quantile": 0.5, "value": 100400.0, "Latitude": 34.51, "Longitude": -117.28, "Population": 2845.0}, {"index": 13852, "quantile": 0.75, "value": 100400.0, "Latitude": 34.51, "Longitude": -117.28, "Population": 2845.0}, {"index": 13852, "quantile": 1.0, "value": 159400.0, "Latitude": 34.51, "Longitude": -117.28, "Population": 2845.0}, {"index": 13853, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.5, "Longitude": -117.31, "Population": 883.0}, {"index": 13853, "quantile": 0.25, "value": 104349.99999999999, "Latitude": 34.5, "Longitude": -117.31, "Population": 883.0}, {"index": 13853, "quantile": 0.5, "value": 116700.0, "Latitude": 34.5, "Longitude": -117.31, "Population": 883.0}, {"index": 13853, "quantile": 0.75, "value": 116700.0, "Latitude": 34.5, "Longitude": -117.31, "Population": 883.0}, {"index": 13853, "quantile": 1.0, "value": 261300.0, "Latitude": 34.5, "Longitude": -117.31, "Population": 883.0}, {"index": 13854, "quantile": 0.0, "value": 57899.99999999999, "Latitude": 34.49, "Longitude": -117.32, "Population": 2049.0}, {"index": 13854, "quantile": 0.25, "value": 93400.0, "Latitude": 34.49, "Longitude": -117.32, "Population": 2049.0}, {"index": 13854, "quantile": 0.5, "value": 93400.0, "Latitude": 34.49, "Longitude": -117.32, "Population": 2049.0}, {"index": 13854, "quantile": 0.75, "value": 93500.0, "Latitude": 34.49, "Longitude": -117.32, "Population": 2049.0}, {"index": 13854, "quantile": 1.0, "value": 261300.0, "Latitude": 34.49, "Longitude": -117.32, "Population": 2049.0}, {"index": 13855, "quantile": 0.0, "value": 83300.0, "Latitude": 34.49, "Longitude": -117.29, "Population": 3804.0}, {"index": 13855, "quantile": 0.25, "value": 111800.00000000001, "Latitude": 34.49, "Longitude": -117.29, "Population": 3804.0}, {"index": 13855, "quantile": 0.5, "value": 111800.00000000001, "Latitude": 34.49, "Longitude": -117.29, "Population": 3804.0}, {"index": 13855, "quantile": 0.75, "value": 111800.00000000001, "Latitude": 34.49, "Longitude": -117.29, "Population": 3804.0}, {"index": 13855, "quantile": 1.0, "value": 227599.99999999997, "Latitude": 34.49, "Longitude": -117.29, "Population": 3804.0}, {"index": 13856, "quantile": 0.0, "value": 71000.0, "Latitude": 34.48, "Longitude": -117.32, "Population": 2739.0}, {"index": 13856, "quantile": 0.25, "value": 93100.0, "Latitude": 34.48, "Longitude": -117.32, "Population": 2739.0}, {"index": 13856, "quantile": 0.5, "value": 93100.0, "Latitude": 34.48, "Longitude": -117.32, "Population": 2739.0}, {"index": 13856, "quantile": 0.75, "value": 97375.0, "Latitude": 34.48, "Longitude": -117.32, "Population": 2739.0}, {"index": 13856, "quantile": 1.0, "value": 118000.0, "Latitude": 34.48, "Longitude": -117.32, "Population": 2739.0}, {"index": 13857, "quantile": 0.0, "value": 115700.0, "Latitude": 34.5, "Longitude": -117.27, "Population": 878.0}, {"index": 13857, "quantile": 0.25, "value": 204400.0, "Latitude": 34.5, "Longitude": -117.27, "Population": 878.0}, {"index": 13857, "quantile": 0.5, "value": 259600.0, "Latitude": 34.5, "Longitude": -117.27, "Population": 878.0}, {"index": 13857, "quantile": 0.75, "value": 331300.0, "Latitude": 34.5, "Longitude": -117.27, "Population": 878.0}, {"index": 13857, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.5, "Longitude": -117.27, "Population": 878.0}, {"index": 13858, "quantile": 0.0, "value": 84500.0, "Latitude": 34.49, "Longitude": -117.27, "Population": 846.0}, {"index": 13858, "quantile": 0.25, "value": 174500.0, "Latitude": 34.49, "Longitude": -117.27, "Population": 846.0}, {"index": 13858, "quantile": 0.5, "value": 174500.0, "Latitude": 34.49, "Longitude": -117.27, "Population": 846.0}, {"index": 13858, "quantile": 0.75, "value": 174500.0, "Latitude": 34.49, "Longitude": -117.27, "Population": 846.0}, {"index": 13858, "quantile": 1.0, "value": 357900.0, "Latitude": 34.49, "Longitude": -117.27, "Population": 846.0}, {"index": 13859, "quantile": 0.0, "value": 79800.0, "Latitude": 34.48, "Longitude": -117.27, "Population": 690.0}, {"index": 13859, "quantile": 0.25, "value": 111325.00000000001, "Latitude": 34.48, "Longitude": -117.27, "Population": 690.0}, {"index": 13859, "quantile": 0.5, "value": 118500.0, "Latitude": 34.48, "Longitude": -117.27, "Population": 690.0}, {"index": 13859, "quantile": 0.75, "value": 152275.0, "Latitude": 34.48, "Longitude": -117.27, "Population": 690.0}, {"index": 13859, "quantile": 1.0, "value": 228100.0, "Latitude": 34.48, "Longitude": -117.27, "Population": 690.0}, {"index": 13860, "quantile": 0.0, "value": 83200.0, "Latitude": 34.48, "Longitude": -117.26, "Population": 1851.0}, {"index": 13860, "quantile": 0.25, "value": 163100.0, "Latitude": 34.48, "Longitude": -117.26, "Population": 1851.0}, {"index": 13860, "quantile": 0.5, "value": 163100.0, "Latitude": 34.48, "Longitude": -117.26, "Population": 1851.0}, {"index": 13860, "quantile": 0.75, "value": 163100.0, "Latitude": 34.48, "Longitude": -117.26, "Population": 1851.0}, {"index": 13860, "quantile": 1.0, "value": 264100.0, "Latitude": 34.48, "Longitude": -117.26, "Population": 1851.0}, {"index": 13861, "quantile": 0.0, "value": 106300.0, "Latitude": 34.5, "Longitude": -117.27, "Population": 1133.0}, {"index": 13861, "quantile": 0.25, "value": 282950.00000000006, "Latitude": 34.5, "Longitude": -117.27, "Population": 1133.0}, {"index": 13861, "quantile": 0.5, "value": 302600.0, "Latitude": 34.5, "Longitude": -117.27, "Population": 1133.0}, {"index": 13861, "quantile": 0.75, "value": 302600.0, "Latitude": 34.5, "Longitude": -117.27, "Population": 1133.0}, {"index": 13861, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.5, "Longitude": -117.27, "Population": 1133.0}, {"index": 13862, "quantile": 0.0, "value": 68700.0, "Latitude": 34.41, "Longitude": -117.25, "Population": 1606.0}, {"index": 13862, "quantile": 0.25, "value": 94100.0, "Latitude": 34.41, "Longitude": -117.25, "Population": 1606.0}, {"index": 13862, "quantile": 0.5, "value": 119700.0, "Latitude": 34.41, "Longitude": -117.25, "Population": 1606.0}, {"index": 13862, "quantile": 0.75, "value": 119700.0, "Latitude": 34.41, "Longitude": -117.25, "Population": 1606.0}, {"index": 13862, "quantile": 1.0, "value": 124500.00000000001, "Latitude": 34.41, "Longitude": -117.25, "Population": 1606.0}, {"index": 13863, "quantile": 0.0, "value": 73200.0, "Latitude": 34.41, "Longitude": -117.28, "Population": 960.0}, {"index": 13863, "quantile": 0.25, "value": 98100.0, "Latitude": 34.41, "Longitude": -117.28, "Population": 960.0}, {"index": 13863, "quantile": 0.5, "value": 108000.0, "Latitude": 34.41, "Longitude": -117.28, "Population": 960.0}, {"index": 13863, "quantile": 0.75, "value": 115150.0, "Latitude": 34.41, "Longitude": -117.28, "Population": 960.0}, {"index": 13863, "quantile": 1.0, "value": 212300.00000000003, "Latitude": 34.41, "Longitude": -117.28, "Population": 960.0}, {"index": 13864, "quantile": 0.0, "value": 44600.0, "Latitude": 34.41, "Longitude": -117.29, "Population": 2756.0}, {"index": 13864, "quantile": 0.25, "value": 72400.0, "Latitude": 34.41, "Longitude": -117.29, "Population": 2756.0}, {"index": 13864, "quantile": 0.5, "value": 93400.0, "Latitude": 34.41, "Longitude": -117.29, "Population": 2756.0}, {"index": 13864, "quantile": 0.75, "value": 103099.99999999999, "Latitude": 34.41, "Longitude": -117.29, "Population": 2756.0}, {"index": 13864, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.41, "Longitude": -117.29, "Population": 2756.0}, {"index": 13865, "quantile": 0.0, "value": 98000.0, "Latitude": 34.39, "Longitude": -117.3, "Population": 1876.0}, {"index": 13865, "quantile": 0.25, "value": 105100.0, "Latitude": 34.39, "Longitude": -117.3, "Population": 1876.0}, {"index": 13865, "quantile": 0.5, "value": 105100.0, "Latitude": 34.39, "Longitude": -117.3, "Population": 1876.0}, {"index": 13865, "quantile": 0.75, "value": 106300.0, "Latitude": 34.39, "Longitude": -117.3, "Population": 1876.0}, {"index": 13865, "quantile": 1.0, "value": 167100.0, "Latitude": 34.39, "Longitude": -117.3, "Population": 1876.0}, {"index": 13866, "quantile": 0.0, "value": 90800.0, "Latitude": 34.4, "Longitude": -117.27, "Population": 3031.0}, {"index": 13866, "quantile": 0.25, "value": 108800.00000000001, "Latitude": 34.4, "Longitude": -117.27, "Population": 3031.0}, {"index": 13866, "quantile": 0.5, "value": 124400.0, "Latitude": 34.4, "Longitude": -117.27, "Population": 3031.0}, {"index": 13866, "quantile": 0.75, "value": 124400.0, "Latitude": 34.4, "Longitude": -117.27, "Population": 3031.0}, {"index": 13866, "quantile": 1.0, "value": 146800.0, "Latitude": 34.4, "Longitude": -117.27, "Population": 3031.0}, {"index": 13867, "quantile": 0.0, "value": 94500.0, "Latitude": 34.39, "Longitude": -117.27, "Population": 3660.0}, {"index": 13867, "quantile": 0.25, "value": 125699.99999999999, "Latitude": 34.39, "Longitude": -117.27, "Population": 3660.0}, {"index": 13867, "quantile": 0.5, "value": 125699.99999999999, "Latitude": 34.39, "Longitude": -117.27, "Population": 3660.0}, {"index": 13867, "quantile": 0.75, "value": 126499.99999999999, "Latitude": 34.39, "Longitude": -117.27, "Population": 3660.0}, {"index": 13867, "quantile": 1.0, "value": 195600.0, "Latitude": 34.39, "Longitude": -117.27, "Population": 3660.0}, {"index": 13868, "quantile": 0.0, "value": 87200.0, "Latitude": 34.35, "Longitude": -117.31, "Population": 1074.0}, {"index": 13868, "quantile": 0.25, "value": 151900.0, "Latitude": 34.35, "Longitude": -117.31, "Population": 1074.0}, {"index": 13868, "quantile": 0.5, "value": 151900.0, "Latitude": 34.35, "Longitude": -117.31, "Population": 1074.0}, {"index": 13868, "quantile": 0.75, "value": 151900.0, "Latitude": 34.35, "Longitude": -117.31, "Population": 1074.0}, {"index": 13868, "quantile": 1.0, "value": 318500.0, "Latitude": 34.35, "Longitude": -117.31, "Population": 1074.0}, {"index": 13869, "quantile": 0.0, "value": 51300.0, "Latitude": 34.41, "Longitude": -117.31, "Population": 1639.0}, {"index": 13869, "quantile": 0.25, "value": 75800.0, "Latitude": 34.41, "Longitude": -117.31, "Population": 1639.0}, {"index": 13869, "quantile": 0.5, "value": 85500.0, "Latitude": 34.41, "Longitude": -117.31, "Population": 1639.0}, {"index": 13869, "quantile": 0.75, "value": 93400.0, "Latitude": 34.41, "Longitude": -117.31, "Population": 1639.0}, {"index": 13869, "quantile": 1.0, "value": 124500.00000000001, "Latitude": 34.41, "Longitude": -117.31, "Population": 1639.0}, {"index": 13870, "quantile": 0.0, "value": 64400.0, "Latitude": 34.41, "Longitude": -117.32, "Population": 1038.0}, {"index": 13870, "quantile": 0.25, "value": 120100.0, "Latitude": 34.41, "Longitude": -117.32, "Population": 1038.0}, {"index": 13870, "quantile": 0.5, "value": 120100.0, "Latitude": 34.41, "Longitude": -117.32, "Population": 1038.0}, {"index": 13870, "quantile": 0.75, "value": 120100.0, "Latitude": 34.41, "Longitude": -117.32, "Population": 1038.0}, {"index": 13870, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 34.41, "Longitude": -117.32, "Population": 1038.0}, {"index": 13871, "quantile": 0.0, "value": 92500.0, "Latitude": 34.41, "Longitude": -117.33, "Population": 1767.0}, {"index": 13871, "quantile": 0.25, "value": 113500.0, "Latitude": 34.41, "Longitude": -117.33, "Population": 1767.0}, {"index": 13871, "quantile": 0.5, "value": 113500.0, "Latitude": 34.41, "Longitude": -117.33, "Population": 1767.0}, {"index": 13871, "quantile": 0.75, "value": 113500.0, "Latitude": 34.41, "Longitude": -117.33, "Population": 1767.0}, {"index": 13871, "quantile": 1.0, "value": 158200.0, "Latitude": 34.41, "Longitude": -117.33, "Population": 1767.0}, {"index": 13872, "quantile": 0.0, "value": 86700.0, "Latitude": 34.39, "Longitude": -117.34, "Population": 2216.0}, {"index": 13872, "quantile": 0.25, "value": 100499.99999999999, "Latitude": 34.39, "Longitude": -117.34, "Population": 2216.0}, {"index": 13872, "quantile": 0.5, "value": 100499.99999999999, "Latitude": 34.39, "Longitude": -117.34, "Population": 2216.0}, {"index": 13872, "quantile": 0.75, "value": 106300.0, "Latitude": 34.39, "Longitude": -117.34, "Population": 2216.0}, {"index": 13872, "quantile": 1.0, "value": 133600.0, "Latitude": 34.39, "Longitude": -117.34, "Population": 2216.0}, {"index": 13873, "quantile": 0.0, "value": 91400.0, "Latitude": 34.39, "Longitude": -117.31, "Population": 847.0}, {"index": 13873, "quantile": 0.25, "value": 118500.0, "Latitude": 34.39, "Longitude": -117.31, "Population": 847.0}, {"index": 13873, "quantile": 0.5, "value": 123400.0, "Latitude": 34.39, "Longitude": -117.31, "Population": 847.0}, {"index": 13873, "quantile": 0.75, "value": 123400.0, "Latitude": 34.39, "Longitude": -117.31, "Population": 847.0}, {"index": 13873, "quantile": 1.0, "value": 158200.0, "Latitude": 34.39, "Longitude": -117.31, "Population": 847.0}, {"index": 13874, "quantile": 0.0, "value": 84500.0, "Latitude": 34.38, "Longitude": -117.39, "Population": 3527.0}, {"index": 13874, "quantile": 0.25, "value": 109900.0, "Latitude": 34.38, "Longitude": -117.39, "Population": 3527.0}, {"index": 13874, "quantile": 0.5, "value": 115249.99999999999, "Latitude": 34.38, "Longitude": -117.39, "Population": 3527.0}, {"index": 13874, "quantile": 0.75, "value": 124400.0, "Latitude": 34.38, "Longitude": -117.39, "Population": 3527.0}, {"index": 13874, "quantile": 1.0, "value": 244400.0, "Latitude": 34.38, "Longitude": -117.39, "Population": 3527.0}, {"index": 13875, "quantile": 0.0, "value": 77600.0, "Latitude": 34.46, "Longitude": -117.3, "Population": 3883.0}, {"index": 13875, "quantile": 0.25, "value": 98200.0, "Latitude": 34.46, "Longitude": -117.3, "Population": 3883.0}, {"index": 13875, "quantile": 0.5, "value": 98200.0, "Latitude": 34.46, "Longitude": -117.3, "Population": 3883.0}, {"index": 13875, "quantile": 0.75, "value": 98200.0, "Latitude": 34.46, "Longitude": -117.3, "Population": 3883.0}, {"index": 13875, "quantile": 1.0, "value": 150000.0, "Latitude": 34.46, "Longitude": -117.3, "Population": 3883.0}, {"index": 13876, "quantile": 0.0, "value": 90800.0, "Latitude": 34.44, "Longitude": -117.31, "Population": 1056.0}, {"index": 13876, "quantile": 0.25, "value": 100499.99999999999, "Latitude": 34.44, "Longitude": -117.31, "Population": 1056.0}, {"index": 13876, "quantile": 0.5, "value": 109350.00000000001, "Latitude": 34.44, "Longitude": -117.31, "Population": 1056.0}, {"index": 13876, "quantile": 0.75, "value": 124400.0, "Latitude": 34.44, "Longitude": -117.31, "Population": 1056.0}, {"index": 13876, "quantile": 1.0, "value": 314100.0, "Latitude": 34.44, "Longitude": -117.31, "Population": 1056.0}, {"index": 13877, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 34.43, "Longitude": -117.31, "Population": 3126.0}, {"index": 13877, "quantile": 0.25, "value": 72600.0, "Latitude": 34.43, "Longitude": -117.31, "Population": 3126.0}, {"index": 13877, "quantile": 0.5, "value": 78000.0, "Latitude": 34.43, "Longitude": -117.31, "Population": 3126.0}, {"index": 13877, "quantile": 0.75, "value": 89400.0, "Latitude": 34.43, "Longitude": -117.31, "Population": 3126.0}, {"index": 13877, "quantile": 1.0, "value": 124500.00000000001, "Latitude": 34.43, "Longitude": -117.31, "Population": 3126.0}, {"index": 13878, "quantile": 0.0, "value": 70800.0, "Latitude": 34.44, "Longitude": -117.35, "Population": 6716.0}, {"index": 13878, "quantile": 0.25, "value": 93300.0, "Latitude": 34.44, "Longitude": -117.35, "Population": 6716.0}, {"index": 13878, "quantile": 0.5, "value": 102000.0, "Latitude": 34.44, "Longitude": -117.35, "Population": 6716.0}, {"index": 13878, "quantile": 0.75, "value": 106300.0, "Latitude": 34.44, "Longitude": -117.35, "Population": 6716.0}, {"index": 13878, "quantile": 1.0, "value": 187500.0, "Latitude": 34.44, "Longitude": -117.35, "Population": 6716.0}, {"index": 13879, "quantile": 0.0, "value": 83200.0, "Latitude": 34.44, "Longitude": -117.38, "Population": 2541.0}, {"index": 13879, "quantile": 0.25, "value": 121400.0, "Latitude": 34.44, "Longitude": -117.38, "Population": 2541.0}, {"index": 13879, "quantile": 0.5, "value": 121400.0, "Latitude": 34.44, "Longitude": -117.38, "Population": 2541.0}, {"index": 13879, "quantile": 0.75, "value": 125699.99999999999, "Latitude": 34.44, "Longitude": -117.38, "Population": 2541.0}, {"index": 13879, "quantile": 1.0, "value": 249100.0, "Latitude": 34.44, "Longitude": -117.38, "Population": 2541.0}, {"index": 13880, "quantile": 0.0, "value": 71000.0, "Latitude": 34.46, "Longitude": -117.34, "Population": 3515.0}, {"index": 13880, "quantile": 0.25, "value": 102000.0, "Latitude": 34.46, "Longitude": -117.34, "Population": 3515.0}, {"index": 13880, "quantile": 0.5, "value": 102000.0, "Latitude": 34.46, "Longitude": -117.34, "Population": 3515.0}, {"index": 13880, "quantile": 0.75, "value": 102000.0, "Latitude": 34.46, "Longitude": -117.34, "Population": 3515.0}, {"index": 13880, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 34.46, "Longitude": -117.34, "Population": 3515.0}, {"index": 13881, "quantile": 0.0, "value": 88300.0, "Latitude": 34.42, "Longitude": -117.27, "Population": 3166.0}, {"index": 13881, "quantile": 0.25, "value": 93300.0, "Latitude": 34.42, "Longitude": -117.27, "Population": 3166.0}, {"index": 13881, "quantile": 0.5, "value": 93300.0, "Latitude": 34.42, "Longitude": -117.27, "Population": 3166.0}, {"index": 13881, "quantile": 0.75, "value": 93300.0, "Latitude": 34.42, "Longitude": -117.27, "Population": 3166.0}, {"index": 13881, "quantile": 1.0, "value": 133600.0, "Latitude": 34.42, "Longitude": -117.27, "Population": 3166.0}, {"index": 13882, "quantile": 0.0, "value": 74300.0, "Latitude": 34.43, "Longitude": -117.26, "Population": 2534.0}, {"index": 13882, "quantile": 0.25, "value": 93300.0, "Latitude": 34.43, "Longitude": -117.26, "Population": 2534.0}, {"index": 13882, "quantile": 0.5, "value": 98900.0, "Latitude": 34.43, "Longitude": -117.26, "Population": 2534.0}, {"index": 13882, "quantile": 0.75, "value": 108800.00000000001, "Latitude": 34.43, "Longitude": -117.26, "Population": 2534.0}, {"index": 13882, "quantile": 1.0, "value": 162500.0, "Latitude": 34.43, "Longitude": -117.26, "Population": 2534.0}, {"index": 13883, "quantile": 0.0, "value": 90600.0, "Latitude": 34.45, "Longitude": -117.27, "Population": 3213.0}, {"index": 13883, "quantile": 0.25, "value": 108800.00000000001, "Latitude": 34.45, "Longitude": -117.27, "Population": 3213.0}, {"index": 13883, "quantile": 0.5, "value": 108800.00000000001, "Latitude": 34.45, "Longitude": -117.27, "Population": 3213.0}, {"index": 13883, "quantile": 0.75, "value": 108800.00000000001, "Latitude": 34.45, "Longitude": -117.27, "Population": 3213.0}, {"index": 13883, "quantile": 1.0, "value": 167600.0, "Latitude": 34.45, "Longitude": -117.27, "Population": 3213.0}, {"index": 13884, "quantile": 0.0, "value": 22500.0, "Latitude": 34.89, "Longitude": -116.72, "Population": 1640.0}, {"index": 13884, "quantile": 0.25, "value": 81700.0, "Latitude": 34.89, "Longitude": -116.72, "Population": 1640.0}, {"index": 13884, "quantile": 0.5, "value": 81700.0, "Latitude": 34.89, "Longitude": -116.72, "Population": 1640.0}, {"index": 13884, "quantile": 0.75, "value": 82100.0, "Latitude": 34.89, "Longitude": -116.72, "Population": 1640.0}, {"index": 13884, "quantile": 1.0, "value": 148200.0, "Latitude": 34.89, "Longitude": -116.72, "Population": 1640.0}, {"index": 13885, "quantile": 0.0, "value": 40400.0, "Latitude": 35.55, "Longitude": -115.93, "Population": 754.0}, {"index": 13885, "quantile": 0.25, "value": 68250.00000000001, "Latitude": 35.55, "Longitude": -115.93, "Population": 754.0}, {"index": 13885, "quantile": 0.5, "value": 79800.0, "Latitude": 35.55, "Longitude": -115.93, "Population": 754.0}, {"index": 13885, "quantile": 0.75, "value": 88650.0, "Latitude": 35.55, "Longitude": -115.93, "Population": 754.0}, {"index": 13885, "quantile": 1.0, "value": 185400.0, "Latitude": 35.55, "Longitude": -115.93, "Population": 754.0}, {"index": 13886, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 35.23, "Longitude": -115.75, "Population": 132.0}, {"index": 13886, "quantile": 0.25, "value": 72900.0, "Latitude": 35.23, "Longitude": -115.75, "Population": 132.0}, {"index": 13886, "quantile": 0.5, "value": 112050.0, "Latitude": 35.23, "Longitude": -115.75, "Population": 132.0}, {"index": 13886, "quantile": 0.75, "value": 153275.0, "Latitude": 35.23, "Longitude": -115.75, "Population": 132.0}, {"index": 13886, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.23, "Longitude": -115.75, "Population": 132.0}, {"index": 13887, "quantile": 0.0, "value": 22500.0, "Latitude": 34.91, "Longitude": -115.53, "Population": 246.0}, {"index": 13887, "quantile": 0.25, "value": 78400.0, "Latitude": 34.91, "Longitude": -115.53, "Population": 246.0}, {"index": 13887, "quantile": 0.5, "value": 96449.99999999999, "Latitude": 34.91, "Longitude": -115.53, "Population": 246.0}, {"index": 13887, "quantile": 0.75, "value": 144000.0, "Latitude": 34.91, "Longitude": -115.53, "Population": 246.0}, {"index": 13887, "quantile": 1.0, "value": 187500.0, "Latitude": 34.91, "Longitude": -115.53, "Population": 246.0}, {"index": 13888, "quantile": 0.0, "value": 32900.0, "Latitude": 34.85, "Longitude": -116.51, "Population": 1281.0}, {"index": 13888, "quantile": 0.25, "value": 67250.00000000001, "Latitude": 34.85, "Longitude": -116.51, "Population": 1281.0}, {"index": 13888, "quantile": 0.5, "value": 78100.0, "Latitude": 34.85, "Longitude": -116.51, "Population": 1281.0}, {"index": 13888, "quantile": 0.75, "value": 91100.0, "Latitude": 34.85, "Longitude": -116.51, "Population": 1281.0}, {"index": 13888, "quantile": 1.0, "value": 153500.0, "Latitude": 34.85, "Longitude": -116.51, "Population": 1281.0}, {"index": 13889, "quantile": 0.0, "value": 22500.0, "Latitude": 35.43, "Longitude": -116.57, "Population": 6835.0}, {"index": 13889, "quantile": 0.25, "value": 22500.0, "Latitude": 35.43, "Longitude": -116.57, "Population": 6835.0}, {"index": 13889, "quantile": 0.5, "value": 22500.0, "Latitude": 35.43, "Longitude": -116.57, "Population": 6835.0}, {"index": 13889, "quantile": 0.75, "value": 81700.0, "Latitude": 35.43, "Longitude": -116.57, "Population": 6835.0}, {"index": 13889, "quantile": 1.0, "value": 262500.0, "Latitude": 35.43, "Longitude": -116.57, "Population": 6835.0}, {"index": 13890, "quantile": 0.0, "value": 35000.0, "Latitude": 34.45, "Longitude": -116.14, "Population": 11139.0}, {"index": 13890, "quantile": 0.25, "value": 61400.0, "Latitude": 34.45, "Longitude": -116.14, "Population": 11139.0}, {"index": 13890, "quantile": 0.5, "value": 66800.0, "Latitude": 34.45, "Longitude": -116.14, "Population": 11139.0}, {"index": 13890, "quantile": 0.75, "value": 79200.0, "Latitude": 34.45, "Longitude": -116.14, "Population": 11139.0}, {"index": 13890, "quantile": 1.0, "value": 262500.0, "Latitude": 34.45, "Longitude": -116.14, "Population": 11139.0}, {"index": 13891, "quantile": 0.0, "value": 59400.0, "Latitude": 34.1, "Longitude": -116.32, "Population": 1403.0}, {"index": 13891, "quantile": 0.25, "value": 81000.0, "Latitude": 34.1, "Longitude": -116.32, "Population": 1403.0}, {"index": 13891, "quantile": 0.5, "value": 81000.0, "Latitude": 34.1, "Longitude": -116.32, "Population": 1403.0}, {"index": 13891, "quantile": 0.75, "value": 103624.99999999999, "Latitude": 34.1, "Longitude": -116.32, "Population": 1403.0}, {"index": 13891, "quantile": 1.0, "value": 293900.0, "Latitude": 34.1, "Longitude": -116.32, "Population": 1403.0}, {"index": 13892, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 34.13, "Longitude": -116.27, "Population": 184.0}, {"index": 13892, "quantile": 0.25, "value": 87500.0, "Latitude": 34.13, "Longitude": -116.27, "Population": 184.0}, {"index": 13892, "quantile": 0.5, "value": 97849.99999999999, "Latitude": 34.13, "Longitude": -116.27, "Population": 184.0}, {"index": 13892, "quantile": 0.75, "value": 161300.0, "Latitude": 34.13, "Longitude": -116.27, "Population": 184.0}, {"index": 13892, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -116.27, "Population": 184.0}, {"index": 13893, "quantile": 0.0, "value": 44400.0, "Latitude": 34.13, "Longitude": -116.31, "Population": 1217.0}, {"index": 13893, "quantile": 0.25, "value": 55400.00000000001, "Latitude": 34.13, "Longitude": -116.31, "Population": 1217.0}, {"index": 13893, "quantile": 0.5, "value": 55400.00000000001, "Latitude": 34.13, "Longitude": -116.31, "Population": 1217.0}, {"index": 13893, "quantile": 0.75, "value": 59749.99999999999, "Latitude": 34.13, "Longitude": -116.31, "Population": 1217.0}, {"index": 13893, "quantile": 1.0, "value": 93800.0, "Latitude": 34.13, "Longitude": -116.31, "Population": 1217.0}, {"index": 13894, "quantile": 0.0, "value": 44400.0, "Latitude": 34.13, "Longitude": -116.35, "Population": 805.0}, {"index": 13894, "quantile": 0.25, "value": 62300.0, "Latitude": 34.13, "Longitude": -116.35, "Population": 805.0}, {"index": 13894, "quantile": 0.5, "value": 62300.0, "Latitude": 34.13, "Longitude": -116.35, "Population": 805.0}, {"index": 13894, "quantile": 0.75, "value": 62300.0, "Latitude": 34.13, "Longitude": -116.35, "Population": 805.0}, {"index": 13894, "quantile": 1.0, "value": 95600.0, "Latitude": 34.13, "Longitude": -116.35, "Population": 805.0}, {"index": 13895, "quantile": 0.0, "value": 53400.0, "Latitude": 34.14, "Longitude": -116.32, "Population": 994.0}, {"index": 13895, "quantile": 0.25, "value": 60700.0, "Latitude": 34.14, "Longitude": -116.32, "Population": 994.0}, {"index": 13895, "quantile": 0.5, "value": 65300.0, "Latitude": 34.14, "Longitude": -116.32, "Population": 994.0}, {"index": 13895, "quantile": 0.75, "value": 72449.99999999999, "Latitude": 34.14, "Longitude": -116.32, "Population": 994.0}, {"index": 13895, "quantile": 1.0, "value": 95800.0, "Latitude": 34.14, "Longitude": -116.32, "Population": 994.0}, {"index": 13896, "quantile": 0.0, "value": 44400.0, "Latitude": 34.15, "Longitude": -116.33, "Population": 735.0}, {"index": 13896, "quantile": 0.25, "value": 61000.0, "Latitude": 34.15, "Longitude": -116.33, "Population": 735.0}, {"index": 13896, "quantile": 0.5, "value": 62300.0, "Latitude": 34.15, "Longitude": -116.33, "Population": 735.0}, {"index": 13896, "quantile": 0.75, "value": 66825.0, "Latitude": 34.15, "Longitude": -116.33, "Population": 735.0}, {"index": 13896, "quantile": 1.0, "value": 169300.0, "Latitude": 34.15, "Longitude": -116.33, "Population": 735.0}, {"index": 13897, "quantile": 0.0, "value": 53500.0, "Latitude": 34.18, "Longitude": -116.29, "Population": 1756.0}, {"index": 13897, "quantile": 0.25, "value": 60800.0, "Latitude": 34.18, "Longitude": -116.29, "Population": 1756.0}, {"index": 13897, "quantile": 0.5, "value": 60800.0, "Latitude": 34.18, "Longitude": -116.29, "Population": 1756.0}, {"index": 13897, "quantile": 0.75, "value": 62400.0, "Latitude": 34.18, "Longitude": -116.29, "Population": 1756.0}, {"index": 13897, "quantile": 1.0, "value": 115300.0, "Latitude": 34.18, "Longitude": -116.29, "Population": 1756.0}, {"index": 13898, "quantile": 0.0, "value": 51300.0, "Latitude": 34.23, "Longitude": -116.62, "Population": 1586.0}, {"index": 13898, "quantile": 0.25, "value": 67400.0, "Latitude": 34.23, "Longitude": -116.62, "Population": 1586.0}, {"index": 13898, "quantile": 0.5, "value": 67400.0, "Latitude": 34.23, "Longitude": -116.62, "Population": 1586.0}, {"index": 13898, "quantile": 0.75, "value": 108149.99999999999, "Latitude": 34.23, "Longitude": -116.62, "Population": 1586.0}, {"index": 13898, "quantile": 1.0, "value": 221900.0, "Latitude": 34.23, "Longitude": -116.62, "Population": 1586.0}, {"index": 13899, "quantile": 0.0, "value": 32900.0, "Latitude": 34.52, "Longitude": -116.73, "Population": 433.0}, {"index": 13899, "quantile": 0.25, "value": 67400.0, "Latitude": 34.52, "Longitude": -116.73, "Population": 433.0}, {"index": 13899, "quantile": 0.5, "value": 77700.0, "Latitude": 34.52, "Longitude": -116.73, "Population": 433.0}, {"index": 13899, "quantile": 0.75, "value": 95225.0, "Latitude": 34.52, "Longitude": -116.73, "Population": 433.0}, {"index": 13899, "quantile": 1.0, "value": 262500.0, "Latitude": 34.52, "Longitude": -116.73, "Population": 433.0}, {"index": 13900, "quantile": 0.0, "value": 47800.0, "Latitude": 34.45, "Longitude": -116.51, "Population": 2330.0}, {"index": 13900, "quantile": 0.25, "value": 51300.0, "Latitude": 34.45, "Longitude": -116.51, "Population": 2330.0}, {"index": 13900, "quantile": 0.5, "value": 51300.0, "Latitude": 34.45, "Longitude": -116.51, "Population": 2330.0}, {"index": 13900, "quantile": 0.75, "value": 67400.0, "Latitude": 34.45, "Longitude": -116.51, "Population": 2330.0}, {"index": 13900, "quantile": 1.0, "value": 153500.0, "Latitude": 34.45, "Longitude": -116.51, "Population": 2330.0}, {"index": 13901, "quantile": 0.0, "value": 50000.0, "Latitude": 34.06, "Longitude": -116.56, "Population": 2568.0}, {"index": 13901, "quantile": 0.25, "value": 84000.0, "Latitude": 34.06, "Longitude": -116.56, "Population": 2568.0}, {"index": 13901, "quantile": 0.5, "value": 94350.0, "Latitude": 34.06, "Longitude": -116.56, "Population": 2568.0}, {"index": 13901, "quantile": 0.75, "value": 110900.0, "Latitude": 34.06, "Longitude": -116.56, "Population": 2568.0}, {"index": 13901, "quantile": 1.0, "value": 170700.0, "Latitude": 34.06, "Longitude": -116.56, "Population": 2568.0}, {"index": 13902, "quantile": 0.0, "value": 66300.0, "Latitude": 34.16, "Longitude": -116.44, "Population": 758.0}, {"index": 13902, "quantile": 0.25, "value": 98100.0, "Latitude": 34.16, "Longitude": -116.44, "Population": 758.0}, {"index": 13902, "quantile": 0.5, "value": 98100.0, "Latitude": 34.16, "Longitude": -116.44, "Population": 758.0}, {"index": 13902, "quantile": 0.75, "value": 98100.0, "Latitude": 34.16, "Longitude": -116.44, "Population": 758.0}, {"index": 13902, "quantile": 1.0, "value": 136300.0, "Latitude": 34.16, "Longitude": -116.44, "Population": 758.0}, {"index": 13903, "quantile": 0.0, "value": 45000.0, "Latitude": 34.2, "Longitude": -116.38, "Population": 2517.0}, {"index": 13903, "quantile": 0.25, "value": 61175.0, "Latitude": 34.2, "Longitude": -116.38, "Population": 2517.0}, {"index": 13903, "quantile": 0.5, "value": 66800.0, "Latitude": 34.2, "Longitude": -116.38, "Population": 2517.0}, {"index": 13903, "quantile": 0.75, "value": 73300.0, "Latitude": 34.2, "Longitude": -116.38, "Population": 2517.0}, {"index": 13903, "quantile": 1.0, "value": 124500.00000000001, "Latitude": 34.2, "Longitude": -116.38, "Population": 2517.0}, {"index": 13904, "quantile": 0.0, "value": 55400.00000000001, "Latitude": 34.15, "Longitude": -116.39, "Population": 2709.0}, {"index": 13904, "quantile": 0.25, "value": 71900.0, "Latitude": 34.15, "Longitude": -116.39, "Population": 2709.0}, {"index": 13904, "quantile": 0.5, "value": 73300.0, "Latitude": 34.15, "Longitude": -116.39, "Population": 2709.0}, {"index": 13904, "quantile": 0.75, "value": 73300.0, "Latitude": 34.15, "Longitude": -116.39, "Population": 2709.0}, {"index": 13904, "quantile": 1.0, "value": 183900.0, "Latitude": 34.15, "Longitude": -116.39, "Population": 2709.0}, {"index": 13905, "quantile": 0.0, "value": 50000.0, "Latitude": 34.12, "Longitude": -116.44, "Population": 2250.0}, {"index": 13905, "quantile": 0.25, "value": 72400.0, "Latitude": 34.12, "Longitude": -116.44, "Population": 2250.0}, {"index": 13905, "quantile": 0.5, "value": 72400.0, "Latitude": 34.12, "Longitude": -116.44, "Population": 2250.0}, {"index": 13905, "quantile": 0.75, "value": 72400.0, "Latitude": 34.12, "Longitude": -116.44, "Population": 2250.0}, {"index": 13905, "quantile": 1.0, "value": 248100.0, "Latitude": 34.12, "Longitude": -116.44, "Population": 2250.0}, {"index": 13906, "quantile": 0.0, "value": 51300.0, "Latitude": 34.07, "Longitude": -116.47, "Population": 2581.0}, {"index": 13906, "quantile": 0.25, "value": 65300.0, "Latitude": 34.07, "Longitude": -116.47, "Population": 2581.0}, {"index": 13906, "quantile": 0.5, "value": 65300.0, "Latitude": 34.07, "Longitude": -116.47, "Population": 2581.0}, {"index": 13906, "quantile": 0.75, "value": 65300.0, "Latitude": 34.07, "Longitude": -116.47, "Population": 2581.0}, {"index": 13906, "quantile": 1.0, "value": 124500.00000000001, "Latitude": 34.07, "Longitude": -116.47, "Population": 2581.0}, {"index": 13907, "quantile": 0.0, "value": 70700.0, "Latitude": 34.1, "Longitude": -116.43, "Population": 2677.0}, {"index": 13907, "quantile": 0.25, "value": 84000.0, "Latitude": 34.1, "Longitude": -116.43, "Population": 2677.0}, {"index": 13907, "quantile": 0.5, "value": 84000.0, "Latitude": 34.1, "Longitude": -116.43, "Population": 2677.0}, {"index": 13907, "quantile": 0.75, "value": 118500.0, "Latitude": 34.1, "Longitude": -116.43, "Population": 2677.0}, {"index": 13907, "quantile": 1.0, "value": 220500.0, "Latitude": 34.1, "Longitude": -116.43, "Population": 2677.0}, {"index": 13908, "quantile": 0.0, "value": 65600.0, "Latitude": 34.09, "Longitude": -116.4, "Population": 2098.0}, {"index": 13908, "quantile": 0.25, "value": 97800.0, "Latitude": 34.09, "Longitude": -116.4, "Population": 2098.0}, {"index": 13908, "quantile": 0.5, "value": 97800.0, "Latitude": 34.09, "Longitude": -116.4, "Population": 2098.0}, {"index": 13908, "quantile": 0.75, "value": 109075.00000000001, "Latitude": 34.09, "Longitude": -116.4, "Population": 2098.0}, {"index": 13908, "quantile": 1.0, "value": 186100.0, "Latitude": 34.09, "Longitude": -116.4, "Population": 2098.0}, {"index": 13909, "quantile": 0.0, "value": 77200.0, "Latitude": 34.12, "Longitude": -116.4, "Population": 2524.0}, {"index": 13909, "quantile": 0.25, "value": 78000.0, "Latitude": 34.12, "Longitude": -116.4, "Population": 2524.0}, {"index": 13909, "quantile": 0.5, "value": 78000.0, "Latitude": 34.12, "Longitude": -116.4, "Population": 2524.0}, {"index": 13909, "quantile": 0.75, "value": 85250.0, "Latitude": 34.12, "Longitude": -116.4, "Population": 2524.0}, {"index": 13909, "quantile": 1.0, "value": 146900.0, "Latitude": 34.12, "Longitude": -116.4, "Population": 2524.0}, {"index": 13910, "quantile": 0.0, "value": 100000.0, "Latitude": 34.1, "Longitude": -116.38, "Population": 841.0}, {"index": 13910, "quantile": 0.25, "value": 116300.0, "Latitude": 34.1, "Longitude": -116.38, "Population": 841.0}, {"index": 13910, "quantile": 0.5, "value": 116300.0, "Latitude": 34.1, "Longitude": -116.38, "Population": 841.0}, {"index": 13910, "quantile": 0.75, "value": 146525.0, "Latitude": 34.1, "Longitude": -116.38, "Population": 841.0}, {"index": 13910, "quantile": 1.0, "value": 281300.0, "Latitude": 34.1, "Longitude": -116.38, "Population": 841.0}, {"index": 13911, "quantile": 0.0, "value": 43900.0, "Latitude": 34.21, "Longitude": -116.22, "Population": 355.0}, {"index": 13911, "quantile": 0.25, "value": 60149.99999999999, "Latitude": 34.21, "Longitude": -116.22, "Population": 355.0}, {"index": 13911, "quantile": 0.5, "value": 66900.0, "Latitude": 34.21, "Longitude": -116.22, "Population": 355.0}, {"index": 13911, "quantile": 0.75, "value": 81300.0, "Latitude": 34.21, "Longitude": -116.22, "Population": 355.0}, {"index": 13911, "quantile": 1.0, "value": 366700.0, "Latitude": 34.21, "Longitude": -116.22, "Population": 355.0}, {"index": 13912, "quantile": 0.0, "value": 42500.0, "Latitude": 34.22, "Longitude": -116.14, "Population": 763.0}, {"index": 13912, "quantile": 0.25, "value": 47800.0, "Latitude": 34.22, "Longitude": -116.14, "Population": 763.0}, {"index": 13912, "quantile": 0.5, "value": 47800.0, "Latitude": 34.22, "Longitude": -116.14, "Population": 763.0}, {"index": 13912, "quantile": 0.75, "value": 65850.00000000001, "Latitude": 34.22, "Longitude": -116.14, "Population": 763.0}, {"index": 13912, "quantile": 1.0, "value": 227300.0, "Latitude": 34.22, "Longitude": -116.14, "Population": 763.0}, {"index": 13913, "quantile": 0.0, "value": 42500.0, "Latitude": 34.2, "Longitude": -116.06, "Population": 383.0}, {"index": 13913, "quantile": 0.25, "value": 65450.00000000001, "Latitude": 34.2, "Longitude": -116.06, "Population": 383.0}, {"index": 13913, "quantile": 0.5, "value": 66900.0, "Latitude": 34.2, "Longitude": -116.06, "Population": 383.0}, {"index": 13913, "quantile": 0.75, "value": 66900.0, "Latitude": 34.2, "Longitude": -116.06, "Population": 383.0}, {"index": 13913, "quantile": 1.0, "value": 93800.0, "Latitude": 34.2, "Longitude": -116.06, "Population": 383.0}, {"index": 13914, "quantile": 0.0, "value": 50000.0, "Latitude": 34.15, "Longitude": -116.06, "Population": 4507.0}, {"index": 13914, "quantile": 0.25, "value": 66800.0, "Latitude": 34.15, "Longitude": -116.06, "Population": 4507.0}, {"index": 13914, "quantile": 0.5, "value": 66800.0, "Latitude": 34.15, "Longitude": -116.06, "Population": 4507.0}, {"index": 13914, "quantile": 0.75, "value": 66800.0, "Latitude": 34.15, "Longitude": -116.06, "Population": 4507.0}, {"index": 13914, "quantile": 1.0, "value": 113100.0, "Latitude": 34.15, "Longitude": -116.06, "Population": 4507.0}, {"index": 13915, "quantile": 0.0, "value": 62800.0, "Latitude": 34.15, "Longitude": -116.09, "Population": 4166.0}, {"index": 13915, "quantile": 0.25, "value": 80250.0, "Latitude": 34.15, "Longitude": -116.09, "Population": 4166.0}, {"index": 13915, "quantile": 0.5, "value": 92000.0, "Latitude": 34.15, "Longitude": -116.09, "Population": 4166.0}, {"index": 13915, "quantile": 0.75, "value": 103000.0, "Latitude": 34.15, "Longitude": -116.09, "Population": 4166.0}, {"index": 13915, "quantile": 1.0, "value": 137500.0, "Latitude": 34.15, "Longitude": -116.09, "Population": 4166.0}, {"index": 13916, "quantile": 0.0, "value": 62800.0, "Latitude": 34.14, "Longitude": -116.15, "Population": 1251.0}, {"index": 13916, "quantile": 0.25, "value": 87475.0, "Latitude": 34.14, "Longitude": -116.15, "Population": 1251.0}, {"index": 13916, "quantile": 0.5, "value": 96900.0, "Latitude": 34.14, "Longitude": -116.15, "Population": 1251.0}, {"index": 13916, "quantile": 0.75, "value": 104375.0, "Latitude": 34.14, "Longitude": -116.15, "Population": 1251.0}, {"index": 13916, "quantile": 1.0, "value": 231800.0, "Latitude": 34.14, "Longitude": -116.15, "Population": 1251.0}, {"index": 13917, "quantile": 0.0, "value": 62300.0, "Latitude": 34.12, "Longitude": -116.05, "Population": 150.0}, {"index": 13917, "quantile": 0.25, "value": 65600.0, "Latitude": 34.12, "Longitude": -116.05, "Population": 150.0}, {"index": 13917, "quantile": 0.5, "value": 65600.0, "Latitude": 34.12, "Longitude": -116.05, "Population": 150.0}, {"index": 13917, "quantile": 0.75, "value": 94975.00000000001, "Latitude": 34.12, "Longitude": -116.05, "Population": 150.0}, {"index": 13917, "quantile": 1.0, "value": 315000.0, "Latitude": 34.12, "Longitude": -116.05, "Population": 150.0}, {"index": 13918, "quantile": 0.0, "value": 68600.0, "Latitude": 34.18, "Longitude": -116.02, "Population": 312.0}, {"index": 13918, "quantile": 0.25, "value": 94500.0, "Latitude": 34.18, "Longitude": -116.02, "Population": 312.0}, {"index": 13918, "quantile": 0.5, "value": 94500.0, "Latitude": 34.18, "Longitude": -116.02, "Population": 312.0}, {"index": 13918, "quantile": 0.75, "value": 96300.0, "Latitude": 34.18, "Longitude": -116.02, "Population": 312.0}, {"index": 13918, "quantile": 1.0, "value": 195900.0, "Latitude": 34.18, "Longitude": -116.02, "Population": 312.0}, {"index": 13919, "quantile": 0.0, "value": 42500.0, "Latitude": 34.2, "Longitude": -115.85, "Population": 890.0}, {"index": 13919, "quantile": 0.25, "value": 47800.0, "Latitude": 34.2, "Longitude": -115.85, "Population": 890.0}, {"index": 13919, "quantile": 0.5, "value": 62800.0, "Latitude": 34.2, "Longitude": -115.85, "Population": 890.0}, {"index": 13919, "quantile": 0.75, "value": 68450.0, "Latitude": 34.2, "Longitude": -115.85, "Population": 890.0}, {"index": 13919, "quantile": 1.0, "value": 225000.0, "Latitude": 34.2, "Longitude": -115.85, "Population": 890.0}, {"index": 13920, "quantile": 0.0, "value": 42500.0, "Latitude": 34.22, "Longitude": -115.52, "Population": 122.0}, {"index": 13920, "quantile": 0.25, "value": 42500.0, "Latitude": 34.22, "Longitude": -115.52, "Population": 122.0}, {"index": 13920, "quantile": 0.5, "value": 42500.0, "Latitude": 34.22, "Longitude": -115.52, "Population": 122.0}, {"index": 13920, "quantile": 0.75, "value": 50000.0, "Latitude": 34.22, "Longitude": -115.52, "Population": 122.0}, {"index": 13920, "quantile": 1.0, "value": 225000.0, "Latitude": 34.22, "Longitude": -115.52, "Population": 122.0}, {"index": 13921, "quantile": 0.0, "value": 47800.0, "Latitude": 34.12, "Longitude": -116.0, "Population": 1358.0}, {"index": 13921, "quantile": 0.25, "value": 57699.99999999999, "Latitude": 34.12, "Longitude": -116.0, "Population": 1358.0}, {"index": 13921, "quantile": 0.5, "value": 57699.99999999999, "Latitude": 34.12, "Longitude": -116.0, "Population": 1358.0}, {"index": 13921, "quantile": 0.75, "value": 66500.0, "Latitude": 34.12, "Longitude": -116.0, "Population": 1358.0}, {"index": 13921, "quantile": 1.0, "value": 76900.0, "Latitude": 34.12, "Longitude": -116.0, "Population": 1358.0}, {"index": 13922, "quantile": 0.0, "value": 32900.0, "Latitude": 34.55, "Longitude": -114.94, "Population": 119.0}, {"index": 13922, "quantile": 0.25, "value": 50000.0, "Latitude": 34.55, "Longitude": -114.94, "Population": 119.0}, {"index": 13922, "quantile": 0.5, "value": 50000.0, "Latitude": 34.55, "Longitude": -114.94, "Population": 119.0}, {"index": 13922, "quantile": 0.75, "value": 50000.0, "Latitude": 34.55, "Longitude": -114.94, "Population": 119.0}, {"index": 13922, "quantile": 1.0, "value": 150000.0, "Latitude": 34.55, "Longitude": -114.94, "Population": 119.0}, {"index": 13923, "quantile": 0.0, "value": 47800.0, "Latitude": 34.4, "Longitude": -114.47, "Population": 1129.0}, {"index": 13923, "quantile": 0.25, "value": 72249.99999999999, "Latitude": 34.4, "Longitude": -114.47, "Population": 1129.0}, {"index": 13923, "quantile": 0.5, "value": 80100.0, "Latitude": 34.4, "Longitude": -114.47, "Population": 1129.0}, {"index": 13923, "quantile": 0.75, "value": 80100.0, "Latitude": 34.4, "Longitude": -114.47, "Population": 1129.0}, {"index": 13923, "quantile": 1.0, "value": 137500.0, "Latitude": 34.4, "Longitude": -114.47, "Population": 1129.0}, {"index": 13924, "quantile": 0.0, "value": 32900.0, "Latitude": 34.19, "Longitude": -114.31, "Population": 1015.0}, {"index": 13924, "quantile": 0.25, "value": 66275.0, "Latitude": 34.19, "Longitude": -114.31, "Population": 1015.0}, {"index": 13924, "quantile": 0.5, "value": 66900.0, "Latitude": 34.19, "Longitude": -114.31, "Population": 1015.0}, {"index": 13924, "quantile": 0.75, "value": 66900.0, "Latitude": 34.19, "Longitude": -114.31, "Population": 1015.0}, {"index": 13924, "quantile": 1.0, "value": 137500.0, "Latitude": 34.19, "Longitude": -114.31, "Population": 1015.0}, {"index": 13925, "quantile": 0.0, "value": 35000.0, "Latitude": 34.83, "Longitude": -114.59, "Population": 375.0}, {"index": 13925, "quantile": 0.25, "value": 48500.0, "Latitude": 34.83, "Longitude": -114.59, "Population": 375.0}, {"index": 13925, "quantile": 0.5, "value": 48500.0, "Latitude": 34.83, "Longitude": -114.59, "Population": 375.0}, {"index": 13925, "quantile": 0.75, "value": 48524.99999999999, "Latitude": 34.83, "Longitude": -114.59, "Population": 375.0}, {"index": 13925, "quantile": 1.0, "value": 120800.0, "Latitude": 34.83, "Longitude": -114.59, "Population": 375.0}, {"index": 13926, "quantile": 0.0, "value": 32900.0, "Latitude": 34.89, "Longitude": -114.65, "Population": 1005.0}, {"index": 13926, "quantile": 0.25, "value": 69100.0, "Latitude": 34.89, "Longitude": -114.65, "Population": 1005.0}, {"index": 13926, "quantile": 0.5, "value": 69100.0, "Latitude": 34.89, "Longitude": -114.65, "Population": 1005.0}, {"index": 13926, "quantile": 0.75, "value": 69100.0, "Latitude": 34.89, "Longitude": -114.65, "Population": 1005.0}, {"index": 13926, "quantile": 1.0, "value": 112500.0, "Latitude": 34.89, "Longitude": -114.65, "Population": 1005.0}, {"index": 13927, "quantile": 0.0, "value": 26600.0, "Latitude": 34.83, "Longitude": -114.6, "Population": 787.0}, {"index": 13927, "quantile": 0.25, "value": 48100.0, "Latitude": 34.83, "Longitude": -114.6, "Population": 787.0}, {"index": 13927, "quantile": 0.5, "value": 48100.0, "Latitude": 34.83, "Longitude": -114.6, "Population": 787.0}, {"index": 13927, "quantile": 0.75, "value": 48600.0, "Latitude": 34.83, "Longitude": -114.6, "Population": 787.0}, {"index": 13927, "quantile": 1.0, "value": 146400.0, "Latitude": 34.83, "Longitude": -114.6, "Population": 787.0}, {"index": 13928, "quantile": 0.0, "value": 26900.0, "Latitude": 34.84, "Longitude": -114.61, "Population": 580.0}, {"index": 13928, "quantile": 0.25, "value": 48600.0, "Latitude": 34.84, "Longitude": -114.61, "Population": 580.0}, {"index": 13928, "quantile": 0.5, "value": 48600.0, "Latitude": 34.84, "Longitude": -114.61, "Population": 580.0}, {"index": 13928, "quantile": 0.75, "value": 48950.0, "Latitude": 34.84, "Longitude": -114.61, "Population": 580.0}, {"index": 13928, "quantile": 1.0, "value": 146400.0, "Latitude": 34.84, "Longitude": -114.61, "Population": 580.0}, {"index": 13929, "quantile": 0.0, "value": 62000.0, "Latitude": 34.83, "Longitude": -114.61, "Population": 1346.0}, {"index": 13929, "quantile": 0.25, "value": 70400.0, "Latitude": 34.83, "Longitude": -114.61, "Population": 1346.0}, {"index": 13929, "quantile": 0.5, "value": 70400.0, "Latitude": 34.83, "Longitude": -114.61, "Population": 1346.0}, {"index": 13929, "quantile": 0.75, "value": 71825.0, "Latitude": 34.83, "Longitude": -114.61, "Population": 1346.0}, {"index": 13929, "quantile": 1.0, "value": 230799.99999999997, "Latitude": 34.83, "Longitude": -114.61, "Population": 1346.0}, {"index": 13930, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 34.83, "Longitude": -114.64, "Population": 1152.0}, {"index": 13930, "quantile": 0.25, "value": 49675.0, "Latitude": 34.83, "Longitude": -114.64, "Population": 1152.0}, {"index": 13930, "quantile": 0.5, "value": 65500.0, "Latitude": 34.83, "Longitude": -114.64, "Population": 1152.0}, {"index": 13930, "quantile": 0.75, "value": 69100.0, "Latitude": 34.83, "Longitude": -114.64, "Population": 1152.0}, {"index": 13930, "quantile": 1.0, "value": 119200.0, "Latitude": 34.83, "Longitude": -114.64, "Population": 1152.0}, {"index": 13931, "quantile": 0.0, "value": 64400.0, "Latitude": 34.28, "Longitude": -117.36, "Population": 1388.0}, {"index": 13931, "quantile": 0.25, "value": 154825.0, "Latitude": 34.28, "Longitude": -117.36, "Population": 1388.0}, {"index": 13931, "quantile": 0.5, "value": 157200.0, "Latitude": 34.28, "Longitude": -117.36, "Population": 1388.0}, {"index": 13931, "quantile": 0.75, "value": 157200.0, "Latitude": 34.28, "Longitude": -117.36, "Population": 1388.0}, {"index": 13931, "quantile": 1.0, "value": 450000.0, "Latitude": 34.28, "Longitude": -117.36, "Population": 1388.0}, {"index": 13932, "quantile": 0.0, "value": 95500.0, "Latitude": 34.26, "Longitude": -117.28, "Population": 1086.0}, {"index": 13932, "quantile": 0.25, "value": 133600.0, "Latitude": 34.26, "Longitude": -117.28, "Population": 1086.0}, {"index": 13932, "quantile": 0.5, "value": 133600.0, "Latitude": 34.26, "Longitude": -117.28, "Population": 1086.0}, {"index": 13932, "quantile": 0.75, "value": 133600.0, "Latitude": 34.26, "Longitude": -117.28, "Population": 1086.0}, {"index": 13932, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -117.28, "Population": 1086.0}, {"index": 13933, "quantile": 0.0, "value": 73400.0, "Latitude": 34.25, "Longitude": -117.31, "Population": 1569.0}, {"index": 13933, "quantile": 0.25, "value": 90675.0, "Latitude": 34.25, "Longitude": -117.31, "Population": 1569.0}, {"index": 13933, "quantile": 0.5, "value": 96150.0, "Latitude": 34.25, "Longitude": -117.31, "Population": 1569.0}, {"index": 13933, "quantile": 0.75, "value": 117600.0, "Latitude": 34.25, "Longitude": -117.31, "Population": 1569.0}, {"index": 13933, "quantile": 1.0, "value": 159000.0, "Latitude": 34.25, "Longitude": -117.31, "Population": 1569.0}, {"index": 13934, "quantile": 0.0, "value": 50000.0, "Latitude": 34.24, "Longitude": -117.32, "Population": 323.0}, {"index": 13934, "quantile": 0.25, "value": 88075.0, "Latitude": 34.24, "Longitude": -117.32, "Population": 323.0}, {"index": 13934, "quantile": 0.5, "value": 103299.99999999999, "Latitude": 34.24, "Longitude": -117.32, "Population": 323.0}, {"index": 13934, "quantile": 0.75, "value": 103299.99999999999, "Latitude": 34.24, "Longitude": -117.32, "Population": 323.0}, {"index": 13934, "quantile": 1.0, "value": 225000.0, "Latitude": 34.24, "Longitude": -117.32, "Population": 323.0}, {"index": 13935, "quantile": 0.0, "value": 67500.0, "Latitude": 34.24, "Longitude": -117.3, "Population": 1196.0}, {"index": 13935, "quantile": 0.25, "value": 118200.0, "Latitude": 34.24, "Longitude": -117.3, "Population": 1196.0}, {"index": 13935, "quantile": 0.5, "value": 133600.0, "Latitude": 34.24, "Longitude": -117.3, "Population": 1196.0}, {"index": 13935, "quantile": 0.75, "value": 165500.0, "Latitude": 34.24, "Longitude": -117.3, "Population": 1196.0}, {"index": 13935, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -117.3, "Population": 1196.0}, {"index": 13936, "quantile": 0.0, "value": 128600.0, "Latitude": 34.24, "Longitude": -117.28, "Population": 853.0}, {"index": 13936, "quantile": 0.25, "value": 128600.0, "Latitude": 34.24, "Longitude": -117.28, "Population": 853.0}, {"index": 13936, "quantile": 0.5, "value": 128600.0, "Latitude": 34.24, "Longitude": -117.28, "Population": 853.0}, {"index": 13936, "quantile": 0.75, "value": 226200.0, "Latitude": 34.24, "Longitude": -117.28, "Population": 853.0}, {"index": 13936, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -117.28, "Population": 853.0}, {"index": 13937, "quantile": 0.0, "value": 73400.0, "Latitude": 34.24, "Longitude": -117.27, "Population": 941.0}, {"index": 13937, "quantile": 0.25, "value": 117600.0, "Latitude": 34.24, "Longitude": -117.27, "Population": 941.0}, {"index": 13937, "quantile": 0.5, "value": 117600.0, "Latitude": 34.24, "Longitude": -117.27, "Population": 941.0}, {"index": 13937, "quantile": 0.75, "value": 117600.0, "Latitude": 34.24, "Longitude": -117.27, "Population": 941.0}, {"index": 13937, "quantile": 1.0, "value": 153500.0, "Latitude": 34.24, "Longitude": -117.27, "Population": 941.0}, {"index": 13938, "quantile": 0.0, "value": 96400.0, "Latitude": 34.24, "Longitude": -117.26, "Population": 1220.0}, {"index": 13938, "quantile": 0.25, "value": 132400.0, "Latitude": 34.24, "Longitude": -117.26, "Population": 1220.0}, {"index": 13938, "quantile": 0.5, "value": 132400.0, "Latitude": 34.24, "Longitude": -117.26, "Population": 1220.0}, {"index": 13938, "quantile": 0.75, "value": 148400.0, "Latitude": 34.24, "Longitude": -117.26, "Population": 1220.0}, {"index": 13938, "quantile": 1.0, "value": 375000.0, "Latitude": 34.24, "Longitude": -117.26, "Population": 1220.0}, {"index": 13939, "quantile": 0.0, "value": 90800.0, "Latitude": 34.23, "Longitude": -117.27, "Population": 1177.0}, {"index": 13939, "quantile": 0.25, "value": 123700.00000000001, "Latitude": 34.23, "Longitude": -117.27, "Population": 1177.0}, {"index": 13939, "quantile": 0.5, "value": 133600.0, "Latitude": 34.23, "Longitude": -117.27, "Population": 1177.0}, {"index": 13939, "quantile": 0.75, "value": 161100.0, "Latitude": 34.23, "Longitude": -117.27, "Population": 1177.0}, {"index": 13939, "quantile": 1.0, "value": 500000.0, "Latitude": 34.23, "Longitude": -117.27, "Population": 1177.0}, {"index": 13940, "quantile": 0.0, "value": 73400.0, "Latitude": 34.26, "Longitude": -117.16, "Population": 1135.0}, {"index": 13940, "quantile": 0.25, "value": 92400.0, "Latitude": 34.26, "Longitude": -117.16, "Population": 1135.0}, {"index": 13940, "quantile": 0.5, "value": 135200.0, "Latitude": 34.26, "Longitude": -117.16, "Population": 1135.0}, {"index": 13940, "quantile": 0.75, "value": 135200.0, "Latitude": 34.26, "Longitude": -117.16, "Population": 1135.0}, {"index": 13940, "quantile": 1.0, "value": 137200.0, "Latitude": 34.26, "Longitude": -117.16, "Population": 1135.0}, {"index": 13941, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 34.3, "Longitude": -117.18, "Population": 71.0}, {"index": 13941, "quantile": 0.25, "value": 71300.0, "Latitude": 34.3, "Longitude": -117.18, "Population": 71.0}, {"index": 13941, "quantile": 0.5, "value": 71300.0, "Latitude": 34.3, "Longitude": -117.18, "Population": 71.0}, {"index": 13941, "quantile": 0.75, "value": 103299.99999999999, "Latitude": 34.3, "Longitude": -117.18, "Population": 71.0}, {"index": 13941, "quantile": 1.0, "value": 375000.0, "Latitude": 34.3, "Longitude": -117.18, "Population": 71.0}, {"index": 13942, "quantile": 0.0, "value": 171900.0, "Latitude": 34.28, "Longitude": -117.17, "Population": 780.0}, {"index": 13942, "quantile": 0.25, "value": 253799.99999999997, "Latitude": 34.28, "Longitude": -117.17, "Population": 780.0}, {"index": 13942, "quantile": 0.5, "value": 253799.99999999997, "Latitude": 34.28, "Longitude": -117.17, "Population": 780.0}, {"index": 13942, "quantile": 0.75, "value": 253799.99999999997, "Latitude": 34.28, "Longitude": -117.17, "Population": 780.0}, {"index": 13942, "quantile": 1.0, "value": 493300.0, "Latitude": 34.28, "Longitude": -117.17, "Population": 780.0}, {"index": 13943, "quantile": 0.0, "value": 128600.0, "Latitude": 34.27, "Longitude": -117.19, "Population": 879.0}, {"index": 13943, "quantile": 0.25, "value": 255200.0, "Latitude": 34.27, "Longitude": -117.19, "Population": 879.0}, {"index": 13943, "quantile": 0.5, "value": 255200.0, "Latitude": 34.27, "Longitude": -117.19, "Population": 879.0}, {"index": 13943, "quantile": 0.75, "value": 255200.0, "Latitude": 34.27, "Longitude": -117.19, "Population": 879.0}, {"index": 13943, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -117.19, "Population": 879.0}, {"index": 13944, "quantile": 0.0, "value": 102800.0, "Latitude": 34.28, "Longitude": -117.21, "Population": 527.0}, {"index": 13944, "quantile": 0.25, "value": 167600.0, "Latitude": 34.28, "Longitude": -117.21, "Population": 527.0}, {"index": 13944, "quantile": 0.5, "value": 167600.0, "Latitude": 34.28, "Longitude": -117.21, "Population": 527.0}, {"index": 13944, "quantile": 0.75, "value": 228775.0, "Latitude": 34.28, "Longitude": -117.21, "Population": 527.0}, {"index": 13944, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -117.21, "Population": 527.0}, {"index": 13945, "quantile": 0.0, "value": 105300.0, "Latitude": 34.26, "Longitude": -117.2, "Population": 1382.0}, {"index": 13945, "quantile": 0.25, "value": 230900.00000000003, "Latitude": 34.26, "Longitude": -117.2, "Population": 1382.0}, {"index": 13945, "quantile": 0.5, "value": 230900.00000000003, "Latitude": 34.26, "Longitude": -117.2, "Population": 1382.0}, {"index": 13945, "quantile": 0.75, "value": 254900.0, "Latitude": 34.26, "Longitude": -117.2, "Population": 1382.0}, {"index": 13945, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -117.2, "Population": 1382.0}, {"index": 13946, "quantile": 0.0, "value": 120900.00000000001, "Latitude": 34.26, "Longitude": -117.22, "Population": 1749.0}, {"index": 13946, "quantile": 0.25, "value": 162500.0, "Latitude": 34.26, "Longitude": -117.22, "Population": 1749.0}, {"index": 13946, "quantile": 0.5, "value": 162500.0, "Latitude": 34.26, "Longitude": -117.22, "Population": 1749.0}, {"index": 13946, "quantile": 0.75, "value": 162500.0, "Latitude": 34.26, "Longitude": -117.22, "Population": 1749.0}, {"index": 13946, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -117.22, "Population": 1749.0}, {"index": 13947, "quantile": 0.0, "value": 78000.0, "Latitude": 34.24, "Longitude": -117.2, "Population": 1062.0}, {"index": 13947, "quantile": 0.25, "value": 117600.0, "Latitude": 34.24, "Longitude": -117.2, "Population": 1062.0}, {"index": 13947, "quantile": 0.5, "value": 137200.0, "Latitude": 34.24, "Longitude": -117.2, "Population": 1062.0}, {"index": 13947, "quantile": 0.75, "value": 137200.0, "Latitude": 34.24, "Longitude": -117.2, "Population": 1062.0}, {"index": 13947, "quantile": 1.0, "value": 244400.0, "Latitude": 34.24, "Longitude": -117.2, "Population": 1062.0}, {"index": 13948, "quantile": 0.0, "value": 112300.0, "Latitude": 34.25, "Longitude": -117.17, "Population": 703.0}, {"index": 13948, "quantile": 0.25, "value": 164900.0, "Latitude": 34.25, "Longitude": -117.17, "Population": 703.0}, {"index": 13948, "quantile": 0.5, "value": 165500.0, "Latitude": 34.25, "Longitude": -117.17, "Population": 703.0}, {"index": 13948, "quantile": 0.75, "value": 165500.0, "Latitude": 34.25, "Longitude": -117.17, "Population": 703.0}, {"index": 13948, "quantile": 1.0, "value": 244400.0, "Latitude": 34.25, "Longitude": -117.17, "Population": 703.0}, {"index": 13949, "quantile": 0.0, "value": 88500.0, "Latitude": 34.22, "Longitude": -117.21, "Population": 1408.0}, {"index": 13949, "quantile": 0.25, "value": 132400.0, "Latitude": 34.22, "Longitude": -117.21, "Population": 1408.0}, {"index": 13949, "quantile": 0.5, "value": 165850.0, "Latitude": 34.22, "Longitude": -117.21, "Population": 1408.0}, {"index": 13949, "quantile": 0.75, "value": 196450.0, "Latitude": 34.22, "Longitude": -117.21, "Population": 1408.0}, {"index": 13949, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -117.21, "Population": 1408.0}, {"index": 13950, "quantile": 0.0, "value": 87500.0, "Latitude": 34.24, "Longitude": -117.07, "Population": 337.0}, {"index": 13950, "quantile": 0.25, "value": 114999.99999999999, "Latitude": 34.24, "Longitude": -117.07, "Population": 337.0}, {"index": 13950, "quantile": 0.5, "value": 114999.99999999999, "Latitude": 34.24, "Longitude": -117.07, "Population": 337.0}, {"index": 13950, "quantile": 0.75, "value": 133000.0, "Latitude": 34.24, "Longitude": -117.07, "Population": 337.0}, {"index": 13950, "quantile": 1.0, "value": 343200.0, "Latitude": 34.24, "Longitude": -117.07, "Population": 337.0}, {"index": 13951, "quantile": 0.0, "value": 128600.0, "Latitude": 34.24, "Longitude": -117.13, "Population": 673.0}, {"index": 13951, "quantile": 0.25, "value": 144100.0, "Latitude": 34.24, "Longitude": -117.13, "Population": 673.0}, {"index": 13951, "quantile": 0.5, "value": 144100.0, "Latitude": 34.24, "Longitude": -117.13, "Population": 673.0}, {"index": 13951, "quantile": 0.75, "value": 230700.0, "Latitude": 34.24, "Longitude": -117.13, "Population": 673.0}, {"index": 13951, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -117.13, "Population": 673.0}, {"index": 13952, "quantile": 0.0, "value": 171900.0, "Latitude": 34.22, "Longitude": -117.15, "Population": 317.0}, {"index": 13952, "quantile": 0.25, "value": 171900.0, "Latitude": 34.22, "Longitude": -117.15, "Population": 317.0}, {"index": 13952, "quantile": 0.5, "value": 171900.0, "Latitude": 34.22, "Longitude": -117.15, "Population": 317.0}, {"index": 13952, "quantile": 0.75, "value": 270950.0, "Latitude": 34.22, "Longitude": -117.15, "Population": 317.0}, {"index": 13952, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -117.15, "Population": 317.0}, {"index": 13953, "quantile": 0.0, "value": 87500.0, "Latitude": 34.21, "Longitude": -117.12, "Population": 1334.0}, {"index": 13953, "quantile": 0.25, "value": 123900.00000000001, "Latitude": 34.21, "Longitude": -117.12, "Population": 1334.0}, {"index": 13953, "quantile": 0.5, "value": 123900.00000000001, "Latitude": 34.21, "Longitude": -117.12, "Population": 1334.0}, {"index": 13953, "quantile": 0.75, "value": 132400.0, "Latitude": 34.21, "Longitude": -117.12, "Population": 1334.0}, {"index": 13953, "quantile": 1.0, "value": 314100.0, "Latitude": 34.21, "Longitude": -117.12, "Population": 1334.0}, {"index": 13954, "quantile": 0.0, "value": 99600.0, "Latitude": 34.21, "Longitude": -117.1, "Population": 1145.0}, {"index": 13954, "quantile": 0.25, "value": 108400.00000000001, "Latitude": 34.21, "Longitude": -117.1, "Population": 1145.0}, {"index": 13954, "quantile": 0.5, "value": 108400.00000000001, "Latitude": 34.21, "Longitude": -117.1, "Population": 1145.0}, {"index": 13954, "quantile": 0.75, "value": 123900.00000000001, "Latitude": 34.21, "Longitude": -117.1, "Population": 1145.0}, {"index": 13954, "quantile": 1.0, "value": 290700.0, "Latitude": 34.21, "Longitude": -117.1, "Population": 1145.0}, {"index": 13955, "quantile": 0.0, "value": 71300.0, "Latitude": 34.22, "Longitude": -117.09, "Population": 271.0}, {"index": 13955, "quantile": 0.25, "value": 87500.0, "Latitude": 34.22, "Longitude": -117.09, "Population": 271.0}, {"index": 13955, "quantile": 0.5, "value": 87500.0, "Latitude": 34.22, "Longitude": -117.09, "Population": 271.0}, {"index": 13955, "quantile": 0.75, "value": 133000.0, "Latitude": 34.22, "Longitude": -117.09, "Population": 271.0}, {"index": 13955, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -117.09, "Population": 271.0}, {"index": 13956, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 34.17, "Longitude": -117.06, "Population": 416.0}, {"index": 13956, "quantile": 0.25, "value": 89000.0, "Latitude": 34.17, "Longitude": -117.06, "Population": 416.0}, {"index": 13956, "quantile": 0.5, "value": 89000.0, "Latitude": 34.17, "Longitude": -117.06, "Population": 416.0}, {"index": 13956, "quantile": 0.75, "value": 91200.0, "Latitude": 34.17, "Longitude": -117.06, "Population": 416.0}, {"index": 13956, "quantile": 1.0, "value": 220500.0, "Latitude": 34.17, "Longitude": -117.06, "Population": 416.0}, {"index": 13957, "quantile": 0.0, "value": 144100.0, "Latitude": 34.17, "Longitude": -117.13, "Population": 248.0}, {"index": 13957, "quantile": 0.25, "value": 150000.0, "Latitude": 34.17, "Longitude": -117.13, "Population": 248.0}, {"index": 13957, "quantile": 0.5, "value": 150000.0, "Latitude": 34.17, "Longitude": -117.13, "Population": 248.0}, {"index": 13957, "quantile": 0.75, "value": 150000.0, "Latitude": 34.17, "Longitude": -117.13, "Population": 248.0}, {"index": 13957, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -117.13, "Population": 248.0}, {"index": 13958, "quantile": 0.0, "value": 67400.0, "Latitude": 34.24, "Longitude": -116.94, "Population": 1300.0}, {"index": 13958, "quantile": 0.25, "value": 124500.00000000001, "Latitude": 34.24, "Longitude": -116.94, "Population": 1300.0}, {"index": 13958, "quantile": 0.5, "value": 153500.0, "Latitude": 34.24, "Longitude": -116.94, "Population": 1300.0}, {"index": 13958, "quantile": 0.75, "value": 153500.0, "Latitude": 34.24, "Longitude": -116.94, "Population": 1300.0}, {"index": 13958, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -116.94, "Population": 1300.0}, {"index": 13959, "quantile": 0.0, "value": 50000.0, "Latitude": 34.24, "Longitude": -116.91, "Population": 1350.0}, {"index": 13959, "quantile": 0.25, "value": 106749.99999999999, "Latitude": 34.24, "Longitude": -116.91, "Population": 1350.0}, {"index": 13959, "quantile": 0.5, "value": 124500.00000000001, "Latitude": 34.24, "Longitude": -116.91, "Population": 1350.0}, {"index": 13959, "quantile": 0.75, "value": 124500.00000000001, "Latitude": 34.24, "Longitude": -116.91, "Population": 1350.0}, {"index": 13959, "quantile": 1.0, "value": 183900.0, "Latitude": 34.24, "Longitude": -116.91, "Population": 1350.0}, {"index": 13960, "quantile": 0.0, "value": 66300.0, "Latitude": 34.25, "Longitude": -116.9, "Population": 556.0}, {"index": 13960, "quantile": 0.25, "value": 112450.0, "Latitude": 34.25, "Longitude": -116.9, "Population": 556.0}, {"index": 13960, "quantile": 0.5, "value": 132800.0, "Latitude": 34.25, "Longitude": -116.9, "Population": 556.0}, {"index": 13960, "quantile": 0.75, "value": 167525.0, "Latitude": 34.25, "Longitude": -116.9, "Population": 556.0}, {"index": 13960, "quantile": 1.0, "value": 357800.0, "Latitude": 34.25, "Longitude": -116.9, "Population": 556.0}, {"index": 13961, "quantile": 0.0, "value": 97600.0, "Latitude": 34.24, "Longitude": -116.88, "Population": 573.0}, {"index": 13961, "quantile": 0.25, "value": 176000.0, "Latitude": 34.24, "Longitude": -116.88, "Population": 573.0}, {"index": 13961, "quantile": 0.5, "value": 226500.0, "Latitude": 34.24, "Longitude": -116.88, "Population": 573.0}, {"index": 13961, "quantile": 0.75, "value": 226500.0, "Latitude": 34.24, "Longitude": -116.88, "Population": 573.0}, {"index": 13961, "quantile": 1.0, "value": 277500.0, "Latitude": 34.24, "Longitude": -116.88, "Population": 573.0}, {"index": 13962, "quantile": 0.0, "value": 100000.0, "Latitude": 34.25, "Longitude": -116.88, "Population": 230.0}, {"index": 13962, "quantile": 0.25, "value": 176000.0, "Latitude": 34.25, "Longitude": -116.88, "Population": 230.0}, {"index": 13962, "quantile": 0.5, "value": 176000.0, "Latitude": 34.25, "Longitude": -116.88, "Population": 230.0}, {"index": 13962, "quantile": 0.75, "value": 176000.0, "Latitude": 34.25, "Longitude": -116.88, "Population": 230.0}, {"index": 13962, "quantile": 1.0, "value": 357900.0, "Latitude": 34.25, "Longitude": -116.88, "Population": 230.0}, {"index": 13963, "quantile": 0.0, "value": 66300.0, "Latitude": 34.24, "Longitude": -116.87, "Population": 622.0}, {"index": 13963, "quantile": 0.25, "value": 122025.0, "Latitude": 34.24, "Longitude": -116.87, "Population": 622.0}, {"index": 13963, "quantile": 0.5, "value": 158500.0, "Latitude": 34.24, "Longitude": -116.87, "Population": 622.0}, {"index": 13963, "quantile": 0.75, "value": 226575.00000000003, "Latitude": 34.24, "Longitude": -116.87, "Population": 622.0}, {"index": 13963, "quantile": 1.0, "value": 437500.0, "Latitude": 34.24, "Longitude": -116.87, "Population": 622.0}, {"index": 13964, "quantile": 0.0, "value": 84000.0, "Latitude": 34.24, "Longitude": -116.86, "Population": 441.0}, {"index": 13964, "quantile": 0.25, "value": 132000.0, "Latitude": 34.24, "Longitude": -116.86, "Population": 441.0}, {"index": 13964, "quantile": 0.5, "value": 132000.0, "Latitude": 34.24, "Longitude": -116.86, "Population": 441.0}, {"index": 13964, "quantile": 0.75, "value": 138975.0, "Latitude": 34.24, "Longitude": -116.86, "Population": 441.0}, {"index": 13964, "quantile": 1.0, "value": 244400.0, "Latitude": 34.24, "Longitude": -116.86, "Population": 441.0}, {"index": 13965, "quantile": 0.0, "value": 144100.0, "Latitude": 34.23, "Longitude": -116.86, "Population": 309.0}, {"index": 13965, "quantile": 0.25, "value": 147800.0, "Latitude": 34.23, "Longitude": -116.86, "Population": 309.0}, {"index": 13965, "quantile": 0.5, "value": 147800.0, "Latitude": 34.23, "Longitude": -116.86, "Population": 309.0}, {"index": 13965, "quantile": 0.75, "value": 167600.0, "Latitude": 34.23, "Longitude": -116.86, "Population": 309.0}, {"index": 13965, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -116.86, "Population": 309.0}, {"index": 13966, "quantile": 0.0, "value": 97400.0, "Latitude": 34.3, "Longitude": -116.99, "Population": 410.0}, {"index": 13966, "quantile": 0.25, "value": 157100.0, "Latitude": 34.3, "Longitude": -116.99, "Population": 410.0}, {"index": 13966, "quantile": 0.5, "value": 157100.0, "Latitude": 34.3, "Longitude": -116.99, "Population": 410.0}, {"index": 13966, "quantile": 0.75, "value": 187750.0, "Latitude": 34.3, "Longitude": -116.99, "Population": 410.0}, {"index": 13966, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.3, "Longitude": -116.99, "Population": 410.0}, {"index": 13967, "quantile": 0.0, "value": 100000.0, "Latitude": 34.27, "Longitude": -116.89, "Population": 567.0}, {"index": 13967, "quantile": 0.25, "value": 152600.0, "Latitude": 34.27, "Longitude": -116.89, "Population": 567.0}, {"index": 13967, "quantile": 0.5, "value": 152600.0, "Latitude": 34.27, "Longitude": -116.89, "Population": 567.0}, {"index": 13967, "quantile": 0.75, "value": 152600.0, "Latitude": 34.27, "Longitude": -116.89, "Population": 567.0}, {"index": 13967, "quantile": 1.0, "value": 315000.0, "Latitude": 34.27, "Longitude": -116.89, "Population": 567.0}, {"index": 13968, "quantile": 0.0, "value": 71300.0, "Latitude": 34.31, "Longitude": -116.86, "Population": 382.0}, {"index": 13968, "quantile": 0.25, "value": 133000.0, "Latitude": 34.31, "Longitude": -116.86, "Population": 382.0}, {"index": 13968, "quantile": 0.5, "value": 133000.0, "Latitude": 34.31, "Longitude": -116.86, "Population": 382.0}, {"index": 13968, "quantile": 0.75, "value": 133000.0, "Latitude": 34.31, "Longitude": -116.86, "Population": 382.0}, {"index": 13968, "quantile": 1.0, "value": 314100.0, "Latitude": 34.31, "Longitude": -116.86, "Population": 382.0}, {"index": 13969, "quantile": 0.0, "value": 78000.0, "Latitude": 34.26, "Longitude": -116.85, "Population": 2044.0}, {"index": 13969, "quantile": 0.25, "value": 90600.0, "Latitude": 34.26, "Longitude": -116.85, "Population": 2044.0}, {"index": 13969, "quantile": 0.5, "value": 90600.0, "Latitude": 34.26, "Longitude": -116.85, "Population": 2044.0}, {"index": 13969, "quantile": 0.75, "value": 90600.0, "Latitude": 34.26, "Longitude": -116.85, "Population": 2044.0}, {"index": 13969, "quantile": 1.0, "value": 158200.0, "Latitude": 34.26, "Longitude": -116.85, "Population": 2044.0}, {"index": 13970, "quantile": 0.0, "value": 81000.0, "Latitude": 34.26, "Longitude": -116.85, "Population": 981.0}, {"index": 13970, "quantile": 0.25, "value": 90800.0, "Latitude": 34.26, "Longitude": -116.85, "Population": 981.0}, {"index": 13970, "quantile": 0.5, "value": 92400.0, "Latitude": 34.26, "Longitude": -116.85, "Population": 981.0}, {"index": 13970, "quantile": 0.75, "value": 92400.0, "Latitude": 34.26, "Longitude": -116.85, "Population": 981.0}, {"index": 13970, "quantile": 1.0, "value": 137200.0, "Latitude": 34.26, "Longitude": -116.85, "Population": 981.0}, {"index": 13971, "quantile": 0.0, "value": 84500.0, "Latitude": 34.25, "Longitude": -116.85, "Population": 569.0}, {"index": 13971, "quantile": 0.25, "value": 163100.0, "Latitude": 34.25, "Longitude": -116.85, "Population": 569.0}, {"index": 13971, "quantile": 0.5, "value": 163100.0, "Latitude": 34.25, "Longitude": -116.85, "Population": 569.0}, {"index": 13971, "quantile": 0.75, "value": 163100.0, "Latitude": 34.25, "Longitude": -116.85, "Population": 569.0}, {"index": 13971, "quantile": 1.0, "value": 244400.0, "Latitude": 34.25, "Longitude": -116.85, "Population": 569.0}, {"index": 13972, "quantile": 0.0, "value": 66300.0, "Latitude": 34.25, "Longitude": -116.83, "Population": 1316.0}, {"index": 13972, "quantile": 0.25, "value": 90800.0, "Latitude": 34.25, "Longitude": -116.83, "Population": 1316.0}, {"index": 13972, "quantile": 0.5, "value": 90800.0, "Latitude": 34.25, "Longitude": -116.83, "Population": 1316.0}, {"index": 13972, "quantile": 0.75, "value": 92400.0, "Latitude": 34.25, "Longitude": -116.83, "Population": 1316.0}, {"index": 13972, "quantile": 1.0, "value": 139300.0, "Latitude": 34.25, "Longitude": -116.83, "Population": 1316.0}, {"index": 13973, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 34.24, "Longitude": -116.82, "Population": 713.0}, {"index": 13973, "quantile": 0.25, "value": 84700.0, "Latitude": 34.24, "Longitude": -116.82, "Population": 713.0}, {"index": 13973, "quantile": 0.5, "value": 84700.0, "Latitude": 34.24, "Longitude": -116.82, "Population": 713.0}, {"index": 13973, "quantile": 0.75, "value": 90650.00000000001, "Latitude": 34.24, "Longitude": -116.82, "Population": 713.0}, {"index": 13973, "quantile": 1.0, "value": 153500.0, "Latitude": 34.24, "Longitude": -116.82, "Population": 713.0}, {"index": 13974, "quantile": 0.0, "value": 62800.0, "Latitude": 34.29, "Longitude": -116.76, "Population": 1064.0}, {"index": 13974, "quantile": 0.25, "value": 89000.0, "Latitude": 34.29, "Longitude": -116.76, "Population": 1064.0}, {"index": 13974, "quantile": 0.5, "value": 92650.00000000001, "Latitude": 34.29, "Longitude": -116.76, "Population": 1064.0}, {"index": 13974, "quantile": 0.75, "value": 117600.0, "Latitude": 34.29, "Longitude": -116.76, "Population": 1064.0}, {"index": 13974, "quantile": 1.0, "value": 187500.0, "Latitude": 34.29, "Longitude": -116.76, "Population": 1064.0}, {"index": 13975, "quantile": 0.0, "value": 78000.0, "Latitude": 34.23, "Longitude": -116.76, "Population": 1020.0}, {"index": 13975, "quantile": 0.25, "value": 89000.0, "Latitude": 34.23, "Longitude": -116.76, "Population": 1020.0}, {"index": 13975, "quantile": 0.5, "value": 89000.0, "Latitude": 34.23, "Longitude": -116.76, "Population": 1020.0}, {"index": 13975, "quantile": 0.75, "value": 90800.0, "Latitude": 34.23, "Longitude": -116.76, "Population": 1020.0}, {"index": 13975, "quantile": 1.0, "value": 137200.0, "Latitude": 34.23, "Longitude": -116.76, "Population": 1020.0}, {"index": 13976, "quantile": 0.0, "value": 71300.0, "Latitude": 34.13, "Longitude": -116.98, "Population": 342.0}, {"index": 13976, "quantile": 0.25, "value": 126875.0, "Latitude": 34.13, "Longitude": -116.98, "Population": 342.0}, {"index": 13976, "quantile": 0.5, "value": 144499.99999999997, "Latitude": 34.13, "Longitude": -116.98, "Population": 342.0}, {"index": 13976, "quantile": 0.75, "value": 209200.0, "Latitude": 34.13, "Longitude": -116.98, "Population": 342.0}, {"index": 13976, "quantile": 1.0, "value": 454100.00000000006, "Latitude": 34.13, "Longitude": -116.98, "Population": 342.0}, {"index": 13977, "quantile": 0.0, "value": 87500.0, "Latitude": 34.07, "Longitude": -116.98, "Population": 199.0}, {"index": 13977, "quantile": 0.25, "value": 139825.0, "Latitude": 34.07, "Longitude": -116.98, "Population": 199.0}, {"index": 13977, "quantile": 0.5, "value": 158150.0, "Latitude": 34.07, "Longitude": -116.98, "Population": 199.0}, {"index": 13977, "quantile": 0.75, "value": 194325.0, "Latitude": 34.07, "Longitude": -116.98, "Population": 199.0}, {"index": 13977, "quantile": 1.0, "value": 495800.0, "Latitude": 34.07, "Longitude": -116.98, "Population": 199.0}, {"index": 13978, "quantile": 0.0, "value": 67500.0, "Latitude": 34.08, "Longitude": -116.88, "Population": 710.0}, {"index": 13978, "quantile": 0.25, "value": 125800.0, "Latitude": 34.08, "Longitude": -116.88, "Population": 710.0}, {"index": 13978, "quantile": 0.5, "value": 167450.0, "Latitude": 34.08, "Longitude": -116.88, "Population": 710.0}, {"index": 13978, "quantile": 0.75, "value": 280199.99999999994, "Latitude": 34.08, "Longitude": -116.88, "Population": 710.0}, {"index": 13978, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -116.88, "Population": 710.0}, {"index": 13979, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 34.14, "Longitude": -116.76, "Population": 9.0}, {"index": 13979, "quantile": 0.25, "value": 90000.0, "Latitude": 34.14, "Longitude": -116.76, "Population": 9.0}, {"index": 13979, "quantile": 0.5, "value": 275000.0, "Latitude": 34.14, "Longitude": -116.76, "Population": 9.0}, {"index": 13979, "quantile": 0.75, "value": 375000.0, "Latitude": 34.14, "Longitude": -116.76, "Population": 9.0}, {"index": 13979, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -116.76, "Population": 9.0}, {"index": 13980, "quantile": 0.0, "value": 42500.0, "Latitude": 34.19, "Longitude": -116.88, "Population": 106.0}, {"index": 13980, "quantile": 0.25, "value": 153500.0, "Latitude": 34.19, "Longitude": -116.88, "Population": 106.0}, {"index": 13980, "quantile": 0.5, "value": 225000.0, "Latitude": 34.19, "Longitude": -116.88, "Population": 106.0}, {"index": 13980, "quantile": 0.75, "value": 225000.0, "Latitude": 34.19, "Longitude": -116.88, "Population": 106.0}, {"index": 13980, "quantile": 1.0, "value": 375000.0, "Latitude": 34.19, "Longitude": -116.88, "Population": 106.0}, {"index": 13981, "quantile": 0.0, "value": 40400.0, "Latitude": 34.85, "Longitude": -117.46, "Population": 2933.0}, {"index": 13981, "quantile": 0.25, "value": 137200.0, "Latitude": 34.85, "Longitude": -117.46, "Population": 2933.0}, {"index": 13981, "quantile": 0.5, "value": 157700.0, "Latitude": 34.85, "Longitude": -117.46, "Population": 2933.0}, {"index": 13981, "quantile": 0.75, "value": 157700.0, "Latitude": 34.85, "Longitude": -117.46, "Population": 2933.0}, {"index": 13981, "quantile": 1.0, "value": 186100.0, "Latitude": 34.85, "Longitude": -117.46, "Population": 2933.0}, {"index": 13982, "quantile": 0.0, "value": 22500.0, "Latitude": 35.13, "Longitude": -117.28, "Population": 856.0}, {"index": 13982, "quantile": 0.25, "value": 53300.0, "Latitude": 35.13, "Longitude": -117.28, "Population": 856.0}, {"index": 13982, "quantile": 0.5, "value": 53300.0, "Latitude": 35.13, "Longitude": -117.28, "Population": 856.0}, {"index": 13982, "quantile": 0.75, "value": 56200.00000000001, "Latitude": 35.13, "Longitude": -117.28, "Population": 856.0}, {"index": 13982, "quantile": 1.0, "value": 262500.0, "Latitude": 35.13, "Longitude": -117.28, "Population": 856.0}, {"index": 13983, "quantile": 0.0, "value": 43500.0, "Latitude": 34.98, "Longitude": -116.85, "Population": 1683.0}, {"index": 13983, "quantile": 0.25, "value": 57399.99999999999, "Latitude": 34.98, "Longitude": -116.85, "Population": 1683.0}, {"index": 13983, "quantile": 0.5, "value": 57399.99999999999, "Latitude": 34.98, "Longitude": -116.85, "Population": 1683.0}, {"index": 13983, "quantile": 0.75, "value": 76600.0, "Latitude": 34.98, "Longitude": -116.85, "Population": 1683.0}, {"index": 13983, "quantile": 1.0, "value": 187500.0, "Latitude": 34.98, "Longitude": -116.85, "Population": 1683.0}, {"index": 13984, "quantile": 0.0, "value": 26900.0, "Latitude": 34.75, "Longitude": -117.14, "Population": 347.0}, {"index": 13984, "quantile": 0.25, "value": 74600.0, "Latitude": 34.75, "Longitude": -117.14, "Population": 347.0}, {"index": 13984, "quantile": 0.5, "value": 100000.0, "Latitude": 34.75, "Longitude": -117.14, "Population": 347.0}, {"index": 13984, "quantile": 0.75, "value": 100000.0, "Latitude": 34.75, "Longitude": -117.14, "Population": 347.0}, {"index": 13984, "quantile": 1.0, "value": 120800.0, "Latitude": 34.75, "Longitude": -117.14, "Population": 347.0}, {"index": 13985, "quantile": 0.0, "value": 51000.0, "Latitude": 34.68, "Longitude": -117.28, "Population": 1156.0}, {"index": 13985, "quantile": 0.25, "value": 55600.00000000001, "Latitude": 34.68, "Longitude": -117.28, "Population": 1156.0}, {"index": 13985, "quantile": 0.5, "value": 55600.00000000001, "Latitude": 34.68, "Longitude": -117.28, "Population": 1156.0}, {"index": 13985, "quantile": 0.75, "value": 70625.0, "Latitude": 34.68, "Longitude": -117.28, "Population": 1156.0}, {"index": 13985, "quantile": 1.0, "value": 100000.0, "Latitude": 34.68, "Longitude": -117.28, "Population": 1156.0}, {"index": 13986, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 34.87, "Longitude": -117.06, "Population": 1756.0}, {"index": 13986, "quantile": 0.25, "value": 87200.0, "Latitude": 34.87, "Longitude": -117.06, "Population": 1756.0}, {"index": 13986, "quantile": 0.5, "value": 91400.0, "Latitude": 34.87, "Longitude": -117.06, "Population": 1756.0}, {"index": 13986, "quantile": 0.75, "value": 91400.0, "Latitude": 34.87, "Longitude": -117.06, "Population": 1756.0}, {"index": 13986, "quantile": 1.0, "value": 131700.0, "Latitude": 34.87, "Longitude": -117.06, "Population": 1756.0}, {"index": 13987, "quantile": 0.0, "value": 26600.0, "Latitude": 34.88, "Longitude": -117.13, "Population": 1548.0}, {"index": 13987, "quantile": 0.25, "value": 65825.0, "Latitude": 34.88, "Longitude": -117.13, "Population": 1548.0}, {"index": 13987, "quantile": 0.5, "value": 81700.0, "Latitude": 34.88, "Longitude": -117.13, "Population": 1548.0}, {"index": 13987, "quantile": 0.75, "value": 96900.0, "Latitude": 34.88, "Longitude": -117.13, "Population": 1548.0}, {"index": 13987, "quantile": 1.0, "value": 183900.0, "Latitude": 34.88, "Longitude": -117.13, "Population": 1548.0}, {"index": 13988, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 34.83, "Longitude": -117.15, "Population": 2778.0}, {"index": 13988, "quantile": 0.25, "value": 66800.0, "Latitude": 34.83, "Longitude": -117.15, "Population": 2778.0}, {"index": 13988, "quantile": 0.5, "value": 66800.0, "Latitude": 34.83, "Longitude": -117.15, "Population": 2778.0}, {"index": 13988, "quantile": 0.75, "value": 66800.0, "Latitude": 34.83, "Longitude": -117.15, "Population": 2778.0}, {"index": 13988, "quantile": 1.0, "value": 151600.0, "Latitude": 34.83, "Longitude": -117.15, "Population": 2778.0}, {"index": 13989, "quantile": 0.0, "value": 26600.0, "Latitude": 34.94, "Longitude": -117.19, "Population": 1097.0}, {"index": 13989, "quantile": 0.25, "value": 60800.0, "Latitude": 34.94, "Longitude": -117.19, "Population": 1097.0}, {"index": 13989, "quantile": 0.5, "value": 60800.0, "Latitude": 34.94, "Longitude": -117.19, "Population": 1097.0}, {"index": 13989, "quantile": 0.75, "value": 60800.0, "Latitude": 34.94, "Longitude": -117.19, "Population": 1097.0}, {"index": 13989, "quantile": 1.0, "value": 105300.0, "Latitude": 34.94, "Longitude": -117.19, "Population": 1097.0}, {"index": 13990, "quantile": 0.0, "value": 53400.0, "Latitude": 34.9, "Longitude": -117.16, "Population": 934.0}, {"index": 13990, "quantile": 0.25, "value": 73800.0, "Latitude": 34.9, "Longitude": -117.16, "Population": 934.0}, {"index": 13990, "quantile": 0.5, "value": 73800.0, "Latitude": 34.9, "Longitude": -117.16, "Population": 934.0}, {"index": 13990, "quantile": 0.75, "value": 74500.0, "Latitude": 34.9, "Longitude": -117.16, "Population": 934.0}, {"index": 13990, "quantile": 1.0, "value": 128899.99999999999, "Latitude": 34.9, "Longitude": -117.16, "Population": 934.0}, {"index": 13991, "quantile": 0.0, "value": 40400.0, "Latitude": 34.96, "Longitude": -117.08, "Population": 721.0}, {"index": 13991, "quantile": 0.25, "value": 79800.0, "Latitude": 34.96, "Longitude": -117.08, "Population": 721.0}, {"index": 13991, "quantile": 0.5, "value": 79800.0, "Latitude": 34.96, "Longitude": -117.08, "Population": 721.0}, {"index": 13991, "quantile": 0.75, "value": 79800.0, "Latitude": 34.96, "Longitude": -117.08, "Population": 721.0}, {"index": 13991, "quantile": 1.0, "value": 186100.0, "Latitude": 34.96, "Longitude": -117.08, "Population": 721.0}, {"index": 13992, "quantile": 0.0, "value": 70400.0, "Latitude": 34.94, "Longitude": -116.96, "Population": 1198.0}, {"index": 13992, "quantile": 0.25, "value": 88500.0, "Latitude": 34.94, "Longitude": -116.96, "Population": 1198.0}, {"index": 13992, "quantile": 0.5, "value": 88500.0, "Latitude": 34.94, "Longitude": -116.96, "Population": 1198.0}, {"index": 13992, "quantile": 0.75, "value": 88500.0, "Latitude": 34.94, "Longitude": -116.96, "Population": 1198.0}, {"index": 13992, "quantile": 1.0, "value": 148900.0, "Latitude": 34.94, "Longitude": -116.96, "Population": 1198.0}, {"index": 13993, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 34.89, "Longitude": -116.99, "Population": 1551.0}, {"index": 13993, "quantile": 0.25, "value": 70500.0, "Latitude": 34.89, "Longitude": -116.99, "Population": 1551.0}, {"index": 13993, "quantile": 0.5, "value": 70500.0, "Latitude": 34.89, "Longitude": -116.99, "Population": 1551.0}, {"index": 13993, "quantile": 0.75, "value": 70500.0, "Latitude": 34.89, "Longitude": -116.99, "Population": 1551.0}, {"index": 13993, "quantile": 1.0, "value": 101400.0, "Latitude": 34.89, "Longitude": -116.99, "Population": 1551.0}, {"index": 13994, "quantile": 0.0, "value": 40400.0, "Latitude": 34.88, "Longitude": -116.99, "Population": 2920.0}, {"index": 13994, "quantile": 0.25, "value": 70500.0, "Latitude": 34.88, "Longitude": -116.99, "Population": 2920.0}, {"index": 13994, "quantile": 0.5, "value": 79000.0, "Latitude": 34.88, "Longitude": -116.99, "Population": 2920.0}, {"index": 13994, "quantile": 0.75, "value": 87375.0, "Latitude": 34.88, "Longitude": -116.99, "Population": 2920.0}, {"index": 13994, "quantile": 1.0, "value": 160100.0, "Latitude": 34.88, "Longitude": -116.99, "Population": 2920.0}, {"index": 13995, "quantile": 0.0, "value": 40400.0, "Latitude": 34.87, "Longitude": -117.0, "Population": 3562.0}, {"index": 13995, "quantile": 0.25, "value": 87200.0, "Latitude": 34.87, "Longitude": -117.0, "Population": 3562.0}, {"index": 13995, "quantile": 0.5, "value": 87200.0, "Latitude": 34.87, "Longitude": -117.0, "Population": 3562.0}, {"index": 13995, "quantile": 0.75, "value": 90950.0, "Latitude": 34.87, "Longitude": -117.0, "Population": 3562.0}, {"index": 13995, "quantile": 1.0, "value": 167600.0, "Latitude": 34.87, "Longitude": -117.0, "Population": 3562.0}, {"index": 13996, "quantile": 0.0, "value": 52100.0, "Latitude": 34.88, "Longitude": -117.02, "Population": 1168.0}, {"index": 13996, "quantile": 0.25, "value": 73800.0, "Latitude": 34.88, "Longitude": -117.02, "Population": 1168.0}, {"index": 13996, "quantile": 0.5, "value": 80000.0, "Latitude": 34.88, "Longitude": -117.02, "Population": 1168.0}, {"index": 13996, "quantile": 0.75, "value": 80000.0, "Latitude": 34.88, "Longitude": -117.02, "Population": 1168.0}, {"index": 13996, "quantile": 1.0, "value": 97100.0, "Latitude": 34.88, "Longitude": -117.02, "Population": 1168.0}, {"index": 13997, "quantile": 0.0, "value": 68500.0, "Latitude": 34.87, "Longitude": -117.03, "Population": 1016.0}, {"index": 13997, "quantile": 0.25, "value": 100549.99999999999, "Latitude": 34.87, "Longitude": -117.03, "Population": 1016.0}, {"index": 13997, "quantile": 0.5, "value": 101499.99999999999, "Latitude": 34.87, "Longitude": -117.03, "Population": 1016.0}, {"index": 13997, "quantile": 0.75, "value": 101499.99999999999, "Latitude": 34.87, "Longitude": -117.03, "Population": 1016.0}, {"index": 13997, "quantile": 1.0, "value": 262500.0, "Latitude": 34.87, "Longitude": -117.03, "Population": 1016.0}, {"index": 13998, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 34.83, "Longitude": -116.96, "Population": 611.0}, {"index": 13998, "quantile": 0.25, "value": 53300.0, "Latitude": 34.83, "Longitude": -116.96, "Population": 611.0}, {"index": 13998, "quantile": 0.5, "value": 60800.0, "Latitude": 34.83, "Longitude": -116.96, "Population": 611.0}, {"index": 13998, "quantile": 0.75, "value": 76275.0, "Latitude": 34.83, "Longitude": -116.96, "Population": 611.0}, {"index": 13998, "quantile": 1.0, "value": 124500.00000000001, "Latitude": 34.83, "Longitude": -116.96, "Population": 611.0}, {"index": 13999, "quantile": 0.0, "value": 32900.0, "Latitude": 34.69, "Longitude": -116.9, "Population": 108.0}, {"index": 13999, "quantile": 0.25, "value": 76100.0, "Latitude": 34.69, "Longitude": -116.9, "Population": 108.0}, {"index": 13999, "quantile": 0.5, "value": 117750.0, "Latitude": 34.69, "Longitude": -116.9, "Population": 108.0}, {"index": 13999, "quantile": 0.75, "value": 275000.0, "Latitude": 34.69, "Longitude": -116.9, "Population": 108.0}, {"index": 13999, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.69, "Longitude": -116.9, "Population": 108.0}, {"index": 14000, "quantile": 0.0, "value": 74300.0, "Latitude": 34.59, "Longitude": -117.24, "Population": 1869.0}, {"index": 14000, "quantile": 0.25, "value": 161000.0, "Latitude": 34.59, "Longitude": -117.24, "Population": 1869.0}, {"index": 14000, "quantile": 0.5, "value": 186100.0, "Latitude": 34.59, "Longitude": -117.24, "Population": 1869.0}, {"index": 14000, "quantile": 0.75, "value": 186100.0, "Latitude": 34.59, "Longitude": -117.24, "Population": 1869.0}, {"index": 14000, "quantile": 1.0, "value": 244400.0, "Latitude": 34.59, "Longitude": -117.24, "Population": 1869.0}, {"index": 14001, "quantile": 0.0, "value": 32900.0, "Latitude": 34.57, "Longitude": -117.29, "Population": 428.0}, {"index": 14001, "quantile": 0.25, "value": 68300.0, "Latitude": 34.57, "Longitude": -117.29, "Population": 428.0}, {"index": 14001, "quantile": 0.5, "value": 68300.0, "Latitude": 34.57, "Longitude": -117.29, "Population": 428.0}, {"index": 14001, "quantile": 0.75, "value": 74200.0, "Latitude": 34.57, "Longitude": -117.29, "Population": 428.0}, {"index": 14001, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.57, "Longitude": -117.29, "Population": 428.0}, {"index": 14002, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.57, "Longitude": -117.1, "Population": 1938.0}, {"index": 14002, "quantile": 0.25, "value": 112799.99999999999, "Latitude": 34.57, "Longitude": -117.1, "Population": 1938.0}, {"index": 14002, "quantile": 0.5, "value": 112799.99999999999, "Latitude": 34.57, "Longitude": -117.1, "Population": 1938.0}, {"index": 14002, "quantile": 0.75, "value": 128500.00000000001, "Latitude": 34.57, "Longitude": -117.1, "Population": 1938.0}, {"index": 14002, "quantile": 1.0, "value": 187500.0, "Latitude": 34.57, "Longitude": -117.1, "Population": 1938.0}, {"index": 14003, "quantile": 0.0, "value": 48100.0, "Latitude": 34.52, "Longitude": -116.9, "Population": 1694.0}, {"index": 14003, "quantile": 0.25, "value": 77700.0, "Latitude": 34.52, "Longitude": -116.9, "Population": 1694.0}, {"index": 14003, "quantile": 0.5, "value": 77700.0, "Latitude": 34.52, "Longitude": -116.9, "Population": 1694.0}, {"index": 14003, "quantile": 0.75, "value": 77700.0, "Latitude": 34.52, "Longitude": -116.9, "Population": 1694.0}, {"index": 14003, "quantile": 1.0, "value": 153500.0, "Latitude": 34.52, "Longitude": -116.9, "Population": 1694.0}, {"index": 14004, "quantile": 0.0, "value": 71300.0, "Latitude": 34.4, "Longitude": -116.94, "Population": 2631.0}, {"index": 14004, "quantile": 0.25, "value": 78500.0, "Latitude": 34.4, "Longitude": -116.94, "Population": 2631.0}, {"index": 14004, "quantile": 0.5, "value": 78500.0, "Latitude": 34.4, "Longitude": -116.94, "Population": 2631.0}, {"index": 14004, "quantile": 0.75, "value": 90625.0, "Latitude": 34.4, "Longitude": -116.94, "Population": 2631.0}, {"index": 14004, "quantile": 1.0, "value": 153500.0, "Latitude": 34.4, "Longitude": -116.94, "Population": 2631.0}, {"index": 14005, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 32.76, "Longitude": -117.18, "Population": 649.0}, {"index": 14005, "quantile": 0.25, "value": 441700.0, "Latitude": 32.76, "Longitude": -117.18, "Population": 649.0}, {"index": 14005, "quantile": 0.5, "value": 441700.0, "Latitude": 32.76, "Longitude": -117.18, "Population": 649.0}, {"index": 14005, "quantile": 0.75, "value": 441700.0, "Latitude": 32.76, "Longitude": -117.18, "Population": 649.0}, {"index": 14005, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.76, "Longitude": -117.18, "Population": 649.0}, {"index": 14006, "quantile": 0.0, "value": 184200.0, "Latitude": 32.75, "Longitude": -117.18, "Population": 535.0}, {"index": 14006, "quantile": 0.25, "value": 408500.0, "Latitude": 32.75, "Longitude": -117.18, "Population": 535.0}, {"index": 14006, "quantile": 0.5, "value": 408500.0, "Latitude": 32.75, "Longitude": -117.18, "Population": 535.0}, {"index": 14006, "quantile": 0.75, "value": 408500.0, "Latitude": 32.75, "Longitude": -117.18, "Population": 535.0}, {"index": 14006, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.75, "Longitude": -117.18, "Population": 535.0}, {"index": 14007, "quantile": 0.0, "value": 320300.0, "Latitude": 32.75, "Longitude": -117.18, "Population": 518.0}, {"index": 14007, "quantile": 0.25, "value": 459600.0, "Latitude": 32.75, "Longitude": -117.18, "Population": 518.0}, {"index": 14007, "quantile": 0.5, "value": 459600.0, "Latitude": 32.75, "Longitude": -117.18, "Population": 518.0}, {"index": 14007, "quantile": 0.75, "value": 459600.0, "Latitude": 32.75, "Longitude": -117.18, "Population": 518.0}, {"index": 14007, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.75, "Longitude": -117.18, "Population": 518.0}, {"index": 14008, "quantile": 0.0, "value": 320300.0, "Latitude": 32.75, "Longitude": -117.19, "Population": 459.0}, {"index": 14008, "quantile": 0.25, "value": 459600.0, "Latitude": 32.75, "Longitude": -117.19, "Population": 459.0}, {"index": 14008, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.75, "Longitude": -117.19, "Population": 459.0}, {"index": 14008, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.75, "Longitude": -117.19, "Population": 459.0}, {"index": 14008, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.75, "Longitude": -117.19, "Population": 459.0}, {"index": 14009, "quantile": 0.0, "value": 228600.0, "Latitude": 32.75, "Longitude": -117.19, "Population": 513.0}, {"index": 14009, "quantile": 0.25, "value": 411599.99999999994, "Latitude": 32.75, "Longitude": -117.19, "Population": 513.0}, {"index": 14009, "quantile": 0.5, "value": 411599.99999999994, "Latitude": 32.75, "Longitude": -117.19, "Population": 513.0}, {"index": 14009, "quantile": 0.75, "value": 411599.99999999994, "Latitude": 32.75, "Longitude": -117.19, "Population": 513.0}, {"index": 14009, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.75, "Longitude": -117.19, "Population": 513.0}, {"index": 14010, "quantile": 0.0, "value": 143300.0, "Latitude": 32.76, "Longitude": -117.19, "Population": 434.0}, {"index": 14010, "quantile": 0.25, "value": 411599.99999999994, "Latitude": 32.76, "Longitude": -117.19, "Population": 434.0}, {"index": 14010, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.76, "Longitude": -117.19, "Population": 434.0}, {"index": 14010, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.76, "Longitude": -117.19, "Population": 434.0}, {"index": 14010, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.76, "Longitude": -117.19, "Population": 434.0}, {"index": 14011, "quantile": 0.0, "value": 67000.0, "Latitude": 32.76, "Longitude": -117.17, "Population": 1160.0}, {"index": 14011, "quantile": 0.25, "value": 170100.0, "Latitude": 32.76, "Longitude": -117.17, "Population": 1160.0}, {"index": 14011, "quantile": 0.5, "value": 252700.0, "Latitude": 32.76, "Longitude": -117.17, "Population": 1160.0}, {"index": 14011, "quantile": 0.75, "value": 274000.0, "Latitude": 32.76, "Longitude": -117.17, "Population": 1160.0}, {"index": 14011, "quantile": 1.0, "value": 450000.0, "Latitude": 32.76, "Longitude": -117.17, "Population": 1160.0}, {"index": 14012, "quantile": 0.0, "value": 93300.0, "Latitude": 32.75, "Longitude": -117.17, "Population": 2357.0}, {"index": 14012, "quantile": 0.25, "value": 198000.0, "Latitude": 32.75, "Longitude": -117.17, "Population": 2357.0}, {"index": 14012, "quantile": 0.5, "value": 223000.0, "Latitude": 32.75, "Longitude": -117.17, "Population": 2357.0}, {"index": 14012, "quantile": 0.75, "value": 302425.0, "Latitude": 32.75, "Longitude": -117.17, "Population": 2357.0}, {"index": 14012, "quantile": 1.0, "value": 409999.99999999994, "Latitude": 32.75, "Longitude": -117.17, "Population": 2357.0}, {"index": 14013, "quantile": 0.0, "value": 74100.0, "Latitude": 32.74, "Longitude": -117.18, "Population": 1200.0}, {"index": 14013, "quantile": 0.25, "value": 256000.0, "Latitude": 32.74, "Longitude": -117.18, "Population": 1200.0}, {"index": 14013, "quantile": 0.5, "value": 274000.0, "Latitude": 32.74, "Longitude": -117.18, "Population": 1200.0}, {"index": 14013, "quantile": 0.75, "value": 274000.0, "Latitude": 32.74, "Longitude": -117.18, "Population": 1200.0}, {"index": 14013, "quantile": 1.0, "value": 289600.0, "Latitude": 32.74, "Longitude": -117.18, "Population": 1200.0}, {"index": 14014, "quantile": 0.0, "value": 71300.0, "Latitude": 32.75, "Longitude": -117.18, "Population": 918.0}, {"index": 14014, "quantile": 0.25, "value": 193975.0, "Latitude": 32.75, "Longitude": -117.18, "Population": 918.0}, {"index": 14014, "quantile": 0.5, "value": 248200.00000000003, "Latitude": 32.75, "Longitude": -117.18, "Population": 918.0}, {"index": 14014, "quantile": 0.75, "value": 257100.00000000003, "Latitude": 32.75, "Longitude": -117.18, "Population": 918.0}, {"index": 14014, "quantile": 1.0, "value": 355200.0, "Latitude": 32.75, "Longitude": -117.18, "Population": 918.0}, {"index": 14015, "quantile": 0.0, "value": 136700.0, "Latitude": 32.75, "Longitude": -117.17, "Population": 381.0}, {"index": 14015, "quantile": 0.25, "value": 289600.0, "Latitude": 32.75, "Longitude": -117.17, "Population": 381.0}, {"index": 14015, "quantile": 0.5, "value": 289600.0, "Latitude": 32.75, "Longitude": -117.17, "Population": 381.0}, {"index": 14015, "quantile": 0.75, "value": 289600.0, "Latitude": 32.75, "Longitude": -117.17, "Population": 381.0}, {"index": 14015, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.75, "Longitude": -117.17, "Population": 381.0}, {"index": 14016, "quantile": 0.0, "value": 101800.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 1107.0}, {"index": 14016, "quantile": 0.25, "value": 211675.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 1107.0}, {"index": 14016, "quantile": 0.5, "value": 245500.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 1107.0}, {"index": 14016, "quantile": 0.75, "value": 245500.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 1107.0}, {"index": 14016, "quantile": 1.0, "value": 362500.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 1107.0}, {"index": 14017, "quantile": 0.0, "value": 67500.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 643.0}, {"index": 14017, "quantile": 0.25, "value": 137500.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 643.0}, {"index": 14017, "quantile": 0.5, "value": 137500.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 643.0}, {"index": 14017, "quantile": 0.75, "value": 195800.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 643.0}, {"index": 14017, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 32.75, "Longitude": -117.16, "Population": 643.0}, {"index": 14018, "quantile": 0.0, "value": 67500.0, "Latitude": 32.74, "Longitude": -117.16, "Population": 389.0}, {"index": 14018, "quantile": 0.25, "value": 225000.0, "Latitude": 32.74, "Longitude": -117.16, "Population": 389.0}, {"index": 14018, "quantile": 0.5, "value": 225000.0, "Latitude": 32.74, "Longitude": -117.16, "Population": 389.0}, {"index": 14018, "quantile": 0.75, "value": 225000.0, "Latitude": 32.74, "Longitude": -117.16, "Population": 389.0}, {"index": 14018, "quantile": 1.0, "value": 326500.0, "Latitude": 32.74, "Longitude": -117.16, "Population": 389.0}, {"index": 14019, "quantile": 0.0, "value": 93800.0, "Latitude": 32.74, "Longitude": -117.16, "Population": 903.0}, {"index": 14019, "quantile": 0.25, "value": 202924.99999999997, "Latitude": 32.74, "Longitude": -117.16, "Population": 903.0}, {"index": 14019, "quantile": 0.5, "value": 243800.00000000003, "Latitude": 32.74, "Longitude": -117.16, "Population": 903.0}, {"index": 14019, "quantile": 0.75, "value": 243800.00000000003, "Latitude": 32.74, "Longitude": -117.16, "Population": 903.0}, {"index": 14019, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.74, "Longitude": -117.16, "Population": 903.0}, {"index": 14020, "quantile": 0.0, "value": 159100.0, "Latitude": 32.74, "Longitude": -117.16, "Population": 982.0}, {"index": 14020, "quantile": 0.25, "value": 261500.00000000003, "Latitude": 32.74, "Longitude": -117.16, "Population": 982.0}, {"index": 14020, "quantile": 0.5, "value": 261500.00000000003, "Latitude": 32.74, "Longitude": -117.16, "Population": 982.0}, {"index": 14020, "quantile": 0.75, "value": 270475.0, "Latitude": 32.74, "Longitude": -117.16, "Population": 982.0}, {"index": 14020, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.74, "Longitude": -117.16, "Population": 982.0}, {"index": 14021, "quantile": 0.0, "value": 67500.0, "Latitude": 32.75, "Longitude": -117.17, "Population": 540.0}, {"index": 14021, "quantile": 0.25, "value": 157525.0, "Latitude": 32.75, "Longitude": -117.17, "Population": 540.0}, {"index": 14021, "quantile": 0.5, "value": 240000.0, "Latitude": 32.75, "Longitude": -117.17, "Population": 540.0}, {"index": 14021, "quantile": 0.75, "value": 240000.0, "Latitude": 32.75, "Longitude": -117.17, "Population": 540.0}, {"index": 14021, "quantile": 1.0, "value": 300000.0, "Latitude": 32.75, "Longitude": -117.17, "Population": 540.0}, {"index": 14022, "quantile": 0.0, "value": 85800.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 2496.0}, {"index": 14022, "quantile": 0.25, "value": 185700.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 2496.0}, {"index": 14022, "quantile": 0.5, "value": 199100.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 2496.0}, {"index": 14022, "quantile": 0.75, "value": 199100.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 2496.0}, {"index": 14022, "quantile": 1.0, "value": 350000.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 2496.0}, {"index": 14023, "quantile": 0.0, "value": 112500.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 804.0}, {"index": 14023, "quantile": 0.25, "value": 200000.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 804.0}, {"index": 14023, "quantile": 0.5, "value": 200000.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 804.0}, {"index": 14023, "quantile": 0.75, "value": 200000.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 804.0}, {"index": 14023, "quantile": 1.0, "value": 290600.0, "Latitude": 32.75, "Longitude": -117.16, "Population": 804.0}, {"index": 14024, "quantile": 0.0, "value": 167000.0, "Latitude": 32.76, "Longitude": -117.15, "Population": 824.0}, {"index": 14024, "quantile": 0.25, "value": 302200.0, "Latitude": 32.76, "Longitude": -117.15, "Population": 824.0}, {"index": 14024, "quantile": 0.5, "value": 302200.0, "Latitude": 32.76, "Longitude": -117.15, "Population": 824.0}, {"index": 14024, "quantile": 0.75, "value": 302200.0, "Latitude": 32.76, "Longitude": -117.15, "Population": 824.0}, {"index": 14024, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.76, "Longitude": -117.15, "Population": 824.0}, {"index": 14025, "quantile": 0.0, "value": 87500.0, "Latitude": 32.76, "Longitude": -117.15, "Population": 1211.0}, {"index": 14025, "quantile": 0.25, "value": 171400.0, "Latitude": 32.76, "Longitude": -117.15, "Population": 1211.0}, {"index": 14025, "quantile": 0.5, "value": 225999.99999999997, "Latitude": 32.76, "Longitude": -117.15, "Population": 1211.0}, {"index": 14025, "quantile": 0.75, "value": 262475.0, "Latitude": 32.76, "Longitude": -117.15, "Population": 1211.0}, {"index": 14025, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.76, "Longitude": -117.15, "Population": 1211.0}, {"index": 14026, "quantile": 0.0, "value": 87500.0, "Latitude": 32.76, "Longitude": -117.15, "Population": 826.0}, {"index": 14026, "quantile": 0.25, "value": 168800.0, "Latitude": 32.76, "Longitude": -117.15, "Population": 826.0}, {"index": 14026, "quantile": 0.5, "value": 196900.0, "Latitude": 32.76, "Longitude": -117.15, "Population": 826.0}, {"index": 14026, "quantile": 0.75, "value": 255525.0, "Latitude": 32.76, "Longitude": -117.15, "Population": 826.0}, {"index": 14026, "quantile": 1.0, "value": 326500.0, "Latitude": 32.76, "Longitude": -117.15, "Population": 826.0}, {"index": 14027, "quantile": 0.0, "value": 87500.0, "Latitude": 32.76, "Longitude": -117.15, "Population": 811.0}, {"index": 14027, "quantile": 0.25, "value": 171625.0, "Latitude": 32.76, "Longitude": -117.15, "Population": 811.0}, {"index": 14027, "quantile": 0.5, "value": 200000.0, "Latitude": 32.76, "Longitude": -117.15, "Population": 811.0}, {"index": 14027, "quantile": 0.75, "value": 257400.00000000003, "Latitude": 32.76, "Longitude": -117.15, "Population": 811.0}, {"index": 14027, "quantile": 1.0, "value": 326500.0, "Latitude": 32.76, "Longitude": -117.15, "Population": 811.0}, {"index": 14028, "quantile": 0.0, "value": 92200.0, "Latitude": 32.75, "Longitude": -117.15, "Population": 903.0}, {"index": 14028, "quantile": 0.25, "value": 158950.0, "Latitude": 32.75, "Longitude": -117.15, "Population": 903.0}, {"index": 14028, "quantile": 0.5, "value": 199100.0, "Latitude": 32.75, "Longitude": -117.15, "Population": 903.0}, {"index": 14028, "quantile": 0.75, "value": 256300.00000000003, "Latitude": 32.75, "Longitude": -117.15, "Population": 903.0}, {"index": 14028, "quantile": 1.0, "value": 326500.0, "Latitude": 32.75, "Longitude": -117.15, "Population": 903.0}, {"index": 14029, "quantile": 0.0, "value": 81000.0, "Latitude": 32.75, "Longitude": -117.15, "Population": 851.0}, {"index": 14029, "quantile": 0.25, "value": 189900.0, "Latitude": 32.75, "Longitude": -117.15, "Population": 851.0}, {"index": 14029, "quantile": 0.5, "value": 204199.99999999997, "Latitude": 32.75, "Longitude": -117.15, "Population": 851.0}, {"index": 14029, "quantile": 0.75, "value": 204199.99999999997, "Latitude": 32.75, "Longitude": -117.15, "Population": 851.0}, {"index": 14029, "quantile": 1.0, "value": 274000.0, "Latitude": 32.75, "Longitude": -117.15, "Population": 851.0}, {"index": 14030, "quantile": 0.0, "value": 87500.0, "Latitude": 32.75, "Longitude": -117.15, "Population": 1332.0}, {"index": 14030, "quantile": 0.25, "value": 171400.0, "Latitude": 32.75, "Longitude": -117.15, "Population": 1332.0}, {"index": 14030, "quantile": 0.5, "value": 171400.0, "Latitude": 32.75, "Longitude": -117.15, "Population": 1332.0}, {"index": 14030, "quantile": 0.75, "value": 171400.0, "Latitude": 32.75, "Longitude": -117.15, "Population": 1332.0}, {"index": 14030, "quantile": 1.0, "value": 290600.0, "Latitude": 32.75, "Longitude": -117.15, "Population": 1332.0}, {"index": 14031, "quantile": 0.0, "value": 67500.0, "Latitude": 32.74, "Longitude": -117.15, "Population": 962.0}, {"index": 14031, "quantile": 0.25, "value": 197400.00000000003, "Latitude": 32.74, "Longitude": -117.15, "Population": 962.0}, {"index": 14031, "quantile": 0.5, "value": 263600.0, "Latitude": 32.74, "Longitude": -117.15, "Population": 962.0}, {"index": 14031, "quantile": 0.75, "value": 263600.0, "Latitude": 32.74, "Longitude": -117.15, "Population": 962.0}, {"index": 14031, "quantile": 1.0, "value": 326500.0, "Latitude": 32.74, "Longitude": -117.15, "Population": 962.0}, {"index": 14032, "quantile": 0.0, "value": 87500.0, "Latitude": 32.74, "Longitude": -117.15, "Population": 1320.0}, {"index": 14032, "quantile": 0.25, "value": 171400.0, "Latitude": 32.74, "Longitude": -117.15, "Population": 1320.0}, {"index": 14032, "quantile": 0.5, "value": 183300.0, "Latitude": 32.74, "Longitude": -117.15, "Population": 1320.0}, {"index": 14032, "quantile": 0.75, "value": 243800.00000000003, "Latitude": 32.74, "Longitude": -117.15, "Population": 1320.0}, {"index": 14032, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.74, "Longitude": -117.15, "Population": 1320.0}, {"index": 14033, "quantile": 0.0, "value": 87500.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 726.0}, {"index": 14033, "quantile": 0.25, "value": 159400.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 726.0}, {"index": 14033, "quantile": 0.5, "value": 159400.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 726.0}, {"index": 14033, "quantile": 0.75, "value": 166925.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 726.0}, {"index": 14033, "quantile": 1.0, "value": 286600.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 726.0}, {"index": 14034, "quantile": 0.0, "value": 37500.0, "Latitude": 32.74, "Longitude": -117.14, "Population": 689.0}, {"index": 14034, "quantile": 0.25, "value": 150200.0, "Latitude": 32.74, "Longitude": -117.14, "Population": 689.0}, {"index": 14034, "quantile": 0.5, "value": 180650.0, "Latitude": 32.74, "Longitude": -117.14, "Population": 689.0}, {"index": 14034, "quantile": 0.75, "value": 216500.0, "Latitude": 32.74, "Longitude": -117.14, "Population": 689.0}, {"index": 14034, "quantile": 1.0, "value": 338100.0, "Latitude": 32.74, "Longitude": -117.14, "Population": 689.0}, {"index": 14035, "quantile": 0.0, "value": 87500.0, "Latitude": 32.74, "Longitude": -117.14, "Population": 2592.0}, {"index": 14035, "quantile": 0.25, "value": 151425.0, "Latitude": 32.74, "Longitude": -117.14, "Population": 2592.0}, {"index": 14035, "quantile": 0.5, "value": 178100.0, "Latitude": 32.74, "Longitude": -117.14, "Population": 2592.0}, {"index": 14035, "quantile": 0.75, "value": 178100.0, "Latitude": 32.74, "Longitude": -117.14, "Population": 2592.0}, {"index": 14035, "quantile": 1.0, "value": 350000.0, "Latitude": 32.74, "Longitude": -117.14, "Population": 2592.0}, {"index": 14036, "quantile": 0.0, "value": 112500.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 1002.0}, {"index": 14036, "quantile": 0.25, "value": 118100.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 1002.0}, {"index": 14036, "quantile": 0.5, "value": 118100.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 1002.0}, {"index": 14036, "quantile": 0.75, "value": 147750.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 1002.0}, {"index": 14036, "quantile": 1.0, "value": 300000.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 1002.0}, {"index": 14037, "quantile": 0.0, "value": 45000.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 956.0}, {"index": 14037, "quantile": 0.25, "value": 123600.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 956.0}, {"index": 14037, "quantile": 0.5, "value": 131300.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 956.0}, {"index": 14037, "quantile": 0.75, "value": 168800.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 956.0}, {"index": 14037, "quantile": 1.0, "value": 263600.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 956.0}, {"index": 14038, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 32.75, "Longitude": -117.14, "Population": 955.0}, {"index": 14038, "quantile": 0.25, "value": 129200.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 955.0}, {"index": 14038, "quantile": 0.5, "value": 129200.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 955.0}, {"index": 14038, "quantile": 0.75, "value": 147950.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 955.0}, {"index": 14038, "quantile": 1.0, "value": 288200.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 955.0}, {"index": 14039, "quantile": 0.0, "value": 46900.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 766.0}, {"index": 14039, "quantile": 0.25, "value": 150000.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 766.0}, {"index": 14039, "quantile": 0.5, "value": 150000.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 766.0}, {"index": 14039, "quantile": 0.75, "value": 150000.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 766.0}, {"index": 14039, "quantile": 1.0, "value": 450000.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 766.0}, {"index": 14040, "quantile": 0.0, "value": 100000.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 678.0}, {"index": 14040, "quantile": 0.25, "value": 150000.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 678.0}, {"index": 14040, "quantile": 0.5, "value": 162500.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 678.0}, {"index": 14040, "quantile": 0.75, "value": 162500.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 678.0}, {"index": 14040, "quantile": 1.0, "value": 215000.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 678.0}, {"index": 14041, "quantile": 0.0, "value": 87500.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 880.0}, {"index": 14041, "quantile": 0.25, "value": 131300.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 880.0}, {"index": 14041, "quantile": 0.5, "value": 131300.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 880.0}, {"index": 14041, "quantile": 0.75, "value": 131300.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 880.0}, {"index": 14041, "quantile": 1.0, "value": 276800.0, "Latitude": 32.75, "Longitude": -117.14, "Population": 880.0}, {"index": 14042, "quantile": 0.0, "value": 118300.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1328.0}, {"index": 14042, "quantile": 0.25, "value": 164100.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1328.0}, {"index": 14042, "quantile": 0.5, "value": 164100.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1328.0}, {"index": 14042, "quantile": 0.75, "value": 169800.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1328.0}, {"index": 14042, "quantile": 1.0, "value": 450000.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1328.0}, {"index": 14043, "quantile": 0.0, "value": 87500.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1308.0}, {"index": 14043, "quantile": 0.25, "value": 139750.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1308.0}, {"index": 14043, "quantile": 0.5, "value": 171400.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1308.0}, {"index": 14043, "quantile": 0.75, "value": 174750.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1308.0}, {"index": 14043, "quantile": 1.0, "value": 326500.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1308.0}, {"index": 14044, "quantile": 0.0, "value": 112500.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1246.0}, {"index": 14044, "quantile": 0.25, "value": 145500.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1246.0}, {"index": 14044, "quantile": 0.5, "value": 145500.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1246.0}, {"index": 14044, "quantile": 0.75, "value": 145500.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1246.0}, {"index": 14044, "quantile": 1.0, "value": 259100.00000000003, "Latitude": 32.76, "Longitude": -117.14, "Population": 1246.0}, {"index": 14045, "quantile": 0.0, "value": 81500.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 965.0}, {"index": 14045, "quantile": 0.25, "value": 126000.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 965.0}, {"index": 14045, "quantile": 0.5, "value": 145500.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 965.0}, {"index": 14045, "quantile": 0.75, "value": 160925.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 965.0}, {"index": 14045, "quantile": 1.0, "value": 336800.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 965.0}, {"index": 14046, "quantile": 0.0, "value": 92200.0, "Latitude": 32.77, "Longitude": -117.13, "Population": 1098.0}, {"index": 14046, "quantile": 0.25, "value": 171700.0, "Latitude": 32.77, "Longitude": -117.13, "Population": 1098.0}, {"index": 14046, "quantile": 0.5, "value": 171700.0, "Latitude": 32.77, "Longitude": -117.13, "Population": 1098.0}, {"index": 14046, "quantile": 0.75, "value": 171700.0, "Latitude": 32.77, "Longitude": -117.13, "Population": 1098.0}, {"index": 14046, "quantile": 1.0, "value": 360300.0, "Latitude": 32.77, "Longitude": -117.13, "Population": 1098.0}, {"index": 14047, "quantile": 0.0, "value": 102099.99999999999, "Latitude": 32.76, "Longitude": -117.13, "Population": 1191.0}, {"index": 14047, "quantile": 0.25, "value": 126000.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 1191.0}, {"index": 14047, "quantile": 0.5, "value": 137000.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 1191.0}, {"index": 14047, "quantile": 0.75, "value": 145500.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 1191.0}, {"index": 14047, "quantile": 1.0, "value": 240000.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 1191.0}, {"index": 14048, "quantile": 0.0, "value": 112500.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 747.0}, {"index": 14048, "quantile": 0.25, "value": 154400.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 747.0}, {"index": 14048, "quantile": 0.5, "value": 154400.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 747.0}, {"index": 14048, "quantile": 0.75, "value": 154400.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 747.0}, {"index": 14048, "quantile": 1.0, "value": 281300.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 747.0}, {"index": 14049, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.76, "Longitude": -117.13, "Population": 1235.0}, {"index": 14049, "quantile": 0.25, "value": 119200.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 1235.0}, {"index": 14049, "quantile": 0.5, "value": 135000.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 1235.0}, {"index": 14049, "quantile": 0.75, "value": 150000.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 1235.0}, {"index": 14049, "quantile": 1.0, "value": 350000.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 1235.0}, {"index": 14050, "quantile": 0.0, "value": 120500.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 794.0}, {"index": 14050, "quantile": 0.25, "value": 140000.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 794.0}, {"index": 14050, "quantile": 0.5, "value": 140000.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 794.0}, {"index": 14050, "quantile": 0.75, "value": 140000.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 794.0}, {"index": 14050, "quantile": 1.0, "value": 257100.00000000003, "Latitude": 32.76, "Longitude": -117.13, "Population": 794.0}, {"index": 14051, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 32.76, "Longitude": -117.13, "Population": 1283.0}, {"index": 14051, "quantile": 0.25, "value": 127099.99999999999, "Latitude": 32.76, "Longitude": -117.13, "Population": 1283.0}, {"index": 14051, "quantile": 0.5, "value": 127099.99999999999, "Latitude": 32.76, "Longitude": -117.13, "Population": 1283.0}, {"index": 14051, "quantile": 0.75, "value": 135000.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 1283.0}, {"index": 14051, "quantile": 1.0, "value": 156800.0, "Latitude": 32.76, "Longitude": -117.13, "Population": 1283.0}, {"index": 14052, "quantile": 0.0, "value": 45000.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1775.0}, {"index": 14052, "quantile": 0.25, "value": 116100.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1775.0}, {"index": 14052, "quantile": 0.5, "value": 144000.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1775.0}, {"index": 14052, "quantile": 0.75, "value": 162500.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1775.0}, {"index": 14052, "quantile": 1.0, "value": 263600.0, "Latitude": 32.76, "Longitude": -117.14, "Population": 1775.0}, {"index": 14053, "quantile": 0.0, "value": 80000.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 898.0}, {"index": 14053, "quantile": 0.25, "value": 112500.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 898.0}, {"index": 14053, "quantile": 0.5, "value": 112500.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 898.0}, {"index": 14053, "quantile": 0.75, "value": 138725.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 898.0}, {"index": 14053, "quantile": 1.0, "value": 290600.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 898.0}, {"index": 14054, "quantile": 0.0, "value": 102099.99999999999, "Latitude": 32.75, "Longitude": -117.13, "Population": 1166.0}, {"index": 14054, "quantile": 0.25, "value": 147575.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 1166.0}, {"index": 14054, "quantile": 0.5, "value": 150000.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 1166.0}, {"index": 14054, "quantile": 0.75, "value": 150000.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 1166.0}, {"index": 14054, "quantile": 1.0, "value": 242300.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 1166.0}, {"index": 14055, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.75, "Longitude": -117.13, "Population": 2051.0}, {"index": 14055, "quantile": 0.25, "value": 130975.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 2051.0}, {"index": 14055, "quantile": 0.5, "value": 135000.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 2051.0}, {"index": 14055, "quantile": 0.75, "value": 135000.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 2051.0}, {"index": 14055, "quantile": 1.0, "value": 242300.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 2051.0}, {"index": 14056, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 32.75, "Longitude": -117.13, "Population": 1186.0}, {"index": 14056, "quantile": 0.25, "value": 130600.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 1186.0}, {"index": 14056, "quantile": 0.5, "value": 130600.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 1186.0}, {"index": 14056, "quantile": 0.75, "value": 133225.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 1186.0}, {"index": 14056, "quantile": 1.0, "value": 231300.00000000003, "Latitude": 32.75, "Longitude": -117.13, "Population": 1186.0}, {"index": 14057, "quantile": 0.0, "value": 93800.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 698.0}, {"index": 14057, "quantile": 0.25, "value": 168800.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 698.0}, {"index": 14057, "quantile": 0.5, "value": 168800.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 698.0}, {"index": 14057, "quantile": 0.75, "value": 168800.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 698.0}, {"index": 14057, "quantile": 1.0, "value": 326500.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 698.0}, {"index": 14058, "quantile": 0.0, "value": 155200.0, "Latitude": 32.74, "Longitude": -117.13, "Population": 651.0}, {"index": 14058, "quantile": 0.25, "value": 185300.0, "Latitude": 32.74, "Longitude": -117.13, "Population": 651.0}, {"index": 14058, "quantile": 0.5, "value": 185300.0, "Latitude": 32.74, "Longitude": -117.13, "Population": 651.0}, {"index": 14058, "quantile": 0.75, "value": 185300.0, "Latitude": 32.74, "Longitude": -117.13, "Population": 651.0}, {"index": 14058, "quantile": 1.0, "value": 393900.0, "Latitude": 32.74, "Longitude": -117.13, "Population": 651.0}, {"index": 14059, "quantile": 0.0, "value": 127800.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 1936.0}, {"index": 14059, "quantile": 0.25, "value": 174100.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 1936.0}, {"index": 14059, "quantile": 0.5, "value": 174100.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 1936.0}, {"index": 14059, "quantile": 0.75, "value": 174100.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 1936.0}, {"index": 14059, "quantile": 1.0, "value": 338100.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 1936.0}, {"index": 14060, "quantile": 0.0, "value": 67500.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1134.0}, {"index": 14060, "quantile": 0.25, "value": 118300.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1134.0}, {"index": 14060, "quantile": 0.5, "value": 118300.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1134.0}, {"index": 14060, "quantile": 0.75, "value": 159400.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1134.0}, {"index": 14060, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.75, "Longitude": -117.12, "Population": 1134.0}, {"index": 14061, "quantile": 0.0, "value": 101800.0, "Latitude": 32.74, "Longitude": -117.12, "Population": 978.0}, {"index": 14061, "quantile": 0.25, "value": 155200.0, "Latitude": 32.74, "Longitude": -117.12, "Population": 978.0}, {"index": 14061, "quantile": 0.5, "value": 155200.0, "Latitude": 32.74, "Longitude": -117.12, "Population": 978.0}, {"index": 14061, "quantile": 0.75, "value": 155200.0, "Latitude": 32.74, "Longitude": -117.12, "Population": 978.0}, {"index": 14061, "quantile": 1.0, "value": 339400.0, "Latitude": 32.74, "Longitude": -117.12, "Population": 978.0}, {"index": 14062, "quantile": 0.0, "value": 90100.0, "Latitude": 32.74, "Longitude": -117.12, "Population": 877.0}, {"index": 14062, "quantile": 0.25, "value": 185300.0, "Latitude": 32.74, "Longitude": -117.12, "Population": 877.0}, {"index": 14062, "quantile": 0.5, "value": 214350.0, "Latitude": 32.74, "Longitude": -117.12, "Population": 877.0}, {"index": 14062, "quantile": 0.75, "value": 290300.0, "Latitude": 32.74, "Longitude": -117.12, "Population": 877.0}, {"index": 14062, "quantile": 1.0, "value": 434800.0, "Latitude": 32.74, "Longitude": -117.12, "Population": 877.0}, {"index": 14063, "quantile": 0.0, "value": 67500.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 992.0}, {"index": 14063, "quantile": 0.25, "value": 157600.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 992.0}, {"index": 14063, "quantile": 0.5, "value": 157600.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 992.0}, {"index": 14063, "quantile": 0.75, "value": 157600.0, "Latitude": 32.75, "Longitude": -117.13, "Population": 992.0}, {"index": 14063, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.75, "Longitude": -117.13, "Population": 992.0}, {"index": 14064, "quantile": 0.0, "value": 72000.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1800.0}, {"index": 14064, "quantile": 0.25, "value": 106700.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1800.0}, {"index": 14064, "quantile": 0.5, "value": 106700.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1800.0}, {"index": 14064, "quantile": 0.75, "value": 106700.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1800.0}, {"index": 14064, "quantile": 1.0, "value": 153100.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1800.0}, {"index": 14065, "quantile": 0.0, "value": 71300.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1251.0}, {"index": 14065, "quantile": 0.25, "value": 119200.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1251.0}, {"index": 14065, "quantile": 0.5, "value": 119200.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1251.0}, {"index": 14065, "quantile": 0.75, "value": 119200.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1251.0}, {"index": 14065, "quantile": 1.0, "value": 177700.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1251.0}, {"index": 14066, "quantile": 0.0, "value": 92200.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 850.0}, {"index": 14066, "quantile": 0.25, "value": 119099.99999999999, "Latitude": 32.75, "Longitude": -117.12, "Population": 850.0}, {"index": 14066, "quantile": 0.5, "value": 134850.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 850.0}, {"index": 14066, "quantile": 0.75, "value": 150000.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 850.0}, {"index": 14066, "quantile": 1.0, "value": 350000.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 850.0}, {"index": 14067, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.75, "Longitude": -117.12, "Population": 1025.0}, {"index": 14067, "quantile": 0.25, "value": 130000.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1025.0}, {"index": 14067, "quantile": 0.5, "value": 130000.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1025.0}, {"index": 14067, "quantile": 0.75, "value": 130000.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1025.0}, {"index": 14067, "quantile": 1.0, "value": 156300.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1025.0}, {"index": 14068, "quantile": 0.0, "value": 102099.99999999999, "Latitude": 32.76, "Longitude": -117.12, "Population": 1279.0}, {"index": 14068, "quantile": 0.25, "value": 116100.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 1279.0}, {"index": 14068, "quantile": 0.5, "value": 116100.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 1279.0}, {"index": 14068, "quantile": 0.75, "value": 126299.99999999999, "Latitude": 32.76, "Longitude": -117.12, "Population": 1279.0}, {"index": 14068, "quantile": 1.0, "value": 162500.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 1279.0}, {"index": 14069, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 32.76, "Longitude": -117.12, "Population": 1250.0}, {"index": 14069, "quantile": 0.25, "value": 139000.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 1250.0}, {"index": 14069, "quantile": 0.5, "value": 139000.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 1250.0}, {"index": 14069, "quantile": 0.75, "value": 139000.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 1250.0}, {"index": 14069, "quantile": 1.0, "value": 262100.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 1250.0}, {"index": 14070, "quantile": 0.0, "value": 112500.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 1203.0}, {"index": 14070, "quantile": 0.25, "value": 127800.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 1203.0}, {"index": 14070, "quantile": 0.5, "value": 127800.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 1203.0}, {"index": 14070, "quantile": 0.75, "value": 139000.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 1203.0}, {"index": 14070, "quantile": 1.0, "value": 233300.00000000003, "Latitude": 32.76, "Longitude": -117.12, "Population": 1203.0}, {"index": 14071, "quantile": 0.0, "value": 116100.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 620.0}, {"index": 14071, "quantile": 0.25, "value": 123600.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 620.0}, {"index": 14071, "quantile": 0.5, "value": 123600.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 620.0}, {"index": 14071, "quantile": 0.75, "value": 130600.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 620.0}, {"index": 14071, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 32.76, "Longitude": -117.12, "Population": 620.0}, {"index": 14072, "quantile": 0.0, "value": 102099.99999999999, "Latitude": 32.76, "Longitude": -117.11, "Population": 1014.0}, {"index": 14072, "quantile": 0.25, "value": 114199.99999999999, "Latitude": 32.76, "Longitude": -117.11, "Population": 1014.0}, {"index": 14072, "quantile": 0.5, "value": 114199.99999999999, "Latitude": 32.76, "Longitude": -117.11, "Population": 1014.0}, {"index": 14072, "quantile": 0.75, "value": 125899.99999999999, "Latitude": 32.76, "Longitude": -117.11, "Population": 1014.0}, {"index": 14072, "quantile": 1.0, "value": 290600.0, "Latitude": 32.76, "Longitude": -117.11, "Population": 1014.0}, {"index": 14073, "quantile": 0.0, "value": 67500.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 1339.0}, {"index": 14073, "quantile": 0.25, "value": 102099.99999999999, "Latitude": 32.76, "Longitude": -117.12, "Population": 1339.0}, {"index": 14073, "quantile": 0.5, "value": 107000.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 1339.0}, {"index": 14073, "quantile": 0.75, "value": 118800.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 1339.0}, {"index": 14073, "quantile": 1.0, "value": 214500.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 1339.0}, {"index": 14074, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.76, "Longitude": -117.12, "Population": 792.0}, {"index": 14074, "quantile": 0.25, "value": 118800.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 792.0}, {"index": 14074, "quantile": 0.5, "value": 118800.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 792.0}, {"index": 14074, "quantile": 0.75, "value": 118800.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 792.0}, {"index": 14074, "quantile": 1.0, "value": 195300.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 792.0}, {"index": 14075, "quantile": 0.0, "value": 87500.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 936.0}, {"index": 14075, "quantile": 0.25, "value": 140000.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 936.0}, {"index": 14075, "quantile": 0.5, "value": 147500.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 936.0}, {"index": 14075, "quantile": 0.75, "value": 147500.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 936.0}, {"index": 14075, "quantile": 1.0, "value": 198100.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 936.0}, {"index": 14076, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 32.76, "Longitude": -117.12, "Population": 821.0}, {"index": 14076, "quantile": 0.25, "value": 150000.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 821.0}, {"index": 14076, "quantile": 0.5, "value": 150000.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 821.0}, {"index": 14076, "quantile": 0.75, "value": 150000.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 821.0}, {"index": 14076, "quantile": 1.0, "value": 242300.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 821.0}, {"index": 14077, "quantile": 0.0, "value": 102099.99999999999, "Latitude": 32.76, "Longitude": -117.12, "Population": 803.0}, {"index": 14077, "quantile": 0.25, "value": 120500.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 803.0}, {"index": 14077, "quantile": 0.5, "value": 120500.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 803.0}, {"index": 14077, "quantile": 0.75, "value": 141875.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 803.0}, {"index": 14077, "quantile": 1.0, "value": 242300.0, "Latitude": 32.76, "Longitude": -117.12, "Population": 803.0}, {"index": 14078, "quantile": 0.0, "value": 67000.0, "Latitude": 32.77, "Longitude": -117.11, "Population": 590.0}, {"index": 14078, "quantile": 0.25, "value": 136125.0, "Latitude": 32.77, "Longitude": -117.11, "Population": 590.0}, {"index": 14078, "quantile": 0.5, "value": 159250.0, "Latitude": 32.77, "Longitude": -117.11, "Population": 590.0}, {"index": 14078, "quantile": 0.75, "value": 175700.0, "Latitude": 32.77, "Longitude": -117.11, "Population": 590.0}, {"index": 14078, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.77, "Longitude": -117.11, "Population": 590.0}, {"index": 14079, "quantile": 0.0, "value": 167000.0, "Latitude": 32.77, "Longitude": -117.11, "Population": 617.0}, {"index": 14079, "quantile": 0.25, "value": 167000.0, "Latitude": 32.77, "Longitude": -117.11, "Population": 617.0}, {"index": 14079, "quantile": 0.5, "value": 167000.0, "Latitude": 32.77, "Longitude": -117.11, "Population": 617.0}, {"index": 14079, "quantile": 0.75, "value": 266700.0, "Latitude": 32.77, "Longitude": -117.11, "Population": 617.0}, {"index": 14079, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.77, "Longitude": -117.11, "Population": 617.0}, {"index": 14080, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 32.77, "Longitude": -117.12, "Population": 893.0}, {"index": 14080, "quantile": 0.25, "value": 159400.0, "Latitude": 32.77, "Longitude": -117.12, "Population": 893.0}, {"index": 14080, "quantile": 0.5, "value": 175000.0, "Latitude": 32.77, "Longitude": -117.12, "Population": 893.0}, {"index": 14080, "quantile": 0.75, "value": 175000.0, "Latitude": 32.77, "Longitude": -117.12, "Population": 893.0}, {"index": 14080, "quantile": 1.0, "value": 257399.99999999997, "Latitude": 32.77, "Longitude": -117.12, "Population": 893.0}, {"index": 14081, "quantile": 0.0, "value": 150500.0, "Latitude": 32.77, "Longitude": -117.12, "Population": 977.0}, {"index": 14081, "quantile": 0.25, "value": 192200.0, "Latitude": 32.77, "Longitude": -117.12, "Population": 977.0}, {"index": 14081, "quantile": 0.5, "value": 192200.0, "Latitude": 32.77, "Longitude": -117.12, "Population": 977.0}, {"index": 14081, "quantile": 0.75, "value": 192200.0, "Latitude": 32.77, "Longitude": -117.12, "Population": 977.0}, {"index": 14081, "quantile": 1.0, "value": 362500.0, "Latitude": 32.77, "Longitude": -117.12, "Population": 977.0}, {"index": 14082, "quantile": 0.0, "value": 228900.00000000003, "Latitude": 32.77, "Longitude": -117.11, "Population": 498.0}, {"index": 14082, "quantile": 0.25, "value": 331400.0, "Latitude": 32.77, "Longitude": -117.11, "Population": 498.0}, {"index": 14082, "quantile": 0.5, "value": 331400.0, "Latitude": 32.77, "Longitude": -117.11, "Population": 498.0}, {"index": 14082, "quantile": 0.75, "value": 351424.99999999994, "Latitude": 32.77, "Longitude": -117.11, "Population": 498.0}, {"index": 14082, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.77, "Longitude": -117.11, "Population": 498.0}, {"index": 14083, "quantile": 0.0, "value": 131300.0, "Latitude": 32.77, "Longitude": -117.11, "Population": 478.0}, {"index": 14083, "quantile": 0.25, "value": 289600.0, "Latitude": 32.77, "Longitude": -117.11, "Population": 478.0}, {"index": 14083, "quantile": 0.5, "value": 389900.0, "Latitude": 32.77, "Longitude": -117.11, "Population": 478.0}, {"index": 14083, "quantile": 0.75, "value": 443000.0, "Latitude": 32.77, "Longitude": -117.11, "Population": 478.0}, {"index": 14083, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.77, "Longitude": -117.11, "Population": 478.0}, {"index": 14084, "quantile": 0.0, "value": 158200.0, "Latitude": 32.77, "Longitude": -117.1, "Population": 1606.0}, {"index": 14084, "quantile": 0.25, "value": 292924.99999999994, "Latitude": 32.77, "Longitude": -117.1, "Population": 1606.0}, {"index": 14084, "quantile": 0.5, "value": 379650.0, "Latitude": 32.77, "Longitude": -117.1, "Population": 1606.0}, {"index": 14084, "quantile": 0.75, "value": 416799.99999999994, "Latitude": 32.77, "Longitude": -117.1, "Population": 1606.0}, {"index": 14084, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.77, "Longitude": -117.1, "Population": 1606.0}, {"index": 14085, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 32.76, "Longitude": -117.1, "Population": 883.0}, {"index": 14085, "quantile": 0.25, "value": 270800.0, "Latitude": 32.76, "Longitude": -117.1, "Population": 883.0}, {"index": 14085, "quantile": 0.5, "value": 270800.0, "Latitude": 32.76, "Longitude": -117.1, "Population": 883.0}, {"index": 14085, "quantile": 0.75, "value": 270800.0, "Latitude": 32.76, "Longitude": -117.1, "Population": 883.0}, {"index": 14085, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.76, "Longitude": -117.1, "Population": 883.0}, {"index": 14086, "quantile": 0.0, "value": 59600.0, "Latitude": 32.77, "Longitude": -117.09, "Population": 812.0}, {"index": 14086, "quantile": 0.25, "value": 185375.0, "Latitude": 32.77, "Longitude": -117.09, "Population": 812.0}, {"index": 14086, "quantile": 0.5, "value": 216500.0, "Latitude": 32.77, "Longitude": -117.09, "Population": 812.0}, {"index": 14086, "quantile": 0.75, "value": 216500.0, "Latitude": 32.77, "Longitude": -117.09, "Population": 812.0}, {"index": 14086, "quantile": 1.0, "value": 367100.0, "Latitude": 32.77, "Longitude": -117.09, "Population": 812.0}, {"index": 14087, "quantile": 0.0, "value": 84000.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 470.0}, {"index": 14087, "quantile": 0.25, "value": 184500.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 470.0}, {"index": 14087, "quantile": 0.5, "value": 195100.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 470.0}, {"index": 14087, "quantile": 0.75, "value": 223000.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 470.0}, {"index": 14087, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.76, "Longitude": -117.09, "Population": 470.0}, {"index": 14088, "quantile": 0.0, "value": 96500.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 1466.0}, {"index": 14088, "quantile": 0.25, "value": 213099.99999999997, "Latitude": 32.76, "Longitude": -117.09, "Population": 1466.0}, {"index": 14088, "quantile": 0.5, "value": 223000.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 1466.0}, {"index": 14088, "quantile": 0.75, "value": 223000.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 1466.0}, {"index": 14088, "quantile": 1.0, "value": 404500.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 1466.0}, {"index": 14089, "quantile": 0.0, "value": 155200.0, "Latitude": 32.76, "Longitude": -117.11, "Population": 1108.0}, {"index": 14089, "quantile": 0.25, "value": 204400.0, "Latitude": 32.76, "Longitude": -117.11, "Population": 1108.0}, {"index": 14089, "quantile": 0.5, "value": 204400.0, "Latitude": 32.76, "Longitude": -117.11, "Population": 1108.0}, {"index": 14089, "quantile": 0.75, "value": 242875.0, "Latitude": 32.76, "Longitude": -117.11, "Population": 1108.0}, {"index": 14089, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.76, "Longitude": -117.11, "Population": 1108.0}, {"index": 14090, "quantile": 0.0, "value": 94600.0, "Latitude": 32.76, "Longitude": -117.1, "Population": 934.0}, {"index": 14090, "quantile": 0.25, "value": 139600.0, "Latitude": 32.76, "Longitude": -117.1, "Population": 934.0}, {"index": 14090, "quantile": 0.5, "value": 139600.0, "Latitude": 32.76, "Longitude": -117.1, "Population": 934.0}, {"index": 14090, "quantile": 0.75, "value": 145800.0, "Latitude": 32.76, "Longitude": -117.1, "Population": 934.0}, {"index": 14090, "quantile": 1.0, "value": 354000.0, "Latitude": 32.76, "Longitude": -117.1, "Population": 934.0}, {"index": 14091, "quantile": 0.0, "value": 43900.0, "Latitude": 32.76, "Longitude": -117.11, "Population": 672.0}, {"index": 14091, "quantile": 0.25, "value": 122700.00000000001, "Latitude": 32.76, "Longitude": -117.11, "Population": 672.0}, {"index": 14091, "quantile": 0.5, "value": 122700.00000000001, "Latitude": 32.76, "Longitude": -117.11, "Population": 672.0}, {"index": 14091, "quantile": 0.75, "value": 124275.0, "Latitude": 32.76, "Longitude": -117.11, "Population": 672.0}, {"index": 14091, "quantile": 1.0, "value": 350000.0, "Latitude": 32.76, "Longitude": -117.11, "Population": 672.0}, {"index": 14092, "quantile": 0.0, "value": 92500.0, "Latitude": 32.76, "Longitude": -117.11, "Population": 1085.0}, {"index": 14092, "quantile": 0.25, "value": 126299.99999999999, "Latitude": 32.76, "Longitude": -117.11, "Population": 1085.0}, {"index": 14092, "quantile": 0.5, "value": 126299.99999999999, "Latitude": 32.76, "Longitude": -117.11, "Population": 1085.0}, {"index": 14092, "quantile": 0.75, "value": 126299.99999999999, "Latitude": 32.76, "Longitude": -117.11, "Population": 1085.0}, {"index": 14092, "quantile": 1.0, "value": 215000.0, "Latitude": 32.76, "Longitude": -117.11, "Population": 1085.0}, {"index": 14093, "quantile": 0.0, "value": 100000.0, "Latitude": 32.76, "Longitude": -117.11, "Population": 1304.0}, {"index": 14093, "quantile": 0.25, "value": 114399.99999999999, "Latitude": 32.76, "Longitude": -117.11, "Population": 1304.0}, {"index": 14093, "quantile": 0.5, "value": 114399.99999999999, "Latitude": 32.76, "Longitude": -117.11, "Population": 1304.0}, {"index": 14093, "quantile": 0.75, "value": 114975.0, "Latitude": 32.76, "Longitude": -117.11, "Population": 1304.0}, {"index": 14093, "quantile": 1.0, "value": 177700.0, "Latitude": 32.76, "Longitude": -117.11, "Population": 1304.0}, {"index": 14094, "quantile": 0.0, "value": 85200.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 955.0}, {"index": 14094, "quantile": 0.25, "value": 96400.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 955.0}, {"index": 14094, "quantile": 0.5, "value": 96400.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 955.0}, {"index": 14094, "quantile": 0.75, "value": 97300.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 955.0}, {"index": 14094, "quantile": 1.0, "value": 300000.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 955.0}, {"index": 14095, "quantile": 0.0, "value": 87500.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1905.0}, {"index": 14095, "quantile": 0.25, "value": 91300.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1905.0}, {"index": 14095, "quantile": 0.5, "value": 91300.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1905.0}, {"index": 14095, "quantile": 0.75, "value": 92400.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1905.0}, {"index": 14095, "quantile": 1.0, "value": 325000.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1905.0}, {"index": 14096, "quantile": 0.0, "value": 85200.0, "Latitude": 32.75, "Longitude": -117.11, "Population": 1384.0}, {"index": 14096, "quantile": 0.25, "value": 101099.99999999999, "Latitude": 32.75, "Longitude": -117.11, "Population": 1384.0}, {"index": 14096, "quantile": 0.5, "value": 103099.99999999999, "Latitude": 32.75, "Longitude": -117.11, "Population": 1384.0}, {"index": 14096, "quantile": 0.75, "value": 118524.99999999999, "Latitude": 32.75, "Longitude": -117.11, "Population": 1384.0}, {"index": 14096, "quantile": 1.0, "value": 152300.0, "Latitude": 32.75, "Longitude": -117.11, "Population": 1384.0}, {"index": 14097, "quantile": 0.0, "value": 85200.0, "Latitude": 32.75, "Longitude": -117.11, "Population": 1812.0}, {"index": 14097, "quantile": 0.25, "value": 95500.0, "Latitude": 32.75, "Longitude": -117.11, "Population": 1812.0}, {"index": 14097, "quantile": 0.5, "value": 100000.0, "Latitude": 32.75, "Longitude": -117.11, "Population": 1812.0}, {"index": 14097, "quantile": 0.75, "value": 100000.0, "Latitude": 32.75, "Longitude": -117.11, "Population": 1812.0}, {"index": 14097, "quantile": 1.0, "value": 152300.0, "Latitude": 32.75, "Longitude": -117.11, "Population": 1812.0}, {"index": 14098, "quantile": 0.0, "value": 40000.0, "Latitude": 32.75, "Longitude": -117.11, "Population": 1329.0}, {"index": 14098, "quantile": 0.25, "value": 103099.99999999999, "Latitude": 32.75, "Longitude": -117.11, "Population": 1329.0}, {"index": 14098, "quantile": 0.5, "value": 103099.99999999999, "Latitude": 32.75, "Longitude": -117.11, "Population": 1329.0}, {"index": 14098, "quantile": 0.75, "value": 103099.99999999999, "Latitude": 32.75, "Longitude": -117.11, "Population": 1329.0}, {"index": 14098, "quantile": 1.0, "value": 166100.0, "Latitude": 32.75, "Longitude": -117.11, "Population": 1329.0}, {"index": 14099, "quantile": 0.0, "value": 101800.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 882.0}, {"index": 14099, "quantile": 0.25, "value": 123750.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 882.0}, {"index": 14099, "quantile": 0.5, "value": 140000.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 882.0}, {"index": 14099, "quantile": 0.75, "value": 140000.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 882.0}, {"index": 14099, "quantile": 1.0, "value": 242300.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 882.0}, {"index": 14100, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.76, "Longitude": -117.09, "Population": 816.0}, {"index": 14100, "quantile": 0.25, "value": 118800.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 816.0}, {"index": 14100, "quantile": 0.5, "value": 131300.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 816.0}, {"index": 14100, "quantile": 0.75, "value": 150000.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 816.0}, {"index": 14100, "quantile": 1.0, "value": 225400.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 816.0}, {"index": 14101, "quantile": 0.0, "value": 45000.0, "Latitude": 32.76, "Longitude": -117.1, "Population": 619.0}, {"index": 14101, "quantile": 0.25, "value": 128850.0, "Latitude": 32.76, "Longitude": -117.1, "Population": 619.0}, {"index": 14101, "quantile": 0.5, "value": 144500.0, "Latitude": 32.76, "Longitude": -117.1, "Population": 619.0}, {"index": 14101, "quantile": 0.75, "value": 152500.0, "Latitude": 32.76, "Longitude": -117.1, "Population": 619.0}, {"index": 14101, "quantile": 1.0, "value": 350000.0, "Latitude": 32.76, "Longitude": -117.1, "Population": 619.0}, {"index": 14102, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 32.75, "Longitude": -117.1, "Population": 1505.0}, {"index": 14102, "quantile": 0.25, "value": 103400.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1505.0}, {"index": 14102, "quantile": 0.5, "value": 103400.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1505.0}, {"index": 14102, "quantile": 0.75, "value": 119200.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1505.0}, {"index": 14102, "quantile": 1.0, "value": 177700.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1505.0}, {"index": 14103, "quantile": 0.0, "value": 83300.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1686.0}, {"index": 14103, "quantile": 0.25, "value": 94800.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1686.0}, {"index": 14103, "quantile": 0.5, "value": 94800.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1686.0}, {"index": 14103, "quantile": 0.75, "value": 94800.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1686.0}, {"index": 14103, "quantile": 1.0, "value": 105000.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1686.0}, {"index": 14104, "quantile": 0.0, "value": 47500.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1848.0}, {"index": 14104, "quantile": 0.25, "value": 99200.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1848.0}, {"index": 14104, "quantile": 0.5, "value": 99200.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1848.0}, {"index": 14104, "quantile": 0.75, "value": 100000.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1848.0}, {"index": 14104, "quantile": 1.0, "value": 146900.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1848.0}, {"index": 14105, "quantile": 0.0, "value": 56499.99999999999, "Latitude": 32.75, "Longitude": -117.1, "Population": 2120.0}, {"index": 14105, "quantile": 0.25, "value": 92400.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 2120.0}, {"index": 14105, "quantile": 0.5, "value": 92400.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 2120.0}, {"index": 14105, "quantile": 0.75, "value": 96400.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 2120.0}, {"index": 14105, "quantile": 1.0, "value": 325000.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 2120.0}, {"index": 14106, "quantile": 0.0, "value": 67500.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1506.0}, {"index": 14106, "quantile": 0.25, "value": 85200.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1506.0}, {"index": 14106, "quantile": 0.5, "value": 85200.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1506.0}, {"index": 14106, "quantile": 0.75, "value": 86400.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1506.0}, {"index": 14106, "quantile": 1.0, "value": 139300.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1506.0}, {"index": 14107, "quantile": 0.0, "value": 84100.0, "Latitude": 32.75, "Longitude": -117.11, "Population": 601.0}, {"index": 14107, "quantile": 0.25, "value": 90600.0, "Latitude": 32.75, "Longitude": -117.11, "Population": 601.0}, {"index": 14107, "quantile": 0.5, "value": 90600.0, "Latitude": 32.75, "Longitude": -117.11, "Population": 601.0}, {"index": 14107, "quantile": 0.75, "value": 117300.0, "Latitude": 32.75, "Longitude": -117.11, "Population": 601.0}, {"index": 14107, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.75, "Longitude": -117.11, "Population": 601.0}, {"index": 14108, "quantile": 0.0, "value": 85200.0, "Latitude": 32.75, "Longitude": -117.11, "Population": 1292.0}, {"index": 14108, "quantile": 0.25, "value": 101099.99999999999, "Latitude": 32.75, "Longitude": -117.11, "Population": 1292.0}, {"index": 14108, "quantile": 0.5, "value": 101099.99999999999, "Latitude": 32.75, "Longitude": -117.11, "Population": 1292.0}, {"index": 14108, "quantile": 0.75, "value": 105349.99999999999, "Latitude": 32.75, "Longitude": -117.11, "Population": 1292.0}, {"index": 14108, "quantile": 1.0, "value": 214500.0, "Latitude": 32.75, "Longitude": -117.11, "Population": 1292.0}, {"index": 14109, "quantile": 0.0, "value": 85200.0, "Latitude": 32.75, "Longitude": -117.11, "Population": 1373.0}, {"index": 14109, "quantile": 0.25, "value": 102099.99999999999, "Latitude": 32.75, "Longitude": -117.11, "Population": 1373.0}, {"index": 14109, "quantile": 0.5, "value": 102099.99999999999, "Latitude": 32.75, "Longitude": -117.11, "Population": 1373.0}, {"index": 14109, "quantile": 0.75, "value": 121175.00000000001, "Latitude": 32.75, "Longitude": -117.11, "Population": 1373.0}, {"index": 14109, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 32.75, "Longitude": -117.11, "Population": 1373.0}, {"index": 14110, "quantile": 0.0, "value": 81900.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1869.0}, {"index": 14110, "quantile": 0.25, "value": 101800.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1869.0}, {"index": 14110, "quantile": 0.5, "value": 101800.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1869.0}, {"index": 14110, "quantile": 0.75, "value": 106700.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1869.0}, {"index": 14110, "quantile": 1.0, "value": 276800.0, "Latitude": 32.75, "Longitude": -117.12, "Population": 1869.0}, {"index": 14111, "quantile": 0.0, "value": 77500.0, "Latitude": 32.74, "Longitude": -117.1, "Population": 1831.0}, {"index": 14111, "quantile": 0.25, "value": 92550.0, "Latitude": 32.74, "Longitude": -117.1, "Population": 1831.0}, {"index": 14111, "quantile": 0.5, "value": 93400.0, "Latitude": 32.74, "Longitude": -117.1, "Population": 1831.0}, {"index": 14111, "quantile": 0.75, "value": 93400.0, "Latitude": 32.74, "Longitude": -117.1, "Population": 1831.0}, {"index": 14111, "quantile": 1.0, "value": 162500.0, "Latitude": 32.74, "Longitude": -117.1, "Population": 1831.0}, {"index": 14112, "quantile": 0.0, "value": 85800.0, "Latitude": 32.74, "Longitude": -117.11, "Population": 2272.0}, {"index": 14112, "quantile": 0.25, "value": 98700.0, "Latitude": 32.74, "Longitude": -117.11, "Population": 2272.0}, {"index": 14112, "quantile": 0.5, "value": 98700.0, "Latitude": 32.74, "Longitude": -117.11, "Population": 2272.0}, {"index": 14112, "quantile": 0.75, "value": 98700.0, "Latitude": 32.74, "Longitude": -117.11, "Population": 2272.0}, {"index": 14112, "quantile": 1.0, "value": 164100.0, "Latitude": 32.74, "Longitude": -117.11, "Population": 2272.0}, {"index": 14113, "quantile": 0.0, "value": 63900.0, "Latitude": 32.74, "Longitude": -117.11, "Population": 665.0}, {"index": 14113, "quantile": 0.25, "value": 97000.0, "Latitude": 32.74, "Longitude": -117.11, "Population": 665.0}, {"index": 14113, "quantile": 0.5, "value": 116849.99999999999, "Latitude": 32.74, "Longitude": -117.11, "Population": 665.0}, {"index": 14113, "quantile": 0.75, "value": 132500.0, "Latitude": 32.74, "Longitude": -117.11, "Population": 665.0}, {"index": 14113, "quantile": 1.0, "value": 200000.0, "Latitude": 32.74, "Longitude": -117.11, "Population": 665.0}, {"index": 14114, "quantile": 0.0, "value": 92500.0, "Latitude": 32.74, "Longitude": -117.11, "Population": 621.0}, {"index": 14114, "quantile": 0.25, "value": 123100.00000000001, "Latitude": 32.74, "Longitude": -117.11, "Population": 621.0}, {"index": 14114, "quantile": 0.5, "value": 123100.00000000001, "Latitude": 32.74, "Longitude": -117.11, "Population": 621.0}, {"index": 14114, "quantile": 0.75, "value": 125450.0, "Latitude": 32.74, "Longitude": -117.11, "Population": 621.0}, {"index": 14114, "quantile": 1.0, "value": 182100.0, "Latitude": 32.74, "Longitude": -117.11, "Population": 621.0}, {"index": 14115, "quantile": 0.0, "value": 67500.0, "Latitude": 32.73, "Longitude": -117.11, "Population": 1135.0}, {"index": 14115, "quantile": 0.25, "value": 101874.99999999999, "Latitude": 32.73, "Longitude": -117.11, "Population": 1135.0}, {"index": 14115, "quantile": 0.5, "value": 133700.0, "Latitude": 32.73, "Longitude": -117.11, "Population": 1135.0}, {"index": 14115, "quantile": 0.75, "value": 154200.0, "Latitude": 32.73, "Longitude": -117.11, "Population": 1135.0}, {"index": 14115, "quantile": 1.0, "value": 175000.0, "Latitude": 32.73, "Longitude": -117.11, "Population": 1135.0}, {"index": 14116, "quantile": 0.0, "value": 89300.0, "Latitude": 32.73, "Longitude": -117.1, "Population": 2005.0}, {"index": 14116, "quantile": 0.25, "value": 102899.99999999999, "Latitude": 32.73, "Longitude": -117.1, "Population": 2005.0}, {"index": 14116, "quantile": 0.5, "value": 102899.99999999999, "Latitude": 32.73, "Longitude": -117.1, "Population": 2005.0}, {"index": 14116, "quantile": 0.75, "value": 102975.0, "Latitude": 32.73, "Longitude": -117.1, "Population": 2005.0}, {"index": 14116, "quantile": 1.0, "value": 159400.0, "Latitude": 32.73, "Longitude": -117.1, "Population": 2005.0}, {"index": 14117, "quantile": 0.0, "value": 115300.0, "Latitude": 32.73, "Longitude": -117.11, "Population": 574.0}, {"index": 14117, "quantile": 0.25, "value": 126699.99999999999, "Latitude": 32.73, "Longitude": -117.11, "Population": 574.0}, {"index": 14117, "quantile": 0.5, "value": 126699.99999999999, "Latitude": 32.73, "Longitude": -117.11, "Population": 574.0}, {"index": 14117, "quantile": 0.75, "value": 126699.99999999999, "Latitude": 32.73, "Longitude": -117.11, "Population": 574.0}, {"index": 14117, "quantile": 1.0, "value": 189700.0, "Latitude": 32.73, "Longitude": -117.11, "Population": 574.0}, {"index": 14118, "quantile": 0.0, "value": 109800.00000000001, "Latitude": 32.73, "Longitude": -117.11, "Population": 1628.0}, {"index": 14118, "quantile": 0.25, "value": 132600.0, "Latitude": 32.73, "Longitude": -117.11, "Population": 1628.0}, {"index": 14118, "quantile": 0.5, "value": 132600.0, "Latitude": 32.73, "Longitude": -117.11, "Population": 1628.0}, {"index": 14118, "quantile": 0.75, "value": 132600.0, "Latitude": 32.73, "Longitude": -117.11, "Population": 1628.0}, {"index": 14118, "quantile": 1.0, "value": 189700.0, "Latitude": 32.73, "Longitude": -117.11, "Population": 1628.0}, {"index": 14119, "quantile": 0.0, "value": 84400.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 1620.0}, {"index": 14119, "quantile": 0.25, "value": 84400.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 1620.0}, {"index": 14119, "quantile": 0.5, "value": 84400.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 1620.0}, {"index": 14119, "quantile": 0.75, "value": 95500.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 1620.0}, {"index": 14119, "quantile": 1.0, "value": 141300.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 1620.0}, {"index": 14120, "quantile": 0.0, "value": 63900.0, "Latitude": 32.74, "Longitude": -117.09, "Population": 2472.0}, {"index": 14120, "quantile": 0.25, "value": 98700.0, "Latitude": 32.74, "Longitude": -117.09, "Population": 2472.0}, {"index": 14120, "quantile": 0.5, "value": 118200.0, "Latitude": 32.74, "Longitude": -117.09, "Population": 2472.0}, {"index": 14120, "quantile": 0.75, "value": 133700.0, "Latitude": 32.74, "Longitude": -117.09, "Population": 2472.0}, {"index": 14120, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.74, "Longitude": -117.09, "Population": 2472.0}, {"index": 14121, "quantile": 0.0, "value": 67500.0, "Latitude": 32.74, "Longitude": -117.1, "Population": 3555.0}, {"index": 14121, "quantile": 0.25, "value": 95325.0, "Latitude": 32.74, "Longitude": -117.1, "Population": 3555.0}, {"index": 14121, "quantile": 0.5, "value": 100000.0, "Latitude": 32.74, "Longitude": -117.1, "Population": 3555.0}, {"index": 14121, "quantile": 0.75, "value": 100000.0, "Latitude": 32.74, "Longitude": -117.1, "Population": 3555.0}, {"index": 14121, "quantile": 1.0, "value": 135000.0, "Latitude": 32.74, "Longitude": -117.1, "Population": 3555.0}, {"index": 14122, "quantile": 0.0, "value": 67500.0, "Latitude": 32.74, "Longitude": -117.1, "Population": 1389.0}, {"index": 14122, "quantile": 0.25, "value": 98275.0, "Latitude": 32.74, "Longitude": -117.1, "Population": 1389.0}, {"index": 14122, "quantile": 0.5, "value": 118200.0, "Latitude": 32.74, "Longitude": -117.1, "Population": 1389.0}, {"index": 14122, "quantile": 0.75, "value": 139100.0, "Latitude": 32.74, "Longitude": -117.1, "Population": 1389.0}, {"index": 14122, "quantile": 1.0, "value": 187500.0, "Latitude": 32.74, "Longitude": -117.1, "Population": 1389.0}, {"index": 14123, "quantile": 0.0, "value": 83300.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1528.0}, {"index": 14123, "quantile": 0.25, "value": 89800.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1528.0}, {"index": 14123, "quantile": 0.5, "value": 89800.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1528.0}, {"index": 14123, "quantile": 0.75, "value": 92650.00000000001, "Latitude": 32.75, "Longitude": -117.1, "Population": 1528.0}, {"index": 14123, "quantile": 1.0, "value": 154200.0, "Latitude": 32.75, "Longitude": -117.1, "Population": 1528.0}, {"index": 14124, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.75, "Longitude": -117.08, "Population": 1134.0}, {"index": 14124, "quantile": 0.25, "value": 100000.0, "Latitude": 32.75, "Longitude": -117.08, "Population": 1134.0}, {"index": 14124, "quantile": 0.5, "value": 100000.0, "Latitude": 32.75, "Longitude": -117.08, "Population": 1134.0}, {"index": 14124, "quantile": 0.75, "value": 114399.99999999999, "Latitude": 32.75, "Longitude": -117.08, "Population": 1134.0}, {"index": 14124, "quantile": 1.0, "value": 177700.0, "Latitude": 32.75, "Longitude": -117.08, "Population": 1134.0}, {"index": 14125, "quantile": 0.0, "value": 67500.0, "Latitude": 32.75, "Longitude": -117.08, "Population": 930.0}, {"index": 14125, "quantile": 0.25, "value": 91125.0, "Latitude": 32.75, "Longitude": -117.08, "Population": 930.0}, {"index": 14125, "quantile": 0.5, "value": 103099.99999999999, "Latitude": 32.75, "Longitude": -117.08, "Population": 930.0}, {"index": 14125, "quantile": 0.75, "value": 111300.0, "Latitude": 32.75, "Longitude": -117.08, "Population": 930.0}, {"index": 14125, "quantile": 1.0, "value": 140300.0, "Latitude": 32.75, "Longitude": -117.08, "Population": 930.0}, {"index": 14126, "quantile": 0.0, "value": 87000.0, "Latitude": 32.75, "Longitude": -117.08, "Population": 1385.0}, {"index": 14126, "quantile": 0.25, "value": 95300.0, "Latitude": 32.75, "Longitude": -117.08, "Population": 1385.0}, {"index": 14126, "quantile": 0.5, "value": 95300.0, "Latitude": 32.75, "Longitude": -117.08, "Population": 1385.0}, {"index": 14126, "quantile": 0.75, "value": 116325.00000000001, "Latitude": 32.75, "Longitude": -117.08, "Population": 1385.0}, {"index": 14126, "quantile": 1.0, "value": 165100.0, "Latitude": 32.75, "Longitude": -117.08, "Population": 1385.0}, {"index": 14127, "quantile": 0.0, "value": 58299.99999999999, "Latitude": 32.75, "Longitude": -117.09, "Population": 1230.0}, {"index": 14127, "quantile": 0.25, "value": 95500.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 1230.0}, {"index": 14127, "quantile": 0.5, "value": 105000.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 1230.0}, {"index": 14127, "quantile": 0.75, "value": 114900.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 1230.0}, {"index": 14127, "quantile": 1.0, "value": 248100.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 1230.0}, {"index": 14128, "quantile": 0.0, "value": 58299.99999999999, "Latitude": 32.75, "Longitude": -117.09, "Population": 1286.0}, {"index": 14128, "quantile": 0.25, "value": 104650.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 1286.0}, {"index": 14128, "quantile": 0.5, "value": 105000.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 1286.0}, {"index": 14128, "quantile": 0.75, "value": 105000.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 1286.0}, {"index": 14128, "quantile": 1.0, "value": 160400.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 1286.0}, {"index": 14129, "quantile": 0.0, "value": 84400.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 1482.0}, {"index": 14129, "quantile": 0.25, "value": 95500.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 1482.0}, {"index": 14129, "quantile": 0.5, "value": 95500.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 1482.0}, {"index": 14129, "quantile": 0.75, "value": 95500.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 1482.0}, {"index": 14129, "quantile": 1.0, "value": 124700.00000000001, "Latitude": 32.75, "Longitude": -117.09, "Population": 1482.0}, {"index": 14130, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.76, "Longitude": -117.09, "Population": 1595.0}, {"index": 14130, "quantile": 0.25, "value": 92125.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 1595.0}, {"index": 14130, "quantile": 0.5, "value": 96300.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 1595.0}, {"index": 14130, "quantile": 0.75, "value": 108000.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 1595.0}, {"index": 14130, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 32.76, "Longitude": -117.09, "Population": 1595.0}, {"index": 14131, "quantile": 0.0, "value": 62500.0, "Latitude": 32.76, "Longitude": -117.08, "Population": 1639.0}, {"index": 14131, "quantile": 0.25, "value": 125000.0, "Latitude": 32.76, "Longitude": -117.08, "Population": 1639.0}, {"index": 14131, "quantile": 0.5, "value": 125000.0, "Latitude": 32.76, "Longitude": -117.08, "Population": 1639.0}, {"index": 14131, "quantile": 0.75, "value": 125000.0, "Latitude": 32.76, "Longitude": -117.08, "Population": 1639.0}, {"index": 14131, "quantile": 1.0, "value": 350000.0, "Latitude": 32.76, "Longitude": -117.08, "Population": 1639.0}, {"index": 14132, "quantile": 0.0, "value": 92000.0, "Latitude": 32.76, "Longitude": -117.07, "Population": 1297.0}, {"index": 14132, "quantile": 0.25, "value": 138100.0, "Latitude": 32.76, "Longitude": -117.07, "Population": 1297.0}, {"index": 14132, "quantile": 0.5, "value": 138100.0, "Latitude": 32.76, "Longitude": -117.07, "Population": 1297.0}, {"index": 14132, "quantile": 0.75, "value": 138100.0, "Latitude": 32.76, "Longitude": -117.07, "Population": 1297.0}, {"index": 14132, "quantile": 1.0, "value": 166300.0, "Latitude": 32.76, "Longitude": -117.07, "Population": 1297.0}, {"index": 14133, "quantile": 0.0, "value": 88100.0, "Latitude": 32.75, "Longitude": -117.07, "Population": 1219.0}, {"index": 14133, "quantile": 0.25, "value": 147350.0, "Latitude": 32.75, "Longitude": -117.07, "Population": 1219.0}, {"index": 14133, "quantile": 0.5, "value": 154200.0, "Latitude": 32.75, "Longitude": -117.07, "Population": 1219.0}, {"index": 14133, "quantile": 0.75, "value": 154200.0, "Latitude": 32.75, "Longitude": -117.07, "Population": 1219.0}, {"index": 14133, "quantile": 1.0, "value": 488900.0, "Latitude": 32.75, "Longitude": -117.07, "Population": 1219.0}, {"index": 14134, "quantile": 0.0, "value": 67500.0, "Latitude": 32.75, "Longitude": -117.07, "Population": 2000.0}, {"index": 14134, "quantile": 0.25, "value": 121175.00000000001, "Latitude": 32.75, "Longitude": -117.07, "Population": 2000.0}, {"index": 14134, "quantile": 0.5, "value": 144700.0, "Latitude": 32.75, "Longitude": -117.07, "Population": 2000.0}, {"index": 14134, "quantile": 0.75, "value": 144700.0, "Latitude": 32.75, "Longitude": -117.07, "Population": 2000.0}, {"index": 14134, "quantile": 1.0, "value": 159400.0, "Latitude": 32.75, "Longitude": -117.07, "Population": 2000.0}, {"index": 14135, "quantile": 0.0, "value": 67500.0, "Latitude": 32.75, "Longitude": -117.07, "Population": 1687.0}, {"index": 14135, "quantile": 0.25, "value": 131900.0, "Latitude": 32.75, "Longitude": -117.07, "Population": 1687.0}, {"index": 14135, "quantile": 0.5, "value": 144700.0, "Latitude": 32.75, "Longitude": -117.07, "Population": 1687.0}, {"index": 14135, "quantile": 0.75, "value": 176825.0, "Latitude": 32.75, "Longitude": -117.07, "Population": 1687.0}, {"index": 14135, "quantile": 1.0, "value": 367100.0, "Latitude": 32.75, "Longitude": -117.07, "Population": 1687.0}, {"index": 14136, "quantile": 0.0, "value": 99600.0, "Latitude": 32.75, "Longitude": -117.06, "Population": 1181.0}, {"index": 14136, "quantile": 0.25, "value": 129200.0, "Latitude": 32.75, "Longitude": -117.06, "Population": 1181.0}, {"index": 14136, "quantile": 0.5, "value": 129200.0, "Latitude": 32.75, "Longitude": -117.06, "Population": 1181.0}, {"index": 14136, "quantile": 0.75, "value": 129200.0, "Latitude": 32.75, "Longitude": -117.06, "Population": 1181.0}, {"index": 14136, "quantile": 1.0, "value": 235600.0, "Latitude": 32.75, "Longitude": -117.06, "Population": 1181.0}, {"index": 14137, "quantile": 0.0, "value": 115300.0, "Latitude": 32.74, "Longitude": -117.05, "Population": 1193.0}, {"index": 14137, "quantile": 0.25, "value": 115300.0, "Latitude": 32.74, "Longitude": -117.05, "Population": 1193.0}, {"index": 14137, "quantile": 0.5, "value": 115300.0, "Latitude": 32.74, "Longitude": -117.05, "Population": 1193.0}, {"index": 14137, "quantile": 0.75, "value": 123100.00000000001, "Latitude": 32.74, "Longitude": -117.05, "Population": 1193.0}, {"index": 14137, "quantile": 1.0, "value": 164400.0, "Latitude": 32.74, "Longitude": -117.05, "Population": 1193.0}, {"index": 14138, "quantile": 0.0, "value": 84200.0, "Latitude": 32.74, "Longitude": -117.07, "Population": 589.0}, {"index": 14138, "quantile": 0.25, "value": 118924.99999999999, "Latitude": 32.74, "Longitude": -117.07, "Population": 589.0}, {"index": 14138, "quantile": 0.5, "value": 133700.0, "Latitude": 32.74, "Longitude": -117.07, "Population": 589.0}, {"index": 14138, "quantile": 0.75, "value": 154250.0, "Latitude": 32.74, "Longitude": -117.07, "Population": 589.0}, {"index": 14138, "quantile": 1.0, "value": 176000.0, "Latitude": 32.74, "Longitude": -117.07, "Population": 589.0}, {"index": 14139, "quantile": 0.0, "value": 89600.0, "Latitude": 32.75, "Longitude": -117.07, "Population": 1263.0}, {"index": 14139, "quantile": 0.25, "value": 120700.00000000001, "Latitude": 32.75, "Longitude": -117.07, "Population": 1263.0}, {"index": 14139, "quantile": 0.5, "value": 120700.00000000001, "Latitude": 32.75, "Longitude": -117.07, "Population": 1263.0}, {"index": 14139, "quantile": 0.75, "value": 136250.0, "Latitude": 32.75, "Longitude": -117.07, "Population": 1263.0}, {"index": 14139, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 32.75, "Longitude": -117.07, "Population": 1263.0}, {"index": 14140, "quantile": 0.0, "value": 69900.0, "Latitude": 32.75, "Longitude": -117.08, "Population": 1452.0}, {"index": 14140, "quantile": 0.25, "value": 118300.0, "Latitude": 32.75, "Longitude": -117.08, "Population": 1452.0}, {"index": 14140, "quantile": 0.5, "value": 118300.0, "Latitude": 32.75, "Longitude": -117.08, "Population": 1452.0}, {"index": 14140, "quantile": 0.75, "value": 118300.0, "Latitude": 32.75, "Longitude": -117.08, "Population": 1452.0}, {"index": 14140, "quantile": 1.0, "value": 140400.0, "Latitude": 32.75, "Longitude": -117.08, "Population": 1452.0}, {"index": 14141, "quantile": 0.0, "value": 80200.0, "Latitude": 32.74, "Longitude": -117.08, "Population": 2067.0}, {"index": 14141, "quantile": 0.25, "value": 118300.0, "Latitude": 32.74, "Longitude": -117.08, "Population": 2067.0}, {"index": 14141, "quantile": 0.5, "value": 124700.00000000001, "Latitude": 32.74, "Longitude": -117.08, "Population": 2067.0}, {"index": 14141, "quantile": 0.75, "value": 124700.00000000001, "Latitude": 32.74, "Longitude": -117.08, "Population": 2067.0}, {"index": 14141, "quantile": 1.0, "value": 227199.99999999997, "Latitude": 32.74, "Longitude": -117.08, "Population": 2067.0}, {"index": 14142, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.75, "Longitude": -117.09, "Population": 2004.0}, {"index": 14142, "quantile": 0.25, "value": 91100.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 2004.0}, {"index": 14142, "quantile": 0.5, "value": 99800.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 2004.0}, {"index": 14142, "quantile": 0.75, "value": 117324.99999999999, "Latitude": 32.75, "Longitude": -117.09, "Population": 2004.0}, {"index": 14142, "quantile": 1.0, "value": 221900.0, "Latitude": 32.75, "Longitude": -117.09, "Population": 2004.0}, {"index": 14143, "quantile": 0.0, "value": 63500.0, "Latitude": 32.74, "Longitude": -117.09, "Population": 1472.0}, {"index": 14143, "quantile": 0.25, "value": 110100.0, "Latitude": 32.74, "Longitude": -117.09, "Population": 1472.0}, {"index": 14143, "quantile": 0.5, "value": 110100.0, "Latitude": 32.74, "Longitude": -117.09, "Population": 1472.0}, {"index": 14143, "quantile": 0.75, "value": 110100.0, "Latitude": 32.74, "Longitude": -117.09, "Population": 1472.0}, {"index": 14143, "quantile": 1.0, "value": 153100.0, "Latitude": 32.74, "Longitude": -117.09, "Population": 1472.0}, {"index": 14144, "quantile": 0.0, "value": 115300.0, "Latitude": 32.74, "Longitude": -117.08, "Population": 1784.0}, {"index": 14144, "quantile": 0.25, "value": 126499.99999999999, "Latitude": 32.74, "Longitude": -117.08, "Population": 1784.0}, {"index": 14144, "quantile": 0.5, "value": 126499.99999999999, "Latitude": 32.74, "Longitude": -117.08, "Population": 1784.0}, {"index": 14144, "quantile": 0.75, "value": 126499.99999999999, "Latitude": 32.74, "Longitude": -117.08, "Population": 1784.0}, {"index": 14144, "quantile": 1.0, "value": 168900.0, "Latitude": 32.74, "Longitude": -117.08, "Population": 1784.0}, {"index": 14145, "quantile": 0.0, "value": 109800.00000000001, "Latitude": 32.73, "Longitude": -117.08, "Population": 1903.0}, {"index": 14145, "quantile": 0.25, "value": 122000.0, "Latitude": 32.73, "Longitude": -117.08, "Population": 1903.0}, {"index": 14145, "quantile": 0.5, "value": 122000.0, "Latitude": 32.73, "Longitude": -117.08, "Population": 1903.0}, {"index": 14145, "quantile": 0.75, "value": 125424.99999999999, "Latitude": 32.73, "Longitude": -117.08, "Population": 1903.0}, {"index": 14145, "quantile": 1.0, "value": 172600.0, "Latitude": 32.73, "Longitude": -117.08, "Population": 1903.0}, {"index": 14146, "quantile": 0.0, "value": 59700.0, "Latitude": 32.74, "Longitude": -117.07, "Population": 1099.0}, {"index": 14146, "quantile": 0.25, "value": 113900.0, "Latitude": 32.74, "Longitude": -117.07, "Population": 1099.0}, {"index": 14146, "quantile": 0.5, "value": 113900.0, "Latitude": 32.74, "Longitude": -117.07, "Population": 1099.0}, {"index": 14146, "quantile": 0.75, "value": 129200.0, "Latitude": 32.74, "Longitude": -117.07, "Population": 1099.0}, {"index": 14146, "quantile": 1.0, "value": 235600.0, "Latitude": 32.74, "Longitude": -117.07, "Population": 1099.0}, {"index": 14147, "quantile": 0.0, "value": 84100.0, "Latitude": 32.74, "Longitude": -117.08, "Population": 753.0}, {"index": 14147, "quantile": 0.25, "value": 135100.0, "Latitude": 32.74, "Longitude": -117.08, "Population": 753.0}, {"index": 14147, "quantile": 0.5, "value": 135100.0, "Latitude": 32.74, "Longitude": -117.08, "Population": 753.0}, {"index": 14147, "quantile": 0.75, "value": 135100.0, "Latitude": 32.74, "Longitude": -117.08, "Population": 753.0}, {"index": 14147, "quantile": 1.0, "value": 175000.0, "Latitude": 32.74, "Longitude": -117.08, "Population": 753.0}, {"index": 14148, "quantile": 0.0, "value": 100600.0, "Latitude": 32.73, "Longitude": -117.08, "Population": 619.0}, {"index": 14148, "quantile": 0.25, "value": 122500.00000000001, "Latitude": 32.73, "Longitude": -117.08, "Population": 619.0}, {"index": 14148, "quantile": 0.5, "value": 122500.00000000001, "Latitude": 32.73, "Longitude": -117.08, "Population": 619.0}, {"index": 14148, "quantile": 0.75, "value": 125400.0, "Latitude": 32.73, "Longitude": -117.08, "Population": 619.0}, {"index": 14148, "quantile": 1.0, "value": 178600.0, "Latitude": 32.73, "Longitude": -117.08, "Population": 619.0}, {"index": 14149, "quantile": 0.0, "value": 81900.0, "Latitude": 32.73, "Longitude": -117.08, "Population": 1953.0}, {"index": 14149, "quantile": 0.25, "value": 111300.0, "Latitude": 32.73, "Longitude": -117.08, "Population": 1953.0}, {"index": 14149, "quantile": 0.5, "value": 111300.0, "Latitude": 32.73, "Longitude": -117.08, "Population": 1953.0}, {"index": 14149, "quantile": 0.75, "value": 111300.0, "Latitude": 32.73, "Longitude": -117.08, "Population": 1953.0}, {"index": 14149, "quantile": 1.0, "value": 325000.0, "Latitude": 32.73, "Longitude": -117.08, "Population": 1953.0}, {"index": 14150, "quantile": 0.0, "value": 72000.0, "Latitude": 32.73, "Longitude": -117.07, "Population": 1149.0}, {"index": 14150, "quantile": 0.25, "value": 154200.0, "Latitude": 32.73, "Longitude": -117.07, "Population": 1149.0}, {"index": 14150, "quantile": 0.5, "value": 154200.0, "Latitude": 32.73, "Longitude": -117.07, "Population": 1149.0}, {"index": 14150, "quantile": 0.75, "value": 154200.0, "Latitude": 32.73, "Longitude": -117.07, "Population": 1149.0}, {"index": 14150, "quantile": 1.0, "value": 354000.0, "Latitude": 32.73, "Longitude": -117.07, "Population": 1149.0}, {"index": 14151, "quantile": 0.0, "value": 53600.0, "Latitude": 32.78, "Longitude": -117.07, "Population": 1524.0}, {"index": 14151, "quantile": 0.25, "value": 116700.0, "Latitude": 32.78, "Longitude": -117.07, "Population": 1524.0}, {"index": 14151, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 32.78, "Longitude": -117.07, "Population": 1524.0}, {"index": 14151, "quantile": 0.75, "value": 218800.00000000003, "Latitude": 32.78, "Longitude": -117.07, "Population": 1524.0}, {"index": 14151, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 32.78, "Longitude": -117.07, "Population": 1524.0}, {"index": 14152, "quantile": 0.0, "value": 93300.0, "Latitude": 32.77, "Longitude": -117.09, "Population": 1263.0}, {"index": 14152, "quantile": 0.25, "value": 169450.0, "Latitude": 32.77, "Longitude": -117.09, "Population": 1263.0}, {"index": 14152, "quantile": 0.5, "value": 291500.0, "Latitude": 32.77, "Longitude": -117.09, "Population": 1263.0}, {"index": 14152, "quantile": 0.75, "value": 291500.0, "Latitude": 32.77, "Longitude": -117.09, "Population": 1263.0}, {"index": 14152, "quantile": 1.0, "value": 291500.0, "Latitude": 32.77, "Longitude": -117.09, "Population": 1263.0}, {"index": 14153, "quantile": 0.0, "value": 146300.0, "Latitude": 32.77, "Longitude": -117.08, "Population": 426.0}, {"index": 14153, "quantile": 0.25, "value": 230600.0, "Latitude": 32.77, "Longitude": -117.08, "Population": 426.0}, {"index": 14153, "quantile": 0.5, "value": 255100.00000000003, "Latitude": 32.77, "Longitude": -117.08, "Population": 426.0}, {"index": 14153, "quantile": 0.75, "value": 298900.0, "Latitude": 32.77, "Longitude": -117.08, "Population": 426.0}, {"index": 14153, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.77, "Longitude": -117.08, "Population": 426.0}, {"index": 14154, "quantile": 0.0, "value": 67500.0, "Latitude": 32.77, "Longitude": -117.07, "Population": 1849.0}, {"index": 14154, "quantile": 0.25, "value": 117125.00000000001, "Latitude": 32.77, "Longitude": -117.07, "Population": 1849.0}, {"index": 14154, "quantile": 0.5, "value": 140950.0, "Latitude": 32.77, "Longitude": -117.07, "Population": 1849.0}, {"index": 14154, "quantile": 0.75, "value": 160400.0, "Latitude": 32.77, "Longitude": -117.07, "Population": 1849.0}, {"index": 14154, "quantile": 1.0, "value": 196300.0, "Latitude": 32.77, "Longitude": -117.07, "Population": 1849.0}, {"index": 14155, "quantile": 0.0, "value": 150400.0, "Latitude": 32.77, "Longitude": -117.07, "Population": 1495.0}, {"index": 14155, "quantile": 0.25, "value": 184000.0, "Latitude": 32.77, "Longitude": -117.07, "Population": 1495.0}, {"index": 14155, "quantile": 0.5, "value": 184000.0, "Latitude": 32.77, "Longitude": -117.07, "Population": 1495.0}, {"index": 14155, "quantile": 0.75, "value": 184075.0, "Latitude": 32.77, "Longitude": -117.07, "Population": 1495.0}, {"index": 14155, "quantile": 1.0, "value": 405199.99999999994, "Latitude": 32.77, "Longitude": -117.07, "Population": 1495.0}, {"index": 14156, "quantile": 0.0, "value": 67500.0, "Latitude": 32.76, "Longitude": -117.07, "Population": 880.0}, {"index": 14156, "quantile": 0.25, "value": 120774.99999999999, "Latitude": 32.76, "Longitude": -117.07, "Population": 880.0}, {"index": 14156, "quantile": 0.5, "value": 138850.0, "Latitude": 32.76, "Longitude": -117.07, "Population": 880.0}, {"index": 14156, "quantile": 0.75, "value": 159400.0, "Latitude": 32.76, "Longitude": -117.07, "Population": 880.0}, {"index": 14156, "quantile": 1.0, "value": 290800.0, "Latitude": 32.76, "Longitude": -117.07, "Population": 880.0}, {"index": 14157, "quantile": 0.0, "value": 72000.0, "Latitude": 32.77, "Longitude": -117.08, "Population": 1580.0}, {"index": 14157, "quantile": 0.25, "value": 154200.0, "Latitude": 32.77, "Longitude": -117.08, "Population": 1580.0}, {"index": 14157, "quantile": 0.5, "value": 164100.0, "Latitude": 32.77, "Longitude": -117.08, "Population": 1580.0}, {"index": 14157, "quantile": 0.75, "value": 185200.0, "Latitude": 32.77, "Longitude": -117.08, "Population": 1580.0}, {"index": 14157, "quantile": 1.0, "value": 362500.0, "Latitude": 32.77, "Longitude": -117.08, "Population": 1580.0}, {"index": 14158, "quantile": 0.0, "value": 93300.0, "Latitude": 32.76, "Longitude": -117.08, "Population": 606.0}, {"index": 14158, "quantile": 0.25, "value": 155400.0, "Latitude": 32.76, "Longitude": -117.08, "Population": 606.0}, {"index": 14158, "quantile": 0.5, "value": 155400.0, "Latitude": 32.76, "Longitude": -117.08, "Population": 606.0}, {"index": 14158, "quantile": 0.75, "value": 155400.0, "Latitude": 32.76, "Longitude": -117.08, "Population": 606.0}, {"index": 14158, "quantile": 1.0, "value": 367100.0, "Latitude": 32.76, "Longitude": -117.08, "Population": 606.0}, {"index": 14159, "quantile": 0.0, "value": 108300.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 1255.0}, {"index": 14159, "quantile": 0.25, "value": 159100.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 1255.0}, {"index": 14159, "quantile": 0.5, "value": 159100.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 1255.0}, {"index": 14159, "quantile": 0.75, "value": 160575.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 1255.0}, {"index": 14159, "quantile": 1.0, "value": 307600.0, "Latitude": 32.76, "Longitude": -117.09, "Population": 1255.0}, {"index": 14160, "quantile": 0.0, "value": 25000.0, "Latitude": 32.76, "Longitude": -117.08, "Population": 1199.0}, {"index": 14160, "quantile": 0.25, "value": 130000.0, "Latitude": 32.76, "Longitude": -117.08, "Population": 1199.0}, {"index": 14160, "quantile": 0.5, "value": 140300.0, "Latitude": 32.76, "Longitude": -117.08, "Population": 1199.0}, {"index": 14160, "quantile": 0.75, "value": 140300.0, "Latitude": 32.76, "Longitude": -117.08, "Population": 1199.0}, {"index": 14160, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 32.76, "Longitude": -117.08, "Population": 1199.0}, {"index": 14161, "quantile": 0.0, "value": 88900.0, "Latitude": 32.77, "Longitude": -117.04, "Population": 962.0}, {"index": 14161, "quantile": 0.25, "value": 143800.0, "Latitude": 32.77, "Longitude": -117.04, "Population": 962.0}, {"index": 14161, "quantile": 0.5, "value": 143800.0, "Latitude": 32.77, "Longitude": -117.04, "Population": 962.0}, {"index": 14161, "quantile": 0.75, "value": 143800.0, "Latitude": 32.77, "Longitude": -117.04, "Population": 962.0}, {"index": 14161, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 32.77, "Longitude": -117.04, "Population": 962.0}, {"index": 14162, "quantile": 0.0, "value": 43900.0, "Latitude": 32.77, "Longitude": -117.05, "Population": 1200.0}, {"index": 14162, "quantile": 0.25, "value": 138075.0, "Latitude": 32.77, "Longitude": -117.05, "Population": 1200.0}, {"index": 14162, "quantile": 0.5, "value": 147700.0, "Latitude": 32.77, "Longitude": -117.05, "Population": 1200.0}, {"index": 14162, "quantile": 0.75, "value": 147700.0, "Latitude": 32.77, "Longitude": -117.05, "Population": 1200.0}, {"index": 14162, "quantile": 1.0, "value": 328600.0, "Latitude": 32.77, "Longitude": -117.05, "Population": 1200.0}, {"index": 14163, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.77, "Longitude": -117.06, "Population": 1329.0}, {"index": 14163, "quantile": 0.25, "value": 104200.0, "Latitude": 32.77, "Longitude": -117.06, "Population": 1329.0}, {"index": 14163, "quantile": 0.5, "value": 113850.0, "Latitude": 32.77, "Longitude": -117.06, "Population": 1329.0}, {"index": 14163, "quantile": 0.75, "value": 132000.0, "Latitude": 32.77, "Longitude": -117.06, "Population": 1329.0}, {"index": 14163, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 32.77, "Longitude": -117.06, "Population": 1329.0}, {"index": 14164, "quantile": 0.0, "value": 50000.0, "Latitude": 32.77, "Longitude": -117.06, "Population": 730.0}, {"index": 14164, "quantile": 0.25, "value": 161800.0, "Latitude": 32.77, "Longitude": -117.06, "Population": 730.0}, {"index": 14164, "quantile": 0.5, "value": 161800.0, "Latitude": 32.77, "Longitude": -117.06, "Population": 730.0}, {"index": 14164, "quantile": 0.75, "value": 161800.0, "Latitude": 32.77, "Longitude": -117.06, "Population": 730.0}, {"index": 14164, "quantile": 1.0, "value": 227300.0, "Latitude": 32.77, "Longitude": -117.06, "Population": 730.0}, {"index": 14165, "quantile": 0.0, "value": 75000.0, "Latitude": 32.77, "Longitude": -117.07, "Population": 699.0}, {"index": 14165, "quantile": 0.25, "value": 135500.0, "Latitude": 32.77, "Longitude": -117.07, "Population": 699.0}, {"index": 14165, "quantile": 0.5, "value": 167600.0, "Latitude": 32.77, "Longitude": -117.07, "Population": 699.0}, {"index": 14165, "quantile": 0.75, "value": 167600.0, "Latitude": 32.77, "Longitude": -117.07, "Population": 699.0}, {"index": 14165, "quantile": 1.0, "value": 235600.0, "Latitude": 32.77, "Longitude": -117.07, "Population": 699.0}, {"index": 14166, "quantile": 0.0, "value": 67500.0, "Latitude": 32.77, "Longitude": -117.06, "Population": 3868.0}, {"index": 14166, "quantile": 0.25, "value": 134575.0, "Latitude": 32.77, "Longitude": -117.06, "Population": 3868.0}, {"index": 14166, "quantile": 0.5, "value": 166800.0, "Latitude": 32.77, "Longitude": -117.06, "Population": 3868.0}, {"index": 14166, "quantile": 0.75, "value": 166800.0, "Latitude": 32.77, "Longitude": -117.06, "Population": 3868.0}, {"index": 14166, "quantile": 1.0, "value": 178300.0, "Latitude": 32.77, "Longitude": -117.06, "Population": 3868.0}, {"index": 14167, "quantile": 0.0, "value": 98100.0, "Latitude": 32.77, "Longitude": -117.05, "Population": 1568.0}, {"index": 14167, "quantile": 0.25, "value": 157575.0, "Latitude": 32.77, "Longitude": -117.05, "Population": 1568.0}, {"index": 14167, "quantile": 0.5, "value": 158300.0, "Latitude": 32.77, "Longitude": -117.05, "Population": 1568.0}, {"index": 14167, "quantile": 0.75, "value": 158300.0, "Latitude": 32.77, "Longitude": -117.05, "Population": 1568.0}, {"index": 14167, "quantile": 1.0, "value": 488900.0, "Latitude": 32.77, "Longitude": -117.05, "Population": 1568.0}, {"index": 14168, "quantile": 0.0, "value": 80000.0, "Latitude": 32.76, "Longitude": -117.06, "Population": 1275.0}, {"index": 14168, "quantile": 0.25, "value": 123800.0, "Latitude": 32.76, "Longitude": -117.06, "Population": 1275.0}, {"index": 14168, "quantile": 0.5, "value": 139800.0, "Latitude": 32.76, "Longitude": -117.06, "Population": 1275.0}, {"index": 14168, "quantile": 0.75, "value": 154200.0, "Latitude": 32.76, "Longitude": -117.06, "Population": 1275.0}, {"index": 14168, "quantile": 1.0, "value": 248100.0, "Latitude": 32.76, "Longitude": -117.06, "Population": 1275.0}, {"index": 14169, "quantile": 0.0, "value": 93300.0, "Latitude": 32.76, "Longitude": -117.06, "Population": 636.0}, {"index": 14169, "quantile": 0.25, "value": 150500.0, "Latitude": 32.76, "Longitude": -117.06, "Population": 636.0}, {"index": 14169, "quantile": 0.5, "value": 150500.0, "Latitude": 32.76, "Longitude": -117.06, "Population": 636.0}, {"index": 14169, "quantile": 0.75, "value": 154900.0, "Latitude": 32.76, "Longitude": -117.06, "Population": 636.0}, {"index": 14169, "quantile": 1.0, "value": 346500.0, "Latitude": 32.76, "Longitude": -117.06, "Population": 636.0}, {"index": 14170, "quantile": 0.0, "value": 93300.0, "Latitude": 32.76, "Longitude": -117.05, "Population": 795.0}, {"index": 14170, "quantile": 0.25, "value": 153725.0, "Latitude": 32.76, "Longitude": -117.05, "Population": 795.0}, {"index": 14170, "quantile": 0.5, "value": 155200.0, "Latitude": 32.76, "Longitude": -117.05, "Population": 795.0}, {"index": 14170, "quantile": 0.75, "value": 185700.0, "Latitude": 32.76, "Longitude": -117.05, "Population": 795.0}, {"index": 14170, "quantile": 1.0, "value": 384700.0, "Latitude": 32.76, "Longitude": -117.05, "Population": 795.0}, {"index": 14171, "quantile": 0.0, "value": 84200.0, "Latitude": 32.76, "Longitude": -117.06, "Population": 1231.0}, {"index": 14171, "quantile": 0.25, "value": 129200.0, "Latitude": 32.76, "Longitude": -117.06, "Population": 1231.0}, {"index": 14171, "quantile": 0.5, "value": 136400.0, "Latitude": 32.76, "Longitude": -117.06, "Population": 1231.0}, {"index": 14171, "quantile": 0.75, "value": 154475.0, "Latitude": 32.76, "Longitude": -117.06, "Population": 1231.0}, {"index": 14171, "quantile": 1.0, "value": 291500.0, "Latitude": 32.76, "Longitude": -117.06, "Population": 1231.0}, {"index": 14172, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.76, "Longitude": -117.06, "Population": 1012.0}, {"index": 14172, "quantile": 0.25, "value": 141350.0, "Latitude": 32.76, "Longitude": -117.06, "Population": 1012.0}, {"index": 14172, "quantile": 0.5, "value": 156800.0, "Latitude": 32.76, "Longitude": -117.06, "Population": 1012.0}, {"index": 14172, "quantile": 0.75, "value": 156800.0, "Latitude": 32.76, "Longitude": -117.06, "Population": 1012.0}, {"index": 14172, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 32.76, "Longitude": -117.06, "Population": 1012.0}, {"index": 14173, "quantile": 0.0, "value": 115300.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 1030.0}, {"index": 14173, "quantile": 0.25, "value": 139800.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 1030.0}, {"index": 14173, "quantile": 0.5, "value": 139800.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 1030.0}, {"index": 14173, "quantile": 0.75, "value": 139800.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 1030.0}, {"index": 14173, "quantile": 1.0, "value": 223700.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 1030.0}, {"index": 14174, "quantile": 0.0, "value": 102099.99999999999, "Latitude": 32.75, "Longitude": -117.06, "Population": 1317.0}, {"index": 14174, "quantile": 0.25, "value": 125899.99999999999, "Latitude": 32.75, "Longitude": -117.06, "Population": 1317.0}, {"index": 14174, "quantile": 0.5, "value": 125899.99999999999, "Latitude": 32.75, "Longitude": -117.06, "Population": 1317.0}, {"index": 14174, "quantile": 0.75, "value": 125899.99999999999, "Latitude": 32.75, "Longitude": -117.06, "Population": 1317.0}, {"index": 14174, "quantile": 1.0, "value": 328600.0, "Latitude": 32.75, "Longitude": -117.06, "Population": 1317.0}, {"index": 14175, "quantile": 0.0, "value": 84200.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 1003.0}, {"index": 14175, "quantile": 0.25, "value": 137300.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 1003.0}, {"index": 14175, "quantile": 0.5, "value": 137300.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 1003.0}, {"index": 14175, "quantile": 0.75, "value": 137350.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 1003.0}, {"index": 14175, "quantile": 1.0, "value": 216500.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 1003.0}, {"index": 14176, "quantile": 0.0, "value": 123100.00000000001, "Latitude": 32.72, "Longitude": -117.07, "Population": 987.0}, {"index": 14176, "quantile": 0.25, "value": 141800.0, "Latitude": 32.72, "Longitude": -117.07, "Population": 987.0}, {"index": 14176, "quantile": 0.5, "value": 141800.0, "Latitude": 32.72, "Longitude": -117.07, "Population": 987.0}, {"index": 14176, "quantile": 0.75, "value": 142400.0, "Latitude": 32.72, "Longitude": -117.07, "Population": 987.0}, {"index": 14176, "quantile": 1.0, "value": 216800.00000000003, "Latitude": 32.72, "Longitude": -117.07, "Population": 987.0}, {"index": 14177, "quantile": 0.0, "value": 78800.0, "Latitude": 32.72, "Longitude": -117.08, "Population": 1741.0}, {"index": 14177, "quantile": 0.25, "value": 101899.99999999999, "Latitude": 32.72, "Longitude": -117.08, "Population": 1741.0}, {"index": 14177, "quantile": 0.5, "value": 101899.99999999999, "Latitude": 32.72, "Longitude": -117.08, "Population": 1741.0}, {"index": 14177, "quantile": 0.75, "value": 104299.99999999999, "Latitude": 32.72, "Longitude": -117.08, "Population": 1741.0}, {"index": 14177, "quantile": 1.0, "value": 210000.0, "Latitude": 32.72, "Longitude": -117.08, "Population": 1741.0}, {"index": 14178, "quantile": 0.0, "value": 70800.0, "Latitude": 32.71, "Longitude": -117.07, "Population": 1268.0}, {"index": 14178, "quantile": 0.25, "value": 114950.0, "Latitude": 32.71, "Longitude": -117.07, "Population": 1268.0}, {"index": 14178, "quantile": 0.5, "value": 129099.99999999999, "Latitude": 32.71, "Longitude": -117.07, "Population": 1268.0}, {"index": 14178, "quantile": 0.75, "value": 140600.0, "Latitude": 32.71, "Longitude": -117.07, "Population": 1268.0}, {"index": 14178, "quantile": 1.0, "value": 240200.0, "Latitude": 32.71, "Longitude": -117.07, "Population": 1268.0}, {"index": 14179, "quantile": 0.0, "value": 109800.00000000001, "Latitude": 32.73, "Longitude": -117.06, "Population": 1884.0}, {"index": 14179, "quantile": 0.25, "value": 126699.99999999999, "Latitude": 32.73, "Longitude": -117.06, "Population": 1884.0}, {"index": 14179, "quantile": 0.5, "value": 126699.99999999999, "Latitude": 32.73, "Longitude": -117.06, "Population": 1884.0}, {"index": 14179, "quantile": 0.75, "value": 126899.99999999999, "Latitude": 32.73, "Longitude": -117.06, "Population": 1884.0}, {"index": 14179, "quantile": 1.0, "value": 189700.0, "Latitude": 32.73, "Longitude": -117.06, "Population": 1884.0}, {"index": 14180, "quantile": 0.0, "value": 76200.0, "Latitude": 32.72, "Longitude": -117.06, "Population": 1626.0}, {"index": 14180, "quantile": 0.25, "value": 100600.0, "Latitude": 32.72, "Longitude": -117.06, "Population": 1626.0}, {"index": 14180, "quantile": 0.5, "value": 119200.0, "Latitude": 32.72, "Longitude": -117.06, "Population": 1626.0}, {"index": 14180, "quantile": 0.75, "value": 127875.0, "Latitude": 32.72, "Longitude": -117.06, "Population": 1626.0}, {"index": 14180, "quantile": 1.0, "value": 178300.0, "Latitude": 32.72, "Longitude": -117.06, "Population": 1626.0}, {"index": 14181, "quantile": 0.0, "value": 98900.0, "Latitude": 32.72, "Longitude": -117.05, "Population": 1158.0}, {"index": 14181, "quantile": 0.25, "value": 117000.0, "Latitude": 32.72, "Longitude": -117.05, "Population": 1158.0}, {"index": 14181, "quantile": 0.5, "value": 117000.0, "Latitude": 32.72, "Longitude": -117.05, "Population": 1158.0}, {"index": 14181, "quantile": 0.75, "value": 126749.99999999999, "Latitude": 32.72, "Longitude": -117.05, "Population": 1158.0}, {"index": 14181, "quantile": 1.0, "value": 166800.0, "Latitude": 32.72, "Longitude": -117.05, "Population": 1158.0}, {"index": 14182, "quantile": 0.0, "value": 93600.0, "Latitude": 32.71, "Longitude": -117.06, "Population": 1947.0}, {"index": 14182, "quantile": 0.25, "value": 104299.99999999999, "Latitude": 32.71, "Longitude": -117.06, "Population": 1947.0}, {"index": 14182, "quantile": 0.5, "value": 104299.99999999999, "Latitude": 32.71, "Longitude": -117.06, "Population": 1947.0}, {"index": 14182, "quantile": 0.75, "value": 113575.0, "Latitude": 32.71, "Longitude": -117.06, "Population": 1947.0}, {"index": 14182, "quantile": 1.0, "value": 222900.0, "Latitude": 32.71, "Longitude": -117.06, "Population": 1947.0}, {"index": 14183, "quantile": 0.0, "value": 76300.0, "Latitude": 32.71, "Longitude": -117.07, "Population": 2263.0}, {"index": 14183, "quantile": 0.25, "value": 89600.0, "Latitude": 32.71, "Longitude": -117.07, "Population": 2263.0}, {"index": 14183, "quantile": 0.5, "value": 89600.0, "Latitude": 32.71, "Longitude": -117.07, "Population": 2263.0}, {"index": 14183, "quantile": 0.75, "value": 99175.0, "Latitude": 32.71, "Longitude": -117.07, "Population": 2263.0}, {"index": 14183, "quantile": 1.0, "value": 158000.0, "Latitude": 32.71, "Longitude": -117.07, "Population": 2263.0}, {"index": 14184, "quantile": 0.0, "value": 95600.0, "Latitude": 32.7, "Longitude": -117.08, "Population": 852.0}, {"index": 14184, "quantile": 0.25, "value": 100600.0, "Latitude": 32.7, "Longitude": -117.08, "Population": 852.0}, {"index": 14184, "quantile": 0.5, "value": 100600.0, "Latitude": 32.7, "Longitude": -117.08, "Population": 852.0}, {"index": 14184, "quantile": 0.75, "value": 119200.0, "Latitude": 32.7, "Longitude": -117.08, "Population": 852.0}, {"index": 14184, "quantile": 1.0, "value": 187700.0, "Latitude": 32.7, "Longitude": -117.08, "Population": 852.0}, {"index": 14185, "quantile": 0.0, "value": 89600.0, "Latitude": 32.7, "Longitude": -117.08, "Population": 1301.0}, {"index": 14185, "quantile": 0.25, "value": 98900.0, "Latitude": 32.7, "Longitude": -117.08, "Population": 1301.0}, {"index": 14185, "quantile": 0.5, "value": 98900.0, "Latitude": 32.7, "Longitude": -117.08, "Population": 1301.0}, {"index": 14185, "quantile": 0.75, "value": 104299.99999999999, "Latitude": 32.7, "Longitude": -117.08, "Population": 1301.0}, {"index": 14185, "quantile": 1.0, "value": 159400.0, "Latitude": 32.7, "Longitude": -117.08, "Population": 1301.0}, {"index": 14186, "quantile": 0.0, "value": 70800.0, "Latitude": 32.7, "Longitude": -117.08, "Population": 1279.0}, {"index": 14186, "quantile": 0.25, "value": 97000.0, "Latitude": 32.7, "Longitude": -117.08, "Population": 1279.0}, {"index": 14186, "quantile": 0.5, "value": 97000.0, "Latitude": 32.7, "Longitude": -117.08, "Population": 1279.0}, {"index": 14186, "quantile": 0.75, "value": 104800.0, "Latitude": 32.7, "Longitude": -117.08, "Population": 1279.0}, {"index": 14186, "quantile": 1.0, "value": 169700.0, "Latitude": 32.7, "Longitude": -117.08, "Population": 1279.0}, {"index": 14187, "quantile": 0.0, "value": 91000.0, "Latitude": 32.71, "Longitude": -117.06, "Population": 1498.0}, {"index": 14187, "quantile": 0.25, "value": 125699.99999999999, "Latitude": 32.71, "Longitude": -117.06, "Population": 1498.0}, {"index": 14187, "quantile": 0.5, "value": 125699.99999999999, "Latitude": 32.71, "Longitude": -117.06, "Population": 1498.0}, {"index": 14187, "quantile": 0.75, "value": 125699.99999999999, "Latitude": 32.71, "Longitude": -117.06, "Population": 1498.0}, {"index": 14187, "quantile": 1.0, "value": 165000.0, "Latitude": 32.71, "Longitude": -117.06, "Population": 1498.0}, {"index": 14188, "quantile": 0.0, "value": 95600.0, "Latitude": 32.71, "Longitude": -117.06, "Population": 1566.0}, {"index": 14188, "quantile": 0.25, "value": 125699.99999999999, "Latitude": 32.71, "Longitude": -117.06, "Population": 1566.0}, {"index": 14188, "quantile": 0.5, "value": 137500.0, "Latitude": 32.71, "Longitude": -117.06, "Population": 1566.0}, {"index": 14188, "quantile": 0.75, "value": 153800.0, "Latitude": 32.71, "Longitude": -117.06, "Population": 1566.0}, {"index": 14188, "quantile": 1.0, "value": 362500.0, "Latitude": 32.71, "Longitude": -117.06, "Population": 1566.0}, {"index": 14189, "quantile": 0.0, "value": 47500.0, "Latitude": 32.71, "Longitude": -117.08, "Population": 1656.0}, {"index": 14189, "quantile": 0.25, "value": 86400.0, "Latitude": 32.71, "Longitude": -117.08, "Population": 1656.0}, {"index": 14189, "quantile": 0.5, "value": 95600.0, "Latitude": 32.71, "Longitude": -117.08, "Population": 1656.0}, {"index": 14189, "quantile": 0.75, "value": 111800.00000000001, "Latitude": 32.71, "Longitude": -117.08, "Population": 1656.0}, {"index": 14189, "quantile": 1.0, "value": 140400.0, "Latitude": 32.71, "Longitude": -117.08, "Population": 1656.0}, {"index": 14190, "quantile": 0.0, "value": 67500.0, "Latitude": 32.71, "Longitude": -117.07, "Population": 2822.0}, {"index": 14190, "quantile": 0.25, "value": 123400.0, "Latitude": 32.71, "Longitude": -117.07, "Population": 2822.0}, {"index": 14190, "quantile": 0.5, "value": 123400.0, "Latitude": 32.71, "Longitude": -117.07, "Population": 2822.0}, {"index": 14190, "quantile": 0.75, "value": 123400.0, "Latitude": 32.71, "Longitude": -117.07, "Population": 2822.0}, {"index": 14190, "quantile": 1.0, "value": 175000.0, "Latitude": 32.71, "Longitude": -117.07, "Population": 2822.0}, {"index": 14191, "quantile": 0.0, "value": 97300.0, "Latitude": 32.7, "Longitude": -117.07, "Population": 1914.0}, {"index": 14191, "quantile": 0.25, "value": 143000.0, "Latitude": 32.7, "Longitude": -117.07, "Population": 1914.0}, {"index": 14191, "quantile": 0.5, "value": 143000.0, "Latitude": 32.7, "Longitude": -117.07, "Population": 1914.0}, {"index": 14191, "quantile": 0.75, "value": 143000.0, "Latitude": 32.7, "Longitude": -117.07, "Population": 1914.0}, {"index": 14191, "quantile": 1.0, "value": 196000.0, "Latitude": 32.7, "Longitude": -117.07, "Population": 1914.0}, {"index": 14192, "quantile": 0.0, "value": 87500.0, "Latitude": 32.69, "Longitude": -117.07, "Population": 1766.0}, {"index": 14192, "quantile": 0.25, "value": 135000.0, "Latitude": 32.69, "Longitude": -117.07, "Population": 1766.0}, {"index": 14192, "quantile": 0.5, "value": 135000.0, "Latitude": 32.69, "Longitude": -117.07, "Population": 1766.0}, {"index": 14192, "quantile": 0.75, "value": 135000.0, "Latitude": 32.69, "Longitude": -117.07, "Population": 1766.0}, {"index": 14192, "quantile": 1.0, "value": 165100.0, "Latitude": 32.69, "Longitude": -117.07, "Population": 1766.0}, {"index": 14193, "quantile": 0.0, "value": 120400.0, "Latitude": 32.7, "Longitude": -117.06, "Population": 3280.0}, {"index": 14193, "quantile": 0.25, "value": 141400.0, "Latitude": 32.7, "Longitude": -117.06, "Population": 3280.0}, {"index": 14193, "quantile": 0.5, "value": 141400.0, "Latitude": 32.7, "Longitude": -117.06, "Population": 3280.0}, {"index": 14193, "quantile": 0.75, "value": 143000.0, "Latitude": 32.7, "Longitude": -117.06, "Population": 3280.0}, {"index": 14193, "quantile": 1.0, "value": 182100.0, "Latitude": 32.7, "Longitude": -117.06, "Population": 3280.0}, {"index": 14194, "quantile": 0.0, "value": 67500.0, "Latitude": 32.71, "Longitude": -117.04, "Population": 3727.0}, {"index": 14194, "quantile": 0.25, "value": 109800.00000000001, "Latitude": 32.71, "Longitude": -117.04, "Population": 3727.0}, {"index": 14194, "quantile": 0.5, "value": 109800.00000000001, "Latitude": 32.71, "Longitude": -117.04, "Population": 3727.0}, {"index": 14194, "quantile": 0.75, "value": 118500.0, "Latitude": 32.71, "Longitude": -117.04, "Population": 3727.0}, {"index": 14194, "quantile": 1.0, "value": 158500.0, "Latitude": 32.71, "Longitude": -117.04, "Population": 3727.0}, {"index": 14195, "quantile": 0.0, "value": 67500.0, "Latitude": 32.71, "Longitude": -117.05, "Population": 2266.0}, {"index": 14195, "quantile": 0.25, "value": 119200.0, "Latitude": 32.71, "Longitude": -117.05, "Population": 2266.0}, {"index": 14195, "quantile": 0.5, "value": 119200.0, "Latitude": 32.71, "Longitude": -117.05, "Population": 2266.0}, {"index": 14195, "quantile": 0.75, "value": 119200.0, "Latitude": 32.71, "Longitude": -117.05, "Population": 2266.0}, {"index": 14195, "quantile": 1.0, "value": 167200.0, "Latitude": 32.71, "Longitude": -117.05, "Population": 2266.0}, {"index": 14196, "quantile": 0.0, "value": 99400.0, "Latitude": 32.71, "Longitude": -117.03, "Population": 2300.0}, {"index": 14196, "quantile": 0.25, "value": 114575.0, "Latitude": 32.71, "Longitude": -117.03, "Population": 2300.0}, {"index": 14196, "quantile": 0.5, "value": 119200.0, "Latitude": 32.71, "Longitude": -117.03, "Population": 2300.0}, {"index": 14196, "quantile": 0.75, "value": 125899.99999999999, "Latitude": 32.71, "Longitude": -117.03, "Population": 2300.0}, {"index": 14196, "quantile": 1.0, "value": 166800.0, "Latitude": 32.71, "Longitude": -117.03, "Population": 2300.0}, {"index": 14197, "quantile": 0.0, "value": 90300.0, "Latitude": 32.71, "Longitude": -117.03, "Population": 1684.0}, {"index": 14197, "quantile": 0.25, "value": 99600.0, "Latitude": 32.71, "Longitude": -117.03, "Population": 1684.0}, {"index": 14197, "quantile": 0.5, "value": 99600.0, "Latitude": 32.71, "Longitude": -117.03, "Population": 1684.0}, {"index": 14197, "quantile": 0.75, "value": 111350.00000000001, "Latitude": 32.71, "Longitude": -117.03, "Population": 1684.0}, {"index": 14197, "quantile": 1.0, "value": 189900.0, "Latitude": 32.71, "Longitude": -117.03, "Population": 1684.0}, {"index": 14198, "quantile": 0.0, "value": 95600.0, "Latitude": 32.71, "Longitude": -117.02, "Population": 2870.0}, {"index": 14198, "quantile": 0.25, "value": 119200.0, "Latitude": 32.71, "Longitude": -117.02, "Population": 2870.0}, {"index": 14198, "quantile": 0.5, "value": 124299.99999999999, "Latitude": 32.71, "Longitude": -117.02, "Population": 2870.0}, {"index": 14198, "quantile": 0.75, "value": 137350.0, "Latitude": 32.71, "Longitude": -117.02, "Population": 2870.0}, {"index": 14198, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 32.71, "Longitude": -117.02, "Population": 2870.0}, {"index": 14199, "quantile": 0.0, "value": 90800.0, "Latitude": 32.7, "Longitude": -117.02, "Population": 1849.0}, {"index": 14199, "quantile": 0.25, "value": 125400.0, "Latitude": 32.7, "Longitude": -117.02, "Population": 1849.0}, {"index": 14199, "quantile": 0.5, "value": 125400.0, "Latitude": 32.7, "Longitude": -117.02, "Population": 1849.0}, {"index": 14199, "quantile": 0.75, "value": 133500.0, "Latitude": 32.7, "Longitude": -117.02, "Population": 1849.0}, {"index": 14199, "quantile": 1.0, "value": 189800.0, "Latitude": 32.7, "Longitude": -117.02, "Population": 1849.0}, {"index": 14200, "quantile": 0.0, "value": 133000.0, "Latitude": 32.7, "Longitude": -117.02, "Population": 1134.0}, {"index": 14200, "quantile": 0.25, "value": 133000.0, "Latitude": 32.7, "Longitude": -117.02, "Population": 1134.0}, {"index": 14200, "quantile": 0.5, "value": 133000.0, "Latitude": 32.7, "Longitude": -117.02, "Population": 1134.0}, {"index": 14200, "quantile": 0.75, "value": 156075.0, "Latitude": 32.7, "Longitude": -117.02, "Population": 1134.0}, {"index": 14200, "quantile": 1.0, "value": 436700.0, "Latitude": 32.7, "Longitude": -117.02, "Population": 1134.0}, {"index": 14201, "quantile": 0.0, "value": 69400.0, "Latitude": 32.71, "Longitude": -117.02, "Population": 2082.0}, {"index": 14201, "quantile": 0.25, "value": 118500.0, "Latitude": 32.71, "Longitude": -117.02, "Population": 2082.0}, {"index": 14201, "quantile": 0.5, "value": 118500.0, "Latitude": 32.71, "Longitude": -117.02, "Population": 2082.0}, {"index": 14201, "quantile": 0.75, "value": 118500.0, "Latitude": 32.71, "Longitude": -117.02, "Population": 2082.0}, {"index": 14201, "quantile": 1.0, "value": 165000.0, "Latitude": 32.71, "Longitude": -117.02, "Population": 2082.0}, {"index": 14202, "quantile": 0.0, "value": 99600.0, "Latitude": 32.7, "Longitude": -117.01, "Population": 1434.0}, {"index": 14202, "quantile": 0.25, "value": 120800.0, "Latitude": 32.7, "Longitude": -117.01, "Population": 1434.0}, {"index": 14202, "quantile": 0.5, "value": 120800.0, "Latitude": 32.7, "Longitude": -117.01, "Population": 1434.0}, {"index": 14202, "quantile": 0.75, "value": 120950.0, "Latitude": 32.7, "Longitude": -117.01, "Population": 1434.0}, {"index": 14202, "quantile": 1.0, "value": 167200.0, "Latitude": 32.7, "Longitude": -117.01, "Population": 1434.0}, {"index": 14203, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 32.69, "Longitude": -117.05, "Population": 740.0}, {"index": 14203, "quantile": 0.25, "value": 165500.0, "Latitude": 32.69, "Longitude": -117.05, "Population": 740.0}, {"index": 14203, "quantile": 0.5, "value": 165500.0, "Latitude": 32.69, "Longitude": -117.05, "Population": 740.0}, {"index": 14203, "quantile": 0.75, "value": 165500.0, "Latitude": 32.69, "Longitude": -117.05, "Population": 740.0}, {"index": 14203, "quantile": 1.0, "value": 311200.0, "Latitude": 32.69, "Longitude": -117.05, "Population": 740.0}, {"index": 14204, "quantile": 0.0, "value": 107800.0, "Latitude": 32.69, "Longitude": -117.06, "Population": 1250.0}, {"index": 14204, "quantile": 0.25, "value": 150825.0, "Latitude": 32.69, "Longitude": -117.06, "Population": 1250.0}, {"index": 14204, "quantile": 0.5, "value": 156500.0, "Latitude": 32.69, "Longitude": -117.06, "Population": 1250.0}, {"index": 14204, "quantile": 0.75, "value": 160700.0, "Latitude": 32.69, "Longitude": -117.06, "Population": 1250.0}, {"index": 14204, "quantile": 1.0, "value": 347700.0, "Latitude": 32.69, "Longitude": -117.06, "Population": 1250.0}, {"index": 14205, "quantile": 0.0, "value": 96300.0, "Latitude": 32.69, "Longitude": -117.06, "Population": 718.0}, {"index": 14205, "quantile": 0.25, "value": 154900.0, "Latitude": 32.69, "Longitude": -117.06, "Population": 718.0}, {"index": 14205, "quantile": 0.5, "value": 154900.0, "Latitude": 32.69, "Longitude": -117.06, "Population": 718.0}, {"index": 14205, "quantile": 0.75, "value": 154900.0, "Latitude": 32.69, "Longitude": -117.06, "Population": 718.0}, {"index": 14205, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.69, "Longitude": -117.06, "Population": 718.0}, {"index": 14206, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 32.69, "Longitude": -117.06, "Population": 491.0}, {"index": 14206, "quantile": 0.25, "value": 158900.0, "Latitude": 32.69, "Longitude": -117.06, "Population": 491.0}, {"index": 14206, "quantile": 0.5, "value": 158900.0, "Latitude": 32.69, "Longitude": -117.06, "Population": 491.0}, {"index": 14206, "quantile": 0.75, "value": 158900.0, "Latitude": 32.69, "Longitude": -117.06, "Population": 491.0}, {"index": 14206, "quantile": 1.0, "value": 311200.0, "Latitude": 32.69, "Longitude": -117.06, "Population": 491.0}, {"index": 14207, "quantile": 0.0, "value": 62000.0, "Latitude": 32.7, "Longitude": -117.03, "Population": 2010.0}, {"index": 14207, "quantile": 0.25, "value": 101424.99999999999, "Latitude": 32.7, "Longitude": -117.03, "Population": 2010.0}, {"index": 14207, "quantile": 0.5, "value": 117850.00000000001, "Latitude": 32.7, "Longitude": -117.03, "Population": 2010.0}, {"index": 14207, "quantile": 0.75, "value": 132300.0, "Latitude": 32.7, "Longitude": -117.03, "Population": 2010.0}, {"index": 14207, "quantile": 1.0, "value": 198300.0, "Latitude": 32.7, "Longitude": -117.03, "Population": 2010.0}, {"index": 14208, "quantile": 0.0, "value": 99600.0, "Latitude": 32.69, "Longitude": -117.04, "Population": 1286.0}, {"index": 14208, "quantile": 0.25, "value": 119200.0, "Latitude": 32.69, "Longitude": -117.04, "Population": 1286.0}, {"index": 14208, "quantile": 0.5, "value": 121700.00000000001, "Latitude": 32.69, "Longitude": -117.04, "Population": 1286.0}, {"index": 14208, "quantile": 0.75, "value": 133900.0, "Latitude": 32.69, "Longitude": -117.04, "Population": 1286.0}, {"index": 14208, "quantile": 1.0, "value": 219700.0, "Latitude": 32.69, "Longitude": -117.04, "Population": 1286.0}, {"index": 14209, "quantile": 0.0, "value": 124600.0, "Latitude": 32.7, "Longitude": -117.04, "Population": 7302.0}, {"index": 14209, "quantile": 0.25, "value": 154900.0, "Latitude": 32.7, "Longitude": -117.04, "Population": 7302.0}, {"index": 14209, "quantile": 0.5, "value": 156900.0, "Latitude": 32.7, "Longitude": -117.04, "Population": 7302.0}, {"index": 14209, "quantile": 0.75, "value": 156900.0, "Latitude": 32.7, "Longitude": -117.04, "Population": 7302.0}, {"index": 14209, "quantile": 1.0, "value": 183300.0, "Latitude": 32.7, "Longitude": -117.04, "Population": 7302.0}, {"index": 14210, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 32.68, "Longitude": -117.07, "Population": 1149.0}, {"index": 14210, "quantile": 0.25, "value": 142200.0, "Latitude": 32.68, "Longitude": -117.07, "Population": 1149.0}, {"index": 14210, "quantile": 0.5, "value": 142200.0, "Latitude": 32.68, "Longitude": -117.07, "Population": 1149.0}, {"index": 14210, "quantile": 0.75, "value": 142200.0, "Latitude": 32.68, "Longitude": -117.07, "Population": 1149.0}, {"index": 14210, "quantile": 1.0, "value": 436700.0, "Latitude": 32.68, "Longitude": -117.07, "Population": 1149.0}, {"index": 14211, "quantile": 0.0, "value": 89600.0, "Latitude": 32.68, "Longitude": -117.06, "Population": 1080.0}, {"index": 14211, "quantile": 0.25, "value": 99425.0, "Latitude": 32.68, "Longitude": -117.06, "Population": 1080.0}, {"index": 14211, "quantile": 0.5, "value": 104299.99999999999, "Latitude": 32.68, "Longitude": -117.06, "Population": 1080.0}, {"index": 14211, "quantile": 0.75, "value": 113500.0, "Latitude": 32.68, "Longitude": -117.06, "Population": 1080.0}, {"index": 14211, "quantile": 1.0, "value": 163300.0, "Latitude": 32.68, "Longitude": -117.06, "Population": 1080.0}, {"index": 14212, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 32.68, "Longitude": -117.06, "Population": 2945.0}, {"index": 14212, "quantile": 0.25, "value": 102499.99999999999, "Latitude": 32.68, "Longitude": -117.06, "Population": 2945.0}, {"index": 14212, "quantile": 0.5, "value": 125000.0, "Latitude": 32.68, "Longitude": -117.06, "Population": 2945.0}, {"index": 14212, "quantile": 0.75, "value": 125000.0, "Latitude": 32.68, "Longitude": -117.06, "Population": 2945.0}, {"index": 14212, "quantile": 1.0, "value": 156900.0, "Latitude": 32.68, "Longitude": -117.06, "Population": 2945.0}, {"index": 14213, "quantile": 0.0, "value": 95600.0, "Latitude": 32.69, "Longitude": -117.05, "Population": 695.0}, {"index": 14213, "quantile": 0.25, "value": 133400.0, "Latitude": 32.69, "Longitude": -117.05, "Population": 695.0}, {"index": 14213, "quantile": 0.5, "value": 144300.0, "Latitude": 32.69, "Longitude": -117.05, "Population": 695.0}, {"index": 14213, "quantile": 0.75, "value": 144300.0, "Latitude": 32.69, "Longitude": -117.05, "Population": 695.0}, {"index": 14213, "quantile": 1.0, "value": 168900.0, "Latitude": 32.69, "Longitude": -117.05, "Population": 695.0}, {"index": 14214, "quantile": 0.0, "value": 89600.0, "Latitude": 32.68, "Longitude": -117.06, "Population": 1664.0}, {"index": 14214, "quantile": 0.25, "value": 113500.0, "Latitude": 32.68, "Longitude": -117.06, "Population": 1664.0}, {"index": 14214, "quantile": 0.5, "value": 113500.0, "Latitude": 32.68, "Longitude": -117.06, "Population": 1664.0}, {"index": 14214, "quantile": 0.75, "value": 113500.0, "Latitude": 32.68, "Longitude": -117.06, "Population": 1664.0}, {"index": 14214, "quantile": 1.0, "value": 154200.0, "Latitude": 32.68, "Longitude": -117.06, "Population": 1664.0}, {"index": 14215, "quantile": 0.0, "value": 122700.00000000001, "Latitude": 32.67, "Longitude": -117.06, "Population": 2353.0}, {"index": 14215, "quantile": 0.25, "value": 125000.0, "Latitude": 32.67, "Longitude": -117.06, "Population": 2353.0}, {"index": 14215, "quantile": 0.5, "value": 125000.0, "Latitude": 32.67, "Longitude": -117.06, "Population": 2353.0}, {"index": 14215, "quantile": 0.75, "value": 137225.00000000003, "Latitude": 32.67, "Longitude": -117.06, "Population": 2353.0}, {"index": 14215, "quantile": 1.0, "value": 160100.0, "Latitude": 32.67, "Longitude": -117.06, "Population": 2353.0}, {"index": 14216, "quantile": 0.0, "value": 67500.0, "Latitude": 32.68, "Longitude": -117.05, "Population": 1761.0}, {"index": 14216, "quantile": 0.25, "value": 133400.0, "Latitude": 32.68, "Longitude": -117.05, "Population": 1761.0}, {"index": 14216, "quantile": 0.5, "value": 144500.0, "Latitude": 32.68, "Longitude": -117.05, "Population": 1761.0}, {"index": 14216, "quantile": 0.75, "value": 169325.0, "Latitude": 32.68, "Longitude": -117.05, "Population": 1761.0}, {"index": 14216, "quantile": 1.0, "value": 294600.0, "Latitude": 32.68, "Longitude": -117.05, "Population": 1761.0}, {"index": 14217, "quantile": 0.0, "value": 99200.0, "Latitude": 32.67, "Longitude": -117.05, "Population": 2842.0}, {"index": 14217, "quantile": 0.25, "value": 137800.0, "Latitude": 32.67, "Longitude": -117.05, "Population": 2842.0}, {"index": 14217, "quantile": 0.5, "value": 137800.0, "Latitude": 32.67, "Longitude": -117.05, "Population": 2842.0}, {"index": 14217, "quantile": 0.75, "value": 137800.0, "Latitude": 32.67, "Longitude": -117.05, "Population": 2842.0}, {"index": 14217, "quantile": 1.0, "value": 178100.0, "Latitude": 32.67, "Longitude": -117.05, "Population": 2842.0}, {"index": 14218, "quantile": 0.0, "value": 100600.0, "Latitude": 32.68, "Longitude": -117.05, "Population": 1010.0}, {"index": 14218, "quantile": 0.25, "value": 150400.0, "Latitude": 32.68, "Longitude": -117.05, "Population": 1010.0}, {"index": 14218, "quantile": 0.5, "value": 150400.0, "Latitude": 32.68, "Longitude": -117.05, "Population": 1010.0}, {"index": 14218, "quantile": 0.75, "value": 150400.0, "Latitude": 32.68, "Longitude": -117.05, "Population": 1010.0}, {"index": 14218, "quantile": 1.0, "value": 169600.0, "Latitude": 32.68, "Longitude": -117.05, "Population": 1010.0}, {"index": 14219, "quantile": 0.0, "value": 133800.0, "Latitude": 32.67, "Longitude": -117.05, "Population": 1589.0}, {"index": 14219, "quantile": 0.25, "value": 153800.0, "Latitude": 32.67, "Longitude": -117.05, "Population": 1589.0}, {"index": 14219, "quantile": 0.5, "value": 153800.0, "Latitude": 32.67, "Longitude": -117.05, "Population": 1589.0}, {"index": 14219, "quantile": 0.75, "value": 179700.0, "Latitude": 32.67, "Longitude": -117.05, "Population": 1589.0}, {"index": 14219, "quantile": 1.0, "value": 297300.0, "Latitude": 32.67, "Longitude": -117.05, "Population": 1589.0}, {"index": 14220, "quantile": 0.0, "value": 149900.0, "Latitude": 32.66, "Longitude": -117.06, "Population": 1528.0}, {"index": 14220, "quantile": 0.25, "value": 234600.0, "Latitude": 32.66, "Longitude": -117.06, "Population": 1528.0}, {"index": 14220, "quantile": 0.5, "value": 234600.0, "Latitude": 32.66, "Longitude": -117.06, "Population": 1528.0}, {"index": 14220, "quantile": 0.75, "value": 234600.0, "Latitude": 32.66, "Longitude": -117.06, "Population": 1528.0}, {"index": 14220, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.66, "Longitude": -117.06, "Population": 1528.0}, {"index": 14221, "quantile": 0.0, "value": 117000.0, "Latitude": 32.66, "Longitude": -117.06, "Population": 1617.0}, {"index": 14221, "quantile": 0.25, "value": 133400.0, "Latitude": 32.66, "Longitude": -117.06, "Population": 1617.0}, {"index": 14221, "quantile": 0.5, "value": 133400.0, "Latitude": 32.66, "Longitude": -117.06, "Population": 1617.0}, {"index": 14221, "quantile": 0.75, "value": 133400.0, "Latitude": 32.66, "Longitude": -117.06, "Population": 1617.0}, {"index": 14221, "quantile": 1.0, "value": 169800.0, "Latitude": 32.66, "Longitude": -117.06, "Population": 1617.0}, {"index": 14222, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 32.66, "Longitude": -117.04, "Population": 1471.0}, {"index": 14222, "quantile": 0.25, "value": 160200.0, "Latitude": 32.66, "Longitude": -117.04, "Population": 1471.0}, {"index": 14222, "quantile": 0.5, "value": 190550.0, "Latitude": 32.66, "Longitude": -117.04, "Population": 1471.0}, {"index": 14222, "quantile": 0.75, "value": 243050.00000000003, "Latitude": 32.66, "Longitude": -117.04, "Population": 1471.0}, {"index": 14222, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.66, "Longitude": -117.04, "Population": 1471.0}, {"index": 14223, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 32.67, "Longitude": -117.03, "Population": 2118.0}, {"index": 14223, "quantile": 0.25, "value": 264050.0, "Latitude": 32.67, "Longitude": -117.03, "Population": 2118.0}, {"index": 14223, "quantile": 0.5, "value": 266600.0, "Latitude": 32.67, "Longitude": -117.03, "Population": 2118.0}, {"index": 14223, "quantile": 0.75, "value": 266600.0, "Latitude": 32.67, "Longitude": -117.03, "Population": 2118.0}, {"index": 14223, "quantile": 1.0, "value": 325700.0, "Latitude": 32.67, "Longitude": -117.03, "Population": 2118.0}, {"index": 14224, "quantile": 0.0, "value": 115700.0, "Latitude": 32.68, "Longitude": -117.02, "Population": 2065.0}, {"index": 14224, "quantile": 0.25, "value": 253950.00000000003, "Latitude": 32.68, "Longitude": -117.02, "Population": 2065.0}, {"index": 14224, "quantile": 0.5, "value": 267400.0, "Latitude": 32.68, "Longitude": -117.02, "Population": 2065.0}, {"index": 14224, "quantile": 0.75, "value": 267400.0, "Latitude": 32.68, "Longitude": -117.02, "Population": 2065.0}, {"index": 14224, "quantile": 1.0, "value": 333300.0, "Latitude": 32.68, "Longitude": -117.02, "Population": 2065.0}, {"index": 14225, "quantile": 0.0, "value": 84200.0, "Latitude": 32.69, "Longitude": -117.05, "Population": 1319.0}, {"index": 14225, "quantile": 0.25, "value": 143800.0, "Latitude": 32.69, "Longitude": -117.05, "Population": 1319.0}, {"index": 14225, "quantile": 0.5, "value": 143800.0, "Latitude": 32.69, "Longitude": -117.05, "Population": 1319.0}, {"index": 14225, "quantile": 0.75, "value": 143800.0, "Latitude": 32.69, "Longitude": -117.05, "Population": 1319.0}, {"index": 14225, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.69, "Longitude": -117.05, "Population": 1319.0}, {"index": 14226, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.68, "Longitude": -117.05, "Population": 955.0}, {"index": 14226, "quantile": 0.25, "value": 136350.00000000003, "Latitude": 32.68, "Longitude": -117.05, "Population": 955.0}, {"index": 14226, "quantile": 0.5, "value": 165100.0, "Latitude": 32.68, "Longitude": -117.05, "Population": 955.0}, {"index": 14226, "quantile": 0.75, "value": 165100.0, "Latitude": 32.68, "Longitude": -117.05, "Population": 955.0}, {"index": 14226, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.68, "Longitude": -117.05, "Population": 955.0}, {"index": 14227, "quantile": 0.0, "value": 112999.99999999999, "Latitude": 32.68, "Longitude": -117.04, "Population": 1345.0}, {"index": 14227, "quantile": 0.25, "value": 136825.0, "Latitude": 32.68, "Longitude": -117.04, "Population": 1345.0}, {"index": 14227, "quantile": 0.5, "value": 145400.0, "Latitude": 32.68, "Longitude": -117.04, "Population": 1345.0}, {"index": 14227, "quantile": 0.75, "value": 153800.0, "Latitude": 32.68, "Longitude": -117.04, "Population": 1345.0}, {"index": 14227, "quantile": 1.0, "value": 252700.0, "Latitude": 32.68, "Longitude": -117.04, "Population": 1345.0}, {"index": 14228, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 32.68, "Longitude": -117.04, "Population": 943.0}, {"index": 14228, "quantile": 0.25, "value": 148675.0, "Latitude": 32.68, "Longitude": -117.04, "Population": 943.0}, {"index": 14228, "quantile": 0.5, "value": 158900.0, "Latitude": 32.68, "Longitude": -117.04, "Population": 943.0}, {"index": 14228, "quantile": 0.75, "value": 172325.00000000003, "Latitude": 32.68, "Longitude": -117.04, "Population": 943.0}, {"index": 14228, "quantile": 1.0, "value": 311200.0, "Latitude": 32.68, "Longitude": -117.04, "Population": 943.0}, {"index": 14229, "quantile": 0.0, "value": 95600.0, "Latitude": 32.67, "Longitude": -117.04, "Population": 2139.0}, {"index": 14229, "quantile": 0.25, "value": 137500.0, "Latitude": 32.67, "Longitude": -117.04, "Population": 2139.0}, {"index": 14229, "quantile": 0.5, "value": 137500.0, "Latitude": 32.67, "Longitude": -117.04, "Population": 2139.0}, {"index": 14229, "quantile": 0.75, "value": 138625.0, "Latitude": 32.67, "Longitude": -117.04, "Population": 2139.0}, {"index": 14229, "quantile": 1.0, "value": 181300.0, "Latitude": 32.67, "Longitude": -117.04, "Population": 2139.0}, {"index": 14230, "quantile": 0.0, "value": 93600.0, "Latitude": 32.69, "Longitude": -117.04, "Population": 2521.0}, {"index": 14230, "quantile": 0.25, "value": 144650.0, "Latitude": 32.69, "Longitude": -117.04, "Population": 2521.0}, {"index": 14230, "quantile": 0.5, "value": 158900.0, "Latitude": 32.69, "Longitude": -117.04, "Population": 2521.0}, {"index": 14230, "quantile": 0.75, "value": 158900.0, "Latitude": 32.69, "Longitude": -117.04, "Population": 2521.0}, {"index": 14230, "quantile": 1.0, "value": 216100.0, "Latitude": 32.69, "Longitude": -117.04, "Population": 2521.0}, {"index": 14231, "quantile": 0.0, "value": 109800.00000000001, "Latitude": 32.68, "Longitude": -117.04, "Population": 1530.0}, {"index": 14231, "quantile": 0.25, "value": 125000.0, "Latitude": 32.68, "Longitude": -117.04, "Population": 1530.0}, {"index": 14231, "quantile": 0.5, "value": 125000.0, "Latitude": 32.68, "Longitude": -117.04, "Population": 1530.0}, {"index": 14231, "quantile": 0.75, "value": 144475.0, "Latitude": 32.68, "Longitude": -117.04, "Population": 1530.0}, {"index": 14231, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 32.68, "Longitude": -117.04, "Population": 1530.0}, {"index": 14232, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 32.68, "Longitude": -117.04, "Population": 1014.0}, {"index": 14232, "quantile": 0.25, "value": 114999.99999999999, "Latitude": 32.68, "Longitude": -117.04, "Population": 1014.0}, {"index": 14232, "quantile": 0.5, "value": 114999.99999999999, "Latitude": 32.68, "Longitude": -117.04, "Population": 1014.0}, {"index": 14232, "quantile": 0.75, "value": 169850.0, "Latitude": 32.68, "Longitude": -117.04, "Population": 1014.0}, {"index": 14232, "quantile": 1.0, "value": 404500.0, "Latitude": 32.68, "Longitude": -117.04, "Population": 1014.0}, {"index": 14233, "quantile": 0.0, "value": 67500.0, "Latitude": 32.7, "Longitude": -117.01, "Population": 1304.0}, {"index": 14233, "quantile": 0.25, "value": 132200.0, "Latitude": 32.7, "Longitude": -117.01, "Population": 1304.0}, {"index": 14233, "quantile": 0.5, "value": 132200.0, "Latitude": 32.7, "Longitude": -117.01, "Population": 1304.0}, {"index": 14233, "quantile": 0.75, "value": 132200.0, "Latitude": 32.7, "Longitude": -117.01, "Population": 1304.0}, {"index": 14233, "quantile": 1.0, "value": 234500.00000000003, "Latitude": 32.7, "Longitude": -117.01, "Population": 1304.0}, {"index": 14234, "quantile": 0.0, "value": 125000.0, "Latitude": 32.69, "Longitude": -117.02, "Population": 3031.0}, {"index": 14234, "quantile": 0.25, "value": 135000.0, "Latitude": 32.69, "Longitude": -117.02, "Population": 3031.0}, {"index": 14234, "quantile": 0.5, "value": 135000.0, "Latitude": 32.69, "Longitude": -117.02, "Population": 3031.0}, {"index": 14234, "quantile": 0.75, "value": 151625.0, "Latitude": 32.69, "Longitude": -117.02, "Population": 3031.0}, {"index": 14234, "quantile": 1.0, "value": 247800.00000000003, "Latitude": 32.69, "Longitude": -117.02, "Population": 3031.0}, {"index": 14235, "quantile": 0.0, "value": 110100.0, "Latitude": 32.69, "Longitude": -117.03, "Population": 2061.0}, {"index": 14235, "quantile": 0.25, "value": 148300.0, "Latitude": 32.69, "Longitude": -117.03, "Population": 2061.0}, {"index": 14235, "quantile": 0.5, "value": 158900.0, "Latitude": 32.69, "Longitude": -117.03, "Population": 2061.0}, {"index": 14235, "quantile": 0.75, "value": 162350.0, "Latitude": 32.69, "Longitude": -117.03, "Population": 2061.0}, {"index": 14235, "quantile": 1.0, "value": 264000.0, "Latitude": 32.69, "Longitude": -117.03, "Population": 2061.0}, {"index": 14236, "quantile": 0.0, "value": 125400.0, "Latitude": 32.69, "Longitude": -117.03, "Population": 698.0}, {"index": 14236, "quantile": 0.25, "value": 154900.0, "Latitude": 32.69, "Longitude": -117.03, "Population": 698.0}, {"index": 14236, "quantile": 0.5, "value": 156100.0, "Latitude": 32.69, "Longitude": -117.03, "Population": 698.0}, {"index": 14236, "quantile": 0.75, "value": 156100.0, "Latitude": 32.69, "Longitude": -117.03, "Population": 698.0}, {"index": 14236, "quantile": 1.0, "value": 171100.0, "Latitude": 32.69, "Longitude": -117.03, "Population": 698.0}, {"index": 14237, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 32.69, "Longitude": -117.03, "Population": 1784.0}, {"index": 14237, "quantile": 0.25, "value": 154900.0, "Latitude": 32.69, "Longitude": -117.03, "Population": 1784.0}, {"index": 14237, "quantile": 0.5, "value": 157700.0, "Latitude": 32.69, "Longitude": -117.03, "Population": 1784.0}, {"index": 14237, "quantile": 0.75, "value": 160700.0, "Latitude": 32.69, "Longitude": -117.03, "Population": 1784.0}, {"index": 14237, "quantile": 1.0, "value": 254100.0, "Latitude": 32.69, "Longitude": -117.03, "Population": 1784.0}, {"index": 14238, "quantile": 0.0, "value": 47500.0, "Latitude": 32.71, "Longitude": -117.09, "Population": 2357.0}, {"index": 14238, "quantile": 0.25, "value": 106300.0, "Latitude": 32.71, "Longitude": -117.09, "Population": 2357.0}, {"index": 14238, "quantile": 0.5, "value": 106300.0, "Latitude": 32.71, "Longitude": -117.09, "Population": 2357.0}, {"index": 14238, "quantile": 0.75, "value": 106300.0, "Latitude": 32.71, "Longitude": -117.09, "Population": 2357.0}, {"index": 14238, "quantile": 1.0, "value": 221900.0, "Latitude": 32.71, "Longitude": -117.09, "Population": 2357.0}, {"index": 14239, "quantile": 0.0, "value": 47500.0, "Latitude": 32.7, "Longitude": -117.09, "Population": 887.0}, {"index": 14239, "quantile": 0.25, "value": 78500.0, "Latitude": 32.7, "Longitude": -117.09, "Population": 887.0}, {"index": 14239, "quantile": 0.5, "value": 87900.0, "Latitude": 32.7, "Longitude": -117.09, "Population": 887.0}, {"index": 14239, "quantile": 0.75, "value": 94600.0, "Latitude": 32.7, "Longitude": -117.09, "Population": 887.0}, {"index": 14239, "quantile": 1.0, "value": 169300.0, "Latitude": 32.7, "Longitude": -117.09, "Population": 887.0}, {"index": 14240, "quantile": 0.0, "value": 69900.0, "Latitude": 32.7, "Longitude": -117.09, "Population": 1887.0}, {"index": 14240, "quantile": 0.25, "value": 94200.0, "Latitude": 32.7, "Longitude": -117.09, "Population": 1887.0}, {"index": 14240, "quantile": 0.5, "value": 94200.0, "Latitude": 32.7, "Longitude": -117.09, "Population": 1887.0}, {"index": 14240, "quantile": 0.75, "value": 94200.0, "Latitude": 32.7, "Longitude": -117.09, "Population": 1887.0}, {"index": 14240, "quantile": 1.0, "value": 140400.0, "Latitude": 32.7, "Longitude": -117.09, "Population": 1887.0}, {"index": 14241, "quantile": 0.0, "value": 80200.0, "Latitude": 32.69, "Longitude": -117.09, "Population": 1221.0}, {"index": 14241, "quantile": 0.25, "value": 106300.0, "Latitude": 32.69, "Longitude": -117.09, "Population": 1221.0}, {"index": 14241, "quantile": 0.5, "value": 108000.0, "Latitude": 32.69, "Longitude": -117.09, "Population": 1221.0}, {"index": 14241, "quantile": 0.75, "value": 108000.0, "Latitude": 32.69, "Longitude": -117.09, "Population": 1221.0}, {"index": 14241, "quantile": 1.0, "value": 221900.0, "Latitude": 32.69, "Longitude": -117.09, "Population": 1221.0}, {"index": 14242, "quantile": 0.0, "value": 67500.0, "Latitude": 32.69, "Longitude": -117.09, "Population": 852.0}, {"index": 14242, "quantile": 0.25, "value": 108300.0, "Latitude": 32.69, "Longitude": -117.09, "Population": 852.0}, {"index": 14242, "quantile": 0.5, "value": 108300.0, "Latitude": 32.69, "Longitude": -117.09, "Population": 852.0}, {"index": 14242, "quantile": 0.75, "value": 110450.0, "Latitude": 32.69, "Longitude": -117.09, "Population": 852.0}, {"index": 14242, "quantile": 1.0, "value": 165100.0, "Latitude": 32.69, "Longitude": -117.09, "Population": 852.0}, {"index": 14243, "quantile": 0.0, "value": 47500.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 2812.0}, {"index": 14243, "quantile": 0.25, "value": 87350.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 2812.0}, {"index": 14243, "quantile": 0.5, "value": 92900.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 2812.0}, {"index": 14243, "quantile": 0.75, "value": 106400.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 2812.0}, {"index": 14243, "quantile": 1.0, "value": 325000.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 2812.0}, {"index": 14244, "quantile": 0.0, "value": 95600.0, "Latitude": 32.7, "Longitude": -117.1, "Population": 525.0}, {"index": 14244, "quantile": 0.25, "value": 95600.0, "Latitude": 32.7, "Longitude": -117.1, "Population": 525.0}, {"index": 14244, "quantile": 0.5, "value": 95600.0, "Latitude": 32.7, "Longitude": -117.1, "Population": 525.0}, {"index": 14244, "quantile": 0.75, "value": 125400.0, "Latitude": 32.7, "Longitude": -117.1, "Population": 525.0}, {"index": 14244, "quantile": 1.0, "value": 362500.0, "Latitude": 32.7, "Longitude": -117.1, "Population": 525.0}, {"index": 14245, "quantile": 0.0, "value": 78100.0, "Latitude": 32.7, "Longitude": -117.1, "Population": 1505.0}, {"index": 14245, "quantile": 0.25, "value": 86300.0, "Latitude": 32.7, "Longitude": -117.1, "Population": 1505.0}, {"index": 14245, "quantile": 0.5, "value": 86300.0, "Latitude": 32.7, "Longitude": -117.1, "Population": 1505.0}, {"index": 14245, "quantile": 0.75, "value": 86300.0, "Latitude": 32.7, "Longitude": -117.1, "Population": 1505.0}, {"index": 14245, "quantile": 1.0, "value": 102899.99999999999, "Latitude": 32.7, "Longitude": -117.1, "Population": 1505.0}, {"index": 14246, "quantile": 0.0, "value": 83000.0, "Latitude": 32.71, "Longitude": -117.1, "Population": 1628.0}, {"index": 14246, "quantile": 0.25, "value": 92600.0, "Latitude": 32.71, "Longitude": -117.1, "Population": 1628.0}, {"index": 14246, "quantile": 0.5, "value": 92600.0, "Latitude": 32.71, "Longitude": -117.1, "Population": 1628.0}, {"index": 14246, "quantile": 0.75, "value": 92600.0, "Latitude": 32.71, "Longitude": -117.1, "Population": 1628.0}, {"index": 14246, "quantile": 1.0, "value": 169300.0, "Latitude": 32.71, "Longitude": -117.1, "Population": 1628.0}, {"index": 14247, "quantile": 0.0, "value": 97000.0, "Latitude": 32.73, "Longitude": -117.09, "Population": 1948.0}, {"index": 14247, "quantile": 0.25, "value": 124100.00000000001, "Latitude": 32.73, "Longitude": -117.09, "Population": 1948.0}, {"index": 14247, "quantile": 0.5, "value": 124100.00000000001, "Latitude": 32.73, "Longitude": -117.09, "Population": 1948.0}, {"index": 14247, "quantile": 0.75, "value": 124100.00000000001, "Latitude": 32.73, "Longitude": -117.09, "Population": 1948.0}, {"index": 14247, "quantile": 1.0, "value": 240200.0, "Latitude": 32.73, "Longitude": -117.09, "Population": 1948.0}, {"index": 14248, "quantile": 0.0, "value": 63900.0, "Latitude": 32.72, "Longitude": -117.1, "Population": 1094.0}, {"index": 14248, "quantile": 0.25, "value": 116475.0, "Latitude": 32.72, "Longitude": -117.1, "Population": 1094.0}, {"index": 14248, "quantile": 0.5, "value": 133450.0, "Latitude": 32.72, "Longitude": -117.1, "Population": 1094.0}, {"index": 14248, "quantile": 0.75, "value": 143500.0, "Latitude": 32.72, "Longitude": -117.1, "Population": 1094.0}, {"index": 14248, "quantile": 1.0, "value": 325000.0, "Latitude": 32.72, "Longitude": -117.1, "Population": 1094.0}, {"index": 14249, "quantile": 0.0, "value": 73400.0, "Latitude": 32.72, "Longitude": -117.09, "Population": 770.0}, {"index": 14249, "quantile": 0.25, "value": 102499.99999999999, "Latitude": 32.72, "Longitude": -117.09, "Population": 770.0}, {"index": 14249, "quantile": 0.5, "value": 102499.99999999999, "Latitude": 32.72, "Longitude": -117.09, "Population": 770.0}, {"index": 14249, "quantile": 0.75, "value": 112225.00000000001, "Latitude": 32.72, "Longitude": -117.09, "Population": 770.0}, {"index": 14249, "quantile": 1.0, "value": 221099.99999999997, "Latitude": 32.72, "Longitude": -117.09, "Population": 770.0}, {"index": 14250, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 32.72, "Longitude": -117.09, "Population": 716.0}, {"index": 14250, "quantile": 0.25, "value": 111800.00000000001, "Latitude": 32.72, "Longitude": -117.09, "Population": 716.0}, {"index": 14250, "quantile": 0.5, "value": 111800.00000000001, "Latitude": 32.72, "Longitude": -117.09, "Population": 716.0}, {"index": 14250, "quantile": 0.75, "value": 111800.00000000001, "Latitude": 32.72, "Longitude": -117.09, "Population": 716.0}, {"index": 14250, "quantile": 1.0, "value": 221099.99999999997, "Latitude": 32.72, "Longitude": -117.09, "Population": 716.0}, {"index": 14251, "quantile": 0.0, "value": 109800.00000000001, "Latitude": 32.73, "Longitude": -117.09, "Population": 1559.0}, {"index": 14251, "quantile": 0.25, "value": 120300.0, "Latitude": 32.73, "Longitude": -117.09, "Population": 1559.0}, {"index": 14251, "quantile": 0.5, "value": 120300.0, "Latitude": 32.73, "Longitude": -117.09, "Population": 1559.0}, {"index": 14251, "quantile": 0.75, "value": 132600.0, "Latitude": 32.73, "Longitude": -117.09, "Population": 1559.0}, {"index": 14251, "quantile": 1.0, "value": 216500.0, "Latitude": 32.73, "Longitude": -117.09, "Population": 1559.0}, {"index": 14252, "quantile": 0.0, "value": 89600.0, "Latitude": 32.71, "Longitude": -117.09, "Population": 2061.0}, {"index": 14252, "quantile": 0.25, "value": 107050.0, "Latitude": 32.71, "Longitude": -117.09, "Population": 2061.0}, {"index": 14252, "quantile": 0.5, "value": 112450.0, "Latitude": 32.71, "Longitude": -117.09, "Population": 2061.0}, {"index": 14252, "quantile": 0.75, "value": 123800.0, "Latitude": 32.71, "Longitude": -117.09, "Population": 2061.0}, {"index": 14252, "quantile": 1.0, "value": 240200.0, "Latitude": 32.71, "Longitude": -117.09, "Population": 2061.0}, {"index": 14253, "quantile": 0.0, "value": 54600.00000000001, "Latitude": 32.71, "Longitude": -117.1, "Population": 2775.0}, {"index": 14253, "quantile": 0.25, "value": 86900.0, "Latitude": 32.71, "Longitude": -117.1, "Population": 2775.0}, {"index": 14253, "quantile": 0.5, "value": 86900.0, "Latitude": 32.71, "Longitude": -117.1, "Population": 2775.0}, {"index": 14253, "quantile": 0.75, "value": 86900.0, "Latitude": 32.71, "Longitude": -117.1, "Population": 2775.0}, {"index": 14253, "quantile": 1.0, "value": 221900.0, "Latitude": 32.71, "Longitude": -117.1, "Population": 2775.0}, {"index": 14254, "quantile": 0.0, "value": 47500.0, "Latitude": 32.71, "Longitude": -117.1, "Population": 1003.0}, {"index": 14254, "quantile": 0.25, "value": 86200.0, "Latitude": 32.71, "Longitude": -117.1, "Population": 1003.0}, {"index": 14254, "quantile": 0.5, "value": 87900.0, "Latitude": 32.71, "Longitude": -117.1, "Population": 1003.0}, {"index": 14254, "quantile": 0.75, "value": 87900.0, "Latitude": 32.71, "Longitude": -117.1, "Population": 1003.0}, {"index": 14254, "quantile": 1.0, "value": 117600.0, "Latitude": 32.71, "Longitude": -117.1, "Population": 1003.0}, {"index": 14255, "quantile": 0.0, "value": 78500.0, "Latitude": 32.72, "Longitude": -117.11, "Population": 1183.0}, {"index": 14255, "quantile": 0.25, "value": 88600.0, "Latitude": 32.72, "Longitude": -117.11, "Population": 1183.0}, {"index": 14255, "quantile": 0.5, "value": 88600.0, "Latitude": 32.72, "Longitude": -117.11, "Population": 1183.0}, {"index": 14255, "quantile": 0.75, "value": 88600.0, "Latitude": 32.72, "Longitude": -117.11, "Population": 1183.0}, {"index": 14255, "quantile": 1.0, "value": 148800.0, "Latitude": 32.72, "Longitude": -117.11, "Population": 1183.0}, {"index": 14256, "quantile": 0.0, "value": 69900.0, "Latitude": 32.71, "Longitude": -117.11, "Population": 1673.0}, {"index": 14256, "quantile": 0.25, "value": 85900.0, "Latitude": 32.71, "Longitude": -117.11, "Population": 1673.0}, {"index": 14256, "quantile": 0.5, "value": 85900.0, "Latitude": 32.71, "Longitude": -117.11, "Population": 1673.0}, {"index": 14256, "quantile": 0.75, "value": 85900.0, "Latitude": 32.71, "Longitude": -117.11, "Population": 1673.0}, {"index": 14256, "quantile": 1.0, "value": 114300.0, "Latitude": 32.71, "Longitude": -117.11, "Population": 1673.0}, {"index": 14257, "quantile": 0.0, "value": 65700.0, "Latitude": 32.7, "Longitude": -117.11, "Population": 1797.0}, {"index": 14257, "quantile": 0.25, "value": 86300.0, "Latitude": 32.7, "Longitude": -117.11, "Population": 1797.0}, {"index": 14257, "quantile": 0.5, "value": 86400.0, "Latitude": 32.7, "Longitude": -117.11, "Population": 1797.0}, {"index": 14257, "quantile": 0.75, "value": 88600.0, "Latitude": 32.7, "Longitude": -117.11, "Population": 1797.0}, {"index": 14257, "quantile": 1.0, "value": 139300.0, "Latitude": 32.7, "Longitude": -117.11, "Population": 1797.0}, {"index": 14258, "quantile": 0.0, "value": 65700.0, "Latitude": 32.7, "Longitude": -117.11, "Population": 1920.0}, {"index": 14258, "quantile": 0.25, "value": 85549.99999999999, "Latitude": 32.7, "Longitude": -117.11, "Population": 1920.0}, {"index": 14258, "quantile": 0.5, "value": 86900.0, "Latitude": 32.7, "Longitude": -117.11, "Population": 1920.0}, {"index": 14258, "quantile": 0.75, "value": 90350.0, "Latitude": 32.7, "Longitude": -117.11, "Population": 1920.0}, {"index": 14258, "quantile": 1.0, "value": 158800.0, "Latitude": 32.7, "Longitude": -117.11, "Population": 1920.0}, {"index": 14259, "quantile": 0.0, "value": 65700.0, "Latitude": 32.7, "Longitude": -117.11, "Population": 1626.0}, {"index": 14259, "quantile": 0.25, "value": 86400.0, "Latitude": 32.7, "Longitude": -117.11, "Population": 1626.0}, {"index": 14259, "quantile": 0.5, "value": 86400.0, "Latitude": 32.7, "Longitude": -117.11, "Population": 1626.0}, {"index": 14259, "quantile": 0.75, "value": 86400.0, "Latitude": 32.7, "Longitude": -117.11, "Population": 1626.0}, {"index": 14259, "quantile": 1.0, "value": 100000.0, "Latitude": 32.7, "Longitude": -117.11, "Population": 1626.0}, {"index": 14260, "quantile": 0.0, "value": 75600.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 827.0}, {"index": 14260, "quantile": 0.25, "value": 90500.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 827.0}, {"index": 14260, "quantile": 0.5, "value": 90500.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 827.0}, {"index": 14260, "quantile": 0.75, "value": 93450.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 827.0}, {"index": 14260, "quantile": 1.0, "value": 165400.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 827.0}, {"index": 14261, "quantile": 0.0, "value": 76200.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 763.0}, {"index": 14261, "quantile": 0.25, "value": 84100.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 763.0}, {"index": 14261, "quantile": 0.5, "value": 84100.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 763.0}, {"index": 14261, "quantile": 0.75, "value": 84100.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 763.0}, {"index": 14261, "quantile": 1.0, "value": 145000.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 763.0}, {"index": 14262, "quantile": 0.0, "value": 65700.0, "Latitude": 32.71, "Longitude": -117.11, "Population": 1054.0}, {"index": 14262, "quantile": 0.25, "value": 83200.0, "Latitude": 32.71, "Longitude": -117.11, "Population": 1054.0}, {"index": 14262, "quantile": 0.5, "value": 83200.0, "Latitude": 32.71, "Longitude": -117.11, "Population": 1054.0}, {"index": 14262, "quantile": 0.75, "value": 88250.0, "Latitude": 32.71, "Longitude": -117.11, "Population": 1054.0}, {"index": 14262, "quantile": 1.0, "value": 124700.00000000001, "Latitude": 32.71, "Longitude": -117.11, "Population": 1054.0}, {"index": 14263, "quantile": 0.0, "value": 63500.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 1369.0}, {"index": 14263, "quantile": 0.25, "value": 87200.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 1369.0}, {"index": 14263, "quantile": 0.5, "value": 87200.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 1369.0}, {"index": 14263, "quantile": 0.75, "value": 88500.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 1369.0}, {"index": 14263, "quantile": 1.0, "value": 150000.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 1369.0}, {"index": 14264, "quantile": 0.0, "value": 65700.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 1183.0}, {"index": 14264, "quantile": 0.25, "value": 86900.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 1183.0}, {"index": 14264, "quantile": 0.5, "value": 89250.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 1183.0}, {"index": 14264, "quantile": 0.75, "value": 97425.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 1183.0}, {"index": 14264, "quantile": 1.0, "value": 156900.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 1183.0}, {"index": 14265, "quantile": 0.0, "value": 65700.0, "Latitude": 32.69, "Longitude": -117.11, "Population": 1418.0}, {"index": 14265, "quantile": 0.25, "value": 78500.0, "Latitude": 32.69, "Longitude": -117.11, "Population": 1418.0}, {"index": 14265, "quantile": 0.5, "value": 86150.0, "Latitude": 32.69, "Longitude": -117.11, "Population": 1418.0}, {"index": 14265, "quantile": 0.75, "value": 90525.0, "Latitude": 32.69, "Longitude": -117.11, "Population": 1418.0}, {"index": 14265, "quantile": 1.0, "value": 246700.0, "Latitude": 32.69, "Longitude": -117.11, "Population": 1418.0}, {"index": 14266, "quantile": 0.0, "value": 75600.0, "Latitude": 32.69, "Longitude": -117.11, "Population": 1271.0}, {"index": 14266, "quantile": 0.25, "value": 91800.0, "Latitude": 32.69, "Longitude": -117.11, "Population": 1271.0}, {"index": 14266, "quantile": 0.5, "value": 91800.0, "Latitude": 32.69, "Longitude": -117.11, "Population": 1271.0}, {"index": 14266, "quantile": 0.75, "value": 91800.0, "Latitude": 32.69, "Longitude": -117.11, "Population": 1271.0}, {"index": 14266, "quantile": 1.0, "value": 156500.0, "Latitude": 32.69, "Longitude": -117.11, "Population": 1271.0}, {"index": 14267, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 32.69, "Longitude": -117.11, "Population": 2489.0}, {"index": 14267, "quantile": 0.25, "value": 78100.0, "Latitude": 32.69, "Longitude": -117.11, "Population": 2489.0}, {"index": 14267, "quantile": 0.5, "value": 86300.0, "Latitude": 32.69, "Longitude": -117.11, "Population": 2489.0}, {"index": 14267, "quantile": 0.75, "value": 92500.0, "Latitude": 32.69, "Longitude": -117.11, "Population": 2489.0}, {"index": 14267, "quantile": 1.0, "value": 140400.0, "Latitude": 32.69, "Longitude": -117.11, "Population": 2489.0}, {"index": 14268, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 32.69, "Longitude": -117.11, "Population": 620.0}, {"index": 14268, "quantile": 0.25, "value": 86500.0, "Latitude": 32.69, "Longitude": -117.11, "Population": 620.0}, {"index": 14268, "quantile": 0.5, "value": 86500.0, "Latitude": 32.69, "Longitude": -117.11, "Population": 620.0}, {"index": 14268, "quantile": 0.75, "value": 110600.00000000001, "Latitude": 32.69, "Longitude": -117.11, "Population": 620.0}, {"index": 14268, "quantile": 1.0, "value": 177400.0, "Latitude": 32.69, "Longitude": -117.11, "Population": 620.0}, {"index": 14269, "quantile": 0.0, "value": 25000.0, "Latitude": 32.69, "Longitude": -117.12, "Population": 180.0}, {"index": 14269, "quantile": 0.25, "value": 93800.0, "Latitude": 32.69, "Longitude": -117.12, "Population": 180.0}, {"index": 14269, "quantile": 0.5, "value": 93800.0, "Latitude": 32.69, "Longitude": -117.12, "Population": 180.0}, {"index": 14269, "quantile": 0.75, "value": 97300.0, "Latitude": 32.69, "Longitude": -117.12, "Population": 180.0}, {"index": 14269, "quantile": 1.0, "value": 162500.0, "Latitude": 32.69, "Longitude": -117.12, "Population": 180.0}, {"index": 14270, "quantile": 0.0, "value": 65700.0, "Latitude": 32.69, "Longitude": -117.12, "Population": 1146.0}, {"index": 14270, "quantile": 0.25, "value": 88500.0, "Latitude": 32.69, "Longitude": -117.12, "Population": 1146.0}, {"index": 14270, "quantile": 0.5, "value": 88500.0, "Latitude": 32.69, "Longitude": -117.12, "Population": 1146.0}, {"index": 14270, "quantile": 0.75, "value": 88500.0, "Latitude": 32.69, "Longitude": -117.12, "Population": 1146.0}, {"index": 14270, "quantile": 1.0, "value": 160400.0, "Latitude": 32.69, "Longitude": -117.12, "Population": 1146.0}, {"index": 14271, "quantile": 0.0, "value": 47500.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 953.0}, {"index": 14271, "quantile": 0.25, "value": 65700.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 953.0}, {"index": 14271, "quantile": 0.5, "value": 65700.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 953.0}, {"index": 14271, "quantile": 0.75, "value": 78625.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 953.0}, {"index": 14271, "quantile": 1.0, "value": 111300.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 953.0}, {"index": 14272, "quantile": 0.0, "value": 64000.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 1398.0}, {"index": 14272, "quantile": 0.25, "value": 78100.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 1398.0}, {"index": 14272, "quantile": 0.5, "value": 78100.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 1398.0}, {"index": 14272, "quantile": 0.75, "value": 78925.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 1398.0}, {"index": 14272, "quantile": 1.0, "value": 137500.0, "Latitude": 32.7, "Longitude": -117.12, "Population": 1398.0}, {"index": 14273, "quantile": 0.0, "value": 60000.0, "Latitude": 32.69, "Longitude": -117.13, "Population": 1271.0}, {"index": 14273, "quantile": 0.25, "value": 85750.0, "Latitude": 32.69, "Longitude": -117.13, "Population": 1271.0}, {"index": 14273, "quantile": 0.5, "value": 90100.0, "Latitude": 32.69, "Longitude": -117.13, "Population": 1271.0}, {"index": 14273, "quantile": 0.75, "value": 90100.0, "Latitude": 32.69, "Longitude": -117.13, "Population": 1271.0}, {"index": 14273, "quantile": 1.0, "value": 125000.0, "Latitude": 32.69, "Longitude": -117.13, "Population": 1271.0}, {"index": 14274, "quantile": 0.0, "value": 58800.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 917.0}, {"index": 14274, "quantile": 0.25, "value": 75600.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 917.0}, {"index": 14274, "quantile": 0.5, "value": 75600.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 917.0}, {"index": 14274, "quantile": 0.75, "value": 88050.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 917.0}, {"index": 14274, "quantile": 1.0, "value": 207100.00000000003, "Latitude": 32.7, "Longitude": -117.13, "Population": 917.0}, {"index": 14275, "quantile": 0.0, "value": 60000.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 945.0}, {"index": 14275, "quantile": 0.25, "value": 78900.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 945.0}, {"index": 14275, "quantile": 0.5, "value": 78900.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 945.0}, {"index": 14275, "quantile": 0.75, "value": 79850.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 945.0}, {"index": 14275, "quantile": 1.0, "value": 275000.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 945.0}, {"index": 14276, "quantile": 0.0, "value": 67500.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 1286.0}, {"index": 14276, "quantile": 0.25, "value": 80200.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 1286.0}, {"index": 14276, "quantile": 0.5, "value": 80200.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 1286.0}, {"index": 14276, "quantile": 0.75, "value": 88675.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 1286.0}, {"index": 14276, "quantile": 1.0, "value": 124700.00000000001, "Latitude": 32.7, "Longitude": -117.13, "Population": 1286.0}, {"index": 14277, "quantile": 0.0, "value": 47500.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 1372.0}, {"index": 14277, "quantile": 0.25, "value": 78500.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 1372.0}, {"index": 14277, "quantile": 0.5, "value": 85900.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 1372.0}, {"index": 14277, "quantile": 0.75, "value": 91800.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 1372.0}, {"index": 14277, "quantile": 1.0, "value": 246700.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 1372.0}, {"index": 14278, "quantile": 0.0, "value": 66400.0, "Latitude": 32.71, "Longitude": -117.12, "Population": 1315.0}, {"index": 14278, "quantile": 0.25, "value": 78500.0, "Latitude": 32.71, "Longitude": -117.12, "Population": 1315.0}, {"index": 14278, "quantile": 0.5, "value": 78500.0, "Latitude": 32.71, "Longitude": -117.12, "Population": 1315.0}, {"index": 14278, "quantile": 0.75, "value": 88050.0, "Latitude": 32.71, "Longitude": -117.12, "Population": 1315.0}, {"index": 14278, "quantile": 1.0, "value": 139300.0, "Latitude": 32.71, "Longitude": -117.12, "Population": 1315.0}, {"index": 14279, "quantile": 0.0, "value": 60000.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 760.0}, {"index": 14279, "quantile": 0.25, "value": 82700.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 760.0}, {"index": 14279, "quantile": 0.5, "value": 82700.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 760.0}, {"index": 14279, "quantile": 0.75, "value": 82700.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 760.0}, {"index": 14279, "quantile": 1.0, "value": 148800.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 760.0}, {"index": 14280, "quantile": 0.0, "value": 65700.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 1114.0}, {"index": 14280, "quantile": 0.25, "value": 87500.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 1114.0}, {"index": 14280, "quantile": 0.5, "value": 87500.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 1114.0}, {"index": 14280, "quantile": 0.75, "value": 87500.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 1114.0}, {"index": 14280, "quantile": 1.0, "value": 128000.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 1114.0}, {"index": 14281, "quantile": 0.0, "value": 72000.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 1396.0}, {"index": 14281, "quantile": 0.25, "value": 83300.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 1396.0}, {"index": 14281, "quantile": 0.5, "value": 83300.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 1396.0}, {"index": 14281, "quantile": 0.75, "value": 83300.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 1396.0}, {"index": 14281, "quantile": 1.0, "value": 102499.99999999999, "Latitude": 32.71, "Longitude": -117.13, "Population": 1396.0}, {"index": 14282, "quantile": 0.0, "value": 75600.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1784.0}, {"index": 14282, "quantile": 0.25, "value": 101099.99999999999, "Latitude": 32.72, "Longitude": -117.13, "Population": 1784.0}, {"index": 14282, "quantile": 0.5, "value": 109600.00000000001, "Latitude": 32.72, "Longitude": -117.13, "Population": 1784.0}, {"index": 14282, "quantile": 0.75, "value": 137500.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1784.0}, {"index": 14282, "quantile": 1.0, "value": 227199.99999999997, "Latitude": 32.72, "Longitude": -117.13, "Population": 1784.0}, {"index": 14283, "quantile": 0.0, "value": 40000.0, "Latitude": 32.71, "Longitude": -117.12, "Population": 396.0}, {"index": 14283, "quantile": 0.25, "value": 93450.0, "Latitude": 32.71, "Longitude": -117.12, "Population": 396.0}, {"index": 14283, "quantile": 0.5, "value": 111300.0, "Latitude": 32.71, "Longitude": -117.12, "Population": 396.0}, {"index": 14283, "quantile": 0.75, "value": 111300.0, "Latitude": 32.71, "Longitude": -117.12, "Population": 396.0}, {"index": 14283, "quantile": 1.0, "value": 156300.0, "Latitude": 32.71, "Longitude": -117.12, "Population": 396.0}, {"index": 14284, "quantile": 0.0, "value": 85700.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1780.0}, {"index": 14284, "quantile": 0.25, "value": 137500.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1780.0}, {"index": 14284, "quantile": 0.5, "value": 137500.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1780.0}, {"index": 14284, "quantile": 0.75, "value": 137500.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1780.0}, {"index": 14284, "quantile": 1.0, "value": 205300.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1780.0}, {"index": 14285, "quantile": 0.0, "value": 73300.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1048.0}, {"index": 14285, "quantile": 0.25, "value": 117900.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1048.0}, {"index": 14285, "quantile": 0.5, "value": 117900.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1048.0}, {"index": 14285, "quantile": 0.75, "value": 117900.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1048.0}, {"index": 14285, "quantile": 1.0, "value": 175000.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1048.0}, {"index": 14286, "quantile": 0.0, "value": 115300.0, "Latitude": 32.72, "Longitude": -117.12, "Population": 3093.0}, {"index": 14286, "quantile": 0.25, "value": 153750.0, "Latitude": 32.72, "Longitude": -117.12, "Population": 3093.0}, {"index": 14286, "quantile": 0.5, "value": 159100.0, "Latitude": 32.72, "Longitude": -117.12, "Population": 3093.0}, {"index": 14286, "quantile": 0.75, "value": 159100.0, "Latitude": 32.72, "Longitude": -117.12, "Population": 3093.0}, {"index": 14286, "quantile": 1.0, "value": 252700.0, "Latitude": 32.72, "Longitude": -117.12, "Population": 3093.0}, {"index": 14287, "quantile": 0.0, "value": 84600.0, "Latitude": 32.73, "Longitude": -117.12, "Population": 887.0}, {"index": 14287, "quantile": 0.25, "value": 168800.0, "Latitude": 32.73, "Longitude": -117.12, "Population": 887.0}, {"index": 14287, "quantile": 0.5, "value": 168800.0, "Latitude": 32.73, "Longitude": -117.12, "Population": 887.0}, {"index": 14287, "quantile": 0.75, "value": 168800.0, "Latitude": 32.73, "Longitude": -117.12, "Population": 887.0}, {"index": 14287, "quantile": 1.0, "value": 321800.0, "Latitude": 32.73, "Longitude": -117.12, "Population": 887.0}, {"index": 14288, "quantile": 0.0, "value": 71300.0, "Latitude": 32.73, "Longitude": -117.12, "Population": 1750.0}, {"index": 14288, "quantile": 0.25, "value": 175400.0, "Latitude": 32.73, "Longitude": -117.12, "Population": 1750.0}, {"index": 14288, "quantile": 0.5, "value": 175400.0, "Latitude": 32.73, "Longitude": -117.12, "Population": 1750.0}, {"index": 14288, "quantile": 0.75, "value": 175400.0, "Latitude": 32.73, "Longitude": -117.12, "Population": 1750.0}, {"index": 14288, "quantile": 1.0, "value": 419100.0, "Latitude": 32.73, "Longitude": -117.12, "Population": 1750.0}, {"index": 14289, "quantile": 0.0, "value": 67900.0, "Latitude": 32.74, "Longitude": -117.13, "Population": 1457.0}, {"index": 14289, "quantile": 0.25, "value": 170100.0, "Latitude": 32.74, "Longitude": -117.13, "Population": 1457.0}, {"index": 14289, "quantile": 0.5, "value": 170100.0, "Latitude": 32.74, "Longitude": -117.13, "Population": 1457.0}, {"index": 14289, "quantile": 0.75, "value": 170100.0, "Latitude": 32.74, "Longitude": -117.13, "Population": 1457.0}, {"index": 14289, "quantile": 1.0, "value": 369100.0, "Latitude": 32.74, "Longitude": -117.13, "Population": 1457.0}, {"index": 14290, "quantile": 0.0, "value": 137200.0, "Latitude": 32.73, "Longitude": -117.13, "Population": 481.0}, {"index": 14290, "quantile": 0.25, "value": 240899.99999999997, "Latitude": 32.73, "Longitude": -117.13, "Population": 481.0}, {"index": 14290, "quantile": 0.5, "value": 240899.99999999997, "Latitude": 32.73, "Longitude": -117.13, "Population": 481.0}, {"index": 14290, "quantile": 0.75, "value": 331650.0, "Latitude": 32.73, "Longitude": -117.13, "Population": 481.0}, {"index": 14290, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.73, "Longitude": -117.13, "Population": 481.0}, {"index": 14291, "quantile": 0.0, "value": 155200.0, "Latitude": 32.73, "Longitude": -117.13, "Population": 1181.0}, {"index": 14291, "quantile": 0.25, "value": 213099.99999999997, "Latitude": 32.73, "Longitude": -117.13, "Population": 1181.0}, {"index": 14291, "quantile": 0.5, "value": 213099.99999999997, "Latitude": 32.73, "Longitude": -117.13, "Population": 1181.0}, {"index": 14291, "quantile": 0.75, "value": 213099.99999999997, "Latitude": 32.73, "Longitude": -117.13, "Population": 1181.0}, {"index": 14291, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.73, "Longitude": -117.13, "Population": 1181.0}, {"index": 14292, "quantile": 0.0, "value": 90700.0, "Latitude": 32.74, "Longitude": -117.13, "Population": 728.0}, {"index": 14292, "quantile": 0.25, "value": 157025.0, "Latitude": 32.74, "Longitude": -117.13, "Population": 728.0}, {"index": 14292, "quantile": 0.5, "value": 170100.0, "Latitude": 32.74, "Longitude": -117.13, "Population": 728.0}, {"index": 14292, "quantile": 0.75, "value": 196000.0, "Latitude": 32.74, "Longitude": -117.13, "Population": 728.0}, {"index": 14292, "quantile": 1.0, "value": 414700.0, "Latitude": 32.74, "Longitude": -117.13, "Population": 728.0}, {"index": 14293, "quantile": 0.0, "value": 83300.0, "Latitude": 32.73, "Longitude": -117.13, "Population": 1531.0}, {"index": 14293, "quantile": 0.25, "value": 142550.0, "Latitude": 32.73, "Longitude": -117.13, "Population": 1531.0}, {"index": 14293, "quantile": 0.5, "value": 145000.0, "Latitude": 32.73, "Longitude": -117.13, "Population": 1531.0}, {"index": 14293, "quantile": 0.75, "value": 145000.0, "Latitude": 32.73, "Longitude": -117.13, "Population": 1531.0}, {"index": 14293, "quantile": 1.0, "value": 177400.0, "Latitude": 32.73, "Longitude": -117.13, "Population": 1531.0}, {"index": 14294, "quantile": 0.0, "value": 90500.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1221.0}, {"index": 14294, "quantile": 0.25, "value": 140600.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1221.0}, {"index": 14294, "quantile": 0.5, "value": 140600.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1221.0}, {"index": 14294, "quantile": 0.75, "value": 140600.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1221.0}, {"index": 14294, "quantile": 1.0, "value": 240200.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1221.0}, {"index": 14295, "quantile": 0.0, "value": 98900.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 757.0}, {"index": 14295, "quantile": 0.25, "value": 169250.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 757.0}, {"index": 14295, "quantile": 0.5, "value": 199100.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 757.0}, {"index": 14295, "quantile": 0.75, "value": 199100.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 757.0}, {"index": 14295, "quantile": 1.0, "value": 450000.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 757.0}, {"index": 14296, "quantile": 0.0, "value": 67500.0, "Latitude": 32.73, "Longitude": -117.13, "Population": 777.0}, {"index": 14296, "quantile": 0.25, "value": 221099.99999999997, "Latitude": 32.73, "Longitude": -117.13, "Population": 777.0}, {"index": 14296, "quantile": 0.5, "value": 221099.99999999997, "Latitude": 32.73, "Longitude": -117.13, "Population": 777.0}, {"index": 14296, "quantile": 0.75, "value": 221099.99999999997, "Latitude": 32.73, "Longitude": -117.13, "Population": 777.0}, {"index": 14296, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.73, "Longitude": -117.13, "Population": 777.0}, {"index": 14297, "quantile": 0.0, "value": 85400.0, "Latitude": 32.72, "Longitude": -117.14, "Population": 1227.0}, {"index": 14297, "quantile": 0.25, "value": 132800.0, "Latitude": 32.72, "Longitude": -117.14, "Population": 1227.0}, {"index": 14297, "quantile": 0.5, "value": 139100.0, "Latitude": 32.72, "Longitude": -117.14, "Population": 1227.0}, {"index": 14297, "quantile": 0.75, "value": 139100.0, "Latitude": 32.72, "Longitude": -117.14, "Population": 1227.0}, {"index": 14297, "quantile": 1.0, "value": 164100.0, "Latitude": 32.72, "Longitude": -117.14, "Population": 1227.0}, {"index": 14298, "quantile": 0.0, "value": 75600.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1208.0}, {"index": 14298, "quantile": 0.25, "value": 100000.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1208.0}, {"index": 14298, "quantile": 0.5, "value": 120900.00000000001, "Latitude": 32.72, "Longitude": -117.13, "Population": 1208.0}, {"index": 14298, "quantile": 0.75, "value": 134775.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1208.0}, {"index": 14298, "quantile": 1.0, "value": 325000.0, "Latitude": 32.72, "Longitude": -117.13, "Population": 1208.0}, {"index": 14299, "quantile": 0.0, "value": 76200.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 1467.0}, {"index": 14299, "quantile": 0.25, "value": 116924.99999999999, "Latitude": 32.71, "Longitude": -117.14, "Population": 1467.0}, {"index": 14299, "quantile": 0.5, "value": 139400.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 1467.0}, {"index": 14299, "quantile": 0.75, "value": 139400.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 1467.0}, {"index": 14299, "quantile": 1.0, "value": 246700.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 1467.0}, {"index": 14300, "quantile": 0.0, "value": 47500.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 894.0}, {"index": 14300, "quantile": 0.25, "value": 95625.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 894.0}, {"index": 14300, "quantile": 0.5, "value": 103099.99999999999, "Latitude": 32.71, "Longitude": -117.14, "Population": 894.0}, {"index": 14300, "quantile": 0.75, "value": 103099.99999999999, "Latitude": 32.71, "Longitude": -117.14, "Population": 894.0}, {"index": 14300, "quantile": 1.0, "value": 204999.99999999997, "Latitude": 32.71, "Longitude": -117.14, "Population": 894.0}, {"index": 14301, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 32.72, "Longitude": -117.14, "Population": 660.0}, {"index": 14301, "quantile": 0.25, "value": 151725.0, "Latitude": 32.72, "Longitude": -117.14, "Population": 660.0}, {"index": 14301, "quantile": 0.5, "value": 168800.0, "Latitude": 32.72, "Longitude": -117.14, "Population": 660.0}, {"index": 14301, "quantile": 0.75, "value": 168800.0, "Latitude": 32.72, "Longitude": -117.14, "Population": 660.0}, {"index": 14301, "quantile": 1.0, "value": 225999.99999999997, "Latitude": 32.72, "Longitude": -117.14, "Population": 660.0}, {"index": 14302, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.72, "Longitude": -117.14, "Population": 840.0}, {"index": 14302, "quantile": 0.25, "value": 144125.0, "Latitude": 32.72, "Longitude": -117.14, "Population": 840.0}, {"index": 14302, "quantile": 0.5, "value": 156300.0, "Latitude": 32.72, "Longitude": -117.14, "Population": 840.0}, {"index": 14302, "quantile": 0.75, "value": 156300.0, "Latitude": 32.72, "Longitude": -117.14, "Population": 840.0}, {"index": 14302, "quantile": 1.0, "value": 262500.0, "Latitude": 32.72, "Longitude": -117.14, "Population": 840.0}, {"index": 14303, "quantile": 0.0, "value": 67500.0, "Latitude": 32.72, "Longitude": -117.14, "Population": 2011.0}, {"index": 14303, "quantile": 0.25, "value": 156675.0, "Latitude": 32.72, "Longitude": -117.14, "Population": 2011.0}, {"index": 14303, "quantile": 0.5, "value": 160400.0, "Latitude": 32.72, "Longitude": -117.14, "Population": 2011.0}, {"index": 14303, "quantile": 0.75, "value": 160400.0, "Latitude": 32.72, "Longitude": -117.14, "Population": 2011.0}, {"index": 14303, "quantile": 1.0, "value": 475000.0, "Latitude": 32.72, "Longitude": -117.14, "Population": 2011.0}, {"index": 14304, "quantile": 0.0, "value": 83300.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 955.0}, {"index": 14304, "quantile": 0.25, "value": 97800.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 955.0}, {"index": 14304, "quantile": 0.5, "value": 106300.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 955.0}, {"index": 14304, "quantile": 0.75, "value": 106300.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 955.0}, {"index": 14304, "quantile": 1.0, "value": 325000.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 955.0}, {"index": 14305, "quantile": 0.0, "value": 65700.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 975.0}, {"index": 14305, "quantile": 0.25, "value": 99100.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 975.0}, {"index": 14305, "quantile": 0.5, "value": 100000.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 975.0}, {"index": 14305, "quantile": 0.75, "value": 100000.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 975.0}, {"index": 14305, "quantile": 1.0, "value": 325000.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 975.0}, {"index": 14306, "quantile": 0.0, "value": 75600.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 1337.0}, {"index": 14306, "quantile": 0.25, "value": 87500.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 1337.0}, {"index": 14306, "quantile": 0.5, "value": 87500.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 1337.0}, {"index": 14306, "quantile": 0.75, "value": 87500.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 1337.0}, {"index": 14306, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.71, "Longitude": -117.14, "Population": 1337.0}, {"index": 14307, "quantile": 0.0, "value": 60000.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 480.0}, {"index": 14307, "quantile": 0.25, "value": 91100.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 480.0}, {"index": 14307, "quantile": 0.5, "value": 91100.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 480.0}, {"index": 14307, "quantile": 0.75, "value": 91100.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 480.0}, {"index": 14307, "quantile": 1.0, "value": 328600.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 480.0}, {"index": 14308, "quantile": 0.0, "value": 47500.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 1472.0}, {"index": 14308, "quantile": 0.25, "value": 81500.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 1472.0}, {"index": 14308, "quantile": 0.5, "value": 81500.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 1472.0}, {"index": 14308, "quantile": 0.75, "value": 81500.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 1472.0}, {"index": 14308, "quantile": 1.0, "value": 246700.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 1472.0}, {"index": 14309, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 32.71, "Longitude": -117.13, "Population": 691.0}, {"index": 14309, "quantile": 0.25, "value": 78400.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 691.0}, {"index": 14309, "quantile": 0.5, "value": 86500.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 691.0}, {"index": 14309, "quantile": 0.75, "value": 87900.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 691.0}, {"index": 14309, "quantile": 1.0, "value": 114300.0, "Latitude": 32.71, "Longitude": -117.13, "Population": 691.0}, {"index": 14310, "quantile": 0.0, "value": 60000.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 857.0}, {"index": 14310, "quantile": 0.25, "value": 72000.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 857.0}, {"index": 14310, "quantile": 0.5, "value": 72000.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 857.0}, {"index": 14310, "quantile": 0.75, "value": 83300.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 857.0}, {"index": 14310, "quantile": 1.0, "value": 148800.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 857.0}, {"index": 14311, "quantile": 0.0, "value": 47500.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 2176.0}, {"index": 14311, "quantile": 0.25, "value": 82900.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 2176.0}, {"index": 14311, "quantile": 0.5, "value": 82900.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 2176.0}, {"index": 14311, "quantile": 0.75, "value": 87600.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 2176.0}, {"index": 14311, "quantile": 1.0, "value": 248100.0, "Latitude": 32.71, "Longitude": -117.14, "Population": 2176.0}, {"index": 14312, "quantile": 0.0, "value": 58800.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 1335.0}, {"index": 14312, "quantile": 0.25, "value": 77300.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 1335.0}, {"index": 14312, "quantile": 0.5, "value": 77300.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 1335.0}, {"index": 14312, "quantile": 0.75, "value": 78500.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 1335.0}, {"index": 14312, "quantile": 1.0, "value": 163100.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 1335.0}, {"index": 14313, "quantile": 0.0, "value": 75600.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 463.0}, {"index": 14313, "quantile": 0.25, "value": 90975.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 463.0}, {"index": 14313, "quantile": 0.5, "value": 113799.99999999999, "Latitude": 32.7, "Longitude": -117.13, "Population": 463.0}, {"index": 14313, "quantile": 0.75, "value": 134800.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 463.0}, {"index": 14313, "quantile": 1.0, "value": 300000.0, "Latitude": 32.7, "Longitude": -117.13, "Population": 463.0}, {"index": 14314, "quantile": 0.0, "value": 78500.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 1132.0}, {"index": 14314, "quantile": 0.25, "value": 87000.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 1132.0}, {"index": 14314, "quantile": 0.5, "value": 87000.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 1132.0}, {"index": 14314, "quantile": 0.75, "value": 87525.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 1132.0}, {"index": 14314, "quantile": 1.0, "value": 159400.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 1132.0}, {"index": 14315, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 32.7, "Longitude": -117.14, "Population": 1199.0}, {"index": 14315, "quantile": 0.25, "value": 87375.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 1199.0}, {"index": 14315, "quantile": 0.5, "value": 92500.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 1199.0}, {"index": 14315, "quantile": 0.75, "value": 92500.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 1199.0}, {"index": 14315, "quantile": 1.0, "value": 106300.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 1199.0}, {"index": 14316, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 32.7, "Longitude": -117.14, "Population": 557.0}, {"index": 14316, "quantile": 0.25, "value": 82700.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 557.0}, {"index": 14316, "quantile": 0.5, "value": 85549.99999999999, "Latitude": 32.7, "Longitude": -117.14, "Population": 557.0}, {"index": 14316, "quantile": 0.75, "value": 91100.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 557.0}, {"index": 14316, "quantile": 1.0, "value": 127099.99999999999, "Latitude": 32.7, "Longitude": -117.14, "Population": 557.0}, {"index": 14317, "quantile": 0.0, "value": 40000.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 545.0}, {"index": 14317, "quantile": 0.25, "value": 86500.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 545.0}, {"index": 14317, "quantile": 0.5, "value": 86500.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 545.0}, {"index": 14317, "quantile": 0.75, "value": 86500.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 545.0}, {"index": 14317, "quantile": 1.0, "value": 350000.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 545.0}, {"index": 14318, "quantile": 0.0, "value": 75600.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 869.0}, {"index": 14318, "quantile": 0.25, "value": 75600.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 869.0}, {"index": 14318, "quantile": 0.5, "value": 90800.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 869.0}, {"index": 14318, "quantile": 0.75, "value": 115875.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 869.0}, {"index": 14318, "quantile": 1.0, "value": 207100.00000000003, "Latitude": 32.7, "Longitude": -117.14, "Population": 869.0}, {"index": 14319, "quantile": 0.0, "value": 65700.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 593.0}, {"index": 14319, "quantile": 0.25, "value": 90000.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 593.0}, {"index": 14319, "quantile": 0.5, "value": 90000.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 593.0}, {"index": 14319, "quantile": 0.75, "value": 92625.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 593.0}, {"index": 14319, "quantile": 1.0, "value": 160400.0, "Latitude": 32.7, "Longitude": -117.14, "Population": 593.0}, {"index": 14320, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 32.7, "Longitude": -117.15, "Population": 483.0}, {"index": 14320, "quantile": 0.25, "value": 77300.0, "Latitude": 32.7, "Longitude": -117.15, "Population": 483.0}, {"index": 14320, "quantile": 0.5, "value": 86500.0, "Latitude": 32.7, "Longitude": -117.15, "Population": 483.0}, {"index": 14320, "quantile": 0.75, "value": 92500.0, "Latitude": 32.7, "Longitude": -117.15, "Population": 483.0}, {"index": 14320, "quantile": 1.0, "value": 350000.0, "Latitude": 32.7, "Longitude": -117.15, "Population": 483.0}, {"index": 14321, "quantile": 0.0, "value": 82700.0, "Latitude": 32.71, "Longitude": -117.15, "Population": 557.0}, {"index": 14321, "quantile": 0.25, "value": 87500.0, "Latitude": 32.71, "Longitude": -117.15, "Population": 557.0}, {"index": 14321, "quantile": 0.5, "value": 87500.0, "Latitude": 32.71, "Longitude": -117.15, "Population": 557.0}, {"index": 14321, "quantile": 0.75, "value": 100000.0, "Latitude": 32.71, "Longitude": -117.15, "Population": 557.0}, {"index": 14321, "quantile": 1.0, "value": 310000.0, "Latitude": 32.71, "Longitude": -117.15, "Population": 557.0}, {"index": 14322, "quantile": 0.0, "value": 58299.99999999999, "Latitude": 32.7, "Longitude": -117.15, "Population": 1283.0}, {"index": 14322, "quantile": 0.25, "value": 86300.0, "Latitude": 32.7, "Longitude": -117.15, "Population": 1283.0}, {"index": 14322, "quantile": 0.5, "value": 86300.0, "Latitude": 32.7, "Longitude": -117.15, "Population": 1283.0}, {"index": 14322, "quantile": 0.75, "value": 91775.0, "Latitude": 32.7, "Longitude": -117.15, "Population": 1283.0}, {"index": 14322, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.7, "Longitude": -117.15, "Population": 1283.0}, {"index": 14323, "quantile": 0.0, "value": 65700.0, "Latitude": 32.71, "Longitude": -117.15, "Population": 531.0}, {"index": 14323, "quantile": 0.25, "value": 91550.0, "Latitude": 32.71, "Longitude": -117.15, "Population": 531.0}, {"index": 14323, "quantile": 0.5, "value": 137500.0, "Latitude": 32.71, "Longitude": -117.15, "Population": 531.0}, {"index": 14323, "quantile": 0.75, "value": 137500.0, "Latitude": 32.71, "Longitude": -117.15, "Population": 531.0}, {"index": 14323, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.71, "Longitude": -117.15, "Population": 531.0}, {"index": 14324, "quantile": 0.0, "value": 38800.0, "Latitude": 32.72, "Longitude": -117.15, "Population": 460.0}, {"index": 14324, "quantile": 0.25, "value": 135950.0, "Latitude": 32.72, "Longitude": -117.15, "Population": 460.0}, {"index": 14324, "quantile": 0.5, "value": 137500.0, "Latitude": 32.72, "Longitude": -117.15, "Population": 460.0}, {"index": 14324, "quantile": 0.75, "value": 137500.0, "Latitude": 32.72, "Longitude": -117.15, "Population": 460.0}, {"index": 14324, "quantile": 1.0, "value": 350000.0, "Latitude": 32.72, "Longitude": -117.15, "Population": 460.0}, {"index": 14325, "quantile": 0.0, "value": 25000.0, "Latitude": 32.72, "Longitude": -117.16, "Population": 805.0}, {"index": 14325, "quantile": 0.25, "value": 162500.0, "Latitude": 32.72, "Longitude": -117.16, "Population": 805.0}, {"index": 14325, "quantile": 0.5, "value": 162500.0, "Latitude": 32.72, "Longitude": -117.16, "Population": 805.0}, {"index": 14325, "quantile": 0.75, "value": 162500.0, "Latitude": 32.72, "Longitude": -117.16, "Population": 805.0}, {"index": 14325, "quantile": 1.0, "value": 350000.0, "Latitude": 32.72, "Longitude": -117.16, "Population": 805.0}, {"index": 14326, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 32.71, "Longitude": -117.16, "Population": 1230.0}, {"index": 14326, "quantile": 0.25, "value": 100000.0, "Latitude": 32.71, "Longitude": -117.16, "Population": 1230.0}, {"index": 14326, "quantile": 0.5, "value": 137500.0, "Latitude": 32.71, "Longitude": -117.16, "Population": 1230.0}, {"index": 14326, "quantile": 0.75, "value": 180300.0, "Latitude": 32.71, "Longitude": -117.16, "Population": 1230.0}, {"index": 14326, "quantile": 1.0, "value": 328600.0, "Latitude": 32.71, "Longitude": -117.16, "Population": 1230.0}, {"index": 14327, "quantile": 0.0, "value": 67500.0, "Latitude": 32.71, "Longitude": -117.16, "Population": 2066.0}, {"index": 14327, "quantile": 0.25, "value": 262500.0, "Latitude": 32.71, "Longitude": -117.16, "Population": 2066.0}, {"index": 14327, "quantile": 0.5, "value": 325000.0, "Latitude": 32.71, "Longitude": -117.16, "Population": 2066.0}, {"index": 14327, "quantile": 0.75, "value": 325000.0, "Latitude": 32.71, "Longitude": -117.16, "Population": 2066.0}, {"index": 14327, "quantile": 1.0, "value": 350000.0, "Latitude": 32.71, "Longitude": -117.16, "Population": 2066.0}, {"index": 14328, "quantile": 0.0, "value": 94600.0, "Latitude": 32.71, "Longitude": -117.17, "Population": 951.0}, {"index": 14328, "quantile": 0.25, "value": 183150.0, "Latitude": 32.71, "Longitude": -117.17, "Population": 951.0}, {"index": 14328, "quantile": 0.5, "value": 204999.99999999997, "Latitude": 32.71, "Longitude": -117.17, "Population": 951.0}, {"index": 14328, "quantile": 0.75, "value": 204999.99999999997, "Latitude": 32.71, "Longitude": -117.17, "Population": 951.0}, {"index": 14328, "quantile": 1.0, "value": 334600.0, "Latitude": 32.71, "Longitude": -117.17, "Population": 951.0}, {"index": 14329, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.71, "Longitude": -117.17, "Population": 206.0}, {"index": 14329, "quantile": 0.25, "value": 181250.0, "Latitude": 32.71, "Longitude": -117.17, "Population": 206.0}, {"index": 14329, "quantile": 0.5, "value": 187500.0, "Latitude": 32.71, "Longitude": -117.17, "Population": 206.0}, {"index": 14329, "quantile": 0.75, "value": 187500.0, "Latitude": 32.71, "Longitude": -117.17, "Population": 206.0}, {"index": 14329, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.71, "Longitude": -117.17, "Population": 206.0}, {"index": 14330, "quantile": 0.0, "value": 95600.0, "Latitude": 32.73, "Longitude": -117.14, "Population": 317.0}, {"index": 14330, "quantile": 0.25, "value": 137500.0, "Latitude": 32.73, "Longitude": -117.14, "Population": 317.0}, {"index": 14330, "quantile": 0.5, "value": 137500.0, "Latitude": 32.73, "Longitude": -117.14, "Population": 317.0}, {"index": 14330, "quantile": 0.75, "value": 145175.0, "Latitude": 32.73, "Longitude": -117.14, "Population": 317.0}, {"index": 14330, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.73, "Longitude": -117.14, "Population": 317.0}, {"index": 14331, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 32.72, "Longitude": -117.15, "Population": 781.0}, {"index": 14331, "quantile": 0.25, "value": 128400.0, "Latitude": 32.72, "Longitude": -117.15, "Population": 781.0}, {"index": 14331, "quantile": 0.5, "value": 187500.0, "Latitude": 32.72, "Longitude": -117.15, "Population": 781.0}, {"index": 14331, "quantile": 0.75, "value": 217499.99999999997, "Latitude": 32.72, "Longitude": -117.15, "Population": 781.0}, {"index": 14331, "quantile": 1.0, "value": 350000.0, "Latitude": 32.72, "Longitude": -117.15, "Population": 781.0}, {"index": 14332, "quantile": 0.0, "value": 87500.0, "Latitude": 32.72, "Longitude": -117.16, "Population": 1184.0}, {"index": 14332, "quantile": 0.25, "value": 162500.0, "Latitude": 32.72, "Longitude": -117.16, "Population": 1184.0}, {"index": 14332, "quantile": 0.5, "value": 162500.0, "Latitude": 32.72, "Longitude": -117.16, "Population": 1184.0}, {"index": 14332, "quantile": 0.75, "value": 162500.0, "Latitude": 32.72, "Longitude": -117.16, "Population": 1184.0}, {"index": 14332, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.72, "Longitude": -117.16, "Population": 1184.0}, {"index": 14333, "quantile": 0.0, "value": 93800.0, "Latitude": 32.73, "Longitude": -117.16, "Population": 821.0}, {"index": 14333, "quantile": 0.25, "value": 195800.0, "Latitude": 32.73, "Longitude": -117.16, "Population": 821.0}, {"index": 14333, "quantile": 0.5, "value": 200000.0, "Latitude": 32.73, "Longitude": -117.16, "Population": 821.0}, {"index": 14333, "quantile": 0.75, "value": 200000.0, "Latitude": 32.73, "Longitude": -117.16, "Population": 821.0}, {"index": 14333, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 32.73, "Longitude": -117.16, "Population": 821.0}, {"index": 14334, "quantile": 0.0, "value": 46900.0, "Latitude": 32.72, "Longitude": -117.16, "Population": 653.0}, {"index": 14334, "quantile": 0.25, "value": 187500.0, "Latitude": 32.72, "Longitude": -117.16, "Population": 653.0}, {"index": 14334, "quantile": 0.5, "value": 225000.0, "Latitude": 32.72, "Longitude": -117.16, "Population": 653.0}, {"index": 14334, "quantile": 0.75, "value": 225000.0, "Latitude": 32.72, "Longitude": -117.16, "Population": 653.0}, {"index": 14334, "quantile": 1.0, "value": 325000.0, "Latitude": 32.72, "Longitude": -117.16, "Population": 653.0}, {"index": 14335, "quantile": 0.0, "value": 112500.0, "Latitude": 32.73, "Longitude": -117.17, "Population": 313.0}, {"index": 14335, "quantile": 0.25, "value": 116700.0, "Latitude": 32.73, "Longitude": -117.17, "Population": 313.0}, {"index": 14335, "quantile": 0.5, "value": 116700.0, "Latitude": 32.73, "Longitude": -117.17, "Population": 313.0}, {"index": 14335, "quantile": 0.75, "value": 156925.0, "Latitude": 32.73, "Longitude": -117.17, "Population": 313.0}, {"index": 14335, "quantile": 1.0, "value": 328600.0, "Latitude": 32.73, "Longitude": -117.17, "Population": 313.0}, {"index": 14336, "quantile": 0.0, "value": 38800.0, "Latitude": 32.72, "Longitude": -117.17, "Population": 572.0}, {"index": 14336, "quantile": 0.25, "value": 225300.0, "Latitude": 32.72, "Longitude": -117.17, "Population": 572.0}, {"index": 14336, "quantile": 0.5, "value": 262500.0, "Latitude": 32.72, "Longitude": -117.17, "Population": 572.0}, {"index": 14336, "quantile": 0.75, "value": 262500.0, "Latitude": 32.72, "Longitude": -117.17, "Population": 572.0}, {"index": 14336, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.72, "Longitude": -117.17, "Population": 572.0}, {"index": 14337, "quantile": 0.0, "value": 73300.0, "Latitude": 32.73, "Longitude": -117.16, "Population": 873.0}, {"index": 14337, "quantile": 0.25, "value": 112500.0, "Latitude": 32.73, "Longitude": -117.16, "Population": 873.0}, {"index": 14337, "quantile": 0.5, "value": 112500.0, "Latitude": 32.73, "Longitude": -117.16, "Population": 873.0}, {"index": 14337, "quantile": 0.75, "value": 187500.0, "Latitude": 32.73, "Longitude": -117.16, "Population": 873.0}, {"index": 14337, "quantile": 1.0, "value": 350000.0, "Latitude": 32.73, "Longitude": -117.16, "Population": 873.0}, {"index": 14338, "quantile": 0.0, "value": 73300.0, "Latitude": 32.73, "Longitude": -117.16, "Population": 906.0}, {"index": 14338, "quantile": 0.25, "value": 179050.0, "Latitude": 32.73, "Longitude": -117.16, "Population": 906.0}, {"index": 14338, "quantile": 0.5, "value": 195800.0, "Latitude": 32.73, "Longitude": -117.16, "Population": 906.0}, {"index": 14338, "quantile": 0.75, "value": 195800.0, "Latitude": 32.73, "Longitude": -117.16, "Population": 906.0}, {"index": 14338, "quantile": 1.0, "value": 425000.0, "Latitude": 32.73, "Longitude": -117.16, "Population": 906.0}, {"index": 14339, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 32.73, "Longitude": -117.17, "Population": 879.0}, {"index": 14339, "quantile": 0.25, "value": 215000.0, "Latitude": 32.73, "Longitude": -117.17, "Population": 879.0}, {"index": 14339, "quantile": 0.5, "value": 215000.0, "Latitude": 32.73, "Longitude": -117.17, "Population": 879.0}, {"index": 14339, "quantile": 0.75, "value": 215000.0, "Latitude": 32.73, "Longitude": -117.17, "Population": 879.0}, {"index": 14339, "quantile": 1.0, "value": 337500.0, "Latitude": 32.73, "Longitude": -117.17, "Population": 879.0}, {"index": 14340, "quantile": 0.0, "value": 72500.0, "Latitude": 32.74, "Longitude": -117.16, "Population": 601.0}, {"index": 14340, "quantile": 0.25, "value": 196975.0, "Latitude": 32.74, "Longitude": -117.16, "Population": 601.0}, {"index": 14340, "quantile": 0.5, "value": 289600.0, "Latitude": 32.74, "Longitude": -117.16, "Population": 601.0}, {"index": 14340, "quantile": 0.75, "value": 362725.0, "Latitude": 32.74, "Longitude": -117.16, "Population": 601.0}, {"index": 14340, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.74, "Longitude": -117.16, "Population": 601.0}, {"index": 14341, "quantile": 0.0, "value": 159100.0, "Latitude": 32.74, "Longitude": -117.16, "Population": 692.0}, {"index": 14341, "quantile": 0.25, "value": 218800.00000000003, "Latitude": 32.74, "Longitude": -117.16, "Population": 692.0}, {"index": 14341, "quantile": 0.5, "value": 287500.0, "Latitude": 32.74, "Longitude": -117.16, "Population": 692.0}, {"index": 14341, "quantile": 0.75, "value": 326500.0, "Latitude": 32.74, "Longitude": -117.16, "Population": 692.0}, {"index": 14341, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.74, "Longitude": -117.16, "Population": 692.0}, {"index": 14342, "quantile": 0.0, "value": 167000.0, "Latitude": 32.74, "Longitude": -117.17, "Population": 1567.0}, {"index": 14342, "quantile": 0.25, "value": 361500.0, "Latitude": 32.74, "Longitude": -117.17, "Population": 1567.0}, {"index": 14342, "quantile": 0.5, "value": 361500.0, "Latitude": 32.74, "Longitude": -117.17, "Population": 1567.0}, {"index": 14342, "quantile": 0.75, "value": 361500.0, "Latitude": 32.74, "Longitude": -117.17, "Population": 1567.0}, {"index": 14342, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.74, "Longitude": -117.17, "Population": 1567.0}, {"index": 14343, "quantile": 0.0, "value": 101800.0, "Latitude": 32.74, "Longitude": -117.17, "Population": 2366.0}, {"index": 14343, "quantile": 0.25, "value": 271675.0, "Latitude": 32.74, "Longitude": -117.17, "Population": 2366.0}, {"index": 14343, "quantile": 0.5, "value": 289400.0, "Latitude": 32.74, "Longitude": -117.17, "Population": 2366.0}, {"index": 14343, "quantile": 0.75, "value": 289400.0, "Latitude": 32.74, "Longitude": -117.17, "Population": 2366.0}, {"index": 14343, "quantile": 1.0, "value": 409700.00000000006, "Latitude": 32.74, "Longitude": -117.17, "Population": 2366.0}, {"index": 14344, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 32.73, "Longitude": -117.17, "Population": 65.0}, {"index": 14344, "quantile": 0.25, "value": 116700.0, "Latitude": 32.73, "Longitude": -117.17, "Population": 65.0}, {"index": 14344, "quantile": 0.5, "value": 137500.0, "Latitude": 32.73, "Longitude": -117.17, "Population": 65.0}, {"index": 14344, "quantile": 0.75, "value": 262500.0, "Latitude": 32.73, "Longitude": -117.17, "Population": 65.0}, {"index": 14344, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.73, "Longitude": -117.17, "Population": 65.0}, {"index": 14345, "quantile": 0.0, "value": 17500.0, "Latitude": 32.76, "Longitude": -117.2, "Population": 298.0}, {"index": 14345, "quantile": 0.25, "value": 247200.00000000003, "Latitude": 32.76, "Longitude": -117.2, "Population": 298.0}, {"index": 14345, "quantile": 0.5, "value": 254999.99999999997, "Latitude": 32.76, "Longitude": -117.2, "Population": 298.0}, {"index": 14345, "quantile": 0.75, "value": 254999.99999999997, "Latitude": 32.76, "Longitude": -117.2, "Population": 298.0}, {"index": 14345, "quantile": 1.0, "value": 350000.0, "Latitude": 32.76, "Longitude": -117.2, "Population": 298.0}, {"index": 14346, "quantile": 0.0, "value": 102699.99999999999, "Latitude": 32.75, "Longitude": -117.19, "Population": 583.0}, {"index": 14346, "quantile": 0.25, "value": 196900.0, "Latitude": 32.75, "Longitude": -117.19, "Population": 583.0}, {"index": 14346, "quantile": 0.5, "value": 258300.00000000003, "Latitude": 32.75, "Longitude": -117.19, "Population": 583.0}, {"index": 14346, "quantile": 0.75, "value": 258300.00000000003, "Latitude": 32.75, "Longitude": -117.19, "Population": 583.0}, {"index": 14346, "quantile": 1.0, "value": 325000.0, "Latitude": 32.75, "Longitude": -117.19, "Population": 583.0}, {"index": 14347, "quantile": 0.0, "value": 73400.0, "Latitude": 32.74, "Longitude": -117.18, "Population": 459.0}, {"index": 14347, "quantile": 0.25, "value": 191700.0, "Latitude": 32.74, "Longitude": -117.18, "Population": 459.0}, {"index": 14347, "quantile": 0.5, "value": 191700.0, "Latitude": 32.74, "Longitude": -117.18, "Population": 459.0}, {"index": 14347, "quantile": 0.75, "value": 191700.0, "Latitude": 32.74, "Longitude": -117.18, "Population": 459.0}, {"index": 14347, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.74, "Longitude": -117.18, "Population": 459.0}, {"index": 14348, "quantile": 0.0, "value": 60000.0, "Latitude": 32.75, "Longitude": -117.19, "Population": 13.0}, {"index": 14348, "quantile": 0.25, "value": 113599.99999999999, "Latitude": 32.75, "Longitude": -117.19, "Population": 13.0}, {"index": 14348, "quantile": 0.5, "value": 225000.0, "Latitude": 32.75, "Longitude": -117.19, "Population": 13.0}, {"index": 14348, "quantile": 0.75, "value": 328600.0, "Latitude": 32.75, "Longitude": -117.19, "Population": 13.0}, {"index": 14348, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.75, "Longitude": -117.19, "Population": 13.0}, {"index": 14349, "quantile": 0.0, "value": 46900.0, "Latitude": 32.75, "Longitude": -117.21, "Population": 914.0}, {"index": 14349, "quantile": 0.25, "value": 184375.0, "Latitude": 32.75, "Longitude": -117.21, "Population": 914.0}, {"index": 14349, "quantile": 0.5, "value": 300000.0, "Latitude": 32.75, "Longitude": -117.21, "Population": 914.0}, {"index": 14349, "quantile": 0.75, "value": 300000.0, "Latitude": 32.75, "Longitude": -117.21, "Population": 914.0}, {"index": 14349, "quantile": 1.0, "value": 450000.0, "Latitude": 32.75, "Longitude": -117.21, "Population": 914.0}, {"index": 14350, "quantile": 0.0, "value": 72500.0, "Latitude": 32.74, "Longitude": -117.21, "Population": 1980.0}, {"index": 14350, "quantile": 0.25, "value": 97000.0, "Latitude": 32.74, "Longitude": -117.21, "Population": 1980.0}, {"index": 14350, "quantile": 0.5, "value": 117550.0, "Latitude": 32.74, "Longitude": -117.21, "Population": 1980.0}, {"index": 14350, "quantile": 0.75, "value": 164750.0, "Latitude": 32.74, "Longitude": -117.21, "Population": 1980.0}, {"index": 14350, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.74, "Longitude": -117.21, "Population": 1980.0}, {"index": 14351, "quantile": 0.0, "value": 45000.0, "Latitude": 32.75, "Longitude": -117.21, "Population": 1118.0}, {"index": 14351, "quantile": 0.25, "value": 225749.99999999997, "Latitude": 32.75, "Longitude": -117.21, "Population": 1118.0}, {"index": 14351, "quantile": 0.5, "value": 262100.0, "Latitude": 32.75, "Longitude": -117.21, "Population": 1118.0}, {"index": 14351, "quantile": 0.75, "value": 262100.0, "Latitude": 32.75, "Longitude": -117.21, "Population": 1118.0}, {"index": 14351, "quantile": 1.0, "value": 262100.0, "Latitude": 32.75, "Longitude": -117.21, "Population": 1118.0}, {"index": 14352, "quantile": 0.0, "value": 108300.0, "Latitude": 32.75, "Longitude": -117.22, "Population": 2147.0}, {"index": 14352, "quantile": 0.25, "value": 223775.0, "Latitude": 32.75, "Longitude": -117.22, "Population": 2147.0}, {"index": 14352, "quantile": 0.5, "value": 225000.0, "Latitude": 32.75, "Longitude": -117.22, "Population": 2147.0}, {"index": 14352, "quantile": 0.75, "value": 225000.0, "Latitude": 32.75, "Longitude": -117.22, "Population": 2147.0}, {"index": 14352, "quantile": 1.0, "value": 289400.0, "Latitude": 32.75, "Longitude": -117.22, "Population": 2147.0}, {"index": 14353, "quantile": 0.0, "value": 67500.0, "Latitude": 32.75, "Longitude": -117.22, "Population": 384.0}, {"index": 14353, "quantile": 0.25, "value": 180425.0, "Latitude": 32.75, "Longitude": -117.22, "Population": 384.0}, {"index": 14353, "quantile": 0.5, "value": 213499.99999999997, "Latitude": 32.75, "Longitude": -117.22, "Population": 384.0}, {"index": 14353, "quantile": 0.75, "value": 249900.0, "Latitude": 32.75, "Longitude": -117.22, "Population": 384.0}, {"index": 14353, "quantile": 1.0, "value": 350000.0, "Latitude": 32.75, "Longitude": -117.22, "Population": 384.0}, {"index": 14354, "quantile": 0.0, "value": 101800.0, "Latitude": 32.75, "Longitude": -117.23, "Population": 1275.0}, {"index": 14354, "quantile": 0.25, "value": 101800.0, "Latitude": 32.75, "Longitude": -117.23, "Population": 1275.0}, {"index": 14354, "quantile": 0.5, "value": 101800.0, "Latitude": 32.75, "Longitude": -117.23, "Population": 1275.0}, {"index": 14354, "quantile": 0.75, "value": 201225.0, "Latitude": 32.75, "Longitude": -117.23, "Population": 1275.0}, {"index": 14354, "quantile": 1.0, "value": 369400.0, "Latitude": 32.75, "Longitude": -117.23, "Population": 1275.0}, {"index": 14355, "quantile": 0.0, "value": 37500.0, "Latitude": 32.75, "Longitude": -117.22, "Population": 251.0}, {"index": 14355, "quantile": 0.25, "value": 168050.0, "Latitude": 32.75, "Longitude": -117.22, "Population": 251.0}, {"index": 14355, "quantile": 0.5, "value": 219200.00000000003, "Latitude": 32.75, "Longitude": -117.22, "Population": 251.0}, {"index": 14355, "quantile": 0.75, "value": 291400.0, "Latitude": 32.75, "Longitude": -117.22, "Population": 251.0}, {"index": 14355, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.75, "Longitude": -117.22, "Population": 251.0}, {"index": 14356, "quantile": 0.0, "value": 124200.0, "Latitude": 32.75, "Longitude": -117.23, "Population": 1960.0}, {"index": 14356, "quantile": 0.25, "value": 159800.0, "Latitude": 32.75, "Longitude": -117.23, "Population": 1960.0}, {"index": 14356, "quantile": 0.5, "value": 159800.0, "Latitude": 32.75, "Longitude": -117.23, "Population": 1960.0}, {"index": 14356, "quantile": 0.75, "value": 159800.0, "Latitude": 32.75, "Longitude": -117.23, "Population": 1960.0}, {"index": 14356, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.75, "Longitude": -117.23, "Population": 1960.0}, {"index": 14357, "quantile": 0.0, "value": 171700.0, "Latitude": 32.74, "Longitude": -117.21, "Population": 468.0}, {"index": 14357, "quantile": 0.25, "value": 345200.0, "Latitude": 32.74, "Longitude": -117.21, "Population": 468.0}, {"index": 14357, "quantile": 0.5, "value": 345700.0, "Latitude": 32.74, "Longitude": -117.21, "Population": 468.0}, {"index": 14357, "quantile": 0.75, "value": 418199.99999999994, "Latitude": 32.74, "Longitude": -117.21, "Population": 468.0}, {"index": 14357, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.74, "Longitude": -117.21, "Population": 468.0}, {"index": 14358, "quantile": 0.0, "value": 125000.0, "Latitude": 32.74, "Longitude": -117.22, "Population": 436.0}, {"index": 14358, "quantile": 0.25, "value": 345700.0, "Latitude": 32.74, "Longitude": -117.22, "Population": 436.0}, {"index": 14358, "quantile": 0.5, "value": 345700.0, "Latitude": 32.74, "Longitude": -117.22, "Population": 436.0}, {"index": 14358, "quantile": 0.75, "value": 345700.0, "Latitude": 32.74, "Longitude": -117.22, "Population": 436.0}, {"index": 14358, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.74, "Longitude": -117.22, "Population": 436.0}, {"index": 14359, "quantile": 0.0, "value": 189100.0, "Latitude": 32.74, "Longitude": -117.22, "Population": 555.0}, {"index": 14359, "quantile": 0.25, "value": 345200.0, "Latitude": 32.74, "Longitude": -117.22, "Population": 555.0}, {"index": 14359, "quantile": 0.5, "value": 345200.0, "Latitude": 32.74, "Longitude": -117.22, "Population": 555.0}, {"index": 14359, "quantile": 0.75, "value": 345200.0, "Latitude": 32.74, "Longitude": -117.22, "Population": 555.0}, {"index": 14359, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.74, "Longitude": -117.22, "Population": 555.0}, {"index": 14360, "quantile": 0.0, "value": 89400.0, "Latitude": 32.74, "Longitude": -117.22, "Population": 1074.0}, {"index": 14360, "quantile": 0.25, "value": 140600.0, "Latitude": 32.74, "Longitude": -117.22, "Population": 1074.0}, {"index": 14360, "quantile": 0.5, "value": 183100.0, "Latitude": 32.74, "Longitude": -117.22, "Population": 1074.0}, {"index": 14360, "quantile": 0.75, "value": 240200.0, "Latitude": 32.74, "Longitude": -117.22, "Population": 1074.0}, {"index": 14360, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.74, "Longitude": -117.22, "Population": 1074.0}, {"index": 14361, "quantile": 0.0, "value": 170000.0, "Latitude": 32.75, "Longitude": -117.22, "Population": 2654.0}, {"index": 14361, "quantile": 0.25, "value": 291000.0, "Latitude": 32.75, "Longitude": -117.22, "Population": 2654.0}, {"index": 14361, "quantile": 0.5, "value": 291000.0, "Latitude": 32.75, "Longitude": -117.22, "Population": 2654.0}, {"index": 14361, "quantile": 0.75, "value": 291000.0, "Latitude": 32.75, "Longitude": -117.22, "Population": 2654.0}, {"index": 14361, "quantile": 1.0, "value": 405199.99999999994, "Latitude": 32.75, "Longitude": -117.22, "Population": 2654.0}, {"index": 14362, "quantile": 0.0, "value": 93300.0, "Latitude": 32.73, "Longitude": -117.22, "Population": 1640.0}, {"index": 14362, "quantile": 0.25, "value": 246400.0, "Latitude": 32.73, "Longitude": -117.22, "Population": 1640.0}, {"index": 14362, "quantile": 0.5, "value": 291400.0, "Latitude": 32.73, "Longitude": -117.22, "Population": 1640.0}, {"index": 14362, "quantile": 0.75, "value": 291400.0, "Latitude": 32.73, "Longitude": -117.22, "Population": 1640.0}, {"index": 14362, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.73, "Longitude": -117.22, "Population": 1640.0}, {"index": 14363, "quantile": 0.0, "value": 108300.0, "Latitude": 32.73, "Longitude": -117.23, "Population": 1562.0}, {"index": 14363, "quantile": 0.25, "value": 186075.0, "Latitude": 32.73, "Longitude": -117.23, "Population": 1562.0}, {"index": 14363, "quantile": 0.5, "value": 240200.0, "Latitude": 32.73, "Longitude": -117.23, "Population": 1562.0}, {"index": 14363, "quantile": 0.75, "value": 240200.0, "Latitude": 32.73, "Longitude": -117.23, "Population": 1562.0}, {"index": 14363, "quantile": 1.0, "value": 325000.0, "Latitude": 32.73, "Longitude": -117.23, "Population": 1562.0}, {"index": 14364, "quantile": 0.0, "value": 67000.0, "Latitude": 32.73, "Longitude": -117.23, "Population": 509.0}, {"index": 14364, "quantile": 0.25, "value": 210200.0, "Latitude": 32.73, "Longitude": -117.23, "Population": 509.0}, {"index": 14364, "quantile": 0.5, "value": 253850.0, "Latitude": 32.73, "Longitude": -117.23, "Population": 509.0}, {"index": 14364, "quantile": 0.75, "value": 286600.0, "Latitude": 32.73, "Longitude": -117.23, "Population": 509.0}, {"index": 14364, "quantile": 1.0, "value": 488900.0, "Latitude": 32.73, "Longitude": -117.23, "Population": 509.0}, {"index": 14365, "quantile": 0.0, "value": 87500.0, "Latitude": 32.72, "Longitude": -117.23, "Population": 392.0}, {"index": 14365, "quantile": 0.25, "value": 221099.99999999997, "Latitude": 32.72, "Longitude": -117.23, "Population": 392.0}, {"index": 14365, "quantile": 0.5, "value": 244200.00000000003, "Latitude": 32.72, "Longitude": -117.23, "Population": 392.0}, {"index": 14365, "quantile": 0.75, "value": 244200.00000000003, "Latitude": 32.72, "Longitude": -117.23, "Population": 392.0}, {"index": 14365, "quantile": 1.0, "value": 500000.0, "Latitude": 32.72, "Longitude": -117.23, "Population": 392.0}, {"index": 14366, "quantile": 0.0, "value": 93900.0, "Latitude": 32.74, "Longitude": -117.23, "Population": 513.0}, {"index": 14366, "quantile": 0.25, "value": 263800.0, "Latitude": 32.74, "Longitude": -117.23, "Population": 513.0}, {"index": 14366, "quantile": 0.5, "value": 263800.0, "Latitude": 32.74, "Longitude": -117.23, "Population": 513.0}, {"index": 14366, "quantile": 0.75, "value": 263800.0, "Latitude": 32.74, "Longitude": -117.23, "Population": 513.0}, {"index": 14366, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.74, "Longitude": -117.23, "Population": 513.0}, {"index": 14367, "quantile": 0.0, "value": 158200.0, "Latitude": 32.74, "Longitude": -117.24, "Population": 918.0}, {"index": 14367, "quantile": 0.25, "value": 297700.0, "Latitude": 32.74, "Longitude": -117.24, "Population": 918.0}, {"index": 14367, "quantile": 0.5, "value": 297700.0, "Latitude": 32.74, "Longitude": -117.24, "Population": 918.0}, {"index": 14367, "quantile": 0.75, "value": 297700.0, "Latitude": 32.74, "Longitude": -117.24, "Population": 918.0}, {"index": 14367, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.74, "Longitude": -117.24, "Population": 918.0}, {"index": 14368, "quantile": 0.0, "value": 158200.0, "Latitude": 32.73, "Longitude": -117.24, "Population": 809.0}, {"index": 14368, "quantile": 0.25, "value": 388300.0, "Latitude": 32.73, "Longitude": -117.24, "Population": 809.0}, {"index": 14368, "quantile": 0.5, "value": 388300.0, "Latitude": 32.73, "Longitude": -117.24, "Population": 809.0}, {"index": 14368, "quantile": 0.75, "value": 388300.0, "Latitude": 32.73, "Longitude": -117.24, "Population": 809.0}, {"index": 14368, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.73, "Longitude": -117.24, "Population": 809.0}, {"index": 14369, "quantile": 0.0, "value": 263700.0, "Latitude": 32.73, "Longitude": -117.23, "Population": 699.0}, {"index": 14369, "quantile": 0.25, "value": 441399.99999999994, "Latitude": 32.73, "Longitude": -117.23, "Population": 699.0}, {"index": 14369, "quantile": 0.5, "value": 441399.99999999994, "Latitude": 32.73, "Longitude": -117.23, "Population": 699.0}, {"index": 14369, "quantile": 0.75, "value": 441399.99999999994, "Latitude": 32.73, "Longitude": -117.23, "Population": 699.0}, {"index": 14369, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.73, "Longitude": -117.23, "Population": 699.0}, {"index": 14370, "quantile": 0.0, "value": 135000.0, "Latitude": 32.72, "Longitude": -117.23, "Population": 972.0}, {"index": 14370, "quantile": 0.25, "value": 320800.0, "Latitude": 32.72, "Longitude": -117.23, "Population": 972.0}, {"index": 14370, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.72, "Longitude": -117.23, "Population": 972.0}, {"index": 14370, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.72, "Longitude": -117.23, "Population": 972.0}, {"index": 14370, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.72, "Longitude": -117.23, "Population": 972.0}, {"index": 14371, "quantile": 0.0, "value": 331400.0, "Latitude": 32.71, "Longitude": -117.24, "Population": 1277.0}, {"index": 14371, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 32.71, "Longitude": -117.24, "Population": 1277.0}, {"index": 14371, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.71, "Longitude": -117.24, "Population": 1277.0}, {"index": 14371, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.71, "Longitude": -117.24, "Population": 1277.0}, {"index": 14371, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.71, "Longitude": -117.24, "Population": 1277.0}, {"index": 14372, "quantile": 0.0, "value": 204800.0, "Latitude": 32.72, "Longitude": -117.24, "Population": 1175.0}, {"index": 14372, "quantile": 0.25, "value": 345200.0, "Latitude": 32.72, "Longitude": -117.24, "Population": 1175.0}, {"index": 14372, "quantile": 0.5, "value": 379600.0, "Latitude": 32.72, "Longitude": -117.24, "Population": 1175.0}, {"index": 14372, "quantile": 0.75, "value": 441874.99999999994, "Latitude": 32.72, "Longitude": -117.24, "Population": 1175.0}, {"index": 14372, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.72, "Longitude": -117.24, "Population": 1175.0}, {"index": 14373, "quantile": 0.0, "value": 319300.0, "Latitude": 32.72, "Longitude": -117.24, "Population": 1361.0}, {"index": 14373, "quantile": 0.25, "value": 396400.0, "Latitude": 32.72, "Longitude": -117.24, "Population": 1361.0}, {"index": 14373, "quantile": 0.5, "value": 396400.0, "Latitude": 32.72, "Longitude": -117.24, "Population": 1361.0}, {"index": 14373, "quantile": 0.75, "value": 396400.0, "Latitude": 32.72, "Longitude": -117.24, "Population": 1361.0}, {"index": 14373, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.72, "Longitude": -117.24, "Population": 1361.0}, {"index": 14374, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 32.73, "Longitude": -117.25, "Population": 633.0}, {"index": 14374, "quantile": 0.25, "value": 301675.0, "Latitude": 32.73, "Longitude": -117.25, "Population": 633.0}, {"index": 14374, "quantile": 0.5, "value": 400800.0, "Latitude": 32.73, "Longitude": -117.25, "Population": 633.0}, {"index": 14374, "quantile": 0.75, "value": 475000.0, "Latitude": 32.73, "Longitude": -117.25, "Population": 633.0}, {"index": 14374, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.73, "Longitude": -117.25, "Population": 633.0}, {"index": 14375, "quantile": 0.0, "value": 187500.0, "Latitude": 32.72, "Longitude": -117.25, "Population": 2038.0}, {"index": 14375, "quantile": 0.25, "value": 259600.0, "Latitude": 32.72, "Longitude": -117.25, "Population": 2038.0}, {"index": 14375, "quantile": 0.5, "value": 290200.0, "Latitude": 32.72, "Longitude": -117.25, "Population": 2038.0}, {"index": 14375, "quantile": 0.75, "value": 366900.0, "Latitude": 32.72, "Longitude": -117.25, "Population": 2038.0}, {"index": 14375, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.72, "Longitude": -117.25, "Population": 2038.0}, {"index": 14376, "quantile": 0.0, "value": 173400.0, "Latitude": 32.72, "Longitude": -117.25, "Population": 629.0}, {"index": 14376, "quantile": 0.25, "value": 397500.0, "Latitude": 32.72, "Longitude": -117.25, "Population": 629.0}, {"index": 14376, "quantile": 0.5, "value": 496400.00000000006, "Latitude": 32.72, "Longitude": -117.25, "Population": 629.0}, {"index": 14376, "quantile": 0.75, "value": 496400.00000000006, "Latitude": 32.72, "Longitude": -117.25, "Population": 629.0}, {"index": 14376, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.72, "Longitude": -117.25, "Population": 629.0}, {"index": 14377, "quantile": 0.0, "value": 169300.0, "Latitude": 32.73, "Longitude": -117.25, "Population": 821.0}, {"index": 14377, "quantile": 0.25, "value": 362625.0, "Latitude": 32.73, "Longitude": -117.25, "Population": 821.0}, {"index": 14377, "quantile": 0.5, "value": 394400.0, "Latitude": 32.73, "Longitude": -117.25, "Population": 821.0}, {"index": 14377, "quantile": 0.75, "value": 448250.0, "Latitude": 32.73, "Longitude": -117.25, "Population": 821.0}, {"index": 14377, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.73, "Longitude": -117.25, "Population": 821.0}, {"index": 14378, "quantile": 0.0, "value": 140700.0, "Latitude": 32.73, "Longitude": -117.28, "Population": 783.0}, {"index": 14378, "quantile": 0.25, "value": 358600.0, "Latitude": 32.73, "Longitude": -117.28, "Population": 783.0}, {"index": 14378, "quantile": 0.5, "value": 358600.0, "Latitude": 32.73, "Longitude": -117.28, "Population": 783.0}, {"index": 14378, "quantile": 0.75, "value": 358600.0, "Latitude": 32.73, "Longitude": -117.28, "Population": 783.0}, {"index": 14378, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.73, "Longitude": -117.28, "Population": 783.0}, {"index": 14379, "quantile": 0.0, "value": 159000.0, "Latitude": 32.74, "Longitude": -117.28, "Population": 1785.0}, {"index": 14379, "quantile": 0.25, "value": 247700.0, "Latitude": 32.74, "Longitude": -117.28, "Population": 1785.0}, {"index": 14379, "quantile": 0.5, "value": 247700.0, "Latitude": 32.74, "Longitude": -117.28, "Population": 1785.0}, {"index": 14379, "quantile": 0.75, "value": 247700.0, "Latitude": 32.74, "Longitude": -117.28, "Population": 1785.0}, {"index": 14379, "quantile": 1.0, "value": 354000.0, "Latitude": 32.74, "Longitude": -117.28, "Population": 1785.0}, {"index": 14380, "quantile": 0.0, "value": 129200.0, "Latitude": 32.74, "Longitude": -117.25, "Population": 1648.0}, {"index": 14380, "quantile": 0.25, "value": 253100.0, "Latitude": 32.74, "Longitude": -117.25, "Population": 1648.0}, {"index": 14380, "quantile": 0.5, "value": 288200.0, "Latitude": 32.74, "Longitude": -117.25, "Population": 1648.0}, {"index": 14380, "quantile": 0.75, "value": 288200.0, "Latitude": 32.74, "Longitude": -117.25, "Population": 1648.0}, {"index": 14380, "quantile": 1.0, "value": 288200.0, "Latitude": 32.74, "Longitude": -117.25, "Population": 1648.0}, {"index": 14381, "quantile": 0.0, "value": 74300.0, "Latitude": 32.74, "Longitude": -117.25, "Population": 755.0}, {"index": 14381, "quantile": 0.25, "value": 220974.99999999997, "Latitude": 32.74, "Longitude": -117.25, "Population": 755.0}, {"index": 14381, "quantile": 0.5, "value": 254100.00000000003, "Latitude": 32.74, "Longitude": -117.25, "Population": 755.0}, {"index": 14381, "quantile": 0.75, "value": 312325.0, "Latitude": 32.74, "Longitude": -117.25, "Population": 755.0}, {"index": 14381, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.74, "Longitude": -117.25, "Population": 755.0}, {"index": 14382, "quantile": 0.0, "value": 77100.0, "Latitude": 32.74, "Longitude": -117.25, "Population": 953.0}, {"index": 14382, "quantile": 0.25, "value": 257100.00000000003, "Latitude": 32.74, "Longitude": -117.25, "Population": 953.0}, {"index": 14382, "quantile": 0.5, "value": 257100.00000000003, "Latitude": 32.74, "Longitude": -117.25, "Population": 953.0}, {"index": 14382, "quantile": 0.75, "value": 257100.00000000003, "Latitude": 32.74, "Longitude": -117.25, "Population": 953.0}, {"index": 14382, "quantile": 1.0, "value": 354000.0, "Latitude": 32.74, "Longitude": -117.25, "Population": 953.0}, {"index": 14383, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 32.74, "Longitude": -117.24, "Population": 712.0}, {"index": 14383, "quantile": 0.25, "value": 298600.0, "Latitude": 32.74, "Longitude": -117.24, "Population": 712.0}, {"index": 14383, "quantile": 0.5, "value": 298600.0, "Latitude": 32.74, "Longitude": -117.24, "Population": 712.0}, {"index": 14383, "quantile": 0.75, "value": 298600.0, "Latitude": 32.74, "Longitude": -117.24, "Population": 712.0}, {"index": 14383, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 32.74, "Longitude": -117.24, "Population": 712.0}, {"index": 14384, "quantile": 0.0, "value": 125499.99999999999, "Latitude": 32.74, "Longitude": -117.24, "Population": 667.0}, {"index": 14384, "quantile": 0.25, "value": 321725.0, "Latitude": 32.74, "Longitude": -117.24, "Population": 667.0}, {"index": 14384, "quantile": 0.5, "value": 321800.0, "Latitude": 32.74, "Longitude": -117.24, "Population": 667.0}, {"index": 14384, "quantile": 0.75, "value": 321800.0, "Latitude": 32.74, "Longitude": -117.24, "Population": 667.0}, {"index": 14384, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 32.74, "Longitude": -117.24, "Population": 667.0}, {"index": 14385, "quantile": 0.0, "value": 94500.0, "Latitude": 32.73, "Longitude": -117.25, "Population": 635.0}, {"index": 14385, "quantile": 0.25, "value": 235150.00000000003, "Latitude": 32.73, "Longitude": -117.25, "Population": 635.0}, {"index": 14385, "quantile": 0.5, "value": 277799.99999999994, "Latitude": 32.73, "Longitude": -117.25, "Population": 635.0}, {"index": 14385, "quantile": 0.75, "value": 361875.0, "Latitude": 32.73, "Longitude": -117.25, "Population": 635.0}, {"index": 14385, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.73, "Longitude": -117.25, "Population": 635.0}, {"index": 14386, "quantile": 0.0, "value": 78700.0, "Latitude": 32.75, "Longitude": -117.23, "Population": 892.0}, {"index": 14386, "quantile": 0.25, "value": 137500.0, "Latitude": 32.75, "Longitude": -117.23, "Population": 892.0}, {"index": 14386, "quantile": 0.5, "value": 137500.0, "Latitude": 32.75, "Longitude": -117.23, "Population": 892.0}, {"index": 14386, "quantile": 0.75, "value": 137500.0, "Latitude": 32.75, "Longitude": -117.23, "Population": 892.0}, {"index": 14386, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.75, "Longitude": -117.23, "Population": 892.0}, {"index": 14387, "quantile": 0.0, "value": 123600.0, "Latitude": 32.75, "Longitude": -117.23, "Population": 1131.0}, {"index": 14387, "quantile": 0.25, "value": 165000.0, "Latitude": 32.75, "Longitude": -117.23, "Population": 1131.0}, {"index": 14387, "quantile": 0.5, "value": 165000.0, "Latitude": 32.75, "Longitude": -117.23, "Population": 1131.0}, {"index": 14387, "quantile": 0.75, "value": 177800.0, "Latitude": 32.75, "Longitude": -117.23, "Population": 1131.0}, {"index": 14387, "quantile": 1.0, "value": 350000.0, "Latitude": 32.75, "Longitude": -117.23, "Population": 1131.0}, {"index": 14388, "quantile": 0.0, "value": 87500.0, "Latitude": 32.74, "Longitude": -117.23, "Population": 299.0}, {"index": 14388, "quantile": 0.25, "value": 154000.0, "Latitude": 32.74, "Longitude": -117.23, "Population": 299.0}, {"index": 14388, "quantile": 0.5, "value": 169800.0, "Latitude": 32.74, "Longitude": -117.23, "Population": 299.0}, {"index": 14388, "quantile": 0.75, "value": 213475.0, "Latitude": 32.74, "Longitude": -117.23, "Population": 299.0}, {"index": 14388, "quantile": 1.0, "value": 475000.0, "Latitude": 32.74, "Longitude": -117.23, "Population": 299.0}, {"index": 14389, "quantile": 0.0, "value": 87500.0, "Latitude": 32.74, "Longitude": -117.23, "Population": 798.0}, {"index": 14389, "quantile": 0.25, "value": 169800.0, "Latitude": 32.74, "Longitude": -117.23, "Population": 798.0}, {"index": 14389, "quantile": 0.5, "value": 169800.0, "Latitude": 32.74, "Longitude": -117.23, "Population": 798.0}, {"index": 14389, "quantile": 0.75, "value": 169800.0, "Latitude": 32.74, "Longitude": -117.23, "Population": 798.0}, {"index": 14389, "quantile": 1.0, "value": 376700.0, "Latitude": 32.74, "Longitude": -117.23, "Population": 798.0}, {"index": 14390, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 32.74, "Longitude": -117.23, "Population": 1312.0}, {"index": 14390, "quantile": 0.25, "value": 238200.0, "Latitude": 32.74, "Longitude": -117.23, "Population": 1312.0}, {"index": 14390, "quantile": 0.5, "value": 238200.0, "Latitude": 32.74, "Longitude": -117.23, "Population": 1312.0}, {"index": 14390, "quantile": 0.75, "value": 238200.0, "Latitude": 32.74, "Longitude": -117.23, "Population": 1312.0}, {"index": 14390, "quantile": 1.0, "value": 405199.99999999994, "Latitude": 32.74, "Longitude": -117.23, "Population": 1312.0}, {"index": 14391, "quantile": 0.0, "value": 90800.0, "Latitude": 32.74, "Longitude": -117.24, "Population": 757.0}, {"index": 14391, "quantile": 0.25, "value": 245575.0, "Latitude": 32.74, "Longitude": -117.24, "Population": 757.0}, {"index": 14391, "quantile": 0.5, "value": 298600.0, "Latitude": 32.74, "Longitude": -117.24, "Population": 757.0}, {"index": 14391, "quantile": 0.75, "value": 342200.0, "Latitude": 32.74, "Longitude": -117.24, "Population": 757.0}, {"index": 14391, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.74, "Longitude": -117.24, "Population": 757.0}, {"index": 14392, "quantile": 0.0, "value": 71300.0, "Latitude": 32.75, "Longitude": -117.24, "Population": 1279.0}, {"index": 14392, "quantile": 0.25, "value": 252700.0, "Latitude": 32.75, "Longitude": -117.24, "Population": 1279.0}, {"index": 14392, "quantile": 0.5, "value": 252700.0, "Latitude": 32.75, "Longitude": -117.24, "Population": 1279.0}, {"index": 14392, "quantile": 0.75, "value": 252700.0, "Latitude": 32.75, "Longitude": -117.24, "Population": 1279.0}, {"index": 14392, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.75, "Longitude": -117.24, "Population": 1279.0}, {"index": 14393, "quantile": 0.0, "value": 81800.0, "Latitude": 32.75, "Longitude": -117.24, "Population": 822.0}, {"index": 14393, "quantile": 0.25, "value": 220600.0, "Latitude": 32.75, "Longitude": -117.24, "Population": 822.0}, {"index": 14393, "quantile": 0.5, "value": 220600.0, "Latitude": 32.75, "Longitude": -117.24, "Population": 822.0}, {"index": 14393, "quantile": 0.75, "value": 220600.0, "Latitude": 32.75, "Longitude": -117.24, "Population": 822.0}, {"index": 14393, "quantile": 1.0, "value": 488900.0, "Latitude": 32.75, "Longitude": -117.24, "Population": 822.0}, {"index": 14394, "quantile": 0.0, "value": 129200.0, "Latitude": 32.75, "Longitude": -117.24, "Population": 1015.0}, {"index": 14394, "quantile": 0.25, "value": 225999.99999999997, "Latitude": 32.75, "Longitude": -117.24, "Population": 1015.0}, {"index": 14394, "quantile": 0.5, "value": 225999.99999999997, "Latitude": 32.75, "Longitude": -117.24, "Population": 1015.0}, {"index": 14394, "quantile": 0.75, "value": 225999.99999999997, "Latitude": 32.75, "Longitude": -117.24, "Population": 1015.0}, {"index": 14394, "quantile": 1.0, "value": 307600.0, "Latitude": 32.75, "Longitude": -117.24, "Population": 1015.0}, {"index": 14395, "quantile": 0.0, "value": 45000.0, "Latitude": 32.74, "Longitude": -117.25, "Population": 577.0}, {"index": 14395, "quantile": 0.25, "value": 248200.00000000003, "Latitude": 32.74, "Longitude": -117.25, "Population": 577.0}, {"index": 14395, "quantile": 0.5, "value": 248200.00000000003, "Latitude": 32.74, "Longitude": -117.25, "Population": 577.0}, {"index": 14395, "quantile": 0.75, "value": 248200.00000000003, "Latitude": 32.74, "Longitude": -117.25, "Population": 577.0}, {"index": 14395, "quantile": 1.0, "value": 350000.0, "Latitude": 32.74, "Longitude": -117.25, "Population": 577.0}, {"index": 14396, "quantile": 0.0, "value": 92200.0, "Latitude": 32.75, "Longitude": -117.25, "Population": 1731.0}, {"index": 14396, "quantile": 0.25, "value": 198950.0, "Latitude": 32.75, "Longitude": -117.25, "Population": 1731.0}, {"index": 14396, "quantile": 0.5, "value": 208300.00000000003, "Latitude": 32.75, "Longitude": -117.25, "Population": 1731.0}, {"index": 14396, "quantile": 0.75, "value": 208300.00000000003, "Latitude": 32.75, "Longitude": -117.25, "Population": 1731.0}, {"index": 14396, "quantile": 1.0, "value": 500000.0, "Latitude": 32.75, "Longitude": -117.25, "Population": 1731.0}, {"index": 14397, "quantile": 0.0, "value": 61300.0, "Latitude": 32.75, "Longitude": -117.25, "Population": 974.0}, {"index": 14397, "quantile": 0.25, "value": 137500.0, "Latitude": 32.75, "Longitude": -117.25, "Population": 974.0}, {"index": 14397, "quantile": 0.5, "value": 167450.0, "Latitude": 32.75, "Longitude": -117.25, "Population": 974.0}, {"index": 14397, "quantile": 0.75, "value": 220600.0, "Latitude": 32.75, "Longitude": -117.25, "Population": 974.0}, {"index": 14397, "quantile": 1.0, "value": 354000.0, "Latitude": 32.75, "Longitude": -117.25, "Population": 974.0}, {"index": 14398, "quantile": 0.0, "value": 112500.0, "Latitude": 32.75, "Longitude": -117.24, "Population": 1057.0}, {"index": 14398, "quantile": 0.25, "value": 214624.99999999997, "Latitude": 32.75, "Longitude": -117.24, "Population": 1057.0}, {"index": 14398, "quantile": 0.5, "value": 231300.00000000003, "Latitude": 32.75, "Longitude": -117.24, "Population": 1057.0}, {"index": 14398, "quantile": 0.75, "value": 231300.00000000003, "Latitude": 32.75, "Longitude": -117.24, "Population": 1057.0}, {"index": 14398, "quantile": 1.0, "value": 350000.0, "Latitude": 32.75, "Longitude": -117.24, "Population": 1057.0}, {"index": 14399, "quantile": 0.0, "value": 116700.0, "Latitude": 32.75, "Longitude": -117.25, "Population": 645.0}, {"index": 14399, "quantile": 0.25, "value": 225000.0, "Latitude": 32.75, "Longitude": -117.25, "Population": 645.0}, {"index": 14399, "quantile": 0.5, "value": 248200.00000000003, "Latitude": 32.75, "Longitude": -117.25, "Population": 645.0}, {"index": 14399, "quantile": 0.75, "value": 254999.99999999997, "Latitude": 32.75, "Longitude": -117.25, "Population": 645.0}, {"index": 14399, "quantile": 1.0, "value": 350000.0, "Latitude": 32.75, "Longitude": -117.25, "Population": 645.0}, {"index": 14400, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 32.75, "Longitude": -117.28, "Population": 508.0}, {"index": 14400, "quantile": 0.25, "value": 200000.0, "Latitude": 32.75, "Longitude": -117.28, "Population": 508.0}, {"index": 14400, "quantile": 0.5, "value": 225199.99999999997, "Latitude": 32.75, "Longitude": -117.28, "Population": 508.0}, {"index": 14400, "quantile": 0.75, "value": 254999.99999999997, "Latitude": 32.75, "Longitude": -117.28, "Population": 508.0}, {"index": 14400, "quantile": 1.0, "value": 488900.0, "Latitude": 32.75, "Longitude": -117.28, "Population": 508.0}, {"index": 14401, "quantile": 0.0, "value": 112500.0, "Latitude": 32.79, "Longitude": -117.25, "Population": 651.0}, {"index": 14401, "quantile": 0.25, "value": 286475.0, "Latitude": 32.79, "Longitude": -117.25, "Population": 651.0}, {"index": 14401, "quantile": 0.5, "value": 340400.0, "Latitude": 32.79, "Longitude": -117.25, "Population": 651.0}, {"index": 14401, "quantile": 0.75, "value": 340400.0, "Latitude": 32.79, "Longitude": -117.25, "Population": 651.0}, {"index": 14401, "quantile": 1.0, "value": 350000.0, "Latitude": 32.79, "Longitude": -117.25, "Population": 651.0}, {"index": 14402, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 32.79, "Longitude": -117.25, "Population": 458.0}, {"index": 14402, "quantile": 0.25, "value": 162500.0, "Latitude": 32.79, "Longitude": -117.25, "Population": 458.0}, {"index": 14402, "quantile": 0.5, "value": 328600.0, "Latitude": 32.79, "Longitude": -117.25, "Population": 458.0}, {"index": 14402, "quantile": 0.75, "value": 328600.0, "Latitude": 32.79, "Longitude": -117.25, "Population": 458.0}, {"index": 14402, "quantile": 1.0, "value": 350000.0, "Latitude": 32.79, "Longitude": -117.25, "Population": 458.0}, {"index": 14403, "quantile": 0.0, "value": 94900.0, "Latitude": 32.78, "Longitude": -117.25, "Population": 710.0}, {"index": 14403, "quantile": 0.25, "value": 139300.0, "Latitude": 32.78, "Longitude": -117.25, "Population": 710.0}, {"index": 14403, "quantile": 0.5, "value": 175500.0, "Latitude": 32.78, "Longitude": -117.25, "Population": 710.0}, {"index": 14403, "quantile": 0.75, "value": 239500.0, "Latitude": 32.78, "Longitude": -117.25, "Population": 710.0}, {"index": 14403, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.78, "Longitude": -117.25, "Population": 710.0}, {"index": 14404, "quantile": 0.0, "value": 87700.0, "Latitude": 32.78, "Longitude": -117.25, "Population": 658.0}, {"index": 14404, "quantile": 0.25, "value": 227100.0, "Latitude": 32.78, "Longitude": -117.25, "Population": 658.0}, {"index": 14404, "quantile": 0.5, "value": 350000.0, "Latitude": 32.78, "Longitude": -117.25, "Population": 658.0}, {"index": 14404, "quantile": 0.75, "value": 350000.0, "Latitude": 32.78, "Longitude": -117.25, "Population": 658.0}, {"index": 14404, "quantile": 1.0, "value": 350000.0, "Latitude": 32.78, "Longitude": -117.25, "Population": 658.0}, {"index": 14405, "quantile": 0.0, "value": 266700.0, "Latitude": 32.77, "Longitude": -117.28, "Population": 442.0}, {"index": 14405, "quantile": 0.25, "value": 500000.0, "Latitude": 32.77, "Longitude": -117.28, "Population": 442.0}, {"index": 14405, "quantile": 0.5, "value": 500000.0, "Latitude": 32.77, "Longitude": -117.28, "Population": 442.0}, {"index": 14405, "quantile": 0.75, "value": 500000.0, "Latitude": 32.77, "Longitude": -117.28, "Population": 442.0}, {"index": 14405, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.77, "Longitude": -117.28, "Population": 442.0}, {"index": 14406, "quantile": 0.0, "value": 101800.0, "Latitude": 32.77, "Longitude": -117.25, "Population": 973.0}, {"index": 14406, "quantile": 0.25, "value": 331100.0, "Latitude": 32.77, "Longitude": -117.25, "Population": 973.0}, {"index": 14406, "quantile": 0.5, "value": 362500.0, "Latitude": 32.77, "Longitude": -117.25, "Population": 973.0}, {"index": 14406, "quantile": 0.75, "value": 362500.0, "Latitude": 32.77, "Longitude": -117.25, "Population": 973.0}, {"index": 14406, "quantile": 1.0, "value": 500000.0, "Latitude": 32.77, "Longitude": -117.25, "Population": 973.0}, {"index": 14407, "quantile": 0.0, "value": 192200.0, "Latitude": 32.77, "Longitude": -117.25, "Population": 1126.0}, {"index": 14407, "quantile": 0.25, "value": 399575.0, "Latitude": 32.77, "Longitude": -117.25, "Population": 1126.0}, {"index": 14407, "quantile": 0.5, "value": 453550.0, "Latitude": 32.77, "Longitude": -117.25, "Population": 1126.0}, {"index": 14407, "quantile": 0.75, "value": 482900.0, "Latitude": 32.77, "Longitude": -117.25, "Population": 1126.0}, {"index": 14407, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.77, "Longitude": -117.25, "Population": 1126.0}, {"index": 14408, "quantile": 0.0, "value": 249400.00000000003, "Latitude": 32.76, "Longitude": -117.25, "Population": 836.0}, {"index": 14408, "quantile": 0.25, "value": 452600.0, "Latitude": 32.76, "Longitude": -117.25, "Population": 836.0}, {"index": 14408, "quantile": 0.5, "value": 452600.0, "Latitude": 32.76, "Longitude": -117.25, "Population": 836.0}, {"index": 14408, "quantile": 0.75, "value": 452600.0, "Latitude": 32.76, "Longitude": -117.25, "Population": 836.0}, {"index": 14408, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.76, "Longitude": -117.25, "Population": 836.0}, {"index": 14409, "quantile": 0.0, "value": 84000.0, "Latitude": 32.78, "Longitude": -117.22, "Population": 1010.0}, {"index": 14409, "quantile": 0.25, "value": 175000.0, "Latitude": 32.78, "Longitude": -117.22, "Population": 1010.0}, {"index": 14409, "quantile": 0.5, "value": 175000.0, "Latitude": 32.78, "Longitude": -117.22, "Population": 1010.0}, {"index": 14409, "quantile": 0.75, "value": 175000.0, "Latitude": 32.78, "Longitude": -117.22, "Population": 1010.0}, {"index": 14409, "quantile": 1.0, "value": 367100.0, "Latitude": 32.78, "Longitude": -117.22, "Population": 1010.0}, {"index": 14410, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 32.79, "Longitude": -117.23, "Population": 989.0}, {"index": 14410, "quantile": 0.25, "value": 266700.0, "Latitude": 32.79, "Longitude": -117.23, "Population": 989.0}, {"index": 14410, "quantile": 0.5, "value": 333650.0, "Latitude": 32.79, "Longitude": -117.23, "Population": 989.0}, {"index": 14410, "quantile": 0.75, "value": 418725.00000000006, "Latitude": 32.79, "Longitude": -117.23, "Population": 989.0}, {"index": 14410, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.79, "Longitude": -117.23, "Population": 989.0}, {"index": 14411, "quantile": 0.0, "value": 167000.0, "Latitude": 32.79, "Longitude": -117.23, "Population": 1082.0}, {"index": 14411, "quantile": 0.25, "value": 266700.0, "Latitude": 32.79, "Longitude": -117.23, "Population": 1082.0}, {"index": 14411, "quantile": 0.5, "value": 266700.0, "Latitude": 32.79, "Longitude": -117.23, "Population": 1082.0}, {"index": 14411, "quantile": 0.75, "value": 267800.0, "Latitude": 32.79, "Longitude": -117.23, "Population": 1082.0}, {"index": 14411, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.79, "Longitude": -117.23, "Population": 1082.0}, {"index": 14412, "quantile": 0.0, "value": 173500.0, "Latitude": 32.78, "Longitude": -117.23, "Population": 746.0}, {"index": 14412, "quantile": 0.25, "value": 238400.0, "Latitude": 32.78, "Longitude": -117.23, "Population": 746.0}, {"index": 14412, "quantile": 0.5, "value": 276900.0, "Latitude": 32.78, "Longitude": -117.23, "Population": 746.0}, {"index": 14412, "quantile": 0.75, "value": 349050.0, "Latitude": 32.78, "Longitude": -117.23, "Population": 746.0}, {"index": 14412, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.78, "Longitude": -117.23, "Population": 746.0}, {"index": 14413, "quantile": 0.0, "value": 186400.0, "Latitude": 32.78, "Longitude": -117.24, "Population": 892.0}, {"index": 14413, "quantile": 0.25, "value": 342200.0, "Latitude": 32.78, "Longitude": -117.24, "Population": 892.0}, {"index": 14413, "quantile": 0.5, "value": 342200.0, "Latitude": 32.78, "Longitude": -117.24, "Population": 892.0}, {"index": 14413, "quantile": 0.75, "value": 342200.0, "Latitude": 32.78, "Longitude": -117.24, "Population": 892.0}, {"index": 14413, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.78, "Longitude": -117.24, "Population": 892.0}, {"index": 14414, "quantile": 0.0, "value": 73400.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 403.0}, {"index": 14414, "quantile": 0.25, "value": 150350.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 403.0}, {"index": 14414, "quantile": 0.5, "value": 195400.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 403.0}, {"index": 14414, "quantile": 0.75, "value": 275000.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 403.0}, {"index": 14414, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.79, "Longitude": -117.24, "Population": 403.0}, {"index": 14415, "quantile": 0.0, "value": 76600.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 964.0}, {"index": 14415, "quantile": 0.25, "value": 178250.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 964.0}, {"index": 14415, "quantile": 0.5, "value": 275000.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 964.0}, {"index": 14415, "quantile": 0.75, "value": 275000.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 964.0}, {"index": 14415, "quantile": 1.0, "value": 420800.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 964.0}, {"index": 14416, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 32.79, "Longitude": -117.24, "Population": 525.0}, {"index": 14416, "quantile": 0.25, "value": 129274.99999999999, "Latitude": 32.79, "Longitude": -117.24, "Population": 525.0}, {"index": 14416, "quantile": 0.5, "value": 191700.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 525.0}, {"index": 14416, "quantile": 0.75, "value": 247700.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 525.0}, {"index": 14416, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.79, "Longitude": -117.24, "Population": 525.0}, {"index": 14417, "quantile": 0.0, "value": 67500.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 566.0}, {"index": 14417, "quantile": 0.25, "value": 212500.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 566.0}, {"index": 14417, "quantile": 0.5, "value": 212500.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 566.0}, {"index": 14417, "quantile": 0.75, "value": 212500.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 566.0}, {"index": 14417, "quantile": 1.0, "value": 408300.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 566.0}, {"index": 14418, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 32.79, "Longitude": -117.24, "Population": 508.0}, {"index": 14418, "quantile": 0.25, "value": 112500.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 508.0}, {"index": 14418, "quantile": 0.5, "value": 173600.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 508.0}, {"index": 14418, "quantile": 0.75, "value": 275000.0, "Latitude": 32.79, "Longitude": -117.24, "Population": 508.0}, {"index": 14418, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.79, "Longitude": -117.24, "Population": 508.0}, {"index": 14419, "quantile": 0.0, "value": 59600.0, "Latitude": 32.8, "Longitude": -117.21, "Population": 525.0}, {"index": 14419, "quantile": 0.25, "value": 137500.0, "Latitude": 32.8, "Longitude": -117.21, "Population": 525.0}, {"index": 14419, "quantile": 0.5, "value": 137500.0, "Latitude": 32.8, "Longitude": -117.21, "Population": 525.0}, {"index": 14419, "quantile": 0.75, "value": 153800.0, "Latitude": 32.8, "Longitude": -117.21, "Population": 525.0}, {"index": 14419, "quantile": 1.0, "value": 350000.0, "Latitude": 32.8, "Longitude": -117.21, "Population": 525.0}, {"index": 14420, "quantile": 0.0, "value": 92200.0, "Latitude": 32.8, "Longitude": -117.22, "Population": 1029.0}, {"index": 14420, "quantile": 0.25, "value": 183300.0, "Latitude": 32.8, "Longitude": -117.22, "Population": 1029.0}, {"index": 14420, "quantile": 0.5, "value": 183300.0, "Latitude": 32.8, "Longitude": -117.22, "Population": 1029.0}, {"index": 14420, "quantile": 0.75, "value": 183300.0, "Latitude": 32.8, "Longitude": -117.22, "Population": 1029.0}, {"index": 14420, "quantile": 1.0, "value": 290000.0, "Latitude": 32.8, "Longitude": -117.22, "Population": 1029.0}, {"index": 14421, "quantile": 0.0, "value": 45000.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 1751.0}, {"index": 14421, "quantile": 0.25, "value": 187500.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 1751.0}, {"index": 14421, "quantile": 0.5, "value": 190600.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 1751.0}, {"index": 14421, "quantile": 0.75, "value": 190600.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 1751.0}, {"index": 14421, "quantile": 1.0, "value": 262100.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 1751.0}, {"index": 14422, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 32.8, "Longitude": -117.23, "Population": 776.0}, {"index": 14422, "quantile": 0.25, "value": 175750.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 776.0}, {"index": 14422, "quantile": 0.5, "value": 190600.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 776.0}, {"index": 14422, "quantile": 0.75, "value": 212750.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 776.0}, {"index": 14422, "quantile": 1.0, "value": 350000.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 776.0}, {"index": 14423, "quantile": 0.0, "value": 67500.0, "Latitude": 32.81, "Longitude": -117.23, "Population": 996.0}, {"index": 14423, "quantile": 0.25, "value": 164600.0, "Latitude": 32.81, "Longitude": -117.23, "Population": 996.0}, {"index": 14423, "quantile": 0.5, "value": 270000.0, "Latitude": 32.81, "Longitude": -117.23, "Population": 996.0}, {"index": 14423, "quantile": 0.75, "value": 270000.0, "Latitude": 32.81, "Longitude": -117.23, "Population": 996.0}, {"index": 14423, "quantile": 1.0, "value": 270000.0, "Latitude": 32.81, "Longitude": -117.23, "Population": 996.0}, {"index": 14424, "quantile": 0.0, "value": 97400.0, "Latitude": 32.81, "Longitude": -117.22, "Population": 902.0}, {"index": 14424, "quantile": 0.25, "value": 194625.0, "Latitude": 32.81, "Longitude": -117.22, "Population": 902.0}, {"index": 14424, "quantile": 0.5, "value": 362500.0, "Latitude": 32.81, "Longitude": -117.22, "Population": 902.0}, {"index": 14424, "quantile": 0.75, "value": 362500.0, "Latitude": 32.81, "Longitude": -117.22, "Population": 902.0}, {"index": 14424, "quantile": 1.0, "value": 362500.0, "Latitude": 32.81, "Longitude": -117.22, "Population": 902.0}, {"index": 14425, "quantile": 0.0, "value": 167000.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 490.0}, {"index": 14425, "quantile": 0.25, "value": 270600.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 490.0}, {"index": 14425, "quantile": 0.5, "value": 270600.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 490.0}, {"index": 14425, "quantile": 0.75, "value": 297050.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 490.0}, {"index": 14425, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.8, "Longitude": -117.25, "Population": 490.0}, {"index": 14426, "quantile": 0.0, "value": 153100.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 731.0}, {"index": 14426, "quantile": 0.25, "value": 206225.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 731.0}, {"index": 14426, "quantile": 0.5, "value": 229550.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 731.0}, {"index": 14426, "quantile": 0.75, "value": 253100.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 731.0}, {"index": 14426, "quantile": 1.0, "value": 354000.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 731.0}, {"index": 14427, "quantile": 0.0, "value": 129200.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 1007.0}, {"index": 14427, "quantile": 0.25, "value": 213249.99999999997, "Latitude": 32.8, "Longitude": -117.25, "Population": 1007.0}, {"index": 14427, "quantile": 0.5, "value": 253100.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 1007.0}, {"index": 14427, "quantile": 0.75, "value": 253100.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 1007.0}, {"index": 14427, "quantile": 1.0, "value": 350000.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 1007.0}, {"index": 14428, "quantile": 0.0, "value": 183300.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 1069.0}, {"index": 14428, "quantile": 0.25, "value": 212500.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 1069.0}, {"index": 14428, "quantile": 0.5, "value": 212500.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 1069.0}, {"index": 14428, "quantile": 0.75, "value": 222850.00000000003, "Latitude": 32.8, "Longitude": -117.25, "Population": 1069.0}, {"index": 14428, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.8, "Longitude": -117.25, "Population": 1069.0}, {"index": 14429, "quantile": 0.0, "value": 40000.0, "Latitude": 32.79, "Longitude": -117.25, "Population": 455.0}, {"index": 14429, "quantile": 0.25, "value": 90025.0, "Latitude": 32.79, "Longitude": -117.25, "Population": 455.0}, {"index": 14429, "quantile": 0.5, "value": 212500.0, "Latitude": 32.79, "Longitude": -117.25, "Population": 455.0}, {"index": 14429, "quantile": 0.75, "value": 330000.0, "Latitude": 32.79, "Longitude": -117.25, "Population": 455.0}, {"index": 14429, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.79, "Longitude": -117.25, "Population": 455.0}, {"index": 14430, "quantile": 0.0, "value": 40000.0, "Latitude": 32.79, "Longitude": -117.25, "Population": 735.0}, {"index": 14430, "quantile": 0.25, "value": 278250.0, "Latitude": 32.79, "Longitude": -117.25, "Population": 735.0}, {"index": 14430, "quantile": 0.5, "value": 317100.0, "Latitude": 32.79, "Longitude": -117.25, "Population": 735.0}, {"index": 14430, "quantile": 0.75, "value": 317100.0, "Latitude": 32.79, "Longitude": -117.25, "Population": 735.0}, {"index": 14430, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.79, "Longitude": -117.25, "Population": 735.0}, {"index": 14431, "quantile": 0.0, "value": 76600.0, "Latitude": 32.8, "Longitude": -117.28, "Population": 615.0}, {"index": 14431, "quantile": 0.25, "value": 159100.0, "Latitude": 32.8, "Longitude": -117.28, "Population": 615.0}, {"index": 14431, "quantile": 0.5, "value": 249400.00000000003, "Latitude": 32.8, "Longitude": -117.28, "Population": 615.0}, {"index": 14431, "quantile": 0.75, "value": 370800.0, "Latitude": 32.8, "Longitude": -117.28, "Population": 615.0}, {"index": 14431, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.8, "Longitude": -117.28, "Population": 615.0}, {"index": 14432, "quantile": 0.0, "value": 101800.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 1011.0}, {"index": 14432, "quantile": 0.25, "value": 213800.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 1011.0}, {"index": 14432, "quantile": 0.5, "value": 271100.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 1011.0}, {"index": 14432, "quantile": 0.75, "value": 321375.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 1011.0}, {"index": 14432, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.8, "Longitude": -117.23, "Population": 1011.0}, {"index": 14433, "quantile": 0.0, "value": 125000.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 724.0}, {"index": 14433, "quantile": 0.25, "value": 196900.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 724.0}, {"index": 14433, "quantile": 0.5, "value": 213000.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 724.0}, {"index": 14433, "quantile": 0.75, "value": 253100.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 724.0}, {"index": 14433, "quantile": 1.0, "value": 350000.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 724.0}, {"index": 14434, "quantile": 0.0, "value": 45000.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 1849.0}, {"index": 14434, "quantile": 0.25, "value": 183300.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 1849.0}, {"index": 14434, "quantile": 0.5, "value": 196900.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 1849.0}, {"index": 14434, "quantile": 0.75, "value": 262100.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 1849.0}, {"index": 14434, "quantile": 1.0, "value": 366700.0, "Latitude": 32.8, "Longitude": -117.23, "Population": 1849.0}, {"index": 14435, "quantile": 0.0, "value": 93800.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 1492.0}, {"index": 14435, "quantile": 0.25, "value": 181925.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 1492.0}, {"index": 14435, "quantile": 0.5, "value": 219150.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 1492.0}, {"index": 14435, "quantile": 0.75, "value": 252700.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 1492.0}, {"index": 14435, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.8, "Longitude": -117.24, "Population": 1492.0}, {"index": 14436, "quantile": 0.0, "value": 118800.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 692.0}, {"index": 14436, "quantile": 0.25, "value": 187500.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 692.0}, {"index": 14436, "quantile": 0.5, "value": 187500.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 692.0}, {"index": 14436, "quantile": 0.75, "value": 187500.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 692.0}, {"index": 14436, "quantile": 1.0, "value": 500000.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 692.0}, {"index": 14437, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 32.8, "Longitude": -117.24, "Population": 874.0}, {"index": 14437, "quantile": 0.25, "value": 154825.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 874.0}, {"index": 14437, "quantile": 0.5, "value": 180100.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 874.0}, {"index": 14437, "quantile": 0.75, "value": 259550.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 874.0}, {"index": 14437, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.8, "Longitude": -117.24, "Population": 874.0}, {"index": 14438, "quantile": 0.0, "value": 87100.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 868.0}, {"index": 14438, "quantile": 0.25, "value": 210000.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 868.0}, {"index": 14438, "quantile": 0.5, "value": 210000.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 868.0}, {"index": 14438, "quantile": 0.75, "value": 213499.99999999997, "Latitude": 32.8, "Longitude": -117.24, "Population": 868.0}, {"index": 14438, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.8, "Longitude": -117.24, "Population": 868.0}, {"index": 14439, "quantile": 0.0, "value": 74100.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 828.0}, {"index": 14439, "quantile": 0.25, "value": 139825.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 828.0}, {"index": 14439, "quantile": 0.5, "value": 185400.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 828.0}, {"index": 14439, "quantile": 0.75, "value": 247300.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 828.0}, {"index": 14439, "quantile": 1.0, "value": 500000.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 828.0}, {"index": 14440, "quantile": 0.0, "value": 93800.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 1513.0}, {"index": 14440, "quantile": 0.25, "value": 238200.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 1513.0}, {"index": 14440, "quantile": 0.5, "value": 238200.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 1513.0}, {"index": 14440, "quantile": 0.75, "value": 238200.0, "Latitude": 32.8, "Longitude": -117.24, "Population": 1513.0}, {"index": 14440, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.8, "Longitude": -117.24, "Population": 1513.0}, {"index": 14441, "quantile": 0.0, "value": 167000.0, "Latitude": 32.81, "Longitude": -117.25, "Population": 1020.0}, {"index": 14441, "quantile": 0.25, "value": 271100.0, "Latitude": 32.81, "Longitude": -117.25, "Population": 1020.0}, {"index": 14441, "quantile": 0.5, "value": 317100.0, "Latitude": 32.81, "Longitude": -117.25, "Population": 1020.0}, {"index": 14441, "quantile": 0.75, "value": 361575.0, "Latitude": 32.81, "Longitude": -117.25, "Population": 1020.0}, {"index": 14441, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.81, "Longitude": -117.25, "Population": 1020.0}, {"index": 14442, "quantile": 0.0, "value": 189800.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 1005.0}, {"index": 14442, "quantile": 0.25, "value": 275000.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 1005.0}, {"index": 14442, "quantile": 0.5, "value": 275000.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 1005.0}, {"index": 14442, "quantile": 0.75, "value": 342200.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 1005.0}, {"index": 14442, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.8, "Longitude": -117.25, "Population": 1005.0}, {"index": 14443, "quantile": 0.0, "value": 140600.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 1134.0}, {"index": 14443, "quantile": 0.25, "value": 270974.99999999994, "Latitude": 32.8, "Longitude": -117.25, "Population": 1134.0}, {"index": 14443, "quantile": 0.5, "value": 295500.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 1134.0}, {"index": 14443, "quantile": 0.75, "value": 295500.0, "Latitude": 32.8, "Longitude": -117.25, "Population": 1134.0}, {"index": 14443, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.8, "Longitude": -117.25, "Population": 1134.0}, {"index": 14444, "quantile": 0.0, "value": 87700.0, "Latitude": 32.81, "Longitude": -117.26, "Population": 1060.0}, {"index": 14444, "quantile": 0.25, "value": 227800.0, "Latitude": 32.81, "Longitude": -117.26, "Population": 1060.0}, {"index": 14444, "quantile": 0.5, "value": 227800.0, "Latitude": 32.81, "Longitude": -117.26, "Population": 1060.0}, {"index": 14444, "quantile": 0.75, "value": 227800.0, "Latitude": 32.81, "Longitude": -117.26, "Population": 1060.0}, {"index": 14444, "quantile": 1.0, "value": 354000.0, "Latitude": 32.81, "Longitude": -117.26, "Population": 1060.0}, {"index": 14445, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 32.81, "Longitude": -117.26, "Population": 577.0}, {"index": 14445, "quantile": 0.25, "value": 290600.0, "Latitude": 32.81, "Longitude": -117.26, "Population": 577.0}, {"index": 14445, "quantile": 0.5, "value": 290600.0, "Latitude": 32.81, "Longitude": -117.26, "Population": 577.0}, {"index": 14445, "quantile": 0.75, "value": 290600.0, "Latitude": 32.81, "Longitude": -117.26, "Population": 577.0}, {"index": 14445, "quantile": 1.0, "value": 488900.0, "Latitude": 32.81, "Longitude": -117.26, "Population": 577.0}, {"index": 14446, "quantile": 0.0, "value": 77100.0, "Latitude": 32.81, "Longitude": -117.26, "Population": 650.0}, {"index": 14446, "quantile": 0.25, "value": 283800.0, "Latitude": 32.81, "Longitude": -117.26, "Population": 650.0}, {"index": 14446, "quantile": 0.5, "value": 326500.0, "Latitude": 32.81, "Longitude": -117.26, "Population": 650.0}, {"index": 14446, "quantile": 0.75, "value": 326500.0, "Latitude": 32.81, "Longitude": -117.26, "Population": 650.0}, {"index": 14446, "quantile": 1.0, "value": 362500.0, "Latitude": 32.81, "Longitude": -117.26, "Population": 650.0}, {"index": 14447, "quantile": 0.0, "value": 345200.0, "Latitude": 32.81, "Longitude": -117.29, "Population": 598.0}, {"index": 14447, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 32.81, "Longitude": -117.29, "Population": 598.0}, {"index": 14447, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.81, "Longitude": -117.29, "Population": 598.0}, {"index": 14447, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.81, "Longitude": -117.29, "Population": 598.0}, {"index": 14447, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.81, "Longitude": -117.29, "Population": 598.0}, {"index": 14448, "quantile": 0.0, "value": 87500.0, "Latitude": 32.8, "Longitude": -117.26, "Population": 650.0}, {"index": 14448, "quantile": 0.25, "value": 412249.99999999994, "Latitude": 32.8, "Longitude": -117.26, "Population": 650.0}, {"index": 14448, "quantile": 0.5, "value": 450000.0, "Latitude": 32.8, "Longitude": -117.26, "Population": 650.0}, {"index": 14448, "quantile": 0.75, "value": 450000.0, "Latitude": 32.8, "Longitude": -117.26, "Population": 650.0}, {"index": 14448, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.8, "Longitude": -117.26, "Population": 650.0}, {"index": 14449, "quantile": 0.0, "value": 205100.00000000003, "Latitude": 32.81, "Longitude": -117.24, "Population": 683.0}, {"index": 14449, "quantile": 0.25, "value": 332400.0, "Latitude": 32.81, "Longitude": -117.24, "Population": 683.0}, {"index": 14449, "quantile": 0.5, "value": 332400.0, "Latitude": 32.81, "Longitude": -117.24, "Population": 683.0}, {"index": 14449, "quantile": 0.75, "value": 332400.0, "Latitude": 32.81, "Longitude": -117.24, "Population": 683.0}, {"index": 14449, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.81, "Longitude": -117.24, "Population": 683.0}, {"index": 14450, "quantile": 0.0, "value": 186400.0, "Latitude": 32.81, "Longitude": -117.24, "Population": 917.0}, {"index": 14450, "quantile": 0.25, "value": 394400.0, "Latitude": 32.81, "Longitude": -117.24, "Population": 917.0}, {"index": 14450, "quantile": 0.5, "value": 394400.0, "Latitude": 32.81, "Longitude": -117.24, "Population": 917.0}, {"index": 14450, "quantile": 0.75, "value": 394400.0, "Latitude": 32.81, "Longitude": -117.24, "Population": 917.0}, {"index": 14450, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.81, "Longitude": -117.24, "Population": 917.0}, {"index": 14451, "quantile": 0.0, "value": 90800.0, "Latitude": 32.81, "Longitude": -117.25, "Population": 765.0}, {"index": 14451, "quantile": 0.25, "value": 174450.0, "Latitude": 32.81, "Longitude": -117.25, "Population": 765.0}, {"index": 14451, "quantile": 0.5, "value": 244850.0, "Latitude": 32.81, "Longitude": -117.25, "Population": 765.0}, {"index": 14451, "quantile": 0.75, "value": 298950.0, "Latitude": 32.81, "Longitude": -117.25, "Population": 765.0}, {"index": 14451, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.81, "Longitude": -117.25, "Population": 765.0}, {"index": 14452, "quantile": 0.0, "value": 93300.0, "Latitude": 32.84, "Longitude": -117.27, "Population": 870.0}, {"index": 14452, "quantile": 0.25, "value": 192200.0, "Latitude": 32.84, "Longitude": -117.27, "Population": 870.0}, {"index": 14452, "quantile": 0.5, "value": 224000.00000000003, "Latitude": 32.84, "Longitude": -117.27, "Population": 870.0}, {"index": 14452, "quantile": 0.75, "value": 300000.0, "Latitude": 32.84, "Longitude": -117.27, "Population": 870.0}, {"index": 14452, "quantile": 1.0, "value": 450000.0, "Latitude": 32.84, "Longitude": -117.27, "Population": 870.0}, {"index": 14453, "quantile": 0.0, "value": 97000.0, "Latitude": 32.84, "Longitude": -117.28, "Population": 640.0}, {"index": 14453, "quantile": 0.25, "value": 317350.0, "Latitude": 32.84, "Longitude": -117.28, "Population": 640.0}, {"index": 14453, "quantile": 0.5, "value": 360300.0, "Latitude": 32.84, "Longitude": -117.28, "Population": 640.0}, {"index": 14453, "quantile": 0.75, "value": 360300.0, "Latitude": 32.84, "Longitude": -117.28, "Population": 640.0}, {"index": 14453, "quantile": 1.0, "value": 475000.0, "Latitude": 32.84, "Longitude": -117.28, "Population": 640.0}, {"index": 14454, "quantile": 0.0, "value": 90800.0, "Latitude": 32.83, "Longitude": -117.27, "Population": 805.0}, {"index": 14454, "quantile": 0.25, "value": 409999.99999999994, "Latitude": 32.83, "Longitude": -117.27, "Population": 805.0}, {"index": 14454, "quantile": 0.5, "value": 409999.99999999994, "Latitude": 32.83, "Longitude": -117.27, "Population": 805.0}, {"index": 14454, "quantile": 0.75, "value": 409999.99999999994, "Latitude": 32.83, "Longitude": -117.27, "Population": 805.0}, {"index": 14454, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.27, "Population": 805.0}, {"index": 14455, "quantile": 0.0, "value": 140600.0, "Latitude": 32.83, "Longitude": -117.28, "Population": 933.0}, {"index": 14455, "quantile": 0.25, "value": 344125.0, "Latitude": 32.83, "Longitude": -117.28, "Population": 933.0}, {"index": 14455, "quantile": 0.5, "value": 454200.0, "Latitude": 32.83, "Longitude": -117.28, "Population": 933.0}, {"index": 14455, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.28, "Population": 933.0}, {"index": 14455, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.28, "Population": 933.0}, {"index": 14456, "quantile": 0.0, "value": 185000.0, "Latitude": 32.83, "Longitude": -117.31, "Population": 891.0}, {"index": 14456, "quantile": 0.25, "value": 342200.0, "Latitude": 32.83, "Longitude": -117.31, "Population": 891.0}, {"index": 14456, "quantile": 0.5, "value": 395200.0, "Latitude": 32.83, "Longitude": -117.31, "Population": 891.0}, {"index": 14456, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.31, "Population": 891.0}, {"index": 14456, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.31, "Population": 891.0}, {"index": 14457, "quantile": 0.0, "value": 189800.0, "Latitude": 32.82, "Longitude": -117.27, "Population": 1068.0}, {"index": 14457, "quantile": 0.25, "value": 496250.74999999994, "Latitude": 32.82, "Longitude": -117.27, "Population": 1068.0}, {"index": 14457, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.27, "Population": 1068.0}, {"index": 14457, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.27, "Population": 1068.0}, {"index": 14457, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.27, "Population": 1068.0}, {"index": 14458, "quantile": 0.0, "value": 86300.0, "Latitude": 32.82, "Longitude": -117.27, "Population": 1175.0}, {"index": 14458, "quantile": 0.25, "value": 294100.0, "Latitude": 32.82, "Longitude": -117.27, "Population": 1175.0}, {"index": 14458, "quantile": 0.5, "value": 405199.99999999994, "Latitude": 32.82, "Longitude": -117.27, "Population": 1175.0}, {"index": 14458, "quantile": 0.75, "value": 405199.99999999994, "Latitude": 32.82, "Longitude": -117.27, "Population": 1175.0}, {"index": 14458, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.27, "Population": 1175.0}, {"index": 14459, "quantile": 0.0, "value": 391300.0, "Latitude": 32.82, "Longitude": -117.31, "Population": 833.0}, {"index": 14459, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.31, "Population": 833.0}, {"index": 14459, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.31, "Population": 833.0}, {"index": 14459, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.31, "Population": 833.0}, {"index": 14459, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.31, "Population": 833.0}, {"index": 14460, "quantile": 0.0, "value": 92000.0, "Latitude": 32.85, "Longitude": -117.27, "Population": 780.0}, {"index": 14460, "quantile": 0.25, "value": 220600.0, "Latitude": 32.85, "Longitude": -117.27, "Population": 780.0}, {"index": 14460, "quantile": 0.5, "value": 488900.0, "Latitude": 32.85, "Longitude": -117.27, "Population": 780.0}, {"index": 14460, "quantile": 0.75, "value": 488900.0, "Latitude": 32.85, "Longitude": -117.27, "Population": 780.0}, {"index": 14460, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.27, "Population": 780.0}, {"index": 14461, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 32.84, "Longitude": -117.28, "Population": 1015.0}, {"index": 14461, "quantile": 0.25, "value": 353525.0, "Latitude": 32.84, "Longitude": -117.28, "Population": 1015.0}, {"index": 14461, "quantile": 0.5, "value": 381300.0, "Latitude": 32.84, "Longitude": -117.28, "Population": 1015.0}, {"index": 14461, "quantile": 0.75, "value": 381300.0, "Latitude": 32.84, "Longitude": -117.28, "Population": 1015.0}, {"index": 14461, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.84, "Longitude": -117.28, "Population": 1015.0}, {"index": 14462, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 32.85, "Longitude": -117.27, "Population": 608.0}, {"index": 14462, "quantile": 0.25, "value": 475000.0, "Latitude": 32.85, "Longitude": -117.27, "Population": 608.0}, {"index": 14462, "quantile": 0.5, "value": 475000.0, "Latitude": 32.85, "Longitude": -117.27, "Population": 608.0}, {"index": 14462, "quantile": 0.75, "value": 475000.0, "Latitude": 32.85, "Longitude": -117.27, "Population": 608.0}, {"index": 14462, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.27, "Population": 608.0}, {"index": 14463, "quantile": 0.0, "value": 67500.0, "Latitude": 32.85, "Longitude": -117.3, "Population": 770.0}, {"index": 14463, "quantile": 0.25, "value": 365650.0, "Latitude": 32.85, "Longitude": -117.3, "Population": 770.0}, {"index": 14463, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.3, "Population": 770.0}, {"index": 14463, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.3, "Population": 770.0}, {"index": 14463, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.3, "Population": 770.0}, {"index": 14464, "quantile": 0.0, "value": 149900.0, "Latitude": 32.81, "Longitude": -117.23, "Population": 1496.0}, {"index": 14464, "quantile": 0.25, "value": 286100.0, "Latitude": 32.81, "Longitude": -117.23, "Population": 1496.0}, {"index": 14464, "quantile": 0.5, "value": 422200.00000000006, "Latitude": 32.81, "Longitude": -117.23, "Population": 1496.0}, {"index": 14464, "quantile": 0.75, "value": 422200.00000000006, "Latitude": 32.81, "Longitude": -117.23, "Population": 1496.0}, {"index": 14464, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 32.81, "Longitude": -117.23, "Population": 1496.0}, {"index": 14465, "quantile": 0.0, "value": 204800.0, "Latitude": 32.81, "Longitude": -117.23, "Population": 1083.0}, {"index": 14465, "quantile": 0.25, "value": 406300.0, "Latitude": 32.81, "Longitude": -117.23, "Population": 1083.0}, {"index": 14465, "quantile": 0.5, "value": 406300.0, "Latitude": 32.81, "Longitude": -117.23, "Population": 1083.0}, {"index": 14465, "quantile": 0.75, "value": 406300.0, "Latitude": 32.81, "Longitude": -117.23, "Population": 1083.0}, {"index": 14465, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.81, "Longitude": -117.23, "Population": 1083.0}, {"index": 14466, "quantile": 0.0, "value": 146300.0, "Latitude": 32.82, "Longitude": -117.24, "Population": 731.0}, {"index": 14466, "quantile": 0.25, "value": 275300.0, "Latitude": 32.82, "Longitude": -117.24, "Population": 731.0}, {"index": 14466, "quantile": 0.5, "value": 340550.0, "Latitude": 32.82, "Longitude": -117.24, "Population": 731.0}, {"index": 14466, "quantile": 0.75, "value": 397800.0, "Latitude": 32.82, "Longitude": -117.24, "Population": 731.0}, {"index": 14466, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.24, "Population": 731.0}, {"index": 14467, "quantile": 0.0, "value": 410300.0, "Latitude": 32.84, "Longitude": -117.25, "Population": 659.0}, {"index": 14467, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 32.84, "Longitude": -117.25, "Population": 659.0}, {"index": 14467, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.84, "Longitude": -117.25, "Population": 659.0}, {"index": 14467, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.84, "Longitude": -117.25, "Population": 659.0}, {"index": 14467, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.84, "Longitude": -117.25, "Population": 659.0}, {"index": 14468, "quantile": 0.0, "value": 351900.0, "Latitude": 32.85, "Longitude": -117.26, "Population": 978.0}, {"index": 14468, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.26, "Population": 978.0}, {"index": 14468, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.26, "Population": 978.0}, {"index": 14468, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.26, "Population": 978.0}, {"index": 14468, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.26, "Population": 978.0}, {"index": 14469, "quantile": 0.0, "value": 392600.0, "Latitude": 32.83, "Longitude": -117.25, "Population": 704.0}, {"index": 14469, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.25, "Population": 704.0}, {"index": 14469, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.25, "Population": 704.0}, {"index": 14469, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.25, "Population": 704.0}, {"index": 14469, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.25, "Population": 704.0}, {"index": 14470, "quantile": 0.0, "value": 277500.0, "Latitude": 32.84, "Longitude": -117.27, "Population": 1180.0}, {"index": 14470, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 32.84, "Longitude": -117.27, "Population": 1180.0}, {"index": 14470, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.84, "Longitude": -117.27, "Population": 1180.0}, {"index": 14470, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.84, "Longitude": -117.27, "Population": 1180.0}, {"index": 14470, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.84, "Longitude": -117.27, "Population": 1180.0}, {"index": 14471, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 32.88, "Longitude": -117.23, "Population": 6303.0}, {"index": 14471, "quantile": 0.25, "value": 132600.0, "Latitude": 32.88, "Longitude": -117.23, "Population": 6303.0}, {"index": 14471, "quantile": 0.5, "value": 204999.99999999997, "Latitude": 32.88, "Longitude": -117.23, "Population": 6303.0}, {"index": 14471, "quantile": 0.75, "value": 204999.99999999997, "Latitude": 32.88, "Longitude": -117.23, "Population": 6303.0}, {"index": 14471, "quantile": 1.0, "value": 350000.0, "Latitude": 32.88, "Longitude": -117.23, "Population": 6303.0}, {"index": 14472, "quantile": 0.0, "value": 134500.0, "Latitude": 32.85, "Longitude": -117.22, "Population": 694.0}, {"index": 14472, "quantile": 0.25, "value": 255600.0, "Latitude": 32.85, "Longitude": -117.22, "Population": 694.0}, {"index": 14472, "quantile": 0.5, "value": 274400.0, "Latitude": 32.85, "Longitude": -117.22, "Population": 694.0}, {"index": 14472, "quantile": 0.75, "value": 274400.0, "Latitude": 32.85, "Longitude": -117.22, "Population": 694.0}, {"index": 14472, "quantile": 1.0, "value": 283800.0, "Latitude": 32.85, "Longitude": -117.22, "Population": 694.0}, {"index": 14473, "quantile": 0.0, "value": 237400.0, "Latitude": 32.84, "Longitude": -117.22, "Population": 1154.0}, {"index": 14473, "quantile": 0.25, "value": 363600.0, "Latitude": 32.84, "Longitude": -117.22, "Population": 1154.0}, {"index": 14473, "quantile": 0.5, "value": 363600.0, "Latitude": 32.84, "Longitude": -117.22, "Population": 1154.0}, {"index": 14473, "quantile": 0.75, "value": 363600.0, "Latitude": 32.84, "Longitude": -117.22, "Population": 1154.0}, {"index": 14473, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.84, "Longitude": -117.22, "Population": 1154.0}, {"index": 14474, "quantile": 0.0, "value": 182400.0, "Latitude": 32.85, "Longitude": -117.23, "Population": 1634.0}, {"index": 14474, "quantile": 0.25, "value": 270800.0, "Latitude": 32.85, "Longitude": -117.23, "Population": 1634.0}, {"index": 14474, "quantile": 0.5, "value": 300700.0, "Latitude": 32.85, "Longitude": -117.23, "Population": 1634.0}, {"index": 14474, "quantile": 0.75, "value": 334075.0, "Latitude": 32.85, "Longitude": -117.23, "Population": 1634.0}, {"index": 14474, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.23, "Population": 1634.0}, {"index": 14475, "quantile": 0.0, "value": 187500.0, "Latitude": 32.86, "Longitude": -117.21, "Population": 1573.0}, {"index": 14475, "quantile": 0.25, "value": 285200.0, "Latitude": 32.86, "Longitude": -117.21, "Population": 1573.0}, {"index": 14475, "quantile": 0.5, "value": 326000.0, "Latitude": 32.86, "Longitude": -117.21, "Population": 1573.0}, {"index": 14475, "quantile": 0.75, "value": 326000.0, "Latitude": 32.86, "Longitude": -117.21, "Population": 1573.0}, {"index": 14475, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.86, "Longitude": -117.21, "Population": 1573.0}, {"index": 14476, "quantile": 0.0, "value": 143400.0, "Latitude": 32.86, "Longitude": -117.21, "Population": 654.0}, {"index": 14476, "quantile": 0.25, "value": 232975.00000000003, "Latitude": 32.86, "Longitude": -117.21, "Population": 654.0}, {"index": 14476, "quantile": 0.5, "value": 260700.00000000003, "Latitude": 32.86, "Longitude": -117.21, "Population": 654.0}, {"index": 14476, "quantile": 0.75, "value": 260700.00000000003, "Latitude": 32.86, "Longitude": -117.21, "Population": 654.0}, {"index": 14476, "quantile": 1.0, "value": 372000.0, "Latitude": 32.86, "Longitude": -117.21, "Population": 654.0}, {"index": 14477, "quantile": 0.0, "value": 87500.0, "Latitude": 32.85, "Longitude": -117.21, "Population": 901.0}, {"index": 14477, "quantile": 0.25, "value": 171900.0, "Latitude": 32.85, "Longitude": -117.21, "Population": 901.0}, {"index": 14477, "quantile": 0.5, "value": 226450.0, "Latitude": 32.85, "Longitude": -117.21, "Population": 901.0}, {"index": 14477, "quantile": 0.75, "value": 254400.0, "Latitude": 32.85, "Longitude": -117.21, "Population": 901.0}, {"index": 14477, "quantile": 1.0, "value": 430900.0, "Latitude": 32.85, "Longitude": -117.21, "Population": 901.0}, {"index": 14478, "quantile": 0.0, "value": 137200.0, "Latitude": 32.85, "Longitude": -117.21, "Population": 872.0}, {"index": 14478, "quantile": 0.25, "value": 261599.99999999997, "Latitude": 32.85, "Longitude": -117.21, "Population": 872.0}, {"index": 14478, "quantile": 0.5, "value": 277500.0, "Latitude": 32.85, "Longitude": -117.21, "Population": 872.0}, {"index": 14478, "quantile": 0.75, "value": 277500.0, "Latitude": 32.85, "Longitude": -117.21, "Population": 872.0}, {"index": 14478, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.21, "Population": 872.0}, {"index": 14479, "quantile": 0.0, "value": 171700.0, "Latitude": 32.83, "Longitude": -117.24, "Population": 949.0}, {"index": 14479, "quantile": 0.25, "value": 445700.0, "Latitude": 32.83, "Longitude": -117.24, "Population": 949.0}, {"index": 14479, "quantile": 0.5, "value": 445700.0, "Latitude": 32.83, "Longitude": -117.24, "Population": 949.0}, {"index": 14479, "quantile": 0.75, "value": 445700.0, "Latitude": 32.83, "Longitude": -117.24, "Population": 949.0}, {"index": 14479, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.24, "Population": 949.0}, {"index": 14480, "quantile": 0.0, "value": 173200.0, "Latitude": 32.82, "Longitude": -117.25, "Population": 1773.0}, {"index": 14480, "quantile": 0.25, "value": 474000.0, "Latitude": 32.82, "Longitude": -117.25, "Population": 1773.0}, {"index": 14480, "quantile": 0.5, "value": 474000.0, "Latitude": 32.82, "Longitude": -117.25, "Population": 1773.0}, {"index": 14480, "quantile": 0.75, "value": 474000.0, "Latitude": 32.82, "Longitude": -117.25, "Population": 1773.0}, {"index": 14480, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.25, "Population": 1773.0}, {"index": 14481, "quantile": 0.0, "value": 391300.0, "Latitude": 32.82, "Longitude": -117.25, "Population": 2036.0}, {"index": 14481, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.25, "Population": 2036.0}, {"index": 14481, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.25, "Population": 2036.0}, {"index": 14481, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.25, "Population": 2036.0}, {"index": 14481, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.25, "Population": 2036.0}, {"index": 14482, "quantile": 0.0, "value": 475800.0, "Latitude": 32.83, "Longitude": -117.26, "Population": 578.0}, {"index": 14482, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.26, "Population": 578.0}, {"index": 14482, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.26, "Population": 578.0}, {"index": 14482, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.26, "Population": 578.0}, {"index": 14482, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.26, "Population": 578.0}, {"index": 14483, "quantile": 0.0, "value": 320300.0, "Latitude": 32.82, "Longitude": -117.26, "Population": 1817.0}, {"index": 14483, "quantile": 0.25, "value": 459600.0, "Latitude": 32.82, "Longitude": -117.26, "Population": 1817.0}, {"index": 14483, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.26, "Population": 1817.0}, {"index": 14483, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.26, "Population": 1817.0}, {"index": 14483, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.26, "Population": 1817.0}, {"index": 14484, "quantile": 0.0, "value": 320300.0, "Latitude": 32.83, "Longitude": -117.27, "Population": 469.0}, {"index": 14484, "quantile": 0.25, "value": 459600.0, "Latitude": 32.83, "Longitude": -117.27, "Population": 469.0}, {"index": 14484, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.27, "Population": 469.0}, {"index": 14484, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.27, "Population": 469.0}, {"index": 14484, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.27, "Population": 469.0}, {"index": 14485, "quantile": 0.0, "value": 176300.0, "Latitude": 32.92, "Longitude": -117.29, "Population": 823.0}, {"index": 14485, "quantile": 0.25, "value": 369550.0, "Latitude": 32.92, "Longitude": -117.29, "Population": 823.0}, {"index": 14485, "quantile": 0.5, "value": 486500.0, "Latitude": 32.92, "Longitude": -117.29, "Population": 823.0}, {"index": 14485, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.92, "Longitude": -117.29, "Population": 823.0}, {"index": 14485, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.92, "Longitude": -117.29, "Population": 823.0}, {"index": 14486, "quantile": 0.0, "value": 487200.0, "Latitude": 32.86, "Longitude": -117.25, "Population": 606.0}, {"index": 14486, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 32.86, "Longitude": -117.25, "Population": 606.0}, {"index": 14486, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.86, "Longitude": -117.25, "Population": 606.0}, {"index": 14486, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.86, "Longitude": -117.25, "Population": 606.0}, {"index": 14486, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.86, "Longitude": -117.25, "Population": 606.0}, {"index": 14487, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 32.86, "Longitude": -117.25, "Population": 1137.0}, {"index": 14487, "quantile": 0.25, "value": 293475.0, "Latitude": 32.86, "Longitude": -117.25, "Population": 1137.0}, {"index": 14487, "quantile": 0.5, "value": 343850.00000000006, "Latitude": 32.86, "Longitude": -117.25, "Population": 1137.0}, {"index": 14487, "quantile": 0.75, "value": 452025.00000000006, "Latitude": 32.86, "Longitude": -117.25, "Population": 1137.0}, {"index": 14487, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.86, "Longitude": -117.25, "Population": 1137.0}, {"index": 14488, "quantile": 0.0, "value": 171900.0, "Latitude": 32.86, "Longitude": -117.25, "Population": 594.0}, {"index": 14488, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 32.86, "Longitude": -117.25, "Population": 594.0}, {"index": 14488, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.86, "Longitude": -117.25, "Population": 594.0}, {"index": 14488, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.86, "Longitude": -117.25, "Population": 594.0}, {"index": 14488, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.86, "Longitude": -117.25, "Population": 594.0}, {"index": 14489, "quantile": 0.0, "value": 240899.99999999997, "Latitude": 32.85, "Longitude": -117.26, "Population": 480.0}, {"index": 14489, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.26, "Population": 480.0}, {"index": 14489, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.26, "Population": 480.0}, {"index": 14489, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.26, "Population": 480.0}, {"index": 14489, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.26, "Population": 480.0}, {"index": 14490, "quantile": 0.0, "value": 187500.0, "Latitude": 32.85, "Longitude": -117.24, "Population": 904.0}, {"index": 14490, "quantile": 0.25, "value": 387275.0, "Latitude": 32.85, "Longitude": -117.24, "Population": 904.0}, {"index": 14490, "quantile": 0.5, "value": 388500.0, "Latitude": 32.85, "Longitude": -117.24, "Population": 904.0}, {"index": 14490, "quantile": 0.75, "value": 388500.0, "Latitude": 32.85, "Longitude": -117.24, "Population": 904.0}, {"index": 14490, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.24, "Population": 904.0}, {"index": 14491, "quantile": 0.0, "value": 386100.0, "Latitude": 32.85, "Longitude": -117.24, "Population": 1252.0}, {"index": 14491, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.24, "Population": 1252.0}, {"index": 14491, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.24, "Population": 1252.0}, {"index": 14491, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.24, "Population": 1252.0}, {"index": 14491, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.24, "Population": 1252.0}, {"index": 14492, "quantile": 0.0, "value": 173400.0, "Latitude": 32.86, "Longitude": -117.19, "Population": 2030.0}, {"index": 14492, "quantile": 0.25, "value": 252400.0, "Latitude": 32.86, "Longitude": -117.19, "Population": 2030.0}, {"index": 14492, "quantile": 0.5, "value": 272400.0, "Latitude": 32.86, "Longitude": -117.19, "Population": 2030.0}, {"index": 14492, "quantile": 0.75, "value": 272400.0, "Latitude": 32.86, "Longitude": -117.19, "Population": 2030.0}, {"index": 14492, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 32.86, "Longitude": -117.19, "Population": 2030.0}, {"index": 14493, "quantile": 0.0, "value": 157700.0, "Latitude": 32.86, "Longitude": -117.19, "Population": 1788.0}, {"index": 14493, "quantile": 0.25, "value": 223500.0, "Latitude": 32.86, "Longitude": -117.19, "Population": 1788.0}, {"index": 14493, "quantile": 0.5, "value": 267400.0, "Latitude": 32.86, "Longitude": -117.19, "Population": 1788.0}, {"index": 14493, "quantile": 0.75, "value": 267400.0, "Latitude": 32.86, "Longitude": -117.19, "Population": 1788.0}, {"index": 14493, "quantile": 1.0, "value": 436700.0, "Latitude": 32.86, "Longitude": -117.19, "Population": 1788.0}, {"index": 14494, "quantile": 0.0, "value": 172800.0, "Latitude": 32.85, "Longitude": -117.2, "Population": 1297.0}, {"index": 14494, "quantile": 0.25, "value": 295300.0, "Latitude": 32.85, "Longitude": -117.2, "Population": 1297.0}, {"index": 14494, "quantile": 0.5, "value": 295300.0, "Latitude": 32.85, "Longitude": -117.2, "Population": 1297.0}, {"index": 14494, "quantile": 0.75, "value": 295300.0, "Latitude": 32.85, "Longitude": -117.2, "Population": 1297.0}, {"index": 14494, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.2, "Population": 1297.0}, {"index": 14495, "quantile": 0.0, "value": 108900.0, "Latitude": 32.85, "Longitude": -117.2, "Population": 980.0}, {"index": 14495, "quantile": 0.25, "value": 213499.99999999997, "Latitude": 32.85, "Longitude": -117.2, "Population": 980.0}, {"index": 14495, "quantile": 0.5, "value": 213499.99999999997, "Latitude": 32.85, "Longitude": -117.2, "Population": 980.0}, {"index": 14495, "quantile": 0.75, "value": 213499.99999999997, "Latitude": 32.85, "Longitude": -117.2, "Population": 980.0}, {"index": 14495, "quantile": 1.0, "value": 326500.0, "Latitude": 32.85, "Longitude": -117.2, "Population": 980.0}, {"index": 14496, "quantile": 0.0, "value": 146600.0, "Latitude": 32.85, "Longitude": -117.19, "Population": 1164.0}, {"index": 14496, "quantile": 0.25, "value": 260600.0, "Latitude": 32.85, "Longitude": -117.19, "Population": 1164.0}, {"index": 14496, "quantile": 0.5, "value": 417500.0, "Latitude": 32.85, "Longitude": -117.19, "Population": 1164.0}, {"index": 14496, "quantile": 0.75, "value": 417500.0, "Latitude": 32.85, "Longitude": -117.19, "Population": 1164.0}, {"index": 14496, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.85, "Longitude": -117.19, "Population": 1164.0}, {"index": 14497, "quantile": 0.0, "value": 87500.0, "Latitude": 32.87, "Longitude": -117.23, "Population": 1034.0}, {"index": 14497, "quantile": 0.25, "value": 158875.0, "Latitude": 32.87, "Longitude": -117.23, "Population": 1034.0}, {"index": 14497, "quantile": 0.5, "value": 194899.99999999997, "Latitude": 32.87, "Longitude": -117.23, "Population": 1034.0}, {"index": 14497, "quantile": 0.75, "value": 225700.0, "Latitude": 32.87, "Longitude": -117.23, "Population": 1034.0}, {"index": 14497, "quantile": 1.0, "value": 350000.0, "Latitude": 32.87, "Longitude": -117.23, "Population": 1034.0}, {"index": 14498, "quantile": 0.0, "value": 47500.0, "Latitude": 32.86, "Longitude": -117.23, "Population": 604.0}, {"index": 14498, "quantile": 0.25, "value": 188300.0, "Latitude": 32.86, "Longitude": -117.23, "Population": 604.0}, {"index": 14498, "quantile": 0.5, "value": 188300.0, "Latitude": 32.86, "Longitude": -117.23, "Population": 604.0}, {"index": 14498, "quantile": 0.75, "value": 188300.0, "Latitude": 32.86, "Longitude": -117.23, "Population": 604.0}, {"index": 14498, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.86, "Longitude": -117.23, "Population": 604.0}, {"index": 14499, "quantile": 0.0, "value": 108300.0, "Latitude": 32.86, "Longitude": -117.23, "Population": 510.0}, {"index": 14499, "quantile": 0.25, "value": 180100.0, "Latitude": 32.86, "Longitude": -117.23, "Population": 510.0}, {"index": 14499, "quantile": 0.5, "value": 180100.0, "Latitude": 32.86, "Longitude": -117.23, "Population": 510.0}, {"index": 14499, "quantile": 0.75, "value": 180100.0, "Latitude": 32.86, "Longitude": -117.23, "Population": 510.0}, {"index": 14499, "quantile": 1.0, "value": 387200.0, "Latitude": 32.86, "Longitude": -117.23, "Population": 510.0}, {"index": 14500, "quantile": 0.0, "value": 87500.0, "Latitude": 32.86, "Longitude": -117.23, "Population": 587.0}, {"index": 14500, "quantile": 0.25, "value": 188300.0, "Latitude": 32.86, "Longitude": -117.23, "Population": 587.0}, {"index": 14500, "quantile": 0.5, "value": 252850.00000000003, "Latitude": 32.86, "Longitude": -117.23, "Population": 587.0}, {"index": 14500, "quantile": 0.75, "value": 294625.0, "Latitude": 32.86, "Longitude": -117.23, "Population": 587.0}, {"index": 14500, "quantile": 1.0, "value": 485300.0, "Latitude": 32.86, "Longitude": -117.23, "Population": 587.0}, {"index": 14501, "quantile": 0.0, "value": 67500.0, "Latitude": 32.86, "Longitude": -117.23, "Population": 648.0}, {"index": 14501, "quantile": 0.25, "value": 92200.0, "Latitude": 32.86, "Longitude": -117.23, "Population": 648.0}, {"index": 14501, "quantile": 0.5, "value": 162900.0, "Latitude": 32.86, "Longitude": -117.23, "Population": 648.0}, {"index": 14501, "quantile": 0.75, "value": 260449.99999999997, "Latitude": 32.86, "Longitude": -117.23, "Population": 648.0}, {"index": 14501, "quantile": 1.0, "value": 350000.0, "Latitude": 32.86, "Longitude": -117.23, "Population": 648.0}, {"index": 14502, "quantile": 0.0, "value": 175000.0, "Latitude": 32.87, "Longitude": -117.23, "Population": 1223.0}, {"index": 14502, "quantile": 0.25, "value": 196800.0, "Latitude": 32.87, "Longitude": -117.23, "Population": 1223.0}, {"index": 14502, "quantile": 0.5, "value": 196800.0, "Latitude": 32.87, "Longitude": -117.23, "Population": 1223.0}, {"index": 14502, "quantile": 0.75, "value": 262575.0, "Latitude": 32.87, "Longitude": -117.23, "Population": 1223.0}, {"index": 14502, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.87, "Longitude": -117.23, "Population": 1223.0}, {"index": 14503, "quantile": 0.0, "value": 125000.0, "Latitude": 32.86, "Longitude": -117.21, "Population": 1267.0}, {"index": 14503, "quantile": 0.25, "value": 172000.0, "Latitude": 32.86, "Longitude": -117.21, "Population": 1267.0}, {"index": 14503, "quantile": 0.5, "value": 183900.0, "Latitude": 32.86, "Longitude": -117.21, "Population": 1267.0}, {"index": 14503, "quantile": 0.75, "value": 200599.99999999997, "Latitude": 32.86, "Longitude": -117.21, "Population": 1267.0}, {"index": 14503, "quantile": 1.0, "value": 367100.0, "Latitude": 32.86, "Longitude": -117.21, "Population": 1267.0}, {"index": 14504, "quantile": 0.0, "value": 93300.0, "Latitude": 32.87, "Longitude": -117.22, "Population": 1835.0}, {"index": 14504, "quantile": 0.25, "value": 165925.0, "Latitude": 32.87, "Longitude": -117.22, "Population": 1835.0}, {"index": 14504, "quantile": 0.5, "value": 171000.0, "Latitude": 32.87, "Longitude": -117.22, "Population": 1835.0}, {"index": 14504, "quantile": 0.75, "value": 171000.0, "Latitude": 32.87, "Longitude": -117.22, "Population": 1835.0}, {"index": 14504, "quantile": 1.0, "value": 362500.0, "Latitude": 32.87, "Longitude": -117.22, "Population": 1835.0}, {"index": 14505, "quantile": 0.0, "value": 111500.0, "Latitude": 32.86, "Longitude": -117.22, "Population": 7604.0}, {"index": 14505, "quantile": 0.25, "value": 185225.0, "Latitude": 32.86, "Longitude": -117.22, "Population": 7604.0}, {"index": 14505, "quantile": 0.5, "value": 280800.0, "Latitude": 32.86, "Longitude": -117.22, "Population": 7604.0}, {"index": 14505, "quantile": 0.75, "value": 280800.0, "Latitude": 32.86, "Longitude": -117.22, "Population": 7604.0}, {"index": 14505, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.86, "Longitude": -117.22, "Population": 7604.0}, {"index": 14506, "quantile": 0.0, "value": 111500.0, "Latitude": 32.87, "Longitude": -117.22, "Population": 1599.0}, {"index": 14506, "quantile": 0.25, "value": 176600.0, "Latitude": 32.87, "Longitude": -117.22, "Population": 1599.0}, {"index": 14506, "quantile": 0.5, "value": 176600.0, "Latitude": 32.87, "Longitude": -117.22, "Population": 1599.0}, {"index": 14506, "quantile": 0.75, "value": 176600.0, "Latitude": 32.87, "Longitude": -117.22, "Population": 1599.0}, {"index": 14506, "quantile": 1.0, "value": 328900.0, "Latitude": 32.87, "Longitude": -117.22, "Population": 1599.0}, {"index": 14507, "quantile": 0.0, "value": 101800.0, "Latitude": 32.89, "Longitude": -117.21, "Population": 1592.0}, {"index": 14507, "quantile": 0.25, "value": 156100.0, "Latitude": 32.89, "Longitude": -117.21, "Population": 1592.0}, {"index": 14507, "quantile": 0.5, "value": 156100.0, "Latitude": 32.89, "Longitude": -117.21, "Population": 1592.0}, {"index": 14507, "quantile": 0.75, "value": 156100.0, "Latitude": 32.89, "Longitude": -117.21, "Population": 1592.0}, {"index": 14507, "quantile": 1.0, "value": 333300.0, "Latitude": 32.89, "Longitude": -117.21, "Population": 1592.0}, {"index": 14508, "quantile": 0.0, "value": 87500.0, "Latitude": 32.86, "Longitude": -117.2, "Population": 1923.0}, {"index": 14508, "quantile": 0.25, "value": 227050.00000000003, "Latitude": 32.86, "Longitude": -117.2, "Population": 1923.0}, {"index": 14508, "quantile": 0.5, "value": 267000.0, "Latitude": 32.86, "Longitude": -117.2, "Population": 1923.0}, {"index": 14508, "quantile": 0.75, "value": 267000.0, "Latitude": 32.86, "Longitude": -117.2, "Population": 1923.0}, {"index": 14508, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.86, "Longitude": -117.2, "Population": 1923.0}, {"index": 14509, "quantile": 0.0, "value": 73400.0, "Latitude": 32.87, "Longitude": -117.21, "Population": 528.0}, {"index": 14509, "quantile": 0.25, "value": 186325.0, "Latitude": 32.87, "Longitude": -117.21, "Population": 528.0}, {"index": 14509, "quantile": 0.5, "value": 254400.0, "Latitude": 32.87, "Longitude": -117.21, "Population": 528.0}, {"index": 14509, "quantile": 0.75, "value": 254400.0, "Latitude": 32.87, "Longitude": -117.21, "Population": 528.0}, {"index": 14509, "quantile": 1.0, "value": 332600.0, "Latitude": 32.87, "Longitude": -117.21, "Population": 528.0}, {"index": 14510, "quantile": 0.0, "value": 125200.0, "Latitude": 32.91, "Longitude": -117.15, "Population": 702.0}, {"index": 14510, "quantile": 0.25, "value": 188600.0, "Latitude": 32.91, "Longitude": -117.15, "Population": 702.0}, {"index": 14510, "quantile": 0.5, "value": 206999.99999999997, "Latitude": 32.91, "Longitude": -117.15, "Population": 702.0}, {"index": 14510, "quantile": 0.75, "value": 263300.0, "Latitude": 32.91, "Longitude": -117.15, "Population": 702.0}, {"index": 14510, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.91, "Longitude": -117.15, "Population": 702.0}, {"index": 14511, "quantile": 0.0, "value": 136800.0, "Latitude": 32.91, "Longitude": -117.15, "Population": 889.0}, {"index": 14511, "quantile": 0.25, "value": 174800.0, "Latitude": 32.91, "Longitude": -117.15, "Population": 889.0}, {"index": 14511, "quantile": 0.5, "value": 174800.0, "Latitude": 32.91, "Longitude": -117.15, "Population": 889.0}, {"index": 14511, "quantile": 0.75, "value": 174800.0, "Latitude": 32.91, "Longitude": -117.15, "Population": 889.0}, {"index": 14511, "quantile": 1.0, "value": 225800.0, "Latitude": 32.91, "Longitude": -117.15, "Population": 889.0}, {"index": 14512, "quantile": 0.0, "value": 110100.0, "Latitude": 32.91, "Longitude": -117.16, "Population": 1063.0}, {"index": 14512, "quantile": 0.25, "value": 180700.0, "Latitude": 32.91, "Longitude": -117.16, "Population": 1063.0}, {"index": 14512, "quantile": 0.5, "value": 228399.99999999997, "Latitude": 32.91, "Longitude": -117.16, "Population": 1063.0}, {"index": 14512, "quantile": 0.75, "value": 263600.0, "Latitude": 32.91, "Longitude": -117.16, "Population": 1063.0}, {"index": 14512, "quantile": 1.0, "value": 342400.0, "Latitude": 32.91, "Longitude": -117.16, "Population": 1063.0}, {"index": 14513, "quantile": 0.0, "value": 131500.0, "Latitude": 32.91, "Longitude": -117.15, "Population": 1598.0}, {"index": 14513, "quantile": 0.25, "value": 159950.0, "Latitude": 32.91, "Longitude": -117.15, "Population": 1598.0}, {"index": 14513, "quantile": 0.5, "value": 174800.0, "Latitude": 32.91, "Longitude": -117.15, "Population": 1598.0}, {"index": 14513, "quantile": 0.75, "value": 182050.0, "Latitude": 32.91, "Longitude": -117.15, "Population": 1598.0}, {"index": 14513, "quantile": 1.0, "value": 263700.0, "Latitude": 32.91, "Longitude": -117.15, "Population": 1598.0}, {"index": 14514, "quantile": 0.0, "value": 87500.0, "Latitude": 32.9, "Longitude": -117.15, "Population": 1050.0}, {"index": 14514, "quantile": 0.25, "value": 162100.0, "Latitude": 32.9, "Longitude": -117.15, "Population": 1050.0}, {"index": 14514, "quantile": 0.5, "value": 166700.0, "Latitude": 32.9, "Longitude": -117.15, "Population": 1050.0}, {"index": 14514, "quantile": 0.75, "value": 190650.0, "Latitude": 32.9, "Longitude": -117.15, "Population": 1050.0}, {"index": 14514, "quantile": 1.0, "value": 252700.0, "Latitude": 32.9, "Longitude": -117.15, "Population": 1050.0}, {"index": 14515, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 32.89, "Longitude": -117.16, "Population": 5006.0}, {"index": 14515, "quantile": 0.25, "value": 189100.0, "Latitude": 32.89, "Longitude": -117.16, "Population": 5006.0}, {"index": 14515, "quantile": 0.5, "value": 189100.0, "Latitude": 32.89, "Longitude": -117.16, "Population": 5006.0}, {"index": 14515, "quantile": 0.75, "value": 189100.0, "Latitude": 32.89, "Longitude": -117.16, "Population": 5006.0}, {"index": 14515, "quantile": 1.0, "value": 417500.0, "Latitude": 32.89, "Longitude": -117.16, "Population": 5006.0}, {"index": 14516, "quantile": 0.0, "value": 85800.0, "Latitude": 32.91, "Longitude": -117.12, "Population": 1742.0}, {"index": 14516, "quantile": 0.25, "value": 114399.99999999999, "Latitude": 32.91, "Longitude": -117.12, "Population": 1742.0}, {"index": 14516, "quantile": 0.5, "value": 147000.0, "Latitude": 32.91, "Longitude": -117.12, "Population": 1742.0}, {"index": 14516, "quantile": 0.75, "value": 160200.0, "Latitude": 32.91, "Longitude": -117.12, "Population": 1742.0}, {"index": 14516, "quantile": 1.0, "value": 268800.0, "Latitude": 32.91, "Longitude": -117.12, "Population": 1742.0}, {"index": 14517, "quantile": 0.0, "value": 135700.0, "Latitude": 32.91, "Longitude": -117.13, "Population": 747.0}, {"index": 14517, "quantile": 0.25, "value": 169575.0, "Latitude": 32.91, "Longitude": -117.13, "Population": 747.0}, {"index": 14517, "quantile": 0.5, "value": 196300.0, "Latitude": 32.91, "Longitude": -117.13, "Population": 747.0}, {"index": 14517, "quantile": 0.75, "value": 196300.0, "Latitude": 32.91, "Longitude": -117.13, "Population": 747.0}, {"index": 14517, "quantile": 1.0, "value": 362500.0, "Latitude": 32.91, "Longitude": -117.13, "Population": 747.0}, {"index": 14518, "quantile": 0.0, "value": 130000.0, "Latitude": 32.91, "Longitude": -117.13, "Population": 1825.0}, {"index": 14518, "quantile": 0.25, "value": 151200.0, "Latitude": 32.91, "Longitude": -117.13, "Population": 1825.0}, {"index": 14518, "quantile": 0.5, "value": 151200.0, "Latitude": 32.91, "Longitude": -117.13, "Population": 1825.0}, {"index": 14518, "quantile": 0.75, "value": 160300.0, "Latitude": 32.91, "Longitude": -117.13, "Population": 1825.0}, {"index": 14518, "quantile": 1.0, "value": 213400.0, "Latitude": 32.91, "Longitude": -117.13, "Population": 1825.0}, {"index": 14519, "quantile": 0.0, "value": 142000.0, "Latitude": 32.91, "Longitude": -117.13, "Population": 1619.0}, {"index": 14519, "quantile": 0.25, "value": 154700.0, "Latitude": 32.91, "Longitude": -117.13, "Population": 1619.0}, {"index": 14519, "quantile": 0.5, "value": 154700.0, "Latitude": 32.91, "Longitude": -117.13, "Population": 1619.0}, {"index": 14519, "quantile": 0.75, "value": 168225.0, "Latitude": 32.91, "Longitude": -117.13, "Population": 1619.0}, {"index": 14519, "quantile": 1.0, "value": 295900.0, "Latitude": 32.91, "Longitude": -117.13, "Population": 1619.0}, {"index": 14520, "quantile": 0.0, "value": 95600.0, "Latitude": 32.91, "Longitude": -117.14, "Population": 2165.0}, {"index": 14520, "quantile": 0.25, "value": 156275.0, "Latitude": 32.91, "Longitude": -117.14, "Population": 2165.0}, {"index": 14520, "quantile": 0.5, "value": 160300.0, "Latitude": 32.91, "Longitude": -117.14, "Population": 2165.0}, {"index": 14520, "quantile": 0.75, "value": 160300.0, "Latitude": 32.91, "Longitude": -117.14, "Population": 2165.0}, {"index": 14520, "quantile": 1.0, "value": 210000.0, "Latitude": 32.91, "Longitude": -117.14, "Population": 2165.0}, {"index": 14521, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 32.9, "Longitude": -117.14, "Population": 2054.0}, {"index": 14521, "quantile": 0.25, "value": 162100.0, "Latitude": 32.9, "Longitude": -117.14, "Population": 2054.0}, {"index": 14521, "quantile": 0.5, "value": 162100.0, "Latitude": 32.9, "Longitude": -117.14, "Population": 2054.0}, {"index": 14521, "quantile": 0.75, "value": 162100.0, "Latitude": 32.9, "Longitude": -117.14, "Population": 2054.0}, {"index": 14521, "quantile": 1.0, "value": 217400.0, "Latitude": 32.9, "Longitude": -117.14, "Population": 2054.0}, {"index": 14522, "quantile": 0.0, "value": 97400.0, "Latitude": 32.9, "Longitude": -117.13, "Population": 1798.0}, {"index": 14522, "quantile": 0.25, "value": 164350.0, "Latitude": 32.9, "Longitude": -117.13, "Population": 1798.0}, {"index": 14522, "quantile": 0.5, "value": 175200.0, "Latitude": 32.9, "Longitude": -117.13, "Population": 1798.0}, {"index": 14522, "quantile": 0.75, "value": 175200.0, "Latitude": 32.9, "Longitude": -117.13, "Population": 1798.0}, {"index": 14522, "quantile": 1.0, "value": 286600.0, "Latitude": 32.9, "Longitude": -117.13, "Population": 1798.0}, {"index": 14523, "quantile": 0.0, "value": 85800.0, "Latitude": 32.9, "Longitude": -117.12, "Population": 1929.0}, {"index": 14523, "quantile": 0.25, "value": 92500.0, "Latitude": 32.9, "Longitude": -117.12, "Population": 1929.0}, {"index": 14523, "quantile": 0.5, "value": 92500.0, "Latitude": 32.9, "Longitude": -117.12, "Population": 1929.0}, {"index": 14523, "quantile": 0.75, "value": 123600.0, "Latitude": 32.9, "Longitude": -117.12, "Population": 1929.0}, {"index": 14523, "quantile": 1.0, "value": 300000.0, "Latitude": 32.9, "Longitude": -117.12, "Population": 1929.0}, {"index": 14524, "quantile": 0.0, "value": 110700.0, "Latitude": 32.9, "Longitude": -117.12, "Population": 854.0}, {"index": 14524, "quantile": 0.25, "value": 166400.00000000003, "Latitude": 32.9, "Longitude": -117.12, "Population": 854.0}, {"index": 14524, "quantile": 0.5, "value": 188150.0, "Latitude": 32.9, "Longitude": -117.12, "Population": 854.0}, {"index": 14524, "quantile": 0.75, "value": 238425.00000000003, "Latitude": 32.9, "Longitude": -117.12, "Population": 854.0}, {"index": 14524, "quantile": 1.0, "value": 417500.0, "Latitude": 32.9, "Longitude": -117.12, "Population": 854.0}, {"index": 14525, "quantile": 0.0, "value": 116900.0, "Latitude": 32.92, "Longitude": -117.13, "Population": 1460.0}, {"index": 14525, "quantile": 0.25, "value": 168725.0, "Latitude": 32.92, "Longitude": -117.13, "Population": 1460.0}, {"index": 14525, "quantile": 0.5, "value": 169600.0, "Latitude": 32.92, "Longitude": -117.13, "Population": 1460.0}, {"index": 14525, "quantile": 0.75, "value": 169600.0, "Latitude": 32.92, "Longitude": -117.13, "Population": 1460.0}, {"index": 14525, "quantile": 1.0, "value": 205399.99999999997, "Latitude": 32.92, "Longitude": -117.13, "Population": 1460.0}, {"index": 14526, "quantile": 0.0, "value": 84200.0, "Latitude": 32.92, "Longitude": -117.13, "Population": 1002.0}, {"index": 14526, "quantile": 0.25, "value": 150400.0, "Latitude": 32.92, "Longitude": -117.13, "Population": 1002.0}, {"index": 14526, "quantile": 0.5, "value": 163400.0, "Latitude": 32.92, "Longitude": -117.13, "Population": 1002.0}, {"index": 14526, "quantile": 0.75, "value": 163400.0, "Latitude": 32.92, "Longitude": -117.13, "Population": 1002.0}, {"index": 14526, "quantile": 1.0, "value": 187700.0, "Latitude": 32.92, "Longitude": -117.13, "Population": 1002.0}, {"index": 14527, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 32.92, "Longitude": -117.14, "Population": 766.0}, {"index": 14527, "quantile": 0.25, "value": 129200.0, "Latitude": 32.92, "Longitude": -117.14, "Population": 766.0}, {"index": 14527, "quantile": 0.5, "value": 153050.0, "Latitude": 32.92, "Longitude": -117.14, "Population": 766.0}, {"index": 14527, "quantile": 0.75, "value": 187500.0, "Latitude": 32.92, "Longitude": -117.14, "Population": 766.0}, {"index": 14527, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.92, "Longitude": -117.14, "Population": 766.0}, {"index": 14528, "quantile": 0.0, "value": 108300.0, "Latitude": 32.92, "Longitude": -117.14, "Population": 1541.0}, {"index": 14528, "quantile": 0.25, "value": 132500.0, "Latitude": 32.92, "Longitude": -117.14, "Population": 1541.0}, {"index": 14528, "quantile": 0.5, "value": 132500.0, "Latitude": 32.92, "Longitude": -117.14, "Population": 1541.0}, {"index": 14528, "quantile": 0.75, "value": 159725.0, "Latitude": 32.92, "Longitude": -117.14, "Population": 1541.0}, {"index": 14528, "quantile": 1.0, "value": 281600.0, "Latitude": 32.92, "Longitude": -117.14, "Population": 1541.0}, {"index": 14529, "quantile": 0.0, "value": 143400.0, "Latitude": 32.92, "Longitude": -117.14, "Population": 1936.0}, {"index": 14529, "quantile": 0.25, "value": 184700.0, "Latitude": 32.92, "Longitude": -117.14, "Population": 1936.0}, {"index": 14529, "quantile": 0.5, "value": 184700.0, "Latitude": 32.92, "Longitude": -117.14, "Population": 1936.0}, {"index": 14529, "quantile": 0.75, "value": 184700.0, "Latitude": 32.92, "Longitude": -117.14, "Population": 1936.0}, {"index": 14529, "quantile": 1.0, "value": 264000.0, "Latitude": 32.92, "Longitude": -117.14, "Population": 1936.0}, {"index": 14530, "quantile": 0.0, "value": 138900.0, "Latitude": 32.92, "Longitude": -117.13, "Population": 917.0}, {"index": 14530, "quantile": 0.25, "value": 174800.0, "Latitude": 32.92, "Longitude": -117.13, "Population": 917.0}, {"index": 14530, "quantile": 0.5, "value": 191100.0, "Latitude": 32.92, "Longitude": -117.13, "Population": 917.0}, {"index": 14530, "quantile": 0.75, "value": 191100.0, "Latitude": 32.92, "Longitude": -117.13, "Population": 917.0}, {"index": 14530, "quantile": 1.0, "value": 191100.0, "Latitude": 32.92, "Longitude": -117.13, "Population": 917.0}, {"index": 14531, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 32.92, "Longitude": -117.13, "Population": 893.0}, {"index": 14531, "quantile": 0.25, "value": 192300.0, "Latitude": 32.92, "Longitude": -117.13, "Population": 893.0}, {"index": 14531, "quantile": 0.5, "value": 192300.0, "Latitude": 32.92, "Longitude": -117.13, "Population": 893.0}, {"index": 14531, "quantile": 0.75, "value": 195600.0, "Latitude": 32.92, "Longitude": -117.13, "Population": 893.0}, {"index": 14531, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.92, "Longitude": -117.13, "Population": 893.0}, {"index": 14532, "quantile": 0.0, "value": 132600.0, "Latitude": 32.94, "Longitude": -117.13, "Population": 2797.0}, {"index": 14532, "quantile": 0.25, "value": 169475.0, "Latitude": 32.94, "Longitude": -117.13, "Population": 2797.0}, {"index": 14532, "quantile": 0.5, "value": 182300.0, "Latitude": 32.94, "Longitude": -117.13, "Population": 2797.0}, {"index": 14532, "quantile": 0.75, "value": 184700.0, "Latitude": 32.94, "Longitude": -117.13, "Population": 2797.0}, {"index": 14532, "quantile": 1.0, "value": 347700.0, "Latitude": 32.94, "Longitude": -117.13, "Population": 2797.0}, {"index": 14533, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 32.93, "Longitude": -117.13, "Population": 1697.0}, {"index": 14533, "quantile": 0.25, "value": 168400.0, "Latitude": 32.93, "Longitude": -117.13, "Population": 1697.0}, {"index": 14533, "quantile": 0.5, "value": 182900.0, "Latitude": 32.93, "Longitude": -117.13, "Population": 1697.0}, {"index": 14533, "quantile": 0.75, "value": 192300.0, "Latitude": 32.93, "Longitude": -117.13, "Population": 1697.0}, {"index": 14533, "quantile": 1.0, "value": 336900.0, "Latitude": 32.93, "Longitude": -117.13, "Population": 1697.0}, {"index": 14534, "quantile": 0.0, "value": 87500.0, "Latitude": 32.93, "Longitude": -117.14, "Population": 1205.0}, {"index": 14534, "quantile": 0.25, "value": 155575.0, "Latitude": 32.93, "Longitude": -117.14, "Population": 1205.0}, {"index": 14534, "quantile": 0.5, "value": 166400.00000000003, "Latitude": 32.93, "Longitude": -117.14, "Population": 1205.0}, {"index": 14534, "quantile": 0.75, "value": 193125.0, "Latitude": 32.93, "Longitude": -117.14, "Population": 1205.0}, {"index": 14534, "quantile": 1.0, "value": 295900.0, "Latitude": 32.93, "Longitude": -117.14, "Population": 1205.0}, {"index": 14535, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 32.93, "Longitude": -117.14, "Population": 1009.0}, {"index": 14535, "quantile": 0.25, "value": 166700.0, "Latitude": 32.93, "Longitude": -117.14, "Population": 1009.0}, {"index": 14535, "quantile": 0.5, "value": 166700.0, "Latitude": 32.93, "Longitude": -117.14, "Population": 1009.0}, {"index": 14535, "quantile": 0.75, "value": 166700.0, "Latitude": 32.93, "Longitude": -117.14, "Population": 1009.0}, {"index": 14535, "quantile": 1.0, "value": 294600.0, "Latitude": 32.93, "Longitude": -117.14, "Population": 1009.0}, {"index": 14536, "quantile": 0.0, "value": 116900.0, "Latitude": 32.93, "Longitude": -117.14, "Population": 1612.0}, {"index": 14536, "quantile": 0.25, "value": 171100.0, "Latitude": 32.93, "Longitude": -117.14, "Population": 1612.0}, {"index": 14536, "quantile": 0.5, "value": 171100.0, "Latitude": 32.93, "Longitude": -117.14, "Population": 1612.0}, {"index": 14536, "quantile": 0.75, "value": 171100.0, "Latitude": 32.93, "Longitude": -117.14, "Population": 1612.0}, {"index": 14536, "quantile": 1.0, "value": 191100.0, "Latitude": 32.93, "Longitude": -117.14, "Population": 1612.0}, {"index": 14537, "quantile": 0.0, "value": 140700.0, "Latitude": 32.93, "Longitude": -117.12, "Population": 927.0}, {"index": 14537, "quantile": 0.25, "value": 168400.0, "Latitude": 32.93, "Longitude": -117.12, "Population": 927.0}, {"index": 14537, "quantile": 0.5, "value": 218900.0, "Latitude": 32.93, "Longitude": -117.12, "Population": 927.0}, {"index": 14537, "quantile": 0.75, "value": 218900.0, "Latitude": 32.93, "Longitude": -117.12, "Population": 927.0}, {"index": 14537, "quantile": 1.0, "value": 264400.0, "Latitude": 32.93, "Longitude": -117.12, "Population": 927.0}, {"index": 14538, "quantile": 0.0, "value": 142200.0, "Latitude": 32.93, "Longitude": -117.15, "Population": 1515.0}, {"index": 14538, "quantile": 0.25, "value": 171500.0, "Latitude": 32.93, "Longitude": -117.15, "Population": 1515.0}, {"index": 14538, "quantile": 0.5, "value": 185300.0, "Latitude": 32.93, "Longitude": -117.15, "Population": 1515.0}, {"index": 14538, "quantile": 0.75, "value": 185300.0, "Latitude": 32.93, "Longitude": -117.15, "Population": 1515.0}, {"index": 14538, "quantile": 1.0, "value": 347700.0, "Latitude": 32.93, "Longitude": -117.15, "Population": 1515.0}, {"index": 14539, "quantile": 0.0, "value": 110900.0, "Latitude": 32.92, "Longitude": -117.14, "Population": 949.0}, {"index": 14539, "quantile": 0.25, "value": 174400.0, "Latitude": 32.92, "Longitude": -117.14, "Population": 949.0}, {"index": 14539, "quantile": 0.5, "value": 174400.0, "Latitude": 32.92, "Longitude": -117.14, "Population": 949.0}, {"index": 14539, "quantile": 0.75, "value": 174400.0, "Latitude": 32.92, "Longitude": -117.14, "Population": 949.0}, {"index": 14539, "quantile": 1.0, "value": 273500.0, "Latitude": 32.92, "Longitude": -117.14, "Population": 949.0}, {"index": 14540, "quantile": 0.0, "value": 79300.0, "Latitude": 32.92, "Longitude": -117.15, "Population": 1377.0}, {"index": 14540, "quantile": 0.25, "value": 160500.0, "Latitude": 32.92, "Longitude": -117.15, "Population": 1377.0}, {"index": 14540, "quantile": 0.5, "value": 169600.0, "Latitude": 32.92, "Longitude": -117.15, "Population": 1377.0}, {"index": 14540, "quantile": 0.75, "value": 183350.0, "Latitude": 32.92, "Longitude": -117.15, "Population": 1377.0}, {"index": 14540, "quantile": 1.0, "value": 250000.0, "Latitude": 32.92, "Longitude": -117.15, "Population": 1377.0}, {"index": 14541, "quantile": 0.0, "value": 151500.0, "Latitude": 32.92, "Longitude": -117.15, "Population": 1482.0}, {"index": 14541, "quantile": 0.25, "value": 174800.0, "Latitude": 32.92, "Longitude": -117.15, "Population": 1482.0}, {"index": 14541, "quantile": 0.5, "value": 182900.0, "Latitude": 32.92, "Longitude": -117.15, "Population": 1482.0}, {"index": 14541, "quantile": 0.75, "value": 182900.0, "Latitude": 32.92, "Longitude": -117.15, "Population": 1482.0}, {"index": 14541, "quantile": 1.0, "value": 263700.0, "Latitude": 32.92, "Longitude": -117.15, "Population": 1482.0}, {"index": 14542, "quantile": 0.0, "value": 125400.0, "Latitude": 32.92, "Longitude": -117.15, "Population": 1594.0}, {"index": 14542, "quantile": 0.25, "value": 168300.0, "Latitude": 32.92, "Longitude": -117.15, "Population": 1594.0}, {"index": 14542, "quantile": 0.5, "value": 168300.0, "Latitude": 32.92, "Longitude": -117.15, "Population": 1594.0}, {"index": 14542, "quantile": 0.75, "value": 171100.0, "Latitude": 32.92, "Longitude": -117.15, "Population": 1594.0}, {"index": 14542, "quantile": 1.0, "value": 353000.0, "Latitude": 32.92, "Longitude": -117.15, "Population": 1594.0}, {"index": 14543, "quantile": 0.0, "value": 151400.0, "Latitude": 32.92, "Longitude": -117.18, "Population": 7560.0}, {"index": 14543, "quantile": 0.25, "value": 210700.00000000003, "Latitude": 32.92, "Longitude": -117.18, "Population": 7560.0}, {"index": 14543, "quantile": 0.5, "value": 210700.00000000003, "Latitude": 32.92, "Longitude": -117.18, "Population": 7560.0}, {"index": 14543, "quantile": 0.75, "value": 210700.00000000003, "Latitude": 32.92, "Longitude": -117.18, "Population": 7560.0}, {"index": 14543, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.92, "Longitude": -117.18, "Population": 7560.0}, {"index": 14544, "quantile": 0.0, "value": 244800.0, "Latitude": 32.96, "Longitude": -117.25, "Population": 1970.0}, {"index": 14544, "quantile": 0.25, "value": 308600.0, "Latitude": 32.96, "Longitude": -117.25, "Population": 1970.0}, {"index": 14544, "quantile": 0.5, "value": 406200.0, "Latitude": 32.96, "Longitude": -117.25, "Population": 1970.0}, {"index": 14544, "quantile": 0.75, "value": 406200.0, "Latitude": 32.96, "Longitude": -117.25, "Population": 1970.0}, {"index": 14544, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.96, "Longitude": -117.25, "Population": 1970.0}, {"index": 14545, "quantile": 0.0, "value": 147800.0, "Latitude": 32.95, "Longitude": -117.26, "Population": 395.0}, {"index": 14545, "quantile": 0.25, "value": 278000.0, "Latitude": 32.95, "Longitude": -117.26, "Population": 395.0}, {"index": 14545, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.95, "Longitude": -117.26, "Population": 395.0}, {"index": 14545, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.95, "Longitude": -117.26, "Population": 395.0}, {"index": 14545, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.95, "Longitude": -117.26, "Population": 395.0}, {"index": 14546, "quantile": 0.0, "value": 240200.0, "Latitude": 32.95, "Longitude": -117.26, "Population": 704.0}, {"index": 14546, "quantile": 0.25, "value": 314325.0, "Latitude": 32.95, "Longitude": -117.26, "Population": 704.0}, {"index": 14546, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.95, "Longitude": -117.26, "Population": 704.0}, {"index": 14546, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.95, "Longitude": -117.26, "Population": 704.0}, {"index": 14546, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.95, "Longitude": -117.26, "Population": 704.0}, {"index": 14547, "quantile": 0.0, "value": 204199.99999999997, "Latitude": 32.94, "Longitude": -117.25, "Population": 1829.0}, {"index": 14547, "quantile": 0.25, "value": 322500.0, "Latitude": 32.94, "Longitude": -117.25, "Population": 1829.0}, {"index": 14547, "quantile": 0.5, "value": 367950.0, "Latitude": 32.94, "Longitude": -117.25, "Population": 1829.0}, {"index": 14547, "quantile": 0.75, "value": 387750.0, "Latitude": 32.94, "Longitude": -117.25, "Population": 1829.0}, {"index": 14547, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.94, "Longitude": -117.25, "Population": 1829.0}, {"index": 14548, "quantile": 0.0, "value": 226799.99999999997, "Latitude": 32.94, "Longitude": -117.25, "Population": 673.0}, {"index": 14548, "quantile": 0.25, "value": 370500.0, "Latitude": 32.94, "Longitude": -117.25, "Population": 673.0}, {"index": 14548, "quantile": 0.5, "value": 370500.0, "Latitude": 32.94, "Longitude": -117.25, "Population": 673.0}, {"index": 14548, "quantile": 0.75, "value": 370500.0, "Latitude": 32.94, "Longitude": -117.25, "Population": 673.0}, {"index": 14548, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.94, "Longitude": -117.25, "Population": 673.0}, {"index": 14549, "quantile": 0.0, "value": 177400.0, "Latitude": 32.95, "Longitude": -117.24, "Population": 547.0}, {"index": 14549, "quantile": 0.25, "value": 329300.0, "Latitude": 32.95, "Longitude": -117.24, "Population": 547.0}, {"index": 14549, "quantile": 0.5, "value": 329300.0, "Latitude": 32.95, "Longitude": -117.24, "Population": 547.0}, {"index": 14549, "quantile": 0.75, "value": 370500.0, "Latitude": 32.95, "Longitude": -117.24, "Population": 547.0}, {"index": 14549, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.95, "Longitude": -117.24, "Population": 547.0}, {"index": 14550, "quantile": 0.0, "value": 47500.0, "Latitude": 32.94, "Longitude": -117.24, "Population": 792.0}, {"index": 14550, "quantile": 0.25, "value": 259800.0, "Latitude": 32.94, "Longitude": -117.24, "Population": 792.0}, {"index": 14550, "quantile": 0.5, "value": 294400.0, "Latitude": 32.94, "Longitude": -117.24, "Population": 792.0}, {"index": 14550, "quantile": 0.75, "value": 294400.0, "Latitude": 32.94, "Longitude": -117.24, "Population": 792.0}, {"index": 14550, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.94, "Longitude": -117.24, "Population": 792.0}, {"index": 14551, "quantile": 0.0, "value": 110100.0, "Latitude": 32.98, "Longitude": -117.13, "Population": 1158.0}, {"index": 14551, "quantile": 0.25, "value": 238600.0, "Latitude": 32.98, "Longitude": -117.13, "Population": 1158.0}, {"index": 14551, "quantile": 0.5, "value": 249500.0, "Latitude": 32.98, "Longitude": -117.13, "Population": 1158.0}, {"index": 14551, "quantile": 0.75, "value": 281700.0, "Latitude": 32.98, "Longitude": -117.13, "Population": 1158.0}, {"index": 14551, "quantile": 1.0, "value": 480800.0, "Latitude": 32.98, "Longitude": -117.13, "Population": 1158.0}, {"index": 14552, "quantile": 0.0, "value": 180700.0, "Latitude": 32.97, "Longitude": -117.13, "Population": 1700.0}, {"index": 14552, "quantile": 0.25, "value": 249500.0, "Latitude": 32.97, "Longitude": -117.13, "Population": 1700.0}, {"index": 14552, "quantile": 0.5, "value": 249500.0, "Latitude": 32.97, "Longitude": -117.13, "Population": 1700.0}, {"index": 14552, "quantile": 0.75, "value": 249500.0, "Latitude": 32.97, "Longitude": -117.13, "Population": 1700.0}, {"index": 14552, "quantile": 1.0, "value": 480800.0, "Latitude": 32.97, "Longitude": -117.13, "Population": 1700.0}, {"index": 14553, "quantile": 0.0, "value": 138200.0, "Latitude": 32.95, "Longitude": -117.18, "Population": 8980.0}, {"index": 14553, "quantile": 0.25, "value": 223200.00000000003, "Latitude": 32.95, "Longitude": -117.18, "Population": 8980.0}, {"index": 14553, "quantile": 0.5, "value": 295300.00000000006, "Latitude": 32.95, "Longitude": -117.18, "Population": 8980.0}, {"index": 14553, "quantile": 0.75, "value": 362500.0, "Latitude": 32.95, "Longitude": -117.18, "Population": 8980.0}, {"index": 14553, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.95, "Longitude": -117.18, "Population": 8980.0}, {"index": 14554, "quantile": 0.0, "value": 204100.0, "Latitude": 32.96, "Longitude": -117.14, "Population": 2936.0}, {"index": 14554, "quantile": 0.25, "value": 241500.0, "Latitude": 32.96, "Longitude": -117.14, "Population": 2936.0}, {"index": 14554, "quantile": 0.5, "value": 241500.0, "Latitude": 32.96, "Longitude": -117.14, "Population": 2936.0}, {"index": 14554, "quantile": 0.75, "value": 249125.0, "Latitude": 32.96, "Longitude": -117.14, "Population": 2936.0}, {"index": 14554, "quantile": 1.0, "value": 480800.0, "Latitude": 32.96, "Longitude": -117.14, "Population": 2936.0}, {"index": 14555, "quantile": 0.0, "value": 196600.0, "Latitude": 32.96, "Longitude": -117.13, "Population": 1180.0}, {"index": 14555, "quantile": 0.25, "value": 240200.0, "Latitude": 32.96, "Longitude": -117.13, "Population": 1180.0}, {"index": 14555, "quantile": 0.5, "value": 240200.0, "Latitude": 32.96, "Longitude": -117.13, "Population": 1180.0}, {"index": 14555, "quantile": 0.75, "value": 266399.99999999994, "Latitude": 32.96, "Longitude": -117.13, "Population": 1180.0}, {"index": 14555, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.96, "Longitude": -117.13, "Population": 1180.0}, {"index": 14556, "quantile": 0.0, "value": 237400.0, "Latitude": 32.98, "Longitude": -117.24, "Population": 2607.0}, {"index": 14556, "quantile": 0.25, "value": 337000.0, "Latitude": 32.98, "Longitude": -117.24, "Population": 2607.0}, {"index": 14556, "quantile": 0.5, "value": 337000.0, "Latitude": 32.98, "Longitude": -117.24, "Population": 2607.0}, {"index": 14556, "quantile": 0.75, "value": 337825.0, "Latitude": 32.98, "Longitude": -117.24, "Population": 2607.0}, {"index": 14556, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.98, "Longitude": -117.24, "Population": 2607.0}, {"index": 14557, "quantile": 0.0, "value": 173200.0, "Latitude": 32.96, "Longitude": -117.21, "Population": 2330.0}, {"index": 14557, "quantile": 0.25, "value": 354700.0, "Latitude": 32.96, "Longitude": -117.21, "Population": 2330.0}, {"index": 14557, "quantile": 0.5, "value": 406300.0, "Latitude": 32.96, "Longitude": -117.21, "Population": 2330.0}, {"index": 14557, "quantile": 0.75, "value": 434700.00000000006, "Latitude": 32.96, "Longitude": -117.21, "Population": 2330.0}, {"index": 14557, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.96, "Longitude": -117.21, "Population": 2330.0}, {"index": 14558, "quantile": 0.0, "value": 177400.0, "Latitude": 32.95, "Longitude": -117.22, "Population": 7301.0}, {"index": 14558, "quantile": 0.25, "value": 322500.0, "Latitude": 32.95, "Longitude": -117.22, "Population": 7301.0}, {"index": 14558, "quantile": 0.5, "value": 322500.0, "Latitude": 32.95, "Longitude": -117.22, "Population": 7301.0}, {"index": 14558, "quantile": 0.75, "value": 322500.0, "Latitude": 32.95, "Longitude": -117.22, "Population": 7301.0}, {"index": 14558, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.95, "Longitude": -117.22, "Population": 7301.0}, {"index": 14559, "quantile": 0.0, "value": 107200.0, "Latitude": 32.83, "Longitude": -117.22, "Population": 1512.0}, {"index": 14559, "quantile": 0.25, "value": 172300.0, "Latitude": 32.83, "Longitude": -117.22, "Population": 1512.0}, {"index": 14559, "quantile": 0.5, "value": 176900.0, "Latitude": 32.83, "Longitude": -117.22, "Population": 1512.0}, {"index": 14559, "quantile": 0.75, "value": 176900.0, "Latitude": 32.83, "Longitude": -117.22, "Population": 1512.0}, {"index": 14559, "quantile": 1.0, "value": 362500.0, "Latitude": 32.83, "Longitude": -117.22, "Population": 1512.0}, {"index": 14560, "quantile": 0.0, "value": 105300.0, "Latitude": 32.83, "Longitude": -117.22, "Population": 1924.0}, {"index": 14560, "quantile": 0.25, "value": 190200.0, "Latitude": 32.83, "Longitude": -117.22, "Population": 1924.0}, {"index": 14560, "quantile": 0.5, "value": 190200.0, "Latitude": 32.83, "Longitude": -117.22, "Population": 1924.0}, {"index": 14560, "quantile": 0.75, "value": 239425.0, "Latitude": 32.83, "Longitude": -117.22, "Population": 1924.0}, {"index": 14560, "quantile": 1.0, "value": 409800.0, "Latitude": 32.83, "Longitude": -117.22, "Population": 1924.0}, {"index": 14561, "quantile": 0.0, "value": 102800.0, "Latitude": 32.83, "Longitude": -117.22, "Population": 553.0}, {"index": 14561, "quantile": 0.25, "value": 237300.00000000003, "Latitude": 32.83, "Longitude": -117.22, "Population": 553.0}, {"index": 14561, "quantile": 0.5, "value": 237300.00000000003, "Latitude": 32.83, "Longitude": -117.22, "Population": 553.0}, {"index": 14561, "quantile": 0.75, "value": 237300.00000000003, "Latitude": 32.83, "Longitude": -117.22, "Population": 553.0}, {"index": 14561, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.22, "Population": 553.0}, {"index": 14562, "quantile": 0.0, "value": 84000.0, "Latitude": 32.83, "Longitude": -117.22, "Population": 1164.0}, {"index": 14562, "quantile": 0.25, "value": 163000.0, "Latitude": 32.83, "Longitude": -117.22, "Population": 1164.0}, {"index": 14562, "quantile": 0.5, "value": 175900.0, "Latitude": 32.83, "Longitude": -117.22, "Population": 1164.0}, {"index": 14562, "quantile": 0.75, "value": 212000.0, "Latitude": 32.83, "Longitude": -117.22, "Population": 1164.0}, {"index": 14562, "quantile": 1.0, "value": 367100.0, "Latitude": 32.83, "Longitude": -117.22, "Population": 1164.0}, {"index": 14563, "quantile": 0.0, "value": 67500.0, "Latitude": 32.82, "Longitude": -117.22, "Population": 423.0}, {"index": 14563, "quantile": 0.25, "value": 137425.0, "Latitude": 32.82, "Longitude": -117.22, "Population": 423.0}, {"index": 14563, "quantile": 0.5, "value": 160400.0, "Latitude": 32.82, "Longitude": -117.22, "Population": 423.0}, {"index": 14563, "quantile": 0.75, "value": 178300.0, "Latitude": 32.82, "Longitude": -117.22, "Population": 423.0}, {"index": 14563, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.22, "Population": 423.0}, {"index": 14564, "quantile": 0.0, "value": 128400.0, "Latitude": 32.84, "Longitude": -117.2, "Population": 1583.0}, {"index": 14564, "quantile": 0.25, "value": 187700.0, "Latitude": 32.84, "Longitude": -117.2, "Population": 1583.0}, {"index": 14564, "quantile": 0.5, "value": 187700.0, "Latitude": 32.84, "Longitude": -117.2, "Population": 1583.0}, {"index": 14564, "quantile": 0.75, "value": 188275.0, "Latitude": 32.84, "Longitude": -117.2, "Population": 1583.0}, {"index": 14564, "quantile": 1.0, "value": 343200.0, "Latitude": 32.84, "Longitude": -117.2, "Population": 1583.0}, {"index": 14565, "quantile": 0.0, "value": 125000.0, "Latitude": 32.84, "Longitude": -117.2, "Population": 989.0}, {"index": 14565, "quantile": 0.25, "value": 161650.0, "Latitude": 32.84, "Longitude": -117.2, "Population": 989.0}, {"index": 14565, "quantile": 0.5, "value": 172000.0, "Latitude": 32.84, "Longitude": -117.2, "Population": 989.0}, {"index": 14565, "quantile": 0.75, "value": 176900.0, "Latitude": 32.84, "Longitude": -117.2, "Population": 989.0}, {"index": 14565, "quantile": 1.0, "value": 367100.0, "Latitude": 32.84, "Longitude": -117.2, "Population": 989.0}, {"index": 14566, "quantile": 0.0, "value": 133900.0, "Latitude": 32.84, "Longitude": -117.21, "Population": 1046.0}, {"index": 14566, "quantile": 0.25, "value": 182100.0, "Latitude": 32.84, "Longitude": -117.21, "Population": 1046.0}, {"index": 14566, "quantile": 0.5, "value": 182100.0, "Latitude": 32.84, "Longitude": -117.21, "Population": 1046.0}, {"index": 14566, "quantile": 0.75, "value": 182100.0, "Latitude": 32.84, "Longitude": -117.21, "Population": 1046.0}, {"index": 14566, "quantile": 1.0, "value": 264000.0, "Latitude": 32.84, "Longitude": -117.21, "Population": 1046.0}, {"index": 14567, "quantile": 0.0, "value": 103099.99999999999, "Latitude": 32.83, "Longitude": -117.2, "Population": 623.0}, {"index": 14567, "quantile": 0.25, "value": 174925.0, "Latitude": 32.83, "Longitude": -117.2, "Population": 623.0}, {"index": 14567, "quantile": 0.5, "value": 176000.0, "Latitude": 32.83, "Longitude": -117.2, "Population": 623.0}, {"index": 14567, "quantile": 0.75, "value": 176000.0, "Latitude": 32.83, "Longitude": -117.2, "Population": 623.0}, {"index": 14567, "quantile": 1.0, "value": 360300.0, "Latitude": 32.83, "Longitude": -117.2, "Population": 623.0}, {"index": 14568, "quantile": 0.0, "value": 108300.0, "Latitude": 32.83, "Longitude": -117.21, "Population": 806.0}, {"index": 14568, "quantile": 0.25, "value": 166000.0, "Latitude": 32.83, "Longitude": -117.21, "Population": 806.0}, {"index": 14568, "quantile": 0.5, "value": 166000.0, "Latitude": 32.83, "Longitude": -117.21, "Population": 806.0}, {"index": 14568, "quantile": 0.75, "value": 166350.0, "Latitude": 32.83, "Longitude": -117.21, "Population": 806.0}, {"index": 14568, "quantile": 1.0, "value": 362500.0, "Latitude": 32.83, "Longitude": -117.21, "Population": 806.0}, {"index": 14569, "quantile": 0.0, "value": 170000.0, "Latitude": 32.83, "Longitude": -117.21, "Population": 1334.0}, {"index": 14569, "quantile": 0.25, "value": 199600.0, "Latitude": 32.83, "Longitude": -117.21, "Population": 1334.0}, {"index": 14569, "quantile": 0.5, "value": 199600.0, "Latitude": 32.83, "Longitude": -117.21, "Population": 1334.0}, {"index": 14569, "quantile": 0.75, "value": 199600.0, "Latitude": 32.83, "Longitude": -117.21, "Population": 1334.0}, {"index": 14569, "quantile": 1.0, "value": 394400.0, "Latitude": 32.83, "Longitude": -117.21, "Population": 1334.0}, {"index": 14570, "quantile": 0.0, "value": 95600.0, "Latitude": 32.83, "Longitude": -117.21, "Population": 1340.0}, {"index": 14570, "quantile": 0.25, "value": 162375.0, "Latitude": 32.83, "Longitude": -117.21, "Population": 1340.0}, {"index": 14570, "quantile": 0.5, "value": 166000.0, "Latitude": 32.83, "Longitude": -117.21, "Population": 1340.0}, {"index": 14570, "quantile": 0.75, "value": 169800.0, "Latitude": 32.83, "Longitude": -117.21, "Population": 1340.0}, {"index": 14570, "quantile": 1.0, "value": 362500.0, "Latitude": 32.83, "Longitude": -117.21, "Population": 1340.0}, {"index": 14571, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 32.81, "Longitude": -117.21, "Population": 1954.0}, {"index": 14571, "quantile": 0.25, "value": 241600.0, "Latitude": 32.81, "Longitude": -117.21, "Population": 1954.0}, {"index": 14571, "quantile": 0.5, "value": 291200.0, "Latitude": 32.81, "Longitude": -117.21, "Population": 1954.0}, {"index": 14571, "quantile": 0.75, "value": 376800.0, "Latitude": 32.81, "Longitude": -117.21, "Population": 1954.0}, {"index": 14571, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.81, "Longitude": -117.21, "Population": 1954.0}, {"index": 14572, "quantile": 0.0, "value": 143100.0, "Latitude": 32.82, "Longitude": -117.21, "Population": 866.0}, {"index": 14572, "quantile": 0.25, "value": 212000.0, "Latitude": 32.82, "Longitude": -117.21, "Population": 866.0}, {"index": 14572, "quantile": 0.5, "value": 212000.0, "Latitude": 32.82, "Longitude": -117.21, "Population": 866.0}, {"index": 14572, "quantile": 0.75, "value": 212000.0, "Latitude": 32.82, "Longitude": -117.21, "Population": 866.0}, {"index": 14572, "quantile": 1.0, "value": 367100.0, "Latitude": 32.82, "Longitude": -117.21, "Population": 866.0}, {"index": 14573, "quantile": 0.0, "value": 158200.0, "Latitude": 32.81, "Longitude": -117.21, "Population": 495.0}, {"index": 14573, "quantile": 0.25, "value": 283800.0, "Latitude": 32.81, "Longitude": -117.21, "Population": 495.0}, {"index": 14573, "quantile": 0.5, "value": 283800.0, "Latitude": 32.81, "Longitude": -117.21, "Population": 495.0}, {"index": 14573, "quantile": 0.75, "value": 283800.0, "Latitude": 32.81, "Longitude": -117.21, "Population": 495.0}, {"index": 14573, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.81, "Longitude": -117.21, "Population": 495.0}, {"index": 14574, "quantile": 0.0, "value": 101800.0, "Latitude": 32.82, "Longitude": -117.22, "Population": 1476.0}, {"index": 14574, "quantile": 0.25, "value": 291400.0, "Latitude": 32.82, "Longitude": -117.22, "Population": 1476.0}, {"index": 14574, "quantile": 0.5, "value": 303100.0, "Latitude": 32.82, "Longitude": -117.22, "Population": 1476.0}, {"index": 14574, "quantile": 0.75, "value": 303100.0, "Latitude": 32.82, "Longitude": -117.22, "Population": 1476.0}, {"index": 14574, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.22, "Population": 1476.0}, {"index": 14575, "quantile": 0.0, "value": 40000.0, "Latitude": 32.81, "Longitude": -117.22, "Population": 335.0}, {"index": 14575, "quantile": 0.25, "value": 295425.0, "Latitude": 32.81, "Longitude": -117.22, "Population": 335.0}, {"index": 14575, "quantile": 0.5, "value": 362500.0, "Latitude": 32.81, "Longitude": -117.22, "Population": 335.0}, {"index": 14575, "quantile": 0.75, "value": 362500.0, "Latitude": 32.81, "Longitude": -117.22, "Population": 335.0}, {"index": 14575, "quantile": 1.0, "value": 455000.0, "Latitude": 32.81, "Longitude": -117.22, "Population": 335.0}, {"index": 14576, "quantile": 0.0, "value": 87500.0, "Latitude": 32.83, "Longitude": -117.2, "Population": 792.0}, {"index": 14576, "quantile": 0.25, "value": 140350.0, "Latitude": 32.83, "Longitude": -117.2, "Population": 792.0}, {"index": 14576, "quantile": 0.5, "value": 176000.0, "Latitude": 32.83, "Longitude": -117.2, "Population": 792.0}, {"index": 14576, "quantile": 0.75, "value": 214299.99999999997, "Latitude": 32.83, "Longitude": -117.2, "Population": 792.0}, {"index": 14576, "quantile": 1.0, "value": 488900.0, "Latitude": 32.83, "Longitude": -117.2, "Population": 792.0}, {"index": 14577, "quantile": 0.0, "value": 107200.0, "Latitude": 32.82, "Longitude": -117.2, "Population": 643.0}, {"index": 14577, "quantile": 0.25, "value": 171600.0, "Latitude": 32.82, "Longitude": -117.2, "Population": 643.0}, {"index": 14577, "quantile": 0.5, "value": 171600.0, "Latitude": 32.82, "Longitude": -117.2, "Population": 643.0}, {"index": 14577, "quantile": 0.75, "value": 171700.0, "Latitude": 32.82, "Longitude": -117.2, "Population": 643.0}, {"index": 14577, "quantile": 1.0, "value": 362500.0, "Latitude": 32.82, "Longitude": -117.2, "Population": 643.0}, {"index": 14578, "quantile": 0.0, "value": 133800.0, "Latitude": 32.82, "Longitude": -117.2, "Population": 1392.0}, {"index": 14578, "quantile": 0.25, "value": 172300.0, "Latitude": 32.82, "Longitude": -117.2, "Population": 1392.0}, {"index": 14578, "quantile": 0.5, "value": 172300.0, "Latitude": 32.82, "Longitude": -117.2, "Population": 1392.0}, {"index": 14578, "quantile": 0.75, "value": 172300.0, "Latitude": 32.82, "Longitude": -117.2, "Population": 1392.0}, {"index": 14578, "quantile": 1.0, "value": 394400.0, "Latitude": 32.82, "Longitude": -117.2, "Population": 1392.0}, {"index": 14579, "quantile": 0.0, "value": 134500.0, "Latitude": 32.82, "Longitude": -117.19, "Population": 1619.0}, {"index": 14579, "quantile": 0.25, "value": 192900.0, "Latitude": 32.82, "Longitude": -117.19, "Population": 1619.0}, {"index": 14579, "quantile": 0.5, "value": 214400.0, "Latitude": 32.82, "Longitude": -117.19, "Population": 1619.0}, {"index": 14579, "quantile": 0.75, "value": 264200.0, "Latitude": 32.82, "Longitude": -117.19, "Population": 1619.0}, {"index": 14579, "quantile": 1.0, "value": 453700.0, "Latitude": 32.82, "Longitude": -117.19, "Population": 1619.0}, {"index": 14580, "quantile": 0.0, "value": 174200.0, "Latitude": 32.82, "Longitude": -117.19, "Population": 442.0}, {"index": 14580, "quantile": 0.25, "value": 204000.0, "Latitude": 32.82, "Longitude": -117.19, "Population": 442.0}, {"index": 14580, "quantile": 0.5, "value": 204000.0, "Latitude": 32.82, "Longitude": -117.19, "Population": 442.0}, {"index": 14580, "quantile": 0.75, "value": 204000.0, "Latitude": 32.82, "Longitude": -117.19, "Population": 442.0}, {"index": 14580, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.19, "Population": 442.0}, {"index": 14581, "quantile": 0.0, "value": 161700.0, "Latitude": 32.82, "Longitude": -117.19, "Population": 945.0}, {"index": 14581, "quantile": 0.25, "value": 192900.0, "Latitude": 32.82, "Longitude": -117.19, "Population": 945.0}, {"index": 14581, "quantile": 0.5, "value": 192900.0, "Latitude": 32.82, "Longitude": -117.19, "Population": 945.0}, {"index": 14581, "quantile": 0.75, "value": 192900.0, "Latitude": 32.82, "Longitude": -117.19, "Population": 945.0}, {"index": 14581, "quantile": 1.0, "value": 417500.0, "Latitude": 32.82, "Longitude": -117.19, "Population": 945.0}, {"index": 14582, "quantile": 0.0, "value": 139800.0, "Latitude": 32.84, "Longitude": -117.18, "Population": 1476.0}, {"index": 14582, "quantile": 0.25, "value": 173750.0, "Latitude": 32.84, "Longitude": -117.18, "Population": 1476.0}, {"index": 14582, "quantile": 0.5, "value": 175900.0, "Latitude": 32.84, "Longitude": -117.18, "Population": 1476.0}, {"index": 14582, "quantile": 0.75, "value": 175900.0, "Latitude": 32.84, "Longitude": -117.18, "Population": 1476.0}, {"index": 14582, "quantile": 1.0, "value": 200599.99999999997, "Latitude": 32.84, "Longitude": -117.18, "Population": 1476.0}, {"index": 14583, "quantile": 0.0, "value": 106500.0, "Latitude": 32.84, "Longitude": -117.18, "Population": 1272.0}, {"index": 14583, "quantile": 0.25, "value": 165100.0, "Latitude": 32.84, "Longitude": -117.18, "Population": 1272.0}, {"index": 14583, "quantile": 0.5, "value": 165100.0, "Latitude": 32.84, "Longitude": -117.18, "Population": 1272.0}, {"index": 14583, "quantile": 0.75, "value": 165800.0, "Latitude": 32.84, "Longitude": -117.18, "Population": 1272.0}, {"index": 14583, "quantile": 1.0, "value": 197700.0, "Latitude": 32.84, "Longitude": -117.18, "Population": 1272.0}, {"index": 14584, "quantile": 0.0, "value": 118900.0, "Latitude": 32.84, "Longitude": -117.18, "Population": 823.0}, {"index": 14584, "quantile": 0.25, "value": 166300.0, "Latitude": 32.84, "Longitude": -117.18, "Population": 823.0}, {"index": 14584, "quantile": 0.5, "value": 167800.0, "Latitude": 32.84, "Longitude": -117.18, "Population": 823.0}, {"index": 14584, "quantile": 0.75, "value": 167800.0, "Latitude": 32.84, "Longitude": -117.18, "Population": 823.0}, {"index": 14584, "quantile": 1.0, "value": 240099.99999999997, "Latitude": 32.84, "Longitude": -117.18, "Population": 823.0}, {"index": 14585, "quantile": 0.0, "value": 136000.0, "Latitude": 32.84, "Longitude": -117.19, "Population": 1250.0}, {"index": 14585, "quantile": 0.25, "value": 197100.0, "Latitude": 32.84, "Longitude": -117.19, "Population": 1250.0}, {"index": 14585, "quantile": 0.5, "value": 197100.0, "Latitude": 32.84, "Longitude": -117.19, "Population": 1250.0}, {"index": 14585, "quantile": 0.75, "value": 197100.0, "Latitude": 32.84, "Longitude": -117.19, "Population": 1250.0}, {"index": 14585, "quantile": 1.0, "value": 350200.0, "Latitude": 32.84, "Longitude": -117.19, "Population": 1250.0}, {"index": 14586, "quantile": 0.0, "value": 156900.0, "Latitude": 32.84, "Longitude": -117.19, "Population": 1001.0}, {"index": 14586, "quantile": 0.25, "value": 172000.0, "Latitude": 32.84, "Longitude": -117.19, "Population": 1001.0}, {"index": 14586, "quantile": 0.5, "value": 172000.0, "Latitude": 32.84, "Longitude": -117.19, "Population": 1001.0}, {"index": 14586, "quantile": 0.75, "value": 175900.0, "Latitude": 32.84, "Longitude": -117.19, "Population": 1001.0}, {"index": 14586, "quantile": 1.0, "value": 367100.0, "Latitude": 32.84, "Longitude": -117.19, "Population": 1001.0}, {"index": 14587, "quantile": 0.0, "value": 108300.0, "Latitude": 32.83, "Longitude": -117.18, "Population": 1218.0}, {"index": 14587, "quantile": 0.25, "value": 162075.0, "Latitude": 32.83, "Longitude": -117.18, "Population": 1218.0}, {"index": 14587, "quantile": 0.5, "value": 166000.0, "Latitude": 32.83, "Longitude": -117.18, "Population": 1218.0}, {"index": 14587, "quantile": 0.75, "value": 175200.0, "Latitude": 32.83, "Longitude": -117.18, "Population": 1218.0}, {"index": 14587, "quantile": 1.0, "value": 362500.0, "Latitude": 32.83, "Longitude": -117.18, "Population": 1218.0}, {"index": 14588, "quantile": 0.0, "value": 126699.99999999999, "Latitude": 32.83, "Longitude": -117.19, "Population": 1240.0}, {"index": 14588, "quantile": 0.25, "value": 169800.0, "Latitude": 32.83, "Longitude": -117.19, "Population": 1240.0}, {"index": 14588, "quantile": 0.5, "value": 169800.0, "Latitude": 32.83, "Longitude": -117.19, "Population": 1240.0}, {"index": 14588, "quantile": 0.75, "value": 169800.0, "Latitude": 32.83, "Longitude": -117.19, "Population": 1240.0}, {"index": 14588, "quantile": 1.0, "value": 343200.0, "Latitude": 32.83, "Longitude": -117.19, "Population": 1240.0}, {"index": 14589, "quantile": 0.0, "value": 156900.0, "Latitude": 32.83, "Longitude": -117.19, "Population": 1601.0}, {"index": 14589, "quantile": 0.25, "value": 173300.0, "Latitude": 32.83, "Longitude": -117.19, "Population": 1601.0}, {"index": 14589, "quantile": 0.5, "value": 173300.0, "Latitude": 32.83, "Longitude": -117.19, "Population": 1601.0}, {"index": 14589, "quantile": 0.75, "value": 173300.0, "Latitude": 32.83, "Longitude": -117.19, "Population": 1601.0}, {"index": 14589, "quantile": 1.0, "value": 214000.0, "Latitude": 32.83, "Longitude": -117.19, "Population": 1601.0}, {"index": 14590, "quantile": 0.0, "value": 140800.0, "Latitude": 32.83, "Longitude": -117.17, "Population": 1591.0}, {"index": 14590, "quantile": 0.25, "value": 212500.0, "Latitude": 32.83, "Longitude": -117.17, "Population": 1591.0}, {"index": 14590, "quantile": 0.5, "value": 212500.0, "Latitude": 32.83, "Longitude": -117.17, "Population": 1591.0}, {"index": 14590, "quantile": 0.75, "value": 223749.99999999997, "Latitude": 32.83, "Longitude": -117.17, "Population": 1591.0}, {"index": 14590, "quantile": 1.0, "value": 376800.0, "Latitude": 32.83, "Longitude": -117.17, "Population": 1591.0}, {"index": 14591, "quantile": 0.0, "value": 45000.0, "Latitude": 32.82, "Longitude": -117.17, "Population": 911.0}, {"index": 14591, "quantile": 0.25, "value": 198100.0, "Latitude": 32.82, "Longitude": -117.17, "Population": 911.0}, {"index": 14591, "quantile": 0.5, "value": 198100.0, "Latitude": 32.82, "Longitude": -117.17, "Population": 911.0}, {"index": 14591, "quantile": 0.75, "value": 198100.0, "Latitude": 32.82, "Longitude": -117.17, "Population": 911.0}, {"index": 14591, "quantile": 1.0, "value": 262100.0, "Latitude": 32.82, "Longitude": -117.17, "Population": 911.0}, {"index": 14592, "quantile": 0.0, "value": 98100.0, "Latitude": 32.82, "Longitude": -117.17, "Population": 1471.0}, {"index": 14592, "quantile": 0.25, "value": 155650.0, "Latitude": 32.82, "Longitude": -117.17, "Population": 1471.0}, {"index": 14592, "quantile": 0.5, "value": 175550.0, "Latitude": 32.82, "Longitude": -117.17, "Population": 1471.0}, {"index": 14592, "quantile": 0.75, "value": 199000.0, "Latitude": 32.82, "Longitude": -117.17, "Population": 1471.0}, {"index": 14592, "quantile": 1.0, "value": 240200.0, "Latitude": 32.82, "Longitude": -117.17, "Population": 1471.0}, {"index": 14593, "quantile": 0.0, "value": 162400.0, "Latitude": 32.83, "Longitude": -117.18, "Population": 1105.0}, {"index": 14593, "quantile": 0.25, "value": 182800.0, "Latitude": 32.83, "Longitude": -117.18, "Population": 1105.0}, {"index": 14593, "quantile": 0.5, "value": 182800.0, "Latitude": 32.83, "Longitude": -117.18, "Population": 1105.0}, {"index": 14593, "quantile": 0.75, "value": 182800.0, "Latitude": 32.83, "Longitude": -117.18, "Population": 1105.0}, {"index": 14593, "quantile": 1.0, "value": 240099.99999999997, "Latitude": 32.83, "Longitude": -117.18, "Population": 1105.0}, {"index": 14594, "quantile": 0.0, "value": 67500.0, "Latitude": 32.83, "Longitude": -117.18, "Population": 1090.0}, {"index": 14594, "quantile": 0.25, "value": 156250.0, "Latitude": 32.83, "Longitude": -117.18, "Population": 1090.0}, {"index": 14594, "quantile": 0.5, "value": 162000.0, "Latitude": 32.83, "Longitude": -117.18, "Population": 1090.0}, {"index": 14594, "quantile": 0.75, "value": 162000.0, "Latitude": 32.83, "Longitude": -117.18, "Population": 1090.0}, {"index": 14594, "quantile": 1.0, "value": 212000.0, "Latitude": 32.83, "Longitude": -117.18, "Population": 1090.0}, {"index": 14595, "quantile": 0.0, "value": 141800.0, "Latitude": 32.82, "Longitude": -117.16, "Population": 1098.0}, {"index": 14595, "quantile": 0.25, "value": 188000.0, "Latitude": 32.82, "Longitude": -117.16, "Population": 1098.0}, {"index": 14595, "quantile": 0.5, "value": 188000.0, "Latitude": 32.82, "Longitude": -117.16, "Population": 1098.0}, {"index": 14595, "quantile": 0.75, "value": 188000.0, "Latitude": 32.82, "Longitude": -117.16, "Population": 1098.0}, {"index": 14595, "quantile": 1.0, "value": 268300.0, "Latitude": 32.82, "Longitude": -117.16, "Population": 1098.0}, {"index": 14596, "quantile": 0.0, "value": 110700.0, "Latitude": 32.81, "Longitude": -117.17, "Population": 974.0}, {"index": 14596, "quantile": 0.25, "value": 184100.0, "Latitude": 32.81, "Longitude": -117.17, "Population": 974.0}, {"index": 14596, "quantile": 0.5, "value": 184100.0, "Latitude": 32.81, "Longitude": -117.17, "Population": 974.0}, {"index": 14596, "quantile": 0.75, "value": 184100.0, "Latitude": 32.81, "Longitude": -117.17, "Population": 974.0}, {"index": 14596, "quantile": 1.0, "value": 310900.0, "Latitude": 32.81, "Longitude": -117.17, "Population": 974.0}, {"index": 14597, "quantile": 0.0, "value": 137200.0, "Latitude": 32.81, "Longitude": -117.17, "Population": 346.0}, {"index": 14597, "quantile": 0.25, "value": 185700.0, "Latitude": 32.81, "Longitude": -117.17, "Population": 346.0}, {"index": 14597, "quantile": 0.5, "value": 185700.0, "Latitude": 32.81, "Longitude": -117.17, "Population": 346.0}, {"index": 14597, "quantile": 0.75, "value": 185700.0, "Latitude": 32.81, "Longitude": -117.17, "Population": 346.0}, {"index": 14597, "quantile": 1.0, "value": 447400.0, "Latitude": 32.81, "Longitude": -117.17, "Population": 346.0}, {"index": 14598, "quantile": 0.0, "value": 84200.0, "Latitude": 32.81, "Longitude": -117.18, "Population": 3784.0}, {"index": 14598, "quantile": 0.25, "value": 166450.0, "Latitude": 32.81, "Longitude": -117.18, "Population": 3784.0}, {"index": 14598, "quantile": 0.5, "value": 179500.0, "Latitude": 32.81, "Longitude": -117.18, "Population": 3784.0}, {"index": 14598, "quantile": 0.75, "value": 179500.0, "Latitude": 32.81, "Longitude": -117.18, "Population": 3784.0}, {"index": 14598, "quantile": 1.0, "value": 291500.0, "Latitude": 32.81, "Longitude": -117.18, "Population": 3784.0}, {"index": 14599, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 32.82, "Longitude": -117.17, "Population": 715.0}, {"index": 14599, "quantile": 0.25, "value": 135000.0, "Latitude": 32.82, "Longitude": -117.17, "Population": 715.0}, {"index": 14599, "quantile": 0.5, "value": 199250.00000000003, "Latitude": 32.82, "Longitude": -117.17, "Population": 715.0}, {"index": 14599, "quantile": 0.75, "value": 255450.0, "Latitude": 32.82, "Longitude": -117.17, "Population": 715.0}, {"index": 14599, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.17, "Population": 715.0}, {"index": 14600, "quantile": 0.0, "value": 85800.0, "Latitude": 32.81, "Longitude": -117.16, "Population": 2046.0}, {"index": 14600, "quantile": 0.25, "value": 159000.0, "Latitude": 32.81, "Longitude": -117.16, "Population": 2046.0}, {"index": 14600, "quantile": 0.5, "value": 159000.0, "Latitude": 32.81, "Longitude": -117.16, "Population": 2046.0}, {"index": 14600, "quantile": 0.75, "value": 159000.0, "Latitude": 32.81, "Longitude": -117.16, "Population": 2046.0}, {"index": 14600, "quantile": 1.0, "value": 300000.0, "Latitude": 32.81, "Longitude": -117.16, "Population": 2046.0}, {"index": 14601, "quantile": 0.0, "value": 67500.0, "Latitude": 32.81, "Longitude": -117.16, "Population": 532.0}, {"index": 14601, "quantile": 0.25, "value": 172400.0, "Latitude": 32.81, "Longitude": -117.16, "Population": 532.0}, {"index": 14601, "quantile": 0.5, "value": 172400.0, "Latitude": 32.81, "Longitude": -117.16, "Population": 532.0}, {"index": 14601, "quantile": 0.75, "value": 174900.0, "Latitude": 32.81, "Longitude": -117.16, "Population": 532.0}, {"index": 14601, "quantile": 1.0, "value": 300000.0, "Latitude": 32.81, "Longitude": -117.16, "Population": 532.0}, {"index": 14602, "quantile": 0.0, "value": 119300.0, "Latitude": 32.8, "Longitude": -117.16, "Population": 211.0}, {"index": 14602, "quantile": 0.25, "value": 159700.0, "Latitude": 32.8, "Longitude": -117.16, "Population": 211.0}, {"index": 14602, "quantile": 0.5, "value": 159700.0, "Latitude": 32.8, "Longitude": -117.16, "Population": 211.0}, {"index": 14602, "quantile": 0.75, "value": 161400.0, "Latitude": 32.8, "Longitude": -117.16, "Population": 211.0}, {"index": 14602, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.8, "Longitude": -117.16, "Population": 211.0}, {"index": 14603, "quantile": 0.0, "value": 85800.0, "Latitude": 32.8, "Longitude": -117.16, "Population": 1213.0}, {"index": 14603, "quantile": 0.25, "value": 177800.0, "Latitude": 32.8, "Longitude": -117.16, "Population": 1213.0}, {"index": 14603, "quantile": 0.5, "value": 177800.0, "Latitude": 32.8, "Longitude": -117.16, "Population": 1213.0}, {"index": 14603, "quantile": 0.75, "value": 177800.0, "Latitude": 32.8, "Longitude": -117.16, "Population": 1213.0}, {"index": 14603, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.8, "Longitude": -117.16, "Population": 1213.0}, {"index": 14604, "quantile": 0.0, "value": 98600.0, "Latitude": 32.81, "Longitude": -117.16, "Population": 1021.0}, {"index": 14604, "quantile": 0.25, "value": 175900.0, "Latitude": 32.81, "Longitude": -117.16, "Population": 1021.0}, {"index": 14604, "quantile": 0.5, "value": 176300.0, "Latitude": 32.81, "Longitude": -117.16, "Population": 1021.0}, {"index": 14604, "quantile": 0.75, "value": 176300.0, "Latitude": 32.81, "Longitude": -117.16, "Population": 1021.0}, {"index": 14604, "quantile": 1.0, "value": 270000.0, "Latitude": 32.81, "Longitude": -117.16, "Population": 1021.0}, {"index": 14605, "quantile": 0.0, "value": 140700.0, "Latitude": 32.81, "Longitude": -117.17, "Population": 1355.0}, {"index": 14605, "quantile": 0.25, "value": 178700.0, "Latitude": 32.81, "Longitude": -117.17, "Population": 1355.0}, {"index": 14605, "quantile": 0.5, "value": 178700.0, "Latitude": 32.81, "Longitude": -117.17, "Population": 1355.0}, {"index": 14605, "quantile": 0.75, "value": 178700.0, "Latitude": 32.81, "Longitude": -117.17, "Population": 1355.0}, {"index": 14605, "quantile": 1.0, "value": 311300.0, "Latitude": 32.81, "Longitude": -117.17, "Population": 1355.0}, {"index": 14606, "quantile": 0.0, "value": 67500.0, "Latitude": 32.83, "Longitude": -117.14, "Population": 896.0}, {"index": 14606, "quantile": 0.25, "value": 159500.0, "Latitude": 32.83, "Longitude": -117.14, "Population": 896.0}, {"index": 14606, "quantile": 0.5, "value": 177500.0, "Latitude": 32.83, "Longitude": -117.14, "Population": 896.0}, {"index": 14606, "quantile": 0.75, "value": 177500.0, "Latitude": 32.83, "Longitude": -117.14, "Population": 896.0}, {"index": 14606, "quantile": 1.0, "value": 350000.0, "Latitude": 32.83, "Longitude": -117.14, "Population": 896.0}, {"index": 14607, "quantile": 0.0, "value": 94500.0, "Latitude": 32.82, "Longitude": -117.18, "Population": 722.0}, {"index": 14607, "quantile": 0.25, "value": 205925.0, "Latitude": 32.82, "Longitude": -117.18, "Population": 722.0}, {"index": 14607, "quantile": 0.5, "value": 268350.0, "Latitude": 32.82, "Longitude": -117.18, "Population": 722.0}, {"index": 14607, "quantile": 0.75, "value": 315800.0, "Latitude": 32.82, "Longitude": -117.18, "Population": 722.0}, {"index": 14607, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.18, "Population": 722.0}, {"index": 14608, "quantile": 0.0, "value": 170400.0, "Latitude": 32.81, "Longitude": -117.18, "Population": 1503.0}, {"index": 14608, "quantile": 0.25, "value": 204000.0, "Latitude": 32.81, "Longitude": -117.18, "Population": 1503.0}, {"index": 14608, "quantile": 0.5, "value": 204000.0, "Latitude": 32.81, "Longitude": -117.18, "Population": 1503.0}, {"index": 14608, "quantile": 0.75, "value": 206125.00000000003, "Latitude": 32.81, "Longitude": -117.18, "Population": 1503.0}, {"index": 14608, "quantile": 1.0, "value": 376800.0, "Latitude": 32.81, "Longitude": -117.18, "Population": 1503.0}, {"index": 14609, "quantile": 0.0, "value": 165100.0, "Latitude": 32.81, "Longitude": -117.19, "Population": 2221.0}, {"index": 14609, "quantile": 0.25, "value": 206999.99999999997, "Latitude": 32.81, "Longitude": -117.19, "Population": 2221.0}, {"index": 14609, "quantile": 0.5, "value": 206999.99999999997, "Latitude": 32.81, "Longitude": -117.19, "Population": 2221.0}, {"index": 14609, "quantile": 0.75, "value": 206999.99999999997, "Latitude": 32.81, "Longitude": -117.19, "Population": 2221.0}, {"index": 14609, "quantile": 1.0, "value": 417500.0, "Latitude": 32.81, "Longitude": -117.19, "Population": 2221.0}, {"index": 14610, "quantile": 0.0, "value": 137200.0, "Latitude": 32.8, "Longitude": -117.18, "Population": 1605.0}, {"index": 14610, "quantile": 0.25, "value": 217099.99999999997, "Latitude": 32.8, "Longitude": -117.18, "Population": 1605.0}, {"index": 14610, "quantile": 0.5, "value": 217099.99999999997, "Latitude": 32.8, "Longitude": -117.18, "Population": 1605.0}, {"index": 14610, "quantile": 0.75, "value": 288200.0, "Latitude": 32.8, "Longitude": -117.18, "Population": 1605.0}, {"index": 14610, "quantile": 1.0, "value": 417500.0, "Latitude": 32.8, "Longitude": -117.18, "Population": 1605.0}, {"index": 14611, "quantile": 0.0, "value": 165100.0, "Latitude": 32.8, "Longitude": -117.18, "Population": 1022.0}, {"index": 14611, "quantile": 0.25, "value": 198500.0, "Latitude": 32.8, "Longitude": -117.18, "Population": 1022.0}, {"index": 14611, "quantile": 0.5, "value": 198500.0, "Latitude": 32.8, "Longitude": -117.18, "Population": 1022.0}, {"index": 14611, "quantile": 0.75, "value": 198500.0, "Latitude": 32.8, "Longitude": -117.18, "Population": 1022.0}, {"index": 14611, "quantile": 1.0, "value": 294100.0, "Latitude": 32.8, "Longitude": -117.18, "Population": 1022.0}, {"index": 14612, "quantile": 0.0, "value": 84200.0, "Latitude": 32.79, "Longitude": -117.18, "Population": 2961.0}, {"index": 14612, "quantile": 0.25, "value": 159100.0, "Latitude": 32.79, "Longitude": -117.18, "Population": 2961.0}, {"index": 14612, "quantile": 0.5, "value": 166150.0, "Latitude": 32.79, "Longitude": -117.18, "Population": 2961.0}, {"index": 14612, "quantile": 0.75, "value": 175250.0, "Latitude": 32.79, "Longitude": -117.18, "Population": 2961.0}, {"index": 14612, "quantile": 1.0, "value": 252700.0, "Latitude": 32.79, "Longitude": -117.18, "Population": 2961.0}, {"index": 14613, "quantile": 0.0, "value": 63500.0, "Latitude": 32.79, "Longitude": -117.17, "Population": 3009.0}, {"index": 14613, "quantile": 0.25, "value": 121475.0, "Latitude": 32.79, "Longitude": -117.17, "Population": 3009.0}, {"index": 14613, "quantile": 0.5, "value": 123600.0, "Latitude": 32.79, "Longitude": -117.17, "Population": 3009.0}, {"index": 14613, "quantile": 0.75, "value": 123600.0, "Latitude": 32.79, "Longitude": -117.17, "Population": 3009.0}, {"index": 14613, "quantile": 1.0, "value": 300000.0, "Latitude": 32.79, "Longitude": -117.17, "Population": 3009.0}, {"index": 14614, "quantile": 0.0, "value": 72000.0, "Latitude": 32.79, "Longitude": -117.17, "Population": 946.0}, {"index": 14614, "quantile": 0.25, "value": 129000.0, "Latitude": 32.79, "Longitude": -117.17, "Population": 946.0}, {"index": 14614, "quantile": 0.5, "value": 145750.0, "Latitude": 32.79, "Longitude": -117.17, "Population": 946.0}, {"index": 14614, "quantile": 0.75, "value": 156900.0, "Latitude": 32.79, "Longitude": -117.17, "Population": 946.0}, {"index": 14614, "quantile": 1.0, "value": 274000.0, "Latitude": 32.79, "Longitude": -117.17, "Population": 946.0}, {"index": 14615, "quantile": 0.0, "value": 77300.0, "Latitude": 32.8, "Longitude": -117.16, "Population": 1308.0}, {"index": 14615, "quantile": 0.25, "value": 129224.99999999999, "Latitude": 32.8, "Longitude": -117.16, "Population": 1308.0}, {"index": 14615, "quantile": 0.5, "value": 187500.0, "Latitude": 32.8, "Longitude": -117.16, "Population": 1308.0}, {"index": 14615, "quantile": 0.75, "value": 187500.0, "Latitude": 32.8, "Longitude": -117.16, "Population": 1308.0}, {"index": 14615, "quantile": 1.0, "value": 187500.0, "Latitude": 32.8, "Longitude": -117.16, "Population": 1308.0}, {"index": 14616, "quantile": 0.0, "value": 67500.0, "Latitude": 32.8, "Longitude": -117.17, "Population": 1822.0}, {"index": 14616, "quantile": 0.25, "value": 154674.99999999997, "Latitude": 32.8, "Longitude": -117.17, "Population": 1822.0}, {"index": 14616, "quantile": 0.5, "value": 157600.0, "Latitude": 32.8, "Longitude": -117.17, "Population": 1822.0}, {"index": 14616, "quantile": 0.75, "value": 157600.0, "Latitude": 32.8, "Longitude": -117.17, "Population": 1822.0}, {"index": 14616, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 32.8, "Longitude": -117.17, "Population": 1822.0}, {"index": 14617, "quantile": 0.0, "value": 87500.0, "Latitude": 32.8, "Longitude": -117.15, "Population": 1211.0}, {"index": 14617, "quantile": 0.25, "value": 87500.0, "Latitude": 32.8, "Longitude": -117.15, "Population": 1211.0}, {"index": 14617, "quantile": 0.5, "value": 87500.0, "Latitude": 32.8, "Longitude": -117.15, "Population": 1211.0}, {"index": 14617, "quantile": 0.75, "value": 177400.0, "Latitude": 32.8, "Longitude": -117.15, "Population": 1211.0}, {"index": 14617, "quantile": 1.0, "value": 475000.0, "Latitude": 32.8, "Longitude": -117.15, "Population": 1211.0}, {"index": 14618, "quantile": 0.0, "value": 67500.0, "Latitude": 32.8, "Longitude": -117.15, "Population": 2284.0}, {"index": 14618, "quantile": 0.25, "value": 125699.99999999999, "Latitude": 32.8, "Longitude": -117.15, "Population": 2284.0}, {"index": 14618, "quantile": 0.5, "value": 139200.0, "Latitude": 32.8, "Longitude": -117.15, "Population": 2284.0}, {"index": 14618, "quantile": 0.75, "value": 160150.0, "Latitude": 32.8, "Longitude": -117.15, "Population": 2284.0}, {"index": 14618, "quantile": 1.0, "value": 270000.0, "Latitude": 32.8, "Longitude": -117.15, "Population": 2284.0}, {"index": 14619, "quantile": 0.0, "value": 101800.0, "Latitude": 32.78, "Longitude": -117.16, "Population": 1697.0}, {"index": 14619, "quantile": 0.25, "value": 175000.0, "Latitude": 32.78, "Longitude": -117.16, "Population": 1697.0}, {"index": 14619, "quantile": 0.5, "value": 178600.0, "Latitude": 32.78, "Longitude": -117.16, "Population": 1697.0}, {"index": 14619, "quantile": 0.75, "value": 178600.0, "Latitude": 32.78, "Longitude": -117.16, "Population": 1697.0}, {"index": 14619, "quantile": 1.0, "value": 362500.0, "Latitude": 32.78, "Longitude": -117.16, "Population": 1697.0}, {"index": 14620, "quantile": 0.0, "value": 78800.0, "Latitude": 32.79, "Longitude": -117.16, "Population": 1569.0}, {"index": 14620, "quantile": 0.25, "value": 154300.0, "Latitude": 32.79, "Longitude": -117.16, "Population": 1569.0}, {"index": 14620, "quantile": 0.5, "value": 154300.0, "Latitude": 32.79, "Longitude": -117.16, "Population": 1569.0}, {"index": 14620, "quantile": 0.75, "value": 154300.0, "Latitude": 32.79, "Longitude": -117.16, "Population": 1569.0}, {"index": 14620, "quantile": 1.0, "value": 210000.0, "Latitude": 32.79, "Longitude": -117.16, "Population": 1569.0}, {"index": 14621, "quantile": 0.0, "value": 89600.0, "Latitude": 32.78, "Longitude": -117.17, "Population": 3102.0}, {"index": 14621, "quantile": 0.25, "value": 145075.0, "Latitude": 32.78, "Longitude": -117.17, "Population": 3102.0}, {"index": 14621, "quantile": 0.5, "value": 164100.0, "Latitude": 32.78, "Longitude": -117.17, "Population": 3102.0}, {"index": 14621, "quantile": 0.75, "value": 164100.0, "Latitude": 32.78, "Longitude": -117.17, "Population": 3102.0}, {"index": 14621, "quantile": 1.0, "value": 210000.0, "Latitude": 32.78, "Longitude": -117.17, "Population": 3102.0}, {"index": 14622, "quantile": 0.0, "value": 95600.0, "Latitude": 32.78, "Longitude": -117.16, "Population": 1594.0}, {"index": 14622, "quantile": 0.25, "value": 154300.0, "Latitude": 32.78, "Longitude": -117.16, "Population": 1594.0}, {"index": 14622, "quantile": 0.5, "value": 165000.0, "Latitude": 32.78, "Longitude": -117.16, "Population": 1594.0}, {"index": 14622, "quantile": 0.75, "value": 165000.0, "Latitude": 32.78, "Longitude": -117.16, "Population": 1594.0}, {"index": 14622, "quantile": 1.0, "value": 210000.0, "Latitude": 32.78, "Longitude": -117.16, "Population": 1594.0}, {"index": 14623, "quantile": 0.0, "value": 76200.0, "Latitude": 32.78, "Longitude": -117.17, "Population": 892.0}, {"index": 14623, "quantile": 0.25, "value": 139100.0, "Latitude": 32.78, "Longitude": -117.17, "Population": 892.0}, {"index": 14623, "quantile": 0.5, "value": 145200.0, "Latitude": 32.78, "Longitude": -117.17, "Population": 892.0}, {"index": 14623, "quantile": 0.75, "value": 145200.0, "Latitude": 32.78, "Longitude": -117.17, "Population": 892.0}, {"index": 14623, "quantile": 1.0, "value": 262500.0, "Latitude": 32.78, "Longitude": -117.17, "Population": 892.0}, {"index": 14624, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 32.77, "Longitude": -117.17, "Population": 695.0}, {"index": 14624, "quantile": 0.25, "value": 166800.0, "Latitude": 32.77, "Longitude": -117.17, "Population": 695.0}, {"index": 14624, "quantile": 0.5, "value": 166800.0, "Latitude": 32.77, "Longitude": -117.17, "Population": 695.0}, {"index": 14624, "quantile": 0.75, "value": 166800.0, "Latitude": 32.77, "Longitude": -117.17, "Population": 695.0}, {"index": 14624, "quantile": 1.0, "value": 270000.0, "Latitude": 32.77, "Longitude": -117.17, "Population": 695.0}, {"index": 14625, "quantile": 0.0, "value": 108300.0, "Latitude": 32.77, "Longitude": -117.17, "Population": 1547.0}, {"index": 14625, "quantile": 0.25, "value": 164800.0, "Latitude": 32.77, "Longitude": -117.17, "Population": 1547.0}, {"index": 14625, "quantile": 0.5, "value": 164800.0, "Latitude": 32.77, "Longitude": -117.17, "Population": 1547.0}, {"index": 14625, "quantile": 0.75, "value": 165225.0, "Latitude": 32.77, "Longitude": -117.17, "Population": 1547.0}, {"index": 14625, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 32.77, "Longitude": -117.17, "Population": 1547.0}, {"index": 14626, "quantile": 0.0, "value": 46900.0, "Latitude": 32.77, "Longitude": -117.18, "Population": 913.0}, {"index": 14626, "quantile": 0.25, "value": 87500.0, "Latitude": 32.77, "Longitude": -117.18, "Population": 913.0}, {"index": 14626, "quantile": 0.5, "value": 87500.0, "Latitude": 32.77, "Longitude": -117.18, "Population": 913.0}, {"index": 14626, "quantile": 0.75, "value": 87500.0, "Latitude": 32.77, "Longitude": -117.18, "Population": 913.0}, {"index": 14626, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.77, "Longitude": -117.18, "Population": 913.0}, {"index": 14627, "quantile": 0.0, "value": 92200.0, "Latitude": 32.76, "Longitude": -117.18, "Population": 1297.0}, {"index": 14627, "quantile": 0.25, "value": 158900.0, "Latitude": 32.76, "Longitude": -117.18, "Population": 1297.0}, {"index": 14627, "quantile": 0.5, "value": 158900.0, "Latitude": 32.76, "Longitude": -117.18, "Population": 1297.0}, {"index": 14627, "quantile": 0.75, "value": 158900.0, "Latitude": 32.76, "Longitude": -117.18, "Population": 1297.0}, {"index": 14627, "quantile": 1.0, "value": 370800.0, "Latitude": 32.76, "Longitude": -117.18, "Population": 1297.0}, {"index": 14628, "quantile": 0.0, "value": 67500.0, "Latitude": 32.76, "Longitude": -117.18, "Population": 327.0}, {"index": 14628, "quantile": 0.25, "value": 67500.0, "Latitude": 32.76, "Longitude": -117.18, "Population": 327.0}, {"index": 14628, "quantile": 0.5, "value": 67500.0, "Latitude": 32.76, "Longitude": -117.18, "Population": 327.0}, {"index": 14628, "quantile": 0.75, "value": 88825.0, "Latitude": 32.76, "Longitude": -117.18, "Population": 327.0}, {"index": 14628, "quantile": 1.0, "value": 300000.0, "Latitude": 32.76, "Longitude": -117.18, "Population": 327.0}, {"index": 14629, "quantile": 0.0, "value": 85400.0, "Latitude": 32.78, "Longitude": -117.18, "Population": 3122.0}, {"index": 14629, "quantile": 0.25, "value": 179500.0, "Latitude": 32.78, "Longitude": -117.18, "Population": 3122.0}, {"index": 14629, "quantile": 0.5, "value": 210000.0, "Latitude": 32.78, "Longitude": -117.18, "Population": 3122.0}, {"index": 14629, "quantile": 0.75, "value": 210000.0, "Latitude": 32.78, "Longitude": -117.18, "Population": 3122.0}, {"index": 14629, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.78, "Longitude": -117.18, "Population": 3122.0}, {"index": 14630, "quantile": 0.0, "value": 120300.0, "Latitude": 32.77, "Longitude": -117.18, "Population": 592.0}, {"index": 14630, "quantile": 0.25, "value": 185275.0, "Latitude": 32.77, "Longitude": -117.18, "Population": 592.0}, {"index": 14630, "quantile": 0.5, "value": 200599.99999999997, "Latitude": 32.77, "Longitude": -117.18, "Population": 592.0}, {"index": 14630, "quantile": 0.75, "value": 200599.99999999997, "Latitude": 32.77, "Longitude": -117.18, "Population": 592.0}, {"index": 14630, "quantile": 1.0, "value": 223700.0, "Latitude": 32.77, "Longitude": -117.18, "Population": 592.0}, {"index": 14631, "quantile": 0.0, "value": 156300.0, "Latitude": 32.81, "Longitude": -117.21, "Population": 1062.0}, {"index": 14631, "quantile": 0.25, "value": 273300.0, "Latitude": 32.81, "Longitude": -117.21, "Population": 1062.0}, {"index": 14631, "quantile": 0.5, "value": 302100.0, "Latitude": 32.81, "Longitude": -117.21, "Population": 1062.0}, {"index": 14631, "quantile": 0.75, "value": 302100.0, "Latitude": 32.81, "Longitude": -117.21, "Population": 1062.0}, {"index": 14631, "quantile": 1.0, "value": 491200.0, "Latitude": 32.81, "Longitude": -117.21, "Population": 1062.0}, {"index": 14632, "quantile": 0.0, "value": 125000.0, "Latitude": 32.8, "Longitude": -117.2, "Population": 2089.0}, {"index": 14632, "quantile": 0.25, "value": 200000.0, "Latitude": 32.8, "Longitude": -117.2, "Population": 2089.0}, {"index": 14632, "quantile": 0.5, "value": 200000.0, "Latitude": 32.8, "Longitude": -117.2, "Population": 2089.0}, {"index": 14632, "quantile": 0.75, "value": 200000.0, "Latitude": 32.8, "Longitude": -117.2, "Population": 2089.0}, {"index": 14632, "quantile": 1.0, "value": 362500.0, "Latitude": 32.8, "Longitude": -117.2, "Population": 2089.0}, {"index": 14633, "quantile": 0.0, "value": 141700.0, "Latitude": 32.79, "Longitude": -117.2, "Population": 746.0}, {"index": 14633, "quantile": 0.25, "value": 249825.0, "Latitude": 32.79, "Longitude": -117.2, "Population": 746.0}, {"index": 14633, "quantile": 0.5, "value": 300000.0, "Latitude": 32.79, "Longitude": -117.2, "Population": 746.0}, {"index": 14633, "quantile": 0.75, "value": 300000.0, "Latitude": 32.79, "Longitude": -117.2, "Population": 746.0}, {"index": 14633, "quantile": 1.0, "value": 485300.0, "Latitude": 32.79, "Longitude": -117.2, "Population": 746.0}, {"index": 14634, "quantile": 0.0, "value": 86300.0, "Latitude": 32.8, "Longitude": -117.2, "Population": 1084.0}, {"index": 14634, "quantile": 0.25, "value": 294100.0, "Latitude": 32.8, "Longitude": -117.2, "Population": 1084.0}, {"index": 14634, "quantile": 0.5, "value": 294100.0, "Latitude": 32.8, "Longitude": -117.2, "Population": 1084.0}, {"index": 14634, "quantile": 0.75, "value": 294100.0, "Latitude": 32.8, "Longitude": -117.2, "Population": 1084.0}, {"index": 14634, "quantile": 1.0, "value": 362500.0, "Latitude": 32.8, "Longitude": -117.2, "Population": 1084.0}, {"index": 14635, "quantile": 0.0, "value": 175400.0, "Latitude": 32.8, "Longitude": -117.21, "Population": 532.0}, {"index": 14635, "quantile": 0.25, "value": 289600.0, "Latitude": 32.8, "Longitude": -117.21, "Population": 532.0}, {"index": 14635, "quantile": 0.5, "value": 289600.0, "Latitude": 32.8, "Longitude": -117.21, "Population": 532.0}, {"index": 14635, "quantile": 0.75, "value": 289600.0, "Latitude": 32.8, "Longitude": -117.21, "Population": 532.0}, {"index": 14635, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.8, "Longitude": -117.21, "Population": 532.0}, {"index": 14636, "quantile": 0.0, "value": 73400.0, "Latitude": 32.8, "Longitude": -117.19, "Population": 1235.0}, {"index": 14636, "quantile": 0.25, "value": 137500.0, "Latitude": 32.8, "Longitude": -117.19, "Population": 1235.0}, {"index": 14636, "quantile": 0.5, "value": 159350.0, "Latitude": 32.8, "Longitude": -117.19, "Population": 1235.0}, {"index": 14636, "quantile": 0.75, "value": 217974.99999999997, "Latitude": 32.8, "Longitude": -117.19, "Population": 1235.0}, {"index": 14636, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.8, "Longitude": -117.19, "Population": 1235.0}, {"index": 14637, "quantile": 0.0, "value": 87600.0, "Latitude": 32.8, "Longitude": -117.2, "Population": 1620.0}, {"index": 14637, "quantile": 0.25, "value": 168400.0, "Latitude": 32.8, "Longitude": -117.2, "Population": 1620.0}, {"index": 14637, "quantile": 0.5, "value": 168400.0, "Latitude": 32.8, "Longitude": -117.2, "Population": 1620.0}, {"index": 14637, "quantile": 0.75, "value": 168400.0, "Latitude": 32.8, "Longitude": -117.2, "Population": 1620.0}, {"index": 14637, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.8, "Longitude": -117.2, "Population": 1620.0}, {"index": 14638, "quantile": 0.0, "value": 67500.0, "Latitude": 32.79, "Longitude": -117.19, "Population": 665.0}, {"index": 14638, "quantile": 0.25, "value": 170000.0, "Latitude": 32.79, "Longitude": -117.19, "Population": 665.0}, {"index": 14638, "quantile": 0.5, "value": 174800.0, "Latitude": 32.79, "Longitude": -117.19, "Population": 665.0}, {"index": 14638, "quantile": 0.75, "value": 212000.0, "Latitude": 32.79, "Longitude": -117.19, "Population": 665.0}, {"index": 14638, "quantile": 1.0, "value": 394400.0, "Latitude": 32.79, "Longitude": -117.19, "Population": 665.0}, {"index": 14639, "quantile": 0.0, "value": 149300.0, "Latitude": 32.79, "Longitude": -117.19, "Population": 777.0}, {"index": 14639, "quantile": 0.25, "value": 199850.0, "Latitude": 32.79, "Longitude": -117.19, "Population": 777.0}, {"index": 14639, "quantile": 0.5, "value": 238400.0, "Latitude": 32.79, "Longitude": -117.19, "Population": 777.0}, {"index": 14639, "quantile": 0.75, "value": 238400.0, "Latitude": 32.79, "Longitude": -117.19, "Population": 777.0}, {"index": 14639, "quantile": 1.0, "value": 418600.0, "Latitude": 32.79, "Longitude": -117.19, "Population": 777.0}, {"index": 14640, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 32.79, "Longitude": -117.2, "Population": 1245.0}, {"index": 14640, "quantile": 0.25, "value": 276000.0, "Latitude": 32.79, "Longitude": -117.2, "Population": 1245.0}, {"index": 14640, "quantile": 0.5, "value": 276000.0, "Latitude": 32.79, "Longitude": -117.2, "Population": 1245.0}, {"index": 14640, "quantile": 0.75, "value": 276000.0, "Latitude": 32.79, "Longitude": -117.2, "Population": 1245.0}, {"index": 14640, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.79, "Longitude": -117.2, "Population": 1245.0}, {"index": 14641, "quantile": 0.0, "value": 112500.0, "Latitude": 32.79, "Longitude": -117.2, "Population": 654.0}, {"index": 14641, "quantile": 0.25, "value": 255600.0, "Latitude": 32.79, "Longitude": -117.2, "Population": 654.0}, {"index": 14641, "quantile": 0.5, "value": 255600.0, "Latitude": 32.79, "Longitude": -117.2, "Population": 654.0}, {"index": 14641, "quantile": 0.75, "value": 255600.0, "Latitude": 32.79, "Longitude": -117.2, "Population": 654.0}, {"index": 14641, "quantile": 1.0, "value": 335700.0, "Latitude": 32.79, "Longitude": -117.2, "Population": 654.0}, {"index": 14642, "quantile": 0.0, "value": 77100.0, "Latitude": 32.79, "Longitude": -117.2, "Population": 409.0}, {"index": 14642, "quantile": 0.25, "value": 192200.0, "Latitude": 32.79, "Longitude": -117.2, "Population": 409.0}, {"index": 14642, "quantile": 0.5, "value": 192200.0, "Latitude": 32.79, "Longitude": -117.2, "Population": 409.0}, {"index": 14642, "quantile": 0.75, "value": 259875.0, "Latitude": 32.79, "Longitude": -117.2, "Population": 409.0}, {"index": 14642, "quantile": 1.0, "value": 455000.0, "Latitude": 32.79, "Longitude": -117.2, "Population": 409.0}, {"index": 14643, "quantile": 0.0, "value": 133800.0, "Latitude": 32.78, "Longitude": -117.19, "Population": 1659.0}, {"index": 14643, "quantile": 0.25, "value": 191825.0, "Latitude": 32.78, "Longitude": -117.19, "Population": 1659.0}, {"index": 14643, "quantile": 0.5, "value": 252000.0, "Latitude": 32.78, "Longitude": -117.19, "Population": 1659.0}, {"index": 14643, "quantile": 0.75, "value": 252000.0, "Latitude": 32.78, "Longitude": -117.19, "Population": 1659.0}, {"index": 14643, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 32.78, "Longitude": -117.19, "Population": 1659.0}, {"index": 14644, "quantile": 0.0, "value": 90800.0, "Latitude": 32.78, "Longitude": -117.2, "Population": 1132.0}, {"index": 14644, "quantile": 0.25, "value": 241600.0, "Latitude": 32.78, "Longitude": -117.2, "Population": 1132.0}, {"index": 14644, "quantile": 0.5, "value": 241600.0, "Latitude": 32.78, "Longitude": -117.2, "Population": 1132.0}, {"index": 14644, "quantile": 0.75, "value": 270300.00000000006, "Latitude": 32.78, "Longitude": -117.2, "Population": 1132.0}, {"index": 14644, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.78, "Longitude": -117.2, "Population": 1132.0}, {"index": 14645, "quantile": 0.0, "value": 67500.0, "Latitude": 32.77, "Longitude": -117.19, "Population": 3185.0}, {"index": 14645, "quantile": 0.25, "value": 125699.99999999999, "Latitude": 32.77, "Longitude": -117.19, "Population": 3185.0}, {"index": 14645, "quantile": 0.5, "value": 154300.0, "Latitude": 32.77, "Longitude": -117.19, "Population": 3185.0}, {"index": 14645, "quantile": 0.75, "value": 165000.0, "Latitude": 32.77, "Longitude": -117.19, "Population": 3185.0}, {"index": 14645, "quantile": 1.0, "value": 362500.0, "Latitude": 32.77, "Longitude": -117.19, "Population": 3185.0}, {"index": 14646, "quantile": 0.0, "value": 131000.0, "Latitude": 32.77, "Longitude": -117.19, "Population": 1305.0}, {"index": 14646, "quantile": 0.25, "value": 151000.0, "Latitude": 32.77, "Longitude": -117.19, "Population": 1305.0}, {"index": 14646, "quantile": 0.5, "value": 151000.0, "Latitude": 32.77, "Longitude": -117.19, "Population": 1305.0}, {"index": 14646, "quantile": 0.75, "value": 167625.0, "Latitude": 32.77, "Longitude": -117.19, "Population": 1305.0}, {"index": 14646, "quantile": 1.0, "value": 363100.0, "Latitude": 32.77, "Longitude": -117.19, "Population": 1305.0}, {"index": 14647, "quantile": 0.0, "value": 73400.0, "Latitude": 32.77, "Longitude": -117.19, "Population": 248.0}, {"index": 14647, "quantile": 0.25, "value": 143800.0, "Latitude": 32.77, "Longitude": -117.19, "Population": 248.0}, {"index": 14647, "quantile": 0.5, "value": 143800.0, "Latitude": 32.77, "Longitude": -117.19, "Population": 248.0}, {"index": 14647, "quantile": 0.75, "value": 151400.0, "Latitude": 32.77, "Longitude": -117.19, "Population": 248.0}, {"index": 14647, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.77, "Longitude": -117.19, "Population": 248.0}, {"index": 14648, "quantile": 0.0, "value": 85400.0, "Latitude": 32.77, "Longitude": -117.19, "Population": 1645.0}, {"index": 14648, "quantile": 0.25, "value": 140600.0, "Latitude": 32.77, "Longitude": -117.19, "Population": 1645.0}, {"index": 14648, "quantile": 0.5, "value": 140600.0, "Latitude": 32.77, "Longitude": -117.19, "Population": 1645.0}, {"index": 14648, "quantile": 0.75, "value": 143025.0, "Latitude": 32.77, "Longitude": -117.19, "Population": 1645.0}, {"index": 14648, "quantile": 1.0, "value": 254999.99999999997, "Latitude": 32.77, "Longitude": -117.19, "Population": 1645.0}, {"index": 14649, "quantile": 0.0, "value": 76600.0, "Latitude": 32.77, "Longitude": -117.2, "Population": 77.0}, {"index": 14649, "quantile": 0.25, "value": 209275.0, "Latitude": 32.77, "Longitude": -117.2, "Population": 77.0}, {"index": 14649, "quantile": 0.5, "value": 270600.0, "Latitude": 32.77, "Longitude": -117.2, "Population": 77.0}, {"index": 14649, "quantile": 0.75, "value": 396400.00000000006, "Latitude": 32.77, "Longitude": -117.2, "Population": 77.0}, {"index": 14649, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.77, "Longitude": -117.2, "Population": 77.0}, {"index": 14650, "quantile": 0.0, "value": 118500.0, "Latitude": 32.77, "Longitude": -117.2, "Population": 936.0}, {"index": 14650, "quantile": 0.25, "value": 196900.0, "Latitude": 32.77, "Longitude": -117.2, "Population": 936.0}, {"index": 14650, "quantile": 0.5, "value": 196900.0, "Latitude": 32.77, "Longitude": -117.2, "Population": 936.0}, {"index": 14650, "quantile": 0.75, "value": 232500.00000000003, "Latitude": 32.77, "Longitude": -117.2, "Population": 936.0}, {"index": 14650, "quantile": 1.0, "value": 307600.0, "Latitude": 32.77, "Longitude": -117.2, "Population": 936.0}, {"index": 14651, "quantile": 0.0, "value": 76200.0, "Latitude": 32.81, "Longitude": -117.15, "Population": 900.0}, {"index": 14651, "quantile": 0.25, "value": 171900.0, "Latitude": 32.81, "Longitude": -117.15, "Population": 900.0}, {"index": 14651, "quantile": 0.5, "value": 178300.0, "Latitude": 32.81, "Longitude": -117.15, "Population": 900.0}, {"index": 14651, "quantile": 0.75, "value": 178300.0, "Latitude": 32.81, "Longitude": -117.15, "Population": 900.0}, {"index": 14651, "quantile": 1.0, "value": 294600.0, "Latitude": 32.81, "Longitude": -117.15, "Population": 900.0}, {"index": 14652, "quantile": 0.0, "value": 78600.0, "Latitude": 32.8, "Longitude": -117.15, "Population": 1070.0}, {"index": 14652, "quantile": 0.25, "value": 155775.0, "Latitude": 32.8, "Longitude": -117.15, "Population": 1070.0}, {"index": 14652, "quantile": 0.5, "value": 166700.0, "Latitude": 32.8, "Longitude": -117.15, "Population": 1070.0}, {"index": 14652, "quantile": 0.75, "value": 166700.0, "Latitude": 32.8, "Longitude": -117.15, "Population": 1070.0}, {"index": 14652, "quantile": 1.0, "value": 354000.0, "Latitude": 32.8, "Longitude": -117.15, "Population": 1070.0}, {"index": 14653, "quantile": 0.0, "value": 82700.0, "Latitude": 32.8, "Longitude": -117.14, "Population": 1813.0}, {"index": 14653, "quantile": 0.25, "value": 134825.0, "Latitude": 32.8, "Longitude": -117.14, "Population": 1813.0}, {"index": 14653, "quantile": 0.5, "value": 156900.0, "Latitude": 32.8, "Longitude": -117.14, "Population": 1813.0}, {"index": 14653, "quantile": 0.75, "value": 156900.0, "Latitude": 32.8, "Longitude": -117.14, "Population": 1813.0}, {"index": 14653, "quantile": 1.0, "value": 169600.0, "Latitude": 32.8, "Longitude": -117.14, "Population": 1813.0}, {"index": 14654, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 32.8, "Longitude": -117.14, "Population": 1256.0}, {"index": 14654, "quantile": 0.25, "value": 170575.0, "Latitude": 32.8, "Longitude": -117.14, "Population": 1256.0}, {"index": 14654, "quantile": 0.5, "value": 174200.0, "Latitude": 32.8, "Longitude": -117.14, "Population": 1256.0}, {"index": 14654, "quantile": 0.75, "value": 182800.0, "Latitude": 32.8, "Longitude": -117.14, "Population": 1256.0}, {"index": 14654, "quantile": 1.0, "value": 295900.0, "Latitude": 32.8, "Longitude": -117.14, "Population": 1256.0}, {"index": 14655, "quantile": 0.0, "value": 67500.0, "Latitude": 32.8, "Longitude": -117.14, "Population": 710.0}, {"index": 14655, "quantile": 0.25, "value": 166700.0, "Latitude": 32.8, "Longitude": -117.14, "Population": 710.0}, {"index": 14655, "quantile": 0.5, "value": 169600.0, "Latitude": 32.8, "Longitude": -117.14, "Population": 710.0}, {"index": 14655, "quantile": 0.75, "value": 169600.0, "Latitude": 32.8, "Longitude": -117.14, "Population": 710.0}, {"index": 14655, "quantile": 1.0, "value": 257700.0, "Latitude": 32.8, "Longitude": -117.14, "Population": 710.0}, {"index": 14656, "quantile": 0.0, "value": 125200.0, "Latitude": 32.79, "Longitude": -117.14, "Population": 1568.0}, {"index": 14656, "quantile": 0.25, "value": 188600.0, "Latitude": 32.79, "Longitude": -117.14, "Population": 1568.0}, {"index": 14656, "quantile": 0.5, "value": 188600.0, "Latitude": 32.79, "Longitude": -117.14, "Population": 1568.0}, {"index": 14656, "quantile": 0.75, "value": 204000.0, "Latitude": 32.79, "Longitude": -117.14, "Population": 1568.0}, {"index": 14656, "quantile": 1.0, "value": 353000.0, "Latitude": 32.79, "Longitude": -117.14, "Population": 1568.0}, {"index": 14657, "quantile": 0.0, "value": 144100.0, "Latitude": 32.78, "Longitude": -117.15, "Population": 611.0}, {"index": 14657, "quantile": 0.25, "value": 205100.00000000003, "Latitude": 32.78, "Longitude": -117.15, "Population": 611.0}, {"index": 14657, "quantile": 0.5, "value": 205100.00000000003, "Latitude": 32.78, "Longitude": -117.15, "Population": 611.0}, {"index": 14657, "quantile": 0.75, "value": 329825.00000000006, "Latitude": 32.78, "Longitude": -117.15, "Population": 611.0}, {"index": 14657, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.78, "Longitude": -117.15, "Population": 611.0}, {"index": 14658, "quantile": 0.0, "value": 140800.0, "Latitude": 32.79, "Longitude": -117.14, "Population": 422.0}, {"index": 14658, "quantile": 0.25, "value": 183000.0, "Latitude": 32.79, "Longitude": -117.14, "Population": 422.0}, {"index": 14658, "quantile": 0.5, "value": 183000.0, "Latitude": 32.79, "Longitude": -117.14, "Population": 422.0}, {"index": 14658, "quantile": 0.75, "value": 185800.0, "Latitude": 32.79, "Longitude": -117.14, "Population": 422.0}, {"index": 14658, "quantile": 1.0, "value": 444500.0, "Latitude": 32.79, "Longitude": -117.14, "Population": 422.0}, {"index": 14659, "quantile": 0.0, "value": 67500.0, "Latitude": 32.81, "Longitude": -117.13, "Population": 1349.0}, {"index": 14659, "quantile": 0.25, "value": 144700.0, "Latitude": 32.81, "Longitude": -117.13, "Population": 1349.0}, {"index": 14659, "quantile": 0.5, "value": 177400.0, "Latitude": 32.81, "Longitude": -117.13, "Population": 1349.0}, {"index": 14659, "quantile": 0.75, "value": 177400.0, "Latitude": 32.81, "Longitude": -117.13, "Population": 1349.0}, {"index": 14659, "quantile": 1.0, "value": 225000.0, "Latitude": 32.81, "Longitude": -117.13, "Population": 1349.0}, {"index": 14660, "quantile": 0.0, "value": 147900.0, "Latitude": 32.81, "Longitude": -117.14, "Population": 800.0}, {"index": 14660, "quantile": 0.25, "value": 179100.0, "Latitude": 32.81, "Longitude": -117.14, "Population": 800.0}, {"index": 14660, "quantile": 0.5, "value": 179100.0, "Latitude": 32.81, "Longitude": -117.14, "Population": 800.0}, {"index": 14660, "quantile": 0.75, "value": 179100.0, "Latitude": 32.81, "Longitude": -117.14, "Population": 800.0}, {"index": 14660, "quantile": 1.0, "value": 274400.0, "Latitude": 32.81, "Longitude": -117.14, "Population": 800.0}, {"index": 14661, "quantile": 0.0, "value": 99100.0, "Latitude": 32.8, "Longitude": -117.13, "Population": 784.0}, {"index": 14661, "quantile": 0.25, "value": 108300.0, "Latitude": 32.8, "Longitude": -117.13, "Population": 784.0}, {"index": 14661, "quantile": 0.5, "value": 108300.0, "Latitude": 32.8, "Longitude": -117.13, "Population": 784.0}, {"index": 14661, "quantile": 0.75, "value": 139375.0, "Latitude": 32.8, "Longitude": -117.13, "Population": 784.0}, {"index": 14661, "quantile": 1.0, "value": 350000.0, "Latitude": 32.8, "Longitude": -117.13, "Population": 784.0}, {"index": 14662, "quantile": 0.0, "value": 133500.0, "Latitude": 32.8, "Longitude": -117.13, "Population": 1263.0}, {"index": 14662, "quantile": 0.25, "value": 175300.0, "Latitude": 32.8, "Longitude": -117.13, "Population": 1263.0}, {"index": 14662, "quantile": 0.5, "value": 175300.0, "Latitude": 32.8, "Longitude": -117.13, "Population": 1263.0}, {"index": 14662, "quantile": 0.75, "value": 179100.0, "Latitude": 32.8, "Longitude": -117.13, "Population": 1263.0}, {"index": 14662, "quantile": 1.0, "value": 353000.0, "Latitude": 32.8, "Longitude": -117.13, "Population": 1263.0}, {"index": 14663, "quantile": 0.0, "value": 132600.0, "Latitude": 32.8, "Longitude": -117.12, "Population": 1392.0}, {"index": 14663, "quantile": 0.25, "value": 173725.0, "Latitude": 32.8, "Longitude": -117.12, "Population": 1392.0}, {"index": 14663, "quantile": 0.5, "value": 174200.0, "Latitude": 32.8, "Longitude": -117.12, "Population": 1392.0}, {"index": 14663, "quantile": 0.75, "value": 174200.0, "Latitude": 32.8, "Longitude": -117.12, "Population": 1392.0}, {"index": 14663, "quantile": 1.0, "value": 343200.0, "Latitude": 32.8, "Longitude": -117.12, "Population": 1392.0}, {"index": 14664, "quantile": 0.0, "value": 115300.0, "Latitude": 32.81, "Longitude": -117.13, "Population": 1202.0}, {"index": 14664, "quantile": 0.25, "value": 166225.0, "Latitude": 32.81, "Longitude": -117.13, "Population": 1202.0}, {"index": 14664, "quantile": 0.5, "value": 166500.0, "Latitude": 32.81, "Longitude": -117.13, "Population": 1202.0}, {"index": 14664, "quantile": 0.75, "value": 166500.0, "Latitude": 32.81, "Longitude": -117.13, "Population": 1202.0}, {"index": 14664, "quantile": 1.0, "value": 200599.99999999997, "Latitude": 32.81, "Longitude": -117.13, "Population": 1202.0}, {"index": 14665, "quantile": 0.0, "value": 123600.0, "Latitude": 32.8, "Longitude": -117.12, "Population": 879.0}, {"index": 14665, "quantile": 0.25, "value": 166300.0, "Latitude": 32.8, "Longitude": -117.12, "Population": 879.0}, {"index": 14665, "quantile": 0.5, "value": 166300.0, "Latitude": 32.8, "Longitude": -117.12, "Population": 879.0}, {"index": 14665, "quantile": 0.75, "value": 167325.0, "Latitude": 32.8, "Longitude": -117.12, "Population": 879.0}, {"index": 14665, "quantile": 1.0, "value": 270000.0, "Latitude": 32.8, "Longitude": -117.12, "Population": 879.0}, {"index": 14666, "quantile": 0.0, "value": 104500.0, "Latitude": 32.8, "Longitude": -117.13, "Population": 1044.0}, {"index": 14666, "quantile": 0.25, "value": 174900.0, "Latitude": 32.8, "Longitude": -117.13, "Population": 1044.0}, {"index": 14666, "quantile": 0.5, "value": 174900.0, "Latitude": 32.8, "Longitude": -117.13, "Population": 1044.0}, {"index": 14666, "quantile": 0.75, "value": 174900.0, "Latitude": 32.8, "Longitude": -117.13, "Population": 1044.0}, {"index": 14666, "quantile": 1.0, "value": 343200.0, "Latitude": 32.8, "Longitude": -117.13, "Population": 1044.0}, {"index": 14667, "quantile": 0.0, "value": 142000.0, "Latitude": 32.79, "Longitude": -117.13, "Population": 723.0}, {"index": 14667, "quantile": 0.25, "value": 174100.0, "Latitude": 32.79, "Longitude": -117.13, "Population": 723.0}, {"index": 14667, "quantile": 0.5, "value": 174100.0, "Latitude": 32.79, "Longitude": -117.13, "Population": 723.0}, {"index": 14667, "quantile": 0.75, "value": 174100.0, "Latitude": 32.79, "Longitude": -117.13, "Population": 723.0}, {"index": 14667, "quantile": 1.0, "value": 192900.0, "Latitude": 32.79, "Longitude": -117.13, "Population": 723.0}, {"index": 14668, "quantile": 0.0, "value": 120300.0, "Latitude": 32.79, "Longitude": -117.13, "Population": 698.0}, {"index": 14668, "quantile": 0.25, "value": 173800.0, "Latitude": 32.79, "Longitude": -117.13, "Population": 698.0}, {"index": 14668, "quantile": 0.5, "value": 173800.0, "Latitude": 32.79, "Longitude": -117.13, "Population": 698.0}, {"index": 14668, "quantile": 0.75, "value": 173800.0, "Latitude": 32.79, "Longitude": -117.13, "Population": 698.0}, {"index": 14668, "quantile": 1.0, "value": 270000.0, "Latitude": 32.79, "Longitude": -117.13, "Population": 698.0}, {"index": 14669, "quantile": 0.0, "value": 119100.0, "Latitude": 32.78, "Longitude": -117.12, "Population": 1309.0}, {"index": 14669, "quantile": 0.25, "value": 124200.0, "Latitude": 32.78, "Longitude": -117.12, "Population": 1309.0}, {"index": 14669, "quantile": 0.5, "value": 124200.0, "Latitude": 32.78, "Longitude": -117.12, "Population": 1309.0}, {"index": 14669, "quantile": 0.75, "value": 158500.0, "Latitude": 32.78, "Longitude": -117.12, "Population": 1309.0}, {"index": 14669, "quantile": 1.0, "value": 367400.0, "Latitude": 32.78, "Longitude": -117.12, "Population": 1309.0}, {"index": 14670, "quantile": 0.0, "value": 67500.0, "Latitude": 32.77, "Longitude": -117.15, "Population": 847.0}, {"index": 14670, "quantile": 0.25, "value": 92200.0, "Latitude": 32.77, "Longitude": -117.15, "Population": 847.0}, {"index": 14670, "quantile": 0.5, "value": 92200.0, "Latitude": 32.77, "Longitude": -117.15, "Population": 847.0}, {"index": 14670, "quantile": 0.75, "value": 142099.99999999997, "Latitude": 32.77, "Longitude": -117.15, "Population": 847.0}, {"index": 14670, "quantile": 1.0, "value": 350000.0, "Latitude": 32.77, "Longitude": -117.15, "Population": 847.0}, {"index": 14671, "quantile": 0.0, "value": 137200.0, "Latitude": 32.81, "Longitude": -117.09, "Population": 2710.0}, {"index": 14671, "quantile": 0.25, "value": 271625.0, "Latitude": 32.81, "Longitude": -117.09, "Population": 2710.0}, {"index": 14671, "quantile": 0.5, "value": 288200.0, "Latitude": 32.81, "Longitude": -117.09, "Population": 2710.0}, {"index": 14671, "quantile": 0.75, "value": 288200.0, "Latitude": 32.81, "Longitude": -117.09, "Population": 2710.0}, {"index": 14671, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.81, "Longitude": -117.09, "Population": 2710.0}, {"index": 14672, "quantile": 0.0, "value": 67500.0, "Latitude": 32.82, "Longitude": -117.11, "Population": 3174.0}, {"index": 14672, "quantile": 0.25, "value": 132225.0, "Latitude": 32.82, "Longitude": -117.11, "Population": 3174.0}, {"index": 14672, "quantile": 0.5, "value": 175000.0, "Latitude": 32.82, "Longitude": -117.11, "Population": 3174.0}, {"index": 14672, "quantile": 0.75, "value": 175000.0, "Latitude": 32.82, "Longitude": -117.11, "Population": 3174.0}, {"index": 14672, "quantile": 1.0, "value": 179500.0, "Latitude": 32.82, "Longitude": -117.11, "Population": 3174.0}, {"index": 14673, "quantile": 0.0, "value": 67500.0, "Latitude": 32.82, "Longitude": -117.11, "Population": 1341.0}, {"index": 14673, "quantile": 0.25, "value": 98900.0, "Latitude": 32.82, "Longitude": -117.11, "Population": 1341.0}, {"index": 14673, "quantile": 0.5, "value": 122650.00000000001, "Latitude": 32.82, "Longitude": -117.11, "Population": 1341.0}, {"index": 14673, "quantile": 0.75, "value": 156100.0, "Latitude": 32.82, "Longitude": -117.11, "Population": 1341.0}, {"index": 14673, "quantile": 1.0, "value": 216900.0, "Latitude": 32.82, "Longitude": -117.11, "Population": 1341.0}, {"index": 14674, "quantile": 0.0, "value": 67500.0, "Latitude": 32.81, "Longitude": -117.11, "Population": 2303.0}, {"index": 14674, "quantile": 0.25, "value": 67500.0, "Latitude": 32.81, "Longitude": -117.11, "Population": 2303.0}, {"index": 14674, "quantile": 0.5, "value": 67500.0, "Latitude": 32.81, "Longitude": -117.11, "Population": 2303.0}, {"index": 14674, "quantile": 0.75, "value": 114500.0, "Latitude": 32.81, "Longitude": -117.11, "Population": 2303.0}, {"index": 14674, "quantile": 1.0, "value": 216900.0, "Latitude": 32.81, "Longitude": -117.11, "Population": 2303.0}, {"index": 14675, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.8, "Longitude": -117.11, "Population": 2791.0}, {"index": 14675, "quantile": 0.25, "value": 67500.0, "Latitude": 32.8, "Longitude": -117.11, "Population": 2791.0}, {"index": 14675, "quantile": 0.5, "value": 67500.0, "Latitude": 32.8, "Longitude": -117.11, "Population": 2791.0}, {"index": 14675, "quantile": 0.75, "value": 150925.0, "Latitude": 32.8, "Longitude": -117.11, "Population": 2791.0}, {"index": 14675, "quantile": 1.0, "value": 270000.0, "Latitude": 32.8, "Longitude": -117.11, "Population": 2791.0}, {"index": 14676, "quantile": 0.0, "value": 85800.0, "Latitude": 32.8, "Longitude": -117.09, "Population": 247.0}, {"index": 14676, "quantile": 0.25, "value": 131300.0, "Latitude": 32.8, "Longitude": -117.09, "Population": 247.0}, {"index": 14676, "quantile": 0.5, "value": 131300.0, "Latitude": 32.8, "Longitude": -117.09, "Population": 247.0}, {"index": 14676, "quantile": 0.75, "value": 131300.0, "Latitude": 32.8, "Longitude": -117.09, "Population": 247.0}, {"index": 14676, "quantile": 1.0, "value": 366700.0, "Latitude": 32.8, "Longitude": -117.09, "Population": 247.0}, {"index": 14677, "quantile": 0.0, "value": 110100.0, "Latitude": 32.84, "Longitude": -117.11, "Population": 2020.0}, {"index": 14677, "quantile": 0.25, "value": 243000.00000000003, "Latitude": 32.84, "Longitude": -117.11, "Population": 2020.0}, {"index": 14677, "quantile": 0.5, "value": 243000.00000000003, "Latitude": 32.84, "Longitude": -117.11, "Population": 2020.0}, {"index": 14677, "quantile": 0.75, "value": 243000.00000000003, "Latitude": 32.84, "Longitude": -117.11, "Population": 2020.0}, {"index": 14677, "quantile": 1.0, "value": 341300.0, "Latitude": 32.84, "Longitude": -117.11, "Population": 2020.0}, {"index": 14678, "quantile": 0.0, "value": 124200.0, "Latitude": 32.82, "Longitude": -117.11, "Population": 1771.0}, {"index": 14678, "quantile": 0.25, "value": 166500.0, "Latitude": 32.82, "Longitude": -117.11, "Population": 1771.0}, {"index": 14678, "quantile": 0.5, "value": 166500.0, "Latitude": 32.82, "Longitude": -117.11, "Population": 1771.0}, {"index": 14678, "quantile": 0.75, "value": 178600.0, "Latitude": 32.82, "Longitude": -117.11, "Population": 1771.0}, {"index": 14678, "quantile": 1.0, "value": 429200.0, "Latitude": 32.82, "Longitude": -117.11, "Population": 1771.0}, {"index": 14679, "quantile": 0.0, "value": 146300.0, "Latitude": 32.83, "Longitude": -117.1, "Population": 467.0}, {"index": 14679, "quantile": 0.25, "value": 248100.0, "Latitude": 32.83, "Longitude": -117.1, "Population": 467.0}, {"index": 14679, "quantile": 0.5, "value": 248100.0, "Latitude": 32.83, "Longitude": -117.1, "Population": 467.0}, {"index": 14679, "quantile": 0.75, "value": 248100.0, "Latitude": 32.83, "Longitude": -117.1, "Population": 467.0}, {"index": 14679, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.1, "Population": 467.0}, {"index": 14680, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 32.83, "Longitude": -117.1, "Population": 1820.0}, {"index": 14680, "quantile": 0.25, "value": 179500.0, "Latitude": 32.83, "Longitude": -117.1, "Population": 1820.0}, {"index": 14680, "quantile": 0.5, "value": 179500.0, "Latitude": 32.83, "Longitude": -117.1, "Population": 1820.0}, {"index": 14680, "quantile": 0.75, "value": 186300.0, "Latitude": 32.83, "Longitude": -117.1, "Population": 1820.0}, {"index": 14680, "quantile": 1.0, "value": 353000.0, "Latitude": 32.83, "Longitude": -117.1, "Population": 1820.0}, {"index": 14681, "quantile": 0.0, "value": 118900.0, "Latitude": 32.83, "Longitude": -117.09, "Population": 2001.0}, {"index": 14681, "quantile": 0.25, "value": 224500.0, "Latitude": 32.83, "Longitude": -117.09, "Population": 2001.0}, {"index": 14681, "quantile": 0.5, "value": 264000.0, "Latitude": 32.83, "Longitude": -117.09, "Population": 2001.0}, {"index": 14681, "quantile": 0.75, "value": 264000.0, "Latitude": 32.83, "Longitude": -117.09, "Population": 2001.0}, {"index": 14681, "quantile": 1.0, "value": 268300.0, "Latitude": 32.83, "Longitude": -117.09, "Population": 2001.0}, {"index": 14682, "quantile": 0.0, "value": 248400.0, "Latitude": 32.82, "Longitude": -117.08, "Population": 770.0}, {"index": 14682, "quantile": 0.25, "value": 278600.0, "Latitude": 32.82, "Longitude": -117.08, "Population": 770.0}, {"index": 14682, "quantile": 0.5, "value": 278600.0, "Latitude": 32.82, "Longitude": -117.08, "Population": 770.0}, {"index": 14682, "quantile": 0.75, "value": 278600.0, "Latitude": 32.82, "Longitude": -117.08, "Population": 770.0}, {"index": 14682, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.08, "Population": 770.0}, {"index": 14683, "quantile": 0.0, "value": 105300.0, "Latitude": 32.82, "Longitude": -117.08, "Population": 2190.0}, {"index": 14683, "quantile": 0.25, "value": 228600.0, "Latitude": 32.82, "Longitude": -117.08, "Population": 2190.0}, {"index": 14683, "quantile": 0.5, "value": 272400.0, "Latitude": 32.82, "Longitude": -117.08, "Population": 2190.0}, {"index": 14683, "quantile": 0.75, "value": 307550.0, "Latitude": 32.82, "Longitude": -117.08, "Population": 2190.0}, {"index": 14683, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -117.08, "Population": 2190.0}, {"index": 14684, "quantile": 0.0, "value": 177400.0, "Latitude": 32.83, "Longitude": -117.08, "Population": 4446.0}, {"index": 14684, "quantile": 0.25, "value": 260600.0, "Latitude": 32.83, "Longitude": -117.08, "Population": 4446.0}, {"index": 14684, "quantile": 0.5, "value": 260600.0, "Latitude": 32.83, "Longitude": -117.08, "Population": 4446.0}, {"index": 14684, "quantile": 0.75, "value": 289150.0, "Latitude": 32.83, "Longitude": -117.08, "Population": 4446.0}, {"index": 14684, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.08, "Population": 4446.0}, {"index": 14685, "quantile": 0.0, "value": 146300.0, "Latitude": 32.83, "Longitude": -117.04, "Population": 777.0}, {"index": 14685, "quantile": 0.25, "value": 177400.0, "Latitude": 32.83, "Longitude": -117.04, "Population": 777.0}, {"index": 14685, "quantile": 0.5, "value": 177400.0, "Latitude": 32.83, "Longitude": -117.04, "Population": 777.0}, {"index": 14685, "quantile": 0.75, "value": 221025.00000000003, "Latitude": 32.83, "Longitude": -117.04, "Population": 777.0}, {"index": 14685, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -117.04, "Population": 777.0}, {"index": 14686, "quantile": 0.0, "value": 357600.0, "Latitude": 32.91, "Longitude": -117.07, "Population": 894.0}, {"index": 14686, "quantile": 0.25, "value": 477600.0, "Latitude": 32.91, "Longitude": -117.07, "Population": 894.0}, {"index": 14686, "quantile": 0.5, "value": 477600.0, "Latitude": 32.91, "Longitude": -117.07, "Population": 894.0}, {"index": 14686, "quantile": 0.75, "value": 477600.0, "Latitude": 32.91, "Longitude": -117.07, "Population": 894.0}, {"index": 14686, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.91, "Longitude": -117.07, "Population": 894.0}, {"index": 14687, "quantile": 0.0, "value": 315200.0, "Latitude": 32.9, "Longitude": -117.04, "Population": 3146.0}, {"index": 14687, "quantile": 0.25, "value": 391300.0, "Latitude": 32.9, "Longitude": -117.04, "Population": 3146.0}, {"index": 14687, "quantile": 0.5, "value": 433249.99999999994, "Latitude": 32.9, "Longitude": -117.04, "Population": 3146.0}, {"index": 14687, "quantile": 0.75, "value": 477600.0, "Latitude": 32.9, "Longitude": -117.04, "Population": 3146.0}, {"index": 14687, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.9, "Longitude": -117.04, "Population": 3146.0}, {"index": 14688, "quantile": 0.0, "value": 88800.0, "Latitude": 32.8, "Longitude": -117.08, "Population": 1162.0}, {"index": 14688, "quantile": 0.25, "value": 184500.0, "Latitude": 32.8, "Longitude": -117.08, "Population": 1162.0}, {"index": 14688, "quantile": 0.5, "value": 184500.0, "Latitude": 32.8, "Longitude": -117.08, "Population": 1162.0}, {"index": 14688, "quantile": 0.75, "value": 198350.0, "Latitude": 32.8, "Longitude": -117.08, "Population": 1162.0}, {"index": 14688, "quantile": 1.0, "value": 386100.0, "Latitude": 32.8, "Longitude": -117.08, "Population": 1162.0}, {"index": 14689, "quantile": 0.0, "value": 88900.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 999.0}, {"index": 14689, "quantile": 0.25, "value": 169700.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 999.0}, {"index": 14689, "quantile": 0.5, "value": 169700.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 999.0}, {"index": 14689, "quantile": 0.75, "value": 169700.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 999.0}, {"index": 14689, "quantile": 1.0, "value": 264300.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 999.0}, {"index": 14690, "quantile": 0.0, "value": 146600.0, "Latitude": 32.8, "Longitude": -117.09, "Population": 915.0}, {"index": 14690, "quantile": 0.25, "value": 170000.0, "Latitude": 32.8, "Longitude": -117.09, "Population": 915.0}, {"index": 14690, "quantile": 0.5, "value": 184050.0, "Latitude": 32.8, "Longitude": -117.09, "Population": 915.0}, {"index": 14690, "quantile": 0.75, "value": 197325.00000000003, "Latitude": 32.8, "Longitude": -117.09, "Population": 915.0}, {"index": 14690, "quantile": 1.0, "value": 404500.0, "Latitude": 32.8, "Longitude": -117.09, "Population": 915.0}, {"index": 14691, "quantile": 0.0, "value": 119300.0, "Latitude": 32.8, "Longitude": -117.08, "Population": 635.0}, {"index": 14691, "quantile": 0.25, "value": 176375.0, "Latitude": 32.8, "Longitude": -117.08, "Population": 635.0}, {"index": 14691, "quantile": 0.5, "value": 178100.0, "Latitude": 32.8, "Longitude": -117.08, "Population": 635.0}, {"index": 14691, "quantile": 0.75, "value": 178100.0, "Latitude": 32.8, "Longitude": -117.08, "Population": 635.0}, {"index": 14691, "quantile": 1.0, "value": 216500.0, "Latitude": 32.8, "Longitude": -117.08, "Population": 635.0}, {"index": 14692, "quantile": 0.0, "value": 76600.0, "Latitude": 32.79, "Longitude": -117.11, "Population": 1129.0}, {"index": 14692, "quantile": 0.25, "value": 129299.99999999999, "Latitude": 32.79, "Longitude": -117.11, "Population": 1129.0}, {"index": 14692, "quantile": 0.5, "value": 133200.0, "Latitude": 32.79, "Longitude": -117.11, "Population": 1129.0}, {"index": 14692, "quantile": 0.75, "value": 186525.0, "Latitude": 32.79, "Longitude": -117.11, "Population": 1129.0}, {"index": 14692, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.79, "Longitude": -117.11, "Population": 1129.0}, {"index": 14693, "quantile": 0.0, "value": 100000.0, "Latitude": 32.79, "Longitude": -117.11, "Population": 1006.0}, {"index": 14693, "quantile": 0.25, "value": 129299.99999999999, "Latitude": 32.79, "Longitude": -117.11, "Population": 1006.0}, {"index": 14693, "quantile": 0.5, "value": 129299.99999999999, "Latitude": 32.79, "Longitude": -117.11, "Population": 1006.0}, {"index": 14693, "quantile": 0.75, "value": 157625.0, "Latitude": 32.79, "Longitude": -117.11, "Population": 1006.0}, {"index": 14693, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.79, "Longitude": -117.11, "Population": 1006.0}, {"index": 14694, "quantile": 0.0, "value": 92200.0, "Latitude": 32.78, "Longitude": -117.11, "Population": 1170.0}, {"index": 14694, "quantile": 0.25, "value": 129299.99999999999, "Latitude": 32.78, "Longitude": -117.11, "Population": 1170.0}, {"index": 14694, "quantile": 0.5, "value": 137900.0, "Latitude": 32.78, "Longitude": -117.11, "Population": 1170.0}, {"index": 14694, "quantile": 0.75, "value": 177475.0, "Latitude": 32.78, "Longitude": -117.11, "Population": 1170.0}, {"index": 14694, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.78, "Longitude": -117.11, "Population": 1170.0}, {"index": 14695, "quantile": 0.0, "value": 87500.0, "Latitude": 32.78, "Longitude": -117.11, "Population": 930.0}, {"index": 14695, "quantile": 0.25, "value": 133200.0, "Latitude": 32.78, "Longitude": -117.11, "Population": 930.0}, {"index": 14695, "quantile": 0.5, "value": 133200.0, "Latitude": 32.78, "Longitude": -117.11, "Population": 930.0}, {"index": 14695, "quantile": 0.75, "value": 159125.0, "Latitude": 32.78, "Longitude": -117.11, "Population": 930.0}, {"index": 14695, "quantile": 1.0, "value": 333300.0, "Latitude": 32.78, "Longitude": -117.11, "Population": 930.0}, {"index": 14696, "quantile": 0.0, "value": 97600.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 683.0}, {"index": 14696, "quantile": 0.25, "value": 159300.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 683.0}, {"index": 14696, "quantile": 0.5, "value": 170900.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 683.0}, {"index": 14696, "quantile": 0.75, "value": 176474.99999999997, "Latitude": 32.79, "Longitude": -117.09, "Population": 683.0}, {"index": 14696, "quantile": 1.0, "value": 351000.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 683.0}, {"index": 14697, "quantile": 0.0, "value": 129400.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 861.0}, {"index": 14697, "quantile": 0.25, "value": 170000.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 861.0}, {"index": 14697, "quantile": 0.5, "value": 170000.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 861.0}, {"index": 14697, "quantile": 0.75, "value": 170000.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 861.0}, {"index": 14697, "quantile": 1.0, "value": 270000.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 861.0}, {"index": 14698, "quantile": 0.0, "value": 93300.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 872.0}, {"index": 14698, "quantile": 0.25, "value": 137900.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 872.0}, {"index": 14698, "quantile": 0.5, "value": 168900.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 872.0}, {"index": 14698, "quantile": 0.75, "value": 204950.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 872.0}, {"index": 14698, "quantile": 1.0, "value": 369400.0, "Latitude": 32.79, "Longitude": -117.09, "Population": 872.0}, {"index": 14699, "quantile": 0.0, "value": 87500.0, "Latitude": 32.78, "Longitude": -117.09, "Population": 816.0}, {"index": 14699, "quantile": 0.25, "value": 155400.0, "Latitude": 32.78, "Longitude": -117.09, "Population": 816.0}, {"index": 14699, "quantile": 0.5, "value": 169700.0, "Latitude": 32.78, "Longitude": -117.09, "Population": 816.0}, {"index": 14699, "quantile": 0.75, "value": 192200.0, "Latitude": 32.78, "Longitude": -117.09, "Population": 816.0}, {"index": 14699, "quantile": 1.0, "value": 360300.0, "Latitude": 32.78, "Longitude": -117.09, "Population": 816.0}, {"index": 14700, "quantile": 0.0, "value": 181000.0, "Latitude": 32.8, "Longitude": -117.07, "Population": 1017.0}, {"index": 14700, "quantile": 0.25, "value": 181000.0, "Latitude": 32.8, "Longitude": -117.07, "Population": 1017.0}, {"index": 14700, "quantile": 0.5, "value": 181000.0, "Latitude": 32.8, "Longitude": -117.07, "Population": 1017.0}, {"index": 14700, "quantile": 0.75, "value": 181825.0, "Latitude": 32.8, "Longitude": -117.07, "Population": 1017.0}, {"index": 14700, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.8, "Longitude": -117.07, "Population": 1017.0}, {"index": 14701, "quantile": 0.0, "value": 90800.0, "Latitude": 32.8, "Longitude": -117.07, "Population": 820.0}, {"index": 14701, "quantile": 0.25, "value": 168900.0, "Latitude": 32.8, "Longitude": -117.07, "Population": 820.0}, {"index": 14701, "quantile": 0.5, "value": 168900.0, "Latitude": 32.8, "Longitude": -117.07, "Population": 820.0}, {"index": 14701, "quantile": 0.75, "value": 177925.0, "Latitude": 32.8, "Longitude": -117.07, "Population": 820.0}, {"index": 14701, "quantile": 1.0, "value": 355100.0, "Latitude": 32.8, "Longitude": -117.07, "Population": 820.0}, {"index": 14702, "quantile": 0.0, "value": 104500.0, "Latitude": 32.79, "Longitude": -117.07, "Population": 1711.0}, {"index": 14702, "quantile": 0.25, "value": 170800.0, "Latitude": 32.79, "Longitude": -117.07, "Population": 1711.0}, {"index": 14702, "quantile": 0.5, "value": 170800.0, "Latitude": 32.79, "Longitude": -117.07, "Population": 1711.0}, {"index": 14702, "quantile": 0.75, "value": 170800.0, "Latitude": 32.79, "Longitude": -117.07, "Population": 1711.0}, {"index": 14702, "quantile": 1.0, "value": 343200.0, "Latitude": 32.79, "Longitude": -117.07, "Population": 1711.0}, {"index": 14703, "quantile": 0.0, "value": 156300.0, "Latitude": 32.8, "Longitude": -117.07, "Population": 1094.0}, {"index": 14703, "quantile": 0.25, "value": 195100.0, "Latitude": 32.8, "Longitude": -117.07, "Population": 1094.0}, {"index": 14703, "quantile": 0.5, "value": 195100.0, "Latitude": 32.8, "Longitude": -117.07, "Population": 1094.0}, {"index": 14703, "quantile": 0.75, "value": 195100.0, "Latitude": 32.8, "Longitude": -117.07, "Population": 1094.0}, {"index": 14703, "quantile": 1.0, "value": 382100.0, "Latitude": 32.8, "Longitude": -117.07, "Population": 1094.0}, {"index": 14704, "quantile": 0.0, "value": 108300.0, "Latitude": 32.81, "Longitude": -117.07, "Population": 778.0}, {"index": 14704, "quantile": 0.25, "value": 224200.0, "Latitude": 32.81, "Longitude": -117.07, "Population": 778.0}, {"index": 14704, "quantile": 0.5, "value": 224200.0, "Latitude": 32.81, "Longitude": -117.07, "Population": 778.0}, {"index": 14704, "quantile": 0.75, "value": 224200.0, "Latitude": 32.81, "Longitude": -117.07, "Population": 778.0}, {"index": 14704, "quantile": 1.0, "value": 300000.0, "Latitude": 32.81, "Longitude": -117.07, "Population": 778.0}, {"index": 14705, "quantile": 0.0, "value": 218100.0, "Latitude": 32.81, "Longitude": -117.06, "Population": 1694.0}, {"index": 14705, "quantile": 0.25, "value": 234700.0, "Latitude": 32.81, "Longitude": -117.06, "Population": 1694.0}, {"index": 14705, "quantile": 0.5, "value": 234700.0, "Latitude": 32.81, "Longitude": -117.06, "Population": 1694.0}, {"index": 14705, "quantile": 0.75, "value": 264150.0, "Latitude": 32.81, "Longitude": -117.06, "Population": 1694.0}, {"index": 14705, "quantile": 1.0, "value": 412600.00000000006, "Latitude": 32.81, "Longitude": -117.06, "Population": 1694.0}, {"index": 14706, "quantile": 0.0, "value": 105300.0, "Latitude": 32.81, "Longitude": -117.05, "Population": 771.0}, {"index": 14706, "quantile": 0.25, "value": 228600.0, "Latitude": 32.81, "Longitude": -117.05, "Population": 771.0}, {"index": 14706, "quantile": 0.5, "value": 228600.0, "Latitude": 32.81, "Longitude": -117.05, "Population": 771.0}, {"index": 14706, "quantile": 0.75, "value": 232125.0, "Latitude": 32.81, "Longitude": -117.05, "Population": 771.0}, {"index": 14706, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.81, "Longitude": -117.05, "Population": 771.0}, {"index": 14707, "quantile": 0.0, "value": 73400.0, "Latitude": 32.8, "Longitude": -117.05, "Population": 549.0}, {"index": 14707, "quantile": 0.25, "value": 180400.0, "Latitude": 32.8, "Longitude": -117.05, "Population": 549.0}, {"index": 14707, "quantile": 0.5, "value": 180400.0, "Latitude": 32.8, "Longitude": -117.05, "Population": 549.0}, {"index": 14707, "quantile": 0.75, "value": 180400.0, "Latitude": 32.8, "Longitude": -117.05, "Population": 549.0}, {"index": 14707, "quantile": 1.0, "value": 370800.0, "Latitude": 32.8, "Longitude": -117.05, "Population": 549.0}, {"index": 14708, "quantile": 0.0, "value": 151400.0, "Latitude": 32.8, "Longitude": -117.06, "Population": 973.0}, {"index": 14708, "quantile": 0.25, "value": 222000.00000000003, "Latitude": 32.8, "Longitude": -117.06, "Population": 973.0}, {"index": 14708, "quantile": 0.5, "value": 222000.00000000003, "Latitude": 32.8, "Longitude": -117.06, "Population": 973.0}, {"index": 14708, "quantile": 0.75, "value": 222000.00000000003, "Latitude": 32.8, "Longitude": -117.06, "Population": 973.0}, {"index": 14708, "quantile": 1.0, "value": 491200.0, "Latitude": 32.8, "Longitude": -117.06, "Population": 973.0}, {"index": 14709, "quantile": 0.0, "value": 171900.0, "Latitude": 32.79, "Longitude": -117.07, "Population": 911.0}, {"index": 14709, "quantile": 0.25, "value": 309900.0, "Latitude": 32.79, "Longitude": -117.07, "Population": 911.0}, {"index": 14709, "quantile": 0.5, "value": 358600.00000000006, "Latitude": 32.79, "Longitude": -117.07, "Population": 911.0}, {"index": 14709, "quantile": 0.75, "value": 409474.99999999994, "Latitude": 32.79, "Longitude": -117.07, "Population": 911.0}, {"index": 14709, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.79, "Longitude": -117.07, "Population": 911.0}, {"index": 14710, "quantile": 0.0, "value": 150300.0, "Latitude": 32.78, "Longitude": -117.07, "Population": 1516.0}, {"index": 14710, "quantile": 0.25, "value": 192900.0, "Latitude": 32.78, "Longitude": -117.07, "Population": 1516.0}, {"index": 14710, "quantile": 0.5, "value": 268300.0, "Latitude": 32.78, "Longitude": -117.07, "Population": 1516.0}, {"index": 14710, "quantile": 0.75, "value": 268300.0, "Latitude": 32.78, "Longitude": -117.07, "Population": 1516.0}, {"index": 14710, "quantile": 1.0, "value": 387800.0, "Latitude": 32.78, "Longitude": -117.07, "Population": 1516.0}, {"index": 14711, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 32.78, "Longitude": -117.08, "Population": 984.0}, {"index": 14711, "quantile": 0.25, "value": 222800.00000000003, "Latitude": 32.78, "Longitude": -117.08, "Population": 984.0}, {"index": 14711, "quantile": 0.5, "value": 222800.00000000003, "Latitude": 32.78, "Longitude": -117.08, "Population": 984.0}, {"index": 14711, "quantile": 0.75, "value": 222800.00000000003, "Latitude": 32.78, "Longitude": -117.08, "Population": 984.0}, {"index": 14711, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.78, "Longitude": -117.08, "Population": 984.0}, {"index": 14712, "quantile": 0.0, "value": 146300.0, "Latitude": 32.79, "Longitude": -117.04, "Population": 863.0}, {"index": 14712, "quantile": 0.25, "value": 306800.0, "Latitude": 32.79, "Longitude": -117.04, "Population": 863.0}, {"index": 14712, "quantile": 0.5, "value": 306800.0, "Latitude": 32.79, "Longitude": -117.04, "Population": 863.0}, {"index": 14712, "quantile": 0.75, "value": 306800.0, "Latitude": 32.79, "Longitude": -117.04, "Population": 863.0}, {"index": 14712, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.79, "Longitude": -117.04, "Population": 863.0}, {"index": 14713, "quantile": 0.0, "value": 159300.0, "Latitude": 32.8, "Longitude": -117.04, "Population": 1067.0}, {"index": 14713, "quantile": 0.25, "value": 243400.00000000003, "Latitude": 32.8, "Longitude": -117.04, "Population": 1067.0}, {"index": 14713, "quantile": 0.5, "value": 243400.00000000003, "Latitude": 32.8, "Longitude": -117.04, "Population": 1067.0}, {"index": 14713, "quantile": 0.75, "value": 243400.00000000003, "Latitude": 32.8, "Longitude": -117.04, "Population": 1067.0}, {"index": 14713, "quantile": 1.0, "value": 339300.0, "Latitude": 32.8, "Longitude": -117.04, "Population": 1067.0}, {"index": 14714, "quantile": 0.0, "value": 92200.0, "Latitude": 32.8, "Longitude": -117.05, "Population": 574.0}, {"index": 14714, "quantile": 0.25, "value": 94600.0, "Latitude": 32.8, "Longitude": -117.05, "Population": 574.0}, {"index": 14714, "quantile": 0.5, "value": 94600.0, "Latitude": 32.8, "Longitude": -117.05, "Population": 574.0}, {"index": 14714, "quantile": 0.75, "value": 145150.0, "Latitude": 32.8, "Longitude": -117.05, "Population": 574.0}, {"index": 14714, "quantile": 1.0, "value": 268800.0, "Latitude": 32.8, "Longitude": -117.05, "Population": 574.0}, {"index": 14715, "quantile": 0.0, "value": 180700.0, "Latitude": 32.8, "Longitude": -117.05, "Population": 865.0}, {"index": 14715, "quantile": 0.25, "value": 249000.00000000003, "Latitude": 32.8, "Longitude": -117.05, "Population": 865.0}, {"index": 14715, "quantile": 0.5, "value": 249000.00000000003, "Latitude": 32.8, "Longitude": -117.05, "Population": 865.0}, {"index": 14715, "quantile": 0.75, "value": 250675.00000000003, "Latitude": 32.8, "Longitude": -117.05, "Population": 865.0}, {"index": 14715, "quantile": 1.0, "value": 480800.0, "Latitude": 32.8, "Longitude": -117.05, "Population": 865.0}, {"index": 14716, "quantile": 0.0, "value": 173200.0, "Latitude": 32.8, "Longitude": -117.05, "Population": 1116.0}, {"index": 14716, "quantile": 0.25, "value": 350850.0, "Latitude": 32.8, "Longitude": -117.05, "Population": 1116.0}, {"index": 14716, "quantile": 0.5, "value": 389750.0, "Latitude": 32.8, "Longitude": -117.05, "Population": 1116.0}, {"index": 14716, "quantile": 0.75, "value": 444100.0, "Latitude": 32.8, "Longitude": -117.05, "Population": 1116.0}, {"index": 14716, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.8, "Longitude": -117.05, "Population": 1116.0}, {"index": 14717, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 32.79, "Longitude": -117.06, "Population": 771.0}, {"index": 14717, "quantile": 0.25, "value": 331800.0, "Latitude": 32.79, "Longitude": -117.06, "Population": 771.0}, {"index": 14717, "quantile": 0.5, "value": 331800.0, "Latitude": 32.79, "Longitude": -117.06, "Population": 771.0}, {"index": 14717, "quantile": 0.75, "value": 331800.0, "Latitude": 32.79, "Longitude": -117.06, "Population": 771.0}, {"index": 14717, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.79, "Longitude": -117.06, "Population": 771.0}, {"index": 14718, "quantile": 0.0, "value": 381800.0, "Latitude": 32.79, "Longitude": -117.06, "Population": 1246.0}, {"index": 14718, "quantile": 0.25, "value": 391300.0, "Latitude": 32.79, "Longitude": -117.06, "Population": 1246.0}, {"index": 14718, "quantile": 0.5, "value": 391300.0, "Latitude": 32.79, "Longitude": -117.06, "Population": 1246.0}, {"index": 14718, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.79, "Longitude": -117.06, "Population": 1246.0}, {"index": 14718, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.79, "Longitude": -117.06, "Population": 1246.0}, {"index": 14719, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 32.78, "Longitude": -117.06, "Population": 942.0}, {"index": 14719, "quantile": 0.25, "value": 220800.00000000003, "Latitude": 32.78, "Longitude": -117.06, "Population": 942.0}, {"index": 14719, "quantile": 0.5, "value": 220800.00000000003, "Latitude": 32.78, "Longitude": -117.06, "Population": 942.0}, {"index": 14719, "quantile": 0.75, "value": 221300.0, "Latitude": 32.78, "Longitude": -117.06, "Population": 942.0}, {"index": 14719, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.78, "Longitude": -117.06, "Population": 942.0}, {"index": 14720, "quantile": 0.0, "value": 140700.0, "Latitude": 32.8, "Longitude": -117.02, "Population": 927.0}, {"index": 14720, "quantile": 0.25, "value": 165100.0, "Latitude": 32.8, "Longitude": -117.02, "Population": 927.0}, {"index": 14720, "quantile": 0.5, "value": 170000.0, "Latitude": 32.8, "Longitude": -117.02, "Population": 927.0}, {"index": 14720, "quantile": 0.75, "value": 186300.0, "Latitude": 32.8, "Longitude": -117.02, "Population": 927.0}, {"index": 14720, "quantile": 1.0, "value": 311300.0, "Latitude": 32.8, "Longitude": -117.02, "Population": 927.0}, {"index": 14721, "quantile": 0.0, "value": 105300.0, "Latitude": 32.79, "Longitude": -117.03, "Population": 1469.0}, {"index": 14721, "quantile": 0.25, "value": 220500.0, "Latitude": 32.79, "Longitude": -117.03, "Population": 1469.0}, {"index": 14721, "quantile": 0.5, "value": 220500.0, "Latitude": 32.79, "Longitude": -117.03, "Population": 1469.0}, {"index": 14721, "quantile": 0.75, "value": 220500.0, "Latitude": 32.79, "Longitude": -117.03, "Population": 1469.0}, {"index": 14721, "quantile": 1.0, "value": 500000.0, "Latitude": 32.79, "Longitude": -117.03, "Population": 1469.0}, {"index": 14722, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 32.8, "Longitude": -117.03, "Population": 1554.0}, {"index": 14722, "quantile": 0.25, "value": 220000.00000000003, "Latitude": 32.8, "Longitude": -117.03, "Population": 1554.0}, {"index": 14722, "quantile": 0.5, "value": 220000.00000000003, "Latitude": 32.8, "Longitude": -117.03, "Population": 1554.0}, {"index": 14722, "quantile": 0.75, "value": 220000.00000000003, "Latitude": 32.8, "Longitude": -117.03, "Population": 1554.0}, {"index": 14722, "quantile": 1.0, "value": 429200.0, "Latitude": 32.8, "Longitude": -117.03, "Population": 1554.0}, {"index": 14723, "quantile": 0.0, "value": 64400.0, "Latitude": 32.8, "Longitude": -117.04, "Population": 630.0}, {"index": 14723, "quantile": 0.25, "value": 145800.0, "Latitude": 32.8, "Longitude": -117.04, "Population": 630.0}, {"index": 14723, "quantile": 0.5, "value": 146700.0, "Latitude": 32.8, "Longitude": -117.04, "Population": 630.0}, {"index": 14723, "quantile": 0.75, "value": 146700.0, "Latitude": 32.8, "Longitude": -117.04, "Population": 630.0}, {"index": 14723, "quantile": 1.0, "value": 275000.0, "Latitude": 32.8, "Longitude": -117.04, "Population": 630.0}, {"index": 14724, "quantile": 0.0, "value": 84200.0, "Latitude": 32.8, "Longitude": -117.01, "Population": 650.0}, {"index": 14724, "quantile": 0.25, "value": 84200.0, "Latitude": 32.8, "Longitude": -117.01, "Population": 650.0}, {"index": 14724, "quantile": 0.5, "value": 84200.0, "Latitude": 32.8, "Longitude": -117.01, "Population": 650.0}, {"index": 14724, "quantile": 0.75, "value": 132175.0, "Latitude": 32.8, "Longitude": -117.01, "Population": 650.0}, {"index": 14724, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 32.8, "Longitude": -117.01, "Population": 650.0}, {"index": 14725, "quantile": 0.0, "value": 64400.0, "Latitude": 32.8, "Longitude": -117.01, "Population": 803.0}, {"index": 14725, "quantile": 0.25, "value": 147500.0, "Latitude": 32.8, "Longitude": -117.01, "Population": 803.0}, {"index": 14725, "quantile": 0.5, "value": 160200.0, "Latitude": 32.8, "Longitude": -117.01, "Population": 803.0}, {"index": 14725, "quantile": 0.75, "value": 160200.0, "Latitude": 32.8, "Longitude": -117.01, "Population": 803.0}, {"index": 14725, "quantile": 1.0, "value": 268800.0, "Latitude": 32.8, "Longitude": -117.01, "Population": 803.0}, {"index": 14726, "quantile": 0.0, "value": 125000.0, "Latitude": 32.8, "Longitude": -117.01, "Population": 1198.0}, {"index": 14726, "quantile": 0.25, "value": 168900.0, "Latitude": 32.8, "Longitude": -117.01, "Population": 1198.0}, {"index": 14726, "quantile": 0.5, "value": 168900.0, "Latitude": 32.8, "Longitude": -117.01, "Population": 1198.0}, {"index": 14726, "quantile": 0.75, "value": 168900.0, "Latitude": 32.8, "Longitude": -117.01, "Population": 1198.0}, {"index": 14726, "quantile": 1.0, "value": 216500.0, "Latitude": 32.8, "Longitude": -117.01, "Population": 1198.0}, {"index": 14727, "quantile": 0.0, "value": 147900.0, "Latitude": 32.79, "Longitude": -117.01, "Population": 1864.0}, {"index": 14727, "quantile": 0.25, "value": 159300.0, "Latitude": 32.79, "Longitude": -117.01, "Population": 1864.0}, {"index": 14727, "quantile": 0.5, "value": 159300.0, "Latitude": 32.79, "Longitude": -117.01, "Population": 1864.0}, {"index": 14727, "quantile": 0.75, "value": 165100.0, "Latitude": 32.79, "Longitude": -117.01, "Population": 1864.0}, {"index": 14727, "quantile": 1.0, "value": 262500.0, "Latitude": 32.79, "Longitude": -117.01, "Population": 1864.0}, {"index": 14728, "quantile": 0.0, "value": 84200.0, "Latitude": 32.8, "Longitude": -117.02, "Population": 665.0}, {"index": 14728, "quantile": 0.25, "value": 165100.0, "Latitude": 32.8, "Longitude": -117.02, "Population": 665.0}, {"index": 14728, "quantile": 0.5, "value": 168900.0, "Latitude": 32.8, "Longitude": -117.02, "Population": 665.0}, {"index": 14728, "quantile": 0.75, "value": 168900.0, "Latitude": 32.8, "Longitude": -117.02, "Population": 665.0}, {"index": 14728, "quantile": 1.0, "value": 235600.0, "Latitude": 32.8, "Longitude": -117.02, "Population": 665.0}, {"index": 14729, "quantile": 0.0, "value": 147900.0, "Latitude": 32.8, "Longitude": -117.02, "Population": 1129.0}, {"index": 14729, "quantile": 0.25, "value": 170000.0, "Latitude": 32.8, "Longitude": -117.02, "Population": 1129.0}, {"index": 14729, "quantile": 0.5, "value": 170000.0, "Latitude": 32.8, "Longitude": -117.02, "Population": 1129.0}, {"index": 14729, "quantile": 0.75, "value": 170000.0, "Latitude": 32.8, "Longitude": -117.02, "Population": 1129.0}, {"index": 14729, "quantile": 1.0, "value": 255600.0, "Latitude": 32.8, "Longitude": -117.02, "Population": 1129.0}, {"index": 14730, "quantile": 0.0, "value": 177200.0, "Latitude": 32.81, "Longitude": -117.01, "Population": 1866.0}, {"index": 14730, "quantile": 0.25, "value": 185100.0, "Latitude": 32.81, "Longitude": -117.01, "Population": 1866.0}, {"index": 14730, "quantile": 0.5, "value": 185100.0, "Latitude": 32.81, "Longitude": -117.01, "Population": 1866.0}, {"index": 14730, "quantile": 0.75, "value": 221000.0, "Latitude": 32.81, "Longitude": -117.01, "Population": 1866.0}, {"index": 14730, "quantile": 1.0, "value": 311800.0, "Latitude": 32.81, "Longitude": -117.01, "Population": 1866.0}, {"index": 14731, "quantile": 0.0, "value": 137500.0, "Latitude": 32.81, "Longitude": -117.02, "Population": 950.0}, {"index": 14731, "quantile": 0.25, "value": 164000.0, "Latitude": 32.81, "Longitude": -117.02, "Population": 950.0}, {"index": 14731, "quantile": 0.5, "value": 164000.0, "Latitude": 32.81, "Longitude": -117.02, "Population": 950.0}, {"index": 14731, "quantile": 0.75, "value": 164000.0, "Latitude": 32.81, "Longitude": -117.02, "Population": 950.0}, {"index": 14731, "quantile": 1.0, "value": 270000.0, "Latitude": 32.81, "Longitude": -117.02, "Population": 950.0}, {"index": 14732, "quantile": 0.0, "value": 164800.0, "Latitude": 32.81, "Longitude": -117.02, "Population": 874.0}, {"index": 14732, "quantile": 0.25, "value": 180900.0, "Latitude": 32.81, "Longitude": -117.02, "Population": 874.0}, {"index": 14732, "quantile": 0.5, "value": 180900.0, "Latitude": 32.81, "Longitude": -117.02, "Population": 874.0}, {"index": 14732, "quantile": 0.75, "value": 195600.0, "Latitude": 32.81, "Longitude": -117.02, "Population": 874.0}, {"index": 14732, "quantile": 1.0, "value": 359900.0, "Latitude": 32.81, "Longitude": -117.02, "Population": 874.0}, {"index": 14733, "quantile": 0.0, "value": 137200.0, "Latitude": 32.81, "Longitude": -117.01, "Population": 1620.0}, {"index": 14733, "quantile": 0.25, "value": 185700.0, "Latitude": 32.81, "Longitude": -117.01, "Population": 1620.0}, {"index": 14733, "quantile": 0.5, "value": 213550.0, "Latitude": 32.81, "Longitude": -117.01, "Population": 1620.0}, {"index": 14733, "quantile": 0.75, "value": 241500.0, "Latitude": 32.81, "Longitude": -117.01, "Population": 1620.0}, {"index": 14733, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.81, "Longitude": -117.01, "Population": 1620.0}, {"index": 14734, "quantile": 0.0, "value": 112799.99999999999, "Latitude": 32.81, "Longitude": -117.02, "Population": 1451.0}, {"index": 14734, "quantile": 0.25, "value": 166600.0, "Latitude": 32.81, "Longitude": -117.02, "Population": 1451.0}, {"index": 14734, "quantile": 0.5, "value": 170000.0, "Latitude": 32.81, "Longitude": -117.02, "Population": 1451.0}, {"index": 14734, "quantile": 0.75, "value": 187200.0, "Latitude": 32.81, "Longitude": -117.02, "Population": 1451.0}, {"index": 14734, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 32.81, "Longitude": -117.02, "Population": 1451.0}, {"index": 14735, "quantile": 0.0, "value": 137000.0, "Latitude": 32.82, "Longitude": -117.03, "Population": 743.0}, {"index": 14735, "quantile": 0.25, "value": 184250.0, "Latitude": 32.82, "Longitude": -117.03, "Population": 743.0}, {"index": 14735, "quantile": 0.5, "value": 209700.0, "Latitude": 32.82, "Longitude": -117.03, "Population": 743.0}, {"index": 14735, "quantile": 0.75, "value": 209700.0, "Latitude": 32.82, "Longitude": -117.03, "Population": 743.0}, {"index": 14735, "quantile": 1.0, "value": 357900.0, "Latitude": 32.82, "Longitude": -117.03, "Population": 743.0}, {"index": 14736, "quantile": 0.0, "value": 234700.0, "Latitude": 32.81, "Longitude": -117.04, "Population": 1381.0}, {"index": 14736, "quantile": 0.25, "value": 254199.99999999997, "Latitude": 32.81, "Longitude": -117.04, "Population": 1381.0}, {"index": 14736, "quantile": 0.5, "value": 254199.99999999997, "Latitude": 32.81, "Longitude": -117.04, "Population": 1381.0}, {"index": 14736, "quantile": 0.75, "value": 262525.00000000006, "Latitude": 32.81, "Longitude": -117.04, "Population": 1381.0}, {"index": 14736, "quantile": 1.0, "value": 480800.0, "Latitude": 32.81, "Longitude": -117.04, "Population": 1381.0}, {"index": 14737, "quantile": 0.0, "value": 152500.0, "Latitude": 32.82, "Longitude": -117.05, "Population": 1684.0}, {"index": 14737, "quantile": 0.25, "value": 183700.00000000003, "Latitude": 32.82, "Longitude": -117.05, "Population": 1684.0}, {"index": 14737, "quantile": 0.5, "value": 197000.0, "Latitude": 32.82, "Longitude": -117.05, "Population": 1684.0}, {"index": 14737, "quantile": 0.75, "value": 197000.0, "Latitude": 32.82, "Longitude": -117.05, "Population": 1684.0}, {"index": 14737, "quantile": 1.0, "value": 394400.0, "Latitude": 32.82, "Longitude": -117.05, "Population": 1684.0}, {"index": 14738, "quantile": 0.0, "value": 111100.0, "Latitude": 32.59, "Longitude": -117.05, "Population": 1326.0}, {"index": 14738, "quantile": 0.25, "value": 134650.0, "Latitude": 32.59, "Longitude": -117.05, "Population": 1326.0}, {"index": 14738, "quantile": 0.5, "value": 139800.0, "Latitude": 32.59, "Longitude": -117.05, "Population": 1326.0}, {"index": 14738, "quantile": 0.75, "value": 144600.00000000003, "Latitude": 32.59, "Longitude": -117.05, "Population": 1326.0}, {"index": 14738, "quantile": 1.0, "value": 189800.0, "Latitude": 32.59, "Longitude": -117.05, "Population": 1326.0}, {"index": 14739, "quantile": 0.0, "value": 102400.0, "Latitude": 32.59, "Longitude": -117.06, "Population": 2814.0}, {"index": 14739, "quantile": 0.25, "value": 145900.0, "Latitude": 32.59, "Longitude": -117.06, "Population": 2814.0}, {"index": 14739, "quantile": 0.5, "value": 148800.0, "Latitude": 32.59, "Longitude": -117.06, "Population": 2814.0}, {"index": 14739, "quantile": 0.75, "value": 148800.0, "Latitude": 32.59, "Longitude": -117.06, "Population": 2814.0}, {"index": 14739, "quantile": 1.0, "value": 169600.0, "Latitude": 32.59, "Longitude": -117.06, "Population": 2814.0}, {"index": 14740, "quantile": 0.0, "value": 90800.0, "Latitude": 32.58, "Longitude": -117.05, "Population": 1551.0}, {"index": 14740, "quantile": 0.25, "value": 125400.0, "Latitude": 32.58, "Longitude": -117.05, "Population": 1551.0}, {"index": 14740, "quantile": 0.5, "value": 134800.0, "Latitude": 32.58, "Longitude": -117.05, "Population": 1551.0}, {"index": 14740, "quantile": 0.75, "value": 146125.00000000003, "Latitude": 32.58, "Longitude": -117.05, "Population": 1551.0}, {"index": 14740, "quantile": 1.0, "value": 225900.0, "Latitude": 32.58, "Longitude": -117.05, "Population": 1551.0}, {"index": 14741, "quantile": 0.0, "value": 67500.0, "Latitude": 32.58, "Longitude": -117.06, "Population": 2213.0}, {"index": 14741, "quantile": 0.25, "value": 134800.0, "Latitude": 32.58, "Longitude": -117.06, "Population": 2213.0}, {"index": 14741, "quantile": 0.5, "value": 142000.0, "Latitude": 32.58, "Longitude": -117.06, "Population": 2213.0}, {"index": 14741, "quantile": 0.75, "value": 148800.0, "Latitude": 32.58, "Longitude": -117.06, "Population": 2213.0}, {"index": 14741, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 32.58, "Longitude": -117.06, "Population": 2213.0}, {"index": 14742, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 32.58, "Longitude": -117.06, "Population": 1761.0}, {"index": 14742, "quantile": 0.25, "value": 132050.0, "Latitude": 32.58, "Longitude": -117.06, "Population": 1761.0}, {"index": 14742, "quantile": 0.5, "value": 147800.0, "Latitude": 32.58, "Longitude": -117.06, "Population": 1761.0}, {"index": 14742, "quantile": 0.75, "value": 159100.0, "Latitude": 32.58, "Longitude": -117.06, "Population": 1761.0}, {"index": 14742, "quantile": 1.0, "value": 252700.0, "Latitude": 32.58, "Longitude": -117.06, "Population": 1761.0}, {"index": 14743, "quantile": 0.0, "value": 95600.0, "Latitude": 32.58, "Longitude": -117.06, "Population": 2098.0}, {"index": 14743, "quantile": 0.25, "value": 130224.99999999999, "Latitude": 32.58, "Longitude": -117.06, "Population": 2098.0}, {"index": 14743, "quantile": 0.5, "value": 138000.0, "Latitude": 32.58, "Longitude": -117.06, "Population": 2098.0}, {"index": 14743, "quantile": 0.75, "value": 150400.0, "Latitude": 32.58, "Longitude": -117.06, "Population": 2098.0}, {"index": 14743, "quantile": 1.0, "value": 252700.0, "Latitude": 32.58, "Longitude": -117.06, "Population": 2098.0}, {"index": 14744, "quantile": 0.0, "value": 67500.0, "Latitude": 32.57, "Longitude": -117.06, "Population": 1609.0}, {"index": 14744, "quantile": 0.25, "value": 156500.0, "Latitude": 32.57, "Longitude": -117.06, "Population": 1609.0}, {"index": 14744, "quantile": 0.5, "value": 156500.0, "Latitude": 32.57, "Longitude": -117.06, "Population": 1609.0}, {"index": 14744, "quantile": 0.75, "value": 156500.0, "Latitude": 32.57, "Longitude": -117.06, "Population": 1609.0}, {"index": 14744, "quantile": 1.0, "value": 175000.0, "Latitude": 32.57, "Longitude": -117.06, "Population": 1609.0}, {"index": 14745, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 32.58, "Longitude": -117.04, "Population": 1883.0}, {"index": 14745, "quantile": 0.25, "value": 151900.0, "Latitude": 32.58, "Longitude": -117.04, "Population": 1883.0}, {"index": 14745, "quantile": 0.5, "value": 158900.0, "Latitude": 32.58, "Longitude": -117.04, "Population": 1883.0}, {"index": 14745, "quantile": 0.75, "value": 164300.0, "Latitude": 32.58, "Longitude": -117.04, "Population": 1883.0}, {"index": 14745, "quantile": 1.0, "value": 319100.0, "Latitude": 32.58, "Longitude": -117.04, "Population": 1883.0}, {"index": 14746, "quantile": 0.0, "value": 122700.00000000001, "Latitude": 32.58, "Longitude": -117.04, "Population": 1497.0}, {"index": 14746, "quantile": 0.25, "value": 132100.0, "Latitude": 32.58, "Longitude": -117.04, "Population": 1497.0}, {"index": 14746, "quantile": 0.5, "value": 132100.0, "Latitude": 32.58, "Longitude": -117.04, "Population": 1497.0}, {"index": 14746, "quantile": 0.75, "value": 134800.0, "Latitude": 32.58, "Longitude": -117.04, "Population": 1497.0}, {"index": 14746, "quantile": 1.0, "value": 184600.0, "Latitude": 32.58, "Longitude": -117.04, "Population": 1497.0}, {"index": 14747, "quantile": 0.0, "value": 121300.00000000001, "Latitude": 32.58, "Longitude": -117.05, "Population": 1392.0}, {"index": 14747, "quantile": 0.25, "value": 134800.0, "Latitude": 32.58, "Longitude": -117.05, "Population": 1392.0}, {"index": 14747, "quantile": 0.5, "value": 134800.0, "Latitude": 32.58, "Longitude": -117.05, "Population": 1392.0}, {"index": 14747, "quantile": 0.75, "value": 134800.0, "Latitude": 32.58, "Longitude": -117.05, "Population": 1392.0}, {"index": 14747, "quantile": 1.0, "value": 145700.0, "Latitude": 32.58, "Longitude": -117.05, "Population": 1392.0}, {"index": 14748, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 32.58, "Longitude": -117.05, "Population": 1558.0}, {"index": 14748, "quantile": 0.25, "value": 142200.0, "Latitude": 32.58, "Longitude": -117.05, "Population": 1558.0}, {"index": 14748, "quantile": 0.5, "value": 156000.0, "Latitude": 32.58, "Longitude": -117.05, "Population": 1558.0}, {"index": 14748, "quantile": 0.75, "value": 171500.0, "Latitude": 32.58, "Longitude": -117.05, "Population": 1558.0}, {"index": 14748, "quantile": 1.0, "value": 266900.0, "Latitude": 32.58, "Longitude": -117.05, "Population": 1558.0}, {"index": 14749, "quantile": 0.0, "value": 116399.99999999999, "Latitude": 32.57, "Longitude": -117.05, "Population": 2412.0}, {"index": 14749, "quantile": 0.25, "value": 141400.0, "Latitude": 32.57, "Longitude": -117.05, "Population": 2412.0}, {"index": 14749, "quantile": 0.5, "value": 144450.0, "Latitude": 32.57, "Longitude": -117.05, "Population": 2412.0}, {"index": 14749, "quantile": 0.75, "value": 157399.99999999997, "Latitude": 32.57, "Longitude": -117.05, "Population": 2412.0}, {"index": 14749, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 32.57, "Longitude": -117.05, "Population": 2412.0}, {"index": 14750, "quantile": 0.0, "value": 93600.0, "Latitude": 32.57, "Longitude": -117.06, "Population": 991.0}, {"index": 14750, "quantile": 0.25, "value": 123600.0, "Latitude": 32.57, "Longitude": -117.06, "Population": 991.0}, {"index": 14750, "quantile": 0.5, "value": 123600.0, "Latitude": 32.57, "Longitude": -117.06, "Population": 991.0}, {"index": 14750, "quantile": 0.75, "value": 123600.0, "Latitude": 32.57, "Longitude": -117.06, "Population": 991.0}, {"index": 14750, "quantile": 1.0, "value": 224000.00000000003, "Latitude": 32.57, "Longitude": -117.06, "Population": 991.0}, {"index": 14751, "quantile": 0.0, "value": 68600.0, "Latitude": 32.57, "Longitude": -117.06, "Population": 1776.0}, {"index": 14751, "quantile": 0.25, "value": 141800.0, "Latitude": 32.57, "Longitude": -117.06, "Population": 1776.0}, {"index": 14751, "quantile": 0.5, "value": 152550.0, "Latitude": 32.57, "Longitude": -117.06, "Population": 1776.0}, {"index": 14751, "quantile": 0.75, "value": 160700.0, "Latitude": 32.57, "Longitude": -117.06, "Population": 1776.0}, {"index": 14751, "quantile": 1.0, "value": 347700.0, "Latitude": 32.57, "Longitude": -117.06, "Population": 1776.0}, {"index": 14752, "quantile": 0.0, "value": 67500.0, "Latitude": 32.57, "Longitude": -117.05, "Population": 2450.0}, {"index": 14752, "quantile": 0.25, "value": 133400.0, "Latitude": 32.57, "Longitude": -117.05, "Population": 2450.0}, {"index": 14752, "quantile": 0.5, "value": 138000.0, "Latitude": 32.57, "Longitude": -117.05, "Population": 2450.0}, {"index": 14752, "quantile": 0.75, "value": 138000.0, "Latitude": 32.57, "Longitude": -117.05, "Population": 2450.0}, {"index": 14752, "quantile": 1.0, "value": 189900.0, "Latitude": 32.57, "Longitude": -117.05, "Population": 2450.0}, {"index": 14753, "quantile": 0.0, "value": 67500.0, "Latitude": 32.56, "Longitude": -117.05, "Population": 1195.0}, {"index": 14753, "quantile": 0.25, "value": 114900.0, "Latitude": 32.56, "Longitude": -117.05, "Population": 1195.0}, {"index": 14753, "quantile": 0.5, "value": 114900.0, "Latitude": 32.56, "Longitude": -117.05, "Population": 1195.0}, {"index": 14753, "quantile": 0.75, "value": 115350.0, "Latitude": 32.56, "Longitude": -117.05, "Population": 1195.0}, {"index": 14753, "quantile": 1.0, "value": 187500.0, "Latitude": 32.56, "Longitude": -117.05, "Population": 1195.0}, {"index": 14754, "quantile": 0.0, "value": 67500.0, "Latitude": 32.56, "Longitude": -117.05, "Population": 811.0}, {"index": 14754, "quantile": 0.25, "value": 122225.0, "Latitude": 32.56, "Longitude": -117.05, "Population": 811.0}, {"index": 14754, "quantile": 0.5, "value": 134500.0, "Latitude": 32.56, "Longitude": -117.05, "Population": 811.0}, {"index": 14754, "quantile": 0.75, "value": 134500.0, "Latitude": 32.56, "Longitude": -117.05, "Population": 811.0}, {"index": 14754, "quantile": 1.0, "value": 257700.0, "Latitude": 32.56, "Longitude": -117.05, "Population": 811.0}, {"index": 14755, "quantile": 0.0, "value": 67500.0, "Latitude": 32.57, "Longitude": -117.06, "Population": 1429.0}, {"index": 14755, "quantile": 0.25, "value": 86300.0, "Latitude": 32.57, "Longitude": -117.06, "Population": 1429.0}, {"index": 14755, "quantile": 0.5, "value": 94400.0, "Latitude": 32.57, "Longitude": -117.06, "Population": 1429.0}, {"index": 14755, "quantile": 0.75, "value": 125000.0, "Latitude": 32.57, "Longitude": -117.06, "Population": 1429.0}, {"index": 14755, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 32.57, "Longitude": -117.06, "Population": 1429.0}, {"index": 14756, "quantile": 0.0, "value": 65900.0, "Latitude": 32.56, "Longitude": -116.97, "Population": 5176.0}, {"index": 14756, "quantile": 0.25, "value": 153300.0, "Latitude": 32.56, "Longitude": -116.97, "Population": 5176.0}, {"index": 14756, "quantile": 0.5, "value": 153300.0, "Latitude": 32.56, "Longitude": -116.97, "Population": 5176.0}, {"index": 14756, "quantile": 0.75, "value": 153300.0, "Latitude": 32.56, "Longitude": -116.97, "Population": 5176.0}, {"index": 14756, "quantile": 1.0, "value": 240200.0, "Latitude": 32.56, "Longitude": -116.97, "Population": 5176.0}, {"index": 14757, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.55, "Longitude": -117.04, "Population": 2511.0}, {"index": 14757, "quantile": 0.25, "value": 93200.0, "Latitude": 32.55, "Longitude": -117.04, "Population": 2511.0}, {"index": 14757, "quantile": 0.5, "value": 93200.0, "Latitude": 32.55, "Longitude": -117.04, "Population": 2511.0}, {"index": 14757, "quantile": 0.75, "value": 105675.00000000001, "Latitude": 32.55, "Longitude": -117.04, "Population": 2511.0}, {"index": 14757, "quantile": 1.0, "value": 154000.0, "Latitude": 32.55, "Longitude": -117.04, "Population": 2511.0}, {"index": 14758, "quantile": 0.0, "value": 77300.0, "Latitude": 32.56, "Longitude": -117.05, "Population": 2049.0}, {"index": 14758, "quantile": 0.25, "value": 139300.0, "Latitude": 32.56, "Longitude": -117.05, "Population": 2049.0}, {"index": 14758, "quantile": 0.5, "value": 139300.0, "Latitude": 32.56, "Longitude": -117.05, "Population": 2049.0}, {"index": 14758, "quantile": 0.75, "value": 139300.0, "Latitude": 32.56, "Longitude": -117.05, "Population": 2049.0}, {"index": 14758, "quantile": 1.0, "value": 153000.0, "Latitude": 32.56, "Longitude": -117.05, "Population": 2049.0}, {"index": 14759, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 32.56, "Longitude": -117.06, "Population": 2768.0}, {"index": 14759, "quantile": 0.25, "value": 125000.0, "Latitude": 32.56, "Longitude": -117.06, "Population": 2768.0}, {"index": 14759, "quantile": 0.5, "value": 140400.0, "Latitude": 32.56, "Longitude": -117.06, "Population": 2768.0}, {"index": 14759, "quantile": 0.75, "value": 140400.0, "Latitude": 32.56, "Longitude": -117.06, "Population": 2768.0}, {"index": 14759, "quantile": 1.0, "value": 227199.99999999997, "Latitude": 32.56, "Longitude": -117.06, "Population": 2768.0}, {"index": 14760, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 32.56, "Longitude": -117.06, "Population": 3148.0}, {"index": 14760, "quantile": 0.25, "value": 108800.00000000001, "Latitude": 32.56, "Longitude": -117.06, "Population": 3148.0}, {"index": 14760, "quantile": 0.5, "value": 124850.0, "Latitude": 32.56, "Longitude": -117.06, "Population": 3148.0}, {"index": 14760, "quantile": 0.75, "value": 152725.0, "Latitude": 32.56, "Longitude": -117.06, "Population": 3148.0}, {"index": 14760, "quantile": 1.0, "value": 400000.0, "Latitude": 32.56, "Longitude": -117.06, "Population": 3148.0}, {"index": 14761, "quantile": 0.0, "value": 67500.0, "Latitude": 32.55, "Longitude": -117.06, "Population": 3284.0}, {"index": 14761, "quantile": 0.25, "value": 108800.00000000001, "Latitude": 32.55, "Longitude": -117.06, "Population": 3284.0}, {"index": 14761, "quantile": 0.5, "value": 108800.00000000001, "Latitude": 32.55, "Longitude": -117.06, "Population": 3284.0}, {"index": 14761, "quantile": 0.75, "value": 108800.00000000001, "Latitude": 32.55, "Longitude": -117.06, "Population": 3284.0}, {"index": 14761, "quantile": 1.0, "value": 350000.0, "Latitude": 32.55, "Longitude": -117.06, "Population": 3284.0}, {"index": 14762, "quantile": 0.0, "value": 47500.0, "Latitude": 32.54, "Longitude": -117.04, "Population": 1187.0}, {"index": 14762, "quantile": 0.25, "value": 67500.0, "Latitude": 32.54, "Longitude": -117.04, "Population": 1187.0}, {"index": 14762, "quantile": 0.5, "value": 67500.0, "Latitude": 32.54, "Longitude": -117.04, "Population": 1187.0}, {"index": 14762, "quantile": 0.75, "value": 86600.0, "Latitude": 32.54, "Longitude": -117.04, "Population": 1187.0}, {"index": 14762, "quantile": 1.0, "value": 325000.0, "Latitude": 32.54, "Longitude": -117.04, "Population": 1187.0}, {"index": 14763, "quantile": 0.0, "value": 66400.0, "Latitude": 32.59, "Longitude": -117.1, "Population": 1621.0}, {"index": 14763, "quantile": 0.25, "value": 87500.0, "Latitude": 32.59, "Longitude": -117.1, "Population": 1621.0}, {"index": 14763, "quantile": 0.5, "value": 87500.0, "Latitude": 32.59, "Longitude": -117.1, "Population": 1621.0}, {"index": 14763, "quantile": 0.75, "value": 107474.99999999999, "Latitude": 32.59, "Longitude": -117.1, "Population": 1621.0}, {"index": 14763, "quantile": 1.0, "value": 153100.0, "Latitude": 32.59, "Longitude": -117.1, "Population": 1621.0}, {"index": 14764, "quantile": 0.0, "value": 88900.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 1318.0}, {"index": 14764, "quantile": 0.25, "value": 120800.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 1318.0}, {"index": 14764, "quantile": 0.5, "value": 120800.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 1318.0}, {"index": 14764, "quantile": 0.75, "value": 120800.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 1318.0}, {"index": 14764, "quantile": 1.0, "value": 225000.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 1318.0}, {"index": 14765, "quantile": 0.0, "value": 67500.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 1585.0}, {"index": 14765, "quantile": 0.25, "value": 132725.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 1585.0}, {"index": 14765, "quantile": 0.5, "value": 132800.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 1585.0}, {"index": 14765, "quantile": 0.75, "value": 132800.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 1585.0}, {"index": 14765, "quantile": 1.0, "value": 164100.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 1585.0}, {"index": 14766, "quantile": 0.0, "value": 84200.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 330.0}, {"index": 14766, "quantile": 0.25, "value": 122700.00000000001, "Latitude": 32.58, "Longitude": -117.1, "Population": 330.0}, {"index": 14766, "quantile": 0.5, "value": 122700.00000000001, "Latitude": 32.58, "Longitude": -117.1, "Population": 330.0}, {"index": 14766, "quantile": 0.75, "value": 125725.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 330.0}, {"index": 14766, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.58, "Longitude": -117.1, "Population": 330.0}, {"index": 14767, "quantile": 0.0, "value": 134800.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 759.0}, {"index": 14767, "quantile": 0.25, "value": 136800.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 759.0}, {"index": 14767, "quantile": 0.5, "value": 136800.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 759.0}, {"index": 14767, "quantile": 0.75, "value": 151900.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 759.0}, {"index": 14767, "quantile": 1.0, "value": 189800.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 759.0}, {"index": 14768, "quantile": 0.0, "value": 112999.99999999999, "Latitude": 32.57, "Longitude": -117.1, "Population": 1221.0}, {"index": 14768, "quantile": 0.25, "value": 144900.0, "Latitude": 32.57, "Longitude": -117.1, "Population": 1221.0}, {"index": 14768, "quantile": 0.5, "value": 144900.0, "Latitude": 32.57, "Longitude": -117.1, "Population": 1221.0}, {"index": 14768, "quantile": 0.75, "value": 144900.0, "Latitude": 32.57, "Longitude": -117.1, "Population": 1221.0}, {"index": 14768, "quantile": 1.0, "value": 240099.99999999997, "Latitude": 32.57, "Longitude": -117.1, "Population": 1221.0}, {"index": 14769, "quantile": 0.0, "value": 108300.0, "Latitude": 32.56, "Longitude": -117.1, "Population": 1502.0}, {"index": 14769, "quantile": 0.25, "value": 146800.0, "Latitude": 32.56, "Longitude": -117.1, "Population": 1502.0}, {"index": 14769, "quantile": 0.5, "value": 146800.0, "Latitude": 32.56, "Longitude": -117.1, "Population": 1502.0}, {"index": 14769, "quantile": 0.75, "value": 146800.0, "Latitude": 32.56, "Longitude": -117.1, "Population": 1502.0}, {"index": 14769, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 32.56, "Longitude": -117.1, "Population": 1502.0}, {"index": 14770, "quantile": 0.0, "value": 67500.0, "Latitude": 32.57, "Longitude": -117.07, "Population": 1911.0}, {"index": 14770, "quantile": 0.25, "value": 125400.0, "Latitude": 32.57, "Longitude": -117.07, "Population": 1911.0}, {"index": 14770, "quantile": 0.5, "value": 135200.0, "Latitude": 32.57, "Longitude": -117.07, "Population": 1911.0}, {"index": 14770, "quantile": 0.75, "value": 153075.0, "Latitude": 32.57, "Longitude": -117.07, "Population": 1911.0}, {"index": 14770, "quantile": 1.0, "value": 257700.0, "Latitude": 32.57, "Longitude": -117.07, "Population": 1911.0}, {"index": 14771, "quantile": 0.0, "value": 85400.0, "Latitude": 32.57, "Longitude": -117.08, "Population": 1943.0}, {"index": 14771, "quantile": 0.25, "value": 103200.0, "Latitude": 32.57, "Longitude": -117.08, "Population": 1943.0}, {"index": 14771, "quantile": 0.5, "value": 103200.0, "Latitude": 32.57, "Longitude": -117.08, "Population": 1943.0}, {"index": 14771, "quantile": 0.75, "value": 117899.99999999999, "Latitude": 32.57, "Longitude": -117.08, "Population": 1943.0}, {"index": 14771, "quantile": 1.0, "value": 159400.0, "Latitude": 32.57, "Longitude": -117.08, "Population": 1943.0}, {"index": 14772, "quantile": 0.0, "value": 92900.0, "Latitude": 32.57, "Longitude": -117.07, "Population": 1224.0}, {"index": 14772, "quantile": 0.25, "value": 93600.0, "Latitude": 32.57, "Longitude": -117.07, "Population": 1224.0}, {"index": 14772, "quantile": 0.5, "value": 93600.0, "Latitude": 32.57, "Longitude": -117.07, "Population": 1224.0}, {"index": 14772, "quantile": 0.75, "value": 123600.0, "Latitude": 32.57, "Longitude": -117.07, "Population": 1224.0}, {"index": 14772, "quantile": 1.0, "value": 166100.0, "Latitude": 32.57, "Longitude": -117.07, "Population": 1224.0}, {"index": 14773, "quantile": 0.0, "value": 67500.0, "Latitude": 32.56, "Longitude": -117.07, "Population": 3293.0}, {"index": 14773, "quantile": 0.25, "value": 142600.0, "Latitude": 32.56, "Longitude": -117.07, "Population": 3293.0}, {"index": 14773, "quantile": 0.5, "value": 142600.0, "Latitude": 32.56, "Longitude": -117.07, "Population": 3293.0}, {"index": 14773, "quantile": 0.75, "value": 142600.0, "Latitude": 32.56, "Longitude": -117.07, "Population": 3293.0}, {"index": 14773, "quantile": 1.0, "value": 271200.0, "Latitude": 32.56, "Longitude": -117.07, "Population": 3293.0}, {"index": 14774, "quantile": 0.0, "value": 62400.0, "Latitude": 32.59, "Longitude": -117.08, "Population": 2441.0}, {"index": 14774, "quantile": 0.25, "value": 132700.0, "Latitude": 32.59, "Longitude": -117.08, "Population": 2441.0}, {"index": 14774, "quantile": 0.5, "value": 153000.0, "Latitude": 32.59, "Longitude": -117.08, "Population": 2441.0}, {"index": 14774, "quantile": 0.75, "value": 153000.0, "Latitude": 32.59, "Longitude": -117.08, "Population": 2441.0}, {"index": 14774, "quantile": 1.0, "value": 187500.0, "Latitude": 32.59, "Longitude": -117.08, "Population": 2441.0}, {"index": 14775, "quantile": 0.0, "value": 88900.0, "Latitude": 32.58, "Longitude": -117.08, "Population": 1002.0}, {"index": 14775, "quantile": 0.25, "value": 137425.0, "Latitude": 32.58, "Longitude": -117.08, "Population": 1002.0}, {"index": 14775, "quantile": 0.5, "value": 146800.0, "Latitude": 32.58, "Longitude": -117.08, "Population": 1002.0}, {"index": 14775, "quantile": 0.75, "value": 152900.0, "Latitude": 32.58, "Longitude": -117.08, "Population": 1002.0}, {"index": 14775, "quantile": 1.0, "value": 225900.0, "Latitude": 32.58, "Longitude": -117.08, "Population": 1002.0}, {"index": 14776, "quantile": 0.0, "value": 100600.0, "Latitude": 32.58, "Longitude": -117.08, "Population": 1420.0}, {"index": 14776, "quantile": 0.25, "value": 131000.0, "Latitude": 32.58, "Longitude": -117.08, "Population": 1420.0}, {"index": 14776, "quantile": 0.5, "value": 131000.0, "Latitude": 32.58, "Longitude": -117.08, "Population": 1420.0}, {"index": 14776, "quantile": 0.75, "value": 131000.0, "Latitude": 32.58, "Longitude": -117.08, "Population": 1420.0}, {"index": 14776, "quantile": 1.0, "value": 175000.0, "Latitude": 32.58, "Longitude": -117.08, "Population": 1420.0}, {"index": 14777, "quantile": 0.0, "value": 100600.0, "Latitude": 32.58, "Longitude": -117.07, "Population": 899.0}, {"index": 14777, "quantile": 0.25, "value": 134400.0, "Latitude": 32.58, "Longitude": -117.07, "Population": 899.0}, {"index": 14777, "quantile": 0.5, "value": 134400.0, "Latitude": 32.58, "Longitude": -117.07, "Population": 899.0}, {"index": 14777, "quantile": 0.75, "value": 143025.0, "Latitude": 32.58, "Longitude": -117.07, "Population": 899.0}, {"index": 14777, "quantile": 1.0, "value": 270000.0, "Latitude": 32.58, "Longitude": -117.07, "Population": 899.0}, {"index": 14778, "quantile": 0.0, "value": 67500.0, "Latitude": 32.58, "Longitude": -117.09, "Population": 1785.0}, {"index": 14778, "quantile": 0.25, "value": 113724.99999999999, "Latitude": 32.58, "Longitude": -117.09, "Population": 1785.0}, {"index": 14778, "quantile": 0.5, "value": 129099.99999999999, "Latitude": 32.58, "Longitude": -117.09, "Population": 1785.0}, {"index": 14778, "quantile": 0.75, "value": 145650.0, "Latitude": 32.58, "Longitude": -117.09, "Population": 1785.0}, {"index": 14778, "quantile": 1.0, "value": 235600.0, "Latitude": 32.58, "Longitude": -117.09, "Population": 1785.0}, {"index": 14779, "quantile": 0.0, "value": 67500.0, "Latitude": 32.57, "Longitude": -117.08, "Population": 4451.0}, {"index": 14779, "quantile": 0.25, "value": 127600.0, "Latitude": 32.57, "Longitude": -117.08, "Population": 4451.0}, {"index": 14779, "quantile": 0.5, "value": 137500.0, "Latitude": 32.57, "Longitude": -117.08, "Population": 4451.0}, {"index": 14779, "quantile": 0.75, "value": 153300.0, "Latitude": 32.57, "Longitude": -117.08, "Population": 4451.0}, {"index": 14779, "quantile": 1.0, "value": 257700.0, "Latitude": 32.57, "Longitude": -117.08, "Population": 4451.0}, {"index": 14780, "quantile": 0.0, "value": 67500.0, "Latitude": 32.57, "Longitude": -117.09, "Population": 1371.0}, {"index": 14780, "quantile": 0.25, "value": 121249.99999999999, "Latitude": 32.57, "Longitude": -117.09, "Population": 1371.0}, {"index": 14780, "quantile": 0.5, "value": 133650.0, "Latitude": 32.57, "Longitude": -117.09, "Population": 1371.0}, {"index": 14780, "quantile": 0.75, "value": 139900.0, "Latitude": 32.57, "Longitude": -117.09, "Population": 1371.0}, {"index": 14780, "quantile": 1.0, "value": 270000.0, "Latitude": 32.57, "Longitude": -117.09, "Population": 1371.0}, {"index": 14781, "quantile": 0.0, "value": 134800.0, "Latitude": 32.57, "Longitude": -117.09, "Population": 1645.0}, {"index": 14781, "quantile": 0.25, "value": 158400.0, "Latitude": 32.57, "Longitude": -117.09, "Population": 1645.0}, {"index": 14781, "quantile": 0.5, "value": 160700.0, "Latitude": 32.57, "Longitude": -117.09, "Population": 1645.0}, {"index": 14781, "quantile": 0.75, "value": 160700.0, "Latitude": 32.57, "Longitude": -117.09, "Population": 1645.0}, {"index": 14781, "quantile": 1.0, "value": 186900.0, "Latitude": 32.57, "Longitude": -117.09, "Population": 1645.0}, {"index": 14782, "quantile": 0.0, "value": 133000.0, "Latitude": 32.57, "Longitude": -117.09, "Population": 357.0}, {"index": 14782, "quantile": 0.25, "value": 138900.0, "Latitude": 32.57, "Longitude": -117.09, "Population": 357.0}, {"index": 14782, "quantile": 0.5, "value": 138900.0, "Latitude": 32.57, "Longitude": -117.09, "Population": 357.0}, {"index": 14782, "quantile": 0.75, "value": 142200.0, "Latitude": 32.57, "Longitude": -117.09, "Population": 357.0}, {"index": 14782, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.57, "Longitude": -117.09, "Population": 357.0}, {"index": 14783, "quantile": 0.0, "value": 136800.0, "Latitude": 32.56, "Longitude": -117.09, "Population": 626.0}, {"index": 14783, "quantile": 0.25, "value": 151500.0, "Latitude": 32.56, "Longitude": -117.09, "Population": 626.0}, {"index": 14783, "quantile": 0.5, "value": 151500.0, "Latitude": 32.56, "Longitude": -117.09, "Population": 626.0}, {"index": 14783, "quantile": 0.75, "value": 151500.0, "Latitude": 32.56, "Longitude": -117.09, "Population": 626.0}, {"index": 14783, "quantile": 1.0, "value": 325200.0, "Latitude": 32.56, "Longitude": -117.09, "Population": 626.0}, {"index": 14784, "quantile": 0.0, "value": 108300.0, "Latitude": 32.55, "Longitude": -117.09, "Population": 4797.0}, {"index": 14784, "quantile": 0.25, "value": 144400.0, "Latitude": 32.55, "Longitude": -117.09, "Population": 4797.0}, {"index": 14784, "quantile": 0.5, "value": 144400.0, "Latitude": 32.55, "Longitude": -117.09, "Population": 4797.0}, {"index": 14784, "quantile": 0.75, "value": 144400.0, "Latitude": 32.55, "Longitude": -117.09, "Population": 4797.0}, {"index": 14784, "quantile": 1.0, "value": 247800.00000000003, "Latitude": 32.55, "Longitude": -117.09, "Population": 4797.0}, {"index": 14785, "quantile": 0.0, "value": 101200.0, "Latitude": 32.58, "Longitude": -117.12, "Population": 1226.0}, {"index": 14785, "quantile": 0.25, "value": 136700.0, "Latitude": 32.58, "Longitude": -117.12, "Population": 1226.0}, {"index": 14785, "quantile": 0.5, "value": 136700.0, "Latitude": 32.58, "Longitude": -117.12, "Population": 1226.0}, {"index": 14785, "quantile": 0.75, "value": 136700.0, "Latitude": 32.58, "Longitude": -117.12, "Population": 1226.0}, {"index": 14785, "quantile": 1.0, "value": 257700.0, "Latitude": 32.58, "Longitude": -117.12, "Population": 1226.0}, {"index": 14786, "quantile": 0.0, "value": 131000.0, "Latitude": 32.57, "Longitude": -117.12, "Population": 983.0}, {"index": 14786, "quantile": 0.25, "value": 173250.00000000003, "Latitude": 32.57, "Longitude": -117.12, "Population": 983.0}, {"index": 14786, "quantile": 0.5, "value": 174100.0, "Latitude": 32.57, "Longitude": -117.12, "Population": 983.0}, {"index": 14786, "quantile": 0.75, "value": 174100.0, "Latitude": 32.57, "Longitude": -117.12, "Population": 983.0}, {"index": 14786, "quantile": 1.0, "value": 227800.0, "Latitude": 32.57, "Longitude": -117.12, "Population": 983.0}, {"index": 14787, "quantile": 0.0, "value": 112500.0, "Latitude": 32.58, "Longitude": -117.13, "Population": 1427.0}, {"index": 14787, "quantile": 0.25, "value": 156000.0, "Latitude": 32.58, "Longitude": -117.13, "Population": 1427.0}, {"index": 14787, "quantile": 0.5, "value": 156000.0, "Latitude": 32.58, "Longitude": -117.13, "Population": 1427.0}, {"index": 14787, "quantile": 0.75, "value": 156000.0, "Latitude": 32.58, "Longitude": -117.13, "Population": 1427.0}, {"index": 14787, "quantile": 1.0, "value": 300000.0, "Latitude": 32.58, "Longitude": -117.13, "Population": 1427.0}, {"index": 14788, "quantile": 0.0, "value": 87600.0, "Latitude": 32.58, "Longitude": -117.13, "Population": 1142.0}, {"index": 14788, "quantile": 0.25, "value": 146300.0, "Latitude": 32.58, "Longitude": -117.13, "Population": 1142.0}, {"index": 14788, "quantile": 0.5, "value": 159400.0, "Latitude": 32.58, "Longitude": -117.13, "Population": 1142.0}, {"index": 14788, "quantile": 0.75, "value": 159400.0, "Latitude": 32.58, "Longitude": -117.13, "Population": 1142.0}, {"index": 14788, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.58, "Longitude": -117.13, "Population": 1142.0}, {"index": 14789, "quantile": 0.0, "value": 67500.0, "Latitude": 32.58, "Longitude": -117.13, "Population": 814.0}, {"index": 14789, "quantile": 0.25, "value": 159400.0, "Latitude": 32.58, "Longitude": -117.13, "Population": 814.0}, {"index": 14789, "quantile": 0.5, "value": 195300.0, "Latitude": 32.58, "Longitude": -117.13, "Population": 814.0}, {"index": 14789, "quantile": 0.75, "value": 195300.0, "Latitude": 32.58, "Longitude": -117.13, "Population": 814.0}, {"index": 14789, "quantile": 1.0, "value": 268800.0, "Latitude": 32.58, "Longitude": -117.13, "Population": 814.0}, {"index": 14790, "quantile": 0.0, "value": 91800.0, "Latitude": 32.56, "Longitude": -117.12, "Population": 1819.0}, {"index": 14790, "quantile": 0.25, "value": 142099.99999999997, "Latitude": 32.56, "Longitude": -117.12, "Population": 1819.0}, {"index": 14790, "quantile": 0.5, "value": 257700.0, "Latitude": 32.56, "Longitude": -117.12, "Population": 1819.0}, {"index": 14790, "quantile": 0.75, "value": 257700.0, "Latitude": 32.56, "Longitude": -117.12, "Population": 1819.0}, {"index": 14790, "quantile": 1.0, "value": 305600.0, "Latitude": 32.56, "Longitude": -117.12, "Population": 1819.0}, {"index": 14791, "quantile": 0.0, "value": 67500.0, "Latitude": 32.58, "Longitude": -117.11, "Population": 1074.0}, {"index": 14791, "quantile": 0.25, "value": 135600.0, "Latitude": 32.58, "Longitude": -117.11, "Population": 1074.0}, {"index": 14791, "quantile": 0.5, "value": 135600.0, "Latitude": 32.58, "Longitude": -117.11, "Population": 1074.0}, {"index": 14791, "quantile": 0.75, "value": 135600.0, "Latitude": 32.58, "Longitude": -117.11, "Population": 1074.0}, {"index": 14791, "quantile": 1.0, "value": 214299.99999999997, "Latitude": 32.58, "Longitude": -117.11, "Population": 1074.0}, {"index": 14792, "quantile": 0.0, "value": 67500.0, "Latitude": 32.57, "Longitude": -117.11, "Population": 1702.0}, {"index": 14792, "quantile": 0.25, "value": 129450.0, "Latitude": 32.57, "Longitude": -117.11, "Population": 1702.0}, {"index": 14792, "quantile": 0.5, "value": 146800.0, "Latitude": 32.57, "Longitude": -117.11, "Population": 1702.0}, {"index": 14792, "quantile": 0.75, "value": 153250.0, "Latitude": 32.57, "Longitude": -117.11, "Population": 1702.0}, {"index": 14792, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 32.57, "Longitude": -117.11, "Population": 1702.0}, {"index": 14793, "quantile": 0.0, "value": 65700.0, "Latitude": 32.57, "Longitude": -117.12, "Population": 930.0}, {"index": 14793, "quantile": 0.25, "value": 113900.0, "Latitude": 32.57, "Longitude": -117.12, "Population": 930.0}, {"index": 14793, "quantile": 0.5, "value": 138649.99999999997, "Latitude": 32.57, "Longitude": -117.12, "Population": 930.0}, {"index": 14793, "quantile": 0.75, "value": 173200.0, "Latitude": 32.57, "Longitude": -117.12, "Population": 930.0}, {"index": 14793, "quantile": 1.0, "value": 268800.0, "Latitude": 32.57, "Longitude": -117.12, "Population": 930.0}, {"index": 14794, "quantile": 0.0, "value": 67500.0, "Latitude": 32.58, "Longitude": -117.12, "Population": 869.0}, {"index": 14794, "quantile": 0.25, "value": 131600.0, "Latitude": 32.58, "Longitude": -117.12, "Population": 869.0}, {"index": 14794, "quantile": 0.5, "value": 131600.0, "Latitude": 32.58, "Longitude": -117.12, "Population": 869.0}, {"index": 14794, "quantile": 0.75, "value": 134800.0, "Latitude": 32.58, "Longitude": -117.12, "Population": 869.0}, {"index": 14794, "quantile": 1.0, "value": 268800.0, "Latitude": 32.58, "Longitude": -117.12, "Population": 869.0}, {"index": 14795, "quantile": 0.0, "value": 67500.0, "Latitude": 32.58, "Longitude": -117.11, "Population": 2109.0}, {"index": 14795, "quantile": 0.25, "value": 125000.0, "Latitude": 32.58, "Longitude": -117.11, "Population": 2109.0}, {"index": 14795, "quantile": 0.5, "value": 125000.0, "Latitude": 32.58, "Longitude": -117.11, "Population": 2109.0}, {"index": 14795, "quantile": 0.75, "value": 125000.0, "Latitude": 32.58, "Longitude": -117.11, "Population": 2109.0}, {"index": 14795, "quantile": 1.0, "value": 164100.0, "Latitude": 32.58, "Longitude": -117.11, "Population": 2109.0}, {"index": 14796, "quantile": 0.0, "value": 89600.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 1889.0}, {"index": 14796, "quantile": 0.25, "value": 123049.99999999999, "Latitude": 32.58, "Longitude": -117.1, "Population": 1889.0}, {"index": 14796, "quantile": 0.5, "value": 127600.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 1889.0}, {"index": 14796, "quantile": 0.75, "value": 127600.0, "Latitude": 32.58, "Longitude": -117.1, "Population": 1889.0}, {"index": 14796, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 32.58, "Longitude": -117.1, "Population": 1889.0}, {"index": 14797, "quantile": 0.0, "value": 91600.0, "Latitude": 32.57, "Longitude": -117.1, "Population": 3662.0}, {"index": 14797, "quantile": 0.25, "value": 133175.0, "Latitude": 32.57, "Longitude": -117.1, "Population": 3662.0}, {"index": 14797, "quantile": 0.5, "value": 133700.0, "Latitude": 32.57, "Longitude": -117.1, "Population": 3662.0}, {"index": 14797, "quantile": 0.75, "value": 133700.0, "Latitude": 32.57, "Longitude": -117.1, "Population": 3662.0}, {"index": 14797, "quantile": 1.0, "value": 164100.0, "Latitude": 32.57, "Longitude": -117.1, "Population": 3662.0}, {"index": 14798, "quantile": 0.0, "value": 66400.0, "Latitude": 32.59, "Longitude": -117.11, "Population": 1529.0}, {"index": 14798, "quantile": 0.25, "value": 139400.0, "Latitude": 32.59, "Longitude": -117.11, "Population": 1529.0}, {"index": 14798, "quantile": 0.5, "value": 143200.0, "Latitude": 32.59, "Longitude": -117.11, "Population": 1529.0}, {"index": 14798, "quantile": 0.75, "value": 143200.0, "Latitude": 32.59, "Longitude": -117.11, "Population": 1529.0}, {"index": 14798, "quantile": 1.0, "value": 164100.0, "Latitude": 32.59, "Longitude": -117.11, "Population": 1529.0}, {"index": 14799, "quantile": 0.0, "value": 85200.0, "Latitude": 32.58, "Longitude": -117.11, "Population": 870.0}, {"index": 14799, "quantile": 0.25, "value": 132500.0, "Latitude": 32.58, "Longitude": -117.11, "Population": 870.0}, {"index": 14799, "quantile": 0.5, "value": 132500.0, "Latitude": 32.58, "Longitude": -117.11, "Population": 870.0}, {"index": 14799, "quantile": 0.75, "value": 132500.0, "Latitude": 32.58, "Longitude": -117.11, "Population": 870.0}, {"index": 14799, "quantile": 1.0, "value": 195300.0, "Latitude": 32.58, "Longitude": -117.11, "Population": 870.0}, {"index": 14800, "quantile": 0.0, "value": 66400.0, "Latitude": 32.59, "Longitude": -117.11, "Population": 1538.0}, {"index": 14800, "quantile": 0.25, "value": 138425.0, "Latitude": 32.59, "Longitude": -117.11, "Population": 1538.0}, {"index": 14800, "quantile": 0.5, "value": 153100.0, "Latitude": 32.59, "Longitude": -117.11, "Population": 1538.0}, {"index": 14800, "quantile": 0.75, "value": 153100.0, "Latitude": 32.59, "Longitude": -117.11, "Population": 1538.0}, {"index": 14800, "quantile": 1.0, "value": 156600.0, "Latitude": 32.59, "Longitude": -117.11, "Population": 1538.0}, {"index": 14801, "quantile": 0.0, "value": 67500.0, "Latitude": 32.59, "Longitude": -117.12, "Population": 1825.0}, {"index": 14801, "quantile": 0.25, "value": 144500.0, "Latitude": 32.59, "Longitude": -117.12, "Population": 1825.0}, {"index": 14801, "quantile": 0.5, "value": 144500.0, "Latitude": 32.59, "Longitude": -117.12, "Population": 1825.0}, {"index": 14801, "quantile": 0.75, "value": 144500.0, "Latitude": 32.59, "Longitude": -117.12, "Population": 1825.0}, {"index": 14801, "quantile": 1.0, "value": 240200.0, "Latitude": 32.59, "Longitude": -117.12, "Population": 1825.0}, {"index": 14802, "quantile": 0.0, "value": 67500.0, "Latitude": 32.58, "Longitude": -117.16, "Population": 1076.0}, {"index": 14802, "quantile": 0.25, "value": 147800.0, "Latitude": 32.58, "Longitude": -117.16, "Population": 1076.0}, {"index": 14802, "quantile": 0.5, "value": 147800.0, "Latitude": 32.58, "Longitude": -117.16, "Population": 1076.0}, {"index": 14802, "quantile": 0.75, "value": 147800.0, "Latitude": 32.58, "Longitude": -117.16, "Population": 1076.0}, {"index": 14802, "quantile": 1.0, "value": 200599.99999999997, "Latitude": 32.58, "Longitude": -117.16, "Population": 1076.0}, {"index": 14803, "quantile": 0.0, "value": 187500.0, "Latitude": 32.63, "Longitude": -117.13, "Population": 1900.0}, {"index": 14803, "quantile": 0.25, "value": 419200.0, "Latitude": 32.63, "Longitude": -117.13, "Population": 1900.0}, {"index": 14803, "quantile": 0.5, "value": 478500.0, "Latitude": 32.63, "Longitude": -117.13, "Population": 1900.0}, {"index": 14803, "quantile": 0.75, "value": 478500.0, "Latitude": 32.63, "Longitude": -117.13, "Population": 1900.0}, {"index": 14803, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.63, "Longitude": -117.13, "Population": 1900.0}, {"index": 14804, "quantile": 0.0, "value": 67500.0, "Latitude": 32.63, "Longitude": -117.17, "Population": 2745.0}, {"index": 14804, "quantile": 0.25, "value": 67500.0, "Latitude": 32.63, "Longitude": -117.17, "Population": 2745.0}, {"index": 14804, "quantile": 0.5, "value": 67500.0, "Latitude": 32.63, "Longitude": -117.17, "Population": 2745.0}, {"index": 14804, "quantile": 0.75, "value": 133400.0, "Latitude": 32.63, "Longitude": -117.17, "Population": 2745.0}, {"index": 14804, "quantile": 1.0, "value": 227000.0, "Latitude": 32.63, "Longitude": -117.17, "Population": 2745.0}, {"index": 14805, "quantile": 0.0, "value": 184300.0, "Latitude": 32.68, "Longitude": -117.17, "Population": 873.0}, {"index": 14805, "quantile": 0.25, "value": 187500.0, "Latitude": 32.68, "Longitude": -117.17, "Population": 873.0}, {"index": 14805, "quantile": 0.5, "value": 187500.0, "Latitude": 32.68, "Longitude": -117.17, "Population": 873.0}, {"index": 14805, "quantile": 0.75, "value": 350775.0, "Latitude": 32.68, "Longitude": -117.17, "Population": 873.0}, {"index": 14805, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.68, "Longitude": -117.17, "Population": 873.0}, {"index": 14806, "quantile": 0.0, "value": 159100.0, "Latitude": 32.68, "Longitude": -117.18, "Population": 556.0}, {"index": 14806, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 32.68, "Longitude": -117.18, "Population": 556.0}, {"index": 14806, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.68, "Longitude": -117.18, "Population": 556.0}, {"index": 14806, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.68, "Longitude": -117.18, "Population": 556.0}, {"index": 14806, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.68, "Longitude": -117.18, "Population": 556.0}, {"index": 14807, "quantile": 0.0, "value": 225900.0, "Latitude": 32.69, "Longitude": -117.18, "Population": 668.0}, {"index": 14807, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 32.69, "Longitude": -117.18, "Population": 668.0}, {"index": 14807, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.69, "Longitude": -117.18, "Population": 668.0}, {"index": 14807, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.69, "Longitude": -117.18, "Population": 668.0}, {"index": 14807, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.69, "Longitude": -117.18, "Population": 668.0}, {"index": 14808, "quantile": 0.0, "value": 101800.0, "Latitude": 32.69, "Longitude": -117.18, "Population": 1304.0}, {"index": 14808, "quantile": 0.25, "value": 320800.0, "Latitude": 32.69, "Longitude": -117.18, "Population": 1304.0}, {"index": 14808, "quantile": 0.5, "value": 320800.0, "Latitude": 32.69, "Longitude": -117.18, "Population": 1304.0}, {"index": 14808, "quantile": 0.75, "value": 320800.0, "Latitude": 32.69, "Longitude": -117.18, "Population": 1304.0}, {"index": 14808, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.69, "Longitude": -117.18, "Population": 1304.0}, {"index": 14809, "quantile": 0.0, "value": 97300.0, "Latitude": 32.69, "Longitude": -117.18, "Population": 1258.0}, {"index": 14809, "quantile": 0.25, "value": 350000.0, "Latitude": 32.69, "Longitude": -117.18, "Population": 1258.0}, {"index": 14809, "quantile": 0.5, "value": 452799.99999999994, "Latitude": 32.69, "Longitude": -117.18, "Population": 1258.0}, {"index": 14809, "quantile": 0.75, "value": 452799.99999999994, "Latitude": 32.69, "Longitude": -117.18, "Population": 1258.0}, {"index": 14809, "quantile": 1.0, "value": 476300.0, "Latitude": 32.69, "Longitude": -117.18, "Population": 1258.0}, {"index": 14810, "quantile": 0.0, "value": 143300.0, "Latitude": 32.69, "Longitude": -117.17, "Population": 767.0}, {"index": 14810, "quantile": 0.25, "value": 365100.0, "Latitude": 32.69, "Longitude": -117.17, "Population": 767.0}, {"index": 14810, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.69, "Longitude": -117.17, "Population": 767.0}, {"index": 14810, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.69, "Longitude": -117.17, "Population": 767.0}, {"index": 14810, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.69, "Longitude": -117.17, "Population": 767.0}, {"index": 14811, "quantile": 0.0, "value": 220800.00000000003, "Latitude": 32.69, "Longitude": -117.18, "Population": 978.0}, {"index": 14811, "quantile": 0.25, "value": 432400.0, "Latitude": 32.69, "Longitude": -117.18, "Population": 978.0}, {"index": 14811, "quantile": 0.5, "value": 432400.0, "Latitude": 32.69, "Longitude": -117.18, "Population": 978.0}, {"index": 14811, "quantile": 0.75, "value": 438375.0, "Latitude": 32.69, "Longitude": -117.18, "Population": 978.0}, {"index": 14811, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.69, "Longitude": -117.18, "Population": 978.0}, {"index": 14812, "quantile": 0.0, "value": 137500.0, "Latitude": 32.69, "Longitude": -117.17, "Population": 1159.0}, {"index": 14812, "quantile": 0.25, "value": 333175.0, "Latitude": 32.69, "Longitude": -117.17, "Population": 1159.0}, {"index": 14812, "quantile": 0.5, "value": 334600.0, "Latitude": 32.69, "Longitude": -117.17, "Population": 1159.0}, {"index": 14812, "quantile": 0.75, "value": 334600.0, "Latitude": 32.69, "Longitude": -117.17, "Population": 1159.0}, {"index": 14812, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.69, "Longitude": -117.17, "Population": 1159.0}, {"index": 14813, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 32.69, "Longitude": -117.17, "Population": 1341.0}, {"index": 14813, "quantile": 0.25, "value": 241350.0, "Latitude": 32.69, "Longitude": -117.17, "Population": 1341.0}, {"index": 14813, "quantile": 0.5, "value": 387350.0, "Latitude": 32.69, "Longitude": -117.17, "Population": 1341.0}, {"index": 14813, "quantile": 0.75, "value": 452799.99999999994, "Latitude": 32.69, "Longitude": -117.17, "Population": 1341.0}, {"index": 14813, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.69, "Longitude": -117.17, "Population": 1341.0}, {"index": 14814, "quantile": 0.0, "value": 172800.0, "Latitude": 32.7, "Longitude": -117.17, "Population": 1804.0}, {"index": 14814, "quantile": 0.25, "value": 315125.0, "Latitude": 32.7, "Longitude": -117.17, "Population": 1804.0}, {"index": 14814, "quantile": 0.5, "value": 409700.00000000006, "Latitude": 32.7, "Longitude": -117.17, "Population": 1804.0}, {"index": 14814, "quantile": 0.75, "value": 409700.00000000006, "Latitude": 32.7, "Longitude": -117.17, "Population": 1804.0}, {"index": 14814, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.7, "Longitude": -117.17, "Population": 1804.0}, {"index": 14815, "quantile": 0.0, "value": 93300.0, "Latitude": 32.7, "Longitude": -117.18, "Population": 1102.0}, {"index": 14815, "quantile": 0.25, "value": 175400.0, "Latitude": 32.7, "Longitude": -117.18, "Population": 1102.0}, {"index": 14815, "quantile": 0.5, "value": 213800.0, "Latitude": 32.7, "Longitude": -117.18, "Population": 1102.0}, {"index": 14815, "quantile": 0.75, "value": 282600.0, "Latitude": 32.7, "Longitude": -117.18, "Population": 1102.0}, {"index": 14815, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.7, "Longitude": -117.18, "Population": 1102.0}, {"index": 14816, "quantile": 0.0, "value": 140700.0, "Latitude": 32.7, "Longitude": -117.18, "Population": 761.0}, {"index": 14816, "quantile": 0.25, "value": 236050.0, "Latitude": 32.7, "Longitude": -117.18, "Population": 761.0}, {"index": 14816, "quantile": 0.5, "value": 404500.0, "Latitude": 32.7, "Longitude": -117.18, "Population": 761.0}, {"index": 14816, "quantile": 0.75, "value": 404500.0, "Latitude": 32.7, "Longitude": -117.18, "Population": 761.0}, {"index": 14816, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.7, "Longitude": -117.18, "Population": 761.0}, {"index": 14817, "quantile": 0.0, "value": 189100.0, "Latitude": 32.69, "Longitude": -117.19, "Population": 1042.0}, {"index": 14817, "quantile": 0.25, "value": 455575.0, "Latitude": 32.69, "Longitude": -117.19, "Population": 1042.0}, {"index": 14817, "quantile": 0.5, "value": 482700.0, "Latitude": 32.69, "Longitude": -117.19, "Population": 1042.0}, {"index": 14817, "quantile": 0.75, "value": 482700.0, "Latitude": 32.69, "Longitude": -117.19, "Population": 1042.0}, {"index": 14817, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.69, "Longitude": -117.19, "Population": 1042.0}, {"index": 14818, "quantile": 0.0, "value": 47500.0, "Latitude": 32.68, "Longitude": -117.11, "Population": 58.0}, {"index": 14818, "quantile": 0.25, "value": 125000.0, "Latitude": 32.68, "Longitude": -117.11, "Population": 58.0}, {"index": 14818, "quantile": 0.5, "value": 125000.0, "Latitude": 32.68, "Longitude": -117.11, "Population": 58.0}, {"index": 14818, "quantile": 0.75, "value": 126525.0, "Latitude": 32.68, "Longitude": -117.11, "Population": 58.0}, {"index": 14818, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.68, "Longitude": -117.11, "Population": 58.0}, {"index": 14819, "quantile": 0.0, "value": 47500.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 445.0}, {"index": 14819, "quantile": 0.25, "value": 93000.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 445.0}, {"index": 14819, "quantile": 0.5, "value": 93000.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 445.0}, {"index": 14819, "quantile": 0.75, "value": 93000.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 445.0}, {"index": 14819, "quantile": 1.0, "value": 137500.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 445.0}, {"index": 14820, "quantile": 0.0, "value": 47500.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 790.0}, {"index": 14820, "quantile": 0.25, "value": 92500.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 790.0}, {"index": 14820, "quantile": 0.5, "value": 92500.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 790.0}, {"index": 14820, "quantile": 0.75, "value": 92500.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 790.0}, {"index": 14820, "quantile": 1.0, "value": 128000.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 790.0}, {"index": 14821, "quantile": 0.0, "value": 40000.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 248.0}, {"index": 14821, "quantile": 0.25, "value": 47500.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 248.0}, {"index": 14821, "quantile": 0.5, "value": 47500.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 248.0}, {"index": 14821, "quantile": 0.75, "value": 69525.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 248.0}, {"index": 14821, "quantile": 1.0, "value": 227199.99999999997, "Latitude": 32.67, "Longitude": -117.11, "Population": 248.0}, {"index": 14822, "quantile": 0.0, "value": 47500.0, "Latitude": 32.66, "Longitude": -117.12, "Population": 8.0}, {"index": 14822, "quantile": 0.25, "value": 60000.0, "Latitude": 32.66, "Longitude": -117.12, "Population": 8.0}, {"index": 14822, "quantile": 0.5, "value": 60000.0, "Latitude": 32.66, "Longitude": -117.12, "Population": 8.0}, {"index": 14822, "quantile": 0.75, "value": 108549.99999999999, "Latitude": 32.66, "Longitude": -117.12, "Population": 8.0}, {"index": 14822, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.66, "Longitude": -117.12, "Population": 8.0}, {"index": 14823, "quantile": 0.0, "value": 47500.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 217.0}, {"index": 14823, "quantile": 0.25, "value": 83300.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 217.0}, {"index": 14823, "quantile": 0.5, "value": 83300.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 217.0}, {"index": 14823, "quantile": 0.75, "value": 98725.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 217.0}, {"index": 14823, "quantile": 1.0, "value": 221900.0, "Latitude": 32.67, "Longitude": -117.11, "Population": 217.0}, {"index": 14824, "quantile": 0.0, "value": 25000.0, "Latitude": 32.66, "Longitude": -117.11, "Population": 14.0}, {"index": 14824, "quantile": 0.25, "value": 118800.0, "Latitude": 32.66, "Longitude": -117.11, "Population": 14.0}, {"index": 14824, "quantile": 0.5, "value": 118800.0, "Latitude": 32.66, "Longitude": -117.11, "Population": 14.0}, {"index": 14824, "quantile": 0.75, "value": 125000.0, "Latitude": 32.66, "Longitude": -117.11, "Population": 14.0}, {"index": 14824, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.66, "Longitude": -117.11, "Population": 14.0}, {"index": 14825, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 32.67, "Longitude": -117.09, "Population": 983.0}, {"index": 14825, "quantile": 0.25, "value": 114300.0, "Latitude": 32.67, "Longitude": -117.09, "Population": 983.0}, {"index": 14825, "quantile": 0.5, "value": 117000.0, "Latitude": 32.67, "Longitude": -117.09, "Population": 983.0}, {"index": 14825, "quantile": 0.75, "value": 117000.0, "Latitude": 32.67, "Longitude": -117.09, "Population": 983.0}, {"index": 14825, "quantile": 1.0, "value": 150000.0, "Latitude": 32.67, "Longitude": -117.09, "Population": 983.0}, {"index": 14826, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.66, "Longitude": -117.09, "Population": 570.0}, {"index": 14826, "quantile": 0.25, "value": 110675.00000000001, "Latitude": 32.66, "Longitude": -117.09, "Population": 570.0}, {"index": 14826, "quantile": 0.5, "value": 127099.99999999999, "Latitude": 32.66, "Longitude": -117.09, "Population": 570.0}, {"index": 14826, "quantile": 0.75, "value": 127099.99999999999, "Latitude": 32.66, "Longitude": -117.09, "Population": 570.0}, {"index": 14826, "quantile": 1.0, "value": 161800.0, "Latitude": 32.66, "Longitude": -117.09, "Population": 570.0}, {"index": 14827, "quantile": 0.0, "value": 47500.0, "Latitude": 32.66, "Longitude": -117.09, "Population": 1086.0}, {"index": 14827, "quantile": 0.25, "value": 101325.0, "Latitude": 32.66, "Longitude": -117.09, "Population": 1086.0}, {"index": 14827, "quantile": 0.5, "value": 114300.0, "Latitude": 32.66, "Longitude": -117.09, "Population": 1086.0}, {"index": 14827, "quantile": 0.75, "value": 114300.0, "Latitude": 32.66, "Longitude": -117.09, "Population": 1086.0}, {"index": 14827, "quantile": 1.0, "value": 114900.0, "Latitude": 32.66, "Longitude": -117.09, "Population": 1086.0}, {"index": 14828, "quantile": 0.0, "value": 58299.99999999999, "Latitude": 32.66, "Longitude": -117.1, "Population": 1785.0}, {"index": 14828, "quantile": 0.25, "value": 107600.0, "Latitude": 32.66, "Longitude": -117.1, "Population": 1785.0}, {"index": 14828, "quantile": 0.5, "value": 115900.0, "Latitude": 32.66, "Longitude": -117.1, "Population": 1785.0}, {"index": 14828, "quantile": 0.75, "value": 139400.0, "Latitude": 32.66, "Longitude": -117.1, "Population": 1785.0}, {"index": 14828, "quantile": 1.0, "value": 233300.00000000003, "Latitude": 32.66, "Longitude": -117.1, "Population": 1785.0}, {"index": 14829, "quantile": 0.0, "value": 47500.0, "Latitude": 32.67, "Longitude": -117.1, "Population": 2721.0}, {"index": 14829, "quantile": 0.25, "value": 109100.0, "Latitude": 32.67, "Longitude": -117.1, "Population": 2721.0}, {"index": 14829, "quantile": 0.5, "value": 109100.0, "Latitude": 32.67, "Longitude": -117.1, "Population": 2721.0}, {"index": 14829, "quantile": 0.75, "value": 109100.0, "Latitude": 32.67, "Longitude": -117.1, "Population": 2721.0}, {"index": 14829, "quantile": 1.0, "value": 148200.0, "Latitude": 32.67, "Longitude": -117.1, "Population": 2721.0}, {"index": 14830, "quantile": 0.0, "value": 87500.0, "Latitude": 32.67, "Longitude": -117.1, "Population": 1669.0}, {"index": 14830, "quantile": 0.25, "value": 109100.0, "Latitude": 32.67, "Longitude": -117.1, "Population": 1669.0}, {"index": 14830, "quantile": 0.5, "value": 110600.00000000001, "Latitude": 32.67, "Longitude": -117.1, "Population": 1669.0}, {"index": 14830, "quantile": 0.75, "value": 110600.00000000001, "Latitude": 32.67, "Longitude": -117.1, "Population": 1669.0}, {"index": 14830, "quantile": 1.0, "value": 164700.0, "Latitude": 32.67, "Longitude": -117.1, "Population": 1669.0}, {"index": 14831, "quantile": 0.0, "value": 98900.0, "Latitude": 32.68, "Longitude": -117.09, "Population": 1997.0}, {"index": 14831, "quantile": 0.25, "value": 120600.0, "Latitude": 32.68, "Longitude": -117.09, "Population": 1997.0}, {"index": 14831, "quantile": 0.5, "value": 120600.0, "Latitude": 32.68, "Longitude": -117.09, "Population": 1997.0}, {"index": 14831, "quantile": 0.75, "value": 120600.0, "Latitude": 32.68, "Longitude": -117.09, "Population": 1997.0}, {"index": 14831, "quantile": 1.0, "value": 240200.0, "Latitude": 32.68, "Longitude": -117.09, "Population": 1997.0}, {"index": 14832, "quantile": 0.0, "value": 78500.0, "Latitude": 32.67, "Longitude": -117.09, "Population": 1581.0}, {"index": 14832, "quantile": 0.25, "value": 101850.0, "Latitude": 32.67, "Longitude": -117.09, "Population": 1581.0}, {"index": 14832, "quantile": 0.5, "value": 110349.99999999999, "Latitude": 32.67, "Longitude": -117.09, "Population": 1581.0}, {"index": 14832, "quantile": 0.75, "value": 118300.0, "Latitude": 32.67, "Longitude": -117.09, "Population": 1581.0}, {"index": 14832, "quantile": 1.0, "value": 214500.0, "Latitude": 32.67, "Longitude": -117.09, "Population": 1581.0}, {"index": 14833, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 32.67, "Longitude": -117.1, "Population": 1347.0}, {"index": 14833, "quantile": 0.25, "value": 96400.0, "Latitude": 32.67, "Longitude": -117.1, "Population": 1347.0}, {"index": 14833, "quantile": 0.5, "value": 118800.0, "Latitude": 32.67, "Longitude": -117.1, "Population": 1347.0}, {"index": 14833, "quantile": 0.75, "value": 138550.0, "Latitude": 32.67, "Longitude": -117.1, "Population": 1347.0}, {"index": 14833, "quantile": 1.0, "value": 300000.0, "Latitude": 32.67, "Longitude": -117.1, "Population": 1347.0}, {"index": 14834, "quantile": 0.0, "value": 66400.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 837.0}, {"index": 14834, "quantile": 0.25, "value": 88900.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 837.0}, {"index": 14834, "quantile": 0.5, "value": 88900.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 837.0}, {"index": 14834, "quantile": 0.75, "value": 95449.99999999999, "Latitude": 32.68, "Longitude": -117.1, "Population": 837.0}, {"index": 14834, "quantile": 1.0, "value": 162500.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 837.0}, {"index": 14835, "quantile": 0.0, "value": 80200.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 3675.0}, {"index": 14835, "quantile": 0.25, "value": 103600.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 3675.0}, {"index": 14835, "quantile": 0.5, "value": 103600.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 3675.0}, {"index": 14835, "quantile": 0.75, "value": 103600.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 3675.0}, {"index": 14835, "quantile": 1.0, "value": 189400.0, "Latitude": 32.69, "Longitude": -117.1, "Population": 3675.0}, {"index": 14836, "quantile": 0.0, "value": 47500.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 1920.0}, {"index": 14836, "quantile": 0.25, "value": 107600.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 1920.0}, {"index": 14836, "quantile": 0.5, "value": 107600.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 1920.0}, {"index": 14836, "quantile": 0.75, "value": 107600.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 1920.0}, {"index": 14836, "quantile": 1.0, "value": 150000.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 1920.0}, {"index": 14837, "quantile": 0.0, "value": 47500.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 637.0}, {"index": 14837, "quantile": 0.25, "value": 93000.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 637.0}, {"index": 14837, "quantile": 0.5, "value": 104900.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 637.0}, {"index": 14837, "quantile": 0.75, "value": 114975.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 637.0}, {"index": 14837, "quantile": 1.0, "value": 233300.00000000003, "Latitude": 32.68, "Longitude": -117.1, "Population": 637.0}, {"index": 14838, "quantile": 0.0, "value": 63500.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 1200.0}, {"index": 14838, "quantile": 0.25, "value": 86750.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 1200.0}, {"index": 14838, "quantile": 0.5, "value": 88900.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 1200.0}, {"index": 14838, "quantile": 0.75, "value": 97800.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 1200.0}, {"index": 14838, "quantile": 1.0, "value": 132300.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 1200.0}, {"index": 14839, "quantile": 0.0, "value": 47500.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 1003.0}, {"index": 14839, "quantile": 0.25, "value": 91800.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 1003.0}, {"index": 14839, "quantile": 0.5, "value": 97800.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 1003.0}, {"index": 14839, "quantile": 0.75, "value": 97800.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 1003.0}, {"index": 14839, "quantile": 1.0, "value": 227199.99999999997, "Latitude": 32.68, "Longitude": -117.1, "Population": 1003.0}, {"index": 14840, "quantile": 0.0, "value": 76300.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 900.0}, {"index": 14840, "quantile": 0.25, "value": 99600.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 900.0}, {"index": 14840, "quantile": 0.5, "value": 99600.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 900.0}, {"index": 14840, "quantile": 0.75, "value": 100325.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 900.0}, {"index": 14840, "quantile": 1.0, "value": 240200.0, "Latitude": 32.68, "Longitude": -117.1, "Population": 900.0}, {"index": 14841, "quantile": 0.0, "value": 95600.0, "Latitude": 32.69, "Longitude": -117.07, "Population": 1091.0}, {"index": 14841, "quantile": 0.25, "value": 112999.99999999999, "Latitude": 32.69, "Longitude": -117.07, "Population": 1091.0}, {"index": 14841, "quantile": 0.5, "value": 125200.0, "Latitude": 32.69, "Longitude": -117.07, "Population": 1091.0}, {"index": 14841, "quantile": 0.75, "value": 143025.0, "Latitude": 32.69, "Longitude": -117.07, "Population": 1091.0}, {"index": 14841, "quantile": 1.0, "value": 235500.0, "Latitude": 32.69, "Longitude": -117.07, "Population": 1091.0}, {"index": 14842, "quantile": 0.0, "value": 92800.0, "Latitude": 32.69, "Longitude": -117.08, "Population": 1938.0}, {"index": 14842, "quantile": 0.25, "value": 109800.00000000001, "Latitude": 32.69, "Longitude": -117.08, "Population": 1938.0}, {"index": 14842, "quantile": 0.5, "value": 122000.0, "Latitude": 32.69, "Longitude": -117.08, "Population": 1938.0}, {"index": 14842, "quantile": 0.75, "value": 138000.0, "Latitude": 32.69, "Longitude": -117.08, "Population": 1938.0}, {"index": 14842, "quantile": 1.0, "value": 167200.0, "Latitude": 32.69, "Longitude": -117.08, "Population": 1938.0}, {"index": 14843, "quantile": 0.0, "value": 99600.0, "Latitude": 32.69, "Longitude": -117.08, "Population": 1001.0}, {"index": 14843, "quantile": 0.25, "value": 125000.0, "Latitude": 32.69, "Longitude": -117.08, "Population": 1001.0}, {"index": 14843, "quantile": 0.5, "value": 133400.0, "Latitude": 32.69, "Longitude": -117.08, "Population": 1001.0}, {"index": 14843, "quantile": 0.75, "value": 144500.0, "Latitude": 32.69, "Longitude": -117.08, "Population": 1001.0}, {"index": 14843, "quantile": 1.0, "value": 270000.0, "Latitude": 32.69, "Longitude": -117.08, "Population": 1001.0}, {"index": 14844, "quantile": 0.0, "value": 95600.0, "Latitude": 32.69, "Longitude": -117.09, "Population": 1031.0}, {"index": 14844, "quantile": 0.25, "value": 109800.00000000001, "Latitude": 32.69, "Longitude": -117.09, "Population": 1031.0}, {"index": 14844, "quantile": 0.5, "value": 127599.99999999999, "Latitude": 32.69, "Longitude": -117.09, "Population": 1031.0}, {"index": 14844, "quantile": 0.75, "value": 144300.0, "Latitude": 32.69, "Longitude": -117.09, "Population": 1031.0}, {"index": 14844, "quantile": 1.0, "value": 176300.0, "Latitude": 32.69, "Longitude": -117.09, "Population": 1031.0}, {"index": 14845, "quantile": 0.0, "value": 77300.0, "Latitude": 32.68, "Longitude": -117.09, "Population": 1650.0}, {"index": 14845, "quantile": 0.25, "value": 100000.0, "Latitude": 32.68, "Longitude": -117.09, "Population": 1650.0}, {"index": 14845, "quantile": 0.5, "value": 100000.0, "Latitude": 32.68, "Longitude": -117.09, "Population": 1650.0}, {"index": 14845, "quantile": 0.75, "value": 100000.0, "Latitude": 32.68, "Longitude": -117.09, "Population": 1650.0}, {"index": 14845, "quantile": 1.0, "value": 156900.0, "Latitude": 32.68, "Longitude": -117.09, "Population": 1650.0}, {"index": 14846, "quantile": 0.0, "value": 100600.0, "Latitude": 32.69, "Longitude": -117.07, "Population": 820.0}, {"index": 14846, "quantile": 0.25, "value": 137500.0, "Latitude": 32.69, "Longitude": -117.07, "Population": 820.0}, {"index": 14846, "quantile": 0.5, "value": 148950.0, "Latitude": 32.69, "Longitude": -117.07, "Population": 820.0}, {"index": 14846, "quantile": 0.75, "value": 157700.0, "Latitude": 32.69, "Longitude": -117.07, "Population": 820.0}, {"index": 14846, "quantile": 1.0, "value": 270000.0, "Latitude": 32.69, "Longitude": -117.07, "Population": 820.0}, {"index": 14847, "quantile": 0.0, "value": 89600.0, "Latitude": 32.68, "Longitude": -117.08, "Population": 2156.0}, {"index": 14847, "quantile": 0.25, "value": 112400.00000000001, "Latitude": 32.68, "Longitude": -117.08, "Population": 2156.0}, {"index": 14847, "quantile": 0.5, "value": 112400.00000000001, "Latitude": 32.68, "Longitude": -117.08, "Population": 2156.0}, {"index": 14847, "quantile": 0.75, "value": 112400.00000000001, "Latitude": 32.68, "Longitude": -117.08, "Population": 2156.0}, {"index": 14847, "quantile": 1.0, "value": 175000.0, "Latitude": 32.68, "Longitude": -117.08, "Population": 2156.0}, {"index": 14848, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.68, "Longitude": -117.08, "Population": 3127.0}, {"index": 14848, "quantile": 0.25, "value": 105975.0, "Latitude": 32.68, "Longitude": -117.08, "Population": 3127.0}, {"index": 14848, "quantile": 0.5, "value": 122600.0, "Latitude": 32.68, "Longitude": -117.08, "Population": 3127.0}, {"index": 14848, "quantile": 0.75, "value": 122600.0, "Latitude": 32.68, "Longitude": -117.08, "Population": 3127.0}, {"index": 14848, "quantile": 1.0, "value": 325000.0, "Latitude": 32.68, "Longitude": -117.08, "Population": 3127.0}, {"index": 14849, "quantile": 0.0, "value": 95300.0, "Latitude": 32.68, "Longitude": -117.09, "Population": 2341.0}, {"index": 14849, "quantile": 0.25, "value": 104900.0, "Latitude": 32.68, "Longitude": -117.09, "Population": 2341.0}, {"index": 14849, "quantile": 0.5, "value": 104900.0, "Latitude": 32.68, "Longitude": -117.09, "Population": 2341.0}, {"index": 14849, "quantile": 0.75, "value": 107900.00000000001, "Latitude": 32.68, "Longitude": -117.09, "Population": 2341.0}, {"index": 14849, "quantile": 1.0, "value": 146900.0, "Latitude": 32.68, "Longitude": -117.09, "Population": 2341.0}, {"index": 14850, "quantile": 0.0, "value": 89600.0, "Latitude": 32.67, "Longitude": -117.07, "Population": 2179.0}, {"index": 14850, "quantile": 0.25, "value": 112300.0, "Latitude": 32.67, "Longitude": -117.07, "Population": 2179.0}, {"index": 14850, "quantile": 0.5, "value": 112300.0, "Latitude": 32.67, "Longitude": -117.07, "Population": 2179.0}, {"index": 14850, "quantile": 0.75, "value": 112350.0, "Latitude": 32.67, "Longitude": -117.07, "Population": 2179.0}, {"index": 14850, "quantile": 1.0, "value": 147500.0, "Latitude": 32.67, "Longitude": -117.07, "Population": 2179.0}, {"index": 14851, "quantile": 0.0, "value": 67500.0, "Latitude": 32.67, "Longitude": -117.08, "Population": 2088.0}, {"index": 14851, "quantile": 0.25, "value": 118200.0, "Latitude": 32.67, "Longitude": -117.08, "Population": 2088.0}, {"index": 14851, "quantile": 0.5, "value": 118200.0, "Latitude": 32.67, "Longitude": -117.08, "Population": 2088.0}, {"index": 14851, "quantile": 0.75, "value": 118200.0, "Latitude": 32.67, "Longitude": -117.08, "Population": 2088.0}, {"index": 14851, "quantile": 1.0, "value": 229300.00000000003, "Latitude": 32.67, "Longitude": -117.08, "Population": 2088.0}, {"index": 14852, "quantile": 0.0, "value": 100600.0, "Latitude": 32.66, "Longitude": -117.09, "Population": 423.0}, {"index": 14852, "quantile": 0.25, "value": 136300.0, "Latitude": 32.66, "Longitude": -117.09, "Population": 423.0}, {"index": 14852, "quantile": 0.5, "value": 136300.0, "Latitude": 32.66, "Longitude": -117.09, "Population": 423.0}, {"index": 14852, "quantile": 0.75, "value": 151525.0, "Latitude": 32.66, "Longitude": -117.09, "Population": 423.0}, {"index": 14852, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.66, "Longitude": -117.09, "Population": 423.0}, {"index": 14853, "quantile": 0.0, "value": 83000.0, "Latitude": 32.66, "Longitude": -117.08, "Population": 839.0}, {"index": 14853, "quantile": 0.25, "value": 103400.0, "Latitude": 32.66, "Longitude": -117.08, "Population": 839.0}, {"index": 14853, "quantile": 0.5, "value": 103400.0, "Latitude": 32.66, "Longitude": -117.08, "Population": 839.0}, {"index": 14853, "quantile": 0.75, "value": 103400.0, "Latitude": 32.66, "Longitude": -117.08, "Population": 839.0}, {"index": 14853, "quantile": 1.0, "value": 156500.0, "Latitude": 32.66, "Longitude": -117.08, "Population": 839.0}, {"index": 14854, "quantile": 0.0, "value": 72000.0, "Latitude": 32.67, "Longitude": -117.07, "Population": 1723.0}, {"index": 14854, "quantile": 0.25, "value": 95600.0, "Latitude": 32.67, "Longitude": -117.07, "Population": 1723.0}, {"index": 14854, "quantile": 0.5, "value": 95600.0, "Latitude": 32.67, "Longitude": -117.07, "Population": 1723.0}, {"index": 14854, "quantile": 0.75, "value": 95600.0, "Latitude": 32.67, "Longitude": -117.07, "Population": 1723.0}, {"index": 14854, "quantile": 1.0, "value": 168800.0, "Latitude": 32.67, "Longitude": -117.07, "Population": 1723.0}, {"index": 14855, "quantile": 0.0, "value": 84200.0, "Latitude": 32.65, "Longitude": -117.07, "Population": 2272.0}, {"index": 14855, "quantile": 0.25, "value": 126499.99999999999, "Latitude": 32.65, "Longitude": -117.07, "Population": 2272.0}, {"index": 14855, "quantile": 0.5, "value": 143050.0, "Latitude": 32.65, "Longitude": -117.07, "Population": 2272.0}, {"index": 14855, "quantile": 0.75, "value": 153300.0, "Latitude": 32.65, "Longitude": -117.07, "Population": 2272.0}, {"index": 14855, "quantile": 1.0, "value": 252700.0, "Latitude": 32.65, "Longitude": -117.07, "Population": 2272.0}, {"index": 14856, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 32.64, "Longitude": -117.07, "Population": 2152.0}, {"index": 14856, "quantile": 0.25, "value": 172800.0, "Latitude": 32.64, "Longitude": -117.07, "Population": 2152.0}, {"index": 14856, "quantile": 0.5, "value": 172800.0, "Latitude": 32.64, "Longitude": -117.07, "Population": 2152.0}, {"index": 14856, "quantile": 0.75, "value": 221300.0, "Latitude": 32.64, "Longitude": -117.07, "Population": 2152.0}, {"index": 14856, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.64, "Longitude": -117.07, "Population": 2152.0}, {"index": 14857, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.64, "Longitude": -117.08, "Population": 548.0}, {"index": 14857, "quantile": 0.25, "value": 145800.0, "Latitude": 32.64, "Longitude": -117.08, "Population": 548.0}, {"index": 14857, "quantile": 0.5, "value": 145800.0, "Latitude": 32.64, "Longitude": -117.08, "Population": 548.0}, {"index": 14857, "quantile": 0.75, "value": 145800.0, "Latitude": 32.64, "Longitude": -117.08, "Population": 548.0}, {"index": 14857, "quantile": 1.0, "value": 259100.00000000003, "Latitude": 32.64, "Longitude": -117.08, "Population": 548.0}, {"index": 14858, "quantile": 0.0, "value": 92200.0, "Latitude": 32.65, "Longitude": -117.08, "Population": 1487.0}, {"index": 14858, "quantile": 0.25, "value": 141225.0, "Latitude": 32.65, "Longitude": -117.08, "Population": 1487.0}, {"index": 14858, "quantile": 0.5, "value": 147000.0, "Latitude": 32.65, "Longitude": -117.08, "Population": 1487.0}, {"index": 14858, "quantile": 0.75, "value": 147000.0, "Latitude": 32.65, "Longitude": -117.08, "Population": 1487.0}, {"index": 14858, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 32.65, "Longitude": -117.08, "Population": 1487.0}, {"index": 14859, "quantile": 0.0, "value": 67500.0, "Latitude": 32.64, "Longitude": -117.08, "Population": 494.0}, {"index": 14859, "quantile": 0.25, "value": 150000.0, "Latitude": 32.64, "Longitude": -117.08, "Population": 494.0}, {"index": 14859, "quantile": 0.5, "value": 150000.0, "Latitude": 32.64, "Longitude": -117.08, "Population": 494.0}, {"index": 14859, "quantile": 0.75, "value": 150000.0, "Latitude": 32.64, "Longitude": -117.08, "Population": 494.0}, {"index": 14859, "quantile": 1.0, "value": 327300.0, "Latitude": 32.64, "Longitude": -117.08, "Population": 494.0}, {"index": 14860, "quantile": 0.0, "value": 64400.0, "Latitude": 32.64, "Longitude": -117.08, "Population": 947.0}, {"index": 14860, "quantile": 0.25, "value": 141700.0, "Latitude": 32.64, "Longitude": -117.08, "Population": 947.0}, {"index": 14860, "quantile": 0.5, "value": 141700.0, "Latitude": 32.64, "Longitude": -117.08, "Population": 947.0}, {"index": 14860, "quantile": 0.75, "value": 141700.0, "Latitude": 32.64, "Longitude": -117.08, "Population": 947.0}, {"index": 14860, "quantile": 1.0, "value": 350000.0, "Latitude": 32.64, "Longitude": -117.08, "Population": 947.0}, {"index": 14861, "quantile": 0.0, "value": 67500.0, "Latitude": 32.65, "Longitude": -117.09, "Population": 573.0}, {"index": 14861, "quantile": 0.25, "value": 145800.0, "Latitude": 32.65, "Longitude": -117.09, "Population": 573.0}, {"index": 14861, "quantile": 0.5, "value": 145800.0, "Latitude": 32.65, "Longitude": -117.09, "Population": 573.0}, {"index": 14861, "quantile": 0.75, "value": 155000.0, "Latitude": 32.65, "Longitude": -117.09, "Population": 573.0}, {"index": 14861, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.65, "Longitude": -117.09, "Population": 573.0}, {"index": 14862, "quantile": 0.0, "value": 67500.0, "Latitude": 32.65, "Longitude": -117.09, "Population": 2359.0}, {"index": 14862, "quantile": 0.25, "value": 87075.0, "Latitude": 32.65, "Longitude": -117.09, "Population": 2359.0}, {"index": 14862, "quantile": 0.5, "value": 121249.99999999999, "Latitude": 32.65, "Longitude": -117.09, "Population": 2359.0}, {"index": 14862, "quantile": 0.75, "value": 144500.0, "Latitude": 32.65, "Longitude": -117.09, "Population": 2359.0}, {"index": 14862, "quantile": 1.0, "value": 240200.0, "Latitude": 32.65, "Longitude": -117.09, "Population": 2359.0}, {"index": 14863, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.65, "Longitude": -117.08, "Population": 1277.0}, {"index": 14863, "quantile": 0.25, "value": 123800.0, "Latitude": 32.65, "Longitude": -117.08, "Population": 1277.0}, {"index": 14863, "quantile": 0.5, "value": 123800.0, "Latitude": 32.65, "Longitude": -117.08, "Population": 1277.0}, {"index": 14863, "quantile": 0.75, "value": 124325.0, "Latitude": 32.65, "Longitude": -117.08, "Population": 1277.0}, {"index": 14863, "quantile": 1.0, "value": 215000.0, "Latitude": 32.65, "Longitude": -117.08, "Population": 1277.0}, {"index": 14864, "quantile": 0.0, "value": 45000.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 1240.0}, {"index": 14864, "quantile": 0.25, "value": 129200.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 1240.0}, {"index": 14864, "quantile": 0.5, "value": 140000.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 1240.0}, {"index": 14864, "quantile": 0.75, "value": 152500.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 1240.0}, {"index": 14864, "quantile": 1.0, "value": 291500.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 1240.0}, {"index": 14865, "quantile": 0.0, "value": 67500.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 2126.0}, {"index": 14865, "quantile": 0.25, "value": 98575.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 2126.0}, {"index": 14865, "quantile": 0.5, "value": 118200.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 2126.0}, {"index": 14865, "quantile": 0.75, "value": 134700.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 2126.0}, {"index": 14865, "quantile": 1.0, "value": 240200.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 2126.0}, {"index": 14866, "quantile": 0.0, "value": 67500.0, "Latitude": 32.64, "Longitude": -117.1, "Population": 1236.0}, {"index": 14866, "quantile": 0.25, "value": 134700.0, "Latitude": 32.64, "Longitude": -117.1, "Population": 1236.0}, {"index": 14866, "quantile": 0.5, "value": 134700.0, "Latitude": 32.64, "Longitude": -117.1, "Population": 1236.0}, {"index": 14866, "quantile": 0.75, "value": 134700.0, "Latitude": 32.64, "Longitude": -117.1, "Population": 1236.0}, {"index": 14866, "quantile": 1.0, "value": 268800.0, "Latitude": 32.64, "Longitude": -117.1, "Population": 1236.0}, {"index": 14867, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.64, "Longitude": -117.09, "Population": 1302.0}, {"index": 14867, "quantile": 0.25, "value": 57499.99999999999, "Latitude": 32.64, "Longitude": -117.09, "Population": 1302.0}, {"index": 14867, "quantile": 0.5, "value": 57499.99999999999, "Latitude": 32.64, "Longitude": -117.09, "Population": 1302.0}, {"index": 14867, "quantile": 0.75, "value": 103600.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 1302.0}, {"index": 14867, "quantile": 1.0, "value": 262500.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 1302.0}, {"index": 14868, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.64, "Longitude": -117.09, "Population": 1205.0}, {"index": 14868, "quantile": 0.25, "value": 131300.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 1205.0}, {"index": 14868, "quantile": 0.5, "value": 131300.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 1205.0}, {"index": 14868, "quantile": 0.75, "value": 131300.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 1205.0}, {"index": 14868, "quantile": 1.0, "value": 350000.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 1205.0}, {"index": 14869, "quantile": 0.0, "value": 67500.0, "Latitude": 32.63, "Longitude": -117.09, "Population": 1935.0}, {"index": 14869, "quantile": 0.25, "value": 67500.0, "Latitude": 32.63, "Longitude": -117.09, "Population": 1935.0}, {"index": 14869, "quantile": 0.5, "value": 67500.0, "Latitude": 32.63, "Longitude": -117.09, "Population": 1935.0}, {"index": 14869, "quantile": 0.75, "value": 129500.0, "Latitude": 32.63, "Longitude": -117.09, "Population": 1935.0}, {"index": 14869, "quantile": 1.0, "value": 240200.0, "Latitude": 32.63, "Longitude": -117.09, "Population": 1935.0}, {"index": 14870, "quantile": 0.0, "value": 67500.0, "Latitude": 32.64, "Longitude": -117.11, "Population": 1025.0}, {"index": 14870, "quantile": 0.25, "value": 67500.0, "Latitude": 32.64, "Longitude": -117.11, "Population": 1025.0}, {"index": 14870, "quantile": 0.5, "value": 67500.0, "Latitude": 32.64, "Longitude": -117.11, "Population": 1025.0}, {"index": 14870, "quantile": 0.75, "value": 118124.99999999999, "Latitude": 32.64, "Longitude": -117.11, "Population": 1025.0}, {"index": 14870, "quantile": 1.0, "value": 205300.0, "Latitude": 32.64, "Longitude": -117.11, "Population": 1025.0}, {"index": 14871, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.62, "Longitude": -117.11, "Population": 1078.0}, {"index": 14871, "quantile": 0.25, "value": 114199.99999999999, "Latitude": 32.62, "Longitude": -117.11, "Population": 1078.0}, {"index": 14871, "quantile": 0.5, "value": 120500.0, "Latitude": 32.62, "Longitude": -117.11, "Population": 1078.0}, {"index": 14871, "quantile": 0.75, "value": 139800.0, "Latitude": 32.62, "Longitude": -117.11, "Population": 1078.0}, {"index": 14871, "quantile": 1.0, "value": 195300.0, "Latitude": 32.62, "Longitude": -117.11, "Population": 1078.0}, {"index": 14872, "quantile": 0.0, "value": 67500.0, "Latitude": 32.62, "Longitude": -117.09, "Population": 867.0}, {"index": 14872, "quantile": 0.25, "value": 128699.99999999999, "Latitude": 32.62, "Longitude": -117.09, "Population": 867.0}, {"index": 14872, "quantile": 0.5, "value": 128699.99999999999, "Latitude": 32.62, "Longitude": -117.09, "Population": 867.0}, {"index": 14872, "quantile": 0.75, "value": 128699.99999999999, "Latitude": 32.62, "Longitude": -117.09, "Population": 867.0}, {"index": 14872, "quantile": 1.0, "value": 189900.0, "Latitude": 32.62, "Longitude": -117.09, "Population": 867.0}, {"index": 14873, "quantile": 0.0, "value": 67500.0, "Latitude": 32.62, "Longitude": -117.09, "Population": 1344.0}, {"index": 14873, "quantile": 0.25, "value": 99600.0, "Latitude": 32.62, "Longitude": -117.09, "Population": 1344.0}, {"index": 14873, "quantile": 0.5, "value": 115450.00000000001, "Latitude": 32.62, "Longitude": -117.09, "Population": 1344.0}, {"index": 14873, "quantile": 0.75, "value": 127600.0, "Latitude": 32.62, "Longitude": -117.09, "Population": 1344.0}, {"index": 14873, "quantile": 1.0, "value": 240200.0, "Latitude": 32.62, "Longitude": -117.09, "Population": 1344.0}, {"index": 14874, "quantile": 0.0, "value": 63900.0, "Latitude": 32.62, "Longitude": -117.09, "Population": 1153.0}, {"index": 14874, "quantile": 0.25, "value": 110100.0, "Latitude": 32.62, "Longitude": -117.09, "Population": 1153.0}, {"index": 14874, "quantile": 0.5, "value": 120800.0, "Latitude": 32.62, "Longitude": -117.09, "Population": 1153.0}, {"index": 14874, "quantile": 0.75, "value": 139300.0, "Latitude": 32.62, "Longitude": -117.09, "Population": 1153.0}, {"index": 14874, "quantile": 1.0, "value": 167600.0, "Latitude": 32.62, "Longitude": -117.09, "Population": 1153.0}, {"index": 14875, "quantile": 0.0, "value": 102099.99999999999, "Latitude": 32.63, "Longitude": -117.08, "Population": 1607.0}, {"index": 14875, "quantile": 0.25, "value": 139800.0, "Latitude": 32.63, "Longitude": -117.08, "Population": 1607.0}, {"index": 14875, "quantile": 0.5, "value": 139800.0, "Latitude": 32.63, "Longitude": -117.08, "Population": 1607.0}, {"index": 14875, "quantile": 0.75, "value": 139800.0, "Latitude": 32.63, "Longitude": -117.08, "Population": 1607.0}, {"index": 14875, "quantile": 1.0, "value": 231300.00000000003, "Latitude": 32.63, "Longitude": -117.08, "Population": 1607.0}, {"index": 14876, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.64, "Longitude": -117.09, "Population": 2002.0}, {"index": 14876, "quantile": 0.25, "value": 114399.99999999999, "Latitude": 32.64, "Longitude": -117.09, "Population": 2002.0}, {"index": 14876, "quantile": 0.5, "value": 129500.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 2002.0}, {"index": 14876, "quantile": 0.75, "value": 139800.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 2002.0}, {"index": 14876, "quantile": 1.0, "value": 191700.0, "Latitude": 32.64, "Longitude": -117.09, "Population": 2002.0}, {"index": 14877, "quantile": 0.0, "value": 47500.0, "Latitude": 32.63, "Longitude": -117.09, "Population": 420.0}, {"index": 14877, "quantile": 0.25, "value": 117825.0, "Latitude": 32.63, "Longitude": -117.09, "Population": 420.0}, {"index": 14877, "quantile": 0.5, "value": 150000.0, "Latitude": 32.63, "Longitude": -117.09, "Population": 420.0}, {"index": 14877, "quantile": 0.75, "value": 150000.0, "Latitude": 32.63, "Longitude": -117.09, "Population": 420.0}, {"index": 14877, "quantile": 1.0, "value": 166100.0, "Latitude": 32.63, "Longitude": -117.09, "Population": 420.0}, {"index": 14878, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 32.64, "Longitude": -117.07, "Population": 745.0}, {"index": 14878, "quantile": 0.25, "value": 150400.0, "Latitude": 32.64, "Longitude": -117.07, "Population": 745.0}, {"index": 14878, "quantile": 0.5, "value": 150400.0, "Latitude": 32.64, "Longitude": -117.07, "Population": 745.0}, {"index": 14878, "quantile": 0.75, "value": 160200.0, "Latitude": 32.64, "Longitude": -117.07, "Population": 745.0}, {"index": 14878, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 32.64, "Longitude": -117.07, "Population": 745.0}, {"index": 14879, "quantile": 0.0, "value": 67500.0, "Latitude": 32.63, "Longitude": -117.07, "Population": 1026.0}, {"index": 14879, "quantile": 0.25, "value": 150400.0, "Latitude": 32.63, "Longitude": -117.07, "Population": 1026.0}, {"index": 14879, "quantile": 0.5, "value": 156900.0, "Latitude": 32.63, "Longitude": -117.07, "Population": 1026.0}, {"index": 14879, "quantile": 0.75, "value": 156900.0, "Latitude": 32.63, "Longitude": -117.07, "Population": 1026.0}, {"index": 14879, "quantile": 1.0, "value": 216500.0, "Latitude": 32.63, "Longitude": -117.07, "Population": 1026.0}, {"index": 14880, "quantile": 0.0, "value": 67500.0, "Latitude": 32.64, "Longitude": -117.07, "Population": 1593.0}, {"index": 14880, "quantile": 0.25, "value": 129500.0, "Latitude": 32.64, "Longitude": -117.07, "Population": 1593.0}, {"index": 14880, "quantile": 0.5, "value": 129500.0, "Latitude": 32.64, "Longitude": -117.07, "Population": 1593.0}, {"index": 14880, "quantile": 0.75, "value": 129500.0, "Latitude": 32.64, "Longitude": -117.07, "Population": 1593.0}, {"index": 14880, "quantile": 1.0, "value": 195300.0, "Latitude": 32.64, "Longitude": -117.07, "Population": 1593.0}, {"index": 14881, "quantile": 0.0, "value": 97600.0, "Latitude": 32.63, "Longitude": -117.06, "Population": 612.0}, {"index": 14881, "quantile": 0.25, "value": 160200.0, "Latitude": 32.63, "Longitude": -117.06, "Population": 612.0}, {"index": 14881, "quantile": 0.5, "value": 160200.0, "Latitude": 32.63, "Longitude": -117.06, "Population": 612.0}, {"index": 14881, "quantile": 0.75, "value": 160200.0, "Latitude": 32.63, "Longitude": -117.06, "Population": 612.0}, {"index": 14881, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 32.63, "Longitude": -117.06, "Population": 612.0}, {"index": 14882, "quantile": 0.0, "value": 100600.0, "Latitude": 32.62, "Longitude": -117.06, "Population": 408.0}, {"index": 14882, "quantile": 0.25, "value": 152950.0, "Latitude": 32.62, "Longitude": -117.06, "Population": 408.0}, {"index": 14882, "quantile": 0.5, "value": 189700.0, "Latitude": 32.62, "Longitude": -117.06, "Population": 408.0}, {"index": 14882, "quantile": 0.75, "value": 189700.0, "Latitude": 32.62, "Longitude": -117.06, "Population": 408.0}, {"index": 14882, "quantile": 1.0, "value": 362500.0, "Latitude": 32.62, "Longitude": -117.06, "Population": 408.0}, {"index": 14883, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 32.63, "Longitude": -117.07, "Population": 796.0}, {"index": 14883, "quantile": 0.25, "value": 150400.0, "Latitude": 32.63, "Longitude": -117.07, "Population": 796.0}, {"index": 14883, "quantile": 0.5, "value": 154900.0, "Latitude": 32.63, "Longitude": -117.07, "Population": 796.0}, {"index": 14883, "quantile": 0.75, "value": 154900.0, "Latitude": 32.63, "Longitude": -117.07, "Population": 796.0}, {"index": 14883, "quantile": 1.0, "value": 236800.0, "Latitude": 32.63, "Longitude": -117.07, "Population": 796.0}, {"index": 14884, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 32.63, "Longitude": -117.07, "Population": 1056.0}, {"index": 14884, "quantile": 0.25, "value": 145500.0, "Latitude": 32.63, "Longitude": -117.07, "Population": 1056.0}, {"index": 14884, "quantile": 0.5, "value": 145500.0, "Latitude": 32.63, "Longitude": -117.07, "Population": 1056.0}, {"index": 14884, "quantile": 0.75, "value": 151525.0, "Latitude": 32.63, "Longitude": -117.07, "Population": 1056.0}, {"index": 14884, "quantile": 1.0, "value": 200599.99999999997, "Latitude": 32.63, "Longitude": -117.07, "Population": 1056.0}, {"index": 14885, "quantile": 0.0, "value": 89600.0, "Latitude": 32.63, "Longitude": -117.08, "Population": 1827.0}, {"index": 14885, "quantile": 0.25, "value": 119700.0, "Latitude": 32.63, "Longitude": -117.08, "Population": 1827.0}, {"index": 14885, "quantile": 0.5, "value": 159400.0, "Latitude": 32.63, "Longitude": -117.08, "Population": 1827.0}, {"index": 14885, "quantile": 0.75, "value": 159400.0, "Latitude": 32.63, "Longitude": -117.08, "Population": 1827.0}, {"index": 14885, "quantile": 1.0, "value": 159400.0, "Latitude": 32.63, "Longitude": -117.08, "Population": 1827.0}, {"index": 14886, "quantile": 0.0, "value": 89600.0, "Latitude": 32.63, "Longitude": -117.08, "Population": 1266.0}, {"index": 14886, "quantile": 0.25, "value": 146300.0, "Latitude": 32.63, "Longitude": -117.08, "Population": 1266.0}, {"index": 14886, "quantile": 0.5, "value": 146300.0, "Latitude": 32.63, "Longitude": -117.08, "Population": 1266.0}, {"index": 14886, "quantile": 0.75, "value": 146300.0, "Latitude": 32.63, "Longitude": -117.08, "Population": 1266.0}, {"index": 14886, "quantile": 1.0, "value": 177500.0, "Latitude": 32.63, "Longitude": -117.08, "Population": 1266.0}, {"index": 14887, "quantile": 0.0, "value": 67500.0, "Latitude": 32.62, "Longitude": -117.08, "Population": 1353.0}, {"index": 14887, "quantile": 0.25, "value": 127375.0, "Latitude": 32.62, "Longitude": -117.08, "Population": 1353.0}, {"index": 14887, "quantile": 0.5, "value": 140600.0, "Latitude": 32.62, "Longitude": -117.08, "Population": 1353.0}, {"index": 14887, "quantile": 0.75, "value": 155400.0, "Latitude": 32.62, "Longitude": -117.08, "Population": 1353.0}, {"index": 14887, "quantile": 1.0, "value": 312700.0, "Latitude": 32.62, "Longitude": -117.08, "Population": 1353.0}, {"index": 14888, "quantile": 0.0, "value": 100600.0, "Latitude": 32.62, "Longitude": -117.08, "Population": 818.0}, {"index": 14888, "quantile": 0.25, "value": 150400.0, "Latitude": 32.62, "Longitude": -117.08, "Population": 818.0}, {"index": 14888, "quantile": 0.5, "value": 150400.0, "Latitude": 32.62, "Longitude": -117.08, "Population": 818.0}, {"index": 14888, "quantile": 0.75, "value": 150400.0, "Latitude": 32.62, "Longitude": -117.08, "Population": 818.0}, {"index": 14888, "quantile": 1.0, "value": 202100.0, "Latitude": 32.62, "Longitude": -117.08, "Population": 818.0}, {"index": 14889, "quantile": 0.0, "value": 67500.0, "Latitude": 32.61, "Longitude": -117.09, "Population": 640.0}, {"index": 14889, "quantile": 0.25, "value": 118800.0, "Latitude": 32.61, "Longitude": -117.09, "Population": 640.0}, {"index": 14889, "quantile": 0.5, "value": 118800.0, "Latitude": 32.61, "Longitude": -117.09, "Population": 640.0}, {"index": 14889, "quantile": 0.75, "value": 118800.0, "Latitude": 32.61, "Longitude": -117.09, "Population": 640.0}, {"index": 14889, "quantile": 1.0, "value": 225800.0, "Latitude": 32.61, "Longitude": -117.09, "Population": 640.0}, {"index": 14890, "quantile": 0.0, "value": 95600.0, "Latitude": 32.61, "Longitude": -117.09, "Population": 1335.0}, {"index": 14890, "quantile": 0.25, "value": 112999.99999999999, "Latitude": 32.61, "Longitude": -117.09, "Population": 1335.0}, {"index": 14890, "quantile": 0.5, "value": 112999.99999999999, "Latitude": 32.61, "Longitude": -117.09, "Population": 1335.0}, {"index": 14890, "quantile": 0.75, "value": 131000.0, "Latitude": 32.61, "Longitude": -117.09, "Population": 1335.0}, {"index": 14890, "quantile": 1.0, "value": 214699.99999999997, "Latitude": 32.61, "Longitude": -117.09, "Population": 1335.0}, {"index": 14891, "quantile": 0.0, "value": 67500.0, "Latitude": 32.62, "Longitude": -117.08, "Population": 3261.0}, {"index": 14891, "quantile": 0.25, "value": 129500.0, "Latitude": 32.62, "Longitude": -117.08, "Population": 3261.0}, {"index": 14891, "quantile": 0.5, "value": 151900.0, "Latitude": 32.62, "Longitude": -117.08, "Population": 3261.0}, {"index": 14891, "quantile": 0.75, "value": 151900.0, "Latitude": 32.62, "Longitude": -117.08, "Population": 3261.0}, {"index": 14891, "quantile": 1.0, "value": 153100.0, "Latitude": 32.62, "Longitude": -117.08, "Population": 3261.0}, {"index": 14892, "quantile": 0.0, "value": 67500.0, "Latitude": 32.61, "Longitude": -117.08, "Population": 1485.0}, {"index": 14892, "quantile": 0.25, "value": 131000.0, "Latitude": 32.61, "Longitude": -117.08, "Population": 1485.0}, {"index": 14892, "quantile": 0.5, "value": 149100.0, "Latitude": 32.61, "Longitude": -117.08, "Population": 1485.0}, {"index": 14892, "quantile": 0.75, "value": 149100.0, "Latitude": 32.61, "Longitude": -117.08, "Population": 1485.0}, {"index": 14892, "quantile": 1.0, "value": 206100.0, "Latitude": 32.61, "Longitude": -117.08, "Population": 1485.0}, {"index": 14893, "quantile": 0.0, "value": 93800.0, "Latitude": 32.62, "Longitude": -117.07, "Population": 2750.0}, {"index": 14893, "quantile": 0.25, "value": 143875.0, "Latitude": 32.62, "Longitude": -117.07, "Population": 2750.0}, {"index": 14893, "quantile": 0.5, "value": 155900.0, "Latitude": 32.62, "Longitude": -117.07, "Population": 2750.0}, {"index": 14893, "quantile": 0.75, "value": 155900.0, "Latitude": 32.62, "Longitude": -117.07, "Population": 2750.0}, {"index": 14893, "quantile": 1.0, "value": 240200.0, "Latitude": 32.62, "Longitude": -117.07, "Population": 2750.0}, {"index": 14894, "quantile": 0.0, "value": 92500.0, "Latitude": 32.61, "Longitude": -117.06, "Population": 2609.0}, {"index": 14894, "quantile": 0.25, "value": 124100.00000000001, "Latitude": 32.61, "Longitude": -117.06, "Population": 2609.0}, {"index": 14894, "quantile": 0.5, "value": 137300.0, "Latitude": 32.61, "Longitude": -117.06, "Population": 2609.0}, {"index": 14894, "quantile": 0.75, "value": 155900.0, "Latitude": 32.61, "Longitude": -117.06, "Population": 2609.0}, {"index": 14894, "quantile": 1.0, "value": 325000.0, "Latitude": 32.61, "Longitude": -117.06, "Population": 2609.0}, {"index": 14895, "quantile": 0.0, "value": 87500.0, "Latitude": 32.61, "Longitude": -117.07, "Population": 3222.0}, {"index": 14895, "quantile": 0.25, "value": 135500.0, "Latitude": 32.61, "Longitude": -117.07, "Population": 3222.0}, {"index": 14895, "quantile": 0.5, "value": 135500.0, "Latitude": 32.61, "Longitude": -117.07, "Population": 3222.0}, {"index": 14895, "quantile": 0.75, "value": 135500.0, "Latitude": 32.61, "Longitude": -117.07, "Population": 3222.0}, {"index": 14895, "quantile": 1.0, "value": 160400.0, "Latitude": 32.61, "Longitude": -117.07, "Population": 3222.0}, {"index": 14896, "quantile": 0.0, "value": 43900.0, "Latitude": 32.6, "Longitude": -117.07, "Population": 1042.0}, {"index": 14896, "quantile": 0.25, "value": 67500.0, "Latitude": 32.6, "Longitude": -117.07, "Population": 1042.0}, {"index": 14896, "quantile": 0.5, "value": 67500.0, "Latitude": 32.6, "Longitude": -117.07, "Population": 1042.0}, {"index": 14896, "quantile": 0.75, "value": 94849.99999999999, "Latitude": 32.6, "Longitude": -117.07, "Population": 1042.0}, {"index": 14896, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.6, "Longitude": -117.07, "Population": 1042.0}, {"index": 14897, "quantile": 0.0, "value": 93000.0, "Latitude": 32.59, "Longitude": -117.07, "Population": 1327.0}, {"index": 14897, "quantile": 0.25, "value": 96200.0, "Latitude": 32.59, "Longitude": -117.07, "Population": 1327.0}, {"index": 14897, "quantile": 0.5, "value": 96200.0, "Latitude": 32.59, "Longitude": -117.07, "Population": 1327.0}, {"index": 14897, "quantile": 0.75, "value": 101099.99999999999, "Latitude": 32.59, "Longitude": -117.07, "Population": 1327.0}, {"index": 14897, "quantile": 1.0, "value": 153100.0, "Latitude": 32.59, "Longitude": -117.07, "Population": 1327.0}, {"index": 14898, "quantile": 0.0, "value": 47500.0, "Latitude": 32.59, "Longitude": -117.08, "Population": 220.0}, {"index": 14898, "quantile": 0.25, "value": 123325.0, "Latitude": 32.59, "Longitude": -117.08, "Population": 220.0}, {"index": 14898, "quantile": 0.5, "value": 134400.0, "Latitude": 32.59, "Longitude": -117.08, "Population": 220.0}, {"index": 14898, "quantile": 0.75, "value": 134400.0, "Latitude": 32.59, "Longitude": -117.08, "Population": 220.0}, {"index": 14898, "quantile": 1.0, "value": 225000.0, "Latitude": 32.59, "Longitude": -117.08, "Population": 220.0}, {"index": 14899, "quantile": 0.0, "value": 67500.0, "Latitude": 32.6, "Longitude": -117.08, "Population": 1334.0}, {"index": 14899, "quantile": 0.25, "value": 121900.00000000001, "Latitude": 32.6, "Longitude": -117.08, "Population": 1334.0}, {"index": 14899, "quantile": 0.5, "value": 121900.00000000001, "Latitude": 32.6, "Longitude": -117.08, "Population": 1334.0}, {"index": 14899, "quantile": 0.75, "value": 129949.99999999999, "Latitude": 32.6, "Longitude": -117.08, "Population": 1334.0}, {"index": 14899, "quantile": 1.0, "value": 195300.0, "Latitude": 32.6, "Longitude": -117.08, "Population": 1334.0}, {"index": 14900, "quantile": 0.0, "value": 89600.0, "Latitude": 32.61, "Longitude": -117.07, "Population": 1000.0}, {"index": 14900, "quantile": 0.25, "value": 128400.0, "Latitude": 32.61, "Longitude": -117.07, "Population": 1000.0}, {"index": 14900, "quantile": 0.5, "value": 128400.0, "Latitude": 32.61, "Longitude": -117.07, "Population": 1000.0}, {"index": 14900, "quantile": 0.75, "value": 128400.0, "Latitude": 32.61, "Longitude": -117.07, "Population": 1000.0}, {"index": 14900, "quantile": 1.0, "value": 240000.0, "Latitude": 32.61, "Longitude": -117.07, "Population": 1000.0}, {"index": 14901, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.61, "Longitude": -117.06, "Population": 3123.0}, {"index": 14901, "quantile": 0.25, "value": 121649.99999999999, "Latitude": 32.61, "Longitude": -117.06, "Population": 3123.0}, {"index": 14901, "quantile": 0.5, "value": 152300.0, "Latitude": 32.61, "Longitude": -117.06, "Population": 3123.0}, {"index": 14901, "quantile": 0.75, "value": 152300.0, "Latitude": 32.61, "Longitude": -117.06, "Population": 3123.0}, {"index": 14901, "quantile": 1.0, "value": 187500.0, "Latitude": 32.61, "Longitude": -117.06, "Population": 3123.0}, {"index": 14902, "quantile": 0.0, "value": 67500.0, "Latitude": 32.61, "Longitude": -117.06, "Population": 1267.0}, {"index": 14902, "quantile": 0.25, "value": 131100.0, "Latitude": 32.61, "Longitude": -117.06, "Population": 1267.0}, {"index": 14902, "quantile": 0.5, "value": 131100.0, "Latitude": 32.61, "Longitude": -117.06, "Population": 1267.0}, {"index": 14902, "quantile": 0.75, "value": 131100.0, "Latitude": 32.61, "Longitude": -117.06, "Population": 1267.0}, {"index": 14902, "quantile": 1.0, "value": 268800.0, "Latitude": 32.61, "Longitude": -117.06, "Population": 1267.0}, {"index": 14903, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.6, "Longitude": -117.07, "Population": 983.0}, {"index": 14903, "quantile": 0.25, "value": 118800.0, "Latitude": 32.6, "Longitude": -117.07, "Population": 983.0}, {"index": 14903, "quantile": 0.5, "value": 131300.0, "Latitude": 32.6, "Longitude": -117.07, "Population": 983.0}, {"index": 14903, "quantile": 0.75, "value": 151900.0, "Latitude": 32.6, "Longitude": -117.07, "Population": 983.0}, {"index": 14903, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 32.6, "Longitude": -117.07, "Population": 983.0}, {"index": 14904, "quantile": 0.0, "value": 43900.0, "Latitude": 32.6, "Longitude": -117.06, "Population": 434.0}, {"index": 14904, "quantile": 0.25, "value": 94600.0, "Latitude": 32.6, "Longitude": -117.06, "Population": 434.0}, {"index": 14904, "quantile": 0.5, "value": 94600.0, "Latitude": 32.6, "Longitude": -117.06, "Population": 434.0}, {"index": 14904, "quantile": 0.75, "value": 115924.99999999999, "Latitude": 32.6, "Longitude": -117.06, "Population": 434.0}, {"index": 14904, "quantile": 1.0, "value": 328600.0, "Latitude": 32.6, "Longitude": -117.06, "Population": 434.0}, {"index": 14905, "quantile": 0.0, "value": 65900.0, "Latitude": 32.6, "Longitude": -117.06, "Population": 1095.0}, {"index": 14905, "quantile": 0.25, "value": 107300.0, "Latitude": 32.6, "Longitude": -117.06, "Population": 1095.0}, {"index": 14905, "quantile": 0.5, "value": 107300.0, "Latitude": 32.6, "Longitude": -117.06, "Population": 1095.0}, {"index": 14905, "quantile": 0.75, "value": 108225.00000000001, "Latitude": 32.6, "Longitude": -117.06, "Population": 1095.0}, {"index": 14905, "quantile": 1.0, "value": 240200.0, "Latitude": 32.6, "Longitude": -117.06, "Population": 1095.0}, {"index": 14906, "quantile": 0.0, "value": 67500.0, "Latitude": 32.6, "Longitude": -117.06, "Population": 989.0}, {"index": 14906, "quantile": 0.25, "value": 108200.00000000001, "Latitude": 32.6, "Longitude": -117.06, "Population": 989.0}, {"index": 14906, "quantile": 0.5, "value": 108200.00000000001, "Latitude": 32.6, "Longitude": -117.06, "Population": 989.0}, {"index": 14906, "quantile": 0.75, "value": 108200.00000000001, "Latitude": 32.6, "Longitude": -117.06, "Population": 989.0}, {"index": 14906, "quantile": 1.0, "value": 187500.0, "Latitude": 32.6, "Longitude": -117.06, "Population": 989.0}, {"index": 14907, "quantile": 0.0, "value": 122000.0, "Latitude": 32.63, "Longitude": -117.05, "Population": 2334.0}, {"index": 14907, "quantile": 0.25, "value": 160100.0, "Latitude": 32.63, "Longitude": -117.05, "Population": 2334.0}, {"index": 14907, "quantile": 0.5, "value": 160100.0, "Latitude": 32.63, "Longitude": -117.05, "Population": 2334.0}, {"index": 14907, "quantile": 0.75, "value": 160100.0, "Latitude": 32.63, "Longitude": -117.05, "Population": 2334.0}, {"index": 14907, "quantile": 1.0, "value": 252000.0, "Latitude": 32.63, "Longitude": -117.05, "Population": 2334.0}, {"index": 14908, "quantile": 0.0, "value": 86200.0, "Latitude": 32.62, "Longitude": -117.05, "Population": 2315.0}, {"index": 14908, "quantile": 0.25, "value": 142899.99999999997, "Latitude": 32.62, "Longitude": -117.05, "Population": 2315.0}, {"index": 14908, "quantile": 0.5, "value": 144500.0, "Latitude": 32.62, "Longitude": -117.05, "Population": 2315.0}, {"index": 14908, "quantile": 0.75, "value": 144500.0, "Latitude": 32.62, "Longitude": -117.05, "Population": 2315.0}, {"index": 14908, "quantile": 1.0, "value": 189800.0, "Latitude": 32.62, "Longitude": -117.05, "Population": 2315.0}, {"index": 14909, "quantile": 0.0, "value": 116399.99999999999, "Latitude": 32.62, "Longitude": -117.04, "Population": 2000.0}, {"index": 14909, "quantile": 0.25, "value": 156000.0, "Latitude": 32.62, "Longitude": -117.04, "Population": 2000.0}, {"index": 14909, "quantile": 0.5, "value": 156000.0, "Latitude": 32.62, "Longitude": -117.04, "Population": 2000.0}, {"index": 14909, "quantile": 0.75, "value": 156000.0, "Latitude": 32.62, "Longitude": -117.04, "Population": 2000.0}, {"index": 14909, "quantile": 1.0, "value": 264000.0, "Latitude": 32.62, "Longitude": -117.04, "Population": 2000.0}, {"index": 14910, "quantile": 0.0, "value": 99600.0, "Latitude": 32.61, "Longitude": -117.05, "Population": 2585.0}, {"index": 14910, "quantile": 0.25, "value": 133400.0, "Latitude": 32.61, "Longitude": -117.05, "Population": 2585.0}, {"index": 14910, "quantile": 0.5, "value": 139900.0, "Latitude": 32.61, "Longitude": -117.05, "Population": 2585.0}, {"index": 14910, "quantile": 0.75, "value": 139900.0, "Latitude": 32.61, "Longitude": -117.05, "Population": 2585.0}, {"index": 14910, "quantile": 1.0, "value": 152900.0, "Latitude": 32.61, "Longitude": -117.05, "Population": 2585.0}, {"index": 14911, "quantile": 0.0, "value": 67500.0, "Latitude": 32.61, "Longitude": -117.05, "Population": 3795.0}, {"index": 14911, "quantile": 0.25, "value": 129700.0, "Latitude": 32.61, "Longitude": -117.05, "Population": 3795.0}, {"index": 14911, "quantile": 0.5, "value": 129700.0, "Latitude": 32.61, "Longitude": -117.05, "Population": 3795.0}, {"index": 14911, "quantile": 0.75, "value": 131000.0, "Latitude": 32.61, "Longitude": -117.05, "Population": 3795.0}, {"index": 14911, "quantile": 1.0, "value": 189900.0, "Latitude": 32.61, "Longitude": -117.05, "Population": 3795.0}, {"index": 14912, "quantile": 0.0, "value": 95600.0, "Latitude": 32.61, "Longitude": -117.05, "Population": 1145.0}, {"index": 14912, "quantile": 0.25, "value": 125400.0, "Latitude": 32.61, "Longitude": -117.05, "Population": 1145.0}, {"index": 14912, "quantile": 0.5, "value": 137900.0, "Latitude": 32.61, "Longitude": -117.05, "Population": 1145.0}, {"index": 14912, "quantile": 0.75, "value": 150400.0, "Latitude": 32.61, "Longitude": -117.05, "Population": 1145.0}, {"index": 14912, "quantile": 1.0, "value": 362500.0, "Latitude": 32.61, "Longitude": -117.05, "Population": 1145.0}, {"index": 14913, "quantile": 0.0, "value": 122700.00000000001, "Latitude": 32.6, "Longitude": -117.04, "Population": 5094.0}, {"index": 14913, "quantile": 0.25, "value": 139800.0, "Latitude": 32.6, "Longitude": -117.04, "Population": 5094.0}, {"index": 14913, "quantile": 0.5, "value": 139800.0, "Latitude": 32.6, "Longitude": -117.04, "Population": 5094.0}, {"index": 14913, "quantile": 0.75, "value": 143325.0, "Latitude": 32.6, "Longitude": -117.04, "Population": 5094.0}, {"index": 14913, "quantile": 1.0, "value": 174400.0, "Latitude": 32.6, "Longitude": -117.04, "Population": 5094.0}, {"index": 14914, "quantile": 0.0, "value": 101600.0, "Latitude": 32.6, "Longitude": -117.04, "Population": 3002.0}, {"index": 14914, "quantile": 0.25, "value": 146800.0, "Latitude": 32.6, "Longitude": -117.04, "Population": 3002.0}, {"index": 14914, "quantile": 0.5, "value": 152900.0, "Latitude": 32.6, "Longitude": -117.04, "Population": 3002.0}, {"index": 14914, "quantile": 0.75, "value": 152900.0, "Latitude": 32.6, "Longitude": -117.04, "Population": 3002.0}, {"index": 14914, "quantile": 1.0, "value": 189700.0, "Latitude": 32.6, "Longitude": -117.04, "Population": 3002.0}, {"index": 14915, "quantile": 0.0, "value": 67500.0, "Latitude": 32.59, "Longitude": -117.05, "Population": 3073.0}, {"index": 14915, "quantile": 0.25, "value": 104075.0, "Latitude": 32.59, "Longitude": -117.05, "Population": 3073.0}, {"index": 14915, "quantile": 0.5, "value": 128699.99999999999, "Latitude": 32.59, "Longitude": -117.05, "Population": 3073.0}, {"index": 14915, "quantile": 0.75, "value": 142600.0, "Latitude": 32.59, "Longitude": -117.05, "Population": 3073.0}, {"index": 14915, "quantile": 1.0, "value": 175000.0, "Latitude": 32.59, "Longitude": -117.05, "Population": 3073.0}, {"index": 14916, "quantile": 0.0, "value": 90800.0, "Latitude": 32.63, "Longitude": -117.04, "Population": 1228.0}, {"index": 14916, "quantile": 0.25, "value": 137000.0, "Latitude": 32.63, "Longitude": -117.04, "Population": 1228.0}, {"index": 14916, "quantile": 0.5, "value": 160200.0, "Latitude": 32.63, "Longitude": -117.04, "Population": 1228.0}, {"index": 14916, "quantile": 0.75, "value": 160200.0, "Latitude": 32.63, "Longitude": -117.04, "Population": 1228.0}, {"index": 14916, "quantile": 1.0, "value": 195600.0, "Latitude": 32.63, "Longitude": -117.04, "Population": 1228.0}, {"index": 14917, "quantile": 0.0, "value": 132100.0, "Latitude": 32.62, "Longitude": -117.04, "Population": 1089.0}, {"index": 14917, "quantile": 0.25, "value": 151900.0, "Latitude": 32.62, "Longitude": -117.04, "Population": 1089.0}, {"index": 14917, "quantile": 0.5, "value": 151900.0, "Latitude": 32.62, "Longitude": -117.04, "Population": 1089.0}, {"index": 14917, "quantile": 0.75, "value": 151900.0, "Latitude": 32.62, "Longitude": -117.04, "Population": 1089.0}, {"index": 14917, "quantile": 1.0, "value": 189800.0, "Latitude": 32.62, "Longitude": -117.04, "Population": 1089.0}, {"index": 14918, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 32.61, "Longitude": -117.03, "Population": 778.0}, {"index": 14918, "quantile": 0.25, "value": 171300.0, "Latitude": 32.61, "Longitude": -117.03, "Population": 778.0}, {"index": 14918, "quantile": 0.5, "value": 171300.0, "Latitude": 32.61, "Longitude": -117.03, "Population": 778.0}, {"index": 14918, "quantile": 0.75, "value": 171300.0, "Latitude": 32.61, "Longitude": -117.03, "Population": 778.0}, {"index": 14918, "quantile": 1.0, "value": 376800.0, "Latitude": 32.61, "Longitude": -117.03, "Population": 778.0}, {"index": 14919, "quantile": 0.0, "value": 97200.0, "Latitude": 32.61, "Longitude": -117.03, "Population": 523.0}, {"index": 14919, "quantile": 0.25, "value": 166900.0, "Latitude": 32.61, "Longitude": -117.03, "Population": 523.0}, {"index": 14919, "quantile": 0.5, "value": 166900.0, "Latitude": 32.61, "Longitude": -117.03, "Population": 523.0}, {"index": 14919, "quantile": 0.75, "value": 183750.0, "Latitude": 32.61, "Longitude": -117.03, "Population": 523.0}, {"index": 14919, "quantile": 1.0, "value": 296400.0, "Latitude": 32.61, "Longitude": -117.03, "Population": 523.0}, {"index": 14920, "quantile": 0.0, "value": 133000.0, "Latitude": 32.6, "Longitude": -117.03, "Population": 742.0}, {"index": 14920, "quantile": 0.25, "value": 143400.0, "Latitude": 32.6, "Longitude": -117.03, "Population": 742.0}, {"index": 14920, "quantile": 0.5, "value": 143400.0, "Latitude": 32.6, "Longitude": -117.03, "Population": 742.0}, {"index": 14920, "quantile": 0.75, "value": 149075.0, "Latitude": 32.6, "Longitude": -117.03, "Population": 742.0}, {"index": 14920, "quantile": 1.0, "value": 376800.0, "Latitude": 32.6, "Longitude": -117.03, "Population": 742.0}, {"index": 14921, "quantile": 0.0, "value": 97000.0, "Latitude": 32.59, "Longitude": -117.02, "Population": 1102.0}, {"index": 14921, "quantile": 0.25, "value": 98100.0, "Latitude": 32.59, "Longitude": -117.02, "Population": 1102.0}, {"index": 14921, "quantile": 0.5, "value": 98100.0, "Latitude": 32.59, "Longitude": -117.02, "Population": 1102.0}, {"index": 14921, "quantile": 0.75, "value": 124875.0, "Latitude": 32.59, "Longitude": -117.02, "Population": 1102.0}, {"index": 14921, "quantile": 1.0, "value": 159400.0, "Latitude": 32.59, "Longitude": -117.02, "Population": 1102.0}, {"index": 14922, "quantile": 0.0, "value": 125400.0, "Latitude": 32.62, "Longitude": -116.98, "Population": 4771.0}, {"index": 14922, "quantile": 0.25, "value": 143300.0, "Latitude": 32.62, "Longitude": -116.98, "Population": 4771.0}, {"index": 14922, "quantile": 0.5, "value": 152199.99999999997, "Latitude": 32.62, "Longitude": -116.98, "Population": 4771.0}, {"index": 14922, "quantile": 0.75, "value": 165575.0, "Latitude": 32.62, "Longitude": -116.98, "Population": 4771.0}, {"index": 14922, "quantile": 1.0, "value": 263700.0, "Latitude": 32.62, "Longitude": -116.98, "Population": 4771.0}, {"index": 14923, "quantile": 0.0, "value": 181300.0, "Latitude": 32.64, "Longitude": -117.06, "Population": 1883.0}, {"index": 14923, "quantile": 0.25, "value": 186100.0, "Latitude": 32.64, "Longitude": -117.06, "Population": 1883.0}, {"index": 14923, "quantile": 0.5, "value": 186100.0, "Latitude": 32.64, "Longitude": -117.06, "Population": 1883.0}, {"index": 14923, "quantile": 0.75, "value": 256175.0, "Latitude": 32.64, "Longitude": -117.06, "Population": 1883.0}, {"index": 14923, "quantile": 1.0, "value": 450000.0, "Latitude": 32.64, "Longitude": -117.06, "Population": 1883.0}, {"index": 14924, "quantile": 0.0, "value": 131000.0, "Latitude": 32.63, "Longitude": -117.06, "Population": 2096.0}, {"index": 14924, "quantile": 0.25, "value": 165100.0, "Latitude": 32.63, "Longitude": -117.06, "Population": 2096.0}, {"index": 14924, "quantile": 0.5, "value": 169800.0, "Latitude": 32.63, "Longitude": -117.06, "Population": 2096.0}, {"index": 14924, "quantile": 0.75, "value": 169800.0, "Latitude": 32.63, "Longitude": -117.06, "Population": 2096.0}, {"index": 14924, "quantile": 1.0, "value": 247800.00000000003, "Latitude": 32.63, "Longitude": -117.06, "Population": 2096.0}, {"index": 14925, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 32.68, "Longitude": -116.98, "Population": 1217.0}, {"index": 14925, "quantile": 0.25, "value": 156300.0, "Latitude": 32.68, "Longitude": -116.98, "Population": 1217.0}, {"index": 14925, "quantile": 0.5, "value": 156300.0, "Latitude": 32.68, "Longitude": -116.98, "Population": 1217.0}, {"index": 14925, "quantile": 0.75, "value": 156300.0, "Latitude": 32.68, "Longitude": -116.98, "Population": 1217.0}, {"index": 14925, "quantile": 1.0, "value": 266900.0, "Latitude": 32.68, "Longitude": -116.98, "Population": 1217.0}, {"index": 14926, "quantile": 0.0, "value": 133000.0, "Latitude": 32.67, "Longitude": -117.01, "Population": 1125.0}, {"index": 14926, "quantile": 0.25, "value": 232875.00000000003, "Latitude": 32.67, "Longitude": -117.01, "Population": 1125.0}, {"index": 14926, "quantile": 0.5, "value": 266900.0, "Latitude": 32.67, "Longitude": -117.01, "Population": 1125.0}, {"index": 14926, "quantile": 0.75, "value": 266900.0, "Latitude": 32.67, "Longitude": -117.01, "Population": 1125.0}, {"index": 14926, "quantile": 1.0, "value": 286400.0, "Latitude": 32.67, "Longitude": -117.01, "Population": 1125.0}, {"index": 14927, "quantile": 0.0, "value": 204100.0, "Latitude": 32.67, "Longitude": -117.0, "Population": 1002.0}, {"index": 14927, "quantile": 0.25, "value": 249000.00000000003, "Latitude": 32.67, "Longitude": -117.0, "Population": 1002.0}, {"index": 14927, "quantile": 0.5, "value": 275000.0, "Latitude": 32.67, "Longitude": -117.0, "Population": 1002.0}, {"index": 14927, "quantile": 0.75, "value": 294700.0, "Latitude": 32.67, "Longitude": -117.0, "Population": 1002.0}, {"index": 14927, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.67, "Longitude": -117.0, "Population": 1002.0}, {"index": 14928, "quantile": 0.0, "value": 180700.0, "Latitude": 32.67, "Longitude": -117.02, "Population": 635.0}, {"index": 14928, "quantile": 0.25, "value": 249000.00000000003, "Latitude": 32.67, "Longitude": -117.02, "Population": 635.0}, {"index": 14928, "quantile": 0.5, "value": 282200.0, "Latitude": 32.67, "Longitude": -117.02, "Population": 635.0}, {"index": 14928, "quantile": 0.75, "value": 302725.0, "Latitude": 32.67, "Longitude": -117.02, "Population": 635.0}, {"index": 14928, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.67, "Longitude": -117.02, "Population": 635.0}, {"index": 14929, "quantile": 0.0, "value": 234700.0, "Latitude": 32.66, "Longitude": -117.01, "Population": 4495.0}, {"index": 14929, "quantile": 0.25, "value": 293900.0, "Latitude": 32.66, "Longitude": -117.01, "Population": 4495.0}, {"index": 14929, "quantile": 0.5, "value": 293900.0, "Latitude": 32.66, "Longitude": -117.01, "Population": 4495.0}, {"index": 14929, "quantile": 0.75, "value": 293900.0, "Latitude": 32.66, "Longitude": -117.01, "Population": 4495.0}, {"index": 14929, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.66, "Longitude": -117.01, "Population": 4495.0}, {"index": 14930, "quantile": 0.0, "value": 180700.0, "Latitude": 32.66, "Longitude": -117.02, "Population": 376.0}, {"index": 14930, "quantile": 0.25, "value": 249500.0, "Latitude": 32.66, "Longitude": -117.02, "Population": 376.0}, {"index": 14930, "quantile": 0.5, "value": 265350.0, "Latitude": 32.66, "Longitude": -117.02, "Population": 376.0}, {"index": 14930, "quantile": 0.75, "value": 281700.0, "Latitude": 32.66, "Longitude": -117.02, "Population": 376.0}, {"index": 14930, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.66, "Longitude": -117.02, "Population": 376.0}, {"index": 14931, "quantile": 0.0, "value": 110100.0, "Latitude": 32.65, "Longitude": -116.97, "Population": 7985.0}, {"index": 14931, "quantile": 0.25, "value": 233400.0, "Latitude": 32.65, "Longitude": -116.97, "Population": 7985.0}, {"index": 14931, "quantile": 0.5, "value": 233400.0, "Latitude": 32.65, "Longitude": -116.97, "Population": 7985.0}, {"index": 14931, "quantile": 0.75, "value": 239675.0, "Latitude": 32.65, "Longitude": -116.97, "Population": 7985.0}, {"index": 14931, "quantile": 1.0, "value": 429000.0, "Latitude": 32.65, "Longitude": -116.97, "Population": 7985.0}, {"index": 14932, "quantile": 0.0, "value": 67500.0, "Latitude": 32.64, "Longitude": -116.99, "Population": 2046.0}, {"index": 14932, "quantile": 0.25, "value": 134400.0, "Latitude": 32.64, "Longitude": -116.99, "Population": 2046.0}, {"index": 14932, "quantile": 0.5, "value": 157450.0, "Latitude": 32.64, "Longitude": -116.99, "Population": 2046.0}, {"index": 14932, "quantile": 0.75, "value": 206500.0, "Latitude": 32.64, "Longitude": -116.99, "Population": 2046.0}, {"index": 14932, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.64, "Longitude": -116.99, "Population": 2046.0}, {"index": 14933, "quantile": 0.0, "value": 125400.0, "Latitude": 32.65, "Longitude": -117.04, "Population": 3159.0}, {"index": 14933, "quantile": 0.25, "value": 221900.0, "Latitude": 32.65, "Longitude": -117.04, "Population": 3159.0}, {"index": 14933, "quantile": 0.5, "value": 247800.00000000003, "Latitude": 32.65, "Longitude": -117.04, "Population": 3159.0}, {"index": 14933, "quantile": 0.75, "value": 247800.00000000003, "Latitude": 32.65, "Longitude": -117.04, "Population": 3159.0}, {"index": 14933, "quantile": 1.0, "value": 347700.0, "Latitude": 32.65, "Longitude": -117.04, "Population": 3159.0}, {"index": 14934, "quantile": 0.0, "value": 171900.0, "Latitude": 32.65, "Longitude": -117.03, "Population": 472.0}, {"index": 14934, "quantile": 0.25, "value": 290500.0, "Latitude": 32.65, "Longitude": -117.03, "Population": 472.0}, {"index": 14934, "quantile": 0.5, "value": 290500.0, "Latitude": 32.65, "Longitude": -117.03, "Population": 472.0}, {"index": 14934, "quantile": 0.75, "value": 291350.0, "Latitude": 32.65, "Longitude": -117.03, "Population": 472.0}, {"index": 14934, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.65, "Longitude": -117.03, "Population": 472.0}, {"index": 14935, "quantile": 0.0, "value": 156100.0, "Latitude": 32.64, "Longitude": -117.0, "Population": 1391.0}, {"index": 14935, "quantile": 0.25, "value": 170400.0, "Latitude": 32.64, "Longitude": -117.0, "Population": 1391.0}, {"index": 14935, "quantile": 0.5, "value": 170400.0, "Latitude": 32.64, "Longitude": -117.0, "Population": 1391.0}, {"index": 14935, "quantile": 0.75, "value": 187200.0, "Latitude": 32.64, "Longitude": -117.0, "Population": 1391.0}, {"index": 14935, "quantile": 1.0, "value": 347700.0, "Latitude": 32.64, "Longitude": -117.0, "Population": 1391.0}, {"index": 14936, "quantile": 0.0, "value": 110100.0, "Latitude": 32.63, "Longitude": -117.01, "Population": 3269.0}, {"index": 14936, "quantile": 0.25, "value": 221600.00000000003, "Latitude": 32.63, "Longitude": -117.01, "Population": 3269.0}, {"index": 14936, "quantile": 0.5, "value": 221600.00000000003, "Latitude": 32.63, "Longitude": -117.01, "Population": 3269.0}, {"index": 14936, "quantile": 0.75, "value": 221600.00000000003, "Latitude": 32.63, "Longitude": -117.01, "Population": 3269.0}, {"index": 14936, "quantile": 1.0, "value": 335600.0, "Latitude": 32.63, "Longitude": -117.01, "Population": 3269.0}, {"index": 14937, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 32.64, "Longitude": -117.04, "Population": 1213.0}, {"index": 14937, "quantile": 0.25, "value": 177150.0, "Latitude": 32.64, "Longitude": -117.04, "Population": 1213.0}, {"index": 14937, "quantile": 0.5, "value": 225599.99999999997, "Latitude": 32.64, "Longitude": -117.04, "Population": 1213.0}, {"index": 14937, "quantile": 0.75, "value": 225599.99999999997, "Latitude": 32.64, "Longitude": -117.04, "Population": 1213.0}, {"index": 14937, "quantile": 1.0, "value": 350000.0, "Latitude": 32.64, "Longitude": -117.04, "Population": 1213.0}, {"index": 14938, "quantile": 0.0, "value": 138200.0, "Latitude": 32.64, "Longitude": -117.02, "Population": 157.0}, {"index": 14938, "quantile": 0.25, "value": 280250.0, "Latitude": 32.64, "Longitude": -117.02, "Population": 157.0}, {"index": 14938, "quantile": 0.5, "value": 281700.0, "Latitude": 32.64, "Longitude": -117.02, "Population": 157.0}, {"index": 14938, "quantile": 0.75, "value": 281700.0, "Latitude": 32.64, "Longitude": -117.02, "Population": 157.0}, {"index": 14938, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.64, "Longitude": -117.02, "Population": 157.0}, {"index": 14939, "quantile": 0.0, "value": 110100.0, "Latitude": 32.63, "Longitude": -117.03, "Population": 1165.0}, {"index": 14939, "quantile": 0.25, "value": 227700.0, "Latitude": 32.63, "Longitude": -117.03, "Population": 1165.0}, {"index": 14939, "quantile": 0.5, "value": 227700.0, "Latitude": 32.63, "Longitude": -117.03, "Population": 1165.0}, {"index": 14939, "quantile": 0.75, "value": 227700.0, "Latitude": 32.63, "Longitude": -117.03, "Population": 1165.0}, {"index": 14939, "quantile": 1.0, "value": 287000.0, "Latitude": 32.63, "Longitude": -117.03, "Population": 1165.0}, {"index": 14940, "quantile": 0.0, "value": 133000.0, "Latitude": 32.63, "Longitude": -117.03, "Population": 1466.0}, {"index": 14940, "quantile": 0.25, "value": 173450.00000000003, "Latitude": 32.63, "Longitude": -117.03, "Population": 1466.0}, {"index": 14940, "quantile": 0.5, "value": 213700.0, "Latitude": 32.63, "Longitude": -117.03, "Population": 1466.0}, {"index": 14940, "quantile": 0.75, "value": 213700.0, "Latitude": 32.63, "Longitude": -117.03, "Population": 1466.0}, {"index": 14940, "quantile": 1.0, "value": 249400.00000000003, "Latitude": 32.63, "Longitude": -117.03, "Population": 1466.0}, {"index": 14941, "quantile": 0.0, "value": 110900.0, "Latitude": 32.63, "Longitude": -117.04, "Population": 1166.0}, {"index": 14941, "quantile": 0.25, "value": 181600.0, "Latitude": 32.63, "Longitude": -117.04, "Population": 1166.0}, {"index": 14941, "quantile": 0.5, "value": 181600.0, "Latitude": 32.63, "Longitude": -117.04, "Population": 1166.0}, {"index": 14941, "quantile": 0.75, "value": 203775.0, "Latitude": 32.63, "Longitude": -117.04, "Population": 1166.0}, {"index": 14941, "quantile": 1.0, "value": 447400.0, "Latitude": 32.63, "Longitude": -117.04, "Population": 1166.0}, {"index": 14942, "quantile": 0.0, "value": 67500.0, "Latitude": 32.74, "Longitude": -116.99, "Population": 1410.0}, {"index": 14942, "quantile": 0.25, "value": 146950.0, "Latitude": 32.74, "Longitude": -116.99, "Population": 1410.0}, {"index": 14942, "quantile": 0.5, "value": 189900.0, "Latitude": 32.74, "Longitude": -116.99, "Population": 1410.0}, {"index": 14942, "quantile": 0.75, "value": 189900.0, "Latitude": 32.74, "Longitude": -116.99, "Population": 1410.0}, {"index": 14942, "quantile": 1.0, "value": 216500.0, "Latitude": 32.74, "Longitude": -116.99, "Population": 1410.0}, {"index": 14943, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 32.74, "Longitude": -116.98, "Population": 1995.0}, {"index": 14943, "quantile": 0.25, "value": 152475.0, "Latitude": 32.74, "Longitude": -116.98, "Population": 1995.0}, {"index": 14943, "quantile": 0.5, "value": 158300.0, "Latitude": 32.74, "Longitude": -116.98, "Population": 1995.0}, {"index": 14943, "quantile": 0.75, "value": 158300.0, "Latitude": 32.74, "Longitude": -116.98, "Population": 1995.0}, {"index": 14943, "quantile": 1.0, "value": 172900.0, "Latitude": 32.74, "Longitude": -116.98, "Population": 1995.0}, {"index": 14944, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 32.74, "Longitude": -116.98, "Population": 454.0}, {"index": 14944, "quantile": 0.25, "value": 173700.0, "Latitude": 32.74, "Longitude": -116.98, "Population": 454.0}, {"index": 14944, "quantile": 0.5, "value": 173700.0, "Latitude": 32.74, "Longitude": -116.98, "Population": 454.0}, {"index": 14944, "quantile": 0.75, "value": 173700.0, "Latitude": 32.74, "Longitude": -116.98, "Population": 454.0}, {"index": 14944, "quantile": 1.0, "value": 268300.0, "Latitude": 32.74, "Longitude": -116.98, "Population": 454.0}, {"index": 14945, "quantile": 0.0, "value": 118900.0, "Latitude": 32.74, "Longitude": -116.98, "Population": 1754.0}, {"index": 14945, "quantile": 0.25, "value": 162300.0, "Latitude": 32.74, "Longitude": -116.98, "Population": 1754.0}, {"index": 14945, "quantile": 0.5, "value": 162300.0, "Latitude": 32.74, "Longitude": -116.98, "Population": 1754.0}, {"index": 14945, "quantile": 0.75, "value": 185300.0, "Latitude": 32.74, "Longitude": -116.98, "Population": 1754.0}, {"index": 14945, "quantile": 1.0, "value": 417500.0, "Latitude": 32.74, "Longitude": -116.98, "Population": 1754.0}, {"index": 14946, "quantile": 0.0, "value": 118900.0, "Latitude": 32.72, "Longitude": -116.98, "Population": 1914.0}, {"index": 14946, "quantile": 0.25, "value": 168700.0, "Latitude": 32.72, "Longitude": -116.98, "Population": 1914.0}, {"index": 14946, "quantile": 0.5, "value": 214000.0, "Latitude": 32.72, "Longitude": -116.98, "Population": 1914.0}, {"index": 14946, "quantile": 0.75, "value": 223875.0, "Latitude": 32.72, "Longitude": -116.98, "Population": 1914.0}, {"index": 14946, "quantile": 1.0, "value": 347700.0, "Latitude": 32.72, "Longitude": -116.98, "Population": 1914.0}, {"index": 14947, "quantile": 0.0, "value": 133000.0, "Latitude": 32.73, "Longitude": -116.98, "Population": 530.0}, {"index": 14947, "quantile": 0.25, "value": 154100.0, "Latitude": 32.73, "Longitude": -116.98, "Population": 530.0}, {"index": 14947, "quantile": 0.5, "value": 167350.0, "Latitude": 32.73, "Longitude": -116.98, "Population": 530.0}, {"index": 14947, "quantile": 0.75, "value": 191400.00000000003, "Latitude": 32.73, "Longitude": -116.98, "Population": 530.0}, {"index": 14947, "quantile": 1.0, "value": 376800.0, "Latitude": 32.73, "Longitude": -116.98, "Population": 530.0}, {"index": 14948, "quantile": 0.0, "value": 96300.0, "Latitude": 32.72, "Longitude": -116.98, "Population": 571.0}, {"index": 14948, "quantile": 0.25, "value": 172650.00000000003, "Latitude": 32.72, "Longitude": -116.98, "Population": 571.0}, {"index": 14948, "quantile": 0.5, "value": 223300.0, "Latitude": 32.72, "Longitude": -116.98, "Population": 571.0}, {"index": 14948, "quantile": 0.75, "value": 223300.0, "Latitude": 32.72, "Longitude": -116.98, "Population": 571.0}, {"index": 14948, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.72, "Longitude": -116.98, "Population": 571.0}, {"index": 14949, "quantile": 0.0, "value": 142000.0, "Latitude": 32.74, "Longitude": -116.97, "Population": 3597.0}, {"index": 14949, "quantile": 0.25, "value": 176100.0, "Latitude": 32.74, "Longitude": -116.97, "Population": 3597.0}, {"index": 14949, "quantile": 0.5, "value": 176100.0, "Latitude": 32.74, "Longitude": -116.97, "Population": 3597.0}, {"index": 14949, "quantile": 0.75, "value": 176100.0, "Latitude": 32.74, "Longitude": -116.97, "Population": 3597.0}, {"index": 14949, "quantile": 1.0, "value": 353000.0, "Latitude": 32.74, "Longitude": -116.97, "Population": 3597.0}, {"index": 14950, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 32.74, "Longitude": -116.95, "Population": 1429.0}, {"index": 14950, "quantile": 0.25, "value": 134925.0, "Latitude": 32.74, "Longitude": -116.95, "Population": 1429.0}, {"index": 14950, "quantile": 0.5, "value": 166700.0, "Latitude": 32.74, "Longitude": -116.95, "Population": 1429.0}, {"index": 14950, "quantile": 0.75, "value": 189975.0, "Latitude": 32.74, "Longitude": -116.95, "Population": 1429.0}, {"index": 14950, "quantile": 1.0, "value": 238200.0, "Latitude": 32.74, "Longitude": -116.95, "Population": 1429.0}, {"index": 14951, "quantile": 0.0, "value": 69300.0, "Latitude": 32.71, "Longitude": -116.96, "Population": 1129.0}, {"index": 14951, "quantile": 0.25, "value": 155000.0, "Latitude": 32.71, "Longitude": -116.96, "Population": 1129.0}, {"index": 14951, "quantile": 0.5, "value": 155000.0, "Latitude": 32.71, "Longitude": -116.96, "Population": 1129.0}, {"index": 14951, "quantile": 0.75, "value": 155000.0, "Latitude": 32.71, "Longitude": -116.96, "Population": 1129.0}, {"index": 14951, "quantile": 1.0, "value": 475000.0, "Latitude": 32.71, "Longitude": -116.96, "Population": 1129.0}, {"index": 14952, "quantile": 0.0, "value": 119300.0, "Latitude": 32.73, "Longitude": -116.95, "Population": 960.0}, {"index": 14952, "quantile": 0.25, "value": 140800.0, "Latitude": 32.73, "Longitude": -116.95, "Population": 960.0}, {"index": 14952, "quantile": 0.5, "value": 160700.00000000003, "Latitude": 32.73, "Longitude": -116.95, "Population": 960.0}, {"index": 14952, "quantile": 0.75, "value": 177200.0, "Latitude": 32.73, "Longitude": -116.95, "Population": 960.0}, {"index": 14952, "quantile": 1.0, "value": 265600.0, "Latitude": 32.73, "Longitude": -116.95, "Population": 960.0}, {"index": 14953, "quantile": 0.0, "value": 97200.0, "Latitude": 32.76, "Longitude": -116.97, "Population": 838.0}, {"index": 14953, "quantile": 0.25, "value": 220500.0, "Latitude": 32.76, "Longitude": -116.97, "Population": 838.0}, {"index": 14953, "quantile": 0.5, "value": 261500.00000000003, "Latitude": 32.76, "Longitude": -116.97, "Population": 838.0}, {"index": 14953, "quantile": 0.75, "value": 303275.0, "Latitude": 32.76, "Longitude": -116.97, "Population": 838.0}, {"index": 14953, "quantile": 1.0, "value": 491200.0, "Latitude": 32.76, "Longitude": -116.97, "Population": 838.0}, {"index": 14954, "quantile": 0.0, "value": 131000.0, "Latitude": 32.75, "Longitude": -116.98, "Population": 1905.0}, {"index": 14954, "quantile": 0.25, "value": 191525.0, "Latitude": 32.75, "Longitude": -116.98, "Population": 1905.0}, {"index": 14954, "quantile": 0.5, "value": 214000.0, "Latitude": 32.75, "Longitude": -116.98, "Population": 1905.0}, {"index": 14954, "quantile": 0.75, "value": 214000.0, "Latitude": 32.75, "Longitude": -116.98, "Population": 1905.0}, {"index": 14954, "quantile": 1.0, "value": 347700.0, "Latitude": 32.75, "Longitude": -116.98, "Population": 1905.0}, {"index": 14955, "quantile": 0.0, "value": 142000.0, "Latitude": 32.75, "Longitude": -116.97, "Population": 1720.0}, {"index": 14955, "quantile": 0.25, "value": 186900.0, "Latitude": 32.75, "Longitude": -116.97, "Population": 1720.0}, {"index": 14955, "quantile": 0.5, "value": 186900.0, "Latitude": 32.75, "Longitude": -116.97, "Population": 1720.0}, {"index": 14955, "quantile": 0.75, "value": 187200.0, "Latitude": 32.75, "Longitude": -116.97, "Population": 1720.0}, {"index": 14955, "quantile": 1.0, "value": 268300.0, "Latitude": 32.75, "Longitude": -116.97, "Population": 1720.0}, {"index": 14956, "quantile": 0.0, "value": 94600.0, "Latitude": 32.75, "Longitude": -116.98, "Population": 802.0}, {"index": 14956, "quantile": 0.25, "value": 151825.0, "Latitude": 32.75, "Longitude": -116.98, "Population": 802.0}, {"index": 14956, "quantile": 0.5, "value": 170800.0, "Latitude": 32.75, "Longitude": -116.98, "Population": 802.0}, {"index": 14956, "quantile": 0.75, "value": 170800.0, "Latitude": 32.75, "Longitude": -116.98, "Population": 802.0}, {"index": 14956, "quantile": 1.0, "value": 235600.0, "Latitude": 32.75, "Longitude": -116.98, "Population": 802.0}, {"index": 14957, "quantile": 0.0, "value": 146300.0, "Latitude": 32.76, "Longitude": -116.97, "Population": 1348.0}, {"index": 14957, "quantile": 0.25, "value": 228900.00000000003, "Latitude": 32.76, "Longitude": -116.97, "Population": 1348.0}, {"index": 14957, "quantile": 0.5, "value": 228900.00000000003, "Latitude": 32.76, "Longitude": -116.97, "Population": 1348.0}, {"index": 14957, "quantile": 0.75, "value": 228900.00000000003, "Latitude": 32.76, "Longitude": -116.97, "Population": 1348.0}, {"index": 14957, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.76, "Longitude": -116.97, "Population": 1348.0}, {"index": 14958, "quantile": 0.0, "value": 137000.0, "Latitude": 32.76, "Longitude": -116.95, "Population": 2074.0}, {"index": 14958, "quantile": 0.25, "value": 263950.0, "Latitude": 32.76, "Longitude": -116.95, "Population": 2074.0}, {"index": 14958, "quantile": 0.5, "value": 266200.0, "Latitude": 32.76, "Longitude": -116.95, "Population": 2074.0}, {"index": 14958, "quantile": 0.75, "value": 266200.0, "Latitude": 32.76, "Longitude": -116.95, "Population": 2074.0}, {"index": 14958, "quantile": 1.0, "value": 317700.0, "Latitude": 32.76, "Longitude": -116.95, "Population": 2074.0}, {"index": 14959, "quantile": 0.0, "value": 106200.0, "Latitude": 32.75, "Longitude": -116.94, "Population": 6945.0}, {"index": 14959, "quantile": 0.25, "value": 229700.00000000003, "Latitude": 32.75, "Longitude": -116.94, "Population": 6945.0}, {"index": 14959, "quantile": 0.5, "value": 229700.00000000003, "Latitude": 32.75, "Longitude": -116.94, "Population": 6945.0}, {"index": 14959, "quantile": 0.75, "value": 229700.00000000003, "Latitude": 32.75, "Longitude": -116.94, "Population": 6945.0}, {"index": 14959, "quantile": 1.0, "value": 318900.0, "Latitude": 32.75, "Longitude": -116.94, "Population": 6945.0}, {"index": 14960, "quantile": 0.0, "value": 110100.0, "Latitude": 32.76, "Longitude": -116.92, "Population": 947.0}, {"index": 14960, "quantile": 0.25, "value": 181300.0, "Latitude": 32.76, "Longitude": -116.92, "Population": 947.0}, {"index": 14960, "quantile": 0.5, "value": 181300.0, "Latitude": 32.76, "Longitude": -116.92, "Population": 947.0}, {"index": 14960, "quantile": 0.75, "value": 230074.99999999997, "Latitude": 32.76, "Longitude": -116.92, "Population": 947.0}, {"index": 14960, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 32.76, "Longitude": -116.92, "Population": 947.0}, {"index": 14961, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 32.76, "Longitude": -116.92, "Population": 862.0}, {"index": 14961, "quantile": 0.25, "value": 182900.0, "Latitude": 32.76, "Longitude": -116.92, "Population": 862.0}, {"index": 14961, "quantile": 0.5, "value": 249400.00000000003, "Latitude": 32.76, "Longitude": -116.92, "Population": 862.0}, {"index": 14961, "quantile": 0.75, "value": 249400.00000000003, "Latitude": 32.76, "Longitude": -116.92, "Population": 862.0}, {"index": 14961, "quantile": 1.0, "value": 347700.0, "Latitude": 32.76, "Longitude": -116.92, "Population": 862.0}, {"index": 14962, "quantile": 0.0, "value": 136400.0, "Latitude": 32.75, "Longitude": -116.91, "Population": 4372.0}, {"index": 14962, "quantile": 0.25, "value": 226000.00000000003, "Latitude": 32.75, "Longitude": -116.91, "Population": 4372.0}, {"index": 14962, "quantile": 0.5, "value": 240899.99999999997, "Latitude": 32.75, "Longitude": -116.91, "Population": 4372.0}, {"index": 14962, "quantile": 0.75, "value": 240899.99999999997, "Latitude": 32.75, "Longitude": -116.91, "Population": 4372.0}, {"index": 14962, "quantile": 1.0, "value": 347700.0, "Latitude": 32.75, "Longitude": -116.91, "Population": 4372.0}, {"index": 14963, "quantile": 0.0, "value": 146300.0, "Latitude": 32.76, "Longitude": -117.0, "Population": 805.0}, {"index": 14963, "quantile": 0.25, "value": 189100.0, "Latitude": 32.76, "Longitude": -117.0, "Population": 805.0}, {"index": 14963, "quantile": 0.5, "value": 189100.0, "Latitude": 32.76, "Longitude": -117.0, "Population": 805.0}, {"index": 14963, "quantile": 0.75, "value": 273575.0, "Latitude": 32.76, "Longitude": -117.0, "Population": 805.0}, {"index": 14963, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.76, "Longitude": -117.0, "Population": 805.0}, {"index": 14964, "quantile": 0.0, "value": 118900.0, "Latitude": 32.76, "Longitude": -116.99, "Population": 1645.0}, {"index": 14964, "quantile": 0.25, "value": 170400.0, "Latitude": 32.76, "Longitude": -116.99, "Population": 1645.0}, {"index": 14964, "quantile": 0.5, "value": 187050.0, "Latitude": 32.76, "Longitude": -116.99, "Population": 1645.0}, {"index": 14964, "quantile": 0.75, "value": 214850.00000000003, "Latitude": 32.76, "Longitude": -116.99, "Population": 1645.0}, {"index": 14964, "quantile": 1.0, "value": 266200.0, "Latitude": 32.76, "Longitude": -116.99, "Population": 1645.0}, {"index": 14965, "quantile": 0.0, "value": 101600.0, "Latitude": 32.74, "Longitude": -116.99, "Population": 1952.0}, {"index": 14965, "quantile": 0.25, "value": 132100.0, "Latitude": 32.74, "Longitude": -116.99, "Population": 1952.0}, {"index": 14965, "quantile": 0.5, "value": 144850.0, "Latitude": 32.74, "Longitude": -116.99, "Population": 1952.0}, {"index": 14965, "quantile": 0.75, "value": 152900.0, "Latitude": 32.74, "Longitude": -116.99, "Population": 1952.0}, {"index": 14965, "quantile": 1.0, "value": 225900.0, "Latitude": 32.74, "Longitude": -116.99, "Population": 1952.0}, {"index": 14966, "quantile": 0.0, "value": 71800.0, "Latitude": 32.74, "Longitude": -117.0, "Population": 1423.0}, {"index": 14966, "quantile": 0.25, "value": 112500.0, "Latitude": 32.74, "Longitude": -117.0, "Population": 1423.0}, {"index": 14966, "quantile": 0.5, "value": 118800.0, "Latitude": 32.74, "Longitude": -117.0, "Population": 1423.0}, {"index": 14966, "quantile": 0.75, "value": 118800.0, "Latitude": 32.74, "Longitude": -117.0, "Population": 1423.0}, {"index": 14966, "quantile": 1.0, "value": 155700.0, "Latitude": 32.74, "Longitude": -117.0, "Population": 1423.0}, {"index": 14967, "quantile": 0.0, "value": 95600.0, "Latitude": 32.73, "Longitude": -116.99, "Population": 1103.0}, {"index": 14967, "quantile": 0.25, "value": 153800.0, "Latitude": 32.73, "Longitude": -116.99, "Population": 1103.0}, {"index": 14967, "quantile": 0.5, "value": 153800.0, "Latitude": 32.73, "Longitude": -116.99, "Population": 1103.0}, {"index": 14967, "quantile": 0.75, "value": 153800.0, "Latitude": 32.73, "Longitude": -116.99, "Population": 1103.0}, {"index": 14967, "quantile": 1.0, "value": 362500.0, "Latitude": 32.73, "Longitude": -116.99, "Population": 1103.0}, {"index": 14968, "quantile": 0.0, "value": 109800.00000000001, "Latitude": 32.75, "Longitude": -117.01, "Population": 2065.0}, {"index": 14968, "quantile": 0.25, "value": 159950.0, "Latitude": 32.75, "Longitude": -117.01, "Population": 2065.0}, {"index": 14968, "quantile": 0.5, "value": 178100.0, "Latitude": 32.75, "Longitude": -117.01, "Population": 2065.0}, {"index": 14968, "quantile": 0.75, "value": 178100.0, "Latitude": 32.75, "Longitude": -117.01, "Population": 2065.0}, {"index": 14968, "quantile": 1.0, "value": 223700.0, "Latitude": 32.75, "Longitude": -117.01, "Population": 2065.0}, {"index": 14969, "quantile": 0.0, "value": 125000.0, "Latitude": 32.75, "Longitude": -117.01, "Population": 973.0}, {"index": 14969, "quantile": 0.25, "value": 152500.0, "Latitude": 32.75, "Longitude": -117.01, "Population": 973.0}, {"index": 14969, "quantile": 0.5, "value": 152500.0, "Latitude": 32.75, "Longitude": -117.01, "Population": 973.0}, {"index": 14969, "quantile": 0.75, "value": 160100.0, "Latitude": 32.75, "Longitude": -117.01, "Population": 973.0}, {"index": 14969, "quantile": 1.0, "value": 226799.99999999997, "Latitude": 32.75, "Longitude": -117.01, "Population": 973.0}, {"index": 14970, "quantile": 0.0, "value": 98100.0, "Latitude": 32.74, "Longitude": -117.01, "Population": 2098.0}, {"index": 14970, "quantile": 0.25, "value": 135200.0, "Latitude": 32.74, "Longitude": -117.01, "Population": 2098.0}, {"index": 14970, "quantile": 0.5, "value": 135200.0, "Latitude": 32.74, "Longitude": -117.01, "Population": 2098.0}, {"index": 14970, "quantile": 0.75, "value": 135200.0, "Latitude": 32.74, "Longitude": -117.01, "Population": 2098.0}, {"index": 14970, "quantile": 1.0, "value": 163600.0, "Latitude": 32.74, "Longitude": -117.01, "Population": 2098.0}, {"index": 14971, "quantile": 0.0, "value": 98900.0, "Latitude": 32.73, "Longitude": -117.01, "Population": 1556.0}, {"index": 14971, "quantile": 0.25, "value": 120800.0, "Latitude": 32.73, "Longitude": -117.01, "Population": 1556.0}, {"index": 14971, "quantile": 0.5, "value": 120800.0, "Latitude": 32.73, "Longitude": -117.01, "Population": 1556.0}, {"index": 14971, "quantile": 0.75, "value": 124425.00000000001, "Latitude": 32.73, "Longitude": -117.01, "Population": 1556.0}, {"index": 14971, "quantile": 1.0, "value": 240200.0, "Latitude": 32.73, "Longitude": -117.01, "Population": 1556.0}, {"index": 14972, "quantile": 0.0, "value": 109800.00000000001, "Latitude": 32.73, "Longitude": -117.0, "Population": 3424.0}, {"index": 14972, "quantile": 0.25, "value": 127600.0, "Latitude": 32.73, "Longitude": -117.0, "Population": 3424.0}, {"index": 14972, "quantile": 0.5, "value": 127600.0, "Latitude": 32.73, "Longitude": -117.0, "Population": 3424.0}, {"index": 14972, "quantile": 0.75, "value": 127600.0, "Latitude": 32.73, "Longitude": -117.0, "Population": 3424.0}, {"index": 14972, "quantile": 1.0, "value": 178100.0, "Latitude": 32.73, "Longitude": -117.0, "Population": 3424.0}, {"index": 14973, "quantile": 0.0, "value": 85800.0, "Latitude": 32.72, "Longitude": -117.0, "Population": 2352.0}, {"index": 14973, "quantile": 0.25, "value": 136300.0, "Latitude": 32.72, "Longitude": -117.0, "Population": 2352.0}, {"index": 14973, "quantile": 0.5, "value": 143200.0, "Latitude": 32.72, "Longitude": -117.0, "Population": 2352.0}, {"index": 14973, "quantile": 0.75, "value": 143200.0, "Latitude": 32.72, "Longitude": -117.0, "Population": 2352.0}, {"index": 14973, "quantile": 1.0, "value": 156900.0, "Latitude": 32.72, "Longitude": -117.0, "Population": 2352.0}, {"index": 14974, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 32.72, "Longitude": -117.01, "Population": 2104.0}, {"index": 14974, "quantile": 0.25, "value": 132300.0, "Latitude": 32.72, "Longitude": -117.01, "Population": 2104.0}, {"index": 14974, "quantile": 0.5, "value": 132300.0, "Latitude": 32.72, "Longitude": -117.01, "Population": 2104.0}, {"index": 14974, "quantile": 0.75, "value": 132300.0, "Latitude": 32.72, "Longitude": -117.01, "Population": 2104.0}, {"index": 14974, "quantile": 1.0, "value": 158900.0, "Latitude": 32.72, "Longitude": -117.01, "Population": 2104.0}, {"index": 14975, "quantile": 0.0, "value": 109800.00000000001, "Latitude": 32.7, "Longitude": -116.99, "Population": 2629.0}, {"index": 14975, "quantile": 0.25, "value": 134250.0, "Latitude": 32.7, "Longitude": -116.99, "Population": 2629.0}, {"index": 14975, "quantile": 0.5, "value": 141400.0, "Latitude": 32.7, "Longitude": -116.99, "Population": 2629.0}, {"index": 14975, "quantile": 0.75, "value": 150550.0, "Latitude": 32.7, "Longitude": -116.99, "Population": 2629.0}, {"index": 14975, "quantile": 1.0, "value": 294600.0, "Latitude": 32.7, "Longitude": -116.99, "Population": 2629.0}, {"index": 14976, "quantile": 0.0, "value": 120800.0, "Latitude": 32.7, "Longitude": -117.0, "Population": 1456.0}, {"index": 14976, "quantile": 0.25, "value": 131000.0, "Latitude": 32.7, "Longitude": -117.0, "Population": 1456.0}, {"index": 14976, "quantile": 0.5, "value": 131000.0, "Latitude": 32.7, "Longitude": -117.0, "Population": 1456.0}, {"index": 14976, "quantile": 0.75, "value": 145075.0, "Latitude": 32.7, "Longitude": -117.0, "Population": 1456.0}, {"index": 14976, "quantile": 1.0, "value": 189800.0, "Latitude": 32.7, "Longitude": -117.0, "Population": 1456.0}, {"index": 14977, "quantile": 0.0, "value": 115300.0, "Latitude": 32.71, "Longitude": -116.98, "Population": 1277.0}, {"index": 14977, "quantile": 0.25, "value": 121400.0, "Latitude": 32.71, "Longitude": -116.98, "Population": 1277.0}, {"index": 14977, "quantile": 0.5, "value": 121400.0, "Latitude": 32.71, "Longitude": -116.98, "Population": 1277.0}, {"index": 14977, "quantile": 0.75, "value": 131300.00000000003, "Latitude": 32.71, "Longitude": -116.98, "Population": 1277.0}, {"index": 14977, "quantile": 1.0, "value": 206100.0, "Latitude": 32.71, "Longitude": -116.98, "Population": 1277.0}, {"index": 14978, "quantile": 0.0, "value": 67500.0, "Latitude": 32.71, "Longitude": -116.99, "Population": 2355.0}, {"index": 14978, "quantile": 0.25, "value": 119025.0, "Latitude": 32.71, "Longitude": -116.99, "Population": 2355.0}, {"index": 14978, "quantile": 0.5, "value": 127600.0, "Latitude": 32.71, "Longitude": -116.99, "Population": 2355.0}, {"index": 14978, "quantile": 0.75, "value": 139425.0, "Latitude": 32.71, "Longitude": -116.99, "Population": 2355.0}, {"index": 14978, "quantile": 1.0, "value": 214000.0, "Latitude": 32.71, "Longitude": -116.99, "Population": 2355.0}, {"index": 14979, "quantile": 0.0, "value": 99600.0, "Latitude": 32.71, "Longitude": -117.0, "Population": 1395.0}, {"index": 14979, "quantile": 0.25, "value": 123500.00000000001, "Latitude": 32.71, "Longitude": -117.0, "Population": 1395.0}, {"index": 14979, "quantile": 0.5, "value": 123500.00000000001, "Latitude": 32.71, "Longitude": -117.0, "Population": 1395.0}, {"index": 14979, "quantile": 0.75, "value": 123500.00000000001, "Latitude": 32.71, "Longitude": -117.0, "Population": 1395.0}, {"index": 14979, "quantile": 1.0, "value": 160100.0, "Latitude": 32.71, "Longitude": -117.0, "Population": 1395.0}, {"index": 14980, "quantile": 0.0, "value": 98100.0, "Latitude": 32.71, "Longitude": -117.01, "Population": 1977.0}, {"index": 14980, "quantile": 0.25, "value": 129099.99999999999, "Latitude": 32.71, "Longitude": -117.01, "Population": 1977.0}, {"index": 14980, "quantile": 0.5, "value": 129099.99999999999, "Latitude": 32.71, "Longitude": -117.01, "Population": 1977.0}, {"index": 14980, "quantile": 0.75, "value": 129099.99999999999, "Latitude": 32.71, "Longitude": -117.01, "Population": 1977.0}, {"index": 14980, "quantile": 1.0, "value": 170700.0, "Latitude": 32.71, "Longitude": -117.01, "Population": 1977.0}, {"index": 14981, "quantile": 0.0, "value": 109800.00000000001, "Latitude": 32.72, "Longitude": -116.99, "Population": 334.0}, {"index": 14981, "quantile": 0.25, "value": 169500.0, "Latitude": 32.72, "Longitude": -116.99, "Population": 334.0}, {"index": 14981, "quantile": 0.5, "value": 169500.0, "Latitude": 32.72, "Longitude": -116.99, "Population": 334.0}, {"index": 14981, "quantile": 0.75, "value": 169500.0, "Latitude": 32.72, "Longitude": -116.99, "Population": 334.0}, {"index": 14981, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.72, "Longitude": -116.99, "Population": 334.0}, {"index": 14982, "quantile": 0.0, "value": 125400.0, "Latitude": 32.72, "Longitude": -116.99, "Population": 1046.0}, {"index": 14982, "quantile": 0.25, "value": 143300.0, "Latitude": 32.72, "Longitude": -116.99, "Population": 1046.0}, {"index": 14982, "quantile": 0.5, "value": 143300.0, "Latitude": 32.72, "Longitude": -116.99, "Population": 1046.0}, {"index": 14982, "quantile": 0.75, "value": 152475.0, "Latitude": 32.72, "Longitude": -116.99, "Population": 1046.0}, {"index": 14982, "quantile": 1.0, "value": 254100.0, "Latitude": 32.72, "Longitude": -116.99, "Population": 1046.0}, {"index": 14983, "quantile": 0.0, "value": 99600.0, "Latitude": 32.72, "Longitude": -116.99, "Population": 719.0}, {"index": 14983, "quantile": 0.25, "value": 126899.99999999999, "Latitude": 32.72, "Longitude": -116.99, "Population": 719.0}, {"index": 14983, "quantile": 0.5, "value": 145600.0, "Latitude": 32.72, "Longitude": -116.99, "Population": 719.0}, {"index": 14983, "quantile": 0.75, "value": 160200.0, "Latitude": 32.72, "Longitude": -116.99, "Population": 719.0}, {"index": 14983, "quantile": 1.0, "value": 270000.0, "Latitude": 32.72, "Longitude": -116.99, "Population": 719.0}, {"index": 14984, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 32.72, "Longitude": -116.99, "Population": 441.0}, {"index": 14984, "quantile": 0.25, "value": 169500.0, "Latitude": 32.72, "Longitude": -116.99, "Population": 441.0}, {"index": 14984, "quantile": 0.5, "value": 169500.0, "Latitude": 32.72, "Longitude": -116.99, "Population": 441.0}, {"index": 14984, "quantile": 0.75, "value": 169500.0, "Latitude": 32.72, "Longitude": -116.99, "Population": 441.0}, {"index": 14984, "quantile": 1.0, "value": 404500.0, "Latitude": 32.72, "Longitude": -116.99, "Population": 441.0}, {"index": 14985, "quantile": 0.0, "value": 115300.0, "Latitude": 32.74, "Longitude": -117.02, "Population": 2012.0}, {"index": 14985, "quantile": 0.25, "value": 144700.0, "Latitude": 32.74, "Longitude": -117.02, "Population": 2012.0}, {"index": 14985, "quantile": 0.5, "value": 144700.0, "Latitude": 32.74, "Longitude": -117.02, "Population": 2012.0}, {"index": 14985, "quantile": 0.75, "value": 144700.0, "Latitude": 32.74, "Longitude": -117.02, "Population": 2012.0}, {"index": 14985, "quantile": 1.0, "value": 206100.0, "Latitude": 32.74, "Longitude": -117.02, "Population": 2012.0}, {"index": 14986, "quantile": 0.0, "value": 98900.0, "Latitude": 32.73, "Longitude": -117.03, "Population": 1169.0}, {"index": 14986, "quantile": 0.25, "value": 142000.0, "Latitude": 32.73, "Longitude": -117.03, "Population": 1169.0}, {"index": 14986, "quantile": 0.5, "value": 142000.0, "Latitude": 32.73, "Longitude": -117.03, "Population": 1169.0}, {"index": 14986, "quantile": 0.75, "value": 142000.0, "Latitude": 32.73, "Longitude": -117.03, "Population": 1169.0}, {"index": 14986, "quantile": 1.0, "value": 172400.0, "Latitude": 32.73, "Longitude": -117.03, "Population": 1169.0}, {"index": 14987, "quantile": 0.0, "value": 108300.0, "Latitude": 32.73, "Longitude": -117.03, "Population": 997.0}, {"index": 14987, "quantile": 0.25, "value": 142000.0, "Latitude": 32.73, "Longitude": -117.03, "Population": 997.0}, {"index": 14987, "quantile": 0.5, "value": 154400.0, "Latitude": 32.73, "Longitude": -117.03, "Population": 997.0}, {"index": 14987, "quantile": 0.75, "value": 154400.0, "Latitude": 32.73, "Longitude": -117.03, "Population": 997.0}, {"index": 14987, "quantile": 1.0, "value": 222600.0, "Latitude": 32.73, "Longitude": -117.03, "Population": 997.0}, {"index": 14988, "quantile": 0.0, "value": 94600.0, "Latitude": 32.74, "Longitude": -117.03, "Population": 404.0}, {"index": 14988, "quantile": 0.25, "value": 130400.0, "Latitude": 32.74, "Longitude": -117.03, "Population": 404.0}, {"index": 14988, "quantile": 0.5, "value": 130400.0, "Latitude": 32.74, "Longitude": -117.03, "Population": 404.0}, {"index": 14988, "quantile": 0.75, "value": 130400.0, "Latitude": 32.74, "Longitude": -117.03, "Population": 404.0}, {"index": 14988, "quantile": 1.0, "value": 291500.0, "Latitude": 32.74, "Longitude": -117.03, "Population": 404.0}, {"index": 14989, "quantile": 0.0, "value": 116399.99999999999, "Latitude": 32.73, "Longitude": -117.02, "Population": 3280.0}, {"index": 14989, "quantile": 0.25, "value": 141400.0, "Latitude": 32.73, "Longitude": -117.02, "Population": 3280.0}, {"index": 14989, "quantile": 0.5, "value": 141400.0, "Latitude": 32.73, "Longitude": -117.02, "Population": 3280.0}, {"index": 14989, "quantile": 0.75, "value": 141400.0, "Latitude": 32.73, "Longitude": -117.02, "Population": 3280.0}, {"index": 14989, "quantile": 1.0, "value": 267400.0, "Latitude": 32.73, "Longitude": -117.02, "Population": 3280.0}, {"index": 14990, "quantile": 0.0, "value": 104500.0, "Latitude": 32.72, "Longitude": -117.02, "Population": 1142.0}, {"index": 14990, "quantile": 0.25, "value": 126899.99999999999, "Latitude": 32.72, "Longitude": -117.02, "Population": 1142.0}, {"index": 14990, "quantile": 0.5, "value": 126899.99999999999, "Latitude": 32.72, "Longitude": -117.02, "Population": 1142.0}, {"index": 14990, "quantile": 0.75, "value": 126899.99999999999, "Latitude": 32.72, "Longitude": -117.02, "Population": 1142.0}, {"index": 14990, "quantile": 1.0, "value": 189700.0, "Latitude": 32.72, "Longitude": -117.02, "Population": 1142.0}, {"index": 14991, "quantile": 0.0, "value": 120300.0, "Latitude": 32.73, "Longitude": -117.03, "Population": 1557.0}, {"index": 14991, "quantile": 0.25, "value": 123600.0, "Latitude": 32.73, "Longitude": -117.03, "Population": 1557.0}, {"index": 14991, "quantile": 0.5, "value": 123600.0, "Latitude": 32.73, "Longitude": -117.03, "Population": 1557.0}, {"index": 14991, "quantile": 0.75, "value": 127600.0, "Latitude": 32.73, "Longitude": -117.03, "Population": 1557.0}, {"index": 14991, "quantile": 1.0, "value": 238200.0, "Latitude": 32.73, "Longitude": -117.03, "Population": 1557.0}, {"index": 14992, "quantile": 0.0, "value": 91700.0, "Latitude": 32.72, "Longitude": -117.03, "Population": 505.0}, {"index": 14992, "quantile": 0.25, "value": 125400.0, "Latitude": 32.72, "Longitude": -117.03, "Population": 505.0}, {"index": 14992, "quantile": 0.5, "value": 125400.0, "Latitude": 32.72, "Longitude": -117.03, "Population": 505.0}, {"index": 14992, "quantile": 0.75, "value": 125400.0, "Latitude": 32.72, "Longitude": -117.03, "Population": 505.0}, {"index": 14992, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.72, "Longitude": -117.03, "Population": 505.0}, {"index": 14993, "quantile": 0.0, "value": 93600.0, "Latitude": 32.72, "Longitude": -117.03, "Population": 1515.0}, {"index": 14993, "quantile": 0.25, "value": 117000.0, "Latitude": 32.72, "Longitude": -117.03, "Population": 1515.0}, {"index": 14993, "quantile": 0.5, "value": 120600.0, "Latitude": 32.72, "Longitude": -117.03, "Population": 1515.0}, {"index": 14993, "quantile": 0.75, "value": 120600.0, "Latitude": 32.72, "Longitude": -117.03, "Population": 1515.0}, {"index": 14993, "quantile": 1.0, "value": 136400.0, "Latitude": 32.72, "Longitude": -117.03, "Population": 1515.0}, {"index": 14994, "quantile": 0.0, "value": 117000.0, "Latitude": 32.72, "Longitude": -117.04, "Population": 3020.0}, {"index": 14994, "quantile": 0.25, "value": 137000.0, "Latitude": 32.72, "Longitude": -117.04, "Population": 3020.0}, {"index": 14994, "quantile": 0.5, "value": 137000.0, "Latitude": 32.72, "Longitude": -117.04, "Population": 3020.0}, {"index": 14994, "quantile": 0.75, "value": 137000.0, "Latitude": 32.72, "Longitude": -117.04, "Population": 3020.0}, {"index": 14994, "quantile": 1.0, "value": 182800.0, "Latitude": 32.72, "Longitude": -117.04, "Population": 3020.0}, {"index": 14995, "quantile": 0.0, "value": 99600.0, "Latitude": 32.73, "Longitude": -117.04, "Population": 1097.0}, {"index": 14995, "quantile": 0.25, "value": 120675.0, "Latitude": 32.73, "Longitude": -117.04, "Population": 1097.0}, {"index": 14995, "quantile": 0.5, "value": 136800.0, "Latitude": 32.73, "Longitude": -117.04, "Population": 1097.0}, {"index": 14995, "quantile": 0.75, "value": 147800.0, "Latitude": 32.73, "Longitude": -117.04, "Population": 1097.0}, {"index": 14995, "quantile": 1.0, "value": 216500.0, "Latitude": 32.73, "Longitude": -117.04, "Population": 1097.0}, {"index": 14996, "quantile": 0.0, "value": 95600.0, "Latitude": 32.73, "Longitude": -117.04, "Population": 1032.0}, {"index": 14996, "quantile": 0.25, "value": 125400.0, "Latitude": 32.73, "Longitude": -117.04, "Population": 1032.0}, {"index": 14996, "quantile": 0.5, "value": 125400.0, "Latitude": 32.73, "Longitude": -117.04, "Population": 1032.0}, {"index": 14996, "quantile": 0.75, "value": 130675.00000000001, "Latitude": 32.73, "Longitude": -117.04, "Population": 1032.0}, {"index": 14996, "quantile": 1.0, "value": 154400.0, "Latitude": 32.73, "Longitude": -117.04, "Population": 1032.0}, {"index": 14997, "quantile": 0.0, "value": 104500.0, "Latitude": 32.72, "Longitude": -117.05, "Population": 1694.0}, {"index": 14997, "quantile": 0.25, "value": 133900.0, "Latitude": 32.72, "Longitude": -117.05, "Population": 1694.0}, {"index": 14997, "quantile": 0.5, "value": 133900.0, "Latitude": 32.72, "Longitude": -117.05, "Population": 1694.0}, {"index": 14997, "quantile": 0.75, "value": 137125.0, "Latitude": 32.72, "Longitude": -117.05, "Population": 1694.0}, {"index": 14997, "quantile": 1.0, "value": 206100.0, "Latitude": 32.72, "Longitude": -117.05, "Population": 1694.0}, {"index": 14998, "quantile": 0.0, "value": 99600.0, "Latitude": 32.73, "Longitude": -117.05, "Population": 1763.0}, {"index": 14998, "quantile": 0.25, "value": 126275.0, "Latitude": 32.73, "Longitude": -117.05, "Population": 1763.0}, {"index": 14998, "quantile": 0.5, "value": 133900.0, "Latitude": 32.73, "Longitude": -117.05, "Population": 1763.0}, {"index": 14998, "quantile": 0.75, "value": 133900.0, "Latitude": 32.73, "Longitude": -117.05, "Population": 1763.0}, {"index": 14998, "quantile": 1.0, "value": 160400.0, "Latitude": 32.73, "Longitude": -117.05, "Population": 1763.0}, {"index": 14999, "quantile": 0.0, "value": 67500.0, "Latitude": 32.74, "Longitude": -117.03, "Population": 991.0}, {"index": 14999, "quantile": 0.25, "value": 120700.00000000001, "Latitude": 32.74, "Longitude": -117.03, "Population": 991.0}, {"index": 14999, "quantile": 0.5, "value": 136400.0, "Latitude": 32.74, "Longitude": -117.03, "Population": 991.0}, {"index": 14999, "quantile": 0.75, "value": 155000.0, "Latitude": 32.74, "Longitude": -117.03, "Population": 991.0}, {"index": 14999, "quantile": 1.0, "value": 325000.0, "Latitude": 32.74, "Longitude": -117.03, "Population": 991.0}, {"index": 15000, "quantile": 0.0, "value": 84200.0, "Latitude": 32.74, "Longitude": -117.04, "Population": 2288.0}, {"index": 15000, "quantile": 0.25, "value": 136175.0, "Latitude": 32.74, "Longitude": -117.04, "Population": 2288.0}, {"index": 15000, "quantile": 0.5, "value": 140700.0, "Latitude": 32.74, "Longitude": -117.04, "Population": 2288.0}, {"index": 15000, "quantile": 0.75, "value": 140700.0, "Latitude": 32.74, "Longitude": -117.04, "Population": 2288.0}, {"index": 15000, "quantile": 1.0, "value": 252700.0, "Latitude": 32.74, "Longitude": -117.04, "Population": 2288.0}, {"index": 15001, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 32.74, "Longitude": -117.02, "Population": 2000.0}, {"index": 15001, "quantile": 0.25, "value": 104200.0, "Latitude": 32.74, "Longitude": -117.02, "Population": 2000.0}, {"index": 15001, "quantile": 0.5, "value": 117000.0, "Latitude": 32.74, "Longitude": -117.02, "Population": 2000.0}, {"index": 15001, "quantile": 0.75, "value": 132000.0, "Latitude": 32.74, "Longitude": -117.02, "Population": 2000.0}, {"index": 15001, "quantile": 1.0, "value": 195800.0, "Latitude": 32.74, "Longitude": -117.02, "Population": 2000.0}, {"index": 15002, "quantile": 0.0, "value": 59600.0, "Latitude": 32.74, "Longitude": -117.04, "Population": 1727.0}, {"index": 15002, "quantile": 0.25, "value": 118800.0, "Latitude": 32.74, "Longitude": -117.04, "Population": 1727.0}, {"index": 15002, "quantile": 0.5, "value": 132000.0, "Latitude": 32.74, "Longitude": -117.04, "Population": 1727.0}, {"index": 15002, "quantile": 0.75, "value": 132000.0, "Latitude": 32.74, "Longitude": -117.04, "Population": 1727.0}, {"index": 15002, "quantile": 1.0, "value": 325000.0, "Latitude": 32.74, "Longitude": -117.04, "Population": 1727.0}, {"index": 15003, "quantile": 0.0, "value": 125000.0, "Latitude": 32.75, "Longitude": -117.04, "Population": 1070.0}, {"index": 15003, "quantile": 0.25, "value": 144000.0, "Latitude": 32.75, "Longitude": -117.04, "Population": 1070.0}, {"index": 15003, "quantile": 0.5, "value": 144000.0, "Latitude": 32.75, "Longitude": -117.04, "Population": 1070.0}, {"index": 15003, "quantile": 0.75, "value": 147825.0, "Latitude": 32.75, "Longitude": -117.04, "Population": 1070.0}, {"index": 15003, "quantile": 1.0, "value": 223700.0, "Latitude": 32.75, "Longitude": -117.04, "Population": 1070.0}, {"index": 15004, "quantile": 0.0, "value": 115300.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 1437.0}, {"index": 15004, "quantile": 0.25, "value": 142900.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 1437.0}, {"index": 15004, "quantile": 0.5, "value": 142900.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 1437.0}, {"index": 15004, "quantile": 0.75, "value": 142900.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 1437.0}, {"index": 15004, "quantile": 1.0, "value": 235600.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 1437.0}, {"index": 15005, "quantile": 0.0, "value": 98900.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 826.0}, {"index": 15005, "quantile": 0.25, "value": 133700.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 826.0}, {"index": 15005, "quantile": 0.5, "value": 133700.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 826.0}, {"index": 15005, "quantile": 0.75, "value": 146675.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 826.0}, {"index": 15005, "quantile": 1.0, "value": 240200.0, "Latitude": 32.75, "Longitude": -117.05, "Population": 826.0}, {"index": 15006, "quantile": 0.0, "value": 101800.0, "Latitude": 32.77, "Longitude": -117.03, "Population": 918.0}, {"index": 15006, "quantile": 0.25, "value": 152500.0, "Latitude": 32.77, "Longitude": -117.03, "Population": 918.0}, {"index": 15006, "quantile": 0.5, "value": 161200.0, "Latitude": 32.77, "Longitude": -117.03, "Population": 918.0}, {"index": 15006, "quantile": 0.75, "value": 161200.0, "Latitude": 32.77, "Longitude": -117.03, "Population": 918.0}, {"index": 15006, "quantile": 1.0, "value": 198100.0, "Latitude": 32.77, "Longitude": -117.03, "Population": 918.0}, {"index": 15007, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 32.76, "Longitude": -117.02, "Population": 543.0}, {"index": 15007, "quantile": 0.25, "value": 144775.0, "Latitude": 32.76, "Longitude": -117.02, "Population": 543.0}, {"index": 15007, "quantile": 0.5, "value": 154200.0, "Latitude": 32.76, "Longitude": -117.02, "Population": 543.0}, {"index": 15007, "quantile": 0.75, "value": 154200.0, "Latitude": 32.76, "Longitude": -117.02, "Population": 543.0}, {"index": 15007, "quantile": 1.0, "value": 350000.0, "Latitude": 32.76, "Longitude": -117.02, "Population": 543.0}, {"index": 15008, "quantile": 0.0, "value": 93800.0, "Latitude": 32.76, "Longitude": -117.02, "Population": 976.0}, {"index": 15008, "quantile": 0.25, "value": 185700.0, "Latitude": 32.76, "Longitude": -117.02, "Population": 976.0}, {"index": 15008, "quantile": 0.5, "value": 185700.0, "Latitude": 32.76, "Longitude": -117.02, "Population": 976.0}, {"index": 15008, "quantile": 0.75, "value": 185700.0, "Latitude": 32.76, "Longitude": -117.02, "Population": 976.0}, {"index": 15008, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.76, "Longitude": -117.02, "Population": 976.0}, {"index": 15009, "quantile": 0.0, "value": 178000.0, "Latitude": 32.75, "Longitude": -117.02, "Population": 1345.0}, {"index": 15009, "quantile": 0.25, "value": 217099.99999999997, "Latitude": 32.75, "Longitude": -117.02, "Population": 1345.0}, {"index": 15009, "quantile": 0.5, "value": 217099.99999999997, "Latitude": 32.75, "Longitude": -117.02, "Population": 1345.0}, {"index": 15009, "quantile": 0.75, "value": 217099.99999999997, "Latitude": 32.75, "Longitude": -117.02, "Population": 1345.0}, {"index": 15009, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.75, "Longitude": -117.02, "Population": 1345.0}, {"index": 15010, "quantile": 0.0, "value": 84200.0, "Latitude": 32.75, "Longitude": -117.03, "Population": 3898.0}, {"index": 15010, "quantile": 0.25, "value": 133625.0, "Latitude": 32.75, "Longitude": -117.03, "Population": 3898.0}, {"index": 15010, "quantile": 0.5, "value": 143300.0, "Latitude": 32.75, "Longitude": -117.03, "Population": 3898.0}, {"index": 15010, "quantile": 0.75, "value": 151525.0, "Latitude": 32.75, "Longitude": -117.03, "Population": 3898.0}, {"index": 15010, "quantile": 1.0, "value": 291500.0, "Latitude": 32.75, "Longitude": -117.03, "Population": 3898.0}, {"index": 15011, "quantile": 0.0, "value": 92500.0, "Latitude": 32.77, "Longitude": -117.04, "Population": 2199.0}, {"index": 15011, "quantile": 0.25, "value": 133275.0, "Latitude": 32.77, "Longitude": -117.04, "Population": 2199.0}, {"index": 15011, "quantile": 0.5, "value": 143800.0, "Latitude": 32.77, "Longitude": -117.04, "Population": 2199.0}, {"index": 15011, "quantile": 0.75, "value": 152500.0, "Latitude": 32.77, "Longitude": -117.04, "Population": 2199.0}, {"index": 15011, "quantile": 1.0, "value": 262100.0, "Latitude": 32.77, "Longitude": -117.04, "Population": 2199.0}, {"index": 15012, "quantile": 0.0, "value": 84000.0, "Latitude": 32.76, "Longitude": -117.04, "Population": 1534.0}, {"index": 15012, "quantile": 0.25, "value": 137300.0, "Latitude": 32.76, "Longitude": -117.04, "Population": 1534.0}, {"index": 15012, "quantile": 0.5, "value": 149200.0, "Latitude": 32.76, "Longitude": -117.04, "Population": 1534.0}, {"index": 15012, "quantile": 0.75, "value": 186700.0, "Latitude": 32.76, "Longitude": -117.04, "Population": 1534.0}, {"index": 15012, "quantile": 1.0, "value": 321800.0, "Latitude": 32.76, "Longitude": -117.04, "Population": 1534.0}, {"index": 15013, "quantile": 0.0, "value": 120300.0, "Latitude": 32.76, "Longitude": -117.05, "Population": 2076.0}, {"index": 15013, "quantile": 0.25, "value": 154800.0, "Latitude": 32.76, "Longitude": -117.05, "Population": 2076.0}, {"index": 15013, "quantile": 0.5, "value": 154800.0, "Latitude": 32.76, "Longitude": -117.05, "Population": 2076.0}, {"index": 15013, "quantile": 0.75, "value": 157225.0, "Latitude": 32.76, "Longitude": -117.05, "Population": 2076.0}, {"index": 15013, "quantile": 1.0, "value": 419100.0, "Latitude": 32.76, "Longitude": -117.05, "Population": 2076.0}, {"index": 15014, "quantile": 0.0, "value": 89500.0, "Latitude": 32.76, "Longitude": -117.04, "Population": 1285.0}, {"index": 15014, "quantile": 0.25, "value": 154800.0, "Latitude": 32.76, "Longitude": -117.04, "Population": 1285.0}, {"index": 15014, "quantile": 0.5, "value": 168900.0, "Latitude": 32.76, "Longitude": -117.04, "Population": 1285.0}, {"index": 15014, "quantile": 0.75, "value": 208575.0, "Latitude": 32.76, "Longitude": -117.04, "Population": 1285.0}, {"index": 15014, "quantile": 1.0, "value": 326600.0, "Latitude": 32.76, "Longitude": -117.04, "Population": 1285.0}, {"index": 15015, "quantile": 0.0, "value": 94600.0, "Latitude": 32.77, "Longitude": -117.04, "Population": 3769.0}, {"index": 15015, "quantile": 0.25, "value": 144700.0, "Latitude": 32.77, "Longitude": -117.04, "Population": 3769.0}, {"index": 15015, "quantile": 0.5, "value": 144700.0, "Latitude": 32.77, "Longitude": -117.04, "Population": 3769.0}, {"index": 15015, "quantile": 0.75, "value": 144700.0, "Latitude": 32.77, "Longitude": -117.04, "Population": 3769.0}, {"index": 15015, "quantile": 1.0, "value": 274000.0, "Latitude": 32.77, "Longitude": -117.04, "Population": 3769.0}, {"index": 15016, "quantile": 0.0, "value": 75900.0, "Latitude": 32.77, "Longitude": -117.03, "Population": 2572.0}, {"index": 15016, "quantile": 0.25, "value": 118200.0, "Latitude": 32.77, "Longitude": -117.03, "Population": 2572.0}, {"index": 15016, "quantile": 0.5, "value": 118200.0, "Latitude": 32.77, "Longitude": -117.03, "Population": 2572.0}, {"index": 15016, "quantile": 0.75, "value": 124275.0, "Latitude": 32.77, "Longitude": -117.03, "Population": 2572.0}, {"index": 15016, "quantile": 1.0, "value": 350000.0, "Latitude": 32.77, "Longitude": -117.03, "Population": 2572.0}, {"index": 15017, "quantile": 0.0, "value": 147900.0, "Latitude": 32.78, "Longitude": -117.05, "Population": 529.0}, {"index": 15017, "quantile": 0.25, "value": 161700.0, "Latitude": 32.78, "Longitude": -117.05, "Population": 529.0}, {"index": 15017, "quantile": 0.5, "value": 161700.0, "Latitude": 32.78, "Longitude": -117.05, "Population": 529.0}, {"index": 15017, "quantile": 0.75, "value": 173700.0, "Latitude": 32.78, "Longitude": -117.05, "Population": 529.0}, {"index": 15017, "quantile": 1.0, "value": 311900.0, "Latitude": 32.78, "Longitude": -117.05, "Population": 529.0}, {"index": 15018, "quantile": 0.0, "value": 64400.0, "Latitude": 32.78, "Longitude": -117.03, "Population": 2957.0}, {"index": 15018, "quantile": 0.25, "value": 118200.0, "Latitude": 32.78, "Longitude": -117.03, "Population": 2957.0}, {"index": 15018, "quantile": 0.5, "value": 145850.0, "Latitude": 32.78, "Longitude": -117.03, "Population": 2957.0}, {"index": 15018, "quantile": 0.75, "value": 160200.0, "Latitude": 32.78, "Longitude": -117.03, "Population": 2957.0}, {"index": 15018, "quantile": 1.0, "value": 268800.0, "Latitude": 32.78, "Longitude": -117.03, "Population": 2957.0}, {"index": 15019, "quantile": 0.0, "value": 84200.0, "Latitude": 32.78, "Longitude": -117.02, "Population": 1726.0}, {"index": 15019, "quantile": 0.25, "value": 153050.0, "Latitude": 32.78, "Longitude": -117.02, "Population": 1726.0}, {"index": 15019, "quantile": 0.5, "value": 163000.0, "Latitude": 32.78, "Longitude": -117.02, "Population": 1726.0}, {"index": 15019, "quantile": 0.75, "value": 165850.0, "Latitude": 32.78, "Longitude": -117.02, "Population": 1726.0}, {"index": 15019, "quantile": 1.0, "value": 220500.0, "Latitude": 32.78, "Longitude": -117.02, "Population": 1726.0}, {"index": 15020, "quantile": 0.0, "value": 141800.0, "Latitude": 32.79, "Longitude": -117.03, "Population": 1077.0}, {"index": 15020, "quantile": 0.25, "value": 159300.0, "Latitude": 32.79, "Longitude": -117.03, "Population": 1077.0}, {"index": 15020, "quantile": 0.5, "value": 162849.99999999997, "Latitude": 32.79, "Longitude": -117.03, "Population": 1077.0}, {"index": 15020, "quantile": 0.75, "value": 170000.0, "Latitude": 32.79, "Longitude": -117.03, "Population": 1077.0}, {"index": 15020, "quantile": 1.0, "value": 226799.99999999997, "Latitude": 32.79, "Longitude": -117.03, "Population": 1077.0}, {"index": 15021, "quantile": 0.0, "value": 84000.0, "Latitude": 32.79, "Longitude": -117.03, "Population": 3331.0}, {"index": 15021, "quantile": 0.25, "value": 154200.0, "Latitude": 32.79, "Longitude": -117.03, "Population": 3331.0}, {"index": 15021, "quantile": 0.5, "value": 166300.0, "Latitude": 32.79, "Longitude": -117.03, "Population": 3331.0}, {"index": 15021, "quantile": 0.75, "value": 166300.0, "Latitude": 32.79, "Longitude": -117.03, "Population": 3331.0}, {"index": 15021, "quantile": 1.0, "value": 177800.0, "Latitude": 32.79, "Longitude": -117.03, "Population": 3331.0}, {"index": 15022, "quantile": 0.0, "value": 72500.0, "Latitude": 32.77, "Longitude": -117.0, "Population": 776.0}, {"index": 15022, "quantile": 0.25, "value": 159100.0, "Latitude": 32.77, "Longitude": -117.0, "Population": 776.0}, {"index": 15022, "quantile": 0.5, "value": 171700.0, "Latitude": 32.77, "Longitude": -117.0, "Population": 776.0}, {"index": 15022, "quantile": 0.75, "value": 186425.0, "Latitude": 32.77, "Longitude": -117.0, "Population": 776.0}, {"index": 15022, "quantile": 1.0, "value": 488900.0, "Latitude": 32.77, "Longitude": -117.0, "Population": 776.0}, {"index": 15023, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 32.76, "Longitude": -117.01, "Population": 1800.0}, {"index": 15023, "quantile": 0.25, "value": 142900.0, "Latitude": 32.76, "Longitude": -117.01, "Population": 1800.0}, {"index": 15023, "quantile": 0.5, "value": 144400.0, "Latitude": 32.76, "Longitude": -117.01, "Population": 1800.0}, {"index": 15023, "quantile": 0.75, "value": 161325.0, "Latitude": 32.76, "Longitude": -117.01, "Population": 1800.0}, {"index": 15023, "quantile": 1.0, "value": 291500.0, "Latitude": 32.76, "Longitude": -117.01, "Population": 1800.0}, {"index": 15024, "quantile": 0.0, "value": 120300.0, "Latitude": 32.76, "Longitude": -117.01, "Population": 1464.0}, {"index": 15024, "quantile": 0.25, "value": 170375.0, "Latitude": 32.76, "Longitude": -117.01, "Population": 1464.0}, {"index": 15024, "quantile": 0.5, "value": 223700.0, "Latitude": 32.76, "Longitude": -117.01, "Population": 1464.0}, {"index": 15024, "quantile": 0.75, "value": 223700.0, "Latitude": 32.76, "Longitude": -117.01, "Population": 1464.0}, {"index": 15024, "quantile": 1.0, "value": 223700.0, "Latitude": 32.76, "Longitude": -117.01, "Population": 1464.0}, {"index": 15025, "quantile": 0.0, "value": 94600.0, "Latitude": 32.77, "Longitude": -117.01, "Population": 1005.0}, {"index": 15025, "quantile": 0.25, "value": 170525.0, "Latitude": 32.77, "Longitude": -117.01, "Population": 1005.0}, {"index": 15025, "quantile": 0.5, "value": 185200.0, "Latitude": 32.77, "Longitude": -117.01, "Population": 1005.0}, {"index": 15025, "quantile": 0.75, "value": 185200.0, "Latitude": 32.77, "Longitude": -117.01, "Population": 1005.0}, {"index": 15025, "quantile": 1.0, "value": 450000.0, "Latitude": 32.77, "Longitude": -117.01, "Population": 1005.0}, {"index": 15026, "quantile": 0.0, "value": 94600.0, "Latitude": 32.77, "Longitude": -117.01, "Population": 1592.0}, {"index": 15026, "quantile": 0.25, "value": 142900.0, "Latitude": 32.77, "Longitude": -117.01, "Population": 1592.0}, {"index": 15026, "quantile": 0.5, "value": 158300.0, "Latitude": 32.77, "Longitude": -117.01, "Population": 1592.0}, {"index": 15026, "quantile": 0.75, "value": 158300.0, "Latitude": 32.77, "Longitude": -117.01, "Population": 1592.0}, {"index": 15026, "quantile": 1.0, "value": 291500.0, "Latitude": 32.77, "Longitude": -117.01, "Population": 1592.0}, {"index": 15027, "quantile": 0.0, "value": 84200.0, "Latitude": 32.77, "Longitude": -117.01, "Population": 496.0}, {"index": 15027, "quantile": 0.25, "value": 149300.0, "Latitude": 32.77, "Longitude": -117.01, "Population": 496.0}, {"index": 15027, "quantile": 0.5, "value": 149300.0, "Latitude": 32.77, "Longitude": -117.01, "Population": 496.0}, {"index": 15027, "quantile": 0.75, "value": 152500.0, "Latitude": 32.77, "Longitude": -117.01, "Population": 496.0}, {"index": 15027, "quantile": 1.0, "value": 290600.0, "Latitude": 32.77, "Longitude": -117.01, "Population": 496.0}, {"index": 15028, "quantile": 0.0, "value": 121900.00000000001, "Latitude": 32.79, "Longitude": -117.01, "Population": 1886.0}, {"index": 15028, "quantile": 0.25, "value": 155300.0, "Latitude": 32.79, "Longitude": -117.01, "Population": 1886.0}, {"index": 15028, "quantile": 0.5, "value": 155300.0, "Latitude": 32.79, "Longitude": -117.01, "Population": 1886.0}, {"index": 15028, "quantile": 0.75, "value": 155300.0, "Latitude": 32.79, "Longitude": -117.01, "Population": 1886.0}, {"index": 15028, "quantile": 1.0, "value": 215600.0, "Latitude": 32.79, "Longitude": -117.01, "Population": 1886.0}, {"index": 15029, "quantile": 0.0, "value": 84200.0, "Latitude": 32.78, "Longitude": -117.01, "Population": 1532.0}, {"index": 15029, "quantile": 0.25, "value": 144700.0, "Latitude": 32.78, "Longitude": -117.01, "Population": 1532.0}, {"index": 15029, "quantile": 0.5, "value": 235600.0, "Latitude": 32.78, "Longitude": -117.01, "Population": 1532.0}, {"index": 15029, "quantile": 0.75, "value": 235600.0, "Latitude": 32.78, "Longitude": -117.01, "Population": 1532.0}, {"index": 15029, "quantile": 1.0, "value": 235600.0, "Latitude": 32.78, "Longitude": -117.01, "Population": 1532.0}, {"index": 15030, "quantile": 0.0, "value": 123600.0, "Latitude": 32.78, "Longitude": -117.02, "Population": 1198.0}, {"index": 15030, "quantile": 0.25, "value": 163000.0, "Latitude": 32.78, "Longitude": -117.02, "Population": 1198.0}, {"index": 15030, "quantile": 0.5, "value": 163000.0, "Latitude": 32.78, "Longitude": -117.02, "Population": 1198.0}, {"index": 15030, "quantile": 0.75, "value": 163000.0, "Latitude": 32.78, "Longitude": -117.02, "Population": 1198.0}, {"index": 15030, "quantile": 1.0, "value": 367100.0, "Latitude": 32.78, "Longitude": -117.02, "Population": 1198.0}, {"index": 15031, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 32.79, "Longitude": -117.02, "Population": 868.0}, {"index": 15031, "quantile": 0.25, "value": 147900.0, "Latitude": 32.79, "Longitude": -117.02, "Population": 868.0}, {"index": 15031, "quantile": 0.5, "value": 147900.0, "Latitude": 32.79, "Longitude": -117.02, "Population": 868.0}, {"index": 15031, "quantile": 0.75, "value": 166100.0, "Latitude": 32.79, "Longitude": -117.02, "Population": 868.0}, {"index": 15031, "quantile": 1.0, "value": 298100.0, "Latitude": 32.79, "Longitude": -117.02, "Population": 868.0}, {"index": 15032, "quantile": 0.0, "value": 142600.0, "Latitude": 32.79, "Longitude": -116.99, "Population": 1003.0}, {"index": 15032, "quantile": 0.25, "value": 165100.0, "Latitude": 32.79, "Longitude": -116.99, "Population": 1003.0}, {"index": 15032, "quantile": 0.5, "value": 165100.0, "Latitude": 32.79, "Longitude": -116.99, "Population": 1003.0}, {"index": 15032, "quantile": 0.75, "value": 165100.0, "Latitude": 32.79, "Longitude": -116.99, "Population": 1003.0}, {"index": 15032, "quantile": 1.0, "value": 252000.0, "Latitude": 32.79, "Longitude": -116.99, "Population": 1003.0}, {"index": 15033, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 32.79, "Longitude": -116.99, "Population": 1609.0}, {"index": 15033, "quantile": 0.25, "value": 165800.0, "Latitude": 32.79, "Longitude": -116.99, "Population": 1609.0}, {"index": 15033, "quantile": 0.5, "value": 165800.0, "Latitude": 32.79, "Longitude": -116.99, "Population": 1609.0}, {"index": 15033, "quantile": 0.75, "value": 165800.0, "Latitude": 32.79, "Longitude": -116.99, "Population": 1609.0}, {"index": 15033, "quantile": 1.0, "value": 419100.0, "Latitude": 32.79, "Longitude": -116.99, "Population": 1609.0}, {"index": 15034, "quantile": 0.0, "value": 143300.0, "Latitude": 32.78, "Longitude": -116.99, "Population": 385.0}, {"index": 15034, "quantile": 0.25, "value": 204000.0, "Latitude": 32.78, "Longitude": -116.99, "Population": 385.0}, {"index": 15034, "quantile": 0.5, "value": 286550.0, "Latitude": 32.78, "Longitude": -116.99, "Population": 385.0}, {"index": 15034, "quantile": 0.75, "value": 488450.25, "Latitude": 32.78, "Longitude": -116.99, "Population": 385.0}, {"index": 15034, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.78, "Longitude": -116.99, "Population": 385.0}, {"index": 15035, "quantile": 0.0, "value": 112500.0, "Latitude": 32.79, "Longitude": -117.0, "Population": 1595.0}, {"index": 15035, "quantile": 0.25, "value": 134400.0, "Latitude": 32.79, "Longitude": -117.0, "Population": 1595.0}, {"index": 15035, "quantile": 0.5, "value": 155300.0, "Latitude": 32.79, "Longitude": -117.0, "Population": 1595.0}, {"index": 15035, "quantile": 0.75, "value": 192725.0, "Latitude": 32.79, "Longitude": -117.0, "Population": 1595.0}, {"index": 15035, "quantile": 1.0, "value": 404500.0, "Latitude": 32.79, "Longitude": -117.0, "Population": 1595.0}, {"index": 15036, "quantile": 0.0, "value": 189100.0, "Latitude": 32.77, "Longitude": -116.99, "Population": 828.0}, {"index": 15036, "quantile": 0.25, "value": 301600.0, "Latitude": 32.77, "Longitude": -116.99, "Population": 828.0}, {"index": 15036, "quantile": 0.5, "value": 301600.0, "Latitude": 32.77, "Longitude": -116.99, "Population": 828.0}, {"index": 15036, "quantile": 0.75, "value": 301600.0, "Latitude": 32.77, "Longitude": -116.99, "Population": 828.0}, {"index": 15036, "quantile": 1.0, "value": 488500.0, "Latitude": 32.77, "Longitude": -116.99, "Population": 828.0}, {"index": 15037, "quantile": 0.0, "value": 204800.0, "Latitude": 32.77, "Longitude": -116.98, "Population": 1097.0}, {"index": 15037, "quantile": 0.25, "value": 379600.0, "Latitude": 32.77, "Longitude": -116.98, "Population": 1097.0}, {"index": 15037, "quantile": 0.5, "value": 379600.0, "Latitude": 32.77, "Longitude": -116.98, "Population": 1097.0}, {"index": 15037, "quantile": 0.75, "value": 379600.0, "Latitude": 32.77, "Longitude": -116.98, "Population": 1097.0}, {"index": 15037, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.77, "Longitude": -116.98, "Population": 1097.0}, {"index": 15038, "quantile": 0.0, "value": 140700.0, "Latitude": 32.76, "Longitude": -117.0, "Population": 956.0}, {"index": 15038, "quantile": 0.25, "value": 214000.0, "Latitude": 32.76, "Longitude": -117.0, "Population": 956.0}, {"index": 15038, "quantile": 0.5, "value": 226799.99999999997, "Latitude": 32.76, "Longitude": -117.0, "Population": 956.0}, {"index": 15038, "quantile": 0.75, "value": 226799.99999999997, "Latitude": 32.76, "Longitude": -117.0, "Population": 956.0}, {"index": 15038, "quantile": 1.0, "value": 307600.0, "Latitude": 32.76, "Longitude": -117.0, "Population": 956.0}, {"index": 15039, "quantile": 0.0, "value": 156300.0, "Latitude": 32.77, "Longitude": -117.0, "Population": 881.0}, {"index": 15039, "quantile": 0.25, "value": 180900.0, "Latitude": 32.77, "Longitude": -117.0, "Population": 881.0}, {"index": 15039, "quantile": 0.5, "value": 196100.0, "Latitude": 32.77, "Longitude": -117.0, "Population": 881.0}, {"index": 15039, "quantile": 0.75, "value": 244775.0, "Latitude": 32.77, "Longitude": -117.0, "Population": 881.0}, {"index": 15039, "quantile": 1.0, "value": 451300.0, "Latitude": 32.77, "Longitude": -117.0, "Population": 881.0}, {"index": 15040, "quantile": 0.0, "value": 112799.99999999999, "Latitude": 32.78, "Longitude": -116.95, "Population": 1147.0}, {"index": 15040, "quantile": 0.25, "value": 154750.0, "Latitude": 32.78, "Longitude": -116.95, "Population": 1147.0}, {"index": 15040, "quantile": 0.5, "value": 160250.0, "Latitude": 32.78, "Longitude": -116.95, "Population": 1147.0}, {"index": 15040, "quantile": 0.75, "value": 174625.0, "Latitude": 32.78, "Longitude": -116.95, "Population": 1147.0}, {"index": 15040, "quantile": 1.0, "value": 291500.0, "Latitude": 32.78, "Longitude": -116.95, "Population": 1147.0}, {"index": 15041, "quantile": 0.0, "value": 77700.0, "Latitude": 32.78, "Longitude": -116.96, "Population": 1785.0}, {"index": 15041, "quantile": 0.25, "value": 132800.0, "Latitude": 32.78, "Longitude": -116.96, "Population": 1785.0}, {"index": 15041, "quantile": 0.5, "value": 132800.0, "Latitude": 32.78, "Longitude": -116.96, "Population": 1785.0}, {"index": 15041, "quantile": 0.75, "value": 132800.0, "Latitude": 32.78, "Longitude": -116.96, "Population": 1785.0}, {"index": 15041, "quantile": 1.0, "value": 156900.0, "Latitude": 32.78, "Longitude": -116.96, "Population": 1785.0}, {"index": 15042, "quantile": 0.0, "value": 141800.0, "Latitude": 32.78, "Longitude": -116.97, "Population": 3941.0}, {"index": 15042, "quantile": 0.25, "value": 224724.99999999997, "Latitude": 32.78, "Longitude": -116.97, "Population": 3941.0}, {"index": 15042, "quantile": 0.5, "value": 226900.0, "Latitude": 32.78, "Longitude": -116.97, "Population": 3941.0}, {"index": 15042, "quantile": 0.75, "value": 226900.0, "Latitude": 32.78, "Longitude": -116.97, "Population": 3941.0}, {"index": 15042, "quantile": 1.0, "value": 267400.0, "Latitude": 32.78, "Longitude": -116.97, "Population": 3941.0}, {"index": 15043, "quantile": 0.0, "value": 97600.0, "Latitude": 32.78, "Longitude": -116.92, "Population": 2101.0}, {"index": 15043, "quantile": 0.25, "value": 159100.0, "Latitude": 32.78, "Longitude": -116.92, "Population": 2101.0}, {"index": 15043, "quantile": 0.5, "value": 159100.0, "Latitude": 32.78, "Longitude": -116.92, "Population": 2101.0}, {"index": 15043, "quantile": 0.75, "value": 173300.0, "Latitude": 32.78, "Longitude": -116.92, "Population": 2101.0}, {"index": 15043, "quantile": 1.0, "value": 353000.0, "Latitude": 32.78, "Longitude": -116.92, "Population": 2101.0}, {"index": 15044, "quantile": 0.0, "value": 237400.0, "Latitude": 32.78, "Longitude": -116.91, "Population": 1580.0}, {"index": 15044, "quantile": 0.25, "value": 302000.0, "Latitude": 32.78, "Longitude": -116.91, "Population": 1580.0}, {"index": 15044, "quantile": 0.5, "value": 362300.0, "Latitude": 32.78, "Longitude": -116.91, "Population": 1580.0}, {"index": 15044, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.78, "Longitude": -116.91, "Population": 1580.0}, {"index": 15044, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.78, "Longitude": -116.91, "Population": 1580.0}, {"index": 15045, "quantile": 0.0, "value": 146300.0, "Latitude": 32.77, "Longitude": -116.92, "Population": 1269.0}, {"index": 15045, "quantile": 0.25, "value": 255100.00000000003, "Latitude": 32.77, "Longitude": -116.92, "Population": 1269.0}, {"index": 15045, "quantile": 0.5, "value": 275000.0, "Latitude": 32.77, "Longitude": -116.92, "Population": 1269.0}, {"index": 15045, "quantile": 0.75, "value": 275000.0, "Latitude": 32.77, "Longitude": -116.92, "Population": 1269.0}, {"index": 15045, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.77, "Longitude": -116.92, "Population": 1269.0}, {"index": 15046, "quantile": 0.0, "value": 146300.0, "Latitude": 32.77, "Longitude": -116.9, "Population": 1421.0}, {"index": 15046, "quantile": 0.25, "value": 243350.0, "Latitude": 32.77, "Longitude": -116.9, "Population": 1421.0}, {"index": 15046, "quantile": 0.5, "value": 274350.0, "Latitude": 32.77, "Longitude": -116.9, "Population": 1421.0}, {"index": 15046, "quantile": 0.75, "value": 296200.0, "Latitude": 32.77, "Longitude": -116.9, "Population": 1421.0}, {"index": 15046, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 32.77, "Longitude": -116.9, "Population": 1421.0}, {"index": 15047, "quantile": 0.0, "value": 97200.0, "Latitude": 32.78, "Longitude": -116.95, "Population": 1489.0}, {"index": 15047, "quantile": 0.25, "value": 296400.0, "Latitude": 32.78, "Longitude": -116.95, "Population": 1489.0}, {"index": 15047, "quantile": 0.5, "value": 296400.0, "Latitude": 32.78, "Longitude": -116.95, "Population": 1489.0}, {"index": 15047, "quantile": 0.75, "value": 296400.0, "Latitude": 32.78, "Longitude": -116.95, "Population": 1489.0}, {"index": 15047, "quantile": 1.0, "value": 335600.0, "Latitude": 32.78, "Longitude": -116.95, "Population": 1489.0}, {"index": 15048, "quantile": 0.0, "value": 97200.0, "Latitude": 32.77, "Longitude": -116.95, "Population": 1201.0}, {"index": 15048, "quantile": 0.25, "value": 237200.0, "Latitude": 32.77, "Longitude": -116.95, "Population": 1201.0}, {"index": 15048, "quantile": 0.5, "value": 255850.0, "Latitude": 32.77, "Longitude": -116.95, "Population": 1201.0}, {"index": 15048, "quantile": 0.75, "value": 296600.0, "Latitude": 32.77, "Longitude": -116.95, "Population": 1201.0}, {"index": 15048, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.77, "Longitude": -116.95, "Population": 1201.0}, {"index": 15049, "quantile": 0.0, "value": 107200.0, "Latitude": 32.78, "Longitude": -116.94, "Population": 6990.0}, {"index": 15049, "quantile": 0.25, "value": 146400.0, "Latitude": 32.78, "Longitude": -116.94, "Population": 6990.0}, {"index": 15049, "quantile": 0.5, "value": 159150.0, "Latitude": 32.78, "Longitude": -116.94, "Population": 6990.0}, {"index": 15049, "quantile": 0.75, "value": 176175.0, "Latitude": 32.78, "Longitude": -116.94, "Population": 6990.0}, {"index": 15049, "quantile": 1.0, "value": 262500.0, "Latitude": 32.78, "Longitude": -116.94, "Population": 6990.0}, {"index": 15050, "quantile": 0.0, "value": 67500.0, "Latitude": 32.83, "Longitude": -116.85, "Population": 2191.0}, {"index": 15050, "quantile": 0.25, "value": 143175.0, "Latitude": 32.83, "Longitude": -116.85, "Population": 2191.0}, {"index": 15050, "quantile": 0.5, "value": 164500.0, "Latitude": 32.83, "Longitude": -116.85, "Population": 2191.0}, {"index": 15050, "quantile": 0.75, "value": 176474.99999999997, "Latitude": 32.83, "Longitude": -116.85, "Population": 2191.0}, {"index": 15050, "quantile": 1.0, "value": 234500.00000000003, "Latitude": 32.83, "Longitude": -116.85, "Population": 2191.0}, {"index": 15051, "quantile": 0.0, "value": 64400.0, "Latitude": 32.81, "Longitude": -116.88, "Population": 1590.0}, {"index": 15051, "quantile": 0.25, "value": 157900.0, "Latitude": 32.81, "Longitude": -116.88, "Population": 1590.0}, {"index": 15051, "quantile": 0.5, "value": 181599.99999999997, "Latitude": 32.81, "Longitude": -116.88, "Population": 1590.0}, {"index": 15051, "quantile": 0.75, "value": 189200.0, "Latitude": 32.81, "Longitude": -116.88, "Population": 1590.0}, {"index": 15051, "quantile": 1.0, "value": 285400.0, "Latitude": 32.81, "Longitude": -116.88, "Population": 1590.0}, {"index": 15052, "quantile": 0.0, "value": 118900.0, "Latitude": 32.8, "Longitude": -116.86, "Population": 848.0}, {"index": 15052, "quantile": 0.25, "value": 187200.0, "Latitude": 32.8, "Longitude": -116.86, "Population": 848.0}, {"index": 15052, "quantile": 0.5, "value": 187200.0, "Latitude": 32.8, "Longitude": -116.86, "Population": 848.0}, {"index": 15052, "quantile": 0.75, "value": 187200.0, "Latitude": 32.8, "Longitude": -116.86, "Population": 848.0}, {"index": 15052, "quantile": 1.0, "value": 264000.0, "Latitude": 32.8, "Longitude": -116.86, "Population": 848.0}, {"index": 15053, "quantile": 0.0, "value": 110100.0, "Latitude": 32.83, "Longitude": -116.83, "Population": 1513.0}, {"index": 15053, "quantile": 0.25, "value": 167800.0, "Latitude": 32.83, "Longitude": -116.83, "Population": 1513.0}, {"index": 15053, "quantile": 0.5, "value": 167800.0, "Latitude": 32.83, "Longitude": -116.83, "Population": 1513.0}, {"index": 15053, "quantile": 0.75, "value": 168500.0, "Latitude": 32.83, "Longitude": -116.83, "Population": 1513.0}, {"index": 15053, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 32.83, "Longitude": -116.83, "Population": 1513.0}, {"index": 15054, "quantile": 0.0, "value": 142000.0, "Latitude": 32.81, "Longitude": -116.83, "Population": 1021.0}, {"index": 15054, "quantile": 0.25, "value": 187125.0, "Latitude": 32.81, "Longitude": -116.83, "Population": 1021.0}, {"index": 15054, "quantile": 0.5, "value": 210500.0, "Latitude": 32.81, "Longitude": -116.83, "Population": 1021.0}, {"index": 15054, "quantile": 0.75, "value": 210500.0, "Latitude": 32.81, "Longitude": -116.83, "Population": 1021.0}, {"index": 15054, "quantile": 1.0, "value": 231400.0, "Latitude": 32.81, "Longitude": -116.83, "Population": 1021.0}, {"index": 15055, "quantile": 0.0, "value": 134200.0, "Latitude": 32.79, "Longitude": -116.92, "Population": 2123.0}, {"index": 15055, "quantile": 0.25, "value": 142000.0, "Latitude": 32.79, "Longitude": -116.92, "Population": 2123.0}, {"index": 15055, "quantile": 0.5, "value": 142000.0, "Latitude": 32.79, "Longitude": -116.92, "Population": 2123.0}, {"index": 15055, "quantile": 0.75, "value": 159100.0, "Latitude": 32.79, "Longitude": -116.92, "Population": 2123.0}, {"index": 15055, "quantile": 1.0, "value": 268300.0, "Latitude": 32.79, "Longitude": -116.92, "Population": 2123.0}, {"index": 15056, "quantile": 0.0, "value": 84200.0, "Latitude": 32.79, "Longitude": -116.93, "Population": 3108.0}, {"index": 15056, "quantile": 0.25, "value": 140600.0, "Latitude": 32.79, "Longitude": -116.93, "Population": 3108.0}, {"index": 15056, "quantile": 0.5, "value": 140600.0, "Latitude": 32.79, "Longitude": -116.93, "Population": 3108.0}, {"index": 15056, "quantile": 0.75, "value": 142300.0, "Latitude": 32.79, "Longitude": -116.93, "Population": 3108.0}, {"index": 15056, "quantile": 1.0, "value": 291500.0, "Latitude": 32.79, "Longitude": -116.93, "Population": 3108.0}, {"index": 15057, "quantile": 0.0, "value": 133000.0, "Latitude": 32.8, "Longitude": -116.91, "Population": 1081.0}, {"index": 15057, "quantile": 0.25, "value": 208800.0, "Latitude": 32.8, "Longitude": -116.91, "Population": 1081.0}, {"index": 15057, "quantile": 0.5, "value": 208800.0, "Latitude": 32.8, "Longitude": -116.91, "Population": 1081.0}, {"index": 15057, "quantile": 0.75, "value": 208800.0, "Latitude": 32.8, "Longitude": -116.91, "Population": 1081.0}, {"index": 15057, "quantile": 1.0, "value": 248900.0, "Latitude": 32.8, "Longitude": -116.91, "Population": 1081.0}, {"index": 15058, "quantile": 0.0, "value": 170300.0, "Latitude": 32.79, "Longitude": -116.9, "Population": 1410.0}, {"index": 15058, "quantile": 0.25, "value": 294700.0, "Latitude": 32.79, "Longitude": -116.9, "Population": 1410.0}, {"index": 15058, "quantile": 0.5, "value": 294700.0, "Latitude": 32.79, "Longitude": -116.9, "Population": 1410.0}, {"index": 15058, "quantile": 0.75, "value": 294700.0, "Latitude": 32.79, "Longitude": -116.9, "Population": 1410.0}, {"index": 15058, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.79, "Longitude": -116.9, "Population": 1410.0}, {"index": 15059, "quantile": 0.0, "value": 64400.0, "Latitude": 32.8, "Longitude": -116.94, "Population": 4868.0}, {"index": 15059, "quantile": 0.25, "value": 109800.00000000001, "Latitude": 32.8, "Longitude": -116.94, "Population": 4868.0}, {"index": 15059, "quantile": 0.5, "value": 109800.00000000001, "Latitude": 32.8, "Longitude": -116.94, "Population": 4868.0}, {"index": 15059, "quantile": 0.75, "value": 109800.00000000001, "Latitude": 32.8, "Longitude": -116.94, "Population": 4868.0}, {"index": 15059, "quantile": 1.0, "value": 205300.0, "Latitude": 32.8, "Longitude": -116.94, "Population": 4868.0}, {"index": 15060, "quantile": 0.0, "value": 98100.0, "Latitude": 32.79, "Longitude": -116.93, "Population": 1948.0}, {"index": 15060, "quantile": 0.25, "value": 142300.0, "Latitude": 32.79, "Longitude": -116.93, "Population": 1948.0}, {"index": 15060, "quantile": 0.5, "value": 142300.0, "Latitude": 32.79, "Longitude": -116.93, "Population": 1948.0}, {"index": 15060, "quantile": 0.75, "value": 142300.0, "Latitude": 32.79, "Longitude": -116.93, "Population": 1948.0}, {"index": 15060, "quantile": 1.0, "value": 291500.0, "Latitude": 32.79, "Longitude": -116.93, "Population": 1948.0}, {"index": 15061, "quantile": 0.0, "value": 67500.0, "Latitude": 32.79, "Longitude": -116.95, "Population": 7178.0}, {"index": 15061, "quantile": 0.25, "value": 123200.0, "Latitude": 32.79, "Longitude": -116.95, "Population": 7178.0}, {"index": 15061, "quantile": 0.5, "value": 123200.0, "Latitude": 32.79, "Longitude": -116.95, "Population": 7178.0}, {"index": 15061, "quantile": 0.75, "value": 123200.0, "Latitude": 32.79, "Longitude": -116.95, "Population": 7178.0}, {"index": 15061, "quantile": 1.0, "value": 225800.0, "Latitude": 32.79, "Longitude": -116.95, "Population": 7178.0}, {"index": 15062, "quantile": 0.0, "value": 40000.0, "Latitude": 32.8, "Longitude": -116.96, "Population": 2612.0}, {"index": 15062, "quantile": 0.25, "value": 112500.0, "Latitude": 32.8, "Longitude": -116.96, "Population": 2612.0}, {"index": 15062, "quantile": 0.5, "value": 120800.0, "Latitude": 32.8, "Longitude": -116.96, "Population": 2612.0}, {"index": 15062, "quantile": 0.75, "value": 120800.0, "Latitude": 32.8, "Longitude": -116.96, "Population": 2612.0}, {"index": 15062, "quantile": 1.0, "value": 144700.0, "Latitude": 32.8, "Longitude": -116.96, "Population": 2612.0}, {"index": 15063, "quantile": 0.0, "value": 76300.0, "Latitude": 32.79, "Longitude": -116.96, "Population": 2341.0}, {"index": 15063, "quantile": 0.25, "value": 123800.0, "Latitude": 32.79, "Longitude": -116.96, "Population": 2341.0}, {"index": 15063, "quantile": 0.5, "value": 123800.0, "Latitude": 32.79, "Longitude": -116.96, "Population": 2341.0}, {"index": 15063, "quantile": 0.75, "value": 123800.0, "Latitude": 32.79, "Longitude": -116.96, "Population": 2341.0}, {"index": 15063, "quantile": 1.0, "value": 166700.0, "Latitude": 32.79, "Longitude": -116.96, "Population": 2341.0}, {"index": 15064, "quantile": 0.0, "value": 81900.0, "Latitude": 32.79, "Longitude": -116.96, "Population": 691.0}, {"index": 15064, "quantile": 0.25, "value": 133700.0, "Latitude": 32.79, "Longitude": -116.96, "Population": 691.0}, {"index": 15064, "quantile": 0.5, "value": 133700.0, "Latitude": 32.79, "Longitude": -116.96, "Population": 691.0}, {"index": 15064, "quantile": 0.75, "value": 133700.0, "Latitude": 32.79, "Longitude": -116.96, "Population": 691.0}, {"index": 15064, "quantile": 1.0, "value": 235600.0, "Latitude": 32.79, "Longitude": -116.96, "Population": 691.0}, {"index": 15065, "quantile": 0.0, "value": 59600.0, "Latitude": 32.8, "Longitude": -116.96, "Population": 1420.0}, {"index": 15065, "quantile": 0.25, "value": 104200.0, "Latitude": 32.8, "Longitude": -116.96, "Population": 1420.0}, {"index": 15065, "quantile": 0.5, "value": 104200.0, "Latitude": 32.8, "Longitude": -116.96, "Population": 1420.0}, {"index": 15065, "quantile": 0.75, "value": 104200.0, "Latitude": 32.8, "Longitude": -116.96, "Population": 1420.0}, {"index": 15065, "quantile": 1.0, "value": 276800.0, "Latitude": 32.8, "Longitude": -116.96, "Population": 1420.0}, {"index": 15066, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 32.79, "Longitude": -116.97, "Population": 2971.0}, {"index": 15066, "quantile": 0.25, "value": 112500.0, "Latitude": 32.79, "Longitude": -116.97, "Population": 2971.0}, {"index": 15066, "quantile": 0.5, "value": 112500.0, "Latitude": 32.79, "Longitude": -116.97, "Population": 2971.0}, {"index": 15066, "quantile": 0.75, "value": 118300.0, "Latitude": 32.79, "Longitude": -116.97, "Population": 2971.0}, {"index": 15066, "quantile": 1.0, "value": 204999.99999999997, "Latitude": 32.79, "Longitude": -116.97, "Population": 2971.0}, {"index": 15067, "quantile": 0.0, "value": 81900.0, "Latitude": 32.79, "Longitude": -116.96, "Population": 3308.0}, {"index": 15067, "quantile": 0.25, "value": 118649.99999999999, "Latitude": 32.79, "Longitude": -116.96, "Population": 3308.0}, {"index": 15067, "quantile": 0.5, "value": 134900.0, "Latitude": 32.79, "Longitude": -116.96, "Population": 3308.0}, {"index": 15067, "quantile": 0.75, "value": 143500.0, "Latitude": 32.79, "Longitude": -116.96, "Population": 3308.0}, {"index": 15067, "quantile": 1.0, "value": 177400.0, "Latitude": 32.79, "Longitude": -116.96, "Population": 3308.0}, {"index": 15068, "quantile": 0.0, "value": 84200.0, "Latitude": 32.78, "Longitude": -116.97, "Population": 671.0}, {"index": 15068, "quantile": 0.25, "value": 147150.0, "Latitude": 32.78, "Longitude": -116.97, "Population": 671.0}, {"index": 15068, "quantile": 0.5, "value": 166550.0, "Latitude": 32.78, "Longitude": -116.97, "Population": 671.0}, {"index": 15068, "quantile": 0.75, "value": 241600.0, "Latitude": 32.78, "Longitude": -116.97, "Population": 671.0}, {"index": 15068, "quantile": 1.0, "value": 362500.0, "Latitude": 32.78, "Longitude": -116.97, "Population": 671.0}, {"index": 15069, "quantile": 0.0, "value": 84200.0, "Latitude": 32.78, "Longitude": -116.97, "Population": 681.0}, {"index": 15069, "quantile": 0.25, "value": 136400.0, "Latitude": 32.78, "Longitude": -116.97, "Population": 681.0}, {"index": 15069, "quantile": 0.5, "value": 136400.0, "Latitude": 32.78, "Longitude": -116.97, "Population": 681.0}, {"index": 15069, "quantile": 0.75, "value": 136400.0, "Latitude": 32.78, "Longitude": -116.97, "Population": 681.0}, {"index": 15069, "quantile": 1.0, "value": 235600.0, "Latitude": 32.78, "Longitude": -116.97, "Population": 681.0}, {"index": 15070, "quantile": 0.0, "value": 67500.0, "Latitude": 32.79, "Longitude": -116.97, "Population": 782.0}, {"index": 15070, "quantile": 0.25, "value": 113275.00000000001, "Latitude": 32.79, "Longitude": -116.97, "Population": 782.0}, {"index": 15070, "quantile": 0.5, "value": 133700.0, "Latitude": 32.79, "Longitude": -116.97, "Population": 782.0}, {"index": 15070, "quantile": 0.75, "value": 145775.0, "Latitude": 32.79, "Longitude": -116.97, "Population": 782.0}, {"index": 15070, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 32.79, "Longitude": -116.97, "Population": 782.0}, {"index": 15071, "quantile": 0.0, "value": 94500.0, "Latitude": 32.79, "Longitude": -116.98, "Population": 1611.0}, {"index": 15071, "quantile": 0.25, "value": 170800.0, "Latitude": 32.79, "Longitude": -116.98, "Population": 1611.0}, {"index": 15071, "quantile": 0.5, "value": 189700.0, "Latitude": 32.79, "Longitude": -116.98, "Population": 1611.0}, {"index": 15071, "quantile": 0.75, "value": 189700.0, "Latitude": 32.79, "Longitude": -116.98, "Population": 1611.0}, {"index": 15071, "quantile": 1.0, "value": 223700.0, "Latitude": 32.79, "Longitude": -116.98, "Population": 1611.0}, {"index": 15072, "quantile": 0.0, "value": 120300.0, "Latitude": 32.8, "Longitude": -116.98, "Population": 2672.0}, {"index": 15072, "quantile": 0.25, "value": 164400.0, "Latitude": 32.8, "Longitude": -116.98, "Population": 2672.0}, {"index": 15072, "quantile": 0.5, "value": 164400.0, "Latitude": 32.8, "Longitude": -116.98, "Population": 2672.0}, {"index": 15072, "quantile": 0.75, "value": 164400.0, "Latitude": 32.8, "Longitude": -116.98, "Population": 2672.0}, {"index": 15072, "quantile": 1.0, "value": 343200.0, "Latitude": 32.8, "Longitude": -116.98, "Population": 2672.0}, {"index": 15073, "quantile": 0.0, "value": 156300.0, "Latitude": 32.8, "Longitude": -116.99, "Population": 1513.0}, {"index": 15073, "quantile": 0.25, "value": 183825.0, "Latitude": 32.8, "Longitude": -116.99, "Population": 1513.0}, {"index": 15073, "quantile": 0.5, "value": 206999.99999999997, "Latitude": 32.8, "Longitude": -116.99, "Population": 1513.0}, {"index": 15073, "quantile": 0.75, "value": 235600.0, "Latitude": 32.8, "Longitude": -116.99, "Population": 1513.0}, {"index": 15073, "quantile": 1.0, "value": 404500.0, "Latitude": 32.8, "Longitude": -116.99, "Population": 1513.0}, {"index": 15074, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 32.8, "Longitude": -117.0, "Population": 768.0}, {"index": 15074, "quantile": 0.25, "value": 150300.0, "Latitude": 32.8, "Longitude": -117.0, "Population": 768.0}, {"index": 15074, "quantile": 0.5, "value": 150300.0, "Latitude": 32.8, "Longitude": -117.0, "Population": 768.0}, {"index": 15074, "quantile": 0.75, "value": 166950.0, "Latitude": 32.8, "Longitude": -117.0, "Population": 768.0}, {"index": 15074, "quantile": 1.0, "value": 350000.0, "Latitude": 32.8, "Longitude": -117.0, "Population": 768.0}, {"index": 15075, "quantile": 0.0, "value": 94600.0, "Latitude": 32.8, "Longitude": -117.0, "Population": 912.0}, {"index": 15075, "quantile": 0.25, "value": 144100.0, "Latitude": 32.8, "Longitude": -117.0, "Population": 912.0}, {"index": 15075, "quantile": 0.5, "value": 144100.0, "Latitude": 32.8, "Longitude": -117.0, "Population": 912.0}, {"index": 15075, "quantile": 0.75, "value": 144100.0, "Latitude": 32.8, "Longitude": -117.0, "Population": 912.0}, {"index": 15075, "quantile": 1.0, "value": 291500.0, "Latitude": 32.8, "Longitude": -117.0, "Population": 912.0}, {"index": 15076, "quantile": 0.0, "value": 120300.0, "Latitude": 32.81, "Longitude": -116.99, "Population": 1997.0}, {"index": 15076, "quantile": 0.25, "value": 169725.0, "Latitude": 32.81, "Longitude": -116.99, "Population": 1997.0}, {"index": 15076, "quantile": 0.5, "value": 173700.0, "Latitude": 32.81, "Longitude": -116.99, "Population": 1997.0}, {"index": 15076, "quantile": 0.75, "value": 178700.0, "Latitude": 32.81, "Longitude": -116.99, "Population": 1997.0}, {"index": 15076, "quantile": 1.0, "value": 273800.0, "Latitude": 32.81, "Longitude": -116.99, "Population": 1997.0}, {"index": 15077, "quantile": 0.0, "value": 146300.0, "Latitude": 32.81, "Longitude": -116.99, "Population": 4439.0}, {"index": 15077, "quantile": 0.25, "value": 238700.0, "Latitude": 32.81, "Longitude": -116.99, "Population": 4439.0}, {"index": 15077, "quantile": 0.5, "value": 267350.0, "Latitude": 32.81, "Longitude": -116.99, "Population": 4439.0}, {"index": 15077, "quantile": 0.75, "value": 275000.0, "Latitude": 32.81, "Longitude": -116.99, "Population": 4439.0}, {"index": 15077, "quantile": 1.0, "value": 491200.0, "Latitude": 32.81, "Longitude": -116.99, "Population": 4439.0}, {"index": 15078, "quantile": 0.0, "value": 69100.0, "Latitude": 32.83, "Longitude": -116.97, "Population": 101.0}, {"index": 15078, "quantile": 0.25, "value": 112500.0, "Latitude": 32.83, "Longitude": -116.97, "Population": 101.0}, {"index": 15078, "quantile": 0.5, "value": 112500.0, "Latitude": 32.83, "Longitude": -116.97, "Population": 101.0}, {"index": 15078, "quantile": 0.75, "value": 124200.0, "Latitude": 32.83, "Longitude": -116.97, "Population": 101.0}, {"index": 15078, "quantile": 1.0, "value": 271400.0, "Latitude": 32.83, "Longitude": -116.97, "Population": 101.0}, {"index": 15079, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 32.81, "Longitude": -116.97, "Population": 844.0}, {"index": 15079, "quantile": 0.25, "value": 114199.99999999999, "Latitude": 32.81, "Longitude": -116.97, "Population": 844.0}, {"index": 15079, "quantile": 0.5, "value": 126299.99999999999, "Latitude": 32.81, "Longitude": -116.97, "Population": 844.0}, {"index": 15079, "quantile": 0.75, "value": 150000.0, "Latitude": 32.81, "Longitude": -116.97, "Population": 844.0}, {"index": 15079, "quantile": 1.0, "value": 195800.0, "Latitude": 32.81, "Longitude": -116.97, "Population": 844.0}, {"index": 15080, "quantile": 0.0, "value": 85800.0, "Latitude": 32.8, "Longitude": -116.97, "Population": 2204.0}, {"index": 15080, "quantile": 0.25, "value": 111400.00000000001, "Latitude": 32.8, "Longitude": -116.97, "Population": 2204.0}, {"index": 15080, "quantile": 0.5, "value": 111400.00000000001, "Latitude": 32.8, "Longitude": -116.97, "Population": 2204.0}, {"index": 15080, "quantile": 0.75, "value": 113100.0, "Latitude": 32.8, "Longitude": -116.97, "Population": 2204.0}, {"index": 15080, "quantile": 1.0, "value": 174100.0, "Latitude": 32.8, "Longitude": -116.97, "Population": 2204.0}, {"index": 15081, "quantile": 0.0, "value": 94600.0, "Latitude": 32.81, "Longitude": -116.94, "Population": 2766.0}, {"index": 15081, "quantile": 0.25, "value": 124100.00000000001, "Latitude": 32.81, "Longitude": -116.94, "Population": 2766.0}, {"index": 15081, "quantile": 0.5, "value": 137500.0, "Latitude": 32.81, "Longitude": -116.94, "Population": 2766.0}, {"index": 15081, "quantile": 0.75, "value": 155750.0, "Latitude": 32.81, "Longitude": -116.94, "Population": 2766.0}, {"index": 15081, "quantile": 1.0, "value": 235600.0, "Latitude": 32.81, "Longitude": -116.94, "Population": 2766.0}, {"index": 15082, "quantile": 0.0, "value": 67500.0, "Latitude": 32.8, "Longitude": -116.94, "Population": 1964.0}, {"index": 15082, "quantile": 0.25, "value": 133700.0, "Latitude": 32.8, "Longitude": -116.94, "Population": 1964.0}, {"index": 15082, "quantile": 0.5, "value": 137500.0, "Latitude": 32.8, "Longitude": -116.94, "Population": 1964.0}, {"index": 15082, "quantile": 0.75, "value": 137500.0, "Latitude": 32.8, "Longitude": -116.94, "Population": 1964.0}, {"index": 15082, "quantile": 1.0, "value": 235600.0, "Latitude": 32.8, "Longitude": -116.94, "Population": 1964.0}, {"index": 15083, "quantile": 0.0, "value": 74000.0, "Latitude": 32.8, "Longitude": -116.96, "Population": 3045.0}, {"index": 15083, "quantile": 0.25, "value": 123875.0, "Latitude": 32.8, "Longitude": -116.96, "Population": 3045.0}, {"index": 15083, "quantile": 0.5, "value": 124100.00000000001, "Latitude": 32.8, "Longitude": -116.96, "Population": 3045.0}, {"index": 15083, "quantile": 0.75, "value": 124100.00000000001, "Latitude": 32.8, "Longitude": -116.96, "Population": 3045.0}, {"index": 15083, "quantile": 1.0, "value": 156900.0, "Latitude": 32.8, "Longitude": -116.96, "Population": 3045.0}, {"index": 15084, "quantile": 0.0, "value": 93300.0, "Latitude": 32.8, "Longitude": -116.96, "Population": 1681.0}, {"index": 15084, "quantile": 0.25, "value": 134400.0, "Latitude": 32.8, "Longitude": -116.96, "Population": 1681.0}, {"index": 15084, "quantile": 0.5, "value": 134400.0, "Latitude": 32.8, "Longitude": -116.96, "Population": 1681.0}, {"index": 15084, "quantile": 0.75, "value": 158750.0, "Latitude": 32.8, "Longitude": -116.96, "Population": 1681.0}, {"index": 15084, "quantile": 1.0, "value": 391500.0, "Latitude": 32.8, "Longitude": -116.96, "Population": 1681.0}, {"index": 15085, "quantile": 0.0, "value": 142000.0, "Latitude": 32.82, "Longitude": -116.92, "Population": 772.0}, {"index": 15085, "quantile": 0.25, "value": 165300.0, "Latitude": 32.82, "Longitude": -116.92, "Population": 772.0}, {"index": 15085, "quantile": 0.5, "value": 165300.0, "Latitude": 32.82, "Longitude": -116.92, "Population": 772.0}, {"index": 15085, "quantile": 0.75, "value": 165300.0, "Latitude": 32.82, "Longitude": -116.92, "Population": 772.0}, {"index": 15085, "quantile": 1.0, "value": 404500.0, "Latitude": 32.82, "Longitude": -116.92, "Population": 772.0}, {"index": 15086, "quantile": 0.0, "value": 125000.0, "Latitude": 32.81, "Longitude": -116.92, "Population": 1510.0}, {"index": 15086, "quantile": 0.25, "value": 156875.0, "Latitude": 32.81, "Longitude": -116.92, "Population": 1510.0}, {"index": 15086, "quantile": 0.5, "value": 158900.0, "Latitude": 32.81, "Longitude": -116.92, "Population": 1510.0}, {"index": 15086, "quantile": 0.75, "value": 158900.0, "Latitude": 32.81, "Longitude": -116.92, "Population": 1510.0}, {"index": 15086, "quantile": 1.0, "value": 270000.0, "Latitude": 32.81, "Longitude": -116.92, "Population": 1510.0}, {"index": 15087, "quantile": 0.0, "value": 129400.0, "Latitude": 32.82, "Longitude": -116.93, "Population": 1820.0}, {"index": 15087, "quantile": 0.25, "value": 171000.0, "Latitude": 32.82, "Longitude": -116.93, "Population": 1820.0}, {"index": 15087, "quantile": 0.5, "value": 171000.0, "Latitude": 32.82, "Longitude": -116.93, "Population": 1820.0}, {"index": 15087, "quantile": 0.75, "value": 171000.0, "Latitude": 32.82, "Longitude": -116.93, "Population": 1820.0}, {"index": 15087, "quantile": 1.0, "value": 268300.0, "Latitude": 32.82, "Longitude": -116.93, "Population": 1820.0}, {"index": 15088, "quantile": 0.0, "value": 151400.0, "Latitude": 32.81, "Longitude": -116.91, "Population": 1952.0}, {"index": 15088, "quantile": 0.25, "value": 223500.0, "Latitude": 32.81, "Longitude": -116.91, "Population": 1952.0}, {"index": 15088, "quantile": 0.5, "value": 231999.99999999997, "Latitude": 32.81, "Longitude": -116.91, "Population": 1952.0}, {"index": 15088, "quantile": 0.75, "value": 231999.99999999997, "Latitude": 32.81, "Longitude": -116.91, "Population": 1952.0}, {"index": 15088, "quantile": 1.0, "value": 281500.0, "Latitude": 32.81, "Longitude": -116.91, "Population": 1952.0}, {"index": 15089, "quantile": 0.0, "value": 67500.0, "Latitude": 32.8, "Longitude": -116.92, "Population": 857.0}, {"index": 15089, "quantile": 0.25, "value": 160400.0, "Latitude": 32.8, "Longitude": -116.92, "Population": 857.0}, {"index": 15089, "quantile": 0.5, "value": 160400.0, "Latitude": 32.8, "Longitude": -116.92, "Population": 857.0}, {"index": 15089, "quantile": 0.75, "value": 160400.0, "Latitude": 32.8, "Longitude": -116.92, "Population": 857.0}, {"index": 15089, "quantile": 1.0, "value": 270000.0, "Latitude": 32.8, "Longitude": -116.92, "Population": 857.0}, {"index": 15090, "quantile": 0.0, "value": 53600.0, "Latitude": 32.81, "Longitude": -116.92, "Population": 836.0}, {"index": 15090, "quantile": 0.25, "value": 112500.0, "Latitude": 32.81, "Longitude": -116.92, "Population": 836.0}, {"index": 15090, "quantile": 0.5, "value": 112500.0, "Latitude": 32.81, "Longitude": -116.92, "Population": 836.0}, {"index": 15090, "quantile": 0.75, "value": 112500.0, "Latitude": 32.81, "Longitude": -116.92, "Population": 836.0}, {"index": 15090, "quantile": 1.0, "value": 205300.0, "Latitude": 32.81, "Longitude": -116.92, "Population": 836.0}, {"index": 15091, "quantile": 0.0, "value": 58600.0, "Latitude": 32.8, "Longitude": -116.93, "Population": 1219.0}, {"index": 15091, "quantile": 0.25, "value": 101624.99999999999, "Latitude": 32.8, "Longitude": -116.93, "Population": 1219.0}, {"index": 15091, "quantile": 0.5, "value": 113700.0, "Latitude": 32.8, "Longitude": -116.93, "Population": 1219.0}, {"index": 15091, "quantile": 0.75, "value": 123200.0, "Latitude": 32.8, "Longitude": -116.93, "Population": 1219.0}, {"index": 15091, "quantile": 1.0, "value": 166100.0, "Latitude": 32.8, "Longitude": -116.93, "Population": 1219.0}, {"index": 15092, "quantile": 0.0, "value": 74800.0, "Latitude": 32.81, "Longitude": -116.93, "Population": 1573.0}, {"index": 15092, "quantile": 0.25, "value": 125400.0, "Latitude": 32.81, "Longitude": -116.93, "Population": 1573.0}, {"index": 15092, "quantile": 0.5, "value": 125400.0, "Latitude": 32.81, "Longitude": -116.93, "Population": 1573.0}, {"index": 15092, "quantile": 0.75, "value": 125400.0, "Latitude": 32.81, "Longitude": -116.93, "Population": 1573.0}, {"index": 15092, "quantile": 1.0, "value": 169600.0, "Latitude": 32.81, "Longitude": -116.93, "Population": 1573.0}, {"index": 15093, "quantile": 0.0, "value": 84200.0, "Latitude": 32.82, "Longitude": -116.95, "Population": 2852.0}, {"index": 15093, "quantile": 0.25, "value": 135700.0, "Latitude": 32.82, "Longitude": -116.95, "Population": 2852.0}, {"index": 15093, "quantile": 0.5, "value": 135700.0, "Latitude": 32.82, "Longitude": -116.95, "Population": 2852.0}, {"index": 15093, "quantile": 0.75, "value": 135700.0, "Latitude": 32.82, "Longitude": -116.95, "Population": 2852.0}, {"index": 15093, "quantile": 1.0, "value": 235600.0, "Latitude": 32.82, "Longitude": -116.95, "Population": 2852.0}, {"index": 15094, "quantile": 0.0, "value": 94600.0, "Latitude": 32.82, "Longitude": -116.95, "Population": 3112.0}, {"index": 15094, "quantile": 0.25, "value": 108300.0, "Latitude": 32.82, "Longitude": -116.95, "Population": 3112.0}, {"index": 15094, "quantile": 0.5, "value": 108300.0, "Latitude": 32.82, "Longitude": -116.95, "Population": 3112.0}, {"index": 15094, "quantile": 0.75, "value": 140425.0, "Latitude": 32.82, "Longitude": -116.95, "Population": 3112.0}, {"index": 15094, "quantile": 1.0, "value": 235600.0, "Latitude": 32.82, "Longitude": -116.95, "Population": 3112.0}, {"index": 15095, "quantile": 0.0, "value": 67500.0, "Latitude": 32.81, "Longitude": -116.95, "Population": 698.0}, {"index": 15095, "quantile": 0.25, "value": 147700.0, "Latitude": 32.81, "Longitude": -116.95, "Population": 698.0}, {"index": 15095, "quantile": 0.5, "value": 147700.0, "Latitude": 32.81, "Longitude": -116.95, "Population": 698.0}, {"index": 15095, "quantile": 0.75, "value": 147700.0, "Latitude": 32.81, "Longitude": -116.95, "Population": 698.0}, {"index": 15095, "quantile": 1.0, "value": 270000.0, "Latitude": 32.81, "Longitude": -116.95, "Population": 698.0}, {"index": 15096, "quantile": 0.0, "value": 92200.0, "Latitude": 32.81, "Longitude": -116.96, "Population": 1410.0}, {"index": 15096, "quantile": 0.25, "value": 148500.0, "Latitude": 32.81, "Longitude": -116.96, "Population": 1410.0}, {"index": 15096, "quantile": 0.5, "value": 152500.0, "Latitude": 32.81, "Longitude": -116.96, "Population": 1410.0}, {"index": 15096, "quantile": 0.75, "value": 152500.0, "Latitude": 32.81, "Longitude": -116.96, "Population": 1410.0}, {"index": 15096, "quantile": 1.0, "value": 207799.99999999997, "Latitude": 32.81, "Longitude": -116.96, "Population": 1410.0}, {"index": 15097, "quantile": 0.0, "value": 67500.0, "Latitude": 32.82, "Longitude": -116.94, "Population": 826.0}, {"index": 15097, "quantile": 0.25, "value": 159200.0, "Latitude": 32.82, "Longitude": -116.94, "Population": 826.0}, {"index": 15097, "quantile": 0.5, "value": 159200.0, "Latitude": 32.82, "Longitude": -116.94, "Population": 826.0}, {"index": 15097, "quantile": 0.75, "value": 159200.0, "Latitude": 32.82, "Longitude": -116.94, "Population": 826.0}, {"index": 15097, "quantile": 1.0, "value": 270000.0, "Latitude": 32.82, "Longitude": -116.94, "Population": 826.0}, {"index": 15098, "quantile": 0.0, "value": 59400.0, "Latitude": 32.81, "Longitude": -116.94, "Population": 1686.0}, {"index": 15098, "quantile": 0.25, "value": 143200.0, "Latitude": 32.81, "Longitude": -116.94, "Population": 1686.0}, {"index": 15098, "quantile": 0.5, "value": 143500.0, "Latitude": 32.81, "Longitude": -116.94, "Population": 1686.0}, {"index": 15098, "quantile": 0.75, "value": 143500.0, "Latitude": 32.81, "Longitude": -116.94, "Population": 1686.0}, {"index": 15098, "quantile": 1.0, "value": 156900.0, "Latitude": 32.81, "Longitude": -116.94, "Population": 1686.0}, {"index": 15099, "quantile": 0.0, "value": 67500.0, "Latitude": 32.81, "Longitude": -116.95, "Population": 1513.0}, {"index": 15099, "quantile": 0.25, "value": 124100.00000000001, "Latitude": 32.81, "Longitude": -116.95, "Population": 1513.0}, {"index": 15099, "quantile": 0.5, "value": 141450.0, "Latitude": 32.81, "Longitude": -116.95, "Population": 1513.0}, {"index": 15099, "quantile": 0.75, "value": 155700.0, "Latitude": 32.81, "Longitude": -116.95, "Population": 1513.0}, {"index": 15099, "quantile": 1.0, "value": 222900.0, "Latitude": 32.81, "Longitude": -116.95, "Population": 1513.0}, {"index": 15100, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 32.82, "Longitude": -116.95, "Population": 1904.0}, {"index": 15100, "quantile": 0.25, "value": 137200.0, "Latitude": 32.82, "Longitude": -116.95, "Population": 1904.0}, {"index": 15100, "quantile": 0.5, "value": 155800.0, "Latitude": 32.82, "Longitude": -116.95, "Population": 1904.0}, {"index": 15100, "quantile": 0.75, "value": 160400.0, "Latitude": 32.82, "Longitude": -116.95, "Population": 1904.0}, {"index": 15100, "quantile": 1.0, "value": 294600.0, "Latitude": 32.82, "Longitude": -116.95, "Population": 1904.0}, {"index": 15101, "quantile": 0.0, "value": 84000.0, "Latitude": 32.83, "Longitude": -116.97, "Population": 3183.0}, {"index": 15101, "quantile": 0.25, "value": 117300.0, "Latitude": 32.83, "Longitude": -116.97, "Population": 3183.0}, {"index": 15101, "quantile": 0.5, "value": 117300.0, "Latitude": 32.83, "Longitude": -116.97, "Population": 3183.0}, {"index": 15101, "quantile": 0.75, "value": 136925.0, "Latitude": 32.83, "Longitude": -116.97, "Population": 3183.0}, {"index": 15101, "quantile": 1.0, "value": 235600.0, "Latitude": 32.83, "Longitude": -116.97, "Population": 3183.0}, {"index": 15102, "quantile": 0.0, "value": 94500.0, "Latitude": 32.83, "Longitude": -116.99, "Population": 3687.0}, {"index": 15102, "quantile": 0.25, "value": 154600.0, "Latitude": 32.83, "Longitude": -116.99, "Population": 3687.0}, {"index": 15102, "quantile": 0.5, "value": 154600.0, "Latitude": 32.83, "Longitude": -116.99, "Population": 3687.0}, {"index": 15102, "quantile": 0.75, "value": 158900.0, "Latitude": 32.83, "Longitude": -116.99, "Population": 3687.0}, {"index": 15102, "quantile": 1.0, "value": 234500.00000000003, "Latitude": 32.83, "Longitude": -116.99, "Population": 3687.0}, {"index": 15103, "quantile": 0.0, "value": 120400.0, "Latitude": 32.85, "Longitude": -116.99, "Population": 3025.0}, {"index": 15103, "quantile": 0.25, "value": 134200.0, "Latitude": 32.85, "Longitude": -116.99, "Population": 3025.0}, {"index": 15103, "quantile": 0.5, "value": 134200.0, "Latitude": 32.85, "Longitude": -116.99, "Population": 3025.0}, {"index": 15103, "quantile": 0.75, "value": 137050.0, "Latitude": 32.85, "Longitude": -116.99, "Population": 3025.0}, {"index": 15103, "quantile": 1.0, "value": 189200.0, "Latitude": 32.85, "Longitude": -116.99, "Population": 3025.0}, {"index": 15104, "quantile": 0.0, "value": 67500.0, "Latitude": 32.85, "Longitude": -116.98, "Population": 3321.0}, {"index": 15104, "quantile": 0.25, "value": 134950.0, "Latitude": 32.85, "Longitude": -116.98, "Population": 3321.0}, {"index": 15104, "quantile": 0.5, "value": 145050.0, "Latitude": 32.85, "Longitude": -116.98, "Population": 3321.0}, {"index": 15104, "quantile": 0.75, "value": 166100.0, "Latitude": 32.85, "Longitude": -116.98, "Population": 3321.0}, {"index": 15104, "quantile": 1.0, "value": 262500.0, "Latitude": 32.85, "Longitude": -116.98, "Population": 3321.0}, {"index": 15105, "quantile": 0.0, "value": 73400.0, "Latitude": 32.83, "Longitude": -117.01, "Population": 7302.0}, {"index": 15105, "quantile": 0.25, "value": 121900.00000000001, "Latitude": 32.83, "Longitude": -117.01, "Population": 7302.0}, {"index": 15105, "quantile": 0.5, "value": 121900.00000000001, "Latitude": 32.83, "Longitude": -117.01, "Population": 7302.0}, {"index": 15105, "quantile": 0.75, "value": 142350.0, "Latitude": 32.83, "Longitude": -117.01, "Population": 7302.0}, {"index": 15105, "quantile": 1.0, "value": 280800.0, "Latitude": 32.83, "Longitude": -117.01, "Population": 7302.0}, {"index": 15106, "quantile": 0.0, "value": 84200.0, "Latitude": 32.84, "Longitude": -117.01, "Population": 901.0}, {"index": 15106, "quantile": 0.25, "value": 143300.0, "Latitude": 32.84, "Longitude": -117.01, "Population": 901.0}, {"index": 15106, "quantile": 0.5, "value": 143300.0, "Latitude": 32.84, "Longitude": -117.01, "Population": 901.0}, {"index": 15106, "quantile": 0.75, "value": 143500.0, "Latitude": 32.84, "Longitude": -117.01, "Population": 901.0}, {"index": 15106, "quantile": 1.0, "value": 367100.0, "Latitude": 32.84, "Longitude": -117.01, "Population": 901.0}, {"index": 15107, "quantile": 0.0, "value": 138900.0, "Latitude": 32.84, "Longitude": -117.02, "Population": 2263.0}, {"index": 15107, "quantile": 0.25, "value": 148300.0, "Latitude": 32.84, "Longitude": -117.02, "Population": 2263.0}, {"index": 15107, "quantile": 0.5, "value": 148300.0, "Latitude": 32.84, "Longitude": -117.02, "Population": 2263.0}, {"index": 15107, "quantile": 0.75, "value": 158500.0, "Latitude": 32.84, "Longitude": -117.02, "Population": 2263.0}, {"index": 15107, "quantile": 1.0, "value": 285400.0, "Latitude": 32.84, "Longitude": -117.02, "Population": 2263.0}, {"index": 15108, "quantile": 0.0, "value": 134200.0, "Latitude": 32.85, "Longitude": -116.96, "Population": 5247.0}, {"index": 15108, "quantile": 0.25, "value": 166100.0, "Latitude": 32.85, "Longitude": -116.96, "Population": 5247.0}, {"index": 15108, "quantile": 0.5, "value": 166100.0, "Latitude": 32.85, "Longitude": -116.96, "Population": 5247.0}, {"index": 15108, "quantile": 0.75, "value": 166100.0, "Latitude": 32.85, "Longitude": -116.96, "Population": 5247.0}, {"index": 15108, "quantile": 1.0, "value": 234500.00000000003, "Latitude": 32.85, "Longitude": -116.96, "Population": 5247.0}, {"index": 15109, "quantile": 0.0, "value": 88000.0, "Latitude": 32.86, "Longitude": -116.96, "Population": 1681.0}, {"index": 15109, "quantile": 0.25, "value": 158500.0, "Latitude": 32.86, "Longitude": -116.96, "Population": 1681.0}, {"index": 15109, "quantile": 0.5, "value": 160300.0, "Latitude": 32.86, "Longitude": -116.96, "Population": 1681.0}, {"index": 15109, "quantile": 0.75, "value": 160300.0, "Latitude": 32.86, "Longitude": -116.96, "Population": 1681.0}, {"index": 15109, "quantile": 1.0, "value": 254100.0, "Latitude": 32.86, "Longitude": -116.96, "Population": 1681.0}, {"index": 15110, "quantile": 0.0, "value": 137300.0, "Latitude": 32.87, "Longitude": -116.96, "Population": 2531.0}, {"index": 15110, "quantile": 0.25, "value": 158500.0, "Latitude": 32.87, "Longitude": -116.96, "Population": 2531.0}, {"index": 15110, "quantile": 0.5, "value": 158500.0, "Latitude": 32.87, "Longitude": -116.96, "Population": 2531.0}, {"index": 15110, "quantile": 0.75, "value": 158500.0, "Latitude": 32.87, "Longitude": -116.96, "Population": 2531.0}, {"index": 15110, "quantile": 1.0, "value": 285400.0, "Latitude": 32.87, "Longitude": -116.96, "Population": 2531.0}, {"index": 15111, "quantile": 0.0, "value": 127200.0, "Latitude": 32.88, "Longitude": -116.98, "Population": 4048.0}, {"index": 15111, "quantile": 0.25, "value": 147825.0, "Latitude": 32.88, "Longitude": -116.98, "Population": 4048.0}, {"index": 15111, "quantile": 0.5, "value": 152100.0, "Latitude": 32.88, "Longitude": -116.98, "Population": 4048.0}, {"index": 15111, "quantile": 0.75, "value": 159600.0, "Latitude": 32.88, "Longitude": -116.98, "Population": 4048.0}, {"index": 15111, "quantile": 1.0, "value": 262500.0, "Latitude": 32.88, "Longitude": -116.98, "Population": 4048.0}, {"index": 15112, "quantile": 0.0, "value": 140800.0, "Latitude": 32.86, "Longitude": -116.98, "Population": 1236.0}, {"index": 15112, "quantile": 0.25, "value": 153200.0, "Latitude": 32.86, "Longitude": -116.98, "Population": 1236.0}, {"index": 15112, "quantile": 0.5, "value": 153200.0, "Latitude": 32.86, "Longitude": -116.98, "Population": 1236.0}, {"index": 15112, "quantile": 0.75, "value": 153200.0, "Latitude": 32.86, "Longitude": -116.98, "Population": 1236.0}, {"index": 15112, "quantile": 1.0, "value": 225599.99999999997, "Latitude": 32.86, "Longitude": -116.98, "Population": 1236.0}, {"index": 15113, "quantile": 0.0, "value": 120400.0, "Latitude": 32.86, "Longitude": -116.98, "Population": 4383.0}, {"index": 15113, "quantile": 0.25, "value": 146400.0, "Latitude": 32.86, "Longitude": -116.98, "Population": 4383.0}, {"index": 15113, "quantile": 0.5, "value": 146400.0, "Latitude": 32.86, "Longitude": -116.98, "Population": 4383.0}, {"index": 15113, "quantile": 0.75, "value": 164500.0, "Latitude": 32.86, "Longitude": -116.98, "Population": 4383.0}, {"index": 15113, "quantile": 1.0, "value": 299300.0, "Latitude": 32.86, "Longitude": -116.98, "Population": 4383.0}, {"index": 15114, "quantile": 0.0, "value": 123100.00000000001, "Latitude": 32.87, "Longitude": -117.0, "Population": 6296.0}, {"index": 15114, "quantile": 0.25, "value": 150400.0, "Latitude": 32.87, "Longitude": -117.0, "Population": 6296.0}, {"index": 15114, "quantile": 0.5, "value": 150400.0, "Latitude": 32.87, "Longitude": -117.0, "Population": 6296.0}, {"index": 15114, "quantile": 0.75, "value": 153200.0, "Latitude": 32.87, "Longitude": -117.0, "Population": 6296.0}, {"index": 15114, "quantile": 1.0, "value": 218500.0, "Latitude": 32.87, "Longitude": -117.0, "Population": 6296.0}, {"index": 15115, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 32.85, "Longitude": -117.01, "Population": 1401.0}, {"index": 15115, "quantile": 0.25, "value": 151400.0, "Latitude": 32.85, "Longitude": -117.01, "Population": 1401.0}, {"index": 15115, "quantile": 0.5, "value": 151400.0, "Latitude": 32.85, "Longitude": -117.01, "Population": 1401.0}, {"index": 15115, "quantile": 0.75, "value": 156300.0, "Latitude": 32.85, "Longitude": -117.01, "Population": 1401.0}, {"index": 15115, "quantile": 1.0, "value": 234800.0, "Latitude": 32.85, "Longitude": -117.01, "Population": 1401.0}, {"index": 15116, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 32.85, "Longitude": -117.0, "Population": 950.0}, {"index": 15116, "quantile": 0.25, "value": 140800.0, "Latitude": 32.85, "Longitude": -117.0, "Population": 950.0}, {"index": 15116, "quantile": 0.5, "value": 140800.0, "Latitude": 32.85, "Longitude": -117.0, "Population": 950.0}, {"index": 15116, "quantile": 0.75, "value": 185700.0, "Latitude": 32.85, "Longitude": -117.0, "Population": 950.0}, {"index": 15116, "quantile": 1.0, "value": 249400.00000000003, "Latitude": 32.85, "Longitude": -117.0, "Population": 950.0}, {"index": 15117, "quantile": 0.0, "value": 121900.00000000001, "Latitude": 32.83, "Longitude": -116.95, "Population": 6389.0}, {"index": 15117, "quantile": 0.25, "value": 149775.0, "Latitude": 32.83, "Longitude": -116.95, "Population": 6389.0}, {"index": 15117, "quantile": 0.5, "value": 165800.0, "Latitude": 32.83, "Longitude": -116.95, "Population": 6389.0}, {"index": 15117, "quantile": 0.75, "value": 191500.0, "Latitude": 32.83, "Longitude": -116.95, "Population": 6389.0}, {"index": 15117, "quantile": 1.0, "value": 262500.0, "Latitude": 32.83, "Longitude": -116.95, "Population": 6389.0}, {"index": 15118, "quantile": 0.0, "value": 62300.0, "Latitude": 32.84, "Longitude": -116.95, "Population": 752.0}, {"index": 15118, "quantile": 0.25, "value": 129400.0, "Latitude": 32.84, "Longitude": -116.95, "Population": 752.0}, {"index": 15118, "quantile": 0.5, "value": 129400.0, "Latitude": 32.84, "Longitude": -116.95, "Population": 752.0}, {"index": 15118, "quantile": 0.75, "value": 147700.0, "Latitude": 32.84, "Longitude": -116.95, "Population": 752.0}, {"index": 15118, "quantile": 1.0, "value": 270000.0, "Latitude": 32.84, "Longitude": -116.95, "Population": 752.0}, {"index": 15119, "quantile": 0.0, "value": 85800.0, "Latitude": 32.85, "Longitude": -116.93, "Population": 1872.0}, {"index": 15119, "quantile": 0.25, "value": 119000.0, "Latitude": 32.85, "Longitude": -116.93, "Population": 1872.0}, {"index": 15119, "quantile": 0.5, "value": 119000.0, "Latitude": 32.85, "Longitude": -116.93, "Population": 1872.0}, {"index": 15119, "quantile": 0.75, "value": 119000.0, "Latitude": 32.85, "Longitude": -116.93, "Population": 1872.0}, {"index": 15119, "quantile": 1.0, "value": 175000.0, "Latitude": 32.85, "Longitude": -116.93, "Population": 1872.0}, {"index": 15120, "quantile": 0.0, "value": 84200.0, "Latitude": 32.85, "Longitude": -116.93, "Population": 2770.0}, {"index": 15120, "quantile": 0.25, "value": 150000.0, "Latitude": 32.85, "Longitude": -116.93, "Population": 2770.0}, {"index": 15120, "quantile": 0.5, "value": 150000.0, "Latitude": 32.85, "Longitude": -116.93, "Population": 2770.0}, {"index": 15120, "quantile": 0.75, "value": 150000.0, "Latitude": 32.85, "Longitude": -116.93, "Population": 2770.0}, {"index": 15120, "quantile": 1.0, "value": 231800.0, "Latitude": 32.85, "Longitude": -116.93, "Population": 2770.0}, {"index": 15121, "quantile": 0.0, "value": 137200.0, "Latitude": 32.85, "Longitude": -116.94, "Population": 599.0}, {"index": 15121, "quantile": 0.25, "value": 161000.0, "Latitude": 32.85, "Longitude": -116.94, "Population": 599.0}, {"index": 15121, "quantile": 0.5, "value": 161000.0, "Latitude": 32.85, "Longitude": -116.94, "Population": 599.0}, {"index": 15121, "quantile": 0.75, "value": 161700.0, "Latitude": 32.85, "Longitude": -116.94, "Population": 599.0}, {"index": 15121, "quantile": 1.0, "value": 268300.0, "Latitude": 32.85, "Longitude": -116.94, "Population": 599.0}, {"index": 15122, "quantile": 0.0, "value": 68600.0, "Latitude": 32.84, "Longitude": -116.94, "Population": 778.0}, {"index": 15122, "quantile": 0.25, "value": 166300.0, "Latitude": 32.84, "Longitude": -116.94, "Population": 778.0}, {"index": 15122, "quantile": 0.5, "value": 166300.0, "Latitude": 32.84, "Longitude": -116.94, "Population": 778.0}, {"index": 15122, "quantile": 0.75, "value": 166300.0, "Latitude": 32.84, "Longitude": -116.94, "Population": 778.0}, {"index": 15122, "quantile": 1.0, "value": 223300.0, "Latitude": 32.84, "Longitude": -116.94, "Population": 778.0}, {"index": 15123, "quantile": 0.0, "value": 125000.0, "Latitude": 32.83, "Longitude": -116.94, "Population": 872.0}, {"index": 15123, "quantile": 0.25, "value": 147800.0, "Latitude": 32.83, "Longitude": -116.94, "Population": 872.0}, {"index": 15123, "quantile": 0.5, "value": 147800.0, "Latitude": 32.83, "Longitude": -116.94, "Population": 872.0}, {"index": 15123, "quantile": 0.75, "value": 159425.00000000003, "Latitude": 32.83, "Longitude": -116.94, "Population": 872.0}, {"index": 15123, "quantile": 1.0, "value": 231800.0, "Latitude": 32.83, "Longitude": -116.94, "Population": 872.0}, {"index": 15124, "quantile": 0.0, "value": 106200.0, "Latitude": 32.86, "Longitude": -116.88, "Population": 1527.0}, {"index": 15124, "quantile": 0.25, "value": 162300.0, "Latitude": 32.86, "Longitude": -116.88, "Population": 1527.0}, {"index": 15124, "quantile": 0.5, "value": 185300.0, "Latitude": 32.86, "Longitude": -116.88, "Population": 1527.0}, {"index": 15124, "quantile": 0.75, "value": 225325.0, "Latitude": 32.86, "Longitude": -116.88, "Population": 1527.0}, {"index": 15124, "quantile": 1.0, "value": 291500.0, "Latitude": 32.86, "Longitude": -116.88, "Population": 1527.0}, {"index": 15125, "quantile": 0.0, "value": 96000.0, "Latitude": 32.87, "Longitude": -116.86, "Population": 2630.0}, {"index": 15125, "quantile": 0.25, "value": 246450.0, "Latitude": 32.87, "Longitude": -116.86, "Population": 2630.0}, {"index": 15125, "quantile": 0.5, "value": 285400.0, "Latitude": 32.87, "Longitude": -116.86, "Population": 2630.0}, {"index": 15125, "quantile": 0.75, "value": 285400.0, "Latitude": 32.87, "Longitude": -116.86, "Population": 2630.0}, {"index": 15125, "quantile": 1.0, "value": 376800.0, "Latitude": 32.87, "Longitude": -116.86, "Population": 2630.0}, {"index": 15126, "quantile": 0.0, "value": 107200.0, "Latitude": 32.86, "Longitude": -116.84, "Population": 1211.0}, {"index": 15126, "quantile": 0.25, "value": 185500.0, "Latitude": 32.86, "Longitude": -116.84, "Population": 1211.0}, {"index": 15126, "quantile": 0.5, "value": 202100.0, "Latitude": 32.86, "Longitude": -116.84, "Population": 1211.0}, {"index": 15126, "quantile": 0.75, "value": 202100.0, "Latitude": 32.86, "Longitude": -116.84, "Population": 1211.0}, {"index": 15126, "quantile": 1.0, "value": 216500.0, "Latitude": 32.86, "Longitude": -116.84, "Population": 1211.0}, {"index": 15127, "quantile": 0.0, "value": 94600.0, "Latitude": 32.85, "Longitude": -116.89, "Population": 652.0}, {"index": 15127, "quantile": 0.25, "value": 158300.0, "Latitude": 32.85, "Longitude": -116.89, "Population": 652.0}, {"index": 15127, "quantile": 0.5, "value": 158300.0, "Latitude": 32.85, "Longitude": -116.89, "Population": 652.0}, {"index": 15127, "quantile": 0.75, "value": 158300.0, "Latitude": 32.85, "Longitude": -116.89, "Population": 652.0}, {"index": 15127, "quantile": 1.0, "value": 488900.0, "Latitude": 32.85, "Longitude": -116.89, "Population": 652.0}, {"index": 15128, "quantile": 0.0, "value": 87100.0, "Latitude": 32.87, "Longitude": -116.91, "Population": 1690.0}, {"index": 15128, "quantile": 0.25, "value": 159100.0, "Latitude": 32.87, "Longitude": -116.91, "Population": 1690.0}, {"index": 15128, "quantile": 0.5, "value": 166100.0, "Latitude": 32.87, "Longitude": -116.91, "Population": 1690.0}, {"index": 15128, "quantile": 0.75, "value": 175700.0, "Latitude": 32.87, "Longitude": -116.91, "Population": 1690.0}, {"index": 15128, "quantile": 1.0, "value": 231199.99999999997, "Latitude": 32.87, "Longitude": -116.91, "Population": 1690.0}, {"index": 15129, "quantile": 0.0, "value": 67500.0, "Latitude": 32.86, "Longitude": -116.91, "Population": 2310.0}, {"index": 15129, "quantile": 0.25, "value": 125400.0, "Latitude": 32.86, "Longitude": -116.91, "Population": 2310.0}, {"index": 15129, "quantile": 0.5, "value": 136900.0, "Latitude": 32.86, "Longitude": -116.91, "Population": 2310.0}, {"index": 15129, "quantile": 0.75, "value": 155900.0, "Latitude": 32.86, "Longitude": -116.91, "Population": 2310.0}, {"index": 15129, "quantile": 1.0, "value": 216900.0, "Latitude": 32.86, "Longitude": -116.91, "Population": 2310.0}, {"index": 15130, "quantile": 0.0, "value": 119300.0, "Latitude": 32.86, "Longitude": -116.91, "Population": 1633.0}, {"index": 15130, "quantile": 0.25, "value": 131000.0, "Latitude": 32.86, "Longitude": -116.91, "Population": 1633.0}, {"index": 15130, "quantile": 0.5, "value": 131000.0, "Latitude": 32.86, "Longitude": -116.91, "Population": 1633.0}, {"index": 15130, "quantile": 0.75, "value": 146675.0, "Latitude": 32.86, "Longitude": -116.91, "Population": 1633.0}, {"index": 15130, "quantile": 1.0, "value": 294600.0, "Latitude": 32.86, "Longitude": -116.91, "Population": 1633.0}, {"index": 15131, "quantile": 0.0, "value": 67500.0, "Latitude": 32.86, "Longitude": -116.92, "Population": 1472.0}, {"index": 15131, "quantile": 0.25, "value": 112500.0, "Latitude": 32.86, "Longitude": -116.92, "Population": 1472.0}, {"index": 15131, "quantile": 0.5, "value": 132300.0, "Latitude": 32.86, "Longitude": -116.92, "Population": 1472.0}, {"index": 15131, "quantile": 0.75, "value": 142525.0, "Latitude": 32.86, "Longitude": -116.92, "Population": 1472.0}, {"index": 15131, "quantile": 1.0, "value": 216900.0, "Latitude": 32.86, "Longitude": -116.92, "Population": 1472.0}, {"index": 15132, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 32.83, "Longitude": -116.93, "Population": 1463.0}, {"index": 15132, "quantile": 0.25, "value": 172500.0, "Latitude": 32.83, "Longitude": -116.93, "Population": 1463.0}, {"index": 15132, "quantile": 0.5, "value": 172500.0, "Latitude": 32.83, "Longitude": -116.93, "Population": 1463.0}, {"index": 15132, "quantile": 0.75, "value": 172500.0, "Latitude": 32.83, "Longitude": -116.93, "Population": 1463.0}, {"index": 15132, "quantile": 1.0, "value": 207700.0, "Latitude": 32.83, "Longitude": -116.93, "Population": 1463.0}, {"index": 15133, "quantile": 0.0, "value": 78800.0, "Latitude": 32.83, "Longitude": -116.93, "Population": 684.0}, {"index": 15133, "quantile": 0.25, "value": 133475.0, "Latitude": 32.83, "Longitude": -116.93, "Population": 684.0}, {"index": 15133, "quantile": 0.5, "value": 147800.00000000003, "Latitude": 32.83, "Longitude": -116.93, "Population": 684.0}, {"index": 15133, "quantile": 0.75, "value": 158900.0, "Latitude": 32.83, "Longitude": -116.93, "Population": 684.0}, {"index": 15133, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.83, "Longitude": -116.93, "Population": 684.0}, {"index": 15134, "quantile": 0.0, "value": 98100.0, "Latitude": 32.82, "Longitude": -116.92, "Population": 1278.0}, {"index": 15134, "quantile": 0.25, "value": 155700.0, "Latitude": 32.82, "Longitude": -116.92, "Population": 1278.0}, {"index": 15134, "quantile": 0.5, "value": 155700.0, "Latitude": 32.82, "Longitude": -116.92, "Population": 1278.0}, {"index": 15134, "quantile": 0.75, "value": 155700.0, "Latitude": 32.82, "Longitude": -116.92, "Population": 1278.0}, {"index": 15134, "quantile": 1.0, "value": 178300.0, "Latitude": 32.82, "Longitude": -116.92, "Population": 1278.0}, {"index": 15135, "quantile": 0.0, "value": 134200.0, "Latitude": 32.85, "Longitude": -116.92, "Population": 767.0}, {"index": 15135, "quantile": 0.25, "value": 145000.0, "Latitude": 32.85, "Longitude": -116.92, "Population": 767.0}, {"index": 15135, "quantile": 0.5, "value": 145000.0, "Latitude": 32.85, "Longitude": -116.92, "Population": 767.0}, {"index": 15135, "quantile": 0.75, "value": 154000.0, "Latitude": 32.85, "Longitude": -116.92, "Population": 767.0}, {"index": 15135, "quantile": 1.0, "value": 226900.0, "Latitude": 32.85, "Longitude": -116.92, "Population": 767.0}, {"index": 15136, "quantile": 0.0, "value": 142000.0, "Latitude": 32.84, "Longitude": -116.92, "Population": 2188.0}, {"index": 15136, "quantile": 0.25, "value": 178000.0, "Latitude": 32.84, "Longitude": -116.92, "Population": 2188.0}, {"index": 15136, "quantile": 0.5, "value": 178000.0, "Latitude": 32.84, "Longitude": -116.92, "Population": 2188.0}, {"index": 15136, "quantile": 0.75, "value": 178000.0, "Latitude": 32.84, "Longitude": -116.92, "Population": 2188.0}, {"index": 15136, "quantile": 1.0, "value": 298100.0, "Latitude": 32.84, "Longitude": -116.92, "Population": 2188.0}, {"index": 15137, "quantile": 0.0, "value": 127400.0, "Latitude": 32.83, "Longitude": -116.91, "Population": 2515.0}, {"index": 15137, "quantile": 0.25, "value": 174400.0, "Latitude": 32.83, "Longitude": -116.91, "Population": 2515.0}, {"index": 15137, "quantile": 0.5, "value": 174400.0, "Latitude": 32.83, "Longitude": -116.91, "Population": 2515.0}, {"index": 15137, "quantile": 0.75, "value": 174400.0, "Latitude": 32.83, "Longitude": -116.91, "Population": 2515.0}, {"index": 15137, "quantile": 1.0, "value": 262500.0, "Latitude": 32.83, "Longitude": -116.91, "Population": 2515.0}, {"index": 15138, "quantile": 0.0, "value": 131000.0, "Latitude": 32.82, "Longitude": -116.92, "Population": 1458.0}, {"index": 15138, "quantile": 0.25, "value": 174400.0, "Latitude": 32.82, "Longitude": -116.92, "Population": 1458.0}, {"index": 15138, "quantile": 0.5, "value": 184600.0, "Latitude": 32.82, "Longitude": -116.92, "Population": 1458.0}, {"index": 15138, "quantile": 0.75, "value": 184600.0, "Latitude": 32.82, "Longitude": -116.92, "Population": 1458.0}, {"index": 15138, "quantile": 1.0, "value": 270000.0, "Latitude": 32.82, "Longitude": -116.92, "Population": 1458.0}, {"index": 15139, "quantile": 0.0, "value": 131000.0, "Latitude": 32.85, "Longitude": -116.91, "Population": 2255.0}, {"index": 15139, "quantile": 0.25, "value": 159500.0, "Latitude": 32.85, "Longitude": -116.91, "Population": 2255.0}, {"index": 15139, "quantile": 0.5, "value": 159500.0, "Latitude": 32.85, "Longitude": -116.91, "Population": 2255.0}, {"index": 15139, "quantile": 0.75, "value": 159500.0, "Latitude": 32.85, "Longitude": -116.91, "Population": 2255.0}, {"index": 15139, "quantile": 1.0, "value": 254100.0, "Latitude": 32.85, "Longitude": -116.91, "Population": 2255.0}, {"index": 15140, "quantile": 0.0, "value": 162300.0, "Latitude": 32.85, "Longitude": -116.89, "Population": 1757.0}, {"index": 15140, "quantile": 0.25, "value": 185300.0, "Latitude": 32.85, "Longitude": -116.89, "Population": 1757.0}, {"index": 15140, "quantile": 0.5, "value": 185300.0, "Latitude": 32.85, "Longitude": -116.89, "Population": 1757.0}, {"index": 15140, "quantile": 0.75, "value": 185700.0, "Latitude": 32.85, "Longitude": -116.89, "Population": 1757.0}, {"index": 15140, "quantile": 1.0, "value": 376800.0, "Latitude": 32.85, "Longitude": -116.89, "Population": 1757.0}, {"index": 15141, "quantile": 0.0, "value": 98100.0, "Latitude": 32.84, "Longitude": -116.9, "Population": 1864.0}, {"index": 15141, "quantile": 0.25, "value": 153800.0, "Latitude": 32.84, "Longitude": -116.9, "Population": 1864.0}, {"index": 15141, "quantile": 0.5, "value": 153800.0, "Latitude": 32.84, "Longitude": -116.9, "Population": 1864.0}, {"index": 15141, "quantile": 0.75, "value": 153800.0, "Latitude": 32.84, "Longitude": -116.9, "Population": 1864.0}, {"index": 15141, "quantile": 1.0, "value": 216100.0, "Latitude": 32.84, "Longitude": -116.9, "Population": 1864.0}, {"index": 15142, "quantile": 0.0, "value": 96300.0, "Latitude": 32.82, "Longitude": -116.89, "Population": 1442.0}, {"index": 15142, "quantile": 0.25, "value": 153200.0, "Latitude": 32.82, "Longitude": -116.89, "Population": 1442.0}, {"index": 15142, "quantile": 0.5, "value": 164300.0, "Latitude": 32.82, "Longitude": -116.89, "Population": 1442.0}, {"index": 15142, "quantile": 0.75, "value": 185300.0, "Latitude": 32.82, "Longitude": -116.89, "Population": 1442.0}, {"index": 15142, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.82, "Longitude": -116.89, "Population": 1442.0}, {"index": 15143, "quantile": 0.0, "value": 120300.0, "Latitude": 32.84, "Longitude": -116.9, "Population": 2104.0}, {"index": 15143, "quantile": 0.25, "value": 146900.0, "Latitude": 32.84, "Longitude": -116.9, "Population": 2104.0}, {"index": 15143, "quantile": 0.5, "value": 146900.0, "Latitude": 32.84, "Longitude": -116.9, "Population": 2104.0}, {"index": 15143, "quantile": 0.75, "value": 169200.00000000003, "Latitude": 32.84, "Longitude": -116.9, "Population": 2104.0}, {"index": 15143, "quantile": 1.0, "value": 291500.0, "Latitude": 32.84, "Longitude": -116.9, "Population": 2104.0}, {"index": 15144, "quantile": 0.0, "value": 107200.0, "Latitude": 32.82, "Longitude": -116.91, "Population": 1085.0}, {"index": 15144, "quantile": 0.25, "value": 147500.0, "Latitude": 32.82, "Longitude": -116.91, "Population": 1085.0}, {"index": 15144, "quantile": 0.5, "value": 168350.0, "Latitude": 32.82, "Longitude": -116.91, "Population": 1085.0}, {"index": 15144, "quantile": 0.75, "value": 187200.0, "Latitude": 32.82, "Longitude": -116.91, "Population": 1085.0}, {"index": 15144, "quantile": 1.0, "value": 262500.0, "Latitude": 32.82, "Longitude": -116.91, "Population": 1085.0}, {"index": 15145, "quantile": 0.0, "value": 118600.0, "Latitude": 32.9, "Longitude": -116.96, "Population": 1507.0}, {"index": 15145, "quantile": 0.25, "value": 162300.0, "Latitude": 32.9, "Longitude": -116.96, "Population": 1507.0}, {"index": 15145, "quantile": 0.5, "value": 177200.0, "Latitude": 32.9, "Longitude": -116.96, "Population": 1507.0}, {"index": 15145, "quantile": 0.75, "value": 223500.0, "Latitude": 32.9, "Longitude": -116.96, "Population": 1507.0}, {"index": 15145, "quantile": 1.0, "value": 275300.0, "Latitude": 32.9, "Longitude": -116.96, "Population": 1507.0}, {"index": 15146, "quantile": 0.0, "value": 140800.0, "Latitude": 32.89, "Longitude": -116.94, "Population": 1078.0}, {"index": 15146, "quantile": 0.25, "value": 211099.99999999997, "Latitude": 32.89, "Longitude": -116.94, "Population": 1078.0}, {"index": 15146, "quantile": 0.5, "value": 227800.0, "Latitude": 32.89, "Longitude": -116.94, "Population": 1078.0}, {"index": 15146, "quantile": 0.75, "value": 227800.0, "Latitude": 32.89, "Longitude": -116.94, "Population": 1078.0}, {"index": 15146, "quantile": 1.0, "value": 325400.0, "Latitude": 32.89, "Longitude": -116.94, "Population": 1078.0}, {"index": 15147, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 32.87, "Longitude": -116.94, "Population": 1480.0}, {"index": 15147, "quantile": 0.25, "value": 160450.0, "Latitude": 32.87, "Longitude": -116.94, "Population": 1480.0}, {"index": 15147, "quantile": 0.5, "value": 177200.0, "Latitude": 32.87, "Longitude": -116.94, "Population": 1480.0}, {"index": 15147, "quantile": 0.75, "value": 177200.0, "Latitude": 32.87, "Longitude": -116.94, "Population": 1480.0}, {"index": 15147, "quantile": 1.0, "value": 279400.0, "Latitude": 32.87, "Longitude": -116.94, "Population": 1480.0}, {"index": 15148, "quantile": 0.0, "value": 107200.0, "Latitude": 32.87, "Longitude": -116.93, "Population": 1561.0}, {"index": 15148, "quantile": 0.25, "value": 168900.0, "Latitude": 32.87, "Longitude": -116.93, "Population": 1561.0}, {"index": 15148, "quantile": 0.5, "value": 187200.0, "Latitude": 32.87, "Longitude": -116.93, "Population": 1561.0}, {"index": 15148, "quantile": 0.75, "value": 190500.0, "Latitude": 32.87, "Longitude": -116.93, "Population": 1561.0}, {"index": 15148, "quantile": 1.0, "value": 231800.0, "Latitude": 32.87, "Longitude": -116.93, "Population": 1561.0}, {"index": 15149, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 32.9, "Longitude": -116.9, "Population": 1621.0}, {"index": 15149, "quantile": 0.25, "value": 184600.0, "Latitude": 32.9, "Longitude": -116.9, "Population": 1621.0}, {"index": 15149, "quantile": 0.5, "value": 189200.0, "Latitude": 32.9, "Longitude": -116.9, "Population": 1621.0}, {"index": 15149, "quantile": 0.75, "value": 189200.0, "Latitude": 32.9, "Longitude": -116.9, "Population": 1621.0}, {"index": 15149, "quantile": 1.0, "value": 281300.0, "Latitude": 32.9, "Longitude": -116.9, "Population": 1621.0}, {"index": 15150, "quantile": 0.0, "value": 94600.0, "Latitude": 32.92, "Longitude": -116.84, "Population": 536.0}, {"index": 15150, "quantile": 0.25, "value": 119300.0, "Latitude": 32.92, "Longitude": -116.84, "Population": 536.0}, {"index": 15150, "quantile": 0.5, "value": 119300.0, "Latitude": 32.92, "Longitude": -116.84, "Population": 536.0}, {"index": 15150, "quantile": 0.75, "value": 131000.0, "Latitude": 32.92, "Longitude": -116.84, "Population": 536.0}, {"index": 15150, "quantile": 1.0, "value": 291500.0, "Latitude": 32.92, "Longitude": -116.84, "Population": 536.0}, {"index": 15151, "quantile": 0.0, "value": 123900.00000000001, "Latitude": 33.01, "Longitude": -117.05, "Population": 1439.0}, {"index": 15151, "quantile": 0.25, "value": 210299.99999999997, "Latitude": 33.01, "Longitude": -117.05, "Population": 1439.0}, {"index": 15151, "quantile": 0.5, "value": 211100.00000000003, "Latitude": 33.01, "Longitude": -117.05, "Population": 1439.0}, {"index": 15151, "quantile": 0.75, "value": 211100.00000000003, "Latitude": 33.01, "Longitude": -117.05, "Population": 1439.0}, {"index": 15151, "quantile": 1.0, "value": 394400.0, "Latitude": 33.01, "Longitude": -117.05, "Population": 1439.0}, {"index": 15152, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 33.01, "Longitude": -117.05, "Population": 1468.0}, {"index": 15152, "quantile": 0.25, "value": 391300.0, "Latitude": 33.01, "Longitude": -117.05, "Population": 1468.0}, {"index": 15152, "quantile": 0.5, "value": 453800.0, "Latitude": 33.01, "Longitude": -117.05, "Population": 1468.0}, {"index": 15152, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.01, "Longitude": -117.05, "Population": 1468.0}, {"index": 15152, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.01, "Longitude": -117.05, "Population": 1468.0}, {"index": 15153, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 33.01, "Longitude": -117.04, "Population": 314.0}, {"index": 15153, "quantile": 0.25, "value": 342300.0, "Latitude": 33.01, "Longitude": -117.04, "Population": 314.0}, {"index": 15153, "quantile": 0.5, "value": 342300.0, "Latitude": 33.01, "Longitude": -117.04, "Population": 314.0}, {"index": 15153, "quantile": 0.75, "value": 367600.0, "Latitude": 33.01, "Longitude": -117.04, "Population": 314.0}, {"index": 15153, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.01, "Longitude": -117.04, "Population": 314.0}, {"index": 15154, "quantile": 0.0, "value": 194100.0, "Latitude": 33.0, "Longitude": -117.03, "Population": 2693.0}, {"index": 15154, "quantile": 0.25, "value": 304050.0, "Latitude": 33.0, "Longitude": -117.03, "Population": 2693.0}, {"index": 15154, "quantile": 0.5, "value": 342650.0, "Latitude": 33.0, "Longitude": -117.03, "Population": 2693.0}, {"index": 15154, "quantile": 0.75, "value": 382100.0, "Latitude": 33.0, "Longitude": -117.03, "Population": 2693.0}, {"index": 15154, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.0, "Longitude": -117.03, "Population": 2693.0}, {"index": 15155, "quantile": 0.0, "value": 207900.00000000003, "Latitude": 32.99, "Longitude": -117.04, "Population": 4413.0}, {"index": 15155, "quantile": 0.25, "value": 314325.0, "Latitude": 32.99, "Longitude": -117.04, "Population": 4413.0}, {"index": 15155, "quantile": 0.5, "value": 314900.0, "Latitude": 32.99, "Longitude": -117.04, "Population": 4413.0}, {"index": 15155, "quantile": 0.75, "value": 314900.0, "Latitude": 32.99, "Longitude": -117.04, "Population": 4413.0}, {"index": 15155, "quantile": 1.0, "value": 340300.0, "Latitude": 32.99, "Longitude": -117.04, "Population": 4413.0}, {"index": 15156, "quantile": 0.0, "value": 120000.0, "Latitude": 32.98, "Longitude": -117.04, "Population": 640.0}, {"index": 15156, "quantile": 0.25, "value": 192900.0, "Latitude": 32.98, "Longitude": -117.04, "Population": 640.0}, {"index": 15156, "quantile": 0.5, "value": 192900.0, "Latitude": 32.98, "Longitude": -117.04, "Population": 640.0}, {"index": 15156, "quantile": 0.75, "value": 211125.0, "Latitude": 32.98, "Longitude": -117.04, "Population": 640.0}, {"index": 15156, "quantile": 1.0, "value": 302200.0, "Latitude": 32.98, "Longitude": -117.04, "Population": 640.0}, {"index": 15157, "quantile": 0.0, "value": 97200.0, "Latitude": 32.99, "Longitude": -117.06, "Population": 713.0}, {"index": 15157, "quantile": 0.25, "value": 180700.0, "Latitude": 32.99, "Longitude": -117.06, "Population": 713.0}, {"index": 15157, "quantile": 0.5, "value": 180700.0, "Latitude": 32.99, "Longitude": -117.06, "Population": 713.0}, {"index": 15157, "quantile": 0.75, "value": 180700.0, "Latitude": 32.99, "Longitude": -117.06, "Population": 713.0}, {"index": 15157, "quantile": 1.0, "value": 279100.0, "Latitude": 32.99, "Longitude": -117.06, "Population": 713.0}, {"index": 15158, "quantile": 0.0, "value": 133000.0, "Latitude": 32.97, "Longitude": -117.05, "Population": 4763.0}, {"index": 15158, "quantile": 0.25, "value": 194300.0, "Latitude": 32.97, "Longitude": -117.05, "Population": 4763.0}, {"index": 15158, "quantile": 0.5, "value": 194300.0, "Latitude": 32.97, "Longitude": -117.05, "Population": 4763.0}, {"index": 15158, "quantile": 0.75, "value": 203399.99999999997, "Latitude": 32.97, "Longitude": -117.05, "Population": 4763.0}, {"index": 15158, "quantile": 1.0, "value": 386800.0, "Latitude": 32.97, "Longitude": -117.05, "Population": 4763.0}, {"index": 15159, "quantile": 0.0, "value": 111500.0, "Latitude": 32.96, "Longitude": -117.05, "Population": 1992.0}, {"index": 15159, "quantile": 0.25, "value": 165800.0, "Latitude": 32.96, "Longitude": -117.05, "Population": 1992.0}, {"index": 15159, "quantile": 0.5, "value": 165800.0, "Latitude": 32.96, "Longitude": -117.05, "Population": 1992.0}, {"index": 15159, "quantile": 0.75, "value": 165800.0, "Latitude": 32.96, "Longitude": -117.05, "Population": 1992.0}, {"index": 15159, "quantile": 1.0, "value": 264000.0, "Latitude": 32.96, "Longitude": -117.05, "Population": 1992.0}, {"index": 15160, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 32.97, "Longitude": -117.04, "Population": 3683.0}, {"index": 15160, "quantile": 0.25, "value": 175700.0, "Latitude": 32.97, "Longitude": -117.04, "Population": 3683.0}, {"index": 15160, "quantile": 0.5, "value": 175700.0, "Latitude": 32.97, "Longitude": -117.04, "Population": 3683.0}, {"index": 15160, "quantile": 0.75, "value": 175700.0, "Latitude": 32.97, "Longitude": -117.04, "Population": 3683.0}, {"index": 15160, "quantile": 1.0, "value": 353000.0, "Latitude": 32.97, "Longitude": -117.04, "Population": 3683.0}, {"index": 15161, "quantile": 0.0, "value": 142900.0, "Latitude": 32.97, "Longitude": -117.03, "Population": 1935.0}, {"index": 15161, "quantile": 0.25, "value": 213275.00000000003, "Latitude": 32.97, "Longitude": -117.03, "Population": 1935.0}, {"index": 15161, "quantile": 0.5, "value": 231199.99999999997, "Latitude": 32.97, "Longitude": -117.03, "Population": 1935.0}, {"index": 15161, "quantile": 0.75, "value": 231199.99999999997, "Latitude": 32.97, "Longitude": -117.03, "Population": 1935.0}, {"index": 15161, "quantile": 1.0, "value": 264000.0, "Latitude": 32.97, "Longitude": -117.03, "Population": 1935.0}, {"index": 15162, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 32.96, "Longitude": -117.03, "Population": 1940.0}, {"index": 15162, "quantile": 0.25, "value": 182100.0, "Latitude": 32.96, "Longitude": -117.03, "Population": 1940.0}, {"index": 15162, "quantile": 0.5, "value": 182100.0, "Latitude": 32.96, "Longitude": -117.03, "Population": 1940.0}, {"index": 15162, "quantile": 0.75, "value": 182100.0, "Latitude": 32.96, "Longitude": -117.03, "Population": 1940.0}, {"index": 15162, "quantile": 1.0, "value": 231199.99999999997, "Latitude": 32.96, "Longitude": -117.03, "Population": 1940.0}, {"index": 15163, "quantile": 0.0, "value": 96000.0, "Latitude": 32.96, "Longitude": -116.99, "Population": 2748.0}, {"index": 15163, "quantile": 0.25, "value": 155925.0, "Latitude": 32.96, "Longitude": -116.99, "Population": 2748.0}, {"index": 15163, "quantile": 0.5, "value": 172050.0, "Latitude": 32.96, "Longitude": -116.99, "Population": 2748.0}, {"index": 15163, "quantile": 0.75, "value": 213100.00000000003, "Latitude": 32.96, "Longitude": -116.99, "Population": 2748.0}, {"index": 15163, "quantile": 1.0, "value": 347700.0, "Latitude": 32.96, "Longitude": -116.99, "Population": 2748.0}, {"index": 15164, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 32.95, "Longitude": -117.02, "Population": 1043.0}, {"index": 15164, "quantile": 0.25, "value": 160100.0, "Latitude": 32.95, "Longitude": -117.02, "Population": 1043.0}, {"index": 15164, "quantile": 0.5, "value": 160100.0, "Latitude": 32.95, "Longitude": -117.02, "Population": 1043.0}, {"index": 15164, "quantile": 0.75, "value": 160100.0, "Latitude": 32.95, "Longitude": -117.02, "Population": 1043.0}, {"index": 15164, "quantile": 1.0, "value": 270000.0, "Latitude": 32.95, "Longitude": -117.02, "Population": 1043.0}, {"index": 15165, "quantile": 0.0, "value": 118900.0, "Latitude": 32.95, "Longitude": -117.03, "Population": 2456.0}, {"index": 15165, "quantile": 0.25, "value": 168900.0, "Latitude": 32.95, "Longitude": -117.03, "Population": 2456.0}, {"index": 15165, "quantile": 0.5, "value": 168900.0, "Latitude": 32.95, "Longitude": -117.03, "Population": 2456.0}, {"index": 15165, "quantile": 0.75, "value": 168900.0, "Latitude": 32.95, "Longitude": -117.03, "Population": 2456.0}, {"index": 15165, "quantile": 1.0, "value": 285400.0, "Latitude": 32.95, "Longitude": -117.03, "Population": 2456.0}, {"index": 15166, "quantile": 0.0, "value": 94600.0, "Latitude": 32.95, "Longitude": -117.05, "Population": 1297.0}, {"index": 15166, "quantile": 0.25, "value": 178600.0, "Latitude": 32.95, "Longitude": -117.05, "Population": 1297.0}, {"index": 15166, "quantile": 0.5, "value": 178600.0, "Latitude": 32.95, "Longitude": -117.05, "Population": 1297.0}, {"index": 15166, "quantile": 0.75, "value": 178600.0, "Latitude": 32.95, "Longitude": -117.05, "Population": 1297.0}, {"index": 15166, "quantile": 1.0, "value": 405199.99999999994, "Latitude": 32.95, "Longitude": -117.05, "Population": 1297.0}, {"index": 15167, "quantile": 0.0, "value": 107200.0, "Latitude": 32.95, "Longitude": -117.05, "Population": 3013.0}, {"index": 15167, "quantile": 0.25, "value": 165450.0, "Latitude": 32.95, "Longitude": -117.05, "Population": 3013.0}, {"index": 15167, "quantile": 0.5, "value": 167800.0, "Latitude": 32.95, "Longitude": -117.05, "Population": 3013.0}, {"index": 15167, "quantile": 0.75, "value": 167800.0, "Latitude": 32.95, "Longitude": -117.05, "Population": 3013.0}, {"index": 15167, "quantile": 1.0, "value": 262500.0, "Latitude": 32.95, "Longitude": -117.05, "Population": 3013.0}, {"index": 15168, "quantile": 0.0, "value": 70200.0, "Latitude": 33.02, "Longitude": -117.06, "Population": 279.0}, {"index": 15168, "quantile": 0.25, "value": 121100.00000000001, "Latitude": 33.02, "Longitude": -117.06, "Population": 279.0}, {"index": 15168, "quantile": 0.5, "value": 121100.00000000001, "Latitude": 33.02, "Longitude": -117.06, "Population": 279.0}, {"index": 15168, "quantile": 0.75, "value": 123650.0, "Latitude": 33.02, "Longitude": -117.06, "Population": 279.0}, {"index": 15168, "quantile": 1.0, "value": 500000.0, "Latitude": 33.02, "Longitude": -117.06, "Population": 279.0}, {"index": 15169, "quantile": 0.0, "value": 159100.0, "Latitude": 33.01, "Longitude": -117.06, "Population": 726.0}, {"index": 15169, "quantile": 0.25, "value": 159100.0, "Latitude": 33.01, "Longitude": -117.06, "Population": 726.0}, {"index": 15169, "quantile": 0.5, "value": 159100.0, "Latitude": 33.01, "Longitude": -117.06, "Population": 726.0}, {"index": 15169, "quantile": 0.75, "value": 181925.0, "Latitude": 33.01, "Longitude": -117.06, "Population": 726.0}, {"index": 15169, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.01, "Longitude": -117.06, "Population": 726.0}, {"index": 15170, "quantile": 0.0, "value": 77100.0, "Latitude": 33.01, "Longitude": -117.07, "Population": 588.0}, {"index": 15170, "quantile": 0.25, "value": 169400.0, "Latitude": 33.01, "Longitude": -117.07, "Population": 588.0}, {"index": 15170, "quantile": 0.5, "value": 169400.0, "Latitude": 33.01, "Longitude": -117.07, "Population": 588.0}, {"index": 15170, "quantile": 0.75, "value": 169400.0, "Latitude": 33.01, "Longitude": -117.07, "Population": 588.0}, {"index": 15170, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.01, "Longitude": -117.07, "Population": 588.0}, {"index": 15171, "quantile": 0.0, "value": 81000.0, "Latitude": 33.02, "Longitude": -117.07, "Population": 715.0}, {"index": 15171, "quantile": 0.25, "value": 148200.0, "Latitude": 33.02, "Longitude": -117.07, "Population": 715.0}, {"index": 15171, "quantile": 0.5, "value": 148200.0, "Latitude": 33.02, "Longitude": -117.07, "Population": 715.0}, {"index": 15171, "quantile": 0.75, "value": 148200.0, "Latitude": 33.02, "Longitude": -117.07, "Population": 715.0}, {"index": 15171, "quantile": 1.0, "value": 248100.0, "Latitude": 33.02, "Longitude": -117.07, "Population": 715.0}, {"index": 15172, "quantile": 0.0, "value": 102800.0, "Latitude": 33.04, "Longitude": -117.06, "Population": 667.0}, {"index": 15172, "quantile": 0.25, "value": 278000.0, "Latitude": 33.04, "Longitude": -117.06, "Population": 667.0}, {"index": 15172, "quantile": 0.5, "value": 278000.0, "Latitude": 33.04, "Longitude": -117.06, "Population": 667.0}, {"index": 15172, "quantile": 0.75, "value": 278000.0, "Latitude": 33.04, "Longitude": -117.06, "Population": 667.0}, {"index": 15172, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.04, "Longitude": -117.06, "Population": 667.0}, {"index": 15173, "quantile": 0.0, "value": 204800.0, "Latitude": 33.03, "Longitude": -117.06, "Population": 678.0}, {"index": 15173, "quantile": 0.25, "value": 265400.0, "Latitude": 33.03, "Longitude": -117.06, "Population": 678.0}, {"index": 15173, "quantile": 0.5, "value": 265400.0, "Latitude": 33.03, "Longitude": -117.06, "Population": 678.0}, {"index": 15173, "quantile": 0.75, "value": 265400.0, "Latitude": 33.03, "Longitude": -117.06, "Population": 678.0}, {"index": 15173, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.03, "Longitude": -117.06, "Population": 678.0}, {"index": 15174, "quantile": 0.0, "value": 147800.0, "Latitude": 33.03, "Longitude": -117.07, "Population": 2026.0}, {"index": 15174, "quantile": 0.25, "value": 268500.0, "Latitude": 33.03, "Longitude": -117.07, "Population": 2026.0}, {"index": 15174, "quantile": 0.5, "value": 268500.0, "Latitude": 33.03, "Longitude": -117.07, "Population": 2026.0}, {"index": 15174, "quantile": 0.75, "value": 268500.0, "Latitude": 33.03, "Longitude": -117.07, "Population": 2026.0}, {"index": 15174, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.03, "Longitude": -117.07, "Population": 2026.0}, {"index": 15175, "quantile": 0.0, "value": 147800.0, "Latitude": 33.03, "Longitude": -117.07, "Population": 361.0}, {"index": 15175, "quantile": 0.25, "value": 296200.0, "Latitude": 33.03, "Longitude": -117.07, "Population": 361.0}, {"index": 15175, "quantile": 0.5, "value": 328200.0, "Latitude": 33.03, "Longitude": -117.07, "Population": 361.0}, {"index": 15175, "quantile": 0.75, "value": 328200.0, "Latitude": 33.03, "Longitude": -117.07, "Population": 361.0}, {"index": 15175, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.03, "Longitude": -117.07, "Population": 361.0}, {"index": 15176, "quantile": 0.0, "value": 160600.0, "Latitude": 33.03, "Longitude": -117.08, "Population": 818.0}, {"index": 15176, "quantile": 0.25, "value": 160600.0, "Latitude": 33.03, "Longitude": -117.08, "Population": 818.0}, {"index": 15176, "quantile": 0.5, "value": 160600.0, "Latitude": 33.03, "Longitude": -117.08, "Population": 818.0}, {"index": 15176, "quantile": 0.75, "value": 224200.0, "Latitude": 33.03, "Longitude": -117.08, "Population": 818.0}, {"index": 15176, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.03, "Longitude": -117.08, "Population": 818.0}, {"index": 15177, "quantile": 0.0, "value": 99100.0, "Latitude": 33.04, "Longitude": -117.07, "Population": 926.0}, {"index": 15177, "quantile": 0.25, "value": 190950.0, "Latitude": 33.04, "Longitude": -117.07, "Population": 926.0}, {"index": 15177, "quantile": 0.5, "value": 210100.0, "Latitude": 33.04, "Longitude": -117.07, "Population": 926.0}, {"index": 15177, "quantile": 0.75, "value": 210100.0, "Latitude": 33.04, "Longitude": -117.07, "Population": 926.0}, {"index": 15177, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.04, "Longitude": -117.07, "Population": 926.0}, {"index": 15178, "quantile": 0.0, "value": 72100.0, "Latitude": 33.03, "Longitude": -117.08, "Population": 1283.0}, {"index": 15178, "quantile": 0.25, "value": 137900.0, "Latitude": 33.03, "Longitude": -117.08, "Population": 1283.0}, {"index": 15178, "quantile": 0.5, "value": 137900.0, "Latitude": 33.03, "Longitude": -117.08, "Population": 1283.0}, {"index": 15178, "quantile": 0.75, "value": 137900.0, "Latitude": 33.03, "Longitude": -117.08, "Population": 1283.0}, {"index": 15178, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.03, "Longitude": -117.08, "Population": 1283.0}, {"index": 15179, "quantile": 0.0, "value": 155000.0, "Latitude": 33.03, "Longitude": -117.08, "Population": 463.0}, {"index": 15179, "quantile": 0.25, "value": 229300.00000000003, "Latitude": 33.03, "Longitude": -117.08, "Population": 463.0}, {"index": 15179, "quantile": 0.5, "value": 229300.00000000003, "Latitude": 33.03, "Longitude": -117.08, "Population": 463.0}, {"index": 15179, "quantile": 0.75, "value": 229300.00000000003, "Latitude": 33.03, "Longitude": -117.08, "Population": 463.0}, {"index": 15179, "quantile": 1.0, "value": 411300.00000000006, "Latitude": 33.03, "Longitude": -117.08, "Population": 463.0}, {"index": 15180, "quantile": 0.0, "value": 128600.0, "Latitude": 33.03, "Longitude": -117.08, "Population": 761.0}, {"index": 15180, "quantile": 0.25, "value": 137200.0, "Latitude": 33.03, "Longitude": -117.08, "Population": 761.0}, {"index": 15180, "quantile": 0.5, "value": 137200.0, "Latitude": 33.03, "Longitude": -117.08, "Population": 761.0}, {"index": 15180, "quantile": 0.75, "value": 190850.0, "Latitude": 33.03, "Longitude": -117.08, "Population": 761.0}, {"index": 15180, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.03, "Longitude": -117.08, "Population": 761.0}, {"index": 15181, "quantile": 0.0, "value": 192900.0, "Latitude": 33.03, "Longitude": -117.09, "Population": 1228.0}, {"index": 15181, "quantile": 0.25, "value": 248400.0, "Latitude": 33.03, "Longitude": -117.09, "Population": 1228.0}, {"index": 15181, "quantile": 0.5, "value": 264100.0, "Latitude": 33.03, "Longitude": -117.09, "Population": 1228.0}, {"index": 15181, "quantile": 0.75, "value": 285200.0, "Latitude": 33.03, "Longitude": -117.09, "Population": 1228.0}, {"index": 15181, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.03, "Longitude": -117.09, "Population": 1228.0}, {"index": 15182, "quantile": 0.0, "value": 159300.0, "Latitude": 33.04, "Longitude": -117.08, "Population": 1193.0}, {"index": 15182, "quantile": 0.25, "value": 255324.99999999997, "Latitude": 33.04, "Longitude": -117.08, "Population": 1193.0}, {"index": 15182, "quantile": 0.5, "value": 264100.0, "Latitude": 33.04, "Longitude": -117.08, "Population": 1193.0}, {"index": 15182, "quantile": 0.75, "value": 264100.0, "Latitude": 33.04, "Longitude": -117.08, "Population": 1193.0}, {"index": 15182, "quantile": 1.0, "value": 346900.0, "Latitude": 33.04, "Longitude": -117.08, "Population": 1193.0}, {"index": 15183, "quantile": 0.0, "value": 171900.0, "Latitude": 33.02, "Longitude": -117.15, "Population": 5613.0}, {"index": 15183, "quantile": 0.25, "value": 348299.99999999994, "Latitude": 33.02, "Longitude": -117.15, "Population": 5613.0}, {"index": 15183, "quantile": 0.5, "value": 450399.99999999994, "Latitude": 33.02, "Longitude": -117.15, "Population": 5613.0}, {"index": 15183, "quantile": 0.75, "value": 450399.99999999994, "Latitude": 33.02, "Longitude": -117.15, "Population": 5613.0}, {"index": 15183, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.02, "Longitude": -117.15, "Population": 5613.0}, {"index": 15184, "quantile": 0.0, "value": 67500.0, "Latitude": 32.97, "Longitude": -117.1, "Population": 2098.0}, {"index": 15184, "quantile": 0.25, "value": 85800.0, "Latitude": 32.97, "Longitude": -117.1, "Population": 2098.0}, {"index": 15184, "quantile": 0.5, "value": 85800.0, "Latitude": 32.97, "Longitude": -117.1, "Population": 2098.0}, {"index": 15184, "quantile": 0.75, "value": 111400.00000000001, "Latitude": 32.97, "Longitude": -117.1, "Population": 2098.0}, {"index": 15184, "quantile": 1.0, "value": 268800.0, "Latitude": 32.97, "Longitude": -117.1, "Population": 2098.0}, {"index": 15185, "quantile": 0.0, "value": 116300.0, "Latitude": 32.96, "Longitude": -117.1, "Population": 1134.0}, {"index": 15185, "quantile": 0.25, "value": 190950.0, "Latitude": 32.96, "Longitude": -117.1, "Population": 1134.0}, {"index": 15185, "quantile": 0.5, "value": 225599.99999999997, "Latitude": 32.96, "Longitude": -117.1, "Population": 1134.0}, {"index": 15185, "quantile": 0.75, "value": 259200.0, "Latitude": 32.96, "Longitude": -117.1, "Population": 1134.0}, {"index": 15185, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.96, "Longitude": -117.1, "Population": 1134.0}, {"index": 15186, "quantile": 0.0, "value": 142500.0, "Latitude": 33.05, "Longitude": -117.05, "Population": 2741.0}, {"index": 15186, "quantile": 0.25, "value": 278600.0, "Latitude": 33.05, "Longitude": -117.05, "Population": 2741.0}, {"index": 15186, "quantile": 0.5, "value": 278600.0, "Latitude": 33.05, "Longitude": -117.05, "Population": 2741.0}, {"index": 15186, "quantile": 0.75, "value": 278600.0, "Latitude": 33.05, "Longitude": -117.05, "Population": 2741.0}, {"index": 15186, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.05, "Longitude": -117.05, "Population": 2741.0}, {"index": 15187, "quantile": 0.0, "value": 144100.0, "Latitude": 33.04, "Longitude": -117.05, "Population": 580.0}, {"index": 15187, "quantile": 0.25, "value": 278925.0, "Latitude": 33.04, "Longitude": -117.05, "Population": 580.0}, {"index": 15187, "quantile": 0.5, "value": 322500.0, "Latitude": 33.04, "Longitude": -117.05, "Population": 580.0}, {"index": 15187, "quantile": 0.75, "value": 345500.0, "Latitude": 33.04, "Longitude": -117.05, "Population": 580.0}, {"index": 15187, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.04, "Longitude": -117.05, "Population": 580.0}, {"index": 15188, "quantile": 0.0, "value": 124200.0, "Latitude": 33.03, "Longitude": -117.05, "Population": 1639.0}, {"index": 15188, "quantile": 0.25, "value": 209200.0, "Latitude": 33.03, "Longitude": -117.05, "Population": 1639.0}, {"index": 15188, "quantile": 0.5, "value": 222200.0, "Latitude": 33.03, "Longitude": -117.05, "Population": 1639.0}, {"index": 15188, "quantile": 0.75, "value": 222200.0, "Latitude": 33.03, "Longitude": -117.05, "Population": 1639.0}, {"index": 15188, "quantile": 1.0, "value": 454100.00000000006, "Latitude": 33.03, "Longitude": -117.05, "Population": 1639.0}, {"index": 15189, "quantile": 0.0, "value": 47500.0, "Latitude": 33.03, "Longitude": -117.05, "Population": 32.0}, {"index": 15189, "quantile": 0.25, "value": 148400.0, "Latitude": 33.03, "Longitude": -117.05, "Population": 32.0}, {"index": 15189, "quantile": 0.5, "value": 180100.0, "Latitude": 33.03, "Longitude": -117.05, "Population": 32.0}, {"index": 15189, "quantile": 0.75, "value": 222200.0, "Latitude": 33.03, "Longitude": -117.05, "Population": 32.0}, {"index": 15189, "quantile": 1.0, "value": 450000.0, "Latitude": 33.03, "Longitude": -117.05, "Population": 32.0}, {"index": 15190, "quantile": 0.0, "value": 167700.0, "Latitude": 33.02, "Longitude": -117.06, "Population": 994.0}, {"index": 15190, "quantile": 0.25, "value": 261500.00000000003, "Latitude": 33.02, "Longitude": -117.06, "Population": 994.0}, {"index": 15190, "quantile": 0.5, "value": 261500.00000000003, "Latitude": 33.02, "Longitude": -117.06, "Population": 994.0}, {"index": 15190, "quantile": 0.75, "value": 261500.00000000003, "Latitude": 33.02, "Longitude": -117.06, "Population": 994.0}, {"index": 15190, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.02, "Longitude": -117.06, "Population": 994.0}, {"index": 15191, "quantile": 0.0, "value": 155000.0, "Latitude": 33.02, "Longitude": -117.05, "Population": 388.0}, {"index": 15191, "quantile": 0.25, "value": 229300.00000000003, "Latitude": 33.02, "Longitude": -117.05, "Population": 388.0}, {"index": 15191, "quantile": 0.5, "value": 254650.0, "Latitude": 33.02, "Longitude": -117.05, "Population": 388.0}, {"index": 15191, "quantile": 0.75, "value": 281700.0, "Latitude": 33.02, "Longitude": -117.05, "Population": 388.0}, {"index": 15191, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.02, "Longitude": -117.05, "Population": 388.0}, {"index": 15192, "quantile": 0.0, "value": 194100.0, "Latitude": 33.04, "Longitude": -117.01, "Population": 1643.0}, {"index": 15192, "quantile": 0.25, "value": 360450.0, "Latitude": 33.04, "Longitude": -117.01, "Population": 1643.0}, {"index": 15192, "quantile": 0.5, "value": 362300.0, "Latitude": 33.04, "Longitude": -117.01, "Population": 1643.0}, {"index": 15192, "quantile": 0.75, "value": 362300.0, "Latitude": 33.04, "Longitude": -117.01, "Population": 1643.0}, {"index": 15192, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.04, "Longitude": -117.01, "Population": 1643.0}, {"index": 15193, "quantile": 0.0, "value": 177400.0, "Latitude": 33.03, "Longitude": -117.04, "Population": 1083.0}, {"index": 15193, "quantile": 0.25, "value": 296200.0, "Latitude": 33.03, "Longitude": -117.04, "Population": 1083.0}, {"index": 15193, "quantile": 0.5, "value": 296200.0, "Latitude": 33.03, "Longitude": -117.04, "Population": 1083.0}, {"index": 15193, "quantile": 0.75, "value": 296200.0, "Latitude": 33.03, "Longitude": -117.04, "Population": 1083.0}, {"index": 15193, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.03, "Longitude": -117.04, "Population": 1083.0}, {"index": 15194, "quantile": 0.0, "value": 193500.0, "Latitude": 32.99, "Longitude": -117.01, "Population": 1536.0}, {"index": 15194, "quantile": 0.25, "value": 362600.00000000006, "Latitude": 32.99, "Longitude": -117.01, "Population": 1536.0}, {"index": 15194, "quantile": 0.5, "value": 378300.0, "Latitude": 32.99, "Longitude": -117.01, "Population": 1536.0}, {"index": 15194, "quantile": 0.75, "value": 378300.0, "Latitude": 32.99, "Longitude": -117.01, "Population": 1536.0}, {"index": 15194, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.99, "Longitude": -117.01, "Population": 1536.0}, {"index": 15195, "quantile": 0.0, "value": 171900.0, "Latitude": 33.01, "Longitude": -116.99, "Population": 529.0}, {"index": 15195, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.01, "Longitude": -116.99, "Population": 529.0}, {"index": 15195, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.01, "Longitude": -116.99, "Population": 529.0}, {"index": 15195, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.01, "Longitude": -116.99, "Population": 529.0}, {"index": 15195, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.01, "Longitude": -116.99, "Population": 529.0}, {"index": 15196, "quantile": 0.0, "value": 182400.0, "Latitude": 32.91, "Longitude": -117.09, "Population": 802.0}, {"index": 15196, "quantile": 0.25, "value": 255700.0, "Latitude": 32.91, "Longitude": -117.09, "Population": 802.0}, {"index": 15196, "quantile": 0.5, "value": 255700.0, "Latitude": 32.91, "Longitude": -117.09, "Population": 802.0}, {"index": 15196, "quantile": 0.75, "value": 268700.0, "Latitude": 32.91, "Longitude": -117.09, "Population": 802.0}, {"index": 15196, "quantile": 1.0, "value": 406200.0, "Latitude": 32.91, "Longitude": -117.09, "Population": 802.0}, {"index": 15197, "quantile": 0.0, "value": 240200.0, "Latitude": 32.91, "Longitude": -117.09, "Population": 827.0}, {"index": 15197, "quantile": 0.25, "value": 282200.0, "Latitude": 32.91, "Longitude": -117.09, "Population": 827.0}, {"index": 15197, "quantile": 0.5, "value": 282200.0, "Latitude": 32.91, "Longitude": -117.09, "Population": 827.0}, {"index": 15197, "quantile": 0.75, "value": 282200.0, "Latitude": 32.91, "Longitude": -117.09, "Population": 827.0}, {"index": 15197, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.91, "Longitude": -117.09, "Population": 827.0}, {"index": 15198, "quantile": 0.0, "value": 115700.0, "Latitude": 32.9, "Longitude": -117.09, "Population": 814.0}, {"index": 15198, "quantile": 0.25, "value": 255100.00000000003, "Latitude": 32.9, "Longitude": -117.09, "Population": 814.0}, {"index": 15198, "quantile": 0.5, "value": 255100.00000000003, "Latitude": 32.9, "Longitude": -117.09, "Population": 814.0}, {"index": 15198, "quantile": 0.75, "value": 255100.00000000003, "Latitude": 32.9, "Longitude": -117.09, "Population": 814.0}, {"index": 15198, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 32.9, "Longitude": -117.09, "Population": 814.0}, {"index": 15199, "quantile": 0.0, "value": 87500.0, "Latitude": 32.9, "Longitude": -117.1, "Population": 1047.0}, {"index": 15199, "quantile": 0.25, "value": 184300.0, "Latitude": 32.9, "Longitude": -117.1, "Population": 1047.0}, {"index": 15199, "quantile": 0.5, "value": 184300.0, "Latitude": 32.9, "Longitude": -117.1, "Population": 1047.0}, {"index": 15199, "quantile": 0.75, "value": 244350.00000000003, "Latitude": 32.9, "Longitude": -117.1, "Population": 1047.0}, {"index": 15199, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.9, "Longitude": -117.1, "Population": 1047.0}, {"index": 15200, "quantile": 0.0, "value": 87500.0, "Latitude": 32.9, "Longitude": -117.11, "Population": 705.0}, {"index": 15200, "quantile": 0.25, "value": 161500.0, "Latitude": 32.9, "Longitude": -117.11, "Population": 705.0}, {"index": 15200, "quantile": 0.5, "value": 161500.0, "Latitude": 32.9, "Longitude": -117.11, "Population": 705.0}, {"index": 15200, "quantile": 0.75, "value": 161500.0, "Latitude": 32.9, "Longitude": -117.11, "Population": 705.0}, {"index": 15200, "quantile": 1.0, "value": 357100.0, "Latitude": 32.9, "Longitude": -117.11, "Population": 705.0}, {"index": 15201, "quantile": 0.0, "value": 173200.0, "Latitude": 32.91, "Longitude": -117.11, "Population": 855.0}, {"index": 15201, "quantile": 0.25, "value": 293400.0, "Latitude": 32.91, "Longitude": -117.11, "Population": 855.0}, {"index": 15201, "quantile": 0.5, "value": 310600.0, "Latitude": 32.91, "Longitude": -117.11, "Population": 855.0}, {"index": 15201, "quantile": 0.75, "value": 310600.0, "Latitude": 32.91, "Longitude": -117.11, "Population": 855.0}, {"index": 15201, "quantile": 1.0, "value": 474000.0, "Latitude": 32.91, "Longitude": -117.11, "Population": 855.0}, {"index": 15202, "quantile": 0.0, "value": 218100.0, "Latitude": 32.91, "Longitude": -117.08, "Population": 690.0}, {"index": 15202, "quantile": 0.25, "value": 248400.0, "Latitude": 32.91, "Longitude": -117.08, "Population": 690.0}, {"index": 15202, "quantile": 0.5, "value": 248400.0, "Latitude": 32.91, "Longitude": -117.08, "Population": 690.0}, {"index": 15202, "quantile": 0.75, "value": 264100.0, "Latitude": 32.91, "Longitude": -117.08, "Population": 690.0}, {"index": 15202, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.91, "Longitude": -117.08, "Population": 690.0}, {"index": 15203, "quantile": 0.0, "value": 177400.0, "Latitude": 32.93, "Longitude": -117.08, "Population": 6600.0}, {"index": 15203, "quantile": 0.25, "value": 270200.0, "Latitude": 32.93, "Longitude": -117.08, "Population": 6600.0}, {"index": 15203, "quantile": 0.5, "value": 308300.0, "Latitude": 32.93, "Longitude": -117.08, "Population": 6600.0}, {"index": 15203, "quantile": 0.75, "value": 308300.0, "Latitude": 32.93, "Longitude": -117.08, "Population": 6600.0}, {"index": 15203, "quantile": 1.0, "value": 411300.00000000006, "Latitude": 32.93, "Longitude": -117.08, "Population": 6600.0}, {"index": 15204, "quantile": 0.0, "value": 171900.0, "Latitude": 32.91, "Longitude": -117.08, "Population": 683.0}, {"index": 15204, "quantile": 0.25, "value": 327175.0, "Latitude": 32.91, "Longitude": -117.08, "Population": 683.0}, {"index": 15204, "quantile": 0.5, "value": 327900.0, "Latitude": 32.91, "Longitude": -117.08, "Population": 683.0}, {"index": 15204, "quantile": 0.75, "value": 327900.0, "Latitude": 32.91, "Longitude": -117.08, "Population": 683.0}, {"index": 15204, "quantile": 1.0, "value": 423200.0, "Latitude": 32.91, "Longitude": -117.08, "Population": 683.0}, {"index": 15205, "quantile": 0.0, "value": 128600.0, "Latitude": 33.01, "Longitude": -117.07, "Population": 1917.0}, {"index": 15205, "quantile": 0.25, "value": 278600.0, "Latitude": 33.01, "Longitude": -117.07, "Population": 1917.0}, {"index": 15205, "quantile": 0.5, "value": 294100.0, "Latitude": 33.01, "Longitude": -117.07, "Population": 1917.0}, {"index": 15205, "quantile": 0.75, "value": 294100.0, "Latitude": 33.01, "Longitude": -117.07, "Population": 1917.0}, {"index": 15205, "quantile": 1.0, "value": 485300.0, "Latitude": 33.01, "Longitude": -117.07, "Population": 1917.0}, {"index": 15206, "quantile": 0.0, "value": 87500.0, "Latitude": 33.01, "Longitude": -117.06, "Population": 904.0}, {"index": 15206, "quantile": 0.25, "value": 209200.0, "Latitude": 33.01, "Longitude": -117.06, "Population": 904.0}, {"index": 15206, "quantile": 0.5, "value": 209200.0, "Latitude": 33.01, "Longitude": -117.06, "Population": 904.0}, {"index": 15206, "quantile": 0.75, "value": 209200.0, "Latitude": 33.01, "Longitude": -117.06, "Population": 904.0}, {"index": 15206, "quantile": 1.0, "value": 281600.0, "Latitude": 33.01, "Longitude": -117.06, "Population": 904.0}, {"index": 15207, "quantile": 0.0, "value": 124200.0, "Latitude": 33.0, "Longitude": -117.07, "Population": 2211.0}, {"index": 15207, "quantile": 0.25, "value": 237500.0, "Latitude": 33.0, "Longitude": -117.07, "Population": 2211.0}, {"index": 15207, "quantile": 0.5, "value": 281600.0, "Latitude": 33.0, "Longitude": -117.07, "Population": 2211.0}, {"index": 15207, "quantile": 0.75, "value": 281600.0, "Latitude": 33.0, "Longitude": -117.07, "Population": 2211.0}, {"index": 15207, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 33.0, "Longitude": -117.07, "Population": 2211.0}, {"index": 15208, "quantile": 0.0, "value": 150300.0, "Latitude": 33.0, "Longitude": -117.07, "Population": 3775.0}, {"index": 15208, "quantile": 0.25, "value": 241500.0, "Latitude": 33.0, "Longitude": -117.07, "Population": 3775.0}, {"index": 15208, "quantile": 0.5, "value": 241500.0, "Latitude": 33.0, "Longitude": -117.07, "Population": 3775.0}, {"index": 15208, "quantile": 0.75, "value": 260449.99999999997, "Latitude": 33.0, "Longitude": -117.07, "Population": 3775.0}, {"index": 15208, "quantile": 1.0, "value": 376700.0, "Latitude": 33.0, "Longitude": -117.07, "Population": 3775.0}, {"index": 15209, "quantile": 0.0, "value": 181300.0, "Latitude": 33.01, "Longitude": -117.08, "Population": 2565.0}, {"index": 15209, "quantile": 0.25, "value": 238700.0, "Latitude": 33.01, "Longitude": -117.08, "Population": 2565.0}, {"index": 15209, "quantile": 0.5, "value": 238700.0, "Latitude": 33.01, "Longitude": -117.08, "Population": 2565.0}, {"index": 15209, "quantile": 0.75, "value": 274600.0, "Latitude": 33.01, "Longitude": -117.08, "Population": 2565.0}, {"index": 15209, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.01, "Longitude": -117.08, "Population": 2565.0}, {"index": 15210, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 32.99, "Longitude": -117.09, "Population": 1037.0}, {"index": 15210, "quantile": 0.25, "value": 157700.0, "Latitude": 32.99, "Longitude": -117.09, "Population": 1037.0}, {"index": 15210, "quantile": 0.5, "value": 171300.0, "Latitude": 32.99, "Longitude": -117.09, "Population": 1037.0}, {"index": 15210, "quantile": 0.75, "value": 211150.00000000003, "Latitude": 32.99, "Longitude": -117.09, "Population": 1037.0}, {"index": 15210, "quantile": 1.0, "value": 376800.0, "Latitude": 32.99, "Longitude": -117.09, "Population": 1037.0}, {"index": 15211, "quantile": 0.0, "value": 111500.0, "Latitude": 32.99, "Longitude": -117.09, "Population": 1618.0}, {"index": 15211, "quantile": 0.25, "value": 210900.0, "Latitude": 32.99, "Longitude": -117.09, "Population": 1618.0}, {"index": 15211, "quantile": 0.5, "value": 216800.00000000003, "Latitude": 32.99, "Longitude": -117.09, "Population": 1618.0}, {"index": 15211, "quantile": 0.75, "value": 216800.00000000003, "Latitude": 32.99, "Longitude": -117.09, "Population": 1618.0}, {"index": 15211, "quantile": 1.0, "value": 249100.0, "Latitude": 32.99, "Longitude": -117.09, "Population": 1618.0}, {"index": 15212, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 32.98, "Longitude": -117.09, "Population": 687.0}, {"index": 15212, "quantile": 0.25, "value": 137925.0, "Latitude": 32.98, "Longitude": -117.09, "Population": 687.0}, {"index": 15212, "quantile": 0.5, "value": 268800.0, "Latitude": 32.98, "Longitude": -117.09, "Population": 687.0}, {"index": 15212, "quantile": 0.75, "value": 268800.0, "Latitude": 32.98, "Longitude": -117.09, "Population": 687.0}, {"index": 15212, "quantile": 1.0, "value": 350000.0, "Latitude": 32.98, "Longitude": -117.09, "Population": 687.0}, {"index": 15213, "quantile": 0.0, "value": 124900.00000000001, "Latitude": 32.96, "Longitude": -117.12, "Population": 1444.0}, {"index": 15213, "quantile": 0.25, "value": 156300.0, "Latitude": 32.96, "Longitude": -117.12, "Population": 1444.0}, {"index": 15213, "quantile": 0.5, "value": 156300.0, "Latitude": 32.96, "Longitude": -117.12, "Population": 1444.0}, {"index": 15213, "quantile": 0.75, "value": 181600.0, "Latitude": 32.96, "Longitude": -117.12, "Population": 1444.0}, {"index": 15213, "quantile": 1.0, "value": 376800.0, "Latitude": 32.96, "Longitude": -117.12, "Population": 1444.0}, {"index": 15214, "quantile": 0.0, "value": 115700.0, "Latitude": 32.97, "Longitude": -117.11, "Population": 850.0}, {"index": 15214, "quantile": 0.25, "value": 263600.0, "Latitude": 32.97, "Longitude": -117.11, "Population": 850.0}, {"index": 15214, "quantile": 0.5, "value": 263600.0, "Latitude": 32.97, "Longitude": -117.11, "Population": 850.0}, {"index": 15214, "quantile": 0.75, "value": 263600.0, "Latitude": 32.97, "Longitude": -117.11, "Population": 850.0}, {"index": 15214, "quantile": 1.0, "value": 335600.0, "Latitude": 32.97, "Longitude": -117.11, "Population": 850.0}, {"index": 15215, "quantile": 0.0, "value": 110100.0, "Latitude": 33.0, "Longitude": -117.1, "Population": 7417.0}, {"index": 15215, "quantile": 0.25, "value": 261100.00000000003, "Latitude": 33.0, "Longitude": -117.1, "Population": 7417.0}, {"index": 15215, "quantile": 0.5, "value": 261100.00000000003, "Latitude": 33.0, "Longitude": -117.1, "Population": 7417.0}, {"index": 15215, "quantile": 0.75, "value": 261100.00000000003, "Latitude": 33.0, "Longitude": -117.1, "Population": 7417.0}, {"index": 15215, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.0, "Longitude": -117.1, "Population": 7417.0}, {"index": 15216, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 32.95, "Longitude": -117.11, "Population": 2223.0}, {"index": 15216, "quantile": 0.25, "value": 208524.99999999997, "Latitude": 32.95, "Longitude": -117.11, "Population": 2223.0}, {"index": 15216, "quantile": 0.5, "value": 231199.99999999997, "Latitude": 32.95, "Longitude": -117.11, "Population": 2223.0}, {"index": 15216, "quantile": 0.75, "value": 263700.0, "Latitude": 32.95, "Longitude": -117.11, "Population": 2223.0}, {"index": 15216, "quantile": 1.0, "value": 340400.0, "Latitude": 32.95, "Longitude": -117.11, "Population": 2223.0}, {"index": 15217, "quantile": 0.0, "value": 115700.0, "Latitude": 32.95, "Longitude": -117.12, "Population": 1723.0}, {"index": 15217, "quantile": 0.25, "value": 218100.0, "Latitude": 32.95, "Longitude": -117.12, "Population": 1723.0}, {"index": 15217, "quantile": 0.5, "value": 218100.0, "Latitude": 32.95, "Longitude": -117.12, "Population": 1723.0}, {"index": 15217, "quantile": 0.75, "value": 250675.00000000003, "Latitude": 32.95, "Longitude": -117.12, "Population": 1723.0}, {"index": 15217, "quantile": 1.0, "value": 406200.0, "Latitude": 32.95, "Longitude": -117.12, "Population": 1723.0}, {"index": 15218, "quantile": 0.0, "value": 153200.0, "Latitude": 32.96, "Longitude": -117.12, "Population": 1526.0}, {"index": 15218, "quantile": 0.25, "value": 238300.0, "Latitude": 32.96, "Longitude": -117.12, "Population": 1526.0}, {"index": 15218, "quantile": 0.5, "value": 238300.0, "Latitude": 32.96, "Longitude": -117.12, "Population": 1526.0}, {"index": 15218, "quantile": 0.75, "value": 238300.0, "Latitude": 32.96, "Longitude": -117.12, "Population": 1526.0}, {"index": 15218, "quantile": 1.0, "value": 321600.0, "Latitude": 32.96, "Longitude": -117.12, "Population": 1526.0}, {"index": 15219, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 32.95, "Longitude": -117.12, "Population": 4438.0}, {"index": 15219, "quantile": 0.25, "value": 229700.00000000003, "Latitude": 32.95, "Longitude": -117.12, "Population": 4438.0}, {"index": 15219, "quantile": 0.5, "value": 263700.0, "Latitude": 32.95, "Longitude": -117.12, "Population": 4438.0}, {"index": 15219, "quantile": 0.75, "value": 263700.0, "Latitude": 32.95, "Longitude": -117.12, "Population": 4438.0}, {"index": 15219, "quantile": 1.0, "value": 264000.0, "Latitude": 32.95, "Longitude": -117.12, "Population": 4438.0}, {"index": 15220, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 32.97, "Longitude": -117.08, "Population": 7644.0}, {"index": 15220, "quantile": 0.25, "value": 229000.0, "Latitude": 32.97, "Longitude": -117.08, "Population": 7644.0}, {"index": 15220, "quantile": 0.5, "value": 277400.0, "Latitude": 32.97, "Longitude": -117.08, "Population": 7644.0}, {"index": 15220, "quantile": 0.75, "value": 289675.0, "Latitude": 32.97, "Longitude": -117.08, "Population": 7644.0}, {"index": 15220, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.97, "Longitude": -117.08, "Population": 7644.0}, {"index": 15221, "quantile": 0.0, "value": 122100.00000000001, "Latitude": 32.97, "Longitude": -117.06, "Population": 2412.0}, {"index": 15221, "quantile": 0.25, "value": 188425.0, "Latitude": 32.97, "Longitude": -117.06, "Population": 2412.0}, {"index": 15221, "quantile": 0.5, "value": 192300.0, "Latitude": 32.97, "Longitude": -117.06, "Population": 2412.0}, {"index": 15221, "quantile": 0.75, "value": 192300.0, "Latitude": 32.97, "Longitude": -117.06, "Population": 2412.0}, {"index": 15221, "quantile": 1.0, "value": 291500.0, "Latitude": 32.97, "Longitude": -117.06, "Population": 2412.0}, {"index": 15222, "quantile": 0.0, "value": 159300.0, "Latitude": 33.06, "Longitude": -117.25, "Population": 4194.0}, {"index": 15222, "quantile": 0.25, "value": 296200.0, "Latitude": 33.06, "Longitude": -117.25, "Population": 4194.0}, {"index": 15222, "quantile": 0.5, "value": 296200.0, "Latitude": 33.06, "Longitude": -117.25, "Population": 4194.0}, {"index": 15222, "quantile": 0.75, "value": 296200.0, "Latitude": 33.06, "Longitude": -117.25, "Population": 4194.0}, {"index": 15222, "quantile": 1.0, "value": 411300.00000000006, "Latitude": 33.06, "Longitude": -117.25, "Population": 4194.0}, {"index": 15223, "quantile": 0.0, "value": 123100.00000000001, "Latitude": 33.05, "Longitude": -117.25, "Population": 1387.0}, {"index": 15223, "quantile": 0.25, "value": 213400.0, "Latitude": 33.05, "Longitude": -117.25, "Population": 1387.0}, {"index": 15223, "quantile": 0.5, "value": 213400.0, "Latitude": 33.05, "Longitude": -117.25, "Population": 1387.0}, {"index": 15223, "quantile": 0.75, "value": 213400.0, "Latitude": 33.05, "Longitude": -117.25, "Population": 1387.0}, {"index": 15223, "quantile": 1.0, "value": 257300.0, "Latitude": 33.05, "Longitude": -117.25, "Population": 1387.0}, {"index": 15224, "quantile": 0.0, "value": 102800.0, "Latitude": 33.05, "Longitude": -117.26, "Population": 1057.0}, {"index": 15224, "quantile": 0.25, "value": 242450.0, "Latitude": 33.05, "Longitude": -117.26, "Population": 1057.0}, {"index": 15224, "quantile": 0.5, "value": 257950.00000000003, "Latitude": 33.05, "Longitude": -117.26, "Population": 1057.0}, {"index": 15224, "quantile": 0.75, "value": 279200.0, "Latitude": 33.05, "Longitude": -117.26, "Population": 1057.0}, {"index": 15224, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.05, "Longitude": -117.26, "Population": 1057.0}, {"index": 15225, "quantile": 0.0, "value": 237400.0, "Latitude": 33.06, "Longitude": -117.26, "Population": 1226.0}, {"index": 15225, "quantile": 0.25, "value": 319800.0, "Latitude": 33.06, "Longitude": -117.26, "Population": 1226.0}, {"index": 15225, "quantile": 0.5, "value": 319800.0, "Latitude": 33.06, "Longitude": -117.26, "Population": 1226.0}, {"index": 15225, "quantile": 0.75, "value": 319800.0, "Latitude": 33.06, "Longitude": -117.26, "Population": 1226.0}, {"index": 15225, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.06, "Longitude": -117.26, "Population": 1226.0}, {"index": 15226, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 33.05, "Longitude": -117.24, "Population": 1559.0}, {"index": 15226, "quantile": 0.25, "value": 175075.0, "Latitude": 33.05, "Longitude": -117.24, "Population": 1559.0}, {"index": 15226, "quantile": 0.5, "value": 215000.0, "Latitude": 33.05, "Longitude": -117.24, "Population": 1559.0}, {"index": 15226, "quantile": 0.75, "value": 241699.99999999997, "Latitude": 33.05, "Longitude": -117.24, "Population": 1559.0}, {"index": 15226, "quantile": 1.0, "value": 325700.0, "Latitude": 33.05, "Longitude": -117.24, "Population": 1559.0}, {"index": 15227, "quantile": 0.0, "value": 159300.0, "Latitude": 33.05, "Longitude": -117.24, "Population": 2588.0}, {"index": 15227, "quantile": 0.25, "value": 284375.0, "Latitude": 33.05, "Longitude": -117.24, "Population": 2588.0}, {"index": 15227, "quantile": 0.5, "value": 344200.0, "Latitude": 33.05, "Longitude": -117.24, "Population": 2588.0}, {"index": 15227, "quantile": 0.75, "value": 344200.0, "Latitude": 33.05, "Longitude": -117.24, "Population": 2588.0}, {"index": 15227, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.05, "Longitude": -117.24, "Population": 2588.0}, {"index": 15228, "quantile": 0.0, "value": 181300.0, "Latitude": 33.07, "Longitude": -117.2, "Population": 4496.0}, {"index": 15228, "quantile": 0.25, "value": 264050.00000000006, "Latitude": 33.07, "Longitude": -117.2, "Population": 4496.0}, {"index": 15228, "quantile": 0.5, "value": 411300.00000000006, "Latitude": 33.07, "Longitude": -117.2, "Population": 4496.0}, {"index": 15228, "quantile": 0.75, "value": 411300.00000000006, "Latitude": 33.07, "Longitude": -117.2, "Population": 4496.0}, {"index": 15228, "quantile": 1.0, "value": 429000.0, "Latitude": 33.07, "Longitude": -117.2, "Population": 4496.0}, {"index": 15229, "quantile": 0.0, "value": 173900.0, "Latitude": 33.06, "Longitude": -117.16, "Population": 770.0}, {"index": 15229, "quantile": 0.25, "value": 285475.0, "Latitude": 33.06, "Longitude": -117.16, "Population": 770.0}, {"index": 15229, "quantile": 0.5, "value": 404500.0, "Latitude": 33.06, "Longitude": -117.16, "Population": 770.0}, {"index": 15229, "quantile": 0.75, "value": 404500.0, "Latitude": 33.06, "Longitude": -117.16, "Population": 770.0}, {"index": 15229, "quantile": 1.0, "value": 404500.0, "Latitude": 33.06, "Longitude": -117.16, "Population": 770.0}, {"index": 15230, "quantile": 0.0, "value": 381800.0, "Latitude": 33.03, "Longitude": -117.21, "Population": 1020.0}, {"index": 15230, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.03, "Longitude": -117.21, "Population": 1020.0}, {"index": 15230, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.03, "Longitude": -117.21, "Population": 1020.0}, {"index": 15230, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.03, "Longitude": -117.21, "Population": 1020.0}, {"index": 15230, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.03, "Longitude": -117.21, "Population": 1020.0}, {"index": 15231, "quantile": 0.0, "value": 345900.0, "Latitude": 33.02, "Longitude": -117.18, "Population": 1364.0}, {"index": 15231, "quantile": 0.25, "value": 487150.0, "Latitude": 33.02, "Longitude": -117.18, "Population": 1364.0}, {"index": 15231, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.02, "Longitude": -117.18, "Population": 1364.0}, {"index": 15231, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.02, "Longitude": -117.18, "Population": 1364.0}, {"index": 15231, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.02, "Longitude": -117.18, "Population": 1364.0}, {"index": 15232, "quantile": 0.0, "value": 381800.0, "Latitude": 33.02, "Longitude": -117.21, "Population": 1032.0}, {"index": 15232, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.02, "Longitude": -117.21, "Population": 1032.0}, {"index": 15232, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.02, "Longitude": -117.21, "Population": 1032.0}, {"index": 15232, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.02, "Longitude": -117.21, "Population": 1032.0}, {"index": 15232, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.02, "Longitude": -117.21, "Population": 1032.0}, {"index": 15233, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 33.01, "Longitude": -117.23, "Population": 1541.0}, {"index": 15233, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 33.01, "Longitude": -117.23, "Population": 1541.0}, {"index": 15233, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.01, "Longitude": -117.23, "Population": 1541.0}, {"index": 15233, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.01, "Longitude": -117.23, "Population": 1541.0}, {"index": 15233, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.01, "Longitude": -117.23, "Population": 1541.0}, {"index": 15234, "quantile": 0.0, "value": 239100.0, "Latitude": 32.97, "Longitude": -117.26, "Population": 1088.0}, {"index": 15234, "quantile": 0.25, "value": 473675.00000000006, "Latitude": 32.97, "Longitude": -117.26, "Population": 1088.0}, {"index": 15234, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.97, "Longitude": -117.26, "Population": 1088.0}, {"index": 15234, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.97, "Longitude": -117.26, "Population": 1088.0}, {"index": 15234, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.97, "Longitude": -117.26, "Population": 1088.0}, {"index": 15235, "quantile": 0.0, "value": 381800.0, "Latitude": 32.96, "Longitude": -117.26, "Population": 710.0}, {"index": 15235, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 32.96, "Longitude": -117.26, "Population": 710.0}, {"index": 15235, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.96, "Longitude": -117.26, "Population": 710.0}, {"index": 15235, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.96, "Longitude": -117.26, "Population": 710.0}, {"index": 15235, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.96, "Longitude": -117.26, "Population": 710.0}, {"index": 15236, "quantile": 0.0, "value": 158200.0, "Latitude": 32.95, "Longitude": -117.26, "Population": 650.0}, {"index": 15236, "quantile": 0.25, "value": 328975.0, "Latitude": 32.95, "Longitude": -117.26, "Population": 650.0}, {"index": 15236, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.95, "Longitude": -117.26, "Population": 650.0}, {"index": 15236, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.95, "Longitude": -117.26, "Population": 650.0}, {"index": 15236, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.95, "Longitude": -117.26, "Population": 650.0}, {"index": 15237, "quantile": 0.0, "value": 249400.00000000003, "Latitude": 32.95, "Longitude": -117.26, "Population": 1947.0}, {"index": 15237, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 32.95, "Longitude": -117.26, "Population": 1947.0}, {"index": 15237, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.95, "Longitude": -117.26, "Population": 1947.0}, {"index": 15237, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.95, "Longitude": -117.26, "Population": 1947.0}, {"index": 15237, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.95, "Longitude": -117.26, "Population": 1947.0}, {"index": 15238, "quantile": 0.0, "value": 108000.0, "Latitude": 32.96, "Longitude": -117.3, "Population": 380.0}, {"index": 15238, "quantile": 0.25, "value": 199600.0, "Latitude": 32.96, "Longitude": -117.3, "Population": 380.0}, {"index": 15238, "quantile": 0.5, "value": 244800.0, "Latitude": 32.96, "Longitude": -117.3, "Population": 380.0}, {"index": 15238, "quantile": 0.75, "value": 314100.0, "Latitude": 32.96, "Longitude": -117.3, "Population": 380.0}, {"index": 15238, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.96, "Longitude": -117.3, "Population": 380.0}, {"index": 15239, "quantile": 0.0, "value": 173200.0, "Latitude": 33.01, "Longitude": -117.25, "Population": 1454.0}, {"index": 15239, "quantile": 0.25, "value": 290500.0, "Latitude": 33.01, "Longitude": -117.25, "Population": 1454.0}, {"index": 15239, "quantile": 0.5, "value": 333600.0, "Latitude": 33.01, "Longitude": -117.25, "Population": 1454.0}, {"index": 15239, "quantile": 0.75, "value": 369100.0, "Latitude": 33.01, "Longitude": -117.25, "Population": 1454.0}, {"index": 15239, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.01, "Longitude": -117.25, "Population": 1454.0}, {"index": 15240, "quantile": 0.0, "value": 177400.0, "Latitude": 33.0, "Longitude": -117.24, "Population": 795.0}, {"index": 15240, "quantile": 0.25, "value": 350325.0, "Latitude": 33.0, "Longitude": -117.24, "Population": 795.0}, {"index": 15240, "quantile": 0.5, "value": 369100.0, "Latitude": 33.0, "Longitude": -117.24, "Population": 795.0}, {"index": 15240, "quantile": 0.75, "value": 369100.0, "Latitude": 33.0, "Longitude": -117.24, "Population": 795.0}, {"index": 15240, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.0, "Longitude": -117.24, "Population": 795.0}, {"index": 15241, "quantile": 0.0, "value": 453800.0, "Latitude": 32.99, "Longitude": -117.23, "Population": 1011.0}, {"index": 15241, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 32.99, "Longitude": -117.23, "Population": 1011.0}, {"index": 15241, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 32.99, "Longitude": -117.23, "Population": 1011.0}, {"index": 15241, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 32.99, "Longitude": -117.23, "Population": 1011.0}, {"index": 15241, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.99, "Longitude": -117.23, "Population": 1011.0}, {"index": 15242, "quantile": 0.0, "value": 187500.0, "Latitude": 32.99, "Longitude": -117.25, "Population": 1478.0}, {"index": 15242, "quantile": 0.25, "value": 369800.0, "Latitude": 32.99, "Longitude": -117.25, "Population": 1478.0}, {"index": 15242, "quantile": 0.5, "value": 439900.0, "Latitude": 32.99, "Longitude": -117.25, "Population": 1478.0}, {"index": 15242, "quantile": 0.75, "value": 439900.0, "Latitude": 32.99, "Longitude": -117.25, "Population": 1478.0}, {"index": 15242, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.99, "Longitude": -117.25, "Population": 1478.0}, {"index": 15243, "quantile": 0.0, "value": 190300.0, "Latitude": 33.0, "Longitude": -117.25, "Population": 931.0}, {"index": 15243, "quantile": 0.25, "value": 370500.0, "Latitude": 33.0, "Longitude": -117.25, "Population": 931.0}, {"index": 15243, "quantile": 0.5, "value": 485300.0, "Latitude": 33.0, "Longitude": -117.25, "Population": 931.0}, {"index": 15243, "quantile": 0.75, "value": 485300.0, "Latitude": 33.0, "Longitude": -117.25, "Population": 931.0}, {"index": 15243, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.0, "Longitude": -117.25, "Population": 931.0}, {"index": 15244, "quantile": 0.0, "value": 97600.0, "Latitude": 33.0, "Longitude": -117.26, "Population": 1059.0}, {"index": 15244, "quantile": 0.25, "value": 273500.00000000006, "Latitude": 33.0, "Longitude": -117.26, "Population": 1059.0}, {"index": 15244, "quantile": 0.5, "value": 295300.0, "Latitude": 33.0, "Longitude": -117.26, "Population": 1059.0}, {"index": 15244, "quantile": 0.75, "value": 370850.0, "Latitude": 33.0, "Longitude": -117.26, "Population": 1059.0}, {"index": 15244, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.0, "Longitude": -117.26, "Population": 1059.0}, {"index": 15245, "quantile": 0.0, "value": 158200.0, "Latitude": 33.0, "Longitude": -117.27, "Population": 1085.0}, {"index": 15245, "quantile": 0.25, "value": 283800.0, "Latitude": 33.0, "Longitude": -117.27, "Population": 1085.0}, {"index": 15245, "quantile": 0.5, "value": 387800.0, "Latitude": 33.0, "Longitude": -117.27, "Population": 1085.0}, {"index": 15245, "quantile": 0.75, "value": 387800.0, "Latitude": 33.0, "Longitude": -117.27, "Population": 1085.0}, {"index": 15245, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.0, "Longitude": -117.27, "Population": 1085.0}, {"index": 15246, "quantile": 0.0, "value": 237200.0, "Latitude": 33.0, "Longitude": -117.31, "Population": 665.0}, {"index": 15246, "quantile": 0.25, "value": 492500.0, "Latitude": 33.0, "Longitude": -117.31, "Population": 665.0}, {"index": 15246, "quantile": 0.5, "value": 492500.0, "Latitude": 33.0, "Longitude": -117.31, "Population": 665.0}, {"index": 15246, "quantile": 0.75, "value": 492500.0, "Latitude": 33.0, "Longitude": -117.31, "Population": 665.0}, {"index": 15246, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.0, "Longitude": -117.31, "Population": 665.0}, {"index": 15247, "quantile": 0.0, "value": 68900.0, "Latitude": 32.99, "Longitude": -117.26, "Population": 1532.0}, {"index": 15247, "quantile": 0.25, "value": 108675.00000000001, "Latitude": 32.99, "Longitude": -117.26, "Population": 1532.0}, {"index": 15247, "quantile": 0.5, "value": 141400.00000000003, "Latitude": 32.99, "Longitude": -117.26, "Population": 1532.0}, {"index": 15247, "quantile": 0.75, "value": 178500.0, "Latitude": 32.99, "Longitude": -117.26, "Population": 1532.0}, {"index": 15247, "quantile": 1.0, "value": 216900.0, "Latitude": 32.99, "Longitude": -117.26, "Population": 1532.0}, {"index": 15248, "quantile": 0.0, "value": 137200.0, "Latitude": 32.99, "Longitude": -117.27, "Population": 1273.0}, {"index": 15248, "quantile": 0.25, "value": 369025.0, "Latitude": 32.99, "Longitude": -117.27, "Population": 1273.0}, {"index": 15248, "quantile": 0.5, "value": 382100.0, "Latitude": 32.99, "Longitude": -117.27, "Population": 1273.0}, {"index": 15248, "quantile": 0.75, "value": 382100.0, "Latitude": 32.99, "Longitude": -117.27, "Population": 1273.0}, {"index": 15248, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.99, "Longitude": -117.27, "Population": 1273.0}, {"index": 15249, "quantile": 0.0, "value": 87500.0, "Latitude": 32.98, "Longitude": -117.26, "Population": 1690.0}, {"index": 15249, "quantile": 0.25, "value": 222200.0, "Latitude": 32.98, "Longitude": -117.26, "Population": 1690.0}, {"index": 15249, "quantile": 0.5, "value": 226900.0, "Latitude": 32.98, "Longitude": -117.26, "Population": 1690.0}, {"index": 15249, "quantile": 0.75, "value": 226900.0, "Latitude": 32.98, "Longitude": -117.26, "Population": 1690.0}, {"index": 15249, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.98, "Longitude": -117.26, "Population": 1690.0}, {"index": 15250, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 32.98, "Longitude": -117.31, "Population": 849.0}, {"index": 15250, "quantile": 0.25, "value": 244700.0, "Latitude": 32.98, "Longitude": -117.31, "Population": 849.0}, {"index": 15250, "quantile": 0.5, "value": 244700.0, "Latitude": 32.98, "Longitude": -117.31, "Population": 849.0}, {"index": 15250, "quantile": 0.75, "value": 244700.0, "Latitude": 32.98, "Longitude": -117.31, "Population": 849.0}, {"index": 15250, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.98, "Longitude": -117.31, "Population": 849.0}, {"index": 15251, "quantile": 0.0, "value": 47500.0, "Latitude": 32.98, "Longitude": -117.27, "Population": 351.0}, {"index": 15251, "quantile": 0.25, "value": 230700.0, "Latitude": 32.98, "Longitude": -117.27, "Population": 351.0}, {"index": 15251, "quantile": 0.5, "value": 230700.0, "Latitude": 32.98, "Longitude": -117.27, "Population": 351.0}, {"index": 15251, "quantile": 0.75, "value": 298925.0, "Latitude": 32.98, "Longitude": -117.27, "Population": 351.0}, {"index": 15251, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.98, "Longitude": -117.27, "Population": 351.0}, {"index": 15252, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 33.01, "Longitude": -117.32, "Population": 1619.0}, {"index": 15252, "quantile": 0.25, "value": 305425.0, "Latitude": 33.01, "Longitude": -117.32, "Population": 1619.0}, {"index": 15252, "quantile": 0.5, "value": 394400.0, "Latitude": 33.01, "Longitude": -117.32, "Population": 1619.0}, {"index": 15252, "quantile": 0.75, "value": 394400.0, "Latitude": 33.01, "Longitude": -117.32, "Population": 1619.0}, {"index": 15252, "quantile": 1.0, "value": 395000.0, "Latitude": 33.01, "Longitude": -117.32, "Population": 1619.0}, {"index": 15253, "quantile": 0.0, "value": 163800.0, "Latitude": 33.02, "Longitude": -117.28, "Population": 1251.0}, {"index": 15253, "quantile": 0.25, "value": 288800.0, "Latitude": 33.02, "Longitude": -117.28, "Population": 1251.0}, {"index": 15253, "quantile": 0.5, "value": 347700.0, "Latitude": 33.02, "Longitude": -117.28, "Population": 1251.0}, {"index": 15253, "quantile": 0.75, "value": 347700.0, "Latitude": 33.02, "Longitude": -117.28, "Population": 1251.0}, {"index": 15253, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.02, "Longitude": -117.28, "Population": 1251.0}, {"index": 15254, "quantile": 0.0, "value": 153100.0, "Latitude": 33.02, "Longitude": -117.27, "Population": 2450.0}, {"index": 15254, "quantile": 0.25, "value": 259800.0, "Latitude": 33.02, "Longitude": -117.27, "Population": 2450.0}, {"index": 15254, "quantile": 0.5, "value": 376700.0, "Latitude": 33.02, "Longitude": -117.27, "Population": 2450.0}, {"index": 15254, "quantile": 0.75, "value": 376700.0, "Latitude": 33.02, "Longitude": -117.27, "Population": 2450.0}, {"index": 15254, "quantile": 1.0, "value": 376700.0, "Latitude": 33.02, "Longitude": -117.27, "Population": 2450.0}, {"index": 15255, "quantile": 0.0, "value": 164800.0, "Latitude": 33.04, "Longitude": -117.26, "Population": 1088.0}, {"index": 15255, "quantile": 0.25, "value": 274900.0, "Latitude": 33.04, "Longitude": -117.26, "Population": 1088.0}, {"index": 15255, "quantile": 0.5, "value": 278300.0, "Latitude": 33.04, "Longitude": -117.26, "Population": 1088.0}, {"index": 15255, "quantile": 0.75, "value": 278300.0, "Latitude": 33.04, "Longitude": -117.26, "Population": 1088.0}, {"index": 15255, "quantile": 1.0, "value": 392900.0, "Latitude": 33.04, "Longitude": -117.26, "Population": 1088.0}, {"index": 15256, "quantile": 0.0, "value": 159300.0, "Latitude": 33.04, "Longitude": -117.26, "Population": 1433.0}, {"index": 15256, "quantile": 0.25, "value": 254199.99999999997, "Latitude": 33.04, "Longitude": -117.26, "Population": 1433.0}, {"index": 15256, "quantile": 0.5, "value": 272800.0, "Latitude": 33.04, "Longitude": -117.26, "Population": 1433.0}, {"index": 15256, "quantile": 0.75, "value": 318300.0, "Latitude": 33.04, "Longitude": -117.26, "Population": 1433.0}, {"index": 15256, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.04, "Longitude": -117.26, "Population": 1433.0}, {"index": 15257, "quantile": 0.0, "value": 73400.0, "Latitude": 33.04, "Longitude": -117.24, "Population": 1412.0}, {"index": 15257, "quantile": 0.25, "value": 147600.0, "Latitude": 33.04, "Longitude": -117.24, "Population": 1412.0}, {"index": 15257, "quantile": 0.5, "value": 147600.0, "Latitude": 33.04, "Longitude": -117.24, "Population": 1412.0}, {"index": 15257, "quantile": 0.75, "value": 147600.0, "Latitude": 33.04, "Longitude": -117.24, "Population": 1412.0}, {"index": 15257, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.04, "Longitude": -117.24, "Population": 1412.0}, {"index": 15258, "quantile": 0.0, "value": 194100.0, "Latitude": 33.03, "Longitude": -117.25, "Population": 1319.0}, {"index": 15258, "quantile": 0.25, "value": 324600.0, "Latitude": 33.03, "Longitude": -117.25, "Population": 1319.0}, {"index": 15258, "quantile": 0.5, "value": 324600.0, "Latitude": 33.03, "Longitude": -117.25, "Population": 1319.0}, {"index": 15258, "quantile": 0.75, "value": 324600.0, "Latitude": 33.03, "Longitude": -117.25, "Population": 1319.0}, {"index": 15258, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.03, "Longitude": -117.25, "Population": 1319.0}, {"index": 15259, "quantile": 0.0, "value": 121300.00000000001, "Latitude": 33.03, "Longitude": -117.27, "Population": 1108.0}, {"index": 15259, "quantile": 0.25, "value": 142600.0, "Latitude": 33.03, "Longitude": -117.27, "Population": 1108.0}, {"index": 15259, "quantile": 0.5, "value": 145700.0, "Latitude": 33.03, "Longitude": -117.27, "Population": 1108.0}, {"index": 15259, "quantile": 0.75, "value": 162725.0, "Latitude": 33.03, "Longitude": -117.27, "Population": 1108.0}, {"index": 15259, "quantile": 1.0, "value": 343200.0, "Latitude": 33.03, "Longitude": -117.27, "Population": 1108.0}, {"index": 15260, "quantile": 0.0, "value": 91700.0, "Latitude": 33.03, "Longitude": -117.27, "Population": 1104.0}, {"index": 15260, "quantile": 0.25, "value": 172600.0, "Latitude": 33.03, "Longitude": -117.27, "Population": 1104.0}, {"index": 15260, "quantile": 0.5, "value": 192500.0, "Latitude": 33.03, "Longitude": -117.27, "Population": 1104.0}, {"index": 15260, "quantile": 0.75, "value": 252700.0, "Latitude": 33.03, "Longitude": -117.27, "Population": 1104.0}, {"index": 15260, "quantile": 1.0, "value": 405199.99999999994, "Latitude": 33.03, "Longitude": -117.27, "Population": 1104.0}, {"index": 15261, "quantile": 0.0, "value": 255700.0, "Latitude": 33.02, "Longitude": -117.26, "Population": 1724.0}, {"index": 15261, "quantile": 0.25, "value": 355475.00000000006, "Latitude": 33.02, "Longitude": -117.26, "Population": 1724.0}, {"index": 15261, "quantile": 0.5, "value": 369800.0, "Latitude": 33.02, "Longitude": -117.26, "Population": 1724.0}, {"index": 15261, "quantile": 0.75, "value": 369800.0, "Latitude": 33.02, "Longitude": -117.26, "Population": 1724.0}, {"index": 15261, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.02, "Longitude": -117.26, "Population": 1724.0}, {"index": 15262, "quantile": 0.0, "value": 134500.0, "Latitude": 33.03, "Longitude": -117.27, "Population": 1356.0}, {"index": 15262, "quantile": 0.25, "value": 220900.0, "Latitude": 33.03, "Longitude": -117.27, "Population": 1356.0}, {"index": 15262, "quantile": 0.5, "value": 220900.0, "Latitude": 33.03, "Longitude": -117.27, "Population": 1356.0}, {"index": 15262, "quantile": 0.75, "value": 220900.0, "Latitude": 33.03, "Longitude": -117.27, "Population": 1356.0}, {"index": 15262, "quantile": 1.0, "value": 343200.0, "Latitude": 33.03, "Longitude": -117.27, "Population": 1356.0}, {"index": 15263, "quantile": 0.0, "value": 105300.0, "Latitude": 33.02, "Longitude": -117.27, "Population": 928.0}, {"index": 15263, "quantile": 0.25, "value": 286100.0, "Latitude": 33.02, "Longitude": -117.27, "Population": 928.0}, {"index": 15263, "quantile": 0.5, "value": 286100.0, "Latitude": 33.02, "Longitude": -117.27, "Population": 928.0}, {"index": 15263, "quantile": 0.75, "value": 286100.0, "Latitude": 33.02, "Longitude": -117.27, "Population": 928.0}, {"index": 15263, "quantile": 1.0, "value": 368500.0, "Latitude": 33.02, "Longitude": -117.27, "Population": 928.0}, {"index": 15264, "quantile": 0.0, "value": 63500.0, "Latitude": 33.05, "Longitude": -117.29, "Population": 672.0}, {"index": 15264, "quantile": 0.25, "value": 172950.0, "Latitude": 33.05, "Longitude": -117.29, "Population": 672.0}, {"index": 15264, "quantile": 0.5, "value": 300000.0, "Latitude": 33.05, "Longitude": -117.29, "Population": 672.0}, {"index": 15264, "quantile": 0.75, "value": 300000.0, "Latitude": 33.05, "Longitude": -117.29, "Population": 672.0}, {"index": 15264, "quantile": 1.0, "value": 369400.0, "Latitude": 33.05, "Longitude": -117.29, "Population": 672.0}, {"index": 15265, "quantile": 0.0, "value": 123600.0, "Latitude": 33.04, "Longitude": -117.28, "Population": 2471.0}, {"index": 15265, "quantile": 0.25, "value": 176250.0, "Latitude": 33.04, "Longitude": -117.28, "Population": 2471.0}, {"index": 15265, "quantile": 0.5, "value": 252700.0, "Latitude": 33.04, "Longitude": -117.28, "Population": 2471.0}, {"index": 15265, "quantile": 0.75, "value": 252700.0, "Latitude": 33.04, "Longitude": -117.28, "Population": 2471.0}, {"index": 15265, "quantile": 1.0, "value": 367100.0, "Latitude": 33.04, "Longitude": -117.28, "Population": 2471.0}, {"index": 15266, "quantile": 0.0, "value": 83800.0, "Latitude": 33.04, "Longitude": -117.27, "Population": 1302.0}, {"index": 15266, "quantile": 0.25, "value": 125600.0, "Latitude": 33.04, "Longitude": -117.27, "Population": 1302.0}, {"index": 15266, "quantile": 0.5, "value": 138200.0, "Latitude": 33.04, "Longitude": -117.27, "Population": 1302.0}, {"index": 15266, "quantile": 0.75, "value": 156200.0, "Latitude": 33.04, "Longitude": -117.27, "Population": 1302.0}, {"index": 15266, "quantile": 1.0, "value": 362500.0, "Latitude": 33.04, "Longitude": -117.27, "Population": 1302.0}, {"index": 15267, "quantile": 0.0, "value": 97600.0, "Latitude": 33.04, "Longitude": -117.29, "Population": 1281.0}, {"index": 15267, "quantile": 0.25, "value": 286900.0, "Latitude": 33.04, "Longitude": -117.29, "Population": 1281.0}, {"index": 15267, "quantile": 0.5, "value": 286900.0, "Latitude": 33.04, "Longitude": -117.29, "Population": 1281.0}, {"index": 15267, "quantile": 0.75, "value": 286900.0, "Latitude": 33.04, "Longitude": -117.29, "Population": 1281.0}, {"index": 15267, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.04, "Longitude": -117.29, "Population": 1281.0}, {"index": 15268, "quantile": 0.0, "value": 85400.0, "Latitude": 33.03, "Longitude": -117.33, "Population": 603.0}, {"index": 15268, "quantile": 0.25, "value": 139600.0, "Latitude": 33.03, "Longitude": -117.33, "Population": 603.0}, {"index": 15268, "quantile": 0.5, "value": 188050.0, "Latitude": 33.03, "Longitude": -117.33, "Population": 603.0}, {"index": 15268, "quantile": 0.75, "value": 266700.0, "Latitude": 33.03, "Longitude": -117.33, "Population": 603.0}, {"index": 15268, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.03, "Longitude": -117.33, "Population": 603.0}, {"index": 15269, "quantile": 0.0, "value": 161700.0, "Latitude": 33.07, "Longitude": -117.3, "Population": 1034.0}, {"index": 15269, "quantile": 0.25, "value": 295100.0, "Latitude": 33.07, "Longitude": -117.3, "Population": 1034.0}, {"index": 15269, "quantile": 0.5, "value": 295100.0, "Latitude": 33.07, "Longitude": -117.3, "Population": 1034.0}, {"index": 15269, "quantile": 0.75, "value": 304425.0, "Latitude": 33.07, "Longitude": -117.3, "Population": 1034.0}, {"index": 15269, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.07, "Longitude": -117.3, "Population": 1034.0}, {"index": 15270, "quantile": 0.0, "value": 173900.0, "Latitude": 33.08, "Longitude": -117.29, "Population": 1463.0}, {"index": 15270, "quantile": 0.25, "value": 299100.0, "Latitude": 33.08, "Longitude": -117.29, "Population": 1463.0}, {"index": 15270, "quantile": 0.5, "value": 346700.0, "Latitude": 33.08, "Longitude": -117.29, "Population": 1463.0}, {"index": 15270, "quantile": 0.75, "value": 346700.0, "Latitude": 33.08, "Longitude": -117.29, "Population": 1463.0}, {"index": 15270, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.08, "Longitude": -117.29, "Population": 1463.0}, {"index": 15271, "quantile": 0.0, "value": 110100.0, "Latitude": 33.08, "Longitude": -117.27, "Population": 1335.0}, {"index": 15271, "quantile": 0.25, "value": 295500.0, "Latitude": 33.08, "Longitude": -117.27, "Population": 1335.0}, {"index": 15271, "quantile": 0.5, "value": 342400.0, "Latitude": 33.08, "Longitude": -117.27, "Population": 1335.0}, {"index": 15271, "quantile": 0.75, "value": 342400.0, "Latitude": 33.08, "Longitude": -117.27, "Population": 1335.0}, {"index": 15271, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.08, "Longitude": -117.27, "Population": 1335.0}, {"index": 15272, "quantile": 0.0, "value": 97200.0, "Latitude": 33.06, "Longitude": -117.29, "Population": 1008.0}, {"index": 15272, "quantile": 0.25, "value": 248100.0, "Latitude": 33.06, "Longitude": -117.29, "Population": 1008.0}, {"index": 15272, "quantile": 0.5, "value": 281600.0, "Latitude": 33.06, "Longitude": -117.29, "Population": 1008.0}, {"index": 15272, "quantile": 0.75, "value": 342400.0, "Latitude": 33.06, "Longitude": -117.29, "Population": 1008.0}, {"index": 15272, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.06, "Longitude": -117.29, "Population": 1008.0}, {"index": 15273, "quantile": 0.0, "value": 115700.0, "Latitude": 33.06, "Longitude": -117.28, "Population": 2585.0}, {"index": 15273, "quantile": 0.25, "value": 170699.99999999997, "Latitude": 33.06, "Longitude": -117.28, "Population": 2585.0}, {"index": 15273, "quantile": 0.5, "value": 224050.0, "Latitude": 33.06, "Longitude": -117.28, "Population": 2585.0}, {"index": 15273, "quantile": 0.75, "value": 288925.0, "Latitude": 33.06, "Longitude": -117.28, "Population": 2585.0}, {"index": 15273, "quantile": 1.0, "value": 394400.0, "Latitude": 33.06, "Longitude": -117.28, "Population": 2585.0}, {"index": 15274, "quantile": 0.0, "value": 85700.0, "Latitude": 33.06, "Longitude": -117.27, "Population": 1612.0}, {"index": 15274, "quantile": 0.25, "value": 192000.0, "Latitude": 33.06, "Longitude": -117.27, "Population": 1612.0}, {"index": 15274, "quantile": 0.5, "value": 367100.0, "Latitude": 33.06, "Longitude": -117.27, "Population": 1612.0}, {"index": 15274, "quantile": 0.75, "value": 367100.0, "Latitude": 33.06, "Longitude": -117.27, "Population": 1612.0}, {"index": 15274, "quantile": 1.0, "value": 394400.0, "Latitude": 33.06, "Longitude": -117.27, "Population": 1612.0}, {"index": 15275, "quantile": 0.0, "value": 72500.0, "Latitude": 33.05, "Longitude": -117.27, "Population": 1371.0}, {"index": 15275, "quantile": 0.25, "value": 122400.0, "Latitude": 33.05, "Longitude": -117.27, "Population": 1371.0}, {"index": 15275, "quantile": 0.5, "value": 122400.0, "Latitude": 33.05, "Longitude": -117.27, "Population": 1371.0}, {"index": 15275, "quantile": 0.75, "value": 122400.0, "Latitude": 33.05, "Longitude": -117.27, "Population": 1371.0}, {"index": 15275, "quantile": 1.0, "value": 360300.0, "Latitude": 33.05, "Longitude": -117.27, "Population": 1371.0}, {"index": 15276, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 33.08, "Longitude": -117.3, "Population": 1389.0}, {"index": 15276, "quantile": 0.25, "value": 196300.0, "Latitude": 33.08, "Longitude": -117.3, "Population": 1389.0}, {"index": 15276, "quantile": 0.5, "value": 343200.0, "Latitude": 33.08, "Longitude": -117.3, "Population": 1389.0}, {"index": 15276, "quantile": 0.75, "value": 343200.0, "Latitude": 33.08, "Longitude": -117.3, "Population": 1389.0}, {"index": 15276, "quantile": 1.0, "value": 394400.0, "Latitude": 33.08, "Longitude": -117.3, "Population": 1389.0}, {"index": 15277, "quantile": 0.0, "value": 143100.0, "Latitude": 33.06, "Longitude": -117.34, "Population": 815.0}, {"index": 15277, "quantile": 0.25, "value": 252750.0, "Latitude": 33.06, "Longitude": -117.34, "Population": 815.0}, {"index": 15277, "quantile": 0.5, "value": 357100.0, "Latitude": 33.06, "Longitude": -117.34, "Population": 815.0}, {"index": 15277, "quantile": 0.75, "value": 357100.0, "Latitude": 33.06, "Longitude": -117.34, "Population": 815.0}, {"index": 15277, "quantile": 1.0, "value": 478400.0, "Latitude": 33.06, "Longitude": -117.34, "Population": 815.0}, {"index": 15278, "quantile": 0.0, "value": 63500.0, "Latitude": 33.07, "Longitude": -117.31, "Population": 948.0}, {"index": 15278, "quantile": 0.25, "value": 267675.0, "Latitude": 33.07, "Longitude": -117.31, "Population": 948.0}, {"index": 15278, "quantile": 0.5, "value": 369400.0, "Latitude": 33.07, "Longitude": -117.31, "Population": 948.0}, {"index": 15278, "quantile": 0.75, "value": 369400.0, "Latitude": 33.07, "Longitude": -117.31, "Population": 948.0}, {"index": 15278, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.07, "Longitude": -117.31, "Population": 948.0}, {"index": 15279, "quantile": 0.0, "value": 91000.0, "Latitude": 33.07, "Longitude": -117.3, "Population": 2165.0}, {"index": 15279, "quantile": 0.25, "value": 125674.99999999999, "Latitude": 33.07, "Longitude": -117.3, "Population": 2165.0}, {"index": 15279, "quantile": 0.5, "value": 149100.0, "Latitude": 33.07, "Longitude": -117.3, "Population": 2165.0}, {"index": 15279, "quantile": 0.75, "value": 167350.0, "Latitude": 33.07, "Longitude": -117.3, "Population": 2165.0}, {"index": 15279, "quantile": 1.0, "value": 362500.0, "Latitude": 33.07, "Longitude": -117.3, "Population": 2165.0}, {"index": 15280, "quantile": 0.0, "value": 101800.0, "Latitude": 33.06, "Longitude": -117.3, "Population": 870.0}, {"index": 15280, "quantile": 0.25, "value": 276300.0, "Latitude": 33.06, "Longitude": -117.3, "Population": 870.0}, {"index": 15280, "quantile": 0.5, "value": 276300.0, "Latitude": 33.06, "Longitude": -117.3, "Population": 870.0}, {"index": 15280, "quantile": 0.75, "value": 276300.0, "Latitude": 33.06, "Longitude": -117.3, "Population": 870.0}, {"index": 15280, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.06, "Longitude": -117.3, "Population": 870.0}, {"index": 15281, "quantile": 0.0, "value": 90800.0, "Latitude": 33.06, "Longitude": -117.3, "Population": 1049.0}, {"index": 15281, "quantile": 0.25, "value": 290000.0, "Latitude": 33.06, "Longitude": -117.3, "Population": 1049.0}, {"index": 15281, "quantile": 0.5, "value": 290000.0, "Latitude": 33.06, "Longitude": -117.3, "Population": 1049.0}, {"index": 15281, "quantile": 0.75, "value": 304699.99999999994, "Latitude": 33.06, "Longitude": -117.3, "Population": 1049.0}, {"index": 15281, "quantile": 1.0, "value": 450000.0, "Latitude": 33.06, "Longitude": -117.3, "Population": 1049.0}, {"index": 15282, "quantile": 0.0, "value": 101800.0, "Latitude": 33.05, "Longitude": -117.3, "Population": 775.0}, {"index": 15282, "quantile": 0.25, "value": 276300.0, "Latitude": 33.05, "Longitude": -117.3, "Population": 775.0}, {"index": 15282, "quantile": 0.5, "value": 339200.00000000006, "Latitude": 33.05, "Longitude": -117.3, "Population": 775.0}, {"index": 15282, "quantile": 0.75, "value": 410750.0, "Latitude": 33.05, "Longitude": -117.3, "Population": 775.0}, {"index": 15282, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.05, "Longitude": -117.3, "Population": 775.0}, {"index": 15283, "quantile": 0.0, "value": 134500.0, "Latitude": 33.17, "Longitude": -117.33, "Population": 4773.0}, {"index": 15283, "quantile": 0.25, "value": 259900.00000000003, "Latitude": 33.17, "Longitude": -117.33, "Population": 4773.0}, {"index": 15283, "quantile": 0.5, "value": 281300.0, "Latitude": 33.17, "Longitude": -117.33, "Population": 4773.0}, {"index": 15283, "quantile": 0.75, "value": 281300.0, "Latitude": 33.17, "Longitude": -117.33, "Population": 4773.0}, {"index": 15283, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.17, "Longitude": -117.33, "Population": 4773.0}, {"index": 15284, "quantile": 0.0, "value": 97600.0, "Latitude": 33.16, "Longitude": -117.34, "Population": 1286.0}, {"index": 15284, "quantile": 0.25, "value": 198800.0, "Latitude": 33.16, "Longitude": -117.34, "Population": 1286.0}, {"index": 15284, "quantile": 0.5, "value": 212500.0, "Latitude": 33.16, "Longitude": -117.34, "Population": 1286.0}, {"index": 15284, "quantile": 0.75, "value": 255600.0, "Latitude": 33.16, "Longitude": -117.34, "Population": 1286.0}, {"index": 15284, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.16, "Longitude": -117.34, "Population": 1286.0}, {"index": 15285, "quantile": 0.0, "value": 142600.0, "Latitude": 33.16, "Longitude": -117.33, "Population": 1533.0}, {"index": 15285, "quantile": 0.25, "value": 245500.0, "Latitude": 33.16, "Longitude": -117.33, "Population": 1533.0}, {"index": 15285, "quantile": 0.5, "value": 245500.0, "Latitude": 33.16, "Longitude": -117.33, "Population": 1533.0}, {"index": 15285, "quantile": 0.75, "value": 245500.0, "Latitude": 33.16, "Longitude": -117.33, "Population": 1533.0}, {"index": 15285, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.16, "Longitude": -117.33, "Population": 1533.0}, {"index": 15286, "quantile": 0.0, "value": 128600.0, "Latitude": 33.15, "Longitude": -117.32, "Population": 5495.0}, {"index": 15286, "quantile": 0.25, "value": 262100.0, "Latitude": 33.15, "Longitude": -117.32, "Population": 5495.0}, {"index": 15286, "quantile": 0.5, "value": 262100.0, "Latitude": 33.15, "Longitude": -117.32, "Population": 5495.0}, {"index": 15286, "quantile": 0.75, "value": 262100.0, "Latitude": 33.15, "Longitude": -117.32, "Population": 5495.0}, {"index": 15286, "quantile": 1.0, "value": 452100.0, "Latitude": 33.15, "Longitude": -117.32, "Population": 5495.0}, {"index": 15287, "quantile": 0.0, "value": 72000.0, "Latitude": 33.12, "Longitude": -117.32, "Population": 936.0}, {"index": 15287, "quantile": 0.25, "value": 263800.0, "Latitude": 33.12, "Longitude": -117.32, "Population": 936.0}, {"index": 15287, "quantile": 0.5, "value": 354000.0, "Latitude": 33.12, "Longitude": -117.32, "Population": 936.0}, {"index": 15287, "quantile": 0.75, "value": 354000.0, "Latitude": 33.12, "Longitude": -117.32, "Population": 936.0}, {"index": 15287, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.12, "Longitude": -117.32, "Population": 936.0}, {"index": 15288, "quantile": 0.0, "value": 87500.0, "Latitude": 33.1, "Longitude": -117.31, "Population": 747.0}, {"index": 15288, "quantile": 0.25, "value": 154500.0, "Latitude": 33.1, "Longitude": -117.31, "Population": 747.0}, {"index": 15288, "quantile": 0.5, "value": 175800.0, "Latitude": 33.1, "Longitude": -117.31, "Population": 747.0}, {"index": 15288, "quantile": 0.75, "value": 188700.0, "Latitude": 33.1, "Longitude": -117.31, "Population": 747.0}, {"index": 15288, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.1, "Longitude": -117.31, "Population": 747.0}, {"index": 15289, "quantile": 0.0, "value": 76600.0, "Latitude": 33.13, "Longitude": -117.29, "Population": 224.0}, {"index": 15289, "quantile": 0.25, "value": 182125.0, "Latitude": 33.13, "Longitude": -117.29, "Population": 224.0}, {"index": 15289, "quantile": 0.5, "value": 183000.0, "Latitude": 33.13, "Longitude": -117.29, "Population": 224.0}, {"index": 15289, "quantile": 0.75, "value": 183000.0, "Latitude": 33.13, "Longitude": -117.29, "Population": 224.0}, {"index": 15289, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.13, "Longitude": -117.29, "Population": 224.0}, {"index": 15290, "quantile": 0.0, "value": 87500.0, "Latitude": 33.11, "Longitude": -117.31, "Population": 2904.0}, {"index": 15290, "quantile": 0.25, "value": 188100.0, "Latitude": 33.11, "Longitude": -117.31, "Population": 2904.0}, {"index": 15290, "quantile": 0.5, "value": 188100.0, "Latitude": 33.11, "Longitude": -117.31, "Population": 2904.0}, {"index": 15290, "quantile": 0.75, "value": 188100.0, "Latitude": 33.11, "Longitude": -117.31, "Population": 2904.0}, {"index": 15290, "quantile": 1.0, "value": 376700.0, "Latitude": 33.11, "Longitude": -117.31, "Population": 2904.0}, {"index": 15291, "quantile": 0.0, "value": 134500.0, "Latitude": 33.12, "Longitude": -117.29, "Population": 755.0}, {"index": 15291, "quantile": 0.25, "value": 185425.0, "Latitude": 33.12, "Longitude": -117.29, "Population": 755.0}, {"index": 15291, "quantile": 0.5, "value": 220900.0, "Latitude": 33.12, "Longitude": -117.29, "Population": 755.0}, {"index": 15291, "quantile": 0.75, "value": 280375.0, "Latitude": 33.12, "Longitude": -117.29, "Population": 755.0}, {"index": 15291, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.12, "Longitude": -117.29, "Population": 755.0}, {"index": 15292, "quantile": 0.0, "value": 184400.0, "Latitude": 33.1, "Longitude": -117.29, "Population": 2064.0}, {"index": 15292, "quantile": 0.25, "value": 259800.0, "Latitude": 33.1, "Longitude": -117.29, "Population": 2064.0}, {"index": 15292, "quantile": 0.5, "value": 259800.0, "Latitude": 33.1, "Longitude": -117.29, "Population": 2064.0}, {"index": 15292, "quantile": 0.75, "value": 260374.99999999997, "Latitude": 33.1, "Longitude": -117.29, "Population": 2064.0}, {"index": 15292, "quantile": 1.0, "value": 376700.0, "Latitude": 33.1, "Longitude": -117.29, "Population": 2064.0}, {"index": 15293, "quantile": 0.0, "value": 219600.00000000003, "Latitude": 33.1, "Longitude": -117.28, "Population": 1197.0}, {"index": 15293, "quantile": 0.25, "value": 267900.0, "Latitude": 33.1, "Longitude": -117.28, "Population": 1197.0}, {"index": 15293, "quantile": 0.5, "value": 267900.0, "Latitude": 33.1, "Longitude": -117.28, "Population": 1197.0}, {"index": 15293, "quantile": 0.75, "value": 278975.0, "Latitude": 33.1, "Longitude": -117.28, "Population": 1197.0}, {"index": 15293, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.1, "Longitude": -117.28, "Population": 1197.0}, {"index": 15294, "quantile": 0.0, "value": 87500.0, "Latitude": 33.17, "Longitude": -117.35, "Population": 2849.0}, {"index": 15294, "quantile": 0.25, "value": 164100.0, "Latitude": 33.17, "Longitude": -117.35, "Population": 2849.0}, {"index": 15294, "quantile": 0.5, "value": 177500.0, "Latitude": 33.17, "Longitude": -117.35, "Population": 2849.0}, {"index": 15294, "quantile": 0.75, "value": 193900.0, "Latitude": 33.17, "Longitude": -117.35, "Population": 2849.0}, {"index": 15294, "quantile": 1.0, "value": 350000.0, "Latitude": 33.17, "Longitude": -117.35, "Population": 2849.0}, {"index": 15295, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 33.16, "Longitude": -117.34, "Population": 610.0}, {"index": 15295, "quantile": 0.25, "value": 187500.0, "Latitude": 33.16, "Longitude": -117.34, "Population": 610.0}, {"index": 15295, "quantile": 0.5, "value": 187500.0, "Latitude": 33.16, "Longitude": -117.34, "Population": 610.0}, {"index": 15295, "quantile": 0.75, "value": 187500.0, "Latitude": 33.16, "Longitude": -117.34, "Population": 610.0}, {"index": 15295, "quantile": 1.0, "value": 290600.0, "Latitude": 33.16, "Longitude": -117.34, "Population": 610.0}, {"index": 15296, "quantile": 0.0, "value": 91600.0, "Latitude": 33.15, "Longitude": -117.34, "Population": 4163.0}, {"index": 15296, "quantile": 0.25, "value": 178500.0, "Latitude": 33.15, "Longitude": -117.34, "Population": 4163.0}, {"index": 15296, "quantile": 0.5, "value": 178500.0, "Latitude": 33.15, "Longitude": -117.34, "Population": 4163.0}, {"index": 15296, "quantile": 0.75, "value": 178500.0, "Latitude": 33.15, "Longitude": -117.34, "Population": 4163.0}, {"index": 15296, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 33.15, "Longitude": -117.34, "Population": 4163.0}, {"index": 15297, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 33.16, "Longitude": -117.35, "Population": 580.0}, {"index": 15297, "quantile": 0.25, "value": 291275.0, "Latitude": 33.16, "Longitude": -117.35, "Population": 580.0}, {"index": 15297, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.16, "Longitude": -117.35, "Population": 580.0}, {"index": 15297, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.16, "Longitude": -117.35, "Population": 580.0}, {"index": 15297, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.16, "Longitude": -117.35, "Population": 580.0}, {"index": 15298, "quantile": 0.0, "value": 87500.0, "Latitude": 33.16, "Longitude": -117.35, "Population": 902.0}, {"index": 15298, "quantile": 0.25, "value": 132500.0, "Latitude": 33.16, "Longitude": -117.35, "Population": 902.0}, {"index": 15298, "quantile": 0.5, "value": 180100.0, "Latitude": 33.16, "Longitude": -117.35, "Population": 902.0}, {"index": 15298, "quantile": 0.75, "value": 225325.0, "Latitude": 33.16, "Longitude": -117.35, "Population": 902.0}, {"index": 15298, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.16, "Longitude": -117.35, "Population": 902.0}, {"index": 15299, "quantile": 0.0, "value": 87500.0, "Latitude": 33.15, "Longitude": -117.34, "Population": 2111.0}, {"index": 15299, "quantile": 0.25, "value": 156100.0, "Latitude": 33.15, "Longitude": -117.34, "Population": 2111.0}, {"index": 15299, "quantile": 0.5, "value": 171000.0, "Latitude": 33.15, "Longitude": -117.34, "Population": 2111.0}, {"index": 15299, "quantile": 0.75, "value": 252250.0, "Latitude": 33.15, "Longitude": -117.34, "Population": 2111.0}, {"index": 15299, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.15, "Longitude": -117.34, "Population": 2111.0}, {"index": 15300, "quantile": 0.0, "value": 80300.0, "Latitude": 33.18, "Longitude": -117.36, "Population": 2372.0}, {"index": 15300, "quantile": 0.25, "value": 181800.0, "Latitude": 33.18, "Longitude": -117.36, "Population": 2372.0}, {"index": 15300, "quantile": 0.5, "value": 181800.0, "Latitude": 33.18, "Longitude": -117.36, "Population": 2372.0}, {"index": 15300, "quantile": 0.75, "value": 181800.0, "Latitude": 33.18, "Longitude": -117.36, "Population": 2372.0}, {"index": 15300, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.18, "Longitude": -117.36, "Population": 2372.0}, {"index": 15301, "quantile": 0.0, "value": 97100.0, "Latitude": 33.18, "Longitude": -117.36, "Population": 833.0}, {"index": 15301, "quantile": 0.25, "value": 135200.0, "Latitude": 33.18, "Longitude": -117.36, "Population": 833.0}, {"index": 15301, "quantile": 0.5, "value": 159700.0, "Latitude": 33.18, "Longitude": -117.36, "Population": 833.0}, {"index": 15301, "quantile": 0.75, "value": 181800.0, "Latitude": 33.18, "Longitude": -117.36, "Population": 833.0}, {"index": 15301, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.18, "Longitude": -117.36, "Population": 833.0}, {"index": 15302, "quantile": 0.0, "value": 93300.0, "Latitude": 33.17, "Longitude": -117.35, "Population": 812.0}, {"index": 15302, "quantile": 0.25, "value": 198000.0, "Latitude": 33.17, "Longitude": -117.35, "Population": 812.0}, {"index": 15302, "quantile": 0.5, "value": 198000.0, "Latitude": 33.17, "Longitude": -117.35, "Population": 812.0}, {"index": 15302, "quantile": 0.75, "value": 259200.0, "Latitude": 33.17, "Longitude": -117.35, "Population": 812.0}, {"index": 15302, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.17, "Longitude": -117.35, "Population": 812.0}, {"index": 15303, "quantile": 0.0, "value": 74800.0, "Latitude": 33.17, "Longitude": -117.36, "Population": 812.0}, {"index": 15303, "quantile": 0.25, "value": 240400.0, "Latitude": 33.17, "Longitude": -117.36, "Population": 812.0}, {"index": 15303, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 33.17, "Longitude": -117.36, "Population": 812.0}, {"index": 15303, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.17, "Longitude": -117.36, "Population": 812.0}, {"index": 15303, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.17, "Longitude": -117.36, "Population": 812.0}, {"index": 15304, "quantile": 0.0, "value": 80600.0, "Latitude": 33.18, "Longitude": -117.37, "Population": 855.0}, {"index": 15304, "quantile": 0.25, "value": 216699.99999999997, "Latitude": 33.18, "Longitude": -117.37, "Population": 855.0}, {"index": 15304, "quantile": 0.5, "value": 266700.0, "Latitude": 33.18, "Longitude": -117.37, "Population": 855.0}, {"index": 15304, "quantile": 0.75, "value": 266700.0, "Latitude": 33.18, "Longitude": -117.37, "Population": 855.0}, {"index": 15304, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.18, "Longitude": -117.37, "Population": 855.0}, {"index": 15305, "quantile": 0.0, "value": 65700.0, "Latitude": 33.19, "Longitude": -117.37, "Population": 4729.0}, {"index": 15305, "quantile": 0.25, "value": 100000.0, "Latitude": 33.19, "Longitude": -117.37, "Population": 4729.0}, {"index": 15305, "quantile": 0.5, "value": 122350.0, "Latitude": 33.19, "Longitude": -117.37, "Population": 4729.0}, {"index": 15305, "quantile": 0.75, "value": 174050.0, "Latitude": 33.19, "Longitude": -117.37, "Population": 4729.0}, {"index": 15305, "quantile": 1.0, "value": 350000.0, "Latitude": 33.19, "Longitude": -117.37, "Population": 4729.0}, {"index": 15306, "quantile": 0.0, "value": 97100.0, "Latitude": 33.19, "Longitude": -117.37, "Population": 1138.0}, {"index": 15306, "quantile": 0.25, "value": 136525.0, "Latitude": 33.19, "Longitude": -117.37, "Population": 1138.0}, {"index": 15306, "quantile": 0.5, "value": 169600.0, "Latitude": 33.19, "Longitude": -117.37, "Population": 1138.0}, {"index": 15306, "quantile": 0.75, "value": 181800.0, "Latitude": 33.19, "Longitude": -117.37, "Population": 1138.0}, {"index": 15306, "quantile": 1.0, "value": 274000.0, "Latitude": 33.19, "Longitude": -117.37, "Population": 1138.0}, {"index": 15307, "quantile": 0.0, "value": 67500.0, "Latitude": 33.19, "Longitude": -117.37, "Population": 650.0}, {"index": 15307, "quantile": 0.25, "value": 191250.0, "Latitude": 33.19, "Longitude": -117.37, "Population": 650.0}, {"index": 15307, "quantile": 0.5, "value": 192500.0, "Latitude": 33.19, "Longitude": -117.37, "Population": 650.0}, {"index": 15307, "quantile": 0.75, "value": 192500.0, "Latitude": 33.19, "Longitude": -117.37, "Population": 650.0}, {"index": 15307, "quantile": 1.0, "value": 350000.0, "Latitude": 33.19, "Longitude": -117.37, "Population": 650.0}, {"index": 15308, "quantile": 0.0, "value": 120700.00000000001, "Latitude": 33.19, "Longitude": -117.37, "Population": 486.0}, {"index": 15308, "quantile": 0.25, "value": 185000.0, "Latitude": 33.19, "Longitude": -117.37, "Population": 486.0}, {"index": 15308, "quantile": 0.5, "value": 185000.0, "Latitude": 33.19, "Longitude": -117.37, "Population": 486.0}, {"index": 15308, "quantile": 0.75, "value": 251775.0, "Latitude": 33.19, "Longitude": -117.37, "Population": 486.0}, {"index": 15308, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.19, "Longitude": -117.37, "Population": 486.0}, {"index": 15309, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 33.19, "Longitude": -117.38, "Population": 538.0}, {"index": 15309, "quantile": 0.25, "value": 197900.0, "Latitude": 33.19, "Longitude": -117.38, "Population": 538.0}, {"index": 15309, "quantile": 0.5, "value": 197900.0, "Latitude": 33.19, "Longitude": -117.38, "Population": 538.0}, {"index": 15309, "quantile": 0.75, "value": 197900.0, "Latitude": 33.19, "Longitude": -117.38, "Population": 538.0}, {"index": 15309, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.19, "Longitude": -117.38, "Population": 538.0}, {"index": 15310, "quantile": 0.0, "value": 87500.0, "Latitude": 33.14, "Longitude": -117.38, "Population": 1298.0}, {"index": 15310, "quantile": 0.25, "value": 142775.0, "Latitude": 33.14, "Longitude": -117.38, "Population": 1298.0}, {"index": 15310, "quantile": 0.5, "value": 218500.0, "Latitude": 33.14, "Longitude": -117.38, "Population": 1298.0}, {"index": 15310, "quantile": 0.75, "value": 281300.0, "Latitude": 33.14, "Longitude": -117.38, "Population": 1298.0}, {"index": 15310, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.14, "Longitude": -117.38, "Population": 1298.0}, {"index": 15311, "quantile": 0.0, "value": 43900.0, "Latitude": 33.19, "Longitude": -117.38, "Population": 1703.0}, {"index": 15311, "quantile": 0.25, "value": 157300.0, "Latitude": 33.19, "Longitude": -117.38, "Population": 1703.0}, {"index": 15311, "quantile": 0.5, "value": 500000.0, "Latitude": 33.19, "Longitude": -117.38, "Population": 1703.0}, {"index": 15311, "quantile": 0.75, "value": 500000.0, "Latitude": 33.19, "Longitude": -117.38, "Population": 1703.0}, {"index": 15311, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.19, "Longitude": -117.38, "Population": 1703.0}, {"index": 15312, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.2, "Longitude": -117.38, "Population": 1288.0}, {"index": 15312, "quantile": 0.25, "value": 106300.0, "Latitude": 33.2, "Longitude": -117.38, "Population": 1288.0}, {"index": 15312, "quantile": 0.5, "value": 106300.0, "Latitude": 33.2, "Longitude": -117.38, "Population": 1288.0}, {"index": 15312, "quantile": 0.75, "value": 114375.0, "Latitude": 33.2, "Longitude": -117.38, "Population": 1288.0}, {"index": 15312, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.2, "Longitude": -117.38, "Population": 1288.0}, {"index": 15313, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.2, "Longitude": -117.37, "Population": 845.0}, {"index": 15313, "quantile": 0.25, "value": 115650.00000000001, "Latitude": 33.2, "Longitude": -117.37, "Population": 845.0}, {"index": 15313, "quantile": 0.5, "value": 159400.0, "Latitude": 33.2, "Longitude": -117.37, "Population": 845.0}, {"index": 15313, "quantile": 0.75, "value": 184400.0, "Latitude": 33.2, "Longitude": -117.37, "Population": 845.0}, {"index": 15313, "quantile": 1.0, "value": 350000.0, "Latitude": 33.2, "Longitude": -117.37, "Population": 845.0}, {"index": 15314, "quantile": 0.0, "value": 47500.0, "Latitude": 33.19, "Longitude": -117.38, "Population": 359.0}, {"index": 15314, "quantile": 0.25, "value": 100000.0, "Latitude": 33.19, "Longitude": -117.38, "Population": 359.0}, {"index": 15314, "quantile": 0.5, "value": 130149.99999999999, "Latitude": 33.19, "Longitude": -117.38, "Population": 359.0}, {"index": 15314, "quantile": 0.75, "value": 185175.0, "Latitude": 33.19, "Longitude": -117.38, "Population": 359.0}, {"index": 15314, "quantile": 1.0, "value": 350000.0, "Latitude": 33.19, "Longitude": -117.38, "Population": 359.0}, {"index": 15315, "quantile": 0.0, "value": 72000.0, "Latitude": 33.2, "Longitude": -117.38, "Population": 974.0}, {"index": 15315, "quantile": 0.25, "value": 126600.0, "Latitude": 33.2, "Longitude": -117.38, "Population": 974.0}, {"index": 15315, "quantile": 0.5, "value": 184400.0, "Latitude": 33.2, "Longitude": -117.38, "Population": 974.0}, {"index": 15315, "quantile": 0.75, "value": 184400.0, "Latitude": 33.2, "Longitude": -117.38, "Population": 974.0}, {"index": 15315, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.2, "Longitude": -117.38, "Population": 974.0}, {"index": 15316, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 33.2, "Longitude": -117.36, "Population": 1190.0}, {"index": 15316, "quantile": 0.25, "value": 166100.0, "Latitude": 33.2, "Longitude": -117.36, "Population": 1190.0}, {"index": 15316, "quantile": 0.5, "value": 166100.0, "Latitude": 33.2, "Longitude": -117.36, "Population": 1190.0}, {"index": 15316, "quantile": 0.75, "value": 166100.0, "Latitude": 33.2, "Longitude": -117.36, "Population": 1190.0}, {"index": 15316, "quantile": 1.0, "value": 262500.0, "Latitude": 33.2, "Longitude": -117.36, "Population": 1190.0}, {"index": 15317, "quantile": 0.0, "value": 85800.0, "Latitude": 33.2, "Longitude": -117.36, "Population": 1323.0}, {"index": 15317, "quantile": 0.25, "value": 169900.0, "Latitude": 33.2, "Longitude": -117.36, "Population": 1323.0}, {"index": 15317, "quantile": 0.5, "value": 169900.0, "Latitude": 33.2, "Longitude": -117.36, "Population": 1323.0}, {"index": 15317, "quantile": 0.75, "value": 169900.0, "Latitude": 33.2, "Longitude": -117.36, "Population": 1323.0}, {"index": 15317, "quantile": 1.0, "value": 350000.0, "Latitude": 33.2, "Longitude": -117.36, "Population": 1323.0}, {"index": 15318, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 33.2, "Longitude": -117.36, "Population": 1405.0}, {"index": 15318, "quantile": 0.25, "value": 150800.0, "Latitude": 33.2, "Longitude": -117.36, "Population": 1405.0}, {"index": 15318, "quantile": 0.5, "value": 150800.0, "Latitude": 33.2, "Longitude": -117.36, "Population": 1405.0}, {"index": 15318, "quantile": 0.75, "value": 155150.0, "Latitude": 33.2, "Longitude": -117.36, "Population": 1405.0}, {"index": 15318, "quantile": 1.0, "value": 367100.0, "Latitude": 33.2, "Longitude": -117.36, "Population": 1405.0}, {"index": 15319, "quantile": 0.0, "value": 97100.0, "Latitude": 33.2, "Longitude": -117.35, "Population": 1793.0}, {"index": 15319, "quantile": 0.25, "value": 169700.0, "Latitude": 33.2, "Longitude": -117.35, "Population": 1793.0}, {"index": 15319, "quantile": 0.5, "value": 169700.0, "Latitude": 33.2, "Longitude": -117.35, "Population": 1793.0}, {"index": 15319, "quantile": 0.75, "value": 169700.0, "Latitude": 33.2, "Longitude": -117.35, "Population": 1793.0}, {"index": 15319, "quantile": 1.0, "value": 266700.0, "Latitude": 33.2, "Longitude": -117.35, "Population": 1793.0}, {"index": 15320, "quantile": 0.0, "value": 64400.0, "Latitude": 33.21, "Longitude": -117.35, "Population": 912.0}, {"index": 15320, "quantile": 0.25, "value": 150300.0, "Latitude": 33.21, "Longitude": -117.35, "Population": 912.0}, {"index": 15320, "quantile": 0.5, "value": 150300.0, "Latitude": 33.21, "Longitude": -117.35, "Population": 912.0}, {"index": 15320, "quantile": 0.75, "value": 156900.0, "Latitude": 33.21, "Longitude": -117.35, "Population": 912.0}, {"index": 15320, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.21, "Longitude": -117.35, "Population": 912.0}, {"index": 15321, "quantile": 0.0, "value": 120400.0, "Latitude": 33.21, "Longitude": -117.34, "Population": 1302.0}, {"index": 15321, "quantile": 0.25, "value": 145700.0, "Latitude": 33.21, "Longitude": -117.34, "Population": 1302.0}, {"index": 15321, "quantile": 0.5, "value": 145700.0, "Latitude": 33.21, "Longitude": -117.34, "Population": 1302.0}, {"index": 15321, "quantile": 0.75, "value": 145700.0, "Latitude": 33.21, "Longitude": -117.34, "Population": 1302.0}, {"index": 15321, "quantile": 1.0, "value": 343200.0, "Latitude": 33.21, "Longitude": -117.34, "Population": 1302.0}, {"index": 15322, "quantile": 0.0, "value": 84200.0, "Latitude": 33.2, "Longitude": -117.35, "Population": 700.0}, {"index": 15322, "quantile": 0.25, "value": 145525.0, "Latitude": 33.2, "Longitude": -117.35, "Population": 700.0}, {"index": 15322, "quantile": 0.5, "value": 156900.0, "Latitude": 33.2, "Longitude": -117.35, "Population": 700.0}, {"index": 15322, "quantile": 0.75, "value": 175400.0, "Latitude": 33.2, "Longitude": -117.35, "Population": 700.0}, {"index": 15322, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.2, "Longitude": -117.35, "Population": 700.0}, {"index": 15323, "quantile": 0.0, "value": 97100.0, "Latitude": 33.21, "Longitude": -117.34, "Population": 3015.0}, {"index": 15323, "quantile": 0.25, "value": 163600.0, "Latitude": 33.21, "Longitude": -117.34, "Population": 3015.0}, {"index": 15323, "quantile": 0.5, "value": 216100.0, "Latitude": 33.21, "Longitude": -117.34, "Population": 3015.0}, {"index": 15323, "quantile": 0.75, "value": 216100.0, "Latitude": 33.21, "Longitude": -117.34, "Population": 3015.0}, {"index": 15323, "quantile": 1.0, "value": 216100.0, "Latitude": 33.21, "Longitude": -117.34, "Population": 3015.0}, {"index": 15324, "quantile": 0.0, "value": 157700.0, "Latitude": 33.19, "Longitude": -117.35, "Population": 1189.0}, {"index": 15324, "quantile": 0.25, "value": 198100.0, "Latitude": 33.19, "Longitude": -117.35, "Population": 1189.0}, {"index": 15324, "quantile": 0.5, "value": 198100.0, "Latitude": 33.19, "Longitude": -117.35, "Population": 1189.0}, {"index": 15324, "quantile": 0.75, "value": 223625.0, "Latitude": 33.19, "Longitude": -117.35, "Population": 1189.0}, {"index": 15324, "quantile": 1.0, "value": 446800.0, "Latitude": 33.19, "Longitude": -117.35, "Population": 1189.0}, {"index": 15325, "quantile": 0.0, "value": 110900.0, "Latitude": 33.19, "Longitude": -117.34, "Population": 1533.0}, {"index": 15325, "quantile": 0.25, "value": 224500.0, "Latitude": 33.19, "Longitude": -117.34, "Population": 1533.0}, {"index": 15325, "quantile": 0.5, "value": 224500.0, "Latitude": 33.19, "Longitude": -117.34, "Population": 1533.0}, {"index": 15325, "quantile": 0.75, "value": 224500.0, "Latitude": 33.19, "Longitude": -117.34, "Population": 1533.0}, {"index": 15325, "quantile": 1.0, "value": 430900.0, "Latitude": 33.19, "Longitude": -117.34, "Population": 1533.0}, {"index": 15326, "quantile": 0.0, "value": 74700.0, "Latitude": 33.19, "Longitude": -117.33, "Population": 1827.0}, {"index": 15326, "quantile": 0.25, "value": 169700.0, "Latitude": 33.19, "Longitude": -117.33, "Population": 1827.0}, {"index": 15326, "quantile": 0.5, "value": 173600.0, "Latitude": 33.19, "Longitude": -117.33, "Population": 1827.0}, {"index": 15326, "quantile": 0.75, "value": 173600.0, "Latitude": 33.19, "Longitude": -117.33, "Population": 1827.0}, {"index": 15326, "quantile": 1.0, "value": 360300.0, "Latitude": 33.19, "Longitude": -117.33, "Population": 1827.0}, {"index": 15327, "quantile": 0.0, "value": 164800.0, "Latitude": 33.19, "Longitude": -117.34, "Population": 1654.0}, {"index": 15327, "quantile": 0.25, "value": 267400.0, "Latitude": 33.19, "Longitude": -117.34, "Population": 1654.0}, {"index": 15327, "quantile": 0.5, "value": 274100.0, "Latitude": 33.19, "Longitude": -117.34, "Population": 1654.0}, {"index": 15327, "quantile": 0.75, "value": 274100.0, "Latitude": 33.19, "Longitude": -117.34, "Population": 1654.0}, {"index": 15327, "quantile": 1.0, "value": 363500.0, "Latitude": 33.19, "Longitude": -117.34, "Population": 1654.0}, {"index": 15328, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 33.24, "Longitude": -117.29, "Population": 1823.0}, {"index": 15328, "quantile": 0.25, "value": 153800.0, "Latitude": 33.24, "Longitude": -117.29, "Population": 1823.0}, {"index": 15328, "quantile": 0.5, "value": 153800.0, "Latitude": 33.24, "Longitude": -117.29, "Population": 1823.0}, {"index": 15328, "quantile": 0.75, "value": 153800.0, "Latitude": 33.24, "Longitude": -117.29, "Population": 1823.0}, {"index": 15328, "quantile": 1.0, "value": 367100.0, "Latitude": 33.24, "Longitude": -117.29, "Population": 1823.0}, {"index": 15329, "quantile": 0.0, "value": 97100.0, "Latitude": 33.23, "Longitude": -117.3, "Population": 1759.0}, {"index": 15329, "quantile": 0.25, "value": 98500.0, "Latitude": 33.23, "Longitude": -117.3, "Population": 1759.0}, {"index": 15329, "quantile": 0.5, "value": 98500.0, "Latitude": 33.23, "Longitude": -117.3, "Population": 1759.0}, {"index": 15329, "quantile": 0.75, "value": 145150.0, "Latitude": 33.23, "Longitude": -117.3, "Population": 1759.0}, {"index": 15329, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.23, "Longitude": -117.3, "Population": 1759.0}, {"index": 15330, "quantile": 0.0, "value": 68300.0, "Latitude": 33.23, "Longitude": -117.32, "Population": 982.0}, {"index": 15330, "quantile": 0.25, "value": 138825.0, "Latitude": 33.23, "Longitude": -117.32, "Population": 982.0}, {"index": 15330, "quantile": 0.5, "value": 169300.0, "Latitude": 33.23, "Longitude": -117.32, "Population": 982.0}, {"index": 15330, "quantile": 0.75, "value": 169300.0, "Latitude": 33.23, "Longitude": -117.32, "Population": 982.0}, {"index": 15330, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.23, "Longitude": -117.32, "Population": 982.0}, {"index": 15331, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 33.24, "Longitude": -117.31, "Population": 792.0}, {"index": 15331, "quantile": 0.25, "value": 162400.0, "Latitude": 33.24, "Longitude": -117.31, "Population": 792.0}, {"index": 15331, "quantile": 0.5, "value": 162400.0, "Latitude": 33.24, "Longitude": -117.31, "Population": 792.0}, {"index": 15331, "quantile": 0.75, "value": 162400.0, "Latitude": 33.24, "Longitude": -117.31, "Population": 792.0}, {"index": 15331, "quantile": 1.0, "value": 295900.0, "Latitude": 33.24, "Longitude": -117.31, "Population": 792.0}, {"index": 15332, "quantile": 0.0, "value": 80000.0, "Latitude": 33.22, "Longitude": -117.32, "Population": 1810.0}, {"index": 15332, "quantile": 0.25, "value": 108900.0, "Latitude": 33.22, "Longitude": -117.32, "Population": 1810.0}, {"index": 15332, "quantile": 0.5, "value": 108900.0, "Latitude": 33.22, "Longitude": -117.32, "Population": 1810.0}, {"index": 15332, "quantile": 0.75, "value": 136075.0, "Latitude": 33.22, "Longitude": -117.32, "Population": 1810.0}, {"index": 15332, "quantile": 1.0, "value": 500000.0, "Latitude": 33.22, "Longitude": -117.32, "Population": 1810.0}, {"index": 15333, "quantile": 0.0, "value": 80600.0, "Latitude": 33.22, "Longitude": -117.33, "Population": 855.0}, {"index": 15333, "quantile": 0.25, "value": 91200.0, "Latitude": 33.22, "Longitude": -117.33, "Population": 855.0}, {"index": 15333, "quantile": 0.5, "value": 91200.0, "Latitude": 33.22, "Longitude": -117.33, "Population": 855.0}, {"index": 15333, "quantile": 0.75, "value": 91200.0, "Latitude": 33.22, "Longitude": -117.33, "Population": 855.0}, {"index": 15333, "quantile": 1.0, "value": 354000.0, "Latitude": 33.22, "Longitude": -117.33, "Population": 855.0}, {"index": 15334, "quantile": 0.0, "value": 58800.0, "Latitude": 33.22, "Longitude": -117.32, "Population": 316.0}, {"index": 15334, "quantile": 0.25, "value": 80600.0, "Latitude": 33.22, "Longitude": -117.32, "Population": 316.0}, {"index": 15334, "quantile": 0.5, "value": 91200.0, "Latitude": 33.22, "Longitude": -117.32, "Population": 316.0}, {"index": 15334, "quantile": 0.75, "value": 120600.0, "Latitude": 33.22, "Longitude": -117.32, "Population": 316.0}, {"index": 15334, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.22, "Longitude": -117.32, "Population": 316.0}, {"index": 15335, "quantile": 0.0, "value": 67500.0, "Latitude": 33.21, "Longitude": -117.33, "Population": 424.0}, {"index": 15335, "quantile": 0.25, "value": 85800.0, "Latitude": 33.21, "Longitude": -117.33, "Population": 424.0}, {"index": 15335, "quantile": 0.5, "value": 85800.0, "Latitude": 33.21, "Longitude": -117.33, "Population": 424.0}, {"index": 15335, "quantile": 0.75, "value": 88475.0, "Latitude": 33.21, "Longitude": -117.33, "Population": 424.0}, {"index": 15335, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.21, "Longitude": -117.33, "Population": 424.0}, {"index": 15336, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 33.22, "Longitude": -117.3, "Population": 6666.0}, {"index": 15336, "quantile": 0.25, "value": 184100.0, "Latitude": 33.22, "Longitude": -117.3, "Population": 6666.0}, {"index": 15336, "quantile": 0.5, "value": 184100.0, "Latitude": 33.22, "Longitude": -117.3, "Population": 6666.0}, {"index": 15336, "quantile": 0.75, "value": 184100.0, "Latitude": 33.22, "Longitude": -117.3, "Population": 6666.0}, {"index": 15336, "quantile": 1.0, "value": 367100.0, "Latitude": 33.22, "Longitude": -117.3, "Population": 6666.0}, {"index": 15337, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 33.19, "Longitude": -117.31, "Population": 8738.0}, {"index": 15337, "quantile": 0.25, "value": 195900.0, "Latitude": 33.19, "Longitude": -117.31, "Population": 8738.0}, {"index": 15337, "quantile": 0.5, "value": 246500.0, "Latitude": 33.19, "Longitude": -117.31, "Population": 8738.0}, {"index": 15337, "quantile": 0.75, "value": 281300.0, "Latitude": 33.19, "Longitude": -117.31, "Population": 8738.0}, {"index": 15337, "quantile": 1.0, "value": 394400.0, "Latitude": 33.19, "Longitude": -117.31, "Population": 8738.0}, {"index": 15338, "quantile": 0.0, "value": 67500.0, "Latitude": 33.2, "Longitude": -117.29, "Population": 1428.0}, {"index": 15338, "quantile": 0.25, "value": 157300.0, "Latitude": 33.2, "Longitude": -117.29, "Population": 1428.0}, {"index": 15338, "quantile": 0.5, "value": 157300.0, "Latitude": 33.2, "Longitude": -117.29, "Population": 1428.0}, {"index": 15338, "quantile": 0.75, "value": 157300.0, "Latitude": 33.2, "Longitude": -117.29, "Population": 1428.0}, {"index": 15338, "quantile": 1.0, "value": 216900.0, "Latitude": 33.2, "Longitude": -117.29, "Population": 1428.0}, {"index": 15339, "quantile": 0.0, "value": 67500.0, "Latitude": 33.18, "Longitude": -117.31, "Population": 599.0}, {"index": 15339, "quantile": 0.25, "value": 87700.0, "Latitude": 33.18, "Longitude": -117.31, "Population": 599.0}, {"index": 15339, "quantile": 0.5, "value": 87700.0, "Latitude": 33.18, "Longitude": -117.31, "Population": 599.0}, {"index": 15339, "quantile": 0.75, "value": 87700.0, "Latitude": 33.18, "Longitude": -117.31, "Population": 599.0}, {"index": 15339, "quantile": 1.0, "value": 500000.0, "Latitude": 33.18, "Longitude": -117.31, "Population": 599.0}, {"index": 15340, "quantile": 0.0, "value": 67500.0, "Latitude": 33.19, "Longitude": -117.29, "Population": 4127.0}, {"index": 15340, "quantile": 0.25, "value": 151600.0, "Latitude": 33.19, "Longitude": -117.29, "Population": 4127.0}, {"index": 15340, "quantile": 0.5, "value": 151600.0, "Latitude": 33.19, "Longitude": -117.29, "Population": 4127.0}, {"index": 15340, "quantile": 0.75, "value": 152400.0, "Latitude": 33.19, "Longitude": -117.29, "Population": 4127.0}, {"index": 15340, "quantile": 1.0, "value": 216900.0, "Latitude": 33.19, "Longitude": -117.29, "Population": 4127.0}, {"index": 15341, "quantile": 0.0, "value": 132100.0, "Latitude": 33.2, "Longitude": -117.28, "Population": 2983.0}, {"index": 15341, "quantile": 0.25, "value": 152100.0, "Latitude": 33.2, "Longitude": -117.28, "Population": 2983.0}, {"index": 15341, "quantile": 0.5, "value": 152100.0, "Latitude": 33.2, "Longitude": -117.28, "Population": 2983.0}, {"index": 15341, "quantile": 0.75, "value": 152100.0, "Latitude": 33.2, "Longitude": -117.28, "Population": 2983.0}, {"index": 15341, "quantile": 1.0, "value": 294600.0, "Latitude": 33.2, "Longitude": -117.28, "Population": 2983.0}, {"index": 15342, "quantile": 0.0, "value": 99600.0, "Latitude": 33.22, "Longitude": -117.37, "Population": 1435.0}, {"index": 15342, "quantile": 0.25, "value": 125600.0, "Latitude": 33.22, "Longitude": -117.37, "Population": 1435.0}, {"index": 15342, "quantile": 0.5, "value": 125600.0, "Latitude": 33.22, "Longitude": -117.37, "Population": 1435.0}, {"index": 15342, "quantile": 0.75, "value": 135800.0, "Latitude": 33.22, "Longitude": -117.37, "Population": 1435.0}, {"index": 15342, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 33.22, "Longitude": -117.37, "Population": 1435.0}, {"index": 15343, "quantile": 0.0, "value": 122700.00000000001, "Latitude": 33.23, "Longitude": -117.35, "Population": 934.0}, {"index": 15343, "quantile": 0.25, "value": 150875.0, "Latitude": 33.23, "Longitude": -117.35, "Population": 934.0}, {"index": 15343, "quantile": 0.5, "value": 170900.0, "Latitude": 33.23, "Longitude": -117.35, "Population": 934.0}, {"index": 15343, "quantile": 0.75, "value": 221525.00000000003, "Latitude": 33.23, "Longitude": -117.35, "Population": 934.0}, {"index": 15343, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.23, "Longitude": -117.35, "Population": 934.0}, {"index": 15344, "quantile": 0.0, "value": 98100.0, "Latitude": 33.21, "Longitude": -117.35, "Population": 2051.0}, {"index": 15344, "quantile": 0.25, "value": 117100.0, "Latitude": 33.21, "Longitude": -117.35, "Population": 2051.0}, {"index": 15344, "quantile": 0.5, "value": 117100.0, "Latitude": 33.21, "Longitude": -117.35, "Population": 2051.0}, {"index": 15344, "quantile": 0.75, "value": 152600.0, "Latitude": 33.21, "Longitude": -117.35, "Population": 2051.0}, {"index": 15344, "quantile": 1.0, "value": 354000.0, "Latitude": 33.21, "Longitude": -117.35, "Population": 2051.0}, {"index": 15345, "quantile": 0.0, "value": 65900.0, "Latitude": 33.21, "Longitude": -117.38, "Population": 1514.0}, {"index": 15345, "quantile": 0.25, "value": 117100.0, "Latitude": 33.21, "Longitude": -117.38, "Population": 1514.0}, {"index": 15345, "quantile": 0.5, "value": 136000.0, "Latitude": 33.21, "Longitude": -117.38, "Population": 1514.0}, {"index": 15345, "quantile": 0.75, "value": 169750.0, "Latitude": 33.21, "Longitude": -117.38, "Population": 1514.0}, {"index": 15345, "quantile": 1.0, "value": 360300.0, "Latitude": 33.21, "Longitude": -117.38, "Population": 1514.0}, {"index": 15346, "quantile": 0.0, "value": 46700.0, "Latitude": 33.2, "Longitude": -117.37, "Population": 1425.0}, {"index": 15346, "quantile": 0.25, "value": 99600.0, "Latitude": 33.2, "Longitude": -117.37, "Population": 1425.0}, {"index": 15346, "quantile": 0.5, "value": 99600.0, "Latitude": 33.2, "Longitude": -117.37, "Population": 1425.0}, {"index": 15346, "quantile": 0.75, "value": 106300.0, "Latitude": 33.2, "Longitude": -117.37, "Population": 1425.0}, {"index": 15346, "quantile": 1.0, "value": 350000.0, "Latitude": 33.2, "Longitude": -117.37, "Population": 1425.0}, {"index": 15347, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.28, "Longitude": -117.28, "Population": 4049.0}, {"index": 15347, "quantile": 0.25, "value": 150700.0, "Latitude": 33.28, "Longitude": -117.28, "Population": 4049.0}, {"index": 15347, "quantile": 0.5, "value": 150700.0, "Latitude": 33.28, "Longitude": -117.28, "Population": 4049.0}, {"index": 15347, "quantile": 0.75, "value": 153725.0, "Latitude": 33.28, "Longitude": -117.28, "Population": 4049.0}, {"index": 15347, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 33.28, "Longitude": -117.28, "Population": 4049.0}, {"index": 15348, "quantile": 0.0, "value": 110100.0, "Latitude": 33.3, "Longitude": -117.25, "Population": 1151.0}, {"index": 15348, "quantile": 0.25, "value": 224700.0, "Latitude": 33.3, "Longitude": -117.25, "Population": 1151.0}, {"index": 15348, "quantile": 0.5, "value": 252100.0, "Latitude": 33.3, "Longitude": -117.25, "Population": 1151.0}, {"index": 15348, "quantile": 0.75, "value": 283700.0, "Latitude": 33.3, "Longitude": -117.25, "Population": 1151.0}, {"index": 15348, "quantile": 1.0, "value": 480800.0, "Latitude": 33.3, "Longitude": -117.25, "Population": 1151.0}, {"index": 15349, "quantile": 0.0, "value": 96000.0, "Latitude": 33.26, "Longitude": -117.26, "Population": 2582.0}, {"index": 15349, "quantile": 0.25, "value": 162800.0, "Latitude": 33.26, "Longitude": -117.26, "Population": 2582.0}, {"index": 15349, "quantile": 0.5, "value": 173900.0, "Latitude": 33.26, "Longitude": -117.26, "Population": 2582.0}, {"index": 15349, "quantile": 0.75, "value": 173900.0, "Latitude": 33.26, "Longitude": -117.26, "Population": 2582.0}, {"index": 15349, "quantile": 1.0, "value": 240099.99999999997, "Latitude": 33.26, "Longitude": -117.26, "Population": 2582.0}, {"index": 15350, "quantile": 0.0, "value": 67500.0, "Latitude": 33.26, "Longitude": -117.3, "Population": 1227.0}, {"index": 15350, "quantile": 0.25, "value": 133800.0, "Latitude": 33.26, "Longitude": -117.3, "Population": 1227.0}, {"index": 15350, "quantile": 0.5, "value": 133800.0, "Latitude": 33.26, "Longitude": -117.3, "Population": 1227.0}, {"index": 15350, "quantile": 0.75, "value": 143175.0, "Latitude": 33.26, "Longitude": -117.3, "Population": 1227.0}, {"index": 15350, "quantile": 1.0, "value": 270000.0, "Latitude": 33.26, "Longitude": -117.3, "Population": 1227.0}, {"index": 15351, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 33.25, "Longitude": -117.3, "Population": 1456.0}, {"index": 15351, "quantile": 0.25, "value": 142600.0, "Latitude": 33.25, "Longitude": -117.3, "Population": 1456.0}, {"index": 15351, "quantile": 0.5, "value": 150900.0, "Latitude": 33.25, "Longitude": -117.3, "Population": 1456.0}, {"index": 15351, "quantile": 0.75, "value": 196400.0, "Latitude": 33.25, "Longitude": -117.3, "Population": 1456.0}, {"index": 15351, "quantile": 1.0, "value": 367100.0, "Latitude": 33.25, "Longitude": -117.3, "Population": 1456.0}, {"index": 15352, "quantile": 0.0, "value": 97100.0, "Latitude": 33.25, "Longitude": -117.31, "Population": 2140.0}, {"index": 15352, "quantile": 0.25, "value": 102299.99999999999, "Latitude": 33.25, "Longitude": -117.31, "Population": 2140.0}, {"index": 15352, "quantile": 0.5, "value": 102299.99999999999, "Latitude": 33.25, "Longitude": -117.31, "Population": 2140.0}, {"index": 15352, "quantile": 0.75, "value": 150825.0, "Latitude": 33.25, "Longitude": -117.31, "Population": 2140.0}, {"index": 15352, "quantile": 1.0, "value": 216900.0, "Latitude": 33.25, "Longitude": -117.31, "Population": 2140.0}, {"index": 15353, "quantile": 0.0, "value": 84500.0, "Latitude": 33.25, "Longitude": -117.31, "Population": 1843.0}, {"index": 15353, "quantile": 0.25, "value": 97100.0, "Latitude": 33.25, "Longitude": -117.31, "Population": 1843.0}, {"index": 15353, "quantile": 0.5, "value": 97100.0, "Latitude": 33.25, "Longitude": -117.31, "Population": 1843.0}, {"index": 15353, "quantile": 0.75, "value": 125800.0, "Latitude": 33.25, "Longitude": -117.31, "Population": 1843.0}, {"index": 15353, "quantile": 1.0, "value": 179500.0, "Latitude": 33.25, "Longitude": -117.31, "Population": 1843.0}, {"index": 15354, "quantile": 0.0, "value": 131500.0, "Latitude": 33.25, "Longitude": -117.32, "Population": 1314.0}, {"index": 15354, "quantile": 0.25, "value": 186900.0, "Latitude": 33.25, "Longitude": -117.32, "Population": 1314.0}, {"index": 15354, "quantile": 0.5, "value": 186900.0, "Latitude": 33.25, "Longitude": -117.32, "Population": 1314.0}, {"index": 15354, "quantile": 0.75, "value": 186900.0, "Latitude": 33.25, "Longitude": -117.32, "Population": 1314.0}, {"index": 15354, "quantile": 1.0, "value": 347700.0, "Latitude": 33.25, "Longitude": -117.32, "Population": 1314.0}, {"index": 15355, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 33.25, "Longitude": -117.32, "Population": 4399.0}, {"index": 15355, "quantile": 0.25, "value": 160050.0, "Latitude": 33.25, "Longitude": -117.32, "Population": 4399.0}, {"index": 15355, "quantile": 0.5, "value": 170900.0, "Latitude": 33.25, "Longitude": -117.32, "Population": 4399.0}, {"index": 15355, "quantile": 0.75, "value": 170900.0, "Latitude": 33.25, "Longitude": -117.32, "Population": 4399.0}, {"index": 15355, "quantile": 1.0, "value": 281300.0, "Latitude": 33.25, "Longitude": -117.32, "Population": 4399.0}, {"index": 15356, "quantile": 0.0, "value": 84200.0, "Latitude": 33.23, "Longitude": -117.34, "Population": 2212.0}, {"index": 15356, "quantile": 0.25, "value": 119700.0, "Latitude": 33.23, "Longitude": -117.34, "Population": 2212.0}, {"index": 15356, "quantile": 0.5, "value": 150550.0, "Latitude": 33.23, "Longitude": -117.34, "Population": 2212.0}, {"index": 15356, "quantile": 0.75, "value": 162175.0, "Latitude": 33.23, "Longitude": -117.34, "Population": 2212.0}, {"index": 15356, "quantile": 1.0, "value": 252100.0, "Latitude": 33.23, "Longitude": -117.34, "Population": 2212.0}, {"index": 15357, "quantile": 0.0, "value": 87700.0, "Latitude": 33.23, "Longitude": -117.33, "Population": 1130.0}, {"index": 15357, "quantile": 0.25, "value": 135825.0, "Latitude": 33.23, "Longitude": -117.33, "Population": 1130.0}, {"index": 15357, "quantile": 0.5, "value": 155600.0, "Latitude": 33.23, "Longitude": -117.33, "Population": 1130.0}, {"index": 15357, "quantile": 0.75, "value": 155600.0, "Latitude": 33.23, "Longitude": -117.33, "Population": 1130.0}, {"index": 15357, "quantile": 1.0, "value": 216900.0, "Latitude": 33.23, "Longitude": -117.33, "Population": 1130.0}, {"index": 15358, "quantile": 0.0, "value": 84200.0, "Latitude": 33.23, "Longitude": -117.33, "Population": 1258.0}, {"index": 15358, "quantile": 0.25, "value": 127899.99999999999, "Latitude": 33.23, "Longitude": -117.33, "Population": 1258.0}, {"index": 15358, "quantile": 0.5, "value": 127899.99999999999, "Latitude": 33.23, "Longitude": -117.33, "Population": 1258.0}, {"index": 15358, "quantile": 0.75, "value": 139150.0, "Latitude": 33.23, "Longitude": -117.33, "Population": 1258.0}, {"index": 15358, "quantile": 1.0, "value": 367100.0, "Latitude": 33.23, "Longitude": -117.33, "Population": 1258.0}, {"index": 15359, "quantile": 0.0, "value": 97100.0, "Latitude": 33.24, "Longitude": -117.33, "Population": 2298.0}, {"index": 15359, "quantile": 0.25, "value": 143400.0, "Latitude": 33.24, "Longitude": -117.33, "Population": 2298.0}, {"index": 15359, "quantile": 0.5, "value": 143400.0, "Latitude": 33.24, "Longitude": -117.33, "Population": 2298.0}, {"index": 15359, "quantile": 0.75, "value": 143400.0, "Latitude": 33.24, "Longitude": -117.33, "Population": 2298.0}, {"index": 15359, "quantile": 1.0, "value": 257700.0, "Latitude": 33.24, "Longitude": -117.33, "Population": 2298.0}, {"index": 15360, "quantile": 0.0, "value": 67500.0, "Latitude": 33.35, "Longitude": -117.42, "Population": 35682.0}, {"index": 15360, "quantile": 0.25, "value": 134400.0, "Latitude": 33.35, "Longitude": -117.42, "Population": 35682.0}, {"index": 15360, "quantile": 0.5, "value": 134400.0, "Latitude": 33.35, "Longitude": -117.42, "Population": 35682.0}, {"index": 15360, "quantile": 0.75, "value": 134400.0, "Latitude": 33.35, "Longitude": -117.42, "Population": 35682.0}, {"index": 15360, "quantile": 1.0, "value": 266700.0, "Latitude": 33.35, "Longitude": -117.42, "Population": 35682.0}, {"index": 15361, "quantile": 0.0, "value": 118900.0, "Latitude": 33.34, "Longitude": -117.24, "Population": 1354.0}, {"index": 15361, "quantile": 0.25, "value": 221150.0, "Latitude": 33.34, "Longitude": -117.24, "Population": 1354.0}, {"index": 15361, "quantile": 0.5, "value": 257300.0, "Latitude": 33.34, "Longitude": -117.24, "Population": 1354.0}, {"index": 15361, "quantile": 0.75, "value": 257300.0, "Latitude": 33.34, "Longitude": -117.24, "Population": 1354.0}, {"index": 15361, "quantile": 1.0, "value": 307600.0, "Latitude": 33.34, "Longitude": -117.24, "Population": 1354.0}, {"index": 15362, "quantile": 0.0, "value": 169800.0, "Latitude": 33.36, "Longitude": -117.22, "Population": 1351.0}, {"index": 15362, "quantile": 0.25, "value": 255250.00000000003, "Latitude": 33.36, "Longitude": -117.22, "Population": 1351.0}, {"index": 15362, "quantile": 0.5, "value": 263300.0, "Latitude": 33.36, "Longitude": -117.22, "Population": 1351.0}, {"index": 15362, "quantile": 0.75, "value": 263300.0, "Latitude": 33.36, "Longitude": -117.22, "Population": 1351.0}, {"index": 15362, "quantile": 1.0, "value": 347700.0, "Latitude": 33.36, "Longitude": -117.22, "Population": 1351.0}, {"index": 15363, "quantile": 0.0, "value": 159300.0, "Latitude": 33.31, "Longitude": -117.22, "Population": 1193.0}, {"index": 15363, "quantile": 0.25, "value": 299125.0, "Latitude": 33.31, "Longitude": -117.22, "Population": 1193.0}, {"index": 15363, "quantile": 0.5, "value": 331300.0, "Latitude": 33.31, "Longitude": -117.22, "Population": 1193.0}, {"index": 15363, "quantile": 0.75, "value": 331300.0, "Latitude": 33.31, "Longitude": -117.22, "Population": 1193.0}, {"index": 15363, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.31, "Longitude": -117.22, "Population": 1193.0}, {"index": 15364, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 33.34, "Longitude": -117.21, "Population": 2312.0}, {"index": 15364, "quantile": 0.25, "value": 258525.00000000003, "Latitude": 33.34, "Longitude": -117.21, "Population": 2312.0}, {"index": 15364, "quantile": 0.5, "value": 325700.0, "Latitude": 33.34, "Longitude": -117.21, "Population": 2312.0}, {"index": 15364, "quantile": 0.75, "value": 325700.0, "Latitude": 33.34, "Longitude": -117.21, "Population": 2312.0}, {"index": 15364, "quantile": 1.0, "value": 363500.0, "Latitude": 33.34, "Longitude": -117.21, "Population": 2312.0}, {"index": 15365, "quantile": 0.0, "value": 161700.0, "Latitude": 33.34, "Longitude": -117.19, "Population": 1104.0}, {"index": 15365, "quantile": 0.25, "value": 307300.0, "Latitude": 33.34, "Longitude": -117.19, "Population": 1104.0}, {"index": 15365, "quantile": 0.5, "value": 314400.0, "Latitude": 33.34, "Longitude": -117.19, "Population": 1104.0}, {"index": 15365, "quantile": 0.75, "value": 314400.0, "Latitude": 33.34, "Longitude": -117.19, "Population": 1104.0}, {"index": 15365, "quantile": 1.0, "value": 496000.0, "Latitude": 33.34, "Longitude": -117.19, "Population": 1104.0}, {"index": 15366, "quantile": 0.0, "value": 58800.0, "Latitude": 33.34, "Longitude": -117.17, "Population": 1022.0}, {"index": 15366, "quantile": 0.25, "value": 189900.0, "Latitude": 33.34, "Longitude": -117.17, "Population": 1022.0}, {"index": 15366, "quantile": 0.5, "value": 189900.0, "Latitude": 33.34, "Longitude": -117.17, "Population": 1022.0}, {"index": 15366, "quantile": 0.75, "value": 189900.0, "Latitude": 33.34, "Longitude": -117.17, "Population": 1022.0}, {"index": 15366, "quantile": 1.0, "value": 354000.0, "Latitude": 33.34, "Longitude": -117.17, "Population": 1022.0}, {"index": 15367, "quantile": 0.0, "value": 131000.0, "Latitude": 33.29, "Longitude": -117.2, "Population": 2778.0}, {"index": 15367, "quantile": 0.25, "value": 199750.0, "Latitude": 33.29, "Longitude": -117.2, "Population": 2778.0}, {"index": 15367, "quantile": 0.5, "value": 295900.0, "Latitude": 33.29, "Longitude": -117.2, "Population": 2778.0}, {"index": 15367, "quantile": 0.75, "value": 295900.0, "Latitude": 33.29, "Longitude": -117.2, "Population": 2778.0}, {"index": 15367, "quantile": 1.0, "value": 295900.0, "Latitude": 33.29, "Longitude": -117.2, "Population": 2778.0}, {"index": 15368, "quantile": 0.0, "value": 136700.0, "Latitude": 33.28, "Longitude": -117.17, "Population": 862.0}, {"index": 15368, "quantile": 0.25, "value": 224250.00000000003, "Latitude": 33.28, "Longitude": -117.17, "Population": 862.0}, {"index": 15368, "quantile": 0.5, "value": 376800.0, "Latitude": 33.28, "Longitude": -117.17, "Population": 862.0}, {"index": 15368, "quantile": 0.75, "value": 376800.0, "Latitude": 33.28, "Longitude": -117.17, "Population": 862.0}, {"index": 15368, "quantile": 1.0, "value": 376800.0, "Latitude": 33.28, "Longitude": -117.17, "Population": 862.0}, {"index": 15369, "quantile": 0.0, "value": 97100.0, "Latitude": 33.38, "Longitude": -117.25, "Population": 2007.0}, {"index": 15369, "quantile": 0.25, "value": 146700.0, "Latitude": 33.38, "Longitude": -117.25, "Population": 2007.0}, {"index": 15369, "quantile": 0.5, "value": 146700.0, "Latitude": 33.38, "Longitude": -117.25, "Population": 2007.0}, {"index": 15369, "quantile": 0.75, "value": 146700.0, "Latitude": 33.38, "Longitude": -117.25, "Population": 2007.0}, {"index": 15369, "quantile": 1.0, "value": 216900.0, "Latitude": 33.38, "Longitude": -117.25, "Population": 2007.0}, {"index": 15370, "quantile": 0.0, "value": 126400.0, "Latitude": 33.4, "Longitude": -117.24, "Population": 1322.0}, {"index": 15370, "quantile": 0.25, "value": 172025.0, "Latitude": 33.4, "Longitude": -117.24, "Population": 1322.0}, {"index": 15370, "quantile": 0.5, "value": 227000.0, "Latitude": 33.4, "Longitude": -117.24, "Population": 1322.0}, {"index": 15370, "quantile": 0.75, "value": 227000.0, "Latitude": 33.4, "Longitude": -117.24, "Population": 1322.0}, {"index": 15370, "quantile": 1.0, "value": 270000.0, "Latitude": 33.4, "Longitude": -117.24, "Population": 1322.0}, {"index": 15371, "quantile": 0.0, "value": 95300.0, "Latitude": 33.38, "Longitude": -117.23, "Population": 1727.0}, {"index": 15371, "quantile": 0.25, "value": 121900.00000000001, "Latitude": 33.38, "Longitude": -117.23, "Population": 1727.0}, {"index": 15371, "quantile": 0.5, "value": 143400.0, "Latitude": 33.38, "Longitude": -117.23, "Population": 1727.0}, {"index": 15371, "quantile": 0.75, "value": 169750.0, "Latitude": 33.38, "Longitude": -117.23, "Population": 1727.0}, {"index": 15371, "quantile": 1.0, "value": 240200.0, "Latitude": 33.38, "Longitude": -117.23, "Population": 1727.0}, {"index": 15372, "quantile": 0.0, "value": 120400.0, "Latitude": 33.38, "Longitude": -117.24, "Population": 1696.0}, {"index": 15372, "quantile": 0.25, "value": 143875.0, "Latitude": 33.38, "Longitude": -117.24, "Population": 1696.0}, {"index": 15372, "quantile": 0.5, "value": 153350.0, "Latitude": 33.38, "Longitude": -117.24, "Population": 1696.0}, {"index": 15372, "quantile": 0.75, "value": 171325.0, "Latitude": 33.38, "Longitude": -117.24, "Population": 1696.0}, {"index": 15372, "quantile": 1.0, "value": 279500.0, "Latitude": 33.38, "Longitude": -117.24, "Population": 1696.0}, {"index": 15373, "quantile": 0.0, "value": 72000.0, "Latitude": 33.38, "Longitude": -117.25, "Population": 1031.0}, {"index": 15373, "quantile": 0.25, "value": 127200.0, "Latitude": 33.38, "Longitude": -117.25, "Population": 1031.0}, {"index": 15373, "quantile": 0.5, "value": 134400.0, "Latitude": 33.38, "Longitude": -117.25, "Population": 1031.0}, {"index": 15373, "quantile": 0.75, "value": 134400.0, "Latitude": 33.38, "Longitude": -117.25, "Population": 1031.0}, {"index": 15373, "quantile": 1.0, "value": 328600.0, "Latitude": 33.38, "Longitude": -117.25, "Population": 1031.0}, {"index": 15374, "quantile": 0.0, "value": 77200.0, "Latitude": 33.39, "Longitude": -117.25, "Population": 1425.0}, {"index": 15374, "quantile": 0.25, "value": 137300.0, "Latitude": 33.39, "Longitude": -117.25, "Population": 1425.0}, {"index": 15374, "quantile": 0.5, "value": 137300.0, "Latitude": 33.39, "Longitude": -117.25, "Population": 1425.0}, {"index": 15374, "quantile": 0.75, "value": 145925.0, "Latitude": 33.39, "Longitude": -117.25, "Population": 1425.0}, {"index": 15374, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.39, "Longitude": -117.25, "Population": 1425.0}, {"index": 15375, "quantile": 0.0, "value": 67500.0, "Latitude": 33.37, "Longitude": -117.26, "Population": 1440.0}, {"index": 15375, "quantile": 0.25, "value": 115399.99999999999, "Latitude": 33.37, "Longitude": -117.26, "Population": 1440.0}, {"index": 15375, "quantile": 0.5, "value": 136800.0, "Latitude": 33.37, "Longitude": -117.26, "Population": 1440.0}, {"index": 15375, "quantile": 0.75, "value": 146500.0, "Latitude": 33.37, "Longitude": -117.26, "Population": 1440.0}, {"index": 15375, "quantile": 1.0, "value": 220600.0, "Latitude": 33.37, "Longitude": -117.26, "Population": 1440.0}, {"index": 15376, "quantile": 0.0, "value": 66400.0, "Latitude": 33.37, "Longitude": -117.25, "Population": 1687.0}, {"index": 15376, "quantile": 0.25, "value": 133800.0, "Latitude": 33.37, "Longitude": -117.25, "Population": 1687.0}, {"index": 15376, "quantile": 0.5, "value": 146900.0, "Latitude": 33.37, "Longitude": -117.25, "Population": 1687.0}, {"index": 15376, "quantile": 0.75, "value": 146900.0, "Latitude": 33.37, "Longitude": -117.25, "Population": 1687.0}, {"index": 15376, "quantile": 1.0, "value": 204999.99999999997, "Latitude": 33.37, "Longitude": -117.25, "Population": 1687.0}, {"index": 15377, "quantile": 0.0, "value": 136400.0, "Latitude": 33.37, "Longitude": -117.24, "Population": 2436.0}, {"index": 15377, "quantile": 0.25, "value": 180900.0, "Latitude": 33.37, "Longitude": -117.24, "Population": 2436.0}, {"index": 15377, "quantile": 0.5, "value": 180900.0, "Latitude": 33.37, "Longitude": -117.24, "Population": 2436.0}, {"index": 15377, "quantile": 0.75, "value": 200199.99999999997, "Latitude": 33.37, "Longitude": -117.24, "Population": 2436.0}, {"index": 15377, "quantile": 1.0, "value": 291500.0, "Latitude": 33.37, "Longitude": -117.24, "Population": 2436.0}, {"index": 15378, "quantile": 0.0, "value": 91800.0, "Latitude": 33.36, "Longitude": -117.24, "Population": 1250.0}, {"index": 15378, "quantile": 0.25, "value": 189100.0, "Latitude": 33.36, "Longitude": -117.24, "Population": 1250.0}, {"index": 15378, "quantile": 0.5, "value": 208600.00000000003, "Latitude": 33.36, "Longitude": -117.24, "Population": 1250.0}, {"index": 15378, "quantile": 0.75, "value": 245500.0, "Latitude": 33.36, "Longitude": -117.24, "Population": 1250.0}, {"index": 15378, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 33.36, "Longitude": -117.24, "Population": 1250.0}, {"index": 15379, "quantile": 0.0, "value": 68900.0, "Latitude": 33.36, "Longitude": -117.25, "Population": 2833.0}, {"index": 15379, "quantile": 0.25, "value": 106824.99999999999, "Latitude": 33.36, "Longitude": -117.25, "Population": 2833.0}, {"index": 15379, "quantile": 0.5, "value": 117750.0, "Latitude": 33.36, "Longitude": -117.25, "Population": 2833.0}, {"index": 15379, "quantile": 0.75, "value": 147500.0, "Latitude": 33.36, "Longitude": -117.25, "Population": 2833.0}, {"index": 15379, "quantile": 1.0, "value": 350000.0, "Latitude": 33.36, "Longitude": -117.25, "Population": 2833.0}, {"index": 15380, "quantile": 0.0, "value": 128600.0, "Latitude": 33.46, "Longitude": -117.34, "Population": 848.0}, {"index": 15380, "quantile": 0.25, "value": 273300.0, "Latitude": 33.46, "Longitude": -117.34, "Population": 848.0}, {"index": 15380, "quantile": 0.5, "value": 273300.0, "Latitude": 33.46, "Longitude": -117.34, "Population": 848.0}, {"index": 15380, "quantile": 0.75, "value": 273300.0, "Latitude": 33.46, "Longitude": -117.34, "Population": 848.0}, {"index": 15380, "quantile": 1.0, "value": 429000.0, "Latitude": 33.46, "Longitude": -117.34, "Population": 848.0}, {"index": 15381, "quantile": 0.0, "value": 100000.0, "Latitude": 33.41, "Longitude": -117.19, "Population": 1301.0}, {"index": 15381, "quantile": 0.25, "value": 180175.0, "Latitude": 33.41, "Longitude": -117.19, "Population": 1301.0}, {"index": 15381, "quantile": 0.5, "value": 196000.0, "Latitude": 33.41, "Longitude": -117.19, "Population": 1301.0}, {"index": 15381, "quantile": 0.75, "value": 237925.0, "Latitude": 33.41, "Longitude": -117.19, "Population": 1301.0}, {"index": 15381, "quantile": 1.0, "value": 394400.0, "Latitude": 33.41, "Longitude": -117.19, "Population": 1301.0}, {"index": 15382, "quantile": 0.0, "value": 67500.0, "Latitude": 33.39, "Longitude": -117.14, "Population": 1931.0}, {"index": 15382, "quantile": 0.25, "value": 152900.0, "Latitude": 33.39, "Longitude": -117.14, "Population": 1931.0}, {"index": 15382, "quantile": 0.5, "value": 208300.00000000003, "Latitude": 33.39, "Longitude": -117.14, "Population": 1931.0}, {"index": 15382, "quantile": 0.75, "value": 208300.00000000003, "Latitude": 33.39, "Longitude": -117.14, "Population": 1931.0}, {"index": 15382, "quantile": 1.0, "value": 294600.0, "Latitude": 33.39, "Longitude": -117.14, "Population": 1931.0}, {"index": 15383, "quantile": 0.0, "value": 135200.0, "Latitude": 33.38, "Longitude": -117.2, "Population": 2350.0}, {"index": 15383, "quantile": 0.25, "value": 265950.0, "Latitude": 33.38, "Longitude": -117.2, "Population": 2350.0}, {"index": 15383, "quantile": 0.5, "value": 291500.0, "Latitude": 33.38, "Longitude": -117.2, "Population": 2350.0}, {"index": 15383, "quantile": 0.75, "value": 291500.0, "Latitude": 33.38, "Longitude": -117.2, "Population": 2350.0}, {"index": 15383, "quantile": 1.0, "value": 376800.0, "Latitude": 33.38, "Longitude": -117.2, "Population": 2350.0}, {"index": 15384, "quantile": 0.0, "value": 67500.0, "Latitude": 33.36, "Longitude": -117.1, "Population": 2091.0}, {"index": 15384, "quantile": 0.25, "value": 135650.0, "Latitude": 33.36, "Longitude": -117.1, "Population": 2091.0}, {"index": 15384, "quantile": 0.5, "value": 156800.0, "Latitude": 33.36, "Longitude": -117.1, "Population": 2091.0}, {"index": 15384, "quantile": 0.75, "value": 178825.0, "Latitude": 33.36, "Longitude": -117.1, "Population": 2091.0}, {"index": 15384, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 33.36, "Longitude": -117.1, "Population": 2091.0}, {"index": 15385, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 33.31, "Longitude": -116.95, "Population": 1838.0}, {"index": 15385, "quantile": 0.25, "value": 117000.0, "Latitude": 33.31, "Longitude": -116.95, "Population": 1838.0}, {"index": 15385, "quantile": 0.5, "value": 117000.0, "Latitude": 33.31, "Longitude": -116.95, "Population": 1838.0}, {"index": 15385, "quantile": 0.75, "value": 117000.0, "Latitude": 33.31, "Longitude": -116.95, "Population": 1838.0}, {"index": 15385, "quantile": 1.0, "value": 159400.0, "Latitude": 33.31, "Longitude": -116.95, "Population": 1838.0}, {"index": 15386, "quantile": 0.0, "value": 120000.0, "Latitude": 33.32, "Longitude": -117.03, "Population": 601.0}, {"index": 15386, "quantile": 0.25, "value": 177674.99999999997, "Latitude": 33.32, "Longitude": -117.03, "Population": 601.0}, {"index": 15386, "quantile": 0.5, "value": 243800.00000000003, "Latitude": 33.32, "Longitude": -117.03, "Population": 601.0}, {"index": 15386, "quantile": 0.75, "value": 243800.00000000003, "Latitude": 33.32, "Longitude": -117.03, "Population": 601.0}, {"index": 15386, "quantile": 1.0, "value": 270000.0, "Latitude": 33.32, "Longitude": -117.03, "Population": 601.0}, {"index": 15387, "quantile": 0.0, "value": 231700.00000000003, "Latitude": 33.29, "Longitude": -117.05, "Population": 891.0}, {"index": 15387, "quantile": 0.25, "value": 267600.0, "Latitude": 33.29, "Longitude": -117.05, "Population": 891.0}, {"index": 15387, "quantile": 0.5, "value": 267600.0, "Latitude": 33.29, "Longitude": -117.05, "Population": 891.0}, {"index": 15387, "quantile": 0.75, "value": 278600.0, "Latitude": 33.29, "Longitude": -117.05, "Population": 891.0}, {"index": 15387, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.29, "Longitude": -117.05, "Population": 891.0}, {"index": 15388, "quantile": 0.0, "value": 120000.0, "Latitude": 33.26, "Longitude": -117.05, "Population": 1704.0}, {"index": 15388, "quantile": 0.25, "value": 149675.0, "Latitude": 33.26, "Longitude": -117.05, "Population": 1704.0}, {"index": 15388, "quantile": 0.5, "value": 162900.0, "Latitude": 33.26, "Longitude": -117.05, "Population": 1704.0}, {"index": 15388, "quantile": 0.75, "value": 193200.0, "Latitude": 33.26, "Longitude": -117.05, "Population": 1704.0}, {"index": 15388, "quantile": 1.0, "value": 270000.0, "Latitude": 33.26, "Longitude": -117.05, "Population": 1704.0}, {"index": 15389, "quantile": 0.0, "value": 116900.0, "Latitude": 33.27, "Longitude": -117.12, "Population": 1727.0}, {"index": 15389, "quantile": 0.25, "value": 210900.0, "Latitude": 33.27, "Longitude": -117.12, "Population": 1727.0}, {"index": 15389, "quantile": 0.5, "value": 232799.99999999997, "Latitude": 33.27, "Longitude": -117.12, "Population": 1727.0}, {"index": 15389, "quantile": 0.75, "value": 232799.99999999997, "Latitude": 33.27, "Longitude": -117.12, "Population": 1727.0}, {"index": 15389, "quantile": 1.0, "value": 376800.0, "Latitude": 33.27, "Longitude": -117.12, "Population": 1727.0}, {"index": 15390, "quantile": 0.0, "value": 224100.0, "Latitude": 33.29, "Longitude": -117.0, "Population": 573.0}, {"index": 15390, "quantile": 0.25, "value": 419200.0, "Latitude": 33.29, "Longitude": -117.0, "Population": 573.0}, {"index": 15390, "quantile": 0.5, "value": 419200.0, "Latitude": 33.29, "Longitude": -117.0, "Population": 573.0}, {"index": 15390, "quantile": 0.75, "value": 419200.0, "Latitude": 33.29, "Longitude": -117.0, "Population": 573.0}, {"index": 15390, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.29, "Longitude": -117.0, "Population": 573.0}, {"index": 15391, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 33.26, "Longitude": -116.98, "Population": 3129.0}, {"index": 15391, "quantile": 0.25, "value": 173625.0, "Latitude": 33.26, "Longitude": -116.98, "Population": 3129.0}, {"index": 15391, "quantile": 0.5, "value": 254100.0, "Latitude": 33.26, "Longitude": -116.98, "Population": 3129.0}, {"index": 15391, "quantile": 0.75, "value": 254100.0, "Latitude": 33.26, "Longitude": -116.98, "Population": 3129.0}, {"index": 15391, "quantile": 1.0, "value": 347700.0, "Latitude": 33.26, "Longitude": -116.98, "Population": 3129.0}, {"index": 15392, "quantile": 0.0, "value": 84200.0, "Latitude": 33.2, "Longitude": -116.99, "Population": 1531.0}, {"index": 15392, "quantile": 0.25, "value": 131000.0, "Latitude": 33.2, "Longitude": -116.99, "Population": 1531.0}, {"index": 15392, "quantile": 0.5, "value": 170900.0, "Latitude": 33.2, "Longitude": -116.99, "Population": 1531.0}, {"index": 15392, "quantile": 0.75, "value": 180400.0, "Latitude": 33.2, "Longitude": -116.99, "Population": 1531.0}, {"index": 15392, "quantile": 1.0, "value": 291500.0, "Latitude": 33.2, "Longitude": -116.99, "Population": 1531.0}, {"index": 15393, "quantile": 0.0, "value": 112799.99999999999, "Latitude": 33.22, "Longitude": -116.9, "Population": 2012.0}, {"index": 15393, "quantile": 0.25, "value": 188700.0, "Latitude": 33.22, "Longitude": -116.9, "Population": 2012.0}, {"index": 15393, "quantile": 0.5, "value": 234500.00000000003, "Latitude": 33.22, "Longitude": -116.9, "Population": 2012.0}, {"index": 15393, "quantile": 0.75, "value": 234500.00000000003, "Latitude": 33.22, "Longitude": -116.9, "Population": 2012.0}, {"index": 15393, "quantile": 1.0, "value": 234500.00000000003, "Latitude": 33.22, "Longitude": -116.9, "Population": 2012.0}, {"index": 15394, "quantile": 0.0, "value": 58800.0, "Latitude": 33.23, "Longitude": -117.14, "Population": 918.0}, {"index": 15394, "quantile": 0.25, "value": 167400.0, "Latitude": 33.23, "Longitude": -117.14, "Population": 918.0}, {"index": 15394, "quantile": 0.5, "value": 281300.0, "Latitude": 33.23, "Longitude": -117.14, "Population": 918.0}, {"index": 15394, "quantile": 0.75, "value": 281300.0, "Latitude": 33.23, "Longitude": -117.14, "Population": 918.0}, {"index": 15394, "quantile": 1.0, "value": 370800.0, "Latitude": 33.23, "Longitude": -117.14, "Population": 918.0}, {"index": 15395, "quantile": 0.0, "value": 133500.0, "Latitude": 33.23, "Longitude": -117.11, "Population": 2228.0}, {"index": 15395, "quantile": 0.25, "value": 263625.0, "Latitude": 33.23, "Longitude": -117.11, "Population": 2228.0}, {"index": 15395, "quantile": 0.5, "value": 298100.0, "Latitude": 33.23, "Longitude": -117.11, "Population": 2228.0}, {"index": 15395, "quantile": 0.75, "value": 298100.0, "Latitude": 33.23, "Longitude": -117.11, "Population": 2228.0}, {"index": 15395, "quantile": 1.0, "value": 413999.99999999994, "Latitude": 33.23, "Longitude": -117.11, "Population": 2228.0}, {"index": 15396, "quantile": 0.0, "value": 85700.0, "Latitude": 33.23, "Longitude": -117.08, "Population": 1385.0}, {"index": 15396, "quantile": 0.25, "value": 177000.0, "Latitude": 33.23, "Longitude": -117.08, "Population": 1385.0}, {"index": 15396, "quantile": 0.5, "value": 191950.0, "Latitude": 33.23, "Longitude": -117.08, "Population": 1385.0}, {"index": 15396, "quantile": 0.75, "value": 218125.0, "Latitude": 33.23, "Longitude": -117.08, "Population": 1385.0}, {"index": 15396, "quantile": 1.0, "value": 298100.0, "Latitude": 33.23, "Longitude": -117.08, "Population": 1385.0}, {"index": 15397, "quantile": 0.0, "value": 146300.0, "Latitude": 33.24, "Longitude": -117.2, "Population": 2106.0}, {"index": 15397, "quantile": 0.25, "value": 281825.0, "Latitude": 33.24, "Longitude": -117.2, "Population": 2106.0}, {"index": 15397, "quantile": 0.5, "value": 307300.0, "Latitude": 33.24, "Longitude": -117.2, "Population": 2106.0}, {"index": 15397, "quantile": 0.75, "value": 307300.0, "Latitude": 33.24, "Longitude": -117.2, "Population": 2106.0}, {"index": 15397, "quantile": 1.0, "value": 496400.00000000006, "Latitude": 33.24, "Longitude": -117.2, "Population": 2106.0}, {"index": 15398, "quantile": 0.0, "value": 120400.0, "Latitude": 33.2, "Longitude": -117.15, "Population": 1253.0}, {"index": 15398, "quantile": 0.25, "value": 241050.0, "Latitude": 33.2, "Longitude": -117.15, "Population": 1253.0}, {"index": 15398, "quantile": 0.5, "value": 294600.0, "Latitude": 33.2, "Longitude": -117.15, "Population": 1253.0}, {"index": 15398, "quantile": 0.75, "value": 294600.0, "Latitude": 33.2, "Longitude": -117.15, "Population": 1253.0}, {"index": 15398, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.2, "Longitude": -117.15, "Population": 1253.0}, {"index": 15399, "quantile": 0.0, "value": 148400.0, "Latitude": 33.2, "Longitude": -117.2, "Population": 1875.0}, {"index": 15399, "quantile": 0.25, "value": 278950.00000000006, "Latitude": 33.2, "Longitude": -117.2, "Population": 1875.0}, {"index": 15399, "quantile": 0.5, "value": 286400.0, "Latitude": 33.2, "Longitude": -117.2, "Population": 1875.0}, {"index": 15399, "quantile": 0.75, "value": 286400.0, "Latitude": 33.2, "Longitude": -117.2, "Population": 1875.0}, {"index": 15399, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.2, "Longitude": -117.2, "Population": 1875.0}, {"index": 15400, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 33.22, "Longitude": -117.22, "Population": 1693.0}, {"index": 15400, "quantile": 0.25, "value": 155675.0, "Latitude": 33.22, "Longitude": -117.22, "Population": 1693.0}, {"index": 15400, "quantile": 0.5, "value": 182150.0, "Latitude": 33.22, "Longitude": -117.22, "Population": 1693.0}, {"index": 15400, "quantile": 0.75, "value": 196625.0, "Latitude": 33.22, "Longitude": -117.22, "Population": 1693.0}, {"index": 15400, "quantile": 1.0, "value": 295900.0, "Latitude": 33.22, "Longitude": -117.22, "Population": 1693.0}, {"index": 15401, "quantile": 0.0, "value": 58800.0, "Latitude": 33.22, "Longitude": -117.22, "Population": 1555.0}, {"index": 15401, "quantile": 0.25, "value": 89800.0, "Latitude": 33.22, "Longitude": -117.22, "Population": 1555.0}, {"index": 15401, "quantile": 0.5, "value": 118350.0, "Latitude": 33.22, "Longitude": -117.22, "Population": 1555.0}, {"index": 15401, "quantile": 0.75, "value": 146900.0, "Latitude": 33.22, "Longitude": -117.22, "Population": 1555.0}, {"index": 15401, "quantile": 1.0, "value": 350000.0, "Latitude": 33.22, "Longitude": -117.22, "Population": 1555.0}, {"index": 15402, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.22, "Longitude": -117.22, "Population": 704.0}, {"index": 15402, "quantile": 0.25, "value": 92550.0, "Latitude": 33.22, "Longitude": -117.22, "Population": 704.0}, {"index": 15402, "quantile": 0.5, "value": 128250.0, "Latitude": 33.22, "Longitude": -117.22, "Population": 704.0}, {"index": 15402, "quantile": 0.75, "value": 160075.0, "Latitude": 33.22, "Longitude": -117.22, "Population": 704.0}, {"index": 15402, "quantile": 1.0, "value": 328600.0, "Latitude": 33.22, "Longitude": -117.22, "Population": 704.0}, {"index": 15403, "quantile": 0.0, "value": 100000.0, "Latitude": 33.24, "Longitude": -117.23, "Population": 1014.0}, {"index": 15403, "quantile": 0.25, "value": 182800.0, "Latitude": 33.24, "Longitude": -117.23, "Population": 1014.0}, {"index": 15403, "quantile": 0.5, "value": 240099.99999999997, "Latitude": 33.24, "Longitude": -117.23, "Population": 1014.0}, {"index": 15403, "quantile": 0.75, "value": 240099.99999999997, "Latitude": 33.24, "Longitude": -117.23, "Population": 1014.0}, {"index": 15403, "quantile": 1.0, "value": 307600.0, "Latitude": 33.24, "Longitude": -117.23, "Population": 1014.0}, {"index": 15404, "quantile": 0.0, "value": 122100.00000000001, "Latitude": 33.23, "Longitude": -117.24, "Population": 1767.0}, {"index": 15404, "quantile": 0.25, "value": 196000.0, "Latitude": 33.23, "Longitude": -117.24, "Population": 1767.0}, {"index": 15404, "quantile": 0.5, "value": 196000.0, "Latitude": 33.23, "Longitude": -117.24, "Population": 1767.0}, {"index": 15404, "quantile": 0.75, "value": 196000.0, "Latitude": 33.23, "Longitude": -117.24, "Population": 1767.0}, {"index": 15404, "quantile": 1.0, "value": 295900.0, "Latitude": 33.23, "Longitude": -117.24, "Population": 1767.0}, {"index": 15405, "quantile": 0.0, "value": 67500.0, "Latitude": 33.23, "Longitude": -117.24, "Population": 1194.0}, {"index": 15405, "quantile": 0.25, "value": 150900.0, "Latitude": 33.23, "Longitude": -117.24, "Population": 1194.0}, {"index": 15405, "quantile": 0.5, "value": 150900.0, "Latitude": 33.23, "Longitude": -117.24, "Population": 1194.0}, {"index": 15405, "quantile": 0.75, "value": 150900.0, "Latitude": 33.23, "Longitude": -117.24, "Population": 1194.0}, {"index": 15405, "quantile": 1.0, "value": 270000.0, "Latitude": 33.23, "Longitude": -117.24, "Population": 1194.0}, {"index": 15406, "quantile": 0.0, "value": 84200.0, "Latitude": 33.23, "Longitude": -117.23, "Population": 1946.0}, {"index": 15406, "quantile": 0.25, "value": 156900.0, "Latitude": 33.23, "Longitude": -117.23, "Population": 1946.0}, {"index": 15406, "quantile": 0.5, "value": 172000.0, "Latitude": 33.23, "Longitude": -117.23, "Population": 1946.0}, {"index": 15406, "quantile": 0.75, "value": 172000.0, "Latitude": 33.23, "Longitude": -117.23, "Population": 1946.0}, {"index": 15406, "quantile": 1.0, "value": 216900.0, "Latitude": 33.23, "Longitude": -117.23, "Population": 1946.0}, {"index": 15407, "quantile": 0.0, "value": 58500.0, "Latitude": 33.22, "Longitude": -117.23, "Population": 962.0}, {"index": 15407, "quantile": 0.25, "value": 112199.99999999999, "Latitude": 33.22, "Longitude": -117.23, "Population": 962.0}, {"index": 15407, "quantile": 0.5, "value": 145500.0, "Latitude": 33.22, "Longitude": -117.23, "Population": 962.0}, {"index": 15407, "quantile": 0.75, "value": 210000.0, "Latitude": 33.22, "Longitude": -117.23, "Population": 962.0}, {"index": 15407, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.22, "Longitude": -117.23, "Population": 962.0}, {"index": 15408, "quantile": 0.0, "value": 75000.0, "Latitude": 33.22, "Longitude": -117.23, "Population": 1036.0}, {"index": 15408, "quantile": 0.25, "value": 148800.0, "Latitude": 33.22, "Longitude": -117.23, "Population": 1036.0}, {"index": 15408, "quantile": 0.5, "value": 148800.0, "Latitude": 33.22, "Longitude": -117.23, "Population": 1036.0}, {"index": 15408, "quantile": 0.75, "value": 148800.0, "Latitude": 33.22, "Longitude": -117.23, "Population": 1036.0}, {"index": 15408, "quantile": 1.0, "value": 500000.0, "Latitude": 33.22, "Longitude": -117.23, "Population": 1036.0}, {"index": 15409, "quantile": 0.0, "value": 118900.0, "Latitude": 33.22, "Longitude": -117.24, "Population": 1173.0}, {"index": 15409, "quantile": 0.25, "value": 162500.0, "Latitude": 33.22, "Longitude": -117.24, "Population": 1173.0}, {"index": 15409, "quantile": 0.5, "value": 162500.0, "Latitude": 33.22, "Longitude": -117.24, "Population": 1173.0}, {"index": 15409, "quantile": 0.75, "value": 162500.0, "Latitude": 33.22, "Longitude": -117.24, "Population": 1173.0}, {"index": 15409, "quantile": 1.0, "value": 270000.0, "Latitude": 33.22, "Longitude": -117.24, "Population": 1173.0}, {"index": 15410, "quantile": 0.0, "value": 72000.0, "Latitude": 33.21, "Longitude": -117.24, "Population": 1938.0}, {"index": 15410, "quantile": 0.25, "value": 151400.0, "Latitude": 33.21, "Longitude": -117.24, "Population": 1938.0}, {"index": 15410, "quantile": 0.5, "value": 151400.0, "Latitude": 33.21, "Longitude": -117.24, "Population": 1938.0}, {"index": 15410, "quantile": 0.75, "value": 151400.0, "Latitude": 33.21, "Longitude": -117.24, "Population": 1938.0}, {"index": 15410, "quantile": 1.0, "value": 328600.0, "Latitude": 33.21, "Longitude": -117.24, "Population": 1938.0}, {"index": 15411, "quantile": 0.0, "value": 125000.0, "Latitude": 33.21, "Longitude": -117.23, "Population": 348.0}, {"index": 15411, "quantile": 0.25, "value": 164600.0, "Latitude": 33.21, "Longitude": -117.23, "Population": 348.0}, {"index": 15411, "quantile": 0.5, "value": 164600.0, "Latitude": 33.21, "Longitude": -117.23, "Population": 348.0}, {"index": 15411, "quantile": 0.75, "value": 185000.0, "Latitude": 33.21, "Longitude": -117.23, "Population": 348.0}, {"index": 15411, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.21, "Longitude": -117.23, "Population": 348.0}, {"index": 15412, "quantile": 0.0, "value": 136400.0, "Latitude": 33.25, "Longitude": -117.25, "Population": 2997.0}, {"index": 15412, "quantile": 0.25, "value": 204999.99999999997, "Latitude": 33.25, "Longitude": -117.25, "Population": 2997.0}, {"index": 15412, "quantile": 0.5, "value": 204999.99999999997, "Latitude": 33.25, "Longitude": -117.25, "Population": 2997.0}, {"index": 15412, "quantile": 0.75, "value": 204999.99999999997, "Latitude": 33.25, "Longitude": -117.25, "Population": 2997.0}, {"index": 15412, "quantile": 1.0, "value": 325700.0, "Latitude": 33.25, "Longitude": -117.25, "Population": 2997.0}, {"index": 15413, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 33.23, "Longitude": -117.27, "Population": 9690.0}, {"index": 15413, "quantile": 0.25, "value": 183900.0, "Latitude": 33.23, "Longitude": -117.27, "Population": 9690.0}, {"index": 15413, "quantile": 0.5, "value": 199600.0, "Latitude": 33.23, "Longitude": -117.27, "Population": 9690.0}, {"index": 15413, "quantile": 0.75, "value": 278200.0, "Latitude": 33.23, "Longitude": -117.27, "Population": 9690.0}, {"index": 15413, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.23, "Longitude": -117.27, "Population": 9690.0}, {"index": 15414, "quantile": 0.0, "value": 148700.0, "Latitude": 33.22, "Longitude": -117.27, "Population": 999.0}, {"index": 15414, "quantile": 0.25, "value": 196700.0, "Latitude": 33.22, "Longitude": -117.27, "Population": 999.0}, {"index": 15414, "quantile": 0.5, "value": 196700.0, "Latitude": 33.22, "Longitude": -117.27, "Population": 999.0}, {"index": 15414, "quantile": 0.75, "value": 239900.0, "Latitude": 33.22, "Longitude": -117.27, "Population": 999.0}, {"index": 15414, "quantile": 1.0, "value": 376800.0, "Latitude": 33.22, "Longitude": -117.27, "Population": 999.0}, {"index": 15415, "quantile": 0.0, "value": 46900.0, "Latitude": 33.22, "Longitude": -117.27, "Population": 470.0}, {"index": 15415, "quantile": 0.25, "value": 87700.0, "Latitude": 33.22, "Longitude": -117.27, "Population": 470.0}, {"index": 15415, "quantile": 0.5, "value": 90800.0, "Latitude": 33.22, "Longitude": -117.27, "Population": 470.0}, {"index": 15415, "quantile": 0.75, "value": 90800.0, "Latitude": 33.22, "Longitude": -117.27, "Population": 470.0}, {"index": 15415, "quantile": 1.0, "value": 225000.0, "Latitude": 33.22, "Longitude": -117.27, "Population": 470.0}, {"index": 15416, "quantile": 0.0, "value": 92400.0, "Latitude": 33.22, "Longitude": -117.28, "Population": 1065.0}, {"index": 15416, "quantile": 0.25, "value": 98600.0, "Latitude": 33.22, "Longitude": -117.28, "Population": 1065.0}, {"index": 15416, "quantile": 0.5, "value": 98600.0, "Latitude": 33.22, "Longitude": -117.28, "Population": 1065.0}, {"index": 15416, "quantile": 0.75, "value": 130300.0, "Latitude": 33.22, "Longitude": -117.28, "Population": 1065.0}, {"index": 15416, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.22, "Longitude": -117.28, "Population": 1065.0}, {"index": 15417, "quantile": 0.0, "value": 111500.0, "Latitude": 33.21, "Longitude": -117.27, "Population": 3161.0}, {"index": 15417, "quantile": 0.25, "value": 156900.0, "Latitude": 33.21, "Longitude": -117.27, "Population": 3161.0}, {"index": 15417, "quantile": 0.5, "value": 174800.0, "Latitude": 33.21, "Longitude": -117.27, "Population": 3161.0}, {"index": 15417, "quantile": 0.75, "value": 182800.0, "Latitude": 33.21, "Longitude": -117.27, "Population": 3161.0}, {"index": 15417, "quantile": 1.0, "value": 294600.0, "Latitude": 33.21, "Longitude": -117.27, "Population": 3161.0}, {"index": 15418, "quantile": 0.0, "value": 119800.0, "Latitude": 33.22, "Longitude": -117.25, "Population": 1160.0}, {"index": 15418, "quantile": 0.25, "value": 142600.0, "Latitude": 33.22, "Longitude": -117.25, "Population": 1160.0}, {"index": 15418, "quantile": 0.5, "value": 142600.0, "Latitude": 33.22, "Longitude": -117.25, "Population": 1160.0}, {"index": 15418, "quantile": 0.75, "value": 145700.0, "Latitude": 33.22, "Longitude": -117.25, "Population": 1160.0}, {"index": 15418, "quantile": 1.0, "value": 343200.0, "Latitude": 33.22, "Longitude": -117.25, "Population": 1160.0}, {"index": 15419, "quantile": 0.0, "value": 102800.0, "Latitude": 33.22, "Longitude": -117.25, "Population": 1654.0}, {"index": 15419, "quantile": 0.25, "value": 135800.0, "Latitude": 33.22, "Longitude": -117.25, "Population": 1654.0}, {"index": 15419, "quantile": 0.5, "value": 135800.0, "Latitude": 33.22, "Longitude": -117.25, "Population": 1654.0}, {"index": 15419, "quantile": 0.75, "value": 135800.0, "Latitude": 33.22, "Longitude": -117.25, "Population": 1654.0}, {"index": 15419, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 33.22, "Longitude": -117.25, "Population": 1654.0}, {"index": 15420, "quantile": 0.0, "value": 83800.0, "Latitude": 33.21, "Longitude": -117.26, "Population": 1325.0}, {"index": 15420, "quantile": 0.25, "value": 136000.0, "Latitude": 33.21, "Longitude": -117.26, "Population": 1325.0}, {"index": 15420, "quantile": 0.5, "value": 136000.0, "Latitude": 33.21, "Longitude": -117.26, "Population": 1325.0}, {"index": 15420, "quantile": 0.75, "value": 136000.0, "Latitude": 33.21, "Longitude": -117.26, "Population": 1325.0}, {"index": 15420, "quantile": 1.0, "value": 360300.0, "Latitude": 33.21, "Longitude": -117.26, "Population": 1325.0}, {"index": 15421, "quantile": 0.0, "value": 95900.0, "Latitude": 33.2, "Longitude": -117.28, "Population": 1012.0}, {"index": 15421, "quantile": 0.25, "value": 148475.0, "Latitude": 33.2, "Longitude": -117.28, "Population": 1012.0}, {"index": 15421, "quantile": 0.5, "value": 161650.0, "Latitude": 33.2, "Longitude": -117.28, "Population": 1012.0}, {"index": 15421, "quantile": 0.75, "value": 169600.0, "Latitude": 33.2, "Longitude": -117.28, "Population": 1012.0}, {"index": 15421, "quantile": 1.0, "value": 294600.0, "Latitude": 33.2, "Longitude": -117.28, "Population": 1012.0}, {"index": 15422, "quantile": 0.0, "value": 121100.00000000001, "Latitude": 33.2, "Longitude": -117.27, "Population": 1360.0}, {"index": 15422, "quantile": 0.25, "value": 145400.00000000003, "Latitude": 33.2, "Longitude": -117.27, "Population": 1360.0}, {"index": 15422, "quantile": 0.5, "value": 154300.0, "Latitude": 33.2, "Longitude": -117.27, "Population": 1360.0}, {"index": 15422, "quantile": 0.75, "value": 162500.0, "Latitude": 33.2, "Longitude": -117.27, "Population": 1360.0}, {"index": 15422, "quantile": 1.0, "value": 294600.0, "Latitude": 33.2, "Longitude": -117.27, "Population": 1360.0}, {"index": 15423, "quantile": 0.0, "value": 84200.0, "Latitude": 33.2, "Longitude": -117.26, "Population": 1675.0}, {"index": 15423, "quantile": 0.25, "value": 121900.00000000001, "Latitude": 33.2, "Longitude": -117.26, "Population": 1675.0}, {"index": 15423, "quantile": 0.5, "value": 121900.00000000001, "Latitude": 33.2, "Longitude": -117.26, "Population": 1675.0}, {"index": 15423, "quantile": 0.75, "value": 146700.0, "Latitude": 33.2, "Longitude": -117.26, "Population": 1675.0}, {"index": 15423, "quantile": 1.0, "value": 240200.0, "Latitude": 33.2, "Longitude": -117.26, "Population": 1675.0}, {"index": 15424, "quantile": 0.0, "value": 118900.0, "Latitude": 33.2, "Longitude": -117.27, "Population": 978.0}, {"index": 15424, "quantile": 0.25, "value": 156900.0, "Latitude": 33.2, "Longitude": -117.27, "Population": 978.0}, {"index": 15424, "quantile": 0.5, "value": 156900.0, "Latitude": 33.2, "Longitude": -117.27, "Population": 978.0}, {"index": 15424, "quantile": 0.75, "value": 162200.0, "Latitude": 33.2, "Longitude": -117.27, "Population": 978.0}, {"index": 15424, "quantile": 1.0, "value": 273800.0, "Latitude": 33.2, "Longitude": -117.27, "Population": 978.0}, {"index": 15425, "quantile": 0.0, "value": 109200.00000000001, "Latitude": 33.19, "Longitude": -117.27, "Population": 663.0}, {"index": 15425, "quantile": 0.25, "value": 139300.0, "Latitude": 33.19, "Longitude": -117.27, "Population": 663.0}, {"index": 15425, "quantile": 0.5, "value": 139300.0, "Latitude": 33.19, "Longitude": -117.27, "Population": 663.0}, {"index": 15425, "quantile": 0.75, "value": 139625.0, "Latitude": 33.19, "Longitude": -117.27, "Population": 663.0}, {"index": 15425, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.19, "Longitude": -117.27, "Population": 663.0}, {"index": 15426, "quantile": 0.0, "value": 108300.0, "Latitude": 33.19, "Longitude": -117.28, "Population": 1633.0}, {"index": 15426, "quantile": 0.25, "value": 165800.0, "Latitude": 33.19, "Longitude": -117.28, "Population": 1633.0}, {"index": 15426, "quantile": 0.5, "value": 165800.0, "Latitude": 33.19, "Longitude": -117.28, "Population": 1633.0}, {"index": 15426, "quantile": 0.75, "value": 165800.0, "Latitude": 33.19, "Longitude": -117.28, "Population": 1633.0}, {"index": 15426, "quantile": 1.0, "value": 367100.0, "Latitude": 33.19, "Longitude": -117.28, "Population": 1633.0}, {"index": 15427, "quantile": 0.0, "value": 58600.0, "Latitude": 33.21, "Longitude": -117.25, "Population": 1992.0}, {"index": 15427, "quantile": 0.25, "value": 127200.0, "Latitude": 33.21, "Longitude": -117.25, "Population": 1992.0}, {"index": 15427, "quantile": 0.5, "value": 127200.0, "Latitude": 33.21, "Longitude": -117.25, "Population": 1992.0}, {"index": 15427, "quantile": 0.75, "value": 127200.0, "Latitude": 33.21, "Longitude": -117.25, "Population": 1992.0}, {"index": 15427, "quantile": 1.0, "value": 328600.0, "Latitude": 33.21, "Longitude": -117.25, "Population": 1992.0}, {"index": 15428, "quantile": 0.0, "value": 63500.0, "Latitude": 33.21, "Longitude": -117.24, "Population": 1859.0}, {"index": 15428, "quantile": 0.25, "value": 91900.0, "Latitude": 33.21, "Longitude": -117.24, "Population": 1859.0}, {"index": 15428, "quantile": 0.5, "value": 123050.00000000001, "Latitude": 33.21, "Longitude": -117.24, "Population": 1859.0}, {"index": 15428, "quantile": 0.75, "value": 140275.0, "Latitude": 33.21, "Longitude": -117.24, "Population": 1859.0}, {"index": 15428, "quantile": 1.0, "value": 204999.99999999997, "Latitude": 33.21, "Longitude": -117.24, "Population": 1859.0}, {"index": 15429, "quantile": 0.0, "value": 78800.0, "Latitude": 33.21, "Longitude": -117.24, "Population": 1581.0}, {"index": 15429, "quantile": 0.25, "value": 126400.0, "Latitude": 33.21, "Longitude": -117.24, "Population": 1581.0}, {"index": 15429, "quantile": 0.5, "value": 139200.0, "Latitude": 33.21, "Longitude": -117.24, "Population": 1581.0}, {"index": 15429, "quantile": 0.75, "value": 161050.0, "Latitude": 33.21, "Longitude": -117.24, "Population": 1581.0}, {"index": 15429, "quantile": 1.0, "value": 227000.0, "Latitude": 33.21, "Longitude": -117.24, "Population": 1581.0}, {"index": 15430, "quantile": 0.0, "value": 81900.0, "Latitude": 33.2, "Longitude": -117.24, "Population": 1045.0}, {"index": 15430, "quantile": 0.25, "value": 145050.0, "Latitude": 33.2, "Longitude": -117.24, "Population": 1045.0}, {"index": 15430, "quantile": 0.5, "value": 147500.0, "Latitude": 33.2, "Longitude": -117.24, "Population": 1045.0}, {"index": 15430, "quantile": 0.75, "value": 147500.0, "Latitude": 33.2, "Longitude": -117.24, "Population": 1045.0}, {"index": 15430, "quantile": 1.0, "value": 262100.0, "Latitude": 33.2, "Longitude": -117.24, "Population": 1045.0}, {"index": 15431, "quantile": 0.0, "value": 106300.0, "Latitude": 33.2, "Longitude": -117.24, "Population": 989.0}, {"index": 15431, "quantile": 0.25, "value": 171200.00000000003, "Latitude": 33.2, "Longitude": -117.24, "Population": 989.0}, {"index": 15431, "quantile": 0.5, "value": 171700.0, "Latitude": 33.2, "Longitude": -117.24, "Population": 989.0}, {"index": 15431, "quantile": 0.75, "value": 171700.0, "Latitude": 33.2, "Longitude": -117.24, "Population": 989.0}, {"index": 15431, "quantile": 1.0, "value": 266700.0, "Latitude": 33.2, "Longitude": -117.24, "Population": 989.0}, {"index": 15432, "quantile": 0.0, "value": 67500.0, "Latitude": 33.2, "Longitude": -117.25, "Population": 1472.0}, {"index": 15432, "quantile": 0.25, "value": 123200.0, "Latitude": 33.2, "Longitude": -117.25, "Population": 1472.0}, {"index": 15432, "quantile": 0.5, "value": 147200.0, "Latitude": 33.2, "Longitude": -117.25, "Population": 1472.0}, {"index": 15432, "quantile": 0.75, "value": 185175.0, "Latitude": 33.2, "Longitude": -117.25, "Population": 1472.0}, {"index": 15432, "quantile": 1.0, "value": 328600.0, "Latitude": 33.2, "Longitude": -117.25, "Population": 1472.0}, {"index": 15433, "quantile": 0.0, "value": 81900.0, "Latitude": 33.2, "Longitude": -117.25, "Population": 1302.0}, {"index": 15433, "quantile": 0.25, "value": 116250.00000000001, "Latitude": 33.2, "Longitude": -117.25, "Population": 1302.0}, {"index": 15433, "quantile": 0.5, "value": 136000.0, "Latitude": 33.2, "Longitude": -117.25, "Population": 1302.0}, {"index": 15433, "quantile": 0.75, "value": 167950.0, "Latitude": 33.2, "Longitude": -117.25, "Population": 1302.0}, {"index": 15433, "quantile": 1.0, "value": 360300.0, "Latitude": 33.2, "Longitude": -117.25, "Population": 1302.0}, {"index": 15434, "quantile": 0.0, "value": 78800.0, "Latitude": 33.21, "Longitude": -117.25, "Population": 1035.0}, {"index": 15434, "quantile": 0.25, "value": 103400.0, "Latitude": 33.21, "Longitude": -117.25, "Population": 1035.0}, {"index": 15434, "quantile": 0.5, "value": 117100.0, "Latitude": 33.21, "Longitude": -117.25, "Population": 1035.0}, {"index": 15434, "quantile": 0.75, "value": 145250.0, "Latitude": 33.21, "Longitude": -117.25, "Population": 1035.0}, {"index": 15434, "quantile": 1.0, "value": 187500.0, "Latitude": 33.21, "Longitude": -117.25, "Population": 1035.0}, {"index": 15435, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.21, "Longitude": -117.23, "Population": 861.0}, {"index": 15435, "quantile": 0.25, "value": 213800.0, "Latitude": 33.21, "Longitude": -117.23, "Population": 861.0}, {"index": 15435, "quantile": 0.5, "value": 213800.0, "Latitude": 33.21, "Longitude": -117.23, "Population": 861.0}, {"index": 15435, "quantile": 0.75, "value": 213800.0, "Latitude": 33.21, "Longitude": -117.23, "Population": 861.0}, {"index": 15435, "quantile": 1.0, "value": 381300.0, "Latitude": 33.21, "Longitude": -117.23, "Population": 861.0}, {"index": 15436, "quantile": 0.0, "value": 94500.0, "Latitude": 33.21, "Longitude": -117.22, "Population": 1901.0}, {"index": 15436, "quantile": 0.25, "value": 195125.0, "Latitude": 33.21, "Longitude": -117.22, "Population": 1901.0}, {"index": 15436, "quantile": 0.5, "value": 198800.0, "Latitude": 33.21, "Longitude": -117.22, "Population": 1901.0}, {"index": 15436, "quantile": 0.75, "value": 198800.0, "Latitude": 33.21, "Longitude": -117.22, "Population": 1901.0}, {"index": 15436, "quantile": 1.0, "value": 231800.0, "Latitude": 33.21, "Longitude": -117.22, "Population": 1901.0}, {"index": 15437, "quantile": 0.0, "value": 142600.0, "Latitude": 33.2, "Longitude": -117.22, "Population": 801.0}, {"index": 15437, "quantile": 0.25, "value": 205500.00000000003, "Latitude": 33.2, "Longitude": -117.22, "Population": 801.0}, {"index": 15437, "quantile": 0.5, "value": 205500.00000000003, "Latitude": 33.2, "Longitude": -117.22, "Population": 801.0}, {"index": 15437, "quantile": 0.75, "value": 205500.00000000003, "Latitude": 33.2, "Longitude": -117.22, "Population": 801.0}, {"index": 15437, "quantile": 1.0, "value": 294100.0, "Latitude": 33.2, "Longitude": -117.22, "Population": 801.0}, {"index": 15438, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 33.2, "Longitude": -117.23, "Population": 1770.0}, {"index": 15438, "quantile": 0.25, "value": 166000.0, "Latitude": 33.2, "Longitude": -117.23, "Population": 1770.0}, {"index": 15438, "quantile": 0.5, "value": 166000.0, "Latitude": 33.2, "Longitude": -117.23, "Population": 1770.0}, {"index": 15438, "quantile": 0.75, "value": 166000.0, "Latitude": 33.2, "Longitude": -117.23, "Population": 1770.0}, {"index": 15438, "quantile": 1.0, "value": 362500.0, "Latitude": 33.2, "Longitude": -117.23, "Population": 1770.0}, {"index": 15439, "quantile": 0.0, "value": 133500.0, "Latitude": 33.2, "Longitude": -117.23, "Population": 999.0}, {"index": 15439, "quantile": 0.25, "value": 212500.0, "Latitude": 33.2, "Longitude": -117.23, "Population": 999.0}, {"index": 15439, "quantile": 0.5, "value": 212500.0, "Latitude": 33.2, "Longitude": -117.23, "Population": 999.0}, {"index": 15439, "quantile": 0.75, "value": 212500.0, "Latitude": 33.2, "Longitude": -117.23, "Population": 999.0}, {"index": 15439, "quantile": 1.0, "value": 343900.0, "Latitude": 33.2, "Longitude": -117.23, "Population": 999.0}, {"index": 15440, "quantile": 0.0, "value": 156300.0, "Latitude": 33.2, "Longitude": -117.21, "Population": 1288.0}, {"index": 15440, "quantile": 0.25, "value": 253700.0, "Latitude": 33.2, "Longitude": -117.21, "Population": 1288.0}, {"index": 15440, "quantile": 0.5, "value": 253700.0, "Latitude": 33.2, "Longitude": -117.21, "Population": 1288.0}, {"index": 15440, "quantile": 0.75, "value": 253700.0, "Latitude": 33.2, "Longitude": -117.21, "Population": 1288.0}, {"index": 15440, "quantile": 1.0, "value": 445700.0, "Latitude": 33.2, "Longitude": -117.21, "Population": 1288.0}, {"index": 15441, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 33.19, "Longitude": -117.22, "Population": 1948.0}, {"index": 15441, "quantile": 0.25, "value": 171175.0, "Latitude": 33.19, "Longitude": -117.22, "Population": 1948.0}, {"index": 15441, "quantile": 0.5, "value": 216900.0, "Latitude": 33.19, "Longitude": -117.22, "Population": 1948.0}, {"index": 15441, "quantile": 0.75, "value": 216900.0, "Latitude": 33.19, "Longitude": -117.22, "Population": 1948.0}, {"index": 15441, "quantile": 1.0, "value": 257700.0, "Latitude": 33.19, "Longitude": -117.22, "Population": 1948.0}, {"index": 15442, "quantile": 0.0, "value": 92000.0, "Latitude": 33.18, "Longitude": -117.27, "Population": 1481.0}, {"index": 15442, "quantile": 0.25, "value": 122400.0, "Latitude": 33.18, "Longitude": -117.27, "Population": 1481.0}, {"index": 15442, "quantile": 0.5, "value": 173250.0, "Latitude": 33.18, "Longitude": -117.27, "Population": 1481.0}, {"index": 15442, "quantile": 0.75, "value": 200300.0, "Latitude": 33.18, "Longitude": -117.27, "Population": 1481.0}, {"index": 15442, "quantile": 1.0, "value": 367100.0, "Latitude": 33.18, "Longitude": -117.27, "Population": 1481.0}, {"index": 15443, "quantile": 0.0, "value": 85400.0, "Latitude": 33.19, "Longitude": -117.26, "Population": 1518.0}, {"index": 15443, "quantile": 0.25, "value": 139300.0, "Latitude": 33.19, "Longitude": -117.26, "Population": 1518.0}, {"index": 15443, "quantile": 0.5, "value": 216100.0, "Latitude": 33.19, "Longitude": -117.26, "Population": 1518.0}, {"index": 15443, "quantile": 0.75, "value": 216100.0, "Latitude": 33.19, "Longitude": -117.26, "Population": 1518.0}, {"index": 15443, "quantile": 1.0, "value": 450000.0, "Latitude": 33.19, "Longitude": -117.26, "Population": 1518.0}, {"index": 15444, "quantile": 0.0, "value": 87500.0, "Latitude": 33.19, "Longitude": -117.26, "Population": 1044.0}, {"index": 15444, "quantile": 0.25, "value": 158500.0, "Latitude": 33.19, "Longitude": -117.26, "Population": 1044.0}, {"index": 15444, "quantile": 0.5, "value": 158500.0, "Latitude": 33.19, "Longitude": -117.26, "Population": 1044.0}, {"index": 15444, "quantile": 0.75, "value": 168950.0, "Latitude": 33.19, "Longitude": -117.26, "Population": 1044.0}, {"index": 15444, "quantile": 1.0, "value": 450000.0, "Latitude": 33.19, "Longitude": -117.26, "Population": 1044.0}, {"index": 15445, "quantile": 0.0, "value": 157700.0, "Latitude": 33.19, "Longitude": -117.25, "Population": 830.0}, {"index": 15445, "quantile": 0.25, "value": 206999.99999999997, "Latitude": 33.19, "Longitude": -117.25, "Population": 830.0}, {"index": 15445, "quantile": 0.5, "value": 206999.99999999997, "Latitude": 33.19, "Longitude": -117.25, "Population": 830.0}, {"index": 15445, "quantile": 0.75, "value": 208599.99999999997, "Latitude": 33.19, "Longitude": -117.25, "Population": 830.0}, {"index": 15445, "quantile": 1.0, "value": 376800.0, "Latitude": 33.19, "Longitude": -117.25, "Population": 830.0}, {"index": 15446, "quantile": 0.0, "value": 78800.0, "Latitude": 33.19, "Longitude": -117.24, "Population": 1035.0}, {"index": 15446, "quantile": 0.25, "value": 136000.0, "Latitude": 33.19, "Longitude": -117.24, "Population": 1035.0}, {"index": 15446, "quantile": 0.5, "value": 159400.0, "Latitude": 33.19, "Longitude": -117.24, "Population": 1035.0}, {"index": 15446, "quantile": 0.75, "value": 202900.0, "Latitude": 33.19, "Longitude": -117.24, "Population": 1035.0}, {"index": 15446, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 33.19, "Longitude": -117.24, "Population": 1035.0}, {"index": 15447, "quantile": 0.0, "value": 142600.0, "Latitude": 33.19, "Longitude": -117.23, "Population": 1147.0}, {"index": 15447, "quantile": 0.25, "value": 192500.0, "Latitude": 33.19, "Longitude": -117.23, "Population": 1147.0}, {"index": 15447, "quantile": 0.5, "value": 192500.0, "Latitude": 33.19, "Longitude": -117.23, "Population": 1147.0}, {"index": 15447, "quantile": 0.75, "value": 192500.0, "Latitude": 33.19, "Longitude": -117.23, "Population": 1147.0}, {"index": 15447, "quantile": 1.0, "value": 245500.0, "Latitude": 33.19, "Longitude": -117.23, "Population": 1147.0}, {"index": 15448, "quantile": 0.0, "value": 136900.0, "Latitude": 33.18, "Longitude": -117.24, "Population": 1646.0}, {"index": 15448, "quantile": 0.25, "value": 200199.99999999997, "Latitude": 33.18, "Longitude": -117.24, "Population": 1646.0}, {"index": 15448, "quantile": 0.5, "value": 200199.99999999997, "Latitude": 33.18, "Longitude": -117.24, "Population": 1646.0}, {"index": 15448, "quantile": 0.75, "value": 200199.99999999997, "Latitude": 33.18, "Longitude": -117.24, "Population": 1646.0}, {"index": 15448, "quantile": 1.0, "value": 325700.0, "Latitude": 33.18, "Longitude": -117.24, "Population": 1646.0}, {"index": 15449, "quantile": 0.0, "value": 85700.0, "Latitude": 33.17, "Longitude": -117.3, "Population": 3760.0}, {"index": 15449, "quantile": 0.25, "value": 184100.0, "Latitude": 33.17, "Longitude": -117.3, "Population": 3760.0}, {"index": 15449, "quantile": 0.5, "value": 209700.0, "Latitude": 33.17, "Longitude": -117.3, "Population": 3760.0}, {"index": 15449, "quantile": 0.75, "value": 281300.0, "Latitude": 33.17, "Longitude": -117.3, "Population": 3760.0}, {"index": 15449, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.17, "Longitude": -117.3, "Population": 3760.0}, {"index": 15450, "quantile": 0.0, "value": 64400.0, "Latitude": 33.17, "Longitude": -117.32, "Population": 828.0}, {"index": 15450, "quantile": 0.25, "value": 206999.99999999997, "Latitude": 33.17, "Longitude": -117.32, "Population": 828.0}, {"index": 15450, "quantile": 0.5, "value": 245500.0, "Latitude": 33.17, "Longitude": -117.32, "Population": 828.0}, {"index": 15450, "quantile": 0.75, "value": 294600.0, "Latitude": 33.17, "Longitude": -117.32, "Population": 828.0}, {"index": 15450, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.17, "Longitude": -117.32, "Population": 828.0}, {"index": 15451, "quantile": 0.0, "value": 142500.0, "Latitude": 33.17, "Longitude": -117.31, "Population": 809.0}, {"index": 15451, "quantile": 0.25, "value": 283900.0, "Latitude": 33.17, "Longitude": -117.31, "Population": 809.0}, {"index": 15451, "quantile": 0.5, "value": 283900.0, "Latitude": 33.17, "Longitude": -117.31, "Population": 809.0}, {"index": 15451, "quantile": 0.75, "value": 283900.0, "Latitude": 33.17, "Longitude": -117.31, "Population": 809.0}, {"index": 15451, "quantile": 1.0, "value": 429000.0, "Latitude": 33.17, "Longitude": -117.31, "Population": 809.0}, {"index": 15452, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 33.16, "Longitude": -117.31, "Population": 2282.0}, {"index": 15452, "quantile": 0.25, "value": 247800.00000000003, "Latitude": 33.16, "Longitude": -117.31, "Population": 2282.0}, {"index": 15452, "quantile": 0.5, "value": 247800.00000000003, "Latitude": 33.16, "Longitude": -117.31, "Population": 2282.0}, {"index": 15452, "quantile": 0.75, "value": 247800.00000000003, "Latitude": 33.16, "Longitude": -117.31, "Population": 2282.0}, {"index": 15452, "quantile": 1.0, "value": 429000.0, "Latitude": 33.16, "Longitude": -117.31, "Population": 2282.0}, {"index": 15453, "quantile": 0.0, "value": 102800.0, "Latitude": 33.16, "Longitude": -117.31, "Population": 781.0}, {"index": 15453, "quantile": 0.25, "value": 224400.00000000003, "Latitude": 33.16, "Longitude": -117.31, "Population": 781.0}, {"index": 15453, "quantile": 0.5, "value": 224400.00000000003, "Latitude": 33.16, "Longitude": -117.31, "Population": 781.0}, {"index": 15453, "quantile": 0.75, "value": 224400.00000000003, "Latitude": 33.16, "Longitude": -117.31, "Population": 781.0}, {"index": 15453, "quantile": 1.0, "value": 359900.0, "Latitude": 33.16, "Longitude": -117.31, "Population": 781.0}, {"index": 15454, "quantile": 0.0, "value": 98700.0, "Latitude": 33.18, "Longitude": -117.29, "Population": 1632.0}, {"index": 15454, "quantile": 0.25, "value": 111400.00000000001, "Latitude": 33.18, "Longitude": -117.29, "Population": 1632.0}, {"index": 15454, "quantile": 0.5, "value": 111400.00000000001, "Latitude": 33.18, "Longitude": -117.29, "Population": 1632.0}, {"index": 15454, "quantile": 0.75, "value": 157550.0, "Latitude": 33.18, "Longitude": -117.29, "Population": 1632.0}, {"index": 15454, "quantile": 1.0, "value": 291500.0, "Latitude": 33.18, "Longitude": -117.29, "Population": 1632.0}, {"index": 15455, "quantile": 0.0, "value": 97100.0, "Latitude": 33.18, "Longitude": -117.29, "Population": 436.0}, {"index": 15455, "quantile": 0.25, "value": 160600.0, "Latitude": 33.18, "Longitude": -117.29, "Population": 436.0}, {"index": 15455, "quantile": 0.5, "value": 160600.0, "Latitude": 33.18, "Longitude": -117.29, "Population": 436.0}, {"index": 15455, "quantile": 0.75, "value": 173950.0, "Latitude": 33.18, "Longitude": -117.29, "Population": 436.0}, {"index": 15455, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.18, "Longitude": -117.29, "Population": 436.0}, {"index": 15456, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 33.18, "Longitude": -117.28, "Population": 842.0}, {"index": 15456, "quantile": 0.25, "value": 148800.0, "Latitude": 33.18, "Longitude": -117.28, "Population": 842.0}, {"index": 15456, "quantile": 0.5, "value": 157300.0, "Latitude": 33.18, "Longitude": -117.28, "Population": 842.0}, {"index": 15456, "quantile": 0.75, "value": 157300.0, "Latitude": 33.18, "Longitude": -117.28, "Population": 842.0}, {"index": 15456, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.18, "Longitude": -117.28, "Population": 842.0}, {"index": 15457, "quantile": 0.0, "value": 146300.0, "Latitude": 33.18, "Longitude": -117.28, "Population": 384.0}, {"index": 15457, "quantile": 0.25, "value": 178100.0, "Latitude": 33.18, "Longitude": -117.28, "Population": 384.0}, {"index": 15457, "quantile": 0.5, "value": 178100.0, "Latitude": 33.18, "Longitude": -117.28, "Population": 384.0}, {"index": 15457, "quantile": 0.75, "value": 189150.0, "Latitude": 33.18, "Longitude": -117.28, "Population": 384.0}, {"index": 15457, "quantile": 1.0, "value": 331300.0, "Latitude": 33.18, "Longitude": -117.28, "Population": 384.0}, {"index": 15458, "quantile": 0.0, "value": 136400.0, "Latitude": 33.18, "Longitude": -117.26, "Population": 2235.0}, {"index": 15458, "quantile": 0.25, "value": 221575.0, "Latitude": 33.18, "Longitude": -117.26, "Population": 2235.0}, {"index": 15458, "quantile": 0.5, "value": 225599.99999999997, "Latitude": 33.18, "Longitude": -117.26, "Population": 2235.0}, {"index": 15458, "quantile": 0.75, "value": 225599.99999999997, "Latitude": 33.18, "Longitude": -117.26, "Population": 2235.0}, {"index": 15458, "quantile": 1.0, "value": 263700.0, "Latitude": 33.18, "Longitude": -117.26, "Population": 2235.0}, {"index": 15459, "quantile": 0.0, "value": 106300.0, "Latitude": 33.15, "Longitude": -117.27, "Population": 10877.0}, {"index": 15459, "quantile": 0.25, "value": 244899.99999999997, "Latitude": 33.15, "Longitude": -117.27, "Population": 10877.0}, {"index": 15459, "quantile": 0.5, "value": 244899.99999999997, "Latitude": 33.15, "Longitude": -117.27, "Population": 10877.0}, {"index": 15459, "quantile": 0.75, "value": 244899.99999999997, "Latitude": 33.15, "Longitude": -117.27, "Population": 10877.0}, {"index": 15459, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.15, "Longitude": -117.27, "Population": 10877.0}, {"index": 15460, "quantile": 0.0, "value": 87500.0, "Latitude": 33.15, "Longitude": -117.29, "Population": 952.0}, {"index": 15460, "quantile": 0.25, "value": 87500.0, "Latitude": 33.15, "Longitude": -117.29, "Population": 952.0}, {"index": 15460, "quantile": 0.5, "value": 87500.0, "Latitude": 33.15, "Longitude": -117.29, "Population": 952.0}, {"index": 15460, "quantile": 0.75, "value": 175325.0, "Latitude": 33.15, "Longitude": -117.29, "Population": 952.0}, {"index": 15460, "quantile": 1.0, "value": 370800.0, "Latitude": 33.15, "Longitude": -117.29, "Population": 952.0}, {"index": 15461, "quantile": 0.0, "value": 99100.0, "Latitude": 33.17, "Longitude": -117.24, "Population": 3925.0}, {"index": 15461, "quantile": 0.25, "value": 237500.0, "Latitude": 33.17, "Longitude": -117.24, "Population": 3925.0}, {"index": 15461, "quantile": 0.5, "value": 237500.0, "Latitude": 33.17, "Longitude": -117.24, "Population": 3925.0}, {"index": 15461, "quantile": 0.75, "value": 237500.0, "Latitude": 33.17, "Longitude": -117.24, "Population": 3925.0}, {"index": 15461, "quantile": 1.0, "value": 430900.0, "Latitude": 33.17, "Longitude": -117.24, "Population": 3925.0}, {"index": 15462, "quantile": 0.0, "value": 108300.0, "Latitude": 33.17, "Longitude": -117.22, "Population": 810.0}, {"index": 15462, "quantile": 0.25, "value": 135700.0, "Latitude": 33.17, "Longitude": -117.22, "Population": 810.0}, {"index": 15462, "quantile": 0.5, "value": 135700.0, "Latitude": 33.17, "Longitude": -117.22, "Population": 810.0}, {"index": 15462, "quantile": 0.75, "value": 165275.0, "Latitude": 33.17, "Longitude": -117.22, "Population": 810.0}, {"index": 15462, "quantile": 1.0, "value": 367100.0, "Latitude": 33.17, "Longitude": -117.22, "Population": 810.0}, {"index": 15463, "quantile": 0.0, "value": 87500.0, "Latitude": 33.16, "Longitude": -117.23, "Population": 1164.0}, {"index": 15463, "quantile": 0.25, "value": 190900.0, "Latitude": 33.16, "Longitude": -117.23, "Population": 1164.0}, {"index": 15463, "quantile": 0.5, "value": 228100.0, "Latitude": 33.16, "Longitude": -117.23, "Population": 1164.0}, {"index": 15463, "quantile": 0.75, "value": 228100.0, "Latitude": 33.16, "Longitude": -117.23, "Population": 1164.0}, {"index": 15463, "quantile": 1.0, "value": 267000.0, "Latitude": 33.16, "Longitude": -117.23, "Population": 1164.0}, {"index": 15464, "quantile": 0.0, "value": 131000.0, "Latitude": 33.16, "Longitude": -117.23, "Population": 2091.0}, {"index": 15464, "quantile": 0.25, "value": 175674.99999999997, "Latitude": 33.16, "Longitude": -117.23, "Population": 2091.0}, {"index": 15464, "quantile": 0.5, "value": 188300.0, "Latitude": 33.16, "Longitude": -117.23, "Population": 2091.0}, {"index": 15464, "quantile": 0.75, "value": 198800.0, "Latitude": 33.16, "Longitude": -117.23, "Population": 2091.0}, {"index": 15464, "quantile": 1.0, "value": 367100.0, "Latitude": 33.16, "Longitude": -117.23, "Population": 2091.0}, {"index": 15465, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 33.18, "Longitude": -117.22, "Population": 2328.0}, {"index": 15465, "quantile": 0.25, "value": 159100.0, "Latitude": 33.18, "Longitude": -117.22, "Population": 2328.0}, {"index": 15465, "quantile": 0.5, "value": 183900.0, "Latitude": 33.18, "Longitude": -117.22, "Population": 2328.0}, {"index": 15465, "quantile": 0.75, "value": 183900.0, "Latitude": 33.18, "Longitude": -117.22, "Population": 2328.0}, {"index": 15465, "quantile": 1.0, "value": 295900.0, "Latitude": 33.18, "Longitude": -117.22, "Population": 2328.0}, {"index": 15466, "quantile": 0.0, "value": 120400.0, "Latitude": 33.17, "Longitude": -117.21, "Population": 1446.0}, {"index": 15466, "quantile": 0.25, "value": 135800.0, "Latitude": 33.17, "Longitude": -117.21, "Population": 1446.0}, {"index": 15466, "quantile": 0.5, "value": 139200.0, "Latitude": 33.17, "Longitude": -117.21, "Population": 1446.0}, {"index": 15466, "quantile": 0.75, "value": 145700.0, "Latitude": 33.17, "Longitude": -117.21, "Population": 1446.0}, {"index": 15466, "quantile": 1.0, "value": 367100.0, "Latitude": 33.17, "Longitude": -117.21, "Population": 1446.0}, {"index": 15467, "quantile": 0.0, "value": 133500.0, "Latitude": 33.19, "Longitude": -117.21, "Population": 1722.0}, {"index": 15467, "quantile": 0.25, "value": 218500.0, "Latitude": 33.19, "Longitude": -117.21, "Population": 1722.0}, {"index": 15467, "quantile": 0.5, "value": 218500.0, "Latitude": 33.19, "Longitude": -117.21, "Population": 1722.0}, {"index": 15467, "quantile": 0.75, "value": 218500.0, "Latitude": 33.19, "Longitude": -117.21, "Population": 1722.0}, {"index": 15467, "quantile": 1.0, "value": 347700.0, "Latitude": 33.19, "Longitude": -117.21, "Population": 1722.0}, {"index": 15468, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 33.18, "Longitude": -117.19, "Population": 1921.0}, {"index": 15468, "quantile": 0.25, "value": 182100.0, "Latitude": 33.18, "Longitude": -117.19, "Population": 1921.0}, {"index": 15468, "quantile": 0.5, "value": 209700.0, "Latitude": 33.18, "Longitude": -117.19, "Population": 1921.0}, {"index": 15468, "quantile": 0.75, "value": 209700.0, "Latitude": 33.18, "Longitude": -117.19, "Population": 1921.0}, {"index": 15468, "quantile": 1.0, "value": 295900.0, "Latitude": 33.18, "Longitude": -117.19, "Population": 1921.0}, {"index": 15469, "quantile": 0.0, "value": 80600.0, "Latitude": 33.16, "Longitude": -117.21, "Population": 1246.0}, {"index": 15469, "quantile": 0.25, "value": 180350.0, "Latitude": 33.16, "Longitude": -117.21, "Population": 1246.0}, {"index": 15469, "quantile": 0.5, "value": 196000.0, "Latitude": 33.16, "Longitude": -117.21, "Population": 1246.0}, {"index": 15469, "quantile": 0.75, "value": 196000.0, "Latitude": 33.16, "Longitude": -117.21, "Population": 1246.0}, {"index": 15469, "quantile": 1.0, "value": 274000.0, "Latitude": 33.16, "Longitude": -117.21, "Population": 1246.0}, {"index": 15470, "quantile": 0.0, "value": 85800.0, "Latitude": 33.16, "Longitude": -117.2, "Population": 3094.0}, {"index": 15470, "quantile": 0.25, "value": 91600.0, "Latitude": 33.16, "Longitude": -117.2, "Population": 3094.0}, {"index": 15470, "quantile": 0.5, "value": 91600.0, "Latitude": 33.16, "Longitude": -117.2, "Population": 3094.0}, {"index": 15470, "quantile": 0.75, "value": 117500.0, "Latitude": 33.16, "Longitude": -117.2, "Population": 3094.0}, {"index": 15470, "quantile": 1.0, "value": 350000.0, "Latitude": 33.16, "Longitude": -117.2, "Population": 3094.0}, {"index": 15471, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 33.15, "Longitude": -117.2, "Population": 1927.0}, {"index": 15471, "quantile": 0.25, "value": 198950.0, "Latitude": 33.15, "Longitude": -117.2, "Population": 1927.0}, {"index": 15471, "quantile": 0.5, "value": 199000.0, "Latitude": 33.15, "Longitude": -117.2, "Population": 1927.0}, {"index": 15471, "quantile": 0.75, "value": 199000.0, "Latitude": 33.15, "Longitude": -117.2, "Population": 1927.0}, {"index": 15471, "quantile": 1.0, "value": 234500.00000000003, "Latitude": 33.15, "Longitude": -117.2, "Population": 1927.0}, {"index": 15472, "quantile": 0.0, "value": 108300.0, "Latitude": 33.14, "Longitude": -117.2, "Population": 1663.0}, {"index": 15472, "quantile": 0.25, "value": 139200.0, "Latitude": 33.14, "Longitude": -117.2, "Population": 1663.0}, {"index": 15472, "quantile": 0.5, "value": 139200.0, "Latitude": 33.14, "Longitude": -117.2, "Population": 1663.0}, {"index": 15472, "quantile": 0.75, "value": 139200.0, "Latitude": 33.14, "Longitude": -117.2, "Population": 1663.0}, {"index": 15472, "quantile": 1.0, "value": 270000.0, "Latitude": 33.14, "Longitude": -117.2, "Population": 1663.0}, {"index": 15473, "quantile": 0.0, "value": 143400.0, "Latitude": 33.14, "Longitude": -117.22, "Population": 2314.0}, {"index": 15473, "quantile": 0.25, "value": 210400.0, "Latitude": 33.14, "Longitude": -117.22, "Population": 2314.0}, {"index": 15473, "quantile": 0.5, "value": 210400.0, "Latitude": 33.14, "Longitude": -117.22, "Population": 2314.0}, {"index": 15473, "quantile": 0.75, "value": 210400.0, "Latitude": 33.14, "Longitude": -117.22, "Population": 2314.0}, {"index": 15473, "quantile": 1.0, "value": 376800.0, "Latitude": 33.14, "Longitude": -117.22, "Population": 2314.0}, {"index": 15474, "quantile": 0.0, "value": 92000.0, "Latitude": 33.14, "Longitude": -117.21, "Population": 1708.0}, {"index": 15474, "quantile": 0.25, "value": 163300.0, "Latitude": 33.14, "Longitude": -117.21, "Population": 1708.0}, {"index": 15474, "quantile": 0.5, "value": 163300.0, "Latitude": 33.14, "Longitude": -117.21, "Population": 1708.0}, {"index": 15474, "quantile": 0.75, "value": 163300.0, "Latitude": 33.14, "Longitude": -117.21, "Population": 1708.0}, {"index": 15474, "quantile": 1.0, "value": 300000.0, "Latitude": 33.14, "Longitude": -117.21, "Population": 1708.0}, {"index": 15475, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.13, "Longitude": -117.21, "Population": 754.0}, {"index": 15475, "quantile": 0.25, "value": 98575.0, "Latitude": 33.13, "Longitude": -117.21, "Population": 754.0}, {"index": 15475, "quantile": 0.5, "value": 157600.0, "Latitude": 33.13, "Longitude": -117.21, "Population": 754.0}, {"index": 15475, "quantile": 0.75, "value": 177500.0, "Latitude": 33.13, "Longitude": -117.21, "Population": 754.0}, {"index": 15475, "quantile": 1.0, "value": 300000.0, "Latitude": 33.13, "Longitude": -117.21, "Population": 754.0}, {"index": 15476, "quantile": 0.0, "value": 68200.0, "Latitude": 33.18, "Longitude": -117.17, "Population": 426.0}, {"index": 15476, "quantile": 0.25, "value": 159625.0, "Latitude": 33.18, "Longitude": -117.17, "Population": 426.0}, {"index": 15476, "quantile": 0.5, "value": 214299.99999999997, "Latitude": 33.18, "Longitude": -117.17, "Population": 426.0}, {"index": 15476, "quantile": 0.75, "value": 214299.99999999997, "Latitude": 33.18, "Longitude": -117.17, "Population": 426.0}, {"index": 15476, "quantile": 1.0, "value": 360300.0, "Latitude": 33.18, "Longitude": -117.17, "Population": 426.0}, {"index": 15477, "quantile": 0.0, "value": 67500.0, "Latitude": 33.16, "Longitude": -117.18, "Population": 3943.0}, {"index": 15477, "quantile": 0.25, "value": 131000.0, "Latitude": 33.16, "Longitude": -117.18, "Population": 3943.0}, {"index": 15477, "quantile": 0.5, "value": 150900.0, "Latitude": 33.16, "Longitude": -117.18, "Population": 3943.0}, {"index": 15477, "quantile": 0.75, "value": 172600.0, "Latitude": 33.16, "Longitude": -117.18, "Population": 3943.0}, {"index": 15477, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.16, "Longitude": -117.18, "Population": 3943.0}, {"index": 15478, "quantile": 0.0, "value": 122000.0, "Latitude": 33.16, "Longitude": -117.15, "Population": 2726.0}, {"index": 15478, "quantile": 0.25, "value": 158500.0, "Latitude": 33.16, "Longitude": -117.15, "Population": 2726.0}, {"index": 15478, "quantile": 0.5, "value": 158500.0, "Latitude": 33.16, "Longitude": -117.15, "Population": 2726.0}, {"index": 15478, "quantile": 0.75, "value": 158500.0, "Latitude": 33.16, "Longitude": -117.15, "Population": 2726.0}, {"index": 15478, "quantile": 1.0, "value": 367100.0, "Latitude": 33.16, "Longitude": -117.15, "Population": 2726.0}, {"index": 15479, "quantile": 0.0, "value": 88900.0, "Latitude": 33.16, "Longitude": -117.14, "Population": 733.0}, {"index": 15479, "quantile": 0.25, "value": 202700.0, "Latitude": 33.16, "Longitude": -117.14, "Population": 733.0}, {"index": 15479, "quantile": 0.5, "value": 202700.0, "Latitude": 33.16, "Longitude": -117.14, "Population": 733.0}, {"index": 15479, "quantile": 0.75, "value": 202700.0, "Latitude": 33.16, "Longitude": -117.14, "Population": 733.0}, {"index": 15479, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.16, "Longitude": -117.14, "Population": 733.0}, {"index": 15480, "quantile": 0.0, "value": 67500.0, "Latitude": 33.15, "Longitude": -117.13, "Population": 997.0}, {"index": 15480, "quantile": 0.25, "value": 180400.0, "Latitude": 33.15, "Longitude": -117.13, "Population": 997.0}, {"index": 15480, "quantile": 0.5, "value": 193200.0, "Latitude": 33.15, "Longitude": -117.13, "Population": 997.0}, {"index": 15480, "quantile": 0.75, "value": 193200.0, "Latitude": 33.15, "Longitude": -117.13, "Population": 997.0}, {"index": 15480, "quantile": 1.0, "value": 270000.0, "Latitude": 33.15, "Longitude": -117.13, "Population": 997.0}, {"index": 15481, "quantile": 0.0, "value": 119300.0, "Latitude": 33.15, "Longitude": -117.14, "Population": 702.0}, {"index": 15481, "quantile": 0.25, "value": 168400.0, "Latitude": 33.15, "Longitude": -117.14, "Population": 702.0}, {"index": 15481, "quantile": 0.5, "value": 168400.0, "Latitude": 33.15, "Longitude": -117.14, "Population": 702.0}, {"index": 15481, "quantile": 0.75, "value": 168400.0, "Latitude": 33.15, "Longitude": -117.14, "Population": 702.0}, {"index": 15481, "quantile": 1.0, "value": 259300.0, "Latitude": 33.15, "Longitude": -117.14, "Population": 702.0}, {"index": 15482, "quantile": 0.0, "value": 90800.0, "Latitude": 33.15, "Longitude": -117.14, "Population": 758.0}, {"index": 15482, "quantile": 0.25, "value": 158800.0, "Latitude": 33.15, "Longitude": -117.14, "Population": 758.0}, {"index": 15482, "quantile": 0.5, "value": 185300.0, "Latitude": 33.15, "Longitude": -117.14, "Population": 758.0}, {"index": 15482, "quantile": 0.75, "value": 210900.0, "Latitude": 33.15, "Longitude": -117.14, "Population": 758.0}, {"index": 15482, "quantile": 1.0, "value": 376800.0, "Latitude": 33.15, "Longitude": -117.14, "Population": 758.0}, {"index": 15483, "quantile": 0.0, "value": 67700.0, "Latitude": 33.14, "Longitude": -117.15, "Population": 470.0}, {"index": 15483, "quantile": 0.25, "value": 158900.0, "Latitude": 33.14, "Longitude": -117.15, "Population": 470.0}, {"index": 15483, "quantile": 0.5, "value": 158900.0, "Latitude": 33.14, "Longitude": -117.15, "Population": 470.0}, {"index": 15483, "quantile": 0.75, "value": 158900.0, "Latitude": 33.14, "Longitude": -117.15, "Population": 470.0}, {"index": 15483, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.14, "Longitude": -117.15, "Population": 470.0}, {"index": 15484, "quantile": 0.0, "value": 117300.0, "Latitude": 33.15, "Longitude": -117.13, "Population": 1759.0}, {"index": 15484, "quantile": 0.25, "value": 172600.0, "Latitude": 33.15, "Longitude": -117.13, "Population": 1759.0}, {"index": 15484, "quantile": 0.5, "value": 172600.0, "Latitude": 33.15, "Longitude": -117.13, "Population": 1759.0}, {"index": 15484, "quantile": 0.75, "value": 177625.0, "Latitude": 33.15, "Longitude": -117.13, "Population": 1759.0}, {"index": 15484, "quantile": 1.0, "value": 262500.0, "Latitude": 33.15, "Longitude": -117.13, "Population": 1759.0}, {"index": 15485, "quantile": 0.0, "value": 123100.00000000001, "Latitude": 33.14, "Longitude": -117.13, "Population": 993.0}, {"index": 15485, "quantile": 0.25, "value": 170700.0, "Latitude": 33.14, "Longitude": -117.13, "Population": 993.0}, {"index": 15485, "quantile": 0.5, "value": 170700.0, "Latitude": 33.14, "Longitude": -117.13, "Population": 993.0}, {"index": 15485, "quantile": 0.75, "value": 170700.0, "Latitude": 33.14, "Longitude": -117.13, "Population": 993.0}, {"index": 15485, "quantile": 1.0, "value": 239900.0, "Latitude": 33.14, "Longitude": -117.13, "Population": 993.0}, {"index": 15486, "quantile": 0.0, "value": 100000.0, "Latitude": 33.14, "Longitude": -117.13, "Population": 1320.0}, {"index": 15486, "quantile": 0.25, "value": 171400.0, "Latitude": 33.14, "Longitude": -117.13, "Population": 1320.0}, {"index": 15486, "quantile": 0.5, "value": 171400.0, "Latitude": 33.14, "Longitude": -117.13, "Population": 1320.0}, {"index": 15486, "quantile": 0.75, "value": 171400.0, "Latitude": 33.14, "Longitude": -117.13, "Population": 1320.0}, {"index": 15486, "quantile": 1.0, "value": 394400.0, "Latitude": 33.14, "Longitude": -117.13, "Population": 1320.0}, {"index": 15487, "quantile": 0.0, "value": 116900.0, "Latitude": 33.14, "Longitude": -117.12, "Population": 1025.0}, {"index": 15487, "quantile": 0.25, "value": 163600.0, "Latitude": 33.14, "Longitude": -117.12, "Population": 1025.0}, {"index": 15487, "quantile": 0.5, "value": 163600.0, "Latitude": 33.14, "Longitude": -117.12, "Population": 1025.0}, {"index": 15487, "quantile": 0.75, "value": 163600.0, "Latitude": 33.14, "Longitude": -117.12, "Population": 1025.0}, {"index": 15487, "quantile": 1.0, "value": 270000.0, "Latitude": 33.14, "Longitude": -117.12, "Population": 1025.0}, {"index": 15488, "quantile": 0.0, "value": 131000.0, "Latitude": 33.14, "Longitude": -117.12, "Population": 1211.0}, {"index": 15488, "quantile": 0.25, "value": 172600.0, "Latitude": 33.14, "Longitude": -117.12, "Population": 1211.0}, {"index": 15488, "quantile": 0.5, "value": 172600.0, "Latitude": 33.14, "Longitude": -117.12, "Population": 1211.0}, {"index": 15488, "quantile": 0.75, "value": 172600.0, "Latitude": 33.14, "Longitude": -117.12, "Population": 1211.0}, {"index": 15488, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 33.14, "Longitude": -117.12, "Population": 1211.0}, {"index": 15489, "quantile": 0.0, "value": 100000.0, "Latitude": 33.14, "Longitude": -117.13, "Population": 1147.0}, {"index": 15489, "quantile": 0.25, "value": 169800.0, "Latitude": 33.14, "Longitude": -117.13, "Population": 1147.0}, {"index": 15489, "quantile": 0.5, "value": 171400.0, "Latitude": 33.14, "Longitude": -117.13, "Population": 1147.0}, {"index": 15489, "quantile": 0.75, "value": 175750.0, "Latitude": 33.14, "Longitude": -117.13, "Population": 1147.0}, {"index": 15489, "quantile": 1.0, "value": 295900.0, "Latitude": 33.14, "Longitude": -117.13, "Population": 1147.0}, {"index": 15490, "quantile": 0.0, "value": 91600.0, "Latitude": 33.14, "Longitude": -117.19, "Population": 1677.0}, {"index": 15490, "quantile": 0.25, "value": 92000.0, "Latitude": 33.14, "Longitude": -117.19, "Population": 1677.0}, {"index": 15490, "quantile": 0.5, "value": 92000.0, "Latitude": 33.14, "Longitude": -117.19, "Population": 1677.0}, {"index": 15490, "quantile": 0.75, "value": 139825.0, "Latitude": 33.14, "Longitude": -117.19, "Population": 1677.0}, {"index": 15490, "quantile": 1.0, "value": 328600.0, "Latitude": 33.14, "Longitude": -117.19, "Population": 1677.0}, {"index": 15491, "quantile": 0.0, "value": 85800.0, "Latitude": 33.15, "Longitude": -117.18, "Population": 5410.0}, {"index": 15491, "quantile": 0.25, "value": 117500.0, "Latitude": 33.15, "Longitude": -117.18, "Population": 5410.0}, {"index": 15491, "quantile": 0.5, "value": 117500.0, "Latitude": 33.15, "Longitude": -117.18, "Population": 5410.0}, {"index": 15491, "quantile": 0.75, "value": 117500.0, "Latitude": 33.15, "Longitude": -117.18, "Population": 5410.0}, {"index": 15491, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.15, "Longitude": -117.18, "Population": 5410.0}, {"index": 15492, "quantile": 0.0, "value": 76600.0, "Latitude": 33.13, "Longitude": -117.21, "Population": 912.0}, {"index": 15492, "quantile": 0.25, "value": 168000.0, "Latitude": 33.13, "Longitude": -117.21, "Population": 912.0}, {"index": 15492, "quantile": 0.5, "value": 168000.0, "Latitude": 33.13, "Longitude": -117.21, "Population": 912.0}, {"index": 15492, "quantile": 0.75, "value": 184800.0, "Latitude": 33.13, "Longitude": -117.21, "Population": 912.0}, {"index": 15492, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.13, "Longitude": -117.21, "Population": 912.0}, {"index": 15493, "quantile": 0.0, "value": 126000.0, "Latitude": 33.12, "Longitude": -117.2, "Population": 1473.0}, {"index": 15493, "quantile": 0.25, "value": 247800.00000000003, "Latitude": 33.12, "Longitude": -117.2, "Population": 1473.0}, {"index": 15493, "quantile": 0.5, "value": 247800.00000000003, "Latitude": 33.12, "Longitude": -117.2, "Population": 1473.0}, {"index": 15493, "quantile": 0.75, "value": 278600.0, "Latitude": 33.12, "Longitude": -117.2, "Population": 1473.0}, {"index": 15493, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.12, "Longitude": -117.2, "Population": 1473.0}, {"index": 15494, "quantile": 0.0, "value": 146800.0, "Latitude": 33.12, "Longitude": -117.21, "Population": 926.0}, {"index": 15494, "quantile": 0.25, "value": 227700.0, "Latitude": 33.12, "Longitude": -117.21, "Population": 926.0}, {"index": 15494, "quantile": 0.5, "value": 258900.0, "Latitude": 33.12, "Longitude": -117.21, "Population": 926.0}, {"index": 15494, "quantile": 0.75, "value": 258900.0, "Latitude": 33.12, "Longitude": -117.21, "Population": 926.0}, {"index": 15494, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.12, "Longitude": -117.21, "Population": 926.0}, {"index": 15495, "quantile": 0.0, "value": 186600.0, "Latitude": 33.11, "Longitude": -117.18, "Population": 1197.0}, {"index": 15495, "quantile": 0.25, "value": 279900.0, "Latitude": 33.11, "Longitude": -117.18, "Population": 1197.0}, {"index": 15495, "quantile": 0.5, "value": 279900.0, "Latitude": 33.11, "Longitude": -117.18, "Population": 1197.0}, {"index": 15495, "quantile": 0.75, "value": 279900.0, "Latitude": 33.11, "Longitude": -117.18, "Population": 1197.0}, {"index": 15495, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.11, "Longitude": -117.18, "Population": 1197.0}, {"index": 15496, "quantile": 0.0, "value": 142500.0, "Latitude": 33.12, "Longitude": -117.25, "Population": 3335.0}, {"index": 15496, "quantile": 0.25, "value": 255799.99999999997, "Latitude": 33.12, "Longitude": -117.25, "Population": 3335.0}, {"index": 15496, "quantile": 0.5, "value": 255799.99999999997, "Latitude": 33.12, "Longitude": -117.25, "Population": 3335.0}, {"index": 15496, "quantile": 0.75, "value": 255799.99999999997, "Latitude": 33.12, "Longitude": -117.25, "Population": 3335.0}, {"index": 15496, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.12, "Longitude": -117.25, "Population": 3335.0}, {"index": 15497, "quantile": 0.0, "value": 177400.0, "Latitude": 33.11, "Longitude": -117.24, "Population": 1410.0}, {"index": 15497, "quantile": 0.25, "value": 240300.0, "Latitude": 33.11, "Longitude": -117.24, "Population": 1410.0}, {"index": 15497, "quantile": 0.5, "value": 240300.0, "Latitude": 33.11, "Longitude": -117.24, "Population": 1410.0}, {"index": 15497, "quantile": 0.75, "value": 285725.0, "Latitude": 33.11, "Longitude": -117.24, "Population": 1410.0}, {"index": 15497, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.11, "Longitude": -117.24, "Population": 1410.0}, {"index": 15498, "quantile": 0.0, "value": 204800.0, "Latitude": 33.1, "Longitude": -117.23, "Population": 685.0}, {"index": 15498, "quantile": 0.25, "value": 237400.0, "Latitude": 33.1, "Longitude": -117.23, "Population": 685.0}, {"index": 15498, "quantile": 0.5, "value": 237400.0, "Latitude": 33.1, "Longitude": -117.23, "Population": 685.0}, {"index": 15498, "quantile": 0.75, "value": 338500.0, "Latitude": 33.1, "Longitude": -117.23, "Population": 685.0}, {"index": 15498, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.1, "Longitude": -117.23, "Population": 685.0}, {"index": 15499, "quantile": 0.0, "value": 87500.0, "Latitude": 33.1, "Longitude": -117.25, "Population": 1176.0}, {"index": 15499, "quantile": 0.25, "value": 171900.0, "Latitude": 33.1, "Longitude": -117.25, "Population": 1176.0}, {"index": 15499, "quantile": 0.5, "value": 171900.0, "Latitude": 33.1, "Longitude": -117.25, "Population": 1176.0}, {"index": 15499, "quantile": 0.75, "value": 183300.0, "Latitude": 33.1, "Longitude": -117.25, "Population": 1176.0}, {"index": 15499, "quantile": 1.0, "value": 271400.0, "Latitude": 33.1, "Longitude": -117.25, "Population": 1176.0}, {"index": 15500, "quantile": 0.0, "value": 171900.0, "Latitude": 33.09, "Longitude": -117.26, "Population": 349.0}, {"index": 15500, "quantile": 0.25, "value": 340625.0, "Latitude": 33.09, "Longitude": -117.26, "Population": 349.0}, {"index": 15500, "quantile": 0.5, "value": 407950.00000000006, "Latitude": 33.09, "Longitude": -117.26, "Population": 349.0}, {"index": 15500, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 33.09, "Longitude": -117.26, "Population": 349.0}, {"index": 15500, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.09, "Longitude": -117.26, "Population": 349.0}, {"index": 15501, "quantile": 0.0, "value": 87500.0, "Latitude": 33.09, "Longitude": -117.26, "Population": 1335.0}, {"index": 15501, "quantile": 0.25, "value": 218750.0, "Latitude": 33.09, "Longitude": -117.26, "Population": 1335.0}, {"index": 15501, "quantile": 0.5, "value": 227100.0, "Latitude": 33.09, "Longitude": -117.26, "Population": 1335.0}, {"index": 15501, "quantile": 0.75, "value": 227100.0, "Latitude": 33.09, "Longitude": -117.26, "Population": 1335.0}, {"index": 15501, "quantile": 1.0, "value": 370800.0, "Latitude": 33.09, "Longitude": -117.26, "Population": 1335.0}, {"index": 15502, "quantile": 0.0, "value": 189100.0, "Latitude": 33.09, "Longitude": -117.23, "Population": 2015.0}, {"index": 15502, "quantile": 0.25, "value": 296200.0, "Latitude": 33.09, "Longitude": -117.23, "Population": 2015.0}, {"index": 15502, "quantile": 0.5, "value": 340300.0, "Latitude": 33.09, "Longitude": -117.23, "Population": 2015.0}, {"index": 15502, "quantile": 0.75, "value": 366575.0, "Latitude": 33.09, "Longitude": -117.23, "Population": 2015.0}, {"index": 15502, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.09, "Longitude": -117.23, "Population": 2015.0}, {"index": 15503, "quantile": 0.0, "value": 271900.0, "Latitude": 33.08, "Longitude": -117.25, "Population": 1311.0}, {"index": 15503, "quantile": 0.25, "value": 340300.0, "Latitude": 33.08, "Longitude": -117.25, "Population": 1311.0}, {"index": 15503, "quantile": 0.5, "value": 340300.0, "Latitude": 33.08, "Longitude": -117.25, "Population": 1311.0}, {"index": 15503, "quantile": 0.75, "value": 340400.0, "Latitude": 33.08, "Longitude": -117.25, "Population": 1311.0}, {"index": 15503, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.08, "Longitude": -117.25, "Population": 1311.0}, {"index": 15504, "quantile": 0.0, "value": 170300.0, "Latitude": 33.08, "Longitude": -117.25, "Population": 3097.0}, {"index": 15504, "quantile": 0.25, "value": 285200.0, "Latitude": 33.08, "Longitude": -117.25, "Population": 3097.0}, {"index": 15504, "quantile": 0.5, "value": 285200.0, "Latitude": 33.08, "Longitude": -117.25, "Population": 3097.0}, {"index": 15504, "quantile": 0.75, "value": 285200.0, "Latitude": 33.08, "Longitude": -117.25, "Population": 3097.0}, {"index": 15504, "quantile": 1.0, "value": 406200.0, "Latitude": 33.08, "Longitude": -117.25, "Population": 3097.0}, {"index": 15505, "quantile": 0.0, "value": 128600.0, "Latitude": 33.08, "Longitude": -117.26, "Population": 1958.0}, {"index": 15505, "quantile": 0.25, "value": 299600.0, "Latitude": 33.08, "Longitude": -117.26, "Population": 1958.0}, {"index": 15505, "quantile": 0.5, "value": 299600.0, "Latitude": 33.08, "Longitude": -117.26, "Population": 1958.0}, {"index": 15505, "quantile": 0.75, "value": 299600.0, "Latitude": 33.08, "Longitude": -117.26, "Population": 1958.0}, {"index": 15505, "quantile": 1.0, "value": 429000.0, "Latitude": 33.08, "Longitude": -117.26, "Population": 1958.0}, {"index": 15506, "quantile": 0.0, "value": 67500.0, "Latitude": 33.13, "Longitude": -117.09, "Population": 3773.0}, {"index": 15506, "quantile": 0.25, "value": 126925.0, "Latitude": 33.13, "Longitude": -117.09, "Population": 3773.0}, {"index": 15506, "quantile": 0.5, "value": 142600.0, "Latitude": 33.13, "Longitude": -117.09, "Population": 3773.0}, {"index": 15506, "quantile": 0.75, "value": 160450.0, "Latitude": 33.13, "Longitude": -117.09, "Population": 3773.0}, {"index": 15506, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 33.13, "Longitude": -117.09, "Population": 3773.0}, {"index": 15507, "quantile": 0.0, "value": 131000.0, "Latitude": 33.14, "Longitude": -117.08, "Population": 827.0}, {"index": 15507, "quantile": 0.25, "value": 154200.0, "Latitude": 33.14, "Longitude": -117.08, "Population": 827.0}, {"index": 15507, "quantile": 0.5, "value": 154200.0, "Latitude": 33.14, "Longitude": -117.08, "Population": 827.0}, {"index": 15507, "quantile": 0.75, "value": 163600.0, "Latitude": 33.14, "Longitude": -117.08, "Population": 827.0}, {"index": 15507, "quantile": 1.0, "value": 228600.0, "Latitude": 33.14, "Longitude": -117.08, "Population": 827.0}, {"index": 15508, "quantile": 0.0, "value": 79300.0, "Latitude": 33.14, "Longitude": -117.08, "Population": 921.0}, {"index": 15508, "quantile": 0.25, "value": 150975.0, "Latitude": 33.14, "Longitude": -117.08, "Population": 921.0}, {"index": 15508, "quantile": 0.5, "value": 160850.0, "Latitude": 33.14, "Longitude": -117.08, "Population": 921.0}, {"index": 15508, "quantile": 0.75, "value": 173450.00000000003, "Latitude": 33.14, "Longitude": -117.08, "Population": 921.0}, {"index": 15508, "quantile": 1.0, "value": 262500.0, "Latitude": 33.14, "Longitude": -117.08, "Population": 921.0}, {"index": 15509, "quantile": 0.0, "value": 123100.00000000001, "Latitude": 33.14, "Longitude": -117.07, "Population": 1683.0}, {"index": 15509, "quantile": 0.25, "value": 148275.0, "Latitude": 33.14, "Longitude": -117.07, "Population": 1683.0}, {"index": 15509, "quantile": 0.5, "value": 161700.0, "Latitude": 33.14, "Longitude": -117.07, "Population": 1683.0}, {"index": 15509, "quantile": 0.75, "value": 171500.0, "Latitude": 33.14, "Longitude": -117.07, "Population": 1683.0}, {"index": 15509, "quantile": 1.0, "value": 264400.0, "Latitude": 33.14, "Longitude": -117.07, "Population": 1683.0}, {"index": 15510, "quantile": 0.0, "value": 107500.0, "Latitude": 33.15, "Longitude": -117.07, "Population": 936.0}, {"index": 15510, "quantile": 0.25, "value": 157700.0, "Latitude": 33.15, "Longitude": -117.07, "Population": 936.0}, {"index": 15510, "quantile": 0.5, "value": 157700.0, "Latitude": 33.15, "Longitude": -117.07, "Population": 936.0}, {"index": 15510, "quantile": 0.75, "value": 162225.0, "Latitude": 33.15, "Longitude": -117.07, "Population": 936.0}, {"index": 15510, "quantile": 1.0, "value": 376800.0, "Latitude": 33.15, "Longitude": -117.07, "Population": 936.0}, {"index": 15511, "quantile": 0.0, "value": 116399.99999999999, "Latitude": 33.15, "Longitude": -117.06, "Population": 1158.0}, {"index": 15511, "quantile": 0.25, "value": 157875.0, "Latitude": 33.15, "Longitude": -117.06, "Population": 1158.0}, {"index": 15511, "quantile": 0.5, "value": 168350.0, "Latitude": 33.15, "Longitude": -117.06, "Population": 1158.0}, {"index": 15511, "quantile": 0.75, "value": 186900.0, "Latitude": 33.15, "Longitude": -117.06, "Population": 1158.0}, {"index": 15511, "quantile": 1.0, "value": 347700.0, "Latitude": 33.15, "Longitude": -117.06, "Population": 1158.0}, {"index": 15512, "quantile": 0.0, "value": 87500.0, "Latitude": 33.19, "Longitude": -117.11, "Population": 1656.0}, {"index": 15512, "quantile": 0.25, "value": 163525.0, "Latitude": 33.19, "Longitude": -117.11, "Population": 1656.0}, {"index": 15512, "quantile": 0.5, "value": 202700.0, "Latitude": 33.19, "Longitude": -117.11, "Population": 1656.0}, {"index": 15512, "quantile": 0.75, "value": 235900.0, "Latitude": 33.19, "Longitude": -117.11, "Population": 1656.0}, {"index": 15512, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.19, "Longitude": -117.11, "Population": 1656.0}, {"index": 15513, "quantile": 0.0, "value": 133000.0, "Latitude": 33.18, "Longitude": -117.03, "Population": 2732.0}, {"index": 15513, "quantile": 0.25, "value": 211150.0, "Latitude": 33.18, "Longitude": -117.03, "Population": 2732.0}, {"index": 15513, "quantile": 0.5, "value": 212800.0, "Latitude": 33.18, "Longitude": -117.03, "Population": 2732.0}, {"index": 15513, "quantile": 0.75, "value": 212800.0, "Latitude": 33.18, "Longitude": -117.03, "Population": 2732.0}, {"index": 15513, "quantile": 1.0, "value": 376800.0, "Latitude": 33.18, "Longitude": -117.03, "Population": 2732.0}, {"index": 15514, "quantile": 0.0, "value": 83200.0, "Latitude": 33.17, "Longitude": -117.06, "Population": 2844.0}, {"index": 15514, "quantile": 0.25, "value": 174800.0, "Latitude": 33.17, "Longitude": -117.06, "Population": 2844.0}, {"index": 15514, "quantile": 0.5, "value": 174800.0, "Latitude": 33.17, "Longitude": -117.06, "Population": 2844.0}, {"index": 15514, "quantile": 0.75, "value": 174800.0, "Latitude": 33.17, "Longitude": -117.06, "Population": 2844.0}, {"index": 15514, "quantile": 1.0, "value": 353000.0, "Latitude": 33.17, "Longitude": -117.06, "Population": 2844.0}, {"index": 15515, "quantile": 0.0, "value": 107500.0, "Latitude": 33.17, "Longitude": -117.1, "Population": 1226.0}, {"index": 15515, "quantile": 0.25, "value": 183800.0, "Latitude": 33.17, "Longitude": -117.1, "Population": 1226.0}, {"index": 15515, "quantile": 0.5, "value": 183800.0, "Latitude": 33.17, "Longitude": -117.1, "Population": 1226.0}, {"index": 15515, "quantile": 0.75, "value": 183800.0, "Latitude": 33.17, "Longitude": -117.1, "Population": 1226.0}, {"index": 15515, "quantile": 1.0, "value": 325700.0, "Latitude": 33.17, "Longitude": -117.1, "Population": 1226.0}, {"index": 15516, "quantile": 0.0, "value": 135200.0, "Latitude": 33.16, "Longitude": -117.08, "Population": 2697.0}, {"index": 15516, "quantile": 0.25, "value": 204299.99999999997, "Latitude": 33.16, "Longitude": -117.08, "Population": 2697.0}, {"index": 15516, "quantile": 0.5, "value": 240700.0, "Latitude": 33.16, "Longitude": -117.08, "Population": 2697.0}, {"index": 15516, "quantile": 0.75, "value": 271550.0, "Latitude": 33.16, "Longitude": -117.08, "Population": 2697.0}, {"index": 15516, "quantile": 1.0, "value": 347700.0, "Latitude": 33.16, "Longitude": -117.08, "Population": 2697.0}, {"index": 15517, "quantile": 0.0, "value": 125000.0, "Latitude": 33.15, "Longitude": -117.07, "Population": 1231.0}, {"index": 15517, "quantile": 0.25, "value": 180400.0, "Latitude": 33.15, "Longitude": -117.07, "Population": 1231.0}, {"index": 15517, "quantile": 0.5, "value": 180400.0, "Latitude": 33.15, "Longitude": -117.07, "Population": 1231.0}, {"index": 15517, "quantile": 0.75, "value": 180400.0, "Latitude": 33.15, "Longitude": -117.07, "Population": 1231.0}, {"index": 15517, "quantile": 1.0, "value": 362500.0, "Latitude": 33.15, "Longitude": -117.07, "Population": 1231.0}, {"index": 15518, "quantile": 0.0, "value": 120300.0, "Latitude": 33.14, "Longitude": -117.08, "Population": 1444.0}, {"index": 15518, "quantile": 0.25, "value": 156800.0, "Latitude": 33.14, "Longitude": -117.08, "Population": 1444.0}, {"index": 15518, "quantile": 0.5, "value": 156800.0, "Latitude": 33.14, "Longitude": -117.08, "Population": 1444.0}, {"index": 15518, "quantile": 0.75, "value": 156800.0, "Latitude": 33.14, "Longitude": -117.08, "Population": 1444.0}, {"index": 15518, "quantile": 1.0, "value": 198800.0, "Latitude": 33.14, "Longitude": -117.08, "Population": 1444.0}, {"index": 15519, "quantile": 0.0, "value": 92500.0, "Latitude": 33.15, "Longitude": -117.09, "Population": 1981.0}, {"index": 15519, "quantile": 0.25, "value": 143625.0, "Latitude": 33.15, "Longitude": -117.09, "Population": 1981.0}, {"index": 15519, "quantile": 0.5, "value": 171000.0, "Latitude": 33.15, "Longitude": -117.09, "Population": 1981.0}, {"index": 15519, "quantile": 0.75, "value": 190500.0, "Latitude": 33.15, "Longitude": -117.09, "Population": 1981.0}, {"index": 15519, "quantile": 1.0, "value": 367100.0, "Latitude": 33.15, "Longitude": -117.09, "Population": 1981.0}, {"index": 15520, "quantile": 0.0, "value": 98500.0, "Latitude": 33.13, "Longitude": -117.07, "Population": 4526.0}, {"index": 15520, "quantile": 0.25, "value": 135300.0, "Latitude": 33.13, "Longitude": -117.07, "Population": 4526.0}, {"index": 15520, "quantile": 0.5, "value": 135300.0, "Latitude": 33.13, "Longitude": -117.07, "Population": 4526.0}, {"index": 15520, "quantile": 0.75, "value": 137125.0, "Latitude": 33.13, "Longitude": -117.07, "Population": 4526.0}, {"index": 15520, "quantile": 1.0, "value": 216900.0, "Latitude": 33.13, "Longitude": -117.07, "Population": 4526.0}, {"index": 15521, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.13, "Longitude": -117.07, "Population": 612.0}, {"index": 15521, "quantile": 0.25, "value": 121050.00000000001, "Latitude": 33.13, "Longitude": -117.07, "Population": 612.0}, {"index": 15521, "quantile": 0.5, "value": 137500.0, "Latitude": 33.13, "Longitude": -117.07, "Population": 612.0}, {"index": 15521, "quantile": 0.75, "value": 137500.0, "Latitude": 33.13, "Longitude": -117.07, "Population": 612.0}, {"index": 15521, "quantile": 1.0, "value": 187500.0, "Latitude": 33.13, "Longitude": -117.07, "Population": 612.0}, {"index": 15522, "quantile": 0.0, "value": 134200.0, "Latitude": 33.14, "Longitude": -117.06, "Population": 2447.0}, {"index": 15522, "quantile": 0.25, "value": 137200.0, "Latitude": 33.14, "Longitude": -117.06, "Population": 2447.0}, {"index": 15522, "quantile": 0.5, "value": 137200.0, "Latitude": 33.14, "Longitude": -117.06, "Population": 2447.0}, {"index": 15522, "quantile": 0.75, "value": 146150.0, "Latitude": 33.14, "Longitude": -117.06, "Population": 2447.0}, {"index": 15522, "quantile": 1.0, "value": 262500.0, "Latitude": 33.14, "Longitude": -117.06, "Population": 2447.0}, {"index": 15523, "quantile": 0.0, "value": 85800.0, "Latitude": 33.13, "Longitude": -117.05, "Population": 5370.0}, {"index": 15523, "quantile": 0.25, "value": 98500.0, "Latitude": 33.13, "Longitude": -117.05, "Population": 5370.0}, {"index": 15523, "quantile": 0.5, "value": 98500.0, "Latitude": 33.13, "Longitude": -117.05, "Population": 5370.0}, {"index": 15523, "quantile": 0.75, "value": 116399.99999999999, "Latitude": 33.13, "Longitude": -117.05, "Population": 5370.0}, {"index": 15523, "quantile": 1.0, "value": 178500.0, "Latitude": 33.13, "Longitude": -117.05, "Population": 5370.0}, {"index": 15524, "quantile": 0.0, "value": 84000.0, "Latitude": 33.15, "Longitude": -117.04, "Population": 6583.0}, {"index": 15524, "quantile": 0.25, "value": 150000.0, "Latitude": 33.15, "Longitude": -117.04, "Population": 6583.0}, {"index": 15524, "quantile": 0.5, "value": 150000.0, "Latitude": 33.15, "Longitude": -117.04, "Population": 6583.0}, {"index": 15524, "quantile": 0.75, "value": 150000.0, "Latitude": 33.15, "Longitude": -117.04, "Population": 6583.0}, {"index": 15524, "quantile": 1.0, "value": 235600.0, "Latitude": 33.15, "Longitude": -117.04, "Population": 6583.0}, {"index": 15525, "quantile": 0.0, "value": 85400.0, "Latitude": 33.14, "Longitude": -117.05, "Population": 2737.0}, {"index": 15525, "quantile": 0.25, "value": 136100.0, "Latitude": 33.14, "Longitude": -117.05, "Population": 2737.0}, {"index": 15525, "quantile": 0.5, "value": 136300.0, "Latitude": 33.14, "Longitude": -117.05, "Population": 2737.0}, {"index": 15525, "quantile": 0.75, "value": 136300.0, "Latitude": 33.14, "Longitude": -117.05, "Population": 2737.0}, {"index": 15525, "quantile": 1.0, "value": 175000.0, "Latitude": 33.14, "Longitude": -117.05, "Population": 2737.0}, {"index": 15526, "quantile": 0.0, "value": 94600.0, "Latitude": 33.13, "Longitude": -117.06, "Population": 4854.0}, {"index": 15526, "quantile": 0.25, "value": 143500.0, "Latitude": 33.13, "Longitude": -117.06, "Population": 4854.0}, {"index": 15526, "quantile": 0.5, "value": 143500.0, "Latitude": 33.13, "Longitude": -117.06, "Population": 4854.0}, {"index": 15526, "quantile": 0.75, "value": 143500.0, "Latitude": 33.13, "Longitude": -117.06, "Population": 4854.0}, {"index": 15526, "quantile": 1.0, "value": 235600.0, "Latitude": 33.13, "Longitude": -117.06, "Population": 4854.0}, {"index": 15527, "quantile": 0.0, "value": 58600.0, "Latitude": 33.13, "Longitude": -117.08, "Population": 7014.0}, {"index": 15527, "quantile": 0.25, "value": 113700.0, "Latitude": 33.13, "Longitude": -117.08, "Population": 7014.0}, {"index": 15527, "quantile": 0.5, "value": 113700.0, "Latitude": 33.13, "Longitude": -117.08, "Population": 7014.0}, {"index": 15527, "quantile": 0.75, "value": 113700.0, "Latitude": 33.13, "Longitude": -117.08, "Population": 7014.0}, {"index": 15527, "quantile": 1.0, "value": 375000.0, "Latitude": 33.13, "Longitude": -117.08, "Population": 7014.0}, {"index": 15528, "quantile": 0.0, "value": 25000.0, "Latitude": 33.12, "Longitude": -117.08, "Population": 107.0}, {"index": 15528, "quantile": 0.25, "value": 137500.0, "Latitude": 33.12, "Longitude": -117.08, "Population": 107.0}, {"index": 15528, "quantile": 0.5, "value": 137500.0, "Latitude": 33.12, "Longitude": -117.08, "Population": 107.0}, {"index": 15528, "quantile": 0.75, "value": 137500.0, "Latitude": 33.12, "Longitude": -117.08, "Population": 107.0}, {"index": 15528, "quantile": 1.0, "value": 275000.0, "Latitude": 33.12, "Longitude": -117.08, "Population": 107.0}, {"index": 15529, "quantile": 0.0, "value": 160600.0, "Latitude": 33.15, "Longitude": -117.11, "Population": 2916.0}, {"index": 15529, "quantile": 0.25, "value": 191100.0, "Latitude": 33.15, "Longitude": -117.11, "Population": 2916.0}, {"index": 15529, "quantile": 0.5, "value": 191100.0, "Latitude": 33.15, "Longitude": -117.11, "Population": 2916.0}, {"index": 15529, "quantile": 0.75, "value": 224399.99999999997, "Latitude": 33.15, "Longitude": -117.11, "Population": 2916.0}, {"index": 15529, "quantile": 1.0, "value": 430900.0, "Latitude": 33.15, "Longitude": -117.11, "Population": 2916.0}, {"index": 15530, "quantile": 0.0, "value": 103600.0, "Latitude": 33.15, "Longitude": -117.1, "Population": 1398.0}, {"index": 15530, "quantile": 0.25, "value": 170325.0, "Latitude": 33.15, "Longitude": -117.1, "Population": 1398.0}, {"index": 15530, "quantile": 0.5, "value": 190500.0, "Latitude": 33.15, "Longitude": -117.1, "Population": 1398.0}, {"index": 15530, "quantile": 0.75, "value": 199400.0, "Latitude": 33.15, "Longitude": -117.1, "Population": 1398.0}, {"index": 15530, "quantile": 1.0, "value": 367100.0, "Latitude": 33.15, "Longitude": -117.1, "Population": 1398.0}, {"index": 15531, "quantile": 0.0, "value": 96200.0, "Latitude": 33.15, "Longitude": -117.12, "Population": 1564.0}, {"index": 15531, "quantile": 0.25, "value": 171100.0, "Latitude": 33.15, "Longitude": -117.12, "Population": 1564.0}, {"index": 15531, "quantile": 0.5, "value": 182800.0, "Latitude": 33.15, "Longitude": -117.12, "Population": 1564.0}, {"index": 15531, "quantile": 0.75, "value": 182800.0, "Latitude": 33.15, "Longitude": -117.12, "Population": 1564.0}, {"index": 15531, "quantile": 1.0, "value": 249100.0, "Latitude": 33.15, "Longitude": -117.12, "Population": 1564.0}, {"index": 15532, "quantile": 0.0, "value": 99100.0, "Latitude": 33.18, "Longitude": -117.14, "Population": 2300.0}, {"index": 15532, "quantile": 0.25, "value": 190500.0, "Latitude": 33.18, "Longitude": -117.14, "Population": 2300.0}, {"index": 15532, "quantile": 0.5, "value": 199800.0, "Latitude": 33.18, "Longitude": -117.14, "Population": 2300.0}, {"index": 15532, "quantile": 0.75, "value": 199800.0, "Latitude": 33.18, "Longitude": -117.14, "Population": 2300.0}, {"index": 15532, "quantile": 1.0, "value": 367100.0, "Latitude": 33.18, "Longitude": -117.14, "Population": 2300.0}, {"index": 15533, "quantile": 0.0, "value": 64400.0, "Latitude": 33.14, "Longitude": -117.1, "Population": 4917.0}, {"index": 15533, "quantile": 0.25, "value": 148525.0, "Latitude": 33.14, "Longitude": -117.1, "Population": 4917.0}, {"index": 15533, "quantile": 0.5, "value": 159500.0, "Latitude": 33.14, "Longitude": -117.1, "Population": 4917.0}, {"index": 15533, "quantile": 0.75, "value": 159500.0, "Latitude": 33.14, "Longitude": -117.1, "Population": 4917.0}, {"index": 15533, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.14, "Longitude": -117.1, "Population": 4917.0}, {"index": 15534, "quantile": 0.0, "value": 99100.0, "Latitude": 33.14, "Longitude": -117.11, "Population": 1395.0}, {"index": 15534, "quantile": 0.25, "value": 190500.0, "Latitude": 33.14, "Longitude": -117.11, "Population": 1395.0}, {"index": 15534, "quantile": 0.5, "value": 190500.0, "Latitude": 33.14, "Longitude": -117.11, "Population": 1395.0}, {"index": 15534, "quantile": 0.75, "value": 190500.0, "Latitude": 33.14, "Longitude": -117.11, "Population": 1395.0}, {"index": 15534, "quantile": 1.0, "value": 367100.0, "Latitude": 33.14, "Longitude": -117.11, "Population": 1395.0}, {"index": 15535, "quantile": 0.0, "value": 125200.0, "Latitude": 33.12, "Longitude": -117.14, "Population": 2662.0}, {"index": 15535, "quantile": 0.25, "value": 211050.0, "Latitude": 33.12, "Longitude": -117.14, "Population": 2662.0}, {"index": 15535, "quantile": 0.5, "value": 240899.99999999997, "Latitude": 33.12, "Longitude": -117.14, "Population": 2662.0}, {"index": 15535, "quantile": 0.75, "value": 266200.0, "Latitude": 33.12, "Longitude": -117.14, "Population": 2662.0}, {"index": 15535, "quantile": 1.0, "value": 376800.0, "Latitude": 33.12, "Longitude": -117.14, "Population": 2662.0}, {"index": 15536, "quantile": 0.0, "value": 80000.0, "Latitude": 33.13, "Longitude": -117.13, "Population": 1123.0}, {"index": 15536, "quantile": 0.25, "value": 80000.0, "Latitude": 33.13, "Longitude": -117.13, "Population": 1123.0}, {"index": 15536, "quantile": 0.5, "value": 80000.0, "Latitude": 33.13, "Longitude": -117.13, "Population": 1123.0}, {"index": 15536, "quantile": 0.75, "value": 108000.0, "Latitude": 33.13, "Longitude": -117.13, "Population": 1123.0}, {"index": 15536, "quantile": 1.0, "value": 221099.99999999997, "Latitude": 33.13, "Longitude": -117.13, "Population": 1123.0}, {"index": 15537, "quantile": 0.0, "value": 67500.0, "Latitude": 33.12, "Longitude": -117.11, "Population": 59.0}, {"index": 15537, "quantile": 0.25, "value": 136175.0, "Latitude": 33.12, "Longitude": -117.11, "Population": 59.0}, {"index": 15537, "quantile": 0.5, "value": 161350.00000000003, "Latitude": 33.12, "Longitude": -117.11, "Population": 59.0}, {"index": 15537, "quantile": 0.75, "value": 211000.0, "Latitude": 33.12, "Longitude": -117.11, "Population": 59.0}, {"index": 15537, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.12, "Longitude": -117.11, "Population": 59.0}, {"index": 15538, "quantile": 0.0, "value": 32900.0, "Latitude": 33.12, "Longitude": -117.1, "Population": 315.0}, {"index": 15538, "quantile": 0.25, "value": 121100.00000000001, "Latitude": 33.12, "Longitude": -117.1, "Population": 315.0}, {"index": 15538, "quantile": 0.5, "value": 275000.0, "Latitude": 33.12, "Longitude": -117.1, "Population": 315.0}, {"index": 15538, "quantile": 0.75, "value": 275000.0, "Latitude": 33.12, "Longitude": -117.1, "Population": 315.0}, {"index": 15538, "quantile": 1.0, "value": 328600.0, "Latitude": 33.12, "Longitude": -117.1, "Population": 315.0}, {"index": 15539, "quantile": 0.0, "value": 45000.0, "Latitude": 33.11, "Longitude": -117.11, "Population": 1167.0}, {"index": 15539, "quantile": 0.25, "value": 119000.0, "Latitude": 33.11, "Longitude": -117.11, "Population": 1167.0}, {"index": 15539, "quantile": 0.5, "value": 131300.0, "Latitude": 33.11, "Longitude": -117.11, "Population": 1167.0}, {"index": 15539, "quantile": 0.75, "value": 157950.0, "Latitude": 33.11, "Longitude": -117.11, "Population": 1167.0}, {"index": 15539, "quantile": 1.0, "value": 290600.0, "Latitude": 33.11, "Longitude": -117.11, "Population": 1167.0}, {"index": 15540, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 33.07, "Longitude": -117.14, "Population": 4074.0}, {"index": 15540, "quantile": 0.25, "value": 179500.0, "Latitude": 33.07, "Longitude": -117.14, "Population": 4074.0}, {"index": 15540, "quantile": 0.5, "value": 191100.0, "Latitude": 33.07, "Longitude": -117.14, "Population": 4074.0}, {"index": 15540, "quantile": 0.75, "value": 255150.0, "Latitude": 33.07, "Longitude": -117.14, "Population": 4074.0}, {"index": 15540, "quantile": 1.0, "value": 353000.0, "Latitude": 33.07, "Longitude": -117.14, "Population": 4074.0}, {"index": 15541, "quantile": 0.0, "value": 134700.0, "Latitude": 33.07, "Longitude": -117.12, "Population": 363.0}, {"index": 15541, "quantile": 0.25, "value": 186600.0, "Latitude": 33.07, "Longitude": -117.12, "Population": 363.0}, {"index": 15541, "quantile": 0.5, "value": 186600.0, "Latitude": 33.07, "Longitude": -117.12, "Population": 363.0}, {"index": 15541, "quantile": 0.75, "value": 189450.0, "Latitude": 33.07, "Longitude": -117.12, "Population": 363.0}, {"index": 15541, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.07, "Longitude": -117.12, "Population": 363.0}, {"index": 15542, "quantile": 0.0, "value": 173200.0, "Latitude": 33.07, "Longitude": -117.1, "Population": 1080.0}, {"index": 15542, "quantile": 0.25, "value": 354525.0, "Latitude": 33.07, "Longitude": -117.1, "Population": 1080.0}, {"index": 15542, "quantile": 0.5, "value": 375300.0, "Latitude": 33.07, "Longitude": -117.1, "Population": 1080.0}, {"index": 15542, "quantile": 0.75, "value": 390500.0, "Latitude": 33.07, "Longitude": -117.1, "Population": 1080.0}, {"index": 15542, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.07, "Longitude": -117.1, "Population": 1080.0}, {"index": 15543, "quantile": 0.0, "value": 235200.0, "Latitude": 33.07, "Longitude": -117.07, "Population": 1045.0}, {"index": 15543, "quantile": 0.25, "value": 378300.0, "Latitude": 33.07, "Longitude": -117.07, "Population": 1045.0}, {"index": 15543, "quantile": 0.5, "value": 444100.0, "Latitude": 33.07, "Longitude": -117.07, "Population": 1045.0}, {"index": 15543, "quantile": 0.75, "value": 444100.0, "Latitude": 33.07, "Longitude": -117.07, "Population": 1045.0}, {"index": 15543, "quantile": 1.0, "value": 445400.0, "Latitude": 33.07, "Longitude": -117.07, "Population": 1045.0}, {"index": 15544, "quantile": 0.0, "value": 162100.0, "Latitude": 33.09, "Longitude": -117.1, "Population": 5640.0}, {"index": 15544, "quantile": 0.25, "value": 246225.0, "Latitude": 33.09, "Longitude": -117.1, "Population": 5640.0}, {"index": 15544, "quantile": 0.5, "value": 353000.0, "Latitude": 33.09, "Longitude": -117.1, "Population": 5640.0}, {"index": 15544, "quantile": 0.75, "value": 353000.0, "Latitude": 33.09, "Longitude": -117.1, "Population": 5640.0}, {"index": 15544, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.09, "Longitude": -117.1, "Population": 5640.0}, {"index": 15545, "quantile": 0.0, "value": 125200.0, "Latitude": 33.08, "Longitude": -117.08, "Population": 1383.0}, {"index": 15545, "quantile": 0.25, "value": 249100.0, "Latitude": 33.08, "Longitude": -117.08, "Population": 1383.0}, {"index": 15545, "quantile": 0.5, "value": 249100.0, "Latitude": 33.08, "Longitude": -117.08, "Population": 1383.0}, {"index": 15545, "quantile": 0.75, "value": 249100.0, "Latitude": 33.08, "Longitude": -117.08, "Population": 1383.0}, {"index": 15545, "quantile": 1.0, "value": 353000.0, "Latitude": 33.08, "Longitude": -117.08, "Population": 1383.0}, {"index": 15546, "quantile": 0.0, "value": 80800.0, "Latitude": 33.1, "Longitude": -117.09, "Population": 1387.0}, {"index": 15546, "quantile": 0.25, "value": 177000.0, "Latitude": 33.1, "Longitude": -117.09, "Population": 1387.0}, {"index": 15546, "quantile": 0.5, "value": 177000.0, "Latitude": 33.1, "Longitude": -117.09, "Population": 1387.0}, {"index": 15546, "quantile": 0.75, "value": 177000.0, "Latitude": 33.1, "Longitude": -117.09, "Population": 1387.0}, {"index": 15546, "quantile": 1.0, "value": 353000.0, "Latitude": 33.1, "Longitude": -117.09, "Population": 1387.0}, {"index": 15547, "quantile": 0.0, "value": 118900.0, "Latitude": 33.09, "Longitude": -117.08, "Population": 1988.0}, {"index": 15547, "quantile": 0.25, "value": 166175.0, "Latitude": 33.09, "Longitude": -117.08, "Population": 1988.0}, {"index": 15547, "quantile": 0.5, "value": 187600.0, "Latitude": 33.09, "Longitude": -117.08, "Population": 1988.0}, {"index": 15547, "quantile": 0.75, "value": 226900.0, "Latitude": 33.09, "Longitude": -117.08, "Population": 1988.0}, {"index": 15547, "quantile": 1.0, "value": 273800.0, "Latitude": 33.09, "Longitude": -117.08, "Population": 1988.0}, {"index": 15548, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 33.12, "Longitude": -117.09, "Population": 620.0}, {"index": 15548, "quantile": 0.25, "value": 122500.00000000001, "Latitude": 33.12, "Longitude": -117.09, "Population": 620.0}, {"index": 15548, "quantile": 0.5, "value": 122500.00000000001, "Latitude": 33.12, "Longitude": -117.09, "Population": 620.0}, {"index": 15548, "quantile": 0.75, "value": 122500.00000000001, "Latitude": 33.12, "Longitude": -117.09, "Population": 620.0}, {"index": 15548, "quantile": 1.0, "value": 268800.0, "Latitude": 33.12, "Longitude": -117.09, "Population": 620.0}, {"index": 15549, "quantile": 0.0, "value": 84700.0, "Latitude": 33.11, "Longitude": -117.08, "Population": 1301.0}, {"index": 15549, "quantile": 0.25, "value": 115100.0, "Latitude": 33.11, "Longitude": -117.08, "Population": 1301.0}, {"index": 15549, "quantile": 0.5, "value": 115100.0, "Latitude": 33.11, "Longitude": -117.08, "Population": 1301.0}, {"index": 15549, "quantile": 0.75, "value": 115100.0, "Latitude": 33.11, "Longitude": -117.08, "Population": 1301.0}, {"index": 15549, "quantile": 1.0, "value": 200000.0, "Latitude": 33.11, "Longitude": -117.08, "Population": 1301.0}, {"index": 15550, "quantile": 0.0, "value": 59600.0, "Latitude": 33.11, "Longitude": -117.08, "Population": 1556.0}, {"index": 15550, "quantile": 0.25, "value": 98650.0, "Latitude": 33.11, "Longitude": -117.08, "Population": 1556.0}, {"index": 15550, "quantile": 0.5, "value": 115100.0, "Latitude": 33.11, "Longitude": -117.08, "Population": 1556.0}, {"index": 15550, "quantile": 0.75, "value": 133350.0, "Latitude": 33.11, "Longitude": -117.08, "Population": 1556.0}, {"index": 15550, "quantile": 1.0, "value": 268800.0, "Latitude": 33.11, "Longitude": -117.08, "Population": 1556.0}, {"index": 15551, "quantile": 0.0, "value": 80800.0, "Latitude": 33.11, "Longitude": -117.09, "Population": 891.0}, {"index": 15551, "quantile": 0.25, "value": 171600.0, "Latitude": 33.11, "Longitude": -117.09, "Population": 891.0}, {"index": 15551, "quantile": 0.5, "value": 171600.0, "Latitude": 33.11, "Longitude": -117.09, "Population": 891.0}, {"index": 15551, "quantile": 0.75, "value": 171600.0, "Latitude": 33.11, "Longitude": -117.09, "Population": 891.0}, {"index": 15551, "quantile": 1.0, "value": 291500.0, "Latitude": 33.11, "Longitude": -117.09, "Population": 891.0}, {"index": 15552, "quantile": 0.0, "value": 72000.0, "Latitude": 33.12, "Longitude": -117.08, "Population": 823.0}, {"index": 15552, "quantile": 0.25, "value": 90975.0, "Latitude": 33.12, "Longitude": -117.08, "Population": 823.0}, {"index": 15552, "quantile": 0.5, "value": 114300.0, "Latitude": 33.12, "Longitude": -117.08, "Population": 823.0}, {"index": 15552, "quantile": 0.75, "value": 138350.0, "Latitude": 33.12, "Longitude": -117.08, "Population": 823.0}, {"index": 15552, "quantile": 1.0, "value": 328600.0, "Latitude": 33.12, "Longitude": -117.08, "Population": 823.0}, {"index": 15553, "quantile": 0.0, "value": 78800.0, "Latitude": 33.11, "Longitude": -117.07, "Population": 1326.0}, {"index": 15553, "quantile": 0.25, "value": 117225.0, "Latitude": 33.11, "Longitude": -117.07, "Population": 1326.0}, {"index": 15553, "quantile": 0.5, "value": 141600.0, "Latitude": 33.11, "Longitude": -117.07, "Population": 1326.0}, {"index": 15553, "quantile": 0.75, "value": 163825.0, "Latitude": 33.11, "Longitude": -117.07, "Population": 1326.0}, {"index": 15553, "quantile": 1.0, "value": 222900.0, "Latitude": 33.11, "Longitude": -117.07, "Population": 1326.0}, {"index": 15554, "quantile": 0.0, "value": 63900.0, "Latitude": 33.11, "Longitude": -117.08, "Population": 1669.0}, {"index": 15554, "quantile": 0.25, "value": 116700.0, "Latitude": 33.11, "Longitude": -117.08, "Population": 1669.0}, {"index": 15554, "quantile": 0.5, "value": 116700.0, "Latitude": 33.11, "Longitude": -117.08, "Population": 1669.0}, {"index": 15554, "quantile": 0.75, "value": 116700.0, "Latitude": 33.11, "Longitude": -117.08, "Population": 1669.0}, {"index": 15554, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 33.11, "Longitude": -117.08, "Population": 1669.0}, {"index": 15555, "quantile": 0.0, "value": 25000.0, "Latitude": 33.12, "Longitude": -117.08, "Population": 565.0}, {"index": 15555, "quantile": 0.25, "value": 114300.0, "Latitude": 33.12, "Longitude": -117.08, "Population": 565.0}, {"index": 15555, "quantile": 0.5, "value": 114300.0, "Latitude": 33.12, "Longitude": -117.08, "Population": 565.0}, {"index": 15555, "quantile": 0.75, "value": 114300.0, "Latitude": 33.12, "Longitude": -117.08, "Population": 565.0}, {"index": 15555, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 33.12, "Longitude": -117.08, "Population": 565.0}, {"index": 15556, "quantile": 0.0, "value": 67500.0, "Latitude": 33.12, "Longitude": -117.07, "Population": 2818.0}, {"index": 15556, "quantile": 0.25, "value": 156250.0, "Latitude": 33.12, "Longitude": -117.07, "Population": 2818.0}, {"index": 15556, "quantile": 0.5, "value": 187700.0, "Latitude": 33.12, "Longitude": -117.07, "Population": 2818.0}, {"index": 15556, "quantile": 0.75, "value": 187700.0, "Latitude": 33.12, "Longitude": -117.07, "Population": 2818.0}, {"index": 15556, "quantile": 1.0, "value": 187700.0, "Latitude": 33.12, "Longitude": -117.07, "Population": 2818.0}, {"index": 15557, "quantile": 0.0, "value": 84200.0, "Latitude": 33.12, "Longitude": -117.07, "Population": 1224.0}, {"index": 15557, "quantile": 0.25, "value": 137500.0, "Latitude": 33.12, "Longitude": -117.07, "Population": 1224.0}, {"index": 15557, "quantile": 0.5, "value": 149100.0, "Latitude": 33.12, "Longitude": -117.07, "Population": 1224.0}, {"index": 15557, "quantile": 0.75, "value": 158500.0, "Latitude": 33.12, "Longitude": -117.07, "Population": 1224.0}, {"index": 15557, "quantile": 1.0, "value": 291500.0, "Latitude": 33.12, "Longitude": -117.07, "Population": 1224.0}, {"index": 15558, "quantile": 0.0, "value": 81900.0, "Latitude": 33.12, "Longitude": -117.07, "Population": 1251.0}, {"index": 15558, "quantile": 0.25, "value": 115599.99999999999, "Latitude": 33.12, "Longitude": -117.07, "Population": 1251.0}, {"index": 15558, "quantile": 0.5, "value": 138100.0, "Latitude": 33.12, "Longitude": -117.07, "Population": 1251.0}, {"index": 15558, "quantile": 0.75, "value": 145350.0, "Latitude": 33.12, "Longitude": -117.07, "Population": 1251.0}, {"index": 15558, "quantile": 1.0, "value": 199000.0, "Latitude": 33.12, "Longitude": -117.07, "Population": 1251.0}, {"index": 15559, "quantile": 0.0, "value": 84200.0, "Latitude": 33.11, "Longitude": -117.07, "Population": 3004.0}, {"index": 15559, "quantile": 0.25, "value": 142300.0, "Latitude": 33.11, "Longitude": -117.07, "Population": 3004.0}, {"index": 15559, "quantile": 0.5, "value": 142300.0, "Latitude": 33.11, "Longitude": -117.07, "Population": 3004.0}, {"index": 15559, "quantile": 0.75, "value": 143650.0, "Latitude": 33.11, "Longitude": -117.07, "Population": 3004.0}, {"index": 15559, "quantile": 1.0, "value": 235600.0, "Latitude": 33.11, "Longitude": -117.07, "Population": 3004.0}, {"index": 15560, "quantile": 0.0, "value": 112799.99999999999, "Latitude": 33.09, "Longitude": -117.06, "Population": 3516.0}, {"index": 15560, "quantile": 0.25, "value": 183550.0, "Latitude": 33.09, "Longitude": -117.06, "Population": 3516.0}, {"index": 15560, "quantile": 0.5, "value": 262500.0, "Latitude": 33.09, "Longitude": -117.06, "Population": 3516.0}, {"index": 15560, "quantile": 0.75, "value": 262500.0, "Latitude": 33.09, "Longitude": -117.06, "Population": 3516.0}, {"index": 15560, "quantile": 1.0, "value": 353000.0, "Latitude": 33.09, "Longitude": -117.06, "Population": 3516.0}, {"index": 15561, "quantile": 0.0, "value": 111500.0, "Latitude": 33.13, "Longitude": -117.03, "Population": 3555.0}, {"index": 15561, "quantile": 0.25, "value": 172800.0, "Latitude": 33.13, "Longitude": -117.03, "Population": 3555.0}, {"index": 15561, "quantile": 0.5, "value": 172800.0, "Latitude": 33.13, "Longitude": -117.03, "Population": 3555.0}, {"index": 15561, "quantile": 0.75, "value": 172800.0, "Latitude": 33.13, "Longitude": -117.03, "Population": 3555.0}, {"index": 15561, "quantile": 1.0, "value": 347700.0, "Latitude": 33.13, "Longitude": -117.03, "Population": 3555.0}, {"index": 15562, "quantile": 0.0, "value": 218100.0, "Latitude": 33.13, "Longitude": -116.97, "Population": 2177.0}, {"index": 15562, "quantile": 0.25, "value": 287500.0, "Latitude": 33.13, "Longitude": -116.97, "Population": 2177.0}, {"index": 15562, "quantile": 0.5, "value": 287500.0, "Latitude": 33.13, "Longitude": -116.97, "Population": 2177.0}, {"index": 15562, "quantile": 0.75, "value": 287500.0, "Latitude": 33.13, "Longitude": -116.97, "Population": 2177.0}, {"index": 15562, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.13, "Longitude": -116.97, "Population": 2177.0}, {"index": 15563, "quantile": 0.0, "value": 151200.0, "Latitude": 33.13, "Longitude": -117.05, "Population": 1118.0}, {"index": 15563, "quantile": 0.25, "value": 169900.0, "Latitude": 33.13, "Longitude": -117.05, "Population": 1118.0}, {"index": 15563, "quantile": 0.5, "value": 169900.0, "Latitude": 33.13, "Longitude": -117.05, "Population": 1118.0}, {"index": 15563, "quantile": 0.75, "value": 170025.0, "Latitude": 33.13, "Longitude": -117.05, "Population": 1118.0}, {"index": 15563, "quantile": 1.0, "value": 294600.0, "Latitude": 33.13, "Longitude": -117.05, "Population": 1118.0}, {"index": 15564, "quantile": 0.0, "value": 118600.0, "Latitude": 33.11, "Longitude": -117.05, "Population": 2095.0}, {"index": 15564, "quantile": 0.25, "value": 223500.0, "Latitude": 33.11, "Longitude": -117.05, "Population": 2095.0}, {"index": 15564, "quantile": 0.5, "value": 223500.0, "Latitude": 33.11, "Longitude": -117.05, "Population": 2095.0}, {"index": 15564, "quantile": 0.75, "value": 223500.0, "Latitude": 33.11, "Longitude": -117.05, "Population": 2095.0}, {"index": 15564, "quantile": 1.0, "value": 300000.0, "Latitude": 33.11, "Longitude": -117.05, "Population": 2095.0}, {"index": 15565, "quantile": 0.0, "value": 137200.0, "Latitude": 33.13, "Longitude": -117.05, "Population": 1099.0}, {"index": 15565, "quantile": 0.25, "value": 187125.0, "Latitude": 33.13, "Longitude": -117.05, "Population": 1099.0}, {"index": 15565, "quantile": 0.5, "value": 224500.0, "Latitude": 33.13, "Longitude": -117.05, "Population": 1099.0}, {"index": 15565, "quantile": 0.75, "value": 248300.0, "Latitude": 33.13, "Longitude": -117.05, "Population": 1099.0}, {"index": 15565, "quantile": 1.0, "value": 376800.0, "Latitude": 33.13, "Longitude": -117.05, "Population": 1099.0}, {"index": 15566, "quantile": 0.0, "value": 149900.0, "Latitude": 33.1, "Longitude": -117.05, "Population": 2119.0}, {"index": 15566, "quantile": 0.25, "value": 320200.0, "Latitude": 33.1, "Longitude": -117.05, "Population": 2119.0}, {"index": 15566, "quantile": 0.5, "value": 320200.0, "Latitude": 33.1, "Longitude": -117.05, "Population": 2119.0}, {"index": 15566, "quantile": 0.75, "value": 320200.0, "Latitude": 33.1, "Longitude": -117.05, "Population": 2119.0}, {"index": 15566, "quantile": 1.0, "value": 335600.0, "Latitude": 33.1, "Longitude": -117.05, "Population": 2119.0}, {"index": 15567, "quantile": 0.0, "value": 164400.0, "Latitude": 33.12, "Longitude": -117.03, "Population": 1286.0}, {"index": 15567, "quantile": 0.25, "value": 222000.00000000003, "Latitude": 33.12, "Longitude": -117.03, "Population": 1286.0}, {"index": 15567, "quantile": 0.5, "value": 248300.0, "Latitude": 33.12, "Longitude": -117.03, "Population": 1286.0}, {"index": 15567, "quantile": 0.75, "value": 248300.0, "Latitude": 33.12, "Longitude": -117.03, "Population": 1286.0}, {"index": 15567, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 33.12, "Longitude": -117.03, "Population": 1286.0}, {"index": 15568, "quantile": 0.0, "value": 192900.0, "Latitude": 33.09, "Longitude": -117.04, "Population": 1902.0}, {"index": 15568, "quantile": 0.25, "value": 298650.00000000006, "Latitude": 33.09, "Longitude": -117.04, "Population": 1902.0}, {"index": 15568, "quantile": 0.5, "value": 335600.0, "Latitude": 33.09, "Longitude": -117.04, "Population": 1902.0}, {"index": 15568, "quantile": 0.75, "value": 335600.0, "Latitude": 33.09, "Longitude": -117.04, "Population": 1902.0}, {"index": 15568, "quantile": 1.0, "value": 404500.0, "Latitude": 33.09, "Longitude": -117.04, "Population": 1902.0}, {"index": 15569, "quantile": 0.0, "value": 118900.0, "Latitude": 33.06, "Longitude": -116.93, "Population": 1628.0}, {"index": 15569, "quantile": 0.25, "value": 217000.0, "Latitude": 33.06, "Longitude": -116.93, "Population": 1628.0}, {"index": 15569, "quantile": 0.5, "value": 239900.0, "Latitude": 33.06, "Longitude": -116.93, "Population": 1628.0}, {"index": 15569, "quantile": 0.75, "value": 239900.0, "Latitude": 33.06, "Longitude": -116.93, "Population": 1628.0}, {"index": 15569, "quantile": 1.0, "value": 347700.0, "Latitude": 33.06, "Longitude": -116.93, "Population": 1628.0}, {"index": 15570, "quantile": 0.0, "value": 106200.0, "Latitude": 32.99, "Longitude": -116.89, "Population": 1448.0}, {"index": 15570, "quantile": 0.25, "value": 210900.0, "Latitude": 32.99, "Longitude": -116.89, "Population": 1448.0}, {"index": 15570, "quantile": 0.5, "value": 210900.0, "Latitude": 32.99, "Longitude": -116.89, "Population": 1448.0}, {"index": 15570, "quantile": 0.75, "value": 210900.0, "Latitude": 32.99, "Longitude": -116.89, "Population": 1448.0}, {"index": 15570, "quantile": 1.0, "value": 386200.0, "Latitude": 32.99, "Longitude": -116.89, "Population": 1448.0}, {"index": 15571, "quantile": 0.0, "value": 159100.0, "Latitude": 32.96, "Longitude": -116.95, "Population": 992.0}, {"index": 15571, "quantile": 0.25, "value": 217400.0, "Latitude": 32.96, "Longitude": -116.95, "Population": 992.0}, {"index": 15571, "quantile": 0.5, "value": 222600.0, "Latitude": 32.96, "Longitude": -116.95, "Population": 992.0}, {"index": 15571, "quantile": 0.75, "value": 222600.0, "Latitude": 32.96, "Longitude": -116.95, "Population": 992.0}, {"index": 15571, "quantile": 1.0, "value": 353000.0, "Latitude": 32.96, "Longitude": -116.95, "Population": 992.0}, {"index": 15572, "quantile": 0.0, "value": 107200.0, "Latitude": 33.08, "Longitude": -116.84, "Population": 1474.0}, {"index": 15572, "quantile": 0.25, "value": 209700.0, "Latitude": 33.08, "Longitude": -116.84, "Population": 1474.0}, {"index": 15572, "quantile": 0.5, "value": 225900.0, "Latitude": 33.08, "Longitude": -116.84, "Population": 1474.0}, {"index": 15572, "quantile": 0.75, "value": 225900.0, "Latitude": 33.08, "Longitude": -116.84, "Population": 1474.0}, {"index": 15572, "quantile": 1.0, "value": 294600.0, "Latitude": 33.08, "Longitude": -116.84, "Population": 1474.0}, {"index": 15573, "quantile": 0.0, "value": 136700.0, "Latitude": 33.08, "Longitude": -116.77, "Population": 737.0}, {"index": 15573, "quantile": 0.25, "value": 239100.0, "Latitude": 33.08, "Longitude": -116.77, "Population": 737.0}, {"index": 15573, "quantile": 0.5, "value": 239100.0, "Latitude": 33.08, "Longitude": -116.77, "Population": 737.0}, {"index": 15573, "quantile": 0.75, "value": 239100.0, "Latitude": 33.08, "Longitude": -116.77, "Population": 737.0}, {"index": 15573, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.08, "Longitude": -116.77, "Population": 737.0}, {"index": 15574, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 33.0, "Longitude": -116.78, "Population": 5102.0}, {"index": 15574, "quantile": 0.25, "value": 221000.0, "Latitude": 33.0, "Longitude": -116.78, "Population": 5102.0}, {"index": 15574, "quantile": 0.5, "value": 221000.0, "Latitude": 33.0, "Longitude": -116.78, "Population": 5102.0}, {"index": 15574, "quantile": 0.75, "value": 221250.0, "Latitude": 33.0, "Longitude": -116.78, "Population": 5102.0}, {"index": 15574, "quantile": 1.0, "value": 429000.0, "Latitude": 33.0, "Longitude": -116.78, "Population": 5102.0}, {"index": 15575, "quantile": 0.0, "value": 149900.0, "Latitude": 33.01, "Longitude": -116.84, "Population": 2592.0}, {"index": 15575, "quantile": 0.25, "value": 168700.0, "Latitude": 33.01, "Longitude": -116.84, "Population": 2592.0}, {"index": 15575, "quantile": 0.5, "value": 210800.0, "Latitude": 33.01, "Longitude": -116.84, "Population": 2592.0}, {"index": 15575, "quantile": 0.75, "value": 223600.00000000003, "Latitude": 33.01, "Longitude": -116.84, "Population": 2592.0}, {"index": 15575, "quantile": 1.0, "value": 319000.0, "Latitude": 33.01, "Longitude": -116.84, "Population": 2592.0}, {"index": 15576, "quantile": 0.0, "value": 88500.0, "Latitude": 33.05, "Longitude": -116.88, "Population": 4197.0}, {"index": 15576, "quantile": 0.25, "value": 153800.0, "Latitude": 33.05, "Longitude": -116.88, "Population": 4197.0}, {"index": 15576, "quantile": 0.5, "value": 166700.0, "Latitude": 33.05, "Longitude": -116.88, "Population": 4197.0}, {"index": 15576, "quantile": 0.75, "value": 166700.0, "Latitude": 33.05, "Longitude": -116.88, "Population": 4197.0}, {"index": 15576, "quantile": 1.0, "value": 222900.0, "Latitude": 33.05, "Longitude": -116.88, "Population": 4197.0}, {"index": 15577, "quantile": 0.0, "value": 133000.0, "Latitude": 33.02, "Longitude": -116.88, "Population": 1818.0}, {"index": 15577, "quantile": 0.25, "value": 171500.0, "Latitude": 33.02, "Longitude": -116.88, "Population": 1818.0}, {"index": 15577, "quantile": 0.5, "value": 171500.0, "Latitude": 33.02, "Longitude": -116.88, "Population": 1818.0}, {"index": 15577, "quantile": 0.75, "value": 171500.0, "Latitude": 33.02, "Longitude": -116.88, "Population": 1818.0}, {"index": 15577, "quantile": 1.0, "value": 267000.0, "Latitude": 33.02, "Longitude": -116.88, "Population": 1818.0}, {"index": 15578, "quantile": 0.0, "value": 80800.0, "Latitude": 33.03, "Longitude": -116.9, "Population": 1975.0}, {"index": 15578, "quantile": 0.25, "value": 160025.0, "Latitude": 33.03, "Longitude": -116.9, "Population": 1975.0}, {"index": 15578, "quantile": 0.5, "value": 167200.0, "Latitude": 33.03, "Longitude": -116.9, "Population": 1975.0}, {"index": 15578, "quantile": 0.75, "value": 167200.0, "Latitude": 33.03, "Longitude": -116.9, "Population": 1975.0}, {"index": 15578, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 33.03, "Longitude": -116.9, "Population": 1975.0}, {"index": 15579, "quantile": 0.0, "value": 107200.0, "Latitude": 33.05, "Longitude": -116.86, "Population": 5030.0}, {"index": 15579, "quantile": 0.25, "value": 164225.0, "Latitude": 33.05, "Longitude": -116.86, "Population": 5030.0}, {"index": 15579, "quantile": 0.5, "value": 164500.0, "Latitude": 33.05, "Longitude": -116.86, "Population": 5030.0}, {"index": 15579, "quantile": 0.75, "value": 164500.0, "Latitude": 33.05, "Longitude": -116.86, "Population": 5030.0}, {"index": 15579, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 33.05, "Longitude": -116.86, "Population": 5030.0}, {"index": 15580, "quantile": 0.0, "value": 87500.0, "Latitude": 33.02, "Longitude": -116.86, "Population": 251.0}, {"index": 15580, "quantile": 0.25, "value": 153200.0, "Latitude": 33.02, "Longitude": -116.86, "Population": 251.0}, {"index": 15580, "quantile": 0.5, "value": 160300.0, "Latitude": 33.02, "Longitude": -116.86, "Population": 251.0}, {"index": 15580, "quantile": 0.75, "value": 182900.0, "Latitude": 33.02, "Longitude": -116.86, "Population": 251.0}, {"index": 15580, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.02, "Longitude": -116.86, "Population": 251.0}, {"index": 15581, "quantile": 0.0, "value": 119300.0, "Latitude": 33.02, "Longitude": -116.84, "Population": 645.0}, {"index": 15581, "quantile": 0.25, "value": 209800.0, "Latitude": 33.02, "Longitude": -116.84, "Population": 645.0}, {"index": 15581, "quantile": 0.5, "value": 209800.0, "Latitude": 33.02, "Longitude": -116.84, "Population": 645.0}, {"index": 15581, "quantile": 0.75, "value": 209800.0, "Latitude": 33.02, "Longitude": -116.84, "Population": 645.0}, {"index": 15581, "quantile": 1.0, "value": 322300.0, "Latitude": 33.02, "Longitude": -116.84, "Population": 645.0}, {"index": 15582, "quantile": 0.0, "value": 84700.0, "Latitude": 33.33, "Longitude": -116.74, "Population": 1802.0}, {"index": 15582, "quantile": 0.25, "value": 158200.0, "Latitude": 33.33, "Longitude": -116.74, "Population": 1802.0}, {"index": 15582, "quantile": 0.5, "value": 158200.0, "Latitude": 33.33, "Longitude": -116.74, "Population": 1802.0}, {"index": 15582, "quantile": 0.75, "value": 158200.0, "Latitude": 33.33, "Longitude": -116.74, "Population": 1802.0}, {"index": 15582, "quantile": 1.0, "value": 257700.0, "Latitude": 33.33, "Longitude": -116.74, "Population": 1802.0}, {"index": 15583, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 33.16, "Longitude": -116.68, "Population": 1001.0}, {"index": 15583, "quantile": 0.25, "value": 146300.0, "Latitude": 33.16, "Longitude": -116.68, "Population": 1001.0}, {"index": 15583, "quantile": 0.5, "value": 156300.0, "Latitude": 33.16, "Longitude": -116.68, "Population": 1001.0}, {"index": 15583, "quantile": 0.75, "value": 156300.0, "Latitude": 33.16, "Longitude": -116.68, "Population": 1001.0}, {"index": 15583, "quantile": 1.0, "value": 221900.0, "Latitude": 33.16, "Longitude": -116.68, "Population": 1001.0}, {"index": 15584, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 33.06, "Longitude": -116.6, "Population": 612.0}, {"index": 15584, "quantile": 0.25, "value": 172900.0, "Latitude": 33.06, "Longitude": -116.6, "Population": 612.0}, {"index": 15584, "quantile": 0.5, "value": 172900.0, "Latitude": 33.06, "Longitude": -116.6, "Population": 612.0}, {"index": 15584, "quantile": 0.75, "value": 172900.0, "Latitude": 33.06, "Longitude": -116.6, "Population": 612.0}, {"index": 15584, "quantile": 1.0, "value": 222900.0, "Latitude": 33.06, "Longitude": -116.6, "Population": 612.0}, {"index": 15585, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 33.09, "Longitude": -116.58, "Population": 334.0}, {"index": 15585, "quantile": 0.25, "value": 122350.0, "Latitude": 33.09, "Longitude": -116.58, "Population": 334.0}, {"index": 15585, "quantile": 0.5, "value": 157550.0, "Latitude": 33.09, "Longitude": -116.58, "Population": 334.0}, {"index": 15585, "quantile": 0.75, "value": 173025.0, "Latitude": 33.09, "Longitude": -116.58, "Population": 334.0}, {"index": 15585, "quantile": 1.0, "value": 366700.0, "Latitude": 33.09, "Longitude": -116.58, "Population": 334.0}, {"index": 15586, "quantile": 0.0, "value": 116300.0, "Latitude": 33.05, "Longitude": -116.56, "Population": 536.0}, {"index": 15586, "quantile": 0.25, "value": 170000.0, "Latitude": 33.05, "Longitude": -116.56, "Population": 536.0}, {"index": 15586, "quantile": 0.5, "value": 211100.00000000003, "Latitude": 33.05, "Longitude": -116.56, "Population": 536.0}, {"index": 15586, "quantile": 0.75, "value": 226799.99999999997, "Latitude": 33.05, "Longitude": -116.56, "Population": 536.0}, {"index": 15586, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.05, "Longitude": -116.56, "Population": 536.0}, {"index": 15587, "quantile": 0.0, "value": 87500.0, "Latitude": 33.04, "Longitude": -116.61, "Population": 616.0}, {"index": 15587, "quantile": 0.25, "value": 158500.0, "Latitude": 33.04, "Longitude": -116.61, "Population": 616.0}, {"index": 15587, "quantile": 0.5, "value": 209200.0, "Latitude": 33.04, "Longitude": -116.61, "Population": 616.0}, {"index": 15587, "quantile": 0.75, "value": 254400.0, "Latitude": 33.04, "Longitude": -116.61, "Population": 616.0}, {"index": 15587, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.04, "Longitude": -116.61, "Population": 616.0}, {"index": 15588, "quantile": 0.0, "value": 43900.0, "Latitude": 33.09, "Longitude": -116.66, "Population": 532.0}, {"index": 15588, "quantile": 0.25, "value": 121649.99999999999, "Latitude": 33.09, "Longitude": -116.66, "Population": 532.0}, {"index": 15588, "quantile": 0.5, "value": 221900.0, "Latitude": 33.09, "Longitude": -116.66, "Population": 532.0}, {"index": 15588, "quantile": 0.75, "value": 221900.0, "Latitude": 33.09, "Longitude": -116.66, "Population": 532.0}, {"index": 15588, "quantile": 1.0, "value": 221900.0, "Latitude": 33.09, "Longitude": -116.66, "Population": 532.0}, {"index": 15589, "quantile": 0.0, "value": 129500.0, "Latitude": 32.97, "Longitude": -116.67, "Population": 120.0}, {"index": 15589, "quantile": 0.25, "value": 193800.0, "Latitude": 32.97, "Longitude": -116.67, "Population": 120.0}, {"index": 15589, "quantile": 0.5, "value": 193800.0, "Latitude": 32.97, "Longitude": -116.67, "Population": 120.0}, {"index": 15589, "quantile": 0.75, "value": 228450.0, "Latitude": 32.97, "Longitude": -116.67, "Population": 120.0}, {"index": 15589, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 32.97, "Longitude": -116.67, "Population": 120.0}, {"index": 15590, "quantile": 0.0, "value": 116300.0, "Latitude": 32.9, "Longitude": -116.52, "Population": 1754.0}, {"index": 15590, "quantile": 0.25, "value": 189900.0, "Latitude": 32.9, "Longitude": -116.52, "Population": 1754.0}, {"index": 15590, "quantile": 0.5, "value": 189900.0, "Latitude": 32.9, "Longitude": -116.52, "Population": 1754.0}, {"index": 15590, "quantile": 0.75, "value": 190875.0, "Latitude": 32.9, "Longitude": -116.52, "Population": 1754.0}, {"index": 15590, "quantile": 1.0, "value": 298100.0, "Latitude": 32.9, "Longitude": -116.52, "Population": 1754.0}, {"index": 15591, "quantile": 0.0, "value": 85200.0, "Latitude": 33.36, "Longitude": -116.34, "Population": 731.0}, {"index": 15591, "quantile": 0.25, "value": 175650.0, "Latitude": 33.36, "Longitude": -116.34, "Population": 731.0}, {"index": 15591, "quantile": 0.5, "value": 176400.0, "Latitude": 33.36, "Longitude": -116.34, "Population": 731.0}, {"index": 15591, "quantile": 0.75, "value": 176400.0, "Latitude": 33.36, "Longitude": -116.34, "Population": 731.0}, {"index": 15591, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 33.36, "Longitude": -116.34, "Population": 731.0}, {"index": 15592, "quantile": 0.0, "value": 76600.0, "Latitude": 33.28, "Longitude": -116.32, "Population": 327.0}, {"index": 15592, "quantile": 0.25, "value": 100000.0, "Latitude": 33.28, "Longitude": -116.32, "Population": 327.0}, {"index": 15592, "quantile": 0.5, "value": 100000.0, "Latitude": 33.28, "Longitude": -116.32, "Population": 327.0}, {"index": 15592, "quantile": 0.75, "value": 100000.0, "Latitude": 33.28, "Longitude": -116.32, "Population": 327.0}, {"index": 15592, "quantile": 1.0, "value": 370800.0, "Latitude": 33.28, "Longitude": -116.32, "Population": 327.0}, {"index": 15593, "quantile": 0.0, "value": 44400.0, "Latitude": 33.07, "Longitude": -116.26, "Population": 452.0}, {"index": 15593, "quantile": 0.25, "value": 81300.0, "Latitude": 33.07, "Longitude": -116.26, "Population": 452.0}, {"index": 15593, "quantile": 0.5, "value": 83700.0, "Latitude": 33.07, "Longitude": -116.26, "Population": 452.0}, {"index": 15593, "quantile": 0.75, "value": 83700.0, "Latitude": 33.07, "Longitude": -116.26, "Population": 452.0}, {"index": 15593, "quantile": 1.0, "value": 328600.0, "Latitude": 33.07, "Longitude": -116.26, "Population": 452.0}, {"index": 15594, "quantile": 0.0, "value": 58800.0, "Latitude": 32.84, "Longitude": -116.28, "Population": 194.0}, {"index": 15594, "quantile": 0.25, "value": 58800.0, "Latitude": 32.84, "Longitude": -116.28, "Population": 194.0}, {"index": 15594, "quantile": 0.5, "value": 58800.0, "Latitude": 32.84, "Longitude": -116.28, "Population": 194.0}, {"index": 15594, "quantile": 0.75, "value": 68300.0, "Latitude": 32.84, "Longitude": -116.28, "Population": 194.0}, {"index": 15594, "quantile": 1.0, "value": 222900.0, "Latitude": 32.84, "Longitude": -116.28, "Population": 194.0}, {"index": 15595, "quantile": 0.0, "value": 43900.0, "Latitude": 33.19, "Longitude": -116.37, "Population": 1289.0}, {"index": 15595, "quantile": 0.25, "value": 98700.0, "Latitude": 33.19, "Longitude": -116.37, "Population": 1289.0}, {"index": 15595, "quantile": 0.5, "value": 98700.0, "Latitude": 33.19, "Longitude": -116.37, "Population": 1289.0}, {"index": 15595, "quantile": 0.75, "value": 98700.0, "Latitude": 33.19, "Longitude": -116.37, "Population": 1289.0}, {"index": 15595, "quantile": 1.0, "value": 222900.0, "Latitude": 33.19, "Longitude": -116.37, "Population": 1289.0}, {"index": 15596, "quantile": 0.0, "value": 58800.0, "Latitude": 32.69, "Longitude": -116.58, "Population": 2133.0}, {"index": 15596, "quantile": 0.25, "value": 120774.99999999999, "Latitude": 32.69, "Longitude": -116.58, "Population": 2133.0}, {"index": 15596, "quantile": 0.5, "value": 135600.0, "Latitude": 32.69, "Longitude": -116.58, "Population": 2133.0}, {"index": 15596, "quantile": 0.75, "value": 166700.0, "Latitude": 32.69, "Longitude": -116.58, "Population": 2133.0}, {"index": 15596, "quantile": 1.0, "value": 257700.0, "Latitude": 32.69, "Longitude": -116.58, "Population": 2133.0}, {"index": 15597, "quantile": 0.0, "value": 44400.0, "Latitude": 32.65, "Longitude": -116.45, "Population": 1644.0}, {"index": 15597, "quantile": 0.25, "value": 101125.0, "Latitude": 32.65, "Longitude": -116.45, "Population": 1644.0}, {"index": 15597, "quantile": 0.5, "value": 127099.99999999999, "Latitude": 32.65, "Longitude": -116.45, "Population": 1644.0}, {"index": 15597, "quantile": 0.75, "value": 127099.99999999999, "Latitude": 32.65, "Longitude": -116.45, "Population": 1644.0}, {"index": 15597, "quantile": 1.0, "value": 139300.0, "Latitude": 32.65, "Longitude": -116.45, "Population": 1644.0}, {"index": 15598, "quantile": 0.0, "value": 45000.0, "Latitude": 32.74, "Longitude": -116.35, "Population": 1046.0}, {"index": 15598, "quantile": 0.25, "value": 83700.0, "Latitude": 32.74, "Longitude": -116.35, "Population": 1046.0}, {"index": 15598, "quantile": 0.5, "value": 110700.0, "Latitude": 32.74, "Longitude": -116.35, "Population": 1046.0}, {"index": 15598, "quantile": 0.75, "value": 110700.0, "Latitude": 32.74, "Longitude": -116.35, "Population": 1046.0}, {"index": 15598, "quantile": 1.0, "value": 111800.00000000001, "Latitude": 32.74, "Longitude": -116.35, "Population": 1046.0}, {"index": 15599, "quantile": 0.0, "value": 42500.0, "Latitude": 32.64, "Longitude": -116.2, "Population": 567.0}, {"index": 15599, "quantile": 0.25, "value": 60100.0, "Latitude": 32.64, "Longitude": -116.2, "Population": 567.0}, {"index": 15599, "quantile": 0.5, "value": 81300.0, "Latitude": 32.64, "Longitude": -116.2, "Population": 567.0}, {"index": 15599, "quantile": 0.75, "value": 110700.0, "Latitude": 32.64, "Longitude": -116.2, "Population": 567.0}, {"index": 15599, "quantile": 1.0, "value": 328600.0, "Latitude": 32.64, "Longitude": -116.2, "Population": 567.0}, {"index": 15600, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 32.85, "Longitude": -116.75, "Population": 2266.0}, {"index": 15600, "quantile": 0.25, "value": 199650.0, "Latitude": 32.85, "Longitude": -116.75, "Population": 2266.0}, {"index": 15600, "quantile": 0.5, "value": 217400.0, "Latitude": 32.85, "Longitude": -116.75, "Population": 2266.0}, {"index": 15600, "quantile": 0.75, "value": 217400.0, "Latitude": 32.85, "Longitude": -116.75, "Population": 2266.0}, {"index": 15600, "quantile": 1.0, "value": 231800.0, "Latitude": 32.85, "Longitude": -116.75, "Population": 2266.0}, {"index": 15601, "quantile": 0.0, "value": 107200.0, "Latitude": 32.84, "Longitude": -116.79, "Population": 1891.0}, {"index": 15601, "quantile": 0.25, "value": 189150.0, "Latitude": 32.84, "Longitude": -116.79, "Population": 1891.0}, {"index": 15601, "quantile": 0.5, "value": 231800.0, "Latitude": 32.84, "Longitude": -116.79, "Population": 1891.0}, {"index": 15601, "quantile": 0.75, "value": 231800.0, "Latitude": 32.84, "Longitude": -116.79, "Population": 1891.0}, {"index": 15601, "quantile": 1.0, "value": 243800.00000000003, "Latitude": 32.84, "Longitude": -116.79, "Population": 1891.0}, {"index": 15602, "quantile": 0.0, "value": 107200.0, "Latitude": 32.84, "Longitude": -116.76, "Population": 1627.0}, {"index": 15602, "quantile": 0.25, "value": 187200.0, "Latitude": 32.84, "Longitude": -116.76, "Population": 1627.0}, {"index": 15602, "quantile": 0.5, "value": 187200.0, "Latitude": 32.84, "Longitude": -116.76, "Population": 1627.0}, {"index": 15602, "quantile": 0.75, "value": 187200.0, "Latitude": 32.84, "Longitude": -116.76, "Population": 1627.0}, {"index": 15602, "quantile": 1.0, "value": 234500.00000000003, "Latitude": 32.84, "Longitude": -116.76, "Population": 1627.0}, {"index": 15603, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 32.82, "Longitude": -116.77, "Population": 1969.0}, {"index": 15603, "quantile": 0.25, "value": 165850.0, "Latitude": 32.82, "Longitude": -116.77, "Population": 1969.0}, {"index": 15603, "quantile": 0.5, "value": 222900.0, "Latitude": 32.82, "Longitude": -116.77, "Population": 1969.0}, {"index": 15603, "quantile": 0.75, "value": 222900.0, "Latitude": 32.82, "Longitude": -116.77, "Population": 1969.0}, {"index": 15603, "quantile": 1.0, "value": 222900.0, "Latitude": 32.82, "Longitude": -116.77, "Population": 1969.0}, {"index": 15604, "quantile": 0.0, "value": 146300.0, "Latitude": 32.82, "Longitude": -116.75, "Population": 1222.0}, {"index": 15604, "quantile": 0.25, "value": 294700.0, "Latitude": 32.82, "Longitude": -116.75, "Population": 1222.0}, {"index": 15604, "quantile": 0.5, "value": 308600.0, "Latitude": 32.82, "Longitude": -116.75, "Population": 1222.0}, {"index": 15604, "quantile": 0.75, "value": 308600.0, "Latitude": 32.82, "Longitude": -116.75, "Population": 1222.0}, {"index": 15604, "quantile": 1.0, "value": 406200.0, "Latitude": 32.82, "Longitude": -116.75, "Population": 1222.0}, {"index": 15605, "quantile": 0.0, "value": 220500.0, "Latitude": 32.8, "Longitude": -116.8, "Population": 1672.0}, {"index": 15605, "quantile": 0.25, "value": 274600.0, "Latitude": 32.8, "Longitude": -116.8, "Population": 1672.0}, {"index": 15605, "quantile": 0.5, "value": 274600.0, "Latitude": 32.8, "Longitude": -116.8, "Population": 1672.0}, {"index": 15605, "quantile": 0.75, "value": 274600.0, "Latitude": 32.8, "Longitude": -116.8, "Population": 1672.0}, {"index": 15605, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 32.8, "Longitude": -116.8, "Population": 1672.0}, {"index": 15606, "quantile": 0.0, "value": 107200.0, "Latitude": 32.86, "Longitude": -116.62, "Population": 2032.0}, {"index": 15606, "quantile": 0.25, "value": 169100.0, "Latitude": 32.86, "Longitude": -116.62, "Population": 2032.0}, {"index": 15606, "quantile": 0.5, "value": 169100.0, "Latitude": 32.86, "Longitude": -116.62, "Population": 2032.0}, {"index": 15606, "quantile": 0.75, "value": 174825.0, "Latitude": 32.86, "Longitude": -116.62, "Population": 2032.0}, {"index": 15606, "quantile": 1.0, "value": 295900.0, "Latitude": 32.86, "Longitude": -116.62, "Population": 2032.0}, {"index": 15607, "quantile": 0.0, "value": 97200.0, "Latitude": 32.79, "Longitude": -116.66, "Population": 918.0}, {"index": 15607, "quantile": 0.25, "value": 181300.0, "Latitude": 32.79, "Longitude": -116.66, "Population": 918.0}, {"index": 15607, "quantile": 0.5, "value": 241399.99999999997, "Latitude": 32.79, "Longitude": -116.66, "Population": 918.0}, {"index": 15607, "quantile": 0.75, "value": 264275.0, "Latitude": 32.79, "Longitude": -116.66, "Population": 918.0}, {"index": 15607, "quantile": 1.0, "value": 480800.0, "Latitude": 32.79, "Longitude": -116.66, "Population": 918.0}, {"index": 15608, "quantile": 0.0, "value": 133000.0, "Latitude": 32.75, "Longitude": -116.87, "Population": 993.0}, {"index": 15608, "quantile": 0.25, "value": 222000.00000000003, "Latitude": 32.75, "Longitude": -116.87, "Population": 993.0}, {"index": 15608, "quantile": 0.5, "value": 248900.0, "Latitude": 32.75, "Longitude": -116.87, "Population": 993.0}, {"index": 15608, "quantile": 0.75, "value": 248900.0, "Latitude": 32.75, "Longitude": -116.87, "Population": 993.0}, {"index": 15608, "quantile": 1.0, "value": 286400.0, "Latitude": 32.75, "Longitude": -116.87, "Population": 993.0}, {"index": 15609, "quantile": 0.0, "value": 182400.0, "Latitude": 32.73, "Longitude": -116.91, "Population": 2048.0}, {"index": 15609, "quantile": 0.25, "value": 294700.0, "Latitude": 32.73, "Longitude": -116.91, "Population": 2048.0}, {"index": 15609, "quantile": 0.5, "value": 300300.0, "Latitude": 32.73, "Longitude": -116.91, "Population": 2048.0}, {"index": 15609, "quantile": 0.75, "value": 300300.0, "Latitude": 32.73, "Longitude": -116.91, "Population": 2048.0}, {"index": 15609, "quantile": 1.0, "value": 480800.0, "Latitude": 32.73, "Longitude": -116.91, "Population": 2048.0}, {"index": 15610, "quantile": 0.0, "value": 110100.0, "Latitude": 32.72, "Longitude": -116.87, "Population": 1431.0}, {"index": 15610, "quantile": 0.25, "value": 259900.00000000003, "Latitude": 32.72, "Longitude": -116.87, "Population": 1431.0}, {"index": 15610, "quantile": 0.5, "value": 259900.00000000003, "Latitude": 32.72, "Longitude": -116.87, "Population": 1431.0}, {"index": 15610, "quantile": 0.75, "value": 259900.00000000003, "Latitude": 32.72, "Longitude": -116.87, "Population": 1431.0}, {"index": 15610, "quantile": 1.0, "value": 308300.0, "Latitude": 32.72, "Longitude": -116.87, "Population": 1431.0}, {"index": 15611, "quantile": 0.0, "value": 110100.0, "Latitude": 32.67, "Longitude": -116.89, "Population": 1355.0}, {"index": 15611, "quantile": 0.25, "value": 224700.0, "Latitude": 32.67, "Longitude": -116.89, "Population": 1355.0}, {"index": 15611, "quantile": 0.5, "value": 263600.0, "Latitude": 32.67, "Longitude": -116.89, "Population": 1355.0}, {"index": 15611, "quantile": 0.75, "value": 296400.0, "Latitude": 32.67, "Longitude": -116.89, "Population": 1355.0}, {"index": 15611, "quantile": 1.0, "value": 480800.0, "Latitude": 32.67, "Longitude": -116.89, "Population": 1355.0}, {"index": 15612, "quantile": 0.0, "value": 131000.0, "Latitude": 32.74, "Longitude": -116.76, "Population": 2129.0}, {"index": 15612, "quantile": 0.25, "value": 214500.0, "Latitude": 32.74, "Longitude": -116.76, "Population": 2129.0}, {"index": 15612, "quantile": 0.5, "value": 214500.0, "Latitude": 32.74, "Longitude": -116.76, "Population": 2129.0}, {"index": 15612, "quantile": 0.75, "value": 214500.0, "Latitude": 32.74, "Longitude": -116.76, "Population": 2129.0}, {"index": 15612, "quantile": 1.0, "value": 285400.0, "Latitude": 32.74, "Longitude": -116.76, "Population": 2129.0}, {"index": 15613, "quantile": 0.0, "value": 107200.0, "Latitude": 32.61, "Longitude": -116.79, "Population": 1421.0}, {"index": 15613, "quantile": 0.25, "value": 150400.0, "Latitude": 32.61, "Longitude": -116.79, "Population": 1421.0}, {"index": 15613, "quantile": 0.5, "value": 206100.0, "Latitude": 32.61, "Longitude": -116.79, "Population": 1421.0}, {"index": 15613, "quantile": 0.75, "value": 206100.0, "Latitude": 32.61, "Longitude": -116.79, "Population": 1421.0}, {"index": 15613, "quantile": 1.0, "value": 206100.0, "Latitude": 32.61, "Longitude": -116.79, "Population": 1421.0}, {"index": 15614, "quantile": 0.0, "value": 40000.0, "Latitude": 37.81, "Longitude": -122.41, "Population": 592.0}, {"index": 15614, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.41, "Population": 592.0}, {"index": 15614, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.41, "Population": 592.0}, {"index": 15614, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.41, "Population": 592.0}, {"index": 15614, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.41, "Population": 592.0}, {"index": 15615, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.81, "Longitude": -122.41, "Population": 2305.0}, {"index": 15615, "quantile": 0.25, "value": 135400.0, "Latitude": 37.81, "Longitude": -122.41, "Population": 2305.0}, {"index": 15615, "quantile": 0.5, "value": 250000.0, "Latitude": 37.81, "Longitude": -122.41, "Population": 2305.0}, {"index": 15615, "quantile": 0.75, "value": 316700.0, "Latitude": 37.81, "Longitude": -122.41, "Population": 2305.0}, {"index": 15615, "quantile": 1.0, "value": 458300.0, "Latitude": 37.81, "Longitude": -122.41, "Population": 2305.0}, {"index": 15616, "quantile": 0.0, "value": 132200.0, "Latitude": 37.81, "Longitude": -122.42, "Population": 473.0}, {"index": 15616, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.42, "Population": 473.0}, {"index": 15616, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.42, "Population": 473.0}, {"index": 15616, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.42, "Population": 473.0}, {"index": 15616, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.42, "Population": 473.0}, {"index": 15617, "quantile": 0.0, "value": 357300.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 838.0}, {"index": 15617, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 838.0}, {"index": 15617, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 838.0}, {"index": 15617, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 838.0}, {"index": 15617, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 838.0}, {"index": 15618, "quantile": 0.0, "value": 224100.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 1848.0}, {"index": 15618, "quantile": 0.25, "value": 500000.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 1848.0}, {"index": 15618, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1848.0}, {"index": 15618, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1848.0}, {"index": 15618, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1848.0}, {"index": 15619, "quantile": 0.0, "value": 269500.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 958.0}, {"index": 15619, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 958.0}, {"index": 15619, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 958.0}, {"index": 15619, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 958.0}, {"index": 15619, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 958.0}, {"index": 15620, "quantile": 0.0, "value": 243100.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 277.0}, {"index": 15620, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 277.0}, {"index": 15620, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 277.0}, {"index": 15620, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 277.0}, {"index": 15620, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 277.0}, {"index": 15621, "quantile": 0.0, "value": 143900.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1335.0}, {"index": 15621, "quantile": 0.25, "value": 279875.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1335.0}, {"index": 15621, "quantile": 0.5, "value": 350000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1335.0}, {"index": 15621, "quantile": 0.75, "value": 420000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1335.0}, {"index": 15621, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 1335.0}, {"index": 15622, "quantile": 0.0, "value": 144000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1328.0}, {"index": 15622, "quantile": 0.25, "value": 355300.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1328.0}, {"index": 15622, "quantile": 0.5, "value": 399200.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1328.0}, {"index": 15622, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 1328.0}, {"index": 15622, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 1328.0}, {"index": 15623, "quantile": 0.0, "value": 302100.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1279.0}, {"index": 15623, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 1279.0}, {"index": 15623, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 1279.0}, {"index": 15623, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 1279.0}, {"index": 15623, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 1279.0}, {"index": 15624, "quantile": 0.0, "value": 32500.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 629.0}, {"index": 15624, "quantile": 0.25, "value": 182975.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 629.0}, {"index": 15624, "quantile": 0.5, "value": 225000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 629.0}, {"index": 15624, "quantile": 0.75, "value": 308450.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 629.0}, {"index": 15624, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 629.0}, {"index": 15625, "quantile": 0.0, "value": 209100.00000000003, "Latitude": 37.8, "Longitude": -122.41, "Population": 1906.0}, {"index": 15625, "quantile": 0.25, "value": 275900.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1906.0}, {"index": 15625, "quantile": 0.5, "value": 349250.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1906.0}, {"index": 15625, "quantile": 0.75, "value": 420000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1906.0}, {"index": 15625, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 1906.0}, {"index": 15626, "quantile": 0.0, "value": 169300.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 437.0}, {"index": 15626, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 437.0}, {"index": 15626, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 437.0}, {"index": 15626, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 437.0}, {"index": 15626, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 437.0}, {"index": 15627, "quantile": 0.0, "value": 353800.0, "Latitude": 37.8, "Longitude": -122.4, "Population": 679.0}, {"index": 15627, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.4, "Population": 679.0}, {"index": 15627, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.4, "Population": 679.0}, {"index": 15627, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.4, "Population": 679.0}, {"index": 15627, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.4, "Population": 679.0}, {"index": 15628, "quantile": 0.0, "value": 231599.99999999997, "Latitude": 37.8, "Longitude": -122.4, "Population": 920.0}, {"index": 15628, "quantile": 0.25, "value": 412500.0, "Latitude": 37.8, "Longitude": -122.4, "Population": 920.0}, {"index": 15628, "quantile": 0.5, "value": 412500.0, "Latitude": 37.8, "Longitude": -122.4, "Population": 920.0}, {"index": 15628, "quantile": 0.75, "value": 412500.0, "Latitude": 37.8, "Longitude": -122.4, "Population": 920.0}, {"index": 15628, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.4, "Population": 920.0}, {"index": 15629, "quantile": 0.0, "value": 187500.0, "Latitude": 37.81, "Longitude": -122.4, "Population": 536.0}, {"index": 15629, "quantile": 0.25, "value": 250000.0, "Latitude": 37.81, "Longitude": -122.4, "Population": 536.0}, {"index": 15629, "quantile": 0.5, "value": 250000.0, "Latitude": 37.81, "Longitude": -122.4, "Population": 536.0}, {"index": 15629, "quantile": 0.75, "value": 355800.0, "Latitude": 37.81, "Longitude": -122.4, "Population": 536.0}, {"index": 15629, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.4, "Population": 536.0}, {"index": 15630, "quantile": 0.0, "value": 185600.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1415.0}, {"index": 15630, "quantile": 0.25, "value": 363650.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1415.0}, {"index": 15630, "quantile": 0.5, "value": 375000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1415.0}, {"index": 15630, "quantile": 0.75, "value": 375000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1415.0}, {"index": 15630, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 1415.0}, {"index": 15631, "quantile": 0.0, "value": 32500.0, "Latitude": 37.8, "Longitude": -122.4, "Population": 1432.0}, {"index": 15631, "quantile": 0.25, "value": 135425.0, "Latitude": 37.8, "Longitude": -122.4, "Population": 1432.0}, {"index": 15631, "quantile": 0.5, "value": 225000.0, "Latitude": 37.8, "Longitude": -122.4, "Population": 1432.0}, {"index": 15631, "quantile": 0.75, "value": 229000.0, "Latitude": 37.8, "Longitude": -122.4, "Population": 1432.0}, {"index": 15631, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.4, "Population": 1432.0}, {"index": 15632, "quantile": 0.0, "value": 75000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1700.0}, {"index": 15632, "quantile": 0.25, "value": 168800.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1700.0}, {"index": 15632, "quantile": 0.5, "value": 168800.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1700.0}, {"index": 15632, "quantile": 0.75, "value": 193800.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1700.0}, {"index": 15632, "quantile": 1.0, "value": 371400.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1700.0}, {"index": 15633, "quantile": 0.0, "value": 201300.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1016.0}, {"index": 15633, "quantile": 0.25, "value": 393750.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1016.0}, {"index": 15633, "quantile": 0.5, "value": 400000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1016.0}, {"index": 15633, "quantile": 0.75, "value": 400000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1016.0}, {"index": 15633, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 1016.0}, {"index": 15634, "quantile": 0.0, "value": 32500.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 2957.0}, {"index": 15634, "quantile": 0.25, "value": 116700.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 2957.0}, {"index": 15634, "quantile": 0.5, "value": 175000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 2957.0}, {"index": 15634, "quantile": 0.75, "value": 225000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 2957.0}, {"index": 15634, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 2957.0}, {"index": 15635, "quantile": 0.0, "value": 32500.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1648.0}, {"index": 15635, "quantile": 0.25, "value": 440625.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1648.0}, {"index": 15635, "quantile": 0.5, "value": 450000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1648.0}, {"index": 15635, "quantile": 0.75, "value": 450000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1648.0}, {"index": 15635, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 1648.0}, {"index": 15636, "quantile": 0.0, "value": 174200.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1446.0}, {"index": 15636, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 1446.0}, {"index": 15636, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 1446.0}, {"index": 15636, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 1446.0}, {"index": 15636, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 1446.0}, {"index": 15637, "quantile": 0.0, "value": 191700.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1785.0}, {"index": 15637, "quantile": 0.25, "value": 355300.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1785.0}, {"index": 15637, "quantile": 0.5, "value": 400000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1785.0}, {"index": 15637, "quantile": 0.75, "value": 443000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1785.0}, {"index": 15637, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 1785.0}, {"index": 15638, "quantile": 0.0, "value": 140300.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 2062.0}, {"index": 15638, "quantile": 0.25, "value": 380000.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 2062.0}, {"index": 15638, "quantile": 0.5, "value": 380000.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 2062.0}, {"index": 15638, "quantile": 0.75, "value": 380000.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 2062.0}, {"index": 15638, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.41, "Population": 2062.0}, {"index": 15639, "quantile": 0.0, "value": 225000.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 1156.0}, {"index": 15639, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1156.0}, {"index": 15639, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1156.0}, {"index": 15639, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1156.0}, {"index": 15639, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1156.0}, {"index": 15640, "quantile": 0.0, "value": 225000.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 1830.0}, {"index": 15640, "quantile": 0.25, "value": 400000.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 1830.0}, {"index": 15640, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1830.0}, {"index": 15640, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1830.0}, {"index": 15640, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1830.0}, {"index": 15641, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.8, "Longitude": -122.42, "Population": 1576.0}, {"index": 15641, "quantile": 0.25, "value": 271400.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 1576.0}, {"index": 15641, "quantile": 0.5, "value": 458300.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 1576.0}, {"index": 15641, "quantile": 0.75, "value": 458300.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 1576.0}, {"index": 15641, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1576.0}, {"index": 15642, "quantile": 0.0, "value": 179300.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 932.0}, {"index": 15642, "quantile": 0.25, "value": 350000.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 932.0}, {"index": 15642, "quantile": 0.5, "value": 420000.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 932.0}, {"index": 15642, "quantile": 0.75, "value": 420000.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 932.0}, {"index": 15642, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 932.0}, {"index": 15643, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 37.8, "Longitude": -122.42, "Population": 2122.0}, {"index": 15643, "quantile": 0.25, "value": 225000.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 2122.0}, {"index": 15643, "quantile": 0.5, "value": 225000.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 2122.0}, {"index": 15643, "quantile": 0.75, "value": 325000.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 2122.0}, {"index": 15643, "quantile": 1.0, "value": 475000.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 2122.0}, {"index": 15644, "quantile": 0.0, "value": 187500.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 2286.0}, {"index": 15644, "quantile": 0.25, "value": 225000.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 2286.0}, {"index": 15644, "quantile": 0.5, "value": 225000.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 2286.0}, {"index": 15644, "quantile": 0.75, "value": 271375.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 2286.0}, {"index": 15644, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.42, "Population": 2286.0}, {"index": 15645, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.79, "Longitude": -122.42, "Population": 2112.0}, {"index": 15645, "quantile": 0.25, "value": 225000.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 2112.0}, {"index": 15645, "quantile": 0.5, "value": 275000.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 2112.0}, {"index": 15645, "quantile": 0.75, "value": 340625.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 2112.0}, {"index": 15645, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.42, "Population": 2112.0}, {"index": 15646, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.79, "Longitude": -122.42, "Population": 2452.0}, {"index": 15646, "quantile": 0.25, "value": 275000.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 2452.0}, {"index": 15646, "quantile": 0.5, "value": 275000.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 2452.0}, {"index": 15646, "quantile": 0.75, "value": 275000.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 2452.0}, {"index": 15646, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.42, "Population": 2452.0}, {"index": 15647, "quantile": 0.0, "value": 159200.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 1711.0}, {"index": 15647, "quantile": 0.25, "value": 350000.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 1711.0}, {"index": 15647, "quantile": 0.5, "value": 380000.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 1711.0}, {"index": 15647, "quantile": 0.75, "value": 425000.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 1711.0}, {"index": 15647, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.41, "Population": 1711.0}, {"index": 15648, "quantile": 0.0, "value": 175000.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 1178.0}, {"index": 15648, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.41, "Population": 1178.0}, {"index": 15648, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.41, "Population": 1178.0}, {"index": 15648, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.41, "Population": 1178.0}, {"index": 15648, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.41, "Population": 1178.0}, {"index": 15649, "quantile": 0.0, "value": 179300.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 904.0}, {"index": 15649, "quantile": 0.25, "value": 350000.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 904.0}, {"index": 15649, "quantile": 0.5, "value": 350000.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 904.0}, {"index": 15649, "quantile": 0.75, "value": 350000.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 904.0}, {"index": 15649, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.41, "Population": 904.0}, {"index": 15650, "quantile": 0.0, "value": 32500.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1846.0}, {"index": 15650, "quantile": 0.25, "value": 225000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1846.0}, {"index": 15650, "quantile": 0.5, "value": 225000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1846.0}, {"index": 15650, "quantile": 0.75, "value": 225000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 1846.0}, {"index": 15650, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 1846.0}, {"index": 15651, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.79, "Longitude": -122.41, "Population": 1515.0}, {"index": 15651, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 37.79, "Longitude": -122.41, "Population": 1515.0}, {"index": 15651, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 37.79, "Longitude": -122.41, "Population": 1515.0}, {"index": 15651, "quantile": 0.75, "value": 197750.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 1515.0}, {"index": 15651, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.41, "Population": 1515.0}, {"index": 15652, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.8, "Longitude": -122.41, "Population": 3260.0}, {"index": 15652, "quantile": 0.25, "value": 450000.0, "Latitude": 37.8, "Longitude": -122.41, "Population": 3260.0}, {"index": 15652, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 3260.0}, {"index": 15652, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 3260.0}, {"index": 15652, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.41, "Population": 3260.0}, {"index": 15653, "quantile": 0.0, "value": 40000.0, "Latitude": 37.8, "Longitude": -122.39, "Population": 1525.0}, {"index": 15653, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.39, "Population": 1525.0}, {"index": 15653, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.39, "Population": 1525.0}, {"index": 15653, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.39, "Population": 1525.0}, {"index": 15653, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.39, "Population": 1525.0}, {"index": 15654, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.79, "Longitude": -122.4, "Population": 1007.0}, {"index": 15654, "quantile": 0.25, "value": 112500.0, "Latitude": 37.79, "Longitude": -122.4, "Population": 1007.0}, {"index": 15654, "quantile": 0.5, "value": 177500.0, "Latitude": 37.79, "Longitude": -122.4, "Population": 1007.0}, {"index": 15654, "quantile": 0.75, "value": 281250.0, "Latitude": 37.79, "Longitude": -122.4, "Population": 1007.0}, {"index": 15654, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.4, "Population": 1007.0}, {"index": 15655, "quantile": 0.0, "value": 32500.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 1688.0}, {"index": 15655, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 37.79, "Longitude": -122.41, "Population": 1688.0}, {"index": 15655, "quantile": 0.5, "value": 225000.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 1688.0}, {"index": 15655, "quantile": 0.75, "value": 350000.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 1688.0}, {"index": 15655, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.41, "Population": 1688.0}, {"index": 15656, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 37.79, "Longitude": -122.41, "Population": 1504.0}, {"index": 15656, "quantile": 0.25, "value": 349700.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 1504.0}, {"index": 15656, "quantile": 0.5, "value": 500000.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 1504.0}, {"index": 15656, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.41, "Population": 1504.0}, {"index": 15656, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.41, "Population": 1504.0}, {"index": 15657, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.79, "Longitude": -122.41, "Population": 3436.0}, {"index": 15657, "quantile": 0.25, "value": 275000.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 3436.0}, {"index": 15657, "quantile": 0.5, "value": 275000.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 3436.0}, {"index": 15657, "quantile": 0.75, "value": 275000.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 3436.0}, {"index": 15657, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.41, "Population": 3436.0}, {"index": 15658, "quantile": 0.0, "value": 32500.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 1761.0}, {"index": 15658, "quantile": 0.25, "value": 159925.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 1761.0}, {"index": 15658, "quantile": 0.5, "value": 275000.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 1761.0}, {"index": 15658, "quantile": 0.75, "value": 450000.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 1761.0}, {"index": 15658, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.42, "Population": 1761.0}, {"index": 15659, "quantile": 0.0, "value": 32500.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 4518.0}, {"index": 15659, "quantile": 0.25, "value": 109725.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 4518.0}, {"index": 15659, "quantile": 0.5, "value": 275000.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 4518.0}, {"index": 15659, "quantile": 0.75, "value": 450000.0, "Latitude": 37.79, "Longitude": -122.41, "Population": 4518.0}, {"index": 15659, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.41, "Population": 4518.0}, {"index": 15660, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.78, "Longitude": -122.42, "Population": 628.0}, {"index": 15660, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.42, "Population": 628.0}, {"index": 15660, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.42, "Population": 628.0}, {"index": 15660, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.42, "Population": 628.0}, {"index": 15660, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.42, "Population": 628.0}, {"index": 15661, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.78, "Longitude": -122.42, "Population": 1211.0}, {"index": 15661, "quantile": 0.25, "value": 375000.0, "Latitude": 37.78, "Longitude": -122.42, "Population": 1211.0}, {"index": 15661, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.42, "Population": 1211.0}, {"index": 15661, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.42, "Population": 1211.0}, {"index": 15661, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.42, "Population": 1211.0}, {"index": 15662, "quantile": 0.0, "value": 182600.0, "Latitude": 37.81, "Longitude": -122.43, "Population": 1137.0}, {"index": 15662, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.43, "Population": 1137.0}, {"index": 15662, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.43, "Population": 1137.0}, {"index": 15662, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.43, "Population": 1137.0}, {"index": 15662, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.43, "Population": 1137.0}, {"index": 15663, "quantile": 0.0, "value": 310000.0, "Latitude": 37.8, "Longitude": -122.44, "Population": 1310.0}, {"index": 15663, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 1310.0}, {"index": 15663, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 1310.0}, {"index": 15663, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 1310.0}, {"index": 15663, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 1310.0}, {"index": 15664, "quantile": 0.0, "value": 290900.0, "Latitude": 37.8, "Longitude": -122.44, "Population": 540.0}, {"index": 15664, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 540.0}, {"index": 15664, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 540.0}, {"index": 15664, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 540.0}, {"index": 15664, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 540.0}, {"index": 15665, "quantile": 0.0, "value": 393500.0, "Latitude": 37.81, "Longitude": -122.43, "Population": 1297.0}, {"index": 15665, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.43, "Population": 1297.0}, {"index": 15665, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.43, "Population": 1297.0}, {"index": 15665, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.43, "Population": 1297.0}, {"index": 15665, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.43, "Population": 1297.0}, {"index": 15666, "quantile": 0.0, "value": 77100.0, "Latitude": 37.81, "Longitude": -122.45, "Population": 287.0}, {"index": 15666, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.45, "Population": 287.0}, {"index": 15666, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.45, "Population": 287.0}, {"index": 15666, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.45, "Population": 287.0}, {"index": 15666, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.45, "Population": 287.0}, {"index": 15667, "quantile": 0.0, "value": 368200.0, "Latitude": 37.8, "Longitude": -122.44, "Population": 500.0}, {"index": 15667, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 500.0}, {"index": 15667, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 500.0}, {"index": 15667, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 500.0}, {"index": 15667, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 500.0}, {"index": 15668, "quantile": 0.0, "value": 500000.0, "Latitude": 37.8, "Longitude": -122.44, "Population": 1045.0}, {"index": 15668, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 1045.0}, {"index": 15668, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 1045.0}, {"index": 15668, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 1045.0}, {"index": 15668, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 1045.0}, {"index": 15669, "quantile": 0.0, "value": 268500.0, "Latitude": 37.8, "Longitude": -122.44, "Population": 714.0}, {"index": 15669, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 714.0}, {"index": 15669, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 714.0}, {"index": 15669, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 714.0}, {"index": 15669, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 714.0}, {"index": 15670, "quantile": 0.0, "value": 87500.0, "Latitude": 37.8, "Longitude": -122.44, "Population": 445.0}, {"index": 15670, "quantile": 0.25, "value": 341700.0, "Latitude": 37.8, "Longitude": -122.44, "Population": 445.0}, {"index": 15670, "quantile": 0.5, "value": 365350.0, "Latitude": 37.8, "Longitude": -122.44, "Population": 445.0}, {"index": 15670, "quantile": 0.75, "value": 406500.00000000006, "Latitude": 37.8, "Longitude": -122.44, "Population": 445.0}, {"index": 15670, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 445.0}, {"index": 15671, "quantile": 0.0, "value": 363800.0, "Latitude": 37.8, "Longitude": -122.44, "Population": 1145.0}, {"index": 15671, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 1145.0}, {"index": 15671, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 1145.0}, {"index": 15671, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 1145.0}, {"index": 15671, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 1145.0}, {"index": 15672, "quantile": 0.0, "value": 295200.0, "Latitude": 37.8, "Longitude": -122.44, "Population": 842.0}, {"index": 15672, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 842.0}, {"index": 15672, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 842.0}, {"index": 15672, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 842.0}, {"index": 15672, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 842.0}, {"index": 15673, "quantile": 0.0, "value": 302100.0, "Latitude": 37.8, "Longitude": -122.44, "Population": 1029.0}, {"index": 15673, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 1029.0}, {"index": 15673, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 1029.0}, {"index": 15673, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 1029.0}, {"index": 15673, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 1029.0}, {"index": 15674, "quantile": 0.0, "value": 275700.0, "Latitude": 37.8, "Longitude": -122.44, "Population": 727.0}, {"index": 15674, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 727.0}, {"index": 15674, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 727.0}, {"index": 15674, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 727.0}, {"index": 15674, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.44, "Population": 727.0}, {"index": 15675, "quantile": 0.0, "value": 257100.00000000003, "Latitude": 37.8, "Longitude": -122.43, "Population": 1259.0}, {"index": 15675, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 1259.0}, {"index": 15675, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 1259.0}, {"index": 15675, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 1259.0}, {"index": 15675, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 1259.0}, {"index": 15676, "quantile": 0.0, "value": 257100.00000000003, "Latitude": 37.8, "Longitude": -122.43, "Population": 1302.0}, {"index": 15676, "quantile": 0.25, "value": 400000.0, "Latitude": 37.8, "Longitude": -122.43, "Population": 1302.0}, {"index": 15676, "quantile": 0.5, "value": 400000.0, "Latitude": 37.8, "Longitude": -122.43, "Population": 1302.0}, {"index": 15676, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 1302.0}, {"index": 15676, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 1302.0}, {"index": 15677, "quantile": 0.0, "value": 268500.0, "Latitude": 37.8, "Longitude": -122.43, "Population": 1240.0}, {"index": 15677, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 1240.0}, {"index": 15677, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 1240.0}, {"index": 15677, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 1240.0}, {"index": 15677, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 1240.0}, {"index": 15678, "quantile": 0.0, "value": 40000.0, "Latitude": 37.8, "Longitude": -122.43, "Population": 1045.0}, {"index": 15678, "quantile": 0.25, "value": 475000.0, "Latitude": 37.8, "Longitude": -122.43, "Population": 1045.0}, {"index": 15678, "quantile": 0.5, "value": 475000.0, "Latitude": 37.8, "Longitude": -122.43, "Population": 1045.0}, {"index": 15678, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 1045.0}, {"index": 15678, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 1045.0}, {"index": 15679, "quantile": 0.0, "value": 40000.0, "Latitude": 37.8, "Longitude": -122.43, "Population": 349.0}, {"index": 15679, "quantile": 0.25, "value": 500000.0, "Latitude": 37.8, "Longitude": -122.43, "Population": 349.0}, {"index": 15679, "quantile": 0.5, "value": 500000.0, "Latitude": 37.8, "Longitude": -122.43, "Population": 349.0}, {"index": 15679, "quantile": 0.75, "value": 500000.0, "Latitude": 37.8, "Longitude": -122.43, "Population": 349.0}, {"index": 15679, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 349.0}, {"index": 15680, "quantile": 0.0, "value": 229700.00000000003, "Latitude": 37.8, "Longitude": -122.43, "Population": 553.0}, {"index": 15680, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 553.0}, {"index": 15680, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 553.0}, {"index": 15680, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 553.0}, {"index": 15680, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 553.0}, {"index": 15681, "quantile": 0.0, "value": 400000.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 1014.0}, {"index": 15681, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1014.0}, {"index": 15681, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1014.0}, {"index": 15681, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1014.0}, {"index": 15681, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1014.0}, {"index": 15682, "quantile": 0.0, "value": 356100.0, "Latitude": 37.8, "Longitude": -122.43, "Population": 925.0}, {"index": 15682, "quantile": 0.25, "value": 500000.0, "Latitude": 37.8, "Longitude": -122.43, "Population": 925.0}, {"index": 15682, "quantile": 0.5, "value": 500000.0, "Latitude": 37.8, "Longitude": -122.43, "Population": 925.0}, {"index": 15682, "quantile": 0.75, "value": 500000.0, "Latitude": 37.8, "Longitude": -122.43, "Population": 925.0}, {"index": 15682, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 925.0}, {"index": 15683, "quantile": 0.0, "value": 254100.0, "Latitude": 37.8, "Longitude": -122.43, "Population": 959.0}, {"index": 15683, "quantile": 0.25, "value": 466700.0, "Latitude": 37.8, "Longitude": -122.43, "Population": 959.0}, {"index": 15683, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 959.0}, {"index": 15683, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 959.0}, {"index": 15683, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 959.0}, {"index": 15684, "quantile": 0.0, "value": 355600.0, "Latitude": 37.8, "Longitude": -122.43, "Population": 954.0}, {"index": 15684, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 954.0}, {"index": 15684, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 954.0}, {"index": 15684, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 954.0}, {"index": 15684, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.43, "Population": 954.0}, {"index": 15685, "quantile": 0.0, "value": 425000.0, "Latitude": 37.8, "Longitude": -122.42, "Population": 1466.0}, {"index": 15685, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1466.0}, {"index": 15685, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1466.0}, {"index": 15685, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1466.0}, {"index": 15685, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -122.42, "Population": 1466.0}, {"index": 15686, "quantile": 0.0, "value": 290900.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 1980.0}, {"index": 15686, "quantile": 0.25, "value": 500000.75, "Latitude": 37.79, "Longitude": -122.42, "Population": 1980.0}, {"index": 15686, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.42, "Population": 1980.0}, {"index": 15686, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.42, "Population": 1980.0}, {"index": 15686, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.42, "Population": 1980.0}, {"index": 15687, "quantile": 0.0, "value": 350000.0, "Latitude": 37.79, "Longitude": -122.43, "Population": 1377.0}, {"index": 15687, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1377.0}, {"index": 15687, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1377.0}, {"index": 15687, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1377.0}, {"index": 15687, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1377.0}, {"index": 15688, "quantile": 0.0, "value": 295200.0, "Latitude": 37.79, "Longitude": -122.43, "Population": 1248.0}, {"index": 15688, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1248.0}, {"index": 15688, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1248.0}, {"index": 15688, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1248.0}, {"index": 15688, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1248.0}, {"index": 15689, "quantile": 0.0, "value": 356100.0, "Latitude": 37.79, "Longitude": -122.43, "Population": 2065.0}, {"index": 15689, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 2065.0}, {"index": 15689, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 2065.0}, {"index": 15689, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 2065.0}, {"index": 15689, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 2065.0}, {"index": 15690, "quantile": 0.0, "value": 232500.00000000003, "Latitude": 37.79, "Longitude": -122.44, "Population": 648.0}, {"index": 15690, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 648.0}, {"index": 15690, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 648.0}, {"index": 15690, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 648.0}, {"index": 15690, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 648.0}, {"index": 15691, "quantile": 0.0, "value": 392600.0, "Latitude": 37.79, "Longitude": -122.44, "Population": 402.0}, {"index": 15691, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 402.0}, {"index": 15691, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 402.0}, {"index": 15691, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 402.0}, {"index": 15691, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 402.0}, {"index": 15692, "quantile": 0.0, "value": 295200.0, "Latitude": 37.79, "Longitude": -122.44, "Population": 722.0}, {"index": 15692, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 722.0}, {"index": 15692, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 722.0}, {"index": 15692, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 722.0}, {"index": 15692, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 722.0}, {"index": 15693, "quantile": 0.0, "value": 392600.0, "Latitude": 37.79, "Longitude": -122.44, "Population": 483.0}, {"index": 15693, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 483.0}, {"index": 15693, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 483.0}, {"index": 15693, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 483.0}, {"index": 15693, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 483.0}, {"index": 15694, "quantile": 0.0, "value": 239100.0, "Latitude": 37.79, "Longitude": -122.45, "Population": 668.0}, {"index": 15694, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.45, "Population": 668.0}, {"index": 15694, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.45, "Population": 668.0}, {"index": 15694, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.45, "Population": 668.0}, {"index": 15694, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.45, "Population": 668.0}, {"index": 15695, "quantile": 0.0, "value": 252199.99999999997, "Latitude": 37.79, "Longitude": -122.45, "Population": 1107.0}, {"index": 15695, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.45, "Population": 1107.0}, {"index": 15695, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.45, "Population": 1107.0}, {"index": 15695, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.45, "Population": 1107.0}, {"index": 15695, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.45, "Population": 1107.0}, {"index": 15696, "quantile": 0.0, "value": 52800.0, "Latitude": 37.79, "Longitude": -122.45, "Population": 731.0}, {"index": 15696, "quantile": 0.25, "value": 255975.00000000003, "Latitude": 37.79, "Longitude": -122.45, "Population": 731.0}, {"index": 15696, "quantile": 0.5, "value": 425000.0, "Latitude": 37.79, "Longitude": -122.45, "Population": 731.0}, {"index": 15696, "quantile": 0.75, "value": 425000.0, "Latitude": 37.79, "Longitude": -122.45, "Population": 731.0}, {"index": 15696, "quantile": 1.0, "value": 500000.0, "Latitude": 37.79, "Longitude": -122.45, "Population": 731.0}, {"index": 15697, "quantile": 0.0, "value": 392600.0, "Latitude": 37.79, "Longitude": -122.45, "Population": 495.0}, {"index": 15697, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.45, "Population": 495.0}, {"index": 15697, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.45, "Population": 495.0}, {"index": 15697, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.45, "Population": 495.0}, {"index": 15697, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.45, "Population": 495.0}, {"index": 15698, "quantile": 0.0, "value": 225000.0, "Latitude": 37.79, "Longitude": -122.46, "Population": 304.0}, {"index": 15698, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.46, "Population": 304.0}, {"index": 15698, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.46, "Population": 304.0}, {"index": 15698, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.46, "Population": 304.0}, {"index": 15698, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.46, "Population": 304.0}, {"index": 15699, "quantile": 0.0, "value": 206800.0, "Latitude": 37.79, "Longitude": -122.46, "Population": 743.0}, {"index": 15699, "quantile": 0.25, "value": 371900.0, "Latitude": 37.79, "Longitude": -122.46, "Population": 743.0}, {"index": 15699, "quantile": 0.5, "value": 405250.0, "Latitude": 37.79, "Longitude": -122.46, "Population": 743.0}, {"index": 15699, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.46, "Population": 743.0}, {"index": 15699, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.46, "Population": 743.0}, {"index": 15700, "quantile": 0.0, "value": 290900.0, "Latitude": 37.79, "Longitude": -122.44, "Population": 800.0}, {"index": 15700, "quantile": 0.25, "value": 475000.0, "Latitude": 37.79, "Longitude": -122.44, "Population": 800.0}, {"index": 15700, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 800.0}, {"index": 15700, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 800.0}, {"index": 15700, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 800.0}, {"index": 15701, "quantile": 0.0, "value": 307000.0, "Latitude": 37.79, "Longitude": -122.44, "Population": 1525.0}, {"index": 15701, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 1525.0}, {"index": 15701, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 1525.0}, {"index": 15701, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 1525.0}, {"index": 15701, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 1525.0}, {"index": 15702, "quantile": 0.0, "value": 376600.0, "Latitude": 37.79, "Longitude": -122.44, "Population": 1371.0}, {"index": 15702, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 1371.0}, {"index": 15702, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 1371.0}, {"index": 15702, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 1371.0}, {"index": 15702, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 1371.0}, {"index": 15703, "quantile": 0.0, "value": 361600.0, "Latitude": 37.79, "Longitude": -122.43, "Population": 1319.0}, {"index": 15703, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1319.0}, {"index": 15703, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1319.0}, {"index": 15703, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1319.0}, {"index": 15703, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1319.0}, {"index": 15704, "quantile": 0.0, "value": 310000.0, "Latitude": 37.79, "Longitude": -122.43, "Population": 1152.0}, {"index": 15704, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1152.0}, {"index": 15704, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1152.0}, {"index": 15704, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1152.0}, {"index": 15704, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1152.0}, {"index": 15705, "quantile": 0.0, "value": 87500.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 1202.0}, {"index": 15705, "quantile": 0.25, "value": 87500.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 1202.0}, {"index": 15705, "quantile": 0.5, "value": 87500.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 1202.0}, {"index": 15705, "quantile": 0.75, "value": 366700.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 1202.0}, {"index": 15705, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.42, "Population": 1202.0}, {"index": 15706, "quantile": 0.0, "value": 94300.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 655.0}, {"index": 15706, "quantile": 0.25, "value": 187500.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 655.0}, {"index": 15706, "quantile": 0.5, "value": 242200.00000000003, "Latitude": 37.79, "Longitude": -122.42, "Population": 655.0}, {"index": 15706, "quantile": 0.75, "value": 330150.0, "Latitude": 37.79, "Longitude": -122.42, "Population": 655.0}, {"index": 15706, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.42, "Population": 655.0}, {"index": 15707, "quantile": 0.0, "value": 87500.0, "Latitude": 37.79, "Longitude": -122.43, "Population": 1475.0}, {"index": 15707, "quantile": 0.25, "value": 412500.0, "Latitude": 37.79, "Longitude": -122.43, "Population": 1475.0}, {"index": 15707, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1475.0}, {"index": 15707, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1475.0}, {"index": 15707, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1475.0}, {"index": 15708, "quantile": 0.0, "value": 218800.00000000003, "Latitude": 37.79, "Longitude": -122.43, "Population": 1294.0}, {"index": 15708, "quantile": 0.25, "value": 496250.00000000006, "Latitude": 37.79, "Longitude": -122.43, "Population": 1294.0}, {"index": 15708, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1294.0}, {"index": 15708, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1294.0}, {"index": 15708, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1294.0}, {"index": 15709, "quantile": 0.0, "value": 87500.0, "Latitude": 37.79, "Longitude": -122.43, "Population": 649.0}, {"index": 15709, "quantile": 0.25, "value": 397700.0, "Latitude": 37.79, "Longitude": -122.43, "Population": 649.0}, {"index": 15709, "quantile": 0.5, "value": 500000.0, "Latitude": 37.79, "Longitude": -122.43, "Population": 649.0}, {"index": 15709, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 649.0}, {"index": 15709, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 649.0}, {"index": 15710, "quantile": 0.0, "value": 229700.00000000003, "Latitude": 37.79, "Longitude": -122.44, "Population": 831.0}, {"index": 15710, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 831.0}, {"index": 15710, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 831.0}, {"index": 15710, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 831.0}, {"index": 15710, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 831.0}, {"index": 15711, "quantile": 0.0, "value": 177800.0, "Latitude": 37.79, "Longitude": -122.44, "Population": 1224.0}, {"index": 15711, "quantile": 0.25, "value": 355300.0, "Latitude": 37.79, "Longitude": -122.44, "Population": 1224.0}, {"index": 15711, "quantile": 0.5, "value": 404699.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 1224.0}, {"index": 15711, "quantile": 0.75, "value": 500000.25, "Latitude": 37.79, "Longitude": -122.44, "Population": 1224.0}, {"index": 15711, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 1224.0}, {"index": 15712, "quantile": 0.0, "value": 137800.0, "Latitude": 37.79, "Longitude": -122.44, "Population": 614.0}, {"index": 15712, "quantile": 0.25, "value": 500000.0, "Latitude": 37.79, "Longitude": -122.44, "Population": 614.0}, {"index": 15712, "quantile": 0.5, "value": 500000.0, "Latitude": 37.79, "Longitude": -122.44, "Population": 614.0}, {"index": 15712, "quantile": 0.75, "value": 500000.0, "Latitude": 37.79, "Longitude": -122.44, "Population": 614.0}, {"index": 15712, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.44, "Population": 614.0}, {"index": 15713, "quantile": 0.0, "value": 117600.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 1243.0}, {"index": 15713, "quantile": 0.25, "value": 360700.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 1243.0}, {"index": 15713, "quantile": 0.5, "value": 372200.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 1243.0}, {"index": 15713, "quantile": 0.75, "value": 372200.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 1243.0}, {"index": 15713, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.44, "Population": 1243.0}, {"index": 15714, "quantile": 0.0, "value": 219000.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 1320.0}, {"index": 15714, "quantile": 0.25, "value": 333300.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 1320.0}, {"index": 15714, "quantile": 0.5, "value": 333300.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 1320.0}, {"index": 15714, "quantile": 0.75, "value": 333300.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 1320.0}, {"index": 15714, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.45, "Population": 1320.0}, {"index": 15715, "quantile": 0.0, "value": 350000.0, "Latitude": 37.79, "Longitude": -122.45, "Population": 761.0}, {"index": 15715, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.45, "Population": 761.0}, {"index": 15715, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.45, "Population": 761.0}, {"index": 15715, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.45, "Population": 761.0}, {"index": 15715, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.45, "Population": 761.0}, {"index": 15716, "quantile": 0.0, "value": 248500.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 1515.0}, {"index": 15716, "quantile": 0.25, "value": 458249.99999999994, "Latitude": 37.78, "Longitude": -122.45, "Population": 1515.0}, {"index": 15716, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.45, "Population": 1515.0}, {"index": 15716, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.45, "Population": 1515.0}, {"index": 15716, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.45, "Population": 1515.0}, {"index": 15717, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.79, "Longitude": -122.43, "Population": 1362.0}, {"index": 15717, "quantile": 0.25, "value": 450000.0, "Latitude": 37.79, "Longitude": -122.43, "Population": 1362.0}, {"index": 15717, "quantile": 0.5, "value": 450000.0, "Latitude": 37.79, "Longitude": -122.43, "Population": 1362.0}, {"index": 15717, "quantile": 0.75, "value": 450000.0, "Latitude": 37.79, "Longitude": -122.43, "Population": 1362.0}, {"index": 15717, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.43, "Population": 1362.0}, {"index": 15718, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.78, "Longitude": -122.43, "Population": 1245.0}, {"index": 15718, "quantile": 0.25, "value": 220000.00000000003, "Latitude": 37.78, "Longitude": -122.43, "Population": 1245.0}, {"index": 15718, "quantile": 0.5, "value": 220000.00000000003, "Latitude": 37.78, "Longitude": -122.43, "Population": 1245.0}, {"index": 15718, "quantile": 0.75, "value": 220000.00000000003, "Latitude": 37.78, "Longitude": -122.43, "Population": 1245.0}, {"index": 15718, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.43, "Population": 1245.0}, {"index": 15719, "quantile": 0.0, "value": 32500.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 901.0}, {"index": 15719, "quantile": 0.25, "value": 177500.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 901.0}, {"index": 15719, "quantile": 0.5, "value": 237500.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 901.0}, {"index": 15719, "quantile": 0.75, "value": 237500.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 901.0}, {"index": 15719, "quantile": 1.0, "value": 280000.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 901.0}, {"index": 15720, "quantile": 0.0, "value": 196400.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 560.0}, {"index": 15720, "quantile": 0.25, "value": 418800.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 560.0}, {"index": 15720, "quantile": 0.5, "value": 494400.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 560.0}, {"index": 15720, "quantile": 0.75, "value": 494400.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 560.0}, {"index": 15720, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.45, "Population": 560.0}, {"index": 15721, "quantile": 0.0, "value": 219499.99999999997, "Latitude": 37.78, "Longitude": -122.45, "Population": 1392.0}, {"index": 15721, "quantile": 0.25, "value": 355300.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 1392.0}, {"index": 15721, "quantile": 0.5, "value": 355300.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 1392.0}, {"index": 15721, "quantile": 0.75, "value": 378750.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 1392.0}, {"index": 15721, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.45, "Population": 1392.0}, {"index": 15722, "quantile": 0.0, "value": 209400.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 837.0}, {"index": 15722, "quantile": 0.25, "value": 384900.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 837.0}, {"index": 15722, "quantile": 0.5, "value": 400000.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 837.0}, {"index": 15722, "quantile": 0.75, "value": 400000.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 837.0}, {"index": 15722, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.46, "Population": 837.0}, {"index": 15723, "quantile": 0.0, "value": 40000.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 481.0}, {"index": 15723, "quantile": 0.25, "value": 349625.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 481.0}, {"index": 15723, "quantile": 0.5, "value": 444449.99999999994, "Latitude": 37.78, "Longitude": -122.44, "Population": 481.0}, {"index": 15723, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.44, "Population": 481.0}, {"index": 15723, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.44, "Population": 481.0}, {"index": 15724, "quantile": 0.0, "value": 146900.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 1703.0}, {"index": 15724, "quantile": 0.25, "value": 280000.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 1703.0}, {"index": 15724, "quantile": 0.5, "value": 280000.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 1703.0}, {"index": 15724, "quantile": 0.75, "value": 280000.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 1703.0}, {"index": 15724, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.44, "Population": 1703.0}, {"index": 15725, "quantile": 0.0, "value": 243100.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 561.0}, {"index": 15725, "quantile": 0.25, "value": 412500.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 561.0}, {"index": 15725, "quantile": 0.5, "value": 412500.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 561.0}, {"index": 15725, "quantile": 0.75, "value": 412500.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 561.0}, {"index": 15725, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.44, "Population": 561.0}, {"index": 15726, "quantile": 0.0, "value": 212900.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 897.0}, {"index": 15726, "quantile": 0.25, "value": 322700.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 897.0}, {"index": 15726, "quantile": 0.5, "value": 322700.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 897.0}, {"index": 15726, "quantile": 0.75, "value": 356725.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 897.0}, {"index": 15726, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.45, "Population": 897.0}, {"index": 15727, "quantile": 0.0, "value": 242600.00000000003, "Latitude": 37.78, "Longitude": -122.45, "Population": 464.0}, {"index": 15727, "quantile": 0.25, "value": 426825.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 464.0}, {"index": 15727, "quantile": 0.5, "value": 428300.00000000006, "Latitude": 37.78, "Longitude": -122.45, "Population": 464.0}, {"index": 15727, "quantile": 0.75, "value": 428300.00000000006, "Latitude": 37.78, "Longitude": -122.45, "Population": 464.0}, {"index": 15727, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.45, "Population": 464.0}, {"index": 15728, "quantile": 0.0, "value": 116100.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 2198.0}, {"index": 15728, "quantile": 0.25, "value": 402900.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 2198.0}, {"index": 15728, "quantile": 0.5, "value": 418400.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 2198.0}, {"index": 15728, "quantile": 0.75, "value": 418400.0, "Latitude": 37.78, "Longitude": -122.45, "Population": 2198.0}, {"index": 15728, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.45, "Population": 2198.0}, {"index": 15729, "quantile": 0.0, "value": 45000.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 601.0}, {"index": 15729, "quantile": 0.25, "value": 146900.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 601.0}, {"index": 15729, "quantile": 0.5, "value": 146900.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 601.0}, {"index": 15729, "quantile": 0.75, "value": 177500.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 601.0}, {"index": 15729, "quantile": 1.0, "value": 450000.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 601.0}, {"index": 15730, "quantile": 0.0, "value": 159300.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1277.0}, {"index": 15730, "quantile": 0.25, "value": 307100.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1277.0}, {"index": 15730, "quantile": 0.5, "value": 329100.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1277.0}, {"index": 15730, "quantile": 0.75, "value": 384999.99999999994, "Latitude": 37.78, "Longitude": -122.43, "Population": 1277.0}, {"index": 15730, "quantile": 1.0, "value": 500000.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1277.0}, {"index": 15731, "quantile": 0.0, "value": 218800.00000000003, "Latitude": 37.78, "Longitude": -122.44, "Population": 1588.0}, {"index": 15731, "quantile": 0.25, "value": 467975.00000000006, "Latitude": 37.78, "Longitude": -122.44, "Population": 1588.0}, {"index": 15731, "quantile": 0.5, "value": 471400.00000000006, "Latitude": 37.78, "Longitude": -122.44, "Population": 1588.0}, {"index": 15731, "quantile": 0.75, "value": 471400.00000000006, "Latitude": 37.78, "Longitude": -122.44, "Population": 1588.0}, {"index": 15731, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.44, "Population": 1588.0}, {"index": 15732, "quantile": 0.0, "value": 228200.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 1309.0}, {"index": 15732, "quantile": 0.25, "value": 341700.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 1309.0}, {"index": 15732, "quantile": 0.5, "value": 341700.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 1309.0}, {"index": 15732, "quantile": 0.75, "value": 346774.99999999994, "Latitude": 37.78, "Longitude": -122.44, "Population": 1309.0}, {"index": 15732, "quantile": 1.0, "value": 500000.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 1309.0}, {"index": 15733, "quantile": 0.0, "value": 87500.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 514.0}, {"index": 15733, "quantile": 0.25, "value": 275000.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 514.0}, {"index": 15733, "quantile": 0.5, "value": 337500.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 514.0}, {"index": 15733, "quantile": 0.75, "value": 366700.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 514.0}, {"index": 15733, "quantile": 1.0, "value": 500000.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 514.0}, {"index": 15734, "quantile": 0.0, "value": 188200.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 707.0}, {"index": 15734, "quantile": 0.25, "value": 318400.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 707.0}, {"index": 15734, "quantile": 0.5, "value": 333300.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 707.0}, {"index": 15734, "quantile": 0.75, "value": 404699.99999999994, "Latitude": 37.78, "Longitude": -122.44, "Population": 707.0}, {"index": 15734, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.44, "Population": 707.0}, {"index": 15735, "quantile": 0.0, "value": 87500.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1821.0}, {"index": 15735, "quantile": 0.25, "value": 287500.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1821.0}, {"index": 15735, "quantile": 0.5, "value": 287500.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1821.0}, {"index": 15735, "quantile": 0.75, "value": 323925.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1821.0}, {"index": 15735, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.43, "Population": 1821.0}, {"index": 15736, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 37.78, "Longitude": -122.43, "Population": 577.0}, {"index": 15736, "quantile": 0.25, "value": 275000.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 577.0}, {"index": 15736, "quantile": 0.5, "value": 275000.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 577.0}, {"index": 15736, "quantile": 0.75, "value": 275000.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 577.0}, {"index": 15736, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.43, "Population": 577.0}, {"index": 15737, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.78, "Longitude": -122.42, "Population": 2079.0}, {"index": 15737, "quantile": 0.25, "value": 187500.0, "Latitude": 37.78, "Longitude": -122.42, "Population": 2079.0}, {"index": 15737, "quantile": 0.5, "value": 187500.0, "Latitude": 37.78, "Longitude": -122.42, "Population": 2079.0}, {"index": 15737, "quantile": 0.75, "value": 187500.0, "Latitude": 37.78, "Longitude": -122.42, "Population": 2079.0}, {"index": 15737, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.42, "Population": 2079.0}, {"index": 15738, "quantile": 0.0, "value": 32500.0, "Latitude": 37.78, "Longitude": -122.42, "Population": 1093.0}, {"index": 15738, "quantile": 0.25, "value": 72500.0, "Latitude": 37.78, "Longitude": -122.42, "Population": 1093.0}, {"index": 15738, "quantile": 0.5, "value": 72500.0, "Latitude": 37.78, "Longitude": -122.42, "Population": 1093.0}, {"index": 15738, "quantile": 0.75, "value": 169925.0, "Latitude": 37.78, "Longitude": -122.42, "Population": 1093.0}, {"index": 15738, "quantile": 1.0, "value": 356300.0, "Latitude": 37.78, "Longitude": -122.42, "Population": 1093.0}, {"index": 15739, "quantile": 0.0, "value": 39600.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1670.0}, {"index": 15739, "quantile": 0.25, "value": 114999.99999999999, "Latitude": 37.78, "Longitude": -122.43, "Population": 1670.0}, {"index": 15739, "quantile": 0.5, "value": 114999.99999999999, "Latitude": 37.78, "Longitude": -122.43, "Population": 1670.0}, {"index": 15739, "quantile": 0.75, "value": 131250.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1670.0}, {"index": 15739, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.43, "Population": 1670.0}, {"index": 15740, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.78, "Longitude": -122.43, "Population": 1371.0}, {"index": 15740, "quantile": 0.25, "value": 177500.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1371.0}, {"index": 15740, "quantile": 0.5, "value": 316700.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1371.0}, {"index": 15740, "quantile": 0.75, "value": 415625.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1371.0}, {"index": 15740, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.43, "Population": 1371.0}, {"index": 15741, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.78, "Longitude": -122.42, "Population": 634.0}, {"index": 15741, "quantile": 0.25, "value": 275000.0, "Latitude": 37.78, "Longitude": -122.42, "Population": 634.0}, {"index": 15741, "quantile": 0.5, "value": 275000.0, "Latitude": 37.78, "Longitude": -122.42, "Population": 634.0}, {"index": 15741, "quantile": 0.75, "value": 275000.0, "Latitude": 37.78, "Longitude": -122.42, "Population": 634.0}, {"index": 15741, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.42, "Population": 634.0}, {"index": 15742, "quantile": 0.0, "value": 32500.0, "Latitude": 37.78, "Longitude": -122.42, "Population": 895.0}, {"index": 15742, "quantile": 0.25, "value": 187500.0, "Latitude": 37.78, "Longitude": -122.42, "Population": 895.0}, {"index": 15742, "quantile": 0.5, "value": 187500.0, "Latitude": 37.78, "Longitude": -122.42, "Population": 895.0}, {"index": 15742, "quantile": 0.75, "value": 196875.0, "Latitude": 37.78, "Longitude": -122.42, "Population": 895.0}, {"index": 15742, "quantile": 1.0, "value": 450000.0, "Latitude": 37.78, "Longitude": -122.42, "Population": 895.0}, {"index": 15743, "quantile": 0.0, "value": 32500.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1009.0}, {"index": 15743, "quantile": 0.25, "value": 177500.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1009.0}, {"index": 15743, "quantile": 0.5, "value": 177500.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1009.0}, {"index": 15743, "quantile": 0.75, "value": 177500.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1009.0}, {"index": 15743, "quantile": 1.0, "value": 366700.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1009.0}, {"index": 15744, "quantile": 0.0, "value": 32500.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1284.0}, {"index": 15744, "quantile": 0.25, "value": 316700.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1284.0}, {"index": 15744, "quantile": 0.5, "value": 316700.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1284.0}, {"index": 15744, "quantile": 0.75, "value": 316700.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1284.0}, {"index": 15744, "quantile": 1.0, "value": 475000.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 1284.0}, {"index": 15745, "quantile": 0.0, "value": 140300.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 2070.0}, {"index": 15745, "quantile": 0.25, "value": 316700.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 2070.0}, {"index": 15745, "quantile": 0.5, "value": 372200.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 2070.0}, {"index": 15745, "quantile": 0.75, "value": 450000.0, "Latitude": 37.78, "Longitude": -122.43, "Population": 2070.0}, {"index": 15745, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.43, "Population": 2070.0}, {"index": 15746, "quantile": 0.0, "value": 275000.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1913.0}, {"index": 15746, "quantile": 0.25, "value": 350000.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1913.0}, {"index": 15746, "quantile": 0.5, "value": 425000.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1913.0}, {"index": 15746, "quantile": 0.75, "value": 425000.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1913.0}, {"index": 15746, "quantile": 1.0, "value": 500000.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1913.0}, {"index": 15747, "quantile": 0.0, "value": 85100.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 1696.0}, {"index": 15747, "quantile": 0.25, "value": 360700.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 1696.0}, {"index": 15747, "quantile": 0.5, "value": 475000.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 1696.0}, {"index": 15747, "quantile": 0.75, "value": 475000.0, "Latitude": 37.78, "Longitude": -122.44, "Population": 1696.0}, {"index": 15747, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.78, "Longitude": -122.44, "Population": 1696.0}, {"index": 15748, "quantile": 0.0, "value": 69000.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 1355.0}, {"index": 15748, "quantile": 0.25, "value": 363124.99999999994, "Latitude": 37.77, "Longitude": -122.44, "Population": 1355.0}, {"index": 15748, "quantile": 0.5, "value": 364300.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 1355.0}, {"index": 15748, "quantile": 0.75, "value": 364300.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 1355.0}, {"index": 15748, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.77, "Longitude": -122.44, "Population": 1355.0}, {"index": 15749, "quantile": 0.0, "value": 233100.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1090.0}, {"index": 15749, "quantile": 0.25, "value": 376800.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1090.0}, {"index": 15749, "quantile": 0.5, "value": 420000.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1090.0}, {"index": 15749, "quantile": 0.75, "value": 440000.00000000006, "Latitude": 37.77, "Longitude": -122.45, "Population": 1090.0}, {"index": 15749, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.45, "Population": 1090.0}, {"index": 15750, "quantile": 0.0, "value": 240899.99999999997, "Latitude": 37.77, "Longitude": -122.45, "Population": 1526.0}, {"index": 15750, "quantile": 0.25, "value": 337200.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1526.0}, {"index": 15750, "quantile": 0.5, "value": 376800.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1526.0}, {"index": 15750, "quantile": 0.75, "value": 428300.00000000006, "Latitude": 37.77, "Longitude": -122.45, "Population": 1526.0}, {"index": 15750, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.45, "Population": 1526.0}, {"index": 15751, "quantile": 0.0, "value": 178400.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 885.0}, {"index": 15751, "quantile": 0.25, "value": 350000.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 885.0}, {"index": 15751, "quantile": 0.5, "value": 426650.00000000006, "Latitude": 37.77, "Longitude": -122.45, "Population": 885.0}, {"index": 15751, "quantile": 0.75, "value": 438900.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 885.0}, {"index": 15751, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.45, "Population": 885.0}, {"index": 15752, "quantile": 0.0, "value": 214299.99999999997, "Latitude": 37.77, "Longitude": -122.44, "Population": 1518.0}, {"index": 15752, "quantile": 0.25, "value": 409375.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 1518.0}, {"index": 15752, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.44, "Population": 1518.0}, {"index": 15752, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.44, "Population": 1518.0}, {"index": 15752, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.44, "Population": 1518.0}, {"index": 15753, "quantile": 0.0, "value": 314700.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1039.0}, {"index": 15753, "quantile": 0.25, "value": 433174.99999999994, "Latitude": 37.77, "Longitude": -122.45, "Population": 1039.0}, {"index": 15753, "quantile": 0.5, "value": 500000.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1039.0}, {"index": 15753, "quantile": 0.75, "value": 500000.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1039.0}, {"index": 15753, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.45, "Population": 1039.0}, {"index": 15754, "quantile": 0.0, "value": 325000.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1100.0}, {"index": 15754, "quantile": 0.25, "value": 406500.00000000006, "Latitude": 37.77, "Longitude": -122.45, "Population": 1100.0}, {"index": 15754, "quantile": 0.5, "value": 500000.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1100.0}, {"index": 15754, "quantile": 0.75, "value": 500000.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1100.0}, {"index": 15754, "quantile": 1.0, "value": 500000.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1100.0}, {"index": 15755, "quantile": 0.0, "value": 240899.99999999997, "Latitude": 37.77, "Longitude": -122.45, "Population": 1275.0}, {"index": 15755, "quantile": 0.25, "value": 331475.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1275.0}, {"index": 15755, "quantile": 0.5, "value": 350000.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1275.0}, {"index": 15755, "quantile": 0.75, "value": 428300.00000000006, "Latitude": 37.77, "Longitude": -122.45, "Population": 1275.0}, {"index": 15755, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.45, "Population": 1275.0}, {"index": 15756, "quantile": 0.0, "value": 218900.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1712.0}, {"index": 15756, "quantile": 0.25, "value": 348500.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1712.0}, {"index": 15756, "quantile": 0.5, "value": 414300.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1712.0}, {"index": 15756, "quantile": 0.75, "value": 440000.00000000006, "Latitude": 37.77, "Longitude": -122.43, "Population": 1712.0}, {"index": 15756, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.43, "Population": 1712.0}, {"index": 15757, "quantile": 0.0, "value": 261300.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 742.0}, {"index": 15757, "quantile": 0.25, "value": 400000.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 742.0}, {"index": 15757, "quantile": 0.5, "value": 400000.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 742.0}, {"index": 15757, "quantile": 0.75, "value": 400000.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 742.0}, {"index": 15757, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.43, "Population": 742.0}, {"index": 15758, "quantile": 0.0, "value": 175000.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 939.0}, {"index": 15758, "quantile": 0.25, "value": 333300.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 939.0}, {"index": 15758, "quantile": 0.5, "value": 370000.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 939.0}, {"index": 15758, "quantile": 0.75, "value": 438900.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 939.0}, {"index": 15758, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.44, "Population": 939.0}, {"index": 15759, "quantile": 0.0, "value": 224100.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 1428.0}, {"index": 15759, "quantile": 0.25, "value": 406500.00000000006, "Latitude": 37.77, "Longitude": -122.44, "Population": 1428.0}, {"index": 15759, "quantile": 0.5, "value": 438900.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 1428.0}, {"index": 15759, "quantile": 0.75, "value": 438900.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 1428.0}, {"index": 15759, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.44, "Population": 1428.0}, {"index": 15760, "quantile": 0.0, "value": 87500.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 589.0}, {"index": 15760, "quantile": 0.25, "value": 250000.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 589.0}, {"index": 15760, "quantile": 0.5, "value": 250000.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 589.0}, {"index": 15760, "quantile": 0.75, "value": 250000.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 589.0}, {"index": 15760, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.77, "Longitude": -122.42, "Population": 589.0}, {"index": 15761, "quantile": 0.0, "value": 187500.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 867.0}, {"index": 15761, "quantile": 0.25, "value": 350000.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 867.0}, {"index": 15761, "quantile": 0.5, "value": 366700.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 867.0}, {"index": 15761, "quantile": 0.75, "value": 375000.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 867.0}, {"index": 15761, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.42, "Population": 867.0}, {"index": 15762, "quantile": 0.0, "value": 87500.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 654.0}, {"index": 15762, "quantile": 0.25, "value": 366700.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 654.0}, {"index": 15762, "quantile": 0.5, "value": 366700.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 654.0}, {"index": 15762, "quantile": 0.75, "value": 366700.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 654.0}, {"index": 15762, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.43, "Population": 654.0}, {"index": 15763, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 37.77, "Longitude": -122.43, "Population": 1428.0}, {"index": 15763, "quantile": 0.25, "value": 412500.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1428.0}, {"index": 15763, "quantile": 0.5, "value": 412500.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1428.0}, {"index": 15763, "quantile": 0.75, "value": 412500.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1428.0}, {"index": 15763, "quantile": 1.0, "value": 475000.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1428.0}, {"index": 15764, "quantile": 0.0, "value": 190900.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1188.0}, {"index": 15764, "quantile": 0.25, "value": 337500.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1188.0}, {"index": 15764, "quantile": 0.5, "value": 337500.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1188.0}, {"index": 15764, "quantile": 0.75, "value": 337500.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1188.0}, {"index": 15764, "quantile": 1.0, "value": 500000.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1188.0}, {"index": 15765, "quantile": 0.0, "value": 122800.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 872.0}, {"index": 15765, "quantile": 0.25, "value": 321600.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 872.0}, {"index": 15765, "quantile": 0.5, "value": 355600.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 872.0}, {"index": 15765, "quantile": 0.75, "value": 418800.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 872.0}, {"index": 15765, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.43, "Population": 872.0}, {"index": 15766, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 37.77, "Longitude": -122.43, "Population": 1939.0}, {"index": 15766, "quantile": 0.25, "value": 354500.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1939.0}, {"index": 15766, "quantile": 0.5, "value": 354500.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1939.0}, {"index": 15766, "quantile": 0.75, "value": 354500.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1939.0}, {"index": 15766, "quantile": 1.0, "value": 500000.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1939.0}, {"index": 15767, "quantile": 0.0, "value": 214299.99999999997, "Latitude": 37.77, "Longitude": -122.43, "Population": 1170.0}, {"index": 15767, "quantile": 0.25, "value": 418800.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1170.0}, {"index": 15767, "quantile": 0.5, "value": 418800.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1170.0}, {"index": 15767, "quantile": 0.75, "value": 418800.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1170.0}, {"index": 15767, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.43, "Population": 1170.0}, {"index": 15768, "quantile": 0.0, "value": 231199.99999999997, "Latitude": 37.77, "Longitude": -122.44, "Population": 849.0}, {"index": 15768, "quantile": 0.25, "value": 476900.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 849.0}, {"index": 15768, "quantile": 0.5, "value": 476900.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 849.0}, {"index": 15768, "quantile": 0.75, "value": 476900.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 849.0}, {"index": 15768, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.44, "Population": 849.0}, {"index": 15769, "quantile": 0.0, "value": 290900.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 2023.0}, {"index": 15769, "quantile": 0.25, "value": 400000.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 2023.0}, {"index": 15769, "quantile": 0.5, "value": 400000.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 2023.0}, {"index": 15769, "quantile": 0.75, "value": 400000.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 2023.0}, {"index": 15769, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.44, "Population": 2023.0}, {"index": 15770, "quantile": 0.0, "value": 255900.00000000003, "Latitude": 37.76, "Longitude": -122.44, "Population": 833.0}, {"index": 15770, "quantile": 0.25, "value": 455900.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 833.0}, {"index": 15770, "quantile": 0.5, "value": 455900.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 833.0}, {"index": 15770, "quantile": 0.75, "value": 455900.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 833.0}, {"index": 15770, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.44, "Population": 833.0}, {"index": 15771, "quantile": 0.0, "value": 225800.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 1494.0}, {"index": 15771, "quantile": 0.25, "value": 389100.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 1494.0}, {"index": 15771, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.44, "Population": 1494.0}, {"index": 15771, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.44, "Population": 1494.0}, {"index": 15771, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.44, "Population": 1494.0}, {"index": 15772, "quantile": 0.0, "value": 284900.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 1374.0}, {"index": 15772, "quantile": 0.25, "value": 368900.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 1374.0}, {"index": 15772, "quantile": 0.5, "value": 455400.0, "Latitude": 37.77, "Longitude": -122.44, "Population": 1374.0}, {"index": 15772, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.44, "Population": 1374.0}, {"index": 15772, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.44, "Population": 1374.0}, {"index": 15773, "quantile": 0.0, "value": 278900.0, "Latitude": 37.76, "Longitude": -122.45, "Population": 979.0}, {"index": 15773, "quantile": 0.25, "value": 455400.0, "Latitude": 37.76, "Longitude": -122.45, "Population": 979.0}, {"index": 15773, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.45, "Population": 979.0}, {"index": 15773, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.45, "Population": 979.0}, {"index": 15773, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.45, "Population": 979.0}, {"index": 15774, "quantile": 0.0, "value": 269700.0, "Latitude": 37.76, "Longitude": -122.45, "Population": 621.0}, {"index": 15774, "quantile": 0.25, "value": 406600.0, "Latitude": 37.76, "Longitude": -122.45, "Population": 621.0}, {"index": 15774, "quantile": 0.5, "value": 450000.0, "Latitude": 37.76, "Longitude": -122.45, "Population": 621.0}, {"index": 15774, "quantile": 0.75, "value": 450000.0, "Latitude": 37.76, "Longitude": -122.45, "Population": 621.0}, {"index": 15774, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.45, "Population": 621.0}, {"index": 15775, "quantile": 0.0, "value": 253399.99999999997, "Latitude": 37.77, "Longitude": -122.45, "Population": 1269.0}, {"index": 15775, "quantile": 0.25, "value": 471400.00000000006, "Latitude": 37.77, "Longitude": -122.45, "Population": 1269.0}, {"index": 15775, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.45, "Population": 1269.0}, {"index": 15775, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.45, "Population": 1269.0}, {"index": 15775, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.45, "Population": 1269.0}, {"index": 15776, "quantile": 0.0, "value": 253399.99999999997, "Latitude": 37.77, "Longitude": -122.45, "Population": 1737.0}, {"index": 15776, "quantile": 0.25, "value": 396400.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1737.0}, {"index": 15776, "quantile": 0.5, "value": 500000.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1737.0}, {"index": 15776, "quantile": 0.75, "value": 500000.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1737.0}, {"index": 15776, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.45, "Population": 1737.0}, {"index": 15777, "quantile": 0.0, "value": 32500.0, "Latitude": 37.78, "Longitude": -122.41, "Population": 2124.0}, {"index": 15777, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 37.78, "Longitude": -122.41, "Population": 2124.0}, {"index": 15777, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 37.78, "Longitude": -122.41, "Population": 2124.0}, {"index": 15777, "quantile": 0.75, "value": 129200.0, "Latitude": 37.78, "Longitude": -122.41, "Population": 2124.0}, {"index": 15777, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.41, "Population": 2124.0}, {"index": 15778, "quantile": 0.0, "value": 32500.0, "Latitude": 37.78, "Longitude": -122.41, "Population": 1520.0}, {"index": 15778, "quantile": 0.25, "value": 312500.0, "Latitude": 37.78, "Longitude": -122.41, "Population": 1520.0}, {"index": 15778, "quantile": 0.5, "value": 375000.0, "Latitude": 37.78, "Longitude": -122.41, "Population": 1520.0}, {"index": 15778, "quantile": 0.75, "value": 375000.0, "Latitude": 37.78, "Longitude": -122.41, "Population": 1520.0}, {"index": 15778, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.41, "Population": 1520.0}, {"index": 15779, "quantile": 0.0, "value": 50800.0, "Latitude": 37.78, "Longitude": -122.41, "Population": 153.0}, {"index": 15779, "quantile": 0.25, "value": 350000.0, "Latitude": 37.78, "Longitude": -122.41, "Population": 153.0}, {"index": 15779, "quantile": 0.5, "value": 350000.0, "Latitude": 37.78, "Longitude": -122.41, "Population": 153.0}, {"index": 15779, "quantile": 0.75, "value": 350000.0, "Latitude": 37.78, "Longitude": -122.41, "Population": 153.0}, {"index": 15779, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.41, "Population": 153.0}, {"index": 15780, "quantile": 0.0, "value": 50800.0, "Latitude": 37.77, "Longitude": -122.41, "Population": 168.0}, {"index": 15780, "quantile": 0.25, "value": 275000.0, "Latitude": 37.77, "Longitude": -122.41, "Population": 168.0}, {"index": 15780, "quantile": 0.5, "value": 275000.0, "Latitude": 37.77, "Longitude": -122.41, "Population": 168.0}, {"index": 15780, "quantile": 0.75, "value": 275000.0, "Latitude": 37.77, "Longitude": -122.41, "Population": 168.0}, {"index": 15780, "quantile": 1.0, "value": 414600.0, "Latitude": 37.77, "Longitude": -122.41, "Population": 168.0}, {"index": 15781, "quantile": 0.0, "value": 32500.0, "Latitude": 37.77, "Longitude": -122.41, "Population": 1628.0}, {"index": 15781, "quantile": 0.25, "value": 193800.0, "Latitude": 37.77, "Longitude": -122.41, "Population": 1628.0}, {"index": 15781, "quantile": 0.5, "value": 193800.0, "Latitude": 37.77, "Longitude": -122.41, "Population": 1628.0}, {"index": 15781, "quantile": 0.75, "value": 193800.0, "Latitude": 37.77, "Longitude": -122.41, "Population": 1628.0}, {"index": 15781, "quantile": 1.0, "value": 412500.0, "Latitude": 37.77, "Longitude": -122.41, "Population": 1628.0}, {"index": 15782, "quantile": 0.0, "value": 32500.0, "Latitude": 37.78, "Longitude": -122.4, "Population": 313.0}, {"index": 15782, "quantile": 0.25, "value": 208150.0, "Latitude": 37.78, "Longitude": -122.4, "Population": 313.0}, {"index": 15782, "quantile": 0.5, "value": 350000.0, "Latitude": 37.78, "Longitude": -122.4, "Population": 313.0}, {"index": 15782, "quantile": 0.75, "value": 350000.0, "Latitude": 37.78, "Longitude": -122.4, "Population": 313.0}, {"index": 15782, "quantile": 1.0, "value": 350000.0, "Latitude": 37.78, "Longitude": -122.4, "Population": 313.0}, {"index": 15783, "quantile": 0.0, "value": 208300.00000000003, "Latitude": 37.77, "Longitude": -122.41, "Population": 582.0}, {"index": 15783, "quantile": 0.25, "value": 250000.0, "Latitude": 37.77, "Longitude": -122.41, "Population": 582.0}, {"index": 15783, "quantile": 0.5, "value": 250000.0, "Latitude": 37.77, "Longitude": -122.41, "Population": 582.0}, {"index": 15783, "quantile": 0.75, "value": 250000.0, "Latitude": 37.77, "Longitude": -122.41, "Population": 582.0}, {"index": 15783, "quantile": 1.0, "value": 400000.0, "Latitude": 37.77, "Longitude": -122.41, "Population": 582.0}, {"index": 15784, "quantile": 0.0, "value": 32500.0, "Latitude": 37.78, "Longitude": -122.41, "Population": 1055.0}, {"index": 15784, "quantile": 0.25, "value": 32500.0, "Latitude": 37.78, "Longitude": -122.41, "Population": 1055.0}, {"index": 15784, "quantile": 0.5, "value": 32500.0, "Latitude": 37.78, "Longitude": -122.41, "Population": 1055.0}, {"index": 15784, "quantile": 0.75, "value": 193800.0, "Latitude": 37.78, "Longitude": -122.41, "Population": 1055.0}, {"index": 15784, "quantile": 1.0, "value": 375000.0, "Latitude": 37.78, "Longitude": -122.41, "Population": 1055.0}, {"index": 15785, "quantile": 0.0, "value": 137500.0, "Latitude": 37.78, "Longitude": -122.39, "Population": 1441.0}, {"index": 15785, "quantile": 0.25, "value": 275000.0, "Latitude": 37.78, "Longitude": -122.39, "Population": 1441.0}, {"index": 15785, "quantile": 0.5, "value": 275000.0, "Latitude": 37.78, "Longitude": -122.39, "Population": 1441.0}, {"index": 15785, "quantile": 0.75, "value": 275000.0, "Latitude": 37.78, "Longitude": -122.39, "Population": 1441.0}, {"index": 15785, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.39, "Population": 1441.0}, {"index": 15786, "quantile": 0.0, "value": 112500.0, "Latitude": 37.78, "Longitude": -122.39, "Population": 725.0}, {"index": 15786, "quantile": 0.25, "value": 187500.0, "Latitude": 37.78, "Longitude": -122.39, "Population": 725.0}, {"index": 15786, "quantile": 0.5, "value": 187500.0, "Latitude": 37.78, "Longitude": -122.39, "Population": 725.0}, {"index": 15786, "quantile": 0.75, "value": 187500.0, "Latitude": 37.78, "Longitude": -122.39, "Population": 725.0}, {"index": 15786, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.39, "Population": 725.0}, {"index": 15787, "quantile": 0.0, "value": 121300.00000000001, "Latitude": 37.79, "Longitude": -122.39, "Population": 113.0}, {"index": 15787, "quantile": 0.25, "value": 350000.0, "Latitude": 37.79, "Longitude": -122.39, "Population": 113.0}, {"index": 15787, "quantile": 0.5, "value": 350000.0, "Latitude": 37.79, "Longitude": -122.39, "Population": 113.0}, {"index": 15787, "quantile": 0.75, "value": 350000.0, "Latitude": 37.79, "Longitude": -122.39, "Population": 113.0}, {"index": 15787, "quantile": 1.0, "value": 418400.0, "Latitude": 37.79, "Longitude": -122.39, "Population": 113.0}, {"index": 15788, "quantile": 0.0, "value": 75000.0, "Latitude": 37.81, "Longitude": -122.37, "Population": 4531.0}, {"index": 15788, "quantile": 0.25, "value": 110300.0, "Latitude": 37.81, "Longitude": -122.37, "Population": 4531.0}, {"index": 15788, "quantile": 0.5, "value": 136400.0, "Latitude": 37.81, "Longitude": -122.37, "Population": 4531.0}, {"index": 15788, "quantile": 0.75, "value": 200000.0, "Latitude": 37.81, "Longitude": -122.37, "Population": 4531.0}, {"index": 15788, "quantile": 1.0, "value": 372200.0, "Latitude": 37.81, "Longitude": -122.37, "Population": 4531.0}, {"index": 15789, "quantile": 0.0, "value": 32500.0, "Latitude": 37.78, "Longitude": -122.4, "Population": 286.0}, {"index": 15789, "quantile": 0.25, "value": 112500.0, "Latitude": 37.78, "Longitude": -122.4, "Population": 286.0}, {"index": 15789, "quantile": 0.5, "value": 112500.0, "Latitude": 37.78, "Longitude": -122.4, "Population": 286.0}, {"index": 15789, "quantile": 0.75, "value": 125824.99999999999, "Latitude": 37.78, "Longitude": -122.4, "Population": 286.0}, {"index": 15789, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.4, "Population": 286.0}, {"index": 15790, "quantile": 0.0, "value": 163500.0, "Latitude": 37.77, "Longitude": -122.4, "Population": 1061.0}, {"index": 15790, "quantile": 0.25, "value": 225000.0, "Latitude": 37.77, "Longitude": -122.4, "Population": 1061.0}, {"index": 15790, "quantile": 0.5, "value": 225000.0, "Latitude": 37.77, "Longitude": -122.4, "Population": 1061.0}, {"index": 15790, "quantile": 0.75, "value": 225000.0, "Latitude": 37.77, "Longitude": -122.4, "Population": 1061.0}, {"index": 15790, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.4, "Population": 1061.0}, {"index": 15791, "quantile": 0.0, "value": 32500.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 421.0}, {"index": 15791, "quantile": 0.25, "value": 141250.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 421.0}, {"index": 15791, "quantile": 0.5, "value": 250000.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 421.0}, {"index": 15791, "quantile": 0.75, "value": 275000.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 421.0}, {"index": 15791, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.42, "Population": 421.0}, {"index": 15792, "quantile": 0.0, "value": 32500.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 1136.0}, {"index": 15792, "quantile": 0.25, "value": 212500.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 1136.0}, {"index": 15792, "quantile": 0.5, "value": 312500.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 1136.0}, {"index": 15792, "quantile": 0.75, "value": 312500.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 1136.0}, {"index": 15792, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.42, "Population": 1136.0}, {"index": 15793, "quantile": 0.0, "value": 39600.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 1846.0}, {"index": 15793, "quantile": 0.25, "value": 225000.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 1846.0}, {"index": 15793, "quantile": 0.5, "value": 225000.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 1846.0}, {"index": 15793, "quantile": 0.75, "value": 225000.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 1846.0}, {"index": 15793, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.42, "Population": 1846.0}, {"index": 15794, "quantile": 0.0, "value": 87500.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 1266.0}, {"index": 15794, "quantile": 0.25, "value": 350000.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 1266.0}, {"index": 15794, "quantile": 0.5, "value": 350000.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 1266.0}, {"index": 15794, "quantile": 0.75, "value": 350000.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 1266.0}, {"index": 15794, "quantile": 1.0, "value": 500000.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 1266.0}, {"index": 15795, "quantile": 0.0, "value": 193800.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 2619.0}, {"index": 15795, "quantile": 0.25, "value": 325000.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 2619.0}, {"index": 15795, "quantile": 0.5, "value": 325000.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 2619.0}, {"index": 15795, "quantile": 0.75, "value": 325000.0, "Latitude": 37.77, "Longitude": -122.42, "Population": 2619.0}, {"index": 15795, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.42, "Population": 2619.0}, {"index": 15796, "quantile": 0.0, "value": 166700.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 2259.0}, {"index": 15796, "quantile": 0.25, "value": 228000.00000000003, "Latitude": 37.76, "Longitude": -122.42, "Population": 2259.0}, {"index": 15796, "quantile": 0.5, "value": 275000.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 2259.0}, {"index": 15796, "quantile": 0.75, "value": 351125.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 2259.0}, {"index": 15796, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.42, "Population": 2259.0}, {"index": 15797, "quantile": 0.0, "value": 242800.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1438.0}, {"index": 15797, "quantile": 0.25, "value": 275000.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1438.0}, {"index": 15797, "quantile": 0.5, "value": 275000.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1438.0}, {"index": 15797, "quantile": 0.75, "value": 420925.0, "Latitude": 37.77, "Longitude": -122.43, "Population": 1438.0}, {"index": 15797, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.43, "Population": 1438.0}, {"index": 15798, "quantile": 0.0, "value": 183500.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 868.0}, {"index": 15798, "quantile": 0.25, "value": 250000.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 868.0}, {"index": 15798, "quantile": 0.5, "value": 263200.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 868.0}, {"index": 15798, "quantile": 0.75, "value": 332100.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 868.0}, {"index": 15798, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.43, "Population": 868.0}, {"index": 15799, "quantile": 0.0, "value": 187500.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 1051.0}, {"index": 15799, "quantile": 0.25, "value": 350000.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 1051.0}, {"index": 15799, "quantile": 0.5, "value": 350000.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 1051.0}, {"index": 15799, "quantile": 0.75, "value": 350000.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 1051.0}, {"index": 15799, "quantile": 1.0, "value": 500000.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 1051.0}, {"index": 15800, "quantile": 0.0, "value": 331800.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 1145.0}, {"index": 15800, "quantile": 0.25, "value": 361600.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 1145.0}, {"index": 15800, "quantile": 0.5, "value": 361600.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 1145.0}, {"index": 15800, "quantile": 0.75, "value": 401350.00000000006, "Latitude": 37.76, "Longitude": -122.44, "Population": 1145.0}, {"index": 15800, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.44, "Population": 1145.0}, {"index": 15801, "quantile": 0.0, "value": 271300.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 1935.0}, {"index": 15801, "quantile": 0.25, "value": 371650.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 1935.0}, {"index": 15801, "quantile": 0.5, "value": 400000.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 1935.0}, {"index": 15801, "quantile": 0.75, "value": 438049.99999999994, "Latitude": 37.76, "Longitude": -122.44, "Population": 1935.0}, {"index": 15801, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.44, "Population": 1935.0}, {"index": 15802, "quantile": 0.0, "value": 225000.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 2232.0}, {"index": 15802, "quantile": 0.25, "value": 361600.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 2232.0}, {"index": 15802, "quantile": 0.5, "value": 400000.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 2232.0}, {"index": 15802, "quantile": 0.75, "value": 426250.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 2232.0}, {"index": 15802, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.44, "Population": 2232.0}, {"index": 15803, "quantile": 0.0, "value": 40000.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 580.0}, {"index": 15803, "quantile": 0.25, "value": 366100.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 580.0}, {"index": 15803, "quantile": 0.5, "value": 429899.99999999994, "Latitude": 37.76, "Longitude": -122.44, "Population": 580.0}, {"index": 15803, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.44, "Population": 580.0}, {"index": 15803, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.44, "Population": 580.0}, {"index": 15804, "quantile": 0.0, "value": 376600.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 945.0}, {"index": 15804, "quantile": 0.25, "value": 376600.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 945.0}, {"index": 15804, "quantile": 0.5, "value": 376600.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 945.0}, {"index": 15804, "quantile": 0.75, "value": 500000.25, "Latitude": 37.76, "Longitude": -122.44, "Population": 945.0}, {"index": 15804, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.44, "Population": 945.0}, {"index": 15805, "quantile": 0.0, "value": 302100.0, "Latitude": 37.76, "Longitude": -122.45, "Population": 810.0}, {"index": 15805, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.45, "Population": 810.0}, {"index": 15805, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.45, "Population": 810.0}, {"index": 15805, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.45, "Population": 810.0}, {"index": 15805, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.45, "Population": 810.0}, {"index": 15806, "quantile": 0.0, "value": 224100.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 784.0}, {"index": 15806, "quantile": 0.25, "value": 370000.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 784.0}, {"index": 15806, "quantile": 0.5, "value": 370000.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 784.0}, {"index": 15806, "quantile": 0.75, "value": 370000.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 784.0}, {"index": 15806, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.44, "Population": 784.0}, {"index": 15807, "quantile": 0.0, "value": 140600.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 816.0}, {"index": 15807, "quantile": 0.25, "value": 370000.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 816.0}, {"index": 15807, "quantile": 0.5, "value": 370000.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 816.0}, {"index": 15807, "quantile": 0.75, "value": 370000.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 816.0}, {"index": 15807, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.44, "Population": 816.0}, {"index": 15808, "quantile": 0.0, "value": 286600.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 855.0}, {"index": 15808, "quantile": 0.25, "value": 405400.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 855.0}, {"index": 15808, "quantile": 0.5, "value": 405400.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 855.0}, {"index": 15808, "quantile": 0.75, "value": 455400.0, "Latitude": 37.76, "Longitude": -122.44, "Population": 855.0}, {"index": 15808, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.44, "Population": 855.0}, {"index": 15809, "quantile": 0.0, "value": 287500.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 1575.0}, {"index": 15809, "quantile": 0.25, "value": 427299.99999999994, "Latitude": 37.76, "Longitude": -122.43, "Population": 1575.0}, {"index": 15809, "quantile": 0.5, "value": 427299.99999999994, "Latitude": 37.76, "Longitude": -122.43, "Population": 1575.0}, {"index": 15809, "quantile": 0.75, "value": 427299.99999999994, "Latitude": 37.76, "Longitude": -122.43, "Population": 1575.0}, {"index": 15809, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.43, "Population": 1575.0}, {"index": 15810, "quantile": 0.0, "value": 290900.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 751.0}, {"index": 15810, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.43, "Population": 751.0}, {"index": 15810, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.43, "Population": 751.0}, {"index": 15810, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.43, "Population": 751.0}, {"index": 15810, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.43, "Population": 751.0}, {"index": 15811, "quantile": 0.0, "value": 277300.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 909.0}, {"index": 15811, "quantile": 0.25, "value": 375000.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 909.0}, {"index": 15811, "quantile": 0.5, "value": 455400.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 909.0}, {"index": 15811, "quantile": 0.75, "value": 455400.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 909.0}, {"index": 15811, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.43, "Population": 909.0}, {"index": 15812, "quantile": 0.0, "value": 175000.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 1531.0}, {"index": 15812, "quantile": 0.25, "value": 346450.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 1531.0}, {"index": 15812, "quantile": 0.5, "value": 370000.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 1531.0}, {"index": 15812, "quantile": 0.75, "value": 430199.99999999994, "Latitude": 37.76, "Longitude": -122.43, "Population": 1531.0}, {"index": 15812, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.43, "Population": 1531.0}, {"index": 15813, "quantile": 0.0, "value": 209100.00000000003, "Latitude": 37.76, "Longitude": -122.42, "Population": 2280.0}, {"index": 15813, "quantile": 0.25, "value": 345700.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 2280.0}, {"index": 15813, "quantile": 0.5, "value": 376800.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 2280.0}, {"index": 15813, "quantile": 0.75, "value": 420000.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 2280.0}, {"index": 15813, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.42, "Population": 2280.0}, {"index": 15814, "quantile": 0.0, "value": 209100.00000000003, "Latitude": 37.76, "Longitude": -122.42, "Population": 2129.0}, {"index": 15814, "quantile": 0.25, "value": 345700.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 2129.0}, {"index": 15814, "quantile": 0.5, "value": 396800.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 2129.0}, {"index": 15814, "quantile": 0.75, "value": 427299.99999999994, "Latitude": 37.76, "Longitude": -122.42, "Population": 2129.0}, {"index": 15814, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.42, "Population": 2129.0}, {"index": 15815, "quantile": 0.0, "value": 140600.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 1082.0}, {"index": 15815, "quantile": 0.25, "value": 347925.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 1082.0}, {"index": 15815, "quantile": 0.5, "value": 490000.00000000006, "Latitude": 37.76, "Longitude": -122.42, "Population": 1082.0}, {"index": 15815, "quantile": 0.75, "value": 490000.00000000006, "Latitude": 37.76, "Longitude": -122.42, "Population": 1082.0}, {"index": 15815, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.76, "Longitude": -122.42, "Population": 1082.0}, {"index": 15816, "quantile": 0.0, "value": 74100.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 1270.0}, {"index": 15816, "quantile": 0.25, "value": 190675.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 1270.0}, {"index": 15816, "quantile": 0.5, "value": 225000.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 1270.0}, {"index": 15816, "quantile": 0.75, "value": 225000.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 1270.0}, {"index": 15816, "quantile": 1.0, "value": 265000.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 1270.0}, {"index": 15817, "quantile": 0.0, "value": 71300.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 2007.0}, {"index": 15817, "quantile": 0.25, "value": 193475.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 2007.0}, {"index": 15817, "quantile": 0.5, "value": 225000.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 2007.0}, {"index": 15817, "quantile": 0.75, "value": 256124.99999999997, "Latitude": 37.76, "Longitude": -122.42, "Population": 2007.0}, {"index": 15817, "quantile": 1.0, "value": 475000.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 2007.0}, {"index": 15818, "quantile": 0.0, "value": 32500.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 1630.0}, {"index": 15818, "quantile": 0.25, "value": 225000.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 1630.0}, {"index": 15818, "quantile": 0.5, "value": 265000.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 1630.0}, {"index": 15818, "quantile": 0.75, "value": 265000.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 1630.0}, {"index": 15818, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.42, "Population": 1630.0}, {"index": 15819, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.76, "Longitude": -122.42, "Population": 2075.0}, {"index": 15819, "quantile": 0.25, "value": 212500.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 2075.0}, {"index": 15819, "quantile": 0.5, "value": 212500.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 2075.0}, {"index": 15819, "quantile": 0.75, "value": 212500.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 2075.0}, {"index": 15819, "quantile": 1.0, "value": 375000.0, "Latitude": 37.76, "Longitude": -122.42, "Population": 2075.0}, {"index": 15820, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.75, "Longitude": -122.42, "Population": 1715.0}, {"index": 15820, "quantile": 0.25, "value": 187500.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1715.0}, {"index": 15820, "quantile": 0.5, "value": 225000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1715.0}, {"index": 15820, "quantile": 0.75, "value": 265000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1715.0}, {"index": 15820, "quantile": 1.0, "value": 458300.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1715.0}, {"index": 15821, "quantile": 0.0, "value": 215300.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1008.0}, {"index": 15821, "quantile": 0.25, "value": 262500.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1008.0}, {"index": 15821, "quantile": 0.5, "value": 262500.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1008.0}, {"index": 15821, "quantile": 0.75, "value": 262500.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1008.0}, {"index": 15821, "quantile": 1.0, "value": 332100.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1008.0}, {"index": 15822, "quantile": 0.0, "value": 32500.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 639.0}, {"index": 15822, "quantile": 0.25, "value": 275000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 639.0}, {"index": 15822, "quantile": 0.5, "value": 275000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 639.0}, {"index": 15822, "quantile": 0.75, "value": 275000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 639.0}, {"index": 15822, "quantile": 1.0, "value": 450000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 639.0}, {"index": 15823, "quantile": 0.0, "value": 100000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1155.0}, {"index": 15823, "quantile": 0.25, "value": 250000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1155.0}, {"index": 15823, "quantile": 0.5, "value": 250000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1155.0}, {"index": 15823, "quantile": 0.75, "value": 250000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1155.0}, {"index": 15823, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.42, "Population": 1155.0}, {"index": 15824, "quantile": 0.0, "value": 140300.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 935.0}, {"index": 15824, "quantile": 0.25, "value": 337500.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 935.0}, {"index": 15824, "quantile": 0.5, "value": 350000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 935.0}, {"index": 15824, "quantile": 0.75, "value": 408000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 935.0}, {"index": 15824, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.75, "Longitude": -122.42, "Population": 935.0}, {"index": 15825, "quantile": 0.0, "value": 217800.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1227.0}, {"index": 15825, "quantile": 0.25, "value": 306000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1227.0}, {"index": 15825, "quantile": 0.5, "value": 400000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1227.0}, {"index": 15825, "quantile": 0.75, "value": 400000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1227.0}, {"index": 15825, "quantile": 1.0, "value": 500000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1227.0}, {"index": 15826, "quantile": 0.0, "value": 87500.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1460.0}, {"index": 15826, "quantile": 0.25, "value": 325675.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1460.0}, {"index": 15826, "quantile": 0.5, "value": 350000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1460.0}, {"index": 15826, "quantile": 0.75, "value": 368775.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1460.0}, {"index": 15826, "quantile": 1.0, "value": 500000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1460.0}, {"index": 15827, "quantile": 0.0, "value": 122000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1162.0}, {"index": 15827, "quantile": 0.25, "value": 246400.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1162.0}, {"index": 15827, "quantile": 0.5, "value": 275000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1162.0}, {"index": 15827, "quantile": 0.75, "value": 275000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1162.0}, {"index": 15827, "quantile": 1.0, "value": 338900.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1162.0}, {"index": 15828, "quantile": 0.0, "value": 241800.00000000003, "Latitude": 37.75, "Longitude": -122.43, "Population": 1181.0}, {"index": 15828, "quantile": 0.25, "value": 383700.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1181.0}, {"index": 15828, "quantile": 0.5, "value": 396800.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1181.0}, {"index": 15828, "quantile": 0.75, "value": 396800.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1181.0}, {"index": 15828, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.43, "Population": 1181.0}, {"index": 15829, "quantile": 0.0, "value": 258300.00000000003, "Latitude": 37.75, "Longitude": -122.43, "Population": 871.0}, {"index": 15829, "quantile": 0.25, "value": 355600.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 871.0}, {"index": 15829, "quantile": 0.5, "value": 355600.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 871.0}, {"index": 15829, "quantile": 0.75, "value": 371250.00000000006, "Latitude": 37.75, "Longitude": -122.43, "Population": 871.0}, {"index": 15829, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.43, "Population": 871.0}, {"index": 15830, "quantile": 0.0, "value": 139100.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1012.0}, {"index": 15830, "quantile": 0.25, "value": 387900.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1012.0}, {"index": 15830, "quantile": 0.5, "value": 387900.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1012.0}, {"index": 15830, "quantile": 0.75, "value": 387900.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1012.0}, {"index": 15830, "quantile": 1.0, "value": 500000.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1012.0}, {"index": 15831, "quantile": 0.0, "value": 246900.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 861.0}, {"index": 15831, "quantile": 0.25, "value": 349875.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 861.0}, {"index": 15831, "quantile": 0.5, "value": 371550.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 861.0}, {"index": 15831, "quantile": 0.75, "value": 396400.0, "Latitude": 37.76, "Longitude": -122.43, "Population": 861.0}, {"index": 15831, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.43, "Population": 861.0}, {"index": 15832, "quantile": 0.0, "value": 275000.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 839.0}, {"index": 15832, "quantile": 0.25, "value": 355600.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 839.0}, {"index": 15832, "quantile": 0.5, "value": 355600.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 839.0}, {"index": 15832, "quantile": 0.75, "value": 369175.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 839.0}, {"index": 15832, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.43, "Population": 839.0}, {"index": 15833, "quantile": 0.0, "value": 214299.99999999997, "Latitude": 37.75, "Longitude": -122.44, "Population": 1144.0}, {"index": 15833, "quantile": 0.25, "value": 375000.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 1144.0}, {"index": 15833, "quantile": 0.5, "value": 375000.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 1144.0}, {"index": 15833, "quantile": 0.75, "value": 375000.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 1144.0}, {"index": 15833, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.44, "Population": 1144.0}, {"index": 15834, "quantile": 0.0, "value": 293800.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 801.0}, {"index": 15834, "quantile": 0.25, "value": 368900.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 801.0}, {"index": 15834, "quantile": 0.5, "value": 368900.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 801.0}, {"index": 15834, "quantile": 0.75, "value": 368900.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 801.0}, {"index": 15834, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.44, "Population": 801.0}, {"index": 15835, "quantile": 0.0, "value": 178400.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1043.0}, {"index": 15835, "quantile": 0.25, "value": 375000.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1043.0}, {"index": 15835, "quantile": 0.5, "value": 383700.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1043.0}, {"index": 15835, "quantile": 0.75, "value": 383700.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1043.0}, {"index": 15835, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.43, "Population": 1043.0}, {"index": 15836, "quantile": 0.0, "value": 229700.00000000003, "Latitude": 37.75, "Longitude": -122.44, "Population": 573.0}, {"index": 15836, "quantile": 0.25, "value": 338800.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 573.0}, {"index": 15836, "quantile": 0.5, "value": 338800.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 573.0}, {"index": 15836, "quantile": 0.75, "value": 354100.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 573.0}, {"index": 15836, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.44, "Population": 573.0}, {"index": 15837, "quantile": 0.0, "value": 209400.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 725.0}, {"index": 15837, "quantile": 0.25, "value": 380400.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 725.0}, {"index": 15837, "quantile": 0.5, "value": 380400.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 725.0}, {"index": 15837, "quantile": 0.75, "value": 380400.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 725.0}, {"index": 15837, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.44, "Population": 725.0}, {"index": 15838, "quantile": 0.0, "value": 175000.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 633.0}, {"index": 15838, "quantile": 0.25, "value": 347500.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 633.0}, {"index": 15838, "quantile": 0.5, "value": 347500.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 633.0}, {"index": 15838, "quantile": 0.75, "value": 370000.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 633.0}, {"index": 15838, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.43, "Population": 633.0}, {"index": 15839, "quantile": 0.0, "value": 189800.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1415.0}, {"index": 15839, "quantile": 0.25, "value": 362200.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1415.0}, {"index": 15839, "quantile": 0.5, "value": 362200.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1415.0}, {"index": 15839, "quantile": 0.75, "value": 375750.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1415.0}, {"index": 15839, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.43, "Population": 1415.0}, {"index": 15840, "quantile": 0.0, "value": 139100.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1191.0}, {"index": 15840, "quantile": 0.25, "value": 347700.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1191.0}, {"index": 15840, "quantile": 0.5, "value": 347700.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1191.0}, {"index": 15840, "quantile": 0.75, "value": 374325.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1191.0}, {"index": 15840, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.43, "Population": 1191.0}, {"index": 15841, "quantile": 0.0, "value": 225800.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1122.0}, {"index": 15841, "quantile": 0.25, "value": 306000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1122.0}, {"index": 15841, "quantile": 0.5, "value": 306000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1122.0}, {"index": 15841, "quantile": 0.75, "value": 316875.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1122.0}, {"index": 15841, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.42, "Population": 1122.0}, {"index": 15842, "quantile": 0.0, "value": 206199.99999999997, "Latitude": 37.74, "Longitude": -122.42, "Population": 1370.0}, {"index": 15842, "quantile": 0.25, "value": 284000.00000000006, "Latitude": 37.74, "Longitude": -122.42, "Population": 1370.0}, {"index": 15842, "quantile": 0.5, "value": 358400.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 1370.0}, {"index": 15842, "quantile": 0.75, "value": 406850.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 1370.0}, {"index": 15842, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.42, "Population": 1370.0}, {"index": 15843, "quantile": 0.0, "value": 165500.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 856.0}, {"index": 15843, "quantile": 0.25, "value": 328100.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 856.0}, {"index": 15843, "quantile": 0.5, "value": 328100.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 856.0}, {"index": 15843, "quantile": 0.75, "value": 328100.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 856.0}, {"index": 15843, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.74, "Longitude": -122.42, "Population": 856.0}, {"index": 15844, "quantile": 0.0, "value": 261900.00000000003, "Latitude": 37.74, "Longitude": -122.43, "Population": 1079.0}, {"index": 15844, "quantile": 0.25, "value": 333075.0, "Latitude": 37.74, "Longitude": -122.43, "Population": 1079.0}, {"index": 15844, "quantile": 0.5, "value": 374750.0, "Latitude": 37.74, "Longitude": -122.43, "Population": 1079.0}, {"index": 15844, "quantile": 0.75, "value": 433800.0, "Latitude": 37.74, "Longitude": -122.43, "Population": 1079.0}, {"index": 15844, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.43, "Population": 1079.0}, {"index": 15845, "quantile": 0.0, "value": 182600.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 962.0}, {"index": 15845, "quantile": 0.25, "value": 325900.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 962.0}, {"index": 15845, "quantile": 0.5, "value": 325900.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 962.0}, {"index": 15845, "quantile": 0.75, "value": 347900.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 962.0}, {"index": 15845, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.43, "Population": 962.0}, {"index": 15846, "quantile": 0.0, "value": 224200.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1824.0}, {"index": 15846, "quantile": 0.25, "value": 356100.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1824.0}, {"index": 15846, "quantile": 0.5, "value": 356100.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1824.0}, {"index": 15846, "quantile": 0.75, "value": 368900.0, "Latitude": 37.75, "Longitude": -122.43, "Population": 1824.0}, {"index": 15846, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.43, "Population": 1824.0}, {"index": 15847, "quantile": 0.0, "value": 186500.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 2304.0}, {"index": 15847, "quantile": 0.25, "value": 353900.0, "Latitude": 37.75, "Longitude": -122.44, "Population": 2304.0}, {"index": 15847, "quantile": 0.5, "value": 409700.00000000006, "Latitude": 37.75, "Longitude": -122.44, "Population": 2304.0}, {"index": 15847, "quantile": 0.75, "value": 409700.00000000006, "Latitude": 37.75, "Longitude": -122.44, "Population": 2304.0}, {"index": 15847, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.44, "Population": 2304.0}, {"index": 15848, "quantile": 0.0, "value": 161000.0, "Latitude": 37.74, "Longitude": -122.44, "Population": 2818.0}, {"index": 15848, "quantile": 0.25, "value": 301000.0, "Latitude": 37.74, "Longitude": -122.44, "Population": 2818.0}, {"index": 15848, "quantile": 0.5, "value": 391900.0, "Latitude": 37.74, "Longitude": -122.44, "Population": 2818.0}, {"index": 15848, "quantile": 0.75, "value": 391900.0, "Latitude": 37.74, "Longitude": -122.44, "Population": 2818.0}, {"index": 15848, "quantile": 1.0, "value": 495800.0, "Latitude": 37.74, "Longitude": -122.44, "Population": 2818.0}, {"index": 15849, "quantile": 0.0, "value": 239800.0, "Latitude": 37.74, "Longitude": -122.44, "Population": 909.0}, {"index": 15849, "quantile": 0.25, "value": 294900.0, "Latitude": 37.74, "Longitude": -122.44, "Population": 909.0}, {"index": 15849, "quantile": 0.5, "value": 294900.0, "Latitude": 37.74, "Longitude": -122.44, "Population": 909.0}, {"index": 15849, "quantile": 0.75, "value": 349500.0, "Latitude": 37.74, "Longitude": -122.44, "Population": 909.0}, {"index": 15849, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.44, "Population": 909.0}, {"index": 15850, "quantile": 0.0, "value": 92800.0, "Latitude": 37.74, "Longitude": -122.44, "Population": 118.0}, {"index": 15850, "quantile": 0.25, "value": 278400.0, "Latitude": 37.74, "Longitude": -122.44, "Population": 118.0}, {"index": 15850, "quantile": 0.5, "value": 350000.0, "Latitude": 37.74, "Longitude": -122.44, "Population": 118.0}, {"index": 15850, "quantile": 0.75, "value": 350000.0, "Latitude": 37.74, "Longitude": -122.44, "Population": 118.0}, {"index": 15850, "quantile": 1.0, "value": 350000.0, "Latitude": 37.74, "Longitude": -122.44, "Population": 118.0}, {"index": 15851, "quantile": 0.0, "value": 229700.00000000003, "Latitude": 37.74, "Longitude": -122.43, "Population": 1260.0}, {"index": 15851, "quantile": 0.25, "value": 359650.0, "Latitude": 37.74, "Longitude": -122.43, "Population": 1260.0}, {"index": 15851, "quantile": 0.5, "value": 365950.0, "Latitude": 37.74, "Longitude": -122.43, "Population": 1260.0}, {"index": 15851, "quantile": 0.75, "value": 433800.0, "Latitude": 37.74, "Longitude": -122.43, "Population": 1260.0}, {"index": 15851, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.43, "Population": 1260.0}, {"index": 15852, "quantile": 0.0, "value": 245500.0, "Latitude": 37.74, "Longitude": -122.43, "Population": 1159.0}, {"index": 15852, "quantile": 0.25, "value": 323800.0, "Latitude": 37.74, "Longitude": -122.43, "Population": 1159.0}, {"index": 15852, "quantile": 0.5, "value": 333100.0, "Latitude": 37.74, "Longitude": -122.43, "Population": 1159.0}, {"index": 15852, "quantile": 0.75, "value": 333100.0, "Latitude": 37.74, "Longitude": -122.43, "Population": 1159.0}, {"index": 15852, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.43, "Population": 1159.0}, {"index": 15853, "quantile": 0.0, "value": 183400.0, "Latitude": 37.74, "Longitude": -122.43, "Population": 724.0}, {"index": 15853, "quantile": 0.25, "value": 298900.0, "Latitude": 37.74, "Longitude": -122.43, "Population": 724.0}, {"index": 15853, "quantile": 0.5, "value": 371500.0, "Latitude": 37.74, "Longitude": -122.43, "Population": 724.0}, {"index": 15853, "quantile": 0.75, "value": 410500.00000000006, "Latitude": 37.74, "Longitude": -122.43, "Population": 724.0}, {"index": 15853, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.43, "Population": 724.0}, {"index": 15854, "quantile": 0.0, "value": 144000.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 494.0}, {"index": 15854, "quantile": 0.25, "value": 298900.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 494.0}, {"index": 15854, "quantile": 0.5, "value": 298900.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 494.0}, {"index": 15854, "quantile": 0.75, "value": 298900.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 494.0}, {"index": 15854, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.43, "Population": 494.0}, {"index": 15855, "quantile": 0.0, "value": 204000.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 461.0}, {"index": 15855, "quantile": 0.25, "value": 290375.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 461.0}, {"index": 15855, "quantile": 0.5, "value": 338800.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 461.0}, {"index": 15855, "quantile": 0.75, "value": 380400.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 461.0}, {"index": 15855, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.43, "Population": 461.0}, {"index": 15856, "quantile": 0.0, "value": 37900.0, "Latitude": 37.76, "Longitude": -122.38, "Population": 124.0}, {"index": 15856, "quantile": 0.25, "value": 274800.0, "Latitude": 37.76, "Longitude": -122.38, "Population": 124.0}, {"index": 15856, "quantile": 0.5, "value": 450000.0, "Latitude": 37.76, "Longitude": -122.38, "Population": 124.0}, {"index": 15856, "quantile": 0.75, "value": 450000.0, "Latitude": 37.76, "Longitude": -122.38, "Population": 124.0}, {"index": 15856, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.76, "Longitude": -122.38, "Population": 124.0}, {"index": 15857, "quantile": 0.0, "value": 93800.0, "Latitude": 37.76, "Longitude": -122.39, "Population": 410.0}, {"index": 15857, "quantile": 0.25, "value": 208300.00000000003, "Latitude": 37.76, "Longitude": -122.39, "Population": 410.0}, {"index": 15857, "quantile": 0.5, "value": 208300.00000000003, "Latitude": 37.76, "Longitude": -122.39, "Population": 410.0}, {"index": 15857, "quantile": 0.75, "value": 240899.99999999997, "Latitude": 37.76, "Longitude": -122.39, "Population": 410.0}, {"index": 15857, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.39, "Population": 410.0}, {"index": 15858, "quantile": 0.0, "value": 67500.0, "Latitude": 37.76, "Longitude": -122.39, "Population": 88.0}, {"index": 15858, "quantile": 0.25, "value": 162500.0, "Latitude": 37.76, "Longitude": -122.39, "Population": 88.0}, {"index": 15858, "quantile": 0.5, "value": 162500.0, "Latitude": 37.76, "Longitude": -122.39, "Population": 88.0}, {"index": 15858, "quantile": 0.75, "value": 232174.99999999997, "Latitude": 37.76, "Longitude": -122.39, "Population": 88.0}, {"index": 15858, "quantile": 1.0, "value": 353600.0, "Latitude": 37.76, "Longitude": -122.39, "Population": 88.0}, {"index": 15859, "quantile": 0.0, "value": 275000.0, "Latitude": 37.76, "Longitude": -122.39, "Population": 712.0}, {"index": 15859, "quantile": 0.25, "value": 290900.0, "Latitude": 37.76, "Longitude": -122.39, "Population": 712.0}, {"index": 15859, "quantile": 0.5, "value": 290900.0, "Latitude": 37.76, "Longitude": -122.39, "Population": 712.0}, {"index": 15859, "quantile": 0.75, "value": 357100.0, "Latitude": 37.76, "Longitude": -122.39, "Population": 712.0}, {"index": 15859, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.39, "Population": 712.0}, {"index": 15860, "quantile": 0.0, "value": 212200.0, "Latitude": 37.76, "Longitude": -122.39, "Population": 1047.0}, {"index": 15860, "quantile": 0.25, "value": 321600.0, "Latitude": 37.76, "Longitude": -122.39, "Population": 1047.0}, {"index": 15860, "quantile": 0.5, "value": 321600.0, "Latitude": 37.76, "Longitude": -122.39, "Population": 1047.0}, {"index": 15860, "quantile": 0.75, "value": 321850.0, "Latitude": 37.76, "Longitude": -122.39, "Population": 1047.0}, {"index": 15860, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.39, "Population": 1047.0}, {"index": 15861, "quantile": 0.0, "value": 135100.0, "Latitude": 37.76, "Longitude": -122.39, "Population": 1645.0}, {"index": 15861, "quantile": 0.25, "value": 248100.0, "Latitude": 37.76, "Longitude": -122.39, "Population": 1645.0}, {"index": 15861, "quantile": 0.5, "value": 253700.0, "Latitude": 37.76, "Longitude": -122.39, "Population": 1645.0}, {"index": 15861, "quantile": 0.75, "value": 253700.0, "Latitude": 37.76, "Longitude": -122.39, "Population": 1645.0}, {"index": 15861, "quantile": 1.0, "value": 500000.0, "Latitude": 37.76, "Longitude": -122.39, "Population": 1645.0}, {"index": 15862, "quantile": 0.0, "value": 121400.0, "Latitude": 37.75, "Longitude": -122.4, "Population": 3269.0}, {"index": 15862, "quantile": 0.25, "value": 211800.0, "Latitude": 37.75, "Longitude": -122.4, "Population": 3269.0}, {"index": 15862, "quantile": 0.5, "value": 263650.0, "Latitude": 37.75, "Longitude": -122.4, "Population": 3269.0}, {"index": 15862, "quantile": 0.75, "value": 295975.0, "Latitude": 37.75, "Longitude": -122.4, "Population": 3269.0}, {"index": 15862, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.4, "Population": 3269.0}, {"index": 15863, "quantile": 0.0, "value": 225000.0, "Latitude": 37.76, "Longitude": -122.4, "Population": 1555.0}, {"index": 15863, "quantile": 0.25, "value": 320000.0, "Latitude": 37.76, "Longitude": -122.4, "Population": 1555.0}, {"index": 15863, "quantile": 0.5, "value": 369450.0, "Latitude": 37.76, "Longitude": -122.4, "Population": 1555.0}, {"index": 15863, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.4, "Population": 1555.0}, {"index": 15863, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.4, "Population": 1555.0}, {"index": 15864, "quantile": 0.0, "value": 229700.00000000003, "Latitude": 37.76, "Longitude": -122.4, "Population": 506.0}, {"index": 15864, "quantile": 0.25, "value": 320000.0, "Latitude": 37.76, "Longitude": -122.4, "Population": 506.0}, {"index": 15864, "quantile": 0.5, "value": 320000.0, "Latitude": 37.76, "Longitude": -122.4, "Population": 506.0}, {"index": 15864, "quantile": 0.75, "value": 320000.0, "Latitude": 37.76, "Longitude": -122.4, "Population": 506.0}, {"index": 15864, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.4, "Population": 506.0}, {"index": 15865, "quantile": 0.0, "value": 277300.0, "Latitude": 37.76, "Longitude": -122.4, "Population": 480.0}, {"index": 15865, "quantile": 0.25, "value": 277300.0, "Latitude": 37.76, "Longitude": -122.4, "Population": 480.0}, {"index": 15865, "quantile": 0.5, "value": 277300.0, "Latitude": 37.76, "Longitude": -122.4, "Population": 480.0}, {"index": 15865, "quantile": 0.75, "value": 332500.0, "Latitude": 37.76, "Longitude": -122.4, "Population": 480.0}, {"index": 15865, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.4, "Population": 480.0}, {"index": 15866, "quantile": 0.0, "value": 85000.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 620.0}, {"index": 15866, "quantile": 0.25, "value": 249000.00000000003, "Latitude": 37.76, "Longitude": -122.41, "Population": 620.0}, {"index": 15866, "quantile": 0.5, "value": 262500.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 620.0}, {"index": 15866, "quantile": 0.75, "value": 262500.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 620.0}, {"index": 15866, "quantile": 1.0, "value": 450000.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 620.0}, {"index": 15867, "quantile": 0.0, "value": 107600.0, "Latitude": 37.76, "Longitude": -122.4, "Population": 1347.0}, {"index": 15867, "quantile": 0.25, "value": 239100.0, "Latitude": 37.76, "Longitude": -122.4, "Population": 1347.0}, {"index": 15867, "quantile": 0.5, "value": 239100.0, "Latitude": 37.76, "Longitude": -122.4, "Population": 1347.0}, {"index": 15867, "quantile": 0.75, "value": 239100.0, "Latitude": 37.76, "Longitude": -122.4, "Population": 1347.0}, {"index": 15867, "quantile": 1.0, "value": 360700.0, "Latitude": 37.76, "Longitude": -122.4, "Population": 1347.0}, {"index": 15868, "quantile": 0.0, "value": 164400.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 2987.0}, {"index": 15868, "quantile": 0.25, "value": 260300.00000000003, "Latitude": 37.76, "Longitude": -122.41, "Population": 2987.0}, {"index": 15868, "quantile": 0.5, "value": 260300.00000000003, "Latitude": 37.76, "Longitude": -122.41, "Population": 2987.0}, {"index": 15868, "quantile": 0.75, "value": 260300.00000000003, "Latitude": 37.76, "Longitude": -122.41, "Population": 2987.0}, {"index": 15868, "quantile": 1.0, "value": 360700.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 2987.0}, {"index": 15869, "quantile": 0.0, "value": 201300.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 1726.0}, {"index": 15869, "quantile": 0.25, "value": 253900.00000000003, "Latitude": 37.76, "Longitude": -122.41, "Population": 1726.0}, {"index": 15869, "quantile": 0.5, "value": 254700.00000000003, "Latitude": 37.76, "Longitude": -122.41, "Population": 1726.0}, {"index": 15869, "quantile": 0.75, "value": 265875.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 1726.0}, {"index": 15869, "quantile": 1.0, "value": 418400.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 1726.0}, {"index": 15870, "quantile": 0.0, "value": 137800.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 316.0}, {"index": 15870, "quantile": 0.25, "value": 225000.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 316.0}, {"index": 15870, "quantile": 0.5, "value": 225000.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 316.0}, {"index": 15870, "quantile": 0.75, "value": 260975.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 316.0}, {"index": 15870, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.41, "Population": 316.0}, {"index": 15871, "quantile": 0.0, "value": 88800.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 308.0}, {"index": 15871, "quantile": 0.25, "value": 259050.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 308.0}, {"index": 15871, "quantile": 0.5, "value": 325000.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 308.0}, {"index": 15871, "quantile": 0.75, "value": 325000.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 308.0}, {"index": 15871, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.41, "Population": 308.0}, {"index": 15872, "quantile": 0.0, "value": 206300.00000000003, "Latitude": 37.76, "Longitude": -122.41, "Population": 1816.0}, {"index": 15872, "quantile": 0.25, "value": 255300.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 1816.0}, {"index": 15872, "quantile": 0.5, "value": 300000.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 1816.0}, {"index": 15872, "quantile": 0.75, "value": 300000.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 1816.0}, {"index": 15872, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.41, "Population": 1816.0}, {"index": 15873, "quantile": 0.0, "value": 192300.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 2071.0}, {"index": 15873, "quantile": 0.25, "value": 265000.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 2071.0}, {"index": 15873, "quantile": 0.5, "value": 265000.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 2071.0}, {"index": 15873, "quantile": 0.75, "value": 265000.0, "Latitude": 37.76, "Longitude": -122.41, "Population": 2071.0}, {"index": 15873, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.41, "Population": 2071.0}, {"index": 15874, "quantile": 0.0, "value": 71300.0, "Latitude": 37.75, "Longitude": -122.4, "Population": 1029.0}, {"index": 15874, "quantile": 0.25, "value": 138800.0, "Latitude": 37.75, "Longitude": -122.4, "Population": 1029.0}, {"index": 15874, "quantile": 0.5, "value": 185950.0, "Latitude": 37.75, "Longitude": -122.4, "Population": 1029.0}, {"index": 15874, "quantile": 0.75, "value": 229000.0, "Latitude": 37.75, "Longitude": -122.4, "Population": 1029.0}, {"index": 15874, "quantile": 1.0, "value": 275000.0, "Latitude": 37.75, "Longitude": -122.4, "Population": 1029.0}, {"index": 15875, "quantile": 0.0, "value": 134700.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 837.0}, {"index": 15875, "quantile": 0.25, "value": 229000.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 837.0}, {"index": 15875, "quantile": 0.5, "value": 229000.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 837.0}, {"index": 15875, "quantile": 0.75, "value": 229000.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 837.0}, {"index": 15875, "quantile": 1.0, "value": 307100.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 837.0}, {"index": 15876, "quantile": 0.0, "value": 215300.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1483.0}, {"index": 15876, "quantile": 0.25, "value": 253900.00000000003, "Latitude": 37.75, "Longitude": -122.41, "Population": 1483.0}, {"index": 15876, "quantile": 0.5, "value": 253900.00000000003, "Latitude": 37.75, "Longitude": -122.41, "Population": 1483.0}, {"index": 15876, "quantile": 0.75, "value": 253900.00000000003, "Latitude": 37.75, "Longitude": -122.41, "Population": 1483.0}, {"index": 15876, "quantile": 1.0, "value": 300000.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1483.0}, {"index": 15877, "quantile": 0.0, "value": 164400.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1442.0}, {"index": 15877, "quantile": 0.25, "value": 225000.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1442.0}, {"index": 15877, "quantile": 0.5, "value": 250999.99999999997, "Latitude": 37.75, "Longitude": -122.41, "Population": 1442.0}, {"index": 15877, "quantile": 0.75, "value": 266675.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1442.0}, {"index": 15877, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.41, "Population": 1442.0}, {"index": 15878, "quantile": 0.0, "value": 193800.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1220.0}, {"index": 15878, "quantile": 0.25, "value": 255300.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1220.0}, {"index": 15878, "quantile": 0.5, "value": 255300.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1220.0}, {"index": 15878, "quantile": 0.75, "value": 255300.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1220.0}, {"index": 15878, "quantile": 1.0, "value": 475000.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1220.0}, {"index": 15879, "quantile": 0.0, "value": 48300.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 2034.0}, {"index": 15879, "quantile": 0.25, "value": 178100.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 2034.0}, {"index": 15879, "quantile": 0.5, "value": 178100.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 2034.0}, {"index": 15879, "quantile": 0.75, "value": 207925.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 2034.0}, {"index": 15879, "quantile": 1.0, "value": 364300.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 2034.0}, {"index": 15880, "quantile": 0.0, "value": 139700.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1932.0}, {"index": 15880, "quantile": 0.25, "value": 236100.00000000003, "Latitude": 37.75, "Longitude": -122.41, "Population": 1932.0}, {"index": 15880, "quantile": 0.5, "value": 236100.00000000003, "Latitude": 37.75, "Longitude": -122.41, "Population": 1932.0}, {"index": 15880, "quantile": 0.75, "value": 236100.00000000003, "Latitude": 37.75, "Longitude": -122.41, "Population": 1932.0}, {"index": 15880, "quantile": 1.0, "value": 450000.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1932.0}, {"index": 15881, "quantile": 0.0, "value": 58099.99999999999, "Latitude": 37.75, "Longitude": -122.41, "Population": 1176.0}, {"index": 15881, "quantile": 0.25, "value": 206300.00000000003, "Latitude": 37.75, "Longitude": -122.41, "Population": 1176.0}, {"index": 15881, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 37.75, "Longitude": -122.41, "Population": 1176.0}, {"index": 15881, "quantile": 0.75, "value": 206300.00000000003, "Latitude": 37.75, "Longitude": -122.41, "Population": 1176.0}, {"index": 15881, "quantile": 1.0, "value": 412500.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1176.0}, {"index": 15882, "quantile": 0.0, "value": 73500.0, "Latitude": 37.74, "Longitude": -122.39, "Population": 2147.0}, {"index": 15882, "quantile": 0.25, "value": 200999.99999999997, "Latitude": 37.74, "Longitude": -122.39, "Population": 2147.0}, {"index": 15882, "quantile": 0.5, "value": 200999.99999999997, "Latitude": 37.74, "Longitude": -122.39, "Population": 2147.0}, {"index": 15882, "quantile": 0.75, "value": 203700.0, "Latitude": 37.74, "Longitude": -122.39, "Population": 2147.0}, {"index": 15882, "quantile": 1.0, "value": 371400.0, "Latitude": 37.74, "Longitude": -122.39, "Population": 2147.0}, {"index": 15883, "quantile": 0.0, "value": 139900.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 3134.0}, {"index": 15883, "quantile": 0.25, "value": 215300.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 3134.0}, {"index": 15883, "quantile": 0.5, "value": 229000.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 3134.0}, {"index": 15883, "quantile": 0.75, "value": 264800.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 3134.0}, {"index": 15883, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 37.73, "Longitude": -122.39, "Population": 3134.0}, {"index": 15884, "quantile": 0.0, "value": 95600.0, "Latitude": 37.73, "Longitude": -122.4, "Population": 2337.0}, {"index": 15884, "quantile": 0.25, "value": 225400.0, "Latitude": 37.73, "Longitude": -122.4, "Population": 2337.0}, {"index": 15884, "quantile": 0.5, "value": 225400.0, "Latitude": 37.73, "Longitude": -122.4, "Population": 2337.0}, {"index": 15884, "quantile": 0.75, "value": 225400.0, "Latitude": 37.73, "Longitude": -122.4, "Population": 2337.0}, {"index": 15884, "quantile": 1.0, "value": 402900.0, "Latitude": 37.73, "Longitude": -122.4, "Population": 2337.0}, {"index": 15885, "quantile": 0.0, "value": 179900.0, "Latitude": 37.74, "Longitude": -122.4, "Population": 1587.0}, {"index": 15885, "quantile": 0.25, "value": 211800.0, "Latitude": 37.74, "Longitude": -122.4, "Population": 1587.0}, {"index": 15885, "quantile": 0.5, "value": 211800.0, "Latitude": 37.74, "Longitude": -122.4, "Population": 1587.0}, {"index": 15885, "quantile": 0.75, "value": 226100.0, "Latitude": 37.74, "Longitude": -122.4, "Population": 1587.0}, {"index": 15885, "quantile": 1.0, "value": 350800.0, "Latitude": 37.74, "Longitude": -122.4, "Population": 1587.0}, {"index": 15886, "quantile": 0.0, "value": 69100.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 2722.0}, {"index": 15886, "quantile": 0.25, "value": 181300.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 2722.0}, {"index": 15886, "quantile": 0.5, "value": 193800.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 2722.0}, {"index": 15886, "quantile": 0.75, "value": 206300.00000000003, "Latitude": 37.73, "Longitude": -122.38, "Population": 2722.0}, {"index": 15886, "quantile": 1.0, "value": 450000.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 2722.0}, {"index": 15887, "quantile": 0.0, "value": 69100.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 4737.0}, {"index": 15887, "quantile": 0.25, "value": 203399.99999999997, "Latitude": 37.73, "Longitude": -122.38, "Population": 4737.0}, {"index": 15887, "quantile": 0.5, "value": 203399.99999999997, "Latitude": 37.73, "Longitude": -122.38, "Population": 4737.0}, {"index": 15887, "quantile": 0.75, "value": 203399.99999999997, "Latitude": 37.73, "Longitude": -122.38, "Population": 4737.0}, {"index": 15887, "quantile": 1.0, "value": 364300.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 4737.0}, {"index": 15888, "quantile": 0.0, "value": 86500.0, "Latitude": 37.74, "Longitude": -122.39, "Population": 924.0}, {"index": 15888, "quantile": 0.25, "value": 193800.0, "Latitude": 37.74, "Longitude": -122.39, "Population": 924.0}, {"index": 15888, "quantile": 0.5, "value": 195100.0, "Latitude": 37.74, "Longitude": -122.39, "Population": 924.0}, {"index": 15888, "quantile": 0.75, "value": 195100.0, "Latitude": 37.74, "Longitude": -122.39, "Population": 924.0}, {"index": 15888, "quantile": 1.0, "value": 273100.0, "Latitude": 37.74, "Longitude": -122.39, "Population": 924.0}, {"index": 15889, "quantile": 0.0, "value": 22500.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 55.0}, {"index": 15889, "quantile": 0.25, "value": 162300.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 55.0}, {"index": 15889, "quantile": 0.5, "value": 200000.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 55.0}, {"index": 15889, "quantile": 0.75, "value": 225425.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 55.0}, {"index": 15889, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.38, "Population": 55.0}, {"index": 15890, "quantile": 0.0, "value": 88800.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 259.0}, {"index": 15890, "quantile": 0.25, "value": 192000.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 259.0}, {"index": 15890, "quantile": 0.5, "value": 195100.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 259.0}, {"index": 15890, "quantile": 0.75, "value": 239299.99999999997, "Latitude": 37.73, "Longitude": -122.38, "Population": 259.0}, {"index": 15890, "quantile": 1.0, "value": 450000.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 259.0}, {"index": 15891, "quantile": 0.0, "value": 82800.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 871.0}, {"index": 15891, "quantile": 0.25, "value": 193800.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 871.0}, {"index": 15891, "quantile": 0.5, "value": 193800.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 871.0}, {"index": 15891, "quantile": 0.75, "value": 195100.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 871.0}, {"index": 15891, "quantile": 1.0, "value": 450000.0, "Latitude": 37.73, "Longitude": -122.38, "Population": 871.0}, {"index": 15892, "quantile": 0.0, "value": 78800.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 879.0}, {"index": 15892, "quantile": 0.25, "value": 195100.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 879.0}, {"index": 15892, "quantile": 0.5, "value": 195100.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 879.0}, {"index": 15892, "quantile": 0.75, "value": 195100.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 879.0}, {"index": 15892, "quantile": 1.0, "value": 275000.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 879.0}, {"index": 15893, "quantile": 0.0, "value": 81300.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 1025.0}, {"index": 15893, "quantile": 0.25, "value": 192000.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 1025.0}, {"index": 15893, "quantile": 0.5, "value": 192000.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 1025.0}, {"index": 15893, "quantile": 0.75, "value": 192000.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 1025.0}, {"index": 15893, "quantile": 1.0, "value": 291300.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 1025.0}, {"index": 15894, "quantile": 0.0, "value": 160000.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 567.0}, {"index": 15894, "quantile": 0.25, "value": 189000.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 567.0}, {"index": 15894, "quantile": 0.5, "value": 189000.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 567.0}, {"index": 15894, "quantile": 0.75, "value": 195600.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 567.0}, {"index": 15894, "quantile": 1.0, "value": 372200.0, "Latitude": 37.73, "Longitude": -122.39, "Population": 567.0}, {"index": 15895, "quantile": 0.0, "value": 55400.00000000001, "Latitude": 37.73, "Longitude": -122.4, "Population": 1115.0}, {"index": 15895, "quantile": 0.25, "value": 193800.0, "Latitude": 37.73, "Longitude": -122.4, "Population": 1115.0}, {"index": 15895, "quantile": 0.5, "value": 233150.0, "Latitude": 37.73, "Longitude": -122.4, "Population": 1115.0}, {"index": 15895, "quantile": 0.75, "value": 256124.99999999997, "Latitude": 37.73, "Longitude": -122.4, "Population": 1115.0}, {"index": 15895, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.73, "Longitude": -122.4, "Population": 1115.0}, {"index": 15896, "quantile": 0.0, "value": 80400.0, "Latitude": 37.72, "Longitude": -122.39, "Population": 1064.0}, {"index": 15896, "quantile": 0.25, "value": 203500.0, "Latitude": 37.72, "Longitude": -122.39, "Population": 1064.0}, {"index": 15896, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 37.72, "Longitude": -122.39, "Population": 1064.0}, {"index": 15896, "quantile": 0.75, "value": 206300.00000000003, "Latitude": 37.72, "Longitude": -122.39, "Population": 1064.0}, {"index": 15896, "quantile": 1.0, "value": 262500.0, "Latitude": 37.72, "Longitude": -122.39, "Population": 1064.0}, {"index": 15897, "quantile": 0.0, "value": 109500.0, "Latitude": 37.72, "Longitude": -122.39, "Population": 1923.0}, {"index": 15897, "quantile": 0.25, "value": 192300.0, "Latitude": 37.72, "Longitude": -122.39, "Population": 1923.0}, {"index": 15897, "quantile": 0.5, "value": 192300.0, "Latitude": 37.72, "Longitude": -122.39, "Population": 1923.0}, {"index": 15897, "quantile": 0.75, "value": 216050.0, "Latitude": 37.72, "Longitude": -122.39, "Population": 1923.0}, {"index": 15897, "quantile": 1.0, "value": 286500.0, "Latitude": 37.72, "Longitude": -122.39, "Population": 1923.0}, {"index": 15898, "quantile": 0.0, "value": 155700.0, "Latitude": 37.72, "Longitude": -122.39, "Population": 93.0}, {"index": 15898, "quantile": 0.25, "value": 181300.0, "Latitude": 37.72, "Longitude": -122.39, "Population": 93.0}, {"index": 15898, "quantile": 0.5, "value": 181300.0, "Latitude": 37.72, "Longitude": -122.39, "Population": 93.0}, {"index": 15898, "quantile": 0.75, "value": 212500.0, "Latitude": 37.72, "Longitude": -122.39, "Population": 93.0}, {"index": 15898, "quantile": 1.0, "value": 450000.0, "Latitude": 37.72, "Longitude": -122.39, "Population": 93.0}, {"index": 15899, "quantile": 0.0, "value": 88800.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1405.0}, {"index": 15899, "quantile": 0.25, "value": 275900.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1405.0}, {"index": 15899, "quantile": 0.5, "value": 275900.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1405.0}, {"index": 15899, "quantile": 0.75, "value": 284900.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1405.0}, {"index": 15899, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.41, "Population": 1405.0}, {"index": 15900, "quantile": 0.0, "value": 165400.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 928.0}, {"index": 15900, "quantile": 0.25, "value": 239600.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 928.0}, {"index": 15900, "quantile": 0.5, "value": 270150.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 928.0}, {"index": 15900, "quantile": 0.75, "value": 292500.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 928.0}, {"index": 15900, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 37.74, "Longitude": -122.41, "Population": 928.0}, {"index": 15901, "quantile": 0.0, "value": 174100.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 839.0}, {"index": 15901, "quantile": 0.25, "value": 255200.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 839.0}, {"index": 15901, "quantile": 0.5, "value": 255200.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 839.0}, {"index": 15901, "quantile": 0.75, "value": 255200.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 839.0}, {"index": 15901, "quantile": 1.0, "value": 350000.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 839.0}, {"index": 15902, "quantile": 0.0, "value": 151200.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1430.0}, {"index": 15902, "quantile": 0.25, "value": 254700.00000000003, "Latitude": 37.75, "Longitude": -122.41, "Population": 1430.0}, {"index": 15902, "quantile": 0.5, "value": 254700.00000000003, "Latitude": 37.75, "Longitude": -122.41, "Population": 1430.0}, {"index": 15902, "quantile": 0.75, "value": 254700.00000000003, "Latitude": 37.75, "Longitude": -122.41, "Population": 1430.0}, {"index": 15902, "quantile": 1.0, "value": 317600.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1430.0}, {"index": 15903, "quantile": 0.0, "value": 191400.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1209.0}, {"index": 15903, "quantile": 0.25, "value": 284900.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1209.0}, {"index": 15903, "quantile": 0.5, "value": 284900.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1209.0}, {"index": 15903, "quantile": 0.75, "value": 284900.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1209.0}, {"index": 15903, "quantile": 1.0, "value": 433800.0, "Latitude": 37.75, "Longitude": -122.41, "Population": 1209.0}, {"index": 15904, "quantile": 0.0, "value": 37500.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 148.0}, {"index": 15904, "quantile": 0.25, "value": 235700.00000000003, "Latitude": 37.74, "Longitude": -122.41, "Population": 148.0}, {"index": 15904, "quantile": 0.5, "value": 284900.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 148.0}, {"index": 15904, "quantile": 0.75, "value": 350000.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 148.0}, {"index": 15904, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.41, "Population": 148.0}, {"index": 15905, "quantile": 0.0, "value": 75000.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 415.0}, {"index": 15905, "quantile": 0.25, "value": 249000.00000000003, "Latitude": 37.74, "Longitude": -122.41, "Population": 415.0}, {"index": 15905, "quantile": 0.5, "value": 249000.00000000003, "Latitude": 37.74, "Longitude": -122.41, "Population": 415.0}, {"index": 15905, "quantile": 0.75, "value": 249000.00000000003, "Latitude": 37.74, "Longitude": -122.41, "Population": 415.0}, {"index": 15905, "quantile": 1.0, "value": 450000.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 415.0}, {"index": 15906, "quantile": 0.0, "value": 183600.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 1032.0}, {"index": 15906, "quantile": 0.25, "value": 250800.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 1032.0}, {"index": 15906, "quantile": 0.5, "value": 250800.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 1032.0}, {"index": 15906, "quantile": 0.75, "value": 262475.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 1032.0}, {"index": 15906, "quantile": 1.0, "value": 444500.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 1032.0}, {"index": 15907, "quantile": 0.0, "value": 206199.99999999997, "Latitude": 37.74, "Longitude": -122.42, "Population": 999.0}, {"index": 15907, "quantile": 0.25, "value": 286400.00000000006, "Latitude": 37.74, "Longitude": -122.42, "Population": 999.0}, {"index": 15907, "quantile": 0.5, "value": 355600.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 999.0}, {"index": 15907, "quantile": 0.75, "value": 410799.99999999994, "Latitude": 37.74, "Longitude": -122.42, "Population": 999.0}, {"index": 15907, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.42, "Population": 999.0}, {"index": 15908, "quantile": 0.0, "value": 139100.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 889.0}, {"index": 15908, "quantile": 0.25, "value": 279900.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 889.0}, {"index": 15908, "quantile": 0.5, "value": 279900.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 889.0}, {"index": 15908, "quantile": 0.75, "value": 348875.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 889.0}, {"index": 15908, "quantile": 1.0, "value": 500000.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 889.0}, {"index": 15909, "quantile": 0.0, "value": 139100.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 734.0}, {"index": 15909, "quantile": 0.25, "value": 281300.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 734.0}, {"index": 15909, "quantile": 0.5, "value": 281300.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 734.0}, {"index": 15909, "quantile": 0.75, "value": 281300.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 734.0}, {"index": 15909, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.42, "Population": 734.0}, {"index": 15910, "quantile": 0.0, "value": 98700.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 1076.0}, {"index": 15910, "quantile": 0.25, "value": 228000.00000000003, "Latitude": 37.74, "Longitude": -122.42, "Population": 1076.0}, {"index": 15910, "quantile": 0.5, "value": 242499.99999999997, "Latitude": 37.74, "Longitude": -122.42, "Population": 1076.0}, {"index": 15910, "quantile": 0.75, "value": 275000.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 1076.0}, {"index": 15910, "quantile": 1.0, "value": 350000.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 1076.0}, {"index": 15911, "quantile": 0.0, "value": 201300.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1447.0}, {"index": 15911, "quantile": 0.25, "value": 275000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1447.0}, {"index": 15911, "quantile": 0.5, "value": 275000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1447.0}, {"index": 15911, "quantile": 0.75, "value": 275000.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1447.0}, {"index": 15911, "quantile": 1.0, "value": 422400.0, "Latitude": 37.75, "Longitude": -122.42, "Population": 1447.0}, {"index": 15912, "quantile": 0.0, "value": 150800.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 935.0}, {"index": 15912, "quantile": 0.25, "value": 240899.99999999997, "Latitude": 37.74, "Longitude": -122.41, "Population": 935.0}, {"index": 15912, "quantile": 0.5, "value": 240899.99999999997, "Latitude": 37.74, "Longitude": -122.41, "Population": 935.0}, {"index": 15912, "quantile": 0.75, "value": 268850.00000000006, "Latitude": 37.74, "Longitude": -122.41, "Population": 935.0}, {"index": 15912, "quantile": 1.0, "value": 390000.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 935.0}, {"index": 15913, "quantile": 0.0, "value": 180400.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 1178.0}, {"index": 15913, "quantile": 0.25, "value": 229599.99999999997, "Latitude": 37.74, "Longitude": -122.41, "Population": 1178.0}, {"index": 15913, "quantile": 0.5, "value": 229599.99999999997, "Latitude": 37.74, "Longitude": -122.41, "Population": 1178.0}, {"index": 15913, "quantile": 0.75, "value": 235500.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 1178.0}, {"index": 15913, "quantile": 1.0, "value": 308500.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 1178.0}, {"index": 15914, "quantile": 0.0, "value": 217800.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 1208.0}, {"index": 15914, "quantile": 0.25, "value": 229999.99999999997, "Latitude": 37.74, "Longitude": -122.41, "Population": 1208.0}, {"index": 15914, "quantile": 0.5, "value": 229999.99999999997, "Latitude": 37.74, "Longitude": -122.41, "Population": 1208.0}, {"index": 15914, "quantile": 0.75, "value": 247700.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 1208.0}, {"index": 15914, "quantile": 1.0, "value": 335000.0, "Latitude": 37.74, "Longitude": -122.41, "Population": 1208.0}, {"index": 15915, "quantile": 0.0, "value": 179900.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 2261.0}, {"index": 15915, "quantile": 0.25, "value": 241275.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 2261.0}, {"index": 15915, "quantile": 0.5, "value": 246400.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 2261.0}, {"index": 15915, "quantile": 0.75, "value": 246400.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 2261.0}, {"index": 15915, "quantile": 1.0, "value": 350800.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 2261.0}, {"index": 15916, "quantile": 0.0, "value": 183300.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 973.0}, {"index": 15916, "quantile": 0.25, "value": 240899.99999999997, "Latitude": 37.74, "Longitude": -122.42, "Population": 973.0}, {"index": 15916, "quantile": 0.5, "value": 240899.99999999997, "Latitude": 37.74, "Longitude": -122.42, "Population": 973.0}, {"index": 15916, "quantile": 0.75, "value": 240899.99999999997, "Latitude": 37.74, "Longitude": -122.42, "Population": 973.0}, {"index": 15916, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.42, "Population": 973.0}, {"index": 15917, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 37.74, "Longitude": -122.42, "Population": 1438.0}, {"index": 15917, "quantile": 0.25, "value": 245425.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 1438.0}, {"index": 15917, "quantile": 0.5, "value": 258599.99999999997, "Latitude": 37.74, "Longitude": -122.42, "Population": 1438.0}, {"index": 15917, "quantile": 0.75, "value": 258599.99999999997, "Latitude": 37.74, "Longitude": -122.42, "Population": 1438.0}, {"index": 15917, "quantile": 1.0, "value": 375000.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 1438.0}, {"index": 15918, "quantile": 0.0, "value": 204199.99999999997, "Latitude": 37.74, "Longitude": -122.42, "Population": 1136.0}, {"index": 15918, "quantile": 0.25, "value": 227725.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 1136.0}, {"index": 15918, "quantile": 0.5, "value": 262850.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 1136.0}, {"index": 15918, "quantile": 0.75, "value": 267200.0, "Latitude": 37.74, "Longitude": -122.42, "Population": 1136.0}, {"index": 15918, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.42, "Population": 1136.0}, {"index": 15919, "quantile": 0.0, "value": 192300.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 1765.0}, {"index": 15919, "quantile": 0.25, "value": 264100.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 1765.0}, {"index": 15919, "quantile": 0.5, "value": 292300.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 1765.0}, {"index": 15919, "quantile": 0.75, "value": 292300.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 1765.0}, {"index": 15919, "quantile": 1.0, "value": 300000.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 1765.0}, {"index": 15920, "quantile": 0.0, "value": 212900.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 935.0}, {"index": 15920, "quantile": 0.25, "value": 263200.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 935.0}, {"index": 15920, "quantile": 0.5, "value": 263200.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 935.0}, {"index": 15920, "quantile": 0.75, "value": 263200.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 935.0}, {"index": 15920, "quantile": 1.0, "value": 337800.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 935.0}, {"index": 15921, "quantile": 0.0, "value": 223700.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 1008.0}, {"index": 15921, "quantile": 0.25, "value": 264000.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 1008.0}, {"index": 15921, "quantile": 0.5, "value": 264000.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 1008.0}, {"index": 15921, "quantile": 0.75, "value": 264000.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 1008.0}, {"index": 15921, "quantile": 1.0, "value": 268500.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 1008.0}, {"index": 15922, "quantile": 0.0, "value": 189000.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 729.0}, {"index": 15922, "quantile": 0.25, "value": 241725.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 729.0}, {"index": 15922, "quantile": 0.5, "value": 261400.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 729.0}, {"index": 15922, "quantile": 0.75, "value": 271300.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 729.0}, {"index": 15922, "quantile": 1.0, "value": 500000.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 729.0}, {"index": 15923, "quantile": 0.0, "value": 192300.0, "Latitude": 37.72, "Longitude": -122.43, "Population": 782.0}, {"index": 15923, "quantile": 0.25, "value": 253650.00000000003, "Latitude": 37.72, "Longitude": -122.43, "Population": 782.0}, {"index": 15923, "quantile": 0.5, "value": 259800.0, "Latitude": 37.72, "Longitude": -122.43, "Population": 782.0}, {"index": 15923, "quantile": 0.75, "value": 259800.0, "Latitude": 37.72, "Longitude": -122.43, "Population": 782.0}, {"index": 15923, "quantile": 1.0, "value": 273600.0, "Latitude": 37.72, "Longitude": -122.43, "Population": 782.0}, {"index": 15924, "quantile": 0.0, "value": 200000.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1102.0}, {"index": 15924, "quantile": 0.25, "value": 266500.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1102.0}, {"index": 15924, "quantile": 0.5, "value": 267200.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1102.0}, {"index": 15924, "quantile": 0.75, "value": 267200.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1102.0}, {"index": 15924, "quantile": 1.0, "value": 331300.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1102.0}, {"index": 15925, "quantile": 0.0, "value": 164400.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 1485.0}, {"index": 15925, "quantile": 0.25, "value": 240899.99999999997, "Latitude": 37.73, "Longitude": -122.44, "Population": 1485.0}, {"index": 15925, "quantile": 0.5, "value": 251649.99999999997, "Latitude": 37.73, "Longitude": -122.44, "Population": 1485.0}, {"index": 15925, "quantile": 0.75, "value": 262675.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 1485.0}, {"index": 15925, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.44, "Population": 1485.0}, {"index": 15926, "quantile": 0.0, "value": 156900.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 587.0}, {"index": 15926, "quantile": 0.25, "value": 261050.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 587.0}, {"index": 15926, "quantile": 0.5, "value": 261900.00000000003, "Latitude": 37.73, "Longitude": -122.44, "Population": 587.0}, {"index": 15926, "quantile": 0.75, "value": 261900.00000000003, "Latitude": 37.73, "Longitude": -122.44, "Population": 587.0}, {"index": 15926, "quantile": 1.0, "value": 500000.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 587.0}, {"index": 15927, "quantile": 0.0, "value": 131300.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 1534.0}, {"index": 15927, "quantile": 0.25, "value": 229400.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 1534.0}, {"index": 15927, "quantile": 0.5, "value": 229400.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 1534.0}, {"index": 15927, "quantile": 0.75, "value": 240899.99999999997, "Latitude": 37.73, "Longitude": -122.42, "Population": 1534.0}, {"index": 15927, "quantile": 1.0, "value": 275700.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 1534.0}, {"index": 15928, "quantile": 0.0, "value": 177200.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 1055.0}, {"index": 15928, "quantile": 0.25, "value": 254500.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 1055.0}, {"index": 15928, "quantile": 0.5, "value": 255200.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 1055.0}, {"index": 15928, "quantile": 0.75, "value": 277000.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 1055.0}, {"index": 15928, "quantile": 1.0, "value": 350000.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 1055.0}, {"index": 15929, "quantile": 0.0, "value": 190400.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 988.0}, {"index": 15929, "quantile": 0.25, "value": 254500.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 988.0}, {"index": 15929, "quantile": 0.5, "value": 254500.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 988.0}, {"index": 15929, "quantile": 0.75, "value": 254674.99999999997, "Latitude": 37.73, "Longitude": -122.42, "Population": 988.0}, {"index": 15929, "quantile": 1.0, "value": 350000.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 988.0}, {"index": 15930, "quantile": 0.0, "value": 199000.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 1337.0}, {"index": 15930, "quantile": 0.25, "value": 240899.99999999997, "Latitude": 37.73, "Longitude": -122.43, "Population": 1337.0}, {"index": 15930, "quantile": 0.5, "value": 240899.99999999997, "Latitude": 37.73, "Longitude": -122.43, "Population": 1337.0}, {"index": 15930, "quantile": 0.75, "value": 260000.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 1337.0}, {"index": 15930, "quantile": 1.0, "value": 457800.00000000006, "Latitude": 37.73, "Longitude": -122.43, "Population": 1337.0}, {"index": 15931, "quantile": 0.0, "value": 121600.0, "Latitude": 37.73, "Longitude": -122.41, "Population": 1703.0}, {"index": 15931, "quantile": 0.25, "value": 230200.0, "Latitude": 37.73, "Longitude": -122.41, "Population": 1703.0}, {"index": 15931, "quantile": 0.5, "value": 230200.0, "Latitude": 37.73, "Longitude": -122.41, "Population": 1703.0}, {"index": 15931, "quantile": 0.75, "value": 230200.0, "Latitude": 37.73, "Longitude": -122.41, "Population": 1703.0}, {"index": 15931, "quantile": 1.0, "value": 276200.0, "Latitude": 37.73, "Longitude": -122.41, "Population": 1703.0}, {"index": 15932, "quantile": 0.0, "value": 107300.0, "Latitude": 37.73, "Longitude": -122.4, "Population": 1170.0}, {"index": 15932, "quantile": 0.25, "value": 238700.0, "Latitude": 37.73, "Longitude": -122.4, "Population": 1170.0}, {"index": 15932, "quantile": 0.5, "value": 238700.0, "Latitude": 37.73, "Longitude": -122.4, "Population": 1170.0}, {"index": 15932, "quantile": 0.75, "value": 238700.0, "Latitude": 37.73, "Longitude": -122.4, "Population": 1170.0}, {"index": 15932, "quantile": 1.0, "value": 292600.0, "Latitude": 37.73, "Longitude": -122.4, "Population": 1170.0}, {"index": 15933, "quantile": 0.0, "value": 195100.0, "Latitude": 37.73, "Longitude": -122.4, "Population": 1027.0}, {"index": 15933, "quantile": 0.25, "value": 233000.0, "Latitude": 37.73, "Longitude": -122.4, "Population": 1027.0}, {"index": 15933, "quantile": 0.5, "value": 233000.0, "Latitude": 37.73, "Longitude": -122.4, "Population": 1027.0}, {"index": 15933, "quantile": 0.75, "value": 233000.0, "Latitude": 37.73, "Longitude": -122.4, "Population": 1027.0}, {"index": 15933, "quantile": 1.0, "value": 475000.0, "Latitude": 37.73, "Longitude": -122.4, "Population": 1027.0}, {"index": 15934, "quantile": 0.0, "value": 166400.0, "Latitude": 37.73, "Longitude": -122.41, "Population": 1092.0}, {"index": 15934, "quantile": 0.25, "value": 237025.0, "Latitude": 37.73, "Longitude": -122.41, "Population": 1092.0}, {"index": 15934, "quantile": 0.5, "value": 247700.0, "Latitude": 37.73, "Longitude": -122.41, "Population": 1092.0}, {"index": 15934, "quantile": 0.75, "value": 260000.0, "Latitude": 37.73, "Longitude": -122.41, "Population": 1092.0}, {"index": 15934, "quantile": 1.0, "value": 308500.0, "Latitude": 37.73, "Longitude": -122.41, "Population": 1092.0}, {"index": 15935, "quantile": 0.0, "value": 156500.0, "Latitude": 37.73, "Longitude": -122.41, "Population": 1168.0}, {"index": 15935, "quantile": 0.25, "value": 223000.0, "Latitude": 37.73, "Longitude": -122.41, "Population": 1168.0}, {"index": 15935, "quantile": 0.5, "value": 236200.0, "Latitude": 37.73, "Longitude": -122.41, "Population": 1168.0}, {"index": 15935, "quantile": 0.75, "value": 254500.0, "Latitude": 37.73, "Longitude": -122.41, "Population": 1168.0}, {"index": 15935, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.73, "Longitude": -122.41, "Population": 1168.0}, {"index": 15936, "quantile": 0.0, "value": 215200.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 998.0}, {"index": 15936, "quantile": 0.25, "value": 240349.99999999997, "Latitude": 37.73, "Longitude": -122.42, "Population": 998.0}, {"index": 15936, "quantile": 0.5, "value": 264000.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 998.0}, {"index": 15936, "quantile": 0.75, "value": 264000.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 998.0}, {"index": 15936, "quantile": 1.0, "value": 342300.0, "Latitude": 37.73, "Longitude": -122.42, "Population": 998.0}, {"index": 15937, "quantile": 0.0, "value": 156700.0, "Latitude": 37.72, "Longitude": -122.4, "Population": 1119.0}, {"index": 15937, "quantile": 0.25, "value": 219400.0, "Latitude": 37.72, "Longitude": -122.4, "Population": 1119.0}, {"index": 15937, "quantile": 0.5, "value": 219400.0, "Latitude": 37.72, "Longitude": -122.4, "Population": 1119.0}, {"index": 15937, "quantile": 0.75, "value": 219499.99999999997, "Latitude": 37.72, "Longitude": -122.4, "Population": 1119.0}, {"index": 15937, "quantile": 1.0, "value": 267300.0, "Latitude": 37.72, "Longitude": -122.4, "Population": 1119.0}, {"index": 15938, "quantile": 0.0, "value": 97700.0, "Latitude": 37.72, "Longitude": -122.4, "Population": 647.0}, {"index": 15938, "quantile": 0.25, "value": 195100.0, "Latitude": 37.72, "Longitude": -122.4, "Population": 647.0}, {"index": 15938, "quantile": 0.5, "value": 239299.99999999997, "Latitude": 37.72, "Longitude": -122.4, "Population": 647.0}, {"index": 15938, "quantile": 0.75, "value": 239299.99999999997, "Latitude": 37.72, "Longitude": -122.4, "Population": 647.0}, {"index": 15938, "quantile": 1.0, "value": 262500.0, "Latitude": 37.72, "Longitude": -122.4, "Population": 647.0}, {"index": 15939, "quantile": 0.0, "value": 94300.0, "Latitude": 37.73, "Longitude": -122.41, "Population": 1682.0}, {"index": 15939, "quantile": 0.25, "value": 255574.99999999997, "Latitude": 37.73, "Longitude": -122.41, "Population": 1682.0}, {"index": 15939, "quantile": 0.5, "value": 276200.0, "Latitude": 37.73, "Longitude": -122.41, "Population": 1682.0}, {"index": 15939, "quantile": 0.75, "value": 276200.0, "Latitude": 37.73, "Longitude": -122.41, "Population": 1682.0}, {"index": 15939, "quantile": 1.0, "value": 278400.0, "Latitude": 37.73, "Longitude": -122.41, "Population": 1682.0}, {"index": 15940, "quantile": 0.0, "value": 186000.0, "Latitude": 37.72, "Longitude": -122.41, "Population": 1225.0}, {"index": 15940, "quantile": 0.25, "value": 242899.99999999997, "Latitude": 37.72, "Longitude": -122.41, "Population": 1225.0}, {"index": 15940, "quantile": 0.5, "value": 242899.99999999997, "Latitude": 37.72, "Longitude": -122.41, "Population": 1225.0}, {"index": 15940, "quantile": 0.75, "value": 255475.00000000003, "Latitude": 37.72, "Longitude": -122.41, "Population": 1225.0}, {"index": 15940, "quantile": 1.0, "value": 350000.0, "Latitude": 37.72, "Longitude": -122.41, "Population": 1225.0}, {"index": 15941, "quantile": 0.0, "value": 172200.0, "Latitude": 37.72, "Longitude": -122.41, "Population": 904.0}, {"index": 15941, "quantile": 0.25, "value": 236200.0, "Latitude": 37.72, "Longitude": -122.41, "Population": 904.0}, {"index": 15941, "quantile": 0.5, "value": 236200.0, "Latitude": 37.72, "Longitude": -122.41, "Population": 904.0}, {"index": 15941, "quantile": 0.75, "value": 236200.0, "Latitude": 37.72, "Longitude": -122.41, "Population": 904.0}, {"index": 15941, "quantile": 1.0, "value": 304500.0, "Latitude": 37.72, "Longitude": -122.41, "Population": 904.0}, {"index": 15942, "quantile": 0.0, "value": 131300.0, "Latitude": 37.72, "Longitude": -122.42, "Population": 1789.0}, {"index": 15942, "quantile": 0.25, "value": 244700.0, "Latitude": 37.72, "Longitude": -122.42, "Population": 1789.0}, {"index": 15942, "quantile": 0.5, "value": 244700.0, "Latitude": 37.72, "Longitude": -122.42, "Population": 1789.0}, {"index": 15942, "quantile": 0.75, "value": 244700.0, "Latitude": 37.72, "Longitude": -122.42, "Population": 1789.0}, {"index": 15942, "quantile": 1.0, "value": 319100.0, "Latitude": 37.72, "Longitude": -122.42, "Population": 1789.0}, {"index": 15943, "quantile": 0.0, "value": 192300.0, "Latitude": 37.72, "Longitude": -122.43, "Population": 1989.0}, {"index": 15943, "quantile": 0.25, "value": 252599.99999999997, "Latitude": 37.72, "Longitude": -122.43, "Population": 1989.0}, {"index": 15943, "quantile": 0.5, "value": 252599.99999999997, "Latitude": 37.72, "Longitude": -122.43, "Population": 1989.0}, {"index": 15943, "quantile": 0.75, "value": 252599.99999999997, "Latitude": 37.72, "Longitude": -122.43, "Population": 1989.0}, {"index": 15943, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -122.43, "Population": 1989.0}, {"index": 15944, "quantile": 0.0, "value": 192300.0, "Latitude": 37.72, "Longitude": -122.43, "Population": 2363.0}, {"index": 15944, "quantile": 0.25, "value": 252599.99999999997, "Latitude": 37.72, "Longitude": -122.43, "Population": 2363.0}, {"index": 15944, "quantile": 0.5, "value": 254000.0, "Latitude": 37.72, "Longitude": -122.43, "Population": 2363.0}, {"index": 15944, "quantile": 0.75, "value": 254000.0, "Latitude": 37.72, "Longitude": -122.43, "Population": 2363.0}, {"index": 15944, "quantile": 1.0, "value": 402900.0, "Latitude": 37.72, "Longitude": -122.43, "Population": 2363.0}, {"index": 15945, "quantile": 0.0, "value": 219499.99999999997, "Latitude": 37.72, "Longitude": -122.43, "Population": 1583.0}, {"index": 15945, "quantile": 0.25, "value": 250500.0, "Latitude": 37.72, "Longitude": -122.43, "Population": 1583.0}, {"index": 15945, "quantile": 0.5, "value": 250500.0, "Latitude": 37.72, "Longitude": -122.43, "Population": 1583.0}, {"index": 15945, "quantile": 0.75, "value": 252475.0, "Latitude": 37.72, "Longitude": -122.43, "Population": 1583.0}, {"index": 15945, "quantile": 1.0, "value": 268500.0, "Latitude": 37.72, "Longitude": -122.43, "Population": 1583.0}, {"index": 15946, "quantile": 0.0, "value": 192300.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1769.0}, {"index": 15946, "quantile": 0.25, "value": 252000.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1769.0}, {"index": 15946, "quantile": 0.5, "value": 252000.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1769.0}, {"index": 15946, "quantile": 0.75, "value": 252000.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1769.0}, {"index": 15946, "quantile": 1.0, "value": 300000.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1769.0}, {"index": 15947, "quantile": 0.0, "value": 156600.0, "Latitude": 37.72, "Longitude": -122.43, "Population": 2101.0}, {"index": 15947, "quantile": 0.25, "value": 242000.0, "Latitude": 37.72, "Longitude": -122.43, "Population": 2101.0}, {"index": 15947, "quantile": 0.5, "value": 242000.0, "Latitude": 37.72, "Longitude": -122.43, "Population": 2101.0}, {"index": 15947, "quantile": 0.75, "value": 242000.0, "Latitude": 37.72, "Longitude": -122.43, "Population": 2101.0}, {"index": 15947, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.72, "Longitude": -122.43, "Population": 2101.0}, {"index": 15948, "quantile": 0.0, "value": 228600.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 2270.0}, {"index": 15948, "quantile": 0.25, "value": 251799.99999999997, "Latitude": 37.73, "Longitude": -122.43, "Population": 2270.0}, {"index": 15948, "quantile": 0.5, "value": 251799.99999999997, "Latitude": 37.73, "Longitude": -122.43, "Population": 2270.0}, {"index": 15948, "quantile": 0.75, "value": 251799.99999999997, "Latitude": 37.73, "Longitude": -122.43, "Population": 2270.0}, {"index": 15948, "quantile": 1.0, "value": 402900.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 2270.0}, {"index": 15949, "quantile": 0.0, "value": 72500.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 1463.0}, {"index": 15949, "quantile": 0.25, "value": 222600.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 1463.0}, {"index": 15949, "quantile": 0.5, "value": 222600.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 1463.0}, {"index": 15949, "quantile": 0.75, "value": 250500.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 1463.0}, {"index": 15949, "quantile": 1.0, "value": 418400.0, "Latitude": 37.73, "Longitude": -122.43, "Population": 1463.0}, {"index": 15950, "quantile": 0.0, "value": 215300.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1173.0}, {"index": 15950, "quantile": 0.25, "value": 238000.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1173.0}, {"index": 15950, "quantile": 0.5, "value": 265000.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1173.0}, {"index": 15950, "quantile": 0.75, "value": 265000.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1173.0}, {"index": 15950, "quantile": 1.0, "value": 275000.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1173.0}, {"index": 15951, "quantile": 0.0, "value": 219400.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1773.0}, {"index": 15951, "quantile": 0.25, "value": 252000.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1773.0}, {"index": 15951, "quantile": 0.5, "value": 268500.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1773.0}, {"index": 15951, "quantile": 0.75, "value": 268500.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1773.0}, {"index": 15951, "quantile": 1.0, "value": 275700.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 1773.0}, {"index": 15952, "quantile": 0.0, "value": 164400.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 890.0}, {"index": 15952, "quantile": 0.25, "value": 244099.99999999997, "Latitude": 37.72, "Longitude": -122.45, "Population": 890.0}, {"index": 15952, "quantile": 0.5, "value": 261800.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 890.0}, {"index": 15952, "quantile": 0.75, "value": 261800.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 890.0}, {"index": 15952, "quantile": 1.0, "value": 333600.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 890.0}, {"index": 15953, "quantile": 0.0, "value": 222600.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 847.0}, {"index": 15953, "quantile": 0.25, "value": 253425.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 847.0}, {"index": 15953, "quantile": 0.5, "value": 260000.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 847.0}, {"index": 15953, "quantile": 0.75, "value": 260000.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 847.0}, {"index": 15953, "quantile": 1.0, "value": 275000.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 847.0}, {"index": 15954, "quantile": 0.0, "value": 93900.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 1562.0}, {"index": 15954, "quantile": 0.25, "value": 225000.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 1562.0}, {"index": 15954, "quantile": 0.5, "value": 240899.99999999997, "Latitude": 37.71, "Longitude": -122.45, "Population": 1562.0}, {"index": 15954, "quantile": 0.75, "value": 261600.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 1562.0}, {"index": 15954, "quantile": 1.0, "value": 317600.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 1562.0}, {"index": 15955, "quantile": 0.0, "value": 217800.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 1086.0}, {"index": 15955, "quantile": 0.25, "value": 247700.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 1086.0}, {"index": 15955, "quantile": 0.5, "value": 261600.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 1086.0}, {"index": 15955, "quantile": 0.75, "value": 261600.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 1086.0}, {"index": 15955, "quantile": 1.0, "value": 440900.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 1086.0}, {"index": 15956, "quantile": 0.0, "value": 180900.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 1159.0}, {"index": 15956, "quantile": 0.25, "value": 243600.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 1159.0}, {"index": 15956, "quantile": 0.5, "value": 243600.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 1159.0}, {"index": 15956, "quantile": 0.75, "value": 243600.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 1159.0}, {"index": 15956, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.71, "Longitude": -122.45, "Population": 1159.0}, {"index": 15957, "quantile": 0.0, "value": 174000.0, "Latitude": 37.71, "Longitude": -122.46, "Population": 1425.0}, {"index": 15957, "quantile": 0.25, "value": 233700.00000000003, "Latitude": 37.71, "Longitude": -122.46, "Population": 1425.0}, {"index": 15957, "quantile": 0.5, "value": 246200.00000000003, "Latitude": 37.71, "Longitude": -122.46, "Population": 1425.0}, {"index": 15957, "quantile": 0.75, "value": 246200.00000000003, "Latitude": 37.71, "Longitude": -122.46, "Population": 1425.0}, {"index": 15957, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -122.46, "Population": 1425.0}, {"index": 15958, "quantile": 0.0, "value": 201700.0, "Latitude": 37.71, "Longitude": -122.46, "Population": 1102.0}, {"index": 15958, "quantile": 0.25, "value": 231599.99999999997, "Latitude": 37.71, "Longitude": -122.46, "Population": 1102.0}, {"index": 15958, "quantile": 0.5, "value": 231599.99999999997, "Latitude": 37.71, "Longitude": -122.46, "Population": 1102.0}, {"index": 15958, "quantile": 0.75, "value": 236575.00000000003, "Latitude": 37.71, "Longitude": -122.46, "Population": 1102.0}, {"index": 15958, "quantile": 1.0, "value": 296600.0, "Latitude": 37.71, "Longitude": -122.46, "Population": 1102.0}, {"index": 15959, "quantile": 0.0, "value": 160200.0, "Latitude": 37.71, "Longitude": -122.43, "Population": 1633.0}, {"index": 15959, "quantile": 0.25, "value": 242899.99999999997, "Latitude": 37.71, "Longitude": -122.43, "Population": 1633.0}, {"index": 15959, "quantile": 0.5, "value": 254500.0, "Latitude": 37.71, "Longitude": -122.43, "Population": 1633.0}, {"index": 15959, "quantile": 0.75, "value": 275950.0, "Latitude": 37.71, "Longitude": -122.43, "Population": 1633.0}, {"index": 15959, "quantile": 1.0, "value": 402900.0, "Latitude": 37.71, "Longitude": -122.43, "Population": 1633.0}, {"index": 15960, "quantile": 0.0, "value": 204199.99999999997, "Latitude": 37.71, "Longitude": -122.43, "Population": 1138.0}, {"index": 15960, "quantile": 0.25, "value": 260000.0, "Latitude": 37.71, "Longitude": -122.43, "Population": 1138.0}, {"index": 15960, "quantile": 0.5, "value": 266500.0, "Latitude": 37.71, "Longitude": -122.43, "Population": 1138.0}, {"index": 15960, "quantile": 0.75, "value": 266500.0, "Latitude": 37.71, "Longitude": -122.43, "Population": 1138.0}, {"index": 15960, "quantile": 1.0, "value": 268500.0, "Latitude": 37.71, "Longitude": -122.43, "Population": 1138.0}, {"index": 15961, "quantile": 0.0, "value": 161600.0, "Latitude": 37.71, "Longitude": -122.43, "Population": 879.0}, {"index": 15961, "quantile": 0.25, "value": 229999.99999999997, "Latitude": 37.71, "Longitude": -122.43, "Population": 879.0}, {"index": 15961, "quantile": 0.5, "value": 247700.0, "Latitude": 37.71, "Longitude": -122.43, "Population": 879.0}, {"index": 15961, "quantile": 0.75, "value": 265000.0, "Latitude": 37.71, "Longitude": -122.43, "Population": 879.0}, {"index": 15961, "quantile": 1.0, "value": 402900.0, "Latitude": 37.71, "Longitude": -122.43, "Population": 879.0}, {"index": 15962, "quantile": 0.0, "value": 229999.99999999997, "Latitude": 37.72, "Longitude": -122.44, "Population": 929.0}, {"index": 15962, "quantile": 0.25, "value": 247700.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 929.0}, {"index": 15962, "quantile": 0.5, "value": 247700.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 929.0}, {"index": 15962, "quantile": 0.75, "value": 252000.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 929.0}, {"index": 15962, "quantile": 1.0, "value": 268500.0, "Latitude": 37.72, "Longitude": -122.44, "Population": 929.0}, {"index": 15963, "quantile": 0.0, "value": 204199.99999999997, "Latitude": 37.71, "Longitude": -122.44, "Population": 1848.0}, {"index": 15963, "quantile": 0.25, "value": 251500.0, "Latitude": 37.71, "Longitude": -122.44, "Population": 1848.0}, {"index": 15963, "quantile": 0.5, "value": 251500.0, "Latitude": 37.71, "Longitude": -122.44, "Population": 1848.0}, {"index": 15963, "quantile": 0.75, "value": 251575.00000000003, "Latitude": 37.71, "Longitude": -122.44, "Population": 1848.0}, {"index": 15963, "quantile": 1.0, "value": 365600.0, "Latitude": 37.71, "Longitude": -122.44, "Population": 1848.0}, {"index": 15964, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 37.71, "Longitude": -122.44, "Population": 895.0}, {"index": 15964, "quantile": 0.25, "value": 248900.0, "Latitude": 37.71, "Longitude": -122.44, "Population": 895.0}, {"index": 15964, "quantile": 0.5, "value": 248900.0, "Latitude": 37.71, "Longitude": -122.44, "Population": 895.0}, {"index": 15964, "quantile": 0.75, "value": 262700.0, "Latitude": 37.71, "Longitude": -122.44, "Population": 895.0}, {"index": 15964, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -122.44, "Population": 895.0}, {"index": 15965, "quantile": 0.0, "value": 166700.0, "Latitude": 37.71, "Longitude": -122.44, "Population": 1524.0}, {"index": 15965, "quantile": 0.25, "value": 264100.0, "Latitude": 37.71, "Longitude": -122.44, "Population": 1524.0}, {"index": 15965, "quantile": 0.5, "value": 264100.0, "Latitude": 37.71, "Longitude": -122.44, "Population": 1524.0}, {"index": 15965, "quantile": 0.75, "value": 264750.0, "Latitude": 37.71, "Longitude": -122.44, "Population": 1524.0}, {"index": 15965, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -122.44, "Population": 1524.0}, {"index": 15966, "quantile": 0.0, "value": 137500.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 2204.0}, {"index": 15966, "quantile": 0.25, "value": 243600.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 2204.0}, {"index": 15966, "quantile": 0.5, "value": 250999.99999999997, "Latitude": 37.71, "Longitude": -122.45, "Population": 2204.0}, {"index": 15966, "quantile": 0.75, "value": 250999.99999999997, "Latitude": 37.71, "Longitude": -122.45, "Population": 2204.0}, {"index": 15966, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.71, "Longitude": -122.45, "Population": 2204.0}, {"index": 15967, "quantile": 0.0, "value": 98200.0, "Latitude": 37.72, "Longitude": -122.4, "Population": 1434.0}, {"index": 15967, "quantile": 0.25, "value": 212500.0, "Latitude": 37.72, "Longitude": -122.4, "Population": 1434.0}, {"index": 15967, "quantile": 0.5, "value": 231999.99999999997, "Latitude": 37.72, "Longitude": -122.4, "Population": 1434.0}, {"index": 15967, "quantile": 0.75, "value": 242000.0, "Latitude": 37.72, "Longitude": -122.4, "Population": 1434.0}, {"index": 15967, "quantile": 1.0, "value": 356300.0, "Latitude": 37.72, "Longitude": -122.4, "Population": 1434.0}, {"index": 15968, "quantile": 0.0, "value": 72500.0, "Latitude": 37.71, "Longitude": -122.4, "Population": 1411.0}, {"index": 15968, "quantile": 0.25, "value": 238000.0, "Latitude": 37.71, "Longitude": -122.4, "Population": 1411.0}, {"index": 15968, "quantile": 0.5, "value": 238000.0, "Latitude": 37.71, "Longitude": -122.4, "Population": 1411.0}, {"index": 15968, "quantile": 0.75, "value": 238725.0, "Latitude": 37.71, "Longitude": -122.4, "Population": 1411.0}, {"index": 15968, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.71, "Longitude": -122.4, "Population": 1411.0}, {"index": 15969, "quantile": 0.0, "value": 213899.99999999997, "Latitude": 37.71, "Longitude": -122.41, "Population": 1697.0}, {"index": 15969, "quantile": 0.25, "value": 226300.0, "Latitude": 37.71, "Longitude": -122.41, "Population": 1697.0}, {"index": 15969, "quantile": 0.5, "value": 226300.0, "Latitude": 37.71, "Longitude": -122.41, "Population": 1697.0}, {"index": 15969, "quantile": 0.75, "value": 226300.0, "Latitude": 37.71, "Longitude": -122.41, "Population": 1697.0}, {"index": 15969, "quantile": 1.0, "value": 261600.0, "Latitude": 37.71, "Longitude": -122.41, "Population": 1697.0}, {"index": 15970, "quantile": 0.0, "value": 181900.0, "Latitude": 37.71, "Longitude": -122.41, "Population": 3900.0}, {"index": 15970, "quantile": 0.25, "value": 181900.0, "Latitude": 37.71, "Longitude": -122.41, "Population": 3900.0}, {"index": 15970, "quantile": 0.5, "value": 181900.0, "Latitude": 37.71, "Longitude": -122.41, "Population": 3900.0}, {"index": 15970, "quantile": 0.75, "value": 206300.00000000003, "Latitude": 37.71, "Longitude": -122.41, "Population": 3900.0}, {"index": 15970, "quantile": 1.0, "value": 350000.0, "Latitude": 37.71, "Longitude": -122.41, "Population": 3900.0}, {"index": 15971, "quantile": 0.0, "value": 173400.0, "Latitude": 37.71, "Longitude": -122.41, "Population": 1738.0}, {"index": 15971, "quantile": 0.25, "value": 213899.99999999997, "Latitude": 37.71, "Longitude": -122.41, "Population": 1738.0}, {"index": 15971, "quantile": 0.5, "value": 213899.99999999997, "Latitude": 37.71, "Longitude": -122.41, "Population": 1738.0}, {"index": 15971, "quantile": 0.75, "value": 226300.0, "Latitude": 37.71, "Longitude": -122.41, "Population": 1738.0}, {"index": 15971, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 37.71, "Longitude": -122.41, "Population": 1738.0}, {"index": 15972, "quantile": 0.0, "value": 215300.0, "Latitude": 37.71, "Longitude": -122.41, "Population": 1615.0}, {"index": 15972, "quantile": 0.25, "value": 217800.0, "Latitude": 37.71, "Longitude": -122.41, "Population": 1615.0}, {"index": 15972, "quantile": 0.5, "value": 217800.0, "Latitude": 37.71, "Longitude": -122.41, "Population": 1615.0}, {"index": 15972, "quantile": 0.75, "value": 217800.0, "Latitude": 37.71, "Longitude": -122.41, "Population": 1615.0}, {"index": 15972, "quantile": 1.0, "value": 275000.0, "Latitude": 37.71, "Longitude": -122.41, "Population": 1615.0}, {"index": 15973, "quantile": 0.0, "value": 141900.0, "Latitude": 37.72, "Longitude": -122.4, "Population": 1528.0}, {"index": 15973, "quantile": 0.25, "value": 218299.99999999997, "Latitude": 37.72, "Longitude": -122.4, "Population": 1528.0}, {"index": 15973, "quantile": 0.5, "value": 218299.99999999997, "Latitude": 37.72, "Longitude": -122.4, "Population": 1528.0}, {"index": 15973, "quantile": 0.75, "value": 218425.0, "Latitude": 37.72, "Longitude": -122.4, "Population": 1528.0}, {"index": 15973, "quantile": 1.0, "value": 276200.0, "Latitude": 37.72, "Longitude": -122.4, "Population": 1528.0}, {"index": 15974, "quantile": 0.0, "value": 150800.0, "Latitude": 37.72, "Longitude": -122.4, "Population": 953.0}, {"index": 15974, "quantile": 0.25, "value": 219400.0, "Latitude": 37.72, "Longitude": -122.4, "Population": 953.0}, {"index": 15974, "quantile": 0.5, "value": 219449.99999999997, "Latitude": 37.72, "Longitude": -122.4, "Population": 953.0}, {"index": 15974, "quantile": 0.75, "value": 229400.0, "Latitude": 37.72, "Longitude": -122.4, "Population": 953.0}, {"index": 15974, "quantile": 1.0, "value": 303900.0, "Latitude": 37.72, "Longitude": -122.4, "Population": 953.0}, {"index": 15975, "quantile": 0.0, "value": 268800.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1330.0}, {"index": 15975, "quantile": 0.25, "value": 373750.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1330.0}, {"index": 15975, "quantile": 0.5, "value": 420000.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1330.0}, {"index": 15975, "quantile": 0.75, "value": 500000.0, "Latitude": 37.77, "Longitude": -122.45, "Population": 1330.0}, {"index": 15975, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.45, "Population": 1330.0}, {"index": 15976, "quantile": 0.0, "value": 281300.0, "Latitude": 37.76, "Longitude": -122.46, "Population": 1186.0}, {"index": 15976, "quantile": 0.25, "value": 414300.0, "Latitude": 37.76, "Longitude": -122.46, "Population": 1186.0}, {"index": 15976, "quantile": 0.5, "value": 414300.0, "Latitude": 37.76, "Longitude": -122.46, "Population": 1186.0}, {"index": 15976, "quantile": 0.75, "value": 414300.0, "Latitude": 37.76, "Longitude": -122.46, "Population": 1186.0}, {"index": 15976, "quantile": 1.0, "value": 458300.0, "Latitude": 37.76, "Longitude": -122.46, "Population": 1186.0}, {"index": 15977, "quantile": 0.0, "value": 228799.99999999997, "Latitude": 37.77, "Longitude": -122.46, "Population": 799.0}, {"index": 15977, "quantile": 0.25, "value": 435700.0, "Latitude": 37.77, "Longitude": -122.46, "Population": 799.0}, {"index": 15977, "quantile": 0.5, "value": 435700.0, "Latitude": 37.77, "Longitude": -122.46, "Population": 799.0}, {"index": 15977, "quantile": 0.75, "value": 435700.0, "Latitude": 37.77, "Longitude": -122.46, "Population": 799.0}, {"index": 15977, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.46, "Population": 799.0}, {"index": 15978, "quantile": 0.0, "value": 208300.00000000003, "Latitude": 37.76, "Longitude": -122.46, "Population": 948.0}, {"index": 15978, "quantile": 0.25, "value": 330025.0, "Latitude": 37.76, "Longitude": -122.46, "Population": 948.0}, {"index": 15978, "quantile": 0.5, "value": 390000.0, "Latitude": 37.76, "Longitude": -122.46, "Population": 948.0}, {"index": 15978, "quantile": 0.75, "value": 390000.0, "Latitude": 37.76, "Longitude": -122.46, "Population": 948.0}, {"index": 15978, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.46, "Population": 948.0}, {"index": 15979, "quantile": 0.0, "value": 268800.0, "Latitude": 37.76, "Longitude": -122.45, "Population": 2659.0}, {"index": 15979, "quantile": 0.25, "value": 393525.0, "Latitude": 37.76, "Longitude": -122.45, "Population": 2659.0}, {"index": 15979, "quantile": 0.5, "value": 500000.0, "Latitude": 37.76, "Longitude": -122.45, "Population": 2659.0}, {"index": 15979, "quantile": 0.75, "value": 500000.0, "Latitude": 37.76, "Longitude": -122.45, "Population": 2659.0}, {"index": 15979, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.45, "Population": 2659.0}, {"index": 15980, "quantile": 0.0, "value": 284600.0, "Latitude": 37.76, "Longitude": -122.46, "Population": 363.0}, {"index": 15980, "quantile": 0.25, "value": 367700.0, "Latitude": 37.76, "Longitude": -122.46, "Population": 363.0}, {"index": 15980, "quantile": 0.5, "value": 367700.0, "Latitude": 37.76, "Longitude": -122.46, "Population": 363.0}, {"index": 15980, "quantile": 0.75, "value": 372925.00000000006, "Latitude": 37.76, "Longitude": -122.46, "Population": 363.0}, {"index": 15980, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.46, "Population": 363.0}, {"index": 15981, "quantile": 0.0, "value": 187200.0, "Latitude": 37.75, "Longitude": -122.46, "Population": 954.0}, {"index": 15981, "quantile": 0.25, "value": 374200.0, "Latitude": 37.75, "Longitude": -122.46, "Population": 954.0}, {"index": 15981, "quantile": 0.5, "value": 374200.0, "Latitude": 37.75, "Longitude": -122.46, "Population": 954.0}, {"index": 15981, "quantile": 0.75, "value": 374200.0, "Latitude": 37.75, "Longitude": -122.46, "Population": 954.0}, {"index": 15981, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.46, "Population": 954.0}, {"index": 15982, "quantile": 0.0, "value": 159300.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1545.0}, {"index": 15982, "quantile": 0.25, "value": 380000.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1545.0}, {"index": 15982, "quantile": 0.5, "value": 406500.00000000006, "Latitude": 37.76, "Longitude": -122.47, "Population": 1545.0}, {"index": 15982, "quantile": 0.75, "value": 406500.00000000006, "Latitude": 37.76, "Longitude": -122.47, "Population": 1545.0}, {"index": 15982, "quantile": 1.0, "value": 500000.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1545.0}, {"index": 15983, "quantile": 0.0, "value": 193800.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1587.0}, {"index": 15983, "quantile": 0.25, "value": 359600.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1587.0}, {"index": 15983, "quantile": 0.5, "value": 359600.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1587.0}, {"index": 15983, "quantile": 0.75, "value": 359600.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1587.0}, {"index": 15983, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.47, "Population": 1587.0}, {"index": 15984, "quantile": 0.0, "value": 284900.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1396.0}, {"index": 15984, "quantile": 0.25, "value": 345700.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1396.0}, {"index": 15984, "quantile": 0.5, "value": 345700.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1396.0}, {"index": 15984, "quantile": 0.75, "value": 350000.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1396.0}, {"index": 15984, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.47, "Population": 1396.0}, {"index": 15985, "quantile": 0.0, "value": 262000.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1170.0}, {"index": 15985, "quantile": 0.25, "value": 306700.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1170.0}, {"index": 15985, "quantile": 0.5, "value": 306700.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1170.0}, {"index": 15985, "quantile": 0.75, "value": 339325.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1170.0}, {"index": 15985, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.47, "Population": 1170.0}, {"index": 15986, "quantile": 0.0, "value": 140300.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1055.0}, {"index": 15986, "quantile": 0.25, "value": 253150.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1055.0}, {"index": 15986, "quantile": 0.5, "value": 275000.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1055.0}, {"index": 15986, "quantile": 0.75, "value": 350000.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1055.0}, {"index": 15986, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.47, "Population": 1055.0}, {"index": 15987, "quantile": 0.0, "value": 187500.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1675.0}, {"index": 15987, "quantile": 0.25, "value": 333300.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1675.0}, {"index": 15987, "quantile": 0.5, "value": 370000.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1675.0}, {"index": 15987, "quantile": 0.75, "value": 457700.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1675.0}, {"index": 15987, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.47, "Population": 1675.0}, {"index": 15988, "quantile": 0.0, "value": 151200.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1886.0}, {"index": 15988, "quantile": 0.25, "value": 292300.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1886.0}, {"index": 15988, "quantile": 0.5, "value": 330400.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1886.0}, {"index": 15988, "quantile": 0.75, "value": 357000.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1886.0}, {"index": 15988, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.47, "Population": 1886.0}, {"index": 15989, "quantile": 0.0, "value": 275800.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1391.0}, {"index": 15989, "quantile": 0.25, "value": 338000.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1391.0}, {"index": 15989, "quantile": 0.5, "value": 338000.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1391.0}, {"index": 15989, "quantile": 0.75, "value": 345700.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1391.0}, {"index": 15989, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.47, "Population": 1391.0}, {"index": 15990, "quantile": 0.0, "value": 279900.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 911.0}, {"index": 15990, "quantile": 0.25, "value": 361000.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 911.0}, {"index": 15990, "quantile": 0.5, "value": 361000.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 911.0}, {"index": 15990, "quantile": 0.75, "value": 361000.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 911.0}, {"index": 15990, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.47, "Population": 911.0}, {"index": 15991, "quantile": 0.0, "value": 228799.99999999997, "Latitude": 37.75, "Longitude": -122.47, "Population": 1095.0}, {"index": 15991, "quantile": 0.25, "value": 333600.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 1095.0}, {"index": 15991, "quantile": 0.5, "value": 357000.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 1095.0}, {"index": 15991, "quantile": 0.75, "value": 357000.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 1095.0}, {"index": 15991, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.47, "Population": 1095.0}, {"index": 15992, "quantile": 0.0, "value": 183600.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 1281.0}, {"index": 15992, "quantile": 0.25, "value": 263300.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 1281.0}, {"index": 15992, "quantile": 0.5, "value": 304350.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 1281.0}, {"index": 15992, "quantile": 0.75, "value": 335700.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 1281.0}, {"index": 15992, "quantile": 1.0, "value": 484600.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 1281.0}, {"index": 15993, "quantile": 0.0, "value": 183400.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1152.0}, {"index": 15993, "quantile": 0.25, "value": 314200.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1152.0}, {"index": 15993, "quantile": 0.5, "value": 420300.00000000006, "Latitude": 37.76, "Longitude": -122.47, "Population": 1152.0}, {"index": 15993, "quantile": 0.75, "value": 420300.00000000006, "Latitude": 37.76, "Longitude": -122.47, "Population": 1152.0}, {"index": 15993, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.47, "Population": 1152.0}, {"index": 15994, "quantile": 0.0, "value": 163500.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1179.0}, {"index": 15994, "quantile": 0.25, "value": 314950.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1179.0}, {"index": 15994, "quantile": 0.5, "value": 329200.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1179.0}, {"index": 15994, "quantile": 0.75, "value": 338300.0, "Latitude": 37.76, "Longitude": -122.47, "Population": 1179.0}, {"index": 15994, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.47, "Population": 1179.0}, {"index": 15995, "quantile": 0.0, "value": 250800.0, "Latitude": 37.75, "Longitude": -122.46, "Population": 622.0}, {"index": 15995, "quantile": 0.25, "value": 398900.00000000006, "Latitude": 37.75, "Longitude": -122.46, "Population": 622.0}, {"index": 15995, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.46, "Population": 622.0}, {"index": 15995, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.46, "Population": 622.0}, {"index": 15995, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.46, "Population": 622.0}, {"index": 15996, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.46, "Population": 465.0}, {"index": 15996, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.46, "Population": 465.0}, {"index": 15996, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.46, "Population": 465.0}, {"index": 15996, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.46, "Population": 465.0}, {"index": 15996, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.46, "Population": 465.0}, {"index": 15997, "quantile": 0.0, "value": 470500.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 1090.0}, {"index": 15997, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.47, "Population": 1090.0}, {"index": 15997, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.47, "Population": 1090.0}, {"index": 15997, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.47, "Population": 1090.0}, {"index": 15997, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.47, "Population": 1090.0}, {"index": 15998, "quantile": 0.0, "value": 196900.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 1293.0}, {"index": 15998, "quantile": 0.25, "value": 336400.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 1293.0}, {"index": 15998, "quantile": 0.5, "value": 411400.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 1293.0}, {"index": 15998, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.47, "Population": 1293.0}, {"index": 15998, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.47, "Population": 1293.0}, {"index": 15999, "quantile": 0.0, "value": 212900.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 689.0}, {"index": 15999, "quantile": 0.25, "value": 328425.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 689.0}, {"index": 15999, "quantile": 0.5, "value": 356149.99999999994, "Latitude": 37.75, "Longitude": -122.47, "Population": 689.0}, {"index": 15999, "quantile": 0.75, "value": 387100.0, "Latitude": 37.75, "Longitude": -122.47, "Population": 689.0}, {"index": 15999, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.47, "Population": 689.0}, {"index": 16000, "quantile": 0.0, "value": 225000.0, "Latitude": 37.74, "Longitude": -122.47, "Population": 819.0}, {"index": 16000, "quantile": 0.25, "value": 333600.0, "Latitude": 37.74, "Longitude": -122.47, "Population": 819.0}, {"index": 16000, "quantile": 0.5, "value": 333600.0, "Latitude": 37.74, "Longitude": -122.47, "Population": 819.0}, {"index": 16000, "quantile": 0.75, "value": 333600.0, "Latitude": 37.74, "Longitude": -122.47, "Population": 819.0}, {"index": 16000, "quantile": 1.0, "value": 410799.99999999994, "Latitude": 37.74, "Longitude": -122.47, "Population": 819.0}, {"index": 16001, "quantile": 0.0, "value": 346800.0, "Latitude": 37.75, "Longitude": -122.45, "Population": 862.0}, {"index": 16001, "quantile": 0.25, "value": 349000.0, "Latitude": 37.75, "Longitude": -122.45, "Population": 862.0}, {"index": 16001, "quantile": 0.5, "value": 349000.0, "Latitude": 37.75, "Longitude": -122.45, "Population": 862.0}, {"index": 16001, "quantile": 0.75, "value": 352575.0, "Latitude": 37.75, "Longitude": -122.45, "Population": 862.0}, {"index": 16001, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.45, "Population": 862.0}, {"index": 16002, "quantile": 0.0, "value": 209400.0, "Latitude": 37.75, "Longitude": -122.45, "Population": 772.0}, {"index": 16002, "quantile": 0.25, "value": 322600.0, "Latitude": 37.75, "Longitude": -122.45, "Population": 772.0}, {"index": 16002, "quantile": 0.5, "value": 322600.0, "Latitude": 37.75, "Longitude": -122.45, "Population": 772.0}, {"index": 16002, "quantile": 0.75, "value": 349000.0, "Latitude": 37.75, "Longitude": -122.45, "Population": 772.0}, {"index": 16002, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.45, "Population": 772.0}, {"index": 16003, "quantile": 0.0, "value": 67300.0, "Latitude": 37.75, "Longitude": -122.45, "Population": 1786.0}, {"index": 16003, "quantile": 0.25, "value": 217800.0, "Latitude": 37.75, "Longitude": -122.45, "Population": 1786.0}, {"index": 16003, "quantile": 0.5, "value": 238850.0, "Latitude": 37.75, "Longitude": -122.45, "Population": 1786.0}, {"index": 16003, "quantile": 0.75, "value": 270425.0, "Latitude": 37.75, "Longitude": -122.45, "Population": 1786.0}, {"index": 16003, "quantile": 1.0, "value": 418400.0, "Latitude": 37.75, "Longitude": -122.45, "Population": 1786.0}, {"index": 16004, "quantile": 0.0, "value": 247900.0, "Latitude": 37.75, "Longitude": -122.46, "Population": 695.0}, {"index": 16004, "quantile": 0.25, "value": 394000.0, "Latitude": 37.75, "Longitude": -122.46, "Population": 695.0}, {"index": 16004, "quantile": 0.5, "value": 394000.0, "Latitude": 37.75, "Longitude": -122.46, "Population": 695.0}, {"index": 16004, "quantile": 0.75, "value": 466350.0, "Latitude": 37.75, "Longitude": -122.46, "Population": 695.0}, {"index": 16004, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.46, "Population": 695.0}, {"index": 16005, "quantile": 0.0, "value": 204199.99999999997, "Latitude": 37.74, "Longitude": -122.45, "Population": 642.0}, {"index": 16005, "quantile": 0.25, "value": 349500.0, "Latitude": 37.74, "Longitude": -122.45, "Population": 642.0}, {"index": 16005, "quantile": 0.5, "value": 349500.0, "Latitude": 37.74, "Longitude": -122.45, "Population": 642.0}, {"index": 16005, "quantile": 0.75, "value": 349500.0, "Latitude": 37.74, "Longitude": -122.45, "Population": 642.0}, {"index": 16005, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.45, "Population": 642.0}, {"index": 16006, "quantile": 0.0, "value": 339800.0, "Latitude": 37.74, "Longitude": -122.46, "Population": 707.0}, {"index": 16006, "quantile": 0.25, "value": 430999.99999999994, "Latitude": 37.74, "Longitude": -122.46, "Population": 707.0}, {"index": 16006, "quantile": 0.5, "value": 430999.99999999994, "Latitude": 37.74, "Longitude": -122.46, "Population": 707.0}, {"index": 16006, "quantile": 0.75, "value": 430999.99999999994, "Latitude": 37.74, "Longitude": -122.46, "Population": 707.0}, {"index": 16006, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.46, "Population": 707.0}, {"index": 16007, "quantile": 0.0, "value": 189800.0, "Latitude": 37.74, "Longitude": -122.45, "Population": 2535.0}, {"index": 16007, "quantile": 0.25, "value": 312800.0, "Latitude": 37.74, "Longitude": -122.45, "Population": 2535.0}, {"index": 16007, "quantile": 0.5, "value": 374200.0, "Latitude": 37.74, "Longitude": -122.45, "Population": 2535.0}, {"index": 16007, "quantile": 0.75, "value": 461200.0, "Latitude": 37.74, "Longitude": -122.45, "Population": 2535.0}, {"index": 16007, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.45, "Population": 2535.0}, {"index": 16008, "quantile": 0.0, "value": 186900.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 1488.0}, {"index": 16008, "quantile": 0.25, "value": 334450.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 1488.0}, {"index": 16008, "quantile": 0.5, "value": 367550.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 1488.0}, {"index": 16008, "quantile": 0.75, "value": 403749.99999999994, "Latitude": 37.73, "Longitude": -122.44, "Population": 1488.0}, {"index": 16008, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.44, "Population": 1488.0}, {"index": 16009, "quantile": 0.0, "value": 283900.0, "Latitude": 37.74, "Longitude": -122.45, "Population": 2263.0}, {"index": 16009, "quantile": 0.25, "value": 346800.0, "Latitude": 37.74, "Longitude": -122.45, "Population": 2263.0}, {"index": 16009, "quantile": 0.5, "value": 346800.0, "Latitude": 37.74, "Longitude": -122.45, "Population": 2263.0}, {"index": 16009, "quantile": 0.75, "value": 369475.0, "Latitude": 37.74, "Longitude": -122.45, "Population": 2263.0}, {"index": 16009, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.45, "Population": 2263.0}, {"index": 16010, "quantile": 0.0, "value": 139100.0, "Latitude": 37.74, "Longitude": -122.46, "Population": 856.0}, {"index": 16010, "quantile": 0.25, "value": 371900.0, "Latitude": 37.74, "Longitude": -122.46, "Population": 856.0}, {"index": 16010, "quantile": 0.5, "value": 416899.99999999994, "Latitude": 37.74, "Longitude": -122.46, "Population": 856.0}, {"index": 16010, "quantile": 0.75, "value": 416899.99999999994, "Latitude": 37.74, "Longitude": -122.46, "Population": 856.0}, {"index": 16010, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.46, "Population": 856.0}, {"index": 16011, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.46, "Population": 791.0}, {"index": 16011, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.46, "Population": 791.0}, {"index": 16011, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.46, "Population": 791.0}, {"index": 16011, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.46, "Population": 791.0}, {"index": 16011, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.46, "Population": 791.0}, {"index": 16012, "quantile": 0.0, "value": 329800.0, "Latitude": 37.74, "Longitude": -122.47, "Population": 735.0}, {"index": 16012, "quantile": 0.25, "value": 462725.0, "Latitude": 37.74, "Longitude": -122.47, "Population": 735.0}, {"index": 16012, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.47, "Population": 735.0}, {"index": 16012, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.47, "Population": 735.0}, {"index": 16012, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.47, "Population": 735.0}, {"index": 16013, "quantile": 0.0, "value": 287300.0, "Latitude": 37.74, "Longitude": -122.47, "Population": 1633.0}, {"index": 16013, "quantile": 0.25, "value": 363600.0, "Latitude": 37.74, "Longitude": -122.47, "Population": 1633.0}, {"index": 16013, "quantile": 0.5, "value": 363600.0, "Latitude": 37.74, "Longitude": -122.47, "Population": 1633.0}, {"index": 16013, "quantile": 0.75, "value": 363600.0, "Latitude": 37.74, "Longitude": -122.47, "Population": 1633.0}, {"index": 16013, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.47, "Population": 1633.0}, {"index": 16014, "quantile": 0.0, "value": 164400.0, "Latitude": 37.74, "Longitude": -122.47, "Population": 1605.0}, {"index": 16014, "quantile": 0.25, "value": 365600.0, "Latitude": 37.74, "Longitude": -122.47, "Population": 1605.0}, {"index": 16014, "quantile": 0.5, "value": 365600.0, "Latitude": 37.74, "Longitude": -122.47, "Population": 1605.0}, {"index": 16014, "quantile": 0.75, "value": 365600.0, "Latitude": 37.74, "Longitude": -122.47, "Population": 1605.0}, {"index": 16014, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.47, "Population": 1605.0}, {"index": 16015, "quantile": 0.0, "value": 281900.0, "Latitude": 37.73, "Longitude": -122.46, "Population": 876.0}, {"index": 16015, "quantile": 0.25, "value": 464750.0, "Latitude": 37.73, "Longitude": -122.46, "Population": 876.0}, {"index": 16015, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.46, "Population": 876.0}, {"index": 16015, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.46, "Population": 876.0}, {"index": 16015, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.46, "Population": 876.0}, {"index": 16016, "quantile": 0.0, "value": 426800.0, "Latitude": 37.73, "Longitude": -122.46, "Population": 1276.0}, {"index": 16016, "quantile": 0.25, "value": 426800.0, "Latitude": 37.73, "Longitude": -122.46, "Population": 1276.0}, {"index": 16016, "quantile": 0.5, "value": 426800.0, "Latitude": 37.73, "Longitude": -122.46, "Population": 1276.0}, {"index": 16016, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.46, "Population": 1276.0}, {"index": 16016, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.46, "Population": 1276.0}, {"index": 16017, "quantile": 0.0, "value": 220699.99999999997, "Latitude": 37.72, "Longitude": -122.46, "Population": 1115.0}, {"index": 16017, "quantile": 0.25, "value": 405199.99999999994, "Latitude": 37.72, "Longitude": -122.46, "Population": 1115.0}, {"index": 16017, "quantile": 0.5, "value": 405199.99999999994, "Latitude": 37.72, "Longitude": -122.46, "Population": 1115.0}, {"index": 16017, "quantile": 0.75, "value": 408300.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 1115.0}, {"index": 16017, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -122.46, "Population": 1115.0}, {"index": 16018, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 37.73, "Longitude": -122.47, "Population": 936.0}, {"index": 16018, "quantile": 0.25, "value": 408050.0, "Latitude": 37.73, "Longitude": -122.47, "Population": 936.0}, {"index": 16018, "quantile": 0.5, "value": 484600.0, "Latitude": 37.73, "Longitude": -122.47, "Population": 936.0}, {"index": 16018, "quantile": 0.75, "value": 484600.0, "Latitude": 37.73, "Longitude": -122.47, "Population": 936.0}, {"index": 16018, "quantile": 1.0, "value": 484600.0, "Latitude": 37.73, "Longitude": -122.47, "Population": 936.0}, {"index": 16019, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.47, "Population": 762.0}, {"index": 16019, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.47, "Population": 762.0}, {"index": 16019, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.47, "Population": 762.0}, {"index": 16019, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.47, "Population": 762.0}, {"index": 16019, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.47, "Population": 762.0}, {"index": 16020, "quantile": 0.0, "value": 392600.0, "Latitude": 37.73, "Longitude": -122.47, "Population": 641.0}, {"index": 16020, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.47, "Population": 641.0}, {"index": 16020, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.47, "Population": 641.0}, {"index": 16020, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.47, "Population": 641.0}, {"index": 16020, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.47, "Population": 641.0}, {"index": 16021, "quantile": 0.0, "value": 160100.0, "Latitude": 37.72, "Longitude": -122.47, "Population": 767.0}, {"index": 16021, "quantile": 0.25, "value": 399000.0, "Latitude": 37.72, "Longitude": -122.47, "Population": 767.0}, {"index": 16021, "quantile": 0.5, "value": 399000.0, "Latitude": 37.72, "Longitude": -122.47, "Population": 767.0}, {"index": 16021, "quantile": 0.75, "value": 399000.0, "Latitude": 37.72, "Longitude": -122.47, "Population": 767.0}, {"index": 16021, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -122.47, "Population": 767.0}, {"index": 16022, "quantile": 0.0, "value": 172200.0, "Latitude": 37.73, "Longitude": -122.46, "Population": 812.0}, {"index": 16022, "quantile": 0.25, "value": 414700.0, "Latitude": 37.73, "Longitude": -122.46, "Population": 812.0}, {"index": 16022, "quantile": 0.5, "value": 457200.0, "Latitude": 37.73, "Longitude": -122.46, "Population": 812.0}, {"index": 16022, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.46, "Population": 812.0}, {"index": 16022, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.46, "Population": 812.0}, {"index": 16023, "quantile": 0.0, "value": 140700.0, "Latitude": 37.73, "Longitude": -122.45, "Population": 1153.0}, {"index": 16023, "quantile": 0.25, "value": 335100.0, "Latitude": 37.73, "Longitude": -122.45, "Population": 1153.0}, {"index": 16023, "quantile": 0.5, "value": 335100.0, "Latitude": 37.73, "Longitude": -122.45, "Population": 1153.0}, {"index": 16023, "quantile": 0.75, "value": 335100.0, "Latitude": 37.73, "Longitude": -122.45, "Population": 1153.0}, {"index": 16023, "quantile": 1.0, "value": 484600.0, "Latitude": 37.73, "Longitude": -122.45, "Population": 1153.0}, {"index": 16024, "quantile": 0.0, "value": 110900.0, "Latitude": 37.73, "Longitude": -122.46, "Population": 1431.0}, {"index": 16024, "quantile": 0.25, "value": 250800.0, "Latitude": 37.73, "Longitude": -122.46, "Population": 1431.0}, {"index": 16024, "quantile": 0.5, "value": 292900.0, "Latitude": 37.73, "Longitude": -122.46, "Population": 1431.0}, {"index": 16024, "quantile": 0.75, "value": 342700.0, "Latitude": 37.73, "Longitude": -122.46, "Population": 1431.0}, {"index": 16024, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.46, "Population": 1431.0}, {"index": 16025, "quantile": 0.0, "value": 188300.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 970.0}, {"index": 16025, "quantile": 0.25, "value": 275500.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 970.0}, {"index": 16025, "quantile": 0.5, "value": 275500.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 970.0}, {"index": 16025, "quantile": 0.75, "value": 277650.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 970.0}, {"index": 16025, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.44, "Population": 970.0}, {"index": 16026, "quantile": 0.0, "value": 240899.99999999997, "Latitude": 37.73, "Longitude": -122.44, "Population": 1411.0}, {"index": 16026, "quantile": 0.25, "value": 261400.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 1411.0}, {"index": 16026, "quantile": 0.5, "value": 261400.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 1411.0}, {"index": 16026, "quantile": 0.75, "value": 262350.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 1411.0}, {"index": 16026, "quantile": 1.0, "value": 500000.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 1411.0}, {"index": 16027, "quantile": 0.0, "value": 73500.0, "Latitude": 37.73, "Longitude": -122.45, "Population": 752.0}, {"index": 16027, "quantile": 0.25, "value": 225000.0, "Latitude": 37.73, "Longitude": -122.45, "Population": 752.0}, {"index": 16027, "quantile": 0.5, "value": 247700.0, "Latitude": 37.73, "Longitude": -122.45, "Population": 752.0}, {"index": 16027, "quantile": 0.75, "value": 265000.0, "Latitude": 37.73, "Longitude": -122.45, "Population": 752.0}, {"index": 16027, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.73, "Longitude": -122.45, "Population": 752.0}, {"index": 16028, "quantile": 0.0, "value": 214100.0, "Latitude": 37.73, "Longitude": -122.45, "Population": 1193.0}, {"index": 16028, "quantile": 0.25, "value": 264200.0, "Latitude": 37.73, "Longitude": -122.45, "Population": 1193.0}, {"index": 16028, "quantile": 0.5, "value": 264200.0, "Latitude": 37.73, "Longitude": -122.45, "Population": 1193.0}, {"index": 16028, "quantile": 0.75, "value": 264200.0, "Latitude": 37.73, "Longitude": -122.45, "Population": 1193.0}, {"index": 16028, "quantile": 1.0, "value": 358000.0, "Latitude": 37.73, "Longitude": -122.45, "Population": 1193.0}, {"index": 16029, "quantile": 0.0, "value": 247000.00000000003, "Latitude": 37.73, "Longitude": -122.44, "Population": 1670.0}, {"index": 16029, "quantile": 0.25, "value": 269200.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 1670.0}, {"index": 16029, "quantile": 0.5, "value": 269200.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 1670.0}, {"index": 16029, "quantile": 0.75, "value": 283425.0, "Latitude": 37.73, "Longitude": -122.44, "Population": 1670.0}, {"index": 16029, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.44, "Population": 1670.0}, {"index": 16030, "quantile": 0.0, "value": 204199.99999999997, "Latitude": 37.72, "Longitude": -122.45, "Population": 653.0}, {"index": 16030, "quantile": 0.25, "value": 231900.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 653.0}, {"index": 16030, "quantile": 0.5, "value": 231900.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 653.0}, {"index": 16030, "quantile": 0.75, "value": 231900.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 653.0}, {"index": 16030, "quantile": 1.0, "value": 350000.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 653.0}, {"index": 16031, "quantile": 0.0, "value": 200999.99999999997, "Latitude": 37.72, "Longitude": -122.45, "Population": 771.0}, {"index": 16031, "quantile": 0.25, "value": 233600.00000000003, "Latitude": 37.72, "Longitude": -122.45, "Population": 771.0}, {"index": 16031, "quantile": 0.5, "value": 261800.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 771.0}, {"index": 16031, "quantile": 0.75, "value": 319000.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 771.0}, {"index": 16031, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -122.45, "Population": 771.0}, {"index": 16032, "quantile": 0.0, "value": 149600.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 1083.0}, {"index": 16032, "quantile": 0.25, "value": 221600.00000000003, "Latitude": 37.72, "Longitude": -122.45, "Population": 1083.0}, {"index": 16032, "quantile": 0.5, "value": 226300.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 1083.0}, {"index": 16032, "quantile": 0.75, "value": 251575.00000000003, "Latitude": 37.72, "Longitude": -122.45, "Population": 1083.0}, {"index": 16032, "quantile": 1.0, "value": 485700.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 1083.0}, {"index": 16033, "quantile": 0.0, "value": 215300.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 1795.0}, {"index": 16033, "quantile": 0.25, "value": 225000.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 1795.0}, {"index": 16033, "quantile": 0.5, "value": 225000.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 1795.0}, {"index": 16033, "quantile": 0.75, "value": 248400.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 1795.0}, {"index": 16033, "quantile": 1.0, "value": 418400.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 1795.0}, {"index": 16034, "quantile": 0.0, "value": 95600.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 1216.0}, {"index": 16034, "quantile": 0.25, "value": 221575.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 1216.0}, {"index": 16034, "quantile": 0.5, "value": 229599.99999999997, "Latitude": 37.72, "Longitude": -122.46, "Population": 1216.0}, {"index": 16034, "quantile": 0.75, "value": 244625.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 1216.0}, {"index": 16034, "quantile": 1.0, "value": 446900.00000000006, "Latitude": 37.72, "Longitude": -122.46, "Population": 1216.0}, {"index": 16035, "quantile": 0.0, "value": 208300.00000000003, "Latitude": 37.72, "Longitude": -122.46, "Population": 658.0}, {"index": 16035, "quantile": 0.25, "value": 228600.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 658.0}, {"index": 16035, "quantile": 0.5, "value": 228600.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 658.0}, {"index": 16035, "quantile": 0.75, "value": 229350.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 658.0}, {"index": 16035, "quantile": 1.0, "value": 327600.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 658.0}, {"index": 16036, "quantile": 0.0, "value": 221500.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 962.0}, {"index": 16036, "quantile": 0.25, "value": 221500.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 962.0}, {"index": 16036, "quantile": 0.5, "value": 221500.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 962.0}, {"index": 16036, "quantile": 0.75, "value": 235475.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 962.0}, {"index": 16036, "quantile": 1.0, "value": 422400.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 962.0}, {"index": 16037, "quantile": 0.0, "value": 219499.99999999997, "Latitude": 37.72, "Longitude": -122.46, "Population": 1225.0}, {"index": 16037, "quantile": 0.25, "value": 244099.99999999997, "Latitude": 37.72, "Longitude": -122.46, "Population": 1225.0}, {"index": 16037, "quantile": 0.5, "value": 244099.99999999997, "Latitude": 37.72, "Longitude": -122.46, "Population": 1225.0}, {"index": 16037, "quantile": 0.75, "value": 244099.99999999997, "Latitude": 37.72, "Longitude": -122.46, "Population": 1225.0}, {"index": 16037, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -122.46, "Population": 1225.0}, {"index": 16038, "quantile": 0.0, "value": 141700.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 1388.0}, {"index": 16038, "quantile": 0.25, "value": 231999.99999999997, "Latitude": 37.72, "Longitude": -122.46, "Population": 1388.0}, {"index": 16038, "quantile": 0.5, "value": 231999.99999999997, "Latitude": 37.72, "Longitude": -122.46, "Population": 1388.0}, {"index": 16038, "quantile": 0.75, "value": 231999.99999999997, "Latitude": 37.72, "Longitude": -122.46, "Population": 1388.0}, {"index": 16038, "quantile": 1.0, "value": 350800.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 1388.0}, {"index": 16039, "quantile": 0.0, "value": 219499.99999999997, "Latitude": 37.71, "Longitude": -122.47, "Population": 1577.0}, {"index": 16039, "quantile": 0.25, "value": 238600.0, "Latitude": 37.71, "Longitude": -122.47, "Population": 1577.0}, {"index": 16039, "quantile": 0.5, "value": 257500.00000000003, "Latitude": 37.71, "Longitude": -122.47, "Population": 1577.0}, {"index": 16039, "quantile": 0.75, "value": 270200.0, "Latitude": 37.71, "Longitude": -122.47, "Population": 1577.0}, {"index": 16039, "quantile": 1.0, "value": 421300.0, "Latitude": 37.71, "Longitude": -122.47, "Population": 1577.0}, {"index": 16040, "quantile": 0.0, "value": 152300.0, "Latitude": 37.71, "Longitude": -122.47, "Population": 1211.0}, {"index": 16040, "quantile": 0.25, "value": 239400.0, "Latitude": 37.71, "Longitude": -122.47, "Population": 1211.0}, {"index": 16040, "quantile": 0.5, "value": 239400.0, "Latitude": 37.71, "Longitude": -122.47, "Population": 1211.0}, {"index": 16040, "quantile": 0.75, "value": 239400.0, "Latitude": 37.71, "Longitude": -122.47, "Population": 1211.0}, {"index": 16040, "quantile": 1.0, "value": 446900.00000000006, "Latitude": 37.71, "Longitude": -122.47, "Population": 1211.0}, {"index": 16041, "quantile": 0.0, "value": 32500.0, "Latitude": 37.72, "Longitude": -122.47, "Population": 434.0}, {"index": 16041, "quantile": 0.25, "value": 239299.99999999997, "Latitude": 37.72, "Longitude": -122.47, "Population": 434.0}, {"index": 16041, "quantile": 0.5, "value": 239299.99999999997, "Latitude": 37.72, "Longitude": -122.47, "Population": 434.0}, {"index": 16041, "quantile": 0.75, "value": 239299.99999999997, "Latitude": 37.72, "Longitude": -122.47, "Population": 434.0}, {"index": 16041, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -122.47, "Population": 434.0}, {"index": 16042, "quantile": 0.0, "value": 81300.0, "Latitude": 37.72, "Longitude": -122.47, "Population": 817.0}, {"index": 16042, "quantile": 0.25, "value": 246700.0, "Latitude": 37.72, "Longitude": -122.47, "Population": 817.0}, {"index": 16042, "quantile": 0.5, "value": 246700.0, "Latitude": 37.72, "Longitude": -122.47, "Population": 817.0}, {"index": 16042, "quantile": 0.75, "value": 246700.0, "Latitude": 37.72, "Longitude": -122.47, "Population": 817.0}, {"index": 16042, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.72, "Longitude": -122.47, "Population": 817.0}, {"index": 16043, "quantile": 0.0, "value": 200599.99999999997, "Latitude": 37.72, "Longitude": -122.47, "Population": 770.0}, {"index": 16043, "quantile": 0.25, "value": 259700.0, "Latitude": 37.72, "Longitude": -122.47, "Population": 770.0}, {"index": 16043, "quantile": 0.5, "value": 259700.0, "Latitude": 37.72, "Longitude": -122.47, "Population": 770.0}, {"index": 16043, "quantile": 0.75, "value": 330300.0, "Latitude": 37.72, "Longitude": -122.47, "Population": 770.0}, {"index": 16043, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -122.47, "Population": 770.0}, {"index": 16044, "quantile": 0.0, "value": 72500.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 613.0}, {"index": 16044, "quantile": 0.25, "value": 225300.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 613.0}, {"index": 16044, "quantile": 0.5, "value": 242000.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 613.0}, {"index": 16044, "quantile": 0.75, "value": 246700.0, "Latitude": 37.72, "Longitude": -122.45, "Population": 613.0}, {"index": 16044, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.72, "Longitude": -122.45, "Population": 613.0}, {"index": 16045, "quantile": 0.0, "value": 207100.00000000003, "Latitude": 37.71, "Longitude": -122.45, "Population": 1382.0}, {"index": 16045, "quantile": 0.25, "value": 221600.00000000003, "Latitude": 37.71, "Longitude": -122.45, "Population": 1382.0}, {"index": 16045, "quantile": 0.5, "value": 221600.00000000003, "Latitude": 37.71, "Longitude": -122.45, "Population": 1382.0}, {"index": 16045, "quantile": 0.75, "value": 233400.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 1382.0}, {"index": 16045, "quantile": 1.0, "value": 306700.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 1382.0}, {"index": 16046, "quantile": 0.0, "value": 219400.0, "Latitude": 37.71, "Longitude": -122.46, "Population": 1138.0}, {"index": 16046, "quantile": 0.25, "value": 219499.99999999997, "Latitude": 37.71, "Longitude": -122.46, "Population": 1138.0}, {"index": 16046, "quantile": 0.5, "value": 219499.99999999997, "Latitude": 37.71, "Longitude": -122.46, "Population": 1138.0}, {"index": 16046, "quantile": 0.75, "value": 246200.00000000003, "Latitude": 37.71, "Longitude": -122.46, "Population": 1138.0}, {"index": 16046, "quantile": 1.0, "value": 414600.0, "Latitude": 37.71, "Longitude": -122.46, "Population": 1138.0}, {"index": 16047, "quantile": 0.0, "value": 189000.0, "Latitude": 37.71, "Longitude": -122.46, "Population": 1138.0}, {"index": 16047, "quantile": 0.25, "value": 225000.0, "Latitude": 37.71, "Longitude": -122.46, "Population": 1138.0}, {"index": 16047, "quantile": 0.5, "value": 225000.0, "Latitude": 37.71, "Longitude": -122.46, "Population": 1138.0}, {"index": 16047, "quantile": 0.75, "value": 231999.99999999997, "Latitude": 37.71, "Longitude": -122.46, "Population": 1138.0}, {"index": 16047, "quantile": 1.0, "value": 360700.0, "Latitude": 37.71, "Longitude": -122.46, "Population": 1138.0}, {"index": 16048, "quantile": 0.0, "value": 87500.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 1093.0}, {"index": 16048, "quantile": 0.25, "value": 229400.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 1093.0}, {"index": 16048, "quantile": 0.5, "value": 239350.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 1093.0}, {"index": 16048, "quantile": 0.75, "value": 246700.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 1093.0}, {"index": 16048, "quantile": 1.0, "value": 356300.0, "Latitude": 37.72, "Longitude": -122.46, "Population": 1093.0}, {"index": 16049, "quantile": 0.0, "value": 212900.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1491.0}, {"index": 16049, "quantile": 0.25, "value": 313150.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1491.0}, {"index": 16049, "quantile": 0.5, "value": 323800.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1491.0}, {"index": 16049, "quantile": 0.75, "value": 336200.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1491.0}, {"index": 16049, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.48, "Population": 1491.0}, {"index": 16050, "quantile": 0.0, "value": 148900.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1273.0}, {"index": 16050, "quantile": 0.25, "value": 332100.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1273.0}, {"index": 16050, "quantile": 0.5, "value": 332100.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1273.0}, {"index": 16050, "quantile": 0.75, "value": 332100.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1273.0}, {"index": 16050, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.48, "Population": 1273.0}, {"index": 16051, "quantile": 0.0, "value": 253700.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1395.0}, {"index": 16051, "quantile": 0.25, "value": 323800.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1395.0}, {"index": 16051, "quantile": 0.5, "value": 323800.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1395.0}, {"index": 16051, "quantile": 0.75, "value": 323800.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1395.0}, {"index": 16051, "quantile": 1.0, "value": 422400.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1395.0}, {"index": 16052, "quantile": 0.0, "value": 194300.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1171.0}, {"index": 16052, "quantile": 0.25, "value": 322100.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1171.0}, {"index": 16052, "quantile": 0.5, "value": 322100.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1171.0}, {"index": 16052, "quantile": 0.75, "value": 322100.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1171.0}, {"index": 16052, "quantile": 1.0, "value": 390000.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1171.0}, {"index": 16053, "quantile": 0.0, "value": 190000.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1015.0}, {"index": 16053, "quantile": 0.25, "value": 323625.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1015.0}, {"index": 16053, "quantile": 0.5, "value": 331300.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1015.0}, {"index": 16053, "quantile": 0.75, "value": 331300.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1015.0}, {"index": 16053, "quantile": 1.0, "value": 339800.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1015.0}, {"index": 16054, "quantile": 0.0, "value": 225800.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1594.0}, {"index": 16054, "quantile": 0.25, "value": 317000.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1594.0}, {"index": 16054, "quantile": 0.5, "value": 322100.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1594.0}, {"index": 16054, "quantile": 0.75, "value": 349525.0, "Latitude": 37.76, "Longitude": -122.48, "Population": 1594.0}, {"index": 16054, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.48, "Population": 1594.0}, {"index": 16055, "quantile": 0.0, "value": 210800.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 708.0}, {"index": 16055, "quantile": 0.25, "value": 339800.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 708.0}, {"index": 16055, "quantile": 0.5, "value": 339800.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 708.0}, {"index": 16055, "quantile": 0.75, "value": 373525.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 708.0}, {"index": 16055, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.49, "Population": 708.0}, {"index": 16056, "quantile": 0.0, "value": 253700.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 1092.0}, {"index": 16056, "quantile": 0.25, "value": 329600.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 1092.0}, {"index": 16056, "quantile": 0.5, "value": 329600.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 1092.0}, {"index": 16056, "quantile": 0.75, "value": 331200.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 1092.0}, {"index": 16056, "quantile": 1.0, "value": 400000.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 1092.0}, {"index": 16057, "quantile": 0.0, "value": 200599.99999999997, "Latitude": 37.76, "Longitude": -122.49, "Population": 1091.0}, {"index": 16057, "quantile": 0.25, "value": 321300.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 1091.0}, {"index": 16057, "quantile": 0.5, "value": 331200.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 1091.0}, {"index": 16057, "quantile": 0.75, "value": 331200.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 1091.0}, {"index": 16057, "quantile": 1.0, "value": 369200.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 1091.0}, {"index": 16058, "quantile": 0.0, "value": 97300.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 782.0}, {"index": 16058, "quantile": 0.25, "value": 317675.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 782.0}, {"index": 16058, "quantile": 0.5, "value": 334300.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 782.0}, {"index": 16058, "quantile": 0.75, "value": 365600.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 782.0}, {"index": 16058, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.49, "Population": 782.0}, {"index": 16059, "quantile": 0.0, "value": 189000.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 650.0}, {"index": 16059, "quantile": 0.25, "value": 339800.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 650.0}, {"index": 16059, "quantile": 0.5, "value": 339800.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 650.0}, {"index": 16059, "quantile": 0.75, "value": 339800.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 650.0}, {"index": 16059, "quantile": 1.0, "value": 375000.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 650.0}, {"index": 16060, "quantile": 0.0, "value": 227599.99999999997, "Latitude": 37.76, "Longitude": -122.49, "Population": 795.0}, {"index": 16060, "quantile": 0.25, "value": 329200.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 795.0}, {"index": 16060, "quantile": 0.5, "value": 353600.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 795.0}, {"index": 16060, "quantile": 0.75, "value": 353600.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 795.0}, {"index": 16060, "quantile": 1.0, "value": 420300.00000000006, "Latitude": 37.76, "Longitude": -122.49, "Population": 795.0}, {"index": 16061, "quantile": 0.0, "value": 212900.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 729.0}, {"index": 16061, "quantile": 0.25, "value": 317600.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 729.0}, {"index": 16061, "quantile": 0.5, "value": 335550.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 729.0}, {"index": 16061, "quantile": 0.75, "value": 353600.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 729.0}, {"index": 16061, "quantile": 1.0, "value": 500000.0, "Latitude": 37.76, "Longitude": -122.49, "Population": 729.0}, {"index": 16062, "quantile": 0.0, "value": 200000.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1126.0}, {"index": 16062, "quantile": 0.25, "value": 318400.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1126.0}, {"index": 16062, "quantile": 0.5, "value": 318400.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1126.0}, {"index": 16062, "quantile": 0.75, "value": 322100.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1126.0}, {"index": 16062, "quantile": 1.0, "value": 357000.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1126.0}, {"index": 16063, "quantile": 0.0, "value": 219499.99999999997, "Latitude": 37.75, "Longitude": -122.48, "Population": 1583.0}, {"index": 16063, "quantile": 0.25, "value": 317600.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1583.0}, {"index": 16063, "quantile": 0.5, "value": 317600.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1583.0}, {"index": 16063, "quantile": 0.75, "value": 317600.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1583.0}, {"index": 16063, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.48, "Population": 1583.0}, {"index": 16064, "quantile": 0.0, "value": 242600.00000000003, "Latitude": 37.74, "Longitude": -122.48, "Population": 1056.0}, {"index": 16064, "quantile": 0.25, "value": 311800.0, "Latitude": 37.74, "Longitude": -122.48, "Population": 1056.0}, {"index": 16064, "quantile": 0.5, "value": 311800.0, "Latitude": 37.74, "Longitude": -122.48, "Population": 1056.0}, {"index": 16064, "quantile": 0.75, "value": 312525.0, "Latitude": 37.74, "Longitude": -122.48, "Population": 1056.0}, {"index": 16064, "quantile": 1.0, "value": 443300.0, "Latitude": 37.74, "Longitude": -122.48, "Population": 1056.0}, {"index": 16065, "quantile": 0.0, "value": 223600.00000000003, "Latitude": 37.75, "Longitude": -122.48, "Population": 1052.0}, {"index": 16065, "quantile": 0.25, "value": 321200.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1052.0}, {"index": 16065, "quantile": 0.5, "value": 329200.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1052.0}, {"index": 16065, "quantile": 0.75, "value": 329200.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1052.0}, {"index": 16065, "quantile": 1.0, "value": 400000.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1052.0}, {"index": 16066, "quantile": 0.0, "value": 229599.99999999997, "Latitude": 37.75, "Longitude": -122.48, "Population": 1285.0}, {"index": 16066, "quantile": 0.25, "value": 314700.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1285.0}, {"index": 16066, "quantile": 0.5, "value": 314700.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1285.0}, {"index": 16066, "quantile": 0.75, "value": 314700.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1285.0}, {"index": 16066, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.75, "Longitude": -122.48, "Population": 1285.0}, {"index": 16067, "quantile": 0.0, "value": 177800.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1136.0}, {"index": 16067, "quantile": 0.25, "value": 288825.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1136.0}, {"index": 16067, "quantile": 0.5, "value": 318400.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1136.0}, {"index": 16067, "quantile": 0.75, "value": 323800.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1136.0}, {"index": 16067, "quantile": 1.0, "value": 393800.0, "Latitude": 37.75, "Longitude": -122.48, "Population": 1136.0}, {"index": 16068, "quantile": 0.0, "value": 160700.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1041.0}, {"index": 16068, "quantile": 0.25, "value": 314700.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1041.0}, {"index": 16068, "quantile": 0.5, "value": 320200.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1041.0}, {"index": 16068, "quantile": 0.75, "value": 320200.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1041.0}, {"index": 16068, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.75, "Longitude": -122.49, "Population": 1041.0}, {"index": 16069, "quantile": 0.0, "value": 243600.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1105.0}, {"index": 16069, "quantile": 0.25, "value": 308500.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1105.0}, {"index": 16069, "quantile": 0.5, "value": 308500.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1105.0}, {"index": 16069, "quantile": 0.75, "value": 314700.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1105.0}, {"index": 16069, "quantile": 1.0, "value": 331300.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1105.0}, {"index": 16070, "quantile": 0.0, "value": 163500.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1092.0}, {"index": 16070, "quantile": 0.25, "value": 273525.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1092.0}, {"index": 16070, "quantile": 0.5, "value": 311950.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1092.0}, {"index": 16070, "quantile": 0.75, "value": 329200.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1092.0}, {"index": 16070, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.49, "Population": 1092.0}, {"index": 16071, "quantile": 0.0, "value": 197300.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 979.0}, {"index": 16071, "quantile": 0.25, "value": 308500.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 979.0}, {"index": 16071, "quantile": 0.5, "value": 319100.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 979.0}, {"index": 16071, "quantile": 0.75, "value": 319100.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 979.0}, {"index": 16071, "quantile": 1.0, "value": 353600.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 979.0}, {"index": 16072, "quantile": 0.0, "value": 70100.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1041.0}, {"index": 16072, "quantile": 0.25, "value": 321200.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1041.0}, {"index": 16072, "quantile": 0.5, "value": 321200.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1041.0}, {"index": 16072, "quantile": 0.75, "value": 321300.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1041.0}, {"index": 16072, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.49, "Population": 1041.0}, {"index": 16073, "quantile": 0.0, "value": 225000.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1177.0}, {"index": 16073, "quantile": 0.25, "value": 318225.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1177.0}, {"index": 16073, "quantile": 0.5, "value": 323800.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1177.0}, {"index": 16073, "quantile": 0.75, "value": 323800.0, "Latitude": 37.75, "Longitude": -122.49, "Population": 1177.0}, {"index": 16073, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.49, "Population": 1177.0}, {"index": 16074, "quantile": 0.0, "value": 73500.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 1147.0}, {"index": 16074, "quantile": 0.25, "value": 321300.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 1147.0}, {"index": 16074, "quantile": 0.5, "value": 321300.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 1147.0}, {"index": 16074, "quantile": 0.75, "value": 321300.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 1147.0}, {"index": 16074, "quantile": 1.0, "value": 441700.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 1147.0}, {"index": 16075, "quantile": 0.0, "value": 240899.99999999997, "Latitude": 37.74, "Longitude": -122.48, "Population": 1211.0}, {"index": 16075, "quantile": 0.25, "value": 323100.0, "Latitude": 37.74, "Longitude": -122.48, "Population": 1211.0}, {"index": 16075, "quantile": 0.5, "value": 323100.0, "Latitude": 37.74, "Longitude": -122.48, "Population": 1211.0}, {"index": 16075, "quantile": 0.75, "value": 323100.0, "Latitude": 37.74, "Longitude": -122.48, "Population": 1211.0}, {"index": 16075, "quantile": 1.0, "value": 393800.0, "Latitude": 37.74, "Longitude": -122.48, "Population": 1211.0}, {"index": 16076, "quantile": 0.0, "value": 208300.00000000003, "Latitude": 37.74, "Longitude": -122.48, "Population": 1072.0}, {"index": 16076, "quantile": 0.25, "value": 314300.0, "Latitude": 37.74, "Longitude": -122.48, "Population": 1072.0}, {"index": 16076, "quantile": 0.5, "value": 314300.0, "Latitude": 37.74, "Longitude": -122.48, "Population": 1072.0}, {"index": 16076, "quantile": 0.75, "value": 314300.0, "Latitude": 37.74, "Longitude": -122.48, "Population": 1072.0}, {"index": 16076, "quantile": 1.0, "value": 414600.0, "Latitude": 37.74, "Longitude": -122.48, "Population": 1072.0}, {"index": 16077, "quantile": 0.0, "value": 229999.99999999997, "Latitude": 37.74, "Longitude": -122.48, "Population": 1372.0}, {"index": 16077, "quantile": 0.25, "value": 323100.0, "Latitude": 37.74, "Longitude": -122.48, "Population": 1372.0}, {"index": 16077, "quantile": 0.5, "value": 335000.0, "Latitude": 37.74, "Longitude": -122.48, "Population": 1372.0}, {"index": 16077, "quantile": 0.75, "value": 335000.0, "Latitude": 37.74, "Longitude": -122.48, "Population": 1372.0}, {"index": 16077, "quantile": 1.0, "value": 422400.0, "Latitude": 37.74, "Longitude": -122.48, "Population": 1372.0}, {"index": 16078, "quantile": 0.0, "value": 252999.99999999997, "Latitude": 37.73, "Longitude": -122.49, "Population": 497.0}, {"index": 16078, "quantile": 0.25, "value": 438500.0, "Latitude": 37.73, "Longitude": -122.49, "Population": 497.0}, {"index": 16078, "quantile": 0.5, "value": 438500.0, "Latitude": 37.73, "Longitude": -122.49, "Population": 497.0}, {"index": 16078, "quantile": 0.75, "value": 438500.0, "Latitude": 37.73, "Longitude": -122.49, "Population": 497.0}, {"index": 16078, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.49, "Population": 497.0}, {"index": 16079, "quantile": 0.0, "value": 242600.00000000003, "Latitude": 37.74, "Longitude": -122.49, "Population": 487.0}, {"index": 16079, "quantile": 0.25, "value": 340550.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 487.0}, {"index": 16079, "quantile": 0.5, "value": 340800.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 487.0}, {"index": 16079, "quantile": 0.75, "value": 340800.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 487.0}, {"index": 16079, "quantile": 1.0, "value": 410799.99999999994, "Latitude": 37.74, "Longitude": -122.49, "Population": 487.0}, {"index": 16080, "quantile": 0.0, "value": 270200.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 1188.0}, {"index": 16080, "quantile": 0.25, "value": 317700.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 1188.0}, {"index": 16080, "quantile": 0.5, "value": 317700.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 1188.0}, {"index": 16080, "quantile": 0.75, "value": 317700.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 1188.0}, {"index": 16080, "quantile": 1.0, "value": 393800.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 1188.0}, {"index": 16081, "quantile": 0.0, "value": 229300.00000000003, "Latitude": 37.74, "Longitude": -122.49, "Population": 1154.0}, {"index": 16081, "quantile": 0.25, "value": 315200.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 1154.0}, {"index": 16081, "quantile": 0.5, "value": 315200.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 1154.0}, {"index": 16081, "quantile": 0.75, "value": 317875.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 1154.0}, {"index": 16081, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.49, "Population": 1154.0}, {"index": 16082, "quantile": 0.0, "value": 183400.0, "Latitude": 37.73, "Longitude": -122.48, "Population": 566.0}, {"index": 16082, "quantile": 0.25, "value": 371900.0, "Latitude": 37.73, "Longitude": -122.48, "Population": 566.0}, {"index": 16082, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.48, "Population": 566.0}, {"index": 16082, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.48, "Population": 566.0}, {"index": 16082, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.48, "Population": 566.0}, {"index": 16083, "quantile": 0.0, "value": 153800.0, "Latitude": 37.73, "Longitude": -122.48, "Population": 867.0}, {"index": 16083, "quantile": 0.25, "value": 371500.0, "Latitude": 37.73, "Longitude": -122.48, "Population": 867.0}, {"index": 16083, "quantile": 0.5, "value": 371500.0, "Latitude": 37.73, "Longitude": -122.48, "Population": 867.0}, {"index": 16083, "quantile": 0.75, "value": 371900.0, "Latitude": 37.73, "Longitude": -122.48, "Population": 867.0}, {"index": 16083, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.48, "Population": 867.0}, {"index": 16084, "quantile": 0.0, "value": 153800.0, "Latitude": 37.73, "Longitude": -122.49, "Population": 742.0}, {"index": 16084, "quantile": 0.25, "value": 286500.0, "Latitude": 37.73, "Longitude": -122.49, "Population": 742.0}, {"index": 16084, "quantile": 0.5, "value": 371500.0, "Latitude": 37.73, "Longitude": -122.49, "Population": 742.0}, {"index": 16084, "quantile": 0.75, "value": 417750.0, "Latitude": 37.73, "Longitude": -122.49, "Population": 742.0}, {"index": 16084, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.49, "Population": 742.0}, {"index": 16085, "quantile": 0.0, "value": 90800.0, "Latitude": 37.73, "Longitude": -122.49, "Population": 530.0}, {"index": 16085, "quantile": 0.25, "value": 281300.0, "Latitude": 37.73, "Longitude": -122.49, "Population": 530.0}, {"index": 16085, "quantile": 0.5, "value": 333100.0, "Latitude": 37.73, "Longitude": -122.49, "Population": 530.0}, {"index": 16085, "quantile": 0.75, "value": 385475.0, "Latitude": 37.73, "Longitude": -122.49, "Population": 530.0}, {"index": 16085, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.49, "Population": 530.0}, {"index": 16086, "quantile": 0.0, "value": 245000.00000000003, "Latitude": 37.73, "Longitude": -122.49, "Population": 742.0}, {"index": 16086, "quantile": 0.25, "value": 349200.0, "Latitude": 37.73, "Longitude": -122.49, "Population": 742.0}, {"index": 16086, "quantile": 0.5, "value": 376600.0, "Latitude": 37.73, "Longitude": -122.49, "Population": 742.0}, {"index": 16086, "quantile": 0.75, "value": 410500.00000000006, "Latitude": 37.73, "Longitude": -122.49, "Population": 742.0}, {"index": 16086, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.49, "Population": 742.0}, {"index": 16087, "quantile": 0.0, "value": 125899.99999999999, "Latitude": 37.73, "Longitude": -122.48, "Population": 2410.0}, {"index": 16087, "quantile": 0.25, "value": 232075.00000000003, "Latitude": 37.73, "Longitude": -122.48, "Population": 2410.0}, {"index": 16087, "quantile": 0.5, "value": 239000.0, "Latitude": 37.73, "Longitude": -122.48, "Population": 2410.0}, {"index": 16087, "quantile": 0.75, "value": 260800.0, "Latitude": 37.73, "Longitude": -122.48, "Population": 2410.0}, {"index": 16087, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -122.48, "Population": 2410.0}, {"index": 16088, "quantile": 0.0, "value": 242600.00000000003, "Latitude": 37.72, "Longitude": -122.47, "Population": 564.0}, {"index": 16088, "quantile": 0.25, "value": 350000.0, "Latitude": 37.72, "Longitude": -122.47, "Population": 564.0}, {"index": 16088, "quantile": 0.5, "value": 350000.0, "Latitude": 37.72, "Longitude": -122.47, "Population": 564.0}, {"index": 16088, "quantile": 0.75, "value": 350000.0, "Latitude": 37.72, "Longitude": -122.47, "Population": 564.0}, {"index": 16088, "quantile": 1.0, "value": 494400.0, "Latitude": 37.72, "Longitude": -122.47, "Population": 564.0}, {"index": 16089, "quantile": 0.0, "value": 219000.0, "Latitude": 37.71, "Longitude": -122.48, "Population": 1497.0}, {"index": 16089, "quantile": 0.25, "value": 355150.0, "Latitude": 37.71, "Longitude": -122.48, "Population": 1497.0}, {"index": 16089, "quantile": 0.5, "value": 427299.99999999994, "Latitude": 37.71, "Longitude": -122.48, "Population": 1497.0}, {"index": 16089, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -122.48, "Population": 1497.0}, {"index": 16089, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -122.48, "Population": 1497.0}, {"index": 16090, "quantile": 0.0, "value": 212200.0, "Latitude": 37.72, "Longitude": -122.48, "Population": 733.0}, {"index": 16090, "quantile": 0.25, "value": 290800.0, "Latitude": 37.72, "Longitude": -122.48, "Population": 733.0}, {"index": 16090, "quantile": 0.5, "value": 345099.99999999994, "Latitude": 37.72, "Longitude": -122.48, "Population": 733.0}, {"index": 16090, "quantile": 0.75, "value": 386025.0, "Latitude": 37.72, "Longitude": -122.48, "Population": 733.0}, {"index": 16090, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -122.48, "Population": 733.0}, {"index": 16091, "quantile": 0.0, "value": 275000.0, "Latitude": 37.72, "Longitude": -122.48, "Population": 1281.0}, {"index": 16091, "quantile": 0.25, "value": 337200.0, "Latitude": 37.72, "Longitude": -122.48, "Population": 1281.0}, {"index": 16091, "quantile": 0.5, "value": 348500.0, "Latitude": 37.72, "Longitude": -122.48, "Population": 1281.0}, {"index": 16091, "quantile": 0.75, "value": 396800.0, "Latitude": 37.72, "Longitude": -122.48, "Population": 1281.0}, {"index": 16091, "quantile": 1.0, "value": 500000.0, "Latitude": 37.72, "Longitude": -122.48, "Population": 1281.0}, {"index": 16092, "quantile": 0.0, "value": 240899.99999999997, "Latitude": 37.76, "Longitude": -122.5, "Population": 1142.0}, {"index": 16092, "quantile": 0.25, "value": 321200.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1142.0}, {"index": 16092, "quantile": 0.5, "value": 332100.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1142.0}, {"index": 16092, "quantile": 0.75, "value": 361925.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1142.0}, {"index": 16092, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.5, "Population": 1142.0}, {"index": 16093, "quantile": 0.0, "value": 117600.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1299.0}, {"index": 16093, "quantile": 0.25, "value": 259975.00000000003, "Latitude": 37.76, "Longitude": -122.5, "Population": 1299.0}, {"index": 16093, "quantile": 0.5, "value": 272400.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1299.0}, {"index": 16093, "quantile": 0.75, "value": 284100.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1299.0}, {"index": 16093, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.5, "Population": 1299.0}, {"index": 16094, "quantile": 0.0, "value": 201700.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1009.0}, {"index": 16094, "quantile": 0.25, "value": 295600.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1009.0}, {"index": 16094, "quantile": 0.5, "value": 295600.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1009.0}, {"index": 16094, "quantile": 0.75, "value": 314700.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1009.0}, {"index": 16094, "quantile": 1.0, "value": 414600.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1009.0}, {"index": 16095, "quantile": 0.0, "value": 208300.00000000003, "Latitude": 37.76, "Longitude": -122.5, "Population": 891.0}, {"index": 16095, "quantile": 0.25, "value": 295600.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 891.0}, {"index": 16095, "quantile": 0.5, "value": 296600.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 891.0}, {"index": 16095, "quantile": 0.75, "value": 320200.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 891.0}, {"index": 16095, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -122.5, "Population": 891.0}, {"index": 16096, "quantile": 0.0, "value": 140600.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 841.0}, {"index": 16096, "quantile": 0.25, "value": 264200.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 841.0}, {"index": 16096, "quantile": 0.5, "value": 283200.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 841.0}, {"index": 16096, "quantile": 0.75, "value": 291925.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 841.0}, {"index": 16096, "quantile": 1.0, "value": 404699.99999999994, "Latitude": 37.76, "Longitude": -122.5, "Population": 841.0}, {"index": 16097, "quantile": 0.0, "value": 200599.99999999997, "Latitude": 37.75, "Longitude": -122.5, "Population": 838.0}, {"index": 16097, "quantile": 0.25, "value": 291500.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 838.0}, {"index": 16097, "quantile": 0.5, "value": 291500.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 838.0}, {"index": 16097, "quantile": 0.75, "value": 291500.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 838.0}, {"index": 16097, "quantile": 1.0, "value": 421300.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 838.0}, {"index": 16098, "quantile": 0.0, "value": 227400.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 1247.0}, {"index": 16098, "quantile": 0.25, "value": 283200.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 1247.0}, {"index": 16098, "quantile": 0.5, "value": 283200.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 1247.0}, {"index": 16098, "quantile": 0.75, "value": 283200.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 1247.0}, {"index": 16098, "quantile": 1.0, "value": 421300.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 1247.0}, {"index": 16099, "quantile": 0.0, "value": 194100.0, "Latitude": 37.76, "Longitude": -122.51, "Population": 1439.0}, {"index": 16099, "quantile": 0.25, "value": 268900.0, "Latitude": 37.76, "Longitude": -122.51, "Population": 1439.0}, {"index": 16099, "quantile": 0.5, "value": 268900.0, "Latitude": 37.76, "Longitude": -122.51, "Population": 1439.0}, {"index": 16099, "quantile": 0.75, "value": 307100.0, "Latitude": 37.76, "Longitude": -122.51, "Population": 1439.0}, {"index": 16099, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.76, "Longitude": -122.51, "Population": 1439.0}, {"index": 16100, "quantile": 0.0, "value": 169700.0, "Latitude": 37.76, "Longitude": -122.51, "Population": 1332.0}, {"index": 16100, "quantile": 0.25, "value": 274200.0, "Latitude": 37.76, "Longitude": -122.51, "Population": 1332.0}, {"index": 16100, "quantile": 0.5, "value": 274200.0, "Latitude": 37.76, "Longitude": -122.51, "Population": 1332.0}, {"index": 16100, "quantile": 0.75, "value": 274200.0, "Latitude": 37.76, "Longitude": -122.51, "Population": 1332.0}, {"index": 16100, "quantile": 1.0, "value": 412500.0, "Latitude": 37.76, "Longitude": -122.51, "Population": 1332.0}, {"index": 16101, "quantile": 0.0, "value": 106300.0, "Latitude": 37.76, "Longitude": -122.51, "Population": 1499.0}, {"index": 16101, "quantile": 0.25, "value": 260800.0, "Latitude": 37.76, "Longitude": -122.51, "Population": 1499.0}, {"index": 16101, "quantile": 0.5, "value": 260800.0, "Latitude": 37.76, "Longitude": -122.51, "Population": 1499.0}, {"index": 16101, "quantile": 0.75, "value": 260800.0, "Latitude": 37.76, "Longitude": -122.51, "Population": 1499.0}, {"index": 16101, "quantile": 1.0, "value": 369200.0, "Latitude": 37.76, "Longitude": -122.51, "Population": 1499.0}, {"index": 16102, "quantile": 0.0, "value": 140600.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1272.0}, {"index": 16102, "quantile": 0.25, "value": 283200.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1272.0}, {"index": 16102, "quantile": 0.5, "value": 284100.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1272.0}, {"index": 16102, "quantile": 0.75, "value": 284100.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1272.0}, {"index": 16102, "quantile": 1.0, "value": 393800.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1272.0}, {"index": 16103, "quantile": 0.0, "value": 117600.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1078.0}, {"index": 16103, "quantile": 0.25, "value": 260800.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1078.0}, {"index": 16103, "quantile": 0.5, "value": 280450.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1078.0}, {"index": 16103, "quantile": 0.75, "value": 323100.0, "Latitude": 37.76, "Longitude": -122.5, "Population": 1078.0}, {"index": 16103, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.76, "Longitude": -122.5, "Population": 1078.0}, {"index": 16104, "quantile": 0.0, "value": 93900.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 941.0}, {"index": 16104, "quantile": 0.25, "value": 270200.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 941.0}, {"index": 16104, "quantile": 0.5, "value": 270200.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 941.0}, {"index": 16104, "quantile": 0.75, "value": 271100.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 941.0}, {"index": 16104, "quantile": 1.0, "value": 353600.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 941.0}, {"index": 16105, "quantile": 0.0, "value": 156300.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 1137.0}, {"index": 16105, "quantile": 0.25, "value": 271800.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 1137.0}, {"index": 16105, "quantile": 0.5, "value": 271800.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 1137.0}, {"index": 16105, "quantile": 0.75, "value": 275700.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 1137.0}, {"index": 16105, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.5, "Population": 1137.0}, {"index": 16106, "quantile": 0.0, "value": 201700.0, "Latitude": 37.76, "Longitude": -122.54, "Population": 920.0}, {"index": 16106, "quantile": 0.25, "value": 270200.0, "Latitude": 37.76, "Longitude": -122.54, "Population": 920.0}, {"index": 16106, "quantile": 0.5, "value": 272800.0, "Latitude": 37.76, "Longitude": -122.54, "Population": 920.0}, {"index": 16106, "quantile": 0.75, "value": 295600.0, "Latitude": 37.76, "Longitude": -122.54, "Population": 920.0}, {"index": 16106, "quantile": 1.0, "value": 414600.0, "Latitude": 37.76, "Longitude": -122.54, "Population": 920.0}, {"index": 16107, "quantile": 0.0, "value": 118800.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 872.0}, {"index": 16107, "quantile": 0.25, "value": 246400.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 872.0}, {"index": 16107, "quantile": 0.5, "value": 286300.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 872.0}, {"index": 16107, "quantile": 0.75, "value": 286300.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 872.0}, {"index": 16107, "quantile": 1.0, "value": 450000.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 872.0}, {"index": 16108, "quantile": 0.0, "value": 93000.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1266.0}, {"index": 16108, "quantile": 0.25, "value": 250800.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1266.0}, {"index": 16108, "quantile": 0.5, "value": 264300.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1266.0}, {"index": 16108, "quantile": 0.75, "value": 276200.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1266.0}, {"index": 16108, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.74, "Longitude": -122.5, "Population": 1266.0}, {"index": 16109, "quantile": 0.0, "value": 229999.99999999997, "Latitude": 37.74, "Longitude": -122.5, "Population": 1098.0}, {"index": 16109, "quantile": 0.25, "value": 275700.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1098.0}, {"index": 16109, "quantile": 0.5, "value": 296600.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1098.0}, {"index": 16109, "quantile": 0.75, "value": 296600.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1098.0}, {"index": 16109, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.5, "Population": 1098.0}, {"index": 16110, "quantile": 0.0, "value": 157700.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 820.0}, {"index": 16110, "quantile": 0.25, "value": 300000.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 820.0}, {"index": 16110, "quantile": 0.5, "value": 300000.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 820.0}, {"index": 16110, "quantile": 0.75, "value": 311725.0, "Latitude": 37.74, "Longitude": -122.49, "Population": 820.0}, {"index": 16110, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.49, "Population": 820.0}, {"index": 16111, "quantile": 0.0, "value": 209500.00000000003, "Latitude": 37.74, "Longitude": -122.5, "Population": 1087.0}, {"index": 16111, "quantile": 0.25, "value": 275700.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1087.0}, {"index": 16111, "quantile": 0.5, "value": 275700.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1087.0}, {"index": 16111, "quantile": 0.75, "value": 295850.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1087.0}, {"index": 16111, "quantile": 1.0, "value": 398400.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1087.0}, {"index": 16112, "quantile": 0.0, "value": 221600.00000000003, "Latitude": 37.74, "Longitude": -122.5, "Population": 1434.0}, {"index": 16112, "quantile": 0.25, "value": 275700.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1434.0}, {"index": 16112, "quantile": 0.5, "value": 275700.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1434.0}, {"index": 16112, "quantile": 0.75, "value": 275700.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1434.0}, {"index": 16112, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.5, "Population": 1434.0}, {"index": 16113, "quantile": 0.0, "value": 229400.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 1429.0}, {"index": 16113, "quantile": 0.25, "value": 272400.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 1429.0}, {"index": 16113, "quantile": 0.5, "value": 272400.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 1429.0}, {"index": 16113, "quantile": 0.75, "value": 272500.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 1429.0}, {"index": 16113, "quantile": 1.0, "value": 335000.0, "Latitude": 37.75, "Longitude": -122.5, "Population": 1429.0}, {"index": 16114, "quantile": 0.0, "value": 227599.99999999997, "Latitude": 37.74, "Longitude": -122.5, "Population": 1640.0}, {"index": 16114, "quantile": 0.25, "value": 272800.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1640.0}, {"index": 16114, "quantile": 0.5, "value": 272800.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1640.0}, {"index": 16114, "quantile": 0.75, "value": 275000.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1640.0}, {"index": 16114, "quantile": 1.0, "value": 323800.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1640.0}, {"index": 16115, "quantile": 0.0, "value": 129400.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1041.0}, {"index": 16115, "quantile": 0.25, "value": 273475.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1041.0}, {"index": 16115, "quantile": 0.5, "value": 273700.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1041.0}, {"index": 16115, "quantile": 0.75, "value": 273700.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1041.0}, {"index": 16115, "quantile": 1.0, "value": 364200.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1041.0}, {"index": 16116, "quantile": 0.0, "value": 207100.00000000003, "Latitude": 37.74, "Longitude": -122.5, "Population": 1154.0}, {"index": 16116, "quantile": 0.25, "value": 270200.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1154.0}, {"index": 16116, "quantile": 0.5, "value": 272800.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1154.0}, {"index": 16116, "quantile": 0.75, "value": 283200.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1154.0}, {"index": 16116, "quantile": 1.0, "value": 500000.0, "Latitude": 37.74, "Longitude": -122.5, "Population": 1154.0}, {"index": 16117, "quantile": 0.0, "value": 149300.0, "Latitude": 37.74, "Longitude": -122.54, "Population": 1230.0}, {"index": 16117, "quantile": 0.25, "value": 271100.0, "Latitude": 37.74, "Longitude": -122.54, "Population": 1230.0}, {"index": 16117, "quantile": 0.5, "value": 271100.0, "Latitude": 37.74, "Longitude": -122.54, "Population": 1230.0}, {"index": 16117, "quantile": 0.75, "value": 271100.0, "Latitude": 37.74, "Longitude": -122.54, "Population": 1230.0}, {"index": 16117, "quantile": 1.0, "value": 319000.0, "Latitude": 37.74, "Longitude": -122.54, "Population": 1230.0}, {"index": 16118, "quantile": 0.0, "value": 306700.0, "Latitude": 37.79, "Longitude": -122.46, "Population": 847.0}, {"index": 16118, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.46, "Population": 847.0}, {"index": 16118, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.46, "Population": 847.0}, {"index": 16118, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.46, "Population": 847.0}, {"index": 16118, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.46, "Population": 847.0}, {"index": 16119, "quantile": 0.0, "value": 307100.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1067.0}, {"index": 16119, "quantile": 0.25, "value": 350000.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1067.0}, {"index": 16119, "quantile": 0.5, "value": 350000.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1067.0}, {"index": 16119, "quantile": 0.75, "value": 350000.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1067.0}, {"index": 16119, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.78, "Longitude": -122.46, "Population": 1067.0}, {"index": 16120, "quantile": 0.0, "value": 215700.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1421.0}, {"index": 16120, "quantile": 0.25, "value": 350000.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1421.0}, {"index": 16120, "quantile": 0.5, "value": 350000.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1421.0}, {"index": 16120, "quantile": 0.75, "value": 350000.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1421.0}, {"index": 16120, "quantile": 1.0, "value": 475000.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1421.0}, {"index": 16121, "quantile": 0.0, "value": 191700.0, "Latitude": 37.79, "Longitude": -122.46, "Population": 999.0}, {"index": 16121, "quantile": 0.25, "value": 436875.00000000006, "Latitude": 37.79, "Longitude": -122.46, "Population": 999.0}, {"index": 16121, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.46, "Population": 999.0}, {"index": 16121, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.46, "Population": 999.0}, {"index": 16121, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.46, "Population": 999.0}, {"index": 16122, "quantile": 0.0, "value": 306000.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1584.0}, {"index": 16122, "quantile": 0.25, "value": 383700.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1584.0}, {"index": 16122, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.46, "Population": 1584.0}, {"index": 16122, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.46, "Population": 1584.0}, {"index": 16122, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.46, "Population": 1584.0}, {"index": 16123, "quantile": 0.0, "value": 140600.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 880.0}, {"index": 16123, "quantile": 0.25, "value": 307100.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 880.0}, {"index": 16123, "quantile": 0.5, "value": 307100.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 880.0}, {"index": 16123, "quantile": 0.75, "value": 307100.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 880.0}, {"index": 16123, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.47, "Population": 880.0}, {"index": 16124, "quantile": 0.0, "value": 275000.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1302.0}, {"index": 16124, "quantile": 0.25, "value": 348500.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1302.0}, {"index": 16124, "quantile": 0.5, "value": 414300.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1302.0}, {"index": 16124, "quantile": 0.75, "value": 443300.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1302.0}, {"index": 16124, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.47, "Population": 1302.0}, {"index": 16125, "quantile": 0.0, "value": 239800.0, "Latitude": 37.79, "Longitude": -122.47, "Population": 1380.0}, {"index": 16125, "quantile": 0.25, "value": 457800.00000000006, "Latitude": 37.79, "Longitude": -122.47, "Population": 1380.0}, {"index": 16125, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.47, "Population": 1380.0}, {"index": 16125, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.47, "Population": 1380.0}, {"index": 16125, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.47, "Population": 1380.0}, {"index": 16126, "quantile": 0.0, "value": 67900.0, "Latitude": 37.79, "Longitude": -122.47, "Population": 194.0}, {"index": 16126, "quantile": 0.25, "value": 354725.0, "Latitude": 37.79, "Longitude": -122.47, "Population": 194.0}, {"index": 16126, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.47, "Population": 194.0}, {"index": 16126, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.47, "Population": 194.0}, {"index": 16126, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.47, "Population": 194.0}, {"index": 16127, "quantile": 0.0, "value": 279900.0, "Latitude": 37.79, "Longitude": -122.47, "Population": 990.0}, {"index": 16127, "quantile": 0.25, "value": 483300.0, "Latitude": 37.79, "Longitude": -122.47, "Population": 990.0}, {"index": 16127, "quantile": 0.5, "value": 483300.0, "Latitude": 37.79, "Longitude": -122.47, "Population": 990.0}, {"index": 16127, "quantile": 0.75, "value": 483300.0, "Latitude": 37.79, "Longitude": -122.47, "Population": 990.0}, {"index": 16127, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.47, "Population": 990.0}, {"index": 16128, "quantile": 0.0, "value": 277000.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1078.0}, {"index": 16128, "quantile": 0.25, "value": 433850.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1078.0}, {"index": 16128, "quantile": 0.5, "value": 443300.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1078.0}, {"index": 16128, "quantile": 0.75, "value": 443300.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1078.0}, {"index": 16128, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.47, "Population": 1078.0}, {"index": 16129, "quantile": 0.0, "value": 212900.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 955.0}, {"index": 16129, "quantile": 0.25, "value": 396400.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 955.0}, {"index": 16129, "quantile": 0.5, "value": 396400.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 955.0}, {"index": 16129, "quantile": 0.75, "value": 402700.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 955.0}, {"index": 16129, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.47, "Population": 955.0}, {"index": 16130, "quantile": 0.0, "value": 148900.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1674.0}, {"index": 16130, "quantile": 0.25, "value": 353975.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1674.0}, {"index": 16130, "quantile": 0.5, "value": 375000.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1674.0}, {"index": 16130, "quantile": 0.75, "value": 375000.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1674.0}, {"index": 16130, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.48, "Population": 1674.0}, {"index": 16131, "quantile": 0.0, "value": 269200.0, "Latitude": 37.79, "Longitude": -122.48, "Population": 2246.0}, {"index": 16131, "quantile": 0.25, "value": 457800.00000000006, "Latitude": 37.79, "Longitude": -122.48, "Population": 2246.0}, {"index": 16131, "quantile": 0.5, "value": 457800.00000000006, "Latitude": 37.79, "Longitude": -122.48, "Population": 2246.0}, {"index": 16131, "quantile": 0.75, "value": 457800.00000000006, "Latitude": 37.79, "Longitude": -122.48, "Population": 2246.0}, {"index": 16131, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.48, "Population": 2246.0}, {"index": 16132, "quantile": 0.0, "value": 106300.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1738.0}, {"index": 16132, "quantile": 0.25, "value": 297900.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1738.0}, {"index": 16132, "quantile": 0.5, "value": 337200.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1738.0}, {"index": 16132, "quantile": 0.75, "value": 376800.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1738.0}, {"index": 16132, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.48, "Population": 1738.0}, {"index": 16133, "quantile": 0.0, "value": 106300.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1704.0}, {"index": 16133, "quantile": 0.25, "value": 251724.99999999997, "Latitude": 37.78, "Longitude": -122.49, "Population": 1704.0}, {"index": 16133, "quantile": 0.5, "value": 311800.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1704.0}, {"index": 16133, "quantile": 0.75, "value": 375000.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1704.0}, {"index": 16133, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.49, "Population": 1704.0}, {"index": 16134, "quantile": 0.0, "value": 117600.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1783.0}, {"index": 16134, "quantile": 0.25, "value": 329100.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1783.0}, {"index": 16134, "quantile": 0.5, "value": 345700.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1783.0}, {"index": 16134, "quantile": 0.75, "value": 414300.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1783.0}, {"index": 16134, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.49, "Population": 1783.0}, {"index": 16135, "quantile": 0.0, "value": 392600.0, "Latitude": 37.79, "Longitude": -122.48, "Population": 546.0}, {"index": 16135, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.48, "Population": 546.0}, {"index": 16135, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.48, "Population": 546.0}, {"index": 16135, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.48, "Population": 546.0}, {"index": 16135, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.48, "Population": 546.0}, {"index": 16136, "quantile": 0.0, "value": 281100.0, "Latitude": 37.79, "Longitude": -122.49, "Population": 1143.0}, {"index": 16136, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.49, "Population": 1143.0}, {"index": 16136, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.49, "Population": 1143.0}, {"index": 16136, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.49, "Population": 1143.0}, {"index": 16136, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.49, "Population": 1143.0}, {"index": 16137, "quantile": 0.0, "value": 426100.0, "Latitude": 37.79, "Longitude": -122.49, "Population": 805.0}, {"index": 16137, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.49, "Population": 805.0}, {"index": 16137, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.49, "Population": 805.0}, {"index": 16137, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.49, "Population": 805.0}, {"index": 16137, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.49, "Population": 805.0}, {"index": 16138, "quantile": 0.0, "value": 306000.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 2030.0}, {"index": 16138, "quantile": 0.25, "value": 376800.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 2030.0}, {"index": 16138, "quantile": 0.5, "value": 376800.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 2030.0}, {"index": 16138, "quantile": 0.75, "value": 442099.99999999994, "Latitude": 37.78, "Longitude": -122.46, "Population": 2030.0}, {"index": 16138, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.46, "Population": 2030.0}, {"index": 16139, "quantile": 0.0, "value": 206300.00000000003, "Latitude": 37.78, "Longitude": -122.46, "Population": 1364.0}, {"index": 16139, "quantile": 0.25, "value": 420575.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1364.0}, {"index": 16139, "quantile": 0.5, "value": 441700.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1364.0}, {"index": 16139, "quantile": 0.75, "value": 441700.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1364.0}, {"index": 16139, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.46, "Population": 1364.0}, {"index": 16140, "quantile": 0.0, "value": 234600.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1400.0}, {"index": 16140, "quantile": 0.25, "value": 375000.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1400.0}, {"index": 16140, "quantile": 0.5, "value": 375000.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1400.0}, {"index": 16140, "quantile": 0.75, "value": 375000.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1400.0}, {"index": 16140, "quantile": 1.0, "value": 446900.00000000006, "Latitude": 37.78, "Longitude": -122.46, "Population": 1400.0}, {"index": 16141, "quantile": 0.0, "value": 164400.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1636.0}, {"index": 16141, "quantile": 0.25, "value": 356300.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1636.0}, {"index": 16141, "quantile": 0.5, "value": 360700.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1636.0}, {"index": 16141, "quantile": 0.75, "value": 360700.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1636.0}, {"index": 16141, "quantile": 1.0, "value": 475000.0, "Latitude": 37.78, "Longitude": -122.46, "Population": 1636.0}, {"index": 16142, "quantile": 0.0, "value": 161900.0, "Latitude": 37.77, "Longitude": -122.46, "Population": 2099.0}, {"index": 16142, "quantile": 0.25, "value": 331300.0, "Latitude": 37.77, "Longitude": -122.46, "Population": 2099.0}, {"index": 16142, "quantile": 0.5, "value": 402900.0, "Latitude": 37.77, "Longitude": -122.46, "Population": 2099.0}, {"index": 16142, "quantile": 0.75, "value": 402900.0, "Latitude": 37.77, "Longitude": -122.46, "Population": 2099.0}, {"index": 16142, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.46, "Population": 2099.0}, {"index": 16143, "quantile": 0.0, "value": 208300.00000000003, "Latitude": 37.77, "Longitude": -122.47, "Population": 1042.0}, {"index": 16143, "quantile": 0.25, "value": 365600.0, "Latitude": 37.77, "Longitude": -122.47, "Population": 1042.0}, {"index": 16143, "quantile": 0.5, "value": 398400.0, "Latitude": 37.77, "Longitude": -122.47, "Population": 1042.0}, {"index": 16143, "quantile": 0.75, "value": 398400.0, "Latitude": 37.77, "Longitude": -122.47, "Population": 1042.0}, {"index": 16143, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.47, "Population": 1042.0}, {"index": 16144, "quantile": 0.0, "value": 228799.99999999997, "Latitude": 37.78, "Longitude": -122.47, "Population": 1166.0}, {"index": 16144, "quantile": 0.25, "value": 404699.99999999994, "Latitude": 37.78, "Longitude": -122.47, "Population": 1166.0}, {"index": 16144, "quantile": 0.5, "value": 421300.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1166.0}, {"index": 16144, "quantile": 0.75, "value": 421300.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1166.0}, {"index": 16144, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.47, "Population": 1166.0}, {"index": 16145, "quantile": 0.0, "value": 156300.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1220.0}, {"index": 16145, "quantile": 0.25, "value": 393750.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1220.0}, {"index": 16145, "quantile": 0.5, "value": 446900.00000000006, "Latitude": 37.78, "Longitude": -122.47, "Population": 1220.0}, {"index": 16145, "quantile": 0.75, "value": 446900.00000000006, "Latitude": 37.78, "Longitude": -122.47, "Population": 1220.0}, {"index": 16145, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.47, "Population": 1220.0}, {"index": 16146, "quantile": 0.0, "value": 250000.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1448.0}, {"index": 16146, "quantile": 0.25, "value": 414600.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1448.0}, {"index": 16146, "quantile": 0.5, "value": 422400.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1448.0}, {"index": 16146, "quantile": 0.75, "value": 422400.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1448.0}, {"index": 16146, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.47, "Population": 1448.0}, {"index": 16147, "quantile": 0.0, "value": 275000.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1479.0}, {"index": 16147, "quantile": 0.25, "value": 412125.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1479.0}, {"index": 16147, "quantile": 0.5, "value": 414600.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1479.0}, {"index": 16147, "quantile": 0.75, "value": 414600.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1479.0}, {"index": 16147, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.47, "Population": 1479.0}, {"index": 16148, "quantile": 0.0, "value": 177800.0, "Latitude": 37.78, "Longitude": -122.47, "Population": 1153.0}, {"index": 16148, "quantile": 0.25, "value": 404699.99999999994, "Latitude": 37.78, "Longitude": -122.47, "Population": 1153.0}, {"index": 16148, "quantile": 0.5, "value": 404699.99999999994, "Latitude": 37.78, "Longitude": -122.47, "Population": 1153.0}, {"index": 16148, "quantile": 0.75, "value": 404699.99999999994, "Latitude": 37.78, "Longitude": -122.47, "Population": 1153.0}, {"index": 16148, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.47, "Population": 1153.0}, {"index": 16149, "quantile": 0.0, "value": 275000.0, "Latitude": 37.77, "Longitude": -122.47, "Population": 1350.0}, {"index": 16149, "quantile": 0.25, "value": 348500.0, "Latitude": 37.77, "Longitude": -122.47, "Population": 1350.0}, {"index": 16149, "quantile": 0.5, "value": 413400.00000000006, "Latitude": 37.77, "Longitude": -122.47, "Population": 1350.0}, {"index": 16149, "quantile": 0.75, "value": 456000.00000000006, "Latitude": 37.77, "Longitude": -122.47, "Population": 1350.0}, {"index": 16149, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.47, "Population": 1350.0}, {"index": 16150, "quantile": 0.0, "value": 327200.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1427.0}, {"index": 16150, "quantile": 0.25, "value": 337200.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1427.0}, {"index": 16150, "quantile": 0.5, "value": 337200.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1427.0}, {"index": 16150, "quantile": 0.75, "value": 387200.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1427.0}, {"index": 16150, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.48, "Population": 1427.0}, {"index": 16151, "quantile": 0.0, "value": 269200.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1362.0}, {"index": 16151, "quantile": 0.25, "value": 366150.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1362.0}, {"index": 16151, "quantile": 0.5, "value": 393800.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1362.0}, {"index": 16151, "quantile": 0.75, "value": 393800.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1362.0}, {"index": 16151, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.48, "Population": 1362.0}, {"index": 16152, "quantile": 0.0, "value": 275000.0, "Latitude": 37.77, "Longitude": -122.48, "Population": 1202.0}, {"index": 16152, "quantile": 0.25, "value": 348500.0, "Latitude": 37.77, "Longitude": -122.48, "Population": 1202.0}, {"index": 16152, "quantile": 0.5, "value": 348500.0, "Latitude": 37.77, "Longitude": -122.48, "Population": 1202.0}, {"index": 16152, "quantile": 0.75, "value": 375025.0, "Latitude": 37.77, "Longitude": -122.48, "Population": 1202.0}, {"index": 16152, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.48, "Population": 1202.0}, {"index": 16153, "quantile": 0.0, "value": 250000.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1111.0}, {"index": 16153, "quantile": 0.25, "value": 346400.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1111.0}, {"index": 16153, "quantile": 0.5, "value": 346400.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1111.0}, {"index": 16153, "quantile": 0.75, "value": 346400.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1111.0}, {"index": 16153, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.78, "Longitude": -122.48, "Population": 1111.0}, {"index": 16154, "quantile": 0.0, "value": 200599.99999999997, "Latitude": 37.78, "Longitude": -122.48, "Population": 1508.0}, {"index": 16154, "quantile": 0.25, "value": 311400.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1508.0}, {"index": 16154, "quantile": 0.5, "value": 311400.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1508.0}, {"index": 16154, "quantile": 0.75, "value": 343250.0, "Latitude": 37.78, "Longitude": -122.48, "Population": 1508.0}, {"index": 16154, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.48, "Population": 1508.0}, {"index": 16155, "quantile": 0.0, "value": 117600.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1505.0}, {"index": 16155, "quantile": 0.25, "value": 329100.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1505.0}, {"index": 16155, "quantile": 0.5, "value": 329100.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1505.0}, {"index": 16155, "quantile": 0.75, "value": 329100.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1505.0}, {"index": 16155, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.49, "Population": 1505.0}, {"index": 16156, "quantile": 0.0, "value": 150000.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1663.0}, {"index": 16156, "quantile": 0.25, "value": 323875.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1663.0}, {"index": 16156, "quantile": 0.5, "value": 356300.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1663.0}, {"index": 16156, "quantile": 0.75, "value": 356300.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1663.0}, {"index": 16156, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.49, "Population": 1663.0}, {"index": 16157, "quantile": 0.0, "value": 252300.0, "Latitude": 37.77, "Longitude": -122.49, "Population": 1170.0}, {"index": 16157, "quantile": 0.25, "value": 341600.00000000006, "Latitude": 37.77, "Longitude": -122.49, "Population": 1170.0}, {"index": 16157, "quantile": 0.5, "value": 369200.0, "Latitude": 37.77, "Longitude": -122.49, "Population": 1170.0}, {"index": 16157, "quantile": 0.75, "value": 369200.0, "Latitude": 37.77, "Longitude": -122.49, "Population": 1170.0}, {"index": 16157, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.49, "Population": 1170.0}, {"index": 16158, "quantile": 0.0, "value": 259700.0, "Latitude": 37.77, "Longitude": -122.5, "Population": 1070.0}, {"index": 16158, "quantile": 0.25, "value": 359500.0, "Latitude": 37.77, "Longitude": -122.5, "Population": 1070.0}, {"index": 16158, "quantile": 0.5, "value": 359500.0, "Latitude": 37.77, "Longitude": -122.5, "Population": 1070.0}, {"index": 16158, "quantile": 0.75, "value": 359500.0, "Latitude": 37.77, "Longitude": -122.5, "Population": 1070.0}, {"index": 16158, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.5, "Population": 1070.0}, {"index": 16159, "quantile": 0.0, "value": 95600.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1109.0}, {"index": 16159, "quantile": 0.25, "value": 266325.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1109.0}, {"index": 16159, "quantile": 0.5, "value": 328600.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1109.0}, {"index": 16159, "quantile": 0.75, "value": 360700.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1109.0}, {"index": 16159, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.49, "Population": 1109.0}, {"index": 16160, "quantile": 0.0, "value": 149700.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1419.0}, {"index": 16160, "quantile": 0.25, "value": 245825.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1419.0}, {"index": 16160, "quantile": 0.5, "value": 263800.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1419.0}, {"index": 16160, "quantile": 0.75, "value": 311400.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1419.0}, {"index": 16160, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.49, "Population": 1419.0}, {"index": 16161, "quantile": 0.0, "value": 240899.99999999997, "Latitude": 37.78, "Longitude": -122.49, "Population": 1040.0}, {"index": 16161, "quantile": 0.25, "value": 399100.0, "Latitude": 37.78, "Longitude": -122.49, "Population": 1040.0}, {"index": 16161, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.49, "Population": 1040.0}, {"index": 16161, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.49, "Population": 1040.0}, {"index": 16161, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.49, "Population": 1040.0}, {"index": 16162, "quantile": 0.0, "value": 215300.0, "Latitude": 37.78, "Longitude": -122.5, "Population": 1049.0}, {"index": 16162, "quantile": 0.25, "value": 348500.0, "Latitude": 37.78, "Longitude": -122.5, "Population": 1049.0}, {"index": 16162, "quantile": 0.5, "value": 348500.0, "Latitude": 37.78, "Longitude": -122.5, "Population": 1049.0}, {"index": 16162, "quantile": 0.75, "value": 348500.0, "Latitude": 37.78, "Longitude": -122.5, "Population": 1049.0}, {"index": 16162, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.5, "Population": 1049.0}, {"index": 16163, "quantile": 0.0, "value": 263200.0, "Latitude": 37.77, "Longitude": -122.5, "Population": 1032.0}, {"index": 16163, "quantile": 0.25, "value": 324700.0, "Latitude": 37.77, "Longitude": -122.5, "Population": 1032.0}, {"index": 16163, "quantile": 0.5, "value": 324700.0, "Latitude": 37.77, "Longitude": -122.5, "Population": 1032.0}, {"index": 16163, "quantile": 0.75, "value": 324700.0, "Latitude": 37.77, "Longitude": -122.5, "Population": 1032.0}, {"index": 16163, "quantile": 1.0, "value": 421300.0, "Latitude": 37.77, "Longitude": -122.5, "Population": 1032.0}, {"index": 16164, "quantile": 0.0, "value": 163500.0, "Latitude": 37.77, "Longitude": -122.5, "Population": 1252.0}, {"index": 16164, "quantile": 0.25, "value": 336700.0, "Latitude": 37.77, "Longitude": -122.5, "Population": 1252.0}, {"index": 16164, "quantile": 0.5, "value": 336700.0, "Latitude": 37.77, "Longitude": -122.5, "Population": 1252.0}, {"index": 16164, "quantile": 0.75, "value": 336700.0, "Latitude": 37.77, "Longitude": -122.5, "Population": 1252.0}, {"index": 16164, "quantile": 1.0, "value": 447100.0, "Latitude": 37.77, "Longitude": -122.5, "Population": 1252.0}, {"index": 16165, "quantile": 0.0, "value": 254700.00000000003, "Latitude": 37.77, "Longitude": -122.5, "Population": 1312.0}, {"index": 16165, "quantile": 0.25, "value": 322900.0, "Latitude": 37.77, "Longitude": -122.5, "Population": 1312.0}, {"index": 16165, "quantile": 0.5, "value": 322900.0, "Latitude": 37.77, "Longitude": -122.5, "Population": 1312.0}, {"index": 16165, "quantile": 0.75, "value": 325650.0, "Latitude": 37.77, "Longitude": -122.5, "Population": 1312.0}, {"index": 16165, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.77, "Longitude": -122.5, "Population": 1312.0}, {"index": 16166, "quantile": 0.0, "value": 215300.0, "Latitude": 37.78, "Longitude": -122.5, "Population": 1418.0}, {"index": 16166, "quantile": 0.25, "value": 321875.0, "Latitude": 37.78, "Longitude": -122.5, "Population": 1418.0}, {"index": 16166, "quantile": 0.5, "value": 342200.0, "Latitude": 37.78, "Longitude": -122.5, "Population": 1418.0}, {"index": 16166, "quantile": 0.75, "value": 369200.0, "Latitude": 37.78, "Longitude": -122.5, "Population": 1418.0}, {"index": 16166, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.5, "Population": 1418.0}, {"index": 16167, "quantile": 0.0, "value": 239600.0, "Latitude": 37.78, "Longitude": -122.51, "Population": 1056.0}, {"index": 16167, "quantile": 0.25, "value": 351100.0, "Latitude": 37.78, "Longitude": -122.51, "Population": 1056.0}, {"index": 16167, "quantile": 0.5, "value": 351100.0, "Latitude": 37.78, "Longitude": -122.51, "Population": 1056.0}, {"index": 16167, "quantile": 0.75, "value": 351100.0, "Latitude": 37.78, "Longitude": -122.51, "Population": 1056.0}, {"index": 16167, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -122.51, "Population": 1056.0}, {"index": 16168, "quantile": 0.0, "value": 177800.0, "Latitude": 37.78, "Longitude": -122.51, "Population": 1201.0}, {"index": 16168, "quantile": 0.25, "value": 342200.0, "Latitude": 37.78, "Longitude": -122.51, "Population": 1201.0}, {"index": 16168, "quantile": 0.5, "value": 342200.0, "Latitude": 37.78, "Longitude": -122.51, "Population": 1201.0}, {"index": 16168, "quantile": 0.75, "value": 342200.0, "Latitude": 37.78, "Longitude": -122.51, "Population": 1201.0}, {"index": 16168, "quantile": 1.0, "value": 421300.0, "Latitude": 37.78, "Longitude": -122.51, "Population": 1201.0}, {"index": 16169, "quantile": 0.0, "value": 228200.0, "Latitude": 37.79, "Longitude": -122.55, "Population": 1229.0}, {"index": 16169, "quantile": 0.25, "value": 322200.0, "Latitude": 37.79, "Longitude": -122.55, "Population": 1229.0}, {"index": 16169, "quantile": 0.5, "value": 322200.0, "Latitude": 37.79, "Longitude": -122.55, "Population": 1229.0}, {"index": 16169, "quantile": 0.75, "value": 322200.0, "Latitude": 37.79, "Longitude": -122.55, "Population": 1229.0}, {"index": 16169, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.55, "Population": 1229.0}, {"index": 16170, "quantile": 0.0, "value": 91900.0, "Latitude": 37.81, "Longitude": -122.47, "Population": 4715.0}, {"index": 16170, "quantile": 0.25, "value": 414525.0, "Latitude": 37.81, "Longitude": -122.47, "Population": 4715.0}, {"index": 16170, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.47, "Population": 4715.0}, {"index": 16170, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.47, "Population": 4715.0}, {"index": 16170, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -122.47, "Population": 4715.0}, {"index": 16171, "quantile": 0.0, "value": 112500.0, "Latitude": 37.79, "Longitude": -122.5, "Population": 13.0}, {"index": 16171, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.5, "Population": 13.0}, {"index": 16171, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.5, "Population": 13.0}, {"index": 16171, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.5, "Population": 13.0}, {"index": 16171, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -122.5, "Population": 13.0}, {"index": 16172, "quantile": 0.0, "value": 119900.0, "Latitude": 37.72, "Longitude": -122.54, "Population": 1453.0}, {"index": 16172, "quantile": 0.25, "value": 318900.0, "Latitude": 37.72, "Longitude": -122.54, "Population": 1453.0}, {"index": 16172, "quantile": 0.5, "value": 318900.0, "Latitude": 37.72, "Longitude": -122.54, "Population": 1453.0}, {"index": 16172, "quantile": 0.75, "value": 318900.0, "Latitude": 37.72, "Longitude": -122.54, "Population": 1453.0}, {"index": 16172, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.72, "Longitude": -122.54, "Population": 1453.0}, {"index": 16173, "quantile": 0.0, "value": 81400.0, "Latitude": 37.72, "Longitude": -122.42, "Population": 3549.0}, {"index": 16173, "quantile": 0.25, "value": 212800.0, "Latitude": 37.72, "Longitude": -122.42, "Population": 3549.0}, {"index": 16173, "quantile": 0.5, "value": 212800.0, "Latitude": 37.72, "Longitude": -122.42, "Population": 3549.0}, {"index": 16173, "quantile": 0.75, "value": 212800.0, "Latitude": 37.72, "Longitude": -122.42, "Population": 3549.0}, {"index": 16173, "quantile": 1.0, "value": 364300.0, "Latitude": 37.72, "Longitude": -122.42, "Population": 3549.0}, {"index": 16174, "quantile": 0.0, "value": 81300.0, "Latitude": 37.72, "Longitude": -122.36, "Population": 355.0}, {"index": 16174, "quantile": 0.25, "value": 180400.0, "Latitude": 37.72, "Longitude": -122.36, "Population": 355.0}, {"index": 16174, "quantile": 0.5, "value": 180400.0, "Latitude": 37.72, "Longitude": -122.36, "Population": 355.0}, {"index": 16174, "quantile": 0.75, "value": 180400.0, "Latitude": 37.72, "Longitude": -122.36, "Population": 355.0}, {"index": 16174, "quantile": 1.0, "value": 325000.0, "Latitude": 37.72, "Longitude": -122.36, "Population": 355.0}, {"index": 16175, "quantile": 0.0, "value": 112500.0, "Latitude": 37.74, "Longitude": -122.39, "Population": 37.0}, {"index": 16175, "quantile": 0.25, "value": 225000.0, "Latitude": 37.74, "Longitude": -122.39, "Population": 37.0}, {"index": 16175, "quantile": 0.5, "value": 225000.0, "Latitude": 37.74, "Longitude": -122.39, "Population": 37.0}, {"index": 16175, "quantile": 0.75, "value": 281000.0, "Latitude": 37.74, "Longitude": -122.39, "Population": 37.0}, {"index": 16175, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -122.39, "Population": 37.0}, {"index": 16176, "quantile": 0.0, "value": 125000.0, "Latitude": 37.75, "Longitude": -122.4, "Population": 23.0}, {"index": 16176, "quantile": 0.25, "value": 225000.0, "Latitude": 37.75, "Longitude": -122.4, "Population": 23.0}, {"index": 16176, "quantile": 0.5, "value": 225000.0, "Latitude": 37.75, "Longitude": -122.4, "Population": 23.0}, {"index": 16176, "quantile": 0.75, "value": 347350.0, "Latitude": 37.75, "Longitude": -122.4, "Population": 23.0}, {"index": 16176, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -122.4, "Population": 23.0}, {"index": 16177, "quantile": 0.0, "value": 162500.0, "Latitude": 37.71, "Longitude": -122.38, "Population": 558.0}, {"index": 16177, "quantile": 0.25, "value": 207100.00000000003, "Latitude": 37.71, "Longitude": -122.38, "Population": 558.0}, {"index": 16177, "quantile": 0.5, "value": 207100.00000000003, "Latitude": 37.71, "Longitude": -122.38, "Population": 558.0}, {"index": 16177, "quantile": 0.75, "value": 227700.0, "Latitude": 37.71, "Longitude": -122.38, "Population": 558.0}, {"index": 16177, "quantile": 1.0, "value": 459199.99999999994, "Latitude": 37.71, "Longitude": -122.38, "Population": 558.0}, {"index": 16178, "quantile": 0.0, "value": 111600.00000000001, "Latitude": 37.71, "Longitude": -122.4, "Population": 1183.0}, {"index": 16178, "quantile": 0.25, "value": 223700.0, "Latitude": 37.71, "Longitude": -122.4, "Population": 1183.0}, {"index": 16178, "quantile": 0.5, "value": 223700.0, "Latitude": 37.71, "Longitude": -122.4, "Population": 1183.0}, {"index": 16178, "quantile": 0.75, "value": 225400.0, "Latitude": 37.71, "Longitude": -122.4, "Population": 1183.0}, {"index": 16178, "quantile": 1.0, "value": 265000.0, "Latitude": 37.71, "Longitude": -122.4, "Population": 1183.0}, {"index": 16179, "quantile": 0.0, "value": 22500.0, "Latitude": 37.96, "Longitude": -121.28, "Population": 1618.0}, {"index": 16179, "quantile": 0.25, "value": 52500.0, "Latitude": 37.96, "Longitude": -121.28, "Population": 1618.0}, {"index": 16179, "quantile": 0.5, "value": 52500.0, "Latitude": 37.96, "Longitude": -121.28, "Population": 1618.0}, {"index": 16179, "quantile": 0.75, "value": 92300.0, "Latitude": 37.96, "Longitude": -121.28, "Population": 1618.0}, {"index": 16179, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -121.28, "Population": 1618.0}, {"index": 16180, "quantile": 0.0, "value": 22500.0, "Latitude": 37.95, "Longitude": -121.28, "Population": 1448.0}, {"index": 16180, "quantile": 0.25, "value": 61300.0, "Latitude": 37.95, "Longitude": -121.28, "Population": 1448.0}, {"index": 16180, "quantile": 0.5, "value": 70200.0, "Latitude": 37.95, "Longitude": -121.28, "Population": 1448.0}, {"index": 16180, "quantile": 0.75, "value": 104274.99999999999, "Latitude": 37.95, "Longitude": -121.28, "Population": 1448.0}, {"index": 16180, "quantile": 1.0, "value": 137500.0, "Latitude": 37.95, "Longitude": -121.28, "Population": 1448.0}, {"index": 16181, "quantile": 0.0, "value": 22500.0, "Latitude": 37.95, "Longitude": -121.28, "Population": 1109.0}, {"index": 16181, "quantile": 0.25, "value": 54100.00000000001, "Latitude": 37.95, "Longitude": -121.28, "Population": 1109.0}, {"index": 16181, "quantile": 0.5, "value": 62850.00000000001, "Latitude": 37.95, "Longitude": -121.28, "Population": 1109.0}, {"index": 16181, "quantile": 0.75, "value": 86975.0, "Latitude": 37.95, "Longitude": -121.28, "Population": 1109.0}, {"index": 16181, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.95, "Longitude": -121.28, "Population": 1109.0}, {"index": 16182, "quantile": 0.0, "value": 32500.0, "Latitude": 37.96, "Longitude": -121.29, "Population": 630.0}, {"index": 16182, "quantile": 0.25, "value": 100800.0, "Latitude": 37.96, "Longitude": -121.29, "Population": 630.0}, {"index": 16182, "quantile": 0.5, "value": 112500.0, "Latitude": 37.96, "Longitude": -121.29, "Population": 630.0}, {"index": 16182, "quantile": 0.75, "value": 112500.0, "Latitude": 37.96, "Longitude": -121.29, "Population": 630.0}, {"index": 16182, "quantile": 1.0, "value": 166700.0, "Latitude": 37.96, "Longitude": -121.29, "Population": 630.0}, {"index": 16183, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.96, "Longitude": -121.29, "Population": 154.0}, {"index": 16183, "quantile": 0.25, "value": 75000.0, "Latitude": 37.96, "Longitude": -121.29, "Population": 154.0}, {"index": 16183, "quantile": 0.5, "value": 75000.0, "Latitude": 37.96, "Longitude": -121.29, "Population": 154.0}, {"index": 16183, "quantile": 0.75, "value": 139875.0, "Latitude": 37.96, "Longitude": -121.29, "Population": 154.0}, {"index": 16183, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -121.29, "Population": 154.0}, {"index": 16184, "quantile": 0.0, "value": 67000.0, "Latitude": 37.95, "Longitude": -121.29, "Population": 438.0}, {"index": 16184, "quantile": 0.25, "value": 87500.0, "Latitude": 37.95, "Longitude": -121.29, "Population": 438.0}, {"index": 16184, "quantile": 0.5, "value": 87500.0, "Latitude": 37.95, "Longitude": -121.29, "Population": 438.0}, {"index": 16184, "quantile": 0.75, "value": 87500.0, "Latitude": 37.95, "Longitude": -121.29, "Population": 438.0}, {"index": 16184, "quantile": 1.0, "value": 336800.0, "Latitude": 37.95, "Longitude": -121.29, "Population": 438.0}, {"index": 16185, "quantile": 0.0, "value": 32500.0, "Latitude": 37.95, "Longitude": -121.3, "Population": 575.0}, {"index": 16185, "quantile": 0.25, "value": 45000.0, "Latitude": 37.95, "Longitude": -121.3, "Population": 575.0}, {"index": 16185, "quantile": 0.5, "value": 45000.0, "Latitude": 37.95, "Longitude": -121.3, "Population": 575.0}, {"index": 16185, "quantile": 0.75, "value": 85575.0, "Latitude": 37.95, "Longitude": -121.3, "Population": 575.0}, {"index": 16185, "quantile": 1.0, "value": 350000.0, "Latitude": 37.95, "Longitude": -121.3, "Population": 575.0}, {"index": 16186, "quantile": 0.0, "value": 22500.0, "Latitude": 37.95, "Longitude": -121.29, "Population": 167.0}, {"index": 16186, "quantile": 0.25, "value": 22500.0, "Latitude": 37.95, "Longitude": -121.29, "Population": 167.0}, {"index": 16186, "quantile": 0.5, "value": 22500.0, "Latitude": 37.95, "Longitude": -121.29, "Population": 167.0}, {"index": 16186, "quantile": 0.75, "value": 88700.0, "Latitude": 37.95, "Longitude": -121.29, "Population": 167.0}, {"index": 16186, "quantile": 1.0, "value": 350000.0, "Latitude": 37.95, "Longitude": -121.29, "Population": 167.0}, {"index": 16187, "quantile": 0.0, "value": 22500.0, "Latitude": 37.96, "Longitude": -121.3, "Population": 1202.0}, {"index": 16187, "quantile": 0.25, "value": 76800.0, "Latitude": 37.96, "Longitude": -121.3, "Population": 1202.0}, {"index": 16187, "quantile": 0.5, "value": 76800.0, "Latitude": 37.96, "Longitude": -121.3, "Population": 1202.0}, {"index": 16187, "quantile": 0.75, "value": 76800.0, "Latitude": 37.96, "Longitude": -121.3, "Population": 1202.0}, {"index": 16187, "quantile": 1.0, "value": 137500.0, "Latitude": 37.96, "Longitude": -121.3, "Population": 1202.0}, {"index": 16188, "quantile": 0.0, "value": 50000.0, "Latitude": 37.96, "Longitude": -121.31, "Population": 583.0}, {"index": 16188, "quantile": 0.25, "value": 74750.0, "Latitude": 37.96, "Longitude": -121.31, "Population": 583.0}, {"index": 16188, "quantile": 0.5, "value": 87200.0, "Latitude": 37.96, "Longitude": -121.31, "Population": 583.0}, {"index": 16188, "quantile": 0.75, "value": 103899.99999999999, "Latitude": 37.96, "Longitude": -121.31, "Population": 583.0}, {"index": 16188, "quantile": 1.0, "value": 153300.0, "Latitude": 37.96, "Longitude": -121.31, "Population": 583.0}, {"index": 16189, "quantile": 0.0, "value": 45000.0, "Latitude": 37.97, "Longitude": -121.29, "Population": 1025.0}, {"index": 16189, "quantile": 0.25, "value": 110200.00000000001, "Latitude": 37.97, "Longitude": -121.29, "Population": 1025.0}, {"index": 16189, "quantile": 0.5, "value": 110200.00000000001, "Latitude": 37.97, "Longitude": -121.29, "Population": 1025.0}, {"index": 16189, "quantile": 0.75, "value": 110200.00000000001, "Latitude": 37.97, "Longitude": -121.29, "Population": 1025.0}, {"index": 16189, "quantile": 1.0, "value": 287500.0, "Latitude": 37.97, "Longitude": -121.29, "Population": 1025.0}, {"index": 16190, "quantile": 0.0, "value": 45000.0, "Latitude": 37.96, "Longitude": -121.29, "Population": 1237.0}, {"index": 16190, "quantile": 0.25, "value": 64625.0, "Latitude": 37.96, "Longitude": -121.29, "Population": 1237.0}, {"index": 16190, "quantile": 0.5, "value": 85500.0, "Latitude": 37.96, "Longitude": -121.29, "Population": 1237.0}, {"index": 16190, "quantile": 0.75, "value": 92300.0, "Latitude": 37.96, "Longitude": -121.29, "Population": 1237.0}, {"index": 16190, "quantile": 1.0, "value": 168100.0, "Latitude": 37.96, "Longitude": -121.29, "Population": 1237.0}, {"index": 16191, "quantile": 0.0, "value": 45000.0, "Latitude": 37.96, "Longitude": -121.29, "Population": 1340.0}, {"index": 16191, "quantile": 0.25, "value": 80850.0, "Latitude": 37.96, "Longitude": -121.29, "Population": 1340.0}, {"index": 16191, "quantile": 0.5, "value": 92300.0, "Latitude": 37.96, "Longitude": -121.29, "Population": 1340.0}, {"index": 16191, "quantile": 0.75, "value": 92300.0, "Latitude": 37.96, "Longitude": -121.29, "Population": 1340.0}, {"index": 16191, "quantile": 1.0, "value": 123100.00000000001, "Latitude": 37.96, "Longitude": -121.29, "Population": 1340.0}, {"index": 16192, "quantile": 0.0, "value": 52500.0, "Latitude": 37.96, "Longitude": -121.3, "Population": 1398.0}, {"index": 16192, "quantile": 0.25, "value": 110400.00000000001, "Latitude": 37.96, "Longitude": -121.3, "Population": 1398.0}, {"index": 16192, "quantile": 0.5, "value": 110400.00000000001, "Latitude": 37.96, "Longitude": -121.3, "Population": 1398.0}, {"index": 16192, "quantile": 0.75, "value": 110400.00000000001, "Latitude": 37.96, "Longitude": -121.3, "Population": 1398.0}, {"index": 16192, "quantile": 1.0, "value": 350000.0, "Latitude": 37.96, "Longitude": -121.3, "Population": 1398.0}, {"index": 16193, "quantile": 0.0, "value": 63800.0, "Latitude": 37.96, "Longitude": -121.3, "Population": 736.0}, {"index": 16193, "quantile": 0.25, "value": 105100.0, "Latitude": 37.96, "Longitude": -121.3, "Population": 736.0}, {"index": 16193, "quantile": 0.5, "value": 105100.0, "Latitude": 37.96, "Longitude": -121.3, "Population": 736.0}, {"index": 16193, "quantile": 0.75, "value": 115550.0, "Latitude": 37.96, "Longitude": -121.3, "Population": 736.0}, {"index": 16193, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -121.3, "Population": 736.0}, {"index": 16194, "quantile": 0.0, "value": 37900.0, "Latitude": 37.96, "Longitude": -121.3, "Population": 679.0}, {"index": 16194, "quantile": 0.25, "value": 97400.0, "Latitude": 37.96, "Longitude": -121.3, "Population": 679.0}, {"index": 16194, "quantile": 0.5, "value": 97400.0, "Latitude": 37.96, "Longitude": -121.3, "Population": 679.0}, {"index": 16194, "quantile": 0.75, "value": 97400.0, "Latitude": 37.96, "Longitude": -121.3, "Population": 679.0}, {"index": 16194, "quantile": 1.0, "value": 268800.0, "Latitude": 37.96, "Longitude": -121.3, "Population": 679.0}, {"index": 16195, "quantile": 0.0, "value": 70100.0, "Latitude": 37.96, "Longitude": -121.31, "Population": 1157.0}, {"index": 16195, "quantile": 0.25, "value": 107600.0, "Latitude": 37.96, "Longitude": -121.31, "Population": 1157.0}, {"index": 16195, "quantile": 0.5, "value": 107600.0, "Latitude": 37.96, "Longitude": -121.31, "Population": 1157.0}, {"index": 16195, "quantile": 0.75, "value": 116075.0, "Latitude": 37.96, "Longitude": -121.31, "Population": 1157.0}, {"index": 16195, "quantile": 1.0, "value": 487500.0, "Latitude": 37.96, "Longitude": -121.31, "Population": 1157.0}, {"index": 16196, "quantile": 0.0, "value": 37500.0, "Latitude": 37.96, "Longitude": -121.31, "Population": 694.0}, {"index": 16196, "quantile": 0.25, "value": 123100.00000000001, "Latitude": 37.96, "Longitude": -121.31, "Population": 694.0}, {"index": 16196, "quantile": 0.5, "value": 146050.0, "Latitude": 37.96, "Longitude": -121.31, "Population": 694.0}, {"index": 16196, "quantile": 0.75, "value": 194300.0, "Latitude": 37.96, "Longitude": -121.31, "Population": 694.0}, {"index": 16196, "quantile": 1.0, "value": 357600.0, "Latitude": 37.96, "Longitude": -121.31, "Population": 694.0}, {"index": 16197, "quantile": 0.0, "value": 51700.0, "Latitude": 37.97, "Longitude": -121.28, "Population": 1455.0}, {"index": 16197, "quantile": 0.25, "value": 63400.0, "Latitude": 37.97, "Longitude": -121.28, "Population": 1455.0}, {"index": 16197, "quantile": 0.5, "value": 66000.0, "Latitude": 37.97, "Longitude": -121.28, "Population": 1455.0}, {"index": 16197, "quantile": 0.75, "value": 66000.0, "Latitude": 37.97, "Longitude": -121.28, "Population": 1455.0}, {"index": 16197, "quantile": 1.0, "value": 183300.0, "Latitude": 37.97, "Longitude": -121.28, "Population": 1455.0}, {"index": 16198, "quantile": 0.0, "value": 43000.0, "Latitude": 37.96, "Longitude": -121.27, "Population": 1805.0}, {"index": 16198, "quantile": 0.25, "value": 61300.0, "Latitude": 37.96, "Longitude": -121.27, "Population": 1805.0}, {"index": 16198, "quantile": 0.5, "value": 61300.0, "Latitude": 37.96, "Longitude": -121.27, "Population": 1805.0}, {"index": 16198, "quantile": 0.75, "value": 61300.0, "Latitude": 37.96, "Longitude": -121.27, "Population": 1805.0}, {"index": 16198, "quantile": 1.0, "value": 137500.0, "Latitude": 37.96, "Longitude": -121.27, "Population": 1805.0}, {"index": 16199, "quantile": 0.0, "value": 45000.0, "Latitude": 37.95, "Longitude": -121.27, "Population": 573.0}, {"index": 16199, "quantile": 0.25, "value": 52000.0, "Latitude": 37.95, "Longitude": -121.27, "Population": 573.0}, {"index": 16199, "quantile": 0.5, "value": 61300.0, "Latitude": 37.95, "Longitude": -121.27, "Population": 573.0}, {"index": 16199, "quantile": 0.75, "value": 82300.0, "Latitude": 37.95, "Longitude": -121.27, "Population": 573.0}, {"index": 16199, "quantile": 1.0, "value": 137500.0, "Latitude": 37.95, "Longitude": -121.27, "Population": 573.0}, {"index": 16200, "quantile": 0.0, "value": 32500.0, "Latitude": 37.95, "Longitude": -121.27, "Population": 1368.0}, {"index": 16200, "quantile": 0.25, "value": 52000.0, "Latitude": 37.95, "Longitude": -121.27, "Population": 1368.0}, {"index": 16200, "quantile": 0.5, "value": 59300.0, "Latitude": 37.95, "Longitude": -121.27, "Population": 1368.0}, {"index": 16200, "quantile": 0.75, "value": 76800.0, "Latitude": 37.95, "Longitude": -121.27, "Population": 1368.0}, {"index": 16200, "quantile": 1.0, "value": 200000.0, "Latitude": 37.95, "Longitude": -121.27, "Population": 1368.0}, {"index": 16201, "quantile": 0.0, "value": 38800.0, "Latitude": 37.94, "Longitude": -121.27, "Population": 676.0}, {"index": 16201, "quantile": 0.25, "value": 52000.0, "Latitude": 37.94, "Longitude": -121.27, "Population": 676.0}, {"index": 16201, "quantile": 0.5, "value": 52000.0, "Latitude": 37.94, "Longitude": -121.27, "Population": 676.0}, {"index": 16201, "quantile": 0.75, "value": 52000.0, "Latitude": 37.94, "Longitude": -121.27, "Population": 676.0}, {"index": 16201, "quantile": 1.0, "value": 253600.0, "Latitude": 37.94, "Longitude": -121.27, "Population": 676.0}, {"index": 16202, "quantile": 0.0, "value": 43000.0, "Latitude": 37.94, "Longitude": -121.28, "Population": 1489.0}, {"index": 16202, "quantile": 0.25, "value": 56050.0, "Latitude": 37.94, "Longitude": -121.28, "Population": 1489.0}, {"index": 16202, "quantile": 0.5, "value": 61300.0, "Latitude": 37.94, "Longitude": -121.28, "Population": 1489.0}, {"index": 16202, "quantile": 0.75, "value": 75000.0, "Latitude": 37.94, "Longitude": -121.28, "Population": 1489.0}, {"index": 16202, "quantile": 1.0, "value": 175000.0, "Latitude": 37.94, "Longitude": -121.28, "Population": 1489.0}, {"index": 16203, "quantile": 0.0, "value": 44800.0, "Latitude": 37.94, "Longitude": -121.28, "Population": 1406.0}, {"index": 16203, "quantile": 0.25, "value": 52700.0, "Latitude": 37.94, "Longitude": -121.28, "Population": 1406.0}, {"index": 16203, "quantile": 0.5, "value": 52700.0, "Latitude": 37.94, "Longitude": -121.28, "Population": 1406.0}, {"index": 16203, "quantile": 0.75, "value": 58024.99999999999, "Latitude": 37.94, "Longitude": -121.28, "Population": 1406.0}, {"index": 16203, "quantile": 1.0, "value": 137500.0, "Latitude": 37.94, "Longitude": -121.28, "Population": 1406.0}, {"index": 16204, "quantile": 0.0, "value": 22500.0, "Latitude": 37.95, "Longitude": -121.29, "Population": 272.0}, {"index": 16204, "quantile": 0.25, "value": 62825.0, "Latitude": 37.95, "Longitude": -121.29, "Population": 272.0}, {"index": 16204, "quantile": 0.5, "value": 67550.0, "Latitude": 37.95, "Longitude": -121.29, "Population": 272.0}, {"index": 16204, "quantile": 0.75, "value": 112500.0, "Latitude": 37.95, "Longitude": -121.29, "Population": 272.0}, {"index": 16204, "quantile": 1.0, "value": 200000.0, "Latitude": 37.95, "Longitude": -121.29, "Population": 272.0}, {"index": 16205, "quantile": 0.0, "value": 43000.0, "Latitude": 37.94, "Longitude": -121.29, "Population": 2037.0}, {"index": 16205, "quantile": 0.25, "value": 63800.0, "Latitude": 37.94, "Longitude": -121.29, "Population": 2037.0}, {"index": 16205, "quantile": 0.5, "value": 63800.0, "Latitude": 37.94, "Longitude": -121.29, "Population": 2037.0}, {"index": 16205, "quantile": 0.75, "value": 63800.0, "Latitude": 37.94, "Longitude": -121.29, "Population": 2037.0}, {"index": 16205, "quantile": 1.0, "value": 113599.99999999999, "Latitude": 37.94, "Longitude": -121.29, "Population": 2037.0}, {"index": 16206, "quantile": 0.0, "value": 43000.0, "Latitude": 37.95, "Longitude": -121.32, "Population": 742.0}, {"index": 16206, "quantile": 0.25, "value": 43000.0, "Latitude": 37.95, "Longitude": -121.32, "Population": 742.0}, {"index": 16206, "quantile": 0.5, "value": 43000.0, "Latitude": 37.95, "Longitude": -121.32, "Population": 742.0}, {"index": 16206, "quantile": 0.75, "value": 51900.0, "Latitude": 37.95, "Longitude": -121.32, "Population": 742.0}, {"index": 16206, "quantile": 1.0, "value": 113300.0, "Latitude": 37.95, "Longitude": -121.32, "Population": 742.0}, {"index": 16207, "quantile": 0.0, "value": 22500.0, "Latitude": 37.94, "Longitude": -121.31, "Population": 323.0}, {"index": 16207, "quantile": 0.25, "value": 45000.0, "Latitude": 37.94, "Longitude": -121.31, "Population": 323.0}, {"index": 16207, "quantile": 0.5, "value": 45000.0, "Latitude": 37.94, "Longitude": -121.31, "Population": 323.0}, {"index": 16207, "quantile": 0.75, "value": 56724.99999999999, "Latitude": 37.94, "Longitude": -121.31, "Population": 323.0}, {"index": 16207, "quantile": 1.0, "value": 137500.0, "Latitude": 37.94, "Longitude": -121.31, "Population": 323.0}, {"index": 16208, "quantile": 0.0, "value": 43000.0, "Latitude": 37.94, "Longitude": -121.3, "Population": 412.0}, {"index": 16208, "quantile": 0.25, "value": 44500.0, "Latitude": 37.94, "Longitude": -121.3, "Population": 412.0}, {"index": 16208, "quantile": 0.5, "value": 61650.00000000001, "Latitude": 37.94, "Longitude": -121.3, "Population": 412.0}, {"index": 16208, "quantile": 0.75, "value": 67000.0, "Latitude": 37.94, "Longitude": -121.3, "Population": 412.0}, {"index": 16208, "quantile": 1.0, "value": 120000.0, "Latitude": 37.94, "Longitude": -121.3, "Population": 412.0}, {"index": 16209, "quantile": 0.0, "value": 22500.0, "Latitude": 37.94, "Longitude": -121.3, "Population": 23.0}, {"index": 16209, "quantile": 0.25, "value": 67500.0, "Latitude": 37.94, "Longitude": -121.3, "Population": 23.0}, {"index": 16209, "quantile": 0.5, "value": 67500.0, "Latitude": 37.94, "Longitude": -121.3, "Population": 23.0}, {"index": 16209, "quantile": 0.75, "value": 68600.0, "Latitude": 37.94, "Longitude": -121.3, "Population": 23.0}, {"index": 16209, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.94, "Longitude": -121.3, "Population": 23.0}, {"index": 16210, "quantile": 0.0, "value": 39600.0, "Latitude": 37.94, "Longitude": -121.32, "Population": 64.0}, {"index": 16210, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 37.94, "Longitude": -121.32, "Population": 64.0}, {"index": 16210, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 37.94, "Longitude": -121.32, "Population": 64.0}, {"index": 16210, "quantile": 0.75, "value": 72700.0, "Latitude": 37.94, "Longitude": -121.32, "Population": 64.0}, {"index": 16210, "quantile": 1.0, "value": 450000.0, "Latitude": 37.94, "Longitude": -121.32, "Population": 64.0}, {"index": 16211, "quantile": 0.0, "value": 70100.0, "Latitude": 37.96, "Longitude": -121.31, "Population": 788.0}, {"index": 16211, "quantile": 0.25, "value": 118400.0, "Latitude": 37.96, "Longitude": -121.31, "Population": 788.0}, {"index": 16211, "quantile": 0.5, "value": 118400.0, "Latitude": 37.96, "Longitude": -121.31, "Population": 788.0}, {"index": 16211, "quantile": 0.75, "value": 125374.99999999999, "Latitude": 37.96, "Longitude": -121.31, "Population": 788.0}, {"index": 16211, "quantile": 1.0, "value": 440900.0, "Latitude": 37.96, "Longitude": -121.31, "Population": 788.0}, {"index": 16212, "quantile": 0.0, "value": 80300.0, "Latitude": 37.96, "Longitude": -121.32, "Population": 922.0}, {"index": 16212, "quantile": 0.25, "value": 87200.0, "Latitude": 37.96, "Longitude": -121.32, "Population": 922.0}, {"index": 16212, "quantile": 0.5, "value": 87200.0, "Latitude": 37.96, "Longitude": -121.32, "Population": 922.0}, {"index": 16212, "quantile": 0.75, "value": 88050.0, "Latitude": 37.96, "Longitude": -121.32, "Population": 922.0}, {"index": 16212, "quantile": 1.0, "value": 282100.0, "Latitude": 37.96, "Longitude": -121.32, "Population": 922.0}, {"index": 16213, "quantile": 0.0, "value": 48300.0, "Latitude": 37.96, "Longitude": -121.32, "Population": 975.0}, {"index": 16213, "quantile": 0.25, "value": 72975.0, "Latitude": 37.96, "Longitude": -121.32, "Population": 975.0}, {"index": 16213, "quantile": 0.5, "value": 90800.0, "Latitude": 37.96, "Longitude": -121.32, "Population": 975.0}, {"index": 16213, "quantile": 0.75, "value": 103899.99999999999, "Latitude": 37.96, "Longitude": -121.32, "Population": 975.0}, {"index": 16213, "quantile": 1.0, "value": 156700.0, "Latitude": 37.96, "Longitude": -121.32, "Population": 975.0}, {"index": 16214, "quantile": 0.0, "value": 50000.0, "Latitude": 37.96, "Longitude": -121.33, "Population": 906.0}, {"index": 16214, "quantile": 0.25, "value": 80300.0, "Latitude": 37.96, "Longitude": -121.33, "Population": 906.0}, {"index": 16214, "quantile": 0.5, "value": 80300.0, "Latitude": 37.96, "Longitude": -121.33, "Population": 906.0}, {"index": 16214, "quantile": 0.75, "value": 80300.0, "Latitude": 37.96, "Longitude": -121.33, "Population": 906.0}, {"index": 16214, "quantile": 1.0, "value": 170800.0, "Latitude": 37.96, "Longitude": -121.33, "Population": 906.0}, {"index": 16215, "quantile": 0.0, "value": 43000.0, "Latitude": 37.96, "Longitude": -121.34, "Population": 2010.0}, {"index": 16215, "quantile": 0.25, "value": 57075.0, "Latitude": 37.96, "Longitude": -121.34, "Population": 2010.0}, {"index": 16215, "quantile": 0.5, "value": 61250.00000000001, "Latitude": 37.96, "Longitude": -121.34, "Population": 2010.0}, {"index": 16215, "quantile": 0.75, "value": 80125.0, "Latitude": 37.96, "Longitude": -121.34, "Population": 2010.0}, {"index": 16215, "quantile": 1.0, "value": 193800.0, "Latitude": 37.96, "Longitude": -121.34, "Population": 2010.0}, {"index": 16216, "quantile": 0.0, "value": 32500.0, "Latitude": 37.95, "Longitude": -121.32, "Population": 338.0}, {"index": 16216, "quantile": 0.25, "value": 62100.0, "Latitude": 37.95, "Longitude": -121.32, "Population": 338.0}, {"index": 16216, "quantile": 0.5, "value": 62100.0, "Latitude": 37.95, "Longitude": -121.32, "Population": 338.0}, {"index": 16216, "quantile": 0.75, "value": 89375.0, "Latitude": 37.95, "Longitude": -121.32, "Population": 338.0}, {"index": 16216, "quantile": 1.0, "value": 250000.0, "Latitude": 37.95, "Longitude": -121.32, "Population": 338.0}, {"index": 16217, "quantile": 0.0, "value": 22500.0, "Latitude": 37.96, "Longitude": -121.32, "Population": 50.0}, {"index": 16217, "quantile": 0.25, "value": 50000.0, "Latitude": 37.96, "Longitude": -121.32, "Population": 50.0}, {"index": 16217, "quantile": 0.5, "value": 50000.0, "Latitude": 37.96, "Longitude": -121.32, "Population": 50.0}, {"index": 16217, "quantile": 0.75, "value": 139025.0, "Latitude": 37.96, "Longitude": -121.32, "Population": 50.0}, {"index": 16217, "quantile": 1.0, "value": 268800.0, "Latitude": 37.96, "Longitude": -121.32, "Population": 50.0}, {"index": 16218, "quantile": 0.0, "value": 82000.0, "Latitude": 37.97, "Longitude": -121.34, "Population": 1203.0}, {"index": 16218, "quantile": 0.25, "value": 94600.0, "Latitude": 37.97, "Longitude": -121.34, "Population": 1203.0}, {"index": 16218, "quantile": 0.5, "value": 94600.0, "Latitude": 37.97, "Longitude": -121.34, "Population": 1203.0}, {"index": 16218, "quantile": 0.75, "value": 115324.99999999999, "Latitude": 37.97, "Longitude": -121.34, "Population": 1203.0}, {"index": 16218, "quantile": 1.0, "value": 197600.0, "Latitude": 37.97, "Longitude": -121.34, "Population": 1203.0}, {"index": 16219, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 37.96, "Longitude": -121.34, "Population": 1554.0}, {"index": 16219, "quantile": 0.25, "value": 99000.0, "Latitude": 37.96, "Longitude": -121.34, "Population": 1554.0}, {"index": 16219, "quantile": 0.5, "value": 118849.99999999999, "Latitude": 37.96, "Longitude": -121.34, "Population": 1554.0}, {"index": 16219, "quantile": 0.75, "value": 155300.0, "Latitude": 37.96, "Longitude": -121.34, "Population": 1554.0}, {"index": 16219, "quantile": 1.0, "value": 235600.0, "Latitude": 37.96, "Longitude": -121.34, "Population": 1554.0}, {"index": 16220, "quantile": 0.0, "value": 79500.0, "Latitude": 37.97, "Longitude": -121.35, "Population": 1698.0}, {"index": 16220, "quantile": 0.25, "value": 95950.0, "Latitude": 37.97, "Longitude": -121.35, "Population": 1698.0}, {"index": 16220, "quantile": 0.5, "value": 102800.0, "Latitude": 37.97, "Longitude": -121.35, "Population": 1698.0}, {"index": 16220, "quantile": 0.75, "value": 131800.0, "Latitude": 37.97, "Longitude": -121.35, "Population": 1698.0}, {"index": 16220, "quantile": 1.0, "value": 239200.0, "Latitude": 37.97, "Longitude": -121.35, "Population": 1698.0}, {"index": 16221, "quantile": 0.0, "value": 81300.0, "Latitude": 37.96, "Longitude": -121.36, "Population": 227.0}, {"index": 16221, "quantile": 0.25, "value": 139100.0, "Latitude": 37.96, "Longitude": -121.36, "Population": 227.0}, {"index": 16221, "quantile": 0.5, "value": 247400.00000000003, "Latitude": 37.96, "Longitude": -121.36, "Population": 227.0}, {"index": 16221, "quantile": 0.75, "value": 247400.00000000003, "Latitude": 37.96, "Longitude": -121.36, "Population": 227.0}, {"index": 16221, "quantile": 1.0, "value": 335700.0, "Latitude": 37.96, "Longitude": -121.36, "Population": 227.0}, {"index": 16222, "quantile": 0.0, "value": 153800.0, "Latitude": 37.96, "Longitude": -121.35, "Population": 462.0}, {"index": 16222, "quantile": 0.25, "value": 233800.0, "Latitude": 37.96, "Longitude": -121.35, "Population": 462.0}, {"index": 16222, "quantile": 0.5, "value": 255700.0, "Latitude": 37.96, "Longitude": -121.35, "Population": 462.0}, {"index": 16222, "quantile": 0.75, "value": 301375.0, "Latitude": 37.96, "Longitude": -121.35, "Population": 462.0}, {"index": 16222, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -121.35, "Population": 462.0}, {"index": 16223, "quantile": 0.0, "value": 69800.0, "Latitude": 37.98, "Longitude": -121.32, "Population": 1737.0}, {"index": 16223, "quantile": 0.25, "value": 94100.0, "Latitude": 37.98, "Longitude": -121.32, "Population": 1737.0}, {"index": 16223, "quantile": 0.5, "value": 94100.0, "Latitude": 37.98, "Longitude": -121.32, "Population": 1737.0}, {"index": 16223, "quantile": 0.75, "value": 94100.0, "Latitude": 37.98, "Longitude": -121.32, "Population": 1737.0}, {"index": 16223, "quantile": 1.0, "value": 361700.0, "Latitude": 37.98, "Longitude": -121.32, "Population": 1737.0}, {"index": 16224, "quantile": 0.0, "value": 84600.0, "Latitude": 37.98, "Longitude": -121.33, "Population": 1746.0}, {"index": 16224, "quantile": 0.25, "value": 84600.0, "Latitude": 37.98, "Longitude": -121.33, "Population": 1746.0}, {"index": 16224, "quantile": 0.5, "value": 84600.0, "Latitude": 37.98, "Longitude": -121.33, "Population": 1746.0}, {"index": 16224, "quantile": 0.75, "value": 99500.0, "Latitude": 37.98, "Longitude": -121.33, "Population": 1746.0}, {"index": 16224, "quantile": 1.0, "value": 197600.0, "Latitude": 37.98, "Longitude": -121.33, "Population": 1746.0}, {"index": 16225, "quantile": 0.0, "value": 63800.0, "Latitude": 37.97, "Longitude": -121.33, "Population": 1351.0}, {"index": 16225, "quantile": 0.25, "value": 91600.0, "Latitude": 37.97, "Longitude": -121.33, "Population": 1351.0}, {"index": 16225, "quantile": 0.5, "value": 91600.0, "Latitude": 37.97, "Longitude": -121.33, "Population": 1351.0}, {"index": 16225, "quantile": 0.75, "value": 100450.0, "Latitude": 37.97, "Longitude": -121.33, "Population": 1351.0}, {"index": 16225, "quantile": 1.0, "value": 262500.0, "Latitude": 37.97, "Longitude": -121.33, "Population": 1351.0}, {"index": 16226, "quantile": 0.0, "value": 84400.0, "Latitude": 37.97, "Longitude": -121.32, "Population": 1097.0}, {"index": 16226, "quantile": 0.25, "value": 87800.0, "Latitude": 37.97, "Longitude": -121.32, "Population": 1097.0}, {"index": 16226, "quantile": 0.5, "value": 87800.0, "Latitude": 37.97, "Longitude": -121.32, "Population": 1097.0}, {"index": 16226, "quantile": 0.75, "value": 100450.0, "Latitude": 37.97, "Longitude": -121.32, "Population": 1097.0}, {"index": 16226, "quantile": 1.0, "value": 405400.0, "Latitude": 37.97, "Longitude": -121.32, "Population": 1097.0}, {"index": 16227, "quantile": 0.0, "value": 69800.0, "Latitude": 37.97, "Longitude": -121.32, "Population": 1093.0}, {"index": 16227, "quantile": 0.25, "value": 88800.0, "Latitude": 37.97, "Longitude": -121.32, "Population": 1093.0}, {"index": 16227, "quantile": 0.5, "value": 88800.0, "Latitude": 37.97, "Longitude": -121.32, "Population": 1093.0}, {"index": 16227, "quantile": 0.75, "value": 89725.0, "Latitude": 37.97, "Longitude": -121.32, "Population": 1093.0}, {"index": 16227, "quantile": 1.0, "value": 239200.0, "Latitude": 37.97, "Longitude": -121.32, "Population": 1093.0}, {"index": 16228, "quantile": 0.0, "value": 72000.0, "Latitude": 37.96, "Longitude": -121.33, "Population": 730.0}, {"index": 16228, "quantile": 0.25, "value": 92600.0, "Latitude": 37.96, "Longitude": -121.33, "Population": 730.0}, {"index": 16228, "quantile": 0.5, "value": 92600.0, "Latitude": 37.96, "Longitude": -121.33, "Population": 730.0}, {"index": 16228, "quantile": 0.75, "value": 121649.99999999999, "Latitude": 37.96, "Longitude": -121.33, "Population": 730.0}, {"index": 16228, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.96, "Longitude": -121.33, "Population": 730.0}, {"index": 16229, "quantile": 0.0, "value": 73100.0, "Latitude": 37.97, "Longitude": -121.33, "Population": 721.0}, {"index": 16229, "quantile": 0.25, "value": 123100.00000000001, "Latitude": 37.97, "Longitude": -121.33, "Population": 721.0}, {"index": 16229, "quantile": 0.5, "value": 139200.0, "Latitude": 37.97, "Longitude": -121.33, "Population": 721.0}, {"index": 16229, "quantile": 0.75, "value": 161475.0, "Latitude": 37.97, "Longitude": -121.33, "Population": 721.0}, {"index": 16229, "quantile": 1.0, "value": 299200.0, "Latitude": 37.97, "Longitude": -121.33, "Population": 721.0}, {"index": 16230, "quantile": 0.0, "value": 48300.0, "Latitude": 37.97, "Longitude": -121.33, "Population": 999.0}, {"index": 16230, "quantile": 0.25, "value": 90800.0, "Latitude": 37.97, "Longitude": -121.33, "Population": 999.0}, {"index": 16230, "quantile": 0.5, "value": 90800.0, "Latitude": 37.97, "Longitude": -121.33, "Population": 999.0}, {"index": 16230, "quantile": 0.75, "value": 90800.0, "Latitude": 37.97, "Longitude": -121.33, "Population": 999.0}, {"index": 16230, "quantile": 1.0, "value": 154900.0, "Latitude": 37.97, "Longitude": -121.33, "Population": 999.0}, {"index": 16231, "quantile": 0.0, "value": 88800.0, "Latitude": 37.98, "Longitude": -121.31, "Population": 1228.0}, {"index": 16231, "quantile": 0.25, "value": 141500.0, "Latitude": 37.98, "Longitude": -121.31, "Population": 1228.0}, {"index": 16231, "quantile": 0.5, "value": 141500.0, "Latitude": 37.98, "Longitude": -121.31, "Population": 1228.0}, {"index": 16231, "quantile": 0.75, "value": 141500.0, "Latitude": 37.98, "Longitude": -121.31, "Population": 1228.0}, {"index": 16231, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -121.31, "Population": 1228.0}, {"index": 16232, "quantile": 0.0, "value": 87800.0, "Latitude": 37.97, "Longitude": -121.3, "Population": 1128.0}, {"index": 16232, "quantile": 0.25, "value": 98300.0, "Latitude": 37.97, "Longitude": -121.3, "Population": 1128.0}, {"index": 16232, "quantile": 0.5, "value": 143200.0, "Latitude": 37.97, "Longitude": -121.3, "Population": 1128.0}, {"index": 16232, "quantile": 0.75, "value": 197350.0, "Latitude": 37.97, "Longitude": -121.3, "Population": 1128.0}, {"index": 16232, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -121.3, "Population": 1128.0}, {"index": 16233, "quantile": 0.0, "value": 98300.0, "Latitude": 37.97, "Longitude": -121.31, "Population": 720.0}, {"index": 16233, "quantile": 0.25, "value": 183700.0, "Latitude": 37.97, "Longitude": -121.31, "Population": 720.0}, {"index": 16233, "quantile": 0.5, "value": 183700.0, "Latitude": 37.97, "Longitude": -121.31, "Population": 720.0}, {"index": 16233, "quantile": 0.75, "value": 232950.00000000003, "Latitude": 37.97, "Longitude": -121.31, "Population": 720.0}, {"index": 16233, "quantile": 1.0, "value": 418400.0, "Latitude": 37.97, "Longitude": -121.31, "Population": 720.0}, {"index": 16234, "quantile": 0.0, "value": 87600.0, "Latitude": 37.97, "Longitude": -121.31, "Population": 988.0}, {"index": 16234, "quantile": 0.25, "value": 123100.00000000001, "Latitude": 37.97, "Longitude": -121.31, "Population": 988.0}, {"index": 16234, "quantile": 0.5, "value": 123100.00000000001, "Latitude": 37.97, "Longitude": -121.31, "Population": 988.0}, {"index": 16234, "quantile": 0.75, "value": 130075.00000000001, "Latitude": 37.97, "Longitude": -121.31, "Population": 988.0}, {"index": 16234, "quantile": 1.0, "value": 281500.0, "Latitude": 37.97, "Longitude": -121.31, "Population": 988.0}, {"index": 16235, "quantile": 0.0, "value": 42100.0, "Latitude": 37.98, "Longitude": -121.29, "Population": 533.0}, {"index": 16235, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 37.98, "Longitude": -121.29, "Population": 533.0}, {"index": 16235, "quantile": 0.5, "value": 72800.0, "Latitude": 37.98, "Longitude": -121.29, "Population": 533.0}, {"index": 16235, "quantile": 0.75, "value": 97100.0, "Latitude": 37.98, "Longitude": -121.29, "Population": 533.0}, {"index": 16235, "quantile": 1.0, "value": 247200.0, "Latitude": 37.98, "Longitude": -121.29, "Population": 533.0}, {"index": 16236, "quantile": 0.0, "value": 48300.0, "Latitude": 37.97, "Longitude": -121.29, "Population": 1392.0}, {"index": 16236, "quantile": 0.25, "value": 98450.0, "Latitude": 37.97, "Longitude": -121.29, "Population": 1392.0}, {"index": 16236, "quantile": 0.5, "value": 98800.0, "Latitude": 37.97, "Longitude": -121.29, "Population": 1392.0}, {"index": 16236, "quantile": 0.75, "value": 98800.0, "Latitude": 37.97, "Longitude": -121.29, "Population": 1392.0}, {"index": 16236, "quantile": 1.0, "value": 101400.0, "Latitude": 37.97, "Longitude": -121.29, "Population": 1392.0}, {"index": 16237, "quantile": 0.0, "value": 67000.0, "Latitude": 37.98, "Longitude": -121.29, "Population": 1171.0}, {"index": 16237, "quantile": 0.25, "value": 93800.0, "Latitude": 37.98, "Longitude": -121.29, "Population": 1171.0}, {"index": 16237, "quantile": 0.5, "value": 116100.0, "Latitude": 37.98, "Longitude": -121.29, "Population": 1171.0}, {"index": 16237, "quantile": 0.75, "value": 141500.0, "Latitude": 37.98, "Longitude": -121.29, "Population": 1171.0}, {"index": 16237, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -121.29, "Population": 1171.0}, {"index": 16238, "quantile": 0.0, "value": 98300.0, "Latitude": 37.98, "Longitude": -121.3, "Population": 990.0}, {"index": 16238, "quantile": 0.25, "value": 98300.0, "Latitude": 37.98, "Longitude": -121.3, "Population": 990.0}, {"index": 16238, "quantile": 0.5, "value": 98300.0, "Latitude": 37.98, "Longitude": -121.3, "Population": 990.0}, {"index": 16238, "quantile": 0.75, "value": 123375.00000000001, "Latitude": 37.98, "Longitude": -121.3, "Population": 990.0}, {"index": 16238, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -121.3, "Population": 990.0}, {"index": 16239, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 37.97, "Longitude": -121.3, "Population": 766.0}, {"index": 16239, "quantile": 0.25, "value": 105400.0, "Latitude": 37.97, "Longitude": -121.3, "Population": 766.0}, {"index": 16239, "quantile": 0.5, "value": 105400.0, "Latitude": 37.97, "Longitude": -121.3, "Population": 766.0}, {"index": 16239, "quantile": 0.75, "value": 105400.0, "Latitude": 37.97, "Longitude": -121.3, "Population": 766.0}, {"index": 16239, "quantile": 1.0, "value": 364700.0, "Latitude": 37.97, "Longitude": -121.3, "Population": 766.0}, {"index": 16240, "quantile": 0.0, "value": 63800.0, "Latitude": 37.99, "Longitude": -121.29, "Population": 463.0}, {"index": 16240, "quantile": 0.25, "value": 90600.0, "Latitude": 37.99, "Longitude": -121.29, "Population": 463.0}, {"index": 16240, "quantile": 0.5, "value": 90600.0, "Latitude": 37.99, "Longitude": -121.29, "Population": 463.0}, {"index": 16240, "quantile": 0.75, "value": 90600.0, "Latitude": 37.99, "Longitude": -121.29, "Population": 463.0}, {"index": 16240, "quantile": 1.0, "value": 175000.0, "Latitude": 37.99, "Longitude": -121.29, "Population": 463.0}, {"index": 16241, "quantile": 0.0, "value": 34400.0, "Latitude": 37.99, "Longitude": -121.29, "Population": 2019.0}, {"index": 16241, "quantile": 0.25, "value": 81300.0, "Latitude": 37.99, "Longitude": -121.29, "Population": 2019.0}, {"index": 16241, "quantile": 0.5, "value": 81300.0, "Latitude": 37.99, "Longitude": -121.29, "Population": 2019.0}, {"index": 16241, "quantile": 0.75, "value": 81300.0, "Latitude": 37.99, "Longitude": -121.29, "Population": 2019.0}, {"index": 16241, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.99, "Longitude": -121.29, "Population": 2019.0}, {"index": 16242, "quantile": 0.0, "value": 50000.0, "Latitude": 37.99, "Longitude": -121.3, "Population": 1167.0}, {"index": 16242, "quantile": 0.25, "value": 75800.0, "Latitude": 37.99, "Longitude": -121.3, "Population": 1167.0}, {"index": 16242, "quantile": 0.5, "value": 88800.0, "Latitude": 37.99, "Longitude": -121.3, "Population": 1167.0}, {"index": 16242, "quantile": 0.75, "value": 104125.0, "Latitude": 37.99, "Longitude": -121.3, "Population": 1167.0}, {"index": 16242, "quantile": 1.0, "value": 145800.0, "Latitude": 37.99, "Longitude": -121.3, "Population": 1167.0}, {"index": 16243, "quantile": 0.0, "value": 70200.0, "Latitude": 37.98, "Longitude": -121.3, "Population": 1388.0}, {"index": 16243, "quantile": 0.25, "value": 93800.0, "Latitude": 37.98, "Longitude": -121.3, "Population": 1388.0}, {"index": 16243, "quantile": 0.5, "value": 93800.0, "Latitude": 37.98, "Longitude": -121.3, "Population": 1388.0}, {"index": 16243, "quantile": 0.75, "value": 115900.0, "Latitude": 37.98, "Longitude": -121.3, "Population": 1388.0}, {"index": 16243, "quantile": 1.0, "value": 266300.0, "Latitude": 37.98, "Longitude": -121.3, "Population": 1388.0}, {"index": 16244, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 37.99, "Longitude": -121.28, "Population": 284.0}, {"index": 16244, "quantile": 0.25, "value": 55700.00000000001, "Latitude": 37.99, "Longitude": -121.28, "Population": 284.0}, {"index": 16244, "quantile": 0.5, "value": 55700.00000000001, "Latitude": 37.99, "Longitude": -121.28, "Population": 284.0}, {"index": 16244, "quantile": 0.75, "value": 92500.0, "Latitude": 37.99, "Longitude": -121.28, "Population": 284.0}, {"index": 16244, "quantile": 1.0, "value": 187500.0, "Latitude": 37.99, "Longitude": -121.28, "Population": 284.0}, {"index": 16245, "quantile": 0.0, "value": 49000.0, "Latitude": 37.98, "Longitude": -121.26, "Population": 2050.0}, {"index": 16245, "quantile": 0.25, "value": 65225.0, "Latitude": 37.98, "Longitude": -121.26, "Population": 2050.0}, {"index": 16245, "quantile": 0.5, "value": 75500.0, "Latitude": 37.98, "Longitude": -121.26, "Population": 2050.0}, {"index": 16245, "quantile": 0.75, "value": 97600.0, "Latitude": 37.98, "Longitude": -121.26, "Population": 2050.0}, {"index": 16245, "quantile": 1.0, "value": 195800.0, "Latitude": 37.98, "Longitude": -121.26, "Population": 2050.0}, {"index": 16246, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 37.98, "Longitude": -121.27, "Population": 1322.0}, {"index": 16246, "quantile": 0.25, "value": 70000.0, "Latitude": 37.98, "Longitude": -121.27, "Population": 1322.0}, {"index": 16246, "quantile": 0.5, "value": 70000.0, "Latitude": 37.98, "Longitude": -121.27, "Population": 1322.0}, {"index": 16246, "quantile": 0.75, "value": 80300.0, "Latitude": 37.98, "Longitude": -121.27, "Population": 1322.0}, {"index": 16246, "quantile": 1.0, "value": 139000.0, "Latitude": 37.98, "Longitude": -121.27, "Population": 1322.0}, {"index": 16247, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 37.98, "Longitude": -121.27, "Population": 492.0}, {"index": 16247, "quantile": 0.25, "value": 72800.0, "Latitude": 37.98, "Longitude": -121.27, "Population": 492.0}, {"index": 16247, "quantile": 0.5, "value": 72800.0, "Latitude": 37.98, "Longitude": -121.27, "Population": 492.0}, {"index": 16247, "quantile": 0.75, "value": 108550.00000000001, "Latitude": 37.98, "Longitude": -121.27, "Population": 492.0}, {"index": 16247, "quantile": 1.0, "value": 187500.0, "Latitude": 37.98, "Longitude": -121.27, "Population": 492.0}, {"index": 16248, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 37.98, "Longitude": -121.28, "Population": 414.0}, {"index": 16248, "quantile": 0.25, "value": 86675.0, "Latitude": 37.98, "Longitude": -121.28, "Population": 414.0}, {"index": 16248, "quantile": 0.5, "value": 97750.0, "Latitude": 37.98, "Longitude": -121.28, "Population": 414.0}, {"index": 16248, "quantile": 0.75, "value": 105400.0, "Latitude": 37.98, "Longitude": -121.28, "Population": 414.0}, {"index": 16248, "quantile": 1.0, "value": 250000.0, "Latitude": 37.98, "Longitude": -121.28, "Population": 414.0}, {"index": 16249, "quantile": 0.0, "value": 48300.0, "Latitude": 37.99, "Longitude": -121.29, "Population": 498.0}, {"index": 16249, "quantile": 0.25, "value": 75200.0, "Latitude": 37.99, "Longitude": -121.29, "Population": 498.0}, {"index": 16249, "quantile": 0.5, "value": 75200.0, "Latitude": 37.99, "Longitude": -121.29, "Population": 498.0}, {"index": 16249, "quantile": 0.75, "value": 75200.0, "Latitude": 37.99, "Longitude": -121.29, "Population": 498.0}, {"index": 16249, "quantile": 1.0, "value": 156300.0, "Latitude": 37.99, "Longitude": -121.29, "Population": 498.0}, {"index": 16250, "quantile": 0.0, "value": 43000.0, "Latitude": 37.97, "Longitude": -121.27, "Population": 550.0}, {"index": 16250, "quantile": 0.25, "value": 64775.00000000001, "Latitude": 37.97, "Longitude": -121.27, "Population": 550.0}, {"index": 16250, "quantile": 0.5, "value": 80400.0, "Latitude": 37.97, "Longitude": -121.27, "Population": 550.0}, {"index": 16250, "quantile": 0.75, "value": 97600.0, "Latitude": 37.97, "Longitude": -121.27, "Population": 550.0}, {"index": 16250, "quantile": 1.0, "value": 156300.0, "Latitude": 37.97, "Longitude": -121.27, "Population": 550.0}, {"index": 16251, "quantile": 0.0, "value": 45000.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 367.0}, {"index": 16251, "quantile": 0.25, "value": 87050.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 367.0}, {"index": 16251, "quantile": 0.5, "value": 112500.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 367.0}, {"index": 16251, "quantile": 0.75, "value": 133775.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 367.0}, {"index": 16251, "quantile": 1.0, "value": 270800.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 367.0}, {"index": 16252, "quantile": 0.0, "value": 43000.0, "Latitude": 37.96, "Longitude": -121.27, "Population": 749.0}, {"index": 16252, "quantile": 0.25, "value": 52700.0, "Latitude": 37.96, "Longitude": -121.27, "Population": 749.0}, {"index": 16252, "quantile": 0.5, "value": 52700.0, "Latitude": 37.96, "Longitude": -121.27, "Population": 749.0}, {"index": 16252, "quantile": 0.75, "value": 57699.99999999999, "Latitude": 37.96, "Longitude": -121.27, "Population": 749.0}, {"index": 16252, "quantile": 1.0, "value": 74900.0, "Latitude": 37.96, "Longitude": -121.27, "Population": 749.0}, {"index": 16253, "quantile": 0.0, "value": 48100.0, "Latitude": 37.96, "Longitude": -121.27, "Population": 310.0}, {"index": 16253, "quantile": 0.25, "value": 54200.00000000001, "Latitude": 37.96, "Longitude": -121.27, "Population": 310.0}, {"index": 16253, "quantile": 0.5, "value": 54200.00000000001, "Latitude": 37.96, "Longitude": -121.27, "Population": 310.0}, {"index": 16253, "quantile": 0.75, "value": 76900.0, "Latitude": 37.96, "Longitude": -121.27, "Population": 310.0}, {"index": 16253, "quantile": 1.0, "value": 225000.0, "Latitude": 37.96, "Longitude": -121.27, "Population": 310.0}, {"index": 16254, "quantile": 0.0, "value": 40000.0, "Latitude": 37.98, "Longitude": -121.26, "Population": 885.0}, {"index": 16254, "quantile": 0.25, "value": 87350.0, "Latitude": 37.98, "Longitude": -121.26, "Population": 885.0}, {"index": 16254, "quantile": 0.5, "value": 93450.0, "Latitude": 37.98, "Longitude": -121.26, "Population": 885.0}, {"index": 16254, "quantile": 0.75, "value": 110250.0, "Latitude": 37.98, "Longitude": -121.26, "Population": 885.0}, {"index": 16254, "quantile": 1.0, "value": 154300.0, "Latitude": 37.98, "Longitude": -121.26, "Population": 885.0}, {"index": 16255, "quantile": 0.0, "value": 48300.0, "Latitude": 37.98, "Longitude": -121.25, "Population": 1056.0}, {"index": 16255, "quantile": 0.25, "value": 48300.0, "Latitude": 37.98, "Longitude": -121.25, "Population": 1056.0}, {"index": 16255, "quantile": 0.5, "value": 48300.0, "Latitude": 37.98, "Longitude": -121.25, "Population": 1056.0}, {"index": 16255, "quantile": 0.75, "value": 70300.0, "Latitude": 37.98, "Longitude": -121.25, "Population": 1056.0}, {"index": 16255, "quantile": 1.0, "value": 155400.0, "Latitude": 37.98, "Longitude": -121.25, "Population": 1056.0}, {"index": 16256, "quantile": 0.0, "value": 50500.0, "Latitude": 37.97, "Longitude": -121.26, "Population": 891.0}, {"index": 16256, "quantile": 0.25, "value": 50500.0, "Latitude": 37.97, "Longitude": -121.26, "Population": 891.0}, {"index": 16256, "quantile": 0.5, "value": 50500.0, "Latitude": 37.97, "Longitude": -121.26, "Population": 891.0}, {"index": 16256, "quantile": 0.75, "value": 86075.0, "Latitude": 37.97, "Longitude": -121.26, "Population": 891.0}, {"index": 16256, "quantile": 1.0, "value": 197200.0, "Latitude": 37.97, "Longitude": -121.26, "Population": 891.0}, {"index": 16257, "quantile": 0.0, "value": 47000.0, "Latitude": 37.97, "Longitude": -121.25, "Population": 846.0}, {"index": 16257, "quantile": 0.25, "value": 63100.0, "Latitude": 37.97, "Longitude": -121.25, "Population": 846.0}, {"index": 16257, "quantile": 0.5, "value": 63100.0, "Latitude": 37.97, "Longitude": -121.25, "Population": 846.0}, {"index": 16257, "quantile": 0.75, "value": 63100.0, "Latitude": 37.97, "Longitude": -121.25, "Population": 846.0}, {"index": 16257, "quantile": 1.0, "value": 120000.0, "Latitude": 37.97, "Longitude": -121.25, "Population": 846.0}, {"index": 16258, "quantile": 0.0, "value": 55300.00000000001, "Latitude": 37.96, "Longitude": -121.26, "Population": 690.0}, {"index": 16258, "quantile": 0.25, "value": 62300.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 690.0}, {"index": 16258, "quantile": 0.5, "value": 62300.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 690.0}, {"index": 16258, "quantile": 0.75, "value": 62300.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 690.0}, {"index": 16258, "quantile": 1.0, "value": 120000.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 690.0}, {"index": 16259, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 37.97, "Longitude": -121.26, "Population": 1143.0}, {"index": 16259, "quantile": 0.25, "value": 69800.0, "Latitude": 37.97, "Longitude": -121.26, "Population": 1143.0}, {"index": 16259, "quantile": 0.5, "value": 69800.0, "Latitude": 37.97, "Longitude": -121.26, "Population": 1143.0}, {"index": 16259, "quantile": 0.75, "value": 91375.0, "Latitude": 37.97, "Longitude": -121.26, "Population": 1143.0}, {"index": 16259, "quantile": 1.0, "value": 239200.0, "Latitude": 37.97, "Longitude": -121.26, "Population": 1143.0}, {"index": 16260, "quantile": 0.0, "value": 45000.0, "Latitude": 37.97, "Longitude": -121.25, "Population": 716.0}, {"index": 16260, "quantile": 0.25, "value": 64075.00000000001, "Latitude": 37.97, "Longitude": -121.25, "Population": 716.0}, {"index": 16260, "quantile": 0.5, "value": 75000.0, "Latitude": 37.97, "Longitude": -121.25, "Population": 716.0}, {"index": 16260, "quantile": 0.75, "value": 75000.0, "Latitude": 37.97, "Longitude": -121.25, "Population": 716.0}, {"index": 16260, "quantile": 1.0, "value": 155000.0, "Latitude": 37.97, "Longitude": -121.25, "Population": 716.0}, {"index": 16261, "quantile": 0.0, "value": 51700.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 892.0}, {"index": 16261, "quantile": 0.25, "value": 63500.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 892.0}, {"index": 16261, "quantile": 0.5, "value": 63500.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 892.0}, {"index": 16261, "quantile": 0.75, "value": 63500.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 892.0}, {"index": 16261, "quantile": 1.0, "value": 120000.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 892.0}, {"index": 16262, "quantile": 0.0, "value": 52700.0, "Latitude": 37.95, "Longitude": -121.25, "Population": 1208.0}, {"index": 16262, "quantile": 0.25, "value": 55300.00000000001, "Latitude": 37.95, "Longitude": -121.25, "Population": 1208.0}, {"index": 16262, "quantile": 0.5, "value": 55300.00000000001, "Latitude": 37.95, "Longitude": -121.25, "Population": 1208.0}, {"index": 16262, "quantile": 0.75, "value": 62525.0, "Latitude": 37.95, "Longitude": -121.25, "Population": 1208.0}, {"index": 16262, "quantile": 1.0, "value": 155000.0, "Latitude": 37.95, "Longitude": -121.25, "Population": 1208.0}, {"index": 16263, "quantile": 0.0, "value": 43000.0, "Latitude": 37.95, "Longitude": -121.26, "Population": 677.0}, {"index": 16263, "quantile": 0.25, "value": 59300.0, "Latitude": 37.95, "Longitude": -121.26, "Population": 677.0}, {"index": 16263, "quantile": 0.5, "value": 59300.0, "Latitude": 37.95, "Longitude": -121.26, "Population": 677.0}, {"index": 16263, "quantile": 0.75, "value": 59300.0, "Latitude": 37.95, "Longitude": -121.26, "Population": 677.0}, {"index": 16263, "quantile": 1.0, "value": 88800.0, "Latitude": 37.95, "Longitude": -121.26, "Population": 677.0}, {"index": 16264, "quantile": 0.0, "value": 52700.0, "Latitude": 37.95, "Longitude": -121.26, "Population": 1368.0}, {"index": 16264, "quantile": 0.25, "value": 62000.0, "Latitude": 37.95, "Longitude": -121.26, "Population": 1368.0}, {"index": 16264, "quantile": 0.5, "value": 62000.0, "Latitude": 37.95, "Longitude": -121.26, "Population": 1368.0}, {"index": 16264, "quantile": 0.75, "value": 62000.0, "Latitude": 37.95, "Longitude": -121.26, "Population": 1368.0}, {"index": 16264, "quantile": 1.0, "value": 74900.0, "Latitude": 37.95, "Longitude": -121.26, "Population": 1368.0}, {"index": 16265, "quantile": 0.0, "value": 42500.0, "Latitude": 37.96, "Longitude": -121.27, "Population": 382.0}, {"index": 16265, "quantile": 0.25, "value": 61200.0, "Latitude": 37.96, "Longitude": -121.27, "Population": 382.0}, {"index": 16265, "quantile": 0.5, "value": 66750.0, "Latitude": 37.96, "Longitude": -121.27, "Population": 382.0}, {"index": 16265, "quantile": 0.75, "value": 85700.0, "Latitude": 37.96, "Longitude": -121.27, "Population": 382.0}, {"index": 16265, "quantile": 1.0, "value": 193800.0, "Latitude": 37.96, "Longitude": -121.27, "Population": 382.0}, {"index": 16266, "quantile": 0.0, "value": 22500.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 335.0}, {"index": 16266, "quantile": 0.25, "value": 62800.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 335.0}, {"index": 16266, "quantile": 0.5, "value": 62800.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 335.0}, {"index": 16266, "quantile": 0.75, "value": 62800.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 335.0}, {"index": 16266, "quantile": 1.0, "value": 170200.0, "Latitude": 37.96, "Longitude": -121.26, "Population": 335.0}, {"index": 16267, "quantile": 0.0, "value": 50500.0, "Latitude": 37.96, "Longitude": -121.25, "Population": 1730.0}, {"index": 16267, "quantile": 0.25, "value": 66000.0, "Latitude": 37.96, "Longitude": -121.25, "Population": 1730.0}, {"index": 16267, "quantile": 0.5, "value": 81400.0, "Latitude": 37.96, "Longitude": -121.25, "Population": 1730.0}, {"index": 16267, "quantile": 0.75, "value": 98400.0, "Latitude": 37.96, "Longitude": -121.25, "Population": 1730.0}, {"index": 16267, "quantile": 1.0, "value": 225000.0, "Latitude": 37.96, "Longitude": -121.25, "Population": 1730.0}, {"index": 16268, "quantile": 0.0, "value": 48300.0, "Latitude": 37.96, "Longitude": -121.24, "Population": 788.0}, {"index": 16268, "quantile": 0.25, "value": 57699.99999999999, "Latitude": 37.96, "Longitude": -121.24, "Population": 788.0}, {"index": 16268, "quantile": 0.5, "value": 57699.99999999999, "Latitude": 37.96, "Longitude": -121.24, "Population": 788.0}, {"index": 16268, "quantile": 0.75, "value": 58099.99999999999, "Latitude": 37.96, "Longitude": -121.24, "Population": 788.0}, {"index": 16268, "quantile": 1.0, "value": 137500.0, "Latitude": 37.96, "Longitude": -121.24, "Population": 788.0}, {"index": 16269, "quantile": 0.0, "value": 52700.0, "Latitude": 37.95, "Longitude": -121.25, "Population": 1384.0}, {"index": 16269, "quantile": 0.25, "value": 62200.0, "Latitude": 37.95, "Longitude": -121.25, "Population": 1384.0}, {"index": 16269, "quantile": 0.5, "value": 62200.0, "Latitude": 37.95, "Longitude": -121.25, "Population": 1384.0}, {"index": 16269, "quantile": 0.75, "value": 62200.0, "Latitude": 37.95, "Longitude": -121.25, "Population": 1384.0}, {"index": 16269, "quantile": 1.0, "value": 105000.0, "Latitude": 37.95, "Longitude": -121.25, "Population": 1384.0}, {"index": 16270, "quantile": 0.0, "value": 63800.0, "Latitude": 37.95, "Longitude": -121.24, "Population": 169.0}, {"index": 16270, "quantile": 0.25, "value": 63800.0, "Latitude": 37.95, "Longitude": -121.24, "Population": 169.0}, {"index": 16270, "quantile": 0.5, "value": 63800.0, "Latitude": 37.95, "Longitude": -121.24, "Population": 169.0}, {"index": 16270, "quantile": 0.75, "value": 102625.00000000001, "Latitude": 37.95, "Longitude": -121.24, "Population": 169.0}, {"index": 16270, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 37.95, "Longitude": -121.24, "Population": 169.0}, {"index": 16271, "quantile": 0.0, "value": 43000.0, "Latitude": 37.94, "Longitude": -121.25, "Population": 967.0}, {"index": 16271, "quantile": 0.25, "value": 59024.99999999999, "Latitude": 37.94, "Longitude": -121.25, "Population": 967.0}, {"index": 16271, "quantile": 0.5, "value": 65650.00000000001, "Latitude": 37.94, "Longitude": -121.25, "Population": 967.0}, {"index": 16271, "quantile": 0.75, "value": 75350.0, "Latitude": 37.94, "Longitude": -121.25, "Population": 967.0}, {"index": 16271, "quantile": 1.0, "value": 166100.0, "Latitude": 37.94, "Longitude": -121.25, "Population": 967.0}, {"index": 16272, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 37.94, "Longitude": -121.24, "Population": 1857.0}, {"index": 16272, "quantile": 0.25, "value": 113599.99999999999, "Latitude": 37.94, "Longitude": -121.24, "Population": 1857.0}, {"index": 16272, "quantile": 0.5, "value": 113599.99999999999, "Latitude": 37.94, "Longitude": -121.24, "Population": 1857.0}, {"index": 16272, "quantile": 0.75, "value": 113599.99999999999, "Latitude": 37.94, "Longitude": -121.24, "Population": 1857.0}, {"index": 16272, "quantile": 1.0, "value": 190200.0, "Latitude": 37.94, "Longitude": -121.24, "Population": 1857.0}, {"index": 16273, "quantile": 0.0, "value": 48300.0, "Latitude": 37.93, "Longitude": -121.24, "Population": 960.0}, {"index": 16273, "quantile": 0.25, "value": 65000.0, "Latitude": 37.93, "Longitude": -121.24, "Population": 960.0}, {"index": 16273, "quantile": 0.5, "value": 65000.0, "Latitude": 37.93, "Longitude": -121.24, "Population": 960.0}, {"index": 16273, "quantile": 0.75, "value": 65000.0, "Latitude": 37.93, "Longitude": -121.24, "Population": 960.0}, {"index": 16273, "quantile": 1.0, "value": 193800.0, "Latitude": 37.93, "Longitude": -121.24, "Population": 960.0}, {"index": 16274, "quantile": 0.0, "value": 50500.0, "Latitude": 37.94, "Longitude": -121.25, "Population": 782.0}, {"index": 16274, "quantile": 0.25, "value": 55900.00000000001, "Latitude": 37.94, "Longitude": -121.25, "Population": 782.0}, {"index": 16274, "quantile": 0.5, "value": 55900.00000000001, "Latitude": 37.94, "Longitude": -121.25, "Population": 782.0}, {"index": 16274, "quantile": 0.75, "value": 62075.0, "Latitude": 37.94, "Longitude": -121.25, "Population": 782.0}, {"index": 16274, "quantile": 1.0, "value": 139700.0, "Latitude": 37.94, "Longitude": -121.25, "Population": 782.0}, {"index": 16275, "quantile": 0.0, "value": 47700.0, "Latitude": 37.93, "Longitude": -121.25, "Population": 1734.0}, {"index": 16275, "quantile": 0.25, "value": 48300.0, "Latitude": 37.93, "Longitude": -121.25, "Population": 1734.0}, {"index": 16275, "quantile": 0.5, "value": 48300.0, "Latitude": 37.93, "Longitude": -121.25, "Population": 1734.0}, {"index": 16275, "quantile": 0.75, "value": 59575.0, "Latitude": 37.93, "Longitude": -121.25, "Population": 1734.0}, {"index": 16275, "quantile": 1.0, "value": 179100.0, "Latitude": 37.93, "Longitude": -121.25, "Population": 1734.0}, {"index": 16276, "quantile": 0.0, "value": 45600.0, "Latitude": 37.93, "Longitude": -121.26, "Population": 2248.0}, {"index": 16276, "quantile": 0.25, "value": 57699.99999999999, "Latitude": 37.93, "Longitude": -121.26, "Population": 2248.0}, {"index": 16276, "quantile": 0.5, "value": 61300.0, "Latitude": 37.93, "Longitude": -121.26, "Population": 2248.0}, {"index": 16276, "quantile": 0.75, "value": 75350.0, "Latitude": 37.93, "Longitude": -121.26, "Population": 2248.0}, {"index": 16276, "quantile": 1.0, "value": 450000.0, "Latitude": 37.93, "Longitude": -121.26, "Population": 2248.0}, {"index": 16277, "quantile": 0.0, "value": 51700.0, "Latitude": 37.94, "Longitude": -121.26, "Population": 1409.0}, {"index": 16277, "quantile": 0.25, "value": 51700.0, "Latitude": 37.94, "Longitude": -121.26, "Population": 1409.0}, {"index": 16277, "quantile": 0.5, "value": 51700.0, "Latitude": 37.94, "Longitude": -121.26, "Population": 1409.0}, {"index": 16277, "quantile": 0.75, "value": 58624.99999999999, "Latitude": 37.94, "Longitude": -121.26, "Population": 1409.0}, {"index": 16277, "quantile": 1.0, "value": 91500.0, "Latitude": 37.94, "Longitude": -121.26, "Population": 1409.0}, {"index": 16278, "quantile": 0.0, "value": 38800.0, "Latitude": 37.93, "Longitude": -121.27, "Population": 1413.0}, {"index": 16278, "quantile": 0.25, "value": 61200.0, "Latitude": 37.93, "Longitude": -121.27, "Population": 1413.0}, {"index": 16278, "quantile": 0.5, "value": 61200.0, "Latitude": 37.93, "Longitude": -121.27, "Population": 1413.0}, {"index": 16278, "quantile": 0.75, "value": 61200.0, "Latitude": 37.93, "Longitude": -121.27, "Population": 1413.0}, {"index": 16278, "quantile": 1.0, "value": 193800.0, "Latitude": 37.93, "Longitude": -121.27, "Population": 1413.0}, {"index": 16279, "quantile": 0.0, "value": 48300.0, "Latitude": 37.94, "Longitude": -121.28, "Population": 2188.0}, {"index": 16279, "quantile": 0.25, "value": 56699.99999999999, "Latitude": 37.94, "Longitude": -121.28, "Population": 2188.0}, {"index": 16279, "quantile": 0.5, "value": 56699.99999999999, "Latitude": 37.94, "Longitude": -121.28, "Population": 2188.0}, {"index": 16279, "quantile": 0.75, "value": 56699.99999999999, "Latitude": 37.94, "Longitude": -121.28, "Population": 2188.0}, {"index": 16279, "quantile": 1.0, "value": 112300.0, "Latitude": 37.94, "Longitude": -121.28, "Population": 2188.0}, {"index": 16280, "quantile": 0.0, "value": 39200.0, "Latitude": 37.92, "Longitude": -121.28, "Population": 451.0}, {"index": 16280, "quantile": 0.25, "value": 54775.00000000001, "Latitude": 37.92, "Longitude": -121.28, "Population": 451.0}, {"index": 16280, "quantile": 0.5, "value": 72750.0, "Latitude": 37.92, "Longitude": -121.28, "Population": 451.0}, {"index": 16280, "quantile": 0.75, "value": 87900.0, "Latitude": 37.92, "Longitude": -121.28, "Population": 451.0}, {"index": 16280, "quantile": 1.0, "value": 206300.00000000003, "Latitude": 37.92, "Longitude": -121.28, "Population": 451.0}, {"index": 16281, "quantile": 0.0, "value": 48300.0, "Latitude": 37.94, "Longitude": -121.28, "Population": 2268.0}, {"index": 16281, "quantile": 0.25, "value": 57699.99999999999, "Latitude": 37.94, "Longitude": -121.28, "Population": 2268.0}, {"index": 16281, "quantile": 0.5, "value": 57699.99999999999, "Latitude": 37.94, "Longitude": -121.28, "Population": 2268.0}, {"index": 16281, "quantile": 0.75, "value": 57699.99999999999, "Latitude": 37.94, "Longitude": -121.28, "Population": 2268.0}, {"index": 16281, "quantile": 1.0, "value": 112300.0, "Latitude": 37.94, "Longitude": -121.28, "Population": 2268.0}, {"index": 16282, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 37.93, "Longitude": -121.29, "Population": 1854.0}, {"index": 16282, "quantile": 0.25, "value": 61900.0, "Latitude": 37.93, "Longitude": -121.29, "Population": 1854.0}, {"index": 16282, "quantile": 0.5, "value": 86300.0, "Latitude": 37.93, "Longitude": -121.29, "Population": 1854.0}, {"index": 16282, "quantile": 0.75, "value": 94875.0, "Latitude": 37.93, "Longitude": -121.29, "Population": 1854.0}, {"index": 16282, "quantile": 1.0, "value": 167100.0, "Latitude": 37.93, "Longitude": -121.29, "Population": 1854.0}, {"index": 16283, "quantile": 0.0, "value": 45000.0, "Latitude": 37.93, "Longitude": -121.29, "Population": 1294.0}, {"index": 16283, "quantile": 0.25, "value": 81400.0, "Latitude": 37.93, "Longitude": -121.29, "Population": 1294.0}, {"index": 16283, "quantile": 0.5, "value": 106300.0, "Latitude": 37.93, "Longitude": -121.29, "Population": 1294.0}, {"index": 16283, "quantile": 0.75, "value": 160100.0, "Latitude": 37.93, "Longitude": -121.29, "Population": 1294.0}, {"index": 16283, "quantile": 1.0, "value": 371400.0, "Latitude": 37.93, "Longitude": -121.29, "Population": 1294.0}, {"index": 16284, "quantile": 0.0, "value": 48300.0, "Latitude": 37.93, "Longitude": -121.28, "Population": 1223.0}, {"index": 16284, "quantile": 0.25, "value": 61650.00000000001, "Latitude": 37.93, "Longitude": -121.28, "Population": 1223.0}, {"index": 16284, "quantile": 0.5, "value": 67800.0, "Latitude": 37.93, "Longitude": -121.28, "Population": 1223.0}, {"index": 16284, "quantile": 0.75, "value": 67800.0, "Latitude": 37.93, "Longitude": -121.28, "Population": 1223.0}, {"index": 16284, "quantile": 1.0, "value": 111300.0, "Latitude": 37.93, "Longitude": -121.28, "Population": 1223.0}, {"index": 16285, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 37.92, "Longitude": -121.28, "Population": 851.0}, {"index": 16285, "quantile": 0.25, "value": 61600.0, "Latitude": 37.92, "Longitude": -121.28, "Population": 851.0}, {"index": 16285, "quantile": 0.5, "value": 61600.0, "Latitude": 37.92, "Longitude": -121.28, "Population": 851.0}, {"index": 16285, "quantile": 0.75, "value": 74025.0, "Latitude": 37.92, "Longitude": -121.28, "Population": 851.0}, {"index": 16285, "quantile": 1.0, "value": 153000.0, "Latitude": 37.92, "Longitude": -121.28, "Population": 851.0}, {"index": 16286, "quantile": 0.0, "value": 67300.0, "Latitude": 37.92, "Longitude": -121.29, "Population": 1175.0}, {"index": 16286, "quantile": 0.25, "value": 73100.0, "Latitude": 37.92, "Longitude": -121.29, "Population": 1175.0}, {"index": 16286, "quantile": 0.5, "value": 73100.0, "Latitude": 37.92, "Longitude": -121.29, "Population": 1175.0}, {"index": 16286, "quantile": 0.75, "value": 102149.99999999999, "Latitude": 37.92, "Longitude": -121.29, "Population": 1175.0}, {"index": 16286, "quantile": 1.0, "value": 475000.0, "Latitude": 37.92, "Longitude": -121.29, "Population": 1175.0}, {"index": 16287, "quantile": 0.0, "value": 43000.0, "Latitude": 37.91, "Longitude": -121.28, "Population": 576.0}, {"index": 16287, "quantile": 0.25, "value": 65900.0, "Latitude": 37.91, "Longitude": -121.28, "Population": 576.0}, {"index": 16287, "quantile": 0.5, "value": 65900.0, "Latitude": 37.91, "Longitude": -121.28, "Population": 576.0}, {"index": 16287, "quantile": 0.75, "value": 65900.0, "Latitude": 37.91, "Longitude": -121.28, "Population": 576.0}, {"index": 16287, "quantile": 1.0, "value": 120000.0, "Latitude": 37.91, "Longitude": -121.28, "Population": 576.0}, {"index": 16288, "quantile": 0.0, "value": 49800.0, "Latitude": 37.93, "Longitude": -121.31, "Population": 1140.0}, {"index": 16288, "quantile": 0.25, "value": 81400.0, "Latitude": 37.93, "Longitude": -121.31, "Population": 1140.0}, {"index": 16288, "quantile": 0.5, "value": 81400.0, "Latitude": 37.93, "Longitude": -121.31, "Population": 1140.0}, {"index": 16288, "quantile": 0.75, "value": 81400.0, "Latitude": 37.93, "Longitude": -121.31, "Population": 1140.0}, {"index": 16288, "quantile": 1.0, "value": 156100.0, "Latitude": 37.93, "Longitude": -121.31, "Population": 1140.0}, {"index": 16289, "quantile": 0.0, "value": 43000.0, "Latitude": 37.92, "Longitude": -121.3, "Population": 3201.0}, {"index": 16289, "quantile": 0.25, "value": 72125.0, "Latitude": 37.92, "Longitude": -121.3, "Population": 3201.0}, {"index": 16289, "quantile": 0.5, "value": 73900.0, "Latitude": 37.92, "Longitude": -121.3, "Population": 3201.0}, {"index": 16289, "quantile": 0.75, "value": 73900.0, "Latitude": 37.92, "Longitude": -121.3, "Population": 3201.0}, {"index": 16289, "quantile": 1.0, "value": 112300.0, "Latitude": 37.92, "Longitude": -121.3, "Population": 3201.0}, {"index": 16290, "quantile": 0.0, "value": 47000.0, "Latitude": 37.98, "Longitude": -121.24, "Population": 236.0}, {"index": 16290, "quantile": 0.25, "value": 80400.0, "Latitude": 37.98, "Longitude": -121.24, "Population": 236.0}, {"index": 16290, "quantile": 0.5, "value": 80400.0, "Latitude": 37.98, "Longitude": -121.24, "Population": 236.0}, {"index": 16290, "quantile": 0.75, "value": 87775.0, "Latitude": 37.98, "Longitude": -121.24, "Population": 236.0}, {"index": 16290, "quantile": 1.0, "value": 156300.0, "Latitude": 37.98, "Longitude": -121.24, "Population": 236.0}, {"index": 16291, "quantile": 0.0, "value": 45000.0, "Latitude": 37.97, "Longitude": -121.24, "Population": 517.0}, {"index": 16291, "quantile": 0.25, "value": 67200.0, "Latitude": 37.97, "Longitude": -121.24, "Population": 517.0}, {"index": 16291, "quantile": 0.5, "value": 67200.0, "Latitude": 37.97, "Longitude": -121.24, "Population": 517.0}, {"index": 16291, "quantile": 0.75, "value": 75050.0, "Latitude": 37.97, "Longitude": -121.24, "Population": 517.0}, {"index": 16291, "quantile": 1.0, "value": 155000.0, "Latitude": 37.97, "Longitude": -121.24, "Population": 517.0}, {"index": 16292, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 37.96, "Longitude": -121.24, "Population": 951.0}, {"index": 16292, "quantile": 0.25, "value": 57699.99999999999, "Latitude": 37.96, "Longitude": -121.24, "Population": 951.0}, {"index": 16292, "quantile": 0.5, "value": 57699.99999999999, "Latitude": 37.96, "Longitude": -121.24, "Population": 951.0}, {"index": 16292, "quantile": 0.75, "value": 82549.99999999999, "Latitude": 37.96, "Longitude": -121.24, "Population": 951.0}, {"index": 16292, "quantile": 1.0, "value": 154500.0, "Latitude": 37.96, "Longitude": -121.24, "Population": 951.0}, {"index": 16293, "quantile": 0.0, "value": 32500.0, "Latitude": 37.96, "Longitude": -121.23, "Population": 1591.0}, {"index": 16293, "quantile": 0.25, "value": 57199.99999999999, "Latitude": 37.96, "Longitude": -121.23, "Population": 1591.0}, {"index": 16293, "quantile": 0.5, "value": 57199.99999999999, "Latitude": 37.96, "Longitude": -121.23, "Population": 1591.0}, {"index": 16293, "quantile": 0.75, "value": 57650.0, "Latitude": 37.96, "Longitude": -121.23, "Population": 1591.0}, {"index": 16293, "quantile": 1.0, "value": 253600.0, "Latitude": 37.96, "Longitude": -121.23, "Population": 1591.0}, {"index": 16294, "quantile": 0.0, "value": 50500.0, "Latitude": 37.96, "Longitude": -121.23, "Population": 1277.0}, {"index": 16294, "quantile": 0.25, "value": 59200.0, "Latitude": 37.96, "Longitude": -121.23, "Population": 1277.0}, {"index": 16294, "quantile": 0.5, "value": 59200.0, "Latitude": 37.96, "Longitude": -121.23, "Population": 1277.0}, {"index": 16294, "quantile": 0.75, "value": 62200.0, "Latitude": 37.96, "Longitude": -121.23, "Population": 1277.0}, {"index": 16294, "quantile": 1.0, "value": 120000.0, "Latitude": 37.96, "Longitude": -121.23, "Population": 1277.0}, {"index": 16295, "quantile": 0.0, "value": 59000.0, "Latitude": 37.95, "Longitude": -121.23, "Population": 514.0}, {"index": 16295, "quantile": 0.25, "value": 89200.0, "Latitude": 37.95, "Longitude": -121.23, "Population": 514.0}, {"index": 16295, "quantile": 0.5, "value": 89200.0, "Latitude": 37.95, "Longitude": -121.23, "Population": 514.0}, {"index": 16295, "quantile": 0.75, "value": 89200.0, "Latitude": 37.95, "Longitude": -121.23, "Population": 514.0}, {"index": 16295, "quantile": 1.0, "value": 163500.0, "Latitude": 37.95, "Longitude": -121.23, "Population": 514.0}, {"index": 16296, "quantile": 0.0, "value": 50500.0, "Latitude": 37.97, "Longitude": -121.22, "Population": 1121.0}, {"index": 16296, "quantile": 0.25, "value": 59800.0, "Latitude": 37.97, "Longitude": -121.22, "Population": 1121.0}, {"index": 16296, "quantile": 0.5, "value": 72100.0, "Latitude": 37.97, "Longitude": -121.22, "Population": 1121.0}, {"index": 16296, "quantile": 0.75, "value": 89250.0, "Latitude": 37.97, "Longitude": -121.22, "Population": 1121.0}, {"index": 16296, "quantile": 1.0, "value": 153300.0, "Latitude": 37.97, "Longitude": -121.22, "Population": 1121.0}, {"index": 16297, "quantile": 0.0, "value": 53000.0, "Latitude": 37.96, "Longitude": -121.22, "Population": 1177.0}, {"index": 16297, "quantile": 0.25, "value": 56399.99999999999, "Latitude": 37.96, "Longitude": -121.22, "Population": 1177.0}, {"index": 16297, "quantile": 0.5, "value": 56399.99999999999, "Latitude": 37.96, "Longitude": -121.22, "Population": 1177.0}, {"index": 16297, "quantile": 0.75, "value": 56399.99999999999, "Latitude": 37.96, "Longitude": -121.22, "Population": 1177.0}, {"index": 16297, "quantile": 1.0, "value": 105000.0, "Latitude": 37.96, "Longitude": -121.22, "Population": 1177.0}, {"index": 16298, "quantile": 0.0, "value": 50500.0, "Latitude": 37.96, "Longitude": -121.22, "Population": 1163.0}, {"index": 16298, "quantile": 0.25, "value": 72100.0, "Latitude": 37.96, "Longitude": -121.22, "Population": 1163.0}, {"index": 16298, "quantile": 0.5, "value": 72100.0, "Latitude": 37.96, "Longitude": -121.22, "Population": 1163.0}, {"index": 16298, "quantile": 0.75, "value": 77825.0, "Latitude": 37.96, "Longitude": -121.22, "Population": 1163.0}, {"index": 16298, "quantile": 1.0, "value": 275000.0, "Latitude": 37.96, "Longitude": -121.22, "Population": 1163.0}, {"index": 16299, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 37.92, "Longitude": -121.25, "Population": 1742.0}, {"index": 16299, "quantile": 0.25, "value": 66000.0, "Latitude": 37.92, "Longitude": -121.25, "Population": 1742.0}, {"index": 16299, "quantile": 0.5, "value": 66000.0, "Latitude": 37.92, "Longitude": -121.25, "Population": 1742.0}, {"index": 16299, "quantile": 0.75, "value": 81400.0, "Latitude": 37.92, "Longitude": -121.25, "Population": 1742.0}, {"index": 16299, "quantile": 1.0, "value": 225000.0, "Latitude": 37.92, "Longitude": -121.25, "Population": 1742.0}, {"index": 16300, "quantile": 0.0, "value": 42500.0, "Latitude": 37.92, "Longitude": -121.23, "Population": 315.0}, {"index": 16300, "quantile": 0.25, "value": 82949.99999999999, "Latitude": 37.92, "Longitude": -121.23, "Population": 315.0}, {"index": 16300, "quantile": 0.5, "value": 85700.0, "Latitude": 37.92, "Longitude": -121.23, "Population": 315.0}, {"index": 16300, "quantile": 0.75, "value": 85700.0, "Latitude": 37.92, "Longitude": -121.23, "Population": 315.0}, {"index": 16300, "quantile": 1.0, "value": 162500.0, "Latitude": 37.92, "Longitude": -121.23, "Population": 315.0}, {"index": 16301, "quantile": 0.0, "value": 187800.0, "Latitude": 38.0, "Longitude": -121.36, "Population": 1562.0}, {"index": 16301, "quantile": 0.25, "value": 225800.0, "Latitude": 38.0, "Longitude": -121.36, "Population": 1562.0}, {"index": 16301, "quantile": 0.5, "value": 225800.0, "Latitude": 38.0, "Longitude": -121.36, "Population": 1562.0}, {"index": 16301, "quantile": 0.75, "value": 225800.0, "Latitude": 38.0, "Longitude": -121.36, "Population": 1562.0}, {"index": 16301, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.0, "Longitude": -121.36, "Population": 1562.0}, {"index": 16302, "quantile": 0.0, "value": 93600.0, "Latitude": 38.0, "Longitude": -121.35, "Population": 1539.0}, {"index": 16302, "quantile": 0.25, "value": 141875.0, "Latitude": 38.0, "Longitude": -121.35, "Population": 1539.0}, {"index": 16302, "quantile": 0.5, "value": 152400.0, "Latitude": 38.0, "Longitude": -121.35, "Population": 1539.0}, {"index": 16302, "quantile": 0.75, "value": 152400.0, "Latitude": 38.0, "Longitude": -121.35, "Population": 1539.0}, {"index": 16302, "quantile": 1.0, "value": 267100.0, "Latitude": 38.0, "Longitude": -121.35, "Population": 1539.0}, {"index": 16303, "quantile": 0.0, "value": 71700.0, "Latitude": 38.0, "Longitude": -121.35, "Population": 732.0}, {"index": 16303, "quantile": 0.25, "value": 123800.0, "Latitude": 38.0, "Longitude": -121.35, "Population": 732.0}, {"index": 16303, "quantile": 0.5, "value": 123800.0, "Latitude": 38.0, "Longitude": -121.35, "Population": 732.0}, {"index": 16303, "quantile": 0.75, "value": 123800.0, "Latitude": 38.0, "Longitude": -121.35, "Population": 732.0}, {"index": 16303, "quantile": 1.0, "value": 265500.0, "Latitude": 38.0, "Longitude": -121.35, "Population": 732.0}, {"index": 16304, "quantile": 0.0, "value": 386100.0, "Latitude": 38.01, "Longitude": -121.37, "Population": 1016.0}, {"index": 16304, "quantile": 0.25, "value": 427700.0, "Latitude": 38.01, "Longitude": -121.37, "Population": 1016.0}, {"index": 16304, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 38.01, "Longitude": -121.37, "Population": 1016.0}, {"index": 16304, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 38.01, "Longitude": -121.37, "Population": 1016.0}, {"index": 16304, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.01, "Longitude": -121.37, "Population": 1016.0}, {"index": 16305, "quantile": 0.0, "value": 90600.0, "Latitude": 38.01, "Longitude": -121.35, "Population": 1520.0}, {"index": 16305, "quantile": 0.25, "value": 94400.0, "Latitude": 38.01, "Longitude": -121.35, "Population": 1520.0}, {"index": 16305, "quantile": 0.5, "value": 94400.0, "Latitude": 38.01, "Longitude": -121.35, "Population": 1520.0}, {"index": 16305, "quantile": 0.75, "value": 138800.0, "Latitude": 38.01, "Longitude": -121.35, "Population": 1520.0}, {"index": 16305, "quantile": 1.0, "value": 194600.0, "Latitude": 38.01, "Longitude": -121.35, "Population": 1520.0}, {"index": 16306, "quantile": 0.0, "value": 78700.0, "Latitude": 38.01, "Longitude": -121.36, "Population": 451.0}, {"index": 16306, "quantile": 0.25, "value": 161000.0, "Latitude": 38.01, "Longitude": -121.36, "Population": 451.0}, {"index": 16306, "quantile": 0.5, "value": 173300.0, "Latitude": 38.01, "Longitude": -121.36, "Population": 451.0}, {"index": 16306, "quantile": 0.75, "value": 173300.0, "Latitude": 38.01, "Longitude": -121.36, "Population": 451.0}, {"index": 16306, "quantile": 1.0, "value": 267100.0, "Latitude": 38.01, "Longitude": -121.36, "Population": 451.0}, {"index": 16307, "quantile": 0.0, "value": 45000.0, "Latitude": 38.01, "Longitude": -121.36, "Population": 1192.0}, {"index": 16307, "quantile": 0.25, "value": 87100.0, "Latitude": 38.01, "Longitude": -121.36, "Population": 1192.0}, {"index": 16307, "quantile": 0.5, "value": 87100.0, "Latitude": 38.01, "Longitude": -121.36, "Population": 1192.0}, {"index": 16307, "quantile": 0.75, "value": 102175.0, "Latitude": 38.01, "Longitude": -121.36, "Population": 1192.0}, {"index": 16307, "quantile": 1.0, "value": 244000.0, "Latitude": 38.01, "Longitude": -121.36, "Population": 1192.0}, {"index": 16308, "quantile": 0.0, "value": 84500.0, "Latitude": 38.01, "Longitude": -121.36, "Population": 507.0}, {"index": 16308, "quantile": 0.25, "value": 144300.0, "Latitude": 38.01, "Longitude": -121.36, "Population": 507.0}, {"index": 16308, "quantile": 0.5, "value": 166900.0, "Latitude": 38.01, "Longitude": -121.36, "Population": 507.0}, {"index": 16308, "quantile": 0.75, "value": 166900.0, "Latitude": 38.01, "Longitude": -121.36, "Population": 507.0}, {"index": 16308, "quantile": 1.0, "value": 219300.0, "Latitude": 38.01, "Longitude": -121.36, "Population": 507.0}, {"index": 16309, "quantile": 0.0, "value": 87200.0, "Latitude": 38.01, "Longitude": -121.34, "Population": 1114.0}, {"index": 16309, "quantile": 0.25, "value": 115100.0, "Latitude": 38.01, "Longitude": -121.34, "Population": 1114.0}, {"index": 16309, "quantile": 0.5, "value": 175000.0, "Latitude": 38.01, "Longitude": -121.34, "Population": 1114.0}, {"index": 16309, "quantile": 0.75, "value": 175000.0, "Latitude": 38.01, "Longitude": -121.34, "Population": 1114.0}, {"index": 16309, "quantile": 1.0, "value": 204500.0, "Latitude": 38.01, "Longitude": -121.34, "Population": 1114.0}, {"index": 16310, "quantile": 0.0, "value": 136400.0, "Latitude": 38.01, "Longitude": -121.33, "Population": 630.0}, {"index": 16310, "quantile": 0.25, "value": 155100.0, "Latitude": 38.01, "Longitude": -121.33, "Population": 630.0}, {"index": 16310, "quantile": 0.5, "value": 155100.0, "Latitude": 38.01, "Longitude": -121.33, "Population": 630.0}, {"index": 16310, "quantile": 0.75, "value": 209550.00000000003, "Latitude": 38.01, "Longitude": -121.33, "Population": 630.0}, {"index": 16310, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.01, "Longitude": -121.33, "Population": 630.0}, {"index": 16311, "quantile": 0.0, "value": 63800.0, "Latitude": 38.0, "Longitude": -121.34, "Population": 1642.0}, {"index": 16311, "quantile": 0.25, "value": 118275.0, "Latitude": 38.0, "Longitude": -121.34, "Population": 1642.0}, {"index": 16311, "quantile": 0.5, "value": 143550.0, "Latitude": 38.0, "Longitude": -121.34, "Population": 1642.0}, {"index": 16311, "quantile": 0.75, "value": 168750.0, "Latitude": 38.0, "Longitude": -121.34, "Population": 1642.0}, {"index": 16311, "quantile": 1.0, "value": 346100.0, "Latitude": 38.0, "Longitude": -121.34, "Population": 1642.0}, {"index": 16312, "quantile": 0.0, "value": 82800.0, "Latitude": 38.0, "Longitude": -121.33, "Population": 2177.0}, {"index": 16312, "quantile": 0.25, "value": 98900.0, "Latitude": 38.0, "Longitude": -121.33, "Population": 2177.0}, {"index": 16312, "quantile": 0.5, "value": 98900.0, "Latitude": 38.0, "Longitude": -121.33, "Population": 2177.0}, {"index": 16312, "quantile": 0.75, "value": 98900.0, "Latitude": 38.0, "Longitude": -121.33, "Population": 2177.0}, {"index": 16312, "quantile": 1.0, "value": 209400.0, "Latitude": 38.0, "Longitude": -121.33, "Population": 2177.0}, {"index": 16313, "quantile": 0.0, "value": 129500.0, "Latitude": 38.01, "Longitude": -121.33, "Population": 531.0}, {"index": 16313, "quantile": 0.25, "value": 220699.99999999997, "Latitude": 38.01, "Longitude": -121.33, "Population": 531.0}, {"index": 16313, "quantile": 0.5, "value": 253600.0, "Latitude": 38.01, "Longitude": -121.33, "Population": 531.0}, {"index": 16313, "quantile": 0.75, "value": 315325.0, "Latitude": 38.01, "Longitude": -121.33, "Population": 531.0}, {"index": 16313, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.01, "Longitude": -121.33, "Population": 531.0}, {"index": 16314, "quantile": 0.0, "value": 80300.0, "Latitude": 38.01, "Longitude": -121.32, "Population": 919.0}, {"index": 16314, "quantile": 0.25, "value": 96400.0, "Latitude": 38.01, "Longitude": -121.32, "Population": 919.0}, {"index": 16314, "quantile": 0.5, "value": 96400.0, "Latitude": 38.01, "Longitude": -121.32, "Population": 919.0}, {"index": 16314, "quantile": 0.75, "value": 102925.0, "Latitude": 38.01, "Longitude": -121.32, "Population": 919.0}, {"index": 16314, "quantile": 1.0, "value": 173900.0, "Latitude": 38.01, "Longitude": -121.32, "Population": 919.0}, {"index": 16315, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.01, "Longitude": -121.32, "Population": 171.0}, {"index": 16315, "quantile": 0.25, "value": 102800.0, "Latitude": 38.01, "Longitude": -121.32, "Population": 171.0}, {"index": 16315, "quantile": 0.5, "value": 102800.0, "Latitude": 38.01, "Longitude": -121.32, "Population": 171.0}, {"index": 16315, "quantile": 0.75, "value": 102800.0, "Latitude": 38.01, "Longitude": -121.32, "Population": 171.0}, {"index": 16315, "quantile": 1.0, "value": 366700.0, "Latitude": 38.01, "Longitude": -121.32, "Population": 171.0}, {"index": 16316, "quantile": 0.0, "value": 45000.0, "Latitude": 38.0, "Longitude": -121.32, "Population": 1114.0}, {"index": 16316, "quantile": 0.25, "value": 101499.99999999999, "Latitude": 38.0, "Longitude": -121.32, "Population": 1114.0}, {"index": 16316, "quantile": 0.5, "value": 101499.99999999999, "Latitude": 38.0, "Longitude": -121.32, "Population": 1114.0}, {"index": 16316, "quantile": 0.75, "value": 101499.99999999999, "Latitude": 38.0, "Longitude": -121.32, "Population": 1114.0}, {"index": 16316, "quantile": 1.0, "value": 156800.0, "Latitude": 38.0, "Longitude": -121.32, "Population": 1114.0}, {"index": 16317, "quantile": 0.0, "value": 52800.0, "Latitude": 38.0, "Longitude": -121.32, "Population": 781.0}, {"index": 16317, "quantile": 0.25, "value": 87500.0, "Latitude": 38.0, "Longitude": -121.32, "Population": 781.0}, {"index": 16317, "quantile": 0.5, "value": 87500.0, "Latitude": 38.0, "Longitude": -121.32, "Population": 781.0}, {"index": 16317, "quantile": 0.75, "value": 113425.0, "Latitude": 38.0, "Longitude": -121.32, "Population": 781.0}, {"index": 16317, "quantile": 1.0, "value": 350000.0, "Latitude": 38.0, "Longitude": -121.32, "Population": 781.0}, {"index": 16318, "quantile": 0.0, "value": 78700.0, "Latitude": 38.0, "Longitude": -121.33, "Population": 1679.0}, {"index": 16318, "quantile": 0.25, "value": 119600.0, "Latitude": 38.0, "Longitude": -121.33, "Population": 1679.0}, {"index": 16318, "quantile": 0.5, "value": 119600.0, "Latitude": 38.0, "Longitude": -121.33, "Population": 1679.0}, {"index": 16318, "quantile": 0.75, "value": 119600.0, "Latitude": 38.0, "Longitude": -121.33, "Population": 1679.0}, {"index": 16318, "quantile": 1.0, "value": 242200.00000000003, "Latitude": 38.0, "Longitude": -121.33, "Population": 1679.0}, {"index": 16319, "quantile": 0.0, "value": 87500.0, "Latitude": 37.99, "Longitude": -121.33, "Population": 1837.0}, {"index": 16319, "quantile": 0.25, "value": 171225.0, "Latitude": 37.99, "Longitude": -121.33, "Population": 1837.0}, {"index": 16319, "quantile": 0.5, "value": 175900.0, "Latitude": 37.99, "Longitude": -121.33, "Population": 1837.0}, {"index": 16319, "quantile": 0.75, "value": 175900.0, "Latitude": 37.99, "Longitude": -121.33, "Population": 1837.0}, {"index": 16319, "quantile": 1.0, "value": 235700.00000000003, "Latitude": 37.99, "Longitude": -121.33, "Population": 1837.0}, {"index": 16320, "quantile": 0.0, "value": 100000.0, "Latitude": 37.99, "Longitude": -121.34, "Population": 2195.0}, {"index": 16320, "quantile": 0.25, "value": 166900.0, "Latitude": 37.99, "Longitude": -121.34, "Population": 2195.0}, {"index": 16320, "quantile": 0.5, "value": 194600.0, "Latitude": 37.99, "Longitude": -121.34, "Population": 2195.0}, {"index": 16320, "quantile": 0.75, "value": 194600.0, "Latitude": 37.99, "Longitude": -121.34, "Population": 2195.0}, {"index": 16320, "quantile": 1.0, "value": 267600.0, "Latitude": 37.99, "Longitude": -121.34, "Population": 2195.0}, {"index": 16321, "quantile": 0.0, "value": 175000.0, "Latitude": 37.99, "Longitude": -121.34, "Population": 1178.0}, {"index": 16321, "quantile": 0.25, "value": 234700.0, "Latitude": 37.99, "Longitude": -121.34, "Population": 1178.0}, {"index": 16321, "quantile": 0.5, "value": 234700.0, "Latitude": 37.99, "Longitude": -121.34, "Population": 1178.0}, {"index": 16321, "quantile": 0.75, "value": 245200.0, "Latitude": 37.99, "Longitude": -121.34, "Population": 1178.0}, {"index": 16321, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.99, "Longitude": -121.34, "Population": 1178.0}, {"index": 16322, "quantile": 0.0, "value": 43000.0, "Latitude": 37.99, "Longitude": -121.31, "Population": 3061.0}, {"index": 16322, "quantile": 0.25, "value": 78600.0, "Latitude": 37.99, "Longitude": -121.31, "Population": 3061.0}, {"index": 16322, "quantile": 0.5, "value": 110300.0, "Latitude": 37.99, "Longitude": -121.31, "Population": 3061.0}, {"index": 16322, "quantile": 0.75, "value": 110300.0, "Latitude": 37.99, "Longitude": -121.31, "Population": 3061.0}, {"index": 16322, "quantile": 1.0, "value": 212800.0, "Latitude": 37.99, "Longitude": -121.31, "Population": 3061.0}, {"index": 16323, "quantile": 0.0, "value": 22500.0, "Latitude": 37.98, "Longitude": -121.32, "Population": 1916.0}, {"index": 16323, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 37.98, "Longitude": -121.32, "Population": 1916.0}, {"index": 16323, "quantile": 0.5, "value": 85200.0, "Latitude": 37.98, "Longitude": -121.32, "Population": 1916.0}, {"index": 16323, "quantile": 0.75, "value": 137500.0, "Latitude": 37.98, "Longitude": -121.32, "Population": 1916.0}, {"index": 16323, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.98, "Longitude": -121.32, "Population": 1916.0}, {"index": 16324, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 37.98, "Longitude": -121.33, "Population": 1129.0}, {"index": 16324, "quantile": 0.25, "value": 176500.0, "Latitude": 37.98, "Longitude": -121.33, "Population": 1129.0}, {"index": 16324, "quantile": 0.5, "value": 176500.0, "Latitude": 37.98, "Longitude": -121.33, "Population": 1129.0}, {"index": 16324, "quantile": 0.75, "value": 176500.0, "Latitude": 37.98, "Longitude": -121.33, "Population": 1129.0}, {"index": 16324, "quantile": 1.0, "value": 363500.0, "Latitude": 37.98, "Longitude": -121.33, "Population": 1129.0}, {"index": 16325, "quantile": 0.0, "value": 86000.0, "Latitude": 37.98, "Longitude": -121.33, "Population": 643.0}, {"index": 16325, "quantile": 0.25, "value": 142125.0, "Latitude": 37.98, "Longitude": -121.33, "Population": 643.0}, {"index": 16325, "quantile": 0.5, "value": 150000.0, "Latitude": 37.98, "Longitude": -121.33, "Population": 643.0}, {"index": 16325, "quantile": 0.75, "value": 150000.0, "Latitude": 37.98, "Longitude": -121.33, "Population": 643.0}, {"index": 16325, "quantile": 1.0, "value": 450000.0, "Latitude": 37.98, "Longitude": -121.33, "Population": 643.0}, {"index": 16326, "quantile": 0.0, "value": 77500.0, "Latitude": 37.99, "Longitude": -121.36, "Population": 684.0}, {"index": 16326, "quantile": 0.25, "value": 166700.0, "Latitude": 37.99, "Longitude": -121.36, "Population": 684.0}, {"index": 16326, "quantile": 0.5, "value": 189800.0, "Latitude": 37.99, "Longitude": -121.36, "Population": 684.0}, {"index": 16326, "quantile": 0.75, "value": 219350.00000000003, "Latitude": 37.99, "Longitude": -121.36, "Population": 684.0}, {"index": 16326, "quantile": 1.0, "value": 425000.0, "Latitude": 37.99, "Longitude": -121.36, "Population": 684.0}, {"index": 16327, "quantile": 0.0, "value": 133800.0, "Latitude": 37.98, "Longitude": -121.34, "Population": 1158.0}, {"index": 16327, "quantile": 0.25, "value": 191700.0, "Latitude": 37.98, "Longitude": -121.34, "Population": 1158.0}, {"index": 16327, "quantile": 0.5, "value": 191700.0, "Latitude": 37.98, "Longitude": -121.34, "Population": 1158.0}, {"index": 16327, "quantile": 0.75, "value": 191700.0, "Latitude": 37.98, "Longitude": -121.34, "Population": 1158.0}, {"index": 16327, "quantile": 1.0, "value": 325400.0, "Latitude": 37.98, "Longitude": -121.34, "Population": 1158.0}, {"index": 16328, "quantile": 0.0, "value": 81300.0, "Latitude": 38.02, "Longitude": -121.33, "Population": 1109.0}, {"index": 16328, "quantile": 0.25, "value": 151400.0, "Latitude": 38.02, "Longitude": -121.33, "Population": 1109.0}, {"index": 16328, "quantile": 0.5, "value": 178650.0, "Latitude": 38.02, "Longitude": -121.33, "Population": 1109.0}, {"index": 16328, "quantile": 0.75, "value": 197225.0, "Latitude": 38.02, "Longitude": -121.33, "Population": 1109.0}, {"index": 16328, "quantile": 1.0, "value": 345300.0, "Latitude": 38.02, "Longitude": -121.33, "Population": 1109.0}, {"index": 16329, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 38.02, "Longitude": -121.34, "Population": 2038.0}, {"index": 16329, "quantile": 0.25, "value": 133800.0, "Latitude": 38.02, "Longitude": -121.34, "Population": 2038.0}, {"index": 16329, "quantile": 0.5, "value": 133800.0, "Latitude": 38.02, "Longitude": -121.34, "Population": 2038.0}, {"index": 16329, "quantile": 0.75, "value": 142275.0, "Latitude": 38.02, "Longitude": -121.34, "Population": 2038.0}, {"index": 16329, "quantile": 1.0, "value": 212800.0, "Latitude": 38.02, "Longitude": -121.34, "Population": 2038.0}, {"index": 16330, "quantile": 0.0, "value": 63800.0, "Latitude": 38.02, "Longitude": -121.33, "Population": 608.0}, {"index": 16330, "quantile": 0.25, "value": 98900.0, "Latitude": 38.02, "Longitude": -121.33, "Population": 608.0}, {"index": 16330, "quantile": 0.5, "value": 129200.0, "Latitude": 38.02, "Longitude": -121.33, "Population": 608.0}, {"index": 16330, "quantile": 0.75, "value": 164500.0, "Latitude": 38.02, "Longitude": -121.33, "Population": 608.0}, {"index": 16330, "quantile": 1.0, "value": 304000.0, "Latitude": 38.02, "Longitude": -121.33, "Population": 608.0}, {"index": 16331, "quantile": 0.0, "value": 83400.0, "Latitude": 38.02, "Longitude": -121.33, "Population": 915.0}, {"index": 16331, "quantile": 0.25, "value": 119800.0, "Latitude": 38.02, "Longitude": -121.33, "Population": 915.0}, {"index": 16331, "quantile": 0.5, "value": 119800.0, "Latitude": 38.02, "Longitude": -121.33, "Population": 915.0}, {"index": 16331, "quantile": 0.75, "value": 119800.0, "Latitude": 38.02, "Longitude": -121.33, "Population": 915.0}, {"index": 16331, "quantile": 1.0, "value": 250000.0, "Latitude": 38.02, "Longitude": -121.33, "Population": 915.0}, {"index": 16332, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 38.03, "Longitude": -121.34, "Population": 2071.0}, {"index": 16332, "quantile": 0.25, "value": 130800.0, "Latitude": 38.03, "Longitude": -121.34, "Population": 2071.0}, {"index": 16332, "quantile": 0.5, "value": 130800.0, "Latitude": 38.03, "Longitude": -121.34, "Population": 2071.0}, {"index": 16332, "quantile": 0.75, "value": 143425.0, "Latitude": 38.03, "Longitude": -121.34, "Population": 2071.0}, {"index": 16332, "quantile": 1.0, "value": 250000.0, "Latitude": 38.03, "Longitude": -121.34, "Population": 2071.0}, {"index": 16333, "quantile": 0.0, "value": 117600.0, "Latitude": 38.03, "Longitude": -121.33, "Population": 906.0}, {"index": 16333, "quantile": 0.25, "value": 130600.0, "Latitude": 38.03, "Longitude": -121.33, "Population": 906.0}, {"index": 16333, "quantile": 0.5, "value": 130600.0, "Latitude": 38.03, "Longitude": -121.33, "Population": 906.0}, {"index": 16333, "quantile": 0.75, "value": 133825.0, "Latitude": 38.03, "Longitude": -121.33, "Population": 906.0}, {"index": 16333, "quantile": 1.0, "value": 188600.0, "Latitude": 38.03, "Longitude": -121.33, "Population": 906.0}, {"index": 16334, "quantile": 0.0, "value": 93100.0, "Latitude": 38.04, "Longitude": -121.36, "Population": 1234.0}, {"index": 16334, "quantile": 0.25, "value": 153900.0, "Latitude": 38.04, "Longitude": -121.36, "Population": 1234.0}, {"index": 16334, "quantile": 0.5, "value": 159100.0, "Latitude": 38.04, "Longitude": -121.36, "Population": 1234.0}, {"index": 16334, "quantile": 0.75, "value": 179500.0, "Latitude": 38.04, "Longitude": -121.36, "Population": 1234.0}, {"index": 16334, "quantile": 1.0, "value": 308700.0, "Latitude": 38.04, "Longitude": -121.36, "Population": 1234.0}, {"index": 16335, "quantile": 0.0, "value": 130600.0, "Latitude": 38.04, "Longitude": -121.35, "Population": 2206.0}, {"index": 16335, "quantile": 0.25, "value": 159100.0, "Latitude": 38.04, "Longitude": -121.35, "Population": 2206.0}, {"index": 16335, "quantile": 0.5, "value": 159100.0, "Latitude": 38.04, "Longitude": -121.35, "Population": 2206.0}, {"index": 16335, "quantile": 0.75, "value": 159100.0, "Latitude": 38.04, "Longitude": -121.35, "Population": 2206.0}, {"index": 16335, "quantile": 1.0, "value": 269900.0, "Latitude": 38.04, "Longitude": -121.35, "Population": 2206.0}, {"index": 16336, "quantile": 0.0, "value": 84000.0, "Latitude": 38.04, "Longitude": -121.35, "Population": 3771.0}, {"index": 16336, "quantile": 0.25, "value": 146000.0, "Latitude": 38.04, "Longitude": -121.35, "Population": 3771.0}, {"index": 16336, "quantile": 0.5, "value": 146000.0, "Latitude": 38.04, "Longitude": -121.35, "Population": 3771.0}, {"index": 16336, "quantile": 0.75, "value": 146000.0, "Latitude": 38.04, "Longitude": -121.35, "Population": 3771.0}, {"index": 16336, "quantile": 1.0, "value": 326500.0, "Latitude": 38.04, "Longitude": -121.35, "Population": 3771.0}, {"index": 16337, "quantile": 0.0, "value": 96200.0, "Latitude": 38.04, "Longitude": -121.36, "Population": 1290.0}, {"index": 16337, "quantile": 0.25, "value": 148200.0, "Latitude": 38.04, "Longitude": -121.36, "Population": 1290.0}, {"index": 16337, "quantile": 0.5, "value": 148200.0, "Latitude": 38.04, "Longitude": -121.36, "Population": 1290.0}, {"index": 16337, "quantile": 0.75, "value": 148200.0, "Latitude": 38.04, "Longitude": -121.36, "Population": 1290.0}, {"index": 16337, "quantile": 1.0, "value": 261400.0, "Latitude": 38.04, "Longitude": -121.36, "Population": 1290.0}, {"index": 16338, "quantile": 0.0, "value": 124900.00000000001, "Latitude": 38.05, "Longitude": -121.34, "Population": 267.0}, {"index": 16338, "quantile": 0.25, "value": 158750.0, "Latitude": 38.05, "Longitude": -121.34, "Population": 267.0}, {"index": 16338, "quantile": 0.5, "value": 187900.0, "Latitude": 38.05, "Longitude": -121.34, "Population": 267.0}, {"index": 16338, "quantile": 0.75, "value": 233500.0, "Latitude": 38.05, "Longitude": -121.34, "Population": 267.0}, {"index": 16338, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.05, "Longitude": -121.34, "Population": 267.0}, {"index": 16339, "quantile": 0.0, "value": 91300.0, "Latitude": 38.04, "Longitude": -121.34, "Population": 2279.0}, {"index": 16339, "quantile": 0.25, "value": 140700.0, "Latitude": 38.04, "Longitude": -121.34, "Population": 2279.0}, {"index": 16339, "quantile": 0.5, "value": 146400.0, "Latitude": 38.04, "Longitude": -121.34, "Population": 2279.0}, {"index": 16339, "quantile": 0.75, "value": 146400.0, "Latitude": 38.04, "Longitude": -121.34, "Population": 2279.0}, {"index": 16339, "quantile": 1.0, "value": 220000.00000000003, "Latitude": 38.04, "Longitude": -121.34, "Population": 2279.0}, {"index": 16340, "quantile": 0.0, "value": 71300.0, "Latitude": 38.04, "Longitude": -121.33, "Population": 965.0}, {"index": 16340, "quantile": 0.25, "value": 145900.0, "Latitude": 38.04, "Longitude": -121.33, "Population": 965.0}, {"index": 16340, "quantile": 0.5, "value": 157050.0, "Latitude": 38.04, "Longitude": -121.33, "Population": 965.0}, {"index": 16340, "quantile": 0.75, "value": 187100.0, "Latitude": 38.04, "Longitude": -121.33, "Population": 965.0}, {"index": 16340, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.04, "Longitude": -121.33, "Population": 965.0}, {"index": 16341, "quantile": 0.0, "value": 48300.0, "Latitude": 38.03, "Longitude": -121.33, "Population": 635.0}, {"index": 16341, "quantile": 0.25, "value": 112450.0, "Latitude": 38.03, "Longitude": -121.33, "Population": 635.0}, {"index": 16341, "quantile": 0.5, "value": 126699.99999999999, "Latitude": 38.03, "Longitude": -121.33, "Population": 635.0}, {"index": 16341, "quantile": 0.75, "value": 126699.99999999999, "Latitude": 38.03, "Longitude": -121.33, "Population": 635.0}, {"index": 16341, "quantile": 1.0, "value": 250000.0, "Latitude": 38.03, "Longitude": -121.33, "Population": 635.0}, {"index": 16342, "quantile": 0.0, "value": 115500.0, "Latitude": 38.03, "Longitude": -121.32, "Population": 1862.0}, {"index": 16342, "quantile": 0.25, "value": 143100.0, "Latitude": 38.03, "Longitude": -121.32, "Population": 1862.0}, {"index": 16342, "quantile": 0.5, "value": 143100.0, "Latitude": 38.03, "Longitude": -121.32, "Population": 1862.0}, {"index": 16342, "quantile": 0.75, "value": 143100.0, "Latitude": 38.03, "Longitude": -121.32, "Population": 1862.0}, {"index": 16342, "quantile": 1.0, "value": 261000.0, "Latitude": 38.03, "Longitude": -121.32, "Population": 1862.0}, {"index": 16343, "quantile": 0.0, "value": 101200.0, "Latitude": 38.04, "Longitude": -121.33, "Population": 1325.0}, {"index": 16343, "quantile": 0.25, "value": 145600.0, "Latitude": 38.04, "Longitude": -121.33, "Population": 1325.0}, {"index": 16343, "quantile": 0.5, "value": 145600.0, "Latitude": 38.04, "Longitude": -121.33, "Population": 1325.0}, {"index": 16343, "quantile": 0.75, "value": 146000.0, "Latitude": 38.04, "Longitude": -121.33, "Population": 1325.0}, {"index": 16343, "quantile": 1.0, "value": 336800.0, "Latitude": 38.04, "Longitude": -121.33, "Population": 1325.0}, {"index": 16344, "quantile": 0.0, "value": 107500.0, "Latitude": 38.04, "Longitude": -121.33, "Population": 657.0}, {"index": 16344, "quantile": 0.25, "value": 153900.0, "Latitude": 38.04, "Longitude": -121.33, "Population": 657.0}, {"index": 16344, "quantile": 0.5, "value": 153900.0, "Latitude": 38.04, "Longitude": -121.33, "Population": 657.0}, {"index": 16344, "quantile": 0.75, "value": 153900.0, "Latitude": 38.04, "Longitude": -121.33, "Population": 657.0}, {"index": 16344, "quantile": 1.0, "value": 334000.0, "Latitude": 38.04, "Longitude": -121.33, "Population": 657.0}, {"index": 16345, "quantile": 0.0, "value": 120000.0, "Latitude": 38.03, "Longitude": -121.35, "Population": 895.0}, {"index": 16345, "quantile": 0.25, "value": 164700.0, "Latitude": 38.03, "Longitude": -121.35, "Population": 895.0}, {"index": 16345, "quantile": 0.5, "value": 198500.0, "Latitude": 38.03, "Longitude": -121.35, "Population": 895.0}, {"index": 16345, "quantile": 0.75, "value": 217574.99999999997, "Latitude": 38.03, "Longitude": -121.35, "Population": 895.0}, {"index": 16345, "quantile": 1.0, "value": 348300.0, "Latitude": 38.03, "Longitude": -121.35, "Population": 895.0}, {"index": 16346, "quantile": 0.0, "value": 102000.0, "Latitude": 38.03, "Longitude": -121.34, "Population": 1200.0}, {"index": 16346, "quantile": 0.25, "value": 147950.0, "Latitude": 38.03, "Longitude": -121.34, "Population": 1200.0}, {"index": 16346, "quantile": 0.5, "value": 173750.0, "Latitude": 38.03, "Longitude": -121.34, "Population": 1200.0}, {"index": 16346, "quantile": 0.75, "value": 205100.00000000003, "Latitude": 38.03, "Longitude": -121.34, "Population": 1200.0}, {"index": 16346, "quantile": 1.0, "value": 340400.0, "Latitude": 38.03, "Longitude": -121.34, "Population": 1200.0}, {"index": 16347, "quantile": 0.0, "value": 61600.0, "Latitude": 38.02, "Longitude": -121.35, "Population": 1301.0}, {"index": 16347, "quantile": 0.25, "value": 132300.0, "Latitude": 38.02, "Longitude": -121.35, "Population": 1301.0}, {"index": 16347, "quantile": 0.5, "value": 132300.0, "Latitude": 38.02, "Longitude": -121.35, "Population": 1301.0}, {"index": 16347, "quantile": 0.75, "value": 132300.0, "Latitude": 38.02, "Longitude": -121.35, "Population": 1301.0}, {"index": 16347, "quantile": 1.0, "value": 225000.0, "Latitude": 38.02, "Longitude": -121.35, "Population": 1301.0}, {"index": 16348, "quantile": 0.0, "value": 88000.0, "Latitude": 38.03, "Longitude": -121.35, "Population": 1596.0}, {"index": 16348, "quantile": 0.25, "value": 131300.0, "Latitude": 38.03, "Longitude": -121.35, "Population": 1596.0}, {"index": 16348, "quantile": 0.5, "value": 131300.0, "Latitude": 38.03, "Longitude": -121.35, "Population": 1596.0}, {"index": 16348, "quantile": 0.75, "value": 132650.0, "Latitude": 38.03, "Longitude": -121.35, "Population": 1596.0}, {"index": 16348, "quantile": 1.0, "value": 186300.0, "Latitude": 38.03, "Longitude": -121.35, "Population": 1596.0}, {"index": 16349, "quantile": 0.0, "value": 91200.0, "Latitude": 38.03, "Longitude": -121.36, "Population": 1378.0}, {"index": 16349, "quantile": 0.25, "value": 138800.0, "Latitude": 38.03, "Longitude": -121.36, "Population": 1378.0}, {"index": 16349, "quantile": 0.5, "value": 138800.0, "Latitude": 38.03, "Longitude": -121.36, "Population": 1378.0}, {"index": 16349, "quantile": 0.75, "value": 138800.0, "Latitude": 38.03, "Longitude": -121.36, "Population": 1378.0}, {"index": 16349, "quantile": 1.0, "value": 183300.0, "Latitude": 38.03, "Longitude": -121.36, "Population": 1378.0}, {"index": 16350, "quantile": 0.0, "value": 82800.0, "Latitude": 38.02, "Longitude": -121.35, "Population": 2183.0}, {"index": 16350, "quantile": 0.25, "value": 140700.0, "Latitude": 38.02, "Longitude": -121.35, "Population": 2183.0}, {"index": 16350, "quantile": 0.5, "value": 140700.0, "Latitude": 38.02, "Longitude": -121.35, "Population": 2183.0}, {"index": 16350, "quantile": 0.75, "value": 140700.0, "Latitude": 38.02, "Longitude": -121.35, "Population": 2183.0}, {"index": 16350, "quantile": 1.0, "value": 240800.0, "Latitude": 38.02, "Longitude": -121.35, "Population": 2183.0}, {"index": 16351, "quantile": 0.0, "value": 78700.0, "Latitude": 38.02, "Longitude": -121.36, "Population": 1010.0}, {"index": 16351, "quantile": 0.25, "value": 185475.0, "Latitude": 38.02, "Longitude": -121.36, "Population": 1010.0}, {"index": 16351, "quantile": 0.5, "value": 206100.0, "Latitude": 38.02, "Longitude": -121.36, "Population": 1010.0}, {"index": 16351, "quantile": 0.75, "value": 206100.0, "Latitude": 38.02, "Longitude": -121.36, "Population": 1010.0}, {"index": 16351, "quantile": 1.0, "value": 356100.0, "Latitude": 38.02, "Longitude": -121.36, "Population": 1010.0}, {"index": 16352, "quantile": 0.0, "value": 77500.0, "Latitude": 38.03, "Longitude": -121.36, "Population": 1518.0}, {"index": 16352, "quantile": 0.25, "value": 78700.0, "Latitude": 38.03, "Longitude": -121.36, "Population": 1518.0}, {"index": 16352, "quantile": 0.5, "value": 78700.0, "Latitude": 38.03, "Longitude": -121.36, "Population": 1518.0}, {"index": 16352, "quantile": 0.75, "value": 148375.0, "Latitude": 38.03, "Longitude": -121.36, "Population": 1518.0}, {"index": 16352, "quantile": 1.0, "value": 267000.0, "Latitude": 38.03, "Longitude": -121.36, "Population": 1518.0}, {"index": 16353, "quantile": 0.0, "value": 67500.0, "Latitude": 38.04, "Longitude": -121.32, "Population": 167.0}, {"index": 16353, "quantile": 0.25, "value": 92800.0, "Latitude": 38.04, "Longitude": -121.32, "Population": 167.0}, {"index": 16353, "quantile": 0.5, "value": 92800.0, "Latitude": 38.04, "Longitude": -121.32, "Population": 167.0}, {"index": 16353, "quantile": 0.75, "value": 127275.0, "Latitude": 38.04, "Longitude": -121.32, "Population": 167.0}, {"index": 16353, "quantile": 1.0, "value": 250000.0, "Latitude": 38.04, "Longitude": -121.32, "Population": 167.0}, {"index": 16354, "quantile": 0.0, "value": 84600.0, "Latitude": 38.03, "Longitude": -121.31, "Population": 1743.0}, {"index": 16354, "quantile": 0.25, "value": 104549.99999999999, "Latitude": 38.03, "Longitude": -121.31, "Population": 1743.0}, {"index": 16354, "quantile": 0.5, "value": 128149.99999999999, "Latitude": 38.03, "Longitude": -121.31, "Population": 1743.0}, {"index": 16354, "quantile": 0.75, "value": 139575.0, "Latitude": 38.03, "Longitude": -121.31, "Population": 1743.0}, {"index": 16354, "quantile": 1.0, "value": 240800.0, "Latitude": 38.03, "Longitude": -121.31, "Population": 1743.0}, {"index": 16355, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 38.03, "Longitude": -121.32, "Population": 1947.0}, {"index": 16355, "quantile": 0.25, "value": 86825.0, "Latitude": 38.03, "Longitude": -121.32, "Population": 1947.0}, {"index": 16355, "quantile": 0.5, "value": 98400.0, "Latitude": 38.03, "Longitude": -121.32, "Population": 1947.0}, {"index": 16355, "quantile": 0.75, "value": 98400.0, "Latitude": 38.03, "Longitude": -121.32, "Population": 1947.0}, {"index": 16355, "quantile": 1.0, "value": 163500.0, "Latitude": 38.03, "Longitude": -121.32, "Population": 1947.0}, {"index": 16356, "quantile": 0.0, "value": 83400.0, "Latitude": 38.02, "Longitude": -121.32, "Population": 1544.0}, {"index": 16356, "quantile": 0.25, "value": 99100.0, "Latitude": 38.02, "Longitude": -121.32, "Population": 1544.0}, {"index": 16356, "quantile": 0.5, "value": 112999.99999999999, "Latitude": 38.02, "Longitude": -121.32, "Population": 1544.0}, {"index": 16356, "quantile": 0.75, "value": 130800.0, "Latitude": 38.02, "Longitude": -121.32, "Population": 1544.0}, {"index": 16356, "quantile": 1.0, "value": 240800.0, "Latitude": 38.02, "Longitude": -121.32, "Population": 1544.0}, {"index": 16357, "quantile": 0.0, "value": 66000.0, "Latitude": 38.03, "Longitude": -121.31, "Population": 3036.0}, {"index": 16357, "quantile": 0.25, "value": 90400.0, "Latitude": 38.03, "Longitude": -121.31, "Population": 3036.0}, {"index": 16357, "quantile": 0.5, "value": 99000.0, "Latitude": 38.03, "Longitude": -121.31, "Population": 3036.0}, {"index": 16357, "quantile": 0.75, "value": 116799.99999999999, "Latitude": 38.03, "Longitude": -121.31, "Population": 3036.0}, {"index": 16357, "quantile": 1.0, "value": 193600.0, "Latitude": 38.03, "Longitude": -121.31, "Population": 3036.0}, {"index": 16358, "quantile": 0.0, "value": 45000.0, "Latitude": 38.0, "Longitude": -121.29, "Population": 3440.0}, {"index": 16358, "quantile": 0.25, "value": 112300.0, "Latitude": 38.0, "Longitude": -121.29, "Population": 3440.0}, {"index": 16358, "quantile": 0.5, "value": 112300.0, "Latitude": 38.0, "Longitude": -121.29, "Population": 3440.0}, {"index": 16358, "quantile": 0.75, "value": 112300.0, "Latitude": 38.0, "Longitude": -121.29, "Population": 3440.0}, {"index": 16358, "quantile": 1.0, "value": 156300.0, "Latitude": 38.0, "Longitude": -121.29, "Population": 3440.0}, {"index": 16359, "quantile": 0.0, "value": 60600.0, "Latitude": 37.99, "Longitude": -121.31, "Population": 1650.0}, {"index": 16359, "quantile": 0.25, "value": 105300.0, "Latitude": 37.99, "Longitude": -121.31, "Population": 1650.0}, {"index": 16359, "quantile": 0.5, "value": 105300.0, "Latitude": 37.99, "Longitude": -121.31, "Population": 1650.0}, {"index": 16359, "quantile": 0.75, "value": 105300.0, "Latitude": 37.99, "Longitude": -121.31, "Population": 1650.0}, {"index": 16359, "quantile": 1.0, "value": 156300.0, "Latitude": 37.99, "Longitude": -121.31, "Population": 1650.0}, {"index": 16360, "quantile": 0.0, "value": 43000.0, "Latitude": 38.0, "Longitude": -121.3, "Population": 3785.0}, {"index": 16360, "quantile": 0.25, "value": 74725.0, "Latitude": 38.0, "Longitude": -121.3, "Population": 3785.0}, {"index": 16360, "quantile": 0.5, "value": 81300.0, "Latitude": 38.0, "Longitude": -121.3, "Population": 3785.0}, {"index": 16360, "quantile": 0.75, "value": 110300.0, "Latitude": 38.0, "Longitude": -121.3, "Population": 3785.0}, {"index": 16360, "quantile": 1.0, "value": 300000.0, "Latitude": 38.0, "Longitude": -121.3, "Population": 3785.0}, {"index": 16361, "quantile": 0.0, "value": 67300.0, "Latitude": 38.01, "Longitude": -121.3, "Population": 1215.0}, {"index": 16361, "quantile": 0.25, "value": 100000.0, "Latitude": 38.01, "Longitude": -121.3, "Population": 1215.0}, {"index": 16361, "quantile": 0.5, "value": 100000.0, "Latitude": 38.01, "Longitude": -121.3, "Population": 1215.0}, {"index": 16361, "quantile": 0.75, "value": 101800.0, "Latitude": 38.01, "Longitude": -121.3, "Population": 1215.0}, {"index": 16361, "quantile": 1.0, "value": 213000.0, "Latitude": 38.01, "Longitude": -121.3, "Population": 1215.0}, {"index": 16362, "quantile": 0.0, "value": 91300.0, "Latitude": 38.0, "Longitude": -121.3, "Population": 1338.0}, {"index": 16362, "quantile": 0.25, "value": 116199.99999999999, "Latitude": 38.0, "Longitude": -121.3, "Population": 1338.0}, {"index": 16362, "quantile": 0.5, "value": 116199.99999999999, "Latitude": 38.0, "Longitude": -121.3, "Population": 1338.0}, {"index": 16362, "quantile": 0.75, "value": 116199.99999999999, "Latitude": 38.0, "Longitude": -121.3, "Population": 1338.0}, {"index": 16362, "quantile": 1.0, "value": 153500.0, "Latitude": 38.0, "Longitude": -121.3, "Population": 1338.0}, {"index": 16363, "quantile": 0.0, "value": 83400.0, "Latitude": 38.0, "Longitude": -121.31, "Population": 977.0}, {"index": 16363, "quantile": 0.25, "value": 108400.00000000001, "Latitude": 38.0, "Longitude": -121.31, "Population": 977.0}, {"index": 16363, "quantile": 0.5, "value": 108400.00000000001, "Latitude": 38.0, "Longitude": -121.31, "Population": 977.0}, {"index": 16363, "quantile": 0.75, "value": 115500.0, "Latitude": 38.0, "Longitude": -121.31, "Population": 977.0}, {"index": 16363, "quantile": 1.0, "value": 223800.0, "Latitude": 38.0, "Longitude": -121.31, "Population": 977.0}, {"index": 16364, "quantile": 0.0, "value": 81300.0, "Latitude": 38.0, "Longitude": -121.31, "Population": 306.0}, {"index": 16364, "quantile": 0.25, "value": 134900.0, "Latitude": 38.0, "Longitude": -121.31, "Population": 306.0}, {"index": 16364, "quantile": 0.5, "value": 184950.0, "Latitude": 38.0, "Longitude": -121.31, "Population": 306.0}, {"index": 16364, "quantile": 0.75, "value": 253700.0, "Latitude": 38.0, "Longitude": -121.31, "Population": 306.0}, {"index": 16364, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.0, "Longitude": -121.31, "Population": 306.0}, {"index": 16365, "quantile": 0.0, "value": 22500.0, "Latitude": 38.02, "Longitude": -121.31, "Population": 2734.0}, {"index": 16365, "quantile": 0.25, "value": 92100.0, "Latitude": 38.02, "Longitude": -121.31, "Population": 2734.0}, {"index": 16365, "quantile": 0.5, "value": 92100.0, "Latitude": 38.02, "Longitude": -121.31, "Population": 2734.0}, {"index": 16365, "quantile": 0.75, "value": 92100.0, "Latitude": 38.02, "Longitude": -121.31, "Population": 2734.0}, {"index": 16365, "quantile": 1.0, "value": 178000.0, "Latitude": 38.02, "Longitude": -121.31, "Population": 2734.0}, {"index": 16366, "quantile": 0.0, "value": 84200.0, "Latitude": 38.01, "Longitude": -121.3, "Population": 1547.0}, {"index": 16366, "quantile": 0.25, "value": 112700.0, "Latitude": 38.01, "Longitude": -121.3, "Population": 1547.0}, {"index": 16366, "quantile": 0.5, "value": 117600.0, "Latitude": 38.01, "Longitude": -121.3, "Population": 1547.0}, {"index": 16366, "quantile": 0.75, "value": 133025.0, "Latitude": 38.01, "Longitude": -121.3, "Population": 1547.0}, {"index": 16366, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 38.01, "Longitude": -121.3, "Population": 1547.0}, {"index": 16367, "quantile": 0.0, "value": 77700.0, "Latitude": 38.02, "Longitude": -121.32, "Population": 1890.0}, {"index": 16367, "quantile": 0.25, "value": 96275.0, "Latitude": 38.02, "Longitude": -121.32, "Population": 1890.0}, {"index": 16367, "quantile": 0.5, "value": 107050.0, "Latitude": 38.02, "Longitude": -121.32, "Population": 1890.0}, {"index": 16367, "quantile": 0.75, "value": 119800.0, "Latitude": 38.02, "Longitude": -121.32, "Population": 1890.0}, {"index": 16367, "quantile": 1.0, "value": 240800.0, "Latitude": 38.02, "Longitude": -121.32, "Population": 1890.0}, {"index": 16368, "quantile": 0.0, "value": 50500.0, "Latitude": 38.01, "Longitude": -121.31, "Population": 1304.0}, {"index": 16368, "quantile": 0.25, "value": 86900.0, "Latitude": 38.01, "Longitude": -121.31, "Population": 1304.0}, {"index": 16368, "quantile": 0.5, "value": 103099.99999999999, "Latitude": 38.01, "Longitude": -121.31, "Population": 1304.0}, {"index": 16368, "quantile": 0.75, "value": 133100.0, "Latitude": 38.01, "Longitude": -121.31, "Population": 1304.0}, {"index": 16368, "quantile": 1.0, "value": 338900.0, "Latitude": 38.01, "Longitude": -121.31, "Population": 1304.0}, {"index": 16369, "quantile": 0.0, "value": 70100.0, "Latitude": 38.01, "Longitude": -121.31, "Population": 1367.0}, {"index": 16369, "quantile": 0.25, "value": 90500.0, "Latitude": 38.01, "Longitude": -121.31, "Population": 1367.0}, {"index": 16369, "quantile": 0.5, "value": 90500.0, "Latitude": 38.01, "Longitude": -121.31, "Population": 1367.0}, {"index": 16369, "quantile": 0.75, "value": 90500.0, "Latitude": 38.01, "Longitude": -121.31, "Population": 1367.0}, {"index": 16369, "quantile": 1.0, "value": 364300.0, "Latitude": 38.01, "Longitude": -121.31, "Population": 1367.0}, {"index": 16370, "quantile": 0.0, "value": 96200.0, "Latitude": 38.04, "Longitude": -121.3, "Population": 1713.0}, {"index": 16370, "quantile": 0.25, "value": 117600.0, "Latitude": 38.04, "Longitude": -121.3, "Population": 1713.0}, {"index": 16370, "quantile": 0.5, "value": 117600.0, "Latitude": 38.04, "Longitude": -121.3, "Population": 1713.0}, {"index": 16370, "quantile": 0.75, "value": 130624.99999999999, "Latitude": 38.04, "Longitude": -121.3, "Population": 1713.0}, {"index": 16370, "quantile": 1.0, "value": 269500.0, "Latitude": 38.04, "Longitude": -121.3, "Population": 1713.0}, {"index": 16371, "quantile": 0.0, "value": 73100.0, "Latitude": 38.03, "Longitude": -121.3, "Population": 712.0}, {"index": 16371, "quantile": 0.25, "value": 102800.0, "Latitude": 38.03, "Longitude": -121.3, "Population": 712.0}, {"index": 16371, "quantile": 0.5, "value": 102800.0, "Latitude": 38.03, "Longitude": -121.3, "Population": 712.0}, {"index": 16371, "quantile": 0.75, "value": 102800.0, "Latitude": 38.03, "Longitude": -121.3, "Population": 712.0}, {"index": 16371, "quantile": 1.0, "value": 239200.0, "Latitude": 38.03, "Longitude": -121.3, "Population": 712.0}, {"index": 16372, "quantile": 0.0, "value": 93100.0, "Latitude": 38.03, "Longitude": -121.3, "Population": 782.0}, {"index": 16372, "quantile": 0.25, "value": 120325.00000000001, "Latitude": 38.03, "Longitude": -121.3, "Population": 782.0}, {"index": 16372, "quantile": 0.5, "value": 144350.0, "Latitude": 38.03, "Longitude": -121.3, "Population": 782.0}, {"index": 16372, "quantile": 0.75, "value": 167400.0, "Latitude": 38.03, "Longitude": -121.3, "Population": 782.0}, {"index": 16372, "quantile": 1.0, "value": 300600.0, "Latitude": 38.03, "Longitude": -121.3, "Population": 782.0}, {"index": 16373, "quantile": 0.0, "value": 67300.0, "Latitude": 38.04, "Longitude": -121.29, "Population": 1860.0}, {"index": 16373, "quantile": 0.25, "value": 97300.0, "Latitude": 38.04, "Longitude": -121.29, "Population": 1860.0}, {"index": 16373, "quantile": 0.5, "value": 97300.0, "Latitude": 38.04, "Longitude": -121.29, "Population": 1860.0}, {"index": 16373, "quantile": 0.75, "value": 97300.0, "Latitude": 38.04, "Longitude": -121.29, "Population": 1860.0}, {"index": 16373, "quantile": 1.0, "value": 189300.0, "Latitude": 38.04, "Longitude": -121.29, "Population": 1860.0}, {"index": 16374, "quantile": 0.0, "value": 87500.0, "Latitude": 38.03, "Longitude": -121.29, "Population": 1629.0}, {"index": 16374, "quantile": 0.25, "value": 91100.0, "Latitude": 38.03, "Longitude": -121.29, "Population": 1629.0}, {"index": 16374, "quantile": 0.5, "value": 91100.0, "Latitude": 38.03, "Longitude": -121.29, "Population": 1629.0}, {"index": 16374, "quantile": 0.75, "value": 123800.0, "Latitude": 38.03, "Longitude": -121.29, "Population": 1629.0}, {"index": 16374, "quantile": 1.0, "value": 364700.0, "Latitude": 38.03, "Longitude": -121.29, "Population": 1629.0}, {"index": 16375, "quantile": 0.0, "value": 67300.0, "Latitude": 38.03, "Longitude": -121.28, "Population": 2769.0}, {"index": 16375, "quantile": 0.25, "value": 95900.0, "Latitude": 38.03, "Longitude": -121.28, "Population": 2769.0}, {"index": 16375, "quantile": 0.5, "value": 102800.0, "Latitude": 38.03, "Longitude": -121.28, "Population": 2769.0}, {"index": 16375, "quantile": 0.75, "value": 116799.99999999999, "Latitude": 38.03, "Longitude": -121.28, "Population": 2769.0}, {"index": 16375, "quantile": 1.0, "value": 180500.0, "Latitude": 38.03, "Longitude": -121.28, "Population": 2769.0}, {"index": 16376, "quantile": 0.0, "value": 59000.0, "Latitude": 38.03, "Longitude": -121.29, "Population": 1615.0}, {"index": 16376, "quantile": 0.25, "value": 98850.0, "Latitude": 38.03, "Longitude": -121.29, "Population": 1615.0}, {"index": 16376, "quantile": 0.5, "value": 99000.0, "Latitude": 38.03, "Longitude": -121.29, "Population": 1615.0}, {"index": 16376, "quantile": 0.75, "value": 113599.99999999999, "Latitude": 38.03, "Longitude": -121.29, "Population": 1615.0}, {"index": 16376, "quantile": 1.0, "value": 157200.0, "Latitude": 38.03, "Longitude": -121.29, "Population": 1615.0}, {"index": 16377, "quantile": 0.0, "value": 67300.0, "Latitude": 38.03, "Longitude": -121.28, "Population": 684.0}, {"index": 16377, "quantile": 0.25, "value": 107400.0, "Latitude": 38.03, "Longitude": -121.28, "Population": 684.0}, {"index": 16377, "quantile": 0.5, "value": 107400.0, "Latitude": 38.03, "Longitude": -121.28, "Population": 684.0}, {"index": 16377, "quantile": 0.75, "value": 108875.00000000001, "Latitude": 38.03, "Longitude": -121.28, "Population": 684.0}, {"index": 16377, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 38.03, "Longitude": -121.28, "Population": 684.0}, {"index": 16378, "quantile": 0.0, "value": 67500.0, "Latitude": 38.02, "Longitude": -121.29, "Population": 1849.0}, {"index": 16378, "quantile": 0.25, "value": 99000.0, "Latitude": 38.02, "Longitude": -121.29, "Population": 1849.0}, {"index": 16378, "quantile": 0.5, "value": 99000.0, "Latitude": 38.02, "Longitude": -121.29, "Population": 1849.0}, {"index": 16378, "quantile": 0.75, "value": 99000.0, "Latitude": 38.02, "Longitude": -121.29, "Population": 1849.0}, {"index": 16378, "quantile": 1.0, "value": 225000.0, "Latitude": 38.02, "Longitude": -121.29, "Population": 1849.0}, {"index": 16379, "quantile": 0.0, "value": 67300.0, "Latitude": 38.02, "Longitude": -121.3, "Population": 3343.0}, {"index": 16379, "quantile": 0.25, "value": 106300.0, "Latitude": 38.02, "Longitude": -121.3, "Population": 3343.0}, {"index": 16379, "quantile": 0.5, "value": 106300.0, "Latitude": 38.02, "Longitude": -121.3, "Population": 3343.0}, {"index": 16379, "quantile": 0.75, "value": 106700.0, "Latitude": 38.02, "Longitude": -121.3, "Population": 3343.0}, {"index": 16379, "quantile": 1.0, "value": 232799.99999999997, "Latitude": 38.02, "Longitude": -121.3, "Population": 3343.0}, {"index": 16380, "quantile": 0.0, "value": 59000.0, "Latitude": 38.03, "Longitude": -121.3, "Population": 1404.0}, {"index": 16380, "quantile": 0.25, "value": 103299.99999999999, "Latitude": 38.03, "Longitude": -121.3, "Population": 1404.0}, {"index": 16380, "quantile": 0.5, "value": 116100.0, "Latitude": 38.03, "Longitude": -121.3, "Population": 1404.0}, {"index": 16380, "quantile": 0.75, "value": 127499.99999999999, "Latitude": 38.03, "Longitude": -121.3, "Population": 1404.0}, {"index": 16380, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 38.03, "Longitude": -121.3, "Population": 1404.0}, {"index": 16381, "quantile": 0.0, "value": 50000.0, "Latitude": 38.02, "Longitude": -121.3, "Population": 491.0}, {"index": 16381, "quantile": 0.25, "value": 87500.0, "Latitude": 38.02, "Longitude": -121.3, "Population": 491.0}, {"index": 16381, "quantile": 0.5, "value": 87500.0, "Latitude": 38.02, "Longitude": -121.3, "Population": 491.0}, {"index": 16381, "quantile": 0.75, "value": 112500.0, "Latitude": 38.02, "Longitude": -121.3, "Population": 491.0}, {"index": 16381, "quantile": 1.0, "value": 267600.0, "Latitude": 38.02, "Longitude": -121.3, "Population": 491.0}, {"index": 16382, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 38.0, "Longitude": -121.29, "Population": 1784.0}, {"index": 16382, "quantile": 0.25, "value": 124500.00000000001, "Latitude": 38.0, "Longitude": -121.29, "Population": 1784.0}, {"index": 16382, "quantile": 0.5, "value": 124500.00000000001, "Latitude": 38.0, "Longitude": -121.29, "Population": 1784.0}, {"index": 16382, "quantile": 0.75, "value": 124500.00000000001, "Latitude": 38.0, "Longitude": -121.29, "Population": 1784.0}, {"index": 16382, "quantile": 1.0, "value": 225000.0, "Latitude": 38.0, "Longitude": -121.29, "Population": 1784.0}, {"index": 16383, "quantile": 0.0, "value": 107600.0, "Latitude": 38.01, "Longitude": -121.29, "Population": 3327.0}, {"index": 16383, "quantile": 0.25, "value": 137900.0, "Latitude": 38.01, "Longitude": -121.29, "Population": 3327.0}, {"index": 16383, "quantile": 0.5, "value": 137900.0, "Latitude": 38.01, "Longitude": -121.29, "Population": 3327.0}, {"index": 16383, "quantile": 0.75, "value": 145900.0, "Latitude": 38.01, "Longitude": -121.29, "Population": 3327.0}, {"index": 16383, "quantile": 1.0, "value": 336800.0, "Latitude": 38.01, "Longitude": -121.29, "Population": 3327.0}, {"index": 16384, "quantile": 0.0, "value": 73100.0, "Latitude": 38.02, "Longitude": -121.28, "Population": 1258.0}, {"index": 16384, "quantile": 0.25, "value": 95900.0, "Latitude": 38.02, "Longitude": -121.28, "Population": 1258.0}, {"index": 16384, "quantile": 0.5, "value": 95900.0, "Latitude": 38.02, "Longitude": -121.28, "Population": 1258.0}, {"index": 16384, "quantile": 0.75, "value": 95900.0, "Latitude": 38.02, "Longitude": -121.28, "Population": 1258.0}, {"index": 16384, "quantile": 1.0, "value": 202500.0, "Latitude": 38.02, "Longitude": -121.28, "Population": 1258.0}, {"index": 16385, "quantile": 0.0, "value": 67500.0, "Latitude": 38.01, "Longitude": -121.29, "Population": 50.0}, {"index": 16385, "quantile": 0.25, "value": 120800.0, "Latitude": 38.01, "Longitude": -121.29, "Population": 50.0}, {"index": 16385, "quantile": 0.5, "value": 120800.0, "Latitude": 38.01, "Longitude": -121.29, "Population": 50.0}, {"index": 16385, "quantile": 0.75, "value": 120800.0, "Latitude": 38.01, "Longitude": -121.29, "Population": 50.0}, {"index": 16385, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.01, "Longitude": -121.29, "Population": 50.0}, {"index": 16386, "quantile": 0.0, "value": 63800.0, "Latitude": 38.05, "Longitude": -121.27, "Population": 164.0}, {"index": 16386, "quantile": 0.25, "value": 82800.0, "Latitude": 38.05, "Longitude": -121.27, "Population": 164.0}, {"index": 16386, "quantile": 0.5, "value": 82800.0, "Latitude": 38.05, "Longitude": -121.27, "Population": 164.0}, {"index": 16386, "quantile": 0.75, "value": 82800.0, "Latitude": 38.05, "Longitude": -121.27, "Population": 164.0}, {"index": 16386, "quantile": 1.0, "value": 275700.0, "Latitude": 38.05, "Longitude": -121.27, "Population": 164.0}, {"index": 16387, "quantile": 0.0, "value": 76900.0, "Latitude": 38.02, "Longitude": -121.27, "Population": 138.0}, {"index": 16387, "quantile": 0.25, "value": 155000.0, "Latitude": 38.02, "Longitude": -121.27, "Population": 138.0}, {"index": 16387, "quantile": 0.5, "value": 155000.0, "Latitude": 38.02, "Longitude": -121.27, "Population": 138.0}, {"index": 16387, "quantile": 0.75, "value": 155000.0, "Latitude": 38.02, "Longitude": -121.27, "Population": 138.0}, {"index": 16387, "quantile": 1.0, "value": 268800.0, "Latitude": 38.02, "Longitude": -121.27, "Population": 138.0}, {"index": 16388, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 38.05, "Longitude": -121.3, "Population": 62.0}, {"index": 16388, "quantile": 0.25, "value": 111925.00000000001, "Latitude": 38.05, "Longitude": -121.3, "Population": 62.0}, {"index": 16388, "quantile": 0.5, "value": 112500.0, "Latitude": 38.05, "Longitude": -121.3, "Population": 62.0}, {"index": 16388, "quantile": 0.75, "value": 112500.0, "Latitude": 38.05, "Longitude": -121.3, "Population": 62.0}, {"index": 16388, "quantile": 1.0, "value": 325000.0, "Latitude": 38.05, "Longitude": -121.3, "Population": 62.0}, {"index": 16389, "quantile": 0.0, "value": 100000.0, "Latitude": 38.05, "Longitude": -121.25, "Population": 1035.0}, {"index": 16389, "quantile": 0.25, "value": 106800.0, "Latitude": 38.05, "Longitude": -121.25, "Population": 1035.0}, {"index": 16389, "quantile": 0.5, "value": 106800.0, "Latitude": 38.05, "Longitude": -121.25, "Population": 1035.0}, {"index": 16389, "quantile": 0.75, "value": 113900.0, "Latitude": 38.05, "Longitude": -121.25, "Population": 1035.0}, {"index": 16389, "quantile": 1.0, "value": 240800.0, "Latitude": 38.05, "Longitude": -121.25, "Population": 1035.0}, {"index": 16390, "quantile": 0.0, "value": 133900.0, "Latitude": 38.04, "Longitude": -121.25, "Population": 1257.0}, {"index": 16390, "quantile": 0.25, "value": 201799.99999999997, "Latitude": 38.04, "Longitude": -121.25, "Population": 1257.0}, {"index": 16390, "quantile": 0.5, "value": 201799.99999999997, "Latitude": 38.04, "Longitude": -121.25, "Population": 1257.0}, {"index": 16390, "quantile": 0.75, "value": 201799.99999999997, "Latitude": 38.04, "Longitude": -121.25, "Population": 1257.0}, {"index": 16390, "quantile": 1.0, "value": 300600.0, "Latitude": 38.04, "Longitude": -121.25, "Population": 1257.0}, {"index": 16391, "quantile": 0.0, "value": 87100.0, "Latitude": 38.01, "Longitude": -121.25, "Population": 1053.0}, {"index": 16391, "quantile": 0.25, "value": 112500.0, "Latitude": 38.01, "Longitude": -121.25, "Population": 1053.0}, {"index": 16391, "quantile": 0.5, "value": 112500.0, "Latitude": 38.01, "Longitude": -121.25, "Population": 1053.0}, {"index": 16391, "quantile": 0.75, "value": 112999.99999999999, "Latitude": 38.01, "Longitude": -121.25, "Population": 1053.0}, {"index": 16391, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.01, "Longitude": -121.25, "Population": 1053.0}, {"index": 16392, "quantile": 0.0, "value": 173300.0, "Latitude": 38.04, "Longitude": -121.23, "Population": 677.0}, {"index": 16392, "quantile": 0.25, "value": 247900.0, "Latitude": 38.04, "Longitude": -121.23, "Population": 677.0}, {"index": 16392, "quantile": 0.5, "value": 247900.0, "Latitude": 38.04, "Longitude": -121.23, "Population": 677.0}, {"index": 16392, "quantile": 0.75, "value": 247900.0, "Latitude": 38.04, "Longitude": -121.23, "Population": 677.0}, {"index": 16392, "quantile": 1.0, "value": 488500.0, "Latitude": 38.04, "Longitude": -121.23, "Population": 677.0}, {"index": 16393, "quantile": 0.0, "value": 143300.0, "Latitude": 38.04, "Longitude": -121.22, "Population": 116.0}, {"index": 16393, "quantile": 0.25, "value": 197000.0, "Latitude": 38.04, "Longitude": -121.22, "Population": 116.0}, {"index": 16393, "quantile": 0.5, "value": 265700.0, "Latitude": 38.04, "Longitude": -121.22, "Population": 116.0}, {"index": 16393, "quantile": 0.75, "value": 336950.0, "Latitude": 38.04, "Longitude": -121.22, "Population": 116.0}, {"index": 16393, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.04, "Longitude": -121.22, "Population": 116.0}, {"index": 16394, "quantile": 0.0, "value": 172200.0, "Latitude": 38.03, "Longitude": -121.25, "Population": 859.0}, {"index": 16394, "quantile": 0.25, "value": 220699.99999999997, "Latitude": 38.03, "Longitude": -121.25, "Population": 859.0}, {"index": 16394, "quantile": 0.5, "value": 220699.99999999997, "Latitude": 38.03, "Longitude": -121.25, "Population": 859.0}, {"index": 16394, "quantile": 0.75, "value": 305100.0, "Latitude": 38.03, "Longitude": -121.25, "Population": 859.0}, {"index": 16394, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.03, "Longitude": -121.25, "Population": 859.0}, {"index": 16395, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 38.0, "Longitude": -121.22, "Population": 783.0}, {"index": 16395, "quantile": 0.25, "value": 128275.0, "Latitude": 38.0, "Longitude": -121.22, "Population": 783.0}, {"index": 16395, "quantile": 0.5, "value": 162100.0, "Latitude": 38.0, "Longitude": -121.22, "Population": 783.0}, {"index": 16395, "quantile": 0.75, "value": 162100.0, "Latitude": 38.0, "Longitude": -121.22, "Population": 783.0}, {"index": 16395, "quantile": 1.0, "value": 187500.0, "Latitude": 38.0, "Longitude": -121.22, "Population": 783.0}, {"index": 16396, "quantile": 0.0, "value": 49800.0, "Latitude": 38.01, "Longitude": -121.24, "Population": 790.0}, {"index": 16396, "quantile": 0.25, "value": 124125.0, "Latitude": 38.01, "Longitude": -121.24, "Population": 790.0}, {"index": 16396, "quantile": 0.5, "value": 125000.0, "Latitude": 38.01, "Longitude": -121.24, "Population": 790.0}, {"index": 16396, "quantile": 0.75, "value": 125000.0, "Latitude": 38.01, "Longitude": -121.24, "Population": 790.0}, {"index": 16396, "quantile": 1.0, "value": 225000.0, "Latitude": 38.01, "Longitude": -121.24, "Population": 790.0}, {"index": 16397, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 38.0, "Longitude": -121.25, "Population": 182.0}, {"index": 16397, "quantile": 0.25, "value": 135000.0, "Latitude": 38.0, "Longitude": -121.25, "Population": 182.0}, {"index": 16397, "quantile": 0.5, "value": 135000.0, "Latitude": 38.0, "Longitude": -121.25, "Population": 182.0}, {"index": 16397, "quantile": 0.75, "value": 135000.0, "Latitude": 38.0, "Longitude": -121.25, "Population": 182.0}, {"index": 16397, "quantile": 1.0, "value": 217499.99999999997, "Latitude": 38.0, "Longitude": -121.25, "Population": 182.0}, {"index": 16398, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.99, "Longitude": -121.26, "Population": 179.0}, {"index": 16398, "quantile": 0.25, "value": 87500.0, "Latitude": 37.99, "Longitude": -121.26, "Population": 179.0}, {"index": 16398, "quantile": 0.5, "value": 87500.0, "Latitude": 37.99, "Longitude": -121.26, "Population": 179.0}, {"index": 16398, "quantile": 0.75, "value": 87500.0, "Latitude": 37.99, "Longitude": -121.26, "Population": 179.0}, {"index": 16398, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.99, "Longitude": -121.26, "Population": 179.0}, {"index": 16399, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 38.0, "Longitude": -121.24, "Population": 721.0}, {"index": 16399, "quantile": 0.25, "value": 125000.0, "Latitude": 38.0, "Longitude": -121.24, "Population": 721.0}, {"index": 16399, "quantile": 0.5, "value": 126800.0, "Latitude": 38.0, "Longitude": -121.24, "Population": 721.0}, {"index": 16399, "quantile": 0.75, "value": 126800.0, "Latitude": 38.0, "Longitude": -121.24, "Population": 721.0}, {"index": 16399, "quantile": 1.0, "value": 165500.0, "Latitude": 38.0, "Longitude": -121.24, "Population": 721.0}, {"index": 16400, "quantile": 0.0, "value": 119300.0, "Latitude": 37.99, "Longitude": -121.23, "Population": 226.0}, {"index": 16400, "quantile": 0.25, "value": 153100.0, "Latitude": 37.99, "Longitude": -121.23, "Population": 226.0}, {"index": 16400, "quantile": 0.5, "value": 153100.0, "Latitude": 37.99, "Longitude": -121.23, "Population": 226.0}, {"index": 16400, "quantile": 0.75, "value": 185500.0, "Latitude": 37.99, "Longitude": -121.23, "Population": 226.0}, {"index": 16400, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.99, "Longitude": -121.23, "Population": 226.0}, {"index": 16401, "quantile": 0.0, "value": 121400.0, "Latitude": 37.98, "Longitude": -121.23, "Population": 373.0}, {"index": 16401, "quantile": 0.25, "value": 181300.0, "Latitude": 37.98, "Longitude": -121.23, "Population": 373.0}, {"index": 16401, "quantile": 0.5, "value": 181300.0, "Latitude": 37.98, "Longitude": -121.23, "Population": 373.0}, {"index": 16401, "quantile": 0.75, "value": 181300.0, "Latitude": 37.98, "Longitude": -121.23, "Population": 373.0}, {"index": 16401, "quantile": 1.0, "value": 244800.0, "Latitude": 37.98, "Longitude": -121.23, "Population": 373.0}, {"index": 16402, "quantile": 0.0, "value": 129500.0, "Latitude": 37.97, "Longitude": -121.2, "Population": 270.0}, {"index": 16402, "quantile": 0.25, "value": 157700.0, "Latitude": 37.97, "Longitude": -121.2, "Population": 270.0}, {"index": 16402, "quantile": 0.5, "value": 157700.0, "Latitude": 37.97, "Longitude": -121.2, "Population": 270.0}, {"index": 16402, "quantile": 0.75, "value": 233524.99999999997, "Latitude": 37.97, "Longitude": -121.2, "Population": 270.0}, {"index": 16402, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.97, "Longitude": -121.2, "Population": 270.0}, {"index": 16403, "quantile": 0.0, "value": 63800.0, "Latitude": 38.04, "Longitude": -121.19, "Population": 290.0}, {"index": 16403, "quantile": 0.25, "value": 177100.0, "Latitude": 38.04, "Longitude": -121.19, "Population": 290.0}, {"index": 16403, "quantile": 0.5, "value": 177100.0, "Latitude": 38.04, "Longitude": -121.19, "Population": 290.0}, {"index": 16403, "quantile": 0.75, "value": 177100.0, "Latitude": 38.04, "Longitude": -121.19, "Population": 290.0}, {"index": 16403, "quantile": 1.0, "value": 390800.0, "Latitude": 38.04, "Longitude": -121.19, "Population": 290.0}, {"index": 16404, "quantile": 0.0, "value": 43000.0, "Latitude": 38.03, "Longitude": -121.16, "Population": 201.0}, {"index": 16404, "quantile": 0.25, "value": 68700.0, "Latitude": 38.03, "Longitude": -121.16, "Population": 201.0}, {"index": 16404, "quantile": 0.5, "value": 156300.0, "Latitude": 38.03, "Longitude": -121.16, "Population": 201.0}, {"index": 16404, "quantile": 0.75, "value": 156300.0, "Latitude": 38.03, "Longitude": -121.16, "Population": 201.0}, {"index": 16404, "quantile": 1.0, "value": 162500.0, "Latitude": 38.03, "Longitude": -121.16, "Population": 201.0}, {"index": 16405, "quantile": 0.0, "value": 73500.0, "Latitude": 38.02, "Longitude": -121.2, "Population": 287.0}, {"index": 16405, "quantile": 0.25, "value": 125000.0, "Latitude": 38.02, "Longitude": -121.2, "Population": 287.0}, {"index": 16405, "quantile": 0.5, "value": 125000.0, "Latitude": 38.02, "Longitude": -121.2, "Population": 287.0}, {"index": 16405, "quantile": 0.75, "value": 125000.0, "Latitude": 38.02, "Longitude": -121.2, "Population": 287.0}, {"index": 16405, "quantile": 1.0, "value": 390800.0, "Latitude": 38.02, "Longitude": -121.2, "Population": 287.0}, {"index": 16406, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 37.99, "Longitude": -121.18, "Population": 1459.0}, {"index": 16406, "quantile": 0.25, "value": 100925.0, "Latitude": 37.99, "Longitude": -121.18, "Population": 1459.0}, {"index": 16406, "quantile": 0.5, "value": 130900.0, "Latitude": 37.99, "Longitude": -121.18, "Population": 1459.0}, {"index": 16406, "quantile": 0.75, "value": 130900.0, "Latitude": 37.99, "Longitude": -121.18, "Population": 1459.0}, {"index": 16406, "quantile": 1.0, "value": 157200.0, "Latitude": 37.99, "Longitude": -121.18, "Population": 1459.0}, {"index": 16407, "quantile": 0.0, "value": 91700.0, "Latitude": 37.97, "Longitude": -121.17, "Population": 769.0}, {"index": 16407, "quantile": 0.25, "value": 130400.0, "Latitude": 37.97, "Longitude": -121.17, "Population": 769.0}, {"index": 16407, "quantile": 0.5, "value": 130400.0, "Latitude": 37.97, "Longitude": -121.17, "Population": 769.0}, {"index": 16407, "quantile": 0.75, "value": 152850.0, "Latitude": 37.97, "Longitude": -121.17, "Population": 769.0}, {"index": 16407, "quantile": 1.0, "value": 273000.0, "Latitude": 37.97, "Longitude": -121.17, "Population": 769.0}, {"index": 16408, "quantile": 0.0, "value": 50500.0, "Latitude": 37.95, "Longitude": -121.23, "Population": 1342.0}, {"index": 16408, "quantile": 0.25, "value": 59000.0, "Latitude": 37.95, "Longitude": -121.23, "Population": 1342.0}, {"index": 16408, "quantile": 0.5, "value": 59000.0, "Latitude": 37.95, "Longitude": -121.23, "Population": 1342.0}, {"index": 16408, "quantile": 0.75, "value": 59000.0, "Latitude": 37.95, "Longitude": -121.23, "Population": 1342.0}, {"index": 16408, "quantile": 1.0, "value": 139200.0, "Latitude": 37.95, "Longitude": -121.23, "Population": 1342.0}, {"index": 16409, "quantile": 0.0, "value": 48300.0, "Latitude": 37.93, "Longitude": -121.19, "Population": 909.0}, {"index": 16409, "quantile": 0.25, "value": 99700.0, "Latitude": 37.93, "Longitude": -121.19, "Population": 909.0}, {"index": 16409, "quantile": 0.5, "value": 99700.0, "Latitude": 37.93, "Longitude": -121.19, "Population": 909.0}, {"index": 16409, "quantile": 0.75, "value": 99700.0, "Latitude": 37.93, "Longitude": -121.19, "Population": 909.0}, {"index": 16409, "quantile": 1.0, "value": 225000.0, "Latitude": 37.93, "Longitude": -121.19, "Population": 909.0}, {"index": 16410, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 37.94, "Longitude": -121.23, "Population": 77.0}, {"index": 16410, "quantile": 0.25, "value": 150000.0, "Latitude": 37.94, "Longitude": -121.23, "Population": 77.0}, {"index": 16410, "quantile": 0.5, "value": 150000.0, "Latitude": 37.94, "Longitude": -121.23, "Population": 77.0}, {"index": 16410, "quantile": 0.75, "value": 150000.0, "Latitude": 37.94, "Longitude": -121.23, "Population": 77.0}, {"index": 16410, "quantile": 1.0, "value": 350000.0, "Latitude": 37.94, "Longitude": -121.23, "Population": 77.0}, {"index": 16411, "quantile": 0.0, "value": 71800.0, "Latitude": 37.93, "Longitude": -121.22, "Population": 206.0}, {"index": 16411, "quantile": 0.25, "value": 121400.0, "Latitude": 37.93, "Longitude": -121.22, "Population": 206.0}, {"index": 16411, "quantile": 0.5, "value": 121400.0, "Latitude": 37.93, "Longitude": -121.22, "Population": 206.0}, {"index": 16411, "quantile": 0.75, "value": 143125.0, "Latitude": 37.93, "Longitude": -121.22, "Population": 206.0}, {"index": 16411, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.93, "Longitude": -121.22, "Population": 206.0}, {"index": 16412, "quantile": 0.0, "value": 48100.0, "Latitude": 37.95, "Longitude": -121.22, "Population": 629.0}, {"index": 16412, "quantile": 0.25, "value": 76900.0, "Latitude": 37.95, "Longitude": -121.22, "Population": 629.0}, {"index": 16412, "quantile": 0.5, "value": 76900.0, "Latitude": 37.95, "Longitude": -121.22, "Population": 629.0}, {"index": 16412, "quantile": 0.75, "value": 126825.00000000001, "Latitude": 37.95, "Longitude": -121.22, "Population": 629.0}, {"index": 16412, "quantile": 1.0, "value": 225000.0, "Latitude": 37.95, "Longitude": -121.22, "Population": 629.0}, {"index": 16413, "quantile": 0.0, "value": 22500.0, "Latitude": 37.96, "Longitude": -121.18, "Population": 193.0}, {"index": 16413, "quantile": 0.25, "value": 86450.0, "Latitude": 37.96, "Longitude": -121.18, "Population": 193.0}, {"index": 16413, "quantile": 0.5, "value": 125000.0, "Latitude": 37.96, "Longitude": -121.18, "Population": 193.0}, {"index": 16413, "quantile": 0.75, "value": 157500.0, "Latitude": 37.96, "Longitude": -121.18, "Population": 193.0}, {"index": 16413, "quantile": 1.0, "value": 268800.0, "Latitude": 37.96, "Longitude": -121.18, "Population": 193.0}, {"index": 16414, "quantile": 0.0, "value": 22500.0, "Latitude": 37.9, "Longitude": -121.24, "Population": 20.0}, {"index": 16414, "quantile": 0.25, "value": 97250.0, "Latitude": 37.9, "Longitude": -121.24, "Population": 20.0}, {"index": 16414, "quantile": 0.5, "value": 132650.0, "Latitude": 37.9, "Longitude": -121.24, "Population": 20.0}, {"index": 16414, "quantile": 0.75, "value": 135000.0, "Latitude": 37.9, "Longitude": -121.24, "Population": 20.0}, {"index": 16414, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.9, "Longitude": -121.24, "Population": 20.0}, {"index": 16415, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 37.88, "Longitude": -121.26, "Population": 256.0}, {"index": 16415, "quantile": 0.25, "value": 90900.0, "Latitude": 37.88, "Longitude": -121.26, "Population": 256.0}, {"index": 16415, "quantile": 0.5, "value": 116750.0, "Latitude": 37.88, "Longitude": -121.26, "Population": 256.0}, {"index": 16415, "quantile": 0.75, "value": 155175.0, "Latitude": 37.88, "Longitude": -121.26, "Population": 256.0}, {"index": 16415, "quantile": 1.0, "value": 475000.0, "Latitude": 37.88, "Longitude": -121.26, "Population": 256.0}, {"index": 16416, "quantile": 0.0, "value": 53300.0, "Latitude": 37.9, "Longitude": -121.28, "Population": 171.0}, {"index": 16416, "quantile": 0.25, "value": 55700.00000000001, "Latitude": 37.9, "Longitude": -121.28, "Population": 171.0}, {"index": 16416, "quantile": 0.5, "value": 55700.00000000001, "Latitude": 37.9, "Longitude": -121.28, "Population": 171.0}, {"index": 16416, "quantile": 0.75, "value": 91900.0, "Latitude": 37.9, "Longitude": -121.28, "Population": 171.0}, {"index": 16416, "quantile": 1.0, "value": 268800.0, "Latitude": 37.9, "Longitude": -121.28, "Population": 171.0}, {"index": 16417, "quantile": 0.0, "value": 45000.0, "Latitude": 37.88, "Longitude": -121.27, "Population": 664.0}, {"index": 16417, "quantile": 0.25, "value": 61575.0, "Latitude": 37.88, "Longitude": -121.27, "Population": 664.0}, {"index": 16417, "quantile": 0.5, "value": 73150.0, "Latitude": 37.88, "Longitude": -121.27, "Population": 664.0}, {"index": 16417, "quantile": 0.75, "value": 93900.0, "Latitude": 37.88, "Longitude": -121.27, "Population": 664.0}, {"index": 16417, "quantile": 1.0, "value": 198200.0, "Latitude": 37.88, "Longitude": -121.27, "Population": 664.0}, {"index": 16418, "quantile": 0.0, "value": 50500.0, "Latitude": 37.87, "Longitude": -121.27, "Population": 678.0}, {"index": 16418, "quantile": 0.25, "value": 93375.00000000001, "Latitude": 37.87, "Longitude": -121.27, "Population": 678.0}, {"index": 16418, "quantile": 0.5, "value": 114300.0, "Latitude": 37.87, "Longitude": -121.27, "Population": 678.0}, {"index": 16418, "quantile": 0.75, "value": 137150.0, "Latitude": 37.87, "Longitude": -121.27, "Population": 678.0}, {"index": 16418, "quantile": 1.0, "value": 475000.0, "Latitude": 37.87, "Longitude": -121.27, "Population": 678.0}, {"index": 16419, "quantile": 0.0, "value": 22500.0, "Latitude": 37.9, "Longitude": -121.31, "Population": 125.0}, {"index": 16419, "quantile": 0.25, "value": 125000.0, "Latitude": 37.9, "Longitude": -121.31, "Population": 125.0}, {"index": 16419, "quantile": 0.5, "value": 125000.0, "Latitude": 37.9, "Longitude": -121.31, "Population": 125.0}, {"index": 16419, "quantile": 0.75, "value": 125000.0, "Latitude": 37.9, "Longitude": -121.31, "Population": 125.0}, {"index": 16419, "quantile": 1.0, "value": 182400.0, "Latitude": 37.9, "Longitude": -121.31, "Population": 125.0}, {"index": 16420, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 37.89, "Longitude": -121.29, "Population": 1542.0}, {"index": 16420, "quantile": 0.25, "value": 162500.0, "Latitude": 37.89, "Longitude": -121.29, "Population": 1542.0}, {"index": 16420, "quantile": 0.5, "value": 162500.0, "Latitude": 37.89, "Longitude": -121.29, "Population": 1542.0}, {"index": 16420, "quantile": 0.75, "value": 181100.0, "Latitude": 37.89, "Longitude": -121.29, "Population": 1542.0}, {"index": 16420, "quantile": 1.0, "value": 322300.0, "Latitude": 37.89, "Longitude": -121.29, "Population": 1542.0}, {"index": 16421, "quantile": 0.0, "value": 50500.0, "Latitude": 37.87, "Longitude": -121.29, "Population": 308.0}, {"index": 16421, "quantile": 0.25, "value": 103074.99999999999, "Latitude": 37.87, "Longitude": -121.29, "Population": 308.0}, {"index": 16421, "quantile": 0.5, "value": 103099.99999999999, "Latitude": 37.87, "Longitude": -121.29, "Population": 308.0}, {"index": 16421, "quantile": 0.75, "value": 103099.99999999999, "Latitude": 37.87, "Longitude": -121.29, "Population": 308.0}, {"index": 16421, "quantile": 1.0, "value": 236800.0, "Latitude": 37.87, "Longitude": -121.29, "Population": 308.0}, {"index": 16422, "quantile": 0.0, "value": 98800.0, "Latitude": 37.87, "Longitude": -121.23, "Population": 59.0}, {"index": 16422, "quantile": 0.25, "value": 162500.0, "Latitude": 37.87, "Longitude": -121.23, "Population": 59.0}, {"index": 16422, "quantile": 0.5, "value": 162500.0, "Latitude": 37.87, "Longitude": -121.23, "Population": 59.0}, {"index": 16422, "quantile": 0.75, "value": 162500.0, "Latitude": 37.87, "Longitude": -121.23, "Population": 59.0}, {"index": 16422, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.87, "Longitude": -121.23, "Population": 59.0}, {"index": 16423, "quantile": 0.0, "value": 62000.0, "Latitude": 37.94, "Longitude": -121.49, "Population": 1848.0}, {"index": 16423, "quantile": 0.25, "value": 112199.99999999999, "Latitude": 37.94, "Longitude": -121.49, "Population": 1848.0}, {"index": 16423, "quantile": 0.5, "value": 162500.0, "Latitude": 37.94, "Longitude": -121.49, "Population": 1848.0}, {"index": 16423, "quantile": 0.75, "value": 162500.0, "Latitude": 37.94, "Longitude": -121.49, "Population": 1848.0}, {"index": 16423, "quantile": 1.0, "value": 225000.0, "Latitude": 37.94, "Longitude": -121.49, "Population": 1848.0}, {"index": 16424, "quantile": 0.0, "value": 54100.00000000001, "Latitude": 37.88, "Longitude": -121.38, "Population": 1094.0}, {"index": 16424, "quantile": 0.25, "value": 67125.0, "Latitude": 37.88, "Longitude": -121.38, "Population": 1094.0}, {"index": 16424, "quantile": 0.5, "value": 81949.99999999999, "Latitude": 37.88, "Longitude": -121.38, "Population": 1094.0}, {"index": 16424, "quantile": 0.75, "value": 120699.99999999999, "Latitude": 37.88, "Longitude": -121.38, "Population": 1094.0}, {"index": 16424, "quantile": 1.0, "value": 225000.0, "Latitude": 37.88, "Longitude": -121.38, "Population": 1094.0}, {"index": 16425, "quantile": 0.0, "value": 59000.0, "Latitude": 38.13, "Longitude": -121.47, "Population": 1768.0}, {"index": 16425, "quantile": 0.25, "value": 121125.0, "Latitude": 38.13, "Longitude": -121.47, "Population": 1768.0}, {"index": 16425, "quantile": 0.5, "value": 123500.00000000001, "Latitude": 38.13, "Longitude": -121.47, "Population": 1768.0}, {"index": 16425, "quantile": 0.75, "value": 123500.00000000001, "Latitude": 38.13, "Longitude": -121.47, "Population": 1768.0}, {"index": 16425, "quantile": 1.0, "value": 162500.0, "Latitude": 38.13, "Longitude": -121.47, "Population": 1768.0}, {"index": 16426, "quantile": 0.0, "value": 51700.0, "Latitude": 38.22, "Longitude": -121.42, "Population": 868.0}, {"index": 16426, "quantile": 0.25, "value": 92600.0, "Latitude": 38.22, "Longitude": -121.42, "Population": 868.0}, {"index": 16426, "quantile": 0.5, "value": 96300.0, "Latitude": 38.22, "Longitude": -121.42, "Population": 868.0}, {"index": 16426, "quantile": 0.75, "value": 96300.0, "Latitude": 38.22, "Longitude": -121.42, "Population": 868.0}, {"index": 16426, "quantile": 1.0, "value": 183300.0, "Latitude": 38.22, "Longitude": -121.42, "Population": 868.0}, {"index": 16427, "quantile": 0.0, "value": 96800.0, "Latitude": 38.15, "Longitude": -121.36, "Population": 878.0}, {"index": 16427, "quantile": 0.25, "value": 185700.0, "Latitude": 38.15, "Longitude": -121.36, "Population": 878.0}, {"index": 16427, "quantile": 0.5, "value": 185700.0, "Latitude": 38.15, "Longitude": -121.36, "Population": 878.0}, {"index": 16427, "quantile": 0.75, "value": 185700.0, "Latitude": 38.15, "Longitude": -121.36, "Population": 878.0}, {"index": 16427, "quantile": 1.0, "value": 347400.0, "Latitude": 38.15, "Longitude": -121.36, "Population": 878.0}, {"index": 16428, "quantile": 0.0, "value": 84600.0, "Latitude": 38.16, "Longitude": -121.32, "Population": 1071.0}, {"index": 16428, "quantile": 0.25, "value": 118300.0, "Latitude": 38.16, "Longitude": -121.32, "Population": 1071.0}, {"index": 16428, "quantile": 0.5, "value": 240800.0, "Latitude": 38.16, "Longitude": -121.32, "Population": 1071.0}, {"index": 16428, "quantile": 0.75, "value": 240800.0, "Latitude": 38.16, "Longitude": -121.32, "Population": 1071.0}, {"index": 16428, "quantile": 1.0, "value": 240800.0, "Latitude": 38.16, "Longitude": -121.32, "Population": 1071.0}, {"index": 16429, "quantile": 0.0, "value": 129500.0, "Latitude": 38.13, "Longitude": -121.32, "Population": 1327.0}, {"index": 16429, "quantile": 0.25, "value": 186900.0, "Latitude": 38.13, "Longitude": -121.32, "Population": 1327.0}, {"index": 16429, "quantile": 0.5, "value": 186900.0, "Latitude": 38.13, "Longitude": -121.32, "Population": 1327.0}, {"index": 16429, "quantile": 0.75, "value": 192800.0, "Latitude": 38.13, "Longitude": -121.32, "Population": 1327.0}, {"index": 16429, "quantile": 1.0, "value": 430300.0, "Latitude": 38.13, "Longitude": -121.32, "Population": 1327.0}, {"index": 16430, "quantile": 0.0, "value": 126200.0, "Latitude": 38.09, "Longitude": -121.35, "Population": 923.0}, {"index": 16430, "quantile": 0.25, "value": 147200.0, "Latitude": 38.09, "Longitude": -121.35, "Population": 923.0}, {"index": 16430, "quantile": 0.5, "value": 147200.0, "Latitude": 38.09, "Longitude": -121.35, "Population": 923.0}, {"index": 16430, "quantile": 0.75, "value": 150800.0, "Latitude": 38.09, "Longitude": -121.35, "Population": 923.0}, {"index": 16430, "quantile": 1.0, "value": 287200.0, "Latitude": 38.09, "Longitude": -121.35, "Population": 923.0}, {"index": 16431, "quantile": 0.0, "value": 84600.0, "Latitude": 38.15, "Longitude": -121.32, "Population": 2725.0}, {"index": 16431, "quantile": 0.25, "value": 126150.0, "Latitude": 38.15, "Longitude": -121.32, "Population": 2725.0}, {"index": 16431, "quantile": 0.5, "value": 145000.0, "Latitude": 38.15, "Longitude": -121.32, "Population": 2725.0}, {"index": 16431, "quantile": 0.75, "value": 175700.0, "Latitude": 38.15, "Longitude": -121.32, "Population": 2725.0}, {"index": 16431, "quantile": 1.0, "value": 300600.0, "Latitude": 38.15, "Longitude": -121.32, "Population": 2725.0}, {"index": 16432, "quantile": 0.0, "value": 81300.0, "Latitude": 38.12, "Longitude": -121.23, "Population": 134.0}, {"index": 16432, "quantile": 0.25, "value": 171875.0, "Latitude": 38.12, "Longitude": -121.23, "Population": 134.0}, {"index": 16432, "quantile": 0.5, "value": 178100.0, "Latitude": 38.12, "Longitude": -121.23, "Population": 134.0}, {"index": 16432, "quantile": 0.75, "value": 178100.0, "Latitude": 38.12, "Longitude": -121.23, "Population": 134.0}, {"index": 16432, "quantile": 1.0, "value": 437500.0, "Latitude": 38.12, "Longitude": -121.23, "Population": 134.0}, {"index": 16433, "quantile": 0.0, "value": 84600.0, "Latitude": 38.11, "Longitude": -121.23, "Population": 240.0}, {"index": 16433, "quantile": 0.25, "value": 155675.0, "Latitude": 38.11, "Longitude": -121.23, "Population": 240.0}, {"index": 16433, "quantile": 0.5, "value": 202800.0, "Latitude": 38.11, "Longitude": -121.23, "Population": 240.0}, {"index": 16433, "quantile": 0.75, "value": 202800.0, "Latitude": 38.11, "Longitude": -121.23, "Population": 240.0}, {"index": 16433, "quantile": 1.0, "value": 434500.0, "Latitude": 38.11, "Longitude": -121.23, "Population": 240.0}, {"index": 16434, "quantile": 0.0, "value": 129500.0, "Latitude": 38.09, "Longitude": -121.23, "Population": 236.0}, {"index": 16434, "quantile": 0.25, "value": 229999.99999999997, "Latitude": 38.09, "Longitude": -121.23, "Population": 236.0}, {"index": 16434, "quantile": 0.5, "value": 229999.99999999997, "Latitude": 38.09, "Longitude": -121.23, "Population": 236.0}, {"index": 16434, "quantile": 0.75, "value": 247900.0, "Latitude": 38.09, "Longitude": -121.23, "Population": 236.0}, {"index": 16434, "quantile": 1.0, "value": 466899.99999999994, "Latitude": 38.09, "Longitude": -121.23, "Population": 236.0}, {"index": 16435, "quantile": 0.0, "value": 48300.0, "Latitude": 38.09, "Longitude": -121.26, "Population": 525.0}, {"index": 16435, "quantile": 0.25, "value": 103899.99999999999, "Latitude": 38.09, "Longitude": -121.26, "Population": 525.0}, {"index": 16435, "quantile": 0.5, "value": 155000.0, "Latitude": 38.09, "Longitude": -121.26, "Population": 525.0}, {"index": 16435, "quantile": 0.75, "value": 155000.0, "Latitude": 38.09, "Longitude": -121.26, "Population": 525.0}, {"index": 16435, "quantile": 1.0, "value": 156700.0, "Latitude": 38.09, "Longitude": -121.26, "Population": 525.0}, {"index": 16436, "quantile": 0.0, "value": 40000.0, "Latitude": 38.09, "Longitude": -121.3, "Population": 154.0}, {"index": 16436, "quantile": 0.25, "value": 85075.0, "Latitude": 38.09, "Longitude": -121.3, "Population": 154.0}, {"index": 16436, "quantile": 0.5, "value": 101149.99999999999, "Latitude": 38.09, "Longitude": -121.3, "Population": 154.0}, {"index": 16436, "quantile": 0.75, "value": 155000.0, "Latitude": 38.09, "Longitude": -121.3, "Population": 154.0}, {"index": 16436, "quantile": 1.0, "value": 262500.0, "Latitude": 38.09, "Longitude": -121.3, "Population": 154.0}, {"index": 16437, "quantile": 0.0, "value": 82800.0, "Latitude": 38.07, "Longitude": -121.29, "Population": 533.0}, {"index": 16437, "quantile": 0.25, "value": 132325.0, "Latitude": 38.07, "Longitude": -121.29, "Population": 533.0}, {"index": 16437, "quantile": 0.5, "value": 204500.0, "Latitude": 38.07, "Longitude": -121.29, "Population": 533.0}, {"index": 16437, "quantile": 0.75, "value": 204500.0, "Latitude": 38.07, "Longitude": -121.29, "Population": 533.0}, {"index": 16437, "quantile": 1.0, "value": 220000.00000000003, "Latitude": 38.07, "Longitude": -121.29, "Population": 533.0}, {"index": 16438, "quantile": 0.0, "value": 50500.0, "Latitude": 38.07, "Longitude": -121.25, "Population": 1167.0}, {"index": 16438, "quantile": 0.25, "value": 92400.0, "Latitude": 38.07, "Longitude": -121.25, "Population": 1167.0}, {"index": 16438, "quantile": 0.5, "value": 106300.0, "Latitude": 38.07, "Longitude": -121.25, "Population": 1167.0}, {"index": 16438, "quantile": 0.75, "value": 126624.99999999999, "Latitude": 38.07, "Longitude": -121.25, "Population": 1167.0}, {"index": 16438, "quantile": 1.0, "value": 240800.0, "Latitude": 38.07, "Longitude": -121.25, "Population": 1167.0}, {"index": 16439, "quantile": 0.0, "value": 91200.0, "Latitude": 38.14, "Longitude": -121.29, "Population": 303.0}, {"index": 16439, "quantile": 0.25, "value": 127400.0, "Latitude": 38.14, "Longitude": -121.29, "Population": 303.0}, {"index": 16439, "quantile": 0.5, "value": 127400.0, "Latitude": 38.14, "Longitude": -121.29, "Population": 303.0}, {"index": 16439, "quantile": 0.75, "value": 135475.0, "Latitude": 38.14, "Longitude": -121.29, "Population": 303.0}, {"index": 16439, "quantile": 1.0, "value": 247400.00000000003, "Latitude": 38.14, "Longitude": -121.29, "Population": 303.0}, {"index": 16440, "quantile": 0.0, "value": 70800.0, "Latitude": 38.14, "Longitude": -121.3, "Population": 1867.0}, {"index": 16440, "quantile": 0.25, "value": 99325.0, "Latitude": 38.14, "Longitude": -121.3, "Population": 1867.0}, {"index": 16440, "quantile": 0.5, "value": 115100.0, "Latitude": 38.14, "Longitude": -121.3, "Population": 1867.0}, {"index": 16440, "quantile": 0.75, "value": 131800.0, "Latitude": 38.14, "Longitude": -121.3, "Population": 1867.0}, {"index": 16440, "quantile": 1.0, "value": 204500.0, "Latitude": 38.14, "Longitude": -121.3, "Population": 1867.0}, {"index": 16441, "quantile": 0.0, "value": 88000.0, "Latitude": 38.14, "Longitude": -121.29, "Population": 1409.0}, {"index": 16441, "quantile": 0.25, "value": 101800.0, "Latitude": 38.14, "Longitude": -121.29, "Population": 1409.0}, {"index": 16441, "quantile": 0.5, "value": 101800.0, "Latitude": 38.14, "Longitude": -121.29, "Population": 1409.0}, {"index": 16441, "quantile": 0.75, "value": 101800.0, "Latitude": 38.14, "Longitude": -121.29, "Population": 1409.0}, {"index": 16441, "quantile": 1.0, "value": 269500.0, "Latitude": 38.14, "Longitude": -121.29, "Population": 1409.0}, {"index": 16442, "quantile": 0.0, "value": 62300.0, "Latitude": 38.14, "Longitude": -121.29, "Population": 674.0}, {"index": 16442, "quantile": 0.25, "value": 108375.0, "Latitude": 38.14, "Longitude": -121.29, "Population": 674.0}, {"index": 16442, "quantile": 0.5, "value": 110800.00000000001, "Latitude": 38.14, "Longitude": -121.29, "Population": 674.0}, {"index": 16442, "quantile": 0.75, "value": 110800.00000000001, "Latitude": 38.14, "Longitude": -121.29, "Population": 674.0}, {"index": 16442, "quantile": 1.0, "value": 212500.0, "Latitude": 38.14, "Longitude": -121.29, "Population": 674.0}, {"index": 16443, "quantile": 0.0, "value": 86200.0, "Latitude": 38.13, "Longitude": -121.29, "Population": 453.0}, {"index": 16443, "quantile": 0.25, "value": 113500.0, "Latitude": 38.13, "Longitude": -121.29, "Population": 453.0}, {"index": 16443, "quantile": 0.5, "value": 113500.0, "Latitude": 38.13, "Longitude": -121.29, "Population": 453.0}, {"index": 16443, "quantile": 0.75, "value": 113500.0, "Latitude": 38.13, "Longitude": -121.29, "Population": 453.0}, {"index": 16443, "quantile": 1.0, "value": 268800.0, "Latitude": 38.13, "Longitude": -121.29, "Population": 453.0}, {"index": 16444, "quantile": 0.0, "value": 86200.0, "Latitude": 38.13, "Longitude": -121.3, "Population": 470.0}, {"index": 16444, "quantile": 0.25, "value": 116700.0, "Latitude": 38.13, "Longitude": -121.3, "Population": 470.0}, {"index": 16444, "quantile": 0.5, "value": 116700.0, "Latitude": 38.13, "Longitude": -121.3, "Population": 470.0}, {"index": 16444, "quantile": 0.75, "value": 116700.0, "Latitude": 38.13, "Longitude": -121.3, "Population": 470.0}, {"index": 16444, "quantile": 1.0, "value": 187500.0, "Latitude": 38.13, "Longitude": -121.3, "Population": 470.0}, {"index": 16445, "quantile": 0.0, "value": 70800.0, "Latitude": 38.13, "Longitude": -121.3, "Population": 1298.0}, {"index": 16445, "quantile": 0.25, "value": 131800.0, "Latitude": 38.13, "Longitude": -121.3, "Population": 1298.0}, {"index": 16445, "quantile": 0.5, "value": 131800.0, "Latitude": 38.13, "Longitude": -121.3, "Population": 1298.0}, {"index": 16445, "quantile": 0.75, "value": 131800.0, "Latitude": 38.13, "Longitude": -121.3, "Population": 1298.0}, {"index": 16445, "quantile": 1.0, "value": 220100.0, "Latitude": 38.13, "Longitude": -121.3, "Population": 1298.0}, {"index": 16446, "quantile": 0.0, "value": 94200.0, "Latitude": 38.15, "Longitude": -121.29, "Population": 1886.0}, {"index": 16446, "quantile": 0.25, "value": 143100.0, "Latitude": 38.15, "Longitude": -121.29, "Population": 1886.0}, {"index": 16446, "quantile": 0.5, "value": 148400.0, "Latitude": 38.15, "Longitude": -121.29, "Population": 1886.0}, {"index": 16446, "quantile": 0.75, "value": 169600.0, "Latitude": 38.15, "Longitude": -121.29, "Population": 1886.0}, {"index": 16446, "quantile": 1.0, "value": 298400.0, "Latitude": 38.15, "Longitude": -121.29, "Population": 1886.0}, {"index": 16447, "quantile": 0.0, "value": 82600.0, "Latitude": 38.14, "Longitude": -121.28, "Population": 1431.0}, {"index": 16447, "quantile": 0.25, "value": 99500.0, "Latitude": 38.14, "Longitude": -121.28, "Population": 1431.0}, {"index": 16447, "quantile": 0.5, "value": 99500.0, "Latitude": 38.14, "Longitude": -121.28, "Population": 1431.0}, {"index": 16447, "quantile": 0.75, "value": 99500.0, "Latitude": 38.14, "Longitude": -121.28, "Population": 1431.0}, {"index": 16447, "quantile": 1.0, "value": 213000.0, "Latitude": 38.14, "Longitude": -121.28, "Population": 1431.0}, {"index": 16448, "quantile": 0.0, "value": 45000.0, "Latitude": 38.14, "Longitude": -121.27, "Population": 2659.0}, {"index": 16448, "quantile": 0.25, "value": 86900.0, "Latitude": 38.14, "Longitude": -121.27, "Population": 2659.0}, {"index": 16448, "quantile": 0.5, "value": 86900.0, "Latitude": 38.14, "Longitude": -121.27, "Population": 2659.0}, {"index": 16448, "quantile": 0.75, "value": 86900.0, "Latitude": 38.14, "Longitude": -121.27, "Population": 2659.0}, {"index": 16448, "quantile": 1.0, "value": 173400.0, "Latitude": 38.14, "Longitude": -121.27, "Population": 2659.0}, {"index": 16449, "quantile": 0.0, "value": 45000.0, "Latitude": 38.14, "Longitude": -121.27, "Population": 576.0}, {"index": 16449, "quantile": 0.25, "value": 94175.0, "Latitude": 38.14, "Longitude": -121.27, "Population": 576.0}, {"index": 16449, "quantile": 0.5, "value": 137500.0, "Latitude": 38.14, "Longitude": -121.27, "Population": 576.0}, {"index": 16449, "quantile": 0.75, "value": 137500.0, "Latitude": 38.14, "Longitude": -121.27, "Population": 576.0}, {"index": 16449, "quantile": 1.0, "value": 137500.0, "Latitude": 38.14, "Longitude": -121.27, "Population": 576.0}, {"index": 16450, "quantile": 0.0, "value": 91600.0, "Latitude": 38.14, "Longitude": -121.28, "Population": 1223.0}, {"index": 16450, "quantile": 0.25, "value": 128800.0, "Latitude": 38.14, "Longitude": -121.28, "Population": 1223.0}, {"index": 16450, "quantile": 0.5, "value": 128800.0, "Latitude": 38.14, "Longitude": -121.28, "Population": 1223.0}, {"index": 16450, "quantile": 0.75, "value": 128800.0, "Latitude": 38.14, "Longitude": -121.28, "Population": 1223.0}, {"index": 16450, "quantile": 1.0, "value": 319900.0, "Latitude": 38.14, "Longitude": -121.28, "Population": 1223.0}, {"index": 16451, "quantile": 0.0, "value": 98300.0, "Latitude": 38.13, "Longitude": -121.28, "Population": 804.0}, {"index": 16451, "quantile": 0.25, "value": 142775.0, "Latitude": 38.13, "Longitude": -121.28, "Population": 804.0}, {"index": 16451, "quantile": 0.5, "value": 143200.0, "Latitude": 38.13, "Longitude": -121.28, "Population": 804.0}, {"index": 16451, "quantile": 0.75, "value": 143200.0, "Latitude": 38.13, "Longitude": -121.28, "Population": 804.0}, {"index": 16451, "quantile": 1.0, "value": 284800.0, "Latitude": 38.13, "Longitude": -121.28, "Population": 804.0}, {"index": 16452, "quantile": 0.0, "value": 52800.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 437.0}, {"index": 16452, "quantile": 0.25, "value": 113599.99999999999, "Latitude": 38.13, "Longitude": -121.27, "Population": 437.0}, {"index": 16452, "quantile": 0.5, "value": 114100.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 437.0}, {"index": 16452, "quantile": 0.75, "value": 114100.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 437.0}, {"index": 16452, "quantile": 1.0, "value": 152800.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 437.0}, {"index": 16453, "quantile": 0.0, "value": 70000.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 1197.0}, {"index": 16453, "quantile": 0.25, "value": 98200.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 1197.0}, {"index": 16453, "quantile": 0.5, "value": 98200.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 1197.0}, {"index": 16453, "quantile": 0.75, "value": 98200.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 1197.0}, {"index": 16453, "quantile": 1.0, "value": 138100.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 1197.0}, {"index": 16454, "quantile": 0.0, "value": 67200.0, "Latitude": 38.13, "Longitude": -121.28, "Population": 1916.0}, {"index": 16454, "quantile": 0.25, "value": 116575.0, "Latitude": 38.13, "Longitude": -121.28, "Population": 1916.0}, {"index": 16454, "quantile": 0.5, "value": 125400.0, "Latitude": 38.13, "Longitude": -121.28, "Population": 1916.0}, {"index": 16454, "quantile": 0.75, "value": 125400.0, "Latitude": 38.13, "Longitude": -121.28, "Population": 1916.0}, {"index": 16454, "quantile": 1.0, "value": 190200.0, "Latitude": 38.13, "Longitude": -121.28, "Population": 1916.0}, {"index": 16455, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 38.12, "Longitude": -121.28, "Population": 1906.0}, {"index": 16455, "quantile": 0.25, "value": 93300.0, "Latitude": 38.12, "Longitude": -121.28, "Population": 1906.0}, {"index": 16455, "quantile": 0.5, "value": 110700.0, "Latitude": 38.12, "Longitude": -121.28, "Population": 1906.0}, {"index": 16455, "quantile": 0.75, "value": 110700.0, "Latitude": 38.12, "Longitude": -121.28, "Population": 1906.0}, {"index": 16455, "quantile": 1.0, "value": 162500.0, "Latitude": 38.12, "Longitude": -121.28, "Population": 1906.0}, {"index": 16456, "quantile": 0.0, "value": 68300.0, "Latitude": 38.12, "Longitude": -121.27, "Population": 1043.0}, {"index": 16456, "quantile": 0.25, "value": 90325.0, "Latitude": 38.12, "Longitude": -121.27, "Population": 1043.0}, {"index": 16456, "quantile": 0.5, "value": 104800.0, "Latitude": 38.12, "Longitude": -121.27, "Population": 1043.0}, {"index": 16456, "quantile": 0.75, "value": 115999.99999999999, "Latitude": 38.12, "Longitude": -121.27, "Population": 1043.0}, {"index": 16456, "quantile": 1.0, "value": 159800.0, "Latitude": 38.12, "Longitude": -121.27, "Population": 1043.0}, {"index": 16457, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 38.13, "Longitude": -121.29, "Population": 1390.0}, {"index": 16457, "quantile": 0.25, "value": 154800.0, "Latitude": 38.13, "Longitude": -121.29, "Population": 1390.0}, {"index": 16457, "quantile": 0.5, "value": 154800.0, "Latitude": 38.13, "Longitude": -121.29, "Population": 1390.0}, {"index": 16457, "quantile": 0.75, "value": 154800.0, "Latitude": 38.13, "Longitude": -121.29, "Population": 1390.0}, {"index": 16457, "quantile": 1.0, "value": 357900.0, "Latitude": 38.13, "Longitude": -121.29, "Population": 1390.0}, {"index": 16458, "quantile": 0.0, "value": 86300.0, "Latitude": 38.13, "Longitude": -121.3, "Population": 937.0}, {"index": 16458, "quantile": 0.25, "value": 155100.0, "Latitude": 38.13, "Longitude": -121.3, "Population": 937.0}, {"index": 16458, "quantile": 0.5, "value": 184700.0, "Latitude": 38.13, "Longitude": -121.3, "Population": 937.0}, {"index": 16458, "quantile": 0.75, "value": 209800.0, "Latitude": 38.13, "Longitude": -121.3, "Population": 937.0}, {"index": 16458, "quantile": 1.0, "value": 488999.99999999994, "Latitude": 38.13, "Longitude": -121.3, "Population": 937.0}, {"index": 16459, "quantile": 0.0, "value": 82800.0, "Latitude": 38.12, "Longitude": -121.29, "Population": 741.0}, {"index": 16459, "quantile": 0.25, "value": 132500.0, "Latitude": 38.12, "Longitude": -121.29, "Population": 741.0}, {"index": 16459, "quantile": 0.5, "value": 132500.0, "Latitude": 38.12, "Longitude": -121.29, "Population": 741.0}, {"index": 16459, "quantile": 0.75, "value": 132500.0, "Latitude": 38.12, "Longitude": -121.29, "Population": 741.0}, {"index": 16459, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 38.12, "Longitude": -121.29, "Population": 741.0}, {"index": 16460, "quantile": 0.0, "value": 173200.0, "Latitude": 38.12, "Longitude": -121.3, "Population": 767.0}, {"index": 16460, "quantile": 0.25, "value": 229300.00000000003, "Latitude": 38.12, "Longitude": -121.3, "Population": 767.0}, {"index": 16460, "quantile": 0.5, "value": 229300.00000000003, "Latitude": 38.12, "Longitude": -121.3, "Population": 767.0}, {"index": 16460, "quantile": 0.75, "value": 315200.0, "Latitude": 38.12, "Longitude": -121.3, "Population": 767.0}, {"index": 16460, "quantile": 1.0, "value": 483300.0, "Latitude": 38.12, "Longitude": -121.3, "Population": 767.0}, {"index": 16461, "quantile": 0.0, "value": 108400.00000000001, "Latitude": 38.11, "Longitude": -121.3, "Population": 2679.0}, {"index": 16461, "quantile": 0.25, "value": 171700.0, "Latitude": 38.11, "Longitude": -121.3, "Population": 2679.0}, {"index": 16461, "quantile": 0.5, "value": 171700.0, "Latitude": 38.11, "Longitude": -121.3, "Population": 2679.0}, {"index": 16461, "quantile": 0.75, "value": 171700.0, "Latitude": 38.11, "Longitude": -121.3, "Population": 2679.0}, {"index": 16461, "quantile": 1.0, "value": 326500.0, "Latitude": 38.11, "Longitude": -121.3, "Population": 2679.0}, {"index": 16462, "quantile": 0.0, "value": 50500.0, "Latitude": 38.11, "Longitude": -121.27, "Population": 2106.0}, {"index": 16462, "quantile": 0.25, "value": 87425.0, "Latitude": 38.11, "Longitude": -121.27, "Population": 2106.0}, {"index": 16462, "quantile": 0.5, "value": 103000.0, "Latitude": 38.11, "Longitude": -121.27, "Population": 2106.0}, {"index": 16462, "quantile": 0.75, "value": 103000.0, "Latitude": 38.11, "Longitude": -121.27, "Population": 2106.0}, {"index": 16462, "quantile": 1.0, "value": 153500.0, "Latitude": 38.11, "Longitude": -121.27, "Population": 2106.0}, {"index": 16463, "quantile": 0.0, "value": 99500.0, "Latitude": 38.11, "Longitude": -121.28, "Population": 1559.0}, {"index": 16463, "quantile": 0.25, "value": 136625.0, "Latitude": 38.11, "Longitude": -121.28, "Population": 1559.0}, {"index": 16463, "quantile": 0.5, "value": 136800.0, "Latitude": 38.11, "Longitude": -121.28, "Population": 1559.0}, {"index": 16463, "quantile": 0.75, "value": 136800.0, "Latitude": 38.11, "Longitude": -121.28, "Population": 1559.0}, {"index": 16463, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 38.11, "Longitude": -121.28, "Population": 1559.0}, {"index": 16464, "quantile": 0.0, "value": 88200.0, "Latitude": 38.11, "Longitude": -121.27, "Population": 1178.0}, {"index": 16464, "quantile": 0.25, "value": 114199.99999999999, "Latitude": 38.11, "Longitude": -121.27, "Population": 1178.0}, {"index": 16464, "quantile": 0.5, "value": 130350.00000000001, "Latitude": 38.11, "Longitude": -121.27, "Population": 1178.0}, {"index": 16464, "quantile": 0.75, "value": 146000.0, "Latitude": 38.11, "Longitude": -121.27, "Population": 1178.0}, {"index": 16464, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 38.11, "Longitude": -121.27, "Population": 1178.0}, {"index": 16465, "quantile": 0.0, "value": 50500.0, "Latitude": 38.1, "Longitude": -121.28, "Population": 1441.0}, {"index": 16465, "quantile": 0.25, "value": 114225.0, "Latitude": 38.1, "Longitude": -121.28, "Population": 1441.0}, {"index": 16465, "quantile": 0.5, "value": 133100.0, "Latitude": 38.1, "Longitude": -121.28, "Population": 1441.0}, {"index": 16465, "quantile": 0.75, "value": 133100.0, "Latitude": 38.1, "Longitude": -121.28, "Population": 1441.0}, {"index": 16465, "quantile": 1.0, "value": 195800.0, "Latitude": 38.1, "Longitude": -121.28, "Population": 1441.0}, {"index": 16466, "quantile": 0.0, "value": 92800.0, "Latitude": 38.1, "Longitude": -121.29, "Population": 785.0}, {"index": 16466, "quantile": 0.25, "value": 163300.0, "Latitude": 38.1, "Longitude": -121.29, "Population": 785.0}, {"index": 16466, "quantile": 0.5, "value": 163300.0, "Latitude": 38.1, "Longitude": -121.29, "Population": 785.0}, {"index": 16466, "quantile": 0.75, "value": 163300.0, "Latitude": 38.1, "Longitude": -121.29, "Population": 785.0}, {"index": 16466, "quantile": 1.0, "value": 240800.0, "Latitude": 38.1, "Longitude": -121.29, "Population": 785.0}, {"index": 16467, "quantile": 0.0, "value": 48300.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 1862.0}, {"index": 16467, "quantile": 0.25, "value": 70700.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 1862.0}, {"index": 16467, "quantile": 0.5, "value": 70700.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 1862.0}, {"index": 16467, "quantile": 0.75, "value": 71475.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 1862.0}, {"index": 16467, "quantile": 1.0, "value": 309100.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 1862.0}, {"index": 16468, "quantile": 0.0, "value": 22500.0, "Latitude": 38.12, "Longitude": -121.27, "Population": 1455.0}, {"index": 16468, "quantile": 0.25, "value": 87800.0, "Latitude": 38.12, "Longitude": -121.27, "Population": 1455.0}, {"index": 16468, "quantile": 0.5, "value": 87800.0, "Latitude": 38.12, "Longitude": -121.27, "Population": 1455.0}, {"index": 16468, "quantile": 0.75, "value": 87800.0, "Latitude": 38.12, "Longitude": -121.27, "Population": 1455.0}, {"index": 16468, "quantile": 1.0, "value": 159800.0, "Latitude": 38.12, "Longitude": -121.27, "Population": 1455.0}, {"index": 16469, "quantile": 0.0, "value": 45000.0, "Latitude": 38.13, "Longitude": -121.26, "Population": 1226.0}, {"index": 16469, "quantile": 0.25, "value": 68800.0, "Latitude": 38.13, "Longitude": -121.26, "Population": 1226.0}, {"index": 16469, "quantile": 0.5, "value": 68800.0, "Latitude": 38.13, "Longitude": -121.26, "Population": 1226.0}, {"index": 16469, "quantile": 0.75, "value": 82575.0, "Latitude": 38.13, "Longitude": -121.26, "Population": 1226.0}, {"index": 16469, "quantile": 1.0, "value": 259100.00000000003, "Latitude": 38.13, "Longitude": -121.26, "Population": 1226.0}, {"index": 16470, "quantile": 0.0, "value": 48300.0, "Latitude": 38.12, "Longitude": -121.26, "Population": 1182.0}, {"index": 16470, "quantile": 0.25, "value": 73800.0, "Latitude": 38.12, "Longitude": -121.26, "Population": 1182.0}, {"index": 16470, "quantile": 0.5, "value": 73800.0, "Latitude": 38.12, "Longitude": -121.26, "Population": 1182.0}, {"index": 16470, "quantile": 0.75, "value": 77625.0, "Latitude": 38.12, "Longitude": -121.26, "Population": 1182.0}, {"index": 16470, "quantile": 1.0, "value": 156300.0, "Latitude": 38.12, "Longitude": -121.26, "Population": 1182.0}, {"index": 16471, "quantile": 0.0, "value": 82800.0, "Latitude": 38.13, "Longitude": -121.25, "Population": 789.0}, {"index": 16471, "quantile": 0.25, "value": 91100.0, "Latitude": 38.13, "Longitude": -121.25, "Population": 789.0}, {"index": 16471, "quantile": 0.5, "value": 91100.0, "Latitude": 38.13, "Longitude": -121.25, "Population": 789.0}, {"index": 16471, "quantile": 0.75, "value": 106800.0, "Latitude": 38.13, "Longitude": -121.25, "Population": 789.0}, {"index": 16471, "quantile": 1.0, "value": 240800.0, "Latitude": 38.13, "Longitude": -121.25, "Population": 789.0}, {"index": 16472, "quantile": 0.0, "value": 95900.0, "Latitude": 38.11, "Longitude": -121.26, "Population": 933.0}, {"index": 16472, "quantile": 0.25, "value": 137900.0, "Latitude": 38.11, "Longitude": -121.26, "Population": 933.0}, {"index": 16472, "quantile": 0.5, "value": 151600.0, "Latitude": 38.11, "Longitude": -121.26, "Population": 933.0}, {"index": 16472, "quantile": 0.75, "value": 186300.0, "Latitude": 38.11, "Longitude": -121.26, "Population": 933.0}, {"index": 16472, "quantile": 1.0, "value": 326500.0, "Latitude": 38.11, "Longitude": -121.26, "Population": 933.0}, {"index": 16473, "quantile": 0.0, "value": 77400.0, "Latitude": 38.11, "Longitude": -121.26, "Population": 1611.0}, {"index": 16473, "quantile": 0.25, "value": 115100.0, "Latitude": 38.11, "Longitude": -121.26, "Population": 1611.0}, {"index": 16473, "quantile": 0.5, "value": 115100.0, "Latitude": 38.11, "Longitude": -121.26, "Population": 1611.0}, {"index": 16473, "quantile": 0.75, "value": 115100.0, "Latitude": 38.11, "Longitude": -121.26, "Population": 1611.0}, {"index": 16473, "quantile": 1.0, "value": 175000.0, "Latitude": 38.11, "Longitude": -121.26, "Population": 1611.0}, {"index": 16474, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.14, "Longitude": -121.25, "Population": 464.0}, {"index": 16474, "quantile": 0.25, "value": 132950.0, "Latitude": 38.14, "Longitude": -121.25, "Population": 464.0}, {"index": 16474, "quantile": 0.5, "value": 133300.0, "Latitude": 38.14, "Longitude": -121.25, "Population": 464.0}, {"index": 16474, "quantile": 0.75, "value": 133300.0, "Latitude": 38.14, "Longitude": -121.25, "Population": 464.0}, {"index": 16474, "quantile": 1.0, "value": 225000.0, "Latitude": 38.14, "Longitude": -121.25, "Population": 464.0}, {"index": 16475, "quantile": 0.0, "value": 82800.0, "Latitude": 38.14, "Longitude": -121.26, "Population": 1823.0}, {"index": 16475, "quantile": 0.25, "value": 116799.99999999999, "Latitude": 38.14, "Longitude": -121.26, "Population": 1823.0}, {"index": 16475, "quantile": 0.5, "value": 116799.99999999999, "Latitude": 38.14, "Longitude": -121.26, "Population": 1823.0}, {"index": 16475, "quantile": 0.75, "value": 116799.99999999999, "Latitude": 38.14, "Longitude": -121.26, "Population": 1823.0}, {"index": 16475, "quantile": 1.0, "value": 151900.0, "Latitude": 38.14, "Longitude": -121.26, "Population": 1823.0}, {"index": 16476, "quantile": 0.0, "value": 43000.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 2016.0}, {"index": 16476, "quantile": 0.25, "value": 81150.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 2016.0}, {"index": 16476, "quantile": 0.5, "value": 82900.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 2016.0}, {"index": 16476, "quantile": 0.75, "value": 82900.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 2016.0}, {"index": 16476, "quantile": 1.0, "value": 137500.0, "Latitude": 38.13, "Longitude": -121.27, "Population": 2016.0}, {"index": 16477, "quantile": 0.0, "value": 45000.0, "Latitude": 38.13, "Longitude": -121.26, "Population": 2053.0}, {"index": 16477, "quantile": 0.25, "value": 83100.0, "Latitude": 38.13, "Longitude": -121.26, "Population": 2053.0}, {"index": 16477, "quantile": 0.5, "value": 83100.0, "Latitude": 38.13, "Longitude": -121.26, "Population": 2053.0}, {"index": 16477, "quantile": 0.75, "value": 83100.0, "Latitude": 38.13, "Longitude": -121.26, "Population": 2053.0}, {"index": 16477, "quantile": 1.0, "value": 108500.0, "Latitude": 38.13, "Longitude": -121.26, "Population": 2053.0}, {"index": 16478, "quantile": 0.0, "value": 91100.0, "Latitude": 38.22, "Longitude": -121.24, "Population": 1365.0}, {"index": 16478, "quantile": 0.25, "value": 110075.00000000001, "Latitude": 38.22, "Longitude": -121.24, "Population": 1365.0}, {"index": 16478, "quantile": 0.5, "value": 112999.99999999999, "Latitude": 38.22, "Longitude": -121.24, "Population": 1365.0}, {"index": 16478, "quantile": 0.75, "value": 112999.99999999999, "Latitude": 38.22, "Longitude": -121.24, "Population": 1365.0}, {"index": 16478, "quantile": 1.0, "value": 240800.0, "Latitude": 38.22, "Longitude": -121.24, "Population": 1365.0}, {"index": 16479, "quantile": 0.0, "value": 63800.0, "Latitude": 38.16, "Longitude": -121.22, "Population": 2038.0}, {"index": 16479, "quantile": 0.25, "value": 110450.0, "Latitude": 38.16, "Longitude": -121.22, "Population": 2038.0}, {"index": 16479, "quantile": 0.5, "value": 139350.0, "Latitude": 38.16, "Longitude": -121.22, "Population": 2038.0}, {"index": 16479, "quantile": 0.75, "value": 163600.0, "Latitude": 38.16, "Longitude": -121.22, "Population": 2038.0}, {"index": 16479, "quantile": 1.0, "value": 269500.0, "Latitude": 38.16, "Longitude": -121.22, "Population": 2038.0}, {"index": 16480, "quantile": 0.0, "value": 91100.0, "Latitude": 38.17, "Longitude": -121.28, "Population": 744.0}, {"index": 16480, "quantile": 0.25, "value": 161400.0, "Latitude": 38.17, "Longitude": -121.28, "Population": 744.0}, {"index": 16480, "quantile": 0.5, "value": 244200.00000000003, "Latitude": 38.17, "Longitude": -121.28, "Population": 744.0}, {"index": 16480, "quantile": 0.75, "value": 244200.00000000003, "Latitude": 38.17, "Longitude": -121.28, "Population": 744.0}, {"index": 16480, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 38.17, "Longitude": -121.28, "Population": 744.0}, {"index": 16481, "quantile": 0.0, "value": 63800.0, "Latitude": 38.21, "Longitude": -121.32, "Population": 1455.0}, {"index": 16481, "quantile": 0.25, "value": 99100.0, "Latitude": 38.21, "Longitude": -121.32, "Population": 1455.0}, {"index": 16481, "quantile": 0.5, "value": 129800.0, "Latitude": 38.21, "Longitude": -121.32, "Population": 1455.0}, {"index": 16481, "quantile": 0.75, "value": 145699.99999999997, "Latitude": 38.21, "Longitude": -121.32, "Population": 1455.0}, {"index": 16481, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 38.21, "Longitude": -121.32, "Population": 1455.0}, {"index": 16482, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 38.16, "Longitude": -121.16, "Population": 999.0}, {"index": 16482, "quantile": 0.25, "value": 122500.00000000001, "Latitude": 38.16, "Longitude": -121.16, "Population": 999.0}, {"index": 16482, "quantile": 0.5, "value": 122500.00000000001, "Latitude": 38.16, "Longitude": -121.16, "Population": 999.0}, {"index": 16482, "quantile": 0.75, "value": 122500.00000000001, "Latitude": 38.16, "Longitude": -121.16, "Population": 999.0}, {"index": 16482, "quantile": 1.0, "value": 200000.0, "Latitude": 38.16, "Longitude": -121.16, "Population": 999.0}, {"index": 16483, "quantile": 0.0, "value": 111800.00000000001, "Latitude": 38.16, "Longitude": -121.14, "Population": 1371.0}, {"index": 16483, "quantile": 0.25, "value": 113900.0, "Latitude": 38.16, "Longitude": -121.14, "Population": 1371.0}, {"index": 16483, "quantile": 0.5, "value": 113900.0, "Latitude": 38.16, "Longitude": -121.14, "Population": 1371.0}, {"index": 16483, "quantile": 0.75, "value": 116799.99999999999, "Latitude": 38.16, "Longitude": -121.14, "Population": 1371.0}, {"index": 16483, "quantile": 1.0, "value": 201700.0, "Latitude": 38.16, "Longitude": -121.14, "Population": 1371.0}, {"index": 16484, "quantile": 0.0, "value": 63800.0, "Latitude": 38.25, "Longitude": -121.06, "Population": 301.0}, {"index": 16484, "quantile": 0.25, "value": 174200.0, "Latitude": 38.25, "Longitude": -121.06, "Population": 301.0}, {"index": 16484, "quantile": 0.5, "value": 200000.0, "Latitude": 38.25, "Longitude": -121.06, "Population": 301.0}, {"index": 16484, "quantile": 0.75, "value": 200000.0, "Latitude": 38.25, "Longitude": -121.06, "Population": 301.0}, {"index": 16484, "quantile": 1.0, "value": 240800.0, "Latitude": 38.25, "Longitude": -121.06, "Population": 301.0}, {"index": 16485, "quantile": 0.0, "value": 99800.0, "Latitude": 38.21, "Longitude": -121.15, "Population": 2164.0}, {"index": 16485, "quantile": 0.25, "value": 146175.0, "Latitude": 38.21, "Longitude": -121.15, "Population": 2164.0}, {"index": 16485, "quantile": 0.5, "value": 174200.0, "Latitude": 38.21, "Longitude": -121.15, "Population": 2164.0}, {"index": 16485, "quantile": 0.75, "value": 174200.0, "Latitude": 38.21, "Longitude": -121.15, "Population": 2164.0}, {"index": 16485, "quantile": 1.0, "value": 213800.0, "Latitude": 38.21, "Longitude": -121.15, "Population": 2164.0}, {"index": 16486, "quantile": 0.0, "value": 60900.0, "Latitude": 38.14, "Longitude": -121.05, "Population": 1544.0}, {"index": 16486, "quantile": 0.25, "value": 132300.0, "Latitude": 38.14, "Longitude": -121.05, "Population": 1544.0}, {"index": 16486, "quantile": 0.5, "value": 146450.0, "Latitude": 38.14, "Longitude": -121.05, "Population": 1544.0}, {"index": 16486, "quantile": 0.75, "value": 165150.0, "Latitude": 38.14, "Longitude": -121.05, "Population": 1544.0}, {"index": 16486, "quantile": 1.0, "value": 200000.0, "Latitude": 38.14, "Longitude": -121.05, "Population": 1544.0}, {"index": 16487, "quantile": 0.0, "value": 22500.0, "Latitude": 38.19, "Longitude": -121.09, "Population": 358.0}, {"index": 16487, "quantile": 0.25, "value": 103299.99999999999, "Latitude": 38.19, "Longitude": -121.09, "Population": 358.0}, {"index": 16487, "quantile": 0.5, "value": 120350.0, "Latitude": 38.19, "Longitude": -121.09, "Population": 358.0}, {"index": 16487, "quantile": 0.75, "value": 129700.0, "Latitude": 38.19, "Longitude": -121.09, "Population": 358.0}, {"index": 16487, "quantile": 1.0, "value": 268800.0, "Latitude": 38.19, "Longitude": -121.09, "Population": 358.0}, {"index": 16488, "quantile": 0.0, "value": 84400.0, "Latitude": 38.13, "Longitude": -121.19, "Population": 1085.0}, {"index": 16488, "quantile": 0.25, "value": 141675.0, "Latitude": 38.13, "Longitude": -121.19, "Population": 1085.0}, {"index": 16488, "quantile": 0.5, "value": 165200.0, "Latitude": 38.13, "Longitude": -121.19, "Population": 1085.0}, {"index": 16488, "quantile": 0.75, "value": 165200.0, "Latitude": 38.13, "Longitude": -121.19, "Population": 1085.0}, {"index": 16488, "quantile": 1.0, "value": 240800.0, "Latitude": 38.13, "Longitude": -121.19, "Population": 1085.0}, {"index": 16489, "quantile": 0.0, "value": 101800.0, "Latitude": 38.07, "Longitude": -121.18, "Population": 1073.0}, {"index": 16489, "quantile": 0.25, "value": 150700.0, "Latitude": 38.07, "Longitude": -121.18, "Population": 1073.0}, {"index": 16489, "quantile": 0.5, "value": 173400.0, "Latitude": 38.07, "Longitude": -121.18, "Population": 1073.0}, {"index": 16489, "quantile": 0.75, "value": 193350.0, "Latitude": 38.07, "Longitude": -121.18, "Population": 1073.0}, {"index": 16489, "quantile": 1.0, "value": 283100.0, "Latitude": 38.07, "Longitude": -121.18, "Population": 1073.0}, {"index": 16490, "quantile": 0.0, "value": 107600.0, "Latitude": 38.0, "Longitude": -120.97, "Population": 873.0}, {"index": 16490, "quantile": 0.25, "value": 176900.0, "Latitude": 38.0, "Longitude": -120.97, "Population": 873.0}, {"index": 16490, "quantile": 0.5, "value": 176900.0, "Latitude": 38.0, "Longitude": -120.97, "Population": 873.0}, {"index": 16490, "quantile": 0.75, "value": 176900.0, "Latitude": 38.0, "Longitude": -120.97, "Population": 873.0}, {"index": 16490, "quantile": 1.0, "value": 361100.0, "Latitude": 38.0, "Longitude": -120.97, "Population": 873.0}, {"index": 16491, "quantile": 0.0, "value": 91700.0, "Latitude": 37.93, "Longitude": -121.05, "Population": 1649.0}, {"index": 16491, "quantile": 0.25, "value": 130125.0, "Latitude": 37.93, "Longitude": -121.05, "Population": 1649.0}, {"index": 16491, "quantile": 0.5, "value": 156500.0, "Latitude": 37.93, "Longitude": -121.05, "Population": 1649.0}, {"index": 16491, "quantile": 0.75, "value": 156500.0, "Latitude": 37.93, "Longitude": -121.05, "Population": 1649.0}, {"index": 16491, "quantile": 1.0, "value": 269500.0, "Latitude": 37.93, "Longitude": -121.05, "Population": 1649.0}, {"index": 16492, "quantile": 0.0, "value": 72800.0, "Latitude": 38.04, "Longitude": -121.11, "Population": 471.0}, {"index": 16492, "quantile": 0.25, "value": 154250.0, "Latitude": 38.04, "Longitude": -121.11, "Population": 471.0}, {"index": 16492, "quantile": 0.5, "value": 187500.0, "Latitude": 38.04, "Longitude": -121.11, "Population": 471.0}, {"index": 16492, "quantile": 0.75, "value": 187500.0, "Latitude": 38.04, "Longitude": -121.11, "Population": 471.0}, {"index": 16492, "quantile": 1.0, "value": 201300.0, "Latitude": 38.04, "Longitude": -121.11, "Population": 471.0}, {"index": 16493, "quantile": 0.0, "value": 107900.0, "Latitude": 38.03, "Longitude": -121.09, "Population": 1021.0}, {"index": 16493, "quantile": 0.25, "value": 152200.0, "Latitude": 38.03, "Longitude": -121.09, "Population": 1021.0}, {"index": 16493, "quantile": 0.5, "value": 152200.0, "Latitude": 38.03, "Longitude": -121.09, "Population": 1021.0}, {"index": 16493, "quantile": 0.75, "value": 152200.0, "Latitude": 38.03, "Longitude": -121.09, "Population": 1021.0}, {"index": 16493, "quantile": 1.0, "value": 322400.0, "Latitude": 38.03, "Longitude": -121.09, "Population": 1021.0}, {"index": 16494, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 38.0, "Longitude": -121.12, "Population": 505.0}, {"index": 16494, "quantile": 0.25, "value": 125774.99999999999, "Latitude": 38.0, "Longitude": -121.12, "Population": 505.0}, {"index": 16494, "quantile": 0.5, "value": 158900.0, "Latitude": 38.0, "Longitude": -121.12, "Population": 505.0}, {"index": 16494, "quantile": 0.75, "value": 158900.0, "Latitude": 38.0, "Longitude": -121.12, "Population": 505.0}, {"index": 16494, "quantile": 1.0, "value": 170500.0, "Latitude": 38.0, "Longitude": -121.12, "Population": 505.0}, {"index": 16495, "quantile": 0.0, "value": 69800.0, "Latitude": 37.8, "Longitude": -120.99, "Population": 1198.0}, {"index": 16495, "quantile": 0.25, "value": 113249.99999999999, "Latitude": 37.8, "Longitude": -120.99, "Population": 1198.0}, {"index": 16495, "quantile": 0.5, "value": 113399.99999999999, "Latitude": 37.8, "Longitude": -120.99, "Population": 1198.0}, {"index": 16495, "quantile": 0.75, "value": 113399.99999999999, "Latitude": 37.8, "Longitude": -120.99, "Population": 1198.0}, {"index": 16495, "quantile": 1.0, "value": 187500.0, "Latitude": 37.8, "Longitude": -120.99, "Population": 1198.0}, {"index": 16496, "quantile": 0.0, "value": 102899.99999999999, "Latitude": 37.8, "Longitude": -121.0, "Population": 2248.0}, {"index": 16496, "quantile": 0.25, "value": 137850.0, "Latitude": 37.8, "Longitude": -121.0, "Population": 2248.0}, {"index": 16496, "quantile": 0.5, "value": 141300.0, "Latitude": 37.8, "Longitude": -121.0, "Population": 2248.0}, {"index": 16496, "quantile": 0.75, "value": 141300.0, "Latitude": 37.8, "Longitude": -121.0, "Population": 2248.0}, {"index": 16496, "quantile": 1.0, "value": 183300.0, "Latitude": 37.8, "Longitude": -121.0, "Population": 2248.0}, {"index": 16497, "quantile": 0.0, "value": 77100.0, "Latitude": 37.79, "Longitude": -120.98, "Population": 1227.0}, {"index": 16497, "quantile": 0.25, "value": 110900.0, "Latitude": 37.79, "Longitude": -120.98, "Population": 1227.0}, {"index": 16497, "quantile": 0.5, "value": 110900.0, "Latitude": 37.79, "Longitude": -120.98, "Population": 1227.0}, {"index": 16497, "quantile": 0.75, "value": 110900.0, "Latitude": 37.79, "Longitude": -120.98, "Population": 1227.0}, {"index": 16497, "quantile": 1.0, "value": 200000.0, "Latitude": 37.79, "Longitude": -120.98, "Population": 1227.0}, {"index": 16498, "quantile": 0.0, "value": 59000.0, "Latitude": 37.84, "Longitude": -120.97, "Population": 1231.0}, {"index": 16498, "quantile": 0.25, "value": 141900.0, "Latitude": 37.84, "Longitude": -120.97, "Population": 1231.0}, {"index": 16498, "quantile": 0.5, "value": 141900.0, "Latitude": 37.84, "Longitude": -120.97, "Population": 1231.0}, {"index": 16498, "quantile": 0.75, "value": 141900.0, "Latitude": 37.84, "Longitude": -120.97, "Population": 1231.0}, {"index": 16498, "quantile": 1.0, "value": 200000.0, "Latitude": 37.84, "Longitude": -120.97, "Population": 1231.0}, {"index": 16499, "quantile": 0.0, "value": 94600.0, "Latitude": 37.77, "Longitude": -120.96, "Population": 1156.0}, {"index": 16499, "quantile": 0.25, "value": 145200.0, "Latitude": 37.77, "Longitude": -120.96, "Population": 1156.0}, {"index": 16499, "quantile": 0.5, "value": 157600.0, "Latitude": 37.77, "Longitude": -120.96, "Population": 1156.0}, {"index": 16499, "quantile": 0.75, "value": 157600.0, "Latitude": 37.77, "Longitude": -120.96, "Population": 1156.0}, {"index": 16499, "quantile": 1.0, "value": 178600.0, "Latitude": 37.77, "Longitude": -120.96, "Population": 1156.0}, {"index": 16500, "quantile": 0.0, "value": 59000.0, "Latitude": 37.78, "Longitude": -121.04, "Population": 1466.0}, {"index": 16500, "quantile": 0.25, "value": 141900.0, "Latitude": 37.78, "Longitude": -121.04, "Population": 1466.0}, {"index": 16500, "quantile": 0.5, "value": 200000.0, "Latitude": 37.78, "Longitude": -121.04, "Population": 1466.0}, {"index": 16500, "quantile": 0.75, "value": 200000.0, "Latitude": 37.78, "Longitude": -121.04, "Population": 1466.0}, {"index": 16500, "quantile": 1.0, "value": 201300.0, "Latitude": 37.78, "Longitude": -121.04, "Population": 1466.0}, {"index": 16501, "quantile": 0.0, "value": 59000.0, "Latitude": 37.86, "Longitude": -121.06, "Population": 1258.0}, {"index": 16501, "quantile": 0.25, "value": 77700.0, "Latitude": 37.86, "Longitude": -121.06, "Population": 1258.0}, {"index": 16501, "quantile": 0.5, "value": 91900.0, "Latitude": 37.86, "Longitude": -121.06, "Population": 1258.0}, {"index": 16501, "quantile": 0.75, "value": 125574.99999999999, "Latitude": 37.86, "Longitude": -121.06, "Population": 1258.0}, {"index": 16501, "quantile": 1.0, "value": 166800.0, "Latitude": 37.86, "Longitude": -121.06, "Population": 1258.0}, {"index": 16502, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 37.74, "Longitude": -121.13, "Population": 523.0}, {"index": 16502, "quantile": 0.25, "value": 97100.0, "Latitude": 37.74, "Longitude": -121.13, "Population": 523.0}, {"index": 16502, "quantile": 0.5, "value": 97100.0, "Latitude": 37.74, "Longitude": -121.13, "Population": 523.0}, {"index": 16502, "quantile": 0.75, "value": 97100.0, "Latitude": 37.74, "Longitude": -121.13, "Population": 523.0}, {"index": 16502, "quantile": 1.0, "value": 240300.0, "Latitude": 37.74, "Longitude": -121.13, "Population": 523.0}, {"index": 16503, "quantile": 0.0, "value": 70800.0, "Latitude": 37.74, "Longitude": -121.13, "Population": 244.0}, {"index": 16503, "quantile": 0.25, "value": 90900.0, "Latitude": 37.74, "Longitude": -121.13, "Population": 244.0}, {"index": 16503, "quantile": 0.5, "value": 90900.0, "Latitude": 37.74, "Longitude": -121.13, "Population": 244.0}, {"index": 16503, "quantile": 0.75, "value": 132475.0, "Latitude": 37.74, "Longitude": -121.13, "Population": 244.0}, {"index": 16503, "quantile": 1.0, "value": 340900.0, "Latitude": 37.74, "Longitude": -121.13, "Population": 244.0}, {"index": 16504, "quantile": 0.0, "value": 67000.0, "Latitude": 37.73, "Longitude": -121.12, "Population": 573.0}, {"index": 16504, "quantile": 0.25, "value": 102200.0, "Latitude": 37.73, "Longitude": -121.12, "Population": 573.0}, {"index": 16504, "quantile": 0.5, "value": 102200.0, "Latitude": 37.73, "Longitude": -121.12, "Population": 573.0}, {"index": 16504, "quantile": 0.75, "value": 102200.0, "Latitude": 37.73, "Longitude": -121.12, "Population": 573.0}, {"index": 16504, "quantile": 1.0, "value": 262500.0, "Latitude": 37.73, "Longitude": -121.12, "Population": 573.0}, {"index": 16505, "quantile": 0.0, "value": 90900.0, "Latitude": 37.74, "Longitude": -121.13, "Population": 1175.0}, {"index": 16505, "quantile": 0.25, "value": 126099.99999999999, "Latitude": 37.74, "Longitude": -121.13, "Population": 1175.0}, {"index": 16505, "quantile": 0.5, "value": 136400.0, "Latitude": 37.74, "Longitude": -121.13, "Population": 1175.0}, {"index": 16505, "quantile": 0.75, "value": 149850.0, "Latitude": 37.74, "Longitude": -121.13, "Population": 1175.0}, {"index": 16505, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 37.74, "Longitude": -121.13, "Population": 1175.0}, {"index": 16506, "quantile": 0.0, "value": 86300.0, "Latitude": 37.73, "Longitude": -121.13, "Population": 667.0}, {"index": 16506, "quantile": 0.25, "value": 125899.99999999999, "Latitude": 37.73, "Longitude": -121.13, "Population": 667.0}, {"index": 16506, "quantile": 0.5, "value": 125899.99999999999, "Latitude": 37.73, "Longitude": -121.13, "Population": 667.0}, {"index": 16506, "quantile": 0.75, "value": 125899.99999999999, "Latitude": 37.73, "Longitude": -121.13, "Population": 667.0}, {"index": 16506, "quantile": 1.0, "value": 282100.0, "Latitude": 37.73, "Longitude": -121.13, "Population": 667.0}, {"index": 16507, "quantile": 0.0, "value": 102000.0, "Latitude": 37.74, "Longitude": -121.11, "Population": 1605.0}, {"index": 16507, "quantile": 0.25, "value": 145600.0, "Latitude": 37.74, "Longitude": -121.11, "Population": 1605.0}, {"index": 16507, "quantile": 0.5, "value": 174450.0, "Latitude": 37.74, "Longitude": -121.11, "Population": 1605.0}, {"index": 16507, "quantile": 0.75, "value": 213424.99999999997, "Latitude": 37.74, "Longitude": -121.11, "Population": 1605.0}, {"index": 16507, "quantile": 1.0, "value": 336800.0, "Latitude": 37.74, "Longitude": -121.11, "Population": 1605.0}, {"index": 16508, "quantile": 0.0, "value": 90600.0, "Latitude": 37.8, "Longitude": -121.1, "Population": 958.0}, {"index": 16508, "quantile": 0.25, "value": 149000.0, "Latitude": 37.8, "Longitude": -121.1, "Population": 958.0}, {"index": 16508, "quantile": 0.5, "value": 149000.0, "Latitude": 37.8, "Longitude": -121.1, "Population": 958.0}, {"index": 16508, "quantile": 0.75, "value": 149000.0, "Latitude": 37.8, "Longitude": -121.1, "Population": 958.0}, {"index": 16508, "quantile": 1.0, "value": 269500.0, "Latitude": 37.8, "Longitude": -121.1, "Population": 958.0}, {"index": 16509, "quantile": 0.0, "value": 103000.0, "Latitude": 37.76, "Longitude": -121.11, "Population": 1252.0}, {"index": 16509, "quantile": 0.25, "value": 134900.00000000003, "Latitude": 37.76, "Longitude": -121.11, "Population": 1252.0}, {"index": 16509, "quantile": 0.5, "value": 157950.0, "Latitude": 37.76, "Longitude": -121.11, "Population": 1252.0}, {"index": 16509, "quantile": 0.75, "value": 177075.0, "Latitude": 37.76, "Longitude": -121.11, "Population": 1252.0}, {"index": 16509, "quantile": 1.0, "value": 336800.0, "Latitude": 37.76, "Longitude": -121.11, "Population": 1252.0}, {"index": 16510, "quantile": 0.0, "value": 98300.0, "Latitude": 37.73, "Longitude": -121.16, "Population": 3006.0}, {"index": 16510, "quantile": 0.25, "value": 137550.0, "Latitude": 37.73, "Longitude": -121.16, "Population": 3006.0}, {"index": 16510, "quantile": 0.5, "value": 139000.0, "Latitude": 37.73, "Longitude": -121.16, "Population": 3006.0}, {"index": 16510, "quantile": 0.75, "value": 139000.0, "Latitude": 37.73, "Longitude": -121.16, "Population": 3006.0}, {"index": 16510, "quantile": 1.0, "value": 331600.0, "Latitude": 37.73, "Longitude": -121.16, "Population": 3006.0}, {"index": 16511, "quantile": 0.0, "value": 83300.0, "Latitude": 37.76, "Longitude": -121.25, "Population": 1292.0}, {"index": 16511, "quantile": 0.25, "value": 144650.0, "Latitude": 37.76, "Longitude": -121.25, "Population": 1292.0}, {"index": 16511, "quantile": 0.5, "value": 182400.0, "Latitude": 37.76, "Longitude": -121.25, "Population": 1292.0}, {"index": 16511, "quantile": 0.75, "value": 182400.0, "Latitude": 37.76, "Longitude": -121.25, "Population": 1292.0}, {"index": 16511, "quantile": 1.0, "value": 212500.0, "Latitude": 37.76, "Longitude": -121.25, "Population": 1292.0}, {"index": 16512, "quantile": 0.0, "value": 62800.0, "Latitude": 37.72, "Longitude": -121.22, "Population": 1310.0}, {"index": 16512, "quantile": 0.25, "value": 115199.99999999999, "Latitude": 37.72, "Longitude": -121.22, "Population": 1310.0}, {"index": 16512, "quantile": 0.5, "value": 165600.0, "Latitude": 37.72, "Longitude": -121.22, "Population": 1310.0}, {"index": 16512, "quantile": 0.75, "value": 165600.0, "Latitude": 37.72, "Longitude": -121.22, "Population": 1310.0}, {"index": 16512, "quantile": 1.0, "value": 187500.0, "Latitude": 37.72, "Longitude": -121.22, "Population": 1310.0}, {"index": 16513, "quantile": 0.0, "value": 102099.99999999999, "Latitude": 37.81, "Longitude": -121.22, "Population": 1802.0}, {"index": 16513, "quantile": 0.25, "value": 126099.99999999999, "Latitude": 37.81, "Longitude": -121.22, "Population": 1802.0}, {"index": 16513, "quantile": 0.5, "value": 126099.99999999999, "Latitude": 37.81, "Longitude": -121.22, "Population": 1802.0}, {"index": 16513, "quantile": 0.75, "value": 126099.99999999999, "Latitude": 37.81, "Longitude": -121.22, "Population": 1802.0}, {"index": 16513, "quantile": 1.0, "value": 206800.0, "Latitude": 37.81, "Longitude": -121.22, "Population": 1802.0}, {"index": 16514, "quantile": 0.0, "value": 49500.0, "Latitude": 37.8, "Longitude": -121.22, "Population": 1719.0}, {"index": 16514, "quantile": 0.25, "value": 94400.0, "Latitude": 37.8, "Longitude": -121.22, "Population": 1719.0}, {"index": 16514, "quantile": 0.5, "value": 94400.0, "Latitude": 37.8, "Longitude": -121.22, "Population": 1719.0}, {"index": 16514, "quantile": 0.75, "value": 94400.0, "Latitude": 37.8, "Longitude": -121.22, "Population": 1719.0}, {"index": 16514, "quantile": 1.0, "value": 132500.0, "Latitude": 37.8, "Longitude": -121.22, "Population": 1719.0}, {"index": 16515, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 37.8, "Longitude": -121.22, "Population": 521.0}, {"index": 16515, "quantile": 0.25, "value": 91900.0, "Latitude": 37.8, "Longitude": -121.22, "Population": 521.0}, {"index": 16515, "quantile": 0.5, "value": 91900.0, "Latitude": 37.8, "Longitude": -121.22, "Population": 521.0}, {"index": 16515, "quantile": 0.75, "value": 92225.0, "Latitude": 37.8, "Longitude": -121.22, "Population": 521.0}, {"index": 16515, "quantile": 1.0, "value": 153300.0, "Latitude": 37.8, "Longitude": -121.22, "Population": 521.0}, {"index": 16516, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 37.81, "Longitude": -121.21, "Population": 1531.0}, {"index": 16516, "quantile": 0.25, "value": 94175.0, "Latitude": 37.81, "Longitude": -121.21, "Population": 1531.0}, {"index": 16516, "quantile": 0.5, "value": 110700.0, "Latitude": 37.81, "Longitude": -121.21, "Population": 1531.0}, {"index": 16516, "quantile": 0.75, "value": 128949.99999999999, "Latitude": 37.81, "Longitude": -121.21, "Population": 1531.0}, {"index": 16516, "quantile": 1.0, "value": 475000.0, "Latitude": 37.81, "Longitude": -121.21, "Population": 1531.0}, {"index": 16517, "quantile": 0.0, "value": 50500.0, "Latitude": 37.8, "Longitude": -121.21, "Population": 460.0}, {"index": 16517, "quantile": 0.25, "value": 94200.0, "Latitude": 37.8, "Longitude": -121.21, "Population": 460.0}, {"index": 16517, "quantile": 0.5, "value": 94200.0, "Latitude": 37.8, "Longitude": -121.21, "Population": 460.0}, {"index": 16517, "quantile": 0.75, "value": 94200.0, "Latitude": 37.8, "Longitude": -121.21, "Population": 460.0}, {"index": 16517, "quantile": 1.0, "value": 223100.0, "Latitude": 37.8, "Longitude": -121.21, "Population": 460.0}, {"index": 16518, "quantile": 0.0, "value": 17500.0, "Latitude": 37.8, "Longitude": -121.21, "Population": 160.0}, {"index": 16518, "quantile": 0.25, "value": 120800.0, "Latitude": 37.8, "Longitude": -121.21, "Population": 160.0}, {"index": 16518, "quantile": 0.5, "value": 120800.0, "Latitude": 37.8, "Longitude": -121.21, "Population": 160.0}, {"index": 16518, "quantile": 0.75, "value": 120800.0, "Latitude": 37.8, "Longitude": -121.21, "Population": 160.0}, {"index": 16518, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.8, "Longitude": -121.21, "Population": 160.0}, {"index": 16519, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 37.8, "Longitude": -121.21, "Population": 167.0}, {"index": 16519, "quantile": 0.25, "value": 101800.0, "Latitude": 37.8, "Longitude": -121.21, "Population": 167.0}, {"index": 16519, "quantile": 0.5, "value": 101800.0, "Latitude": 37.8, "Longitude": -121.21, "Population": 167.0}, {"index": 16519, "quantile": 0.75, "value": 101800.0, "Latitude": 37.8, "Longitude": -121.21, "Population": 167.0}, {"index": 16519, "quantile": 1.0, "value": 262500.0, "Latitude": 37.8, "Longitude": -121.21, "Population": 167.0}, {"index": 16520, "quantile": 0.0, "value": 50600.0, "Latitude": 37.79, "Longitude": -121.21, "Population": 446.0}, {"index": 16520, "quantile": 0.25, "value": 96900.0, "Latitude": 37.79, "Longitude": -121.21, "Population": 446.0}, {"index": 16520, "quantile": 0.5, "value": 96900.0, "Latitude": 37.79, "Longitude": -121.21, "Population": 446.0}, {"index": 16520, "quantile": 0.75, "value": 97350.0, "Latitude": 37.79, "Longitude": -121.21, "Population": 446.0}, {"index": 16520, "quantile": 1.0, "value": 336800.0, "Latitude": 37.79, "Longitude": -121.21, "Population": 446.0}, {"index": 16521, "quantile": 0.0, "value": 59000.0, "Latitude": 37.8, "Longitude": -121.21, "Population": 971.0}, {"index": 16521, "quantile": 0.25, "value": 99200.0, "Latitude": 37.8, "Longitude": -121.21, "Population": 971.0}, {"index": 16521, "quantile": 0.5, "value": 99200.0, "Latitude": 37.8, "Longitude": -121.21, "Population": 971.0}, {"index": 16521, "quantile": 0.75, "value": 99200.0, "Latitude": 37.8, "Longitude": -121.21, "Population": 971.0}, {"index": 16521, "quantile": 1.0, "value": 184400.0, "Latitude": 37.8, "Longitude": -121.21, "Population": 971.0}, {"index": 16522, "quantile": 0.0, "value": 88900.0, "Latitude": 37.81, "Longitude": -121.21, "Population": 999.0}, {"index": 16522, "quantile": 0.25, "value": 149300.0, "Latitude": 37.81, "Longitude": -121.21, "Population": 999.0}, {"index": 16522, "quantile": 0.5, "value": 157900.0, "Latitude": 37.81, "Longitude": -121.21, "Population": 999.0}, {"index": 16522, "quantile": 0.75, "value": 191750.0, "Latitude": 37.81, "Longitude": -121.21, "Population": 999.0}, {"index": 16522, "quantile": 1.0, "value": 286200.0, "Latitude": 37.81, "Longitude": -121.21, "Population": 999.0}, {"index": 16523, "quantile": 0.0, "value": 94600.0, "Latitude": 37.8, "Longitude": -121.2, "Population": 1512.0}, {"index": 16523, "quantile": 0.25, "value": 135300.0, "Latitude": 37.8, "Longitude": -121.2, "Population": 1512.0}, {"index": 16523, "quantile": 0.5, "value": 135300.0, "Latitude": 37.8, "Longitude": -121.2, "Population": 1512.0}, {"index": 16523, "quantile": 0.75, "value": 135300.0, "Latitude": 37.8, "Longitude": -121.2, "Population": 1512.0}, {"index": 16523, "quantile": 1.0, "value": 322400.0, "Latitude": 37.8, "Longitude": -121.2, "Population": 1512.0}, {"index": 16524, "quantile": 0.0, "value": 82800.0, "Latitude": 37.8, "Longitude": -121.2, "Population": 927.0}, {"index": 16524, "quantile": 0.25, "value": 130800.0, "Latitude": 37.8, "Longitude": -121.2, "Population": 927.0}, {"index": 16524, "quantile": 0.5, "value": 130800.0, "Latitude": 37.8, "Longitude": -121.2, "Population": 927.0}, {"index": 16524, "quantile": 0.75, "value": 130800.0, "Latitude": 37.8, "Longitude": -121.2, "Population": 927.0}, {"index": 16524, "quantile": 1.0, "value": 220000.00000000003, "Latitude": 37.8, "Longitude": -121.2, "Population": 927.0}, {"index": 16525, "quantile": 0.0, "value": 72800.0, "Latitude": 37.79, "Longitude": -121.2, "Population": 502.0}, {"index": 16525, "quantile": 0.25, "value": 101499.99999999999, "Latitude": 37.79, "Longitude": -121.2, "Population": 502.0}, {"index": 16525, "quantile": 0.5, "value": 101499.99999999999, "Latitude": 37.79, "Longitude": -121.2, "Population": 502.0}, {"index": 16525, "quantile": 0.75, "value": 101499.99999999999, "Latitude": 37.79, "Longitude": -121.2, "Population": 502.0}, {"index": 16525, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 37.79, "Longitude": -121.2, "Population": 502.0}, {"index": 16526, "quantile": 0.0, "value": 63800.0, "Latitude": 37.8, "Longitude": -121.2, "Population": 171.0}, {"index": 16526, "quantile": 0.25, "value": 101800.0, "Latitude": 37.8, "Longitude": -121.2, "Population": 171.0}, {"index": 16526, "quantile": 0.5, "value": 101800.0, "Latitude": 37.8, "Longitude": -121.2, "Population": 171.0}, {"index": 16526, "quantile": 0.75, "value": 101800.0, "Latitude": 37.8, "Longitude": -121.2, "Population": 171.0}, {"index": 16526, "quantile": 1.0, "value": 387500.0, "Latitude": 37.8, "Longitude": -121.2, "Population": 171.0}, {"index": 16527, "quantile": 0.0, "value": 97400.0, "Latitude": 37.81, "Longitude": -121.21, "Population": 2173.0}, {"index": 16527, "quantile": 0.25, "value": 142200.0, "Latitude": 37.81, "Longitude": -121.21, "Population": 2173.0}, {"index": 16527, "quantile": 0.5, "value": 160600.0, "Latitude": 37.81, "Longitude": -121.21, "Population": 2173.0}, {"index": 16527, "quantile": 0.75, "value": 190000.0, "Latitude": 37.81, "Longitude": -121.21, "Population": 2173.0}, {"index": 16527, "quantile": 1.0, "value": 275300.0, "Latitude": 37.81, "Longitude": -121.21, "Population": 2173.0}, {"index": 16528, "quantile": 0.0, "value": 88600.0, "Latitude": 37.88, "Longitude": -121.17, "Population": 3082.0}, {"index": 16528, "quantile": 0.25, "value": 111800.00000000001, "Latitude": 37.88, "Longitude": -121.17, "Population": 3082.0}, {"index": 16528, "quantile": 0.5, "value": 111800.00000000001, "Latitude": 37.88, "Longitude": -121.17, "Population": 3082.0}, {"index": 16528, "quantile": 0.75, "value": 121975.00000000001, "Latitude": 37.88, "Longitude": -121.17, "Population": 3082.0}, {"index": 16528, "quantile": 1.0, "value": 269500.0, "Latitude": 37.88, "Longitude": -121.17, "Population": 3082.0}, {"index": 16529, "quantile": 0.0, "value": 63800.0, "Latitude": 37.82, "Longitude": -121.17, "Population": 1316.0}, {"index": 16529, "quantile": 0.25, "value": 191850.0, "Latitude": 37.82, "Longitude": -121.17, "Population": 1316.0}, {"index": 16529, "quantile": 0.5, "value": 197600.0, "Latitude": 37.82, "Longitude": -121.17, "Population": 1316.0}, {"index": 16529, "quantile": 0.75, "value": 197600.0, "Latitude": 37.82, "Longitude": -121.17, "Population": 1316.0}, {"index": 16529, "quantile": 1.0, "value": 269500.0, "Latitude": 37.82, "Longitude": -121.17, "Population": 1316.0}, {"index": 16530, "quantile": 0.0, "value": 96900.0, "Latitude": 37.83, "Longitude": -121.2, "Population": 1912.0}, {"index": 16530, "quantile": 0.25, "value": 161400.0, "Latitude": 37.83, "Longitude": -121.2, "Population": 1912.0}, {"index": 16530, "quantile": 0.5, "value": 161400.0, "Latitude": 37.83, "Longitude": -121.2, "Population": 1912.0}, {"index": 16530, "quantile": 0.75, "value": 161400.0, "Latitude": 37.83, "Longitude": -121.2, "Population": 1912.0}, {"index": 16530, "quantile": 1.0, "value": 274300.0, "Latitude": 37.83, "Longitude": -121.2, "Population": 1912.0}, {"index": 16531, "quantile": 0.0, "value": 171900.0, "Latitude": 37.81, "Longitude": -121.2, "Population": 193.0}, {"index": 16531, "quantile": 0.25, "value": 212500.0, "Latitude": 37.81, "Longitude": -121.2, "Population": 193.0}, {"index": 16531, "quantile": 0.5, "value": 212500.0, "Latitude": 37.81, "Longitude": -121.2, "Population": 193.0}, {"index": 16531, "quantile": 0.75, "value": 265100.0, "Latitude": 37.81, "Longitude": -121.2, "Population": 193.0}, {"index": 16531, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.81, "Longitude": -121.2, "Population": 193.0}, {"index": 16532, "quantile": 0.0, "value": 50000.0, "Latitude": 37.81, "Longitude": -121.19, "Population": 1959.0}, {"index": 16532, "quantile": 0.25, "value": 111500.0, "Latitude": 37.81, "Longitude": -121.19, "Population": 1959.0}, {"index": 16532, "quantile": 0.5, "value": 118800.0, "Latitude": 37.81, "Longitude": -121.19, "Population": 1959.0}, {"index": 16532, "quantile": 0.75, "value": 138400.0, "Latitude": 37.81, "Longitude": -121.19, "Population": 1959.0}, {"index": 16532, "quantile": 1.0, "value": 201300.0, "Latitude": 37.81, "Longitude": -121.19, "Population": 1959.0}, {"index": 16533, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.79, "Longitude": -121.18, "Population": 509.0}, {"index": 16533, "quantile": 0.25, "value": 112500.0, "Latitude": 37.79, "Longitude": -121.18, "Population": 509.0}, {"index": 16533, "quantile": 0.5, "value": 112500.0, "Latitude": 37.79, "Longitude": -121.18, "Population": 509.0}, {"index": 16533, "quantile": 0.75, "value": 112500.0, "Latitude": 37.79, "Longitude": -121.18, "Population": 509.0}, {"index": 16533, "quantile": 1.0, "value": 336800.0, "Latitude": 37.79, "Longitude": -121.18, "Population": 509.0}, {"index": 16534, "quantile": 0.0, "value": 65000.0, "Latitude": 37.78, "Longitude": -121.2, "Population": 79.0}, {"index": 16534, "quantile": 0.25, "value": 106300.0, "Latitude": 37.78, "Longitude": -121.2, "Population": 79.0}, {"index": 16534, "quantile": 0.5, "value": 106300.0, "Latitude": 37.78, "Longitude": -121.2, "Population": 79.0}, {"index": 16534, "quantile": 0.75, "value": 106300.0, "Latitude": 37.78, "Longitude": -121.2, "Population": 79.0}, {"index": 16534, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -121.2, "Population": 79.0}, {"index": 16535, "quantile": 0.0, "value": 87500.0, "Latitude": 37.78, "Longitude": -121.23, "Population": 149.0}, {"index": 16535, "quantile": 0.25, "value": 158300.0, "Latitude": 37.78, "Longitude": -121.23, "Population": 149.0}, {"index": 16535, "quantile": 0.5, "value": 158300.0, "Latitude": 37.78, "Longitude": -121.23, "Population": 149.0}, {"index": 16535, "quantile": 0.75, "value": 158300.0, "Latitude": 37.78, "Longitude": -121.23, "Population": 149.0}, {"index": 16535, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.78, "Longitude": -121.23, "Population": 149.0}, {"index": 16536, "quantile": 0.0, "value": 63800.0, "Latitude": 37.79, "Longitude": -121.24, "Population": 2553.0}, {"index": 16536, "quantile": 0.25, "value": 134925.0, "Latitude": 37.79, "Longitude": -121.24, "Population": 2553.0}, {"index": 16536, "quantile": 0.5, "value": 148250.0, "Latitude": 37.79, "Longitude": -121.24, "Population": 2553.0}, {"index": 16536, "quantile": 0.75, "value": 175700.0, "Latitude": 37.79, "Longitude": -121.24, "Population": 2553.0}, {"index": 16536, "quantile": 1.0, "value": 475000.0, "Latitude": 37.79, "Longitude": -121.24, "Population": 2553.0}, {"index": 16537, "quantile": 0.0, "value": 75900.0, "Latitude": 37.79, "Longitude": -121.27, "Population": 1013.0}, {"index": 16537, "quantile": 0.25, "value": 116500.0, "Latitude": 37.79, "Longitude": -121.27, "Population": 1013.0}, {"index": 16537, "quantile": 0.5, "value": 173900.0, "Latitude": 37.79, "Longitude": -121.27, "Population": 1013.0}, {"index": 16537, "quantile": 0.75, "value": 173900.0, "Latitude": 37.79, "Longitude": -121.27, "Population": 1013.0}, {"index": 16537, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 37.79, "Longitude": -121.27, "Population": 1013.0}, {"index": 16538, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 37.8, "Longitude": -121.22, "Population": 247.0}, {"index": 16538, "quantile": 0.25, "value": 74100.0, "Latitude": 37.8, "Longitude": -121.22, "Population": 247.0}, {"index": 16538, "quantile": 0.5, "value": 74100.0, "Latitude": 37.8, "Longitude": -121.22, "Population": 247.0}, {"index": 16538, "quantile": 0.75, "value": 85200.0, "Latitude": 37.8, "Longitude": -121.22, "Population": 247.0}, {"index": 16538, "quantile": 1.0, "value": 156300.0, "Latitude": 37.8, "Longitude": -121.22, "Population": 247.0}, {"index": 16539, "quantile": 0.0, "value": 49500.0, "Latitude": 37.79, "Longitude": -121.22, "Population": 712.0}, {"index": 16539, "quantile": 0.25, "value": 94400.0, "Latitude": 37.79, "Longitude": -121.22, "Population": 712.0}, {"index": 16539, "quantile": 0.5, "value": 105000.0, "Latitude": 37.79, "Longitude": -121.22, "Population": 712.0}, {"index": 16539, "quantile": 0.75, "value": 105000.0, "Latitude": 37.79, "Longitude": -121.22, "Population": 712.0}, {"index": 16539, "quantile": 1.0, "value": 125000.0, "Latitude": 37.79, "Longitude": -121.22, "Population": 712.0}, {"index": 16540, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 37.79, "Longitude": -121.22, "Population": 1320.0}, {"index": 16540, "quantile": 0.25, "value": 94800.0, "Latitude": 37.79, "Longitude": -121.22, "Population": 1320.0}, {"index": 16540, "quantile": 0.5, "value": 101899.99999999999, "Latitude": 37.79, "Longitude": -121.22, "Population": 1320.0}, {"index": 16540, "quantile": 0.75, "value": 101899.99999999999, "Latitude": 37.79, "Longitude": -121.22, "Population": 1320.0}, {"index": 16540, "quantile": 1.0, "value": 165600.0, "Latitude": 37.79, "Longitude": -121.22, "Population": 1320.0}, {"index": 16541, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 37.79, "Longitude": -121.23, "Population": 1130.0}, {"index": 16541, "quantile": 0.25, "value": 117900.0, "Latitude": 37.79, "Longitude": -121.23, "Population": 1130.0}, {"index": 16541, "quantile": 0.5, "value": 117900.0, "Latitude": 37.79, "Longitude": -121.23, "Population": 1130.0}, {"index": 16541, "quantile": 0.75, "value": 117900.0, "Latitude": 37.79, "Longitude": -121.23, "Population": 1130.0}, {"index": 16541, "quantile": 1.0, "value": 327300.0, "Latitude": 37.79, "Longitude": -121.23, "Population": 1130.0}, {"index": 16542, "quantile": 0.0, "value": 71300.0, "Latitude": 37.79, "Longitude": -121.22, "Population": 1549.0}, {"index": 16542, "quantile": 0.25, "value": 138350.0, "Latitude": 37.79, "Longitude": -121.22, "Population": 1549.0}, {"index": 16542, "quantile": 0.5, "value": 146700.0, "Latitude": 37.79, "Longitude": -121.22, "Population": 1549.0}, {"index": 16542, "quantile": 0.75, "value": 164800.0, "Latitude": 37.79, "Longitude": -121.22, "Population": 1549.0}, {"index": 16542, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.79, "Longitude": -121.22, "Population": 1549.0}, {"index": 16543, "quantile": 0.0, "value": 80700.0, "Latitude": 37.79, "Longitude": -121.23, "Population": 1198.0}, {"index": 16543, "quantile": 0.25, "value": 116799.99999999999, "Latitude": 37.79, "Longitude": -121.23, "Population": 1198.0}, {"index": 16543, "quantile": 0.5, "value": 116799.99999999999, "Latitude": 37.79, "Longitude": -121.23, "Population": 1198.0}, {"index": 16543, "quantile": 0.75, "value": 116799.99999999999, "Latitude": 37.79, "Longitude": -121.23, "Population": 1198.0}, {"index": 16543, "quantile": 1.0, "value": 173900.0, "Latitude": 37.79, "Longitude": -121.23, "Population": 1198.0}, {"index": 16544, "quantile": 0.0, "value": 65200.0, "Latitude": 37.8, "Longitude": -121.23, "Population": 1155.0}, {"index": 16544, "quantile": 0.25, "value": 130800.0, "Latitude": 37.8, "Longitude": -121.23, "Population": 1155.0}, {"index": 16544, "quantile": 0.5, "value": 130800.0, "Latitude": 37.8, "Longitude": -121.23, "Population": 1155.0}, {"index": 16544, "quantile": 0.75, "value": 130800.0, "Latitude": 37.8, "Longitude": -121.23, "Population": 1155.0}, {"index": 16544, "quantile": 1.0, "value": 333300.0, "Latitude": 37.8, "Longitude": -121.23, "Population": 1155.0}, {"index": 16545, "quantile": 0.0, "value": 63800.0, "Latitude": 37.81, "Longitude": -121.24, "Population": 2319.0}, {"index": 16545, "quantile": 0.25, "value": 108900.0, "Latitude": 37.81, "Longitude": -121.24, "Population": 2319.0}, {"index": 16545, "quantile": 0.5, "value": 130800.0, "Latitude": 37.81, "Longitude": -121.24, "Population": 2319.0}, {"index": 16545, "quantile": 0.75, "value": 146000.0, "Latitude": 37.81, "Longitude": -121.24, "Population": 2319.0}, {"index": 16545, "quantile": 1.0, "value": 229100.0, "Latitude": 37.81, "Longitude": -121.24, "Population": 2319.0}, {"index": 16546, "quantile": 0.0, "value": 79300.0, "Latitude": 37.81, "Longitude": -121.23, "Population": 1886.0}, {"index": 16546, "quantile": 0.25, "value": 117900.0, "Latitude": 37.81, "Longitude": -121.23, "Population": 1886.0}, {"index": 16546, "quantile": 0.5, "value": 131300.0, "Latitude": 37.81, "Longitude": -121.23, "Population": 1886.0}, {"index": 16546, "quantile": 0.75, "value": 152150.0, "Latitude": 37.81, "Longitude": -121.23, "Population": 1886.0}, {"index": 16546, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 37.81, "Longitude": -121.23, "Population": 1886.0}, {"index": 16547, "quantile": 0.0, "value": 102099.99999999999, "Latitude": 37.81, "Longitude": -121.22, "Population": 1191.0}, {"index": 16547, "quantile": 0.25, "value": 121500.00000000001, "Latitude": 37.81, "Longitude": -121.22, "Population": 1191.0}, {"index": 16547, "quantile": 0.5, "value": 121500.00000000001, "Latitude": 37.81, "Longitude": -121.22, "Population": 1191.0}, {"index": 16547, "quantile": 0.75, "value": 121500.00000000001, "Latitude": 37.81, "Longitude": -121.22, "Population": 1191.0}, {"index": 16547, "quantile": 1.0, "value": 293800.0, "Latitude": 37.81, "Longitude": -121.22, "Population": 1191.0}, {"index": 16548, "quantile": 0.0, "value": 88600.0, "Latitude": 37.82, "Longitude": -121.22, "Population": 2740.0}, {"index": 16548, "quantile": 0.25, "value": 106675.00000000001, "Latitude": 37.82, "Longitude": -121.22, "Population": 2740.0}, {"index": 16548, "quantile": 0.5, "value": 127099.99999999999, "Latitude": 37.82, "Longitude": -121.22, "Population": 2740.0}, {"index": 16548, "quantile": 0.75, "value": 154800.0, "Latitude": 37.82, "Longitude": -121.22, "Population": 2740.0}, {"index": 16548, "quantile": 1.0, "value": 475000.0, "Latitude": 37.82, "Longitude": -121.22, "Population": 2740.0}, {"index": 16549, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 37.81, "Longitude": -121.23, "Population": 1236.0}, {"index": 16549, "quantile": 0.25, "value": 149300.0, "Latitude": 37.81, "Longitude": -121.23, "Population": 1236.0}, {"index": 16549, "quantile": 0.5, "value": 149300.0, "Latitude": 37.81, "Longitude": -121.23, "Population": 1236.0}, {"index": 16549, "quantile": 0.75, "value": 191175.0, "Latitude": 37.81, "Longitude": -121.23, "Population": 1236.0}, {"index": 16549, "quantile": 1.0, "value": 275300.0, "Latitude": 37.81, "Longitude": -121.23, "Population": 1236.0}, {"index": 16550, "quantile": 0.0, "value": 87500.0, "Latitude": 37.82, "Longitude": -121.23, "Population": 867.0}, {"index": 16550, "quantile": 0.25, "value": 138500.0, "Latitude": 37.82, "Longitude": -121.23, "Population": 867.0}, {"index": 16550, "quantile": 0.5, "value": 138500.0, "Latitude": 37.82, "Longitude": -121.23, "Population": 867.0}, {"index": 16550, "quantile": 0.75, "value": 151675.0, "Latitude": 37.82, "Longitude": -121.23, "Population": 867.0}, {"index": 16550, "quantile": 1.0, "value": 221800.0, "Latitude": 37.82, "Longitude": -121.23, "Population": 867.0}, {"index": 16551, "quantile": 0.0, "value": 87500.0, "Latitude": 37.82, "Longitude": -121.23, "Population": 1030.0}, {"index": 16551, "quantile": 0.25, "value": 142500.0, "Latitude": 37.82, "Longitude": -121.23, "Population": 1030.0}, {"index": 16551, "quantile": 0.5, "value": 156700.0, "Latitude": 37.82, "Longitude": -121.23, "Population": 1030.0}, {"index": 16551, "quantile": 0.75, "value": 166425.0, "Latitude": 37.82, "Longitude": -121.23, "Population": 1030.0}, {"index": 16551, "quantile": 1.0, "value": 319100.0, "Latitude": 37.82, "Longitude": -121.23, "Population": 1030.0}, {"index": 16552, "quantile": 0.0, "value": 63800.0, "Latitude": 37.84, "Longitude": -121.23, "Population": 713.0}, {"index": 16552, "quantile": 0.25, "value": 155700.0, "Latitude": 37.84, "Longitude": -121.23, "Population": 713.0}, {"index": 16552, "quantile": 0.5, "value": 155700.0, "Latitude": 37.84, "Longitude": -121.23, "Population": 713.0}, {"index": 16552, "quantile": 0.75, "value": 155700.0, "Latitude": 37.84, "Longitude": -121.23, "Population": 713.0}, {"index": 16552, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 37.84, "Longitude": -121.23, "Population": 713.0}, {"index": 16553, "quantile": 0.0, "value": 118200.0, "Latitude": 37.82, "Longitude": -121.24, "Population": 3378.0}, {"index": 16553, "quantile": 0.25, "value": 157900.0, "Latitude": 37.82, "Longitude": -121.24, "Population": 3378.0}, {"index": 16553, "quantile": 0.5, "value": 157900.0, "Latitude": 37.82, "Longitude": -121.24, "Population": 3378.0}, {"index": 16553, "quantile": 0.75, "value": 162100.0, "Latitude": 37.82, "Longitude": -121.24, "Population": 3378.0}, {"index": 16553, "quantile": 1.0, "value": 319000.0, "Latitude": 37.82, "Longitude": -121.24, "Population": 3378.0}, {"index": 16554, "quantile": 0.0, "value": 58800.0, "Latitude": 37.85, "Longitude": -121.3, "Population": 604.0}, {"index": 16554, "quantile": 0.25, "value": 96025.0, "Latitude": 37.85, "Longitude": -121.3, "Population": 604.0}, {"index": 16554, "quantile": 0.5, "value": 120000.0, "Latitude": 37.85, "Longitude": -121.3, "Population": 604.0}, {"index": 16554, "quantile": 0.75, "value": 120000.0, "Latitude": 37.85, "Longitude": -121.3, "Population": 604.0}, {"index": 16554, "quantile": 1.0, "value": 250000.0, "Latitude": 37.85, "Longitude": -121.3, "Population": 604.0}, {"index": 16555, "quantile": 0.0, "value": 63800.0, "Latitude": 37.81, "Longitude": -121.31, "Population": 130.0}, {"index": 16555, "quantile": 0.25, "value": 179200.0, "Latitude": 37.81, "Longitude": -121.31, "Population": 130.0}, {"index": 16555, "quantile": 0.5, "value": 179200.0, "Latitude": 37.81, "Longitude": -121.31, "Population": 130.0}, {"index": 16555, "quantile": 0.75, "value": 179200.0, "Latitude": 37.81, "Longitude": -121.31, "Population": 130.0}, {"index": 16555, "quantile": 1.0, "value": 475000.0, "Latitude": 37.81, "Longitude": -121.31, "Population": 130.0}, {"index": 16556, "quantile": 0.0, "value": 67500.0, "Latitude": 37.8, "Longitude": -121.29, "Population": 69.0}, {"index": 16556, "quantile": 0.25, "value": 183100.0, "Latitude": 37.8, "Longitude": -121.29, "Population": 69.0}, {"index": 16556, "quantile": 0.5, "value": 475000.0, "Latitude": 37.8, "Longitude": -121.29, "Population": 69.0}, {"index": 16556, "quantile": 0.75, "value": 475000.0, "Latitude": 37.8, "Longitude": -121.29, "Population": 69.0}, {"index": 16556, "quantile": 1.0, "value": 475000.0, "Latitude": 37.8, "Longitude": -121.29, "Population": 69.0}, {"index": 16557, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 37.82, "Longitude": -121.27, "Population": 830.0}, {"index": 16557, "quantile": 0.25, "value": 93175.00000000001, "Latitude": 37.82, "Longitude": -121.27, "Population": 830.0}, {"index": 16557, "quantile": 0.5, "value": 127499.99999999999, "Latitude": 37.82, "Longitude": -121.27, "Population": 830.0}, {"index": 16557, "quantile": 0.75, "value": 127499.99999999999, "Latitude": 37.82, "Longitude": -121.27, "Population": 830.0}, {"index": 16557, "quantile": 1.0, "value": 165600.0, "Latitude": 37.82, "Longitude": -121.27, "Population": 830.0}, {"index": 16558, "quantile": 0.0, "value": 22500.0, "Latitude": 37.83, "Longitude": -121.28, "Population": 443.0}, {"index": 16558, "quantile": 0.25, "value": 86300.0, "Latitude": 37.83, "Longitude": -121.28, "Population": 443.0}, {"index": 16558, "quantile": 0.5, "value": 86300.0, "Latitude": 37.83, "Longitude": -121.28, "Population": 443.0}, {"index": 16558, "quantile": 0.75, "value": 90300.0, "Latitude": 37.83, "Longitude": -121.28, "Population": 443.0}, {"index": 16558, "quantile": 1.0, "value": 225900.0, "Latitude": 37.83, "Longitude": -121.28, "Population": 443.0}, {"index": 16559, "quantile": 0.0, "value": 73100.0, "Latitude": 37.82, "Longitude": -121.28, "Population": 5935.0}, {"index": 16559, "quantile": 0.25, "value": 126099.99999999999, "Latitude": 37.82, "Longitude": -121.28, "Population": 5935.0}, {"index": 16559, "quantile": 0.5, "value": 139849.99999999997, "Latitude": 37.82, "Longitude": -121.28, "Population": 5935.0}, {"index": 16559, "quantile": 0.75, "value": 159925.0, "Latitude": 37.82, "Longitude": -121.28, "Population": 5935.0}, {"index": 16559, "quantile": 1.0, "value": 475000.0, "Latitude": 37.82, "Longitude": -121.28, "Population": 5935.0}, {"index": 16560, "quantile": 0.0, "value": 95900.0, "Latitude": 37.77, "Longitude": -121.37, "Population": 1290.0}, {"index": 16560, "quantile": 0.25, "value": 135125.0, "Latitude": 37.77, "Longitude": -121.37, "Population": 1290.0}, {"index": 16560, "quantile": 0.5, "value": 162100.0, "Latitude": 37.77, "Longitude": -121.37, "Population": 1290.0}, {"index": 16560, "quantile": 0.75, "value": 194825.0, "Latitude": 37.77, "Longitude": -121.37, "Population": 1290.0}, {"index": 16560, "quantile": 1.0, "value": 374600.0, "Latitude": 37.77, "Longitude": -121.37, "Population": 1290.0}, {"index": 16561, "quantile": 0.0, "value": 86300.0, "Latitude": 37.74, "Longitude": -121.4, "Population": 1236.0}, {"index": 16561, "quantile": 0.25, "value": 171425.0, "Latitude": 37.74, "Longitude": -121.4, "Population": 1236.0}, {"index": 16561, "quantile": 0.5, "value": 322400.0, "Latitude": 37.74, "Longitude": -121.4, "Population": 1236.0}, {"index": 16561, "quantile": 0.75, "value": 322400.0, "Latitude": 37.74, "Longitude": -121.4, "Population": 1236.0}, {"index": 16561, "quantile": 1.0, "value": 322400.0, "Latitude": 37.74, "Longitude": -121.4, "Population": 1236.0}, {"index": 16562, "quantile": 0.0, "value": 22500.0, "Latitude": 37.78, "Longitude": -121.43, "Population": 585.0}, {"index": 16562, "quantile": 0.25, "value": 116175.0, "Latitude": 37.78, "Longitude": -121.43, "Population": 585.0}, {"index": 16562, "quantile": 0.5, "value": 163500.0, "Latitude": 37.78, "Longitude": -121.43, "Population": 585.0}, {"index": 16562, "quantile": 0.75, "value": 163500.0, "Latitude": 37.78, "Longitude": -121.43, "Population": 585.0}, {"index": 16562, "quantile": 1.0, "value": 173900.0, "Latitude": 37.78, "Longitude": -121.43, "Population": 585.0}, {"index": 16563, "quantile": 0.0, "value": 108700.0, "Latitude": 37.77, "Longitude": -121.48, "Population": 1264.0}, {"index": 16563, "quantile": 0.25, "value": 217400.0, "Latitude": 37.77, "Longitude": -121.48, "Population": 1264.0}, {"index": 16563, "quantile": 0.5, "value": 274200.0, "Latitude": 37.77, "Longitude": -121.48, "Population": 1264.0}, {"index": 16563, "quantile": 0.75, "value": 274200.0, "Latitude": 37.77, "Longitude": -121.48, "Population": 1264.0}, {"index": 16563, "quantile": 1.0, "value": 302100.0, "Latitude": 37.77, "Longitude": -121.48, "Population": 1264.0}, {"index": 16564, "quantile": 0.0, "value": 70800.0, "Latitude": 37.75, "Longitude": -121.52, "Population": 825.0}, {"index": 16564, "quantile": 0.25, "value": 191500.0, "Latitude": 37.75, "Longitude": -121.52, "Population": 825.0}, {"index": 16564, "quantile": 0.5, "value": 327300.0, "Latitude": 37.75, "Longitude": -121.52, "Population": 825.0}, {"index": 16564, "quantile": 0.75, "value": 327300.0, "Latitude": 37.75, "Longitude": -121.52, "Population": 825.0}, {"index": 16564, "quantile": 1.0, "value": 385700.0, "Latitude": 37.75, "Longitude": -121.52, "Population": 825.0}, {"index": 16565, "quantile": 0.0, "value": 139100.0, "Latitude": 37.73, "Longitude": -121.46, "Population": 862.0}, {"index": 16565, "quantile": 0.25, "value": 222900.0, "Latitude": 37.73, "Longitude": -121.46, "Population": 862.0}, {"index": 16565, "quantile": 0.5, "value": 222900.0, "Latitude": 37.73, "Longitude": -121.46, "Population": 862.0}, {"index": 16565, "quantile": 0.75, "value": 222900.0, "Latitude": 37.73, "Longitude": -121.46, "Population": 862.0}, {"index": 16565, "quantile": 1.0, "value": 416300.0, "Latitude": 37.73, "Longitude": -121.46, "Population": 862.0}, {"index": 16566, "quantile": 0.0, "value": 110100.0, "Latitude": 37.72, "Longitude": -121.45, "Population": 766.0}, {"index": 16566, "quantile": 0.25, "value": 240200.0, "Latitude": 37.72, "Longitude": -121.45, "Population": 766.0}, {"index": 16566, "quantile": 0.5, "value": 240200.0, "Latitude": 37.72, "Longitude": -121.45, "Population": 766.0}, {"index": 16566, "quantile": 0.75, "value": 240200.0, "Latitude": 37.72, "Longitude": -121.45, "Population": 766.0}, {"index": 16566, "quantile": 1.0, "value": 390000.0, "Latitude": 37.72, "Longitude": -121.45, "Population": 766.0}, {"index": 16567, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 37.7, "Longitude": -121.44, "Population": 591.0}, {"index": 16567, "quantile": 0.25, "value": 215099.99999999997, "Latitude": 37.7, "Longitude": -121.44, "Population": 591.0}, {"index": 16567, "quantile": 0.5, "value": 215099.99999999997, "Latitude": 37.7, "Longitude": -121.44, "Population": 591.0}, {"index": 16567, "quantile": 0.75, "value": 215099.99999999997, "Latitude": 37.7, "Longitude": -121.44, "Population": 591.0}, {"index": 16567, "quantile": 1.0, "value": 375000.0, "Latitude": 37.7, "Longitude": -121.44, "Population": 591.0}, {"index": 16568, "quantile": 0.0, "value": 102000.0, "Latitude": 37.71, "Longitude": -121.42, "Population": 4189.0}, {"index": 16568, "quantile": 0.25, "value": 138200.0, "Latitude": 37.71, "Longitude": -121.42, "Population": 4189.0}, {"index": 16568, "quantile": 0.5, "value": 152050.0, "Latitude": 37.71, "Longitude": -121.42, "Population": 4189.0}, {"index": 16568, "quantile": 0.75, "value": 194650.0, "Latitude": 37.71, "Longitude": -121.42, "Population": 4189.0}, {"index": 16568, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -121.42, "Population": 4189.0}, {"index": 16569, "quantile": 0.0, "value": 100299.99999999999, "Latitude": 37.76, "Longitude": -121.42, "Population": 2964.0}, {"index": 16569, "quantile": 0.25, "value": 162100.0, "Latitude": 37.76, "Longitude": -121.42, "Population": 2964.0}, {"index": 16569, "quantile": 0.5, "value": 162100.0, "Latitude": 37.76, "Longitude": -121.42, "Population": 2964.0}, {"index": 16569, "quantile": 0.75, "value": 162100.0, "Latitude": 37.76, "Longitude": -121.42, "Population": 2964.0}, {"index": 16569, "quantile": 1.0, "value": 327300.0, "Latitude": 37.76, "Longitude": -121.42, "Population": 2964.0}, {"index": 16570, "quantile": 0.0, "value": 63800.0, "Latitude": 37.75, "Longitude": -121.42, "Population": 1061.0}, {"index": 16570, "quantile": 0.25, "value": 113450.0, "Latitude": 37.75, "Longitude": -121.42, "Population": 1061.0}, {"index": 16570, "quantile": 0.5, "value": 149000.0, "Latitude": 37.75, "Longitude": -121.42, "Population": 1061.0}, {"index": 16570, "quantile": 0.75, "value": 175000.0, "Latitude": 37.75, "Longitude": -121.42, "Population": 1061.0}, {"index": 16570, "quantile": 1.0, "value": 340900.0, "Latitude": 37.75, "Longitude": -121.42, "Population": 1061.0}, {"index": 16571, "quantile": 0.0, "value": 93900.0, "Latitude": 37.74, "Longitude": -121.42, "Population": 340.0}, {"index": 16571, "quantile": 0.25, "value": 217075.0, "Latitude": 37.74, "Longitude": -121.42, "Population": 340.0}, {"index": 16571, "quantile": 0.5, "value": 247100.0, "Latitude": 37.74, "Longitude": -121.42, "Population": 340.0}, {"index": 16571, "quantile": 0.75, "value": 322400.0, "Latitude": 37.74, "Longitude": -121.42, "Population": 340.0}, {"index": 16571, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -121.42, "Population": 340.0}, {"index": 16572, "quantile": 0.0, "value": 50000.0, "Latitude": 37.74, "Longitude": -121.42, "Population": 320.0}, {"index": 16572, "quantile": 0.25, "value": 100300.00000000001, "Latitude": 37.74, "Longitude": -121.42, "Population": 320.0}, {"index": 16572, "quantile": 0.5, "value": 127299.99999999999, "Latitude": 37.74, "Longitude": -121.42, "Population": 320.0}, {"index": 16572, "quantile": 0.75, "value": 147400.00000000003, "Latitude": 37.74, "Longitude": -121.42, "Population": 320.0}, {"index": 16572, "quantile": 1.0, "value": 414700.0, "Latitude": 37.74, "Longitude": -121.42, "Population": 320.0}, {"index": 16573, "quantile": 0.0, "value": 37500.0, "Latitude": 37.74, "Longitude": -121.42, "Population": 313.0}, {"index": 16573, "quantile": 0.25, "value": 153200.0, "Latitude": 37.74, "Longitude": -121.42, "Population": 313.0}, {"index": 16573, "quantile": 0.5, "value": 153200.0, "Latitude": 37.74, "Longitude": -121.42, "Population": 313.0}, {"index": 16573, "quantile": 0.75, "value": 181150.0, "Latitude": 37.74, "Longitude": -121.42, "Population": 313.0}, {"index": 16573, "quantile": 1.0, "value": 443000.0, "Latitude": 37.74, "Longitude": -121.42, "Population": 313.0}, {"index": 16574, "quantile": 0.0, "value": 101800.0, "Latitude": 37.75, "Longitude": -121.42, "Population": 683.0}, {"index": 16574, "quantile": 0.25, "value": 128699.99999999999, "Latitude": 37.75, "Longitude": -121.42, "Population": 683.0}, {"index": 16574, "quantile": 0.5, "value": 128699.99999999999, "Latitude": 37.75, "Longitude": -121.42, "Population": 683.0}, {"index": 16574, "quantile": 0.75, "value": 173900.0, "Latitude": 37.75, "Longitude": -121.42, "Population": 683.0}, {"index": 16574, "quantile": 1.0, "value": 374600.0, "Latitude": 37.75, "Longitude": -121.42, "Population": 683.0}, {"index": 16575, "quantile": 0.0, "value": 70800.0, "Latitude": 37.75, "Longitude": -121.43, "Population": 754.0}, {"index": 16575, "quantile": 0.25, "value": 112500.0, "Latitude": 37.75, "Longitude": -121.43, "Population": 754.0}, {"index": 16575, "quantile": 0.5, "value": 117600.0, "Latitude": 37.75, "Longitude": -121.43, "Population": 754.0}, {"index": 16575, "quantile": 0.75, "value": 151075.0, "Latitude": 37.75, "Longitude": -121.43, "Population": 754.0}, {"index": 16575, "quantile": 1.0, "value": 261100.00000000003, "Latitude": 37.75, "Longitude": -121.43, "Population": 754.0}, {"index": 16576, "quantile": 0.0, "value": 46300.0, "Latitude": 37.75, "Longitude": -121.43, "Population": 855.0}, {"index": 16576, "quantile": 0.25, "value": 115950.0, "Latitude": 37.75, "Longitude": -121.43, "Population": 855.0}, {"index": 16576, "quantile": 0.5, "value": 127299.99999999999, "Latitude": 37.75, "Longitude": -121.43, "Population": 855.0}, {"index": 16576, "quantile": 0.75, "value": 127299.99999999999, "Latitude": 37.75, "Longitude": -121.43, "Population": 855.0}, {"index": 16576, "quantile": 1.0, "value": 231999.99999999997, "Latitude": 37.75, "Longitude": -121.43, "Population": 855.0}, {"index": 16577, "quantile": 0.0, "value": 81900.0, "Latitude": 37.75, "Longitude": -121.43, "Population": 699.0}, {"index": 16577, "quantile": 0.25, "value": 117600.0, "Latitude": 37.75, "Longitude": -121.43, "Population": 699.0}, {"index": 16577, "quantile": 0.5, "value": 117600.0, "Latitude": 37.75, "Longitude": -121.43, "Population": 699.0}, {"index": 16577, "quantile": 0.75, "value": 117700.0, "Latitude": 37.75, "Longitude": -121.43, "Population": 699.0}, {"index": 16577, "quantile": 1.0, "value": 254400.0, "Latitude": 37.75, "Longitude": -121.43, "Population": 699.0}, {"index": 16578, "quantile": 0.0, "value": 63400.0, "Latitude": 37.74, "Longitude": -121.43, "Population": 426.0}, {"index": 16578, "quantile": 0.25, "value": 100325.0, "Latitude": 37.74, "Longitude": -121.43, "Population": 426.0}, {"index": 16578, "quantile": 0.5, "value": 143900.0, "Latitude": 37.74, "Longitude": -121.43, "Population": 426.0}, {"index": 16578, "quantile": 0.75, "value": 215600.0, "Latitude": 37.74, "Longitude": -121.43, "Population": 426.0}, {"index": 16578, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -121.43, "Population": 426.0}, {"index": 16579, "quantile": 0.0, "value": 84400.0, "Latitude": 37.74, "Longitude": -121.43, "Population": 427.0}, {"index": 16579, "quantile": 0.25, "value": 110400.00000000001, "Latitude": 37.74, "Longitude": -121.43, "Population": 427.0}, {"index": 16579, "quantile": 0.5, "value": 110400.00000000001, "Latitude": 37.74, "Longitude": -121.43, "Population": 427.0}, {"index": 16579, "quantile": 0.75, "value": 128149.99999999999, "Latitude": 37.74, "Longitude": -121.43, "Population": 427.0}, {"index": 16579, "quantile": 1.0, "value": 312700.0, "Latitude": 37.74, "Longitude": -121.43, "Population": 427.0}, {"index": 16580, "quantile": 0.0, "value": 56399.99999999999, "Latitude": 37.75, "Longitude": -121.43, "Population": 1065.0}, {"index": 16580, "quantile": 0.25, "value": 95575.0, "Latitude": 37.75, "Longitude": -121.43, "Population": 1065.0}, {"index": 16580, "quantile": 0.5, "value": 125000.0, "Latitude": 37.75, "Longitude": -121.43, "Population": 1065.0}, {"index": 16580, "quantile": 0.75, "value": 125000.0, "Latitude": 37.75, "Longitude": -121.43, "Population": 1065.0}, {"index": 16580, "quantile": 1.0, "value": 262500.0, "Latitude": 37.75, "Longitude": -121.43, "Population": 1065.0}, {"index": 16581, "quantile": 0.0, "value": 88600.0, "Latitude": 37.76, "Longitude": -121.43, "Population": 1358.0}, {"index": 16581, "quantile": 0.25, "value": 147600.0, "Latitude": 37.76, "Longitude": -121.43, "Population": 1358.0}, {"index": 16581, "quantile": 0.5, "value": 147600.0, "Latitude": 37.76, "Longitude": -121.43, "Population": 1358.0}, {"index": 16581, "quantile": 0.75, "value": 147600.0, "Latitude": 37.76, "Longitude": -121.43, "Population": 1358.0}, {"index": 16581, "quantile": 1.0, "value": 374600.0, "Latitude": 37.76, "Longitude": -121.43, "Population": 1358.0}, {"index": 16582, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 37.76, "Longitude": -121.44, "Population": 3670.0}, {"index": 16582, "quantile": 0.25, "value": 194800.0, "Latitude": 37.76, "Longitude": -121.44, "Population": 3670.0}, {"index": 16582, "quantile": 0.5, "value": 194800.0, "Latitude": 37.76, "Longitude": -121.44, "Population": 3670.0}, {"index": 16582, "quantile": 0.75, "value": 194800.0, "Latitude": 37.76, "Longitude": -121.44, "Population": 3670.0}, {"index": 16582, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.76, "Longitude": -121.44, "Population": 3670.0}, {"index": 16583, "quantile": 0.0, "value": 123700.00000000001, "Latitude": 37.75, "Longitude": -121.45, "Population": 2360.0}, {"index": 16583, "quantile": 0.25, "value": 164800.0, "Latitude": 37.75, "Longitude": -121.45, "Population": 2360.0}, {"index": 16583, "quantile": 0.5, "value": 164800.0, "Latitude": 37.75, "Longitude": -121.45, "Population": 2360.0}, {"index": 16583, "quantile": 0.75, "value": 164800.0, "Latitude": 37.75, "Longitude": -121.45, "Population": 2360.0}, {"index": 16583, "quantile": 1.0, "value": 385700.0, "Latitude": 37.75, "Longitude": -121.45, "Population": 2360.0}, {"index": 16584, "quantile": 0.0, "value": 70800.0, "Latitude": 37.74, "Longitude": -121.44, "Population": 970.0}, {"index": 16584, "quantile": 0.25, "value": 116575.0, "Latitude": 37.74, "Longitude": -121.44, "Population": 970.0}, {"index": 16584, "quantile": 0.5, "value": 149000.0, "Latitude": 37.74, "Longitude": -121.44, "Population": 970.0}, {"index": 16584, "quantile": 0.75, "value": 178900.0, "Latitude": 37.74, "Longitude": -121.44, "Population": 970.0}, {"index": 16584, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -121.44, "Population": 970.0}, {"index": 16585, "quantile": 0.0, "value": 86300.0, "Latitude": 37.75, "Longitude": -121.44, "Population": 417.0}, {"index": 16585, "quantile": 0.25, "value": 151300.0, "Latitude": 37.75, "Longitude": -121.44, "Population": 417.0}, {"index": 16585, "quantile": 0.5, "value": 151300.0, "Latitude": 37.75, "Longitude": -121.44, "Population": 417.0}, {"index": 16585, "quantile": 0.75, "value": 151300.0, "Latitude": 37.75, "Longitude": -121.44, "Population": 417.0}, {"index": 16585, "quantile": 1.0, "value": 327300.0, "Latitude": 37.75, "Longitude": -121.44, "Population": 417.0}, {"index": 16586, "quantile": 0.0, "value": 70800.0, "Latitude": 37.75, "Longitude": -121.44, "Population": 1199.0}, {"index": 16586, "quantile": 0.25, "value": 147600.0, "Latitude": 37.75, "Longitude": -121.44, "Population": 1199.0}, {"index": 16586, "quantile": 0.5, "value": 170600.0, "Latitude": 37.75, "Longitude": -121.44, "Population": 1199.0}, {"index": 16586, "quantile": 0.75, "value": 170600.0, "Latitude": 37.75, "Longitude": -121.44, "Population": 1199.0}, {"index": 16586, "quantile": 1.0, "value": 322400.0, "Latitude": 37.75, "Longitude": -121.44, "Population": 1199.0}, {"index": 16587, "quantile": 0.0, "value": 47500.0, "Latitude": 37.74, "Longitude": -121.42, "Population": 915.0}, {"index": 16587, "quantile": 0.25, "value": 85100.0, "Latitude": 37.74, "Longitude": -121.42, "Population": 915.0}, {"index": 16587, "quantile": 0.5, "value": 103099.99999999999, "Latitude": 37.74, "Longitude": -121.42, "Population": 915.0}, {"index": 16587, "quantile": 0.75, "value": 103099.99999999999, "Latitude": 37.74, "Longitude": -121.42, "Population": 915.0}, {"index": 16587, "quantile": 1.0, "value": 177500.0, "Latitude": 37.74, "Longitude": -121.42, "Population": 915.0}, {"index": 16588, "quantile": 0.0, "value": 45000.0, "Latitude": 37.74, "Longitude": -121.43, "Population": 589.0}, {"index": 16588, "quantile": 0.25, "value": 67500.0, "Latitude": 37.74, "Longitude": -121.43, "Population": 589.0}, {"index": 16588, "quantile": 0.5, "value": 82949.99999999999, "Latitude": 37.74, "Longitude": -121.43, "Population": 589.0}, {"index": 16588, "quantile": 0.75, "value": 103099.99999999999, "Latitude": 37.74, "Longitude": -121.43, "Population": 589.0}, {"index": 16588, "quantile": 1.0, "value": 162500.0, "Latitude": 37.74, "Longitude": -121.43, "Population": 589.0}, {"index": 16589, "quantile": 0.0, "value": 32500.0, "Latitude": 37.74, "Longitude": -121.43, "Population": 623.0}, {"index": 16589, "quantile": 0.25, "value": 70000.0, "Latitude": 37.74, "Longitude": -121.43, "Population": 623.0}, {"index": 16589, "quantile": 0.5, "value": 96900.0, "Latitude": 37.74, "Longitude": -121.43, "Population": 623.0}, {"index": 16589, "quantile": 0.75, "value": 120800.0, "Latitude": 37.74, "Longitude": -121.43, "Population": 623.0}, {"index": 16589, "quantile": 1.0, "value": 500000.0, "Latitude": 37.74, "Longitude": -121.43, "Population": 623.0}, {"index": 16590, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 37.74, "Longitude": -121.44, "Population": 370.0}, {"index": 16590, "quantile": 0.25, "value": 112500.0, "Latitude": 37.74, "Longitude": -121.44, "Population": 370.0}, {"index": 16590, "quantile": 0.5, "value": 112500.0, "Latitude": 37.74, "Longitude": -121.44, "Population": 370.0}, {"index": 16590, "quantile": 0.75, "value": 112500.0, "Latitude": 37.74, "Longitude": -121.44, "Population": 370.0}, {"index": 16590, "quantile": 1.0, "value": 305000.0, "Latitude": 37.74, "Longitude": -121.44, "Population": 370.0}, {"index": 16591, "quantile": 0.0, "value": 97400.0, "Latitude": 37.73, "Longitude": -121.44, "Population": 3907.0}, {"index": 16591, "quantile": 0.25, "value": 208100.0, "Latitude": 37.73, "Longitude": -121.44, "Population": 3907.0}, {"index": 16591, "quantile": 0.5, "value": 208100.0, "Latitude": 37.73, "Longitude": -121.44, "Population": 3907.0}, {"index": 16591, "quantile": 0.75, "value": 208100.0, "Latitude": 37.73, "Longitude": -121.44, "Population": 3907.0}, {"index": 16591, "quantile": 1.0, "value": 385700.0, "Latitude": 37.73, "Longitude": -121.44, "Population": 3907.0}, {"index": 16592, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 37.73, "Longitude": -121.43, "Population": 1312.0}, {"index": 16592, "quantile": 0.25, "value": 113850.0, "Latitude": 37.73, "Longitude": -121.43, "Population": 1312.0}, {"index": 16592, "quantile": 0.5, "value": 134700.0, "Latitude": 37.73, "Longitude": -121.43, "Population": 1312.0}, {"index": 16592, "quantile": 0.75, "value": 134700.0, "Latitude": 37.73, "Longitude": -121.43, "Population": 1312.0}, {"index": 16592, "quantile": 1.0, "value": 215700.0, "Latitude": 37.73, "Longitude": -121.43, "Population": 1312.0}, {"index": 16593, "quantile": 0.0, "value": 120000.0, "Latitude": 37.73, "Longitude": -121.42, "Population": 883.0}, {"index": 16593, "quantile": 0.25, "value": 196700.0, "Latitude": 37.73, "Longitude": -121.42, "Population": 883.0}, {"index": 16593, "quantile": 0.5, "value": 196700.0, "Latitude": 37.73, "Longitude": -121.42, "Population": 883.0}, {"index": 16593, "quantile": 0.75, "value": 196700.0, "Latitude": 37.73, "Longitude": -121.42, "Population": 883.0}, {"index": 16593, "quantile": 1.0, "value": 390000.0, "Latitude": 37.73, "Longitude": -121.42, "Population": 883.0}, {"index": 16594, "quantile": 0.0, "value": 38800.0, "Latitude": 37.72, "Longitude": -121.29, "Population": 4402.0}, {"index": 16594, "quantile": 0.25, "value": 73900.0, "Latitude": 37.72, "Longitude": -121.29, "Population": 4402.0}, {"index": 16594, "quantile": 0.5, "value": 85850.0, "Latitude": 37.72, "Longitude": -121.29, "Population": 4402.0}, {"index": 16594, "quantile": 0.75, "value": 124500.00000000001, "Latitude": 37.72, "Longitude": -121.29, "Population": 4402.0}, {"index": 16594, "quantile": 1.0, "value": 302900.0, "Latitude": 37.72, "Longitude": -121.29, "Population": 4402.0}, {"index": 16595, "quantile": 0.0, "value": 88400.0, "Latitude": 37.67, "Longitude": -121.32, "Population": 781.0}, {"index": 16595, "quantile": 0.25, "value": 161150.0, "Latitude": 37.67, "Longitude": -121.32, "Population": 781.0}, {"index": 16595, "quantile": 0.5, "value": 250000.0, "Latitude": 37.67, "Longitude": -121.32, "Population": 781.0}, {"index": 16595, "quantile": 0.75, "value": 250000.0, "Latitude": 37.67, "Longitude": -121.32, "Population": 781.0}, {"index": 16595, "quantile": 1.0, "value": 374600.0, "Latitude": 37.67, "Longitude": -121.32, "Population": 781.0}, {"index": 16596, "quantile": 0.0, "value": 95900.0, "Latitude": 37.58, "Longitude": -121.47, "Population": 887.0}, {"index": 16596, "quantile": 0.25, "value": 157325.0, "Latitude": 37.58, "Longitude": -121.47, "Population": 887.0}, {"index": 16596, "quantile": 0.5, "value": 190800.0, "Latitude": 37.58, "Longitude": -121.47, "Population": 887.0}, {"index": 16596, "quantile": 0.75, "value": 253725.00000000003, "Latitude": 37.58, "Longitude": -121.47, "Population": 887.0}, {"index": 16596, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -121.47, "Population": 887.0}, {"index": 16597, "quantile": 0.0, "value": 115500.0, "Latitude": 35.69, "Longitude": -120.9, "Population": 2105.0}, {"index": 16597, "quantile": 0.25, "value": 248700.0, "Latitude": 35.69, "Longitude": -120.9, "Population": 2105.0}, {"index": 16597, "quantile": 0.5, "value": 248700.0, "Latitude": 35.69, "Longitude": -120.9, "Population": 2105.0}, {"index": 16597, "quantile": 0.75, "value": 248700.0, "Latitude": 35.69, "Longitude": -120.9, "Population": 2105.0}, {"index": 16597, "quantile": 1.0, "value": 346100.0, "Latitude": 35.69, "Longitude": -120.9, "Population": 2105.0}, {"index": 16598, "quantile": 0.0, "value": 86400.0, "Latitude": 35.76, "Longitude": -120.93, "Population": 1825.0}, {"index": 16598, "quantile": 0.25, "value": 166525.0, "Latitude": 35.76, "Longitude": -120.93, "Population": 1825.0}, {"index": 16598, "quantile": 0.5, "value": 248700.0, "Latitude": 35.76, "Longitude": -120.93, "Population": 1825.0}, {"index": 16598, "quantile": 0.75, "value": 271200.0, "Latitude": 35.76, "Longitude": -120.93, "Population": 1825.0}, {"index": 16598, "quantile": 1.0, "value": 390800.0, "Latitude": 35.76, "Longitude": -120.93, "Population": 1825.0}, {"index": 16599, "quantile": 0.0, "value": 55300.00000000001, "Latitude": 35.76, "Longitude": -120.7, "Population": 1130.0}, {"index": 16599, "quantile": 0.25, "value": 90600.0, "Latitude": 35.76, "Longitude": -120.7, "Population": 1130.0}, {"index": 16599, "quantile": 0.5, "value": 90600.0, "Latitude": 35.76, "Longitude": -120.7, "Population": 1130.0}, {"index": 16599, "quantile": 0.75, "value": 90600.0, "Latitude": 35.76, "Longitude": -120.7, "Population": 1130.0}, {"index": 16599, "quantile": 1.0, "value": 253600.0, "Latitude": 35.76, "Longitude": -120.7, "Population": 1130.0}, {"index": 16600, "quantile": 0.0, "value": 38800.0, "Latitude": 35.65, "Longitude": -120.69, "Population": 2352.0}, {"index": 16600, "quantile": 0.25, "value": 90600.0, "Latitude": 35.65, "Longitude": -120.69, "Population": 2352.0}, {"index": 16600, "quantile": 0.5, "value": 144900.0, "Latitude": 35.65, "Longitude": -120.69, "Population": 2352.0}, {"index": 16600, "quantile": 0.75, "value": 144900.0, "Latitude": 35.65, "Longitude": -120.69, "Population": 2352.0}, {"index": 16600, "quantile": 1.0, "value": 300000.0, "Latitude": 35.65, "Longitude": -120.69, "Population": 2352.0}, {"index": 16601, "quantile": 0.0, "value": 50500.0, "Latitude": 35.64, "Longitude": -120.69, "Population": 1301.0}, {"index": 16601, "quantile": 0.25, "value": 81450.0, "Latitude": 35.64, "Longitude": -120.69, "Population": 1301.0}, {"index": 16601, "quantile": 0.5, "value": 105149.99999999999, "Latitude": 35.64, "Longitude": -120.69, "Population": 1301.0}, {"index": 16601, "quantile": 0.75, "value": 144900.0, "Latitude": 35.64, "Longitude": -120.69, "Population": 1301.0}, {"index": 16601, "quantile": 1.0, "value": 253600.0, "Latitude": 35.64, "Longitude": -120.69, "Population": 1301.0}, {"index": 16602, "quantile": 0.0, "value": 65000.0, "Latitude": 35.62, "Longitude": -120.69, "Population": 1456.0}, {"index": 16602, "quantile": 0.25, "value": 140000.0, "Latitude": 35.62, "Longitude": -120.69, "Population": 1456.0}, {"index": 16602, "quantile": 0.5, "value": 140000.0, "Latitude": 35.62, "Longitude": -120.69, "Population": 1456.0}, {"index": 16602, "quantile": 0.75, "value": 140000.0, "Latitude": 35.62, "Longitude": -120.69, "Population": 1456.0}, {"index": 16602, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 35.62, "Longitude": -120.69, "Population": 1456.0}, {"index": 16603, "quantile": 0.0, "value": 60900.0, "Latitude": 35.62, "Longitude": -120.69, "Population": 1550.0}, {"index": 16603, "quantile": 0.25, "value": 161700.0, "Latitude": 35.62, "Longitude": -120.69, "Population": 1550.0}, {"index": 16603, "quantile": 0.5, "value": 161700.0, "Latitude": 35.62, "Longitude": -120.69, "Population": 1550.0}, {"index": 16603, "quantile": 0.75, "value": 161700.0, "Latitude": 35.62, "Longitude": -120.69, "Population": 1550.0}, {"index": 16603, "quantile": 1.0, "value": 204800.0, "Latitude": 35.62, "Longitude": -120.69, "Population": 1550.0}, {"index": 16604, "quantile": 0.0, "value": 80400.0, "Latitude": 35.63, "Longitude": -120.72, "Population": 1476.0}, {"index": 16604, "quantile": 0.25, "value": 158600.0, "Latitude": 35.63, "Longitude": -120.72, "Population": 1476.0}, {"index": 16604, "quantile": 0.5, "value": 207799.99999999997, "Latitude": 35.63, "Longitude": -120.72, "Population": 1476.0}, {"index": 16604, "quantile": 0.75, "value": 249600.0, "Latitude": 35.63, "Longitude": -120.72, "Population": 1476.0}, {"index": 16604, "quantile": 1.0, "value": 341200.0, "Latitude": 35.63, "Longitude": -120.72, "Population": 1476.0}, {"index": 16605, "quantile": 0.0, "value": 113599.99999999999, "Latitude": 35.63, "Longitude": -120.67, "Population": 1085.0}, {"index": 16605, "quantile": 0.25, "value": 256700.00000000003, "Latitude": 35.63, "Longitude": -120.67, "Population": 1085.0}, {"index": 16605, "quantile": 0.5, "value": 256700.00000000003, "Latitude": 35.63, "Longitude": -120.67, "Population": 1085.0}, {"index": 16605, "quantile": 0.75, "value": 256700.00000000003, "Latitude": 35.63, "Longitude": -120.67, "Population": 1085.0}, {"index": 16605, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.63, "Longitude": -120.67, "Population": 1085.0}, {"index": 16606, "quantile": 0.0, "value": 113700.0, "Latitude": 35.62, "Longitude": -120.67, "Population": 6085.0}, {"index": 16606, "quantile": 0.25, "value": 168100.0, "Latitude": 35.62, "Longitude": -120.67, "Population": 6085.0}, {"index": 16606, "quantile": 0.5, "value": 168100.0, "Latitude": 35.62, "Longitude": -120.67, "Population": 6085.0}, {"index": 16606, "quantile": 0.75, "value": 248700.0, "Latitude": 35.62, "Longitude": -120.67, "Population": 6085.0}, {"index": 16606, "quantile": 1.0, "value": 346100.0, "Latitude": 35.62, "Longitude": -120.67, "Population": 6085.0}, {"index": 16607, "quantile": 0.0, "value": 70000.0, "Latitude": 35.59, "Longitude": -120.63, "Population": 3026.0}, {"index": 16607, "quantile": 0.25, "value": 113500.0, "Latitude": 35.59, "Longitude": -120.63, "Population": 3026.0}, {"index": 16607, "quantile": 0.5, "value": 113500.0, "Latitude": 35.59, "Longitude": -120.63, "Population": 3026.0}, {"index": 16607, "quantile": 0.75, "value": 147350.0, "Latitude": 35.59, "Longitude": -120.63, "Population": 3026.0}, {"index": 16607, "quantile": 1.0, "value": 262500.0, "Latitude": 35.59, "Longitude": -120.63, "Population": 3026.0}, {"index": 16608, "quantile": 0.0, "value": 63300.0, "Latitude": 35.65, "Longitude": -120.64, "Population": 2356.0}, {"index": 16608, "quantile": 0.25, "value": 103425.00000000001, "Latitude": 35.65, "Longitude": -120.64, "Population": 2356.0}, {"index": 16608, "quantile": 0.5, "value": 124949.99999999999, "Latitude": 35.65, "Longitude": -120.64, "Population": 2356.0}, {"index": 16608, "quantile": 0.75, "value": 144800.0, "Latitude": 35.65, "Longitude": -120.64, "Population": 2356.0}, {"index": 16608, "quantile": 1.0, "value": 262500.0, "Latitude": 35.65, "Longitude": -120.64, "Population": 2356.0}, {"index": 16609, "quantile": 0.0, "value": 91600.0, "Latitude": 35.74, "Longitude": -120.47, "Population": 2065.0}, {"index": 16609, "quantile": 0.25, "value": 137300.0, "Latitude": 35.74, "Longitude": -120.47, "Population": 2065.0}, {"index": 16609, "quantile": 0.5, "value": 168100.0, "Latitude": 35.74, "Longitude": -120.47, "Population": 2065.0}, {"index": 16609, "quantile": 0.75, "value": 249175.0, "Latitude": 35.74, "Longitude": -120.47, "Population": 2065.0}, {"index": 16609, "quantile": 1.0, "value": 346100.0, "Latitude": 35.74, "Longitude": -120.47, "Population": 2065.0}, {"index": 16610, "quantile": 0.0, "value": 46300.0, "Latitude": 35.56, "Longitude": -120.29, "Population": 2459.0}, {"index": 16610, "quantile": 0.25, "value": 133000.0, "Latitude": 35.56, "Longitude": -120.29, "Population": 2459.0}, {"index": 16610, "quantile": 0.5, "value": 142100.0, "Latitude": 35.56, "Longitude": -120.29, "Population": 2459.0}, {"index": 16610, "quantile": 0.75, "value": 142100.0, "Latitude": 35.56, "Longitude": -120.29, "Population": 2459.0}, {"index": 16610, "quantile": 1.0, "value": 293900.0, "Latitude": 35.56, "Longitude": -120.29, "Population": 2459.0}, {"index": 16611, "quantile": 0.0, "value": 94300.0, "Latitude": 35.6, "Longitude": -120.6, "Population": 1795.0}, {"index": 16611, "quantile": 0.25, "value": 191975.0, "Latitude": 35.6, "Longitude": -120.6, "Population": 1795.0}, {"index": 16611, "quantile": 0.5, "value": 250999.99999999997, "Latitude": 35.6, "Longitude": -120.6, "Population": 1795.0}, {"index": 16611, "quantile": 0.75, "value": 267600.0, "Latitude": 35.6, "Longitude": -120.6, "Population": 1795.0}, {"index": 16611, "quantile": 1.0, "value": 386400.0, "Latitude": 35.6, "Longitude": -120.6, "Population": 1795.0}, {"index": 16612, "quantile": 0.0, "value": 72100.0, "Latitude": 35.52, "Longitude": -121.11, "Population": 2239.0}, {"index": 16612, "quantile": 0.25, "value": 240400.0, "Latitude": 35.52, "Longitude": -121.11, "Population": 2239.0}, {"index": 16612, "quantile": 0.5, "value": 264600.0, "Latitude": 35.52, "Longitude": -121.11, "Population": 2239.0}, {"index": 16612, "quantile": 0.75, "value": 264600.0, "Latitude": 35.52, "Longitude": -121.11, "Population": 2239.0}, {"index": 16612, "quantile": 1.0, "value": 357800.0, "Latitude": 35.52, "Longitude": -121.11, "Population": 2239.0}, {"index": 16613, "quantile": 0.0, "value": 135300.0, "Latitude": 35.55, "Longitude": -121.14, "Population": 1880.0}, {"index": 16613, "quantile": 0.25, "value": 264600.0, "Latitude": 35.55, "Longitude": -121.14, "Population": 1880.0}, {"index": 16613, "quantile": 0.5, "value": 271200.0, "Latitude": 35.55, "Longitude": -121.14, "Population": 1880.0}, {"index": 16613, "quantile": 0.75, "value": 271200.0, "Latitude": 35.55, "Longitude": -121.14, "Population": 1880.0}, {"index": 16613, "quantile": 1.0, "value": 357800.0, "Latitude": 35.55, "Longitude": -121.14, "Population": 1880.0}, {"index": 16614, "quantile": 0.0, "value": 72100.0, "Latitude": 35.58, "Longitude": -121.12, "Population": 1298.0}, {"index": 16614, "quantile": 0.25, "value": 305800.0, "Latitude": 35.58, "Longitude": -121.12, "Population": 1298.0}, {"index": 16614, "quantile": 0.5, "value": 320800.0, "Latitude": 35.58, "Longitude": -121.12, "Population": 1298.0}, {"index": 16614, "quantile": 0.75, "value": 320800.0, "Latitude": 35.58, "Longitude": -121.12, "Population": 1298.0}, {"index": 16614, "quantile": 1.0, "value": 357800.0, "Latitude": 35.58, "Longitude": -121.12, "Population": 1298.0}, {"index": 16615, "quantile": 0.0, "value": 87600.0, "Latitude": 35.4, "Longitude": -120.92, "Population": 636.0}, {"index": 16615, "quantile": 0.25, "value": 269550.0, "Latitude": 35.4, "Longitude": -120.92, "Population": 636.0}, {"index": 16615, "quantile": 0.5, "value": 278800.0, "Latitude": 35.4, "Longitude": -120.92, "Population": 636.0}, {"index": 16615, "quantile": 0.75, "value": 278800.0, "Latitude": 35.4, "Longitude": -120.92, "Population": 636.0}, {"index": 16615, "quantile": 1.0, "value": 468000.0, "Latitude": 35.4, "Longitude": -120.92, "Population": 636.0}, {"index": 16616, "quantile": 0.0, "value": 60400.0, "Latitude": 35.38, "Longitude": -120.85, "Population": 1481.0}, {"index": 16616, "quantile": 0.25, "value": 184200.0, "Latitude": 35.38, "Longitude": -120.85, "Population": 1481.0}, {"index": 16616, "quantile": 0.5, "value": 184200.0, "Latitude": 35.38, "Longitude": -120.85, "Population": 1481.0}, {"index": 16616, "quantile": 0.75, "value": 184200.0, "Latitude": 35.38, "Longitude": -120.85, "Population": 1481.0}, {"index": 16616, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.38, "Longitude": -120.85, "Population": 1481.0}, {"index": 16617, "quantile": 0.0, "value": 94900.0, "Latitude": 35.39, "Longitude": -120.86, "Population": 629.0}, {"index": 16617, "quantile": 0.25, "value": 188300.0, "Latitude": 35.39, "Longitude": -120.86, "Population": 629.0}, {"index": 16617, "quantile": 0.5, "value": 188300.0, "Latitude": 35.39, "Longitude": -120.86, "Population": 629.0}, {"index": 16617, "quantile": 0.75, "value": 188300.0, "Latitude": 35.39, "Longitude": -120.86, "Population": 629.0}, {"index": 16617, "quantile": 1.0, "value": 450000.0, "Latitude": 35.39, "Longitude": -120.86, "Population": 629.0}, {"index": 16618, "quantile": 0.0, "value": 72000.0, "Latitude": 35.4, "Longitude": -120.86, "Population": 1106.0}, {"index": 16618, "quantile": 0.25, "value": 186200.0, "Latitude": 35.4, "Longitude": -120.86, "Population": 1106.0}, {"index": 16618, "quantile": 0.5, "value": 186200.0, "Latitude": 35.4, "Longitude": -120.86, "Population": 1106.0}, {"index": 16618, "quantile": 0.75, "value": 188300.0, "Latitude": 35.4, "Longitude": -120.86, "Population": 1106.0}, {"index": 16618, "quantile": 1.0, "value": 364000.0, "Latitude": 35.4, "Longitude": -120.86, "Population": 1106.0}, {"index": 16619, "quantile": 0.0, "value": 70200.0, "Latitude": 35.41, "Longitude": -120.87, "Population": 782.0}, {"index": 16619, "quantile": 0.25, "value": 146525.0, "Latitude": 35.41, "Longitude": -120.87, "Population": 782.0}, {"index": 16619, "quantile": 0.5, "value": 188300.0, "Latitude": 35.41, "Longitude": -120.87, "Population": 782.0}, {"index": 16619, "quantile": 0.75, "value": 264425.0, "Latitude": 35.41, "Longitude": -120.87, "Population": 782.0}, {"index": 16619, "quantile": 1.0, "value": 475000.0, "Latitude": 35.41, "Longitude": -120.87, "Population": 782.0}, {"index": 16620, "quantile": 0.0, "value": 92400.0, "Latitude": 35.42, "Longitude": -120.94, "Population": 970.0}, {"index": 16620, "quantile": 0.25, "value": 271200.0, "Latitude": 35.42, "Longitude": -120.94, "Population": 970.0}, {"index": 16620, "quantile": 0.5, "value": 279400.0, "Latitude": 35.42, "Longitude": -120.94, "Population": 970.0}, {"index": 16620, "quantile": 0.75, "value": 279400.0, "Latitude": 35.42, "Longitude": -120.94, "Population": 970.0}, {"index": 16620, "quantile": 1.0, "value": 370800.0, "Latitude": 35.42, "Longitude": -120.94, "Population": 970.0}, {"index": 16621, "quantile": 0.0, "value": 58800.0, "Latitude": 35.44, "Longitude": -120.95, "Population": 1769.0}, {"index": 16621, "quantile": 0.25, "value": 164600.0, "Latitude": 35.44, "Longitude": -120.95, "Population": 1769.0}, {"index": 16621, "quantile": 0.5, "value": 221099.99999999997, "Latitude": 35.44, "Longitude": -120.95, "Population": 1769.0}, {"index": 16621, "quantile": 0.75, "value": 293900.0, "Latitude": 35.44, "Longitude": -120.95, "Population": 1769.0}, {"index": 16621, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.44, "Longitude": -120.95, "Population": 1769.0}, {"index": 16622, "quantile": 0.0, "value": 85300.0, "Latitude": 35.37, "Longitude": -120.85, "Population": 588.0}, {"index": 16622, "quantile": 0.25, "value": 196100.0, "Latitude": 35.37, "Longitude": -120.85, "Population": 588.0}, {"index": 16622, "quantile": 0.5, "value": 226900.0, "Latitude": 35.37, "Longitude": -120.85, "Population": 588.0}, {"index": 16622, "quantile": 0.75, "value": 226900.0, "Latitude": 35.37, "Longitude": -120.85, "Population": 588.0}, {"index": 16622, "quantile": 1.0, "value": 262500.0, "Latitude": 35.37, "Longitude": -120.85, "Population": 588.0}, {"index": 16623, "quantile": 0.0, "value": 72300.0, "Latitude": 35.36, "Longitude": -120.83, "Population": 1650.0}, {"index": 16623, "quantile": 0.25, "value": 178100.0, "Latitude": 35.36, "Longitude": -120.83, "Population": 1650.0}, {"index": 16623, "quantile": 0.5, "value": 188300.0, "Latitude": 35.36, "Longitude": -120.83, "Population": 1650.0}, {"index": 16623, "quantile": 0.75, "value": 205799.99999999997, "Latitude": 35.36, "Longitude": -120.83, "Population": 1650.0}, {"index": 16623, "quantile": 1.0, "value": 293900.0, "Latitude": 35.36, "Longitude": -120.83, "Population": 1650.0}, {"index": 16624, "quantile": 0.0, "value": 67500.0, "Latitude": 35.35, "Longitude": -120.84, "Population": 930.0}, {"index": 16624, "quantile": 0.25, "value": 221099.99999999997, "Latitude": 35.35, "Longitude": -120.84, "Population": 930.0}, {"index": 16624, "quantile": 0.5, "value": 221099.99999999997, "Latitude": 35.35, "Longitude": -120.84, "Population": 930.0}, {"index": 16624, "quantile": 0.75, "value": 221099.99999999997, "Latitude": 35.35, "Longitude": -120.84, "Population": 930.0}, {"index": 16624, "quantile": 1.0, "value": 408300.0, "Latitude": 35.35, "Longitude": -120.84, "Population": 930.0}, {"index": 16625, "quantile": 0.0, "value": 63500.0, "Latitude": 35.37, "Longitude": -120.84, "Population": 1397.0}, {"index": 16625, "quantile": 0.25, "value": 116900.0, "Latitude": 35.37, "Longitude": -120.84, "Population": 1397.0}, {"index": 16625, "quantile": 0.5, "value": 184350.0, "Latitude": 35.37, "Longitude": -120.84, "Population": 1397.0}, {"index": 16625, "quantile": 0.75, "value": 226149.99999999997, "Latitude": 35.37, "Longitude": -120.84, "Population": 1397.0}, {"index": 16625, "quantile": 1.0, "value": 372200.0, "Latitude": 35.37, "Longitude": -120.84, "Population": 1397.0}, {"index": 16626, "quantile": 0.0, "value": 45500.0, "Latitude": 35.37, "Longitude": -120.89, "Population": 846.0}, {"index": 16626, "quantile": 0.25, "value": 183100.0, "Latitude": 35.37, "Longitude": -120.89, "Population": 846.0}, {"index": 16626, "quantile": 0.5, "value": 227300.0, "Latitude": 35.37, "Longitude": -120.89, "Population": 846.0}, {"index": 16626, "quantile": 0.75, "value": 227300.0, "Latitude": 35.37, "Longitude": -120.89, "Population": 846.0}, {"index": 16626, "quantile": 1.0, "value": 350000.0, "Latitude": 35.37, "Longitude": -120.89, "Population": 846.0}, {"index": 16627, "quantile": 0.0, "value": 114599.99999999999, "Latitude": 35.33, "Longitude": -120.84, "Population": 1520.0}, {"index": 16627, "quantile": 0.25, "value": 207799.99999999997, "Latitude": 35.33, "Longitude": -120.84, "Population": 1520.0}, {"index": 16627, "quantile": 0.5, "value": 207799.99999999997, "Latitude": 35.33, "Longitude": -120.84, "Population": 1520.0}, {"index": 16627, "quantile": 0.75, "value": 207799.99999999997, "Latitude": 35.33, "Longitude": -120.84, "Population": 1520.0}, {"index": 16627, "quantile": 1.0, "value": 400000.0, "Latitude": 35.33, "Longitude": -120.84, "Population": 1520.0}, {"index": 16628, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 35.33, "Longitude": -120.83, "Population": 2112.0}, {"index": 16628, "quantile": 0.25, "value": 184175.0, "Latitude": 35.33, "Longitude": -120.83, "Population": 2112.0}, {"index": 16628, "quantile": 0.5, "value": 221800.0, "Latitude": 35.33, "Longitude": -120.83, "Population": 2112.0}, {"index": 16628, "quantile": 0.75, "value": 256700.00000000003, "Latitude": 35.33, "Longitude": -120.83, "Population": 2112.0}, {"index": 16628, "quantile": 1.0, "value": 346100.0, "Latitude": 35.33, "Longitude": -120.83, "Population": 2112.0}, {"index": 16629, "quantile": 0.0, "value": 88000.0, "Latitude": 35.32, "Longitude": -120.82, "Population": 1780.0}, {"index": 16629, "quantile": 0.25, "value": 174950.0, "Latitude": 35.32, "Longitude": -120.82, "Population": 1780.0}, {"index": 16629, "quantile": 0.5, "value": 183200.0, "Latitude": 35.32, "Longitude": -120.82, "Population": 1780.0}, {"index": 16629, "quantile": 0.75, "value": 207900.00000000003, "Latitude": 35.32, "Longitude": -120.82, "Population": 1780.0}, {"index": 16629, "quantile": 1.0, "value": 330000.0, "Latitude": 35.32, "Longitude": -120.82, "Population": 1780.0}, {"index": 16630, "quantile": 0.0, "value": 120400.0, "Latitude": 35.32, "Longitude": -120.83, "Population": 1814.0}, {"index": 16630, "quantile": 0.25, "value": 183200.0, "Latitude": 35.32, "Longitude": -120.83, "Population": 1814.0}, {"index": 16630, "quantile": 0.5, "value": 183200.0, "Latitude": 35.32, "Longitude": -120.83, "Population": 1814.0}, {"index": 16630, "quantile": 0.75, "value": 183200.0, "Latitude": 35.32, "Longitude": -120.83, "Population": 1814.0}, {"index": 16630, "quantile": 1.0, "value": 330000.0, "Latitude": 35.32, "Longitude": -120.83, "Population": 1814.0}, {"index": 16631, "quantile": 0.0, "value": 113700.0, "Latitude": 35.32, "Longitude": -120.84, "Population": 1279.0}, {"index": 16631, "quantile": 0.25, "value": 189600.0, "Latitude": 35.32, "Longitude": -120.84, "Population": 1279.0}, {"index": 16631, "quantile": 0.5, "value": 189600.0, "Latitude": 35.32, "Longitude": -120.84, "Population": 1279.0}, {"index": 16631, "quantile": 0.75, "value": 189600.0, "Latitude": 35.32, "Longitude": -120.84, "Population": 1279.0}, {"index": 16631, "quantile": 1.0, "value": 248700.0, "Latitude": 35.32, "Longitude": -120.84, "Population": 1279.0}, {"index": 16632, "quantile": 0.0, "value": 87500.0, "Latitude": 35.33, "Longitude": -120.9, "Population": 595.0}, {"index": 16632, "quantile": 0.25, "value": 225100.0, "Latitude": 35.33, "Longitude": -120.9, "Population": 595.0}, {"index": 16632, "quantile": 0.5, "value": 266300.0, "Latitude": 35.33, "Longitude": -120.9, "Population": 595.0}, {"index": 16632, "quantile": 0.75, "value": 266300.0, "Latitude": 35.33, "Longitude": -120.9, "Population": 595.0}, {"index": 16632, "quantile": 1.0, "value": 450000.0, "Latitude": 35.33, "Longitude": -120.9, "Population": 595.0}, {"index": 16633, "quantile": 0.0, "value": 78700.0, "Latitude": 35.32, "Longitude": -120.84, "Population": 1656.0}, {"index": 16633, "quantile": 0.25, "value": 186600.0, "Latitude": 35.32, "Longitude": -120.84, "Population": 1656.0}, {"index": 16633, "quantile": 0.5, "value": 218400.00000000003, "Latitude": 35.32, "Longitude": -120.84, "Population": 1656.0}, {"index": 16633, "quantile": 0.75, "value": 266300.0, "Latitude": 35.32, "Longitude": -120.84, "Population": 1656.0}, {"index": 16633, "quantile": 1.0, "value": 363100.0, "Latitude": 35.32, "Longitude": -120.84, "Population": 1656.0}, {"index": 16634, "quantile": 0.0, "value": 161700.0, "Latitude": 35.31, "Longitude": -120.84, "Population": 1515.0}, {"index": 16634, "quantile": 0.25, "value": 196100.0, "Latitude": 35.31, "Longitude": -120.84, "Population": 1515.0}, {"index": 16634, "quantile": 0.5, "value": 196100.0, "Latitude": 35.31, "Longitude": -120.84, "Population": 1515.0}, {"index": 16634, "quantile": 0.75, "value": 196100.0, "Latitude": 35.31, "Longitude": -120.84, "Population": 1515.0}, {"index": 16634, "quantile": 1.0, "value": 262500.0, "Latitude": 35.31, "Longitude": -120.84, "Population": 1515.0}, {"index": 16635, "quantile": 0.0, "value": 106300.0, "Latitude": 35.3, "Longitude": -120.84, "Population": 781.0}, {"index": 16635, "quantile": 0.25, "value": 244125.0, "Latitude": 35.3, "Longitude": -120.84, "Population": 781.0}, {"index": 16635, "quantile": 0.5, "value": 317700.0, "Latitude": 35.3, "Longitude": -120.84, "Population": 781.0}, {"index": 16635, "quantile": 0.75, "value": 317700.0, "Latitude": 35.3, "Longitude": -120.84, "Population": 781.0}, {"index": 16635, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.3, "Longitude": -120.84, "Population": 781.0}, {"index": 16636, "quantile": 0.0, "value": 66900.0, "Latitude": 35.31, "Longitude": -120.82, "Population": 1325.0}, {"index": 16636, "quantile": 0.25, "value": 177625.0, "Latitude": 35.31, "Longitude": -120.82, "Population": 1325.0}, {"index": 16636, "quantile": 0.5, "value": 293900.0, "Latitude": 35.31, "Longitude": -120.82, "Population": 1325.0}, {"index": 16636, "quantile": 0.75, "value": 293900.0, "Latitude": 35.31, "Longitude": -120.82, "Population": 1325.0}, {"index": 16636, "quantile": 1.0, "value": 475000.0, "Latitude": 35.31, "Longitude": -120.82, "Population": 1325.0}, {"index": 16637, "quantile": 0.0, "value": 128299.99999999999, "Latitude": 35.33, "Longitude": -120.8, "Population": 996.0}, {"index": 16637, "quantile": 0.25, "value": 222400.00000000003, "Latitude": 35.33, "Longitude": -120.8, "Population": 996.0}, {"index": 16637, "quantile": 0.5, "value": 330000.0, "Latitude": 35.33, "Longitude": -120.8, "Population": 996.0}, {"index": 16637, "quantile": 0.75, "value": 330000.0, "Latitude": 35.33, "Longitude": -120.8, "Population": 996.0}, {"index": 16637, "quantile": 1.0, "value": 400000.0, "Latitude": 35.33, "Longitude": -120.8, "Population": 996.0}, {"index": 16638, "quantile": 0.0, "value": 80400.0, "Latitude": 35.6, "Longitude": -121.1, "Population": 1309.0}, {"index": 16638, "quantile": 0.25, "value": 201450.0, "Latitude": 35.6, "Longitude": -121.1, "Population": 1309.0}, {"index": 16638, "quantile": 0.5, "value": 248700.0, "Latitude": 35.6, "Longitude": -121.1, "Population": 1309.0}, {"index": 16638, "quantile": 0.75, "value": 271200.0, "Latitude": 35.6, "Longitude": -121.1, "Population": 1309.0}, {"index": 16638, "quantile": 1.0, "value": 374600.0, "Latitude": 35.6, "Longitude": -121.1, "Population": 1309.0}, {"index": 16639, "quantile": 0.0, "value": 120100.0, "Latitude": 35.29, "Longitude": -120.65, "Population": 850.0}, {"index": 16639, "quantile": 0.25, "value": 208000.0, "Latitude": 35.29, "Longitude": -120.65, "Population": 850.0}, {"index": 16639, "quantile": 0.5, "value": 249600.0, "Latitude": 35.29, "Longitude": -120.65, "Population": 850.0}, {"index": 16639, "quantile": 0.75, "value": 249600.0, "Latitude": 35.29, "Longitude": -120.65, "Population": 850.0}, {"index": 16639, "quantile": 1.0, "value": 374600.0, "Latitude": 35.29, "Longitude": -120.65, "Population": 850.0}, {"index": 16640, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 35.29, "Longitude": -120.66, "Population": 1380.0}, {"index": 16640, "quantile": 0.25, "value": 195000.0, "Latitude": 35.29, "Longitude": -120.66, "Population": 1380.0}, {"index": 16640, "quantile": 0.5, "value": 253600.0, "Latitude": 35.29, "Longitude": -120.66, "Population": 1380.0}, {"index": 16640, "quantile": 0.75, "value": 253600.0, "Latitude": 35.29, "Longitude": -120.66, "Population": 1380.0}, {"index": 16640, "quantile": 1.0, "value": 253600.0, "Latitude": 35.29, "Longitude": -120.66, "Population": 1380.0}, {"index": 16641, "quantile": 0.0, "value": 42500.0, "Latitude": 35.29, "Longitude": -120.66, "Population": 1689.0}, {"index": 16641, "quantile": 0.25, "value": 195000.0, "Latitude": 35.29, "Longitude": -120.66, "Population": 1689.0}, {"index": 16641, "quantile": 0.5, "value": 195000.0, "Latitude": 35.29, "Longitude": -120.66, "Population": 1689.0}, {"index": 16641, "quantile": 0.75, "value": 195000.0, "Latitude": 35.29, "Longitude": -120.66, "Population": 1689.0}, {"index": 16641, "quantile": 1.0, "value": 350000.0, "Latitude": 35.29, "Longitude": -120.66, "Population": 1689.0}, {"index": 16642, "quantile": 0.0, "value": 47500.0, "Latitude": 35.3, "Longitude": -120.67, "Population": 1799.0}, {"index": 16642, "quantile": 0.25, "value": 181300.0, "Latitude": 35.3, "Longitude": -120.67, "Population": 1799.0}, {"index": 16642, "quantile": 0.5, "value": 225000.0, "Latitude": 35.3, "Longitude": -120.67, "Population": 1799.0}, {"index": 16642, "quantile": 0.75, "value": 325000.0, "Latitude": 35.3, "Longitude": -120.67, "Population": 1799.0}, {"index": 16642, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.3, "Longitude": -120.67, "Population": 1799.0}, {"index": 16643, "quantile": 0.0, "value": 22500.0, "Latitude": 35.32, "Longitude": -120.65, "Population": 3574.0}, {"index": 16643, "quantile": 0.25, "value": 150025.0, "Latitude": 35.32, "Longitude": -120.65, "Population": 3574.0}, {"index": 16643, "quantile": 0.5, "value": 300000.0, "Latitude": 35.32, "Longitude": -120.65, "Population": 3574.0}, {"index": 16643, "quantile": 0.75, "value": 300000.0, "Latitude": 35.32, "Longitude": -120.65, "Population": 3574.0}, {"index": 16643, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.32, "Longitude": -120.65, "Population": 3574.0}, {"index": 16644, "quantile": 0.0, "value": 160100.0, "Latitude": 35.28, "Longitude": -120.62, "Population": 1469.0}, {"index": 16644, "quantile": 0.25, "value": 328800.0, "Latitude": 35.28, "Longitude": -120.62, "Population": 1469.0}, {"index": 16644, "quantile": 0.5, "value": 328800.0, "Latitude": 35.28, "Longitude": -120.62, "Population": 1469.0}, {"index": 16644, "quantile": 0.75, "value": 330050.0, "Latitude": 35.28, "Longitude": -120.62, "Population": 1469.0}, {"index": 16644, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.28, "Longitude": -120.62, "Population": 1469.0}, {"index": 16645, "quantile": 0.0, "value": 45500.0, "Latitude": 35.29, "Longitude": -120.65, "Population": 1344.0}, {"index": 16645, "quantile": 0.25, "value": 122700.00000000001, "Latitude": 35.29, "Longitude": -120.65, "Population": 1344.0}, {"index": 16645, "quantile": 0.5, "value": 195000.0, "Latitude": 35.29, "Longitude": -120.65, "Population": 1344.0}, {"index": 16645, "quantile": 0.75, "value": 253600.0, "Latitude": 35.29, "Longitude": -120.65, "Population": 1344.0}, {"index": 16645, "quantile": 1.0, "value": 325000.0, "Latitude": 35.29, "Longitude": -120.65, "Population": 1344.0}, {"index": 16646, "quantile": 0.0, "value": 17500.0, "Latitude": 35.28, "Longitude": -120.65, "Population": 548.0}, {"index": 16646, "quantile": 0.25, "value": 160000.0, "Latitude": 35.28, "Longitude": -120.65, "Population": 548.0}, {"index": 16646, "quantile": 0.5, "value": 190500.0, "Latitude": 35.28, "Longitude": -120.65, "Population": 548.0}, {"index": 16646, "quantile": 0.75, "value": 229000.0, "Latitude": 35.28, "Longitude": -120.65, "Population": 548.0}, {"index": 16646, "quantile": 1.0, "value": 320600.0, "Latitude": 35.28, "Longitude": -120.65, "Population": 548.0}, {"index": 16647, "quantile": 0.0, "value": 96500.0, "Latitude": 35.27, "Longitude": -120.65, "Population": 768.0}, {"index": 16647, "quantile": 0.25, "value": 258900.0, "Latitude": 35.27, "Longitude": -120.65, "Population": 768.0}, {"index": 16647, "quantile": 0.5, "value": 258900.0, "Latitude": 35.27, "Longitude": -120.65, "Population": 768.0}, {"index": 16647, "quantile": 0.75, "value": 258900.0, "Latitude": 35.27, "Longitude": -120.65, "Population": 768.0}, {"index": 16647, "quantile": 1.0, "value": 395000.0, "Latitude": 35.27, "Longitude": -120.65, "Population": 768.0}, {"index": 16648, "quantile": 0.0, "value": 71900.0, "Latitude": 35.27, "Longitude": -120.65, "Population": 1446.0}, {"index": 16648, "quantile": 0.25, "value": 163800.0, "Latitude": 35.27, "Longitude": -120.65, "Population": 1446.0}, {"index": 16648, "quantile": 0.5, "value": 225900.0, "Latitude": 35.27, "Longitude": -120.65, "Population": 1446.0}, {"index": 16648, "quantile": 0.75, "value": 225900.0, "Latitude": 35.27, "Longitude": -120.65, "Population": 1446.0}, {"index": 16648, "quantile": 1.0, "value": 247000.00000000003, "Latitude": 35.27, "Longitude": -120.65, "Population": 1446.0}, {"index": 16649, "quantile": 0.0, "value": 26900.0, "Latitude": 35.26, "Longitude": -120.64, "Population": 1862.0}, {"index": 16649, "quantile": 0.25, "value": 76900.0, "Latitude": 35.26, "Longitude": -120.64, "Population": 1862.0}, {"index": 16649, "quantile": 0.5, "value": 144900.0, "Latitude": 35.26, "Longitude": -120.64, "Population": 1862.0}, {"index": 16649, "quantile": 0.75, "value": 189375.0, "Latitude": 35.26, "Longitude": -120.64, "Population": 1862.0}, {"index": 16649, "quantile": 1.0, "value": 300000.0, "Latitude": 35.26, "Longitude": -120.64, "Population": 1862.0}, {"index": 16650, "quantile": 0.0, "value": 78600.0, "Latitude": 35.27, "Longitude": -120.63, "Population": 704.0}, {"index": 16650, "quantile": 0.25, "value": 222900.0, "Latitude": 35.27, "Longitude": -120.63, "Population": 704.0}, {"index": 16650, "quantile": 0.5, "value": 307000.0, "Latitude": 35.27, "Longitude": -120.63, "Population": 704.0}, {"index": 16650, "quantile": 0.75, "value": 392800.0, "Latitude": 35.27, "Longitude": -120.63, "Population": 704.0}, {"index": 16650, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.27, "Longitude": -120.63, "Population": 704.0}, {"index": 16651, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 35.29, "Longitude": -120.66, "Population": 1153.0}, {"index": 16651, "quantile": 0.25, "value": 233300.00000000003, "Latitude": 35.29, "Longitude": -120.66, "Population": 1153.0}, {"index": 16651, "quantile": 0.5, "value": 233300.00000000003, "Latitude": 35.29, "Longitude": -120.66, "Population": 1153.0}, {"index": 16651, "quantile": 0.75, "value": 233300.00000000003, "Latitude": 35.29, "Longitude": -120.66, "Population": 1153.0}, {"index": 16651, "quantile": 1.0, "value": 375000.0, "Latitude": 35.29, "Longitude": -120.66, "Population": 1153.0}, {"index": 16652, "quantile": 0.0, "value": 50600.0, "Latitude": 35.28, "Longitude": -120.66, "Population": 1358.0}, {"index": 16652, "quantile": 0.25, "value": 209600.0, "Latitude": 35.28, "Longitude": -120.66, "Population": 1358.0}, {"index": 16652, "quantile": 0.5, "value": 209600.0, "Latitude": 35.28, "Longitude": -120.66, "Population": 1358.0}, {"index": 16652, "quantile": 0.75, "value": 209600.0, "Latitude": 35.28, "Longitude": -120.66, "Population": 1358.0}, {"index": 16652, "quantile": 1.0, "value": 336800.0, "Latitude": 35.28, "Longitude": -120.66, "Population": 1358.0}, {"index": 16653, "quantile": 0.0, "value": 26900.0, "Latitude": 35.28, "Longitude": -120.66, "Population": 1170.0}, {"index": 16653, "quantile": 0.25, "value": 126200.0, "Latitude": 35.28, "Longitude": -120.66, "Population": 1170.0}, {"index": 16653, "quantile": 0.5, "value": 174200.0, "Latitude": 35.28, "Longitude": -120.66, "Population": 1170.0}, {"index": 16653, "quantile": 0.75, "value": 231700.00000000003, "Latitude": 35.28, "Longitude": -120.66, "Population": 1170.0}, {"index": 16653, "quantile": 1.0, "value": 364300.0, "Latitude": 35.28, "Longitude": -120.66, "Population": 1170.0}, {"index": 16654, "quantile": 0.0, "value": 90300.0, "Latitude": 35.27, "Longitude": -120.65, "Population": 1237.0}, {"index": 16654, "quantile": 0.25, "value": 227100.0, "Latitude": 35.27, "Longitude": -120.65, "Population": 1237.0}, {"index": 16654, "quantile": 0.5, "value": 227100.0, "Latitude": 35.27, "Longitude": -120.65, "Population": 1237.0}, {"index": 16654, "quantile": 0.75, "value": 227100.0, "Latitude": 35.27, "Longitude": -120.65, "Population": 1237.0}, {"index": 16654, "quantile": 1.0, "value": 359600.0, "Latitude": 35.27, "Longitude": -120.65, "Population": 1237.0}, {"index": 16655, "quantile": 0.0, "value": 61100.0, "Latitude": 35.27, "Longitude": -120.66, "Population": 1107.0}, {"index": 16655, "quantile": 0.25, "value": 192600.0, "Latitude": 35.27, "Longitude": -120.66, "Population": 1107.0}, {"index": 16655, "quantile": 0.5, "value": 192600.0, "Latitude": 35.27, "Longitude": -120.66, "Population": 1107.0}, {"index": 16655, "quantile": 0.75, "value": 209600.0, "Latitude": 35.27, "Longitude": -120.66, "Population": 1107.0}, {"index": 16655, "quantile": 1.0, "value": 298400.0, "Latitude": 35.27, "Longitude": -120.66, "Population": 1107.0}, {"index": 16656, "quantile": 0.0, "value": 63800.0, "Latitude": 35.27, "Longitude": -120.66, "Population": 1077.0}, {"index": 16656, "quantile": 0.25, "value": 174200.0, "Latitude": 35.27, "Longitude": -120.66, "Population": 1077.0}, {"index": 16656, "quantile": 0.5, "value": 174200.0, "Latitude": 35.27, "Longitude": -120.66, "Population": 1077.0}, {"index": 16656, "quantile": 0.75, "value": 174200.0, "Latitude": 35.27, "Longitude": -120.66, "Population": 1077.0}, {"index": 16656, "quantile": 1.0, "value": 288900.0, "Latitude": 35.27, "Longitude": -120.66, "Population": 1077.0}, {"index": 16657, "quantile": 0.0, "value": 138000.0, "Latitude": 35.27, "Longitude": -120.66, "Population": 1386.0}, {"index": 16657, "quantile": 0.25, "value": 189600.0, "Latitude": 35.27, "Longitude": -120.66, "Population": 1386.0}, {"index": 16657, "quantile": 0.5, "value": 208199.99999999997, "Latitude": 35.27, "Longitude": -120.66, "Population": 1386.0}, {"index": 16657, "quantile": 0.75, "value": 208199.99999999997, "Latitude": 35.27, "Longitude": -120.66, "Population": 1386.0}, {"index": 16657, "quantile": 1.0, "value": 261300.0, "Latitude": 35.27, "Longitude": -120.66, "Population": 1386.0}, {"index": 16658, "quantile": 0.0, "value": 26600.0, "Latitude": 35.26, "Longitude": -120.66, "Population": 2383.0}, {"index": 16658, "quantile": 0.25, "value": 132625.0, "Latitude": 35.26, "Longitude": -120.66, "Population": 2383.0}, {"index": 16658, "quantile": 0.5, "value": 231700.00000000003, "Latitude": 35.26, "Longitude": -120.66, "Population": 2383.0}, {"index": 16658, "quantile": 0.75, "value": 233700.00000000003, "Latitude": 35.26, "Longitude": -120.66, "Population": 2383.0}, {"index": 16658, "quantile": 1.0, "value": 333300.0, "Latitude": 35.26, "Longitude": -120.66, "Population": 2383.0}, {"index": 16659, "quantile": 0.0, "value": 73400.0, "Latitude": 35.3, "Longitude": -120.67, "Population": 2309.0}, {"index": 16659, "quantile": 0.25, "value": 192300.0, "Latitude": 35.3, "Longitude": -120.67, "Population": 2309.0}, {"index": 16659, "quantile": 0.5, "value": 231700.00000000003, "Latitude": 35.3, "Longitude": -120.67, "Population": 2309.0}, {"index": 16659, "quantile": 0.75, "value": 231700.00000000003, "Latitude": 35.3, "Longitude": -120.67, "Population": 2309.0}, {"index": 16659, "quantile": 1.0, "value": 350000.0, "Latitude": 35.3, "Longitude": -120.67, "Population": 2309.0}, {"index": 16660, "quantile": 0.0, "value": 94500.0, "Latitude": 35.31, "Longitude": -120.7, "Population": 1490.0}, {"index": 16660, "quantile": 0.25, "value": 158200.0, "Latitude": 35.31, "Longitude": -120.7, "Population": 1490.0}, {"index": 16660, "quantile": 0.5, "value": 188400.0, "Latitude": 35.31, "Longitude": -120.7, "Population": 1490.0}, {"index": 16660, "quantile": 0.75, "value": 250900.0, "Latitude": 35.31, "Longitude": -120.7, "Population": 1490.0}, {"index": 16660, "quantile": 1.0, "value": 450800.0, "Latitude": 35.31, "Longitude": -120.7, "Population": 1490.0}, {"index": 16661, "quantile": 0.0, "value": 65600.0, "Latitude": 35.29, "Longitude": -120.68, "Population": 753.0}, {"index": 16661, "quantile": 0.25, "value": 207350.0, "Latitude": 35.29, "Longitude": -120.68, "Population": 753.0}, {"index": 16661, "quantile": 0.5, "value": 225000.0, "Latitude": 35.29, "Longitude": -120.68, "Population": 753.0}, {"index": 16661, "quantile": 0.75, "value": 225000.0, "Latitude": 35.29, "Longitude": -120.68, "Population": 753.0}, {"index": 16661, "quantile": 1.0, "value": 362500.0, "Latitude": 35.29, "Longitude": -120.68, "Population": 753.0}, {"index": 16662, "quantile": 0.0, "value": 26600.0, "Latitude": 35.28, "Longitude": -120.69, "Population": 1795.0}, {"index": 16662, "quantile": 0.25, "value": 231700.00000000003, "Latitude": 35.28, "Longitude": -120.69, "Population": 1795.0}, {"index": 16662, "quantile": 0.5, "value": 247000.00000000003, "Latitude": 35.28, "Longitude": -120.69, "Population": 1795.0}, {"index": 16662, "quantile": 0.75, "value": 247000.00000000003, "Latitude": 35.28, "Longitude": -120.69, "Population": 1795.0}, {"index": 16662, "quantile": 1.0, "value": 262500.0, "Latitude": 35.28, "Longitude": -120.69, "Population": 1795.0}, {"index": 16663, "quantile": 0.0, "value": 65000.0, "Latitude": 35.29, "Longitude": -120.67, "Population": 1036.0}, {"index": 16663, "quantile": 0.25, "value": 207450.0, "Latitude": 35.29, "Longitude": -120.67, "Population": 1036.0}, {"index": 16663, "quantile": 0.5, "value": 219300.0, "Latitude": 35.29, "Longitude": -120.67, "Population": 1036.0}, {"index": 16663, "quantile": 0.75, "value": 219300.0, "Latitude": 35.29, "Longitude": -120.67, "Population": 1036.0}, {"index": 16663, "quantile": 1.0, "value": 436400.0, "Latitude": 35.29, "Longitude": -120.67, "Population": 1036.0}, {"index": 16664, "quantile": 0.0, "value": 93100.0, "Latitude": 35.26, "Longitude": -120.69, "Population": 722.0}, {"index": 16664, "quantile": 0.25, "value": 221800.0, "Latitude": 35.26, "Longitude": -120.69, "Population": 722.0}, {"index": 16664, "quantile": 0.5, "value": 221800.0, "Latitude": 35.26, "Longitude": -120.69, "Population": 722.0}, {"index": 16664, "quantile": 0.75, "value": 221800.0, "Latitude": 35.26, "Longitude": -120.69, "Population": 722.0}, {"index": 16664, "quantile": 1.0, "value": 378000.0, "Latitude": 35.26, "Longitude": -120.69, "Population": 722.0}, {"index": 16665, "quantile": 0.0, "value": 106900.0, "Latitude": 35.28, "Longitude": -120.7, "Population": 1884.0}, {"index": 16665, "quantile": 0.25, "value": 156700.0, "Latitude": 35.28, "Longitude": -120.7, "Population": 1884.0}, {"index": 16665, "quantile": 0.5, "value": 213249.99999999997, "Latitude": 35.28, "Longitude": -120.7, "Population": 1884.0}, {"index": 16665, "quantile": 0.75, "value": 278625.0, "Latitude": 35.28, "Longitude": -120.7, "Population": 1884.0}, {"index": 16665, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.28, "Longitude": -120.7, "Population": 1884.0}, {"index": 16666, "quantile": 0.0, "value": 107800.0, "Latitude": 35.27, "Longitude": -120.71, "Population": 1149.0}, {"index": 16666, "quantile": 0.25, "value": 186450.0, "Latitude": 35.27, "Longitude": -120.71, "Population": 1149.0}, {"index": 16666, "quantile": 0.5, "value": 236300.0, "Latitude": 35.27, "Longitude": -120.71, "Population": 1149.0}, {"index": 16666, "quantile": 0.75, "value": 269700.0, "Latitude": 35.27, "Longitude": -120.71, "Population": 1149.0}, {"index": 16666, "quantile": 1.0, "value": 431400.0, "Latitude": 35.27, "Longitude": -120.71, "Population": 1149.0}, {"index": 16667, "quantile": 0.0, "value": 91700.0, "Latitude": 35.26, "Longitude": -120.68, "Population": 918.0}, {"index": 16667, "quantile": 0.25, "value": 208000.0, "Latitude": 35.26, "Longitude": -120.68, "Population": 918.0}, {"index": 16667, "quantile": 0.5, "value": 208000.0, "Latitude": 35.26, "Longitude": -120.68, "Population": 918.0}, {"index": 16667, "quantile": 0.75, "value": 208000.0, "Latitude": 35.26, "Longitude": -120.68, "Population": 918.0}, {"index": 16667, "quantile": 1.0, "value": 330000.0, "Latitude": 35.26, "Longitude": -120.68, "Population": 918.0}, {"index": 16668, "quantile": 0.0, "value": 90700.0, "Latitude": 35.25, "Longitude": -120.69, "Population": 1933.0}, {"index": 16668, "quantile": 0.25, "value": 222975.0, "Latitude": 35.25, "Longitude": -120.69, "Population": 1933.0}, {"index": 16668, "quantile": 0.5, "value": 262500.0, "Latitude": 35.25, "Longitude": -120.69, "Population": 1933.0}, {"index": 16668, "quantile": 0.75, "value": 262500.0, "Latitude": 35.25, "Longitude": -120.69, "Population": 1933.0}, {"index": 16668, "quantile": 1.0, "value": 450000.0, "Latitude": 35.25, "Longitude": -120.69, "Population": 1933.0}, {"index": 16669, "quantile": 0.0, "value": 67500.0, "Latitude": 35.32, "Longitude": -120.7, "Population": 6532.0}, {"index": 16669, "quantile": 0.25, "value": 350000.0, "Latitude": 35.32, "Longitude": -120.7, "Population": 6532.0}, {"index": 16669, "quantile": 0.5, "value": 350000.0, "Latitude": 35.32, "Longitude": -120.7, "Population": 6532.0}, {"index": 16669, "quantile": 0.75, "value": 350000.0, "Latitude": 35.32, "Longitude": -120.7, "Population": 6532.0}, {"index": 16669, "quantile": 1.0, "value": 434500.0, "Latitude": 35.32, "Longitude": -120.7, "Population": 6532.0}, {"index": 16670, "quantile": 0.0, "value": 106300.0, "Latitude": 35.24, "Longitude": -120.52, "Population": 2003.0}, {"index": 16670, "quantile": 0.25, "value": 253300.0, "Latitude": 35.24, "Longitude": -120.52, "Population": 2003.0}, {"index": 16670, "quantile": 0.5, "value": 253300.0, "Latitude": 35.24, "Longitude": -120.52, "Population": 2003.0}, {"index": 16670, "quantile": 0.75, "value": 253300.0, "Latitude": 35.24, "Longitude": -120.52, "Population": 2003.0}, {"index": 16670, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 35.24, "Longitude": -120.52, "Population": 2003.0}, {"index": 16671, "quantile": 0.0, "value": 26600.0, "Latitude": 35.25, "Longitude": -120.68, "Population": 1634.0}, {"index": 16671, "quantile": 0.25, "value": 222724.99999999997, "Latitude": 35.25, "Longitude": -120.68, "Population": 1634.0}, {"index": 16671, "quantile": 0.5, "value": 233700.00000000003, "Latitude": 35.25, "Longitude": -120.68, "Population": 1634.0}, {"index": 16671, "quantile": 0.75, "value": 233700.00000000003, "Latitude": 35.25, "Longitude": -120.68, "Population": 1634.0}, {"index": 16671, "quantile": 1.0, "value": 293900.0, "Latitude": 35.25, "Longitude": -120.68, "Population": 1634.0}, {"index": 16672, "quantile": 0.0, "value": 38800.0, "Latitude": 35.34, "Longitude": -120.69, "Population": 542.0}, {"index": 16672, "quantile": 0.25, "value": 42500.0, "Latitude": 35.34, "Longitude": -120.69, "Population": 542.0}, {"index": 16672, "quantile": 0.5, "value": 42500.0, "Latitude": 35.34, "Longitude": -120.69, "Population": 542.0}, {"index": 16672, "quantile": 0.75, "value": 106800.0, "Latitude": 35.34, "Longitude": -120.69, "Population": 542.0}, {"index": 16672, "quantile": 1.0, "value": 300000.0, "Latitude": 35.34, "Longitude": -120.69, "Population": 542.0}, {"index": 16673, "quantile": 0.0, "value": 85700.0, "Latitude": 35.19, "Longitude": -120.81, "Population": 1236.0}, {"index": 16673, "quantile": 0.25, "value": 165500.0, "Latitude": 35.19, "Longitude": -120.81, "Population": 1236.0}, {"index": 16673, "quantile": 0.5, "value": 215200.0, "Latitude": 35.19, "Longitude": -120.81, "Population": 1236.0}, {"index": 16673, "quantile": 0.75, "value": 266300.0, "Latitude": 35.19, "Longitude": -120.81, "Population": 1236.0}, {"index": 16673, "quantile": 1.0, "value": 357800.0, "Latitude": 35.19, "Longitude": -120.81, "Population": 1236.0}, {"index": 16674, "quantile": 0.0, "value": 167600.0, "Latitude": 35.2, "Longitude": -120.66, "Population": 1838.0}, {"index": 16674, "quantile": 0.25, "value": 350050.0, "Latitude": 35.2, "Longitude": -120.66, "Population": 1838.0}, {"index": 16674, "quantile": 0.5, "value": 380000.0, "Latitude": 35.2, "Longitude": -120.66, "Population": 1838.0}, {"index": 16674, "quantile": 0.75, "value": 380000.0, "Latitude": 35.2, "Longitude": -120.66, "Population": 1838.0}, {"index": 16674, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.2, "Longitude": -120.66, "Population": 1838.0}, {"index": 16675, "quantile": 0.0, "value": 105300.0, "Latitude": 35.14, "Longitude": -120.7, "Population": 1919.0}, {"index": 16675, "quantile": 0.25, "value": 320800.0, "Latitude": 35.14, "Longitude": -120.7, "Population": 1919.0}, {"index": 16675, "quantile": 0.5, "value": 357800.0, "Latitude": 35.14, "Longitude": -120.7, "Population": 1919.0}, {"index": 16675, "quantile": 0.75, "value": 357800.0, "Latitude": 35.14, "Longitude": -120.7, "Population": 1919.0}, {"index": 16675, "quantile": 1.0, "value": 357800.0, "Latitude": 35.14, "Longitude": -120.7, "Population": 1919.0}, {"index": 16676, "quantile": 0.0, "value": 37500.0, "Latitude": 35.14, "Longitude": -120.68, "Population": 1155.0}, {"index": 16676, "quantile": 0.25, "value": 245900.0, "Latitude": 35.14, "Longitude": -120.68, "Population": 1155.0}, {"index": 16676, "quantile": 0.5, "value": 245900.0, "Latitude": 35.14, "Longitude": -120.68, "Population": 1155.0}, {"index": 16676, "quantile": 0.75, "value": 245900.0, "Latitude": 35.14, "Longitude": -120.68, "Population": 1155.0}, {"index": 16676, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.14, "Longitude": -120.68, "Population": 1155.0}, {"index": 16677, "quantile": 0.0, "value": 26900.0, "Latitude": 35.13, "Longitude": -120.66, "Population": 940.0}, {"index": 16677, "quantile": 0.25, "value": 227300.0, "Latitude": 35.13, "Longitude": -120.66, "Population": 940.0}, {"index": 16677, "quantile": 0.5, "value": 236100.00000000003, "Latitude": 35.13, "Longitude": -120.66, "Population": 940.0}, {"index": 16677, "quantile": 0.75, "value": 236100.00000000003, "Latitude": 35.13, "Longitude": -120.66, "Population": 940.0}, {"index": 16677, "quantile": 1.0, "value": 488900.0, "Latitude": 35.13, "Longitude": -120.66, "Population": 940.0}, {"index": 16678, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 35.13, "Longitude": -120.63, "Population": 975.0}, {"index": 16678, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 35.13, "Longitude": -120.63, "Population": 975.0}, {"index": 16678, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 35.13, "Longitude": -120.63, "Population": 975.0}, {"index": 16678, "quantile": 0.75, "value": 109500.00000000001, "Latitude": 35.13, "Longitude": -120.63, "Population": 975.0}, {"index": 16678, "quantile": 1.0, "value": 350000.0, "Latitude": 35.13, "Longitude": -120.63, "Population": 975.0}, {"index": 16679, "quantile": 0.0, "value": 153100.0, "Latitude": 35.15, "Longitude": -120.64, "Population": 2863.0}, {"index": 16679, "quantile": 0.25, "value": 275000.0, "Latitude": 35.15, "Longitude": -120.64, "Population": 2863.0}, {"index": 16679, "quantile": 0.5, "value": 275000.0, "Latitude": 35.15, "Longitude": -120.64, "Population": 2863.0}, {"index": 16679, "quantile": 0.75, "value": 275000.0, "Latitude": 35.15, "Longitude": -120.64, "Population": 2863.0}, {"index": 16679, "quantile": 1.0, "value": 335000.0, "Latitude": 35.15, "Longitude": -120.64, "Population": 2863.0}, {"index": 16680, "quantile": 0.0, "value": 110700.0, "Latitude": 35.13, "Longitude": -120.59, "Population": 2710.0}, {"index": 16680, "quantile": 0.25, "value": 275000.0, "Latitude": 35.13, "Longitude": -120.59, "Population": 2710.0}, {"index": 16680, "quantile": 0.5, "value": 295500.0, "Latitude": 35.13, "Longitude": -120.59, "Population": 2710.0}, {"index": 16680, "quantile": 0.75, "value": 295500.0, "Latitude": 35.13, "Longitude": -120.59, "Population": 2710.0}, {"index": 16680, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 35.13, "Longitude": -120.59, "Population": 2710.0}, {"index": 16681, "quantile": 0.0, "value": 127600.0, "Latitude": 35.13, "Longitude": -120.56, "Population": 2324.0}, {"index": 16681, "quantile": 0.25, "value": 267600.0, "Latitude": 35.13, "Longitude": -120.56, "Population": 2324.0}, {"index": 16681, "quantile": 0.5, "value": 267600.0, "Latitude": 35.13, "Longitude": -120.56, "Population": 2324.0}, {"index": 16681, "quantile": 0.75, "value": 267600.0, "Latitude": 35.13, "Longitude": -120.56, "Population": 2324.0}, {"index": 16681, "quantile": 1.0, "value": 386400.0, "Latitude": 35.13, "Longitude": -120.56, "Population": 2324.0}, {"index": 16682, "quantile": 0.0, "value": 63800.0, "Latitude": 35.12, "Longitude": -120.57, "Population": 866.0}, {"index": 16682, "quantile": 0.25, "value": 180975.0, "Latitude": 35.12, "Longitude": -120.57, "Population": 866.0}, {"index": 16682, "quantile": 0.5, "value": 195200.0, "Latitude": 35.12, "Longitude": -120.57, "Population": 866.0}, {"index": 16682, "quantile": 0.75, "value": 195200.0, "Latitude": 35.12, "Longitude": -120.57, "Population": 866.0}, {"index": 16682, "quantile": 1.0, "value": 249600.0, "Latitude": 35.12, "Longitude": -120.57, "Population": 866.0}, {"index": 16683, "quantile": 0.0, "value": 85700.0, "Latitude": 35.11, "Longitude": -120.57, "Population": 1068.0}, {"index": 16683, "quantile": 0.25, "value": 156800.0, "Latitude": 35.11, "Longitude": -120.57, "Population": 1068.0}, {"index": 16683, "quantile": 0.5, "value": 156800.0, "Latitude": 35.11, "Longitude": -120.57, "Population": 1068.0}, {"index": 16683, "quantile": 0.75, "value": 156800.0, "Latitude": 35.11, "Longitude": -120.57, "Population": 1068.0}, {"index": 16683, "quantile": 1.0, "value": 372300.0, "Latitude": 35.11, "Longitude": -120.57, "Population": 1068.0}, {"index": 16684, "quantile": 0.0, "value": 86400.0, "Latitude": 35.11, "Longitude": -120.59, "Population": 1729.0}, {"index": 16684, "quantile": 0.25, "value": 205399.99999999997, "Latitude": 35.11, "Longitude": -120.59, "Population": 1729.0}, {"index": 16684, "quantile": 0.5, "value": 205399.99999999997, "Latitude": 35.11, "Longitude": -120.59, "Population": 1729.0}, {"index": 16684, "quantile": 0.75, "value": 205399.99999999997, "Latitude": 35.11, "Longitude": -120.59, "Population": 1729.0}, {"index": 16684, "quantile": 1.0, "value": 277300.0, "Latitude": 35.11, "Longitude": -120.59, "Population": 1729.0}, {"index": 16685, "quantile": 0.0, "value": 87600.0, "Latitude": 35.12, "Longitude": -120.6, "Population": 1342.0}, {"index": 16685, "quantile": 0.25, "value": 217700.0, "Latitude": 35.12, "Longitude": -120.6, "Population": 1342.0}, {"index": 16685, "quantile": 0.5, "value": 217700.0, "Latitude": 35.12, "Longitude": -120.6, "Population": 1342.0}, {"index": 16685, "quantile": 0.75, "value": 217700.0, "Latitude": 35.12, "Longitude": -120.6, "Population": 1342.0}, {"index": 16685, "quantile": 1.0, "value": 395500.0, "Latitude": 35.12, "Longitude": -120.6, "Population": 1342.0}, {"index": 16686, "quantile": 0.0, "value": 97900.0, "Latitude": 35.12, "Longitude": -120.61, "Population": 935.0}, {"index": 16686, "quantile": 0.25, "value": 163800.0, "Latitude": 35.12, "Longitude": -120.61, "Population": 935.0}, {"index": 16686, "quantile": 0.5, "value": 163800.0, "Latitude": 35.12, "Longitude": -120.61, "Population": 935.0}, {"index": 16686, "quantile": 0.75, "value": 178200.0, "Latitude": 35.12, "Longitude": -120.61, "Population": 935.0}, {"index": 16686, "quantile": 1.0, "value": 262500.0, "Latitude": 35.12, "Longitude": -120.61, "Population": 935.0}, {"index": 16687, "quantile": 0.0, "value": 56799.99999999999, "Latitude": 35.12, "Longitude": -120.59, "Population": 1407.0}, {"index": 16687, "quantile": 0.25, "value": 135575.0, "Latitude": 35.12, "Longitude": -120.59, "Population": 1407.0}, {"index": 16687, "quantile": 0.5, "value": 179700.0, "Latitude": 35.12, "Longitude": -120.59, "Population": 1407.0}, {"index": 16687, "quantile": 0.75, "value": 179700.0, "Latitude": 35.12, "Longitude": -120.59, "Population": 1407.0}, {"index": 16687, "quantile": 1.0, "value": 247000.00000000003, "Latitude": 35.12, "Longitude": -120.59, "Population": 1407.0}, {"index": 16688, "quantile": 0.0, "value": 26600.0, "Latitude": 35.11, "Longitude": -120.6, "Population": 1292.0}, {"index": 16688, "quantile": 0.25, "value": 130800.0, "Latitude": 35.11, "Longitude": -120.6, "Population": 1292.0}, {"index": 16688, "quantile": 0.5, "value": 160300.00000000003, "Latitude": 35.11, "Longitude": -120.6, "Population": 1292.0}, {"index": 16688, "quantile": 0.75, "value": 179700.0, "Latitude": 35.11, "Longitude": -120.6, "Population": 1292.0}, {"index": 16688, "quantile": 1.0, "value": 263500.0, "Latitude": 35.11, "Longitude": -120.6, "Population": 1292.0}, {"index": 16689, "quantile": 0.0, "value": 80400.0, "Latitude": 35.11, "Longitude": -120.59, "Population": 1449.0}, {"index": 16689, "quantile": 0.25, "value": 197800.0, "Latitude": 35.11, "Longitude": -120.59, "Population": 1449.0}, {"index": 16689, "quantile": 0.5, "value": 197800.0, "Latitude": 35.11, "Longitude": -120.59, "Population": 1449.0}, {"index": 16689, "quantile": 0.75, "value": 197800.0, "Latitude": 35.11, "Longitude": -120.59, "Population": 1449.0}, {"index": 16689, "quantile": 1.0, "value": 330000.0, "Latitude": 35.11, "Longitude": -120.59, "Population": 1449.0}, {"index": 16690, "quantile": 0.0, "value": 71900.0, "Latitude": 35.12, "Longitude": -120.61, "Population": 823.0}, {"index": 16690, "quantile": 0.25, "value": 165400.0, "Latitude": 35.12, "Longitude": -120.61, "Population": 823.0}, {"index": 16690, "quantile": 0.5, "value": 165400.0, "Latitude": 35.12, "Longitude": -120.61, "Population": 823.0}, {"index": 16690, "quantile": 0.75, "value": 165400.0, "Latitude": 35.12, "Longitude": -120.61, "Population": 823.0}, {"index": 16690, "quantile": 1.0, "value": 243100.0, "Latitude": 35.12, "Longitude": -120.61, "Population": 823.0}, {"index": 16691, "quantile": 0.0, "value": 110400.00000000001, "Latitude": 35.13, "Longitude": -120.61, "Population": 1777.0}, {"index": 16691, "quantile": 0.25, "value": 189425.0, "Latitude": 35.13, "Longitude": -120.61, "Population": 1777.0}, {"index": 16691, "quantile": 0.5, "value": 190400.0, "Latitude": 35.13, "Longitude": -120.61, "Population": 1777.0}, {"index": 16691, "quantile": 0.75, "value": 190400.0, "Latitude": 35.13, "Longitude": -120.61, "Population": 1777.0}, {"index": 16691, "quantile": 1.0, "value": 262500.0, "Latitude": 35.13, "Longitude": -120.61, "Population": 1777.0}, {"index": 16692, "quantile": 0.0, "value": 73000.0, "Latitude": 35.12, "Longitude": -120.61, "Population": 1840.0}, {"index": 16692, "quantile": 0.25, "value": 162000.0, "Latitude": 35.12, "Longitude": -120.61, "Population": 1840.0}, {"index": 16692, "quantile": 0.5, "value": 162000.0, "Latitude": 35.12, "Longitude": -120.61, "Population": 1840.0}, {"index": 16692, "quantile": 0.75, "value": 165400.0, "Latitude": 35.12, "Longitude": -120.61, "Population": 1840.0}, {"index": 16692, "quantile": 1.0, "value": 262500.0, "Latitude": 35.12, "Longitude": -120.61, "Population": 1840.0}, {"index": 16693, "quantile": 0.0, "value": 114599.99999999999, "Latitude": 35.11, "Longitude": -120.61, "Population": 1839.0}, {"index": 16693, "quantile": 0.25, "value": 158500.0, "Latitude": 35.11, "Longitude": -120.61, "Population": 1839.0}, {"index": 16693, "quantile": 0.5, "value": 158500.0, "Latitude": 35.11, "Longitude": -120.61, "Population": 1839.0}, {"index": 16693, "quantile": 0.75, "value": 180975.0, "Latitude": 35.11, "Longitude": -120.61, "Population": 1839.0}, {"index": 16693, "quantile": 1.0, "value": 277300.0, "Latitude": 35.11, "Longitude": -120.61, "Population": 1839.0}, {"index": 16694, "quantile": 0.0, "value": 137300.0, "Latitude": 35.12, "Longitude": -120.65, "Population": 1425.0}, {"index": 16694, "quantile": 0.25, "value": 178100.0, "Latitude": 35.12, "Longitude": -120.65, "Population": 1425.0}, {"index": 16694, "quantile": 0.5, "value": 178100.0, "Latitude": 35.12, "Longitude": -120.65, "Population": 1425.0}, {"index": 16694, "quantile": 0.75, "value": 180200.0, "Latitude": 35.12, "Longitude": -120.65, "Population": 1425.0}, {"index": 16694, "quantile": 1.0, "value": 262500.0, "Latitude": 35.12, "Longitude": -120.65, "Population": 1425.0}, {"index": 16695, "quantile": 0.0, "value": 83200.0, "Latitude": 35.13, "Longitude": -120.62, "Population": 1792.0}, {"index": 16695, "quantile": 0.25, "value": 163800.0, "Latitude": 35.13, "Longitude": -120.62, "Population": 1792.0}, {"index": 16695, "quantile": 0.5, "value": 181400.0, "Latitude": 35.13, "Longitude": -120.62, "Population": 1792.0}, {"index": 16695, "quantile": 0.75, "value": 190400.0, "Latitude": 35.13, "Longitude": -120.62, "Population": 1792.0}, {"index": 16695, "quantile": 1.0, "value": 262500.0, "Latitude": 35.13, "Longitude": -120.62, "Population": 1792.0}, {"index": 16696, "quantile": 0.0, "value": 26900.0, "Latitude": 35.11, "Longitude": -120.62, "Population": 1521.0}, {"index": 16696, "quantile": 0.25, "value": 136900.0, "Latitude": 35.11, "Longitude": -120.62, "Population": 1521.0}, {"index": 16696, "quantile": 0.5, "value": 155800.0, "Latitude": 35.11, "Longitude": -120.62, "Population": 1521.0}, {"index": 16696, "quantile": 0.75, "value": 155800.0, "Latitude": 35.11, "Longitude": -120.62, "Population": 1521.0}, {"index": 16696, "quantile": 1.0, "value": 253600.0, "Latitude": 35.11, "Longitude": -120.62, "Population": 1521.0}, {"index": 16697, "quantile": 0.0, "value": 60000.0, "Latitude": 35.12, "Longitude": -120.62, "Population": 768.0}, {"index": 16697, "quantile": 0.25, "value": 160000.0, "Latitude": 35.12, "Longitude": -120.62, "Population": 768.0}, {"index": 16697, "quantile": 0.5, "value": 160000.0, "Latitude": 35.12, "Longitude": -120.62, "Population": 768.0}, {"index": 16697, "quantile": 0.75, "value": 160000.0, "Latitude": 35.12, "Longitude": -120.62, "Population": 768.0}, {"index": 16697, "quantile": 1.0, "value": 254199.99999999997, "Latitude": 35.12, "Longitude": -120.62, "Population": 768.0}, {"index": 16698, "quantile": 0.0, "value": 53500.0, "Latitude": 35.1, "Longitude": -120.66, "Population": 704.0}, {"index": 16698, "quantile": 0.25, "value": 111500.0, "Latitude": 35.1, "Longitude": -120.66, "Population": 704.0}, {"index": 16698, "quantile": 0.5, "value": 163150.0, "Latitude": 35.1, "Longitude": -120.66, "Population": 704.0}, {"index": 16698, "quantile": 0.75, "value": 234300.0, "Latitude": 35.1, "Longitude": -120.66, "Population": 704.0}, {"index": 16698, "quantile": 1.0, "value": 500000.0, "Latitude": 35.1, "Longitude": -120.66, "Population": 704.0}, {"index": 16699, "quantile": 0.0, "value": 38800.0, "Latitude": 35.1, "Longitude": -120.61, "Population": 1896.0}, {"index": 16699, "quantile": 0.25, "value": 113500.0, "Latitude": 35.1, "Longitude": -120.61, "Population": 1896.0}, {"index": 16699, "quantile": 0.5, "value": 147400.0, "Latitude": 35.1, "Longitude": -120.61, "Population": 1896.0}, {"index": 16699, "quantile": 0.75, "value": 204800.0, "Latitude": 35.1, "Longitude": -120.61, "Population": 1896.0}, {"index": 16699, "quantile": 1.0, "value": 300000.0, "Latitude": 35.1, "Longitude": -120.61, "Population": 1896.0}, {"index": 16700, "quantile": 0.0, "value": 83200.0, "Latitude": 35.1, "Longitude": -120.61, "Population": 2015.0}, {"index": 16700, "quantile": 0.25, "value": 143600.0, "Latitude": 35.1, "Longitude": -120.61, "Population": 2015.0}, {"index": 16700, "quantile": 0.5, "value": 143600.0, "Latitude": 35.1, "Longitude": -120.61, "Population": 2015.0}, {"index": 16700, "quantile": 0.75, "value": 143600.0, "Latitude": 35.1, "Longitude": -120.61, "Population": 2015.0}, {"index": 16700, "quantile": 1.0, "value": 262500.0, "Latitude": 35.1, "Longitude": -120.61, "Population": 2015.0}, {"index": 16701, "quantile": 0.0, "value": 81800.0, "Latitude": 35.1, "Longitude": -120.6, "Population": 1497.0}, {"index": 16701, "quantile": 0.25, "value": 178200.0, "Latitude": 35.1, "Longitude": -120.6, "Population": 1497.0}, {"index": 16701, "quantile": 0.5, "value": 178200.0, "Latitude": 35.1, "Longitude": -120.6, "Population": 1497.0}, {"index": 16701, "quantile": 0.75, "value": 190400.0, "Latitude": 35.1, "Longitude": -120.6, "Population": 1497.0}, {"index": 16701, "quantile": 1.0, "value": 293900.0, "Latitude": 35.1, "Longitude": -120.6, "Population": 1497.0}, {"index": 16702, "quantile": 0.0, "value": 38800.0, "Latitude": 35.0, "Longitude": -120.58, "Population": 374.0}, {"index": 16702, "quantile": 0.25, "value": 73800.0, "Latitude": 35.0, "Longitude": -120.58, "Population": 374.0}, {"index": 16702, "quantile": 0.5, "value": 98000.0, "Latitude": 35.0, "Longitude": -120.58, "Population": 374.0}, {"index": 16702, "quantile": 0.75, "value": 136300.0, "Latitude": 35.0, "Longitude": -120.58, "Population": 374.0}, {"index": 16702, "quantile": 1.0, "value": 262500.0, "Latitude": 35.0, "Longitude": -120.58, "Population": 374.0}, {"index": 16703, "quantile": 0.0, "value": 87500.0, "Latitude": 35.06, "Longitude": -120.61, "Population": 1257.0}, {"index": 16703, "quantile": 0.25, "value": 168050.0, "Latitude": 35.06, "Longitude": -120.61, "Population": 1257.0}, {"index": 16703, "quantile": 0.5, "value": 273100.0, "Latitude": 35.06, "Longitude": -120.61, "Population": 1257.0}, {"index": 16703, "quantile": 0.75, "value": 273100.0, "Latitude": 35.06, "Longitude": -120.61, "Population": 1257.0}, {"index": 16703, "quantile": 1.0, "value": 295500.0, "Latitude": 35.06, "Longitude": -120.61, "Population": 1257.0}, {"index": 16704, "quantile": 0.0, "value": 86400.0, "Latitude": 35.07, "Longitude": -120.56, "Population": 2866.0}, {"index": 16704, "quantile": 0.25, "value": 175525.0, "Latitude": 35.07, "Longitude": -120.56, "Population": 2866.0}, {"index": 16704, "quantile": 0.5, "value": 249600.0, "Latitude": 35.07, "Longitude": -120.56, "Population": 2866.0}, {"index": 16704, "quantile": 0.75, "value": 277300.0, "Latitude": 35.07, "Longitude": -120.56, "Population": 2866.0}, {"index": 16704, "quantile": 1.0, "value": 346100.0, "Latitude": 35.07, "Longitude": -120.56, "Population": 2866.0}, {"index": 16705, "quantile": 0.0, "value": 78600.0, "Latitude": 35.06, "Longitude": -120.52, "Population": 655.0}, {"index": 16705, "quantile": 0.25, "value": 182050.0, "Latitude": 35.06, "Longitude": -120.52, "Population": 655.0}, {"index": 16705, "quantile": 0.5, "value": 329700.0, "Latitude": 35.06, "Longitude": -120.52, "Population": 655.0}, {"index": 16705, "quantile": 0.75, "value": 329700.0, "Latitude": 35.06, "Longitude": -120.52, "Population": 655.0}, {"index": 16705, "quantile": 1.0, "value": 329700.0, "Latitude": 35.06, "Longitude": -120.52, "Population": 655.0}, {"index": 16706, "quantile": 0.0, "value": 84500.0, "Latitude": 35.1, "Longitude": -120.3, "Population": 1068.0}, {"index": 16706, "quantile": 0.25, "value": 152500.0, "Latitude": 35.1, "Longitude": -120.3, "Population": 1068.0}, {"index": 16706, "quantile": 0.5, "value": 234849.99999999997, "Latitude": 35.1, "Longitude": -120.3, "Population": 1068.0}, {"index": 16706, "quantile": 0.75, "value": 326800.0, "Latitude": 35.1, "Longitude": -120.3, "Population": 1068.0}, {"index": 16706, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.1, "Longitude": -120.3, "Population": 1068.0}, {"index": 16707, "quantile": 0.0, "value": 94500.0, "Latitude": 35.17, "Longitude": -120.43, "Population": 477.0}, {"index": 16707, "quantile": 0.25, "value": 200475.0, "Latitude": 35.17, "Longitude": -120.43, "Population": 477.0}, {"index": 16707, "quantile": 0.5, "value": 315000.0, "Latitude": 35.17, "Longitude": -120.43, "Population": 477.0}, {"index": 16707, "quantile": 0.75, "value": 315000.0, "Latitude": 35.17, "Longitude": -120.43, "Population": 477.0}, {"index": 16707, "quantile": 1.0, "value": 400000.0, "Latitude": 35.17, "Longitude": -120.43, "Population": 477.0}, {"index": 16708, "quantile": 0.0, "value": 88300.0, "Latitude": 35.18, "Longitude": -120.57, "Population": 2284.0}, {"index": 16708, "quantile": 0.25, "value": 267600.0, "Latitude": 35.18, "Longitude": -120.57, "Population": 2284.0}, {"index": 16708, "quantile": 0.5, "value": 346100.0, "Latitude": 35.18, "Longitude": -120.57, "Population": 2284.0}, {"index": 16708, "quantile": 0.75, "value": 346100.0, "Latitude": 35.18, "Longitude": -120.57, "Population": 2284.0}, {"index": 16708, "quantile": 1.0, "value": 374600.0, "Latitude": 35.18, "Longitude": -120.57, "Population": 2284.0}, {"index": 16709, "quantile": 0.0, "value": 70400.0, "Latitude": 35.05, "Longitude": -120.48, "Population": 1549.0}, {"index": 16709, "quantile": 0.25, "value": 135300.0, "Latitude": 35.05, "Longitude": -120.48, "Population": 1549.0}, {"index": 16709, "quantile": 0.5, "value": 195200.0, "Latitude": 35.05, "Longitude": -120.48, "Population": 1549.0}, {"index": 16709, "quantile": 0.75, "value": 204800.0, "Latitude": 35.05, "Longitude": -120.48, "Population": 1549.0}, {"index": 16709, "quantile": 1.0, "value": 262500.0, "Latitude": 35.05, "Longitude": -120.48, "Population": 1549.0}, {"index": 16710, "quantile": 0.0, "value": 72900.0, "Latitude": 35.04, "Longitude": -120.47, "Population": 926.0}, {"index": 16710, "quantile": 0.25, "value": 129299.99999999999, "Latitude": 35.04, "Longitude": -120.47, "Population": 926.0}, {"index": 16710, "quantile": 0.5, "value": 144800.0, "Latitude": 35.04, "Longitude": -120.47, "Population": 926.0}, {"index": 16710, "quantile": 0.75, "value": 144800.0, "Latitude": 35.04, "Longitude": -120.47, "Population": 926.0}, {"index": 16710, "quantile": 1.0, "value": 243100.0, "Latitude": 35.04, "Longitude": -120.47, "Population": 926.0}, {"index": 16711, "quantile": 0.0, "value": 88200.0, "Latitude": 35.03, "Longitude": -120.5, "Population": 4660.0}, {"index": 16711, "quantile": 0.25, "value": 161450.0, "Latitude": 35.03, "Longitude": -120.5, "Population": 4660.0}, {"index": 16711, "quantile": 0.5, "value": 277300.0, "Latitude": 35.03, "Longitude": -120.5, "Population": 4660.0}, {"index": 16711, "quantile": 0.75, "value": 277300.0, "Latitude": 35.03, "Longitude": -120.5, "Population": 4660.0}, {"index": 16711, "quantile": 1.0, "value": 330000.0, "Latitude": 35.03, "Longitude": -120.5, "Population": 4660.0}, {"index": 16712, "quantile": 0.0, "value": 80000.0, "Latitude": 35.02, "Longitude": -120.48, "Population": 1672.0}, {"index": 16712, "quantile": 0.25, "value": 144800.0, "Latitude": 35.02, "Longitude": -120.48, "Population": 1672.0}, {"index": 16712, "quantile": 0.5, "value": 204800.0, "Latitude": 35.02, "Longitude": -120.48, "Population": 1672.0}, {"index": 16712, "quantile": 0.75, "value": 204800.0, "Latitude": 35.02, "Longitude": -120.48, "Population": 1672.0}, {"index": 16712, "quantile": 1.0, "value": 262500.0, "Latitude": 35.02, "Longitude": -120.48, "Population": 1672.0}, {"index": 16713, "quantile": 0.0, "value": 65000.0, "Latitude": 35.52, "Longitude": -120.69, "Population": 1291.0}, {"index": 16713, "quantile": 0.25, "value": 181400.0, "Latitude": 35.52, "Longitude": -120.69, "Population": 1291.0}, {"index": 16713, "quantile": 0.5, "value": 181400.0, "Latitude": 35.52, "Longitude": -120.69, "Population": 1291.0}, {"index": 16713, "quantile": 0.75, "value": 181400.0, "Latitude": 35.52, "Longitude": -120.69, "Population": 1291.0}, {"index": 16713, "quantile": 1.0, "value": 226900.0, "Latitude": 35.52, "Longitude": -120.69, "Population": 1291.0}, {"index": 16714, "quantile": 0.0, "value": 87100.0, "Latitude": 35.51, "Longitude": -120.68, "Population": 941.0}, {"index": 16714, "quantile": 0.25, "value": 209100.00000000003, "Latitude": 35.51, "Longitude": -120.68, "Population": 941.0}, {"index": 16714, "quantile": 0.5, "value": 209100.00000000003, "Latitude": 35.51, "Longitude": -120.68, "Population": 941.0}, {"index": 16714, "quantile": 0.75, "value": 209100.00000000003, "Latitude": 35.51, "Longitude": -120.68, "Population": 941.0}, {"index": 16714, "quantile": 1.0, "value": 400000.0, "Latitude": 35.51, "Longitude": -120.68, "Population": 941.0}, {"index": 16715, "quantile": 0.0, "value": 113700.0, "Latitude": 35.5, "Longitude": -120.68, "Population": 1834.0}, {"index": 16715, "quantile": 0.25, "value": 173800.0, "Latitude": 35.5, "Longitude": -120.68, "Population": 1834.0}, {"index": 16715, "quantile": 0.5, "value": 173800.0, "Latitude": 35.5, "Longitude": -120.68, "Population": 1834.0}, {"index": 16715, "quantile": 0.75, "value": 175275.0, "Latitude": 35.5, "Longitude": -120.68, "Population": 1834.0}, {"index": 16715, "quantile": 1.0, "value": 250599.99999999997, "Latitude": 35.5, "Longitude": -120.68, "Population": 1834.0}, {"index": 16716, "quantile": 0.0, "value": 93000.0, "Latitude": 35.5, "Longitude": -120.67, "Population": 1422.0}, {"index": 16716, "quantile": 0.25, "value": 175000.0, "Latitude": 35.5, "Longitude": -120.67, "Population": 1422.0}, {"index": 16716, "quantile": 0.5, "value": 175000.0, "Latitude": 35.5, "Longitude": -120.67, "Population": 1422.0}, {"index": 16716, "quantile": 0.75, "value": 175000.0, "Latitude": 35.5, "Longitude": -120.67, "Population": 1422.0}, {"index": 16716, "quantile": 1.0, "value": 225000.0, "Latitude": 35.5, "Longitude": -120.67, "Population": 1422.0}, {"index": 16717, "quantile": 0.0, "value": 129200.0, "Latitude": 35.5, "Longitude": -120.66, "Population": 1040.0}, {"index": 16717, "quantile": 0.25, "value": 163900.0, "Latitude": 35.5, "Longitude": -120.66, "Population": 1040.0}, {"index": 16717, "quantile": 0.5, "value": 163900.0, "Latitude": 35.5, "Longitude": -120.66, "Population": 1040.0}, {"index": 16717, "quantile": 0.75, "value": 175000.0, "Latitude": 35.5, "Longitude": -120.66, "Population": 1040.0}, {"index": 16717, "quantile": 1.0, "value": 400000.0, "Latitude": 35.5, "Longitude": -120.66, "Population": 1040.0}, {"index": 16718, "quantile": 0.0, "value": 65000.0, "Latitude": 35.49, "Longitude": -120.66, "Population": 2307.0}, {"index": 16718, "quantile": 0.25, "value": 162000.0, "Latitude": 35.49, "Longitude": -120.66, "Population": 2307.0}, {"index": 16718, "quantile": 0.5, "value": 190400.0, "Latitude": 35.49, "Longitude": -120.66, "Population": 2307.0}, {"index": 16718, "quantile": 0.75, "value": 205799.99999999997, "Latitude": 35.49, "Longitude": -120.66, "Population": 2307.0}, {"index": 16718, "quantile": 1.0, "value": 262500.0, "Latitude": 35.49, "Longitude": -120.66, "Population": 2307.0}, {"index": 16719, "quantile": 0.0, "value": 88600.0, "Latitude": 35.48, "Longitude": -120.65, "Population": 1341.0}, {"index": 16719, "quantile": 0.25, "value": 166900.0, "Latitude": 35.48, "Longitude": -120.65, "Population": 1341.0}, {"index": 16719, "quantile": 0.5, "value": 166900.0, "Latitude": 35.48, "Longitude": -120.65, "Population": 1341.0}, {"index": 16719, "quantile": 0.75, "value": 166900.0, "Latitude": 35.48, "Longitude": -120.65, "Population": 1341.0}, {"index": 16719, "quantile": 1.0, "value": 229900.0, "Latitude": 35.48, "Longitude": -120.65, "Population": 1341.0}, {"index": 16720, "quantile": 0.0, "value": 69300.0, "Latitude": 35.46, "Longitude": -120.64, "Population": 2877.0}, {"index": 16720, "quantile": 0.25, "value": 135750.00000000003, "Latitude": 35.46, "Longitude": -120.64, "Population": 2877.0}, {"index": 16720, "quantile": 0.5, "value": 179800.0, "Latitude": 35.46, "Longitude": -120.64, "Population": 2877.0}, {"index": 16720, "quantile": 0.75, "value": 225900.0, "Latitude": 35.46, "Longitude": -120.64, "Population": 2877.0}, {"index": 16720, "quantile": 1.0, "value": 377300.0, "Latitude": 35.46, "Longitude": -120.64, "Population": 2877.0}, {"index": 16721, "quantile": 0.0, "value": 91800.0, "Latitude": 35.49, "Longitude": -120.69, "Population": 1203.0}, {"index": 16721, "quantile": 0.25, "value": 222400.00000000003, "Latitude": 35.49, "Longitude": -120.69, "Population": 1203.0}, {"index": 16721, "quantile": 0.5, "value": 222400.00000000003, "Latitude": 35.49, "Longitude": -120.69, "Population": 1203.0}, {"index": 16721, "quantile": 0.75, "value": 228000.00000000003, "Latitude": 35.49, "Longitude": -120.69, "Population": 1203.0}, {"index": 16721, "quantile": 1.0, "value": 346100.0, "Latitude": 35.49, "Longitude": -120.69, "Population": 1203.0}, {"index": 16722, "quantile": 0.0, "value": 70000.0, "Latitude": 35.48, "Longitude": -120.68, "Population": 1351.0}, {"index": 16722, "quantile": 0.25, "value": 205799.99999999997, "Latitude": 35.48, "Longitude": -120.68, "Population": 1351.0}, {"index": 16722, "quantile": 0.5, "value": 205799.99999999997, "Latitude": 35.48, "Longitude": -120.68, "Population": 1351.0}, {"index": 16722, "quantile": 0.75, "value": 205799.99999999997, "Latitude": 35.48, "Longitude": -120.68, "Population": 1351.0}, {"index": 16722, "quantile": 1.0, "value": 262500.0, "Latitude": 35.48, "Longitude": -120.68, "Population": 1351.0}, {"index": 16723, "quantile": 0.0, "value": 88000.0, "Latitude": 35.48, "Longitude": -120.67, "Population": 1097.0}, {"index": 16723, "quantile": 0.25, "value": 176100.0, "Latitude": 35.48, "Longitude": -120.67, "Population": 1097.0}, {"index": 16723, "quantile": 0.5, "value": 176100.0, "Latitude": 35.48, "Longitude": -120.67, "Population": 1097.0}, {"index": 16723, "quantile": 0.75, "value": 176100.0, "Latitude": 35.48, "Longitude": -120.67, "Population": 1097.0}, {"index": 16723, "quantile": 1.0, "value": 250599.99999999997, "Latitude": 35.48, "Longitude": -120.67, "Population": 1097.0}, {"index": 16724, "quantile": 0.0, "value": 110500.0, "Latitude": 35.47, "Longitude": -120.66, "Population": 1269.0}, {"index": 16724, "quantile": 0.25, "value": 184800.0, "Latitude": 35.47, "Longitude": -120.66, "Population": 1269.0}, {"index": 16724, "quantile": 0.5, "value": 184800.0, "Latitude": 35.47, "Longitude": -120.66, "Population": 1269.0}, {"index": 16724, "quantile": 0.75, "value": 184800.0, "Latitude": 35.47, "Longitude": -120.66, "Population": 1269.0}, {"index": 16724, "quantile": 1.0, "value": 400000.0, "Latitude": 35.47, "Longitude": -120.66, "Population": 1269.0}, {"index": 16725, "quantile": 0.0, "value": 102400.0, "Latitude": 35.46, "Longitude": -120.66, "Population": 1860.0}, {"index": 16725, "quantile": 0.25, "value": 209100.00000000003, "Latitude": 35.46, "Longitude": -120.66, "Population": 1860.0}, {"index": 16725, "quantile": 0.5, "value": 225599.99999999997, "Latitude": 35.46, "Longitude": -120.66, "Population": 1860.0}, {"index": 16725, "quantile": 0.75, "value": 225599.99999999997, "Latitude": 35.46, "Longitude": -120.66, "Population": 1860.0}, {"index": 16725, "quantile": 1.0, "value": 293800.0, "Latitude": 35.46, "Longitude": -120.66, "Population": 1860.0}, {"index": 16726, "quantile": 0.0, "value": 87000.0, "Latitude": 35.55, "Longitude": -120.7, "Population": 1834.0}, {"index": 16726, "quantile": 0.25, "value": 168100.0, "Latitude": 35.55, "Longitude": -120.7, "Population": 1834.0}, {"index": 16726, "quantile": 0.5, "value": 183200.0, "Latitude": 35.55, "Longitude": -120.7, "Population": 1834.0}, {"index": 16726, "quantile": 0.75, "value": 250599.99999999997, "Latitude": 35.55, "Longitude": -120.7, "Population": 1834.0}, {"index": 16726, "quantile": 1.0, "value": 341200.0, "Latitude": 35.55, "Longitude": -120.7, "Population": 1834.0}, {"index": 16727, "quantile": 0.0, "value": 118500.0, "Latitude": 35.52, "Longitude": -120.76, "Population": 4487.0}, {"index": 16727, "quantile": 0.25, "value": 203499.99999999997, "Latitude": 35.52, "Longitude": -120.76, "Population": 4487.0}, {"index": 16727, "quantile": 0.5, "value": 250599.99999999997, "Latitude": 35.52, "Longitude": -120.76, "Population": 4487.0}, {"index": 16727, "quantile": 0.75, "value": 250599.99999999997, "Latitude": 35.52, "Longitude": -120.76, "Population": 4487.0}, {"index": 16727, "quantile": 1.0, "value": 450000.0, "Latitude": 35.52, "Longitude": -120.76, "Population": 4487.0}, {"index": 16728, "quantile": 0.0, "value": 88900.0, "Latitude": 35.5, "Longitude": -120.71, "Population": 1433.0}, {"index": 16728, "quantile": 0.25, "value": 118500.0, "Latitude": 35.5, "Longitude": -120.71, "Population": 1433.0}, {"index": 16728, "quantile": 0.5, "value": 156999.99999999997, "Latitude": 35.5, "Longitude": -120.71, "Population": 1433.0}, {"index": 16728, "quantile": 0.75, "value": 198625.0, "Latitude": 35.5, "Longitude": -120.71, "Population": 1433.0}, {"index": 16728, "quantile": 1.0, "value": 386200.0, "Latitude": 35.5, "Longitude": -120.71, "Population": 1433.0}, {"index": 16729, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 35.48, "Longitude": -120.56, "Population": 1609.0}, {"index": 16729, "quantile": 0.25, "value": 267500.0, "Latitude": 35.48, "Longitude": -120.56, "Population": 1609.0}, {"index": 16729, "quantile": 0.5, "value": 267500.0, "Latitude": 35.48, "Longitude": -120.56, "Population": 1609.0}, {"index": 16729, "quantile": 0.75, "value": 267500.0, "Latitude": 35.48, "Longitude": -120.56, "Population": 1609.0}, {"index": 16729, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.48, "Longitude": -120.56, "Population": 1609.0}, {"index": 16730, "quantile": 0.0, "value": 37500.0, "Latitude": 35.2, "Longitude": -119.93, "Population": 671.0}, {"index": 16730, "quantile": 0.25, "value": 77400.0, "Latitude": 35.2, "Longitude": -119.93, "Population": 671.0}, {"index": 16730, "quantile": 0.5, "value": 107149.99999999999, "Latitude": 35.2, "Longitude": -119.93, "Population": 671.0}, {"index": 16730, "quantile": 0.75, "value": 145250.0, "Latitude": 35.2, "Longitude": -119.93, "Population": 671.0}, {"index": 16730, "quantile": 1.0, "value": 293900.0, "Latitude": 35.2, "Longitude": -119.93, "Population": 671.0}, {"index": 16731, "quantile": 0.0, "value": 81700.0, "Latitude": 35.35, "Longitude": -120.49, "Population": 1457.0}, {"index": 16731, "quantile": 0.25, "value": 158600.0, "Latitude": 35.35, "Longitude": -120.49, "Population": 1457.0}, {"index": 16731, "quantile": 0.5, "value": 158600.0, "Latitude": 35.35, "Longitude": -120.49, "Population": 1457.0}, {"index": 16731, "quantile": 0.75, "value": 168325.0, "Latitude": 35.35, "Longitude": -120.49, "Population": 1457.0}, {"index": 16731, "quantile": 1.0, "value": 330000.0, "Latitude": 35.35, "Longitude": -120.49, "Population": 1457.0}, {"index": 16732, "quantile": 0.0, "value": 87100.0, "Latitude": 35.41, "Longitude": -120.65, "Population": 3139.0}, {"index": 16732, "quantile": 0.25, "value": 146300.0, "Latitude": 35.41, "Longitude": -120.65, "Population": 3139.0}, {"index": 16732, "quantile": 0.5, "value": 209100.00000000003, "Latitude": 35.41, "Longitude": -120.65, "Population": 3139.0}, {"index": 16732, "quantile": 0.75, "value": 254150.0, "Latitude": 35.41, "Longitude": -120.65, "Population": 3139.0}, {"index": 16732, "quantile": 1.0, "value": 346100.0, "Latitude": 35.41, "Longitude": -120.65, "Population": 3139.0}, {"index": 16733, "quantile": 0.0, "value": 38800.0, "Latitude": 35.47, "Longitude": -120.64, "Population": 936.0}, {"index": 16733, "quantile": 0.25, "value": 116025.0, "Latitude": 35.47, "Longitude": -120.64, "Population": 936.0}, {"index": 16733, "quantile": 0.5, "value": 117200.0, "Latitude": 35.47, "Longitude": -120.64, "Population": 936.0}, {"index": 16733, "quantile": 0.75, "value": 117200.0, "Latitude": 35.47, "Longitude": -120.64, "Population": 936.0}, {"index": 16733, "quantile": 1.0, "value": 253600.0, "Latitude": 35.47, "Longitude": -120.64, "Population": 936.0}, {"index": 16734, "quantile": 0.0, "value": 209100.00000000003, "Latitude": 37.68, "Longitude": -122.4, "Population": 1649.0}, {"index": 16734, "quantile": 0.25, "value": 253399.99999999997, "Latitude": 37.68, "Longitude": -122.4, "Population": 1649.0}, {"index": 16734, "quantile": 0.5, "value": 253399.99999999997, "Latitude": 37.68, "Longitude": -122.4, "Population": 1649.0}, {"index": 16734, "quantile": 0.75, "value": 253399.99999999997, "Latitude": 37.68, "Longitude": -122.4, "Population": 1649.0}, {"index": 16734, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.68, "Longitude": -122.4, "Population": 1649.0}, {"index": 16735, "quantile": 0.0, "value": 206199.99999999997, "Latitude": 37.68, "Longitude": -122.4, "Population": 1045.0}, {"index": 16735, "quantile": 0.25, "value": 301000.0, "Latitude": 37.68, "Longitude": -122.4, "Population": 1045.0}, {"index": 16735, "quantile": 0.5, "value": 380750.0, "Latitude": 37.68, "Longitude": -122.4, "Population": 1045.0}, {"index": 16735, "quantile": 0.75, "value": 433800.0, "Latitude": 37.68, "Longitude": -122.4, "Population": 1045.0}, {"index": 16735, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.68, "Longitude": -122.4, "Population": 1045.0}, {"index": 16736, "quantile": 0.0, "value": 174200.0, "Latitude": 37.69, "Longitude": -122.32, "Population": 340.0}, {"index": 16736, "quantile": 0.25, "value": 300000.0, "Latitude": 37.69, "Longitude": -122.32, "Population": 340.0}, {"index": 16736, "quantile": 0.5, "value": 341650.0, "Latitude": 37.69, "Longitude": -122.32, "Population": 340.0}, {"index": 16736, "quantile": 0.75, "value": 415700.0, "Latitude": 37.69, "Longitude": -122.32, "Population": 340.0}, {"index": 16736, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.69, "Longitude": -122.32, "Population": 340.0}, {"index": 16737, "quantile": 0.0, "value": 85300.0, "Latitude": 37.7, "Longitude": -122.41, "Population": 1376.0}, {"index": 16737, "quantile": 0.25, "value": 206300.00000000003, "Latitude": 37.7, "Longitude": -122.41, "Population": 1376.0}, {"index": 16737, "quantile": 0.5, "value": 225000.0, "Latitude": 37.7, "Longitude": -122.41, "Population": 1376.0}, {"index": 16737, "quantile": 0.75, "value": 239149.99999999997, "Latitude": 37.7, "Longitude": -122.41, "Population": 1376.0}, {"index": 16737, "quantile": 1.0, "value": 350800.0, "Latitude": 37.7, "Longitude": -122.41, "Population": 1376.0}, {"index": 16738, "quantile": 0.0, "value": 192300.0, "Latitude": 37.71, "Longitude": -122.42, "Population": 1781.0}, {"index": 16738, "quantile": 0.25, "value": 215300.0, "Latitude": 37.71, "Longitude": -122.42, "Population": 1781.0}, {"index": 16738, "quantile": 0.5, "value": 215300.0, "Latitude": 37.71, "Longitude": -122.42, "Population": 1781.0}, {"index": 16738, "quantile": 0.75, "value": 229400.0, "Latitude": 37.71, "Longitude": -122.42, "Population": 1781.0}, {"index": 16738, "quantile": 1.0, "value": 268500.0, "Latitude": 37.71, "Longitude": -122.42, "Population": 1781.0}, {"index": 16739, "quantile": 0.0, "value": 188500.0, "Latitude": 37.71, "Longitude": -122.43, "Population": 2249.0}, {"index": 16739, "quantile": 0.25, "value": 290400.0, "Latitude": 37.71, "Longitude": -122.43, "Population": 2249.0}, {"index": 16739, "quantile": 0.5, "value": 290400.0, "Latitude": 37.71, "Longitude": -122.43, "Population": 2249.0}, {"index": 16739, "quantile": 0.75, "value": 290400.0, "Latitude": 37.71, "Longitude": -122.43, "Population": 2249.0}, {"index": 16739, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -122.43, "Population": 2249.0}, {"index": 16740, "quantile": 0.0, "value": 112500.0, "Latitude": 37.7, "Longitude": -122.43, "Population": 959.0}, {"index": 16740, "quantile": 0.25, "value": 204374.99999999997, "Latitude": 37.7, "Longitude": -122.43, "Population": 959.0}, {"index": 16740, "quantile": 0.5, "value": 252050.00000000003, "Latitude": 37.7, "Longitude": -122.43, "Population": 959.0}, {"index": 16740, "quantile": 0.75, "value": 280400.0, "Latitude": 37.7, "Longitude": -122.43, "Population": 959.0}, {"index": 16740, "quantile": 1.0, "value": 420300.00000000006, "Latitude": 37.7, "Longitude": -122.43, "Population": 959.0}, {"index": 16741, "quantile": 0.0, "value": 112500.0, "Latitude": 37.7, "Longitude": -122.44, "Population": 1705.0}, {"index": 16741, "quantile": 0.25, "value": 206700.00000000003, "Latitude": 37.7, "Longitude": -122.44, "Population": 1705.0}, {"index": 16741, "quantile": 0.5, "value": 252250.0, "Latitude": 37.7, "Longitude": -122.44, "Population": 1705.0}, {"index": 16741, "quantile": 0.75, "value": 284999.99999999994, "Latitude": 37.7, "Longitude": -122.44, "Population": 1705.0}, {"index": 16741, "quantile": 1.0, "value": 456300.0, "Latitude": 37.7, "Longitude": -122.44, "Population": 1705.0}, {"index": 16742, "quantile": 0.0, "value": 131300.0, "Latitude": 37.7, "Longitude": -122.45, "Population": 1814.0}, {"index": 16742, "quantile": 0.25, "value": 229400.0, "Latitude": 37.7, "Longitude": -122.45, "Population": 1814.0}, {"index": 16742, "quantile": 0.5, "value": 234800.0, "Latitude": 37.7, "Longitude": -122.45, "Population": 1814.0}, {"index": 16742, "quantile": 0.75, "value": 246900.00000000003, "Latitude": 37.7, "Longitude": -122.45, "Population": 1814.0}, {"index": 16742, "quantile": 1.0, "value": 275700.0, "Latitude": 37.7, "Longitude": -122.45, "Population": 1814.0}, {"index": 16743, "quantile": 0.0, "value": 177200.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 1159.0}, {"index": 16743, "quantile": 0.25, "value": 233700.00000000003, "Latitude": 37.71, "Longitude": -122.45, "Population": 1159.0}, {"index": 16743, "quantile": 0.5, "value": 233700.00000000003, "Latitude": 37.71, "Longitude": -122.45, "Population": 1159.0}, {"index": 16743, "quantile": 0.75, "value": 233700.00000000003, "Latitude": 37.71, "Longitude": -122.45, "Population": 1159.0}, {"index": 16743, "quantile": 1.0, "value": 331300.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 1159.0}, {"index": 16744, "quantile": 0.0, "value": 200999.99999999997, "Latitude": 37.71, "Longitude": -122.45, "Population": 1948.0}, {"index": 16744, "quantile": 0.25, "value": 233700.00000000003, "Latitude": 37.71, "Longitude": -122.45, "Population": 1948.0}, {"index": 16744, "quantile": 0.5, "value": 241399.99999999997, "Latitude": 37.71, "Longitude": -122.45, "Population": 1948.0}, {"index": 16744, "quantile": 0.75, "value": 281300.0, "Latitude": 37.71, "Longitude": -122.45, "Population": 1948.0}, {"index": 16744, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 37.71, "Longitude": -122.45, "Population": 1948.0}, {"index": 16745, "quantile": 0.0, "value": 192800.0, "Latitude": 37.7, "Longitude": -122.45, "Population": 4375.0}, {"index": 16745, "quantile": 0.25, "value": 267000.0, "Latitude": 37.7, "Longitude": -122.45, "Population": 4375.0}, {"index": 16745, "quantile": 0.5, "value": 267000.0, "Latitude": 37.7, "Longitude": -122.45, "Population": 4375.0}, {"index": 16745, "quantile": 0.75, "value": 267000.0, "Latitude": 37.7, "Longitude": -122.45, "Population": 4375.0}, {"index": 16745, "quantile": 1.0, "value": 436700.0, "Latitude": 37.7, "Longitude": -122.45, "Population": 4375.0}, {"index": 16746, "quantile": 0.0, "value": 217800.0, "Latitude": 37.7, "Longitude": -122.46, "Population": 904.0}, {"index": 16746, "quantile": 0.25, "value": 238600.0, "Latitude": 37.7, "Longitude": -122.46, "Population": 904.0}, {"index": 16746, "quantile": 0.5, "value": 238600.0, "Latitude": 37.7, "Longitude": -122.46, "Population": 904.0}, {"index": 16746, "quantile": 0.75, "value": 238600.0, "Latitude": 37.7, "Longitude": -122.46, "Population": 904.0}, {"index": 16746, "quantile": 1.0, "value": 344400.0, "Latitude": 37.7, "Longitude": -122.46, "Population": 904.0}, {"index": 16747, "quantile": 0.0, "value": 160100.0, "Latitude": 37.69, "Longitude": -122.46, "Population": 1577.0}, {"index": 16747, "quantile": 0.25, "value": 266700.0, "Latitude": 37.69, "Longitude": -122.46, "Population": 1577.0}, {"index": 16747, "quantile": 0.5, "value": 266700.0, "Latitude": 37.69, "Longitude": -122.46, "Population": 1577.0}, {"index": 16747, "quantile": 0.75, "value": 266700.0, "Latitude": 37.69, "Longitude": -122.46, "Population": 1577.0}, {"index": 16747, "quantile": 1.0, "value": 342300.0, "Latitude": 37.69, "Longitude": -122.46, "Population": 1577.0}, {"index": 16748, "quantile": 0.0, "value": 215300.0, "Latitude": 37.7, "Longitude": -122.46, "Population": 2436.0}, {"index": 16748, "quantile": 0.25, "value": 238600.0, "Latitude": 37.7, "Longitude": -122.46, "Population": 2436.0}, {"index": 16748, "quantile": 0.5, "value": 243200.0, "Latitude": 37.7, "Longitude": -122.46, "Population": 2436.0}, {"index": 16748, "quantile": 0.75, "value": 243200.0, "Latitude": 37.7, "Longitude": -122.46, "Population": 2436.0}, {"index": 16748, "quantile": 1.0, "value": 265000.0, "Latitude": 37.7, "Longitude": -122.46, "Population": 2436.0}, {"index": 16749, "quantile": 0.0, "value": 192300.0, "Latitude": 37.7, "Longitude": -122.47, "Population": 2466.0}, {"index": 16749, "quantile": 0.25, "value": 238600.0, "Latitude": 37.7, "Longitude": -122.47, "Population": 2466.0}, {"index": 16749, "quantile": 0.5, "value": 238600.0, "Latitude": 37.7, "Longitude": -122.47, "Population": 2466.0}, {"index": 16749, "quantile": 0.75, "value": 247400.00000000003, "Latitude": 37.7, "Longitude": -122.47, "Population": 2466.0}, {"index": 16749, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.7, "Longitude": -122.47, "Population": 2466.0}, {"index": 16750, "quantile": 0.0, "value": 60000.0, "Latitude": 37.71, "Longitude": -122.46, "Population": 339.0}, {"index": 16750, "quantile": 0.25, "value": 214299.99999999997, "Latitude": 37.71, "Longitude": -122.46, "Population": 339.0}, {"index": 16750, "quantile": 0.5, "value": 214299.99999999997, "Latitude": 37.71, "Longitude": -122.46, "Population": 339.0}, {"index": 16750, "quantile": 0.75, "value": 214299.99999999997, "Latitude": 37.71, "Longitude": -122.46, "Population": 339.0}, {"index": 16750, "quantile": 1.0, "value": 475000.0, "Latitude": 37.71, "Longitude": -122.46, "Population": 339.0}, {"index": 16751, "quantile": 0.0, "value": 192300.0, "Latitude": 37.71, "Longitude": -122.46, "Population": 1436.0}, {"index": 16751, "quantile": 0.25, "value": 218299.99999999997, "Latitude": 37.71, "Longitude": -122.46, "Population": 1436.0}, {"index": 16751, "quantile": 0.5, "value": 226300.0, "Latitude": 37.71, "Longitude": -122.46, "Population": 1436.0}, {"index": 16751, "quantile": 0.75, "value": 238600.0, "Latitude": 37.71, "Longitude": -122.46, "Population": 1436.0}, {"index": 16751, "quantile": 1.0, "value": 418400.0, "Latitude": 37.71, "Longitude": -122.46, "Population": 1436.0}, {"index": 16752, "quantile": 0.0, "value": 159600.0, "Latitude": 37.7, "Longitude": -122.46, "Population": 713.0}, {"index": 16752, "quantile": 0.25, "value": 235900.0, "Latitude": 37.7, "Longitude": -122.46, "Population": 713.0}, {"index": 16752, "quantile": 0.5, "value": 235900.0, "Latitude": 37.7, "Longitude": -122.46, "Population": 713.0}, {"index": 16752, "quantile": 0.75, "value": 235900.0, "Latitude": 37.7, "Longitude": -122.46, "Population": 713.0}, {"index": 16752, "quantile": 1.0, "value": 320800.0, "Latitude": 37.7, "Longitude": -122.46, "Population": 713.0}, {"index": 16753, "quantile": 0.0, "value": 163500.0, "Latitude": 37.7, "Longitude": -122.47, "Population": 1491.0}, {"index": 16753, "quantile": 0.25, "value": 231599.99999999997, "Latitude": 37.7, "Longitude": -122.47, "Population": 1491.0}, {"index": 16753, "quantile": 0.5, "value": 244099.99999999997, "Latitude": 37.7, "Longitude": -122.47, "Population": 1491.0}, {"index": 16753, "quantile": 0.75, "value": 287150.0, "Latitude": 37.7, "Longitude": -122.47, "Population": 1491.0}, {"index": 16753, "quantile": 1.0, "value": 493200.00000000006, "Latitude": 37.7, "Longitude": -122.47, "Population": 1491.0}, {"index": 16754, "quantile": 0.0, "value": 215300.0, "Latitude": 37.71, "Longitude": -122.47, "Population": 822.0}, {"index": 16754, "quantile": 0.25, "value": 224400.00000000003, "Latitude": 37.71, "Longitude": -122.47, "Population": 822.0}, {"index": 16754, "quantile": 0.5, "value": 224400.00000000003, "Latitude": 37.71, "Longitude": -122.47, "Population": 822.0}, {"index": 16754, "quantile": 0.75, "value": 238600.0, "Latitude": 37.71, "Longitude": -122.47, "Population": 822.0}, {"index": 16754, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -122.47, "Population": 822.0}, {"index": 16755, "quantile": 0.0, "value": 159600.0, "Latitude": 37.71, "Longitude": -122.46, "Population": 1738.0}, {"index": 16755, "quantile": 0.25, "value": 232100.00000000003, "Latitude": 37.71, "Longitude": -122.46, "Population": 1738.0}, {"index": 16755, "quantile": 0.5, "value": 232100.00000000003, "Latitude": 37.71, "Longitude": -122.46, "Population": 1738.0}, {"index": 16755, "quantile": 0.75, "value": 238375.0, "Latitude": 37.71, "Longitude": -122.46, "Population": 1738.0}, {"index": 16755, "quantile": 1.0, "value": 320800.0, "Latitude": 37.71, "Longitude": -122.46, "Population": 1738.0}, {"index": 16756, "quantile": 0.0, "value": 225000.0, "Latitude": 37.7, "Longitude": -122.48, "Population": 2923.0}, {"index": 16756, "quantile": 0.25, "value": 297900.0, "Latitude": 37.7, "Longitude": -122.48, "Population": 2923.0}, {"index": 16756, "quantile": 0.5, "value": 307000.0, "Latitude": 37.7, "Longitude": -122.48, "Population": 2923.0}, {"index": 16756, "quantile": 0.75, "value": 307000.0, "Latitude": 37.7, "Longitude": -122.48, "Population": 2923.0}, {"index": 16756, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.7, "Longitude": -122.48, "Population": 2923.0}, {"index": 16757, "quantile": 0.0, "value": 181300.0, "Latitude": 37.7, "Longitude": -122.48, "Population": 3477.0}, {"index": 16757, "quantile": 0.25, "value": 297900.0, "Latitude": 37.7, "Longitude": -122.48, "Population": 3477.0}, {"index": 16757, "quantile": 0.5, "value": 297900.0, "Latitude": 37.7, "Longitude": -122.48, "Population": 3477.0}, {"index": 16757, "quantile": 0.75, "value": 297900.0, "Latitude": 37.7, "Longitude": -122.48, "Population": 3477.0}, {"index": 16757, "quantile": 1.0, "value": 443300.0, "Latitude": 37.7, "Longitude": -122.48, "Population": 3477.0}, {"index": 16758, "quantile": 0.0, "value": 140700.0, "Latitude": 37.71, "Longitude": -122.48, "Population": 1571.0}, {"index": 16758, "quantile": 0.25, "value": 314200.0, "Latitude": 37.71, "Longitude": -122.48, "Population": 1571.0}, {"index": 16758, "quantile": 0.5, "value": 314200.0, "Latitude": 37.71, "Longitude": -122.48, "Population": 1571.0}, {"index": 16758, "quantile": 0.75, "value": 314200.0, "Latitude": 37.71, "Longitude": -122.48, "Population": 1571.0}, {"index": 16758, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -122.48, "Population": 1571.0}, {"index": 16759, "quantile": 0.0, "value": 214500.0, "Latitude": 37.71, "Longitude": -122.48, "Population": 455.0}, {"index": 16759, "quantile": 0.25, "value": 389275.00000000006, "Latitude": 37.71, "Longitude": -122.48, "Population": 455.0}, {"index": 16759, "quantile": 0.5, "value": 417600.0, "Latitude": 37.71, "Longitude": -122.48, "Population": 455.0}, {"index": 16759, "quantile": 0.75, "value": 417600.0, "Latitude": 37.71, "Longitude": -122.48, "Population": 455.0}, {"index": 16759, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -122.48, "Population": 455.0}, {"index": 16760, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 37.7, "Longitude": -122.54, "Population": 1793.0}, {"index": 16760, "quantile": 0.25, "value": 291500.0, "Latitude": 37.7, "Longitude": -122.54, "Population": 1793.0}, {"index": 16760, "quantile": 0.5, "value": 292500.0, "Latitude": 37.7, "Longitude": -122.54, "Population": 1793.0}, {"index": 16760, "quantile": 0.75, "value": 292500.0, "Latitude": 37.7, "Longitude": -122.54, "Population": 1793.0}, {"index": 16760, "quantile": 1.0, "value": 391900.0, "Latitude": 37.7, "Longitude": -122.54, "Population": 1793.0}, {"index": 16761, "quantile": 0.0, "value": 190800.0, "Latitude": 37.67, "Longitude": -122.49, "Population": 2892.0}, {"index": 16761, "quantile": 0.25, "value": 261425.00000000003, "Latitude": 37.67, "Longitude": -122.49, "Population": 2892.0}, {"index": 16761, "quantile": 0.5, "value": 279900.0, "Latitude": 37.67, "Longitude": -122.49, "Population": 2892.0}, {"index": 16761, "quantile": 0.75, "value": 304500.0, "Latitude": 37.67, "Longitude": -122.49, "Population": 2892.0}, {"index": 16761, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.67, "Longitude": -122.49, "Population": 2892.0}, {"index": 16762, "quantile": 0.0, "value": 204900.0, "Latitude": 37.68, "Longitude": -122.49, "Population": 1583.0}, {"index": 16762, "quantile": 0.25, "value": 238000.0, "Latitude": 37.68, "Longitude": -122.49, "Population": 1583.0}, {"index": 16762, "quantile": 0.5, "value": 238000.0, "Latitude": 37.68, "Longitude": -122.49, "Population": 1583.0}, {"index": 16762, "quantile": 0.75, "value": 268700.0, "Latitude": 37.68, "Longitude": -122.49, "Population": 1583.0}, {"index": 16762, "quantile": 1.0, "value": 378000.0, "Latitude": 37.68, "Longitude": -122.49, "Population": 1583.0}, {"index": 16763, "quantile": 0.0, "value": 196900.0, "Latitude": 37.67, "Longitude": -122.49, "Population": 2494.0}, {"index": 16763, "quantile": 0.25, "value": 264100.0, "Latitude": 37.67, "Longitude": -122.49, "Population": 2494.0}, {"index": 16763, "quantile": 0.5, "value": 270800.0, "Latitude": 37.67, "Longitude": -122.49, "Population": 2494.0}, {"index": 16763, "quantile": 0.75, "value": 287150.0, "Latitude": 37.67, "Longitude": -122.49, "Population": 2494.0}, {"index": 16763, "quantile": 1.0, "value": 397900.0, "Latitude": 37.67, "Longitude": -122.49, "Population": 2494.0}, {"index": 16764, "quantile": 0.0, "value": 183400.0, "Latitude": 37.7, "Longitude": -122.49, "Population": 828.0}, {"index": 16764, "quantile": 0.25, "value": 262225.0, "Latitude": 37.7, "Longitude": -122.49, "Population": 828.0}, {"index": 16764, "quantile": 0.5, "value": 330250.0, "Latitude": 37.7, "Longitude": -122.49, "Population": 828.0}, {"index": 16764, "quantile": 0.75, "value": 403975.0, "Latitude": 37.7, "Longitude": -122.49, "Population": 828.0}, {"index": 16764, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.7, "Longitude": -122.49, "Population": 828.0}, {"index": 16765, "quantile": 0.0, "value": 156600.0, "Latitude": 37.69, "Longitude": -122.49, "Population": 782.0}, {"index": 16765, "quantile": 0.25, "value": 262350.0, "Latitude": 37.69, "Longitude": -122.49, "Population": 782.0}, {"index": 16765, "quantile": 0.5, "value": 275600.0, "Latitude": 37.69, "Longitude": -122.49, "Population": 782.0}, {"index": 16765, "quantile": 0.75, "value": 275600.0, "Latitude": 37.69, "Longitude": -122.49, "Population": 782.0}, {"index": 16765, "quantile": 1.0, "value": 350000.0, "Latitude": 37.69, "Longitude": -122.49, "Population": 782.0}, {"index": 16766, "quantile": 0.0, "value": 140500.0, "Latitude": 37.69, "Longitude": -122.48, "Population": 1259.0}, {"index": 16766, "quantile": 0.25, "value": 264300.0, "Latitude": 37.69, "Longitude": -122.48, "Population": 1259.0}, {"index": 16766, "quantile": 0.5, "value": 264300.0, "Latitude": 37.69, "Longitude": -122.48, "Population": 1259.0}, {"index": 16766, "quantile": 0.75, "value": 264300.0, "Latitude": 37.69, "Longitude": -122.48, "Population": 1259.0}, {"index": 16766, "quantile": 1.0, "value": 458300.0, "Latitude": 37.69, "Longitude": -122.48, "Population": 1259.0}, {"index": 16767, "quantile": 0.0, "value": 223100.0, "Latitude": 37.69, "Longitude": -122.49, "Population": 1465.0}, {"index": 16767, "quantile": 0.25, "value": 277000.0, "Latitude": 37.69, "Longitude": -122.49, "Population": 1465.0}, {"index": 16767, "quantile": 0.5, "value": 277000.0, "Latitude": 37.69, "Longitude": -122.49, "Population": 1465.0}, {"index": 16767, "quantile": 0.75, "value": 277000.0, "Latitude": 37.69, "Longitude": -122.49, "Population": 1465.0}, {"index": 16767, "quantile": 1.0, "value": 500000.0, "Latitude": 37.69, "Longitude": -122.49, "Population": 1465.0}, {"index": 16768, "quantile": 0.0, "value": 186900.0, "Latitude": 37.69, "Longitude": -122.49, "Population": 1273.0}, {"index": 16768, "quantile": 0.25, "value": 272800.0, "Latitude": 37.69, "Longitude": -122.49, "Population": 1273.0}, {"index": 16768, "quantile": 0.5, "value": 272800.0, "Latitude": 37.69, "Longitude": -122.49, "Population": 1273.0}, {"index": 16768, "quantile": 0.75, "value": 274024.99999999994, "Latitude": 37.69, "Longitude": -122.49, "Population": 1273.0}, {"index": 16768, "quantile": 1.0, "value": 500000.0, "Latitude": 37.69, "Longitude": -122.49, "Population": 1273.0}, {"index": 16769, "quantile": 0.0, "value": 183300.0, "Latitude": 37.7, "Longitude": -122.47, "Population": 370.0}, {"index": 16769, "quantile": 0.25, "value": 259700.0, "Latitude": 37.7, "Longitude": -122.47, "Population": 370.0}, {"index": 16769, "quantile": 0.5, "value": 308500.0, "Latitude": 37.7, "Longitude": -122.47, "Population": 370.0}, {"index": 16769, "quantile": 0.75, "value": 331875.0, "Latitude": 37.7, "Longitude": -122.47, "Population": 370.0}, {"index": 16769, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.7, "Longitude": -122.47, "Population": 370.0}, {"index": 16770, "quantile": 0.0, "value": 113799.99999999999, "Latitude": 37.69, "Longitude": -122.47, "Population": 2104.0}, {"index": 16770, "quantile": 0.25, "value": 232399.99999999997, "Latitude": 37.69, "Longitude": -122.47, "Population": 2104.0}, {"index": 16770, "quantile": 0.5, "value": 243200.0, "Latitude": 37.69, "Longitude": -122.47, "Population": 2104.0}, {"index": 16770, "quantile": 0.75, "value": 264499.99999999994, "Latitude": 37.69, "Longitude": -122.47, "Population": 2104.0}, {"index": 16770, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.69, "Longitude": -122.47, "Population": 2104.0}, {"index": 16771, "quantile": 0.0, "value": 196200.0, "Latitude": 37.69, "Longitude": -122.47, "Population": 606.0}, {"index": 16771, "quantile": 0.25, "value": 258800.0, "Latitude": 37.69, "Longitude": -122.47, "Population": 606.0}, {"index": 16771, "quantile": 0.5, "value": 258800.0, "Latitude": 37.69, "Longitude": -122.47, "Population": 606.0}, {"index": 16771, "quantile": 0.75, "value": 258800.0, "Latitude": 37.69, "Longitude": -122.47, "Population": 606.0}, {"index": 16771, "quantile": 1.0, "value": 350000.0, "Latitude": 37.69, "Longitude": -122.47, "Population": 606.0}, {"index": 16772, "quantile": 0.0, "value": 150100.0, "Latitude": 37.69, "Longitude": -122.48, "Population": 1594.0}, {"index": 16772, "quantile": 0.25, "value": 249000.00000000003, "Latitude": 37.69, "Longitude": -122.48, "Population": 1594.0}, {"index": 16772, "quantile": 0.5, "value": 271100.0, "Latitude": 37.69, "Longitude": -122.48, "Population": 1594.0}, {"index": 16772, "quantile": 0.75, "value": 282400.0, "Latitude": 37.69, "Longitude": -122.48, "Population": 1594.0}, {"index": 16772, "quantile": 1.0, "value": 365600.0, "Latitude": 37.69, "Longitude": -122.48, "Population": 1594.0}, {"index": 16773, "quantile": 0.0, "value": 190000.0, "Latitude": 37.69, "Longitude": -122.48, "Population": 1384.0}, {"index": 16773, "quantile": 0.25, "value": 257500.00000000003, "Latitude": 37.69, "Longitude": -122.48, "Population": 1384.0}, {"index": 16773, "quantile": 0.5, "value": 257500.00000000003, "Latitude": 37.69, "Longitude": -122.48, "Population": 1384.0}, {"index": 16773, "quantile": 0.75, "value": 257500.00000000003, "Latitude": 37.69, "Longitude": -122.48, "Population": 1384.0}, {"index": 16773, "quantile": 1.0, "value": 359500.0, "Latitude": 37.69, "Longitude": -122.48, "Population": 1384.0}, {"index": 16774, "quantile": 0.0, "value": 113799.99999999999, "Latitude": 37.69, "Longitude": -122.46, "Population": 3320.0}, {"index": 16774, "quantile": 0.25, "value": 239800.0, "Latitude": 37.69, "Longitude": -122.46, "Population": 3320.0}, {"index": 16774, "quantile": 0.5, "value": 277700.0, "Latitude": 37.69, "Longitude": -122.46, "Population": 3320.0}, {"index": 16774, "quantile": 0.75, "value": 277700.0, "Latitude": 37.69, "Longitude": -122.46, "Population": 3320.0}, {"index": 16774, "quantile": 1.0, "value": 306700.0, "Latitude": 37.69, "Longitude": -122.46, "Population": 3320.0}, {"index": 16775, "quantile": 0.0, "value": 146900.0, "Latitude": 37.68, "Longitude": -122.46, "Population": 1983.0}, {"index": 16775, "quantile": 0.25, "value": 229400.0, "Latitude": 37.68, "Longitude": -122.46, "Population": 1983.0}, {"index": 16775, "quantile": 0.5, "value": 229400.0, "Latitude": 37.68, "Longitude": -122.46, "Population": 1983.0}, {"index": 16775, "quantile": 0.75, "value": 233075.0, "Latitude": 37.68, "Longitude": -122.46, "Population": 1983.0}, {"index": 16775, "quantile": 1.0, "value": 475000.0, "Latitude": 37.68, "Longitude": -122.46, "Population": 1983.0}, {"index": 16776, "quantile": 0.0, "value": 113700.0, "Latitude": 37.69, "Longitude": -122.47, "Population": 1452.0}, {"index": 16776, "quantile": 0.25, "value": 242050.0, "Latitude": 37.69, "Longitude": -122.47, "Population": 1452.0}, {"index": 16776, "quantile": 0.5, "value": 256100.0, "Latitude": 37.69, "Longitude": -122.47, "Population": 1452.0}, {"index": 16776, "quantile": 0.75, "value": 256100.0, "Latitude": 37.69, "Longitude": -122.47, "Population": 1452.0}, {"index": 16776, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.69, "Longitude": -122.47, "Population": 1452.0}, {"index": 16777, "quantile": 0.0, "value": 214600.0, "Latitude": 37.69, "Longitude": -122.47, "Population": 1130.0}, {"index": 16777, "quantile": 0.25, "value": 270350.0, "Latitude": 37.69, "Longitude": -122.47, "Population": 1130.0}, {"index": 16777, "quantile": 0.5, "value": 304500.0, "Latitude": 37.69, "Longitude": -122.47, "Population": 1130.0}, {"index": 16777, "quantile": 0.75, "value": 304500.0, "Latitude": 37.69, "Longitude": -122.47, "Population": 1130.0}, {"index": 16777, "quantile": 1.0, "value": 402900.0, "Latitude": 37.69, "Longitude": -122.47, "Population": 1130.0}, {"index": 16778, "quantile": 0.0, "value": 121900.00000000001, "Latitude": 37.68, "Longitude": -122.47, "Population": 2544.0}, {"index": 16778, "quantile": 0.25, "value": 281300.0, "Latitude": 37.68, "Longitude": -122.47, "Population": 2544.0}, {"index": 16778, "quantile": 0.5, "value": 306700.0, "Latitude": 37.68, "Longitude": -122.47, "Population": 2544.0}, {"index": 16778, "quantile": 0.75, "value": 306700.0, "Latitude": 37.68, "Longitude": -122.47, "Population": 2544.0}, {"index": 16778, "quantile": 1.0, "value": 350000.0, "Latitude": 37.68, "Longitude": -122.47, "Population": 2544.0}, {"index": 16779, "quantile": 0.0, "value": 185200.0, "Latitude": 37.68, "Longitude": -122.48, "Population": 2296.0}, {"index": 16779, "quantile": 0.25, "value": 268700.0, "Latitude": 37.68, "Longitude": -122.48, "Population": 2296.0}, {"index": 16779, "quantile": 0.5, "value": 268700.0, "Latitude": 37.68, "Longitude": -122.48, "Population": 2296.0}, {"index": 16779, "quantile": 0.75, "value": 270800.0, "Latitude": 37.68, "Longitude": -122.48, "Population": 2296.0}, {"index": 16779, "quantile": 1.0, "value": 353700.0, "Latitude": 37.68, "Longitude": -122.48, "Population": 2296.0}, {"index": 16780, "quantile": 0.0, "value": 113799.99999999999, "Latitude": 37.67, "Longitude": -122.48, "Population": 2340.0}, {"index": 16780, "quantile": 0.25, "value": 232399.99999999997, "Latitude": 37.67, "Longitude": -122.48, "Population": 2340.0}, {"index": 16780, "quantile": 0.5, "value": 256100.0, "Latitude": 37.67, "Longitude": -122.48, "Population": 2340.0}, {"index": 16780, "quantile": 0.75, "value": 265100.0, "Latitude": 37.67, "Longitude": -122.48, "Population": 2340.0}, {"index": 16780, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.67, "Longitude": -122.48, "Population": 2340.0}, {"index": 16781, "quantile": 0.0, "value": 173400.0, "Latitude": 37.67, "Longitude": -122.48, "Population": 1746.0}, {"index": 16781, "quantile": 0.25, "value": 270800.0, "Latitude": 37.67, "Longitude": -122.48, "Population": 1746.0}, {"index": 16781, "quantile": 0.5, "value": 294500.0, "Latitude": 37.67, "Longitude": -122.48, "Population": 1746.0}, {"index": 16781, "quantile": 0.75, "value": 294500.0, "Latitude": 37.67, "Longitude": -122.48, "Population": 1746.0}, {"index": 16781, "quantile": 1.0, "value": 353700.0, "Latitude": 37.67, "Longitude": -122.48, "Population": 1746.0}, {"index": 16782, "quantile": 0.0, "value": 172600.0, "Latitude": 37.68, "Longitude": -122.49, "Population": 2510.0}, {"index": 16782, "quantile": 0.25, "value": 270800.0, "Latitude": 37.68, "Longitude": -122.49, "Population": 2510.0}, {"index": 16782, "quantile": 0.5, "value": 270800.0, "Latitude": 37.68, "Longitude": -122.49, "Population": 2510.0}, {"index": 16782, "quantile": 0.75, "value": 270800.0, "Latitude": 37.68, "Longitude": -122.49, "Population": 2510.0}, {"index": 16782, "quantile": 1.0, "value": 395100.0, "Latitude": 37.68, "Longitude": -122.49, "Population": 2510.0}, {"index": 16783, "quantile": 0.0, "value": 87500.0, "Latitude": 37.67, "Longitude": -122.48, "Population": 2258.0}, {"index": 16783, "quantile": 0.25, "value": 228200.0, "Latitude": 37.67, "Longitude": -122.48, "Population": 2258.0}, {"index": 16783, "quantile": 0.5, "value": 254199.99999999997, "Latitude": 37.67, "Longitude": -122.48, "Population": 2258.0}, {"index": 16783, "quantile": 0.75, "value": 322200.0, "Latitude": 37.67, "Longitude": -122.48, "Population": 2258.0}, {"index": 16783, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.67, "Longitude": -122.48, "Population": 2258.0}, {"index": 16784, "quantile": 0.0, "value": 81300.0, "Latitude": 37.69, "Longitude": -122.45, "Population": 884.0}, {"index": 16784, "quantile": 0.25, "value": 87500.0, "Latitude": 37.69, "Longitude": -122.45, "Population": 884.0}, {"index": 16784, "quantile": 0.5, "value": 87500.0, "Latitude": 37.69, "Longitude": -122.45, "Population": 884.0}, {"index": 16784, "quantile": 0.75, "value": 141875.0, "Latitude": 37.69, "Longitude": -122.45, "Population": 884.0}, {"index": 16784, "quantile": 1.0, "value": 500000.0, "Latitude": 37.69, "Longitude": -122.45, "Population": 884.0}, {"index": 16785, "quantile": 0.0, "value": 164600.0, "Latitude": 37.67, "Longitude": -122.45, "Population": 274.0}, {"index": 16785, "quantile": 0.25, "value": 238600.0, "Latitude": 37.67, "Longitude": -122.45, "Population": 274.0}, {"index": 16785, "quantile": 0.5, "value": 238600.0, "Latitude": 37.67, "Longitude": -122.45, "Population": 274.0}, {"index": 16785, "quantile": 0.75, "value": 241200.0, "Latitude": 37.67, "Longitude": -122.45, "Population": 274.0}, {"index": 16785, "quantile": 1.0, "value": 495800.0, "Latitude": 37.67, "Longitude": -122.45, "Population": 274.0}, {"index": 16786, "quantile": 0.0, "value": 168400.0, "Latitude": 37.67, "Longitude": -122.47, "Population": 3752.0}, {"index": 16786, "quantile": 0.25, "value": 292049.99999999994, "Latitude": 37.67, "Longitude": -122.47, "Population": 3752.0}, {"index": 16786, "quantile": 0.5, "value": 304300.0, "Latitude": 37.67, "Longitude": -122.47, "Population": 3752.0}, {"index": 16786, "quantile": 0.75, "value": 304300.0, "Latitude": 37.67, "Longitude": -122.47, "Population": 3752.0}, {"index": 16786, "quantile": 1.0, "value": 436700.0, "Latitude": 37.67, "Longitude": -122.47, "Population": 3752.0}, {"index": 16787, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 37.66, "Longitude": -122.47, "Population": 3226.0}, {"index": 16787, "quantile": 0.25, "value": 297900.0, "Latitude": 37.66, "Longitude": -122.47, "Population": 3226.0}, {"index": 16787, "quantile": 0.5, "value": 297900.0, "Latitude": 37.66, "Longitude": -122.47, "Population": 3226.0}, {"index": 16787, "quantile": 0.75, "value": 297900.0, "Latitude": 37.66, "Longitude": -122.47, "Population": 3226.0}, {"index": 16787, "quantile": 1.0, "value": 375700.0, "Latitude": 37.66, "Longitude": -122.47, "Population": 3226.0}, {"index": 16788, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.67, "Longitude": -122.46, "Population": 2049.0}, {"index": 16788, "quantile": 0.25, "value": 198400.0, "Latitude": 37.67, "Longitude": -122.46, "Population": 2049.0}, {"index": 16788, "quantile": 0.5, "value": 267049.99999999994, "Latitude": 37.67, "Longitude": -122.46, "Population": 2049.0}, {"index": 16788, "quantile": 0.75, "value": 344500.0, "Latitude": 37.67, "Longitude": -122.46, "Population": 2049.0}, {"index": 16788, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.67, "Longitude": -122.46, "Population": 2049.0}, {"index": 16789, "quantile": 0.0, "value": 190000.0, "Latitude": 37.66, "Longitude": -122.46, "Population": 3861.0}, {"index": 16789, "quantile": 0.25, "value": 284700.0, "Latitude": 37.66, "Longitude": -122.46, "Population": 3861.0}, {"index": 16789, "quantile": 0.5, "value": 284700.0, "Latitude": 37.66, "Longitude": -122.46, "Population": 3861.0}, {"index": 16789, "quantile": 0.75, "value": 284700.0, "Latitude": 37.66, "Longitude": -122.46, "Population": 3861.0}, {"index": 16789, "quantile": 1.0, "value": 311200.0, "Latitude": 37.66, "Longitude": -122.46, "Population": 3861.0}, {"index": 16790, "quantile": 0.0, "value": 187700.0, "Latitude": 37.65, "Longitude": -122.46, "Population": 2027.0}, {"index": 16790, "quantile": 0.25, "value": 263300.0, "Latitude": 37.65, "Longitude": -122.46, "Population": 2027.0}, {"index": 16790, "quantile": 0.5, "value": 270800.0, "Latitude": 37.65, "Longitude": -122.46, "Population": 2027.0}, {"index": 16790, "quantile": 0.75, "value": 294500.0, "Latitude": 37.65, "Longitude": -122.46, "Population": 2027.0}, {"index": 16790, "quantile": 1.0, "value": 353700.0, "Latitude": 37.65, "Longitude": -122.46, "Population": 2027.0}, {"index": 16791, "quantile": 0.0, "value": 201100.0, "Latitude": 37.67, "Longitude": -122.45, "Population": 963.0}, {"index": 16791, "quantile": 0.25, "value": 246400.0, "Latitude": 37.67, "Longitude": -122.45, "Population": 963.0}, {"index": 16791, "quantile": 0.5, "value": 246400.0, "Latitude": 37.67, "Longitude": -122.45, "Population": 963.0}, {"index": 16791, "quantile": 0.75, "value": 262325.0, "Latitude": 37.67, "Longitude": -122.45, "Population": 963.0}, {"index": 16791, "quantile": 1.0, "value": 316000.0, "Latitude": 37.67, "Longitude": -122.45, "Population": 963.0}, {"index": 16792, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 37.66, "Longitude": -122.45, "Population": 1545.0}, {"index": 16792, "quantile": 0.25, "value": 263300.0, "Latitude": 37.66, "Longitude": -122.45, "Population": 1545.0}, {"index": 16792, "quantile": 0.5, "value": 263300.0, "Latitude": 37.66, "Longitude": -122.45, "Population": 1545.0}, {"index": 16792, "quantile": 0.75, "value": 263300.0, "Latitude": 37.66, "Longitude": -122.45, "Population": 1545.0}, {"index": 16792, "quantile": 1.0, "value": 334000.0, "Latitude": 37.66, "Longitude": -122.45, "Population": 1545.0}, {"index": 16793, "quantile": 0.0, "value": 168800.0, "Latitude": 37.66, "Longitude": -122.46, "Population": 1390.0}, {"index": 16793, "quantile": 0.25, "value": 242800.0, "Latitude": 37.66, "Longitude": -122.46, "Population": 1390.0}, {"index": 16793, "quantile": 0.5, "value": 263300.0, "Latitude": 37.66, "Longitude": -122.46, "Population": 1390.0}, {"index": 16793, "quantile": 0.75, "value": 270800.0, "Latitude": 37.66, "Longitude": -122.46, "Population": 1390.0}, {"index": 16793, "quantile": 1.0, "value": 397900.0, "Latitude": 37.66, "Longitude": -122.46, "Population": 1390.0}, {"index": 16794, "quantile": 0.0, "value": 227900.0, "Latitude": 37.66, "Longitude": -122.45, "Population": 2761.0}, {"index": 16794, "quantile": 0.25, "value": 280700.0, "Latitude": 37.66, "Longitude": -122.45, "Population": 2761.0}, {"index": 16794, "quantile": 0.5, "value": 280700.0, "Latitude": 37.66, "Longitude": -122.45, "Population": 2761.0}, {"index": 16794, "quantile": 0.75, "value": 280700.0, "Latitude": 37.66, "Longitude": -122.45, "Population": 2761.0}, {"index": 16794, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.66, "Longitude": -122.45, "Population": 2761.0}, {"index": 16795, "quantile": 0.0, "value": 173200.0, "Latitude": 37.65, "Longitude": -122.44, "Population": 2695.0}, {"index": 16795, "quantile": 0.25, "value": 275575.0, "Latitude": 37.65, "Longitude": -122.44, "Population": 2695.0}, {"index": 16795, "quantile": 0.5, "value": 276200.0, "Latitude": 37.65, "Longitude": -122.44, "Population": 2695.0}, {"index": 16795, "quantile": 0.75, "value": 276200.0, "Latitude": 37.65, "Longitude": -122.44, "Population": 2695.0}, {"index": 16795, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.65, "Longitude": -122.44, "Population": 2695.0}, {"index": 16796, "quantile": 0.0, "value": 162100.0, "Latitude": 37.66, "Longitude": -122.43, "Population": 2259.0}, {"index": 16796, "quantile": 0.25, "value": 269675.0, "Latitude": 37.66, "Longitude": -122.43, "Population": 2259.0}, {"index": 16796, "quantile": 0.5, "value": 278400.0, "Latitude": 37.66, "Longitude": -122.43, "Population": 2259.0}, {"index": 16796, "quantile": 0.75, "value": 278400.0, "Latitude": 37.66, "Longitude": -122.43, "Population": 2259.0}, {"index": 16796, "quantile": 1.0, "value": 350000.0, "Latitude": 37.66, "Longitude": -122.43, "Population": 2259.0}, {"index": 16797, "quantile": 0.0, "value": 179300.0, "Latitude": 37.66, "Longitude": -122.44, "Population": 3288.0}, {"index": 16797, "quantile": 0.25, "value": 253925.0, "Latitude": 37.66, "Longitude": -122.44, "Population": 3288.0}, {"index": 16797, "quantile": 0.5, "value": 306500.0, "Latitude": 37.66, "Longitude": -122.44, "Population": 3288.0}, {"index": 16797, "quantile": 0.75, "value": 391900.0, "Latitude": 37.66, "Longitude": -122.44, "Population": 3288.0}, {"index": 16797, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.66, "Longitude": -122.44, "Population": 3288.0}, {"index": 16798, "quantile": 0.0, "value": 193800.0, "Latitude": 37.66, "Longitude": -122.44, "Population": 799.0}, {"index": 16798, "quantile": 0.25, "value": 246400.0, "Latitude": 37.66, "Longitude": -122.44, "Population": 799.0}, {"index": 16798, "quantile": 0.5, "value": 272800.0, "Latitude": 37.66, "Longitude": -122.44, "Population": 799.0}, {"index": 16798, "quantile": 0.75, "value": 283325.0, "Latitude": 37.66, "Longitude": -122.44, "Population": 799.0}, {"index": 16798, "quantile": 1.0, "value": 350000.0, "Latitude": 37.66, "Longitude": -122.44, "Population": 799.0}, {"index": 16799, "quantile": 0.0, "value": 159500.0, "Latitude": 37.67, "Longitude": -122.44, "Population": 1025.0}, {"index": 16799, "quantile": 0.25, "value": 268400.0, "Latitude": 37.67, "Longitude": -122.44, "Population": 1025.0}, {"index": 16799, "quantile": 0.5, "value": 268400.0, "Latitude": 37.67, "Longitude": -122.44, "Population": 1025.0}, {"index": 16799, "quantile": 0.75, "value": 268400.0, "Latitude": 37.67, "Longitude": -122.44, "Population": 1025.0}, {"index": 16799, "quantile": 1.0, "value": 391900.0, "Latitude": 37.67, "Longitude": -122.44, "Population": 1025.0}, {"index": 16800, "quantile": 0.0, "value": 172600.0, "Latitude": 37.67, "Longitude": -122.42, "Population": 1255.0}, {"index": 16800, "quantile": 0.25, "value": 226300.0, "Latitude": 37.67, "Longitude": -122.42, "Population": 1255.0}, {"index": 16800, "quantile": 0.5, "value": 226300.0, "Latitude": 37.67, "Longitude": -122.42, "Population": 1255.0}, {"index": 16800, "quantile": 0.75, "value": 263300.0, "Latitude": 37.67, "Longitude": -122.42, "Population": 1255.0}, {"index": 16800, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.67, "Longitude": -122.42, "Population": 1255.0}, {"index": 16801, "quantile": 0.0, "value": 165400.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 1255.0}, {"index": 16801, "quantile": 0.25, "value": 250700.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 1255.0}, {"index": 16801, "quantile": 0.5, "value": 250700.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 1255.0}, {"index": 16801, "quantile": 0.75, "value": 250700.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 1255.0}, {"index": 16801, "quantile": 1.0, "value": 276200.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 1255.0}, {"index": 16802, "quantile": 0.0, "value": 196200.0, "Latitude": 37.66, "Longitude": -122.42, "Population": 1063.0}, {"index": 16802, "quantile": 0.25, "value": 302600.0, "Latitude": 37.66, "Longitude": -122.42, "Population": 1063.0}, {"index": 16802, "quantile": 0.5, "value": 302600.0, "Latitude": 37.66, "Longitude": -122.42, "Population": 1063.0}, {"index": 16802, "quantile": 0.75, "value": 302600.0, "Latitude": 37.66, "Longitude": -122.42, "Population": 1063.0}, {"index": 16802, "quantile": 1.0, "value": 361700.0, "Latitude": 37.66, "Longitude": -122.42, "Population": 1063.0}, {"index": 16803, "quantile": 0.0, "value": 206700.00000000003, "Latitude": 37.66, "Longitude": -122.42, "Population": 1746.0}, {"index": 16803, "quantile": 0.25, "value": 273500.0, "Latitude": 37.66, "Longitude": -122.42, "Population": 1746.0}, {"index": 16803, "quantile": 0.5, "value": 273500.0, "Latitude": 37.66, "Longitude": -122.42, "Population": 1746.0}, {"index": 16803, "quantile": 0.75, "value": 273500.0, "Latitude": 37.66, "Longitude": -122.42, "Population": 1746.0}, {"index": 16803, "quantile": 1.0, "value": 391000.0, "Latitude": 37.66, "Longitude": -122.42, "Population": 1746.0}, {"index": 16804, "quantile": 0.0, "value": 211300.0, "Latitude": 37.66, "Longitude": -122.42, "Population": 335.0}, {"index": 16804, "quantile": 0.25, "value": 327600.0, "Latitude": 37.66, "Longitude": -122.42, "Population": 335.0}, {"index": 16804, "quantile": 0.5, "value": 327600.0, "Latitude": 37.66, "Longitude": -122.42, "Population": 335.0}, {"index": 16804, "quantile": 0.75, "value": 327600.0, "Latitude": 37.66, "Longitude": -122.42, "Population": 335.0}, {"index": 16804, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.66, "Longitude": -122.42, "Population": 335.0}, {"index": 16805, "quantile": 0.0, "value": 134400.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 1096.0}, {"index": 16805, "quantile": 0.25, "value": 246700.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 1096.0}, {"index": 16805, "quantile": 0.5, "value": 246700.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 1096.0}, {"index": 16805, "quantile": 0.75, "value": 246700.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 1096.0}, {"index": 16805, "quantile": 1.0, "value": 304500.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 1096.0}, {"index": 16806, "quantile": 0.0, "value": 153500.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 906.0}, {"index": 16806, "quantile": 0.25, "value": 231650.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 906.0}, {"index": 16806, "quantile": 0.5, "value": 242499.99999999997, "Latitude": 37.66, "Longitude": -122.41, "Population": 906.0}, {"index": 16806, "quantile": 0.75, "value": 242499.99999999997, "Latitude": 37.66, "Longitude": -122.41, "Population": 906.0}, {"index": 16806, "quantile": 1.0, "value": 350000.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 906.0}, {"index": 16807, "quantile": 0.0, "value": 215300.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 1177.0}, {"index": 16807, "quantile": 0.25, "value": 218800.00000000003, "Latitude": 37.66, "Longitude": -122.41, "Population": 1177.0}, {"index": 16807, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 37.66, "Longitude": -122.41, "Population": 1177.0}, {"index": 16807, "quantile": 0.75, "value": 218800.00000000003, "Latitude": 37.66, "Longitude": -122.41, "Population": 1177.0}, {"index": 16807, "quantile": 1.0, "value": 265100.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 1177.0}, {"index": 16808, "quantile": 0.0, "value": 174100.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 658.0}, {"index": 16808, "quantile": 0.25, "value": 237500.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 658.0}, {"index": 16808, "quantile": 0.5, "value": 237500.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 658.0}, {"index": 16808, "quantile": 0.75, "value": 254599.99999999997, "Latitude": 37.66, "Longitude": -122.41, "Population": 658.0}, {"index": 16808, "quantile": 1.0, "value": 350000.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 658.0}, {"index": 16809, "quantile": 0.0, "value": 192600.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 682.0}, {"index": 16809, "quantile": 0.25, "value": 233300.00000000003, "Latitude": 37.66, "Longitude": -122.41, "Population": 682.0}, {"index": 16809, "quantile": 0.5, "value": 233300.00000000003, "Latitude": 37.66, "Longitude": -122.41, "Population": 682.0}, {"index": 16809, "quantile": 0.75, "value": 233300.00000000003, "Latitude": 37.66, "Longitude": -122.41, "Population": 682.0}, {"index": 16809, "quantile": 1.0, "value": 319000.0, "Latitude": 37.66, "Longitude": -122.41, "Population": 682.0}, {"index": 16810, "quantile": 0.0, "value": 113799.99999999999, "Latitude": 37.65, "Longitude": -122.41, "Population": 2583.0}, {"index": 16810, "quantile": 0.25, "value": 232399.99999999997, "Latitude": 37.65, "Longitude": -122.41, "Population": 2583.0}, {"index": 16810, "quantile": 0.5, "value": 232399.99999999997, "Latitude": 37.65, "Longitude": -122.41, "Population": 2583.0}, {"index": 16810, "quantile": 0.75, "value": 235074.99999999997, "Latitude": 37.65, "Longitude": -122.41, "Population": 2583.0}, {"index": 16810, "quantile": 1.0, "value": 277700.0, "Latitude": 37.65, "Longitude": -122.41, "Population": 2583.0}, {"index": 16811, "quantile": 0.0, "value": 155200.0, "Latitude": 37.66, "Longitude": -122.42, "Population": 2246.0}, {"index": 16811, "quantile": 0.25, "value": 244000.0, "Latitude": 37.66, "Longitude": -122.42, "Population": 2246.0}, {"index": 16811, "quantile": 0.5, "value": 244000.0, "Latitude": 37.66, "Longitude": -122.42, "Population": 2246.0}, {"index": 16811, "quantile": 0.75, "value": 244000.0, "Latitude": 37.66, "Longitude": -122.42, "Population": 2246.0}, {"index": 16811, "quantile": 1.0, "value": 375000.0, "Latitude": 37.66, "Longitude": -122.42, "Population": 2246.0}, {"index": 16812, "quantile": 0.0, "value": 163500.0, "Latitude": 37.66, "Longitude": -122.43, "Population": 1102.0}, {"index": 16812, "quantile": 0.25, "value": 237500.0, "Latitude": 37.66, "Longitude": -122.43, "Population": 1102.0}, {"index": 16812, "quantile": 0.5, "value": 263200.0, "Latitude": 37.66, "Longitude": -122.43, "Population": 1102.0}, {"index": 16812, "quantile": 0.75, "value": 271275.0, "Latitude": 37.66, "Longitude": -122.43, "Population": 1102.0}, {"index": 16812, "quantile": 1.0, "value": 347400.0, "Latitude": 37.66, "Longitude": -122.43, "Population": 1102.0}, {"index": 16813, "quantile": 0.0, "value": 114599.99999999999, "Latitude": 37.65, "Longitude": -122.42, "Population": 2941.0}, {"index": 16813, "quantile": 0.25, "value": 239800.0, "Latitude": 37.65, "Longitude": -122.42, "Population": 2941.0}, {"index": 16813, "quantile": 0.5, "value": 239800.0, "Latitude": 37.65, "Longitude": -122.42, "Population": 2941.0}, {"index": 16813, "quantile": 0.75, "value": 240650.00000000003, "Latitude": 37.65, "Longitude": -122.42, "Population": 2941.0}, {"index": 16813, "quantile": 1.0, "value": 369300.0, "Latitude": 37.65, "Longitude": -122.42, "Population": 2941.0}, {"index": 16814, "quantile": 0.0, "value": 225800.0, "Latitude": 37.64, "Longitude": -122.43, "Population": 4101.0}, {"index": 16814, "quantile": 0.25, "value": 301000.0, "Latitude": 37.64, "Longitude": -122.43, "Population": 4101.0}, {"index": 16814, "quantile": 0.5, "value": 301000.0, "Latitude": 37.64, "Longitude": -122.43, "Population": 4101.0}, {"index": 16814, "quantile": 0.75, "value": 301000.0, "Latitude": 37.64, "Longitude": -122.43, "Population": 4101.0}, {"index": 16814, "quantile": 1.0, "value": 391900.0, "Latitude": 37.64, "Longitude": -122.43, "Population": 4101.0}, {"index": 16815, "quantile": 0.0, "value": 184700.0, "Latitude": 37.64, "Longitude": -122.43, "Population": 1861.0}, {"index": 16815, "quantile": 0.25, "value": 272700.0, "Latitude": 37.64, "Longitude": -122.43, "Population": 1861.0}, {"index": 16815, "quantile": 0.5, "value": 272700.0, "Latitude": 37.64, "Longitude": -122.43, "Population": 1861.0}, {"index": 16815, "quantile": 0.75, "value": 272950.0, "Latitude": 37.64, "Longitude": -122.43, "Population": 1861.0}, {"index": 16815, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.64, "Longitude": -122.43, "Population": 1861.0}, {"index": 16816, "quantile": 0.0, "value": 201799.99999999997, "Latitude": 37.64, "Longitude": -122.45, "Population": 3444.0}, {"index": 16816, "quantile": 0.25, "value": 253925.0, "Latitude": 37.64, "Longitude": -122.45, "Population": 3444.0}, {"index": 16816, "quantile": 0.5, "value": 293300.0, "Latitude": 37.64, "Longitude": -122.45, "Population": 3444.0}, {"index": 16816, "quantile": 0.75, "value": 346325.0, "Latitude": 37.64, "Longitude": -122.45, "Population": 3444.0}, {"index": 16816, "quantile": 1.0, "value": 417000.0, "Latitude": 37.64, "Longitude": -122.45, "Population": 3444.0}, {"index": 16817, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 37.64, "Longitude": -122.46, "Population": 1617.0}, {"index": 16817, "quantile": 0.25, "value": 270800.0, "Latitude": 37.64, "Longitude": -122.46, "Population": 1617.0}, {"index": 16817, "quantile": 0.5, "value": 353700.0, "Latitude": 37.64, "Longitude": -122.46, "Population": 1617.0}, {"index": 16817, "quantile": 0.75, "value": 353700.0, "Latitude": 37.64, "Longitude": -122.46, "Population": 1617.0}, {"index": 16817, "quantile": 1.0, "value": 397900.0, "Latitude": 37.64, "Longitude": -122.46, "Population": 1617.0}, {"index": 16818, "quantile": 0.0, "value": 131300.0, "Latitude": 37.65, "Longitude": -122.46, "Population": 5130.0}, {"index": 16818, "quantile": 0.25, "value": 260950.00000000003, "Latitude": 37.65, "Longitude": -122.46, "Population": 5130.0}, {"index": 16818, "quantile": 0.5, "value": 262000.0, "Latitude": 37.65, "Longitude": -122.46, "Population": 5130.0}, {"index": 16818, "quantile": 0.75, "value": 262000.0, "Latitude": 37.65, "Longitude": -122.46, "Population": 5130.0}, {"index": 16818, "quantile": 1.0, "value": 350000.0, "Latitude": 37.65, "Longitude": -122.46, "Population": 5130.0}, {"index": 16819, "quantile": 0.0, "value": 123700.00000000001, "Latitude": 37.64, "Longitude": -122.46, "Population": 2150.0}, {"index": 16819, "quantile": 0.25, "value": 251200.0, "Latitude": 37.64, "Longitude": -122.46, "Population": 2150.0}, {"index": 16819, "quantile": 0.5, "value": 251200.0, "Latitude": 37.64, "Longitude": -122.46, "Population": 2150.0}, {"index": 16819, "quantile": 0.75, "value": 254500.0, "Latitude": 37.64, "Longitude": -122.46, "Population": 2150.0}, {"index": 16819, "quantile": 1.0, "value": 500000.0, "Latitude": 37.64, "Longitude": -122.46, "Population": 2150.0}, {"index": 16820, "quantile": 0.0, "value": 236200.0, "Latitude": 37.65, "Longitude": -122.47, "Population": 5023.0}, {"index": 16820, "quantile": 0.25, "value": 236200.0, "Latitude": 37.65, "Longitude": -122.47, "Population": 5023.0}, {"index": 16820, "quantile": 0.5, "value": 236200.0, "Latitude": 37.65, "Longitude": -122.47, "Population": 5023.0}, {"index": 16820, "quantile": 0.75, "value": 254674.99999999997, "Latitude": 37.65, "Longitude": -122.47, "Population": 5023.0}, {"index": 16820, "quantile": 1.0, "value": 350000.0, "Latitude": 37.65, "Longitude": -122.47, "Population": 5023.0}, {"index": 16821, "quantile": 0.0, "value": 178900.0, "Latitude": 37.66, "Longitude": -122.53, "Population": 4674.0}, {"index": 16821, "quantile": 0.25, "value": 272400.0, "Latitude": 37.66, "Longitude": -122.53, "Population": 4674.0}, {"index": 16821, "quantile": 0.5, "value": 272400.0, "Latitude": 37.66, "Longitude": -122.53, "Population": 4674.0}, {"index": 16821, "quantile": 0.75, "value": 272400.0, "Latitude": 37.66, "Longitude": -122.53, "Population": 4674.0}, {"index": 16821, "quantile": 1.0, "value": 397900.0, "Latitude": 37.66, "Longitude": -122.53, "Population": 4674.0}, {"index": 16822, "quantile": 0.0, "value": 126000.0, "Latitude": 37.65, "Longitude": -122.53, "Population": 2325.0}, {"index": 16822, "quantile": 0.25, "value": 275000.0, "Latitude": 37.65, "Longitude": -122.53, "Population": 2325.0}, {"index": 16822, "quantile": 0.5, "value": 275000.0, "Latitude": 37.65, "Longitude": -122.53, "Population": 2325.0}, {"index": 16822, "quantile": 0.75, "value": 275000.0, "Latitude": 37.65, "Longitude": -122.53, "Population": 2325.0}, {"index": 16822, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.65, "Longitude": -122.53, "Population": 2325.0}, {"index": 16823, "quantile": 0.0, "value": 203700.0, "Latitude": 37.65, "Longitude": -122.48, "Population": 1817.0}, {"index": 16823, "quantile": 0.25, "value": 227400.0, "Latitude": 37.65, "Longitude": -122.48, "Population": 1817.0}, {"index": 16823, "quantile": 0.5, "value": 227400.0, "Latitude": 37.65, "Longitude": -122.48, "Population": 1817.0}, {"index": 16823, "quantile": 0.75, "value": 272700.0, "Latitude": 37.65, "Longitude": -122.48, "Population": 1817.0}, {"index": 16823, "quantile": 1.0, "value": 341300.0, "Latitude": 37.65, "Longitude": -122.48, "Population": 1817.0}, {"index": 16824, "quantile": 0.0, "value": 263200.0, "Latitude": 37.63, "Longitude": -122.49, "Population": 1472.0}, {"index": 16824, "quantile": 0.25, "value": 263900.0, "Latitude": 37.63, "Longitude": -122.49, "Population": 1472.0}, {"index": 16824, "quantile": 0.5, "value": 263900.0, "Latitude": 37.63, "Longitude": -122.49, "Population": 1472.0}, {"index": 16824, "quantile": 0.75, "value": 290725.0, "Latitude": 37.63, "Longitude": -122.49, "Population": 1472.0}, {"index": 16824, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.63, "Longitude": -122.49, "Population": 1472.0}, {"index": 16825, "quantile": 0.0, "value": 150000.0, "Latitude": 37.63, "Longitude": -122.49, "Population": 398.0}, {"index": 16825, "quantile": 0.25, "value": 254100.0, "Latitude": 37.63, "Longitude": -122.49, "Population": 398.0}, {"index": 16825, "quantile": 0.5, "value": 254100.0, "Latitude": 37.63, "Longitude": -122.49, "Population": 398.0}, {"index": 16825, "quantile": 0.75, "value": 254100.0, "Latitude": 37.63, "Longitude": -122.49, "Population": 398.0}, {"index": 16825, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 37.63, "Longitude": -122.49, "Population": 398.0}, {"index": 16826, "quantile": 0.0, "value": 179800.0, "Latitude": 37.63, "Longitude": -122.49, "Population": 785.0}, {"index": 16826, "quantile": 0.25, "value": 234600.0, "Latitude": 37.63, "Longitude": -122.49, "Population": 785.0}, {"index": 16826, "quantile": 0.5, "value": 234600.0, "Latitude": 37.63, "Longitude": -122.49, "Population": 785.0}, {"index": 16826, "quantile": 0.75, "value": 254175.0, "Latitude": 37.63, "Longitude": -122.49, "Population": 785.0}, {"index": 16826, "quantile": 1.0, "value": 369300.0, "Latitude": 37.63, "Longitude": -122.49, "Population": 785.0}, {"index": 16827, "quantile": 0.0, "value": 87500.0, "Latitude": 37.63, "Longitude": -122.53, "Population": 1386.0}, {"index": 16827, "quantile": 0.25, "value": 228200.0, "Latitude": 37.63, "Longitude": -122.53, "Population": 1386.0}, {"index": 16827, "quantile": 0.5, "value": 228200.0, "Latitude": 37.63, "Longitude": -122.53, "Population": 1386.0}, {"index": 16827, "quantile": 0.75, "value": 270225.0, "Latitude": 37.63, "Longitude": -122.53, "Population": 1386.0}, {"index": 16827, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.63, "Longitude": -122.53, "Population": 1386.0}, {"index": 16828, "quantile": 0.0, "value": 112500.0, "Latitude": 37.64, "Longitude": -122.48, "Population": 50.0}, {"index": 16828, "quantile": 0.25, "value": 281000.0, "Latitude": 37.64, "Longitude": -122.48, "Population": 50.0}, {"index": 16828, "quantile": 0.5, "value": 281000.0, "Latitude": 37.64, "Longitude": -122.48, "Population": 50.0}, {"index": 16828, "quantile": 0.75, "value": 312500.0, "Latitude": 37.64, "Longitude": -122.48, "Population": 50.0}, {"index": 16828, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.64, "Longitude": -122.48, "Population": 50.0}, {"index": 16829, "quantile": 0.0, "value": 139100.0, "Latitude": 37.61, "Longitude": -122.47, "Population": 2208.0}, {"index": 16829, "quantile": 0.25, "value": 279300.0, "Latitude": 37.61, "Longitude": -122.47, "Population": 2208.0}, {"index": 16829, "quantile": 0.5, "value": 279300.0, "Latitude": 37.61, "Longitude": -122.47, "Population": 2208.0}, {"index": 16829, "quantile": 0.75, "value": 283050.0, "Latitude": 37.61, "Longitude": -122.47, "Population": 2208.0}, {"index": 16829, "quantile": 1.0, "value": 453700.0, "Latitude": 37.61, "Longitude": -122.47, "Population": 2208.0}, {"index": 16830, "quantile": 0.0, "value": 170200.0, "Latitude": 37.62, "Longitude": -122.54, "Population": 747.0}, {"index": 16830, "quantile": 0.25, "value": 237500.0, "Latitude": 37.62, "Longitude": -122.54, "Population": 747.0}, {"index": 16830, "quantile": 0.5, "value": 241699.99999999997, "Latitude": 37.62, "Longitude": -122.54, "Population": 747.0}, {"index": 16830, "quantile": 0.75, "value": 273500.0, "Latitude": 37.62, "Longitude": -122.54, "Population": 747.0}, {"index": 16830, "quantile": 1.0, "value": 459199.99999999994, "Latitude": 37.62, "Longitude": -122.54, "Population": 747.0}, {"index": 16831, "quantile": 0.0, "value": 194700.0, "Latitude": 37.59, "Longitude": -122.49, "Population": 1498.0}, {"index": 16831, "quantile": 0.25, "value": 262500.0, "Latitude": 37.59, "Longitude": -122.49, "Population": 1498.0}, {"index": 16831, "quantile": 0.5, "value": 262500.0, "Latitude": 37.59, "Longitude": -122.49, "Population": 1498.0}, {"index": 16831, "quantile": 0.75, "value": 267200.0, "Latitude": 37.59, "Longitude": -122.49, "Population": 1498.0}, {"index": 16831, "quantile": 1.0, "value": 397900.0, "Latitude": 37.59, "Longitude": -122.49, "Population": 1498.0}, {"index": 16832, "quantile": 0.0, "value": 164000.0, "Latitude": 37.59, "Longitude": -122.5, "Population": 736.0}, {"index": 16832, "quantile": 0.25, "value": 237500.0, "Latitude": 37.59, "Longitude": -122.5, "Population": 736.0}, {"index": 16832, "quantile": 0.5, "value": 237500.0, "Latitude": 37.59, "Longitude": -122.5, "Population": 736.0}, {"index": 16832, "quantile": 0.75, "value": 241699.99999999997, "Latitude": 37.59, "Longitude": -122.5, "Population": 736.0}, {"index": 16832, "quantile": 1.0, "value": 331300.0, "Latitude": 37.59, "Longitude": -122.5, "Population": 736.0}, {"index": 16833, "quantile": 0.0, "value": 173100.0, "Latitude": 37.6, "Longitude": -122.5, "Population": 971.0}, {"index": 16833, "quantile": 0.25, "value": 241699.99999999997, "Latitude": 37.6, "Longitude": -122.5, "Population": 971.0}, {"index": 16833, "quantile": 0.5, "value": 241699.99999999997, "Latitude": 37.6, "Longitude": -122.5, "Population": 971.0}, {"index": 16833, "quantile": 0.75, "value": 241699.99999999997, "Latitude": 37.6, "Longitude": -122.5, "Population": 971.0}, {"index": 16833, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.6, "Longitude": -122.5, "Population": 971.0}, {"index": 16834, "quantile": 0.0, "value": 130600.0, "Latitude": 37.59, "Longitude": -122.55, "Population": 598.0}, {"index": 16834, "quantile": 0.25, "value": 239600.0, "Latitude": 37.59, "Longitude": -122.55, "Population": 598.0}, {"index": 16834, "quantile": 0.5, "value": 292500.0, "Latitude": 37.59, "Longitude": -122.55, "Population": 598.0}, {"index": 16834, "quantile": 0.75, "value": 318600.0, "Latitude": 37.59, "Longitude": -122.55, "Population": 598.0}, {"index": 16834, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.55, "Population": 598.0}, {"index": 16835, "quantile": 0.0, "value": 72500.0, "Latitude": 37.58, "Longitude": -122.51, "Population": 59.0}, {"index": 16835, "quantile": 0.25, "value": 243624.99999999997, "Latitude": 37.58, "Longitude": -122.51, "Population": 59.0}, {"index": 16835, "quantile": 0.5, "value": 450000.0, "Latitude": 37.58, "Longitude": -122.51, "Population": 59.0}, {"index": 16835, "quantile": 0.75, "value": 450000.0, "Latitude": 37.58, "Longitude": -122.51, "Population": 59.0}, {"index": 16835, "quantile": 1.0, "value": 475000.0, "Latitude": 37.58, "Longitude": -122.51, "Population": 59.0}, {"index": 16836, "quantile": 0.0, "value": 156500.0, "Latitude": 37.6, "Longitude": -122.49, "Population": 1697.0}, {"index": 16836, "quantile": 0.25, "value": 261675.0, "Latitude": 37.6, "Longitude": -122.49, "Population": 1697.0}, {"index": 16836, "quantile": 0.5, "value": 276200.0, "Latitude": 37.6, "Longitude": -122.49, "Population": 1697.0}, {"index": 16836, "quantile": 0.75, "value": 307525.0, "Latitude": 37.6, "Longitude": -122.49, "Population": 1697.0}, {"index": 16836, "quantile": 1.0, "value": 459199.99999999994, "Latitude": 37.6, "Longitude": -122.49, "Population": 1697.0}, {"index": 16837, "quantile": 0.0, "value": 168800.0, "Latitude": 37.59, "Longitude": -122.48, "Population": 2784.0}, {"index": 16837, "quantile": 0.25, "value": 263300.0, "Latitude": 37.59, "Longitude": -122.48, "Population": 2784.0}, {"index": 16837, "quantile": 0.5, "value": 280400.0, "Latitude": 37.59, "Longitude": -122.48, "Population": 2784.0}, {"index": 16837, "quantile": 0.75, "value": 326300.0, "Latitude": 37.59, "Longitude": -122.48, "Population": 2784.0}, {"index": 16837, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.48, "Population": 2784.0}, {"index": 16838, "quantile": 0.0, "value": 202300.0, "Latitude": 37.57, "Longitude": -122.48, "Population": 2282.0}, {"index": 16838, "quantile": 0.25, "value": 249000.00000000003, "Latitude": 37.57, "Longitude": -122.48, "Population": 2282.0}, {"index": 16838, "quantile": 0.5, "value": 249000.00000000003, "Latitude": 37.57, "Longitude": -122.48, "Population": 2282.0}, {"index": 16838, "quantile": 0.75, "value": 272800.0, "Latitude": 37.57, "Longitude": -122.48, "Population": 2282.0}, {"index": 16838, "quantile": 1.0, "value": 500000.0, "Latitude": 37.57, "Longitude": -122.48, "Population": 2282.0}, {"index": 16839, "quantile": 0.0, "value": 227300.0, "Latitude": 37.59, "Longitude": -122.46, "Population": 6160.0}, {"index": 16839, "quantile": 0.25, "value": 325800.0, "Latitude": 37.59, "Longitude": -122.46, "Population": 6160.0}, {"index": 16839, "quantile": 0.5, "value": 325800.0, "Latitude": 37.59, "Longitude": -122.46, "Population": 6160.0}, {"index": 16839, "quantile": 0.75, "value": 327850.0, "Latitude": 37.59, "Longitude": -122.46, "Population": 6160.0}, {"index": 16839, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.46, "Population": 6160.0}, {"index": 16840, "quantile": 0.0, "value": 140600.0, "Latitude": 37.63, "Longitude": -122.46, "Population": 3783.0}, {"index": 16840, "quantile": 0.25, "value": 280400.0, "Latitude": 37.63, "Longitude": -122.46, "Population": 3783.0}, {"index": 16840, "quantile": 0.5, "value": 280400.0, "Latitude": 37.63, "Longitude": -122.46, "Population": 3783.0}, {"index": 16840, "quantile": 0.75, "value": 280400.0, "Latitude": 37.63, "Longitude": -122.46, "Population": 3783.0}, {"index": 16840, "quantile": 1.0, "value": 407200.0, "Latitude": 37.63, "Longitude": -122.46, "Population": 3783.0}, {"index": 16841, "quantile": 0.0, "value": 196600.0, "Latitude": 37.62, "Longitude": -122.45, "Population": 1712.0}, {"index": 16841, "quantile": 0.25, "value": 288050.0, "Latitude": 37.62, "Longitude": -122.45, "Population": 1712.0}, {"index": 16841, "quantile": 0.5, "value": 333800.0, "Latitude": 37.62, "Longitude": -122.45, "Population": 1712.0}, {"index": 16841, "quantile": 0.75, "value": 411200.0, "Latitude": 37.62, "Longitude": -122.45, "Population": 1712.0}, {"index": 16841, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.62, "Longitude": -122.45, "Population": 1712.0}, {"index": 16842, "quantile": 0.0, "value": 206500.0, "Latitude": 37.63, "Longitude": -122.45, "Population": 2683.0}, {"index": 16842, "quantile": 0.25, "value": 302100.0, "Latitude": 37.63, "Longitude": -122.45, "Population": 2683.0}, {"index": 16842, "quantile": 0.5, "value": 302100.0, "Latitude": 37.63, "Longitude": -122.45, "Population": 2683.0}, {"index": 16842, "quantile": 0.75, "value": 302100.0, "Latitude": 37.63, "Longitude": -122.45, "Population": 2683.0}, {"index": 16842, "quantile": 1.0, "value": 375700.0, "Latitude": 37.63, "Longitude": -122.45, "Population": 2683.0}, {"index": 16843, "quantile": 0.0, "value": 226300.0, "Latitude": 37.63, "Longitude": -122.44, "Population": 3004.0}, {"index": 16843, "quantile": 0.25, "value": 279549.99999999994, "Latitude": 37.63, "Longitude": -122.44, "Population": 3004.0}, {"index": 16843, "quantile": 0.5, "value": 281300.0, "Latitude": 37.63, "Longitude": -122.44, "Population": 3004.0}, {"index": 16843, "quantile": 0.75, "value": 281300.0, "Latitude": 37.63, "Longitude": -122.44, "Population": 3004.0}, {"index": 16843, "quantile": 1.0, "value": 342300.0, "Latitude": 37.63, "Longitude": -122.44, "Population": 3004.0}, {"index": 16844, "quantile": 0.0, "value": 200999.99999999997, "Latitude": 37.63, "Longitude": -122.43, "Population": 2154.0}, {"index": 16844, "quantile": 0.25, "value": 340900.0, "Latitude": 37.63, "Longitude": -122.43, "Population": 2154.0}, {"index": 16844, "quantile": 0.5, "value": 342300.0, "Latitude": 37.63, "Longitude": -122.43, "Population": 2154.0}, {"index": 16844, "quantile": 0.75, "value": 342300.0, "Latitude": 37.63, "Longitude": -122.43, "Population": 2154.0}, {"index": 16844, "quantile": 1.0, "value": 342300.0, "Latitude": 37.63, "Longitude": -122.43, "Population": 2154.0}, {"index": 16845, "quantile": 0.0, "value": 137500.0, "Latitude": 37.61, "Longitude": -122.43, "Population": 4790.0}, {"index": 16845, "quantile": 0.25, "value": 343975.0, "Latitude": 37.61, "Longitude": -122.43, "Population": 4790.0}, {"index": 16845, "quantile": 0.5, "value": 344500.0, "Latitude": 37.61, "Longitude": -122.43, "Population": 4790.0}, {"index": 16845, "quantile": 0.75, "value": 344500.0, "Latitude": 37.61, "Longitude": -122.43, "Population": 4790.0}, {"index": 16845, "quantile": 1.0, "value": 500000.0, "Latitude": 37.61, "Longitude": -122.43, "Population": 4790.0}, {"index": 16846, "quantile": 0.0, "value": 212900.0, "Latitude": 37.62, "Longitude": -122.41, "Population": 636.0}, {"index": 16846, "quantile": 0.25, "value": 284100.0, "Latitude": 37.62, "Longitude": -122.41, "Population": 636.0}, {"index": 16846, "quantile": 0.5, "value": 284100.0, "Latitude": 37.62, "Longitude": -122.41, "Population": 636.0}, {"index": 16846, "quantile": 0.75, "value": 284100.0, "Latitude": 37.62, "Longitude": -122.41, "Population": 636.0}, {"index": 16846, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.62, "Longitude": -122.41, "Population": 636.0}, {"index": 16847, "quantile": 0.0, "value": 218800.00000000003, "Latitude": 37.61, "Longitude": -122.41, "Population": 1479.0}, {"index": 16847, "quantile": 0.25, "value": 273600.0, "Latitude": 37.61, "Longitude": -122.41, "Population": 1479.0}, {"index": 16847, "quantile": 0.5, "value": 273600.0, "Latitude": 37.61, "Longitude": -122.41, "Population": 1479.0}, {"index": 16847, "quantile": 0.75, "value": 273600.0, "Latitude": 37.61, "Longitude": -122.41, "Population": 1479.0}, {"index": 16847, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.61, "Longitude": -122.41, "Population": 1479.0}, {"index": 16848, "quantile": 0.0, "value": 188300.0, "Latitude": 37.61, "Longitude": -122.42, "Population": 822.0}, {"index": 16848, "quantile": 0.25, "value": 341300.0, "Latitude": 37.61, "Longitude": -122.42, "Population": 822.0}, {"index": 16848, "quantile": 0.5, "value": 341300.0, "Latitude": 37.61, "Longitude": -122.42, "Population": 822.0}, {"index": 16848, "quantile": 0.75, "value": 341300.0, "Latitude": 37.61, "Longitude": -122.42, "Population": 822.0}, {"index": 16848, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.61, "Longitude": -122.42, "Population": 822.0}, {"index": 16849, "quantile": 0.0, "value": 150800.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 682.0}, {"index": 16849, "quantile": 0.25, "value": 308600.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 682.0}, {"index": 16849, "quantile": 0.5, "value": 349150.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 682.0}, {"index": 16849, "quantile": 0.75, "value": 416775.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 682.0}, {"index": 16849, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.62, "Longitude": -122.42, "Population": 682.0}, {"index": 16850, "quantile": 0.0, "value": 78600.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 756.0}, {"index": 16850, "quantile": 0.25, "value": 248500.00000000003, "Latitude": 37.62, "Longitude": -122.42, "Population": 756.0}, {"index": 16850, "quantile": 0.5, "value": 271100.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 756.0}, {"index": 16850, "quantile": 0.75, "value": 327600.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 756.0}, {"index": 16850, "quantile": 1.0, "value": 364200.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 756.0}, {"index": 16851, "quantile": 0.0, "value": 119100.0, "Latitude": 37.61, "Longitude": -122.42, "Population": 669.0}, {"index": 16851, "quantile": 0.25, "value": 137500.0, "Latitude": 37.61, "Longitude": -122.42, "Population": 669.0}, {"index": 16851, "quantile": 0.5, "value": 137500.0, "Latitude": 37.61, "Longitude": -122.42, "Population": 669.0}, {"index": 16851, "quantile": 0.75, "value": 257900.00000000003, "Latitude": 37.61, "Longitude": -122.42, "Population": 669.0}, {"index": 16851, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.61, "Longitude": -122.42, "Population": 669.0}, {"index": 16852, "quantile": 0.0, "value": 200599.99999999997, "Latitude": 37.63, "Longitude": -122.42, "Population": 796.0}, {"index": 16852, "quantile": 0.25, "value": 292900.0, "Latitude": 37.63, "Longitude": -122.42, "Population": 796.0}, {"index": 16852, "quantile": 0.5, "value": 292900.0, "Latitude": 37.63, "Longitude": -122.42, "Population": 796.0}, {"index": 16852, "quantile": 0.75, "value": 292900.0, "Latitude": 37.63, "Longitude": -122.42, "Population": 796.0}, {"index": 16852, "quantile": 1.0, "value": 400000.0, "Latitude": 37.63, "Longitude": -122.42, "Population": 796.0}, {"index": 16853, "quantile": 0.0, "value": 224200.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 1141.0}, {"index": 16853, "quantile": 0.25, "value": 319000.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 1141.0}, {"index": 16853, "quantile": 0.5, "value": 319000.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 1141.0}, {"index": 16853, "quantile": 0.75, "value": 319000.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 1141.0}, {"index": 16853, "quantile": 1.0, "value": 387100.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 1141.0}, {"index": 16854, "quantile": 0.0, "value": 186400.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 407.0}, {"index": 16854, "quantile": 0.25, "value": 306800.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 407.0}, {"index": 16854, "quantile": 0.5, "value": 306800.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 407.0}, {"index": 16854, "quantile": 0.75, "value": 306800.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 407.0}, {"index": 16854, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.62, "Longitude": -122.42, "Population": 407.0}, {"index": 16855, "quantile": 0.0, "value": 86300.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 671.0}, {"index": 16855, "quantile": 0.25, "value": 238600.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 671.0}, {"index": 16855, "quantile": 0.5, "value": 279450.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 671.0}, {"index": 16855, "quantile": 0.75, "value": 316000.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 671.0}, {"index": 16855, "quantile": 1.0, "value": 495800.0, "Latitude": 37.62, "Longitude": -122.42, "Population": 671.0}, {"index": 16856, "quantile": 0.0, "value": 107900.0, "Latitude": 37.62, "Longitude": -122.41, "Population": 1807.0}, {"index": 16856, "quantile": 0.25, "value": 234600.0, "Latitude": 37.62, "Longitude": -122.41, "Population": 1807.0}, {"index": 16856, "quantile": 0.5, "value": 260800.0, "Latitude": 37.62, "Longitude": -122.41, "Population": 1807.0}, {"index": 16856, "quantile": 0.75, "value": 275000.0, "Latitude": 37.62, "Longitude": -122.41, "Population": 1807.0}, {"index": 16856, "quantile": 1.0, "value": 400000.0, "Latitude": 37.62, "Longitude": -122.41, "Population": 1807.0}, {"index": 16857, "quantile": 0.0, "value": 157800.0, "Latitude": 37.62, "Longitude": -122.4, "Population": 2249.0}, {"index": 16857, "quantile": 0.25, "value": 252999.99999999997, "Latitude": 37.62, "Longitude": -122.4, "Population": 2249.0}, {"index": 16857, "quantile": 0.5, "value": 252999.99999999997, "Latitude": 37.62, "Longitude": -122.4, "Population": 2249.0}, {"index": 16857, "quantile": 0.75, "value": 252999.99999999997, "Latitude": 37.62, "Longitude": -122.4, "Population": 2249.0}, {"index": 16857, "quantile": 1.0, "value": 457700.0, "Latitude": 37.62, "Longitude": -122.4, "Population": 2249.0}, {"index": 16858, "quantile": 0.0, "value": 55400.00000000001, "Latitude": 37.63, "Longitude": -122.41, "Population": 2720.0}, {"index": 16858, "quantile": 0.25, "value": 225000.0, "Latitude": 37.63, "Longitude": -122.41, "Population": 2720.0}, {"index": 16858, "quantile": 0.5, "value": 242999.99999999997, "Latitude": 37.63, "Longitude": -122.41, "Population": 2720.0}, {"index": 16858, "quantile": 0.75, "value": 258599.99999999997, "Latitude": 37.63, "Longitude": -122.41, "Population": 2720.0}, {"index": 16858, "quantile": 1.0, "value": 412500.0, "Latitude": 37.63, "Longitude": -122.41, "Population": 2720.0}, {"index": 16859, "quantile": 0.0, "value": 155700.0, "Latitude": 37.64, "Longitude": -122.42, "Population": 68.0}, {"index": 16859, "quantile": 0.25, "value": 212500.0, "Latitude": 37.64, "Longitude": -122.42, "Population": 68.0}, {"index": 16859, "quantile": 0.5, "value": 212500.0, "Latitude": 37.64, "Longitude": -122.42, "Population": 68.0}, {"index": 16859, "quantile": 0.75, "value": 212500.0, "Latitude": 37.64, "Longitude": -122.42, "Population": 68.0}, {"index": 16859, "quantile": 1.0, "value": 450000.0, "Latitude": 37.64, "Longitude": -122.42, "Population": 68.0}, {"index": 16860, "quantile": 0.0, "value": 112500.0, "Latitude": 37.63, "Longitude": -122.43, "Population": 1447.0}, {"index": 16860, "quantile": 0.25, "value": 184675.0, "Latitude": 37.63, "Longitude": -122.43, "Population": 1447.0}, {"index": 16860, "quantile": 0.5, "value": 242200.00000000003, "Latitude": 37.63, "Longitude": -122.43, "Population": 1447.0}, {"index": 16860, "quantile": 0.75, "value": 318000.0, "Latitude": 37.63, "Longitude": -122.43, "Population": 1447.0}, {"index": 16860, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.63, "Longitude": -122.43, "Population": 1447.0}, {"index": 16861, "quantile": 0.0, "value": 73500.0, "Latitude": 37.63, "Longitude": -122.42, "Population": 30.0}, {"index": 16861, "quantile": 0.25, "value": 275000.0, "Latitude": 37.63, "Longitude": -122.42, "Population": 30.0}, {"index": 16861, "quantile": 0.5, "value": 275000.0, "Latitude": 37.63, "Longitude": -122.42, "Population": 30.0}, {"index": 16861, "quantile": 0.75, "value": 275000.0, "Latitude": 37.63, "Longitude": -122.42, "Population": 30.0}, {"index": 16861, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 37.63, "Longitude": -122.42, "Population": 30.0}, {"index": 16862, "quantile": 0.0, "value": 174500.0, "Latitude": 37.63, "Longitude": -122.41, "Population": 878.0}, {"index": 16862, "quantile": 0.25, "value": 228500.0, "Latitude": 37.63, "Longitude": -122.41, "Population": 878.0}, {"index": 16862, "quantile": 0.5, "value": 228500.0, "Latitude": 37.63, "Longitude": -122.41, "Population": 878.0}, {"index": 16862, "quantile": 0.75, "value": 236200.0, "Latitude": 37.63, "Longitude": -122.41, "Population": 878.0}, {"index": 16862, "quantile": 1.0, "value": 292500.0, "Latitude": 37.63, "Longitude": -122.41, "Population": 878.0}, {"index": 16863, "quantile": 0.0, "value": 91700.0, "Latitude": 37.63, "Longitude": -122.41, "Population": 602.0}, {"index": 16863, "quantile": 0.25, "value": 229100.0, "Latitude": 37.63, "Longitude": -122.41, "Population": 602.0}, {"index": 16863, "quantile": 0.5, "value": 229100.0, "Latitude": 37.63, "Longitude": -122.41, "Population": 602.0}, {"index": 16863, "quantile": 0.75, "value": 229100.0, "Latitude": 37.63, "Longitude": -122.41, "Population": 602.0}, {"index": 16863, "quantile": 1.0, "value": 375000.0, "Latitude": 37.63, "Longitude": -122.41, "Population": 602.0}, {"index": 16864, "quantile": 0.0, "value": 131300.0, "Latitude": 37.62, "Longitude": -122.4, "Population": 1064.0}, {"index": 16864, "quantile": 0.25, "value": 224200.0, "Latitude": 37.62, "Longitude": -122.4, "Population": 1064.0}, {"index": 16864, "quantile": 0.5, "value": 224200.0, "Latitude": 37.62, "Longitude": -122.4, "Population": 1064.0}, {"index": 16864, "quantile": 0.75, "value": 226175.00000000003, "Latitude": 37.62, "Longitude": -122.4, "Population": 1064.0}, {"index": 16864, "quantile": 1.0, "value": 347400.0, "Latitude": 37.62, "Longitude": -122.4, "Population": 1064.0}, {"index": 16865, "quantile": 0.0, "value": 161400.0, "Latitude": 37.64, "Longitude": -122.41, "Population": 921.0}, {"index": 16865, "quantile": 0.25, "value": 215400.0, "Latitude": 37.64, "Longitude": -122.41, "Population": 921.0}, {"index": 16865, "quantile": 0.5, "value": 215400.0, "Latitude": 37.64, "Longitude": -122.41, "Population": 921.0}, {"index": 16865, "quantile": 0.75, "value": 228500.0, "Latitude": 37.64, "Longitude": -122.41, "Population": 921.0}, {"index": 16865, "quantile": 1.0, "value": 459199.99999999994, "Latitude": 37.64, "Longitude": -122.41, "Population": 921.0}, {"index": 16866, "quantile": 0.0, "value": 204400.0, "Latitude": 37.61, "Longitude": -122.4, "Population": 1077.0}, {"index": 16866, "quantile": 0.25, "value": 318400.0, "Latitude": 37.61, "Longitude": -122.4, "Population": 1077.0}, {"index": 16866, "quantile": 0.5, "value": 318400.0, "Latitude": 37.61, "Longitude": -122.4, "Population": 1077.0}, {"index": 16866, "quantile": 0.75, "value": 333300.0, "Latitude": 37.61, "Longitude": -122.4, "Population": 1077.0}, {"index": 16866, "quantile": 1.0, "value": 500000.0, "Latitude": 37.61, "Longitude": -122.4, "Population": 1077.0}, {"index": 16867, "quantile": 0.0, "value": 113799.99999999999, "Latitude": 37.6, "Longitude": -122.38, "Population": 1867.0}, {"index": 16867, "quantile": 0.25, "value": 243200.0, "Latitude": 37.6, "Longitude": -122.38, "Population": 1867.0}, {"index": 16867, "quantile": 0.5, "value": 265100.0, "Latitude": 37.6, "Longitude": -122.38, "Population": 1867.0}, {"index": 16867, "quantile": 0.75, "value": 265100.0, "Latitude": 37.6, "Longitude": -122.38, "Population": 1867.0}, {"index": 16867, "quantile": 1.0, "value": 369300.0, "Latitude": 37.6, "Longitude": -122.38, "Population": 1867.0}, {"index": 16868, "quantile": 0.0, "value": 134700.0, "Latitude": 37.6, "Longitude": -122.39, "Population": 1225.0}, {"index": 16868, "quantile": 0.25, "value": 244000.0, "Latitude": 37.6, "Longitude": -122.39, "Population": 1225.0}, {"index": 16868, "quantile": 0.5, "value": 273100.0, "Latitude": 37.6, "Longitude": -122.39, "Population": 1225.0}, {"index": 16868, "quantile": 0.75, "value": 273100.0, "Latitude": 37.6, "Longitude": -122.39, "Population": 1225.0}, {"index": 16868, "quantile": 1.0, "value": 475000.0, "Latitude": 37.6, "Longitude": -122.39, "Population": 1225.0}, {"index": 16869, "quantile": 0.0, "value": 196100.0, "Latitude": 37.61, "Longitude": -122.41, "Population": 705.0}, {"index": 16869, "quantile": 0.25, "value": 336400.0, "Latitude": 37.61, "Longitude": -122.41, "Population": 705.0}, {"index": 16869, "quantile": 0.5, "value": 336400.0, "Latitude": 37.61, "Longitude": -122.41, "Population": 705.0}, {"index": 16869, "quantile": 0.75, "value": 338199.99999999994, "Latitude": 37.61, "Longitude": -122.41, "Population": 705.0}, {"index": 16869, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.61, "Longitude": -122.41, "Population": 705.0}, {"index": 16870, "quantile": 0.0, "value": 175600.0, "Latitude": 37.61, "Longitude": -122.41, "Population": 847.0}, {"index": 16870, "quantile": 0.25, "value": 319000.0, "Latitude": 37.61, "Longitude": -122.41, "Population": 847.0}, {"index": 16870, "quantile": 0.5, "value": 347400.0, "Latitude": 37.61, "Longitude": -122.41, "Population": 847.0}, {"index": 16870, "quantile": 0.75, "value": 347400.0, "Latitude": 37.61, "Longitude": -122.41, "Population": 847.0}, {"index": 16870, "quantile": 1.0, "value": 500000.0, "Latitude": 37.61, "Longitude": -122.41, "Population": 847.0}, {"index": 16871, "quantile": 0.0, "value": 204500.0, "Latitude": 37.6, "Longitude": -122.41, "Population": 1915.0}, {"index": 16871, "quantile": 0.25, "value": 367225.0, "Latitude": 37.6, "Longitude": -122.41, "Population": 1915.0}, {"index": 16871, "quantile": 0.5, "value": 412000.0, "Latitude": 37.6, "Longitude": -122.41, "Population": 1915.0}, {"index": 16871, "quantile": 0.75, "value": 412000.0, "Latitude": 37.6, "Longitude": -122.41, "Population": 1915.0}, {"index": 16871, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.6, "Longitude": -122.41, "Population": 1915.0}, {"index": 16872, "quantile": 0.0, "value": 261100.00000000003, "Latitude": 37.6, "Longitude": -122.42, "Population": 1542.0}, {"index": 16872, "quantile": 0.25, "value": 405100.0, "Latitude": 37.6, "Longitude": -122.42, "Population": 1542.0}, {"index": 16872, "quantile": 0.5, "value": 405100.0, "Latitude": 37.6, "Longitude": -122.42, "Population": 1542.0}, {"index": 16872, "quantile": 0.75, "value": 405100.0, "Latitude": 37.6, "Longitude": -122.42, "Population": 1542.0}, {"index": 16872, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.6, "Longitude": -122.42, "Population": 1542.0}, {"index": 16873, "quantile": 0.0, "value": 271500.0, "Latitude": 37.6, "Longitude": -122.41, "Population": 1128.0}, {"index": 16873, "quantile": 0.25, "value": 382775.0, "Latitude": 37.6, "Longitude": -122.41, "Population": 1128.0}, {"index": 16873, "quantile": 0.5, "value": 466899.99999999994, "Latitude": 37.6, "Longitude": -122.41, "Population": 1128.0}, {"index": 16873, "quantile": 0.75, "value": 466899.99999999994, "Latitude": 37.6, "Longitude": -122.41, "Population": 1128.0}, {"index": 16873, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.6, "Longitude": -122.41, "Population": 1128.0}, {"index": 16874, "quantile": 0.0, "value": 230600.0, "Latitude": 37.59, "Longitude": -122.41, "Population": 1717.0}, {"index": 16874, "quantile": 0.25, "value": 405100.0, "Latitude": 37.59, "Longitude": -122.41, "Population": 1717.0}, {"index": 16874, "quantile": 0.5, "value": 450000.0, "Latitude": 37.59, "Longitude": -122.41, "Population": 1717.0}, {"index": 16874, "quantile": 0.75, "value": 450000.0, "Latitude": 37.59, "Longitude": -122.41, "Population": 1717.0}, {"index": 16874, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.41, "Population": 1717.0}, {"index": 16875, "quantile": 0.0, "value": 252800.0, "Latitude": 37.59, "Longitude": -122.41, "Population": 894.0}, {"index": 16875, "quantile": 0.25, "value": 376600.0, "Latitude": 37.59, "Longitude": -122.41, "Population": 894.0}, {"index": 16875, "quantile": 0.5, "value": 408850.0, "Latitude": 37.59, "Longitude": -122.41, "Population": 894.0}, {"index": 16875, "quantile": 0.75, "value": 431799.99999999994, "Latitude": 37.59, "Longitude": -122.41, "Population": 894.0}, {"index": 16875, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.41, "Population": 894.0}, {"index": 16876, "quantile": 0.0, "value": 178900.0, "Latitude": 37.6, "Longitude": -122.4, "Population": 2558.0}, {"index": 16876, "quantile": 0.25, "value": 283500.0, "Latitude": 37.6, "Longitude": -122.4, "Population": 2558.0}, {"index": 16876, "quantile": 0.5, "value": 369300.0, "Latitude": 37.6, "Longitude": -122.4, "Population": 2558.0}, {"index": 16876, "quantile": 0.75, "value": 369300.0, "Latitude": 37.6, "Longitude": -122.4, "Population": 2558.0}, {"index": 16876, "quantile": 1.0, "value": 412000.0, "Latitude": 37.6, "Longitude": -122.4, "Population": 2558.0}, {"index": 16877, "quantile": 0.0, "value": 287300.0, "Latitude": 37.6, "Longitude": -122.4, "Population": 530.0}, {"index": 16877, "quantile": 0.25, "value": 420300.00000000006, "Latitude": 37.6, "Longitude": -122.4, "Population": 530.0}, {"index": 16877, "quantile": 0.5, "value": 420300.00000000006, "Latitude": 37.6, "Longitude": -122.4, "Population": 530.0}, {"index": 16877, "quantile": 0.75, "value": 438500.0, "Latitude": 37.6, "Longitude": -122.4, "Population": 530.0}, {"index": 16877, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.6, "Longitude": -122.4, "Population": 530.0}, {"index": 16878, "quantile": 0.0, "value": 229300.00000000003, "Latitude": 37.6, "Longitude": -122.39, "Population": 986.0}, {"index": 16878, "quantile": 0.25, "value": 387100.0, "Latitude": 37.6, "Longitude": -122.39, "Population": 986.0}, {"index": 16878, "quantile": 0.5, "value": 387100.0, "Latitude": 37.6, "Longitude": -122.39, "Population": 986.0}, {"index": 16878, "quantile": 0.75, "value": 387100.0, "Latitude": 37.6, "Longitude": -122.39, "Population": 986.0}, {"index": 16878, "quantile": 1.0, "value": 500000.0, "Latitude": 37.6, "Longitude": -122.39, "Population": 986.0}, {"index": 16879, "quantile": 0.0, "value": 87500.0, "Latitude": 37.6, "Longitude": -122.39, "Population": 381.0}, {"index": 16879, "quantile": 0.25, "value": 238600.0, "Latitude": 37.6, "Longitude": -122.39, "Population": 381.0}, {"index": 16879, "quantile": 0.5, "value": 274150.0, "Latitude": 37.6, "Longitude": -122.39, "Population": 381.0}, {"index": 16879, "quantile": 0.75, "value": 310000.0, "Latitude": 37.6, "Longitude": -122.39, "Population": 381.0}, {"index": 16879, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.6, "Longitude": -122.39, "Population": 381.0}, {"index": 16880, "quantile": 0.0, "value": 264900.0, "Latitude": 37.59, "Longitude": -122.39, "Population": 1846.0}, {"index": 16880, "quantile": 0.25, "value": 498975.0, "Latitude": 37.59, "Longitude": -122.39, "Population": 1846.0}, {"index": 16880, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.39, "Population": 1846.0}, {"index": 16880, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.39, "Population": 1846.0}, {"index": 16880, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.39, "Population": 1846.0}, {"index": 16881, "quantile": 0.0, "value": 228700.0, "Latitude": 37.59, "Longitude": -122.4, "Population": 1163.0}, {"index": 16881, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.4, "Population": 1163.0}, {"index": 16881, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.4, "Population": 1163.0}, {"index": 16881, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.4, "Population": 1163.0}, {"index": 16881, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.4, "Population": 1163.0}, {"index": 16882, "quantile": 0.0, "value": 225000.0, "Latitude": 37.59, "Longitude": -122.38, "Population": 1581.0}, {"index": 16882, "quantile": 0.25, "value": 375000.0, "Latitude": 37.59, "Longitude": -122.38, "Population": 1581.0}, {"index": 16882, "quantile": 0.5, "value": 457700.0, "Latitude": 37.59, "Longitude": -122.38, "Population": 1581.0}, {"index": 16882, "quantile": 0.75, "value": 457700.0, "Latitude": 37.59, "Longitude": -122.38, "Population": 1581.0}, {"index": 16882, "quantile": 1.0, "value": 457700.0, "Latitude": 37.59, "Longitude": -122.38, "Population": 1581.0}, {"index": 16883, "quantile": 0.0, "value": 284100.0, "Latitude": 37.59, "Longitude": -122.38, "Population": 837.0}, {"index": 16883, "quantile": 0.25, "value": 459199.99999999994, "Latitude": 37.59, "Longitude": -122.38, "Population": 837.0}, {"index": 16883, "quantile": 0.5, "value": 459199.99999999994, "Latitude": 37.59, "Longitude": -122.38, "Population": 837.0}, {"index": 16883, "quantile": 0.75, "value": 459199.99999999994, "Latitude": 37.59, "Longitude": -122.38, "Population": 837.0}, {"index": 16883, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.38, "Population": 837.0}, {"index": 16884, "quantile": 0.0, "value": 371300.0, "Latitude": 37.58, "Longitude": -122.39, "Population": 2314.0}, {"index": 16884, "quantile": 0.25, "value": 476924.99999999994, "Latitude": 37.58, "Longitude": -122.39, "Population": 2314.0}, {"index": 16884, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.39, "Population": 2314.0}, {"index": 16884, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.39, "Population": 2314.0}, {"index": 16884, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.39, "Population": 2314.0}, {"index": 16885, "quantile": 0.0, "value": 338200.0, "Latitude": 37.58, "Longitude": -122.4, "Population": 1145.0}, {"index": 16885, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.4, "Population": 1145.0}, {"index": 16885, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.4, "Population": 1145.0}, {"index": 16885, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.4, "Population": 1145.0}, {"index": 16885, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.4, "Population": 1145.0}, {"index": 16886, "quantile": 0.0, "value": 238700.0, "Latitude": 37.59, "Longitude": -122.39, "Population": 813.0}, {"index": 16886, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.39, "Population": 813.0}, {"index": 16886, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.39, "Population": 813.0}, {"index": 16886, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.39, "Population": 813.0}, {"index": 16886, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.39, "Population": 813.0}, {"index": 16887, "quantile": 0.0, "value": 172200.0, "Latitude": 37.57, "Longitude": -122.39, "Population": 185.0}, {"index": 16887, "quantile": 0.25, "value": 376900.0, "Latitude": 37.57, "Longitude": -122.39, "Population": 185.0}, {"index": 16887, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.39, "Population": 185.0}, {"index": 16887, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.39, "Population": 185.0}, {"index": 16887, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.39, "Population": 185.0}, {"index": 16888, "quantile": 0.0, "value": 166700.0, "Latitude": 37.6, "Longitude": -122.37, "Population": 11.0}, {"index": 16888, "quantile": 0.25, "value": 281075.0, "Latitude": 37.6, "Longitude": -122.37, "Population": 11.0}, {"index": 16888, "quantile": 0.5, "value": 350000.0, "Latitude": 37.6, "Longitude": -122.37, "Population": 11.0}, {"index": 16888, "quantile": 0.75, "value": 350000.0, "Latitude": 37.6, "Longitude": -122.37, "Population": 11.0}, {"index": 16888, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.6, "Longitude": -122.37, "Population": 11.0}, {"index": 16889, "quantile": 0.0, "value": 219000.0, "Latitude": 37.59, "Longitude": -122.37, "Population": 2156.0}, {"index": 16889, "quantile": 0.25, "value": 353800.0, "Latitude": 37.59, "Longitude": -122.37, "Population": 2156.0}, {"index": 16889, "quantile": 0.5, "value": 353800.0, "Latitude": 37.59, "Longitude": -122.37, "Population": 2156.0}, {"index": 16889, "quantile": 0.75, "value": 353800.0, "Latitude": 37.59, "Longitude": -122.37, "Population": 2156.0}, {"index": 16889, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.37, "Population": 2156.0}, {"index": 16890, "quantile": 0.0, "value": 270900.0, "Latitude": 37.59, "Longitude": -122.38, "Population": 613.0}, {"index": 16890, "quantile": 0.25, "value": 378100.0, "Latitude": 37.59, "Longitude": -122.38, "Population": 613.0}, {"index": 16890, "quantile": 0.5, "value": 378100.0, "Latitude": 37.59, "Longitude": -122.38, "Population": 613.0}, {"index": 16890, "quantile": 0.75, "value": 378100.0, "Latitude": 37.59, "Longitude": -122.38, "Population": 613.0}, {"index": 16890, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.38, "Population": 613.0}, {"index": 16891, "quantile": 0.0, "value": 158200.0, "Latitude": 37.59, "Longitude": -122.37, "Population": 963.0}, {"index": 16891, "quantile": 0.25, "value": 399000.0, "Latitude": 37.59, "Longitude": -122.37, "Population": 963.0}, {"index": 16891, "quantile": 0.5, "value": 500000.0, "Latitude": 37.59, "Longitude": -122.37, "Population": 963.0}, {"index": 16891, "quantile": 0.75, "value": 500000.0, "Latitude": 37.59, "Longitude": -122.37, "Population": 963.0}, {"index": 16891, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.37, "Population": 963.0}, {"index": 16892, "quantile": 0.0, "value": 93900.0, "Latitude": 37.58, "Longitude": -122.37, "Population": 917.0}, {"index": 16892, "quantile": 0.25, "value": 459199.99999999994, "Latitude": 37.58, "Longitude": -122.37, "Population": 917.0}, {"index": 16892, "quantile": 0.5, "value": 500000.0, "Latitude": 37.58, "Longitude": -122.37, "Population": 917.0}, {"index": 16892, "quantile": 0.75, "value": 500000.0, "Latitude": 37.58, "Longitude": -122.37, "Population": 917.0}, {"index": 16892, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.37, "Population": 917.0}, {"index": 16893, "quantile": 0.0, "value": 320300.0, "Latitude": 37.58, "Longitude": -122.38, "Population": 671.0}, {"index": 16893, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.38, "Population": 671.0}, {"index": 16893, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.38, "Population": 671.0}, {"index": 16893, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.38, "Population": 671.0}, {"index": 16893, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.38, "Population": 671.0}, {"index": 16894, "quantile": 0.0, "value": 225999.99999999997, "Latitude": 37.58, "Longitude": -122.38, "Population": 772.0}, {"index": 16894, "quantile": 0.25, "value": 420300.00000000006, "Latitude": 37.58, "Longitude": -122.38, "Population": 772.0}, {"index": 16894, "quantile": 0.5, "value": 483200.00000000006, "Latitude": 37.58, "Longitude": -122.38, "Population": 772.0}, {"index": 16894, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.38, "Population": 772.0}, {"index": 16894, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.38, "Population": 772.0}, {"index": 16895, "quantile": 0.0, "value": 150900.0, "Latitude": 37.58, "Longitude": -122.36, "Population": 1324.0}, {"index": 16895, "quantile": 0.25, "value": 374200.0, "Latitude": 37.58, "Longitude": -122.36, "Population": 1324.0}, {"index": 16895, "quantile": 0.5, "value": 374200.0, "Latitude": 37.58, "Longitude": -122.36, "Population": 1324.0}, {"index": 16895, "quantile": 0.75, "value": 374200.0, "Latitude": 37.58, "Longitude": -122.36, "Population": 1324.0}, {"index": 16895, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.36, "Population": 1324.0}, {"index": 16896, "quantile": 0.0, "value": 139100.0, "Latitude": 37.58, "Longitude": -122.36, "Population": 1468.0}, {"index": 16896, "quantile": 0.25, "value": 354100.0, "Latitude": 37.58, "Longitude": -122.36, "Population": 1468.0}, {"index": 16896, "quantile": 0.5, "value": 397800.0, "Latitude": 37.58, "Longitude": -122.36, "Population": 1468.0}, {"index": 16896, "quantile": 0.75, "value": 433800.0, "Latitude": 37.58, "Longitude": -122.36, "Population": 1468.0}, {"index": 16896, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.36, "Population": 1468.0}, {"index": 16897, "quantile": 0.0, "value": 186400.0, "Latitude": 37.58, "Longitude": -122.37, "Population": 967.0}, {"index": 16897, "quantile": 0.25, "value": 383075.0, "Latitude": 37.58, "Longitude": -122.37, "Population": 967.0}, {"index": 16897, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.37, "Population": 967.0}, {"index": 16897, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.37, "Population": 967.0}, {"index": 16897, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.37, "Population": 967.0}, {"index": 16898, "quantile": 0.0, "value": 146300.0, "Latitude": 37.58, "Longitude": -122.37, "Population": 665.0}, {"index": 16898, "quantile": 0.25, "value": 500000.75, "Latitude": 37.58, "Longitude": -122.37, "Population": 665.0}, {"index": 16898, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.37, "Population": 665.0}, {"index": 16898, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.37, "Population": 665.0}, {"index": 16898, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.37, "Population": 665.0}, {"index": 16899, "quantile": 0.0, "value": 210800.0, "Latitude": 37.59, "Longitude": -122.34, "Population": 736.0}, {"index": 16899, "quantile": 0.25, "value": 386400.0, "Latitude": 37.59, "Longitude": -122.34, "Population": 736.0}, {"index": 16899, "quantile": 0.5, "value": 386400.0, "Latitude": 37.59, "Longitude": -122.34, "Population": 736.0}, {"index": 16899, "quantile": 0.75, "value": 386400.0, "Latitude": 37.59, "Longitude": -122.34, "Population": 736.0}, {"index": 16899, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.34, "Population": 736.0}, {"index": 16900, "quantile": 0.0, "value": 275500.0, "Latitude": 37.58, "Longitude": -122.33, "Population": 992.0}, {"index": 16900, "quantile": 0.25, "value": 359900.0, "Latitude": 37.58, "Longitude": -122.33, "Population": 992.0}, {"index": 16900, "quantile": 0.5, "value": 359900.0, "Latitude": 37.58, "Longitude": -122.33, "Population": 992.0}, {"index": 16900, "quantile": 0.75, "value": 361825.0, "Latitude": 37.58, "Longitude": -122.33, "Population": 992.0}, {"index": 16900, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.33, "Population": 992.0}, {"index": 16901, "quantile": 0.0, "value": 87600.0, "Latitude": 37.58, "Longitude": -122.34, "Population": 1622.0}, {"index": 16901, "quantile": 0.25, "value": 257150.00000000003, "Latitude": 37.58, "Longitude": -122.34, "Population": 1622.0}, {"index": 16901, "quantile": 0.5, "value": 307400.0, "Latitude": 37.58, "Longitude": -122.34, "Population": 1622.0}, {"index": 16901, "quantile": 0.75, "value": 378150.0, "Latitude": 37.58, "Longitude": -122.34, "Population": 1622.0}, {"index": 16901, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.34, "Population": 1622.0}, {"index": 16902, "quantile": 0.0, "value": 225999.99999999997, "Latitude": 37.58, "Longitude": -122.35, "Population": 1081.0}, {"index": 16902, "quantile": 0.25, "value": 387900.0, "Latitude": 37.58, "Longitude": -122.35, "Population": 1081.0}, {"index": 16902, "quantile": 0.5, "value": 410799.99999999994, "Latitude": 37.58, "Longitude": -122.35, "Population": 1081.0}, {"index": 16902, "quantile": 0.75, "value": 410799.99999999994, "Latitude": 37.58, "Longitude": -122.35, "Population": 1081.0}, {"index": 16902, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.35, "Population": 1081.0}, {"index": 16903, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.59, "Longitude": -122.36, "Population": 1352.0}, {"index": 16903, "quantile": 0.25, "value": 274925.0, "Latitude": 37.59, "Longitude": -122.36, "Population": 1352.0}, {"index": 16903, "quantile": 0.5, "value": 290750.0, "Latitude": 37.59, "Longitude": -122.36, "Population": 1352.0}, {"index": 16903, "quantile": 0.75, "value": 354025.0, "Latitude": 37.59, "Longitude": -122.36, "Population": 1352.0}, {"index": 16903, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -122.36, "Population": 1352.0}, {"index": 16904, "quantile": 0.0, "value": 40000.0, "Latitude": 37.58, "Longitude": -122.35, "Population": 2129.0}, {"index": 16904, "quantile": 0.25, "value": 345000.0, "Latitude": 37.58, "Longitude": -122.35, "Population": 2129.0}, {"index": 16904, "quantile": 0.5, "value": 345000.0, "Latitude": 37.58, "Longitude": -122.35, "Population": 2129.0}, {"index": 16904, "quantile": 0.75, "value": 345000.0, "Latitude": 37.58, "Longitude": -122.35, "Population": 2129.0}, {"index": 16904, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.35, "Population": 2129.0}, {"index": 16905, "quantile": 0.0, "value": 87500.0, "Latitude": 37.58, "Longitude": -122.35, "Population": 396.0}, {"index": 16905, "quantile": 0.25, "value": 323800.0, "Latitude": 37.58, "Longitude": -122.35, "Population": 396.0}, {"index": 16905, "quantile": 0.5, "value": 375000.0, "Latitude": 37.58, "Longitude": -122.35, "Population": 396.0}, {"index": 16905, "quantile": 0.75, "value": 375000.0, "Latitude": 37.58, "Longitude": -122.35, "Population": 396.0}, {"index": 16905, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.35, "Population": 396.0}, {"index": 16906, "quantile": 0.0, "value": 231000.0, "Latitude": 37.57, "Longitude": -122.34, "Population": 1254.0}, {"index": 16906, "quantile": 0.25, "value": 405900.0, "Latitude": 37.57, "Longitude": -122.34, "Population": 1254.0}, {"index": 16906, "quantile": 0.5, "value": 433800.0, "Latitude": 37.57, "Longitude": -122.34, "Population": 1254.0}, {"index": 16906, "quantile": 0.75, "value": 433800.0, "Latitude": 37.57, "Longitude": -122.34, "Population": 1254.0}, {"index": 16906, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.34, "Population": 1254.0}, {"index": 16907, "quantile": 0.0, "value": 259700.0, "Latitude": 37.57, "Longitude": -122.35, "Population": 800.0}, {"index": 16907, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.35, "Population": 800.0}, {"index": 16907, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.35, "Population": 800.0}, {"index": 16907, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.35, "Population": 800.0}, {"index": 16907, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.35, "Population": 800.0}, {"index": 16908, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.37, "Population": 810.0}, {"index": 16908, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.37, "Population": 810.0}, {"index": 16908, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.37, "Population": 810.0}, {"index": 16908, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.37, "Population": 810.0}, {"index": 16908, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.37, "Population": 810.0}, {"index": 16909, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.36, "Population": 588.0}, {"index": 16909, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.36, "Population": 588.0}, {"index": 16909, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.36, "Population": 588.0}, {"index": 16909, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.36, "Population": 588.0}, {"index": 16909, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.36, "Population": 588.0}, {"index": 16910, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.36, "Population": 1512.0}, {"index": 16910, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.36, "Population": 1512.0}, {"index": 16910, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.36, "Population": 1512.0}, {"index": 16910, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.36, "Population": 1512.0}, {"index": 16910, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.36, "Population": 1512.0}, {"index": 16911, "quantile": 0.0, "value": 392600.0, "Latitude": 37.56, "Longitude": -122.37, "Population": 2440.0}, {"index": 16911, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.37, "Population": 2440.0}, {"index": 16911, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.37, "Population": 2440.0}, {"index": 16911, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.37, "Population": 2440.0}, {"index": 16911, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.37, "Population": 2440.0}, {"index": 16912, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.34, "Population": 1139.0}, {"index": 16912, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.34, "Population": 1139.0}, {"index": 16912, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.34, "Population": 1139.0}, {"index": 16912, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.34, "Population": 1139.0}, {"index": 16912, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.34, "Population": 1139.0}, {"index": 16913, "quantile": 0.0, "value": 475800.0, "Latitude": 37.55, "Longitude": -122.34, "Population": 1507.0}, {"index": 16913, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.34, "Population": 1507.0}, {"index": 16913, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.34, "Population": 1507.0}, {"index": 16913, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.34, "Population": 1507.0}, {"index": 16913, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.34, "Population": 1507.0}, {"index": 16914, "quantile": 0.0, "value": 410300.0, "Latitude": 37.54, "Longitude": -122.36, "Population": 2165.0}, {"index": 16914, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.36, "Population": 2165.0}, {"index": 16914, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.36, "Population": 2165.0}, {"index": 16914, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.36, "Population": 2165.0}, {"index": 16914, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.36, "Population": 2165.0}, {"index": 16915, "quantile": 0.0, "value": 454300.0, "Latitude": 37.56, "Longitude": -122.35, "Population": 519.0}, {"index": 16915, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.35, "Population": 519.0}, {"index": 16915, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.35, "Population": 519.0}, {"index": 16915, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.35, "Population": 519.0}, {"index": 16915, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.35, "Population": 519.0}, {"index": 16916, "quantile": 0.0, "value": 228700.0, "Latitude": 37.57, "Longitude": -122.34, "Population": 967.0}, {"index": 16916, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.34, "Population": 967.0}, {"index": 16916, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.34, "Population": 967.0}, {"index": 16916, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.34, "Population": 967.0}, {"index": 16916, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.34, "Population": 967.0}, {"index": 16917, "quantile": 0.0, "value": 357300.0, "Latitude": 37.57, "Longitude": -122.34, "Population": 876.0}, {"index": 16917, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.34, "Population": 876.0}, {"index": 16917, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.34, "Population": 876.0}, {"index": 16917, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.34, "Population": 876.0}, {"index": 16917, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.34, "Population": 876.0}, {"index": 16918, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.35, "Population": 784.0}, {"index": 16918, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.35, "Population": 784.0}, {"index": 16918, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.35, "Population": 784.0}, {"index": 16918, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.35, "Population": 784.0}, {"index": 16918, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.35, "Population": 784.0}, {"index": 16919, "quantile": 0.0, "value": 212500.0, "Latitude": 37.57, "Longitude": -122.34, "Population": 1691.0}, {"index": 16919, "quantile": 0.25, "value": 289575.0, "Latitude": 37.57, "Longitude": -122.34, "Population": 1691.0}, {"index": 16919, "quantile": 0.5, "value": 350000.0, "Latitude": 37.57, "Longitude": -122.34, "Population": 1691.0}, {"index": 16919, "quantile": 0.75, "value": 369449.99999999994, "Latitude": 37.57, "Longitude": -122.34, "Population": 1691.0}, {"index": 16919, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.34, "Population": 1691.0}, {"index": 16920, "quantile": 0.0, "value": 152100.0, "Latitude": 37.57, "Longitude": -122.33, "Population": 1301.0}, {"index": 16920, "quantile": 0.25, "value": 318400.0, "Latitude": 37.57, "Longitude": -122.33, "Population": 1301.0}, {"index": 16920, "quantile": 0.5, "value": 318400.0, "Latitude": 37.57, "Longitude": -122.33, "Population": 1301.0}, {"index": 16920, "quantile": 0.75, "value": 318400.0, "Latitude": 37.57, "Longitude": -122.33, "Population": 1301.0}, {"index": 16920, "quantile": 1.0, "value": 458500.0, "Latitude": 37.57, "Longitude": -122.33, "Population": 1301.0}, {"index": 16921, "quantile": 0.0, "value": 182600.0, "Latitude": 37.57, "Longitude": -122.33, "Population": 1453.0}, {"index": 16921, "quantile": 0.25, "value": 290000.0, "Latitude": 37.57, "Longitude": -122.33, "Population": 1453.0}, {"index": 16921, "quantile": 0.5, "value": 290000.0, "Latitude": 37.57, "Longitude": -122.33, "Population": 1453.0}, {"index": 16921, "quantile": 0.75, "value": 345000.0, "Latitude": 37.57, "Longitude": -122.33, "Population": 1453.0}, {"index": 16921, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.33, "Population": 1453.0}, {"index": 16922, "quantile": 0.0, "value": 210900.0, "Latitude": 37.58, "Longitude": -122.33, "Population": 2518.0}, {"index": 16922, "quantile": 0.25, "value": 288849.99999999994, "Latitude": 37.58, "Longitude": -122.33, "Population": 2518.0}, {"index": 16922, "quantile": 0.5, "value": 328400.0, "Latitude": 37.58, "Longitude": -122.33, "Population": 2518.0}, {"index": 16922, "quantile": 0.75, "value": 361825.0, "Latitude": 37.58, "Longitude": -122.33, "Population": 2518.0}, {"index": 16922, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.33, "Population": 2518.0}, {"index": 16923, "quantile": 0.0, "value": 121600.0, "Latitude": 37.58, "Longitude": -122.33, "Population": 1534.0}, {"index": 16923, "quantile": 0.25, "value": 253399.99999999997, "Latitude": 37.58, "Longitude": -122.33, "Population": 1534.0}, {"index": 16923, "quantile": 0.5, "value": 296400.0, "Latitude": 37.58, "Longitude": -122.33, "Population": 1534.0}, {"index": 16923, "quantile": 0.75, "value": 352425.0, "Latitude": 37.58, "Longitude": -122.33, "Population": 1534.0}, {"index": 16923, "quantile": 1.0, "value": 458300.0, "Latitude": 37.58, "Longitude": -122.33, "Population": 1534.0}, {"index": 16924, "quantile": 0.0, "value": 149600.0, "Latitude": 37.6, "Longitude": -122.31, "Population": 1958.0}, {"index": 16924, "quantile": 0.25, "value": 264900.0, "Latitude": 37.6, "Longitude": -122.31, "Population": 1958.0}, {"index": 16924, "quantile": 0.5, "value": 273000.0, "Latitude": 37.6, "Longitude": -122.31, "Population": 1958.0}, {"index": 16924, "quantile": 0.75, "value": 273000.0, "Latitude": 37.6, "Longitude": -122.31, "Population": 1958.0}, {"index": 16924, "quantile": 1.0, "value": 362500.0, "Latitude": 37.6, "Longitude": -122.31, "Population": 1958.0}, {"index": 16925, "quantile": 0.0, "value": 166300.0, "Latitude": 37.58, "Longitude": -122.31, "Population": 1141.0}, {"index": 16925, "quantile": 0.25, "value": 258300.00000000003, "Latitude": 37.58, "Longitude": -122.31, "Population": 1141.0}, {"index": 16925, "quantile": 0.5, "value": 258300.00000000003, "Latitude": 37.58, "Longitude": -122.31, "Population": 1141.0}, {"index": 16925, "quantile": 0.75, "value": 258300.00000000003, "Latitude": 37.58, "Longitude": -122.31, "Population": 1141.0}, {"index": 16925, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.58, "Longitude": -122.31, "Population": 1141.0}, {"index": 16926, "quantile": 0.0, "value": 125899.99999999999, "Latitude": 37.57, "Longitude": -122.31, "Population": 845.0}, {"index": 16926, "quantile": 0.25, "value": 263550.0, "Latitude": 37.57, "Longitude": -122.31, "Population": 845.0}, {"index": 16926, "quantile": 0.5, "value": 267300.0, "Latitude": 37.57, "Longitude": -122.31, "Population": 845.0}, {"index": 16926, "quantile": 0.75, "value": 267300.0, "Latitude": 37.57, "Longitude": -122.31, "Population": 845.0}, {"index": 16926, "quantile": 1.0, "value": 500000.0, "Latitude": 37.57, "Longitude": -122.31, "Population": 845.0}, {"index": 16927, "quantile": 0.0, "value": 76400.0, "Latitude": 37.58, "Longitude": -122.33, "Population": 1573.0}, {"index": 16927, "quantile": 0.25, "value": 156600.0, "Latitude": 37.58, "Longitude": -122.33, "Population": 1573.0}, {"index": 16927, "quantile": 0.5, "value": 180850.0, "Latitude": 37.58, "Longitude": -122.33, "Population": 1573.0}, {"index": 16927, "quantile": 0.75, "value": 229500.0, "Latitude": 37.58, "Longitude": -122.33, "Population": 1573.0}, {"index": 16927, "quantile": 1.0, "value": 350000.0, "Latitude": 37.58, "Longitude": -122.33, "Population": 1573.0}, {"index": 16928, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 37.57, "Longitude": -122.32, "Population": 2377.0}, {"index": 16928, "quantile": 0.25, "value": 232625.0, "Latitude": 37.57, "Longitude": -122.32, "Population": 2377.0}, {"index": 16928, "quantile": 0.5, "value": 237900.0, "Latitude": 37.57, "Longitude": -122.32, "Population": 2377.0}, {"index": 16928, "quantile": 0.75, "value": 237900.0, "Latitude": 37.57, "Longitude": -122.32, "Population": 2377.0}, {"index": 16928, "quantile": 1.0, "value": 320800.0, "Latitude": 37.57, "Longitude": -122.32, "Population": 2377.0}, {"index": 16929, "quantile": 0.0, "value": 113700.0, "Latitude": 37.57, "Longitude": -122.32, "Population": 2626.0}, {"index": 16929, "quantile": 0.25, "value": 234800.0, "Latitude": 37.57, "Longitude": -122.32, "Population": 2626.0}, {"index": 16929, "quantile": 0.5, "value": 234800.0, "Latitude": 37.57, "Longitude": -122.32, "Population": 2626.0}, {"index": 16929, "quantile": 0.75, "value": 240650.00000000003, "Latitude": 37.57, "Longitude": -122.32, "Population": 2626.0}, {"index": 16929, "quantile": 1.0, "value": 342300.0, "Latitude": 37.57, "Longitude": -122.32, "Population": 2626.0}, {"index": 16930, "quantile": 0.0, "value": 87500.0, "Latitude": 37.57, "Longitude": -122.32, "Population": 318.0}, {"index": 16930, "quantile": 0.25, "value": 256300.00000000003, "Latitude": 37.57, "Longitude": -122.32, "Population": 318.0}, {"index": 16930, "quantile": 0.5, "value": 256300.00000000003, "Latitude": 37.57, "Longitude": -122.32, "Population": 318.0}, {"index": 16930, "quantile": 0.75, "value": 256300.00000000003, "Latitude": 37.57, "Longitude": -122.32, "Population": 318.0}, {"index": 16930, "quantile": 1.0, "value": 500000.0, "Latitude": 37.57, "Longitude": -122.32, "Population": 318.0}, {"index": 16931, "quantile": 0.0, "value": 158300.0, "Latitude": 37.57, "Longitude": -122.31, "Population": 1603.0}, {"index": 16931, "quantile": 0.25, "value": 274650.0, "Latitude": 37.57, "Longitude": -122.31, "Population": 1603.0}, {"index": 16931, "quantile": 0.5, "value": 292600.0, "Latitude": 37.57, "Longitude": -122.31, "Population": 1603.0}, {"index": 16931, "quantile": 0.75, "value": 292600.0, "Latitude": 37.57, "Longitude": -122.31, "Population": 1603.0}, {"index": 16931, "quantile": 1.0, "value": 369300.0, "Latitude": 37.57, "Longitude": -122.31, "Population": 1603.0}, {"index": 16932, "quantile": 0.0, "value": 87500.0, "Latitude": 37.56, "Longitude": -122.32, "Population": 355.0}, {"index": 16932, "quantile": 0.25, "value": 250000.0, "Latitude": 37.56, "Longitude": -122.32, "Population": 355.0}, {"index": 16932, "quantile": 0.5, "value": 250000.0, "Latitude": 37.56, "Longitude": -122.32, "Population": 355.0}, {"index": 16932, "quantile": 0.75, "value": 250000.0, "Latitude": 37.56, "Longitude": -122.32, "Population": 355.0}, {"index": 16932, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.32, "Population": 355.0}, {"index": 16933, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.57, "Longitude": -122.33, "Population": 1112.0}, {"index": 16933, "quantile": 0.25, "value": 283300.0, "Latitude": 37.57, "Longitude": -122.33, "Population": 1112.0}, {"index": 16933, "quantile": 0.5, "value": 283300.0, "Latitude": 37.57, "Longitude": -122.33, "Population": 1112.0}, {"index": 16933, "quantile": 0.75, "value": 283300.0, "Latitude": 37.57, "Longitude": -122.33, "Population": 1112.0}, {"index": 16933, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.33, "Population": 1112.0}, {"index": 16934, "quantile": 0.0, "value": 76600.0, "Latitude": 37.56, "Longitude": -122.32, "Population": 377.0}, {"index": 16934, "quantile": 0.25, "value": 143800.0, "Latitude": 37.56, "Longitude": -122.32, "Population": 377.0}, {"index": 16934, "quantile": 0.5, "value": 187150.00000000003, "Latitude": 37.56, "Longitude": -122.32, "Population": 377.0}, {"index": 16934, "quantile": 0.75, "value": 241525.0, "Latitude": 37.56, "Longitude": -122.32, "Population": 377.0}, {"index": 16934, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.32, "Population": 377.0}, {"index": 16935, "quantile": 0.0, "value": 226700.0, "Latitude": 37.56, "Longitude": -122.33, "Population": 2400.0}, {"index": 16935, "quantile": 0.25, "value": 492450.75, "Latitude": 37.56, "Longitude": -122.33, "Population": 2400.0}, {"index": 16935, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.33, "Population": 2400.0}, {"index": 16935, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.33, "Population": 2400.0}, {"index": 16935, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.33, "Population": 2400.0}, {"index": 16936, "quantile": 0.0, "value": 143300.0, "Latitude": 37.56, "Longitude": -122.32, "Population": 691.0}, {"index": 16936, "quantile": 0.25, "value": 398950.0, "Latitude": 37.56, "Longitude": -122.32, "Population": 691.0}, {"index": 16936, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.32, "Population": 691.0}, {"index": 16936, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.32, "Population": 691.0}, {"index": 16936, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.32, "Population": 691.0}, {"index": 16937, "quantile": 0.0, "value": 179300.0, "Latitude": 37.56, "Longitude": -122.32, "Population": 1283.0}, {"index": 16937, "quantile": 0.25, "value": 354525.0, "Latitude": 37.56, "Longitude": -122.32, "Population": 1283.0}, {"index": 16937, "quantile": 0.5, "value": 415000.00000000006, "Latitude": 37.56, "Longitude": -122.32, "Population": 1283.0}, {"index": 16937, "quantile": 0.75, "value": 415000.00000000006, "Latitude": 37.56, "Longitude": -122.32, "Population": 1283.0}, {"index": 16937, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.32, "Population": 1283.0}, {"index": 16938, "quantile": 0.0, "value": 498600.0, "Latitude": 37.56, "Longitude": -122.33, "Population": 644.0}, {"index": 16938, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.33, "Population": 644.0}, {"index": 16938, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.33, "Population": 644.0}, {"index": 16938, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.33, "Population": 644.0}, {"index": 16938, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.33, "Population": 644.0}, {"index": 16939, "quantile": 0.0, "value": 182600.0, "Latitude": 37.55, "Longitude": -122.32, "Population": 1050.0}, {"index": 16939, "quantile": 0.25, "value": 384475.0, "Latitude": 37.55, "Longitude": -122.32, "Population": 1050.0}, {"index": 16939, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.32, "Population": 1050.0}, {"index": 16939, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.32, "Population": 1050.0}, {"index": 16939, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.32, "Population": 1050.0}, {"index": 16940, "quantile": 0.0, "value": 382200.0, "Latitude": 37.55, "Longitude": -122.33, "Population": 870.0}, {"index": 16940, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.33, "Population": 870.0}, {"index": 16940, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.33, "Population": 870.0}, {"index": 16940, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.33, "Population": 870.0}, {"index": 16940, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.33, "Population": 870.0}, {"index": 16941, "quantile": 0.0, "value": 171700.0, "Latitude": 37.55, "Longitude": -122.34, "Population": 843.0}, {"index": 16941, "quantile": 0.25, "value": 412399.99999999994, "Latitude": 37.55, "Longitude": -122.34, "Population": 843.0}, {"index": 16941, "quantile": 0.5, "value": 457200.0, "Latitude": 37.55, "Longitude": -122.34, "Population": 843.0}, {"index": 16941, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.34, "Population": 843.0}, {"index": 16941, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.34, "Population": 843.0}, {"index": 16942, "quantile": 0.0, "value": 188800.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 1126.0}, {"index": 16942, "quantile": 0.25, "value": 356900.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 1126.0}, {"index": 16942, "quantile": 0.5, "value": 356900.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 1126.0}, {"index": 16942, "quantile": 0.75, "value": 356900.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 1126.0}, {"index": 16942, "quantile": 1.0, "value": 500000.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 1126.0}, {"index": 16943, "quantile": 0.0, "value": 87500.0, "Latitude": 37.55, "Longitude": -122.31, "Population": 371.0}, {"index": 16943, "quantile": 0.25, "value": 296400.0, "Latitude": 37.55, "Longitude": -122.31, "Population": 371.0}, {"index": 16943, "quantile": 0.5, "value": 296400.0, "Latitude": 37.55, "Longitude": -122.31, "Population": 371.0}, {"index": 16943, "quantile": 0.75, "value": 296400.0, "Latitude": 37.55, "Longitude": -122.31, "Population": 371.0}, {"index": 16943, "quantile": 1.0, "value": 433800.0, "Latitude": 37.55, "Longitude": -122.31, "Population": 371.0}, {"index": 16944, "quantile": 0.0, "value": 188800.0, "Latitude": 37.55, "Longitude": -122.32, "Population": 607.0}, {"index": 16944, "quantile": 0.25, "value": 369700.0, "Latitude": 37.55, "Longitude": -122.32, "Population": 607.0}, {"index": 16944, "quantile": 0.5, "value": 369700.0, "Latitude": 37.55, "Longitude": -122.32, "Population": 607.0}, {"index": 16944, "quantile": 0.75, "value": 369700.0, "Latitude": 37.55, "Longitude": -122.32, "Population": 607.0}, {"index": 16944, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.32, "Population": 607.0}, {"index": 16945, "quantile": 0.0, "value": 209400.0, "Latitude": 37.55, "Longitude": -122.32, "Population": 849.0}, {"index": 16945, "quantile": 0.25, "value": 350700.0, "Latitude": 37.55, "Longitude": -122.32, "Population": 849.0}, {"index": 16945, "quantile": 0.5, "value": 390850.0, "Latitude": 37.55, "Longitude": -122.32, "Population": 849.0}, {"index": 16945, "quantile": 0.75, "value": 458500.0, "Latitude": 37.55, "Longitude": -122.32, "Population": 849.0}, {"index": 16945, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.32, "Population": 849.0}, {"index": 16946, "quantile": 0.0, "value": 271800.0, "Latitude": 37.55, "Longitude": -122.33, "Population": 827.0}, {"index": 16946, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.33, "Population": 827.0}, {"index": 16946, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.33, "Population": 827.0}, {"index": 16946, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.33, "Population": 827.0}, {"index": 16946, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.33, "Population": 827.0}, {"index": 16947, "quantile": 0.0, "value": 174200.0, "Latitude": 37.54, "Longitude": -122.32, "Population": 1608.0}, {"index": 16947, "quantile": 0.25, "value": 395100.0, "Latitude": 37.54, "Longitude": -122.32, "Population": 1608.0}, {"index": 16947, "quantile": 0.5, "value": 407200.0, "Latitude": 37.54, "Longitude": -122.32, "Population": 1608.0}, {"index": 16947, "quantile": 0.75, "value": 407200.0, "Latitude": 37.54, "Longitude": -122.32, "Population": 1608.0}, {"index": 16947, "quantile": 1.0, "value": 440299.99999999994, "Latitude": 37.54, "Longitude": -122.32, "Population": 1608.0}, {"index": 16948, "quantile": 0.0, "value": 285800.0, "Latitude": 37.53, "Longitude": -122.34, "Population": 1354.0}, {"index": 16948, "quantile": 0.25, "value": 369900.0, "Latitude": 37.53, "Longitude": -122.34, "Population": 1354.0}, {"index": 16948, "quantile": 0.5, "value": 418100.0, "Latitude": 37.53, "Longitude": -122.34, "Population": 1354.0}, {"index": 16948, "quantile": 0.75, "value": 458825.00000000006, "Latitude": 37.53, "Longitude": -122.34, "Population": 1354.0}, {"index": 16948, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -122.34, "Population": 1354.0}, {"index": 16949, "quantile": 0.0, "value": 245200.0, "Latitude": 37.53, "Longitude": -122.33, "Population": 1784.0}, {"index": 16949, "quantile": 0.25, "value": 341500.0, "Latitude": 37.53, "Longitude": -122.33, "Population": 1784.0}, {"index": 16949, "quantile": 0.5, "value": 439200.00000000006, "Latitude": 37.53, "Longitude": -122.33, "Population": 1784.0}, {"index": 16949, "quantile": 0.75, "value": 480800.0, "Latitude": 37.53, "Longitude": -122.33, "Population": 1784.0}, {"index": 16949, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -122.33, "Population": 1784.0}, {"index": 16950, "quantile": 0.0, "value": 225000.0, "Latitude": 37.53, "Longitude": -122.35, "Population": 905.0}, {"index": 16950, "quantile": 0.25, "value": 435799.99999999994, "Latitude": 37.53, "Longitude": -122.35, "Population": 905.0}, {"index": 16950, "quantile": 0.5, "value": 453099.99999999994, "Latitude": 37.53, "Longitude": -122.35, "Population": 905.0}, {"index": 16950, "quantile": 0.75, "value": 453099.99999999994, "Latitude": 37.53, "Longitude": -122.35, "Population": 905.0}, {"index": 16950, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -122.35, "Population": 905.0}, {"index": 16951, "quantile": 0.0, "value": 264300.0, "Latitude": 37.52, "Longitude": -122.34, "Population": 1747.0}, {"index": 16951, "quantile": 0.25, "value": 387775.0, "Latitude": 37.52, "Longitude": -122.34, "Population": 1747.0}, {"index": 16951, "quantile": 0.5, "value": 411200.0, "Latitude": 37.52, "Longitude": -122.34, "Population": 1747.0}, {"index": 16951, "quantile": 0.75, "value": 411200.0, "Latitude": 37.52, "Longitude": -122.34, "Population": 1747.0}, {"index": 16951, "quantile": 1.0, "value": 495899.99999999994, "Latitude": 37.52, "Longitude": -122.34, "Population": 1747.0}, {"index": 16952, "quantile": 0.0, "value": 90100.0, "Latitude": 37.53, "Longitude": -122.33, "Population": 769.0}, {"index": 16952, "quantile": 0.25, "value": 397800.0, "Latitude": 37.53, "Longitude": -122.33, "Population": 769.0}, {"index": 16952, "quantile": 0.5, "value": 458500.0, "Latitude": 37.53, "Longitude": -122.33, "Population": 769.0}, {"index": 16952, "quantile": 0.75, "value": 458500.0, "Latitude": 37.53, "Longitude": -122.33, "Population": 769.0}, {"index": 16952, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -122.33, "Population": 769.0}, {"index": 16953, "quantile": 0.0, "value": 247900.0, "Latitude": 37.52, "Longitude": -122.32, "Population": 2557.0}, {"index": 16953, "quantile": 0.25, "value": 375900.0, "Latitude": 37.52, "Longitude": -122.32, "Population": 2557.0}, {"index": 16953, "quantile": 0.5, "value": 480800.0, "Latitude": 37.52, "Longitude": -122.32, "Population": 2557.0}, {"index": 16953, "quantile": 0.75, "value": 480800.0, "Latitude": 37.52, "Longitude": -122.32, "Population": 2557.0}, {"index": 16953, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.52, "Longitude": -122.32, "Population": 2557.0}, {"index": 16954, "quantile": 0.0, "value": 174200.0, "Latitude": 37.53, "Longitude": -122.3, "Population": 535.0}, {"index": 16954, "quantile": 0.25, "value": 376600.0, "Latitude": 37.53, "Longitude": -122.3, "Population": 535.0}, {"index": 16954, "quantile": 0.5, "value": 376600.0, "Latitude": 37.53, "Longitude": -122.3, "Population": 535.0}, {"index": 16954, "quantile": 0.75, "value": 376600.0, "Latitude": 37.53, "Longitude": -122.3, "Population": 535.0}, {"index": 16954, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -122.3, "Population": 535.0}, {"index": 16955, "quantile": 0.0, "value": 268800.0, "Latitude": 37.53, "Longitude": -122.3, "Population": 751.0}, {"index": 16955, "quantile": 0.25, "value": 376600.0, "Latitude": 37.53, "Longitude": -122.3, "Population": 751.0}, {"index": 16955, "quantile": 0.5, "value": 384200.0, "Latitude": 37.53, "Longitude": -122.3, "Population": 751.0}, {"index": 16955, "quantile": 0.75, "value": 384200.0, "Latitude": 37.53, "Longitude": -122.3, "Population": 751.0}, {"index": 16955, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -122.3, "Population": 751.0}, {"index": 16956, "quantile": 0.0, "value": 183400.0, "Latitude": 37.53, "Longitude": -122.3, "Population": 429.0}, {"index": 16956, "quantile": 0.25, "value": 376800.0, "Latitude": 37.53, "Longitude": -122.3, "Population": 429.0}, {"index": 16956, "quantile": 0.5, "value": 376800.0, "Latitude": 37.53, "Longitude": -122.3, "Population": 429.0}, {"index": 16956, "quantile": 0.75, "value": 376800.0, "Latitude": 37.53, "Longitude": -122.3, "Population": 429.0}, {"index": 16956, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 37.53, "Longitude": -122.3, "Population": 429.0}, {"index": 16957, "quantile": 0.0, "value": 172200.0, "Latitude": 37.52, "Longitude": -122.31, "Population": 659.0}, {"index": 16957, "quantile": 0.25, "value": 457200.0, "Latitude": 37.52, "Longitude": -122.31, "Population": 659.0}, {"index": 16957, "quantile": 0.5, "value": 457200.0, "Latitude": 37.52, "Longitude": -122.31, "Population": 659.0}, {"index": 16957, "quantile": 0.75, "value": 457200.0, "Latitude": 37.52, "Longitude": -122.31, "Population": 659.0}, {"index": 16957, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.52, "Longitude": -122.31, "Population": 659.0}, {"index": 16958, "quantile": 0.0, "value": 258300.00000000003, "Latitude": 37.53, "Longitude": -122.31, "Population": 508.0}, {"index": 16958, "quantile": 0.25, "value": 379100.0, "Latitude": 37.53, "Longitude": -122.31, "Population": 508.0}, {"index": 16958, "quantile": 0.5, "value": 379100.0, "Latitude": 37.53, "Longitude": -122.31, "Population": 508.0}, {"index": 16958, "quantile": 0.75, "value": 379100.0, "Latitude": 37.53, "Longitude": -122.31, "Population": 508.0}, {"index": 16958, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -122.31, "Population": 508.0}, {"index": 16959, "quantile": 0.0, "value": 73400.0, "Latitude": 37.54, "Longitude": -122.3, "Population": 1758.0}, {"index": 16959, "quantile": 0.25, "value": 182125.0, "Latitude": 37.54, "Longitude": -122.3, "Population": 1758.0}, {"index": 16959, "quantile": 0.5, "value": 244350.00000000003, "Latitude": 37.54, "Longitude": -122.3, "Population": 1758.0}, {"index": 16959, "quantile": 0.75, "value": 364400.0, "Latitude": 37.54, "Longitude": -122.3, "Population": 1758.0}, {"index": 16959, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.3, "Population": 1758.0}, {"index": 16960, "quantile": 0.0, "value": 203799.99999999997, "Latitude": 37.53, "Longitude": -122.3, "Population": 984.0}, {"index": 16960, "quantile": 0.25, "value": 307925.0, "Latitude": 37.53, "Longitude": -122.3, "Population": 984.0}, {"index": 16960, "quantile": 0.5, "value": 337800.0, "Latitude": 37.53, "Longitude": -122.3, "Population": 984.0}, {"index": 16960, "quantile": 0.75, "value": 337800.0, "Latitude": 37.53, "Longitude": -122.3, "Population": 984.0}, {"index": 16960, "quantile": 1.0, "value": 387100.0, "Latitude": 37.53, "Longitude": -122.3, "Population": 984.0}, {"index": 16961, "quantile": 0.0, "value": 87500.0, "Latitude": 37.53, "Longitude": -122.29, "Population": 419.0}, {"index": 16961, "quantile": 0.25, "value": 353150.0, "Latitude": 37.53, "Longitude": -122.29, "Population": 419.0}, {"index": 16961, "quantile": 0.5, "value": 368200.0, "Latitude": 37.53, "Longitude": -122.29, "Population": 419.0}, {"index": 16961, "quantile": 0.75, "value": 368200.0, "Latitude": 37.53, "Longitude": -122.29, "Population": 419.0}, {"index": 16961, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -122.29, "Population": 419.0}, {"index": 16962, "quantile": 0.0, "value": 174200.0, "Latitude": 37.54, "Longitude": -122.31, "Population": 492.0}, {"index": 16962, "quantile": 0.25, "value": 376600.0, "Latitude": 37.54, "Longitude": -122.31, "Population": 492.0}, {"index": 16962, "quantile": 0.5, "value": 396900.0, "Latitude": 37.54, "Longitude": -122.31, "Population": 492.0}, {"index": 16962, "quantile": 0.75, "value": 396900.0, "Latitude": 37.54, "Longitude": -122.31, "Population": 492.0}, {"index": 16962, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.31, "Population": 492.0}, {"index": 16963, "quantile": 0.0, "value": 87600.0, "Latitude": 37.54, "Longitude": -122.31, "Population": 952.0}, {"index": 16963, "quantile": 0.25, "value": 326349.99999999994, "Latitude": 37.54, "Longitude": -122.31, "Population": 952.0}, {"index": 16963, "quantile": 0.5, "value": 370600.0, "Latitude": 37.54, "Longitude": -122.31, "Population": 952.0}, {"index": 16963, "quantile": 0.75, "value": 410575.00000000006, "Latitude": 37.54, "Longitude": -122.31, "Population": 952.0}, {"index": 16963, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.31, "Population": 952.0}, {"index": 16964, "quantile": 0.0, "value": 140700.0, "Latitude": 37.53, "Longitude": -122.31, "Population": 676.0}, {"index": 16964, "quantile": 0.25, "value": 361700.0, "Latitude": 37.53, "Longitude": -122.31, "Population": 676.0}, {"index": 16964, "quantile": 0.5, "value": 361700.0, "Latitude": 37.53, "Longitude": -122.31, "Population": 676.0}, {"index": 16964, "quantile": 0.75, "value": 361700.0, "Latitude": 37.53, "Longitude": -122.31, "Population": 676.0}, {"index": 16964, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -122.31, "Population": 676.0}, {"index": 16965, "quantile": 0.0, "value": 206800.0, "Latitude": 37.53, "Longitude": -122.32, "Population": 1183.0}, {"index": 16965, "quantile": 0.25, "value": 351800.0, "Latitude": 37.53, "Longitude": -122.32, "Population": 1183.0}, {"index": 16965, "quantile": 0.5, "value": 392850.0, "Latitude": 37.53, "Longitude": -122.32, "Population": 1183.0}, {"index": 16965, "quantile": 0.75, "value": 435724.99999999994, "Latitude": 37.53, "Longitude": -122.32, "Population": 1183.0}, {"index": 16965, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -122.32, "Population": 1183.0}, {"index": 16966, "quantile": 0.0, "value": 199200.0, "Latitude": 37.55, "Longitude": -122.31, "Population": 1877.0}, {"index": 16966, "quantile": 0.25, "value": 354100.0, "Latitude": 37.55, "Longitude": -122.31, "Population": 1877.0}, {"index": 16966, "quantile": 0.5, "value": 354100.0, "Latitude": 37.55, "Longitude": -122.31, "Population": 1877.0}, {"index": 16966, "quantile": 0.75, "value": 354100.0, "Latitude": 37.55, "Longitude": -122.31, "Population": 1877.0}, {"index": 16966, "quantile": 1.0, "value": 500000.0, "Latitude": 37.55, "Longitude": -122.31, "Population": 1877.0}, {"index": 16967, "quantile": 0.0, "value": 212200.0, "Latitude": 37.54, "Longitude": -122.31, "Population": 660.0}, {"index": 16967, "quantile": 0.25, "value": 393800.0, "Latitude": 37.54, "Longitude": -122.31, "Population": 660.0}, {"index": 16967, "quantile": 0.5, "value": 393800.0, "Latitude": 37.54, "Longitude": -122.31, "Population": 660.0}, {"index": 16967, "quantile": 0.75, "value": 393800.0, "Latitude": 37.54, "Longitude": -122.31, "Population": 660.0}, {"index": 16967, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.31, "Population": 660.0}, {"index": 16968, "quantile": 0.0, "value": 190400.0, "Latitude": 37.54, "Longitude": -122.31, "Population": 975.0}, {"index": 16968, "quantile": 0.25, "value": 342700.0, "Latitude": 37.54, "Longitude": -122.31, "Population": 975.0}, {"index": 16968, "quantile": 0.5, "value": 385400.0, "Latitude": 37.54, "Longitude": -122.31, "Population": 975.0}, {"index": 16968, "quantile": 0.75, "value": 385400.0, "Latitude": 37.54, "Longitude": -122.31, "Population": 975.0}, {"index": 16968, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.31, "Population": 975.0}, {"index": 16969, "quantile": 0.0, "value": 40000.0, "Latitude": 37.54, "Longitude": -122.31, "Population": 465.0}, {"index": 16969, "quantile": 0.25, "value": 236400.0, "Latitude": 37.54, "Longitude": -122.31, "Population": 465.0}, {"index": 16969, "quantile": 0.5, "value": 284600.0, "Latitude": 37.54, "Longitude": -122.31, "Population": 465.0}, {"index": 16969, "quantile": 0.75, "value": 353800.0, "Latitude": 37.54, "Longitude": -122.31, "Population": 465.0}, {"index": 16969, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.31, "Population": 465.0}, {"index": 16970, "quantile": 0.0, "value": 165300.0, "Latitude": 37.55, "Longitude": -122.3, "Population": 1930.0}, {"index": 16970, "quantile": 0.25, "value": 340200.0, "Latitude": 37.55, "Longitude": -122.3, "Population": 1930.0}, {"index": 16970, "quantile": 0.5, "value": 342800.0, "Latitude": 37.55, "Longitude": -122.3, "Population": 1930.0}, {"index": 16970, "quantile": 0.75, "value": 342800.0, "Latitude": 37.55, "Longitude": -122.3, "Population": 1930.0}, {"index": 16970, "quantile": 1.0, "value": 364200.0, "Latitude": 37.55, "Longitude": -122.3, "Population": 1930.0}, {"index": 16971, "quantile": 0.0, "value": 97200.0, "Latitude": 37.55, "Longitude": -122.31, "Population": 305.0}, {"index": 16971, "quantile": 0.25, "value": 256300.00000000003, "Latitude": 37.55, "Longitude": -122.31, "Population": 305.0}, {"index": 16971, "quantile": 0.5, "value": 272900.0, "Latitude": 37.55, "Longitude": -122.31, "Population": 305.0}, {"index": 16971, "quantile": 0.75, "value": 272900.0, "Latitude": 37.55, "Longitude": -122.31, "Population": 305.0}, {"index": 16971, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.31, "Population": 305.0}, {"index": 16972, "quantile": 0.0, "value": 144000.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 815.0}, {"index": 16972, "quantile": 0.25, "value": 292550.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 815.0}, {"index": 16972, "quantile": 0.5, "value": 309700.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 815.0}, {"index": 16972, "quantile": 0.75, "value": 309700.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 815.0}, {"index": 16972, "quantile": 1.0, "value": 500000.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 815.0}, {"index": 16973, "quantile": 0.0, "value": 121400.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 952.0}, {"index": 16973, "quantile": 0.25, "value": 287150.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 952.0}, {"index": 16973, "quantile": 0.5, "value": 316000.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 952.0}, {"index": 16973, "quantile": 0.75, "value": 316000.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 952.0}, {"index": 16973, "quantile": 1.0, "value": 440299.99999999994, "Latitude": 37.56, "Longitude": -122.31, "Population": 952.0}, {"index": 16974, "quantile": 0.0, "value": 174200.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 829.0}, {"index": 16974, "quantile": 0.25, "value": 293200.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 829.0}, {"index": 16974, "quantile": 0.5, "value": 315600.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 829.0}, {"index": 16974, "quantile": 0.75, "value": 354450.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 829.0}, {"index": 16974, "quantile": 1.0, "value": 500000.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 829.0}, {"index": 16975, "quantile": 0.0, "value": 87500.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 701.0}, {"index": 16975, "quantile": 0.25, "value": 292900.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 701.0}, {"index": 16975, "quantile": 0.5, "value": 292900.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 701.0}, {"index": 16975, "quantile": 0.75, "value": 292900.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 701.0}, {"index": 16975, "quantile": 1.0, "value": 405400.0, "Latitude": 37.56, "Longitude": -122.31, "Population": 701.0}, {"index": 16976, "quantile": 0.0, "value": 149700.0, "Latitude": 37.57, "Longitude": -122.31, "Population": 979.0}, {"index": 16976, "quantile": 0.25, "value": 267300.0, "Latitude": 37.57, "Longitude": -122.31, "Population": 979.0}, {"index": 16976, "quantile": 0.5, "value": 273700.0, "Latitude": 37.57, "Longitude": -122.31, "Population": 979.0}, {"index": 16976, "quantile": 0.75, "value": 273700.0, "Latitude": 37.57, "Longitude": -122.31, "Population": 979.0}, {"index": 16976, "quantile": 1.0, "value": 364200.0, "Latitude": 37.57, "Longitude": -122.31, "Population": 979.0}, {"index": 16977, "quantile": 0.0, "value": 152400.0, "Latitude": 37.57, "Longitude": -122.31, "Population": 1193.0}, {"index": 16977, "quantile": 0.25, "value": 242899.99999999997, "Latitude": 37.57, "Longitude": -122.31, "Population": 1193.0}, {"index": 16977, "quantile": 0.5, "value": 271350.0, "Latitude": 37.57, "Longitude": -122.31, "Population": 1193.0}, {"index": 16977, "quantile": 0.75, "value": 342300.0, "Latitude": 37.57, "Longitude": -122.31, "Population": 1193.0}, {"index": 16977, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.31, "Population": 1193.0}, {"index": 16978, "quantile": 0.0, "value": 134100.0, "Latitude": 37.57, "Longitude": -122.3, "Population": 1169.0}, {"index": 16978, "quantile": 0.25, "value": 270900.0, "Latitude": 37.57, "Longitude": -122.3, "Population": 1169.0}, {"index": 16978, "quantile": 0.5, "value": 270900.0, "Latitude": 37.57, "Longitude": -122.3, "Population": 1169.0}, {"index": 16978, "quantile": 0.75, "value": 270900.0, "Latitude": 37.57, "Longitude": -122.3, "Population": 1169.0}, {"index": 16978, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.3, "Population": 1169.0}, {"index": 16979, "quantile": 0.0, "value": 166700.0, "Latitude": 37.56, "Longitude": -122.3, "Population": 1267.0}, {"index": 16979, "quantile": 0.25, "value": 266700.0, "Latitude": 37.56, "Longitude": -122.3, "Population": 1267.0}, {"index": 16979, "quantile": 0.5, "value": 271800.0, "Latitude": 37.56, "Longitude": -122.3, "Population": 1267.0}, {"index": 16979, "quantile": 0.75, "value": 271800.0, "Latitude": 37.56, "Longitude": -122.3, "Population": 1267.0}, {"index": 16979, "quantile": 1.0, "value": 500000.0, "Latitude": 37.56, "Longitude": -122.3, "Population": 1267.0}, {"index": 16980, "quantile": 0.0, "value": 164400.0, "Latitude": 37.57, "Longitude": -122.3, "Population": 1189.0}, {"index": 16980, "quantile": 0.25, "value": 246175.0, "Latitude": 37.57, "Longitude": -122.3, "Population": 1189.0}, {"index": 16980, "quantile": 0.5, "value": 272300.0, "Latitude": 37.57, "Longitude": -122.3, "Population": 1189.0}, {"index": 16980, "quantile": 0.75, "value": 275950.0, "Latitude": 37.57, "Longitude": -122.3, "Population": 1189.0}, {"index": 16980, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.3, "Population": 1189.0}, {"index": 16981, "quantile": 0.0, "value": 192300.0, "Latitude": 37.56, "Longitude": -122.29, "Population": 846.0}, {"index": 16981, "quantile": 0.25, "value": 274800.0, "Latitude": 37.56, "Longitude": -122.29, "Population": 846.0}, {"index": 16981, "quantile": 0.5, "value": 339400.0, "Latitude": 37.56, "Longitude": -122.29, "Population": 846.0}, {"index": 16981, "quantile": 0.75, "value": 339400.0, "Latitude": 37.56, "Longitude": -122.29, "Population": 846.0}, {"index": 16981, "quantile": 1.0, "value": 485700.0, "Latitude": 37.56, "Longitude": -122.29, "Population": 846.0}, {"index": 16982, "quantile": 0.0, "value": 147200.0, "Latitude": 37.56, "Longitude": -122.3, "Population": 750.0}, {"index": 16982, "quantile": 0.25, "value": 229725.0, "Latitude": 37.56, "Longitude": -122.3, "Population": 750.0}, {"index": 16982, "quantile": 0.5, "value": 268700.0, "Latitude": 37.56, "Longitude": -122.3, "Population": 750.0}, {"index": 16982, "quantile": 0.75, "value": 381375.0, "Latitude": 37.56, "Longitude": -122.3, "Population": 750.0}, {"index": 16982, "quantile": 1.0, "value": 417000.0, "Latitude": 37.56, "Longitude": -122.3, "Population": 750.0}, {"index": 16983, "quantile": 0.0, "value": 107500.0, "Latitude": 37.56, "Longitude": -122.29, "Population": 445.0}, {"index": 16983, "quantile": 0.25, "value": 227400.0, "Latitude": 37.56, "Longitude": -122.29, "Population": 445.0}, {"index": 16983, "quantile": 0.5, "value": 271200.0, "Latitude": 37.56, "Longitude": -122.29, "Population": 445.0}, {"index": 16983, "quantile": 0.75, "value": 322300.0, "Latitude": 37.56, "Longitude": -122.29, "Population": 445.0}, {"index": 16983, "quantile": 1.0, "value": 484600.0, "Latitude": 37.56, "Longitude": -122.29, "Population": 445.0}, {"index": 16984, "quantile": 0.0, "value": 178900.0, "Latitude": 37.56, "Longitude": -122.3, "Population": 945.0}, {"index": 16984, "quantile": 0.25, "value": 274800.0, "Latitude": 37.56, "Longitude": -122.3, "Population": 945.0}, {"index": 16984, "quantile": 0.5, "value": 274800.0, "Latitude": 37.56, "Longitude": -122.3, "Population": 945.0}, {"index": 16984, "quantile": 0.75, "value": 274800.0, "Latitude": 37.56, "Longitude": -122.3, "Population": 945.0}, {"index": 16984, "quantile": 1.0, "value": 426400.0, "Latitude": 37.56, "Longitude": -122.3, "Population": 945.0}, {"index": 16985, "quantile": 0.0, "value": 175000.0, "Latitude": 37.56, "Longitude": -122.29, "Population": 2516.0}, {"index": 16985, "quantile": 0.25, "value": 288300.0, "Latitude": 37.56, "Longitude": -122.29, "Population": 2516.0}, {"index": 16985, "quantile": 0.5, "value": 305800.0, "Latitude": 37.56, "Longitude": -122.29, "Population": 2516.0}, {"index": 16985, "quantile": 0.75, "value": 305800.0, "Latitude": 37.56, "Longitude": -122.29, "Population": 2516.0}, {"index": 16985, "quantile": 1.0, "value": 409700.00000000006, "Latitude": 37.56, "Longitude": -122.29, "Population": 2516.0}, {"index": 16986, "quantile": 0.0, "value": 204199.99999999997, "Latitude": 37.55, "Longitude": -122.26, "Population": 1941.0}, {"index": 16986, "quantile": 0.25, "value": 295100.0, "Latitude": 37.55, "Longitude": -122.26, "Population": 1941.0}, {"index": 16986, "quantile": 0.5, "value": 375350.0, "Latitude": 37.55, "Longitude": -122.26, "Population": 1941.0}, {"index": 16986, "quantile": 0.75, "value": 431649.99999999994, "Latitude": 37.55, "Longitude": -122.26, "Population": 1941.0}, {"index": 16986, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.26, "Population": 1941.0}, {"index": 16987, "quantile": 0.0, "value": 137500.0, "Latitude": 37.55, "Longitude": -122.26, "Population": 683.0}, {"index": 16987, "quantile": 0.25, "value": 382475.0, "Latitude": 37.55, "Longitude": -122.26, "Population": 683.0}, {"index": 16987, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.26, "Population": 683.0}, {"index": 16987, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.26, "Population": 683.0}, {"index": 16987, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.26, "Population": 683.0}, {"index": 16988, "quantile": 0.0, "value": 182400.0, "Latitude": 37.55, "Longitude": -122.27, "Population": 1840.0}, {"index": 16988, "quantile": 0.25, "value": 338200.0, "Latitude": 37.55, "Longitude": -122.27, "Population": 1840.0}, {"index": 16988, "quantile": 0.5, "value": 338200.0, "Latitude": 37.55, "Longitude": -122.27, "Population": 1840.0}, {"index": 16988, "quantile": 0.75, "value": 356025.0, "Latitude": 37.55, "Longitude": -122.27, "Population": 1840.0}, {"index": 16988, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.27, "Population": 1840.0}, {"index": 16989, "quantile": 0.0, "value": 229300.00000000003, "Latitude": 37.54, "Longitude": -122.26, "Population": 770.0}, {"index": 16989, "quantile": 0.25, "value": 376000.0, "Latitude": 37.54, "Longitude": -122.26, "Population": 770.0}, {"index": 16989, "quantile": 0.5, "value": 376000.0, "Latitude": 37.54, "Longitude": -122.26, "Population": 770.0}, {"index": 16989, "quantile": 0.75, "value": 387150.0, "Latitude": 37.54, "Longitude": -122.26, "Population": 770.0}, {"index": 16989, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.26, "Population": 770.0}, {"index": 16990, "quantile": 0.0, "value": 173200.0, "Latitude": 37.55, "Longitude": -122.27, "Population": 811.0}, {"index": 16990, "quantile": 0.25, "value": 475750.0, "Latitude": 37.55, "Longitude": -122.27, "Population": 811.0}, {"index": 16990, "quantile": 0.5, "value": 483300.0, "Latitude": 37.55, "Longitude": -122.27, "Population": 811.0}, {"index": 16990, "quantile": 0.75, "value": 483300.0, "Latitude": 37.55, "Longitude": -122.27, "Population": 811.0}, {"index": 16990, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.27, "Population": 811.0}, {"index": 16991, "quantile": 0.0, "value": 240400.0, "Latitude": 37.55, "Longitude": -122.28, "Population": 2020.0}, {"index": 16991, "quantile": 0.25, "value": 278200.0, "Latitude": 37.55, "Longitude": -122.28, "Population": 2020.0}, {"index": 16991, "quantile": 0.5, "value": 375700.0, "Latitude": 37.55, "Longitude": -122.28, "Population": 2020.0}, {"index": 16991, "quantile": 0.75, "value": 375700.0, "Latitude": 37.55, "Longitude": -122.28, "Population": 2020.0}, {"index": 16991, "quantile": 1.0, "value": 431400.0, "Latitude": 37.55, "Longitude": -122.28, "Population": 2020.0}, {"index": 16992, "quantile": 0.0, "value": 137500.0, "Latitude": 37.56, "Longitude": -122.27, "Population": 1553.0}, {"index": 16992, "quantile": 0.25, "value": 251100.0, "Latitude": 37.56, "Longitude": -122.27, "Population": 1553.0}, {"index": 16992, "quantile": 0.5, "value": 270800.0, "Latitude": 37.56, "Longitude": -122.27, "Population": 1553.0}, {"index": 16992, "quantile": 0.75, "value": 318950.0, "Latitude": 37.56, "Longitude": -122.27, "Population": 1553.0}, {"index": 16992, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.27, "Population": 1553.0}, {"index": 16993, "quantile": 0.0, "value": 144300.0, "Latitude": 37.56, "Longitude": -122.27, "Population": 1810.0}, {"index": 16993, "quantile": 0.25, "value": 294200.0, "Latitude": 37.56, "Longitude": -122.27, "Population": 1810.0}, {"index": 16993, "quantile": 0.5, "value": 312150.0, "Latitude": 37.56, "Longitude": -122.27, "Population": 1810.0}, {"index": 16993, "quantile": 0.75, "value": 373875.0, "Latitude": 37.56, "Longitude": -122.27, "Population": 1810.0}, {"index": 16993, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.27, "Population": 1810.0}, {"index": 16994, "quantile": 0.0, "value": 95200.0, "Latitude": 37.54, "Longitude": -122.26, "Population": 395.0}, {"index": 16994, "quantile": 0.25, "value": 327800.0, "Latitude": 37.54, "Longitude": -122.26, "Population": 395.0}, {"index": 16994, "quantile": 0.5, "value": 327800.0, "Latitude": 37.54, "Longitude": -122.26, "Population": 395.0}, {"index": 16994, "quantile": 0.75, "value": 327800.0, "Latitude": 37.54, "Longitude": -122.26, "Population": 395.0}, {"index": 16994, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.26, "Population": 395.0}, {"index": 16995, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 37.54, "Longitude": -122.26, "Population": 1607.0}, {"index": 16995, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.26, "Population": 1607.0}, {"index": 16995, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.26, "Population": 1607.0}, {"index": 16995, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.26, "Population": 1607.0}, {"index": 16995, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.26, "Population": 1607.0}, {"index": 16996, "quantile": 0.0, "value": 175000.0, "Latitude": 37.54, "Longitude": -122.26, "Population": 779.0}, {"index": 16996, "quantile": 0.25, "value": 414424.99999999994, "Latitude": 37.54, "Longitude": -122.26, "Population": 779.0}, {"index": 16996, "quantile": 0.5, "value": 417300.0, "Latitude": 37.54, "Longitude": -122.26, "Population": 779.0}, {"index": 16996, "quantile": 0.75, "value": 417300.0, "Latitude": 37.54, "Longitude": -122.26, "Population": 779.0}, {"index": 16996, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.26, "Population": 779.0}, {"index": 16997, "quantile": 0.0, "value": 142500.0, "Latitude": 37.54, "Longitude": -122.27, "Population": 990.0}, {"index": 16997, "quantile": 0.25, "value": 273500.0, "Latitude": 37.54, "Longitude": -122.27, "Population": 990.0}, {"index": 16997, "quantile": 0.5, "value": 315500.0, "Latitude": 37.54, "Longitude": -122.27, "Population": 990.0}, {"index": 16997, "quantile": 0.75, "value": 409300.0, "Latitude": 37.54, "Longitude": -122.27, "Population": 990.0}, {"index": 16997, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.27, "Population": 990.0}, {"index": 16998, "quantile": 0.0, "value": 283300.0, "Latitude": 37.54, "Longitude": -122.27, "Population": 1752.0}, {"index": 16998, "quantile": 0.25, "value": 380850.0, "Latitude": 37.54, "Longitude": -122.27, "Population": 1752.0}, {"index": 16998, "quantile": 0.5, "value": 419700.0, "Latitude": 37.54, "Longitude": -122.27, "Population": 1752.0}, {"index": 16998, "quantile": 0.75, "value": 419700.0, "Latitude": 37.54, "Longitude": -122.27, "Population": 1752.0}, {"index": 16998, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.27, "Population": 1752.0}, {"index": 16999, "quantile": 0.0, "value": 308400.0, "Latitude": 37.54, "Longitude": -122.27, "Population": 905.0}, {"index": 16999, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.27, "Population": 905.0}, {"index": 16999, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.27, "Population": 905.0}, {"index": 16999, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.27, "Population": 905.0}, {"index": 16999, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.27, "Population": 905.0}, {"index": 17000, "quantile": 0.0, "value": 175200.0, "Latitude": 37.56, "Longitude": -122.26, "Population": 3399.0}, {"index": 17000, "quantile": 0.25, "value": 342575.0, "Latitude": 37.56, "Longitude": -122.26, "Population": 3399.0}, {"index": 17000, "quantile": 0.5, "value": 391000.0, "Latitude": 37.56, "Longitude": -122.26, "Population": 3399.0}, {"index": 17000, "quantile": 0.75, "value": 391000.0, "Latitude": 37.56, "Longitude": -122.26, "Population": 3399.0}, {"index": 17000, "quantile": 1.0, "value": 432900.0, "Latitude": 37.56, "Longitude": -122.26, "Population": 3399.0}, {"index": 17001, "quantile": 0.0, "value": 250000.0, "Latitude": 37.57, "Longitude": -122.26, "Population": 3484.0}, {"index": 17001, "quantile": 0.25, "value": 314200.0, "Latitude": 37.57, "Longitude": -122.26, "Population": 3484.0}, {"index": 17001, "quantile": 0.5, "value": 334650.0, "Latitude": 37.57, "Longitude": -122.26, "Population": 3484.0}, {"index": 17001, "quantile": 0.75, "value": 403500.0, "Latitude": 37.57, "Longitude": -122.26, "Population": 3484.0}, {"index": 17001, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.57, "Longitude": -122.26, "Population": 3484.0}, {"index": 17002, "quantile": 0.0, "value": 193100.0, "Latitude": 37.56, "Longitude": -122.25, "Population": 3437.0}, {"index": 17002, "quantile": 0.25, "value": 338950.0, "Latitude": 37.56, "Longitude": -122.25, "Population": 3437.0}, {"index": 17002, "quantile": 0.5, "value": 430300.0, "Latitude": 37.56, "Longitude": -122.25, "Population": 3437.0}, {"index": 17002, "quantile": 0.75, "value": 430300.0, "Latitude": 37.56, "Longitude": -122.25, "Population": 3437.0}, {"index": 17002, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.56, "Longitude": -122.25, "Population": 3437.0}, {"index": 17003, "quantile": 0.0, "value": 173500.0, "Latitude": 37.55, "Longitude": -122.29, "Population": 2243.0}, {"index": 17003, "quantile": 0.25, "value": 270100.0, "Latitude": 37.55, "Longitude": -122.29, "Population": 2243.0}, {"index": 17003, "quantile": 0.5, "value": 270100.0, "Latitude": 37.55, "Longitude": -122.29, "Population": 2243.0}, {"index": 17003, "quantile": 0.75, "value": 270100.0, "Latitude": 37.55, "Longitude": -122.29, "Population": 2243.0}, {"index": 17003, "quantile": 1.0, "value": 382100.0, "Latitude": 37.55, "Longitude": -122.29, "Population": 2243.0}, {"index": 17004, "quantile": 0.0, "value": 199100.0, "Latitude": 37.54, "Longitude": -122.28, "Population": 3169.0}, {"index": 17004, "quantile": 0.25, "value": 263500.0, "Latitude": 37.54, "Longitude": -122.28, "Population": 3169.0}, {"index": 17004, "quantile": 0.5, "value": 274350.0, "Latitude": 37.54, "Longitude": -122.28, "Population": 3169.0}, {"index": 17004, "quantile": 0.75, "value": 301000.0, "Latitude": 37.54, "Longitude": -122.28, "Population": 3169.0}, {"index": 17004, "quantile": 1.0, "value": 435200.00000000006, "Latitude": 37.54, "Longitude": -122.28, "Population": 3169.0}, {"index": 17005, "quantile": 0.0, "value": 225800.0, "Latitude": 37.54, "Longitude": -122.29, "Population": 1151.0}, {"index": 17005, "quantile": 0.25, "value": 293200.0, "Latitude": 37.54, "Longitude": -122.29, "Population": 1151.0}, {"index": 17005, "quantile": 0.5, "value": 293200.0, "Latitude": 37.54, "Longitude": -122.29, "Population": 1151.0}, {"index": 17005, "quantile": 0.75, "value": 302600.0, "Latitude": 37.54, "Longitude": -122.29, "Population": 1151.0}, {"index": 17005, "quantile": 1.0, "value": 476300.0, "Latitude": 37.54, "Longitude": -122.29, "Population": 1151.0}, {"index": 17006, "quantile": 0.0, "value": 214100.0, "Latitude": 37.54, "Longitude": -122.28, "Population": 463.0}, {"index": 17006, "quantile": 0.25, "value": 294200.0, "Latitude": 37.54, "Longitude": -122.28, "Population": 463.0}, {"index": 17006, "quantile": 0.5, "value": 294200.0, "Latitude": 37.54, "Longitude": -122.28, "Population": 463.0}, {"index": 17006, "quantile": 0.75, "value": 294200.0, "Latitude": 37.54, "Longitude": -122.28, "Population": 463.0}, {"index": 17006, "quantile": 1.0, "value": 451300.0, "Latitude": 37.54, "Longitude": -122.28, "Population": 463.0}, {"index": 17007, "quantile": 0.0, "value": 148200.0, "Latitude": 37.54, "Longitude": -122.29, "Population": 761.0}, {"index": 17007, "quantile": 0.25, "value": 263725.0, "Latitude": 37.54, "Longitude": -122.29, "Population": 761.0}, {"index": 17007, "quantile": 0.5, "value": 293200.0, "Latitude": 37.54, "Longitude": -122.29, "Population": 761.0}, {"index": 17007, "quantile": 0.75, "value": 316650.0, "Latitude": 37.54, "Longitude": -122.29, "Population": 761.0}, {"index": 17007, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.29, "Population": 761.0}, {"index": 17008, "quantile": 0.0, "value": 150900.0, "Latitude": 37.54, "Longitude": -122.29, "Population": 811.0}, {"index": 17008, "quantile": 0.25, "value": 296600.0, "Latitude": 37.54, "Longitude": -122.29, "Population": 811.0}, {"index": 17008, "quantile": 0.5, "value": 345900.0, "Latitude": 37.54, "Longitude": -122.29, "Population": 811.0}, {"index": 17008, "quantile": 0.75, "value": 393800.0, "Latitude": 37.54, "Longitude": -122.29, "Population": 811.0}, {"index": 17008, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -122.29, "Population": 811.0}, {"index": 17009, "quantile": 0.0, "value": 87500.0, "Latitude": 37.53, "Longitude": -122.29, "Population": 1089.0}, {"index": 17009, "quantile": 0.25, "value": 292025.0, "Latitude": 37.53, "Longitude": -122.29, "Population": 1089.0}, {"index": 17009, "quantile": 0.5, "value": 310600.0, "Latitude": 37.53, "Longitude": -122.29, "Population": 1089.0}, {"index": 17009, "quantile": 0.75, "value": 310600.0, "Latitude": 37.53, "Longitude": -122.29, "Population": 1089.0}, {"index": 17009, "quantile": 1.0, "value": 457700.0, "Latitude": 37.53, "Longitude": -122.29, "Population": 1089.0}, {"index": 17010, "quantile": 0.0, "value": 112500.0, "Latitude": 37.53, "Longitude": -122.28, "Population": 2593.0}, {"index": 17010, "quantile": 0.25, "value": 198750.0, "Latitude": 37.53, "Longitude": -122.28, "Population": 2593.0}, {"index": 17010, "quantile": 0.5, "value": 254049.99999999997, "Latitude": 37.53, "Longitude": -122.28, "Population": 2593.0}, {"index": 17010, "quantile": 0.75, "value": 291700.0, "Latitude": 37.53, "Longitude": -122.28, "Population": 2593.0}, {"index": 17010, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -122.28, "Population": 2593.0}, {"index": 17011, "quantile": 0.0, "value": 202300.0, "Latitude": 37.53, "Longitude": -122.28, "Population": 970.0}, {"index": 17011, "quantile": 0.25, "value": 310900.0, "Latitude": 37.53, "Longitude": -122.28, "Population": 970.0}, {"index": 17011, "quantile": 0.5, "value": 310900.0, "Latitude": 37.53, "Longitude": -122.28, "Population": 970.0}, {"index": 17011, "quantile": 0.75, "value": 310900.0, "Latitude": 37.53, "Longitude": -122.28, "Population": 970.0}, {"index": 17011, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -122.28, "Population": 970.0}, {"index": 17012, "quantile": 0.0, "value": 90800.0, "Latitude": 37.53, "Longitude": -122.27, "Population": 586.0}, {"index": 17012, "quantile": 0.25, "value": 255300.0, "Latitude": 37.53, "Longitude": -122.27, "Population": 586.0}, {"index": 17012, "quantile": 0.5, "value": 267400.0, "Latitude": 37.53, "Longitude": -122.27, "Population": 586.0}, {"index": 17012, "quantile": 0.75, "value": 267400.0, "Latitude": 37.53, "Longitude": -122.27, "Population": 586.0}, {"index": 17012, "quantile": 1.0, "value": 427600.0, "Latitude": 37.53, "Longitude": -122.27, "Population": 586.0}, {"index": 17013, "quantile": 0.0, "value": 165600.0, "Latitude": 37.53, "Longitude": -122.28, "Population": 2068.0}, {"index": 17013, "quantile": 0.25, "value": 229800.0, "Latitude": 37.53, "Longitude": -122.28, "Population": 2068.0}, {"index": 17013, "quantile": 0.5, "value": 337000.0, "Latitude": 37.53, "Longitude": -122.28, "Population": 2068.0}, {"index": 17013, "quantile": 0.75, "value": 361900.0, "Latitude": 37.53, "Longitude": -122.28, "Population": 2068.0}, {"index": 17013, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -122.28, "Population": 2068.0}, {"index": 17014, "quantile": 0.0, "value": 174200.0, "Latitude": 37.52, "Longitude": -122.29, "Population": 1837.0}, {"index": 17014, "quantile": 0.25, "value": 336500.0, "Latitude": 37.52, "Longitude": -122.29, "Population": 1837.0}, {"index": 17014, "quantile": 0.5, "value": 388100.0, "Latitude": 37.52, "Longitude": -122.29, "Population": 1837.0}, {"index": 17014, "quantile": 0.75, "value": 388100.0, "Latitude": 37.52, "Longitude": -122.29, "Population": 1837.0}, {"index": 17014, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.52, "Longitude": -122.29, "Population": 1837.0}, {"index": 17015, "quantile": 0.0, "value": 182500.0, "Latitude": 37.52, "Longitude": -122.28, "Population": 1285.0}, {"index": 17015, "quantile": 0.25, "value": 354400.0, "Latitude": 37.52, "Longitude": -122.28, "Population": 1285.0}, {"index": 17015, "quantile": 0.5, "value": 397800.0, "Latitude": 37.52, "Longitude": -122.28, "Population": 1285.0}, {"index": 17015, "quantile": 0.75, "value": 397800.0, "Latitude": 37.52, "Longitude": -122.28, "Population": 1285.0}, {"index": 17015, "quantile": 1.0, "value": 458500.0, "Latitude": 37.52, "Longitude": -122.28, "Population": 1285.0}, {"index": 17016, "quantile": 0.0, "value": 146300.0, "Latitude": 37.52, "Longitude": -122.28, "Population": 724.0}, {"index": 17016, "quantile": 0.25, "value": 378275.0, "Latitude": 37.52, "Longitude": -122.28, "Population": 724.0}, {"index": 17016, "quantile": 0.5, "value": 435200.00000000006, "Latitude": 37.52, "Longitude": -122.28, "Population": 724.0}, {"index": 17016, "quantile": 0.75, "value": 435200.00000000006, "Latitude": 37.52, "Longitude": -122.28, "Population": 724.0}, {"index": 17016, "quantile": 1.0, "value": 458500.0, "Latitude": 37.52, "Longitude": -122.28, "Population": 724.0}, {"index": 17017, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 37.52, "Longitude": -122.28, "Population": 1228.0}, {"index": 17017, "quantile": 0.25, "value": 342625.0, "Latitude": 37.52, "Longitude": -122.28, "Population": 1228.0}, {"index": 17017, "quantile": 0.5, "value": 397900.0, "Latitude": 37.52, "Longitude": -122.28, "Population": 1228.0}, {"index": 17017, "quantile": 0.75, "value": 397900.0, "Latitude": 37.52, "Longitude": -122.28, "Population": 1228.0}, {"index": 17017, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.52, "Longitude": -122.28, "Population": 1228.0}, {"index": 17018, "quantile": 0.0, "value": 287300.0, "Latitude": 37.52, "Longitude": -122.29, "Population": 1455.0}, {"index": 17018, "quantile": 0.25, "value": 386800.0, "Latitude": 37.52, "Longitude": -122.29, "Population": 1455.0}, {"index": 17018, "quantile": 0.5, "value": 386800.0, "Latitude": 37.52, "Longitude": -122.29, "Population": 1455.0}, {"index": 17018, "quantile": 0.75, "value": 425725.0, "Latitude": 37.52, "Longitude": -122.29, "Population": 1455.0}, {"index": 17018, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.52, "Longitude": -122.29, "Population": 1455.0}, {"index": 17019, "quantile": 0.0, "value": 139100.0, "Latitude": 37.52, "Longitude": -122.3, "Population": 994.0}, {"index": 17019, "quantile": 0.25, "value": 417000.0, "Latitude": 37.52, "Longitude": -122.3, "Population": 994.0}, {"index": 17019, "quantile": 0.5, "value": 417000.0, "Latitude": 37.52, "Longitude": -122.3, "Population": 994.0}, {"index": 17019, "quantile": 0.75, "value": 417000.0, "Latitude": 37.52, "Longitude": -122.3, "Population": 994.0}, {"index": 17019, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.52, "Longitude": -122.3, "Population": 994.0}, {"index": 17020, "quantile": 0.0, "value": 110900.0, "Latitude": 37.51, "Longitude": -122.3, "Population": 1156.0}, {"index": 17020, "quantile": 0.25, "value": 348525.0, "Latitude": 37.51, "Longitude": -122.3, "Population": 1156.0}, {"index": 17020, "quantile": 0.5, "value": 391000.0, "Latitude": 37.51, "Longitude": -122.3, "Population": 1156.0}, {"index": 17020, "quantile": 0.75, "value": 391000.0, "Latitude": 37.51, "Longitude": -122.3, "Population": 1156.0}, {"index": 17020, "quantile": 1.0, "value": 451300.0, "Latitude": 37.51, "Longitude": -122.3, "Population": 1156.0}, {"index": 17021, "quantile": 0.0, "value": 365900.0, "Latitude": 37.52, "Longitude": -122.3, "Population": 871.0}, {"index": 17021, "quantile": 0.25, "value": 382200.0, "Latitude": 37.52, "Longitude": -122.3, "Population": 871.0}, {"index": 17021, "quantile": 0.5, "value": 382200.0, "Latitude": 37.52, "Longitude": -122.3, "Population": 871.0}, {"index": 17021, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.52, "Longitude": -122.3, "Population": 871.0}, {"index": 17021, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.52, "Longitude": -122.3, "Population": 871.0}, {"index": 17022, "quantile": 0.0, "value": 171700.0, "Latitude": 37.52, "Longitude": -122.31, "Population": 969.0}, {"index": 17022, "quantile": 0.25, "value": 435799.99999999994, "Latitude": 37.52, "Longitude": -122.31, "Population": 969.0}, {"index": 17022, "quantile": 0.5, "value": 435799.99999999994, "Latitude": 37.52, "Longitude": -122.31, "Population": 969.0}, {"index": 17022, "quantile": 0.75, "value": 435799.99999999994, "Latitude": 37.52, "Longitude": -122.31, "Population": 969.0}, {"index": 17022, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.52, "Longitude": -122.31, "Population": 969.0}, {"index": 17023, "quantile": 0.0, "value": 308400.0, "Latitude": 37.52, "Longitude": -122.32, "Population": 1611.0}, {"index": 17023, "quantile": 0.25, "value": 434900.0, "Latitude": 37.52, "Longitude": -122.32, "Population": 1611.0}, {"index": 17023, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.52, "Longitude": -122.32, "Population": 1611.0}, {"index": 17023, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.52, "Longitude": -122.32, "Population": 1611.0}, {"index": 17023, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.52, "Longitude": -122.32, "Population": 1611.0}, {"index": 17024, "quantile": 0.0, "value": 189800.0, "Latitude": 37.5, "Longitude": -122.31, "Population": 6266.0}, {"index": 17024, "quantile": 0.25, "value": 397225.0, "Latitude": 37.5, "Longitude": -122.31, "Population": 6266.0}, {"index": 17024, "quantile": 0.5, "value": 491200.0, "Latitude": 37.5, "Longitude": -122.31, "Population": 6266.0}, {"index": 17024, "quantile": 0.75, "value": 491200.0, "Latitude": 37.5, "Longitude": -122.31, "Population": 6266.0}, {"index": 17024, "quantile": 1.0, "value": 495800.0, "Latitude": 37.5, "Longitude": -122.31, "Population": 6266.0}, {"index": 17025, "quantile": 0.0, "value": 188900.0, "Latitude": 37.52, "Longitude": -122.27, "Population": 517.0}, {"index": 17025, "quantile": 0.25, "value": 339700.0, "Latitude": 37.52, "Longitude": -122.27, "Population": 517.0}, {"index": 17025, "quantile": 0.5, "value": 339700.0, "Latitude": 37.52, "Longitude": -122.27, "Population": 517.0}, {"index": 17025, "quantile": 0.75, "value": 339700.0, "Latitude": 37.52, "Longitude": -122.27, "Population": 517.0}, {"index": 17025, "quantile": 1.0, "value": 404800.0, "Latitude": 37.52, "Longitude": -122.27, "Population": 517.0}, {"index": 17026, "quantile": 0.0, "value": 273700.0, "Latitude": 37.51, "Longitude": -122.27, "Population": 598.0}, {"index": 17026, "quantile": 0.25, "value": 378475.0, "Latitude": 37.51, "Longitude": -122.27, "Population": 598.0}, {"index": 17026, "quantile": 0.5, "value": 414799.99999999994, "Latitude": 37.51, "Longitude": -122.27, "Population": 598.0}, {"index": 17026, "quantile": 0.75, "value": 414799.99999999994, "Latitude": 37.51, "Longitude": -122.27, "Population": 598.0}, {"index": 17026, "quantile": 1.0, "value": 444500.0, "Latitude": 37.51, "Longitude": -122.27, "Population": 598.0}, {"index": 17027, "quantile": 0.0, "value": 210500.0, "Latitude": 37.51, "Longitude": -122.29, "Population": 1374.0}, {"index": 17027, "quantile": 0.25, "value": 405075.0, "Latitude": 37.51, "Longitude": -122.29, "Population": 1374.0}, {"index": 17027, "quantile": 0.5, "value": 426400.0, "Latitude": 37.51, "Longitude": -122.29, "Population": 1374.0}, {"index": 17027, "quantile": 0.75, "value": 426400.0, "Latitude": 37.51, "Longitude": -122.29, "Population": 1374.0}, {"index": 17027, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.51, "Longitude": -122.29, "Population": 1374.0}, {"index": 17028, "quantile": 0.0, "value": 87500.0, "Latitude": 37.52, "Longitude": -122.26, "Population": 291.0}, {"index": 17028, "quantile": 0.25, "value": 254725.0, "Latitude": 37.52, "Longitude": -122.26, "Population": 291.0}, {"index": 17028, "quantile": 0.5, "value": 256300.00000000003, "Latitude": 37.52, "Longitude": -122.26, "Population": 291.0}, {"index": 17028, "quantile": 0.75, "value": 256300.00000000003, "Latitude": 37.52, "Longitude": -122.26, "Population": 291.0}, {"index": 17028, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.52, "Longitude": -122.26, "Population": 291.0}, {"index": 17029, "quantile": 0.0, "value": 158200.0, "Latitude": 37.51, "Longitude": -122.26, "Population": 351.0}, {"index": 17029, "quantile": 0.25, "value": 258100.0, "Latitude": 37.51, "Longitude": -122.26, "Population": 351.0}, {"index": 17029, "quantile": 0.5, "value": 258100.0, "Latitude": 37.51, "Longitude": -122.26, "Population": 351.0}, {"index": 17029, "quantile": 0.75, "value": 258100.0, "Latitude": 37.51, "Longitude": -122.26, "Population": 351.0}, {"index": 17029, "quantile": 1.0, "value": 444500.0, "Latitude": 37.51, "Longitude": -122.26, "Population": 351.0}, {"index": 17030, "quantile": 0.0, "value": 163500.0, "Latitude": 37.51, "Longitude": -122.25, "Population": 504.0}, {"index": 17030, "quantile": 0.25, "value": 289400.0, "Latitude": 37.51, "Longitude": -122.25, "Population": 504.0}, {"index": 17030, "quantile": 0.5, "value": 289400.0, "Latitude": 37.51, "Longitude": -122.25, "Population": 504.0}, {"index": 17030, "quantile": 0.75, "value": 289400.0, "Latitude": 37.51, "Longitude": -122.25, "Population": 504.0}, {"index": 17030, "quantile": 1.0, "value": 440299.99999999994, "Latitude": 37.51, "Longitude": -122.25, "Population": 504.0}, {"index": 17031, "quantile": 0.0, "value": 216699.99999999997, "Latitude": 37.5, "Longitude": -122.25, "Population": 154.0}, {"index": 17031, "quantile": 0.25, "value": 253799.99999999997, "Latitude": 37.5, "Longitude": -122.25, "Population": 154.0}, {"index": 17031, "quantile": 0.5, "value": 253799.99999999997, "Latitude": 37.5, "Longitude": -122.25, "Population": 154.0}, {"index": 17031, "quantile": 0.75, "value": 294950.0, "Latitude": 37.5, "Longitude": -122.25, "Population": 154.0}, {"index": 17031, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.5, "Longitude": -122.25, "Population": 154.0}, {"index": 17032, "quantile": 0.0, "value": 211300.0, "Latitude": 37.51, "Longitude": -122.27, "Population": 1744.0}, {"index": 17032, "quantile": 0.25, "value": 337925.0, "Latitude": 37.51, "Longitude": -122.27, "Population": 1744.0}, {"index": 17032, "quantile": 0.5, "value": 395500.0, "Latitude": 37.51, "Longitude": -122.27, "Population": 1744.0}, {"index": 17032, "quantile": 0.75, "value": 410350.00000000006, "Latitude": 37.51, "Longitude": -122.27, "Population": 1744.0}, {"index": 17032, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.51, "Longitude": -122.27, "Population": 1744.0}, {"index": 17033, "quantile": 0.0, "value": 87500.0, "Latitude": 37.51, "Longitude": -122.26, "Population": 1611.0}, {"index": 17033, "quantile": 0.25, "value": 323800.0, "Latitude": 37.51, "Longitude": -122.26, "Population": 1611.0}, {"index": 17033, "quantile": 0.5, "value": 323800.0, "Latitude": 37.51, "Longitude": -122.26, "Population": 1611.0}, {"index": 17033, "quantile": 0.75, "value": 323800.0, "Latitude": 37.51, "Longitude": -122.26, "Population": 1611.0}, {"index": 17033, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.51, "Longitude": -122.26, "Population": 1611.0}, {"index": 17034, "quantile": 0.0, "value": 40000.0, "Latitude": 37.5, "Longitude": -122.26, "Population": 842.0}, {"index": 17034, "quantile": 0.25, "value": 341325.0, "Latitude": 37.5, "Longitude": -122.26, "Population": 842.0}, {"index": 17034, "quantile": 0.5, "value": 341500.0, "Latitude": 37.5, "Longitude": -122.26, "Population": 842.0}, {"index": 17034, "quantile": 0.75, "value": 341500.0, "Latitude": 37.5, "Longitude": -122.26, "Population": 842.0}, {"index": 17034, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.5, "Longitude": -122.26, "Population": 842.0}, {"index": 17035, "quantile": 0.0, "value": 183300.0, "Latitude": 37.5, "Longitude": -122.26, "Population": 393.0}, {"index": 17035, "quantile": 0.25, "value": 360500.0, "Latitude": 37.5, "Longitude": -122.26, "Population": 393.0}, {"index": 17035, "quantile": 0.5, "value": 360500.0, "Latitude": 37.5, "Longitude": -122.26, "Population": 393.0}, {"index": 17035, "quantile": 0.75, "value": 360500.0, "Latitude": 37.5, "Longitude": -122.26, "Population": 393.0}, {"index": 17035, "quantile": 1.0, "value": 427600.0, "Latitude": 37.5, "Longitude": -122.26, "Population": 393.0}, {"index": 17036, "quantile": 0.0, "value": 209400.0, "Latitude": 37.5, "Longitude": -122.25, "Population": 752.0}, {"index": 17036, "quantile": 0.25, "value": 345000.0, "Latitude": 37.5, "Longitude": -122.25, "Population": 752.0}, {"index": 17036, "quantile": 0.5, "value": 345000.0, "Latitude": 37.5, "Longitude": -122.25, "Population": 752.0}, {"index": 17036, "quantile": 0.75, "value": 351800.0, "Latitude": 37.5, "Longitude": -122.25, "Population": 752.0}, {"index": 17036, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.5, "Longitude": -122.25, "Population": 752.0}, {"index": 17037, "quantile": 0.0, "value": 182800.0, "Latitude": 37.49, "Longitude": -122.25, "Population": 1225.0}, {"index": 17037, "quantile": 0.25, "value": 318600.0, "Latitude": 37.49, "Longitude": -122.25, "Population": 1225.0}, {"index": 17037, "quantile": 0.5, "value": 349600.0, "Latitude": 37.49, "Longitude": -122.25, "Population": 1225.0}, {"index": 17037, "quantile": 0.75, "value": 349600.0, "Latitude": 37.49, "Longitude": -122.25, "Population": 1225.0}, {"index": 17037, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.49, "Longitude": -122.25, "Population": 1225.0}, {"index": 17038, "quantile": 0.0, "value": 209400.0, "Latitude": 37.49, "Longitude": -122.25, "Population": 1156.0}, {"index": 17038, "quantile": 0.25, "value": 361250.0, "Latitude": 37.49, "Longitude": -122.25, "Population": 1156.0}, {"index": 17038, "quantile": 0.5, "value": 395500.0, "Latitude": 37.49, "Longitude": -122.25, "Population": 1156.0}, {"index": 17038, "quantile": 0.75, "value": 395500.0, "Latitude": 37.49, "Longitude": -122.25, "Population": 1156.0}, {"index": 17038, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.49, "Longitude": -122.25, "Population": 1156.0}, {"index": 17039, "quantile": 0.0, "value": 273200.0, "Latitude": 37.49, "Longitude": -122.25, "Population": 1790.0}, {"index": 17039, "quantile": 0.25, "value": 391600.00000000006, "Latitude": 37.49, "Longitude": -122.25, "Population": 1790.0}, {"index": 17039, "quantile": 0.5, "value": 394700.0, "Latitude": 37.49, "Longitude": -122.25, "Population": 1790.0}, {"index": 17039, "quantile": 0.75, "value": 394700.0, "Latitude": 37.49, "Longitude": -122.25, "Population": 1790.0}, {"index": 17039, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.49, "Longitude": -122.25, "Population": 1790.0}, {"index": 17040, "quantile": 0.0, "value": 268800.0, "Latitude": 37.5, "Longitude": -122.26, "Population": 2818.0}, {"index": 17040, "quantile": 0.25, "value": 374800.0, "Latitude": 37.5, "Longitude": -122.26, "Population": 2818.0}, {"index": 17040, "quantile": 0.5, "value": 374800.0, "Latitude": 37.5, "Longitude": -122.26, "Population": 2818.0}, {"index": 17040, "quantile": 0.75, "value": 374800.0, "Latitude": 37.5, "Longitude": -122.26, "Population": 2818.0}, {"index": 17040, "quantile": 1.0, "value": 473000.00000000006, "Latitude": 37.5, "Longitude": -122.26, "Population": 2818.0}, {"index": 17041, "quantile": 0.0, "value": 273100.0, "Latitude": 37.51, "Longitude": -122.28, "Population": 1980.0}, {"index": 17041, "quantile": 0.25, "value": 405000.0, "Latitude": 37.51, "Longitude": -122.28, "Population": 1980.0}, {"index": 17041, "quantile": 0.5, "value": 405000.0, "Latitude": 37.51, "Longitude": -122.28, "Population": 1980.0}, {"index": 17041, "quantile": 0.75, "value": 425725.0, "Latitude": 37.51, "Longitude": -122.28, "Population": 1980.0}, {"index": 17041, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.51, "Longitude": -122.28, "Population": 1980.0}, {"index": 17042, "quantile": 0.0, "value": 301700.0, "Latitude": 37.5, "Longitude": -122.28, "Population": 2694.0}, {"index": 17042, "quantile": 0.25, "value": 431300.0, "Latitude": 37.5, "Longitude": -122.28, "Population": 2694.0}, {"index": 17042, "quantile": 0.5, "value": 431300.0, "Latitude": 37.5, "Longitude": -122.28, "Population": 2694.0}, {"index": 17042, "quantile": 0.75, "value": 431375.0, "Latitude": 37.5, "Longitude": -122.28, "Population": 2694.0}, {"index": 17042, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.5, "Longitude": -122.28, "Population": 2694.0}, {"index": 17043, "quantile": 0.0, "value": 266000.0, "Latitude": 37.49, "Longitude": -122.28, "Population": 2626.0}, {"index": 17043, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.49, "Longitude": -122.28, "Population": 2626.0}, {"index": 17043, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.49, "Longitude": -122.28, "Population": 2626.0}, {"index": 17043, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.49, "Longitude": -122.28, "Population": 2626.0}, {"index": 17043, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.49, "Longitude": -122.28, "Population": 2626.0}, {"index": 17044, "quantile": 0.0, "value": 171700.0, "Latitude": 37.49, "Longitude": -122.28, "Population": 1638.0}, {"index": 17044, "quantile": 0.25, "value": 445525.00000000006, "Latitude": 37.49, "Longitude": -122.28, "Population": 1638.0}, {"index": 17044, "quantile": 0.5, "value": 457200.0, "Latitude": 37.49, "Longitude": -122.28, "Population": 1638.0}, {"index": 17044, "quantile": 0.75, "value": 457200.0, "Latitude": 37.49, "Longitude": -122.28, "Population": 1638.0}, {"index": 17044, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.49, "Longitude": -122.28, "Population": 1638.0}, {"index": 17045, "quantile": 0.0, "value": 224100.0, "Latitude": 37.48, "Longitude": -122.27, "Population": 1392.0}, {"index": 17045, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.48, "Longitude": -122.27, "Population": 1392.0}, {"index": 17045, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.48, "Longitude": -122.27, "Population": 1392.0}, {"index": 17045, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.48, "Longitude": -122.27, "Population": 1392.0}, {"index": 17045, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.48, "Longitude": -122.27, "Population": 1392.0}, {"index": 17046, "quantile": 0.0, "value": 139100.0, "Latitude": 37.48, "Longitude": -122.26, "Population": 1805.0}, {"index": 17046, "quantile": 0.25, "value": 387450.0, "Latitude": 37.48, "Longitude": -122.26, "Population": 1805.0}, {"index": 17046, "quantile": 0.5, "value": 451300.0, "Latitude": 37.48, "Longitude": -122.26, "Population": 1805.0}, {"index": 17046, "quantile": 0.75, "value": 451300.0, "Latitude": 37.48, "Longitude": -122.26, "Population": 1805.0}, {"index": 17046, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.48, "Longitude": -122.26, "Population": 1805.0}, {"index": 17047, "quantile": 0.0, "value": 316700.0, "Latitude": 37.48, "Longitude": -122.29, "Population": 2009.0}, {"index": 17047, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.48, "Longitude": -122.29, "Population": 2009.0}, {"index": 17047, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.48, "Longitude": -122.29, "Population": 2009.0}, {"index": 17047, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.48, "Longitude": -122.29, "Population": 2009.0}, {"index": 17047, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.48, "Longitude": -122.29, "Population": 2009.0}, {"index": 17048, "quantile": 0.0, "value": 295500.0, "Latitude": 37.47, "Longitude": -122.27, "Population": 1235.0}, {"index": 17048, "quantile": 0.25, "value": 495899.99999999994, "Latitude": 37.47, "Longitude": -122.27, "Population": 1235.0}, {"index": 17048, "quantile": 0.5, "value": 495899.99999999994, "Latitude": 37.47, "Longitude": -122.27, "Population": 1235.0}, {"index": 17048, "quantile": 0.75, "value": 495899.99999999994, "Latitude": 37.47, "Longitude": -122.27, "Population": 1235.0}, {"index": 17048, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.27, "Population": 1235.0}, {"index": 17049, "quantile": 0.0, "value": 176300.0, "Latitude": 37.46, "Longitude": -122.26, "Population": 1996.0}, {"index": 17049, "quantile": 0.25, "value": 451650.0, "Latitude": 37.46, "Longitude": -122.26, "Population": 1996.0}, {"index": 17049, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.26, "Population": 1996.0}, {"index": 17049, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.26, "Population": 1996.0}, {"index": 17049, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.26, "Population": 1996.0}, {"index": 17050, "quantile": 0.0, "value": 250000.0, "Latitude": 37.47, "Longitude": -122.28, "Population": 281.0}, {"index": 17050, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.28, "Population": 281.0}, {"index": 17050, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.28, "Population": 281.0}, {"index": 17050, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.28, "Population": 281.0}, {"index": 17050, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.28, "Population": 281.0}, {"index": 17051, "quantile": 0.0, "value": 153800.0, "Latitude": 37.47, "Longitude": -122.24, "Population": 455.0}, {"index": 17051, "quantile": 0.25, "value": 314100.0, "Latitude": 37.47, "Longitude": -122.24, "Population": 455.0}, {"index": 17051, "quantile": 0.5, "value": 314100.0, "Latitude": 37.47, "Longitude": -122.24, "Population": 455.0}, {"index": 17051, "quantile": 0.75, "value": 314100.0, "Latitude": 37.47, "Longitude": -122.24, "Population": 455.0}, {"index": 17051, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.24, "Population": 455.0}, {"index": 17052, "quantile": 0.0, "value": 99600.0, "Latitude": 37.48, "Longitude": -122.25, "Population": 1663.0}, {"index": 17052, "quantile": 0.25, "value": 341575.0, "Latitude": 37.48, "Longitude": -122.25, "Population": 1663.0}, {"index": 17052, "quantile": 0.5, "value": 440299.99999999994, "Latitude": 37.48, "Longitude": -122.25, "Population": 1663.0}, {"index": 17052, "quantile": 0.75, "value": 440299.99999999994, "Latitude": 37.48, "Longitude": -122.25, "Population": 1663.0}, {"index": 17052, "quantile": 1.0, "value": 446800.0, "Latitude": 37.48, "Longitude": -122.25, "Population": 1663.0}, {"index": 17053, "quantile": 0.0, "value": 235500.0, "Latitude": 37.47, "Longitude": -122.24, "Population": 689.0}, {"index": 17053, "quantile": 0.25, "value": 308800.0, "Latitude": 37.47, "Longitude": -122.24, "Population": 689.0}, {"index": 17053, "quantile": 0.5, "value": 308800.0, "Latitude": 37.47, "Longitude": -122.24, "Population": 689.0}, {"index": 17053, "quantile": 0.75, "value": 373750.0, "Latitude": 37.47, "Longitude": -122.24, "Population": 689.0}, {"index": 17053, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.24, "Population": 689.0}, {"index": 17054, "quantile": 0.0, "value": 158200.0, "Latitude": 37.47, "Longitude": -122.25, "Population": 265.0}, {"index": 17054, "quantile": 0.25, "value": 305000.0, "Latitude": 37.47, "Longitude": -122.25, "Population": 265.0}, {"index": 17054, "quantile": 0.5, "value": 305000.0, "Latitude": 37.47, "Longitude": -122.25, "Population": 265.0}, {"index": 17054, "quantile": 0.75, "value": 305000.0, "Latitude": 37.47, "Longitude": -122.25, "Population": 265.0}, {"index": 17054, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.25, "Population": 265.0}, {"index": 17055, "quantile": 0.0, "value": 247300.0, "Latitude": 37.47, "Longitude": -122.25, "Population": 1313.0}, {"index": 17055, "quantile": 0.25, "value": 318700.0, "Latitude": 37.47, "Longitude": -122.25, "Population": 1313.0}, {"index": 17055, "quantile": 0.5, "value": 376950.0, "Latitude": 37.47, "Longitude": -122.25, "Population": 1313.0}, {"index": 17055, "quantile": 0.75, "value": 438500.0, "Latitude": 37.47, "Longitude": -122.25, "Population": 1313.0}, {"index": 17055, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.25, "Population": 1313.0}, {"index": 17056, "quantile": 0.0, "value": 228700.0, "Latitude": 37.48, "Longitude": -122.25, "Population": 974.0}, {"index": 17056, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.48, "Longitude": -122.25, "Population": 974.0}, {"index": 17056, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.48, "Longitude": -122.25, "Population": 974.0}, {"index": 17056, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.48, "Longitude": -122.25, "Population": 974.0}, {"index": 17056, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.48, "Longitude": -122.25, "Population": 974.0}, {"index": 17057, "quantile": 0.0, "value": 200999.99999999997, "Latitude": 37.48, "Longitude": -122.24, "Population": 1722.0}, {"index": 17057, "quantile": 0.25, "value": 236475.0, "Latitude": 37.48, "Longitude": -122.24, "Population": 1722.0}, {"index": 17057, "quantile": 0.5, "value": 288700.0, "Latitude": 37.48, "Longitude": -122.24, "Population": 1722.0}, {"index": 17057, "quantile": 0.75, "value": 368100.0, "Latitude": 37.48, "Longitude": -122.24, "Population": 1722.0}, {"index": 17057, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.48, "Longitude": -122.24, "Population": 1722.0}, {"index": 17058, "quantile": 0.0, "value": 182700.0, "Latitude": 37.48, "Longitude": -122.24, "Population": 2080.0}, {"index": 17058, "quantile": 0.25, "value": 334675.0, "Latitude": 37.48, "Longitude": -122.24, "Population": 2080.0}, {"index": 17058, "quantile": 0.5, "value": 361900.0, "Latitude": 37.48, "Longitude": -122.24, "Population": 2080.0}, {"index": 17058, "quantile": 0.75, "value": 361900.0, "Latitude": 37.48, "Longitude": -122.24, "Population": 2080.0}, {"index": 17058, "quantile": 1.0, "value": 427600.0, "Latitude": 37.48, "Longitude": -122.24, "Population": 2080.0}, {"index": 17059, "quantile": 0.0, "value": 281100.0, "Latitude": 37.48, "Longitude": -122.24, "Population": 1010.0}, {"index": 17059, "quantile": 0.25, "value": 362700.0, "Latitude": 37.48, "Longitude": -122.24, "Population": 1010.0}, {"index": 17059, "quantile": 0.5, "value": 362700.0, "Latitude": 37.48, "Longitude": -122.24, "Population": 1010.0}, {"index": 17059, "quantile": 0.75, "value": 394700.0, "Latitude": 37.48, "Longitude": -122.24, "Population": 1010.0}, {"index": 17059, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.48, "Longitude": -122.24, "Population": 1010.0}, {"index": 17060, "quantile": 0.0, "value": 212500.0, "Latitude": 37.49, "Longitude": -122.24, "Population": 1191.0}, {"index": 17060, "quantile": 0.25, "value": 362000.0, "Latitude": 37.49, "Longitude": -122.24, "Population": 1191.0}, {"index": 17060, "quantile": 0.5, "value": 427600.0, "Latitude": 37.49, "Longitude": -122.24, "Population": 1191.0}, {"index": 17060, "quantile": 0.75, "value": 427600.0, "Latitude": 37.49, "Longitude": -122.24, "Population": 1191.0}, {"index": 17060, "quantile": 1.0, "value": 427600.0, "Latitude": 37.49, "Longitude": -122.24, "Population": 1191.0}, {"index": 17061, "quantile": 0.0, "value": 192600.0, "Latitude": 37.49, "Longitude": -122.24, "Population": 2561.0}, {"index": 17061, "quantile": 0.25, "value": 265600.0, "Latitude": 37.49, "Longitude": -122.24, "Population": 2561.0}, {"index": 17061, "quantile": 0.5, "value": 265600.0, "Latitude": 37.49, "Longitude": -122.24, "Population": 2561.0}, {"index": 17061, "quantile": 0.75, "value": 265600.0, "Latitude": 37.49, "Longitude": -122.24, "Population": 2561.0}, {"index": 17061, "quantile": 1.0, "value": 387500.0, "Latitude": 37.49, "Longitude": -122.24, "Population": 2561.0}, {"index": 17062, "quantile": 0.0, "value": 85100.0, "Latitude": 37.48, "Longitude": -122.21, "Population": 1204.0}, {"index": 17062, "quantile": 0.25, "value": 232799.99999999997, "Latitude": 37.48, "Longitude": -122.21, "Population": 1204.0}, {"index": 17062, "quantile": 0.5, "value": 247200.0, "Latitude": 37.48, "Longitude": -122.21, "Population": 1204.0}, {"index": 17062, "quantile": 0.75, "value": 247200.0, "Latitude": 37.48, "Longitude": -122.21, "Population": 1204.0}, {"index": 17062, "quantile": 1.0, "value": 273100.0, "Latitude": 37.48, "Longitude": -122.21, "Population": 1204.0}, {"index": 17063, "quantile": 0.0, "value": 67300.0, "Latitude": 37.49, "Longitude": -122.23, "Population": 1338.0}, {"index": 17063, "quantile": 0.25, "value": 175000.0, "Latitude": 37.49, "Longitude": -122.23, "Population": 1338.0}, {"index": 17063, "quantile": 0.5, "value": 241699.99999999997, "Latitude": 37.49, "Longitude": -122.23, "Population": 1338.0}, {"index": 17063, "quantile": 0.75, "value": 241699.99999999997, "Latitude": 37.49, "Longitude": -122.23, "Population": 1338.0}, {"index": 17063, "quantile": 1.0, "value": 350000.0, "Latitude": 37.49, "Longitude": -122.23, "Population": 1338.0}, {"index": 17064, "quantile": 0.0, "value": 87500.0, "Latitude": 37.49, "Longitude": -122.21, "Population": 2437.0}, {"index": 17064, "quantile": 0.25, "value": 225000.0, "Latitude": 37.49, "Longitude": -122.21, "Population": 2437.0}, {"index": 17064, "quantile": 0.5, "value": 225000.0, "Latitude": 37.49, "Longitude": -122.21, "Population": 2437.0}, {"index": 17064, "quantile": 0.75, "value": 225000.0, "Latitude": 37.49, "Longitude": -122.21, "Population": 2437.0}, {"index": 17064, "quantile": 1.0, "value": 450000.0, "Latitude": 37.49, "Longitude": -122.21, "Population": 2437.0}, {"index": 17065, "quantile": 0.0, "value": 114799.99999999999, "Latitude": 37.48, "Longitude": -122.22, "Population": 3107.0}, {"index": 17065, "quantile": 0.25, "value": 226649.99999999997, "Latitude": 37.48, "Longitude": -122.22, "Population": 3107.0}, {"index": 17065, "quantile": 0.5, "value": 229500.0, "Latitude": 37.48, "Longitude": -122.22, "Population": 3107.0}, {"index": 17065, "quantile": 0.75, "value": 229500.0, "Latitude": 37.48, "Longitude": -122.22, "Population": 3107.0}, {"index": 17065, "quantile": 1.0, "value": 371400.0, "Latitude": 37.48, "Longitude": -122.22, "Population": 3107.0}, {"index": 17066, "quantile": 0.0, "value": 98700.0, "Latitude": 37.48, "Longitude": -122.22, "Population": 1564.0}, {"index": 17066, "quantile": 0.25, "value": 179725.0, "Latitude": 37.48, "Longitude": -122.22, "Population": 1564.0}, {"index": 17066, "quantile": 0.5, "value": 225000.0, "Latitude": 37.48, "Longitude": -122.22, "Population": 1564.0}, {"index": 17066, "quantile": 0.75, "value": 247200.0, "Latitude": 37.48, "Longitude": -122.22, "Population": 1564.0}, {"index": 17066, "quantile": 1.0, "value": 338900.0, "Latitude": 37.48, "Longitude": -122.22, "Population": 1564.0}, {"index": 17067, "quantile": 0.0, "value": 17500.0, "Latitude": 37.49, "Longitude": -122.24, "Population": 191.0}, {"index": 17067, "quantile": 0.25, "value": 187500.0, "Latitude": 37.49, "Longitude": -122.24, "Population": 191.0}, {"index": 17067, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.49, "Longitude": -122.24, "Population": 191.0}, {"index": 17067, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.49, "Longitude": -122.24, "Population": 191.0}, {"index": 17067, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.49, "Longitude": -122.24, "Population": 191.0}, {"index": 17068, "quantile": 0.0, "value": 175000.0, "Latitude": 37.55, "Longitude": -122.24, "Population": 2198.0}, {"index": 17068, "quantile": 0.25, "value": 311800.0, "Latitude": 37.55, "Longitude": -122.24, "Population": 2198.0}, {"index": 17068, "quantile": 0.5, "value": 315900.0, "Latitude": 37.55, "Longitude": -122.24, "Population": 2198.0}, {"index": 17068, "quantile": 0.75, "value": 356025.0, "Latitude": 37.55, "Longitude": -122.24, "Population": 2198.0}, {"index": 17068, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.55, "Longitude": -122.24, "Population": 2198.0}, {"index": 17069, "quantile": 0.0, "value": 188300.0, "Latitude": 37.53, "Longitude": -122.25, "Population": 1677.0}, {"index": 17069, "quantile": 0.25, "value": 407250.0, "Latitude": 37.53, "Longitude": -122.25, "Population": 1677.0}, {"index": 17069, "quantile": 0.5, "value": 422499.99999999994, "Latitude": 37.53, "Longitude": -122.25, "Population": 1677.0}, {"index": 17069, "quantile": 0.75, "value": 422499.99999999994, "Latitude": 37.53, "Longitude": -122.25, "Population": 1677.0}, {"index": 17069, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -122.25, "Population": 1677.0}, {"index": 17070, "quantile": 0.0, "value": 175000.0, "Latitude": 37.53, "Longitude": -122.26, "Population": 1690.0}, {"index": 17070, "quantile": 0.25, "value": 311800.0, "Latitude": 37.53, "Longitude": -122.26, "Population": 1690.0}, {"index": 17070, "quantile": 0.5, "value": 311800.0, "Latitude": 37.53, "Longitude": -122.26, "Population": 1690.0}, {"index": 17070, "quantile": 0.75, "value": 311800.0, "Latitude": 37.53, "Longitude": -122.26, "Population": 1690.0}, {"index": 17070, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -122.26, "Population": 1690.0}, {"index": 17071, "quantile": 0.0, "value": 97300.0, "Latitude": 37.52, "Longitude": -122.25, "Population": 876.0}, {"index": 17071, "quantile": 0.25, "value": 234300.0, "Latitude": 37.52, "Longitude": -122.25, "Population": 876.0}, {"index": 17071, "quantile": 0.5, "value": 366000.0, "Latitude": 37.52, "Longitude": -122.25, "Population": 876.0}, {"index": 17071, "quantile": 0.75, "value": 366000.0, "Latitude": 37.52, "Longitude": -122.25, "Population": 876.0}, {"index": 17071, "quantile": 1.0, "value": 385700.0, "Latitude": 37.52, "Longitude": -122.25, "Population": 876.0}, {"index": 17072, "quantile": 0.0, "value": 81300.0, "Latitude": 37.52, "Longitude": -122.21, "Population": 1639.0}, {"index": 17072, "quantile": 0.25, "value": 87500.0, "Latitude": 37.52, "Longitude": -122.21, "Population": 1639.0}, {"index": 17072, "quantile": 0.5, "value": 87500.0, "Latitude": 37.52, "Longitude": -122.21, "Population": 1639.0}, {"index": 17072, "quantile": 0.75, "value": 221950.0, "Latitude": 37.52, "Longitude": -122.21, "Population": 1639.0}, {"index": 17072, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.52, "Longitude": -122.21, "Population": 1639.0}, {"index": 17073, "quantile": 0.0, "value": 144000.0, "Latitude": 37.48, "Longitude": -122.19, "Population": 5380.0}, {"index": 17073, "quantile": 0.25, "value": 265300.0, "Latitude": 37.48, "Longitude": -122.19, "Population": 5380.0}, {"index": 17073, "quantile": 0.5, "value": 265300.0, "Latitude": 37.48, "Longitude": -122.19, "Population": 5380.0}, {"index": 17073, "quantile": 0.75, "value": 265300.0, "Latitude": 37.48, "Longitude": -122.19, "Population": 5380.0}, {"index": 17073, "quantile": 1.0, "value": 387500.0, "Latitude": 37.48, "Longitude": -122.19, "Population": 5380.0}, {"index": 17074, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.48, "Longitude": -122.21, "Population": 326.0}, {"index": 17074, "quantile": 0.25, "value": 187500.0, "Latitude": 37.48, "Longitude": -122.21, "Population": 326.0}, {"index": 17074, "quantile": 0.5, "value": 255649.99999999997, "Latitude": 37.48, "Longitude": -122.21, "Population": 326.0}, {"index": 17074, "quantile": 0.75, "value": 402500.00000000006, "Latitude": 37.48, "Longitude": -122.21, "Population": 326.0}, {"index": 17074, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.48, "Longitude": -122.21, "Population": 326.0}, {"index": 17075, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.48, "Longitude": -122.21, "Population": 1771.0}, {"index": 17075, "quantile": 0.25, "value": 218100.0, "Latitude": 37.48, "Longitude": -122.21, "Population": 1771.0}, {"index": 17075, "quantile": 0.5, "value": 218100.0, "Latitude": 37.48, "Longitude": -122.21, "Population": 1771.0}, {"index": 17075, "quantile": 0.75, "value": 229500.0, "Latitude": 37.48, "Longitude": -122.21, "Population": 1771.0}, {"index": 17075, "quantile": 1.0, "value": 371400.0, "Latitude": 37.48, "Longitude": -122.21, "Population": 1771.0}, {"index": 17076, "quantile": 0.0, "value": 64400.0, "Latitude": 37.48, "Longitude": -122.2, "Population": 991.0}, {"index": 17076, "quantile": 0.25, "value": 170150.0, "Latitude": 37.48, "Longitude": -122.2, "Population": 991.0}, {"index": 17076, "quantile": 0.5, "value": 270000.0, "Latitude": 37.48, "Longitude": -122.2, "Population": 991.0}, {"index": 17076, "quantile": 0.75, "value": 270000.0, "Latitude": 37.48, "Longitude": -122.2, "Population": 991.0}, {"index": 17076, "quantile": 1.0, "value": 270000.0, "Latitude": 37.48, "Longitude": -122.2, "Population": 991.0}, {"index": 17077, "quantile": 0.0, "value": 151400.0, "Latitude": 37.48, "Longitude": -122.2, "Population": 652.0}, {"index": 17077, "quantile": 0.25, "value": 233599.99999999997, "Latitude": 37.48, "Longitude": -122.2, "Population": 652.0}, {"index": 17077, "quantile": 0.5, "value": 233599.99999999997, "Latitude": 37.48, "Longitude": -122.2, "Population": 652.0}, {"index": 17077, "quantile": 0.75, "value": 233599.99999999997, "Latitude": 37.48, "Longitude": -122.2, "Population": 652.0}, {"index": 17077, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.48, "Longitude": -122.2, "Population": 652.0}, {"index": 17078, "quantile": 0.0, "value": 157800.0, "Latitude": 37.48, "Longitude": -122.2, "Population": 610.0}, {"index": 17078, "quantile": 0.25, "value": 263500.0, "Latitude": 37.48, "Longitude": -122.2, "Population": 610.0}, {"index": 17078, "quantile": 0.5, "value": 263500.0, "Latitude": 37.48, "Longitude": -122.2, "Population": 610.0}, {"index": 17078, "quantile": 0.75, "value": 265300.0, "Latitude": 37.48, "Longitude": -122.2, "Population": 610.0}, {"index": 17078, "quantile": 1.0, "value": 369300.0, "Latitude": 37.48, "Longitude": -122.2, "Population": 610.0}, {"index": 17079, "quantile": 0.0, "value": 114599.99999999999, "Latitude": 37.48, "Longitude": -122.19, "Population": 492.0}, {"index": 17079, "quantile": 0.25, "value": 266675.0, "Latitude": 37.48, "Longitude": -122.19, "Population": 492.0}, {"index": 17079, "quantile": 0.5, "value": 267000.0, "Latitude": 37.48, "Longitude": -122.19, "Population": 492.0}, {"index": 17079, "quantile": 0.75, "value": 267000.0, "Latitude": 37.48, "Longitude": -122.19, "Population": 492.0}, {"index": 17079, "quantile": 1.0, "value": 349600.0, "Latitude": 37.48, "Longitude": -122.19, "Population": 492.0}, {"index": 17080, "quantile": 0.0, "value": 186400.0, "Latitude": 37.48, "Longitude": -122.19, "Population": 608.0}, {"index": 17080, "quantile": 0.25, "value": 286900.0, "Latitude": 37.48, "Longitude": -122.19, "Population": 608.0}, {"index": 17080, "quantile": 0.5, "value": 286900.0, "Latitude": 37.48, "Longitude": -122.19, "Population": 608.0}, {"index": 17080, "quantile": 0.75, "value": 286900.0, "Latitude": 37.48, "Longitude": -122.19, "Population": 608.0}, {"index": 17080, "quantile": 1.0, "value": 457500.0, "Latitude": 37.48, "Longitude": -122.19, "Population": 608.0}, {"index": 17081, "quantile": 0.0, "value": 182600.0, "Latitude": 37.47, "Longitude": -122.19, "Population": 589.0}, {"index": 17081, "quantile": 0.25, "value": 312300.0, "Latitude": 37.47, "Longitude": -122.19, "Population": 589.0}, {"index": 17081, "quantile": 0.5, "value": 312300.0, "Latitude": 37.47, "Longitude": -122.19, "Population": 589.0}, {"index": 17081, "quantile": 0.75, "value": 312300.0, "Latitude": 37.47, "Longitude": -122.19, "Population": 589.0}, {"index": 17081, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.19, "Population": 589.0}, {"index": 17082, "quantile": 0.0, "value": 90800.0, "Latitude": 37.47, "Longitude": -122.2, "Population": 846.0}, {"index": 17082, "quantile": 0.25, "value": 232500.00000000003, "Latitude": 37.47, "Longitude": -122.2, "Population": 846.0}, {"index": 17082, "quantile": 0.5, "value": 278950.0, "Latitude": 37.47, "Longitude": -122.2, "Population": 846.0}, {"index": 17082, "quantile": 0.75, "value": 342700.0, "Latitude": 37.47, "Longitude": -122.2, "Population": 846.0}, {"index": 17082, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.2, "Population": 846.0}, {"index": 17083, "quantile": 0.0, "value": 112500.0, "Latitude": 37.47, "Longitude": -122.2, "Population": 939.0}, {"index": 17083, "quantile": 0.25, "value": 218299.99999999997, "Latitude": 37.47, "Longitude": -122.2, "Population": 939.0}, {"index": 17083, "quantile": 0.5, "value": 320800.0, "Latitude": 37.47, "Longitude": -122.2, "Population": 939.0}, {"index": 17083, "quantile": 0.75, "value": 320800.0, "Latitude": 37.47, "Longitude": -122.2, "Population": 939.0}, {"index": 17083, "quantile": 1.0, "value": 387500.0, "Latitude": 37.47, "Longitude": -122.2, "Population": 939.0}, {"index": 17084, "quantile": 0.0, "value": 80800.0, "Latitude": 37.47, "Longitude": -122.2, "Population": 1587.0}, {"index": 17084, "quantile": 0.25, "value": 216325.0, "Latitude": 37.47, "Longitude": -122.2, "Population": 1587.0}, {"index": 17084, "quantile": 0.5, "value": 232799.99999999997, "Latitude": 37.47, "Longitude": -122.2, "Population": 1587.0}, {"index": 17084, "quantile": 0.75, "value": 232799.99999999997, "Latitude": 37.47, "Longitude": -122.2, "Population": 1587.0}, {"index": 17084, "quantile": 1.0, "value": 247200.0, "Latitude": 37.47, "Longitude": -122.2, "Population": 1587.0}, {"index": 17085, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 37.47, "Longitude": -122.21, "Population": 1991.0}, {"index": 17085, "quantile": 0.25, "value": 202800.0, "Latitude": 37.47, "Longitude": -122.21, "Population": 1991.0}, {"index": 17085, "quantile": 0.5, "value": 202800.0, "Latitude": 37.47, "Longitude": -122.21, "Population": 1991.0}, {"index": 17085, "quantile": 0.75, "value": 211000.0, "Latitude": 37.47, "Longitude": -122.21, "Population": 1991.0}, {"index": 17085, "quantile": 1.0, "value": 371400.0, "Latitude": 37.47, "Longitude": -122.21, "Population": 1991.0}, {"index": 17086, "quantile": 0.0, "value": 85100.0, "Latitude": 37.47, "Longitude": -122.21, "Population": 1966.0}, {"index": 17086, "quantile": 0.25, "value": 209825.00000000003, "Latitude": 37.47, "Longitude": -122.21, "Population": 1966.0}, {"index": 17086, "quantile": 0.5, "value": 211000.0, "Latitude": 37.47, "Longitude": -122.21, "Population": 1966.0}, {"index": 17086, "quantile": 0.75, "value": 211000.0, "Latitude": 37.47, "Longitude": -122.21, "Population": 1966.0}, {"index": 17086, "quantile": 1.0, "value": 241699.99999999997, "Latitude": 37.47, "Longitude": -122.21, "Population": 1966.0}, {"index": 17087, "quantile": 0.0, "value": 118000.0, "Latitude": 37.47, "Longitude": -122.21, "Population": 497.0}, {"index": 17087, "quantile": 0.25, "value": 255300.0, "Latitude": 37.47, "Longitude": -122.21, "Population": 497.0}, {"index": 17087, "quantile": 0.5, "value": 255300.0, "Latitude": 37.47, "Longitude": -122.21, "Population": 497.0}, {"index": 17087, "quantile": 0.75, "value": 255300.0, "Latitude": 37.47, "Longitude": -122.21, "Population": 497.0}, {"index": 17087, "quantile": 1.0, "value": 362500.0, "Latitude": 37.47, "Longitude": -122.21, "Population": 497.0}, {"index": 17088, "quantile": 0.0, "value": 87500.0, "Latitude": 37.47, "Longitude": -122.22, "Population": 4124.0}, {"index": 17088, "quantile": 0.25, "value": 241125.0, "Latitude": 37.47, "Longitude": -122.22, "Population": 4124.0}, {"index": 17088, "quantile": 0.5, "value": 267700.0, "Latitude": 37.47, "Longitude": -122.22, "Population": 4124.0}, {"index": 17088, "quantile": 0.75, "value": 276600.0, "Latitude": 37.47, "Longitude": -122.22, "Population": 4124.0}, {"index": 17088, "quantile": 1.0, "value": 450000.0, "Latitude": 37.47, "Longitude": -122.22, "Population": 4124.0}, {"index": 17089, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.47, "Longitude": -122.22, "Population": 398.0}, {"index": 17089, "quantile": 0.25, "value": 166700.0, "Latitude": 37.47, "Longitude": -122.22, "Population": 398.0}, {"index": 17089, "quantile": 0.5, "value": 166700.0, "Latitude": 37.47, "Longitude": -122.22, "Population": 398.0}, {"index": 17089, "quantile": 0.75, "value": 166700.0, "Latitude": 37.47, "Longitude": -122.22, "Population": 398.0}, {"index": 17089, "quantile": 1.0, "value": 298400.0, "Latitude": 37.47, "Longitude": -122.22, "Population": 398.0}, {"index": 17090, "quantile": 0.0, "value": 112500.0, "Latitude": 37.47, "Longitude": -122.22, "Population": 3571.0}, {"index": 17090, "quantile": 0.25, "value": 262175.0, "Latitude": 37.47, "Longitude": -122.22, "Population": 3571.0}, {"index": 17090, "quantile": 0.5, "value": 272800.0, "Latitude": 37.47, "Longitude": -122.22, "Population": 3571.0}, {"index": 17090, "quantile": 0.75, "value": 272800.0, "Latitude": 37.47, "Longitude": -122.22, "Population": 3571.0}, {"index": 17090, "quantile": 1.0, "value": 450000.0, "Latitude": 37.47, "Longitude": -122.22, "Population": 3571.0}, {"index": 17091, "quantile": 0.0, "value": 107900.0, "Latitude": 37.48, "Longitude": -122.23, "Population": 1895.0}, {"index": 17091, "quantile": 0.25, "value": 267700.0, "Latitude": 37.48, "Longitude": -122.23, "Population": 1895.0}, {"index": 17091, "quantile": 0.5, "value": 267700.0, "Latitude": 37.48, "Longitude": -122.23, "Population": 1895.0}, {"index": 17091, "quantile": 0.75, "value": 267700.0, "Latitude": 37.48, "Longitude": -122.23, "Population": 1895.0}, {"index": 17091, "quantile": 1.0, "value": 353600.0, "Latitude": 37.48, "Longitude": -122.23, "Population": 1895.0}, {"index": 17092, "quantile": 0.0, "value": 178400.0, "Latitude": 37.47, "Longitude": -122.23, "Population": 3057.0}, {"index": 17092, "quantile": 0.25, "value": 276600.0, "Latitude": 37.47, "Longitude": -122.23, "Population": 3057.0}, {"index": 17092, "quantile": 0.5, "value": 276600.0, "Latitude": 37.47, "Longitude": -122.23, "Population": 3057.0}, {"index": 17092, "quantile": 0.75, "value": 276600.0, "Latitude": 37.47, "Longitude": -122.23, "Population": 3057.0}, {"index": 17092, "quantile": 1.0, "value": 405400.0, "Latitude": 37.47, "Longitude": -122.23, "Population": 3057.0}, {"index": 17093, "quantile": 0.0, "value": 87500.0, "Latitude": 37.48, "Longitude": -122.23, "Population": 879.0}, {"index": 17093, "quantile": 0.25, "value": 298400.0, "Latitude": 37.48, "Longitude": -122.23, "Population": 879.0}, {"index": 17093, "quantile": 0.5, "value": 298400.0, "Latitude": 37.48, "Longitude": -122.23, "Population": 879.0}, {"index": 17093, "quantile": 0.75, "value": 298400.0, "Latitude": 37.48, "Longitude": -122.23, "Population": 879.0}, {"index": 17093, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.48, "Longitude": -122.23, "Population": 879.0}, {"index": 17094, "quantile": 0.0, "value": 180300.0, "Latitude": 37.47, "Longitude": -122.24, "Population": 1148.0}, {"index": 17094, "quantile": 0.25, "value": 318175.0, "Latitude": 37.47, "Longitude": -122.24, "Population": 1148.0}, {"index": 17094, "quantile": 0.5, "value": 318600.0, "Latitude": 37.47, "Longitude": -122.24, "Population": 1148.0}, {"index": 17094, "quantile": 0.75, "value": 318600.0, "Latitude": 37.47, "Longitude": -122.24, "Population": 1148.0}, {"index": 17094, "quantile": 1.0, "value": 440299.99999999994, "Latitude": 37.47, "Longitude": -122.24, "Population": 1148.0}, {"index": 17095, "quantile": 0.0, "value": 179500.0, "Latitude": 37.47, "Longitude": -122.24, "Population": 1117.0}, {"index": 17095, "quantile": 0.25, "value": 267700.0, "Latitude": 37.47, "Longitude": -122.24, "Population": 1117.0}, {"index": 17095, "quantile": 0.5, "value": 303100.0, "Latitude": 37.47, "Longitude": -122.24, "Population": 1117.0}, {"index": 17095, "quantile": 0.75, "value": 303100.0, "Latitude": 37.47, "Longitude": -122.24, "Population": 1117.0}, {"index": 17095, "quantile": 1.0, "value": 342800.0, "Latitude": 37.47, "Longitude": -122.24, "Population": 1117.0}, {"index": 17096, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 37.46, "Longitude": -122.23, "Population": 1015.0}, {"index": 17096, "quantile": 0.25, "value": 247000.00000000003, "Latitude": 37.46, "Longitude": -122.23, "Population": 1015.0}, {"index": 17096, "quantile": 0.5, "value": 308600.0, "Latitude": 37.46, "Longitude": -122.23, "Population": 1015.0}, {"index": 17096, "quantile": 0.75, "value": 342700.0, "Latitude": 37.46, "Longitude": -122.23, "Population": 1015.0}, {"index": 17096, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.23, "Population": 1015.0}, {"index": 17097, "quantile": 0.0, "value": 232700.0, "Latitude": 37.46, "Longitude": -122.23, "Population": 2103.0}, {"index": 17097, "quantile": 0.25, "value": 333800.0, "Latitude": 37.46, "Longitude": -122.23, "Population": 2103.0}, {"index": 17097, "quantile": 0.5, "value": 333800.0, "Latitude": 37.46, "Longitude": -122.23, "Population": 2103.0}, {"index": 17097, "quantile": 0.75, "value": 364550.0, "Latitude": 37.46, "Longitude": -122.23, "Population": 2103.0}, {"index": 17097, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.23, "Population": 2103.0}, {"index": 17098, "quantile": 0.0, "value": 348300.0, "Latitude": 37.46, "Longitude": -122.25, "Population": 2681.0}, {"index": 17098, "quantile": 0.25, "value": 443300.0, "Latitude": 37.46, "Longitude": -122.25, "Population": 2681.0}, {"index": 17098, "quantile": 0.5, "value": 443300.0, "Latitude": 37.46, "Longitude": -122.25, "Population": 2681.0}, {"index": 17098, "quantile": 0.75, "value": 443300.0, "Latitude": 37.46, "Longitude": -122.25, "Population": 2681.0}, {"index": 17098, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.25, "Population": 2681.0}, {"index": 17099, "quantile": 0.0, "value": 171700.0, "Latitude": 37.46, "Longitude": -122.24, "Population": 2254.0}, {"index": 17099, "quantile": 0.25, "value": 343500.0, "Latitude": 37.46, "Longitude": -122.24, "Population": 2254.0}, {"index": 17099, "quantile": 0.5, "value": 343500.0, "Latitude": 37.46, "Longitude": -122.24, "Population": 2254.0}, {"index": 17099, "quantile": 0.75, "value": 343500.0, "Latitude": 37.46, "Longitude": -122.24, "Population": 2254.0}, {"index": 17099, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.24, "Population": 2254.0}, {"index": 17100, "quantile": 0.0, "value": 150900.0, "Latitude": 37.45, "Longitude": -122.26, "Population": 986.0}, {"index": 17100, "quantile": 0.25, "value": 409300.0, "Latitude": 37.45, "Longitude": -122.26, "Population": 986.0}, {"index": 17100, "quantile": 0.5, "value": 496000.0, "Latitude": 37.45, "Longitude": -122.26, "Population": 986.0}, {"index": 17100, "quantile": 0.75, "value": 496000.0, "Latitude": 37.45, "Longitude": -122.26, "Population": 986.0}, {"index": 17100, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.26, "Population": 986.0}, {"index": 17101, "quantile": 0.0, "value": 198100.0, "Latitude": 37.46, "Longitude": -122.23, "Population": 3081.0}, {"index": 17101, "quantile": 0.25, "value": 339575.0, "Latitude": 37.46, "Longitude": -122.23, "Population": 3081.0}, {"index": 17101, "quantile": 0.5, "value": 343600.0, "Latitude": 37.46, "Longitude": -122.23, "Population": 3081.0}, {"index": 17101, "quantile": 0.75, "value": 343600.0, "Latitude": 37.46, "Longitude": -122.23, "Population": 3081.0}, {"index": 17101, "quantile": 1.0, "value": 451300.0, "Latitude": 37.46, "Longitude": -122.23, "Population": 3081.0}, {"index": 17102, "quantile": 0.0, "value": 128800.0, "Latitude": 37.46, "Longitude": -122.22, "Population": 1208.0}, {"index": 17102, "quantile": 0.25, "value": 327600.0, "Latitude": 37.46, "Longitude": -122.22, "Population": 1208.0}, {"index": 17102, "quantile": 0.5, "value": 342700.0, "Latitude": 37.46, "Longitude": -122.22, "Population": 1208.0}, {"index": 17102, "quantile": 0.75, "value": 342700.0, "Latitude": 37.46, "Longitude": -122.22, "Population": 1208.0}, {"index": 17102, "quantile": 1.0, "value": 395500.0, "Latitude": 37.46, "Longitude": -122.22, "Population": 1208.0}, {"index": 17103, "quantile": 0.0, "value": 143300.0, "Latitude": 37.45, "Longitude": -122.23, "Population": 1586.0}, {"index": 17103, "quantile": 0.25, "value": 395100.0, "Latitude": 37.45, "Longitude": -122.23, "Population": 1586.0}, {"index": 17103, "quantile": 0.5, "value": 395100.0, "Latitude": 37.45, "Longitude": -122.23, "Population": 1586.0}, {"index": 17103, "quantile": 0.75, "value": 395100.0, "Latitude": 37.45, "Longitude": -122.23, "Population": 1586.0}, {"index": 17103, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.23, "Population": 1586.0}, {"index": 17104, "quantile": 0.0, "value": 225000.0, "Latitude": 37.45, "Longitude": -122.23, "Population": 758.0}, {"index": 17104, "quantile": 0.25, "value": 453099.99999999994, "Latitude": 37.45, "Longitude": -122.23, "Population": 758.0}, {"index": 17104, "quantile": 0.5, "value": 469900.0, "Latitude": 37.45, "Longitude": -122.23, "Population": 758.0}, {"index": 17104, "quantile": 0.75, "value": 469900.0, "Latitude": 37.45, "Longitude": -122.23, "Population": 758.0}, {"index": 17104, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.23, "Population": 758.0}, {"index": 17105, "quantile": 0.0, "value": 220100.0, "Latitude": 37.46, "Longitude": -122.22, "Population": 1182.0}, {"index": 17105, "quantile": 0.25, "value": 409300.0, "Latitude": 37.46, "Longitude": -122.22, "Population": 1182.0}, {"index": 17105, "quantile": 0.5, "value": 409300.0, "Latitude": 37.46, "Longitude": -122.22, "Population": 1182.0}, {"index": 17105, "quantile": 0.75, "value": 409300.0, "Latitude": 37.46, "Longitude": -122.22, "Population": 1182.0}, {"index": 17105, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.22, "Population": 1182.0}, {"index": 17106, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.2, "Population": 976.0}, {"index": 17106, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.2, "Population": 976.0}, {"index": 17106, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.2, "Population": 976.0}, {"index": 17106, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.2, "Population": 976.0}, {"index": 17106, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.2, "Population": 976.0}, {"index": 17107, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.2, "Population": 722.0}, {"index": 17107, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.2, "Population": 722.0}, {"index": 17107, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.2, "Population": 722.0}, {"index": 17107, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.2, "Population": 722.0}, {"index": 17107, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.2, "Population": 722.0}, {"index": 17108, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.22, "Population": 1318.0}, {"index": 17108, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.22, "Population": 1318.0}, {"index": 17108, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.22, "Population": 1318.0}, {"index": 17108, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.22, "Population": 1318.0}, {"index": 17108, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.22, "Population": 1318.0}, {"index": 17109, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.21, "Population": 921.0}, {"index": 17109, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.21, "Population": 921.0}, {"index": 17109, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.21, "Population": 921.0}, {"index": 17109, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.21, "Population": 921.0}, {"index": 17109, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.21, "Population": 921.0}, {"index": 17110, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.21, "Population": 577.0}, {"index": 17110, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.21, "Population": 577.0}, {"index": 17110, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.21, "Population": 577.0}, {"index": 17110, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.21, "Population": 577.0}, {"index": 17110, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.21, "Population": 577.0}, {"index": 17111, "quantile": 0.0, "value": 456900.0, "Latitude": 37.46, "Longitude": -122.18, "Population": 831.0}, {"index": 17111, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.18, "Population": 831.0}, {"index": 17111, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.18, "Population": 831.0}, {"index": 17111, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.18, "Population": 831.0}, {"index": 17111, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.18, "Population": 831.0}, {"index": 17112, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.2, "Population": 985.0}, {"index": 17112, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.2, "Population": 985.0}, {"index": 17112, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.2, "Population": 985.0}, {"index": 17112, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.2, "Population": 985.0}, {"index": 17112, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.2, "Population": 985.0}, {"index": 17113, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.18, "Population": 852.0}, {"index": 17113, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.18, "Population": 852.0}, {"index": 17113, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.18, "Population": 852.0}, {"index": 17113, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.18, "Population": 852.0}, {"index": 17113, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.18, "Population": 852.0}, {"index": 17114, "quantile": 0.0, "value": 153800.0, "Latitude": 37.47, "Longitude": -122.16, "Population": 1006.0}, {"index": 17114, "quantile": 0.25, "value": 341700.0, "Latitude": 37.47, "Longitude": -122.16, "Population": 1006.0}, {"index": 17114, "quantile": 0.5, "value": 341700.0, "Latitude": 37.47, "Longitude": -122.16, "Population": 1006.0}, {"index": 17114, "quantile": 0.75, "value": 341700.0, "Latitude": 37.47, "Longitude": -122.16, "Population": 1006.0}, {"index": 17114, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.16, "Population": 1006.0}, {"index": 17115, "quantile": 0.0, "value": 196900.0, "Latitude": 37.48, "Longitude": -122.17, "Population": 1178.0}, {"index": 17115, "quantile": 0.25, "value": 352700.0, "Latitude": 37.48, "Longitude": -122.17, "Population": 1178.0}, {"index": 17115, "quantile": 0.5, "value": 352700.0, "Latitude": 37.48, "Longitude": -122.17, "Population": 1178.0}, {"index": 17115, "quantile": 0.75, "value": 352700.0, "Latitude": 37.48, "Longitude": -122.17, "Population": 1178.0}, {"index": 17115, "quantile": 1.0, "value": 490400.0, "Latitude": 37.48, "Longitude": -122.17, "Population": 1178.0}, {"index": 17116, "quantile": 0.0, "value": 66000.0, "Latitude": 37.47, "Longitude": -122.16, "Population": 3091.0}, {"index": 17116, "quantile": 0.25, "value": 157275.0, "Latitude": 37.47, "Longitude": -122.16, "Population": 3091.0}, {"index": 17116, "quantile": 0.5, "value": 162600.0, "Latitude": 37.47, "Longitude": -122.16, "Population": 3091.0}, {"index": 17116, "quantile": 0.75, "value": 162600.0, "Latitude": 37.47, "Longitude": -122.16, "Population": 3091.0}, {"index": 17116, "quantile": 1.0, "value": 260900.0, "Latitude": 37.47, "Longitude": -122.16, "Population": 3091.0}, {"index": 17117, "quantile": 0.0, "value": 73700.0, "Latitude": 37.48, "Longitude": -122.16, "Population": 1949.0}, {"index": 17117, "quantile": 0.25, "value": 118800.0, "Latitude": 37.48, "Longitude": -122.16, "Population": 1949.0}, {"index": 17117, "quantile": 0.5, "value": 156600.0, "Latitude": 37.48, "Longitude": -122.16, "Population": 1949.0}, {"index": 17117, "quantile": 0.75, "value": 169000.0, "Latitude": 37.48, "Longitude": -122.16, "Population": 1949.0}, {"index": 17117, "quantile": 1.0, "value": 300000.0, "Latitude": 37.48, "Longitude": -122.16, "Population": 1949.0}, {"index": 17118, "quantile": 0.0, "value": 112500.0, "Latitude": 37.5, "Longitude": -122.14, "Population": 13.0}, {"index": 17118, "quantile": 0.25, "value": 293500.0, "Latitude": 37.5, "Longitude": -122.14, "Population": 13.0}, {"index": 17118, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.5, "Longitude": -122.14, "Population": 13.0}, {"index": 17118, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.5, "Longitude": -122.14, "Population": 13.0}, {"index": 17118, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.5, "Longitude": -122.14, "Population": 13.0}, {"index": 17119, "quantile": 0.0, "value": 112500.0, "Latitude": 37.48, "Longitude": -122.14, "Population": 981.0}, {"index": 17119, "quantile": 0.25, "value": 148900.0, "Latitude": 37.48, "Longitude": -122.14, "Population": 981.0}, {"index": 17119, "quantile": 0.5, "value": 148900.0, "Latitude": 37.48, "Longitude": -122.14, "Population": 981.0}, {"index": 17119, "quantile": 0.75, "value": 159850.0, "Latitude": 37.48, "Longitude": -122.14, "Population": 981.0}, {"index": 17119, "quantile": 1.0, "value": 387500.0, "Latitude": 37.48, "Longitude": -122.14, "Population": 981.0}, {"index": 17120, "quantile": 0.0, "value": 109500.0, "Latitude": 37.47, "Longitude": -122.14, "Population": 1931.0}, {"index": 17120, "quantile": 0.25, "value": 160600.0, "Latitude": 37.47, "Longitude": -122.14, "Population": 1931.0}, {"index": 17120, "quantile": 0.5, "value": 160600.0, "Latitude": 37.47, "Longitude": -122.14, "Population": 1931.0}, {"index": 17120, "quantile": 0.75, "value": 168100.0, "Latitude": 37.47, "Longitude": -122.14, "Population": 1931.0}, {"index": 17120, "quantile": 1.0, "value": 342800.0, "Latitude": 37.47, "Longitude": -122.14, "Population": 1931.0}, {"index": 17121, "quantile": 0.0, "value": 83100.0, "Latitude": 37.48, "Longitude": -122.12, "Population": 795.0}, {"index": 17121, "quantile": 0.25, "value": 158000.0, "Latitude": 37.48, "Longitude": -122.12, "Population": 795.0}, {"index": 17121, "quantile": 0.5, "value": 159600.0, "Latitude": 37.48, "Longitude": -122.12, "Population": 795.0}, {"index": 17121, "quantile": 0.75, "value": 175925.0, "Latitude": 37.48, "Longitude": -122.12, "Population": 795.0}, {"index": 17121, "quantile": 1.0, "value": 364200.0, "Latitude": 37.48, "Longitude": -122.12, "Population": 795.0}, {"index": 17122, "quantile": 0.0, "value": 123500.00000000001, "Latitude": 37.47, "Longitude": -122.13, "Population": 1546.0}, {"index": 17122, "quantile": 0.25, "value": 173400.0, "Latitude": 37.47, "Longitude": -122.13, "Population": 1546.0}, {"index": 17122, "quantile": 0.5, "value": 173400.0, "Latitude": 37.47, "Longitude": -122.13, "Population": 1546.0}, {"index": 17122, "quantile": 0.75, "value": 212875.0, "Latitude": 37.47, "Longitude": -122.13, "Population": 1546.0}, {"index": 17122, "quantile": 1.0, "value": 353700.0, "Latitude": 37.47, "Longitude": -122.13, "Population": 1546.0}, {"index": 17123, "quantile": 0.0, "value": 76400.0, "Latitude": 37.46, "Longitude": -122.13, "Population": 1385.0}, {"index": 17123, "quantile": 0.25, "value": 151500.0, "Latitude": 37.46, "Longitude": -122.13, "Population": 1385.0}, {"index": 17123, "quantile": 0.5, "value": 157100.0, "Latitude": 37.46, "Longitude": -122.13, "Population": 1385.0}, {"index": 17123, "quantile": 0.75, "value": 172500.0, "Latitude": 37.46, "Longitude": -122.13, "Population": 1385.0}, {"index": 17123, "quantile": 1.0, "value": 300000.0, "Latitude": 37.46, "Longitude": -122.13, "Population": 1385.0}, {"index": 17124, "quantile": 0.0, "value": 148900.0, "Latitude": 37.46, "Longitude": -122.13, "Population": 1133.0}, {"index": 17124, "quantile": 0.25, "value": 159600.0, "Latitude": 37.46, "Longitude": -122.13, "Population": 1133.0}, {"index": 17124, "quantile": 0.5, "value": 159600.0, "Latitude": 37.46, "Longitude": -122.13, "Population": 1133.0}, {"index": 17124, "quantile": 0.75, "value": 159600.0, "Latitude": 37.46, "Longitude": -122.13, "Population": 1133.0}, {"index": 17124, "quantile": 1.0, "value": 320800.0, "Latitude": 37.46, "Longitude": -122.13, "Population": 1133.0}, {"index": 17125, "quantile": 0.0, "value": 65400.0, "Latitude": 37.45, "Longitude": -122.12, "Population": 955.0}, {"index": 17125, "quantile": 0.25, "value": 155700.0, "Latitude": 37.45, "Longitude": -122.12, "Population": 955.0}, {"index": 17125, "quantile": 0.5, "value": 155700.0, "Latitude": 37.45, "Longitude": -122.12, "Population": 955.0}, {"index": 17125, "quantile": 0.75, "value": 155850.0, "Latitude": 37.45, "Longitude": -122.12, "Population": 955.0}, {"index": 17125, "quantile": 1.0, "value": 270000.0, "Latitude": 37.45, "Longitude": -122.12, "Population": 955.0}, {"index": 17126, "quantile": 0.0, "value": 113799.99999999999, "Latitude": 37.46, "Longitude": -122.13, "Population": 1711.0}, {"index": 17126, "quantile": 0.25, "value": 185600.0, "Latitude": 37.46, "Longitude": -122.13, "Population": 1711.0}, {"index": 17126, "quantile": 0.5, "value": 185600.0, "Latitude": 37.46, "Longitude": -122.13, "Population": 1711.0}, {"index": 17126, "quantile": 0.75, "value": 185600.0, "Latitude": 37.46, "Longitude": -122.13, "Population": 1711.0}, {"index": 17126, "quantile": 1.0, "value": 331600.0, "Latitude": 37.46, "Longitude": -122.13, "Population": 1711.0}, {"index": 17127, "quantile": 0.0, "value": 144000.0, "Latitude": 37.47, "Longitude": -122.13, "Population": 1126.0}, {"index": 17127, "quantile": 0.25, "value": 166700.0, "Latitude": 37.47, "Longitude": -122.13, "Population": 1126.0}, {"index": 17127, "quantile": 0.5, "value": 166700.0, "Latitude": 37.47, "Longitude": -122.13, "Population": 1126.0}, {"index": 17127, "quantile": 0.75, "value": 173400.0, "Latitude": 37.47, "Longitude": -122.13, "Population": 1126.0}, {"index": 17127, "quantile": 1.0, "value": 387500.0, "Latitude": 37.47, "Longitude": -122.13, "Population": 1126.0}, {"index": 17128, "quantile": 0.0, "value": 107900.0, "Latitude": 37.47, "Longitude": -122.14, "Population": 2909.0}, {"index": 17128, "quantile": 0.25, "value": 156600.0, "Latitude": 37.47, "Longitude": -122.14, "Population": 2909.0}, {"index": 17128, "quantile": 0.5, "value": 156600.0, "Latitude": 37.47, "Longitude": -122.14, "Population": 2909.0}, {"index": 17128, "quantile": 0.75, "value": 156600.0, "Latitude": 37.47, "Longitude": -122.14, "Population": 2909.0}, {"index": 17128, "quantile": 1.0, "value": 271200.0, "Latitude": 37.47, "Longitude": -122.14, "Population": 2909.0}, {"index": 17129, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 37.47, "Longitude": -122.15, "Population": 1634.0}, {"index": 17129, "quantile": 0.25, "value": 151500.0, "Latitude": 37.47, "Longitude": -122.15, "Population": 1634.0}, {"index": 17129, "quantile": 0.5, "value": 156600.0, "Latitude": 37.47, "Longitude": -122.15, "Population": 1634.0}, {"index": 17129, "quantile": 0.75, "value": 179200.0, "Latitude": 37.47, "Longitude": -122.15, "Population": 1634.0}, {"index": 17129, "quantile": 1.0, "value": 289100.0, "Latitude": 37.47, "Longitude": -122.15, "Population": 1634.0}, {"index": 17130, "quantile": 0.0, "value": 80000.0, "Latitude": 37.47, "Longitude": -122.15, "Population": 1331.0}, {"index": 17130, "quantile": 0.25, "value": 151500.0, "Latitude": 37.47, "Longitude": -122.15, "Population": 1331.0}, {"index": 17130, "quantile": 0.5, "value": 151500.0, "Latitude": 37.47, "Longitude": -122.15, "Population": 1331.0}, {"index": 17130, "quantile": 0.75, "value": 152775.0, "Latitude": 37.47, "Longitude": -122.15, "Population": 1331.0}, {"index": 17130, "quantile": 1.0, "value": 300000.0, "Latitude": 37.47, "Longitude": -122.15, "Population": 1331.0}, {"index": 17131, "quantile": 0.0, "value": 151600.0, "Latitude": 37.46, "Longitude": -122.15, "Population": 2678.0}, {"index": 17131, "quantile": 0.25, "value": 229800.0, "Latitude": 37.46, "Longitude": -122.15, "Population": 2678.0}, {"index": 17131, "quantile": 0.5, "value": 272800.0, "Latitude": 37.46, "Longitude": -122.15, "Population": 2678.0}, {"index": 17131, "quantile": 0.75, "value": 438900.0, "Latitude": 37.46, "Longitude": -122.15, "Population": 2678.0}, {"index": 17131, "quantile": 1.0, "value": 450000.0, "Latitude": 37.46, "Longitude": -122.15, "Population": 2678.0}, {"index": 17132, "quantile": 0.0, "value": 87500.0, "Latitude": 37.46, "Longitude": -122.14, "Population": 4165.0}, {"index": 17132, "quantile": 0.25, "value": 189000.0, "Latitude": 37.46, "Longitude": -122.14, "Population": 4165.0}, {"index": 17132, "quantile": 0.5, "value": 189000.0, "Latitude": 37.46, "Longitude": -122.14, "Population": 4165.0}, {"index": 17132, "quantile": 0.75, "value": 189825.0, "Latitude": 37.46, "Longitude": -122.14, "Population": 4165.0}, {"index": 17132, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.14, "Population": 4165.0}, {"index": 17133, "quantile": 0.0, "value": 210800.0, "Latitude": 37.47, "Longitude": -122.15, "Population": 566.0}, {"index": 17133, "quantile": 0.25, "value": 297025.0, "Latitude": 37.47, "Longitude": -122.15, "Population": 566.0}, {"index": 17133, "quantile": 0.5, "value": 350650.0, "Latitude": 37.47, "Longitude": -122.15, "Population": 566.0}, {"index": 17133, "quantile": 0.75, "value": 411575.0, "Latitude": 37.47, "Longitude": -122.15, "Population": 566.0}, {"index": 17133, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.47, "Longitude": -122.15, "Population": 566.0}, {"index": 17134, "quantile": 0.0, "value": 252199.99999999997, "Latitude": 37.46, "Longitude": -122.15, "Population": 794.0}, {"index": 17134, "quantile": 0.25, "value": 379600.0, "Latitude": 37.46, "Longitude": -122.15, "Population": 794.0}, {"index": 17134, "quantile": 0.5, "value": 379600.0, "Latitude": 37.46, "Longitude": -122.15, "Population": 794.0}, {"index": 17134, "quantile": 0.75, "value": 396900.0, "Latitude": 37.46, "Longitude": -122.15, "Population": 794.0}, {"index": 17134, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.15, "Population": 794.0}, {"index": 17135, "quantile": 0.0, "value": 169300.0, "Latitude": 37.46, "Longitude": -122.16, "Population": 844.0}, {"index": 17135, "quantile": 0.25, "value": 374550.0, "Latitude": 37.46, "Longitude": -122.16, "Population": 844.0}, {"index": 17135, "quantile": 0.5, "value": 414700.0, "Latitude": 37.46, "Longitude": -122.16, "Population": 844.0}, {"index": 17135, "quantile": 0.75, "value": 480100.0, "Latitude": 37.46, "Longitude": -122.16, "Population": 844.0}, {"index": 17135, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.16, "Population": 844.0}, {"index": 17136, "quantile": 0.0, "value": 67500.0, "Latitude": 37.45, "Longitude": -122.16, "Population": 76.0}, {"index": 17136, "quantile": 0.25, "value": 263700.0, "Latitude": 37.45, "Longitude": -122.16, "Population": 76.0}, {"index": 17136, "quantile": 0.5, "value": 368300.0, "Latitude": 37.45, "Longitude": -122.16, "Population": 76.0}, {"index": 17136, "quantile": 0.75, "value": 479500.0, "Latitude": 37.45, "Longitude": -122.16, "Population": 76.0}, {"index": 17136, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.16, "Population": 76.0}, {"index": 17137, "quantile": 0.0, "value": 87500.0, "Latitude": 37.46, "Longitude": -122.16, "Population": 1403.0}, {"index": 17137, "quantile": 0.25, "value": 373475.0, "Latitude": 37.46, "Longitude": -122.16, "Population": 1403.0}, {"index": 17137, "quantile": 0.5, "value": 410200.00000000006, "Latitude": 37.46, "Longitude": -122.16, "Population": 1403.0}, {"index": 17137, "quantile": 0.75, "value": 410200.00000000006, "Latitude": 37.46, "Longitude": -122.16, "Population": 1403.0}, {"index": 17137, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.16, "Population": 1403.0}, {"index": 17138, "quantile": 0.0, "value": 410300.0, "Latitude": 37.46, "Longitude": -122.17, "Population": 1044.0}, {"index": 17138, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.17, "Population": 1044.0}, {"index": 17138, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.17, "Population": 1044.0}, {"index": 17138, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.17, "Population": 1044.0}, {"index": 17138, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.17, "Population": 1044.0}, {"index": 17139, "quantile": 0.0, "value": 195800.0, "Latitude": 37.46, "Longitude": -122.19, "Population": 2002.0}, {"index": 17139, "quantile": 0.25, "value": 361600.0, "Latitude": 37.46, "Longitude": -122.19, "Population": 2002.0}, {"index": 17139, "quantile": 0.5, "value": 409950.00000000006, "Latitude": 37.46, "Longitude": -122.19, "Population": 2002.0}, {"index": 17139, "quantile": 0.75, "value": 436700.0, "Latitude": 37.46, "Longitude": -122.19, "Population": 2002.0}, {"index": 17139, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.19, "Population": 2002.0}, {"index": 17140, "quantile": 0.0, "value": 191200.0, "Latitude": 37.45, "Longitude": -122.17, "Population": 766.0}, {"index": 17140, "quantile": 0.25, "value": 286900.0, "Latitude": 37.45, "Longitude": -122.17, "Population": 766.0}, {"index": 17140, "quantile": 0.5, "value": 350000.0, "Latitude": 37.45, "Longitude": -122.17, "Population": 766.0}, {"index": 17140, "quantile": 0.75, "value": 396625.0, "Latitude": 37.45, "Longitude": -122.17, "Population": 766.0}, {"index": 17140, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.17, "Population": 766.0}, {"index": 17141, "quantile": 0.0, "value": 331800.0, "Latitude": 37.45, "Longitude": -122.17, "Population": 388.0}, {"index": 17141, "quantile": 0.25, "value": 466475.0, "Latitude": 37.45, "Longitude": -122.17, "Population": 388.0}, {"index": 17141, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.17, "Population": 388.0}, {"index": 17141, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.17, "Population": 388.0}, {"index": 17141, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.17, "Population": 388.0}, {"index": 17142, "quantile": 0.0, "value": 209400.0, "Latitude": 37.45, "Longitude": -122.18, "Population": 817.0}, {"index": 17142, "quantile": 0.25, "value": 282300.0, "Latitude": 37.45, "Longitude": -122.18, "Population": 817.0}, {"index": 17142, "quantile": 0.5, "value": 335550.0, "Latitude": 37.45, "Longitude": -122.18, "Population": 817.0}, {"index": 17142, "quantile": 0.75, "value": 401200.00000000006, "Latitude": 37.45, "Longitude": -122.18, "Population": 817.0}, {"index": 17142, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.18, "Population": 817.0}, {"index": 17143, "quantile": 0.0, "value": 225000.0, "Latitude": 37.45, "Longitude": -122.18, "Population": 2128.0}, {"index": 17143, "quantile": 0.25, "value": 394300.0, "Latitude": 37.45, "Longitude": -122.18, "Population": 2128.0}, {"index": 17143, "quantile": 0.5, "value": 394300.0, "Latitude": 37.45, "Longitude": -122.18, "Population": 2128.0}, {"index": 17143, "quantile": 0.75, "value": 394300.0, "Latitude": 37.45, "Longitude": -122.18, "Population": 2128.0}, {"index": 17143, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.18, "Population": 2128.0}, {"index": 17144, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 37.45, "Longitude": -122.19, "Population": 853.0}, {"index": 17144, "quantile": 0.25, "value": 265400.0, "Latitude": 37.45, "Longitude": -122.19, "Population": 853.0}, {"index": 17144, "quantile": 0.5, "value": 464600.0, "Latitude": 37.45, "Longitude": -122.19, "Population": 853.0}, {"index": 17144, "quantile": 0.75, "value": 464600.0, "Latitude": 37.45, "Longitude": -122.19, "Population": 853.0}, {"index": 17144, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.19, "Population": 853.0}, {"index": 17145, "quantile": 0.0, "value": 367300.0, "Latitude": 37.44, "Longitude": -122.18, "Population": 948.0}, {"index": 17145, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.18, "Population": 948.0}, {"index": 17145, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.18, "Population": 948.0}, {"index": 17145, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.18, "Population": 948.0}, {"index": 17145, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.18, "Population": 948.0}, {"index": 17146, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.19, "Population": 1203.0}, {"index": 17146, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.19, "Population": 1203.0}, {"index": 17146, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.19, "Population": 1203.0}, {"index": 17146, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.19, "Population": 1203.0}, {"index": 17146, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.19, "Population": 1203.0}, {"index": 17147, "quantile": 0.0, "value": 430500.0, "Latitude": 37.44, "Longitude": -122.19, "Population": 1616.0}, {"index": 17147, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.19, "Population": 1616.0}, {"index": 17147, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.19, "Population": 1616.0}, {"index": 17147, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.19, "Population": 1616.0}, {"index": 17147, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.19, "Population": 1616.0}, {"index": 17148, "quantile": 0.0, "value": 319300.0, "Latitude": 37.43, "Longitude": -122.2, "Population": 1350.0}, {"index": 17148, "quantile": 0.25, "value": 472200.00000000006, "Latitude": 37.43, "Longitude": -122.2, "Population": 1350.0}, {"index": 17148, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.2, "Population": 1350.0}, {"index": 17148, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.2, "Population": 1350.0}, {"index": 17148, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.2, "Population": 1350.0}, {"index": 17149, "quantile": 0.0, "value": 86300.0, "Latitude": 37.44, "Longitude": -122.21, "Population": 486.0}, {"index": 17149, "quantile": 0.25, "value": 238675.00000000003, "Latitude": 37.44, "Longitude": -122.21, "Population": 486.0}, {"index": 17149, "quantile": 0.5, "value": 287350.0, "Latitude": 37.44, "Longitude": -122.21, "Population": 486.0}, {"index": 17149, "quantile": 0.75, "value": 343500.0, "Latitude": 37.44, "Longitude": -122.21, "Population": 486.0}, {"index": 17149, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.21, "Population": 486.0}, {"index": 17150, "quantile": 0.0, "value": 174200.0, "Latitude": 37.43, "Longitude": -122.2, "Population": 1050.0}, {"index": 17150, "quantile": 0.25, "value": 310900.0, "Latitude": 37.43, "Longitude": -122.2, "Population": 1050.0}, {"index": 17150, "quantile": 0.5, "value": 444500.0, "Latitude": 37.43, "Longitude": -122.2, "Population": 1050.0}, {"index": 17150, "quantile": 0.75, "value": 444500.0, "Latitude": 37.43, "Longitude": -122.2, "Population": 1050.0}, {"index": 17150, "quantile": 1.0, "value": 444500.0, "Latitude": 37.43, "Longitude": -122.2, "Population": 1050.0}, {"index": 17151, "quantile": 0.0, "value": 308800.0, "Latitude": 37.43, "Longitude": -122.19, "Population": 937.0}, {"index": 17151, "quantile": 0.25, "value": 407000.0, "Latitude": 37.43, "Longitude": -122.19, "Population": 937.0}, {"index": 17151, "quantile": 0.5, "value": 472800.0, "Latitude": 37.43, "Longitude": -122.19, "Population": 937.0}, {"index": 17151, "quantile": 0.75, "value": 472800.0, "Latitude": 37.43, "Longitude": -122.19, "Population": 937.0}, {"index": 17151, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.19, "Population": 937.0}, {"index": 17152, "quantile": 0.0, "value": 189800.0, "Latitude": 37.43, "Longitude": -122.2, "Population": 1337.0}, {"index": 17152, "quantile": 0.25, "value": 438400.00000000006, "Latitude": 37.43, "Longitude": -122.2, "Population": 1337.0}, {"index": 17152, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.2, "Population": 1337.0}, {"index": 17152, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.2, "Population": 1337.0}, {"index": 17152, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.2, "Population": 1337.0}, {"index": 17153, "quantile": 0.0, "value": 276600.0, "Latitude": 37.43, "Longitude": -122.21, "Population": 727.0}, {"index": 17153, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.21, "Population": 727.0}, {"index": 17153, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.21, "Population": 727.0}, {"index": 17153, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.21, "Population": 727.0}, {"index": 17153, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.21, "Population": 727.0}, {"index": 17154, "quantile": 0.0, "value": 249300.0, "Latitude": 37.43, "Longitude": -122.21, "Population": 1843.0}, {"index": 17154, "quantile": 0.25, "value": 371725.0, "Latitude": 37.43, "Longitude": -122.21, "Population": 1843.0}, {"index": 17154, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.21, "Population": 1843.0}, {"index": 17154, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.21, "Population": 1843.0}, {"index": 17154, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.21, "Population": 1843.0}, {"index": 17155, "quantile": 0.0, "value": 228399.99999999997, "Latitude": 37.42, "Longitude": -122.23, "Population": 512.0}, {"index": 17155, "quantile": 0.25, "value": 425800.0, "Latitude": 37.42, "Longitude": -122.23, "Population": 512.0}, {"index": 17155, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.23, "Population": 512.0}, {"index": 17155, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.23, "Population": 512.0}, {"index": 17155, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.23, "Population": 512.0}, {"index": 17156, "quantile": 0.0, "value": 276600.0, "Latitude": 37.42, "Longitude": -122.19, "Population": 295.0}, {"index": 17156, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.19, "Population": 295.0}, {"index": 17156, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.19, "Population": 295.0}, {"index": 17156, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.19, "Population": 295.0}, {"index": 17156, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.19, "Population": 295.0}, {"index": 17157, "quantile": 0.0, "value": 225000.0, "Latitude": 37.43, "Longitude": -122.21, "Population": 324.0}, {"index": 17157, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.21, "Population": 324.0}, {"index": 17157, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.21, "Population": 324.0}, {"index": 17157, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.21, "Population": 324.0}, {"index": 17157, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.21, "Population": 324.0}, {"index": 17158, "quantile": 0.0, "value": 390500.0, "Latitude": 37.42, "Longitude": -122.21, "Population": 191.0}, {"index": 17158, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.21, "Population": 191.0}, {"index": 17158, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.21, "Population": 191.0}, {"index": 17158, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.21, "Population": 191.0}, {"index": 17158, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.21, "Population": 191.0}, {"index": 17159, "quantile": 0.0, "value": 382200.0, "Latitude": 37.4, "Longitude": -122.2, "Population": 540.0}, {"index": 17159, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.2, "Population": 540.0}, {"index": 17159, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.2, "Population": 540.0}, {"index": 17159, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.2, "Population": 540.0}, {"index": 17159, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.2, "Population": 540.0}, {"index": 17160, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.2, "Population": 980.0}, {"index": 17160, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.2, "Population": 980.0}, {"index": 17160, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.2, "Population": 980.0}, {"index": 17160, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.2, "Population": 980.0}, {"index": 17160, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.2, "Population": 980.0}, {"index": 17161, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.21, "Population": 1489.0}, {"index": 17161, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.21, "Population": 1489.0}, {"index": 17161, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.21, "Population": 1489.0}, {"index": 17161, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.21, "Population": 1489.0}, {"index": 17161, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.21, "Population": 1489.0}, {"index": 17162, "quantile": 0.0, "value": 392600.0, "Latitude": 37.35, "Longitude": -122.2, "Population": 1173.0}, {"index": 17162, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.2, "Population": 1173.0}, {"index": 17162, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.2, "Population": 1173.0}, {"index": 17162, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.2, "Population": 1173.0}, {"index": 17162, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.2, "Population": 1173.0}, {"index": 17163, "quantile": 0.0, "value": 365900.0, "Latitude": 37.37, "Longitude": -122.21, "Population": 613.0}, {"index": 17163, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.21, "Population": 613.0}, {"index": 17163, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.21, "Population": 613.0}, {"index": 17163, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.21, "Population": 613.0}, {"index": 17163, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.21, "Population": 613.0}, {"index": 17164, "quantile": 0.0, "value": 40000.0, "Latitude": 37.37, "Longitude": -122.22, "Population": 322.0}, {"index": 17164, "quantile": 0.25, "value": 350000.0, "Latitude": 37.37, "Longitude": -122.22, "Population": 322.0}, {"index": 17164, "quantile": 0.5, "value": 350000.0, "Latitude": 37.37, "Longitude": -122.22, "Population": 322.0}, {"index": 17164, "quantile": 0.75, "value": 351500.0, "Latitude": 37.37, "Longitude": -122.22, "Population": 322.0}, {"index": 17164, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.22, "Population": 322.0}, {"index": 17165, "quantile": 0.0, "value": 415900.0, "Latitude": 37.36, "Longitude": -122.22, "Population": 600.0}, {"index": 17165, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.22, "Population": 600.0}, {"index": 17165, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.22, "Population": 600.0}, {"index": 17165, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.22, "Population": 600.0}, {"index": 17165, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.22, "Population": 600.0}, {"index": 17166, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.22, "Population": 814.0}, {"index": 17166, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.22, "Population": 814.0}, {"index": 17166, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.22, "Population": 814.0}, {"index": 17166, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.22, "Population": 814.0}, {"index": 17166, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.22, "Population": 814.0}, {"index": 17167, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.25, "Population": 927.0}, {"index": 17167, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.25, "Population": 927.0}, {"index": 17167, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.25, "Population": 927.0}, {"index": 17167, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.25, "Population": 927.0}, {"index": 17167, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.25, "Population": 927.0}, {"index": 17168, "quantile": 0.0, "value": 252999.99999999997, "Latitude": 37.45, "Longitude": -122.27, "Population": 353.0}, {"index": 17168, "quantile": 0.25, "value": 467400.00000000006, "Latitude": 37.45, "Longitude": -122.27, "Population": 353.0}, {"index": 17168, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.27, "Population": 353.0}, {"index": 17168, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.27, "Population": 353.0}, {"index": 17168, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.27, "Population": 353.0}, {"index": 17169, "quantile": 0.0, "value": 171700.0, "Latitude": 37.43, "Longitude": -122.24, "Population": 934.0}, {"index": 17169, "quantile": 0.25, "value": 426900.0, "Latitude": 37.43, "Longitude": -122.24, "Population": 934.0}, {"index": 17169, "quantile": 0.5, "value": 443800.0, "Latitude": 37.43, "Longitude": -122.24, "Population": 934.0}, {"index": 17169, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.24, "Population": 934.0}, {"index": 17169, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.24, "Population": 934.0}, {"index": 17170, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.27, "Population": 629.0}, {"index": 17170, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.27, "Population": 629.0}, {"index": 17170, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.27, "Population": 629.0}, {"index": 17170, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.27, "Population": 629.0}, {"index": 17170, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.27, "Population": 629.0}, {"index": 17171, "quantile": 0.0, "value": 112500.0, "Latitude": 37.39, "Longitude": -122.25, "Population": 153.0}, {"index": 17171, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.25, "Population": 153.0}, {"index": 17171, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.25, "Population": 153.0}, {"index": 17171, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.25, "Population": 153.0}, {"index": 17171, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.25, "Population": 153.0}, {"index": 17172, "quantile": 0.0, "value": 276600.0, "Latitude": 37.38, "Longitude": -122.26, "Population": 415.0}, {"index": 17172, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.26, "Population": 415.0}, {"index": 17172, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.26, "Population": 415.0}, {"index": 17172, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.26, "Population": 415.0}, {"index": 17172, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.26, "Population": 415.0}, {"index": 17173, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.29, "Population": 2149.0}, {"index": 17173, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.29, "Population": 2149.0}, {"index": 17173, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.29, "Population": 2149.0}, {"index": 17173, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.29, "Population": 2149.0}, {"index": 17173, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.29, "Population": 2149.0}, {"index": 17174, "quantile": 0.0, "value": 129500.0, "Latitude": 37.51, "Longitude": -122.46, "Population": 399.0}, {"index": 17174, "quantile": 0.25, "value": 324850.0, "Latitude": 37.51, "Longitude": -122.46, "Population": 399.0}, {"index": 17174, "quantile": 0.5, "value": 391000.0, "Latitude": 37.51, "Longitude": -122.46, "Population": 399.0}, {"index": 17174, "quantile": 0.75, "value": 430600.0, "Latitude": 37.51, "Longitude": -122.46, "Population": 399.0}, {"index": 17174, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.51, "Longitude": -122.46, "Population": 399.0}, {"index": 17175, "quantile": 0.0, "value": 112500.0, "Latitude": 37.5, "Longitude": -122.47, "Population": 1086.0}, {"index": 17175, "quantile": 0.25, "value": 262000.0, "Latitude": 37.5, "Longitude": -122.47, "Population": 1086.0}, {"index": 17175, "quantile": 0.5, "value": 276600.0, "Latitude": 37.5, "Longitude": -122.47, "Population": 1086.0}, {"index": 17175, "quantile": 0.75, "value": 339875.0, "Latitude": 37.5, "Longitude": -122.47, "Population": 1086.0}, {"index": 17175, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.5, "Longitude": -122.47, "Population": 1086.0}, {"index": 17176, "quantile": 0.0, "value": 87500.0, "Latitude": 37.5, "Longitude": -122.47, "Population": 404.0}, {"index": 17176, "quantile": 0.25, "value": 348299.99999999994, "Latitude": 37.5, "Longitude": -122.47, "Population": 404.0}, {"index": 17176, "quantile": 0.5, "value": 373200.0, "Latitude": 37.5, "Longitude": -122.47, "Population": 404.0}, {"index": 17176, "quantile": 0.75, "value": 438900.0, "Latitude": 37.5, "Longitude": -122.47, "Population": 404.0}, {"index": 17176, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.5, "Longitude": -122.47, "Population": 404.0}, {"index": 17177, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 37.51, "Longitude": -122.48, "Population": 761.0}, {"index": 17177, "quantile": 0.25, "value": 249000.00000000003, "Latitude": 37.51, "Longitude": -122.48, "Population": 761.0}, {"index": 17177, "quantile": 0.5, "value": 298300.0, "Latitude": 37.51, "Longitude": -122.48, "Population": 761.0}, {"index": 17177, "quantile": 0.75, "value": 344325.0, "Latitude": 37.51, "Longitude": -122.48, "Population": 761.0}, {"index": 17177, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.51, "Longitude": -122.48, "Population": 761.0}, {"index": 17178, "quantile": 0.0, "value": 244800.0, "Latitude": 37.51, "Longitude": -122.47, "Population": 2222.0}, {"index": 17178, "quantile": 0.25, "value": 364300.0, "Latitude": 37.51, "Longitude": -122.47, "Population": 2222.0}, {"index": 17178, "quantile": 0.5, "value": 364300.0, "Latitude": 37.51, "Longitude": -122.47, "Population": 2222.0}, {"index": 17178, "quantile": 0.75, "value": 364300.0, "Latitude": 37.51, "Longitude": -122.47, "Population": 2222.0}, {"index": 17178, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.51, "Longitude": -122.47, "Population": 2222.0}, {"index": 17179, "quantile": 0.0, "value": 181100.0, "Latitude": 37.52, "Longitude": -122.44, "Population": 3502.0}, {"index": 17179, "quantile": 0.25, "value": 341025.0, "Latitude": 37.52, "Longitude": -122.44, "Population": 3502.0}, {"index": 17179, "quantile": 0.5, "value": 345100.0, "Latitude": 37.52, "Longitude": -122.44, "Population": 3502.0}, {"index": 17179, "quantile": 0.75, "value": 345100.0, "Latitude": 37.52, "Longitude": -122.44, "Population": 3502.0}, {"index": 17179, "quantile": 1.0, "value": 450000.0, "Latitude": 37.52, "Longitude": -122.44, "Population": 3502.0}, {"index": 17180, "quantile": 0.0, "value": 102800.0, "Latitude": 37.5, "Longitude": -122.53, "Population": 2199.0}, {"index": 17180, "quantile": 0.25, "value": 308050.0, "Latitude": 37.5, "Longitude": -122.53, "Population": 2199.0}, {"index": 17180, "quantile": 0.5, "value": 364300.0, "Latitude": 37.5, "Longitude": -122.53, "Population": 2199.0}, {"index": 17180, "quantile": 0.75, "value": 417600.0, "Latitude": 37.5, "Longitude": -122.53, "Population": 2199.0}, {"index": 17180, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.5, "Longitude": -122.53, "Population": 2199.0}, {"index": 17181, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 37.54, "Longitude": -122.49, "Population": 1527.0}, {"index": 17181, "quantile": 0.25, "value": 368000.0, "Latitude": 37.54, "Longitude": -122.49, "Population": 1527.0}, {"index": 17181, "quantile": 0.5, "value": 368000.0, "Latitude": 37.54, "Longitude": -122.49, "Population": 1527.0}, {"index": 17181, "quantile": 0.75, "value": 368000.0, "Latitude": 37.54, "Longitude": -122.49, "Population": 1527.0}, {"index": 17181, "quantile": 1.0, "value": 466899.99999999994, "Latitude": 37.54, "Longitude": -122.49, "Population": 1527.0}, {"index": 17182, "quantile": 0.0, "value": 229300.00000000003, "Latitude": 37.53, "Longitude": -122.51, "Population": 672.0}, {"index": 17182, "quantile": 0.25, "value": 355800.0, "Latitude": 37.53, "Longitude": -122.51, "Population": 672.0}, {"index": 17182, "quantile": 0.5, "value": 355800.0, "Latitude": 37.53, "Longitude": -122.51, "Population": 672.0}, {"index": 17182, "quantile": 0.75, "value": 355800.0, "Latitude": 37.53, "Longitude": -122.51, "Population": 672.0}, {"index": 17182, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -122.51, "Population": 672.0}, {"index": 17183, "quantile": 0.0, "value": 173200.0, "Latitude": 37.51, "Longitude": -122.5, "Population": 355.0}, {"index": 17183, "quantile": 0.25, "value": 371800.0, "Latitude": 37.51, "Longitude": -122.5, "Population": 355.0}, {"index": 17183, "quantile": 0.5, "value": 371800.0, "Latitude": 37.51, "Longitude": -122.5, "Population": 355.0}, {"index": 17183, "quantile": 0.75, "value": 371800.0, "Latitude": 37.51, "Longitude": -122.5, "Population": 355.0}, {"index": 17183, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.51, "Longitude": -122.5, "Population": 355.0}, {"index": 17184, "quantile": 0.0, "value": 150000.0, "Latitude": 37.5, "Longitude": -122.49, "Population": 801.0}, {"index": 17184, "quantile": 0.25, "value": 276650.0, "Latitude": 37.5, "Longitude": -122.49, "Population": 801.0}, {"index": 17184, "quantile": 0.5, "value": 500000.0, "Latitude": 37.5, "Longitude": -122.49, "Population": 801.0}, {"index": 17184, "quantile": 0.75, "value": 500000.0, "Latitude": 37.5, "Longitude": -122.49, "Population": 801.0}, {"index": 17184, "quantile": 1.0, "value": 500000.0, "Latitude": 37.5, "Longitude": -122.49, "Population": 801.0}, {"index": 17185, "quantile": 0.0, "value": 106300.0, "Latitude": 37.43, "Longitude": -122.43, "Population": 5467.0}, {"index": 17185, "quantile": 0.25, "value": 230925.0, "Latitude": 37.43, "Longitude": -122.43, "Population": 5467.0}, {"index": 17185, "quantile": 0.5, "value": 270200.0, "Latitude": 37.43, "Longitude": -122.43, "Population": 5467.0}, {"index": 17185, "quantile": 0.75, "value": 335900.0, "Latitude": 37.43, "Longitude": -122.43, "Population": 5467.0}, {"index": 17185, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.43, "Population": 5467.0}, {"index": 17186, "quantile": 0.0, "value": 175000.0, "Latitude": 37.46, "Longitude": -122.34, "Population": 576.0}, {"index": 17186, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.34, "Population": 576.0}, {"index": 17186, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.34, "Population": 576.0}, {"index": 17186, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.34, "Population": 576.0}, {"index": 17186, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.34, "Population": 576.0}, {"index": 17187, "quantile": 0.0, "value": 250000.0, "Latitude": 37.34, "Longitude": -122.38, "Population": 400.0}, {"index": 17187, "quantile": 0.25, "value": 456300.0, "Latitude": 37.34, "Longitude": -122.38, "Population": 400.0}, {"index": 17187, "quantile": 0.5, "value": 456300.0, "Latitude": 37.34, "Longitude": -122.38, "Population": 400.0}, {"index": 17187, "quantile": 0.75, "value": 456300.0, "Latitude": 37.34, "Longitude": -122.38, "Population": 400.0}, {"index": 17187, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.38, "Population": 400.0}, {"index": 17188, "quantile": 0.0, "value": 317800.0, "Latitude": 37.39, "Longitude": -122.33, "Population": 232.0}, {"index": 17188, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.33, "Population": 232.0}, {"index": 17188, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.33, "Population": 232.0}, {"index": 17188, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.33, "Population": 232.0}, {"index": 17188, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.33, "Population": 232.0}, {"index": 17189, "quantile": 0.0, "value": 200999.99999999997, "Latitude": 37.32, "Longitude": -122.27, "Population": 1346.0}, {"index": 17189, "quantile": 0.25, "value": 278175.0, "Latitude": 37.32, "Longitude": -122.27, "Population": 1346.0}, {"index": 17189, "quantile": 0.5, "value": 299450.0, "Latitude": 37.32, "Longitude": -122.27, "Population": 1346.0}, {"index": 17189, "quantile": 0.75, "value": 359000.0, "Latitude": 37.32, "Longitude": -122.27, "Population": 1346.0}, {"index": 17189, "quantile": 1.0, "value": 461200.0, "Latitude": 37.32, "Longitude": -122.27, "Population": 1346.0}, {"index": 17190, "quantile": 0.0, "value": 156700.0, "Latitude": 37.24, "Longitude": -122.27, "Population": 1581.0}, {"index": 17190, "quantile": 0.25, "value": 238150.0, "Latitude": 37.24, "Longitude": -122.27, "Population": 1581.0}, {"index": 17190, "quantile": 0.5, "value": 267000.0, "Latitude": 37.24, "Longitude": -122.27, "Population": 1581.0}, {"index": 17190, "quantile": 0.75, "value": 350000.0, "Latitude": 37.24, "Longitude": -122.27, "Population": 1581.0}, {"index": 17190, "quantile": 1.0, "value": 500000.0, "Latitude": 37.24, "Longitude": -122.27, "Population": 1581.0}, {"index": 17191, "quantile": 0.0, "value": 100400.0, "Latitude": 37.18, "Longitude": -122.38, "Population": 941.0}, {"index": 17191, "quantile": 0.25, "value": 245300.00000000003, "Latitude": 37.18, "Longitude": -122.38, "Population": 941.0}, {"index": 17191, "quantile": 0.5, "value": 286100.0, "Latitude": 37.18, "Longitude": -122.38, "Population": 941.0}, {"index": 17191, "quantile": 0.75, "value": 286100.0, "Latitude": 37.18, "Longitude": -122.38, "Population": 941.0}, {"index": 17191, "quantile": 1.0, "value": 500000.0, "Latitude": 37.18, "Longitude": -122.38, "Population": 941.0}, {"index": 17192, "quantile": 0.0, "value": 81100.0, "Latitude": 34.44, "Longitude": -119.77, "Population": 2312.0}, {"index": 17192, "quantile": 0.25, "value": 149125.0, "Latitude": 34.44, "Longitude": -119.77, "Population": 2312.0}, {"index": 17192, "quantile": 0.5, "value": 213499.99999999997, "Latitude": 34.44, "Longitude": -119.77, "Population": 2312.0}, {"index": 17192, "quantile": 0.75, "value": 279500.0, "Latitude": 34.44, "Longitude": -119.77, "Population": 2312.0}, {"index": 17192, "quantile": 1.0, "value": 396300.0, "Latitude": 34.44, "Longitude": -119.77, "Population": 2312.0}, {"index": 17193, "quantile": 0.0, "value": 84200.0, "Latitude": 34.45, "Longitude": -119.78, "Population": 1515.0}, {"index": 17193, "quantile": 0.25, "value": 341200.0, "Latitude": 34.45, "Longitude": -119.78, "Population": 1515.0}, {"index": 17193, "quantile": 0.5, "value": 450000.0, "Latitude": 34.45, "Longitude": -119.78, "Population": 1515.0}, {"index": 17193, "quantile": 0.75, "value": 450000.0, "Latitude": 34.45, "Longitude": -119.78, "Population": 1515.0}, {"index": 17193, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.45, "Longitude": -119.78, "Population": 1515.0}, {"index": 17194, "quantile": 0.0, "value": 230900.00000000003, "Latitude": 34.45, "Longitude": -119.79, "Population": 1076.0}, {"index": 17194, "quantile": 0.25, "value": 348700.0, "Latitude": 34.45, "Longitude": -119.79, "Population": 1076.0}, {"index": 17194, "quantile": 0.5, "value": 348700.0, "Latitude": 34.45, "Longitude": -119.79, "Population": 1076.0}, {"index": 17194, "quantile": 0.75, "value": 352224.99999999994, "Latitude": 34.45, "Longitude": -119.79, "Population": 1076.0}, {"index": 17194, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.45, "Longitude": -119.79, "Population": 1076.0}, {"index": 17195, "quantile": 0.0, "value": 172600.0, "Latitude": 34.45, "Longitude": -119.75, "Population": 1504.0}, {"index": 17195, "quantile": 0.25, "value": 336500.0, "Latitude": 34.45, "Longitude": -119.75, "Population": 1504.0}, {"index": 17195, "quantile": 0.5, "value": 395000.0, "Latitude": 34.45, "Longitude": -119.75, "Population": 1504.0}, {"index": 17195, "quantile": 0.75, "value": 395000.0, "Latitude": 34.45, "Longitude": -119.75, "Population": 1504.0}, {"index": 17195, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.45, "Longitude": -119.75, "Population": 1504.0}, {"index": 17196, "quantile": 0.0, "value": 49600.0, "Latitude": 34.44, "Longitude": -119.75, "Population": 524.0}, {"index": 17196, "quantile": 0.25, "value": 202325.0, "Latitude": 34.44, "Longitude": -119.75, "Population": 524.0}, {"index": 17196, "quantile": 0.5, "value": 327300.0, "Latitude": 34.44, "Longitude": -119.75, "Population": 524.0}, {"index": 17196, "quantile": 0.75, "value": 327300.0, "Latitude": 34.44, "Longitude": -119.75, "Population": 524.0}, {"index": 17196, "quantile": 1.0, "value": 327300.0, "Latitude": 34.44, "Longitude": -119.75, "Population": 524.0}, {"index": 17197, "quantile": 0.0, "value": 192500.0, "Latitude": 34.44, "Longitude": -119.76, "Population": 1092.0}, {"index": 17197, "quantile": 0.25, "value": 268575.0, "Latitude": 34.44, "Longitude": -119.76, "Population": 1092.0}, {"index": 17197, "quantile": 0.5, "value": 290900.0, "Latitude": 34.44, "Longitude": -119.76, "Population": 1092.0}, {"index": 17197, "quantile": 0.75, "value": 290900.0, "Latitude": 34.44, "Longitude": -119.76, "Population": 1092.0}, {"index": 17197, "quantile": 1.0, "value": 410700.0, "Latitude": 34.44, "Longitude": -119.76, "Population": 1092.0}, {"index": 17198, "quantile": 0.0, "value": 161700.0, "Latitude": 34.45, "Longitude": -119.75, "Population": 1404.0}, {"index": 17198, "quantile": 0.25, "value": 209700.0, "Latitude": 34.45, "Longitude": -119.75, "Population": 1404.0}, {"index": 17198, "quantile": 0.5, "value": 271400.0, "Latitude": 34.45, "Longitude": -119.75, "Population": 1404.0}, {"index": 17198, "quantile": 0.75, "value": 290900.0, "Latitude": 34.45, "Longitude": -119.75, "Population": 1404.0}, {"index": 17198, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.45, "Longitude": -119.75, "Population": 1404.0}, {"index": 17199, "quantile": 0.0, "value": 193500.0, "Latitude": 34.48, "Longitude": -119.78, "Population": 1007.0}, {"index": 17199, "quantile": 0.25, "value": 430924.99999999994, "Latitude": 34.48, "Longitude": -119.78, "Population": 1007.0}, {"index": 17199, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.48, "Longitude": -119.78, "Population": 1007.0}, {"index": 17199, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.48, "Longitude": -119.78, "Population": 1007.0}, {"index": 17199, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.48, "Longitude": -119.78, "Population": 1007.0}, {"index": 17200, "quantile": 0.0, "value": 215800.0, "Latitude": 34.5, "Longitude": -119.75, "Population": 1479.0}, {"index": 17200, "quantile": 0.25, "value": 328800.0, "Latitude": 34.5, "Longitude": -119.75, "Population": 1479.0}, {"index": 17200, "quantile": 0.5, "value": 364500.0, "Latitude": 34.5, "Longitude": -119.75, "Population": 1479.0}, {"index": 17200, "quantile": 0.75, "value": 383375.0, "Latitude": 34.5, "Longitude": -119.75, "Population": 1479.0}, {"index": 17200, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.5, "Longitude": -119.75, "Population": 1479.0}, {"index": 17201, "quantile": 0.0, "value": 182400.0, "Latitude": 34.45, "Longitude": -119.78, "Population": 705.0}, {"index": 17201, "quantile": 0.25, "value": 333100.0, "Latitude": 34.45, "Longitude": -119.78, "Population": 705.0}, {"index": 17201, "quantile": 0.5, "value": 356600.0, "Latitude": 34.45, "Longitude": -119.78, "Population": 705.0}, {"index": 17201, "quantile": 0.75, "value": 397825.0, "Latitude": 34.45, "Longitude": -119.78, "Population": 705.0}, {"index": 17201, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.45, "Longitude": -119.78, "Population": 705.0}, {"index": 17202, "quantile": 0.0, "value": 37500.0, "Latitude": 34.44, "Longitude": -119.73, "Population": 801.0}, {"index": 17202, "quantile": 0.25, "value": 228799.99999999997, "Latitude": 34.44, "Longitude": -119.73, "Population": 801.0}, {"index": 17202, "quantile": 0.5, "value": 259700.0, "Latitude": 34.44, "Longitude": -119.73, "Population": 801.0}, {"index": 17202, "quantile": 0.75, "value": 309700.0, "Latitude": 34.44, "Longitude": -119.73, "Population": 801.0}, {"index": 17202, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.73, "Population": 801.0}, {"index": 17203, "quantile": 0.0, "value": 186400.0, "Latitude": 34.43, "Longitude": -119.73, "Population": 1383.0}, {"index": 17203, "quantile": 0.25, "value": 335475.0, "Latitude": 34.43, "Longitude": -119.73, "Population": 1383.0}, {"index": 17203, "quantile": 0.5, "value": 340400.0, "Latitude": 34.43, "Longitude": -119.73, "Population": 1383.0}, {"index": 17203, "quantile": 0.75, "value": 340400.0, "Latitude": 34.43, "Longitude": -119.73, "Population": 1383.0}, {"index": 17203, "quantile": 1.0, "value": 470800.0, "Latitude": 34.43, "Longitude": -119.73, "Population": 1383.0}, {"index": 17204, "quantile": 0.0, "value": 210900.0, "Latitude": 34.44, "Longitude": -119.74, "Population": 1861.0}, {"index": 17204, "quantile": 0.25, "value": 276300.0, "Latitude": 34.44, "Longitude": -119.74, "Population": 1861.0}, {"index": 17204, "quantile": 0.5, "value": 294500.0, "Latitude": 34.44, "Longitude": -119.74, "Population": 1861.0}, {"index": 17204, "quantile": 0.75, "value": 294500.0, "Latitude": 34.44, "Longitude": -119.74, "Population": 1861.0}, {"index": 17204, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.74, "Population": 1861.0}, {"index": 17205, "quantile": 0.0, "value": 73400.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 1091.0}, {"index": 17205, "quantile": 0.25, "value": 279500.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 1091.0}, {"index": 17205, "quantile": 0.5, "value": 279500.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 1091.0}, {"index": 17205, "quantile": 0.75, "value": 279500.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 1091.0}, {"index": 17205, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.72, "Population": 1091.0}, {"index": 17206, "quantile": 0.0, "value": 61100.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 777.0}, {"index": 17206, "quantile": 0.25, "value": 247650.00000000003, "Latitude": 34.43, "Longitude": -119.72, "Population": 777.0}, {"index": 17206, "quantile": 0.5, "value": 275000.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 777.0}, {"index": 17206, "quantile": 0.75, "value": 275000.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 777.0}, {"index": 17206, "quantile": 1.0, "value": 320600.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 777.0}, {"index": 17207, "quantile": 0.0, "value": 90400.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 746.0}, {"index": 17207, "quantile": 0.25, "value": 264700.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 746.0}, {"index": 17207, "quantile": 0.5, "value": 357400.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 746.0}, {"index": 17207, "quantile": 0.75, "value": 357400.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 746.0}, {"index": 17207, "quantile": 1.0, "value": 395500.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 746.0}, {"index": 17208, "quantile": 0.0, "value": 17500.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 521.0}, {"index": 17208, "quantile": 0.25, "value": 307100.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 521.0}, {"index": 17208, "quantile": 0.5, "value": 320600.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 521.0}, {"index": 17208, "quantile": 0.75, "value": 320600.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 521.0}, {"index": 17208, "quantile": 1.0, "value": 383300.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 521.0}, {"index": 17209, "quantile": 0.0, "value": 184400.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 753.0}, {"index": 17209, "quantile": 0.25, "value": 243800.00000000003, "Latitude": 34.43, "Longitude": -119.72, "Population": 753.0}, {"index": 17209, "quantile": 0.5, "value": 243800.00000000003, "Latitude": 34.43, "Longitude": -119.72, "Population": 753.0}, {"index": 17209, "quantile": 0.75, "value": 243800.00000000003, "Latitude": 34.43, "Longitude": -119.72, "Population": 753.0}, {"index": 17209, "quantile": 1.0, "value": 410700.0, "Latitude": 34.43, "Longitude": -119.72, "Population": 753.0}, {"index": 17210, "quantile": 0.0, "value": 87500.0, "Latitude": 34.43, "Longitude": -119.71, "Population": 681.0}, {"index": 17210, "quantile": 0.25, "value": 254999.99999999997, "Latitude": 34.43, "Longitude": -119.71, "Population": 681.0}, {"index": 17210, "quantile": 0.5, "value": 254999.99999999997, "Latitude": 34.43, "Longitude": -119.71, "Population": 681.0}, {"index": 17210, "quantile": 0.75, "value": 258300.00000000003, "Latitude": 34.43, "Longitude": -119.71, "Population": 681.0}, {"index": 17210, "quantile": 1.0, "value": 402500.00000000006, "Latitude": 34.43, "Longitude": -119.71, "Population": 681.0}, {"index": 17211, "quantile": 0.0, "value": 154200.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 1253.0}, {"index": 17211, "quantile": 0.25, "value": 264700.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 1253.0}, {"index": 17211, "quantile": 0.5, "value": 267000.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 1253.0}, {"index": 17211, "quantile": 0.75, "value": 267000.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 1253.0}, {"index": 17211, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.42, "Longitude": -119.71, "Population": 1253.0}, {"index": 17212, "quantile": 0.0, "value": 119000.0, "Latitude": 34.43, "Longitude": -119.71, "Population": 790.0}, {"index": 17212, "quantile": 0.25, "value": 279200.0, "Latitude": 34.43, "Longitude": -119.71, "Population": 790.0}, {"index": 17212, "quantile": 0.5, "value": 279200.0, "Latitude": 34.43, "Longitude": -119.71, "Population": 790.0}, {"index": 17212, "quantile": 0.75, "value": 279200.0, "Latitude": 34.43, "Longitude": -119.71, "Population": 790.0}, {"index": 17212, "quantile": 1.0, "value": 431400.0, "Latitude": 34.43, "Longitude": -119.71, "Population": 790.0}, {"index": 17213, "quantile": 0.0, "value": 225000.0, "Latitude": 34.44, "Longitude": -119.72, "Population": 1256.0}, {"index": 17213, "quantile": 0.25, "value": 489925.00000000006, "Latitude": 34.44, "Longitude": -119.72, "Population": 1256.0}, {"index": 17213, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.72, "Population": 1256.0}, {"index": 17213, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.72, "Population": 1256.0}, {"index": 17213, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.72, "Population": 1256.0}, {"index": 17214, "quantile": 0.0, "value": 132200.0, "Latitude": 34.44, "Longitude": -119.71, "Population": 711.0}, {"index": 17214, "quantile": 0.25, "value": 411125.0, "Latitude": 34.44, "Longitude": -119.71, "Population": 711.0}, {"index": 17214, "quantile": 0.5, "value": 443000.0, "Latitude": 34.44, "Longitude": -119.71, "Population": 711.0}, {"index": 17214, "quantile": 0.75, "value": 443000.0, "Latitude": 34.44, "Longitude": -119.71, "Population": 711.0}, {"index": 17214, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.71, "Population": 711.0}, {"index": 17215, "quantile": 0.0, "value": 183700.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 678.0}, {"index": 17215, "quantile": 0.25, "value": 375350.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 678.0}, {"index": 17215, "quantile": 0.5, "value": 418400.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 678.0}, {"index": 17215, "quantile": 0.75, "value": 418400.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 678.0}, {"index": 17215, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.7, "Population": 678.0}, {"index": 17216, "quantile": 0.0, "value": 121600.0, "Latitude": 34.43, "Longitude": -119.71, "Population": 1005.0}, {"index": 17216, "quantile": 0.25, "value": 246400.0, "Latitude": 34.43, "Longitude": -119.71, "Population": 1005.0}, {"index": 17216, "quantile": 0.5, "value": 279100.0, "Latitude": 34.43, "Longitude": -119.71, "Population": 1005.0}, {"index": 17216, "quantile": 0.75, "value": 324400.0, "Latitude": 34.43, "Longitude": -119.71, "Population": 1005.0}, {"index": 17216, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.71, "Population": 1005.0}, {"index": 17217, "quantile": 0.0, "value": 162500.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 758.0}, {"index": 17217, "quantile": 0.25, "value": 250000.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 758.0}, {"index": 17217, "quantile": 0.5, "value": 279200.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 758.0}, {"index": 17217, "quantile": 0.75, "value": 290900.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 758.0}, {"index": 17217, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.7, "Population": 758.0}, {"index": 17218, "quantile": 0.0, "value": 72500.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 412.0}, {"index": 17218, "quantile": 0.25, "value": 300000.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 412.0}, {"index": 17218, "quantile": 0.5, "value": 300000.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 412.0}, {"index": 17218, "quantile": 0.75, "value": 300000.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 412.0}, {"index": 17218, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.7, "Population": 412.0}, {"index": 17219, "quantile": 0.0, "value": 347800.0, "Latitude": 34.47, "Longitude": -119.7, "Population": 1304.0}, {"index": 17219, "quantile": 0.25, "value": 438500.0, "Latitude": 34.47, "Longitude": -119.7, "Population": 1304.0}, {"index": 17219, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.47, "Longitude": -119.7, "Population": 1304.0}, {"index": 17219, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.47, "Longitude": -119.7, "Population": 1304.0}, {"index": 17219, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.47, "Longitude": -119.7, "Population": 1304.0}, {"index": 17220, "quantile": 0.0, "value": 241299.99999999997, "Latitude": 34.47, "Longitude": -119.72, "Population": 1265.0}, {"index": 17220, "quantile": 0.25, "value": 381800.0, "Latitude": 34.47, "Longitude": -119.72, "Population": 1265.0}, {"index": 17220, "quantile": 0.5, "value": 381800.0, "Latitude": 34.47, "Longitude": -119.72, "Population": 1265.0}, {"index": 17220, "quantile": 0.75, "value": 381800.0, "Latitude": 34.47, "Longitude": -119.72, "Population": 1265.0}, {"index": 17220, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.47, "Longitude": -119.72, "Population": 1265.0}, {"index": 17221, "quantile": 0.0, "value": 151400.0, "Latitude": 34.45, "Longitude": -119.71, "Population": 988.0}, {"index": 17221, "quantile": 0.25, "value": 322425.0, "Latitude": 34.45, "Longitude": -119.71, "Population": 988.0}, {"index": 17221, "quantile": 0.5, "value": 384400.0, "Latitude": 34.45, "Longitude": -119.71, "Population": 988.0}, {"index": 17221, "quantile": 0.75, "value": 384400.0, "Latitude": 34.45, "Longitude": -119.71, "Population": 988.0}, {"index": 17221, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.45, "Longitude": -119.71, "Population": 988.0}, {"index": 17222, "quantile": 0.0, "value": 223500.0, "Latitude": 34.44, "Longitude": -119.71, "Population": 927.0}, {"index": 17222, "quantile": 0.25, "value": 372950.0, "Latitude": 34.44, "Longitude": -119.71, "Population": 927.0}, {"index": 17222, "quantile": 0.5, "value": 376000.0, "Latitude": 34.44, "Longitude": -119.71, "Population": 927.0}, {"index": 17222, "quantile": 0.75, "value": 376000.0, "Latitude": 34.44, "Longitude": -119.71, "Population": 927.0}, {"index": 17222, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.71, "Population": 927.0}, {"index": 17223, "quantile": 0.0, "value": 124700.00000000001, "Latitude": 34.44, "Longitude": -119.72, "Population": 663.0}, {"index": 17223, "quantile": 0.25, "value": 304600.0, "Latitude": 34.44, "Longitude": -119.72, "Population": 663.0}, {"index": 17223, "quantile": 0.5, "value": 365900.0, "Latitude": 34.44, "Longitude": -119.72, "Population": 663.0}, {"index": 17223, "quantile": 0.75, "value": 385000.0, "Latitude": 34.44, "Longitude": -119.72, "Population": 663.0}, {"index": 17223, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.72, "Population": 663.0}, {"index": 17224, "quantile": 0.0, "value": 155400.0, "Latitude": 34.44, "Longitude": -119.72, "Population": 700.0}, {"index": 17224, "quantile": 0.25, "value": 289900.0, "Latitude": 34.44, "Longitude": -119.72, "Population": 700.0}, {"index": 17224, "quantile": 0.5, "value": 289900.0, "Latitude": 34.44, "Longitude": -119.72, "Population": 700.0}, {"index": 17224, "quantile": 0.75, "value": 289900.0, "Latitude": 34.44, "Longitude": -119.72, "Population": 700.0}, {"index": 17224, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.72, "Population": 700.0}, {"index": 17225, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 34.44, "Longitude": -119.73, "Population": 973.0}, {"index": 17225, "quantile": 0.25, "value": 287825.0, "Latitude": 34.44, "Longitude": -119.73, "Population": 973.0}, {"index": 17225, "quantile": 0.5, "value": 351100.0, "Latitude": 34.44, "Longitude": -119.73, "Population": 973.0}, {"index": 17225, "quantile": 0.75, "value": 351100.0, "Latitude": 34.44, "Longitude": -119.73, "Population": 973.0}, {"index": 17225, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.73, "Population": 973.0}, {"index": 17226, "quantile": 0.0, "value": 160100.0, "Latitude": 34.45, "Longitude": -119.73, "Population": 763.0}, {"index": 17226, "quantile": 0.25, "value": 397500.0, "Latitude": 34.45, "Longitude": -119.73, "Population": 763.0}, {"index": 17226, "quantile": 0.5, "value": 499550.49999999994, "Latitude": 34.45, "Longitude": -119.73, "Population": 763.0}, {"index": 17226, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.45, "Longitude": -119.73, "Population": 763.0}, {"index": 17226, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.45, "Longitude": -119.73, "Population": 763.0}, {"index": 17227, "quantile": 0.0, "value": 67500.0, "Latitude": 34.44, "Longitude": -119.74, "Population": 503.0}, {"index": 17227, "quantile": 0.25, "value": 164050.0, "Latitude": 34.44, "Longitude": -119.74, "Population": 503.0}, {"index": 17227, "quantile": 0.5, "value": 234700.0, "Latitude": 34.44, "Longitude": -119.74, "Population": 503.0}, {"index": 17227, "quantile": 0.75, "value": 281275.0, "Latitude": 34.44, "Longitude": -119.74, "Population": 503.0}, {"index": 17227, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 34.44, "Longitude": -119.74, "Population": 503.0}, {"index": 17228, "quantile": 0.0, "value": 169300.0, "Latitude": 34.45, "Longitude": -119.74, "Population": 1092.0}, {"index": 17228, "quantile": 0.25, "value": 354475.0, "Latitude": 34.45, "Longitude": -119.74, "Population": 1092.0}, {"index": 17228, "quantile": 0.5, "value": 383100.0, "Latitude": 34.45, "Longitude": -119.74, "Population": 1092.0}, {"index": 17228, "quantile": 0.75, "value": 383100.0, "Latitude": 34.45, "Longitude": -119.74, "Population": 1092.0}, {"index": 17228, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.45, "Longitude": -119.74, "Population": 1092.0}, {"index": 17229, "quantile": 0.0, "value": 160100.0, "Latitude": 34.44, "Longitude": -119.69, "Population": 666.0}, {"index": 17229, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.69, "Population": 666.0}, {"index": 17229, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.69, "Population": 666.0}, {"index": 17229, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.69, "Population": 666.0}, {"index": 17229, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.69, "Population": 666.0}, {"index": 17230, "quantile": 0.0, "value": 152000.0, "Latitude": 34.43, "Longitude": -119.69, "Population": 1011.0}, {"index": 17230, "quantile": 0.25, "value": 351100.0, "Latitude": 34.43, "Longitude": -119.69, "Population": 1011.0}, {"index": 17230, "quantile": 0.5, "value": 443600.0, "Latitude": 34.43, "Longitude": -119.69, "Population": 1011.0}, {"index": 17230, "quantile": 0.75, "value": 443600.0, "Latitude": 34.43, "Longitude": -119.69, "Population": 1011.0}, {"index": 17230, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.69, "Population": 1011.0}, {"index": 17231, "quantile": 0.0, "value": 68500.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 654.0}, {"index": 17231, "quantile": 0.25, "value": 231799.99999999997, "Latitude": 34.43, "Longitude": -119.7, "Population": 654.0}, {"index": 17231, "quantile": 0.5, "value": 280250.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 654.0}, {"index": 17231, "quantile": 0.75, "value": 320600.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 654.0}, {"index": 17231, "quantile": 1.0, "value": 431400.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 654.0}, {"index": 17232, "quantile": 0.0, "value": 161200.0, "Latitude": 34.43, "Longitude": -119.69, "Population": 671.0}, {"index": 17232, "quantile": 0.25, "value": 274500.0, "Latitude": 34.43, "Longitude": -119.69, "Population": 671.0}, {"index": 17232, "quantile": 0.5, "value": 280600.0, "Latitude": 34.43, "Longitude": -119.69, "Population": 671.0}, {"index": 17232, "quantile": 0.75, "value": 280600.0, "Latitude": 34.43, "Longitude": -119.69, "Population": 671.0}, {"index": 17232, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.69, "Population": 671.0}, {"index": 17233, "quantile": 0.0, "value": 268200.0, "Latitude": 34.43, "Longitude": -119.69, "Population": 1150.0}, {"index": 17233, "quantile": 0.25, "value": 387700.0, "Latitude": 34.43, "Longitude": -119.69, "Population": 1150.0}, {"index": 17233, "quantile": 0.5, "value": 387700.0, "Latitude": 34.43, "Longitude": -119.69, "Population": 1150.0}, {"index": 17233, "quantile": 0.75, "value": 387700.0, "Latitude": 34.43, "Longitude": -119.69, "Population": 1150.0}, {"index": 17233, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.69, "Population": 1150.0}, {"index": 17234, "quantile": 0.0, "value": 224100.0, "Latitude": 34.44, "Longitude": -119.68, "Population": 917.0}, {"index": 17234, "quantile": 0.25, "value": 352400.0, "Latitude": 34.44, "Longitude": -119.68, "Population": 917.0}, {"index": 17234, "quantile": 0.5, "value": 496400.00000000006, "Latitude": 34.44, "Longitude": -119.68, "Population": 917.0}, {"index": 17234, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.68, "Population": 917.0}, {"index": 17234, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.68, "Population": 917.0}, {"index": 17235, "quantile": 0.0, "value": 121300.00000000001, "Latitude": 34.47, "Longitude": -119.67, "Population": 1995.0}, {"index": 17235, "quantile": 0.25, "value": 200175.0, "Latitude": 34.47, "Longitude": -119.67, "Population": 1995.0}, {"index": 17235, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.47, "Longitude": -119.67, "Population": 1995.0}, {"index": 17235, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.47, "Longitude": -119.67, "Population": 1995.0}, {"index": 17235, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.47, "Longitude": -119.67, "Population": 1995.0}, {"index": 17236, "quantile": 0.0, "value": 197000.0, "Latitude": 34.44, "Longitude": -119.66, "Population": 1014.0}, {"index": 17236, "quantile": 0.25, "value": 401625.00000000006, "Latitude": 34.44, "Longitude": -119.66, "Population": 1014.0}, {"index": 17236, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.66, "Population": 1014.0}, {"index": 17236, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.66, "Population": 1014.0}, {"index": 17236, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.66, "Population": 1014.0}, {"index": 17237, "quantile": 0.0, "value": 173300.0, "Latitude": 34.43, "Longitude": -119.66, "Population": 2591.0}, {"index": 17237, "quantile": 0.25, "value": 231650.0, "Latitude": 34.43, "Longitude": -119.66, "Population": 2591.0}, {"index": 17237, "quantile": 0.5, "value": 270650.0, "Latitude": 34.43, "Longitude": -119.66, "Population": 2591.0}, {"index": 17237, "quantile": 0.75, "value": 343775.0, "Latitude": 34.43, "Longitude": -119.66, "Population": 2591.0}, {"index": 17237, "quantile": 1.0, "value": 476700.00000000006, "Latitude": 34.43, "Longitude": -119.66, "Population": 2591.0}, {"index": 17238, "quantile": 0.0, "value": 136400.0, "Latitude": 34.44, "Longitude": -119.67, "Population": 1316.0}, {"index": 17238, "quantile": 0.25, "value": 384349.99999999994, "Latitude": 34.44, "Longitude": -119.67, "Population": 1316.0}, {"index": 17238, "quantile": 0.5, "value": 463800.0, "Latitude": 34.44, "Longitude": -119.67, "Population": 1316.0}, {"index": 17238, "quantile": 0.75, "value": 463800.0, "Latitude": 34.44, "Longitude": -119.67, "Population": 1316.0}, {"index": 17238, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.67, "Population": 1316.0}, {"index": 17239, "quantile": 0.0, "value": 115500.0, "Latitude": 34.43, "Longitude": -119.69, "Population": 1082.0}, {"index": 17239, "quantile": 0.25, "value": 228100.0, "Latitude": 34.43, "Longitude": -119.69, "Population": 1082.0}, {"index": 17239, "quantile": 0.5, "value": 228100.0, "Latitude": 34.43, "Longitude": -119.69, "Population": 1082.0}, {"index": 17239, "quantile": 0.75, "value": 228100.0, "Latitude": 34.43, "Longitude": -119.69, "Population": 1082.0}, {"index": 17239, "quantile": 1.0, "value": 267000.0, "Latitude": 34.43, "Longitude": -119.69, "Population": 1082.0}, {"index": 17240, "quantile": 0.0, "value": 59800.0, "Latitude": 34.43, "Longitude": -119.68, "Population": 1693.0}, {"index": 17240, "quantile": 0.25, "value": 236000.0, "Latitude": 34.43, "Longitude": -119.68, "Population": 1693.0}, {"index": 17240, "quantile": 0.5, "value": 236000.0, "Latitude": 34.43, "Longitude": -119.68, "Population": 1693.0}, {"index": 17240, "quantile": 0.75, "value": 236000.0, "Latitude": 34.43, "Longitude": -119.68, "Population": 1693.0}, {"index": 17240, "quantile": 1.0, "value": 375000.0, "Latitude": 34.43, "Longitude": -119.68, "Population": 1693.0}, {"index": 17241, "quantile": 0.0, "value": 84600.0, "Latitude": 34.43, "Longitude": -119.68, "Population": 1267.0}, {"index": 17241, "quantile": 0.25, "value": 213899.99999999997, "Latitude": 34.43, "Longitude": -119.68, "Population": 1267.0}, {"index": 17241, "quantile": 0.5, "value": 251200.0, "Latitude": 34.43, "Longitude": -119.68, "Population": 1267.0}, {"index": 17241, "quantile": 0.75, "value": 251200.0, "Latitude": 34.43, "Longitude": -119.68, "Population": 1267.0}, {"index": 17241, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.68, "Population": 1267.0}, {"index": 17242, "quantile": 0.0, "value": 162500.0, "Latitude": 34.38, "Longitude": -119.67, "Population": 849.0}, {"index": 17242, "quantile": 0.25, "value": 254575.0, "Latitude": 34.38, "Longitude": -119.67, "Population": 849.0}, {"index": 17242, "quantile": 0.5, "value": 313199.99999999994, "Latitude": 34.38, "Longitude": -119.67, "Population": 849.0}, {"index": 17242, "quantile": 0.75, "value": 372700.0, "Latitude": 34.38, "Longitude": -119.67, "Population": 849.0}, {"index": 17242, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.38, "Longitude": -119.67, "Population": 849.0}, {"index": 17243, "quantile": 0.0, "value": 160100.0, "Latitude": 34.42, "Longitude": -119.68, "Population": 1139.0}, {"index": 17243, "quantile": 0.25, "value": 236800.0, "Latitude": 34.42, "Longitude": -119.68, "Population": 1139.0}, {"index": 17243, "quantile": 0.5, "value": 236800.0, "Latitude": 34.42, "Longitude": -119.68, "Population": 1139.0}, {"index": 17243, "quantile": 0.75, "value": 236800.0, "Latitude": 34.42, "Longitude": -119.68, "Population": 1139.0}, {"index": 17243, "quantile": 1.0, "value": 353600.0, "Latitude": 34.42, "Longitude": -119.68, "Population": 1139.0}, {"index": 17244, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.43, "Longitude": -119.67, "Population": 1404.0}, {"index": 17244, "quantile": 0.25, "value": 186025.00000000003, "Latitude": 34.43, "Longitude": -119.67, "Population": 1404.0}, {"index": 17244, "quantile": 0.5, "value": 241400.00000000003, "Latitude": 34.43, "Longitude": -119.67, "Population": 1404.0}, {"index": 17244, "quantile": 0.75, "value": 241400.00000000003, "Latitude": 34.43, "Longitude": -119.67, "Population": 1404.0}, {"index": 17244, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 34.43, "Longitude": -119.67, "Population": 1404.0}, {"index": 17245, "quantile": 0.0, "value": 37500.0, "Latitude": 34.42, "Longitude": -119.67, "Population": 1477.0}, {"index": 17245, "quantile": 0.25, "value": 226500.0, "Latitude": 34.42, "Longitude": -119.67, "Population": 1477.0}, {"index": 17245, "quantile": 0.5, "value": 246700.0, "Latitude": 34.42, "Longitude": -119.67, "Population": 1477.0}, {"index": 17245, "quantile": 0.75, "value": 246700.0, "Latitude": 34.42, "Longitude": -119.67, "Population": 1477.0}, {"index": 17245, "quantile": 1.0, "value": 325000.0, "Latitude": 34.42, "Longitude": -119.67, "Population": 1477.0}, {"index": 17246, "quantile": 0.0, "value": 37500.0, "Latitude": 34.42, "Longitude": -119.67, "Population": 1369.0}, {"index": 17246, "quantile": 0.25, "value": 176675.0, "Latitude": 34.42, "Longitude": -119.67, "Population": 1369.0}, {"index": 17246, "quantile": 0.5, "value": 212300.00000000003, "Latitude": 34.42, "Longitude": -119.67, "Population": 1369.0}, {"index": 17246, "quantile": 0.75, "value": 228125.0, "Latitude": 34.42, "Longitude": -119.67, "Population": 1369.0}, {"index": 17246, "quantile": 1.0, "value": 305800.0, "Latitude": 34.42, "Longitude": -119.67, "Population": 1369.0}, {"index": 17247, "quantile": 0.0, "value": 17500.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 804.0}, {"index": 17247, "quantile": 0.25, "value": 238249.99999999997, "Latitude": 34.43, "Longitude": -119.7, "Population": 804.0}, {"index": 17247, "quantile": 0.5, "value": 272100.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 804.0}, {"index": 17247, "quantile": 0.75, "value": 290900.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 804.0}, {"index": 17247, "quantile": 1.0, "value": 431400.0, "Latitude": 34.43, "Longitude": -119.7, "Population": 804.0}, {"index": 17248, "quantile": 0.0, "value": 22500.0, "Latitude": 34.42, "Longitude": -119.7, "Population": 291.0}, {"index": 17248, "quantile": 0.25, "value": 167125.0, "Latitude": 34.42, "Longitude": -119.7, "Population": 291.0}, {"index": 17248, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 34.42, "Longitude": -119.7, "Population": 291.0}, {"index": 17248, "quantile": 0.75, "value": 260150.00000000003, "Latitude": 34.42, "Longitude": -119.7, "Population": 291.0}, {"index": 17248, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.42, "Longitude": -119.7, "Population": 291.0}, {"index": 17249, "quantile": 0.0, "value": 112500.0, "Latitude": 34.42, "Longitude": -119.7, "Population": 582.0}, {"index": 17249, "quantile": 0.25, "value": 247499.99999999997, "Latitude": 34.42, "Longitude": -119.7, "Population": 582.0}, {"index": 17249, "quantile": 0.5, "value": 362500.0, "Latitude": 34.42, "Longitude": -119.7, "Population": 582.0}, {"index": 17249, "quantile": 0.75, "value": 362500.0, "Latitude": 34.42, "Longitude": -119.7, "Population": 582.0}, {"index": 17249, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.42, "Longitude": -119.7, "Population": 582.0}, {"index": 17250, "quantile": 0.0, "value": 37500.0, "Latitude": 34.42, "Longitude": -119.69, "Population": 1325.0}, {"index": 17250, "quantile": 0.25, "value": 253600.0, "Latitude": 34.42, "Longitude": -119.69, "Population": 1325.0}, {"index": 17250, "quantile": 0.5, "value": 253600.0, "Latitude": 34.42, "Longitude": -119.69, "Population": 1325.0}, {"index": 17250, "quantile": 0.75, "value": 253600.0, "Latitude": 34.42, "Longitude": -119.69, "Population": 1325.0}, {"index": 17250, "quantile": 1.0, "value": 350000.0, "Latitude": 34.42, "Longitude": -119.69, "Population": 1325.0}, {"index": 17251, "quantile": 0.0, "value": 38800.0, "Latitude": 34.42, "Longitude": -119.69, "Population": 392.0}, {"index": 17251, "quantile": 0.25, "value": 91625.0, "Latitude": 34.42, "Longitude": -119.69, "Population": 392.0}, {"index": 17251, "quantile": 0.5, "value": 177500.0, "Latitude": 34.42, "Longitude": -119.69, "Population": 392.0}, {"index": 17251, "quantile": 0.75, "value": 226500.0, "Latitude": 34.42, "Longitude": -119.69, "Population": 392.0}, {"index": 17251, "quantile": 1.0, "value": 350000.0, "Latitude": 34.42, "Longitude": -119.69, "Population": 392.0}, {"index": 17252, "quantile": 0.0, "value": 17500.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 851.0}, {"index": 17252, "quantile": 0.25, "value": 237500.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 851.0}, {"index": 17252, "quantile": 0.5, "value": 237500.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 851.0}, {"index": 17252, "quantile": 0.75, "value": 237500.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 851.0}, {"index": 17252, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.42, "Longitude": -119.71, "Population": 851.0}, {"index": 17253, "quantile": 0.0, "value": 167500.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 1041.0}, {"index": 17253, "quantile": 0.25, "value": 246900.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 1041.0}, {"index": 17253, "quantile": 0.5, "value": 246900.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 1041.0}, {"index": 17253, "quantile": 0.75, "value": 246900.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 1041.0}, {"index": 17253, "quantile": 1.0, "value": 475000.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 1041.0}, {"index": 17254, "quantile": 0.0, "value": 70000.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 606.0}, {"index": 17254, "quantile": 0.25, "value": 258300.00000000003, "Latitude": 34.42, "Longitude": -119.71, "Population": 606.0}, {"index": 17254, "quantile": 0.5, "value": 259100.00000000003, "Latitude": 34.42, "Longitude": -119.71, "Population": 606.0}, {"index": 17254, "quantile": 0.75, "value": 259100.00000000003, "Latitude": 34.42, "Longitude": -119.71, "Population": 606.0}, {"index": 17254, "quantile": 1.0, "value": 438300.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 606.0}, {"index": 17255, "quantile": 0.0, "value": 162500.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 488.0}, {"index": 17255, "quantile": 0.25, "value": 258300.00000000003, "Latitude": 34.42, "Longitude": -119.71, "Population": 488.0}, {"index": 17255, "quantile": 0.5, "value": 258300.00000000003, "Latitude": 34.42, "Longitude": -119.71, "Population": 488.0}, {"index": 17255, "quantile": 0.75, "value": 258300.00000000003, "Latitude": 34.42, "Longitude": -119.71, "Population": 488.0}, {"index": 17255, "quantile": 1.0, "value": 431400.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 488.0}, {"index": 17256, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 34.42, "Longitude": -119.7, "Population": 1490.0}, {"index": 17256, "quantile": 0.25, "value": 247900.0, "Latitude": 34.42, "Longitude": -119.7, "Population": 1490.0}, {"index": 17256, "quantile": 0.5, "value": 247900.0, "Latitude": 34.42, "Longitude": -119.7, "Population": 1490.0}, {"index": 17256, "quantile": 0.75, "value": 247900.0, "Latitude": 34.42, "Longitude": -119.7, "Population": 1490.0}, {"index": 17256, "quantile": 1.0, "value": 321400.0, "Latitude": 34.42, "Longitude": -119.7, "Population": 1490.0}, {"index": 17257, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 34.41, "Longitude": -119.7, "Population": 1633.0}, {"index": 17257, "quantile": 0.25, "value": 226500.0, "Latitude": 34.41, "Longitude": -119.7, "Population": 1633.0}, {"index": 17257, "quantile": 0.5, "value": 226500.0, "Latitude": 34.41, "Longitude": -119.7, "Population": 1633.0}, {"index": 17257, "quantile": 0.75, "value": 226500.0, "Latitude": 34.41, "Longitude": -119.7, "Population": 1633.0}, {"index": 17257, "quantile": 1.0, "value": 275000.0, "Latitude": 34.41, "Longitude": -119.7, "Population": 1633.0}, {"index": 17258, "quantile": 0.0, "value": 181300.0, "Latitude": 34.42, "Longitude": -119.72, "Population": 1027.0}, {"index": 17258, "quantile": 0.25, "value": 264700.0, "Latitude": 34.42, "Longitude": -119.72, "Population": 1027.0}, {"index": 17258, "quantile": 0.5, "value": 264700.0, "Latitude": 34.42, "Longitude": -119.72, "Population": 1027.0}, {"index": 17258, "quantile": 0.75, "value": 264700.0, "Latitude": 34.42, "Longitude": -119.72, "Population": 1027.0}, {"index": 17258, "quantile": 1.0, "value": 362500.0, "Latitude": 34.42, "Longitude": -119.72, "Population": 1027.0}, {"index": 17259, "quantile": 0.0, "value": 50500.0, "Latitude": 34.42, "Longitude": -119.72, "Population": 1257.0}, {"index": 17259, "quantile": 0.25, "value": 233650.0, "Latitude": 34.42, "Longitude": -119.72, "Population": 1257.0}, {"index": 17259, "quantile": 0.5, "value": 250000.0, "Latitude": 34.42, "Longitude": -119.72, "Population": 1257.0}, {"index": 17259, "quantile": 0.75, "value": 250000.0, "Latitude": 34.42, "Longitude": -119.72, "Population": 1257.0}, {"index": 17259, "quantile": 1.0, "value": 275000.0, "Latitude": 34.42, "Longitude": -119.72, "Population": 1257.0}, {"index": 17260, "quantile": 0.0, "value": 120900.00000000001, "Latitude": 34.42, "Longitude": -119.72, "Population": 961.0}, {"index": 17260, "quantile": 0.25, "value": 260100.0, "Latitude": 34.42, "Longitude": -119.72, "Population": 961.0}, {"index": 17260, "quantile": 0.5, "value": 260100.0, "Latitude": 34.42, "Longitude": -119.72, "Population": 961.0}, {"index": 17260, "quantile": 0.75, "value": 260100.0, "Latitude": 34.42, "Longitude": -119.72, "Population": 961.0}, {"index": 17260, "quantile": 1.0, "value": 350000.0, "Latitude": 34.42, "Longitude": -119.72, "Population": 961.0}, {"index": 17261, "quantile": 0.0, "value": 93900.0, "Latitude": 34.42, "Longitude": -119.72, "Population": 980.0}, {"index": 17261, "quantile": 0.25, "value": 261000.0, "Latitude": 34.42, "Longitude": -119.72, "Population": 980.0}, {"index": 17261, "quantile": 0.5, "value": 261000.0, "Latitude": 34.42, "Longitude": -119.72, "Population": 980.0}, {"index": 17261, "quantile": 0.75, "value": 261000.0, "Latitude": 34.42, "Longitude": -119.72, "Population": 980.0}, {"index": 17261, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.42, "Longitude": -119.72, "Population": 980.0}, {"index": 17262, "quantile": 0.0, "value": 130100.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 1091.0}, {"index": 17262, "quantile": 0.25, "value": 220575.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 1091.0}, {"index": 17262, "quantile": 0.5, "value": 252900.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 1091.0}, {"index": 17262, "quantile": 0.75, "value": 252900.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 1091.0}, {"index": 17262, "quantile": 1.0, "value": 425000.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 1091.0}, {"index": 17263, "quantile": 0.0, "value": 153700.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 1898.0}, {"index": 17263, "quantile": 0.25, "value": 226949.99999999997, "Latitude": 34.42, "Longitude": -119.71, "Population": 1898.0}, {"index": 17263, "quantile": 0.5, "value": 230799.99999999997, "Latitude": 34.42, "Longitude": -119.71, "Population": 1898.0}, {"index": 17263, "quantile": 0.75, "value": 230799.99999999997, "Latitude": 34.42, "Longitude": -119.71, "Population": 1898.0}, {"index": 17263, "quantile": 1.0, "value": 254500.0, "Latitude": 34.42, "Longitude": -119.71, "Population": 1898.0}, {"index": 17264, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.41, "Longitude": -119.71, "Population": 997.0}, {"index": 17264, "quantile": 0.25, "value": 226500.0, "Latitude": 34.41, "Longitude": -119.71, "Population": 997.0}, {"index": 17264, "quantile": 0.5, "value": 228200.0, "Latitude": 34.41, "Longitude": -119.71, "Population": 997.0}, {"index": 17264, "quantile": 0.75, "value": 248425.00000000003, "Latitude": 34.41, "Longitude": -119.71, "Population": 997.0}, {"index": 17264, "quantile": 1.0, "value": 321400.0, "Latitude": 34.41, "Longitude": -119.71, "Population": 997.0}, {"index": 17265, "quantile": 0.0, "value": 107900.0, "Latitude": 34.35, "Longitude": -119.73, "Population": 905.0}, {"index": 17265, "quantile": 0.25, "value": 236125.0, "Latitude": 34.35, "Longitude": -119.73, "Population": 905.0}, {"index": 17265, "quantile": 0.5, "value": 335200.0, "Latitude": 34.35, "Longitude": -119.73, "Population": 905.0}, {"index": 17265, "quantile": 0.75, "value": 335200.0, "Latitude": 34.35, "Longitude": -119.73, "Population": 905.0}, {"index": 17265, "quantile": 1.0, "value": 335200.0, "Latitude": 34.35, "Longitude": -119.73, "Population": 905.0}, {"index": 17266, "quantile": 0.0, "value": 110700.0, "Latitude": 34.36, "Longitude": -119.71, "Population": 628.0}, {"index": 17266, "quantile": 0.25, "value": 230525.0, "Latitude": 34.36, "Longitude": -119.71, "Population": 628.0}, {"index": 17266, "quantile": 0.5, "value": 303800.0, "Latitude": 34.36, "Longitude": -119.71, "Population": 628.0}, {"index": 17266, "quantile": 0.75, "value": 350000.0, "Latitude": 34.36, "Longitude": -119.71, "Population": 628.0}, {"index": 17266, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.36, "Longitude": -119.71, "Population": 628.0}, {"index": 17267, "quantile": 0.0, "value": 185800.0, "Latitude": 34.36, "Longitude": -119.7, "Population": 904.0}, {"index": 17267, "quantile": 0.25, "value": 294375.0, "Latitude": 34.36, "Longitude": -119.7, "Population": 904.0}, {"index": 17267, "quantile": 0.5, "value": 336400.0, "Latitude": 34.36, "Longitude": -119.7, "Population": 904.0}, {"index": 17267, "quantile": 0.75, "value": 336400.0, "Latitude": 34.36, "Longitude": -119.7, "Population": 904.0}, {"index": 17267, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.36, "Longitude": -119.7, "Population": 904.0}, {"index": 17268, "quantile": 0.0, "value": 94500.0, "Latitude": 34.4, "Longitude": -119.71, "Population": 748.0}, {"index": 17268, "quantile": 0.25, "value": 284800.0, "Latitude": 34.4, "Longitude": -119.71, "Population": 748.0}, {"index": 17268, "quantile": 0.5, "value": 319100.0, "Latitude": 34.4, "Longitude": -119.71, "Population": 748.0}, {"index": 17268, "quantile": 0.75, "value": 373775.0, "Latitude": 34.4, "Longitude": -119.71, "Population": 748.0}, {"index": 17268, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.4, "Longitude": -119.71, "Population": 748.0}, {"index": 17269, "quantile": 0.0, "value": 137300.0, "Latitude": 34.4, "Longitude": -119.7, "Population": 865.0}, {"index": 17269, "quantile": 0.25, "value": 312500.0, "Latitude": 34.4, "Longitude": -119.7, "Population": 865.0}, {"index": 17269, "quantile": 0.5, "value": 312500.0, "Latitude": 34.4, "Longitude": -119.7, "Population": 865.0}, {"index": 17269, "quantile": 0.75, "value": 312500.0, "Latitude": 34.4, "Longitude": -119.7, "Population": 865.0}, {"index": 17269, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.4, "Longitude": -119.7, "Population": 865.0}, {"index": 17270, "quantile": 0.0, "value": 86300.0, "Latitude": 34.41, "Longitude": -119.72, "Population": 354.0}, {"index": 17270, "quantile": 0.25, "value": 290650.0, "Latitude": 34.41, "Longitude": -119.72, "Population": 354.0}, {"index": 17270, "quantile": 0.5, "value": 341800.0, "Latitude": 34.41, "Longitude": -119.72, "Population": 354.0}, {"index": 17270, "quantile": 0.75, "value": 341800.0, "Latitude": 34.41, "Longitude": -119.72, "Population": 354.0}, {"index": 17270, "quantile": 1.0, "value": 443600.0, "Latitude": 34.41, "Longitude": -119.72, "Population": 354.0}, {"index": 17271, "quantile": 0.0, "value": 89500.0, "Latitude": 34.4, "Longitude": -119.71, "Population": 1742.0}, {"index": 17271, "quantile": 0.25, "value": 244499.99999999997, "Latitude": 34.4, "Longitude": -119.71, "Population": 1742.0}, {"index": 17271, "quantile": 0.5, "value": 281000.0, "Latitude": 34.4, "Longitude": -119.71, "Population": 1742.0}, {"index": 17271, "quantile": 0.75, "value": 336725.0, "Latitude": 34.4, "Longitude": -119.71, "Population": 1742.0}, {"index": 17271, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.4, "Longitude": -119.71, "Population": 1742.0}, {"index": 17272, "quantile": 0.0, "value": 112500.0, "Latitude": 34.41, "Longitude": -119.71, "Population": 694.0}, {"index": 17272, "quantile": 0.25, "value": 173000.0, "Latitude": 34.41, "Longitude": -119.71, "Population": 694.0}, {"index": 17272, "quantile": 0.5, "value": 223100.0, "Latitude": 34.41, "Longitude": -119.71, "Population": 694.0}, {"index": 17272, "quantile": 0.75, "value": 281150.0, "Latitude": 34.41, "Longitude": -119.71, "Population": 694.0}, {"index": 17272, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.41, "Longitude": -119.71, "Population": 694.0}, {"index": 17273, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.41, "Longitude": -119.7, "Population": 1349.0}, {"index": 17273, "quantile": 0.25, "value": 226500.0, "Latitude": 34.41, "Longitude": -119.7, "Population": 1349.0}, {"index": 17273, "quantile": 0.5, "value": 226500.0, "Latitude": 34.41, "Longitude": -119.7, "Population": 1349.0}, {"index": 17273, "quantile": 0.75, "value": 227349.99999999997, "Latitude": 34.41, "Longitude": -119.7, "Population": 1349.0}, {"index": 17273, "quantile": 1.0, "value": 350000.0, "Latitude": 34.41, "Longitude": -119.7, "Population": 1349.0}, {"index": 17274, "quantile": 0.0, "value": 160100.0, "Latitude": 34.41, "Longitude": -119.7, "Population": 1701.0}, {"index": 17274, "quantile": 0.25, "value": 227700.0, "Latitude": 34.41, "Longitude": -119.7, "Population": 1701.0}, {"index": 17274, "quantile": 0.5, "value": 236100.00000000003, "Latitude": 34.41, "Longitude": -119.7, "Population": 1701.0}, {"index": 17274, "quantile": 0.75, "value": 236100.00000000003, "Latitude": 34.41, "Longitude": -119.7, "Population": 1701.0}, {"index": 17274, "quantile": 1.0, "value": 250000.0, "Latitude": 34.41, "Longitude": -119.7, "Population": 1701.0}, {"index": 17275, "quantile": 0.0, "value": 17500.0, "Latitude": 34.38, "Longitude": -119.69, "Population": 677.0}, {"index": 17275, "quantile": 0.25, "value": 281300.0, "Latitude": 34.38, "Longitude": -119.69, "Population": 677.0}, {"index": 17275, "quantile": 0.5, "value": 281300.0, "Latitude": 34.38, "Longitude": -119.69, "Population": 677.0}, {"index": 17275, "quantile": 0.75, "value": 281300.0, "Latitude": 34.38, "Longitude": -119.69, "Population": 677.0}, {"index": 17275, "quantile": 1.0, "value": 438300.0, "Latitude": 34.38, "Longitude": -119.69, "Population": 677.0}, {"index": 17276, "quantile": 0.0, "value": 17500.0, "Latitude": 34.41, "Longitude": -119.69, "Population": 603.0}, {"index": 17276, "quantile": 0.25, "value": 238499.99999999997, "Latitude": 34.41, "Longitude": -119.69, "Population": 603.0}, {"index": 17276, "quantile": 0.5, "value": 279200.0, "Latitude": 34.41, "Longitude": -119.69, "Population": 603.0}, {"index": 17276, "quantile": 0.75, "value": 279950.0, "Latitude": 34.41, "Longitude": -119.69, "Population": 603.0}, {"index": 17276, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.41, "Longitude": -119.69, "Population": 603.0}, {"index": 17277, "quantile": 0.0, "value": 174500.0, "Latitude": 34.43, "Longitude": -119.75, "Population": 1317.0}, {"index": 17277, "quantile": 0.25, "value": 283200.0, "Latitude": 34.43, "Longitude": -119.75, "Population": 1317.0}, {"index": 17277, "quantile": 0.5, "value": 283200.0, "Latitude": 34.43, "Longitude": -119.75, "Population": 1317.0}, {"index": 17277, "quantile": 0.75, "value": 283200.0, "Latitude": 34.43, "Longitude": -119.75, "Population": 1317.0}, {"index": 17277, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.75, "Population": 1317.0}, {"index": 17278, "quantile": 0.0, "value": 134500.0, "Latitude": 34.43, "Longitude": -119.74, "Population": 1459.0}, {"index": 17278, "quantile": 0.25, "value": 243600.0, "Latitude": 34.43, "Longitude": -119.74, "Population": 1459.0}, {"index": 17278, "quantile": 0.5, "value": 280200.0, "Latitude": 34.43, "Longitude": -119.74, "Population": 1459.0}, {"index": 17278, "quantile": 0.75, "value": 318025.0, "Latitude": 34.43, "Longitude": -119.74, "Population": 1459.0}, {"index": 17278, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.74, "Population": 1459.0}, {"index": 17279, "quantile": 0.0, "value": 220699.99999999997, "Latitude": 34.4, "Longitude": -119.75, "Population": 826.0}, {"index": 17279, "quantile": 0.25, "value": 453900.00000000006, "Latitude": 34.4, "Longitude": -119.75, "Population": 826.0}, {"index": 17279, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.4, "Longitude": -119.75, "Population": 826.0}, {"index": 17279, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.4, "Longitude": -119.75, "Population": 826.0}, {"index": 17279, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.4, "Longitude": -119.75, "Population": 826.0}, {"index": 17280, "quantile": 0.0, "value": 78000.0, "Latitude": 34.43, "Longitude": -119.73, "Population": 978.0}, {"index": 17280, "quantile": 0.25, "value": 255399.99999999997, "Latitude": 34.43, "Longitude": -119.73, "Population": 978.0}, {"index": 17280, "quantile": 0.5, "value": 261000.0, "Latitude": 34.43, "Longitude": -119.73, "Population": 978.0}, {"index": 17280, "quantile": 0.75, "value": 261000.0, "Latitude": 34.43, "Longitude": -119.73, "Population": 978.0}, {"index": 17280, "quantile": 1.0, "value": 327300.0, "Latitude": 34.43, "Longitude": -119.73, "Population": 978.0}, {"index": 17281, "quantile": 0.0, "value": 99600.0, "Latitude": 34.42, "Longitude": -119.73, "Population": 638.0}, {"index": 17281, "quantile": 0.25, "value": 390200.0, "Latitude": 34.42, "Longitude": -119.73, "Population": 638.0}, {"index": 17281, "quantile": 0.5, "value": 413900.0, "Latitude": 34.42, "Longitude": -119.73, "Population": 638.0}, {"index": 17281, "quantile": 0.75, "value": 413900.0, "Latitude": 34.42, "Longitude": -119.73, "Population": 638.0}, {"index": 17281, "quantile": 1.0, "value": 440100.0, "Latitude": 34.42, "Longitude": -119.73, "Population": 638.0}, {"index": 17282, "quantile": 0.0, "value": 139100.0, "Latitude": 34.42, "Longitude": -119.73, "Population": 907.0}, {"index": 17282, "quantile": 0.25, "value": 392800.0, "Latitude": 34.42, "Longitude": -119.73, "Population": 907.0}, {"index": 17282, "quantile": 0.5, "value": 392800.0, "Latitude": 34.42, "Longitude": -119.73, "Population": 907.0}, {"index": 17282, "quantile": 0.75, "value": 392800.0, "Latitude": 34.42, "Longitude": -119.73, "Population": 907.0}, {"index": 17282, "quantile": 1.0, "value": 489799.99999999994, "Latitude": 34.42, "Longitude": -119.73, "Population": 907.0}, {"index": 17283, "quantile": 0.0, "value": 159400.0, "Latitude": 34.41, "Longitude": -119.72, "Population": 878.0}, {"index": 17283, "quantile": 0.25, "value": 333825.00000000006, "Latitude": 34.41, "Longitude": -119.72, "Population": 878.0}, {"index": 17283, "quantile": 0.5, "value": 335300.0, "Latitude": 34.41, "Longitude": -119.72, "Population": 878.0}, {"index": 17283, "quantile": 0.75, "value": 335300.0, "Latitude": 34.41, "Longitude": -119.72, "Population": 878.0}, {"index": 17283, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.41, "Longitude": -119.72, "Population": 878.0}, {"index": 17284, "quantile": 0.0, "value": 215800.0, "Latitude": 34.41, "Longitude": -119.74, "Population": 1053.0}, {"index": 17284, "quantile": 0.25, "value": 346200.0, "Latitude": 34.41, "Longitude": -119.74, "Population": 1053.0}, {"index": 17284, "quantile": 0.5, "value": 346200.0, "Latitude": 34.41, "Longitude": -119.74, "Population": 1053.0}, {"index": 17284, "quantile": 0.75, "value": 349625.00000000006, "Latitude": 34.41, "Longitude": -119.74, "Population": 1053.0}, {"index": 17284, "quantile": 1.0, "value": 495500.0, "Latitude": 34.41, "Longitude": -119.74, "Population": 1053.0}, {"index": 17285, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 34.41, "Longitude": -119.73, "Population": 703.0}, {"index": 17285, "quantile": 0.25, "value": 315700.0, "Latitude": 34.41, "Longitude": -119.73, "Population": 703.0}, {"index": 17285, "quantile": 0.5, "value": 350000.0, "Latitude": 34.41, "Longitude": -119.73, "Population": 703.0}, {"index": 17285, "quantile": 0.75, "value": 350000.0, "Latitude": 34.41, "Longitude": -119.73, "Population": 703.0}, {"index": 17285, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.41, "Longitude": -119.73, "Population": 703.0}, {"index": 17286, "quantile": 0.0, "value": 71300.0, "Latitude": 34.41, "Longitude": -119.72, "Population": 954.0}, {"index": 17286, "quantile": 0.25, "value": 240625.0, "Latitude": 34.41, "Longitude": -119.72, "Population": 954.0}, {"index": 17286, "quantile": 0.5, "value": 335000.0, "Latitude": 34.41, "Longitude": -119.72, "Population": 954.0}, {"index": 17286, "quantile": 0.75, "value": 335000.0, "Latitude": 34.41, "Longitude": -119.72, "Population": 954.0}, {"index": 17286, "quantile": 1.0, "value": 395500.0, "Latitude": 34.41, "Longitude": -119.72, "Population": 954.0}, {"index": 17287, "quantile": 0.0, "value": 150900.0, "Latitude": 34.35, "Longitude": -119.74, "Population": 705.0}, {"index": 17287, "quantile": 0.25, "value": 329400.0, "Latitude": 34.35, "Longitude": -119.74, "Population": 705.0}, {"index": 17287, "quantile": 0.5, "value": 329400.0, "Latitude": 34.35, "Longitude": -119.74, "Population": 705.0}, {"index": 17287, "quantile": 0.75, "value": 329400.0, "Latitude": 34.35, "Longitude": -119.74, "Population": 705.0}, {"index": 17287, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.35, "Longitude": -119.74, "Population": 705.0}, {"index": 17288, "quantile": 0.0, "value": 157800.0, "Latitude": 34.38, "Longitude": -119.74, "Population": 830.0}, {"index": 17288, "quantile": 0.25, "value": 223349.99999999997, "Latitude": 34.38, "Longitude": -119.74, "Population": 830.0}, {"index": 17288, "quantile": 0.5, "value": 268300.0, "Latitude": 34.38, "Longitude": -119.74, "Population": 830.0}, {"index": 17288, "quantile": 0.75, "value": 301775.0, "Latitude": 34.38, "Longitude": -119.74, "Population": 830.0}, {"index": 17288, "quantile": 1.0, "value": 413900.0, "Latitude": 34.38, "Longitude": -119.74, "Population": 830.0}, {"index": 17289, "quantile": 0.0, "value": 415900.0, "Latitude": 34.42, "Longitude": -119.63, "Population": 753.0}, {"index": 17289, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.42, "Longitude": -119.63, "Population": 753.0}, {"index": 17289, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.42, "Longitude": -119.63, "Population": 753.0}, {"index": 17289, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.42, "Longitude": -119.63, "Population": 753.0}, {"index": 17289, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.42, "Longitude": -119.63, "Population": 753.0}, {"index": 17290, "quantile": 0.0, "value": 262500.0, "Latitude": 34.43, "Longitude": -119.64, "Population": 1002.0}, {"index": 17290, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.64, "Population": 1002.0}, {"index": 17290, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.64, "Population": 1002.0}, {"index": 17290, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.64, "Population": 1002.0}, {"index": 17290, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.64, "Population": 1002.0}, {"index": 17291, "quantile": 0.0, "value": 249300.0, "Latitude": 34.4, "Longitude": -119.63, "Population": 1266.0}, {"index": 17291, "quantile": 0.25, "value": 379150.0, "Latitude": 34.4, "Longitude": -119.63, "Population": 1266.0}, {"index": 17291, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.4, "Longitude": -119.63, "Population": 1266.0}, {"index": 17291, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.4, "Longitude": -119.63, "Population": 1266.0}, {"index": 17291, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.4, "Longitude": -119.63, "Population": 1266.0}, {"index": 17292, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 34.43, "Longitude": -119.64, "Population": 749.0}, {"index": 17292, "quantile": 0.25, "value": 346725.0, "Latitude": 34.43, "Longitude": -119.64, "Population": 749.0}, {"index": 17292, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.64, "Population": 749.0}, {"index": 17292, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.64, "Population": 749.0}, {"index": 17292, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.64, "Population": 749.0}, {"index": 17293, "quantile": 0.0, "value": 143300.0, "Latitude": 34.45, "Longitude": -119.61, "Population": 1207.0}, {"index": 17293, "quantile": 0.25, "value": 413999.99999999994, "Latitude": 34.45, "Longitude": -119.61, "Population": 1207.0}, {"index": 17293, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.45, "Longitude": -119.61, "Population": 1207.0}, {"index": 17293, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.45, "Longitude": -119.61, "Population": 1207.0}, {"index": 17293, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.45, "Longitude": -119.61, "Population": 1207.0}, {"index": 17294, "quantile": 0.0, "value": 411800.00000000006, "Latitude": 34.44, "Longitude": -119.63, "Population": 984.0}, {"index": 17294, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.63, "Population": 984.0}, {"index": 17294, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.63, "Population": 984.0}, {"index": 17294, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.63, "Population": 984.0}, {"index": 17294, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.63, "Population": 984.0}, {"index": 17295, "quantile": 0.0, "value": 239100.0, "Latitude": 34.43, "Longitude": -119.61, "Population": 794.0}, {"index": 17295, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.61, "Population": 794.0}, {"index": 17295, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.61, "Population": 794.0}, {"index": 17295, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.61, "Population": 794.0}, {"index": 17295, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.61, "Population": 794.0}, {"index": 17296, "quantile": 0.0, "value": 94600.0, "Latitude": 34.41, "Longitude": -119.53, "Population": 886.0}, {"index": 17296, "quantile": 0.25, "value": 214525.0, "Latitude": 34.41, "Longitude": -119.53, "Population": 886.0}, {"index": 17296, "quantile": 0.5, "value": 297400.0, "Latitude": 34.41, "Longitude": -119.53, "Population": 886.0}, {"index": 17296, "quantile": 0.75, "value": 297400.0, "Latitude": 34.41, "Longitude": -119.53, "Population": 886.0}, {"index": 17296, "quantile": 1.0, "value": 417600.0, "Latitude": 34.41, "Longitude": -119.53, "Population": 886.0}, {"index": 17297, "quantile": 0.0, "value": 88900.0, "Latitude": 34.41, "Longitude": -119.52, "Population": 2867.0}, {"index": 17297, "quantile": 0.25, "value": 229475.0, "Latitude": 34.41, "Longitude": -119.52, "Population": 2867.0}, {"index": 17297, "quantile": 0.5, "value": 279700.0, "Latitude": 34.41, "Longitude": -119.52, "Population": 2867.0}, {"index": 17297, "quantile": 0.75, "value": 279700.0, "Latitude": 34.41, "Longitude": -119.52, "Population": 2867.0}, {"index": 17297, "quantile": 1.0, "value": 338100.0, "Latitude": 34.41, "Longitude": -119.52, "Population": 2867.0}, {"index": 17298, "quantile": 0.0, "value": 186900.0, "Latitude": 34.4, "Longitude": -119.51, "Population": 1763.0}, {"index": 17298, "quantile": 0.25, "value": 260950.00000000003, "Latitude": 34.4, "Longitude": -119.51, "Population": 1763.0}, {"index": 17298, "quantile": 0.5, "value": 301300.0, "Latitude": 34.4, "Longitude": -119.51, "Population": 1763.0}, {"index": 17298, "quantile": 0.75, "value": 301300.0, "Latitude": 34.4, "Longitude": -119.51, "Population": 1763.0}, {"index": 17298, "quantile": 1.0, "value": 392800.0, "Latitude": 34.4, "Longitude": -119.51, "Population": 1763.0}, {"index": 17299, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.4, "Longitude": -119.51, "Population": 411.0}, {"index": 17299, "quantile": 0.25, "value": 106075.00000000001, "Latitude": 34.4, "Longitude": -119.51, "Population": 411.0}, {"index": 17299, "quantile": 0.5, "value": 162500.0, "Latitude": 34.4, "Longitude": -119.51, "Population": 411.0}, {"index": 17299, "quantile": 0.75, "value": 199900.0, "Latitude": 34.4, "Longitude": -119.51, "Population": 411.0}, {"index": 17299, "quantile": 1.0, "value": 364700.0, "Latitude": 34.4, "Longitude": -119.51, "Population": 411.0}, {"index": 17300, "quantile": 0.0, "value": 160000.0, "Latitude": 34.39, "Longitude": -119.52, "Population": 889.0}, {"index": 17300, "quantile": 0.25, "value": 250000.0, "Latitude": 34.39, "Longitude": -119.52, "Population": 889.0}, {"index": 17300, "quantile": 0.5, "value": 250000.0, "Latitude": 34.39, "Longitude": -119.52, "Population": 889.0}, {"index": 17300, "quantile": 0.75, "value": 250000.0, "Latitude": 34.39, "Longitude": -119.52, "Population": 889.0}, {"index": 17300, "quantile": 1.0, "value": 300000.0, "Latitude": 34.39, "Longitude": -119.52, "Population": 889.0}, {"index": 17301, "quantile": 0.0, "value": 98000.0, "Latitude": 34.39, "Longitude": -119.51, "Population": 951.0}, {"index": 17301, "quantile": 0.25, "value": 193600.0, "Latitude": 34.39, "Longitude": -119.51, "Population": 951.0}, {"index": 17301, "quantile": 0.5, "value": 229900.0, "Latitude": 34.39, "Longitude": -119.51, "Population": 951.0}, {"index": 17301, "quantile": 0.75, "value": 250999.99999999997, "Latitude": 34.39, "Longitude": -119.51, "Population": 951.0}, {"index": 17301, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.39, "Longitude": -119.51, "Population": 951.0}, {"index": 17302, "quantile": 0.0, "value": 82800.0, "Latitude": 34.4, "Longitude": -119.52, "Population": 1305.0}, {"index": 17302, "quantile": 0.25, "value": 224300.00000000003, "Latitude": 34.4, "Longitude": -119.52, "Population": 1305.0}, {"index": 17302, "quantile": 0.5, "value": 250999.99999999997, "Latitude": 34.4, "Longitude": -119.52, "Population": 1305.0}, {"index": 17302, "quantile": 0.75, "value": 250999.99999999997, "Latitude": 34.4, "Longitude": -119.52, "Population": 1305.0}, {"index": 17302, "quantile": 1.0, "value": 425000.0, "Latitude": 34.4, "Longitude": -119.52, "Population": 1305.0}, {"index": 17303, "quantile": 0.0, "value": 170800.0, "Latitude": 34.38, "Longitude": -119.53, "Population": 1301.0}, {"index": 17303, "quantile": 0.25, "value": 260100.0, "Latitude": 34.38, "Longitude": -119.53, "Population": 1301.0}, {"index": 17303, "quantile": 0.5, "value": 300000.0, "Latitude": 34.38, "Longitude": -119.53, "Population": 1301.0}, {"index": 17303, "quantile": 0.75, "value": 300000.0, "Latitude": 34.38, "Longitude": -119.53, "Population": 1301.0}, {"index": 17303, "quantile": 1.0, "value": 414700.0, "Latitude": 34.38, "Longitude": -119.53, "Population": 1301.0}, {"index": 17304, "quantile": 0.0, "value": 74600.0, "Latitude": 34.4, "Longitude": -119.53, "Population": 1079.0}, {"index": 17304, "quantile": 0.25, "value": 230500.00000000003, "Latitude": 34.4, "Longitude": -119.53, "Population": 1079.0}, {"index": 17304, "quantile": 0.5, "value": 248700.0, "Latitude": 34.4, "Longitude": -119.53, "Population": 1079.0}, {"index": 17304, "quantile": 0.75, "value": 248700.0, "Latitude": 34.4, "Longitude": -119.53, "Population": 1079.0}, {"index": 17304, "quantile": 1.0, "value": 362500.0, "Latitude": 34.4, "Longitude": -119.53, "Population": 1079.0}, {"index": 17305, "quantile": 0.0, "value": 230900.00000000003, "Latitude": 34.46, "Longitude": -119.51, "Population": 1362.0}, {"index": 17305, "quantile": 0.25, "value": 450000.0, "Latitude": 34.46, "Longitude": -119.51, "Population": 1362.0}, {"index": 17305, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.46, "Longitude": -119.51, "Population": 1362.0}, {"index": 17305, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.46, "Longitude": -119.51, "Population": 1362.0}, {"index": 17305, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.46, "Longitude": -119.51, "Population": 1362.0}, {"index": 17306, "quantile": 0.0, "value": 67000.0, "Latitude": 34.38, "Longitude": -119.55, "Population": 681.0}, {"index": 17306, "quantile": 0.25, "value": 137500.0, "Latitude": 34.38, "Longitude": -119.55, "Population": 681.0}, {"index": 17306, "quantile": 0.5, "value": 203850.0, "Latitude": 34.38, "Longitude": -119.55, "Population": 681.0}, {"index": 17306, "quantile": 0.75, "value": 260300.00000000003, "Latitude": 34.38, "Longitude": -119.55, "Population": 681.0}, {"index": 17306, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.38, "Longitude": -119.55, "Population": 681.0}, {"index": 17307, "quantile": 0.0, "value": 139100.0, "Latitude": 34.38, "Longitude": -119.57, "Population": 919.0}, {"index": 17307, "quantile": 0.25, "value": 356425.0, "Latitude": 34.38, "Longitude": -119.57, "Population": 919.0}, {"index": 17307, "quantile": 0.5, "value": 425000.0, "Latitude": 34.38, "Longitude": -119.57, "Population": 919.0}, {"index": 17307, "quantile": 0.75, "value": 425000.0, "Latitude": 34.38, "Longitude": -119.57, "Population": 919.0}, {"index": 17307, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.38, "Longitude": -119.57, "Population": 919.0}, {"index": 17308, "quantile": 0.0, "value": 146300.0, "Latitude": 34.43, "Longitude": -119.59, "Population": 1066.0}, {"index": 17308, "quantile": 0.25, "value": 326825.0, "Latitude": 34.43, "Longitude": -119.59, "Population": 1066.0}, {"index": 17308, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.59, "Population": 1066.0}, {"index": 17308, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.59, "Population": 1066.0}, {"index": 17308, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.59, "Population": 1066.0}, {"index": 17309, "quantile": 0.0, "value": 87500.0, "Latitude": 34.39, "Longitude": -119.59, "Population": 278.0}, {"index": 17309, "quantile": 0.25, "value": 335000.0, "Latitude": 34.39, "Longitude": -119.59, "Population": 278.0}, {"index": 17309, "quantile": 0.5, "value": 335000.0, "Latitude": 34.39, "Longitude": -119.59, "Population": 278.0}, {"index": 17309, "quantile": 0.75, "value": 335000.0, "Latitude": 34.39, "Longitude": -119.59, "Population": 278.0}, {"index": 17309, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.39, "Longitude": -119.59, "Population": 278.0}, {"index": 17310, "quantile": 0.0, "value": 350000.0, "Latitude": 34.35, "Longitude": -119.5, "Population": 59.0}, {"index": 17310, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.35, "Longitude": -119.5, "Population": 59.0}, {"index": 17310, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.35, "Longitude": -119.5, "Population": 59.0}, {"index": 17310, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.35, "Longitude": -119.5, "Population": 59.0}, {"index": 17310, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.35, "Longitude": -119.5, "Population": 59.0}, {"index": 17311, "quantile": 0.0, "value": 143100.0, "Latitude": 34.39, "Longitude": -119.49, "Population": 2303.0}, {"index": 17311, "quantile": 0.25, "value": 230600.0, "Latitude": 34.39, "Longitude": -119.49, "Population": 2303.0}, {"index": 17311, "quantile": 0.5, "value": 230600.0, "Latitude": 34.39, "Longitude": -119.49, "Population": 2303.0}, {"index": 17311, "quantile": 0.75, "value": 230600.0, "Latitude": 34.39, "Longitude": -119.49, "Population": 2303.0}, {"index": 17311, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 34.39, "Longitude": -119.49, "Population": 2303.0}, {"index": 17312, "quantile": 0.0, "value": 26600.0, "Latitude": 34.77, "Longitude": -119.72, "Population": 1168.0}, {"index": 17312, "quantile": 0.25, "value": 62100.0, "Latitude": 34.77, "Longitude": -119.72, "Population": 1168.0}, {"index": 17312, "quantile": 0.5, "value": 62100.0, "Latitude": 34.77, "Longitude": -119.72, "Population": 1168.0}, {"index": 17312, "quantile": 0.75, "value": 98650.0, "Latitude": 34.77, "Longitude": -119.72, "Population": 1168.0}, {"index": 17312, "quantile": 1.0, "value": 262500.0, "Latitude": 34.77, "Longitude": -119.72, "Population": 1168.0}, {"index": 17313, "quantile": 0.0, "value": 85900.0, "Latitude": 34.75, "Longitude": -120.18, "Population": 1035.0}, {"index": 17313, "quantile": 0.25, "value": 224224.99999999997, "Latitude": 34.75, "Longitude": -120.18, "Population": 1035.0}, {"index": 17313, "quantile": 0.5, "value": 400000.0, "Latitude": 34.75, "Longitude": -120.18, "Population": 1035.0}, {"index": 17313, "quantile": 0.75, "value": 400000.0, "Latitude": 34.75, "Longitude": -120.18, "Population": 1035.0}, {"index": 17313, "quantile": 1.0, "value": 425000.0, "Latitude": 34.75, "Longitude": -120.18, "Population": 1035.0}, {"index": 17314, "quantile": 0.0, "value": 83200.0, "Latitude": 34.72, "Longitude": -120.27, "Population": 693.0}, {"index": 17314, "quantile": 0.25, "value": 230799.99999999997, "Latitude": 34.72, "Longitude": -120.27, "Population": 693.0}, {"index": 17314, "quantile": 0.5, "value": 230799.99999999997, "Latitude": 34.72, "Longitude": -120.27, "Population": 693.0}, {"index": 17314, "quantile": 0.75, "value": 230799.99999999997, "Latitude": 34.72, "Longitude": -120.27, "Population": 693.0}, {"index": 17314, "quantile": 1.0, "value": 425000.0, "Latitude": 34.72, "Longitude": -120.27, "Population": 693.0}, {"index": 17315, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 34.62, "Longitude": -120.18, "Population": 671.0}, {"index": 17315, "quantile": 0.25, "value": 226399.99999999997, "Latitude": 34.62, "Longitude": -120.18, "Population": 671.0}, {"index": 17315, "quantile": 0.5, "value": 226399.99999999997, "Latitude": 34.62, "Longitude": -120.18, "Population": 671.0}, {"index": 17315, "quantile": 0.75, "value": 226399.99999999997, "Latitude": 34.62, "Longitude": -120.18, "Population": 671.0}, {"index": 17315, "quantile": 1.0, "value": 425000.0, "Latitude": 34.62, "Longitude": -120.18, "Population": 671.0}, {"index": 17316, "quantile": 0.0, "value": 87100.0, "Latitude": 34.63, "Longitude": -120.2, "Population": 1487.0}, {"index": 17316, "quantile": 0.25, "value": 227900.0, "Latitude": 34.63, "Longitude": -120.2, "Population": 1487.0}, {"index": 17316, "quantile": 0.5, "value": 227900.0, "Latitude": 34.63, "Longitude": -120.2, "Population": 1487.0}, {"index": 17316, "quantile": 0.75, "value": 227900.0, "Latitude": 34.63, "Longitude": -120.2, "Population": 1487.0}, {"index": 17316, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.63, "Longitude": -120.2, "Population": 1487.0}, {"index": 17317, "quantile": 0.0, "value": 87500.0, "Latitude": 34.61, "Longitude": -120.2, "Population": 1348.0}, {"index": 17317, "quantile": 0.25, "value": 213800.0, "Latitude": 34.61, "Longitude": -120.2, "Population": 1348.0}, {"index": 17317, "quantile": 0.5, "value": 215200.0, "Latitude": 34.61, "Longitude": -120.2, "Population": 1348.0}, {"index": 17317, "quantile": 0.75, "value": 215200.0, "Latitude": 34.61, "Longitude": -120.2, "Population": 1348.0}, {"index": 17317, "quantile": 1.0, "value": 363100.0, "Latitude": 34.61, "Longitude": -120.2, "Population": 1348.0}, {"index": 17318, "quantile": 0.0, "value": 132000.0, "Latitude": 34.63, "Longitude": -120.13, "Population": 916.0}, {"index": 17318, "quantile": 0.25, "value": 256400.0, "Latitude": 34.63, "Longitude": -120.13, "Population": 916.0}, {"index": 17318, "quantile": 0.5, "value": 394900.0, "Latitude": 34.63, "Longitude": -120.13, "Population": 916.0}, {"index": 17318, "quantile": 0.75, "value": 394900.0, "Latitude": 34.63, "Longitude": -120.13, "Population": 916.0}, {"index": 17318, "quantile": 1.0, "value": 416300.0, "Latitude": 34.63, "Longitude": -120.13, "Population": 916.0}, {"index": 17319, "quantile": 0.0, "value": 184300.0, "Latitude": 34.6, "Longitude": -120.12, "Population": 966.0}, {"index": 17319, "quantile": 0.25, "value": 290900.0, "Latitude": 34.6, "Longitude": -120.12, "Population": 966.0}, {"index": 17319, "quantile": 0.5, "value": 290900.0, "Latitude": 34.6, "Longitude": -120.12, "Population": 966.0}, {"index": 17319, "quantile": 0.75, "value": 290900.0, "Latitude": 34.6, "Longitude": -120.12, "Population": 966.0}, {"index": 17319, "quantile": 1.0, "value": 378800.0, "Latitude": 34.6, "Longitude": -120.12, "Population": 966.0}, {"index": 17320, "quantile": 0.0, "value": 68500.0, "Latitude": 34.6, "Longitude": -120.14, "Population": 1143.0}, {"index": 17320, "quantile": 0.25, "value": 183350.0, "Latitude": 34.6, "Longitude": -120.14, "Population": 1143.0}, {"index": 17320, "quantile": 0.5, "value": 243100.0, "Latitude": 34.6, "Longitude": -120.14, "Population": 1143.0}, {"index": 17320, "quantile": 0.75, "value": 243100.0, "Latitude": 34.6, "Longitude": -120.14, "Population": 1143.0}, {"index": 17320, "quantile": 1.0, "value": 243100.0, "Latitude": 34.6, "Longitude": -120.14, "Population": 1143.0}, {"index": 17321, "quantile": 0.0, "value": 17500.0, "Latitude": 34.61, "Longitude": -120.16, "Population": 434.0}, {"index": 17321, "quantile": 0.25, "value": 218224.99999999997, "Latitude": 34.61, "Longitude": -120.16, "Population": 434.0}, {"index": 17321, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.61, "Longitude": -120.16, "Population": 434.0}, {"index": 17321, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.61, "Longitude": -120.16, "Population": 434.0}, {"index": 17321, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.61, "Longitude": -120.16, "Population": 434.0}, {"index": 17322, "quantile": 0.0, "value": 67900.0, "Latitude": 34.59, "Longitude": -120.14, "Population": 832.0}, {"index": 17322, "quantile": 0.25, "value": 145675.0, "Latitude": 34.59, "Longitude": -120.14, "Population": 832.0}, {"index": 17322, "quantile": 0.5, "value": 187500.0, "Latitude": 34.59, "Longitude": -120.14, "Population": 832.0}, {"index": 17322, "quantile": 0.75, "value": 243100.0, "Latitude": 34.59, "Longitude": -120.14, "Population": 832.0}, {"index": 17322, "quantile": 1.0, "value": 364000.0, "Latitude": 34.59, "Longitude": -120.14, "Population": 832.0}, {"index": 17323, "quantile": 0.0, "value": 74300.0, "Latitude": 34.59, "Longitude": -120.14, "Population": 731.0}, {"index": 17323, "quantile": 0.25, "value": 135975.0, "Latitude": 34.59, "Longitude": -120.14, "Population": 731.0}, {"index": 17323, "quantile": 0.5, "value": 179900.0, "Latitude": 34.59, "Longitude": -120.14, "Population": 731.0}, {"index": 17323, "quantile": 0.75, "value": 230950.0, "Latitude": 34.59, "Longitude": -120.14, "Population": 731.0}, {"index": 17323, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 34.59, "Longitude": -120.14, "Population": 731.0}, {"index": 17324, "quantile": 0.0, "value": 185600.0, "Latitude": 34.72, "Longitude": -120.04, "Population": 1542.0}, {"index": 17324, "quantile": 0.25, "value": 357200.0, "Latitude": 34.72, "Longitude": -120.04, "Population": 1542.0}, {"index": 17324, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.72, "Longitude": -120.04, "Population": 1542.0}, {"index": 17324, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.72, "Longitude": -120.04, "Population": 1542.0}, {"index": 17324, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.72, "Longitude": -120.04, "Population": 1542.0}, {"index": 17325, "quantile": 0.0, "value": 105300.0, "Latitude": 34.66, "Longitude": -120.11, "Population": 631.0}, {"index": 17325, "quantile": 0.25, "value": 208900.0, "Latitude": 34.66, "Longitude": -120.11, "Population": 631.0}, {"index": 17325, "quantile": 0.5, "value": 254350.0, "Latitude": 34.66, "Longitude": -120.11, "Population": 631.0}, {"index": 17325, "quantile": 0.75, "value": 332800.0, "Latitude": 34.66, "Longitude": -120.11, "Population": 631.0}, {"index": 17325, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.66, "Longitude": -120.11, "Population": 631.0}, {"index": 17326, "quantile": 0.0, "value": 52500.0, "Latitude": 34.64, "Longitude": -120.08, "Population": 1048.0}, {"index": 17326, "quantile": 0.25, "value": 157975.0, "Latitude": 34.64, "Longitude": -120.08, "Population": 1048.0}, {"index": 17326, "quantile": 0.5, "value": 192650.0, "Latitude": 34.64, "Longitude": -120.08, "Population": 1048.0}, {"index": 17326, "quantile": 0.75, "value": 243275.0, "Latitude": 34.64, "Longitude": -120.08, "Population": 1048.0}, {"index": 17326, "quantile": 1.0, "value": 425000.0, "Latitude": 34.64, "Longitude": -120.08, "Population": 1048.0}, {"index": 17327, "quantile": 0.0, "value": 52500.0, "Latitude": 34.62, "Longitude": -120.08, "Population": 1693.0}, {"index": 17327, "quantile": 0.25, "value": 154375.0, "Latitude": 34.62, "Longitude": -120.08, "Population": 1693.0}, {"index": 17327, "quantile": 0.5, "value": 226750.0, "Latitude": 34.62, "Longitude": -120.08, "Population": 1693.0}, {"index": 17327, "quantile": 0.75, "value": 262800.0, "Latitude": 34.62, "Longitude": -120.08, "Population": 1693.0}, {"index": 17327, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.62, "Longitude": -120.08, "Population": 1693.0}, {"index": 17328, "quantile": 0.0, "value": 97400.0, "Latitude": 34.62, "Longitude": -120.09, "Population": 988.0}, {"index": 17328, "quantile": 0.25, "value": 367000.0, "Latitude": 34.62, "Longitude": -120.09, "Population": 988.0}, {"index": 17328, "quantile": 0.5, "value": 367000.0, "Latitude": 34.62, "Longitude": -120.09, "Population": 988.0}, {"index": 17328, "quantile": 0.75, "value": 367000.0, "Latitude": 34.62, "Longitude": -120.09, "Population": 988.0}, {"index": 17328, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.62, "Longitude": -120.09, "Population": 988.0}, {"index": 17329, "quantile": 0.0, "value": 105300.0, "Latitude": 34.62, "Longitude": -120.11, "Population": 959.0}, {"index": 17329, "quantile": 0.25, "value": 373900.0, "Latitude": 34.62, "Longitude": -120.11, "Population": 959.0}, {"index": 17329, "quantile": 0.5, "value": 440000.00000000006, "Latitude": 34.62, "Longitude": -120.11, "Population": 959.0}, {"index": 17329, "quantile": 0.75, "value": 440000.00000000006, "Latitude": 34.62, "Longitude": -120.11, "Population": 959.0}, {"index": 17329, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.62, "Longitude": -120.11, "Population": 959.0}, {"index": 17330, "quantile": 0.0, "value": 77500.0, "Latitude": 34.61, "Longitude": -120.09, "Population": 317.0}, {"index": 17330, "quantile": 0.25, "value": 121400.0, "Latitude": 34.61, "Longitude": -120.09, "Population": 317.0}, {"index": 17330, "quantile": 0.5, "value": 140300.0, "Latitude": 34.61, "Longitude": -120.09, "Population": 317.0}, {"index": 17330, "quantile": 0.75, "value": 187500.0, "Latitude": 34.61, "Longitude": -120.09, "Population": 317.0}, {"index": 17330, "quantile": 1.0, "value": 300000.0, "Latitude": 34.61, "Longitude": -120.09, "Population": 317.0}, {"index": 17331, "quantile": 0.0, "value": 110700.0, "Latitude": 34.59, "Longitude": -120.08, "Population": 820.0}, {"index": 17331, "quantile": 0.25, "value": 292550.0, "Latitude": 34.59, "Longitude": -120.08, "Population": 820.0}, {"index": 17331, "quantile": 0.5, "value": 390200.0, "Latitude": 34.59, "Longitude": -120.08, "Population": 820.0}, {"index": 17331, "quantile": 0.75, "value": 390200.0, "Latitude": 34.59, "Longitude": -120.08, "Population": 820.0}, {"index": 17331, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.59, "Longitude": -120.08, "Population": 820.0}, {"index": 17332, "quantile": 0.0, "value": 68800.0, "Latitude": 34.54, "Longitude": -120.01, "Population": 1288.0}, {"index": 17332, "quantile": 0.25, "value": 162800.0, "Latitude": 34.54, "Longitude": -120.01, "Population": 1288.0}, {"index": 17332, "quantile": 0.5, "value": 292900.0, "Latitude": 34.54, "Longitude": -120.01, "Population": 1288.0}, {"index": 17332, "quantile": 0.75, "value": 292900.0, "Latitude": 34.54, "Longitude": -120.01, "Population": 1288.0}, {"index": 17332, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.54, "Longitude": -120.01, "Population": 1288.0}, {"index": 17333, "quantile": 0.0, "value": 106300.0, "Latitude": 34.91, "Longitude": -120.44, "Population": 1200.0}, {"index": 17333, "quantile": 0.25, "value": 226799.99999999997, "Latitude": 34.91, "Longitude": -120.44, "Population": 1200.0}, {"index": 17333, "quantile": 0.5, "value": 226799.99999999997, "Latitude": 34.91, "Longitude": -120.44, "Population": 1200.0}, {"index": 17333, "quantile": 0.75, "value": 226799.99999999997, "Latitude": 34.91, "Longitude": -120.44, "Population": 1200.0}, {"index": 17333, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.91, "Longitude": -120.44, "Population": 1200.0}, {"index": 17334, "quantile": 0.0, "value": 65000.0, "Latitude": 34.91, "Longitude": -120.45, "Population": 355.0}, {"index": 17334, "quantile": 0.25, "value": 114799.99999999999, "Latitude": 34.91, "Longitude": -120.45, "Population": 355.0}, {"index": 17334, "quantile": 0.5, "value": 164300.0, "Latitude": 34.91, "Longitude": -120.45, "Population": 355.0}, {"index": 17334, "quantile": 0.75, "value": 203225.00000000003, "Latitude": 34.91, "Longitude": -120.45, "Population": 355.0}, {"index": 17334, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.91, "Longitude": -120.45, "Population": 355.0}, {"index": 17335, "quantile": 0.0, "value": 83200.0, "Latitude": 34.9, "Longitude": -120.48, "Population": 2490.0}, {"index": 17335, "quantile": 0.25, "value": 120100.0, "Latitude": 34.9, "Longitude": -120.48, "Population": 2490.0}, {"index": 17335, "quantile": 0.5, "value": 120100.0, "Latitude": 34.9, "Longitude": -120.48, "Population": 2490.0}, {"index": 17335, "quantile": 0.75, "value": 128099.99999999999, "Latitude": 34.9, "Longitude": -120.48, "Population": 2490.0}, {"index": 17335, "quantile": 1.0, "value": 243100.0, "Latitude": 34.9, "Longitude": -120.48, "Population": 2490.0}, {"index": 17336, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 34.88, "Longitude": -120.45, "Population": 929.0}, {"index": 17336, "quantile": 0.25, "value": 269700.0, "Latitude": 34.88, "Longitude": -120.45, "Population": 929.0}, {"index": 17336, "quantile": 0.5, "value": 269700.0, "Latitude": 34.88, "Longitude": -120.45, "Population": 929.0}, {"index": 17336, "quantile": 0.75, "value": 269700.0, "Latitude": 34.88, "Longitude": -120.45, "Population": 929.0}, {"index": 17336, "quantile": 1.0, "value": 440000.00000000006, "Latitude": 34.88, "Longitude": -120.45, "Population": 929.0}, {"index": 17337, "quantile": 0.0, "value": 219600.00000000003, "Latitude": 34.88, "Longitude": -120.44, "Population": 1169.0}, {"index": 17337, "quantile": 0.25, "value": 275100.0, "Latitude": 34.88, "Longitude": -120.44, "Population": 1169.0}, {"index": 17337, "quantile": 0.5, "value": 275100.0, "Latitude": 34.88, "Longitude": -120.44, "Population": 1169.0}, {"index": 17337, "quantile": 0.75, "value": 356850.0, "Latitude": 34.88, "Longitude": -120.44, "Population": 1169.0}, {"index": 17337, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.88, "Longitude": -120.44, "Population": 1169.0}, {"index": 17338, "quantile": 0.0, "value": 171900.0, "Latitude": 34.87, "Longitude": -120.45, "Population": 545.0}, {"index": 17338, "quantile": 0.25, "value": 328700.0, "Latitude": 34.87, "Longitude": -120.45, "Population": 545.0}, {"index": 17338, "quantile": 0.5, "value": 328700.0, "Latitude": 34.87, "Longitude": -120.45, "Population": 545.0}, {"index": 17338, "quantile": 0.75, "value": 328700.0, "Latitude": 34.87, "Longitude": -120.45, "Population": 545.0}, {"index": 17338, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.87, "Longitude": -120.45, "Population": 545.0}, {"index": 17339, "quantile": 0.0, "value": 86300.0, "Latitude": 34.87, "Longitude": -120.44, "Population": 1084.0}, {"index": 17339, "quantile": 0.25, "value": 194000.0, "Latitude": 34.87, "Longitude": -120.44, "Population": 1084.0}, {"index": 17339, "quantile": 0.5, "value": 194000.0, "Latitude": 34.87, "Longitude": -120.44, "Population": 1084.0}, {"index": 17339, "quantile": 0.75, "value": 194000.0, "Latitude": 34.87, "Longitude": -120.44, "Population": 1084.0}, {"index": 17339, "quantile": 1.0, "value": 367000.0, "Latitude": 34.87, "Longitude": -120.44, "Population": 1084.0}, {"index": 17340, "quantile": 0.0, "value": 67500.0, "Latitude": 34.86, "Longitude": -120.45, "Population": 1492.0}, {"index": 17340, "quantile": 0.25, "value": 114799.99999999999, "Latitude": 34.86, "Longitude": -120.45, "Population": 1492.0}, {"index": 17340, "quantile": 0.5, "value": 114799.99999999999, "Latitude": 34.86, "Longitude": -120.45, "Population": 1492.0}, {"index": 17340, "quantile": 0.75, "value": 138875.0, "Latitude": 34.86, "Longitude": -120.45, "Population": 1492.0}, {"index": 17340, "quantile": 1.0, "value": 263500.0, "Latitude": 34.86, "Longitude": -120.45, "Population": 1492.0}, {"index": 17341, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.86, "Longitude": -120.4, "Population": 504.0}, {"index": 17341, "quantile": 0.25, "value": 73700.0, "Latitude": 34.86, "Longitude": -120.4, "Population": 504.0}, {"index": 17341, "quantile": 0.5, "value": 109400.00000000001, "Latitude": 34.86, "Longitude": -120.4, "Population": 504.0}, {"index": 17341, "quantile": 0.75, "value": 163550.0, "Latitude": 34.86, "Longitude": -120.4, "Population": 504.0}, {"index": 17341, "quantile": 1.0, "value": 364700.0, "Latitude": 34.86, "Longitude": -120.4, "Population": 504.0}, {"index": 17342, "quantile": 0.0, "value": 86300.0, "Latitude": 34.85, "Longitude": -120.4, "Population": 1323.0}, {"index": 17342, "quantile": 0.25, "value": 162900.0, "Latitude": 34.85, "Longitude": -120.4, "Population": 1323.0}, {"index": 17342, "quantile": 0.5, "value": 196300.0, "Latitude": 34.85, "Longitude": -120.4, "Population": 1323.0}, {"index": 17342, "quantile": 0.75, "value": 234100.00000000003, "Latitude": 34.85, "Longitude": -120.4, "Population": 1323.0}, {"index": 17342, "quantile": 1.0, "value": 326800.0, "Latitude": 34.85, "Longitude": -120.4, "Population": 1323.0}, {"index": 17343, "quantile": 0.0, "value": 92400.0, "Latitude": 34.86, "Longitude": -120.41, "Population": 407.0}, {"index": 17343, "quantile": 0.25, "value": 158000.0, "Latitude": 34.86, "Longitude": -120.41, "Population": 407.0}, {"index": 17343, "quantile": 0.5, "value": 158000.0, "Latitude": 34.86, "Longitude": -120.41, "Population": 407.0}, {"index": 17343, "quantile": 0.75, "value": 158000.0, "Latitude": 34.86, "Longitude": -120.41, "Population": 407.0}, {"index": 17343, "quantile": 1.0, "value": 478400.0, "Latitude": 34.86, "Longitude": -120.41, "Population": 407.0}, {"index": 17344, "quantile": 0.0, "value": 125699.99999999999, "Latitude": 34.86, "Longitude": -120.43, "Population": 1538.0}, {"index": 17344, "quantile": 0.25, "value": 168100.0, "Latitude": 34.86, "Longitude": -120.43, "Population": 1538.0}, {"index": 17344, "quantile": 0.5, "value": 168100.0, "Latitude": 34.86, "Longitude": -120.43, "Population": 1538.0}, {"index": 17344, "quantile": 0.75, "value": 168100.0, "Latitude": 34.86, "Longitude": -120.43, "Population": 1538.0}, {"index": 17344, "quantile": 1.0, "value": 400000.0, "Latitude": 34.86, "Longitude": -120.43, "Population": 1538.0}, {"index": 17345, "quantile": 0.0, "value": 86300.0, "Latitude": 34.86, "Longitude": -120.43, "Population": 874.0}, {"index": 17345, "quantile": 0.25, "value": 141500.0, "Latitude": 34.86, "Longitude": -120.43, "Population": 874.0}, {"index": 17345, "quantile": 0.5, "value": 141500.0, "Latitude": 34.86, "Longitude": -120.43, "Population": 874.0}, {"index": 17345, "quantile": 0.75, "value": 165025.0, "Latitude": 34.86, "Longitude": -120.43, "Population": 874.0}, {"index": 17345, "quantile": 1.0, "value": 400000.0, "Latitude": 34.86, "Longitude": -120.43, "Population": 874.0}, {"index": 17346, "quantile": 0.0, "value": 136800.0, "Latitude": 34.9, "Longitude": -120.37, "Population": 1057.0}, {"index": 17346, "quantile": 0.25, "value": 263550.0, "Latitude": 34.9, "Longitude": -120.37, "Population": 1057.0}, {"index": 17346, "quantile": 0.5, "value": 326800.0, "Latitude": 34.9, "Longitude": -120.37, "Population": 1057.0}, {"index": 17346, "quantile": 0.75, "value": 326800.0, "Latitude": 34.9, "Longitude": -120.37, "Population": 1057.0}, {"index": 17346, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.9, "Longitude": -120.37, "Population": 1057.0}, {"index": 17347, "quantile": 0.0, "value": 86400.0, "Latitude": 34.87, "Longitude": -120.33, "Population": 1093.0}, {"index": 17347, "quantile": 0.25, "value": 292900.0, "Latitude": 34.87, "Longitude": -120.33, "Population": 1093.0}, {"index": 17347, "quantile": 0.5, "value": 341200.0, "Latitude": 34.87, "Longitude": -120.33, "Population": 1093.0}, {"index": 17347, "quantile": 0.75, "value": 341200.0, "Latitude": 34.87, "Longitude": -120.33, "Population": 1093.0}, {"index": 17347, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.87, "Longitude": -120.33, "Population": 1093.0}, {"index": 17348, "quantile": 0.0, "value": 85500.0, "Latitude": 34.91, "Longitude": -120.42, "Population": 2801.0}, {"index": 17348, "quantile": 0.25, "value": 212699.99999999997, "Latitude": 34.91, "Longitude": -120.42, "Population": 2801.0}, {"index": 17348, "quantile": 0.5, "value": 212699.99999999997, "Latitude": 34.91, "Longitude": -120.42, "Population": 2801.0}, {"index": 17348, "quantile": 0.75, "value": 212699.99999999997, "Latitude": 34.91, "Longitude": -120.42, "Population": 2801.0}, {"index": 17348, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.91, "Longitude": -120.42, "Population": 2801.0}, {"index": 17349, "quantile": 0.0, "value": 93800.0, "Latitude": 34.9, "Longitude": -120.43, "Population": 1029.0}, {"index": 17349, "quantile": 0.25, "value": 143900.0, "Latitude": 34.9, "Longitude": -120.43, "Population": 1029.0}, {"index": 17349, "quantile": 0.5, "value": 144700.0, "Latitude": 34.9, "Longitude": -120.43, "Population": 1029.0}, {"index": 17349, "quantile": 0.75, "value": 144700.0, "Latitude": 34.9, "Longitude": -120.43, "Population": 1029.0}, {"index": 17349, "quantile": 1.0, "value": 400000.0, "Latitude": 34.9, "Longitude": -120.43, "Population": 1029.0}, {"index": 17350, "quantile": 0.0, "value": 100800.0, "Latitude": 34.9, "Longitude": -120.43, "Population": 1117.0}, {"index": 17350, "quantile": 0.25, "value": 163525.0, "Latitude": 34.9, "Longitude": -120.43, "Population": 1117.0}, {"index": 17350, "quantile": 0.5, "value": 164000.0, "Latitude": 34.9, "Longitude": -120.43, "Population": 1117.0}, {"index": 17350, "quantile": 0.75, "value": 164000.0, "Latitude": 34.9, "Longitude": -120.43, "Population": 1117.0}, {"index": 17350, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 34.9, "Longitude": -120.43, "Population": 1117.0}, {"index": 17351, "quantile": 0.0, "value": 72100.0, "Latitude": 34.88, "Longitude": -120.41, "Population": 1159.0}, {"index": 17351, "quantile": 0.25, "value": 165500.0, "Latitude": 34.88, "Longitude": -120.41, "Population": 1159.0}, {"index": 17351, "quantile": 0.5, "value": 165500.0, "Latitude": 34.88, "Longitude": -120.41, "Population": 1159.0}, {"index": 17351, "quantile": 0.75, "value": 204075.0, "Latitude": 34.88, "Longitude": -120.41, "Population": 1159.0}, {"index": 17351, "quantile": 1.0, "value": 357800.0, "Latitude": 34.88, "Longitude": -120.41, "Population": 1159.0}, {"index": 17352, "quantile": 0.0, "value": 152500.0, "Latitude": 34.89, "Longitude": -120.42, "Population": 855.0}, {"index": 17352, "quantile": 0.25, "value": 162500.0, "Latitude": 34.89, "Longitude": -120.42, "Population": 855.0}, {"index": 17352, "quantile": 0.5, "value": 162500.0, "Latitude": 34.89, "Longitude": -120.42, "Population": 855.0}, {"index": 17352, "quantile": 0.75, "value": 162500.0, "Latitude": 34.89, "Longitude": -120.42, "Population": 855.0}, {"index": 17352, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.89, "Longitude": -120.42, "Population": 855.0}, {"index": 17353, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 34.89, "Longitude": -120.43, "Population": 999.0}, {"index": 17353, "quantile": 0.25, "value": 158000.0, "Latitude": 34.89, "Longitude": -120.43, "Population": 999.0}, {"index": 17353, "quantile": 0.5, "value": 158000.0, "Latitude": 34.89, "Longitude": -120.43, "Population": 999.0}, {"index": 17353, "quantile": 0.75, "value": 162875.0, "Latitude": 34.89, "Longitude": -120.43, "Population": 999.0}, {"index": 17353, "quantile": 1.0, "value": 365900.0, "Latitude": 34.89, "Longitude": -120.43, "Population": 999.0}, {"index": 17354, "quantile": 0.0, "value": 100800.0, "Latitude": 34.89, "Longitude": -120.43, "Population": 1384.0}, {"index": 17354, "quantile": 0.25, "value": 158200.0, "Latitude": 34.89, "Longitude": -120.43, "Population": 1384.0}, {"index": 17354, "quantile": 0.5, "value": 158200.0, "Latitude": 34.89, "Longitude": -120.43, "Population": 1384.0}, {"index": 17354, "quantile": 0.75, "value": 163600.0, "Latitude": 34.89, "Longitude": -120.43, "Population": 1384.0}, {"index": 17354, "quantile": 1.0, "value": 284000.0, "Latitude": 34.89, "Longitude": -120.43, "Population": 1384.0}, {"index": 17355, "quantile": 0.0, "value": 158000.0, "Latitude": 34.88, "Longitude": -120.43, "Population": 1149.0}, {"index": 17355, "quantile": 0.25, "value": 158600.0, "Latitude": 34.88, "Longitude": -120.43, "Population": 1149.0}, {"index": 17355, "quantile": 0.5, "value": 158600.0, "Latitude": 34.88, "Longitude": -120.43, "Population": 1149.0}, {"index": 17355, "quantile": 0.75, "value": 158600.0, "Latitude": 34.88, "Longitude": -120.43, "Population": 1149.0}, {"index": 17355, "quantile": 1.0, "value": 291300.0, "Latitude": 34.88, "Longitude": -120.43, "Population": 1149.0}, {"index": 17356, "quantile": 0.0, "value": 93600.0, "Latitude": 34.87, "Longitude": -120.42, "Population": 1162.0}, {"index": 17356, "quantile": 0.25, "value": 158600.0, "Latitude": 34.87, "Longitude": -120.42, "Population": 1162.0}, {"index": 17356, "quantile": 0.5, "value": 183700.0, "Latitude": 34.87, "Longitude": -120.42, "Population": 1162.0}, {"index": 17356, "quantile": 0.75, "value": 227250.0, "Latitude": 34.87, "Longitude": -120.42, "Population": 1162.0}, {"index": 17356, "quantile": 1.0, "value": 371700.0, "Latitude": 34.87, "Longitude": -120.42, "Population": 1162.0}, {"index": 17357, "quantile": 0.0, "value": 86300.0, "Latitude": 34.87, "Longitude": -120.43, "Population": 1094.0}, {"index": 17357, "quantile": 0.25, "value": 179550.0, "Latitude": 34.87, "Longitude": -120.43, "Population": 1094.0}, {"index": 17357, "quantile": 0.5, "value": 193000.0, "Latitude": 34.87, "Longitude": -120.43, "Population": 1094.0}, {"index": 17357, "quantile": 0.75, "value": 193000.0, "Latitude": 34.87, "Longitude": -120.43, "Population": 1094.0}, {"index": 17357, "quantile": 1.0, "value": 349300.0, "Latitude": 34.87, "Longitude": -120.43, "Population": 1094.0}, {"index": 17358, "quantile": 0.0, "value": 83200.0, "Latitude": 34.87, "Longitude": -120.43, "Population": 799.0}, {"index": 17358, "quantile": 0.25, "value": 133950.0, "Latitude": 34.87, "Longitude": -120.43, "Population": 799.0}, {"index": 17358, "quantile": 0.5, "value": 163700.0, "Latitude": 34.87, "Longitude": -120.43, "Population": 799.0}, {"index": 17358, "quantile": 0.75, "value": 219175.0, "Latitude": 34.87, "Longitude": -120.43, "Population": 799.0}, {"index": 17358, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.87, "Longitude": -120.43, "Population": 799.0}, {"index": 17359, "quantile": 0.0, "value": 93100.0, "Latitude": 34.88, "Longitude": -120.41, "Population": 1678.0}, {"index": 17359, "quantile": 0.25, "value": 148975.0, "Latitude": 34.88, "Longitude": -120.41, "Population": 1678.0}, {"index": 17359, "quantile": 0.5, "value": 194000.0, "Latitude": 34.88, "Longitude": -120.41, "Population": 1678.0}, {"index": 17359, "quantile": 0.75, "value": 253874.99999999997, "Latitude": 34.88, "Longitude": -120.41, "Population": 1678.0}, {"index": 17359, "quantile": 1.0, "value": 294000.0, "Latitude": 34.88, "Longitude": -120.41, "Population": 1678.0}, {"index": 17360, "quantile": 0.0, "value": 118200.0, "Latitude": 34.87, "Longitude": -120.4, "Population": 1064.0}, {"index": 17360, "quantile": 0.25, "value": 198300.0, "Latitude": 34.87, "Longitude": -120.4, "Population": 1064.0}, {"index": 17360, "quantile": 0.5, "value": 199600.0, "Latitude": 34.87, "Longitude": -120.4, "Population": 1064.0}, {"index": 17360, "quantile": 0.75, "value": 199600.0, "Latitude": 34.87, "Longitude": -120.4, "Population": 1064.0}, {"index": 17360, "quantile": 1.0, "value": 283100.0, "Latitude": 34.87, "Longitude": -120.4, "Population": 1064.0}, {"index": 17361, "quantile": 0.0, "value": 152500.0, "Latitude": 34.87, "Longitude": -120.41, "Population": 866.0}, {"index": 17361, "quantile": 0.25, "value": 158900.0, "Latitude": 34.87, "Longitude": -120.41, "Population": 866.0}, {"index": 17361, "quantile": 0.5, "value": 158900.0, "Latitude": 34.87, "Longitude": -120.41, "Population": 866.0}, {"index": 17361, "quantile": 0.75, "value": 188600.0, "Latitude": 34.87, "Longitude": -120.41, "Population": 866.0}, {"index": 17361, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.87, "Longitude": -120.41, "Population": 866.0}, {"index": 17362, "quantile": 0.0, "value": 84200.0, "Latitude": 34.87, "Longitude": -120.41, "Population": 761.0}, {"index": 17362, "quantile": 0.25, "value": 158000.0, "Latitude": 34.87, "Longitude": -120.41, "Population": 761.0}, {"index": 17362, "quantile": 0.5, "value": 182399.99999999997, "Latitude": 34.87, "Longitude": -120.41, "Population": 761.0}, {"index": 17362, "quantile": 0.75, "value": 221924.99999999997, "Latitude": 34.87, "Longitude": -120.41, "Population": 761.0}, {"index": 17362, "quantile": 1.0, "value": 385700.0, "Latitude": 34.87, "Longitude": -120.41, "Population": 761.0}, {"index": 17363, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.95, "Longitude": -120.42, "Population": 632.0}, {"index": 17363, "quantile": 0.25, "value": 131500.0, "Latitude": 34.95, "Longitude": -120.42, "Population": 632.0}, {"index": 17363, "quantile": 0.5, "value": 131500.0, "Latitude": 34.95, "Longitude": -120.42, "Population": 632.0}, {"index": 17363, "quantile": 0.75, "value": 131500.0, "Latitude": 34.95, "Longitude": -120.42, "Population": 632.0}, {"index": 17363, "quantile": 1.0, "value": 236100.00000000003, "Latitude": 34.95, "Longitude": -120.42, "Population": 632.0}, {"index": 17364, "quantile": 0.0, "value": 66800.0, "Latitude": 34.95, "Longitude": -120.42, "Population": 1579.0}, {"index": 17364, "quantile": 0.25, "value": 137000.0, "Latitude": 34.95, "Longitude": -120.42, "Population": 1579.0}, {"index": 17364, "quantile": 0.5, "value": 151400.0, "Latitude": 34.95, "Longitude": -120.42, "Population": 1579.0}, {"index": 17364, "quantile": 0.75, "value": 205399.99999999997, "Latitude": 34.95, "Longitude": -120.42, "Population": 1579.0}, {"index": 17364, "quantile": 1.0, "value": 264600.0, "Latitude": 34.95, "Longitude": -120.42, "Population": 1579.0}, {"index": 17365, "quantile": 0.0, "value": 26600.0, "Latitude": 34.95, "Longitude": -120.43, "Population": 985.0}, {"index": 17365, "quantile": 0.25, "value": 135075.0, "Latitude": 34.95, "Longitude": -120.43, "Population": 985.0}, {"index": 17365, "quantile": 0.5, "value": 136100.0, "Latitude": 34.95, "Longitude": -120.43, "Population": 985.0}, {"index": 17365, "quantile": 0.75, "value": 136100.0, "Latitude": 34.95, "Longitude": -120.43, "Population": 985.0}, {"index": 17365, "quantile": 1.0, "value": 364700.0, "Latitude": 34.95, "Longitude": -120.43, "Population": 985.0}, {"index": 17366, "quantile": 0.0, "value": 37500.0, "Latitude": 34.95, "Longitude": -120.43, "Population": 692.0}, {"index": 17366, "quantile": 0.25, "value": 152750.0, "Latitude": 34.95, "Longitude": -120.43, "Population": 692.0}, {"index": 17366, "quantile": 0.5, "value": 241699.99999999997, "Latitude": 34.95, "Longitude": -120.43, "Population": 692.0}, {"index": 17366, "quantile": 0.75, "value": 311100.0, "Latitude": 34.95, "Longitude": -120.43, "Population": 692.0}, {"index": 17366, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 34.95, "Longitude": -120.43, "Population": 692.0}, {"index": 17367, "quantile": 0.0, "value": 67500.0, "Latitude": 34.94, "Longitude": -120.42, "Population": 1337.0}, {"index": 17367, "quantile": 0.25, "value": 113974.99999999999, "Latitude": 34.94, "Longitude": -120.42, "Population": 1337.0}, {"index": 17367, "quantile": 0.5, "value": 145699.99999999997, "Latitude": 34.94, "Longitude": -120.42, "Population": 1337.0}, {"index": 17367, "quantile": 0.75, "value": 179000.0, "Latitude": 34.94, "Longitude": -120.42, "Population": 1337.0}, {"index": 17367, "quantile": 1.0, "value": 243100.0, "Latitude": 34.94, "Longitude": -120.42, "Population": 1337.0}, {"index": 17368, "quantile": 0.0, "value": 77000.0, "Latitude": 34.93, "Longitude": -120.43, "Population": 1311.0}, {"index": 17368, "quantile": 0.25, "value": 186500.0, "Latitude": 34.93, "Longitude": -120.43, "Population": 1311.0}, {"index": 17368, "quantile": 0.5, "value": 186500.0, "Latitude": 34.93, "Longitude": -120.43, "Population": 1311.0}, {"index": 17368, "quantile": 0.75, "value": 186500.0, "Latitude": 34.93, "Longitude": -120.43, "Population": 1311.0}, {"index": 17368, "quantile": 1.0, "value": 290800.0, "Latitude": 34.93, "Longitude": -120.43, "Population": 1311.0}, {"index": 17369, "quantile": 0.0, "value": 85500.0, "Latitude": 34.93, "Longitude": -120.43, "Population": 1593.0}, {"index": 17369, "quantile": 0.25, "value": 146575.0, "Latitude": 34.93, "Longitude": -120.43, "Population": 1593.0}, {"index": 17369, "quantile": 0.5, "value": 218299.99999999997, "Latitude": 34.93, "Longitude": -120.43, "Population": 1593.0}, {"index": 17369, "quantile": 0.75, "value": 218299.99999999997, "Latitude": 34.93, "Longitude": -120.43, "Population": 1593.0}, {"index": 17369, "quantile": 1.0, "value": 277300.0, "Latitude": 34.93, "Longitude": -120.43, "Population": 1593.0}, {"index": 17370, "quantile": 0.0, "value": 113700.0, "Latitude": 34.98, "Longitude": -120.43, "Population": 1466.0}, {"index": 17370, "quantile": 0.25, "value": 128600.0, "Latitude": 34.98, "Longitude": -120.43, "Population": 1466.0}, {"index": 17370, "quantile": 0.5, "value": 128600.0, "Latitude": 34.98, "Longitude": -120.43, "Population": 1466.0}, {"index": 17370, "quantile": 0.75, "value": 141675.0, "Latitude": 34.98, "Longitude": -120.43, "Population": 1466.0}, {"index": 17370, "quantile": 1.0, "value": 400000.0, "Latitude": 34.98, "Longitude": -120.43, "Population": 1466.0}, {"index": 17371, "quantile": 0.0, "value": 75000.0, "Latitude": 34.97, "Longitude": -120.43, "Population": 1001.0}, {"index": 17371, "quantile": 0.25, "value": 130100.0, "Latitude": 34.97, "Longitude": -120.43, "Population": 1001.0}, {"index": 17371, "quantile": 0.5, "value": 130100.0, "Latitude": 34.97, "Longitude": -120.43, "Population": 1001.0}, {"index": 17371, "quantile": 0.75, "value": 130100.0, "Latitude": 34.97, "Longitude": -120.43, "Population": 1001.0}, {"index": 17371, "quantile": 1.0, "value": 374600.0, "Latitude": 34.97, "Longitude": -120.43, "Population": 1001.0}, {"index": 17372, "quantile": 0.0, "value": 78600.0, "Latitude": 34.96, "Longitude": -120.42, "Population": 840.0}, {"index": 17372, "quantile": 0.25, "value": 126499.99999999999, "Latitude": 34.96, "Longitude": -120.42, "Population": 840.0}, {"index": 17372, "quantile": 0.5, "value": 160300.0, "Latitude": 34.96, "Longitude": -120.42, "Population": 840.0}, {"index": 17372, "quantile": 0.75, "value": 226799.99999999997, "Latitude": 34.96, "Longitude": -120.42, "Population": 840.0}, {"index": 17372, "quantile": 1.0, "value": 340700.0, "Latitude": 34.96, "Longitude": -120.42, "Population": 840.0}, {"index": 17373, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 34.96, "Longitude": -120.43, "Population": 1171.0}, {"index": 17373, "quantile": 0.25, "value": 162900.0, "Latitude": 34.96, "Longitude": -120.43, "Population": 1171.0}, {"index": 17373, "quantile": 0.5, "value": 162900.0, "Latitude": 34.96, "Longitude": -120.43, "Population": 1171.0}, {"index": 17373, "quantile": 0.75, "value": 162900.0, "Latitude": 34.96, "Longitude": -120.43, "Population": 1171.0}, {"index": 17373, "quantile": 1.0, "value": 368100.0, "Latitude": 34.96, "Longitude": -120.43, "Population": 1171.0}, {"index": 17374, "quantile": 0.0, "value": 38800.0, "Latitude": 34.96, "Longitude": -120.43, "Population": 1416.0}, {"index": 17374, "quantile": 0.25, "value": 131700.00000000003, "Latitude": 34.96, "Longitude": -120.43, "Population": 1416.0}, {"index": 17374, "quantile": 0.5, "value": 136900.0, "Latitude": 34.96, "Longitude": -120.43, "Population": 1416.0}, {"index": 17374, "quantile": 0.75, "value": 136900.0, "Latitude": 34.96, "Longitude": -120.43, "Population": 1416.0}, {"index": 17374, "quantile": 1.0, "value": 253600.0, "Latitude": 34.96, "Longitude": -120.43, "Population": 1416.0}, {"index": 17375, "quantile": 0.0, "value": 79400.0, "Latitude": 34.96, "Longitude": -120.42, "Population": 1386.0}, {"index": 17375, "quantile": 0.25, "value": 151400.0, "Latitude": 34.96, "Longitude": -120.42, "Population": 1386.0}, {"index": 17375, "quantile": 0.5, "value": 151400.0, "Latitude": 34.96, "Longitude": -120.42, "Population": 1386.0}, {"index": 17375, "quantile": 0.75, "value": 151400.0, "Latitude": 34.96, "Longitude": -120.42, "Population": 1386.0}, {"index": 17375, "quantile": 1.0, "value": 400000.0, "Latitude": 34.96, "Longitude": -120.42, "Population": 1386.0}, {"index": 17376, "quantile": 0.0, "value": 65200.0, "Latitude": 34.96, "Longitude": -120.42, "Population": 1246.0}, {"index": 17376, "quantile": 0.25, "value": 132000.0, "Latitude": 34.96, "Longitude": -120.42, "Population": 1246.0}, {"index": 17376, "quantile": 0.5, "value": 132000.0, "Latitude": 34.96, "Longitude": -120.42, "Population": 1246.0}, {"index": 17376, "quantile": 0.75, "value": 132000.0, "Latitude": 34.96, "Longitude": -120.42, "Population": 1246.0}, {"index": 17376, "quantile": 1.0, "value": 263500.0, "Latitude": 34.96, "Longitude": -120.42, "Population": 1246.0}, {"index": 17377, "quantile": 0.0, "value": 62000.0, "Latitude": 34.96, "Longitude": -120.43, "Population": 1291.0}, {"index": 17377, "quantile": 0.25, "value": 130800.0, "Latitude": 34.96, "Longitude": -120.43, "Population": 1291.0}, {"index": 17377, "quantile": 0.5, "value": 130800.0, "Latitude": 34.96, "Longitude": -120.43, "Population": 1291.0}, {"index": 17377, "quantile": 0.75, "value": 130800.0, "Latitude": 34.96, "Longitude": -120.43, "Population": 1291.0}, {"index": 17377, "quantile": 1.0, "value": 231700.00000000003, "Latitude": 34.96, "Longitude": -120.43, "Population": 1291.0}, {"index": 17378, "quantile": 0.0, "value": 79300.0, "Latitude": 34.97, "Longitude": -120.42, "Population": 1071.0}, {"index": 17378, "quantile": 0.25, "value": 142025.0, "Latitude": 34.97, "Longitude": -120.42, "Population": 1071.0}, {"index": 17378, "quantile": 0.5, "value": 153399.99999999997, "Latitude": 34.97, "Longitude": -120.42, "Population": 1071.0}, {"index": 17378, "quantile": 0.75, "value": 178275.0, "Latitude": 34.97, "Longitude": -120.42, "Population": 1071.0}, {"index": 17378, "quantile": 1.0, "value": 336800.0, "Latitude": 34.97, "Longitude": -120.42, "Population": 1071.0}, {"index": 17379, "quantile": 0.0, "value": 87100.0, "Latitude": 34.96, "Longitude": -120.41, "Population": 1245.0}, {"index": 17379, "quantile": 0.25, "value": 148300.0, "Latitude": 34.96, "Longitude": -120.41, "Population": 1245.0}, {"index": 17379, "quantile": 0.5, "value": 148300.0, "Latitude": 34.96, "Longitude": -120.41, "Population": 1245.0}, {"index": 17379, "quantile": 0.75, "value": 159275.0, "Latitude": 34.96, "Longitude": -120.41, "Population": 1245.0}, {"index": 17379, "quantile": 1.0, "value": 264600.0, "Latitude": 34.96, "Longitude": -120.41, "Population": 1245.0}, {"index": 17380, "quantile": 0.0, "value": 102400.0, "Latitude": 34.96, "Longitude": -120.42, "Population": 1240.0}, {"index": 17380, "quantile": 0.25, "value": 149800.0, "Latitude": 34.96, "Longitude": -120.42, "Population": 1240.0}, {"index": 17380, "quantile": 0.5, "value": 149800.0, "Latitude": 34.96, "Longitude": -120.42, "Population": 1240.0}, {"index": 17380, "quantile": 0.75, "value": 150625.0, "Latitude": 34.96, "Longitude": -120.42, "Population": 1240.0}, {"index": 17380, "quantile": 1.0, "value": 304500.0, "Latitude": 34.96, "Longitude": -120.42, "Population": 1240.0}, {"index": 17381, "quantile": 0.0, "value": 87500.0, "Latitude": 34.96, "Longitude": -120.38, "Population": 1144.0}, {"index": 17381, "quantile": 0.25, "value": 215050.0, "Latitude": 34.96, "Longitude": -120.38, "Population": 1144.0}, {"index": 17381, "quantile": 0.5, "value": 226799.99999999997, "Latitude": 34.96, "Longitude": -120.38, "Population": 1144.0}, {"index": 17381, "quantile": 0.75, "value": 226799.99999999997, "Latitude": 34.96, "Longitude": -120.38, "Population": 1144.0}, {"index": 17381, "quantile": 1.0, "value": 350000.0, "Latitude": 34.96, "Longitude": -120.38, "Population": 1144.0}, {"index": 17382, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 34.96, "Longitude": -120.41, "Population": 724.0}, {"index": 17382, "quantile": 0.25, "value": 152500.0, "Latitude": 34.96, "Longitude": -120.41, "Population": 724.0}, {"index": 17382, "quantile": 0.5, "value": 152500.0, "Latitude": 34.96, "Longitude": -120.41, "Population": 724.0}, {"index": 17382, "quantile": 0.75, "value": 158300.00000000003, "Latitude": 34.96, "Longitude": -120.41, "Population": 724.0}, {"index": 17382, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.96, "Longitude": -120.41, "Population": 724.0}, {"index": 17383, "quantile": 0.0, "value": 84500.0, "Latitude": 34.96, "Longitude": -120.41, "Population": 1116.0}, {"index": 17383, "quantile": 0.25, "value": 190100.0, "Latitude": 34.96, "Longitude": -120.41, "Population": 1116.0}, {"index": 17383, "quantile": 0.5, "value": 190100.0, "Latitude": 34.96, "Longitude": -120.41, "Population": 1116.0}, {"index": 17383, "quantile": 0.75, "value": 190100.0, "Latitude": 34.96, "Longitude": -120.41, "Population": 1116.0}, {"index": 17383, "quantile": 1.0, "value": 335000.0, "Latitude": 34.96, "Longitude": -120.41, "Population": 1116.0}, {"index": 17384, "quantile": 0.0, "value": 93100.0, "Latitude": 34.95, "Longitude": -120.4, "Population": 835.0}, {"index": 17384, "quantile": 0.25, "value": 199600.0, "Latitude": 34.95, "Longitude": -120.4, "Population": 835.0}, {"index": 17384, "quantile": 0.5, "value": 261000.0, "Latitude": 34.95, "Longitude": -120.4, "Population": 835.0}, {"index": 17384, "quantile": 0.75, "value": 261000.0, "Latitude": 34.95, "Longitude": -120.4, "Population": 835.0}, {"index": 17384, "quantile": 1.0, "value": 335000.0, "Latitude": 34.95, "Longitude": -120.4, "Population": 835.0}, {"index": 17385, "quantile": 0.0, "value": 99800.0, "Latitude": 34.98, "Longitude": -120.47, "Population": 2551.0}, {"index": 17385, "quantile": 0.25, "value": 137300.0, "Latitude": 34.98, "Longitude": -120.47, "Population": 2551.0}, {"index": 17385, "quantile": 0.5, "value": 137300.0, "Latitude": 34.98, "Longitude": -120.47, "Population": 2551.0}, {"index": 17385, "quantile": 0.75, "value": 140825.0, "Latitude": 34.98, "Longitude": -120.47, "Population": 2551.0}, {"index": 17385, "quantile": 1.0, "value": 277300.0, "Latitude": 34.98, "Longitude": -120.47, "Population": 2551.0}, {"index": 17386, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.97, "Longitude": -120.44, "Population": 1509.0}, {"index": 17386, "quantile": 0.25, "value": 106375.0, "Latitude": 34.97, "Longitude": -120.44, "Population": 1509.0}, {"index": 17386, "quantile": 0.5, "value": 110300.0, "Latitude": 34.97, "Longitude": -120.44, "Population": 1509.0}, {"index": 17386, "quantile": 0.75, "value": 110300.0, "Latitude": 34.97, "Longitude": -120.44, "Population": 1509.0}, {"index": 17386, "quantile": 1.0, "value": 253600.0, "Latitude": 34.97, "Longitude": -120.44, "Population": 1509.0}, {"index": 17387, "quantile": 0.0, "value": 88600.0, "Latitude": 34.97, "Longitude": -120.44, "Population": 1605.0}, {"index": 17387, "quantile": 0.25, "value": 113700.0, "Latitude": 34.97, "Longitude": -120.44, "Population": 1605.0}, {"index": 17387, "quantile": 0.5, "value": 113700.0, "Latitude": 34.97, "Longitude": -120.44, "Population": 1605.0}, {"index": 17387, "quantile": 0.75, "value": 130050.0, "Latitude": 34.97, "Longitude": -120.44, "Population": 1605.0}, {"index": 17387, "quantile": 1.0, "value": 400000.0, "Latitude": 34.97, "Longitude": -120.44, "Population": 1605.0}, {"index": 17388, "quantile": 0.0, "value": 55600.00000000001, "Latitude": 34.97, "Longitude": -120.45, "Population": 1434.0}, {"index": 17388, "quantile": 0.25, "value": 121400.0, "Latitude": 34.97, "Longitude": -120.45, "Population": 1434.0}, {"index": 17388, "quantile": 0.5, "value": 129299.99999999999, "Latitude": 34.97, "Longitude": -120.45, "Population": 1434.0}, {"index": 17388, "quantile": 0.75, "value": 129299.99999999999, "Latitude": 34.97, "Longitude": -120.45, "Population": 1434.0}, {"index": 17388, "quantile": 1.0, "value": 219300.0, "Latitude": 34.97, "Longitude": -120.45, "Population": 1434.0}, {"index": 17389, "quantile": 0.0, "value": 74600.0, "Latitude": 34.97, "Longitude": -120.45, "Population": 1353.0}, {"index": 17389, "quantile": 0.25, "value": 125800.0, "Latitude": 34.97, "Longitude": -120.45, "Population": 1353.0}, {"index": 17389, "quantile": 0.5, "value": 134700.0, "Latitude": 34.97, "Longitude": -120.45, "Population": 1353.0}, {"index": 17389, "quantile": 0.75, "value": 184800.0, "Latitude": 34.97, "Longitude": -120.45, "Population": 1353.0}, {"index": 17389, "quantile": 1.0, "value": 400000.0, "Latitude": 34.97, "Longitude": -120.45, "Population": 1353.0}, {"index": 17390, "quantile": 0.0, "value": 60000.0, "Latitude": 34.96, "Longitude": -120.44, "Population": 1617.0}, {"index": 17390, "quantile": 0.25, "value": 108300.0, "Latitude": 34.96, "Longitude": -120.44, "Population": 1617.0}, {"index": 17390, "quantile": 0.5, "value": 108300.0, "Latitude": 34.96, "Longitude": -120.44, "Population": 1617.0}, {"index": 17390, "quantile": 0.75, "value": 109925.0, "Latitude": 34.96, "Longitude": -120.44, "Population": 1617.0}, {"index": 17390, "quantile": 1.0, "value": 204800.0, "Latitude": 34.96, "Longitude": -120.44, "Population": 1617.0}, {"index": 17391, "quantile": 0.0, "value": 72000.0, "Latitude": 34.96, "Longitude": -120.44, "Population": 1290.0}, {"index": 17391, "quantile": 0.25, "value": 112500.0, "Latitude": 34.96, "Longitude": -120.44, "Population": 1290.0}, {"index": 17391, "quantile": 0.5, "value": 112500.0, "Latitude": 34.96, "Longitude": -120.44, "Population": 1290.0}, {"index": 17391, "quantile": 0.75, "value": 130474.99999999999, "Latitude": 34.96, "Longitude": -120.44, "Population": 1290.0}, {"index": 17391, "quantile": 1.0, "value": 252599.99999999997, "Latitude": 34.96, "Longitude": -120.44, "Population": 1290.0}, {"index": 17392, "quantile": 0.0, "value": 88600.0, "Latitude": 34.96, "Longitude": -120.45, "Population": 2211.0}, {"index": 17392, "quantile": 0.25, "value": 117600.0, "Latitude": 34.96, "Longitude": -120.45, "Population": 2211.0}, {"index": 17392, "quantile": 0.5, "value": 117600.0, "Latitude": 34.96, "Longitude": -120.45, "Population": 2211.0}, {"index": 17392, "quantile": 0.75, "value": 142200.0, "Latitude": 34.96, "Longitude": -120.45, "Population": 2211.0}, {"index": 17392, "quantile": 1.0, "value": 293800.0, "Latitude": 34.96, "Longitude": -120.45, "Population": 2211.0}, {"index": 17393, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.96, "Longitude": -120.45, "Population": 1158.0}, {"index": 17393, "quantile": 0.25, "value": 83200.0, "Latitude": 34.96, "Longitude": -120.45, "Population": 1158.0}, {"index": 17393, "quantile": 0.5, "value": 108300.0, "Latitude": 34.96, "Longitude": -120.45, "Population": 1158.0}, {"index": 17393, "quantile": 0.75, "value": 128399.99999999999, "Latitude": 34.96, "Longitude": -120.45, "Population": 1158.0}, {"index": 17393, "quantile": 1.0, "value": 362500.0, "Latitude": 34.96, "Longitude": -120.45, "Population": 1158.0}, {"index": 17394, "quantile": 0.0, "value": 47500.0, "Latitude": 34.96, "Longitude": -120.44, "Population": 851.0}, {"index": 17394, "quantile": 0.25, "value": 93075.0, "Latitude": 34.96, "Longitude": -120.44, "Population": 851.0}, {"index": 17394, "quantile": 0.5, "value": 122700.00000000001, "Latitude": 34.96, "Longitude": -120.44, "Population": 851.0}, {"index": 17394, "quantile": 0.75, "value": 184900.0, "Latitude": 34.96, "Longitude": -120.44, "Population": 851.0}, {"index": 17394, "quantile": 1.0, "value": 275000.0, "Latitude": 34.96, "Longitude": -120.44, "Population": 851.0}, {"index": 17395, "quantile": 0.0, "value": 54100.00000000001, "Latitude": 34.96, "Longitude": -120.44, "Population": 986.0}, {"index": 17395, "quantile": 0.25, "value": 104200.0, "Latitude": 34.96, "Longitude": -120.44, "Population": 986.0}, {"index": 17395, "quantile": 0.5, "value": 104200.0, "Latitude": 34.96, "Longitude": -120.44, "Population": 986.0}, {"index": 17395, "quantile": 0.75, "value": 108300.0, "Latitude": 34.96, "Longitude": -120.44, "Population": 986.0}, {"index": 17395, "quantile": 1.0, "value": 243100.0, "Latitude": 34.96, "Longitude": -120.44, "Population": 986.0}, {"index": 17396, "quantile": 0.0, "value": 56200.00000000001, "Latitude": 34.96, "Longitude": -120.45, "Population": 1575.0}, {"index": 17396, "quantile": 0.25, "value": 108300.0, "Latitude": 34.96, "Longitude": -120.45, "Population": 1575.0}, {"index": 17396, "quantile": 0.5, "value": 121400.0, "Latitude": 34.96, "Longitude": -120.45, "Population": 1575.0}, {"index": 17396, "quantile": 0.75, "value": 121400.0, "Latitude": 34.96, "Longitude": -120.45, "Population": 1575.0}, {"index": 17396, "quantile": 1.0, "value": 224700.0, "Latitude": 34.96, "Longitude": -120.45, "Population": 1575.0}, {"index": 17397, "quantile": 0.0, "value": 52500.0, "Latitude": 34.95, "Longitude": -120.45, "Population": 1772.0}, {"index": 17397, "quantile": 0.25, "value": 90200.0, "Latitude": 34.95, "Longitude": -120.45, "Population": 1772.0}, {"index": 17397, "quantile": 0.5, "value": 90200.0, "Latitude": 34.95, "Longitude": -120.45, "Population": 1772.0}, {"index": 17397, "quantile": 0.75, "value": 91600.0, "Latitude": 34.95, "Longitude": -120.45, "Population": 1772.0}, {"index": 17397, "quantile": 1.0, "value": 300000.0, "Latitude": 34.95, "Longitude": -120.45, "Population": 1772.0}, {"index": 17398, "quantile": 0.0, "value": 65000.0, "Latitude": 34.94, "Longitude": -120.44, "Population": 1101.0}, {"index": 17398, "quantile": 0.25, "value": 147200.0, "Latitude": 34.94, "Longitude": -120.44, "Population": 1101.0}, {"index": 17398, "quantile": 0.5, "value": 147200.0, "Latitude": 34.94, "Longitude": -120.44, "Population": 1101.0}, {"index": 17398, "quantile": 0.75, "value": 147200.0, "Latitude": 34.94, "Longitude": -120.44, "Population": 1101.0}, {"index": 17398, "quantile": 1.0, "value": 278800.0, "Latitude": 34.94, "Longitude": -120.44, "Population": 1101.0}, {"index": 17399, "quantile": 0.0, "value": 50600.0, "Latitude": 34.94, "Longitude": -120.47, "Population": 642.0}, {"index": 17399, "quantile": 0.25, "value": 109400.00000000001, "Latitude": 34.94, "Longitude": -120.47, "Population": 642.0}, {"index": 17399, "quantile": 0.5, "value": 109400.00000000001, "Latitude": 34.94, "Longitude": -120.47, "Population": 642.0}, {"index": 17399, "quantile": 0.75, "value": 109400.00000000001, "Latitude": 34.94, "Longitude": -120.47, "Population": 642.0}, {"index": 17399, "quantile": 1.0, "value": 350000.0, "Latitude": 34.94, "Longitude": -120.47, "Population": 642.0}, {"index": 17400, "quantile": 0.0, "value": 37500.0, "Latitude": 34.93, "Longitude": -120.44, "Population": 1133.0}, {"index": 17400, "quantile": 0.25, "value": 87500.0, "Latitude": 34.93, "Longitude": -120.44, "Population": 1133.0}, {"index": 17400, "quantile": 0.5, "value": 87500.0, "Latitude": 34.93, "Longitude": -120.44, "Population": 1133.0}, {"index": 17400, "quantile": 0.75, "value": 90200.0, "Latitude": 34.93, "Longitude": -120.44, "Population": 1133.0}, {"index": 17400, "quantile": 1.0, "value": 300000.0, "Latitude": 34.93, "Longitude": -120.44, "Population": 1133.0}, {"index": 17401, "quantile": 0.0, "value": 67500.0, "Latitude": 34.93, "Longitude": -120.44, "Population": 1252.0}, {"index": 17401, "quantile": 0.25, "value": 67500.0, "Latitude": 34.93, "Longitude": -120.44, "Population": 1252.0}, {"index": 17401, "quantile": 0.5, "value": 67500.0, "Latitude": 34.93, "Longitude": -120.44, "Population": 1252.0}, {"index": 17401, "quantile": 0.75, "value": 103299.99999999999, "Latitude": 34.93, "Longitude": -120.44, "Population": 1252.0}, {"index": 17401, "quantile": 1.0, "value": 275000.0, "Latitude": 34.93, "Longitude": -120.44, "Population": 1252.0}, {"index": 17402, "quantile": 0.0, "value": 58099.99999999999, "Latitude": 34.95, "Longitude": -120.44, "Population": 2601.0}, {"index": 17402, "quantile": 0.25, "value": 106400.0, "Latitude": 34.95, "Longitude": -120.44, "Population": 2601.0}, {"index": 17402, "quantile": 0.5, "value": 106400.0, "Latitude": 34.95, "Longitude": -120.44, "Population": 2601.0}, {"index": 17402, "quantile": 0.75, "value": 116650.00000000001, "Latitude": 34.95, "Longitude": -120.44, "Population": 2601.0}, {"index": 17402, "quantile": 1.0, "value": 255399.99999999997, "Latitude": 34.95, "Longitude": -120.44, "Population": 2601.0}, {"index": 17403, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.95, "Longitude": -120.45, "Population": 2232.0}, {"index": 17403, "quantile": 0.25, "value": 98500.0, "Latitude": 34.95, "Longitude": -120.45, "Population": 2232.0}, {"index": 17403, "quantile": 0.5, "value": 98500.0, "Latitude": 34.95, "Longitude": -120.45, "Population": 2232.0}, {"index": 17403, "quantile": 0.75, "value": 115500.0, "Latitude": 34.95, "Longitude": -120.45, "Population": 2232.0}, {"index": 17403, "quantile": 1.0, "value": 206300.00000000003, "Latitude": 34.95, "Longitude": -120.45, "Population": 2232.0}, {"index": 17404, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 34.94, "Longitude": -120.44, "Population": 1634.0}, {"index": 17404, "quantile": 0.25, "value": 117750.0, "Latitude": 34.94, "Longitude": -120.44, "Population": 1634.0}, {"index": 17404, "quantile": 0.5, "value": 122700.00000000001, "Latitude": 34.94, "Longitude": -120.44, "Population": 1634.0}, {"index": 17404, "quantile": 0.75, "value": 122700.00000000001, "Latitude": 34.94, "Longitude": -120.44, "Population": 1634.0}, {"index": 17404, "quantile": 1.0, "value": 325000.0, "Latitude": 34.94, "Longitude": -120.44, "Population": 1634.0}, {"index": 17405, "quantile": 0.0, "value": 17500.0, "Latitude": 34.95, "Longitude": -120.45, "Population": 1057.0}, {"index": 17405, "quantile": 0.25, "value": 103299.99999999999, "Latitude": 34.95, "Longitude": -120.45, "Population": 1057.0}, {"index": 17405, "quantile": 0.5, "value": 115500.0, "Latitude": 34.95, "Longitude": -120.45, "Population": 1057.0}, {"index": 17405, "quantile": 0.75, "value": 190725.0, "Latitude": 34.95, "Longitude": -120.45, "Population": 1057.0}, {"index": 17405, "quantile": 1.0, "value": 450000.0, "Latitude": 34.95, "Longitude": -120.45, "Population": 1057.0}, {"index": 17406, "quantile": 0.0, "value": 67500.0, "Latitude": 34.94, "Longitude": -120.45, "Population": 891.0}, {"index": 17406, "quantile": 0.25, "value": 112500.0, "Latitude": 34.94, "Longitude": -120.45, "Population": 891.0}, {"index": 17406, "quantile": 0.5, "value": 130100.0, "Latitude": 34.94, "Longitude": -120.45, "Population": 891.0}, {"index": 17406, "quantile": 0.75, "value": 161975.0, "Latitude": 34.94, "Longitude": -120.45, "Population": 891.0}, {"index": 17406, "quantile": 1.0, "value": 330000.0, "Latitude": 34.94, "Longitude": -120.45, "Population": 891.0}, {"index": 17407, "quantile": 0.0, "value": 58099.99999999999, "Latitude": 34.94, "Longitude": -120.45, "Population": 1240.0}, {"index": 17407, "quantile": 0.25, "value": 115500.0, "Latitude": 34.94, "Longitude": -120.45, "Population": 1240.0}, {"index": 17407, "quantile": 0.5, "value": 115500.0, "Latitude": 34.94, "Longitude": -120.45, "Population": 1240.0}, {"index": 17407, "quantile": 0.75, "value": 115500.0, "Latitude": 34.94, "Longitude": -120.45, "Population": 1240.0}, {"index": 17407, "quantile": 1.0, "value": 261000.0, "Latitude": 34.94, "Longitude": -120.45, "Population": 1240.0}, {"index": 17408, "quantile": 0.0, "value": 51600.0, "Latitude": 34.97, "Longitude": -120.54, "Population": 1322.0}, {"index": 17408, "quantile": 0.25, "value": 97800.0, "Latitude": 34.97, "Longitude": -120.54, "Population": 1322.0}, {"index": 17408, "quantile": 0.5, "value": 97800.0, "Latitude": 34.97, "Longitude": -120.54, "Population": 1322.0}, {"index": 17408, "quantile": 0.75, "value": 110300.0, "Latitude": 34.97, "Longitude": -120.54, "Population": 1322.0}, {"index": 17408, "quantile": 1.0, "value": 253600.0, "Latitude": 34.97, "Longitude": -120.54, "Population": 1322.0}, {"index": 17409, "quantile": 0.0, "value": 76600.0, "Latitude": 34.96, "Longitude": -120.57, "Population": 1306.0}, {"index": 17409, "quantile": 0.25, "value": 83200.0, "Latitude": 34.96, "Longitude": -120.57, "Population": 1306.0}, {"index": 17409, "quantile": 0.5, "value": 83200.0, "Latitude": 34.96, "Longitude": -120.57, "Population": 1306.0}, {"index": 17409, "quantile": 0.75, "value": 91450.0, "Latitude": 34.96, "Longitude": -120.57, "Population": 1306.0}, {"index": 17409, "quantile": 1.0, "value": 225900.0, "Latitude": 34.96, "Longitude": -120.57, "Population": 1306.0}, {"index": 17410, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.96, "Longitude": -120.57, "Population": 1107.0}, {"index": 17410, "quantile": 0.25, "value": 89100.0, "Latitude": 34.96, "Longitude": -120.57, "Population": 1107.0}, {"index": 17410, "quantile": 0.5, "value": 89100.0, "Latitude": 34.96, "Longitude": -120.57, "Population": 1107.0}, {"index": 17410, "quantile": 0.75, "value": 89100.0, "Latitude": 34.96, "Longitude": -120.57, "Population": 1107.0}, {"index": 17410, "quantile": 1.0, "value": 253900.00000000003, "Latitude": 34.96, "Longitude": -120.57, "Population": 1107.0}, {"index": 17411, "quantile": 0.0, "value": 42500.0, "Latitude": 34.97, "Longitude": -120.64, "Population": 1911.0}, {"index": 17411, "quantile": 0.25, "value": 84400.0, "Latitude": 34.97, "Longitude": -120.64, "Population": 1911.0}, {"index": 17411, "quantile": 0.5, "value": 121400.0, "Latitude": 34.97, "Longitude": -120.64, "Population": 1911.0}, {"index": 17411, "quantile": 0.75, "value": 152725.0, "Latitude": 34.97, "Longitude": -120.64, "Population": 1911.0}, {"index": 17411, "quantile": 1.0, "value": 450000.0, "Latitude": 34.97, "Longitude": -120.64, "Population": 1911.0}, {"index": 17412, "quantile": 0.0, "value": 63000.0, "Latitude": 34.91, "Longitude": -120.6, "Population": 384.0}, {"index": 17412, "quantile": 0.25, "value": 73800.0, "Latitude": 34.91, "Longitude": -120.6, "Population": 384.0}, {"index": 17412, "quantile": 0.5, "value": 73800.0, "Latitude": 34.91, "Longitude": -120.6, "Population": 384.0}, {"index": 17412, "quantile": 0.75, "value": 109100.0, "Latitude": 34.91, "Longitude": -120.6, "Population": 384.0}, {"index": 17412, "quantile": 1.0, "value": 253600.0, "Latitude": 34.91, "Longitude": -120.6, "Population": 384.0}, {"index": 17413, "quantile": 0.0, "value": 35000.0, "Latitude": 34.7, "Longitude": -120.59, "Population": 12427.0}, {"index": 17413, "quantile": 0.25, "value": 83200.0, "Latitude": 34.7, "Longitude": -120.59, "Population": 12427.0}, {"index": 17413, "quantile": 0.5, "value": 118900.0, "Latitude": 34.7, "Longitude": -120.59, "Population": 12427.0}, {"index": 17413, "quantile": 0.75, "value": 128099.99999999999, "Latitude": 34.7, "Longitude": -120.59, "Population": 12427.0}, {"index": 17413, "quantile": 1.0, "value": 450000.0, "Latitude": 34.7, "Longitude": -120.59, "Population": 12427.0}, {"index": 17414, "quantile": 0.0, "value": 86300.0, "Latitude": 34.7, "Longitude": -120.48, "Population": 1524.0}, {"index": 17414, "quantile": 0.25, "value": 136400.0, "Latitude": 34.7, "Longitude": -120.48, "Population": 1524.0}, {"index": 17414, "quantile": 0.5, "value": 136400.0, "Latitude": 34.7, "Longitude": -120.48, "Population": 1524.0}, {"index": 17414, "quantile": 0.75, "value": 136400.0, "Latitude": 34.7, "Longitude": -120.48, "Population": 1524.0}, {"index": 17414, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 34.7, "Longitude": -120.48, "Population": 1524.0}, {"index": 17415, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.64, "Longitude": -120.46, "Population": 504.0}, {"index": 17415, "quantile": 0.25, "value": 118800.0, "Latitude": 34.64, "Longitude": -120.46, "Population": 504.0}, {"index": 17415, "quantile": 0.5, "value": 118800.0, "Latitude": 34.64, "Longitude": -120.46, "Population": 504.0}, {"index": 17415, "quantile": 0.75, "value": 118800.0, "Latitude": 34.64, "Longitude": -120.46, "Population": 504.0}, {"index": 17415, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 34.64, "Longitude": -120.46, "Population": 504.0}, {"index": 17416, "quantile": 0.0, "value": 56299.99999999999, "Latitude": 34.65, "Longitude": -120.46, "Population": 1272.0}, {"index": 17416, "quantile": 0.25, "value": 90200.0, "Latitude": 34.65, "Longitude": -120.46, "Population": 1272.0}, {"index": 17416, "quantile": 0.5, "value": 118800.0, "Latitude": 34.65, "Longitude": -120.46, "Population": 1272.0}, {"index": 17416, "quantile": 0.75, "value": 134875.0, "Latitude": 34.65, "Longitude": -120.46, "Population": 1272.0}, {"index": 17416, "quantile": 1.0, "value": 309100.0, "Latitude": 34.65, "Longitude": -120.46, "Population": 1272.0}, {"index": 17417, "quantile": 0.0, "value": 52900.0, "Latitude": 34.64, "Longitude": -120.46, "Population": 1520.0}, {"index": 17417, "quantile": 0.25, "value": 115324.99999999999, "Latitude": 34.64, "Longitude": -120.46, "Population": 1520.0}, {"index": 17417, "quantile": 0.5, "value": 134000.0, "Latitude": 34.64, "Longitude": -120.46, "Population": 1520.0}, {"index": 17417, "quantile": 0.75, "value": 136900.0, "Latitude": 34.64, "Longitude": -120.46, "Population": 1520.0}, {"index": 17417, "quantile": 1.0, "value": 233700.00000000003, "Latitude": 34.64, "Longitude": -120.46, "Population": 1520.0}, {"index": 17418, "quantile": 0.0, "value": 65000.0, "Latitude": 34.64, "Longitude": -120.47, "Population": 1427.0}, {"index": 17418, "quantile": 0.25, "value": 120400.0, "Latitude": 34.64, "Longitude": -120.47, "Population": 1427.0}, {"index": 17418, "quantile": 0.5, "value": 120400.0, "Latitude": 34.64, "Longitude": -120.47, "Population": 1427.0}, {"index": 17418, "quantile": 0.75, "value": 137475.0, "Latitude": 34.64, "Longitude": -120.47, "Population": 1427.0}, {"index": 17418, "quantile": 1.0, "value": 248700.0, "Latitude": 34.64, "Longitude": -120.47, "Population": 1427.0}, {"index": 17419, "quantile": 0.0, "value": 75700.0, "Latitude": 34.65, "Longitude": -120.47, "Population": 816.0}, {"index": 17419, "quantile": 0.25, "value": 128099.99999999999, "Latitude": 34.65, "Longitude": -120.47, "Population": 816.0}, {"index": 17419, "quantile": 0.5, "value": 128099.99999999999, "Latitude": 34.65, "Longitude": -120.47, "Population": 816.0}, {"index": 17419, "quantile": 0.75, "value": 128099.99999999999, "Latitude": 34.65, "Longitude": -120.47, "Population": 816.0}, {"index": 17419, "quantile": 1.0, "value": 243100.0, "Latitude": 34.65, "Longitude": -120.47, "Population": 816.0}, {"index": 17420, "quantile": 0.0, "value": 17500.0, "Latitude": 34.64, "Longitude": -120.46, "Population": 614.0}, {"index": 17420, "quantile": 0.25, "value": 111200.00000000001, "Latitude": 34.64, "Longitude": -120.46, "Population": 614.0}, {"index": 17420, "quantile": 0.5, "value": 121550.0, "Latitude": 34.64, "Longitude": -120.46, "Population": 614.0}, {"index": 17420, "quantile": 0.75, "value": 178125.0, "Latitude": 34.64, "Longitude": -120.46, "Population": 614.0}, {"index": 17420, "quantile": 1.0, "value": 350000.0, "Latitude": 34.64, "Longitude": -120.46, "Population": 614.0}, {"index": 17421, "quantile": 0.0, "value": 86300.0, "Latitude": 34.64, "Longitude": -120.44, "Population": 446.0}, {"index": 17421, "quantile": 0.25, "value": 163400.0, "Latitude": 34.64, "Longitude": -120.44, "Population": 446.0}, {"index": 17421, "quantile": 0.5, "value": 163400.0, "Latitude": 34.64, "Longitude": -120.44, "Population": 446.0}, {"index": 17421, "quantile": 0.75, "value": 164750.0, "Latitude": 34.64, "Longitude": -120.44, "Population": 446.0}, {"index": 17421, "quantile": 1.0, "value": 319100.0, "Latitude": 34.64, "Longitude": -120.44, "Population": 446.0}, {"index": 17422, "quantile": 0.0, "value": 95300.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 1255.0}, {"index": 17422, "quantile": 0.25, "value": 134600.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 1255.0}, {"index": 17422, "quantile": 0.5, "value": 134600.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 1255.0}, {"index": 17422, "quantile": 0.75, "value": 134700.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 1255.0}, {"index": 17422, "quantile": 1.0, "value": 226799.99999999997, "Latitude": 34.64, "Longitude": -120.45, "Population": 1255.0}, {"index": 17423, "quantile": 0.0, "value": 83200.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 1322.0}, {"index": 17423, "quantile": 0.25, "value": 129299.99999999999, "Latitude": 34.64, "Longitude": -120.45, "Population": 1322.0}, {"index": 17423, "quantile": 0.5, "value": 146600.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 1322.0}, {"index": 17423, "quantile": 0.75, "value": 186500.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 1322.0}, {"index": 17423, "quantile": 1.0, "value": 275000.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 1322.0}, {"index": 17424, "quantile": 0.0, "value": 67500.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 574.0}, {"index": 17424, "quantile": 0.25, "value": 111500.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 574.0}, {"index": 17424, "quantile": 0.5, "value": 111500.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 574.0}, {"index": 17424, "quantile": 0.75, "value": 120675.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 574.0}, {"index": 17424, "quantile": 1.0, "value": 253600.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 574.0}, {"index": 17425, "quantile": 0.0, "value": 67500.0, "Latitude": 34.65, "Longitude": -120.46, "Population": 1167.0}, {"index": 17425, "quantile": 0.25, "value": 103299.99999999999, "Latitude": 34.65, "Longitude": -120.46, "Population": 1167.0}, {"index": 17425, "quantile": 0.5, "value": 103299.99999999999, "Latitude": 34.65, "Longitude": -120.46, "Population": 1167.0}, {"index": 17425, "quantile": 0.75, "value": 115050.00000000001, "Latitude": 34.65, "Longitude": -120.46, "Population": 1167.0}, {"index": 17425, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.65, "Longitude": -120.46, "Population": 1167.0}, {"index": 17426, "quantile": 0.0, "value": 17500.0, "Latitude": 34.65, "Longitude": -120.46, "Population": 533.0}, {"index": 17426, "quantile": 0.25, "value": 103299.99999999999, "Latitude": 34.65, "Longitude": -120.46, "Population": 533.0}, {"index": 17426, "quantile": 0.5, "value": 170750.0, "Latitude": 34.65, "Longitude": -120.46, "Population": 533.0}, {"index": 17426, "quantile": 0.75, "value": 255399.99999999997, "Latitude": 34.65, "Longitude": -120.46, "Population": 533.0}, {"index": 17426, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.65, "Longitude": -120.46, "Population": 533.0}, {"index": 17427, "quantile": 0.0, "value": 26600.0, "Latitude": 34.65, "Longitude": -120.47, "Population": 1074.0}, {"index": 17427, "quantile": 0.25, "value": 111500.0, "Latitude": 34.65, "Longitude": -120.47, "Population": 1074.0}, {"index": 17427, "quantile": 0.5, "value": 128099.99999999999, "Latitude": 34.65, "Longitude": -120.47, "Population": 1074.0}, {"index": 17427, "quantile": 0.75, "value": 136100.0, "Latitude": 34.65, "Longitude": -120.47, "Population": 1074.0}, {"index": 17427, "quantile": 1.0, "value": 261000.0, "Latitude": 34.65, "Longitude": -120.47, "Population": 1074.0}, {"index": 17428, "quantile": 0.0, "value": 88000.0, "Latitude": 34.65, "Longitude": -120.47, "Population": 1486.0}, {"index": 17428, "quantile": 0.25, "value": 134400.0, "Latitude": 34.65, "Longitude": -120.47, "Population": 1486.0}, {"index": 17428, "quantile": 0.5, "value": 150300.0, "Latitude": 34.65, "Longitude": -120.47, "Population": 1486.0}, {"index": 17428, "quantile": 0.75, "value": 169225.0, "Latitude": 34.65, "Longitude": -120.47, "Population": 1486.0}, {"index": 17428, "quantile": 1.0, "value": 274300.0, "Latitude": 34.65, "Longitude": -120.47, "Population": 1486.0}, {"index": 17429, "quantile": 0.0, "value": 86400.0, "Latitude": 34.65, "Longitude": -120.45, "Population": 1197.0}, {"index": 17429, "quantile": 0.25, "value": 134700.0, "Latitude": 34.65, "Longitude": -120.45, "Population": 1197.0}, {"index": 17429, "quantile": 0.5, "value": 134700.0, "Latitude": 34.65, "Longitude": -120.45, "Population": 1197.0}, {"index": 17429, "quantile": 0.75, "value": 134700.0, "Latitude": 34.65, "Longitude": -120.45, "Population": 1197.0}, {"index": 17429, "quantile": 1.0, "value": 230799.99999999997, "Latitude": 34.65, "Longitude": -120.45, "Population": 1197.0}, {"index": 17430, "quantile": 0.0, "value": 39200.0, "Latitude": 34.65, "Longitude": -120.44, "Population": 1402.0}, {"index": 17430, "quantile": 0.25, "value": 134000.0, "Latitude": 34.65, "Longitude": -120.44, "Population": 1402.0}, {"index": 17430, "quantile": 0.5, "value": 134000.0, "Latitude": 34.65, "Longitude": -120.44, "Population": 1402.0}, {"index": 17430, "quantile": 0.75, "value": 134000.0, "Latitude": 34.65, "Longitude": -120.44, "Population": 1402.0}, {"index": 17430, "quantile": 1.0, "value": 253600.0, "Latitude": 34.65, "Longitude": -120.44, "Population": 1402.0}, {"index": 17431, "quantile": 0.0, "value": 56499.99999999999, "Latitude": 34.65, "Longitude": -120.45, "Population": 1544.0}, {"index": 17431, "quantile": 0.25, "value": 103299.99999999999, "Latitude": 34.65, "Longitude": -120.45, "Population": 1544.0}, {"index": 17431, "quantile": 0.5, "value": 122700.00000000001, "Latitude": 34.65, "Longitude": -120.45, "Population": 1544.0}, {"index": 17431, "quantile": 0.75, "value": 145325.00000000003, "Latitude": 34.65, "Longitude": -120.45, "Population": 1544.0}, {"index": 17431, "quantile": 1.0, "value": 350000.0, "Latitude": 34.65, "Longitude": -120.45, "Population": 1544.0}, {"index": 17432, "quantile": 0.0, "value": 65000.0, "Latitude": 34.65, "Longitude": -120.45, "Population": 733.0}, {"index": 17432, "quantile": 0.25, "value": 131600.0, "Latitude": 34.65, "Longitude": -120.45, "Population": 733.0}, {"index": 17432, "quantile": 0.5, "value": 131600.0, "Latitude": 34.65, "Longitude": -120.45, "Population": 733.0}, {"index": 17432, "quantile": 0.75, "value": 138000.0, "Latitude": 34.65, "Longitude": -120.45, "Population": 733.0}, {"index": 17432, "quantile": 1.0, "value": 362500.0, "Latitude": 34.65, "Longitude": -120.45, "Population": 733.0}, {"index": 17433, "quantile": 0.0, "value": 49600.0, "Latitude": 34.65, "Longitude": -120.45, "Population": 896.0}, {"index": 17433, "quantile": 0.25, "value": 97800.0, "Latitude": 34.65, "Longitude": -120.45, "Population": 896.0}, {"index": 17433, "quantile": 0.5, "value": 116350.0, "Latitude": 34.65, "Longitude": -120.45, "Population": 896.0}, {"index": 17433, "quantile": 0.75, "value": 118800.0, "Latitude": 34.65, "Longitude": -120.45, "Population": 896.0}, {"index": 17433, "quantile": 1.0, "value": 253600.0, "Latitude": 34.65, "Longitude": -120.45, "Population": 896.0}, {"index": 17434, "quantile": 0.0, "value": 104200.0, "Latitude": 34.63, "Longitude": -120.46, "Population": 682.0}, {"index": 17434, "quantile": 0.25, "value": 146600.0, "Latitude": 34.63, "Longitude": -120.46, "Population": 682.0}, {"index": 17434, "quantile": 0.5, "value": 146600.0, "Latitude": 34.63, "Longitude": -120.46, "Population": 682.0}, {"index": 17434, "quantile": 0.75, "value": 153975.0, "Latitude": 34.63, "Longitude": -120.46, "Population": 682.0}, {"index": 17434, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.63, "Longitude": -120.46, "Population": 682.0}, {"index": 17435, "quantile": 0.0, "value": 26600.0, "Latitude": 34.64, "Longitude": -120.46, "Population": 740.0}, {"index": 17435, "quantile": 0.25, "value": 114799.99999999999, "Latitude": 34.64, "Longitude": -120.46, "Population": 740.0}, {"index": 17435, "quantile": 0.5, "value": 128099.99999999999, "Latitude": 34.64, "Longitude": -120.46, "Population": 740.0}, {"index": 17435, "quantile": 0.75, "value": 146600.0, "Latitude": 34.64, "Longitude": -120.46, "Population": 740.0}, {"index": 17435, "quantile": 1.0, "value": 327300.0, "Latitude": 34.64, "Longitude": -120.46, "Population": 740.0}, {"index": 17436, "quantile": 0.0, "value": 91900.0, "Latitude": 34.64, "Longitude": -120.47, "Population": 1009.0}, {"index": 17436, "quantile": 0.25, "value": 138000.0, "Latitude": 34.64, "Longitude": -120.47, "Population": 1009.0}, {"index": 17436, "quantile": 0.5, "value": 138000.0, "Latitude": 34.64, "Longitude": -120.47, "Population": 1009.0}, {"index": 17436, "quantile": 0.75, "value": 142899.99999999997, "Latitude": 34.64, "Longitude": -120.47, "Population": 1009.0}, {"index": 17436, "quantile": 1.0, "value": 340900.0, "Latitude": 34.64, "Longitude": -120.47, "Population": 1009.0}, {"index": 17437, "quantile": 0.0, "value": 73400.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 484.0}, {"index": 17437, "quantile": 0.25, "value": 112500.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 484.0}, {"index": 17437, "quantile": 0.5, "value": 112500.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 484.0}, {"index": 17437, "quantile": 0.75, "value": 112500.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 484.0}, {"index": 17437, "quantile": 1.0, "value": 357800.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 484.0}, {"index": 17438, "quantile": 0.0, "value": 79400.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 1105.0}, {"index": 17438, "quantile": 0.25, "value": 134600.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 1105.0}, {"index": 17438, "quantile": 0.5, "value": 144700.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 1105.0}, {"index": 17438, "quantile": 0.75, "value": 158600.0, "Latitude": 34.64, "Longitude": -120.45, "Population": 1105.0}, {"index": 17438, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 34.64, "Longitude": -120.45, "Population": 1105.0}, {"index": 17439, "quantile": 0.0, "value": 78600.0, "Latitude": 34.63, "Longitude": -120.45, "Population": 828.0}, {"index": 17439, "quantile": 0.25, "value": 136400.0, "Latitude": 34.63, "Longitude": -120.45, "Population": 828.0}, {"index": 17439, "quantile": 0.5, "value": 192050.0, "Latitude": 34.63, "Longitude": -120.45, "Population": 828.0}, {"index": 17439, "quantile": 0.75, "value": 263325.00000000006, "Latitude": 34.63, "Longitude": -120.45, "Population": 828.0}, {"index": 17439, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.63, "Longitude": -120.45, "Population": 828.0}, {"index": 17440, "quantile": 0.0, "value": 86300.0, "Latitude": 34.66, "Longitude": -120.44, "Population": 1739.0}, {"index": 17440, "quantile": 0.25, "value": 137350.0, "Latitude": 34.66, "Longitude": -120.44, "Population": 1739.0}, {"index": 17440, "quantile": 0.5, "value": 191550.0, "Latitude": 34.66, "Longitude": -120.44, "Population": 1739.0}, {"index": 17440, "quantile": 0.75, "value": 232600.0, "Latitude": 34.66, "Longitude": -120.44, "Population": 1739.0}, {"index": 17440, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.66, "Longitude": -120.44, "Population": 1739.0}, {"index": 17441, "quantile": 0.0, "value": 123300.00000000001, "Latitude": 34.66, "Longitude": -120.45, "Population": 1462.0}, {"index": 17441, "quantile": 0.25, "value": 198300.0, "Latitude": 34.66, "Longitude": -120.45, "Population": 1462.0}, {"index": 17441, "quantile": 0.5, "value": 198300.0, "Latitude": 34.66, "Longitude": -120.45, "Population": 1462.0}, {"index": 17441, "quantile": 0.75, "value": 198300.0, "Latitude": 34.66, "Longitude": -120.45, "Population": 1462.0}, {"index": 17441, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.66, "Longitude": -120.45, "Population": 1462.0}, {"index": 17442, "quantile": 0.0, "value": 88900.0, "Latitude": 34.66, "Longitude": -120.46, "Population": 1302.0}, {"index": 17442, "quantile": 0.25, "value": 146600.0, "Latitude": 34.66, "Longitude": -120.46, "Population": 1302.0}, {"index": 17442, "quantile": 0.5, "value": 196000.0, "Latitude": 34.66, "Longitude": -120.46, "Population": 1302.0}, {"index": 17442, "quantile": 0.75, "value": 262500.0, "Latitude": 34.66, "Longitude": -120.46, "Population": 1302.0}, {"index": 17442, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.66, "Longitude": -120.46, "Population": 1302.0}, {"index": 17443, "quantile": 0.0, "value": 93100.0, "Latitude": 34.66, "Longitude": -120.47, "Population": 1684.0}, {"index": 17443, "quantile": 0.25, "value": 146200.00000000003, "Latitude": 34.66, "Longitude": -120.47, "Population": 1684.0}, {"index": 17443, "quantile": 0.5, "value": 197900.0, "Latitude": 34.66, "Longitude": -120.47, "Population": 1684.0}, {"index": 17443, "quantile": 0.75, "value": 227074.99999999997, "Latitude": 34.66, "Longitude": -120.47, "Population": 1684.0}, {"index": 17443, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.66, "Longitude": -120.47, "Population": 1684.0}, {"index": 17444, "quantile": 0.0, "value": 79900.0, "Latitude": 34.52, "Longitude": -120.39, "Population": 1010.0}, {"index": 17444, "quantile": 0.25, "value": 128099.99999999999, "Latitude": 34.52, "Longitude": -120.39, "Population": 1010.0}, {"index": 17444, "quantile": 0.5, "value": 129299.99999999999, "Latitude": 34.52, "Longitude": -120.39, "Population": 1010.0}, {"index": 17444, "quantile": 0.75, "value": 187700.0, "Latitude": 34.52, "Longitude": -120.39, "Population": 1010.0}, {"index": 17444, "quantile": 1.0, "value": 293900.0, "Latitude": 34.52, "Longitude": -120.39, "Population": 1010.0}, {"index": 17445, "quantile": 0.0, "value": 86300.0, "Latitude": 34.66, "Longitude": -120.48, "Population": 915.0}, {"index": 17445, "quantile": 0.25, "value": 172600.0, "Latitude": 34.66, "Longitude": -120.48, "Population": 915.0}, {"index": 17445, "quantile": 0.5, "value": 172600.0, "Latitude": 34.66, "Longitude": -120.48, "Population": 915.0}, {"index": 17445, "quantile": 0.75, "value": 172600.0, "Latitude": 34.66, "Longitude": -120.48, "Population": 915.0}, {"index": 17445, "quantile": 1.0, "value": 330000.0, "Latitude": 34.66, "Longitude": -120.48, "Population": 915.0}, {"index": 17446, "quantile": 0.0, "value": 100800.0, "Latitude": 34.65, "Longitude": -120.48, "Population": 1001.0}, {"index": 17446, "quantile": 0.25, "value": 134400.0, "Latitude": 34.65, "Longitude": -120.48, "Population": 1001.0}, {"index": 17446, "quantile": 0.5, "value": 134400.0, "Latitude": 34.65, "Longitude": -120.48, "Population": 1001.0}, {"index": 17446, "quantile": 0.75, "value": 160175.0, "Latitude": 34.65, "Longitude": -120.48, "Population": 1001.0}, {"index": 17446, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.65, "Longitude": -120.48, "Population": 1001.0}, {"index": 17447, "quantile": 0.0, "value": 86300.0, "Latitude": 34.63, "Longitude": -120.45, "Population": 983.0}, {"index": 17447, "quantile": 0.25, "value": 180100.0, "Latitude": 34.63, "Longitude": -120.45, "Population": 983.0}, {"index": 17447, "quantile": 0.5, "value": 180100.0, "Latitude": 34.63, "Longitude": -120.45, "Population": 983.0}, {"index": 17447, "quantile": 0.75, "value": 180100.0, "Latitude": 34.63, "Longitude": -120.45, "Population": 983.0}, {"index": 17447, "quantile": 1.0, "value": 392800.0, "Latitude": 34.63, "Longitude": -120.45, "Population": 983.0}, {"index": 17448, "quantile": 0.0, "value": 113700.0, "Latitude": 34.63, "Longitude": -120.47, "Population": 1392.0}, {"index": 17448, "quantile": 0.25, "value": 142200.0, "Latitude": 34.63, "Longitude": -120.47, "Population": 1392.0}, {"index": 17448, "quantile": 0.5, "value": 142200.0, "Latitude": 34.63, "Longitude": -120.47, "Population": 1392.0}, {"index": 17448, "quantile": 0.75, "value": 142200.0, "Latitude": 34.63, "Longitude": -120.47, "Population": 1392.0}, {"index": 17448, "quantile": 1.0, "value": 400000.0, "Latitude": 34.63, "Longitude": -120.47, "Population": 1392.0}, {"index": 17449, "quantile": 0.0, "value": 144100.0, "Latitude": 34.74, "Longitude": -120.46, "Population": 827.0}, {"index": 17449, "quantile": 0.25, "value": 244400.0, "Latitude": 34.74, "Longitude": -120.46, "Population": 827.0}, {"index": 17449, "quantile": 0.5, "value": 284100.0, "Latitude": 34.74, "Longitude": -120.46, "Population": 827.0}, {"index": 17449, "quantile": 0.75, "value": 342825.0, "Latitude": 34.74, "Longitude": -120.46, "Population": 827.0}, {"index": 17449, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.74, "Longitude": -120.46, "Population": 827.0}, {"index": 17450, "quantile": 0.0, "value": 204199.99999999997, "Latitude": 34.71, "Longitude": -120.45, "Population": 522.0}, {"index": 17450, "quantile": 0.25, "value": 249300.0, "Latitude": 34.71, "Longitude": -120.45, "Population": 522.0}, {"index": 17450, "quantile": 0.5, "value": 249300.0, "Latitude": 34.71, "Longitude": -120.45, "Population": 522.0}, {"index": 17450, "quantile": 0.75, "value": 369625.0, "Latitude": 34.71, "Longitude": -120.45, "Population": 522.0}, {"index": 17450, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.71, "Longitude": -120.45, "Population": 522.0}, {"index": 17451, "quantile": 0.0, "value": 112500.0, "Latitude": 34.71, "Longitude": -120.46, "Population": 1035.0}, {"index": 17451, "quantile": 0.25, "value": 207200.0, "Latitude": 34.71, "Longitude": -120.46, "Population": 1035.0}, {"index": 17451, "quantile": 0.5, "value": 207200.0, "Latitude": 34.71, "Longitude": -120.46, "Population": 1035.0}, {"index": 17451, "quantile": 0.75, "value": 207200.0, "Latitude": 34.71, "Longitude": -120.46, "Population": 1035.0}, {"index": 17451, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.71, "Longitude": -120.46, "Population": 1035.0}, {"index": 17452, "quantile": 0.0, "value": 78600.0, "Latitude": 34.7, "Longitude": -120.47, "Population": 1051.0}, {"index": 17452, "quantile": 0.25, "value": 152700.0, "Latitude": 34.7, "Longitude": -120.47, "Population": 1051.0}, {"index": 17452, "quantile": 0.5, "value": 152700.0, "Latitude": 34.7, "Longitude": -120.47, "Population": 1051.0}, {"index": 17452, "quantile": 0.75, "value": 152700.0, "Latitude": 34.7, "Longitude": -120.47, "Population": 1051.0}, {"index": 17452, "quantile": 1.0, "value": 349600.0, "Latitude": 34.7, "Longitude": -120.47, "Population": 1051.0}, {"index": 17453, "quantile": 0.0, "value": 160100.0, "Latitude": 34.71, "Longitude": -120.47, "Population": 1012.0}, {"index": 17453, "quantile": 0.25, "value": 183800.0, "Latitude": 34.71, "Longitude": -120.47, "Population": 1012.0}, {"index": 17453, "quantile": 0.5, "value": 183800.0, "Latitude": 34.71, "Longitude": -120.47, "Population": 1012.0}, {"index": 17453, "quantile": 0.75, "value": 280875.0, "Latitude": 34.71, "Longitude": -120.47, "Population": 1012.0}, {"index": 17453, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.71, "Longitude": -120.47, "Population": 1012.0}, {"index": 17454, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 34.69, "Longitude": -120.37, "Population": 747.0}, {"index": 17454, "quantile": 0.25, "value": 283825.0, "Latitude": 34.69, "Longitude": -120.37, "Population": 747.0}, {"index": 17454, "quantile": 0.5, "value": 290600.0, "Latitude": 34.69, "Longitude": -120.37, "Population": 747.0}, {"index": 17454, "quantile": 0.75, "value": 290600.0, "Latitude": 34.69, "Longitude": -120.37, "Population": 747.0}, {"index": 17454, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 34.69, "Longitude": -120.37, "Population": 747.0}, {"index": 17455, "quantile": 0.0, "value": 95300.0, "Latitude": 34.7, "Longitude": -120.43, "Population": 1420.0}, {"index": 17455, "quantile": 0.25, "value": 125800.0, "Latitude": 34.7, "Longitude": -120.43, "Population": 1420.0}, {"index": 17455, "quantile": 0.5, "value": 125800.0, "Latitude": 34.7, "Longitude": -120.43, "Population": 1420.0}, {"index": 17455, "quantile": 0.75, "value": 127250.0, "Latitude": 34.7, "Longitude": -120.43, "Population": 1420.0}, {"index": 17455, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.7, "Longitude": -120.43, "Population": 1420.0}, {"index": 17456, "quantile": 0.0, "value": 93800.0, "Latitude": 34.69, "Longitude": -120.43, "Population": 1067.0}, {"index": 17456, "quantile": 0.25, "value": 128299.99999999999, "Latitude": 34.69, "Longitude": -120.43, "Population": 1067.0}, {"index": 17456, "quantile": 0.5, "value": 128299.99999999999, "Latitude": 34.69, "Longitude": -120.43, "Population": 1067.0}, {"index": 17456, "quantile": 0.75, "value": 131225.0, "Latitude": 34.69, "Longitude": -120.43, "Population": 1067.0}, {"index": 17456, "quantile": 1.0, "value": 230799.99999999997, "Latitude": 34.69, "Longitude": -120.43, "Population": 1067.0}, {"index": 17457, "quantile": 0.0, "value": 115700.0, "Latitude": 34.68, "Longitude": -120.44, "Population": 697.0}, {"index": 17457, "quantile": 0.25, "value": 307400.0, "Latitude": 34.68, "Longitude": -120.44, "Population": 697.0}, {"index": 17457, "quantile": 0.5, "value": 307400.0, "Latitude": 34.68, "Longitude": -120.44, "Population": 697.0}, {"index": 17457, "quantile": 0.75, "value": 307400.0, "Latitude": 34.68, "Longitude": -120.44, "Population": 697.0}, {"index": 17457, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.68, "Longitude": -120.44, "Population": 697.0}, {"index": 17458, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.42, "Longitude": -119.86, "Population": 1258.0}, {"index": 17458, "quantile": 0.25, "value": 225000.0, "Latitude": 34.42, "Longitude": -119.86, "Population": 1258.0}, {"index": 17458, "quantile": 0.5, "value": 225000.0, "Latitude": 34.42, "Longitude": -119.86, "Population": 1258.0}, {"index": 17458, "quantile": 0.75, "value": 225000.0, "Latitude": 34.42, "Longitude": -119.86, "Population": 1258.0}, {"index": 17458, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.42, "Longitude": -119.86, "Population": 1258.0}, {"index": 17459, "quantile": 0.0, "value": 26600.0, "Latitude": 34.4, "Longitude": -119.88, "Population": 2272.0}, {"index": 17459, "quantile": 0.25, "value": 216699.99999999997, "Latitude": 34.4, "Longitude": -119.88, "Population": 2272.0}, {"index": 17459, "quantile": 0.5, "value": 216699.99999999997, "Latitude": 34.4, "Longitude": -119.88, "Population": 2272.0}, {"index": 17459, "quantile": 0.75, "value": 216699.99999999997, "Latitude": 34.4, "Longitude": -119.88, "Population": 2272.0}, {"index": 17459, "quantile": 1.0, "value": 263500.0, "Latitude": 34.4, "Longitude": -119.88, "Population": 2272.0}, {"index": 17460, "quantile": 0.0, "value": 37500.0, "Latitude": 34.4, "Longitude": -119.85, "Population": 5723.0}, {"index": 17460, "quantile": 0.25, "value": 37500.0, "Latitude": 34.4, "Longitude": -119.85, "Population": 5723.0}, {"index": 17460, "quantile": 0.5, "value": 37500.0, "Latitude": 34.4, "Longitude": -119.85, "Population": 5723.0}, {"index": 17460, "quantile": 0.75, "value": 144800.0, "Latitude": 34.4, "Longitude": -119.85, "Population": 5723.0}, {"index": 17460, "quantile": 1.0, "value": 450000.0, "Latitude": 34.4, "Longitude": -119.85, "Population": 5723.0}, {"index": 17461, "quantile": 0.0, "value": 74600.0, "Latitude": 34.43, "Longitude": -119.88, "Population": 1292.0}, {"index": 17461, "quantile": 0.25, "value": 215200.0, "Latitude": 34.43, "Longitude": -119.88, "Population": 1292.0}, {"index": 17461, "quantile": 0.5, "value": 229500.0, "Latitude": 34.43, "Longitude": -119.88, "Population": 1292.0}, {"index": 17461, "quantile": 0.75, "value": 229500.0, "Latitude": 34.43, "Longitude": -119.88, "Population": 1292.0}, {"index": 17461, "quantile": 1.0, "value": 301100.0, "Latitude": 34.43, "Longitude": -119.88, "Population": 1292.0}, {"index": 17462, "quantile": 0.0, "value": 86300.0, "Latitude": 34.43, "Longitude": -119.88, "Population": 962.0}, {"index": 17462, "quantile": 0.25, "value": 159400.0, "Latitude": 34.43, "Longitude": -119.88, "Population": 962.0}, {"index": 17462, "quantile": 0.5, "value": 201499.99999999997, "Latitude": 34.43, "Longitude": -119.88, "Population": 962.0}, {"index": 17462, "quantile": 0.75, "value": 330825.0, "Latitude": 34.43, "Longitude": -119.88, "Population": 962.0}, {"index": 17462, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.88, "Population": 962.0}, {"index": 17463, "quantile": 0.0, "value": 116700.0, "Latitude": 34.43, "Longitude": -119.88, "Population": 1227.0}, {"index": 17463, "quantile": 0.25, "value": 223100.0, "Latitude": 34.43, "Longitude": -119.88, "Population": 1227.0}, {"index": 17463, "quantile": 0.5, "value": 223100.0, "Latitude": 34.43, "Longitude": -119.88, "Population": 1227.0}, {"index": 17463, "quantile": 0.75, "value": 223100.0, "Latitude": 34.43, "Longitude": -119.88, "Population": 1227.0}, {"index": 17463, "quantile": 1.0, "value": 351100.0, "Latitude": 34.43, "Longitude": -119.88, "Population": 1227.0}, {"index": 17464, "quantile": 0.0, "value": 143800.0, "Latitude": 34.42, "Longitude": -119.88, "Population": 1333.0}, {"index": 17464, "quantile": 0.25, "value": 264700.0, "Latitude": 34.42, "Longitude": -119.88, "Population": 1333.0}, {"index": 17464, "quantile": 0.5, "value": 312200.0, "Latitude": 34.42, "Longitude": -119.88, "Population": 1333.0}, {"index": 17464, "quantile": 0.75, "value": 312200.0, "Latitude": 34.42, "Longitude": -119.88, "Population": 1333.0}, {"index": 17464, "quantile": 1.0, "value": 350000.0, "Latitude": 34.42, "Longitude": -119.88, "Population": 1333.0}, {"index": 17465, "quantile": 0.0, "value": 149900.0, "Latitude": 34.4, "Longitude": -119.91, "Population": 1170.0}, {"index": 17465, "quantile": 0.25, "value": 268800.0, "Latitude": 34.4, "Longitude": -119.91, "Population": 1170.0}, {"index": 17465, "quantile": 0.5, "value": 268800.0, "Latitude": 34.4, "Longitude": -119.91, "Population": 1170.0}, {"index": 17465, "quantile": 0.75, "value": 268800.0, "Latitude": 34.4, "Longitude": -119.91, "Population": 1170.0}, {"index": 17465, "quantile": 1.0, "value": 402600.0, "Latitude": 34.4, "Longitude": -119.91, "Population": 1170.0}, {"index": 17466, "quantile": 0.0, "value": 160100.0, "Latitude": 34.45, "Longitude": -119.83, "Population": 934.0}, {"index": 17466, "quantile": 0.25, "value": 340400.0, "Latitude": 34.45, "Longitude": -119.83, "Population": 934.0}, {"index": 17466, "quantile": 0.5, "value": 376000.0, "Latitude": 34.45, "Longitude": -119.83, "Population": 934.0}, {"index": 17466, "quantile": 0.75, "value": 391075.0, "Latitude": 34.45, "Longitude": -119.83, "Population": 934.0}, {"index": 17466, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.45, "Longitude": -119.83, "Population": 934.0}, {"index": 17467, "quantile": 0.0, "value": 154600.0, "Latitude": 34.44, "Longitude": -119.84, "Population": 537.0}, {"index": 17467, "quantile": 0.25, "value": 274300.0, "Latitude": 34.44, "Longitude": -119.84, "Population": 537.0}, {"index": 17467, "quantile": 0.5, "value": 274300.0, "Latitude": 34.44, "Longitude": -119.84, "Population": 537.0}, {"index": 17467, "quantile": 0.75, "value": 274300.0, "Latitude": 34.44, "Longitude": -119.84, "Population": 537.0}, {"index": 17467, "quantile": 1.0, "value": 425000.0, "Latitude": 34.44, "Longitude": -119.84, "Population": 537.0}, {"index": 17468, "quantile": 0.0, "value": 218000.00000000003, "Latitude": 34.45, "Longitude": -119.84, "Population": 1839.0}, {"index": 17468, "quantile": 0.25, "value": 306650.0, "Latitude": 34.45, "Longitude": -119.84, "Population": 1839.0}, {"index": 17468, "quantile": 0.5, "value": 331200.0, "Latitude": 34.45, "Longitude": -119.84, "Population": 1839.0}, {"index": 17468, "quantile": 0.75, "value": 331200.0, "Latitude": 34.45, "Longitude": -119.84, "Population": 1839.0}, {"index": 17468, "quantile": 1.0, "value": 466899.99999999994, "Latitude": 34.45, "Longitude": -119.84, "Population": 1839.0}, {"index": 17469, "quantile": 0.0, "value": 186400.0, "Latitude": 34.44, "Longitude": -119.85, "Population": 1173.0}, {"index": 17469, "quantile": 0.25, "value": 265450.0, "Latitude": 34.44, "Longitude": -119.85, "Population": 1173.0}, {"index": 17469, "quantile": 0.5, "value": 276800.0, "Latitude": 34.44, "Longitude": -119.85, "Population": 1173.0}, {"index": 17469, "quantile": 0.75, "value": 276800.0, "Latitude": 34.44, "Longitude": -119.85, "Population": 1173.0}, {"index": 17469, "quantile": 1.0, "value": 402600.0, "Latitude": 34.44, "Longitude": -119.85, "Population": 1173.0}, {"index": 17470, "quantile": 0.0, "value": 171900.0, "Latitude": 34.47, "Longitude": -119.81, "Population": 1728.0}, {"index": 17470, "quantile": 0.25, "value": 391200.0, "Latitude": 34.47, "Longitude": -119.81, "Population": 1728.0}, {"index": 17470, "quantile": 0.5, "value": 432200.0, "Latitude": 34.47, "Longitude": -119.81, "Population": 1728.0}, {"index": 17470, "quantile": 0.75, "value": 432200.0, "Latitude": 34.47, "Longitude": -119.81, "Population": 1728.0}, {"index": 17470, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.47, "Longitude": -119.81, "Population": 1728.0}, {"index": 17471, "quantile": 0.0, "value": 170300.0, "Latitude": 34.46, "Longitude": -119.81, "Population": 1479.0}, {"index": 17471, "quantile": 0.25, "value": 361900.0, "Latitude": 34.46, "Longitude": -119.81, "Population": 1479.0}, {"index": 17471, "quantile": 0.5, "value": 384400.0, "Latitude": 34.46, "Longitude": -119.81, "Population": 1479.0}, {"index": 17471, "quantile": 0.75, "value": 384400.0, "Latitude": 34.46, "Longitude": -119.81, "Population": 1479.0}, {"index": 17471, "quantile": 1.0, "value": 402600.0, "Latitude": 34.46, "Longitude": -119.81, "Population": 1479.0}, {"index": 17472, "quantile": 0.0, "value": 160100.0, "Latitude": 34.48, "Longitude": -119.85, "Population": 724.0}, {"index": 17472, "quantile": 0.25, "value": 334075.0, "Latitude": 34.48, "Longitude": -119.85, "Population": 724.0}, {"index": 17472, "quantile": 0.5, "value": 348200.0, "Latitude": 34.48, "Longitude": -119.85, "Population": 724.0}, {"index": 17472, "quantile": 0.75, "value": 348200.0, "Latitude": 34.48, "Longitude": -119.85, "Population": 724.0}, {"index": 17472, "quantile": 1.0, "value": 417000.0, "Latitude": 34.48, "Longitude": -119.85, "Population": 724.0}, {"index": 17473, "quantile": 0.0, "value": 154800.0, "Latitude": 34.44, "Longitude": -119.88, "Population": 2394.0}, {"index": 17473, "quantile": 0.25, "value": 261400.0, "Latitude": 34.44, "Longitude": -119.88, "Population": 2394.0}, {"index": 17473, "quantile": 0.5, "value": 261400.0, "Latitude": 34.44, "Longitude": -119.88, "Population": 2394.0}, {"index": 17473, "quantile": 0.75, "value": 261400.0, "Latitude": 34.44, "Longitude": -119.88, "Population": 2394.0}, {"index": 17473, "quantile": 1.0, "value": 386800.0, "Latitude": 34.44, "Longitude": -119.88, "Population": 2394.0}, {"index": 17474, "quantile": 0.0, "value": 147200.0, "Latitude": 34.44, "Longitude": -119.89, "Population": 1669.0}, {"index": 17474, "quantile": 0.25, "value": 212474.99999999997, "Latitude": 34.44, "Longitude": -119.89, "Population": 1669.0}, {"index": 17474, "quantile": 0.5, "value": 226399.99999999997, "Latitude": 34.44, "Longitude": -119.89, "Population": 1669.0}, {"index": 17474, "quantile": 0.75, "value": 248475.0, "Latitude": 34.44, "Longitude": -119.89, "Population": 1669.0}, {"index": 17474, "quantile": 1.0, "value": 436700.0, "Latitude": 34.44, "Longitude": -119.89, "Population": 1669.0}, {"index": 17475, "quantile": 0.0, "value": 128400.0, "Latitude": 34.44, "Longitude": -119.89, "Population": 1514.0}, {"index": 17475, "quantile": 0.25, "value": 271200.0, "Latitude": 34.44, "Longitude": -119.89, "Population": 1514.0}, {"index": 17475, "quantile": 0.5, "value": 271200.0, "Latitude": 34.44, "Longitude": -119.89, "Population": 1514.0}, {"index": 17475, "quantile": 0.75, "value": 271200.0, "Latitude": 34.44, "Longitude": -119.89, "Population": 1514.0}, {"index": 17475, "quantile": 1.0, "value": 427299.99999999994, "Latitude": 34.44, "Longitude": -119.89, "Population": 1514.0}, {"index": 17476, "quantile": 0.0, "value": 120000.0, "Latitude": 34.44, "Longitude": -119.92, "Population": 1073.0}, {"index": 17476, "quantile": 0.25, "value": 262700.0, "Latitude": 34.44, "Longitude": -119.92, "Population": 1073.0}, {"index": 17476, "quantile": 0.5, "value": 402600.0, "Latitude": 34.44, "Longitude": -119.92, "Population": 1073.0}, {"index": 17476, "quantile": 0.75, "value": 402600.0, "Latitude": 34.44, "Longitude": -119.92, "Population": 1073.0}, {"index": 17476, "quantile": 1.0, "value": 402600.0, "Latitude": 34.44, "Longitude": -119.92, "Population": 1073.0}, {"index": 17477, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 34.47, "Longitude": -120.05, "Population": 746.0}, {"index": 17477, "quantile": 0.25, "value": 227299.99999999997, "Latitude": 34.47, "Longitude": -120.05, "Population": 746.0}, {"index": 17477, "quantile": 0.5, "value": 425000.0, "Latitude": 34.47, "Longitude": -120.05, "Population": 746.0}, {"index": 17477, "quantile": 0.75, "value": 425000.0, "Latitude": 34.47, "Longitude": -120.05, "Population": 746.0}, {"index": 17477, "quantile": 1.0, "value": 450000.0, "Latitude": 34.47, "Longitude": -120.05, "Population": 746.0}, {"index": 17478, "quantile": 0.0, "value": 37500.0, "Latitude": 34.38, "Longitude": -119.86, "Population": 1058.0}, {"index": 17478, "quantile": 0.25, "value": 111800.00000000001, "Latitude": 34.38, "Longitude": -119.86, "Population": 1058.0}, {"index": 17478, "quantile": 0.5, "value": 139699.99999999997, "Latitude": 34.38, "Longitude": -119.86, "Population": 1058.0}, {"index": 17478, "quantile": 0.75, "value": 220375.00000000003, "Latitude": 34.38, "Longitude": -119.86, "Population": 1058.0}, {"index": 17478, "quantile": 1.0, "value": 350000.0, "Latitude": 34.38, "Longitude": -119.86, "Population": 1058.0}, {"index": 17479, "quantile": 0.0, "value": 62500.0, "Latitude": 34.41, "Longitude": -119.86, "Population": 1630.0}, {"index": 17479, "quantile": 0.25, "value": 309375.0, "Latitude": 34.41, "Longitude": -119.86, "Population": 1630.0}, {"index": 17479, "quantile": 0.5, "value": 325000.0, "Latitude": 34.41, "Longitude": -119.86, "Population": 1630.0}, {"index": 17479, "quantile": 0.75, "value": 325000.0, "Latitude": 34.41, "Longitude": -119.86, "Population": 1630.0}, {"index": 17479, "quantile": 1.0, "value": 475000.0, "Latitude": 34.41, "Longitude": -119.86, "Population": 1630.0}, {"index": 17480, "quantile": 0.0, "value": 26900.0, "Latitude": 34.38, "Longitude": -119.86, "Population": 1580.0}, {"index": 17480, "quantile": 0.25, "value": 181775.0, "Latitude": 34.38, "Longitude": -119.86, "Population": 1580.0}, {"index": 17480, "quantile": 0.5, "value": 187500.0, "Latitude": 34.38, "Longitude": -119.86, "Population": 1580.0}, {"index": 17480, "quantile": 0.75, "value": 187500.0, "Latitude": 34.38, "Longitude": -119.86, "Population": 1580.0}, {"index": 17480, "quantile": 1.0, "value": 236800.0, "Latitude": 34.38, "Longitude": -119.86, "Population": 1580.0}, {"index": 17481, "quantile": 0.0, "value": 239000.0, "Latitude": 34.45, "Longitude": -119.81, "Population": 1554.0}, {"index": 17481, "quantile": 0.25, "value": 334000.0, "Latitude": 34.45, "Longitude": -119.81, "Population": 1554.0}, {"index": 17481, "quantile": 0.5, "value": 334000.0, "Latitude": 34.45, "Longitude": -119.81, "Population": 1554.0}, {"index": 17481, "quantile": 0.75, "value": 334825.0, "Latitude": 34.45, "Longitude": -119.81, "Population": 1554.0}, {"index": 17481, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.45, "Longitude": -119.81, "Population": 1554.0}, {"index": 17482, "quantile": 0.0, "value": 112500.0, "Latitude": 34.44, "Longitude": -119.81, "Population": 1467.0}, {"index": 17482, "quantile": 0.25, "value": 288900.0, "Latitude": 34.44, "Longitude": -119.81, "Population": 1467.0}, {"index": 17482, "quantile": 0.5, "value": 288900.0, "Latitude": 34.44, "Longitude": -119.81, "Population": 1467.0}, {"index": 17482, "quantile": 0.75, "value": 288900.0, "Latitude": 34.44, "Longitude": -119.81, "Population": 1467.0}, {"index": 17482, "quantile": 1.0, "value": 446800.0, "Latitude": 34.44, "Longitude": -119.81, "Population": 1467.0}, {"index": 17483, "quantile": 0.0, "value": 207900.00000000003, "Latitude": 34.45, "Longitude": -119.82, "Population": 1683.0}, {"index": 17483, "quantile": 0.25, "value": 331800.0, "Latitude": 34.45, "Longitude": -119.82, "Population": 1683.0}, {"index": 17483, "quantile": 0.5, "value": 333800.0, "Latitude": 34.45, "Longitude": -119.82, "Population": 1683.0}, {"index": 17483, "quantile": 0.75, "value": 333800.0, "Latitude": 34.45, "Longitude": -119.82, "Population": 1683.0}, {"index": 17483, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.45, "Longitude": -119.82, "Population": 1683.0}, {"index": 17484, "quantile": 0.0, "value": 40000.0, "Latitude": 34.44, "Longitude": -119.83, "Population": 599.0}, {"index": 17484, "quantile": 0.25, "value": 201700.0, "Latitude": 34.44, "Longitude": -119.83, "Population": 599.0}, {"index": 17484, "quantile": 0.5, "value": 275000.0, "Latitude": 34.44, "Longitude": -119.83, "Population": 599.0}, {"index": 17484, "quantile": 0.75, "value": 369675.0, "Latitude": 34.44, "Longitude": -119.83, "Population": 599.0}, {"index": 17484, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.83, "Population": 599.0}, {"index": 17485, "quantile": 0.0, "value": 221300.0, "Latitude": 34.44, "Longitude": -119.82, "Population": 1016.0}, {"index": 17485, "quantile": 0.25, "value": 295400.0, "Latitude": 34.44, "Longitude": -119.82, "Population": 1016.0}, {"index": 17485, "quantile": 0.5, "value": 295400.0, "Latitude": 34.44, "Longitude": -119.82, "Population": 1016.0}, {"index": 17485, "quantile": 0.75, "value": 295400.0, "Latitude": 34.44, "Longitude": -119.82, "Population": 1016.0}, {"index": 17485, "quantile": 1.0, "value": 470800.0, "Latitude": 34.44, "Longitude": -119.82, "Population": 1016.0}, {"index": 17486, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.44, "Longitude": -119.81, "Population": 662.0}, {"index": 17486, "quantile": 0.25, "value": 206300.00000000003, "Latitude": 34.44, "Longitude": -119.81, "Population": 662.0}, {"index": 17486, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 34.44, "Longitude": -119.81, "Population": 662.0}, {"index": 17486, "quantile": 0.75, "value": 206300.00000000003, "Latitude": 34.44, "Longitude": -119.81, "Population": 662.0}, {"index": 17486, "quantile": 1.0, "value": 388500.0, "Latitude": 34.44, "Longitude": -119.81, "Population": 662.0}, {"index": 17487, "quantile": 0.0, "value": 52500.0, "Latitude": 34.43, "Longitude": -119.82, "Population": 669.0}, {"index": 17487, "quantile": 0.25, "value": 141400.0, "Latitude": 34.43, "Longitude": -119.82, "Population": 669.0}, {"index": 17487, "quantile": 0.5, "value": 196600.00000000003, "Latitude": 34.43, "Longitude": -119.82, "Population": 669.0}, {"index": 17487, "quantile": 0.75, "value": 292525.0, "Latitude": 34.43, "Longitude": -119.82, "Population": 669.0}, {"index": 17487, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.82, "Population": 669.0}, {"index": 17488, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.44, "Longitude": -119.82, "Population": 793.0}, {"index": 17488, "quantile": 0.25, "value": 150000.0, "Latitude": 34.44, "Longitude": -119.82, "Population": 793.0}, {"index": 17488, "quantile": 0.5, "value": 150000.0, "Latitude": 34.44, "Longitude": -119.82, "Population": 793.0}, {"index": 17488, "quantile": 0.75, "value": 163550.0, "Latitude": 34.44, "Longitude": -119.82, "Population": 793.0}, {"index": 17488, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.82, "Population": 793.0}, {"index": 17489, "quantile": 0.0, "value": 106400.0, "Latitude": 34.44, "Longitude": -119.82, "Population": 1622.0}, {"index": 17489, "quantile": 0.25, "value": 228200.0, "Latitude": 34.44, "Longitude": -119.82, "Population": 1622.0}, {"index": 17489, "quantile": 0.5, "value": 228200.0, "Latitude": 34.44, "Longitude": -119.82, "Population": 1622.0}, {"index": 17489, "quantile": 0.75, "value": 228200.0, "Latitude": 34.44, "Longitude": -119.82, "Population": 1622.0}, {"index": 17489, "quantile": 1.0, "value": 250000.0, "Latitude": 34.44, "Longitude": -119.82, "Population": 1622.0}, {"index": 17490, "quantile": 0.0, "value": 66000.0, "Latitude": 34.44, "Longitude": -119.83, "Population": 567.0}, {"index": 17490, "quantile": 0.25, "value": 258300.00000000003, "Latitude": 34.44, "Longitude": -119.83, "Population": 567.0}, {"index": 17490, "quantile": 0.5, "value": 260000.0, "Latitude": 34.44, "Longitude": -119.83, "Population": 567.0}, {"index": 17490, "quantile": 0.75, "value": 260000.0, "Latitude": 34.44, "Longitude": -119.83, "Population": 567.0}, {"index": 17490, "quantile": 1.0, "value": 438300.0, "Latitude": 34.44, "Longitude": -119.83, "Population": 567.0}, {"index": 17491, "quantile": 0.0, "value": 112500.0, "Latitude": 34.43, "Longitude": -119.83, "Population": 699.0}, {"index": 17491, "quantile": 0.25, "value": 204999.99999999997, "Latitude": 34.43, "Longitude": -119.83, "Population": 699.0}, {"index": 17491, "quantile": 0.5, "value": 204999.99999999997, "Latitude": 34.43, "Longitude": -119.83, "Population": 699.0}, {"index": 17491, "quantile": 0.75, "value": 220325.00000000003, "Latitude": 34.43, "Longitude": -119.83, "Population": 699.0}, {"index": 17491, "quantile": 1.0, "value": 450000.0, "Latitude": 34.43, "Longitude": -119.83, "Population": 699.0}, {"index": 17492, "quantile": 0.0, "value": 134100.0, "Latitude": 34.43, "Longitude": -119.77, "Population": 1066.0}, {"index": 17492, "quantile": 0.25, "value": 280025.0, "Latitude": 34.43, "Longitude": -119.77, "Population": 1066.0}, {"index": 17492, "quantile": 0.5, "value": 335300.0, "Latitude": 34.43, "Longitude": -119.77, "Population": 1066.0}, {"index": 17492, "quantile": 0.75, "value": 388400.00000000006, "Latitude": 34.43, "Longitude": -119.77, "Population": 1066.0}, {"index": 17492, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.77, "Population": 1066.0}, {"index": 17493, "quantile": 0.0, "value": 330000.0, "Latitude": 34.43, "Longitude": -119.77, "Population": 1604.0}, {"index": 17493, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.77, "Population": 1604.0}, {"index": 17493, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.77, "Population": 1604.0}, {"index": 17493, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.77, "Population": 1604.0}, {"index": 17493, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.77, "Population": 1604.0}, {"index": 17494, "quantile": 0.0, "value": 239100.0, "Latitude": 34.4, "Longitude": -119.79, "Population": 1061.0}, {"index": 17494, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.4, "Longitude": -119.79, "Population": 1061.0}, {"index": 17494, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.4, "Longitude": -119.79, "Population": 1061.0}, {"index": 17494, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.4, "Longitude": -119.79, "Population": 1061.0}, {"index": 17494, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.4, "Longitude": -119.79, "Population": 1061.0}, {"index": 17495, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 34.44, "Longitude": -119.8, "Population": 1176.0}, {"index": 17495, "quantile": 0.25, "value": 280200.0, "Latitude": 34.44, "Longitude": -119.8, "Population": 1176.0}, {"index": 17495, "quantile": 0.5, "value": 280200.0, "Latitude": 34.44, "Longitude": -119.8, "Population": 1176.0}, {"index": 17495, "quantile": 0.75, "value": 280200.0, "Latitude": 34.44, "Longitude": -119.8, "Population": 1176.0}, {"index": 17495, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.8, "Population": 1176.0}, {"index": 17496, "quantile": 0.0, "value": 93600.0, "Latitude": 34.43, "Longitude": -119.8, "Population": 1760.0}, {"index": 17496, "quantile": 0.25, "value": 226975.00000000003, "Latitude": 34.43, "Longitude": -119.8, "Population": 1760.0}, {"index": 17496, "quantile": 0.5, "value": 271500.0, "Latitude": 34.43, "Longitude": -119.8, "Population": 1760.0}, {"index": 17496, "quantile": 0.75, "value": 271500.0, "Latitude": 34.43, "Longitude": -119.8, "Population": 1760.0}, {"index": 17496, "quantile": 1.0, "value": 335200.0, "Latitude": 34.43, "Longitude": -119.8, "Population": 1760.0}, {"index": 17497, "quantile": 0.0, "value": 154800.0, "Latitude": 34.43, "Longitude": -119.8, "Population": 1456.0}, {"index": 17497, "quantile": 0.25, "value": 273400.0, "Latitude": 34.43, "Longitude": -119.8, "Population": 1456.0}, {"index": 17497, "quantile": 0.5, "value": 276400.0, "Latitude": 34.43, "Longitude": -119.8, "Population": 1456.0}, {"index": 17497, "quantile": 0.75, "value": 276400.0, "Latitude": 34.43, "Longitude": -119.8, "Population": 1456.0}, {"index": 17497, "quantile": 1.0, "value": 320500.0, "Latitude": 34.43, "Longitude": -119.8, "Population": 1456.0}, {"index": 17498, "quantile": 0.0, "value": 102600.0, "Latitude": 34.44, "Longitude": -119.79, "Population": 977.0}, {"index": 17498, "quantile": 0.25, "value": 209200.0, "Latitude": 34.44, "Longitude": -119.79, "Population": 977.0}, {"index": 17498, "quantile": 0.5, "value": 245950.00000000003, "Latitude": 34.44, "Longitude": -119.79, "Population": 977.0}, {"index": 17498, "quantile": 0.75, "value": 312200.0, "Latitude": 34.44, "Longitude": -119.79, "Population": 977.0}, {"index": 17498, "quantile": 1.0, "value": 425000.0, "Latitude": 34.44, "Longitude": -119.79, "Population": 977.0}, {"index": 17499, "quantile": 0.0, "value": 137000.0, "Latitude": 34.44, "Longitude": -119.78, "Population": 1364.0}, {"index": 17499, "quantile": 0.25, "value": 280200.0, "Latitude": 34.44, "Longitude": -119.78, "Population": 1364.0}, {"index": 17499, "quantile": 0.5, "value": 353400.0, "Latitude": 34.44, "Longitude": -119.78, "Population": 1364.0}, {"index": 17499, "quantile": 0.75, "value": 353400.0, "Latitude": 34.44, "Longitude": -119.78, "Population": 1364.0}, {"index": 17499, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.78, "Population": 1364.0}, {"index": 17500, "quantile": 0.0, "value": 151400.0, "Latitude": 34.43, "Longitude": -119.79, "Population": 2089.0}, {"index": 17500, "quantile": 0.25, "value": 250000.0, "Latitude": 34.43, "Longitude": -119.79, "Population": 2089.0}, {"index": 17500, "quantile": 0.5, "value": 276200.0, "Latitude": 34.43, "Longitude": -119.79, "Population": 2089.0}, {"index": 17500, "quantile": 0.75, "value": 276200.0, "Latitude": 34.43, "Longitude": -119.79, "Population": 2089.0}, {"index": 17500, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.43, "Longitude": -119.79, "Population": 2089.0}, {"index": 17501, "quantile": 0.0, "value": 88800.0, "Latitude": 37.36, "Longitude": -121.9, "Population": 1028.0}, {"index": 17501, "quantile": 0.25, "value": 182500.0, "Latitude": 37.36, "Longitude": -121.9, "Population": 1028.0}, {"index": 17501, "quantile": 0.5, "value": 182500.0, "Latitude": 37.36, "Longitude": -121.9, "Population": 1028.0}, {"index": 17501, "quantile": 0.75, "value": 182500.0, "Latitude": 37.36, "Longitude": -121.9, "Population": 1028.0}, {"index": 17501, "quantile": 1.0, "value": 302900.0, "Latitude": 37.36, "Longitude": -121.9, "Population": 1028.0}, {"index": 17502, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 37.36, "Longitude": -121.89, "Population": 1075.0}, {"index": 17502, "quantile": 0.25, "value": 186100.0, "Latitude": 37.36, "Longitude": -121.89, "Population": 1075.0}, {"index": 17502, "quantile": 0.5, "value": 186100.0, "Latitude": 37.36, "Longitude": -121.89, "Population": 1075.0}, {"index": 17502, "quantile": 0.75, "value": 186100.0, "Latitude": 37.36, "Longitude": -121.89, "Population": 1075.0}, {"index": 17502, "quantile": 1.0, "value": 298400.0, "Latitude": 37.36, "Longitude": -121.89, "Population": 1075.0}, {"index": 17503, "quantile": 0.0, "value": 112500.0, "Latitude": 37.36, "Longitude": -121.88, "Population": 1845.0}, {"index": 17503, "quantile": 0.25, "value": 190400.0, "Latitude": 37.36, "Longitude": -121.88, "Population": 1845.0}, {"index": 17503, "quantile": 0.5, "value": 210700.00000000003, "Latitude": 37.36, "Longitude": -121.88, "Population": 1845.0}, {"index": 17503, "quantile": 0.75, "value": 210700.00000000003, "Latitude": 37.36, "Longitude": -121.88, "Population": 1845.0}, {"index": 17503, "quantile": 1.0, "value": 226500.0, "Latitude": 37.36, "Longitude": -121.88, "Population": 1845.0}, {"index": 17504, "quantile": 0.0, "value": 122000.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 1143.0}, {"index": 17504, "quantile": 0.25, "value": 181900.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 1143.0}, {"index": 17504, "quantile": 0.5, "value": 181900.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 1143.0}, {"index": 17504, "quantile": 0.75, "value": 184600.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 1143.0}, {"index": 17504, "quantile": 1.0, "value": 265100.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 1143.0}, {"index": 17505, "quantile": 0.0, "value": 61100.0, "Latitude": 37.36, "Longitude": -121.9, "Population": 581.0}, {"index": 17505, "quantile": 0.25, "value": 220575.0, "Latitude": 37.36, "Longitude": -121.9, "Population": 581.0}, {"index": 17505, "quantile": 0.5, "value": 237500.0, "Latitude": 37.36, "Longitude": -121.9, "Population": 581.0}, {"index": 17505, "quantile": 0.75, "value": 237500.0, "Latitude": 37.36, "Longitude": -121.9, "Population": 581.0}, {"index": 17505, "quantile": 1.0, "value": 325000.0, "Latitude": 37.36, "Longitude": -121.9, "Population": 581.0}, {"index": 17506, "quantile": 0.0, "value": 72000.0, "Latitude": 37.35, "Longitude": -121.9, "Population": 531.0}, {"index": 17506, "quantile": 0.25, "value": 174075.0, "Latitude": 37.35, "Longitude": -121.9, "Population": 531.0}, {"index": 17506, "quantile": 0.5, "value": 211000.00000000003, "Latitude": 37.35, "Longitude": -121.9, "Population": 531.0}, {"index": 17506, "quantile": 0.75, "value": 259350.0, "Latitude": 37.35, "Longitude": -121.9, "Population": 531.0}, {"index": 17506, "quantile": 1.0, "value": 475000.0, "Latitude": 37.35, "Longitude": -121.9, "Population": 531.0}, {"index": 17507, "quantile": 0.0, "value": 150000.0, "Latitude": 37.35, "Longitude": -121.9, "Population": 1396.0}, {"index": 17507, "quantile": 0.25, "value": 185300.0, "Latitude": 37.35, "Longitude": -121.9, "Population": 1396.0}, {"index": 17507, "quantile": 0.5, "value": 185300.0, "Latitude": 37.35, "Longitude": -121.9, "Population": 1396.0}, {"index": 17507, "quantile": 0.75, "value": 235475.0, "Latitude": 37.35, "Longitude": -121.9, "Population": 1396.0}, {"index": 17507, "quantile": 1.0, "value": 450000.0, "Latitude": 37.35, "Longitude": -121.9, "Population": 1396.0}, {"index": 17508, "quantile": 0.0, "value": 142600.0, "Latitude": 37.34, "Longitude": -121.9, "Population": 791.0}, {"index": 17508, "quantile": 0.25, "value": 229750.0, "Latitude": 37.34, "Longitude": -121.9, "Population": 791.0}, {"index": 17508, "quantile": 0.5, "value": 245800.00000000003, "Latitude": 37.34, "Longitude": -121.9, "Population": 791.0}, {"index": 17508, "quantile": 0.75, "value": 245800.00000000003, "Latitude": 37.34, "Longitude": -121.9, "Population": 791.0}, {"index": 17508, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -121.9, "Population": 791.0}, {"index": 17509, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.34, "Longitude": -121.9, "Population": 385.0}, {"index": 17509, "quantile": 0.25, "value": 212500.0, "Latitude": 37.34, "Longitude": -121.9, "Population": 385.0}, {"index": 17509, "quantile": 0.5, "value": 212500.0, "Latitude": 37.34, "Longitude": -121.9, "Population": 385.0}, {"index": 17509, "quantile": 0.75, "value": 212500.0, "Latitude": 37.34, "Longitude": -121.9, "Population": 385.0}, {"index": 17509, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -121.9, "Population": 385.0}, {"index": 17510, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.34, "Longitude": -121.92, "Population": 377.0}, {"index": 17510, "quantile": 0.25, "value": 152175.0, "Latitude": 37.34, "Longitude": -121.92, "Population": 377.0}, {"index": 17510, "quantile": 0.5, "value": 171650.0, "Latitude": 37.34, "Longitude": -121.92, "Population": 377.0}, {"index": 17510, "quantile": 0.75, "value": 212500.0, "Latitude": 37.34, "Longitude": -121.92, "Population": 377.0}, {"index": 17510, "quantile": 1.0, "value": 333300.0, "Latitude": 37.34, "Longitude": -121.92, "Population": 377.0}, {"index": 17511, "quantile": 0.0, "value": 96500.0, "Latitude": 37.34, "Longitude": -121.92, "Population": 1212.0}, {"index": 17511, "quantile": 0.25, "value": 230175.00000000003, "Latitude": 37.34, "Longitude": -121.92, "Population": 1212.0}, {"index": 17511, "quantile": 0.5, "value": 250000.0, "Latitude": 37.34, "Longitude": -121.92, "Population": 1212.0}, {"index": 17511, "quantile": 0.75, "value": 260449.99999999997, "Latitude": 37.34, "Longitude": -121.92, "Population": 1212.0}, {"index": 17511, "quantile": 1.0, "value": 345800.0, "Latitude": 37.34, "Longitude": -121.92, "Population": 1212.0}, {"index": 17512, "quantile": 0.0, "value": 136200.0, "Latitude": 37.34, "Longitude": -121.92, "Population": 1087.0}, {"index": 17512, "quantile": 0.25, "value": 330600.0, "Latitude": 37.34, "Longitude": -121.92, "Population": 1087.0}, {"index": 17512, "quantile": 0.5, "value": 391300.0, "Latitude": 37.34, "Longitude": -121.92, "Population": 1087.0}, {"index": 17512, "quantile": 0.75, "value": 391300.0, "Latitude": 37.34, "Longitude": -121.92, "Population": 1087.0}, {"index": 17512, "quantile": 1.0, "value": 434500.0, "Latitude": 37.34, "Longitude": -121.92, "Population": 1087.0}, {"index": 17513, "quantile": 0.0, "value": 160100.0, "Latitude": 37.33, "Longitude": -121.92, "Population": 841.0}, {"index": 17513, "quantile": 0.25, "value": 295800.0, "Latitude": 37.33, "Longitude": -121.92, "Population": 841.0}, {"index": 17513, "quantile": 0.5, "value": 295800.0, "Latitude": 37.33, "Longitude": -121.92, "Population": 841.0}, {"index": 17513, "quantile": 0.75, "value": 296725.0, "Latitude": 37.33, "Longitude": -121.92, "Population": 841.0}, {"index": 17513, "quantile": 1.0, "value": 456300.0, "Latitude": 37.33, "Longitude": -121.92, "Population": 841.0}, {"index": 17514, "quantile": 0.0, "value": 93900.0, "Latitude": 37.33, "Longitude": -121.92, "Population": 1215.0}, {"index": 17514, "quantile": 0.25, "value": 301100.0, "Latitude": 37.33, "Longitude": -121.92, "Population": 1215.0}, {"index": 17514, "quantile": 0.5, "value": 301100.0, "Latitude": 37.33, "Longitude": -121.92, "Population": 1215.0}, {"index": 17514, "quantile": 0.75, "value": 301100.0, "Latitude": 37.33, "Longitude": -121.92, "Population": 1215.0}, {"index": 17514, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -121.92, "Population": 1215.0}, {"index": 17515, "quantile": 0.0, "value": 85000.0, "Latitude": 37.33, "Longitude": -121.93, "Population": 676.0}, {"index": 17515, "quantile": 0.25, "value": 223900.0, "Latitude": 37.33, "Longitude": -121.93, "Population": 676.0}, {"index": 17515, "quantile": 0.5, "value": 245800.00000000003, "Latitude": 37.33, "Longitude": -121.93, "Population": 676.0}, {"index": 17515, "quantile": 0.75, "value": 263100.0, "Latitude": 37.33, "Longitude": -121.93, "Population": 676.0}, {"index": 17515, "quantile": 1.0, "value": 440900.0, "Latitude": 37.33, "Longitude": -121.93, "Population": 676.0}, {"index": 17516, "quantile": 0.0, "value": 210800.0, "Latitude": 37.33, "Longitude": -121.93, "Population": 846.0}, {"index": 17516, "quantile": 0.25, "value": 384325.0, "Latitude": 37.33, "Longitude": -121.93, "Population": 846.0}, {"index": 17516, "quantile": 0.5, "value": 421000.0, "Latitude": 37.33, "Longitude": -121.93, "Population": 846.0}, {"index": 17516, "quantile": 0.75, "value": 421000.0, "Latitude": 37.33, "Longitude": -121.93, "Population": 846.0}, {"index": 17516, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -121.93, "Population": 846.0}, {"index": 17517, "quantile": 0.0, "value": 126800.0, "Latitude": 37.33, "Longitude": -121.94, "Population": 863.0}, {"index": 17517, "quantile": 0.25, "value": 213124.99999999997, "Latitude": 37.33, "Longitude": -121.94, "Population": 863.0}, {"index": 17517, "quantile": 0.5, "value": 235100.0, "Latitude": 37.33, "Longitude": -121.94, "Population": 863.0}, {"index": 17517, "quantile": 0.75, "value": 273900.0, "Latitude": 37.33, "Longitude": -121.94, "Population": 863.0}, {"index": 17517, "quantile": 1.0, "value": 327300.0, "Latitude": 37.33, "Longitude": -121.94, "Population": 863.0}, {"index": 17518, "quantile": 0.0, "value": 161900.0, "Latitude": 37.34, "Longitude": -121.91, "Population": 1193.0}, {"index": 17518, "quantile": 0.25, "value": 240899.99999999997, "Latitude": 37.34, "Longitude": -121.91, "Population": 1193.0}, {"index": 17518, "quantile": 0.5, "value": 240899.99999999997, "Latitude": 37.34, "Longitude": -121.91, "Population": 1193.0}, {"index": 17518, "quantile": 0.75, "value": 240899.99999999997, "Latitude": 37.34, "Longitude": -121.91, "Population": 1193.0}, {"index": 17518, "quantile": 1.0, "value": 350000.0, "Latitude": 37.34, "Longitude": -121.91, "Population": 1193.0}, {"index": 17519, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.33, "Longitude": -121.91, "Population": 366.0}, {"index": 17519, "quantile": 0.25, "value": 187500.0, "Latitude": 37.33, "Longitude": -121.91, "Population": 366.0}, {"index": 17519, "quantile": 0.5, "value": 187500.0, "Latitude": 37.33, "Longitude": -121.91, "Population": 366.0}, {"index": 17519, "quantile": 0.75, "value": 187500.0, "Latitude": 37.33, "Longitude": -121.91, "Population": 366.0}, {"index": 17519, "quantile": 1.0, "value": 362500.0, "Latitude": 37.33, "Longitude": -121.91, "Population": 366.0}, {"index": 17520, "quantile": 0.0, "value": 225800.0, "Latitude": 37.33, "Longitude": -121.91, "Population": 973.0}, {"index": 17520, "quantile": 0.25, "value": 330600.0, "Latitude": 37.33, "Longitude": -121.91, "Population": 973.0}, {"index": 17520, "quantile": 0.5, "value": 330600.0, "Latitude": 37.33, "Longitude": -121.91, "Population": 973.0}, {"index": 17520, "quantile": 0.75, "value": 330600.0, "Latitude": 37.33, "Longitude": -121.91, "Population": 973.0}, {"index": 17520, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -121.91, "Population": 973.0}, {"index": 17521, "quantile": 0.0, "value": 206800.0, "Latitude": 37.33, "Longitude": -121.92, "Population": 930.0}, {"index": 17521, "quantile": 0.25, "value": 299500.0, "Latitude": 37.33, "Longitude": -121.92, "Population": 930.0}, {"index": 17521, "quantile": 0.5, "value": 299500.0, "Latitude": 37.33, "Longitude": -121.92, "Population": 930.0}, {"index": 17521, "quantile": 0.75, "value": 299500.0, "Latitude": 37.33, "Longitude": -121.92, "Population": 930.0}, {"index": 17521, "quantile": 1.0, "value": 444500.0, "Latitude": 37.33, "Longitude": -121.92, "Population": 930.0}, {"index": 17522, "quantile": 0.0, "value": 67500.0, "Latitude": 37.33, "Longitude": -121.9, "Population": 152.0}, {"index": 17522, "quantile": 0.25, "value": 161900.0, "Latitude": 37.33, "Longitude": -121.9, "Population": 152.0}, {"index": 17522, "quantile": 0.5, "value": 199000.0, "Latitude": 37.33, "Longitude": -121.9, "Population": 152.0}, {"index": 17522, "quantile": 0.75, "value": 229650.0, "Latitude": 37.33, "Longitude": -121.9, "Population": 152.0}, {"index": 17522, "quantile": 1.0, "value": 385700.0, "Latitude": 37.33, "Longitude": -121.9, "Population": 152.0}, {"index": 17523, "quantile": 0.0, "value": 152100.0, "Latitude": 37.33, "Longitude": -121.91, "Population": 1195.0}, {"index": 17523, "quantile": 0.25, "value": 209500.00000000003, "Latitude": 37.33, "Longitude": -121.91, "Population": 1195.0}, {"index": 17523, "quantile": 0.5, "value": 209500.00000000003, "Latitude": 37.33, "Longitude": -121.91, "Population": 1195.0}, {"index": 17523, "quantile": 0.75, "value": 236750.00000000003, "Latitude": 37.33, "Longitude": -121.91, "Population": 1195.0}, {"index": 17523, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -121.91, "Population": 1195.0}, {"index": 17524, "quantile": 0.0, "value": 60000.0, "Latitude": 37.33, "Longitude": -121.89, "Population": 467.0}, {"index": 17524, "quantile": 0.25, "value": 189975.0, "Latitude": 37.33, "Longitude": -121.89, "Population": 467.0}, {"index": 17524, "quantile": 0.5, "value": 200000.0, "Latitude": 37.33, "Longitude": -121.89, "Population": 467.0}, {"index": 17524, "quantile": 0.75, "value": 200000.0, "Latitude": 37.33, "Longitude": -121.89, "Population": 467.0}, {"index": 17524, "quantile": 1.0, "value": 500000.0, "Latitude": 37.33, "Longitude": -121.89, "Population": 467.0}, {"index": 17525, "quantile": 0.0, "value": 139200.0, "Latitude": 37.33, "Longitude": -121.9, "Population": 718.0}, {"index": 17525, "quantile": 0.25, "value": 166700.0, "Latitude": 37.33, "Longitude": -121.9, "Population": 718.0}, {"index": 17525, "quantile": 0.5, "value": 166700.0, "Latitude": 37.33, "Longitude": -121.9, "Population": 718.0}, {"index": 17525, "quantile": 0.75, "value": 166850.0, "Latitude": 37.33, "Longitude": -121.9, "Population": 718.0}, {"index": 17525, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -121.9, "Population": 718.0}, {"index": 17526, "quantile": 0.0, "value": 88800.0, "Latitude": 37.33, "Longitude": -121.9, "Population": 929.0}, {"index": 17526, "quantile": 0.25, "value": 162500.0, "Latitude": 37.33, "Longitude": -121.9, "Population": 929.0}, {"index": 17526, "quantile": 0.5, "value": 162500.0, "Latitude": 37.33, "Longitude": -121.9, "Population": 929.0}, {"index": 17526, "quantile": 0.75, "value": 170800.0, "Latitude": 37.33, "Longitude": -121.9, "Population": 929.0}, {"index": 17526, "quantile": 1.0, "value": 325900.0, "Latitude": 37.33, "Longitude": -121.9, "Population": 929.0}, {"index": 17527, "quantile": 0.0, "value": 22500.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 1493.0}, {"index": 17527, "quantile": 0.25, "value": 212500.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 1493.0}, {"index": 17527, "quantile": 0.5, "value": 212500.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 1493.0}, {"index": 17527, "quantile": 0.75, "value": 212500.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 1493.0}, {"index": 17527, "quantile": 1.0, "value": 375000.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 1493.0}, {"index": 17528, "quantile": 0.0, "value": 52500.0, "Latitude": 37.33, "Longitude": -121.89, "Population": 1087.0}, {"index": 17528, "quantile": 0.25, "value": 223075.0, "Latitude": 37.33, "Longitude": -121.89, "Population": 1087.0}, {"index": 17528, "quantile": 0.5, "value": 225000.0, "Latitude": 37.33, "Longitude": -121.89, "Population": 1087.0}, {"index": 17528, "quantile": 0.75, "value": 225000.0, "Latitude": 37.33, "Longitude": -121.89, "Population": 1087.0}, {"index": 17528, "quantile": 1.0, "value": 375000.0, "Latitude": 37.33, "Longitude": -121.89, "Population": 1087.0}, {"index": 17529, "quantile": 0.0, "value": 39600.0, "Latitude": 37.33, "Longitude": -121.88, "Population": 3561.0}, {"index": 17529, "quantile": 0.25, "value": 187500.0, "Latitude": 37.33, "Longitude": -121.88, "Population": 3561.0}, {"index": 17529, "quantile": 0.5, "value": 187500.0, "Latitude": 37.33, "Longitude": -121.88, "Population": 3561.0}, {"index": 17529, "quantile": 0.75, "value": 187500.0, "Latitude": 37.33, "Longitude": -121.88, "Population": 3561.0}, {"index": 17529, "quantile": 1.0, "value": 302900.0, "Latitude": 37.33, "Longitude": -121.88, "Population": 3561.0}, {"index": 17530, "quantile": 0.0, "value": 71300.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 1469.0}, {"index": 17530, "quantile": 0.25, "value": 177500.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 1469.0}, {"index": 17530, "quantile": 0.5, "value": 177500.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 1469.0}, {"index": 17530, "quantile": 0.75, "value": 177500.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 1469.0}, {"index": 17530, "quantile": 1.0, "value": 260900.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 1469.0}, {"index": 17531, "quantile": 0.0, "value": 87500.0, "Latitude": 37.34, "Longitude": -121.89, "Population": 898.0}, {"index": 17531, "quantile": 0.25, "value": 190600.0, "Latitude": 37.34, "Longitude": -121.89, "Population": 898.0}, {"index": 17531, "quantile": 0.5, "value": 190600.0, "Latitude": 37.34, "Longitude": -121.89, "Population": 898.0}, {"index": 17531, "quantile": 0.75, "value": 198725.0, "Latitude": 37.34, "Longitude": -121.89, "Population": 898.0}, {"index": 17531, "quantile": 1.0, "value": 316700.0, "Latitude": 37.34, "Longitude": -121.89, "Population": 898.0}, {"index": 17532, "quantile": 0.0, "value": 60000.0, "Latitude": 37.34, "Longitude": -121.89, "Population": 851.0}, {"index": 17532, "quantile": 0.25, "value": 325000.0, "Latitude": 37.34, "Longitude": -121.89, "Population": 851.0}, {"index": 17532, "quantile": 0.5, "value": 350000.0, "Latitude": 37.34, "Longitude": -121.89, "Population": 851.0}, {"index": 17532, "quantile": 0.75, "value": 350000.0, "Latitude": 37.34, "Longitude": -121.89, "Population": 851.0}, {"index": 17532, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -121.89, "Population": 851.0}, {"index": 17533, "quantile": 0.0, "value": 85100.0, "Latitude": 37.34, "Longitude": -121.89, "Population": 1013.0}, {"index": 17533, "quantile": 0.25, "value": 204199.99999999997, "Latitude": 37.34, "Longitude": -121.89, "Population": 1013.0}, {"index": 17533, "quantile": 0.5, "value": 204199.99999999997, "Latitude": 37.34, "Longitude": -121.89, "Population": 1013.0}, {"index": 17533, "quantile": 0.75, "value": 204199.99999999997, "Latitude": 37.34, "Longitude": -121.89, "Population": 1013.0}, {"index": 17533, "quantile": 1.0, "value": 350000.0, "Latitude": 37.34, "Longitude": -121.89, "Population": 1013.0}, {"index": 17534, "quantile": 0.0, "value": 79700.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 921.0}, {"index": 17534, "quantile": 0.25, "value": 167500.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 921.0}, {"index": 17534, "quantile": 0.5, "value": 187500.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 921.0}, {"index": 17534, "quantile": 0.75, "value": 205525.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 921.0}, {"index": 17534, "quantile": 1.0, "value": 325900.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 921.0}, {"index": 17535, "quantile": 0.0, "value": 114599.99999999999, "Latitude": 37.36, "Longitude": -121.88, "Population": 1342.0}, {"index": 17535, "quantile": 0.25, "value": 199000.0, "Latitude": 37.36, "Longitude": -121.88, "Population": 1342.0}, {"index": 17535, "quantile": 0.5, "value": 199000.0, "Latitude": 37.36, "Longitude": -121.88, "Population": 1342.0}, {"index": 17535, "quantile": 0.75, "value": 199000.0, "Latitude": 37.36, "Longitude": -121.88, "Population": 1342.0}, {"index": 17535, "quantile": 1.0, "value": 284100.0, "Latitude": 37.36, "Longitude": -121.88, "Population": 1342.0}, {"index": 17536, "quantile": 0.0, "value": 70100.0, "Latitude": 37.35, "Longitude": -121.88, "Population": 1146.0}, {"index": 17536, "quantile": 0.25, "value": 193000.0, "Latitude": 37.35, "Longitude": -121.88, "Population": 1146.0}, {"index": 17536, "quantile": 0.5, "value": 193000.0, "Latitude": 37.35, "Longitude": -121.88, "Population": 1146.0}, {"index": 17536, "quantile": 0.75, "value": 193000.0, "Latitude": 37.35, "Longitude": -121.88, "Population": 1146.0}, {"index": 17536, "quantile": 1.0, "value": 286500.0, "Latitude": 37.35, "Longitude": -121.88, "Population": 1146.0}, {"index": 17537, "quantile": 0.0, "value": 121500.00000000001, "Latitude": 37.35, "Longitude": -121.89, "Population": 2229.0}, {"index": 17537, "quantile": 0.25, "value": 164200.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 2229.0}, {"index": 17537, "quantile": 0.5, "value": 181900.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 2229.0}, {"index": 17537, "quantile": 0.75, "value": 195125.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 2229.0}, {"index": 17537, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -121.89, "Population": 2229.0}, {"index": 17538, "quantile": 0.0, "value": 92400.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 933.0}, {"index": 17538, "quantile": 0.25, "value": 170800.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 933.0}, {"index": 17538, "quantile": 0.5, "value": 170800.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 933.0}, {"index": 17538, "quantile": 0.75, "value": 170800.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 933.0}, {"index": 17538, "quantile": 1.0, "value": 270300.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 933.0}, {"index": 17539, "quantile": 0.0, "value": 112500.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 1243.0}, {"index": 17539, "quantile": 0.25, "value": 193800.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 1243.0}, {"index": 17539, "quantile": 0.5, "value": 193800.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 1243.0}, {"index": 17539, "quantile": 0.75, "value": 193800.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 1243.0}, {"index": 17539, "quantile": 1.0, "value": 333300.0, "Latitude": 37.35, "Longitude": -121.89, "Population": 1243.0}, {"index": 17540, "quantile": 0.0, "value": 85600.0, "Latitude": 37.35, "Longitude": -121.88, "Population": 715.0}, {"index": 17540, "quantile": 0.25, "value": 185250.0, "Latitude": 37.35, "Longitude": -121.88, "Population": 715.0}, {"index": 17540, "quantile": 0.5, "value": 199000.0, "Latitude": 37.35, "Longitude": -121.88, "Population": 715.0}, {"index": 17540, "quantile": 0.75, "value": 231199.99999999997, "Latitude": 37.35, "Longitude": -121.88, "Population": 715.0}, {"index": 17540, "quantile": 1.0, "value": 352200.0, "Latitude": 37.35, "Longitude": -121.88, "Population": 715.0}, {"index": 17541, "quantile": 0.0, "value": 133100.0, "Latitude": 37.35, "Longitude": -121.87, "Population": 1223.0}, {"index": 17541, "quantile": 0.25, "value": 174500.0, "Latitude": 37.35, "Longitude": -121.87, "Population": 1223.0}, {"index": 17541, "quantile": 0.5, "value": 174500.0, "Latitude": 37.35, "Longitude": -121.87, "Population": 1223.0}, {"index": 17541, "quantile": 0.75, "value": 184800.0, "Latitude": 37.35, "Longitude": -121.87, "Population": 1223.0}, {"index": 17541, "quantile": 1.0, "value": 224700.0, "Latitude": 37.35, "Longitude": -121.87, "Population": 1223.0}, {"index": 17542, "quantile": 0.0, "value": 71300.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 1018.0}, {"index": 17542, "quantile": 0.25, "value": 165600.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 1018.0}, {"index": 17542, "quantile": 0.5, "value": 175000.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 1018.0}, {"index": 17542, "quantile": 0.75, "value": 184900.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 1018.0}, {"index": 17542, "quantile": 1.0, "value": 360000.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 1018.0}, {"index": 17543, "quantile": 0.0, "value": 107900.0, "Latitude": 37.35, "Longitude": -121.88, "Population": 1336.0}, {"index": 17543, "quantile": 0.25, "value": 166950.0, "Latitude": 37.35, "Longitude": -121.88, "Population": 1336.0}, {"index": 17543, "quantile": 0.5, "value": 177500.0, "Latitude": 37.35, "Longitude": -121.88, "Population": 1336.0}, {"index": 17543, "quantile": 0.75, "value": 194075.0, "Latitude": 37.35, "Longitude": -121.88, "Population": 1336.0}, {"index": 17543, "quantile": 1.0, "value": 302900.0, "Latitude": 37.35, "Longitude": -121.88, "Population": 1336.0}, {"index": 17544, "quantile": 0.0, "value": 88800.0, "Latitude": 37.34, "Longitude": -121.87, "Population": 604.0}, {"index": 17544, "quantile": 0.25, "value": 270300.0, "Latitude": 37.34, "Longitude": -121.87, "Population": 604.0}, {"index": 17544, "quantile": 0.5, "value": 325900.0, "Latitude": 37.34, "Longitude": -121.87, "Population": 604.0}, {"index": 17544, "quantile": 0.75, "value": 325900.0, "Latitude": 37.34, "Longitude": -121.87, "Population": 604.0}, {"index": 17544, "quantile": 1.0, "value": 362500.0, "Latitude": 37.34, "Longitude": -121.87, "Population": 604.0}, {"index": 17545, "quantile": 0.0, "value": 192600.0, "Latitude": 37.34, "Longitude": -121.87, "Population": 650.0}, {"index": 17545, "quantile": 0.25, "value": 309000.0, "Latitude": 37.34, "Longitude": -121.87, "Population": 650.0}, {"index": 17545, "quantile": 0.5, "value": 309000.0, "Latitude": 37.34, "Longitude": -121.87, "Population": 650.0}, {"index": 17545, "quantile": 0.75, "value": 309000.0, "Latitude": 37.34, "Longitude": -121.87, "Population": 650.0}, {"index": 17545, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -121.87, "Population": 650.0}, {"index": 17546, "quantile": 0.0, "value": 86500.0, "Latitude": 37.34, "Longitude": -121.87, "Population": 1990.0}, {"index": 17546, "quantile": 0.25, "value": 180200.0, "Latitude": 37.34, "Longitude": -121.87, "Population": 1990.0}, {"index": 17546, "quantile": 0.5, "value": 289100.0, "Latitude": 37.34, "Longitude": -121.87, "Population": 1990.0}, {"index": 17546, "quantile": 0.75, "value": 289100.0, "Latitude": 37.34, "Longitude": -121.87, "Population": 1990.0}, {"index": 17546, "quantile": 1.0, "value": 289100.0, "Latitude": 37.34, "Longitude": -121.87, "Population": 1990.0}, {"index": 17547, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.34, "Longitude": -121.88, "Population": 1264.0}, {"index": 17547, "quantile": 0.25, "value": 183700.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 1264.0}, {"index": 17547, "quantile": 0.5, "value": 302900.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 1264.0}, {"index": 17547, "quantile": 0.75, "value": 302900.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 1264.0}, {"index": 17547, "quantile": 1.0, "value": 302900.0, "Latitude": 37.34, "Longitude": -121.88, "Population": 1264.0}, {"index": 17548, "quantile": 0.0, "value": 112799.99999999999, "Latitude": 37.35, "Longitude": -121.87, "Population": 3019.0}, {"index": 17548, "quantile": 0.25, "value": 153700.0, "Latitude": 37.35, "Longitude": -121.87, "Population": 3019.0}, {"index": 17548, "quantile": 0.5, "value": 153700.0, "Latitude": 37.35, "Longitude": -121.87, "Population": 3019.0}, {"index": 17548, "quantile": 0.75, "value": 165300.0, "Latitude": 37.35, "Longitude": -121.87, "Population": 3019.0}, {"index": 17548, "quantile": 1.0, "value": 270300.0, "Latitude": 37.35, "Longitude": -121.87, "Population": 3019.0}, {"index": 17549, "quantile": 0.0, "value": 88800.0, "Latitude": 37.35, "Longitude": -121.86, "Population": 1094.0}, {"index": 17549, "quantile": 0.25, "value": 174100.0, "Latitude": 37.35, "Longitude": -121.86, "Population": 1094.0}, {"index": 17549, "quantile": 0.5, "value": 174100.0, "Latitude": 37.35, "Longitude": -121.86, "Population": 1094.0}, {"index": 17549, "quantile": 0.75, "value": 174100.0, "Latitude": 37.35, "Longitude": -121.86, "Population": 1094.0}, {"index": 17549, "quantile": 1.0, "value": 270300.0, "Latitude": 37.35, "Longitude": -121.86, "Population": 1094.0}, {"index": 17550, "quantile": 0.0, "value": 112500.0, "Latitude": 37.35, "Longitude": -121.87, "Population": 1580.0}, {"index": 17550, "quantile": 0.25, "value": 183700.0, "Latitude": 37.35, "Longitude": -121.87, "Population": 1580.0}, {"index": 17550, "quantile": 0.5, "value": 183700.0, "Latitude": 37.35, "Longitude": -121.87, "Population": 1580.0}, {"index": 17550, "quantile": 0.75, "value": 183700.0, "Latitude": 37.35, "Longitude": -121.87, "Population": 1580.0}, {"index": 17550, "quantile": 1.0, "value": 305800.0, "Latitude": 37.35, "Longitude": -121.87, "Population": 1580.0}, {"index": 17551, "quantile": 0.0, "value": 90200.0, "Latitude": 37.34, "Longitude": -121.86, "Population": 6234.0}, {"index": 17551, "quantile": 0.25, "value": 177300.0, "Latitude": 37.34, "Longitude": -121.86, "Population": 6234.0}, {"index": 17551, "quantile": 0.5, "value": 177300.0, "Latitude": 37.34, "Longitude": -121.86, "Population": 6234.0}, {"index": 17551, "quantile": 0.75, "value": 177300.0, "Latitude": 37.34, "Longitude": -121.86, "Population": 6234.0}, {"index": 17551, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 37.34, "Longitude": -121.86, "Population": 6234.0}, {"index": 17552, "quantile": 0.0, "value": 106000.0, "Latitude": 37.34, "Longitude": -121.86, "Population": 1718.0}, {"index": 17552, "quantile": 0.25, "value": 185200.0, "Latitude": 37.34, "Longitude": -121.86, "Population": 1718.0}, {"index": 17552, "quantile": 0.5, "value": 185200.0, "Latitude": 37.34, "Longitude": -121.86, "Population": 1718.0}, {"index": 17552, "quantile": 0.75, "value": 185200.0, "Latitude": 37.34, "Longitude": -121.86, "Population": 1718.0}, {"index": 17552, "quantile": 1.0, "value": 325900.0, "Latitude": 37.34, "Longitude": -121.86, "Population": 1718.0}, {"index": 17553, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.33, "Longitude": -121.88, "Population": 549.0}, {"index": 17553, "quantile": 0.25, "value": 175000.0, "Latitude": 37.33, "Longitude": -121.88, "Population": 549.0}, {"index": 17553, "quantile": 0.5, "value": 175000.0, "Latitude": 37.33, "Longitude": -121.88, "Population": 549.0}, {"index": 17553, "quantile": 0.75, "value": 175000.0, "Latitude": 37.33, "Longitude": -121.88, "Population": 549.0}, {"index": 17553, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -121.88, "Population": 549.0}, {"index": 17554, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.33, "Longitude": -121.88, "Population": 3120.0}, {"index": 17554, "quantile": 0.25, "value": 158125.0, "Latitude": 37.33, "Longitude": -121.88, "Population": 3120.0}, {"index": 17554, "quantile": 0.5, "value": 190850.0, "Latitude": 37.33, "Longitude": -121.88, "Population": 3120.0}, {"index": 17554, "quantile": 0.75, "value": 225999.99999999997, "Latitude": 37.33, "Longitude": -121.88, "Population": 3120.0}, {"index": 17554, "quantile": 1.0, "value": 475000.0, "Latitude": 37.33, "Longitude": -121.88, "Population": 3120.0}, {"index": 17555, "quantile": 0.0, "value": 142100.0, "Latitude": 37.33, "Longitude": -121.87, "Population": 2048.0}, {"index": 17555, "quantile": 0.25, "value": 184400.0, "Latitude": 37.33, "Longitude": -121.87, "Population": 2048.0}, {"index": 17555, "quantile": 0.5, "value": 270300.0, "Latitude": 37.33, "Longitude": -121.87, "Population": 2048.0}, {"index": 17555, "quantile": 0.75, "value": 270300.0, "Latitude": 37.33, "Longitude": -121.87, "Population": 2048.0}, {"index": 17555, "quantile": 1.0, "value": 325900.0, "Latitude": 37.33, "Longitude": -121.87, "Population": 2048.0}, {"index": 17556, "quantile": 0.0, "value": 98700.0, "Latitude": 37.33, "Longitude": -121.88, "Population": 1084.0}, {"index": 17556, "quantile": 0.25, "value": 161775.0, "Latitude": 37.33, "Longitude": -121.88, "Population": 1084.0}, {"index": 17556, "quantile": 0.5, "value": 172500.0, "Latitude": 37.33, "Longitude": -121.88, "Population": 1084.0}, {"index": 17556, "quantile": 0.75, "value": 186100.0, "Latitude": 37.33, "Longitude": -121.88, "Population": 1084.0}, {"index": 17556, "quantile": 1.0, "value": 325900.0, "Latitude": 37.33, "Longitude": -121.88, "Population": 1084.0}, {"index": 17557, "quantile": 0.0, "value": 89100.0, "Latitude": 37.33, "Longitude": -121.89, "Population": 1254.0}, {"index": 17557, "quantile": 0.25, "value": 164900.0, "Latitude": 37.33, "Longitude": -121.89, "Population": 1254.0}, {"index": 17557, "quantile": 0.5, "value": 177500.0, "Latitude": 37.33, "Longitude": -121.89, "Population": 1254.0}, {"index": 17557, "quantile": 0.75, "value": 183700.0, "Latitude": 37.33, "Longitude": -121.89, "Population": 1254.0}, {"index": 17557, "quantile": 1.0, "value": 262500.0, "Latitude": 37.33, "Longitude": -121.89, "Population": 1254.0}, {"index": 17558, "quantile": 0.0, "value": 59800.0, "Latitude": 37.32, "Longitude": -121.89, "Population": 952.0}, {"index": 17558, "quantile": 0.25, "value": 172500.0, "Latitude": 37.32, "Longitude": -121.89, "Population": 952.0}, {"index": 17558, "quantile": 0.5, "value": 172500.0, "Latitude": 37.32, "Longitude": -121.89, "Population": 952.0}, {"index": 17558, "quantile": 0.75, "value": 172500.0, "Latitude": 37.32, "Longitude": -121.89, "Population": 952.0}, {"index": 17558, "quantile": 1.0, "value": 270300.0, "Latitude": 37.32, "Longitude": -121.89, "Population": 952.0}, {"index": 17559, "quantile": 0.0, "value": 67300.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 1438.0}, {"index": 17559, "quantile": 0.25, "value": 166250.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 1438.0}, {"index": 17559, "quantile": 0.5, "value": 177600.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 1438.0}, {"index": 17559, "quantile": 0.75, "value": 218100.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 1438.0}, {"index": 17559, "quantile": 1.0, "value": 302900.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 1438.0}, {"index": 17560, "quantile": 0.0, "value": 50500.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 1276.0}, {"index": 17560, "quantile": 0.25, "value": 172500.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 1276.0}, {"index": 17560, "quantile": 0.5, "value": 172500.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 1276.0}, {"index": 17560, "quantile": 0.75, "value": 172975.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 1276.0}, {"index": 17560, "quantile": 1.0, "value": 250000.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 1276.0}, {"index": 17561, "quantile": 0.0, "value": 69500.0, "Latitude": 37.32, "Longitude": -121.89, "Population": 982.0}, {"index": 17561, "quantile": 0.25, "value": 118800.0, "Latitude": 37.32, "Longitude": -121.89, "Population": 982.0}, {"index": 17561, "quantile": 0.5, "value": 155700.0, "Latitude": 37.32, "Longitude": -121.89, "Population": 982.0}, {"index": 17561, "quantile": 0.75, "value": 187500.0, "Latitude": 37.32, "Longitude": -121.89, "Population": 982.0}, {"index": 17561, "quantile": 1.0, "value": 420000.0, "Latitude": 37.32, "Longitude": -121.89, "Population": 982.0}, {"index": 17562, "quantile": 0.0, "value": 149600.0, "Latitude": 37.32, "Longitude": -121.89, "Population": 865.0}, {"index": 17562, "quantile": 0.25, "value": 184800.0, "Latitude": 37.32, "Longitude": -121.89, "Population": 865.0}, {"index": 17562, "quantile": 0.5, "value": 184800.0, "Latitude": 37.32, "Longitude": -121.89, "Population": 865.0}, {"index": 17562, "quantile": 0.75, "value": 184800.0, "Latitude": 37.32, "Longitude": -121.89, "Population": 865.0}, {"index": 17562, "quantile": 1.0, "value": 255399.99999999997, "Latitude": 37.32, "Longitude": -121.89, "Population": 865.0}, {"index": 17563, "quantile": 0.0, "value": 157100.0, "Latitude": 37.31, "Longitude": -121.89, "Population": 1014.0}, {"index": 17563, "quantile": 0.25, "value": 223600.00000000003, "Latitude": 37.31, "Longitude": -121.89, "Population": 1014.0}, {"index": 17563, "quantile": 0.5, "value": 223600.00000000003, "Latitude": 37.31, "Longitude": -121.89, "Population": 1014.0}, {"index": 17563, "quantile": 0.75, "value": 235225.00000000003, "Latitude": 37.31, "Longitude": -121.89, "Population": 1014.0}, {"index": 17563, "quantile": 1.0, "value": 391300.0, "Latitude": 37.31, "Longitude": -121.89, "Population": 1014.0}, {"index": 17564, "quantile": 0.0, "value": 267900.0, "Latitude": 37.31, "Longitude": -121.9, "Population": 1014.0}, {"index": 17564, "quantile": 0.25, "value": 281100.0, "Latitude": 37.31, "Longitude": -121.9, "Population": 1014.0}, {"index": 17564, "quantile": 0.5, "value": 281100.0, "Latitude": 37.31, "Longitude": -121.9, "Population": 1014.0}, {"index": 17564, "quantile": 0.75, "value": 312000.0, "Latitude": 37.31, "Longitude": -121.9, "Population": 1014.0}, {"index": 17564, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -121.9, "Population": 1014.0}, {"index": 17565, "quantile": 0.0, "value": 93800.0, "Latitude": 37.32, "Longitude": -121.9, "Population": 971.0}, {"index": 17565, "quantile": 0.25, "value": 177825.0, "Latitude": 37.32, "Longitude": -121.9, "Population": 971.0}, {"index": 17565, "quantile": 0.5, "value": 203500.0, "Latitude": 37.32, "Longitude": -121.9, "Population": 971.0}, {"index": 17565, "quantile": 0.75, "value": 245800.00000000003, "Latitude": 37.32, "Longitude": -121.9, "Population": 971.0}, {"index": 17565, "quantile": 1.0, "value": 267300.0, "Latitude": 37.32, "Longitude": -121.9, "Population": 971.0}, {"index": 17566, "quantile": 0.0, "value": 71300.0, "Latitude": 37.32, "Longitude": -121.91, "Population": 608.0}, {"index": 17566, "quantile": 0.25, "value": 209500.00000000003, "Latitude": 37.32, "Longitude": -121.91, "Population": 608.0}, {"index": 17566, "quantile": 0.5, "value": 236050.0, "Latitude": 37.32, "Longitude": -121.91, "Population": 608.0}, {"index": 17566, "quantile": 0.75, "value": 258725.0, "Latitude": 37.32, "Longitude": -121.91, "Population": 608.0}, {"index": 17566, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.32, "Longitude": -121.91, "Population": 608.0}, {"index": 17567, "quantile": 0.0, "value": 87500.0, "Latitude": 37.31, "Longitude": -121.91, "Population": 1555.0}, {"index": 17567, "quantile": 0.25, "value": 216299.99999999997, "Latitude": 37.31, "Longitude": -121.91, "Population": 1555.0}, {"index": 17567, "quantile": 0.5, "value": 216299.99999999997, "Latitude": 37.31, "Longitude": -121.91, "Population": 1555.0}, {"index": 17567, "quantile": 0.75, "value": 216299.99999999997, "Latitude": 37.31, "Longitude": -121.91, "Population": 1555.0}, {"index": 17567, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -121.91, "Population": 1555.0}, {"index": 17568, "quantile": 0.0, "value": 112500.0, "Latitude": 37.32, "Longitude": -121.93, "Population": 1165.0}, {"index": 17568, "quantile": 0.25, "value": 167500.0, "Latitude": 37.32, "Longitude": -121.93, "Population": 1165.0}, {"index": 17568, "quantile": 0.5, "value": 167500.0, "Latitude": 37.32, "Longitude": -121.93, "Population": 1165.0}, {"index": 17568, "quantile": 0.75, "value": 185200.0, "Latitude": 37.32, "Longitude": -121.93, "Population": 1165.0}, {"index": 17568, "quantile": 1.0, "value": 275000.0, "Latitude": 37.32, "Longitude": -121.93, "Population": 1165.0}, {"index": 17569, "quantile": 0.0, "value": 87500.0, "Latitude": 37.33, "Longitude": -121.94, "Population": 576.0}, {"index": 17569, "quantile": 0.25, "value": 250000.0, "Latitude": 37.33, "Longitude": -121.94, "Population": 576.0}, {"index": 17569, "quantile": 0.5, "value": 250000.0, "Latitude": 37.33, "Longitude": -121.94, "Population": 576.0}, {"index": 17569, "quantile": 0.75, "value": 250000.0, "Latitude": 37.33, "Longitude": -121.94, "Population": 576.0}, {"index": 17569, "quantile": 1.0, "value": 365600.0, "Latitude": 37.33, "Longitude": -121.94, "Population": 576.0}, {"index": 17570, "quantile": 0.0, "value": 179300.0, "Latitude": 37.32, "Longitude": -121.94, "Population": 1163.0}, {"index": 17570, "quantile": 0.25, "value": 225800.0, "Latitude": 37.32, "Longitude": -121.94, "Population": 1163.0}, {"index": 17570, "quantile": 0.5, "value": 225800.0, "Latitude": 37.32, "Longitude": -121.94, "Population": 1163.0}, {"index": 17570, "quantile": 0.75, "value": 225800.0, "Latitude": 37.32, "Longitude": -121.94, "Population": 1163.0}, {"index": 17570, "quantile": 1.0, "value": 476300.0, "Latitude": 37.32, "Longitude": -121.94, "Population": 1163.0}, {"index": 17571, "quantile": 0.0, "value": 152100.0, "Latitude": 37.32, "Longitude": -121.93, "Population": 1607.0}, {"index": 17571, "quantile": 0.25, "value": 212725.0, "Latitude": 37.32, "Longitude": -121.93, "Population": 1607.0}, {"index": 17571, "quantile": 0.5, "value": 234499.99999999997, "Latitude": 37.32, "Longitude": -121.93, "Population": 1607.0}, {"index": 17571, "quantile": 0.75, "value": 264900.0, "Latitude": 37.32, "Longitude": -121.93, "Population": 1607.0}, {"index": 17571, "quantile": 1.0, "value": 375000.0, "Latitude": 37.32, "Longitude": -121.93, "Population": 1607.0}, {"index": 17572, "quantile": 0.0, "value": 152400.0, "Latitude": 37.32, "Longitude": -121.92, "Population": 704.0}, {"index": 17572, "quantile": 0.25, "value": 192600.0, "Latitude": 37.32, "Longitude": -121.92, "Population": 704.0}, {"index": 17572, "quantile": 0.5, "value": 192600.0, "Latitude": 37.32, "Longitude": -121.92, "Population": 704.0}, {"index": 17572, "quantile": 0.75, "value": 228874.99999999997, "Latitude": 37.32, "Longitude": -121.92, "Population": 704.0}, {"index": 17572, "quantile": 1.0, "value": 450000.0, "Latitude": 37.32, "Longitude": -121.92, "Population": 704.0}, {"index": 17573, "quantile": 0.0, "value": 100000.0, "Latitude": 37.32, "Longitude": -121.92, "Population": 1485.0}, {"index": 17573, "quantile": 0.25, "value": 165600.0, "Latitude": 37.32, "Longitude": -121.92, "Population": 1485.0}, {"index": 17573, "quantile": 0.5, "value": 165600.0, "Latitude": 37.32, "Longitude": -121.92, "Population": 1485.0}, {"index": 17573, "quantile": 0.75, "value": 172900.0, "Latitude": 37.32, "Longitude": -121.92, "Population": 1485.0}, {"index": 17573, "quantile": 1.0, "value": 255399.99999999997, "Latitude": 37.32, "Longitude": -121.92, "Population": 1485.0}, {"index": 17574, "quantile": 0.0, "value": 98700.0, "Latitude": 37.32, "Longitude": -121.92, "Population": 1666.0}, {"index": 17574, "quantile": 0.25, "value": 167500.0, "Latitude": 37.32, "Longitude": -121.92, "Population": 1666.0}, {"index": 17574, "quantile": 0.5, "value": 198400.0, "Latitude": 37.32, "Longitude": -121.92, "Population": 1666.0}, {"index": 17574, "quantile": 0.75, "value": 198400.0, "Latitude": 37.32, "Longitude": -121.92, "Population": 1666.0}, {"index": 17574, "quantile": 1.0, "value": 255900.00000000003, "Latitude": 37.32, "Longitude": -121.92, "Population": 1666.0}, {"index": 17575, "quantile": 0.0, "value": 93900.0, "Latitude": 37.32, "Longitude": -121.93, "Population": 500.0}, {"index": 17575, "quantile": 0.25, "value": 211300.0, "Latitude": 37.32, "Longitude": -121.93, "Population": 500.0}, {"index": 17575, "quantile": 0.5, "value": 211300.0, "Latitude": 37.32, "Longitude": -121.93, "Population": 500.0}, {"index": 17575, "quantile": 0.75, "value": 262500.0, "Latitude": 37.32, "Longitude": -121.93, "Population": 500.0}, {"index": 17575, "quantile": 1.0, "value": 395700.0, "Latitude": 37.32, "Longitude": -121.93, "Population": 500.0}, {"index": 17576, "quantile": 0.0, "value": 143700.0, "Latitude": 37.31, "Longitude": -121.94, "Population": 1102.0}, {"index": 17576, "quantile": 0.25, "value": 213300.0, "Latitude": 37.31, "Longitude": -121.94, "Population": 1102.0}, {"index": 17576, "quantile": 0.5, "value": 279500.0, "Latitude": 37.31, "Longitude": -121.94, "Population": 1102.0}, {"index": 17576, "quantile": 0.75, "value": 311675.0, "Latitude": 37.31, "Longitude": -121.94, "Population": 1102.0}, {"index": 17576, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -121.94, "Population": 1102.0}, {"index": 17577, "quantile": 0.0, "value": 160100.0, "Latitude": 37.31, "Longitude": -121.94, "Population": 858.0}, {"index": 17577, "quantile": 0.25, "value": 280500.0, "Latitude": 37.31, "Longitude": -121.94, "Population": 858.0}, {"index": 17577, "quantile": 0.5, "value": 280500.0, "Latitude": 37.31, "Longitude": -121.94, "Population": 858.0}, {"index": 17577, "quantile": 0.75, "value": 280500.0, "Latitude": 37.31, "Longitude": -121.94, "Population": 858.0}, {"index": 17577, "quantile": 1.0, "value": 364200.0, "Latitude": 37.31, "Longitude": -121.94, "Population": 858.0}, {"index": 17578, "quantile": 0.0, "value": 185100.0, "Latitude": 37.3, "Longitude": -121.94, "Population": 2347.0}, {"index": 17578, "quantile": 0.25, "value": 226574.99999999997, "Latitude": 37.3, "Longitude": -121.94, "Population": 2347.0}, {"index": 17578, "quantile": 0.5, "value": 243500.0, "Latitude": 37.3, "Longitude": -121.94, "Population": 2347.0}, {"index": 17578, "quantile": 0.75, "value": 272225.0, "Latitude": 37.3, "Longitude": -121.94, "Population": 2347.0}, {"index": 17578, "quantile": 1.0, "value": 378000.0, "Latitude": 37.3, "Longitude": -121.94, "Population": 2347.0}, {"index": 17579, "quantile": 0.0, "value": 80600.0, "Latitude": 37.3, "Longitude": -121.93, "Population": 317.0}, {"index": 17579, "quantile": 0.25, "value": 233300.00000000003, "Latitude": 37.3, "Longitude": -121.93, "Population": 317.0}, {"index": 17579, "quantile": 0.5, "value": 233300.00000000003, "Latitude": 37.3, "Longitude": -121.93, "Population": 317.0}, {"index": 17579, "quantile": 0.75, "value": 233300.00000000003, "Latitude": 37.3, "Longitude": -121.93, "Population": 317.0}, {"index": 17579, "quantile": 1.0, "value": 377300.0, "Latitude": 37.3, "Longitude": -121.93, "Population": 317.0}, {"index": 17580, "quantile": 0.0, "value": 137500.0, "Latitude": 37.31, "Longitude": -121.93, "Population": 1638.0}, {"index": 17580, "quantile": 0.25, "value": 229800.0, "Latitude": 37.31, "Longitude": -121.93, "Population": 1638.0}, {"index": 17580, "quantile": 0.5, "value": 229800.0, "Latitude": 37.31, "Longitude": -121.93, "Population": 1638.0}, {"index": 17580, "quantile": 0.75, "value": 230550.0, "Latitude": 37.31, "Longitude": -121.93, "Population": 1638.0}, {"index": 17580, "quantile": 1.0, "value": 281700.0, "Latitude": 37.31, "Longitude": -121.93, "Population": 1638.0}, {"index": 17581, "quantile": 0.0, "value": 183400.0, "Latitude": 37.31, "Longitude": -121.92, "Population": 424.0}, {"index": 17581, "quantile": 0.25, "value": 241100.0, "Latitude": 37.31, "Longitude": -121.92, "Population": 424.0}, {"index": 17581, "quantile": 0.5, "value": 241100.0, "Latitude": 37.31, "Longitude": -121.92, "Population": 424.0}, {"index": 17581, "quantile": 0.75, "value": 278100.0, "Latitude": 37.31, "Longitude": -121.92, "Population": 424.0}, {"index": 17581, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -121.92, "Population": 424.0}, {"index": 17582, "quantile": 0.0, "value": 152400.0, "Latitude": 37.31, "Longitude": -121.92, "Population": 2100.0}, {"index": 17582, "quantile": 0.25, "value": 247900.0, "Latitude": 37.31, "Longitude": -121.92, "Population": 2100.0}, {"index": 17582, "quantile": 0.5, "value": 247900.0, "Latitude": 37.31, "Longitude": -121.92, "Population": 2100.0}, {"index": 17582, "quantile": 0.75, "value": 247900.0, "Latitude": 37.31, "Longitude": -121.92, "Population": 2100.0}, {"index": 17582, "quantile": 1.0, "value": 286500.0, "Latitude": 37.31, "Longitude": -121.92, "Population": 2100.0}, {"index": 17583, "quantile": 0.0, "value": 112500.0, "Latitude": 37.3, "Longitude": -121.93, "Population": 1285.0}, {"index": 17583, "quantile": 0.25, "value": 201399.99999999997, "Latitude": 37.3, "Longitude": -121.93, "Population": 1285.0}, {"index": 17583, "quantile": 0.5, "value": 264600.0, "Latitude": 37.3, "Longitude": -121.93, "Population": 1285.0}, {"index": 17583, "quantile": 0.75, "value": 289050.0, "Latitude": 37.3, "Longitude": -121.93, "Population": 1285.0}, {"index": 17583, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -121.93, "Population": 1285.0}, {"index": 17584, "quantile": 0.0, "value": 160000.0, "Latitude": 37.31, "Longitude": -121.93, "Population": 969.0}, {"index": 17584, "quantile": 0.25, "value": 240300.0, "Latitude": 37.31, "Longitude": -121.93, "Population": 969.0}, {"index": 17584, "quantile": 0.5, "value": 252800.0, "Latitude": 37.31, "Longitude": -121.93, "Population": 969.0}, {"index": 17584, "quantile": 0.75, "value": 252800.0, "Latitude": 37.31, "Longitude": -121.93, "Population": 969.0}, {"index": 17584, "quantile": 1.0, "value": 316700.0, "Latitude": 37.31, "Longitude": -121.93, "Population": 969.0}, {"index": 17585, "quantile": 0.0, "value": 159000.0, "Latitude": 37.31, "Longitude": -121.92, "Population": 2946.0}, {"index": 17585, "quantile": 0.25, "value": 194800.0, "Latitude": 37.31, "Longitude": -121.92, "Population": 2946.0}, {"index": 17585, "quantile": 0.5, "value": 227700.0, "Latitude": 37.31, "Longitude": -121.92, "Population": 2946.0}, {"index": 17585, "quantile": 0.75, "value": 234200.0, "Latitude": 37.31, "Longitude": -121.92, "Population": 2946.0}, {"index": 17585, "quantile": 1.0, "value": 430900.0, "Latitude": 37.31, "Longitude": -121.92, "Population": 2946.0}, {"index": 17586, "quantile": 0.0, "value": 143800.0, "Latitude": 37.3, "Longitude": -121.93, "Population": 3025.0}, {"index": 17586, "quantile": 0.25, "value": 234200.0, "Latitude": 37.3, "Longitude": -121.93, "Population": 3025.0}, {"index": 17586, "quantile": 0.5, "value": 234200.0, "Latitude": 37.3, "Longitude": -121.93, "Population": 3025.0}, {"index": 17586, "quantile": 0.75, "value": 234200.0, "Latitude": 37.3, "Longitude": -121.93, "Population": 3025.0}, {"index": 17586, "quantile": 1.0, "value": 430900.0, "Latitude": 37.3, "Longitude": -121.93, "Population": 3025.0}, {"index": 17587, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 37.3, "Longitude": -121.92, "Population": 772.0}, {"index": 17587, "quantile": 0.25, "value": 310100.0, "Latitude": 37.3, "Longitude": -121.92, "Population": 772.0}, {"index": 17587, "quantile": 0.5, "value": 310100.0, "Latitude": 37.3, "Longitude": -121.92, "Population": 772.0}, {"index": 17587, "quantile": 0.75, "value": 310100.0, "Latitude": 37.3, "Longitude": -121.92, "Population": 772.0}, {"index": 17587, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -121.92, "Population": 772.0}, {"index": 17588, "quantile": 0.0, "value": 183300.0, "Latitude": 37.3, "Longitude": -121.92, "Population": 635.0}, {"index": 17588, "quantile": 0.25, "value": 249100.0, "Latitude": 37.3, "Longitude": -121.92, "Population": 635.0}, {"index": 17588, "quantile": 0.5, "value": 345800.0, "Latitude": 37.3, "Longitude": -121.92, "Population": 635.0}, {"index": 17588, "quantile": 0.75, "value": 345800.0, "Latitude": 37.3, "Longitude": -121.92, "Population": 635.0}, {"index": 17588, "quantile": 1.0, "value": 374300.0, "Latitude": 37.3, "Longitude": -121.92, "Population": 635.0}, {"index": 17589, "quantile": 0.0, "value": 211900.00000000003, "Latitude": 37.31, "Longitude": -121.91, "Population": 1488.0}, {"index": 17589, "quantile": 0.25, "value": 331375.0, "Latitude": 37.31, "Longitude": -121.91, "Population": 1488.0}, {"index": 17589, "quantile": 0.5, "value": 332600.0, "Latitude": 37.31, "Longitude": -121.91, "Population": 1488.0}, {"index": 17589, "quantile": 0.75, "value": 332600.0, "Latitude": 37.31, "Longitude": -121.91, "Population": 1488.0}, {"index": 17589, "quantile": 1.0, "value": 376100.0, "Latitude": 37.31, "Longitude": -121.91, "Population": 1488.0}, {"index": 17590, "quantile": 0.0, "value": 145800.0, "Latitude": 37.31, "Longitude": -121.91, "Population": 1373.0}, {"index": 17590, "quantile": 0.25, "value": 261525.0, "Latitude": 37.31, "Longitude": -121.91, "Population": 1373.0}, {"index": 17590, "quantile": 0.5, "value": 294800.0, "Latitude": 37.31, "Longitude": -121.91, "Population": 1373.0}, {"index": 17590, "quantile": 0.75, "value": 374200.0, "Latitude": 37.31, "Longitude": -121.91, "Population": 1373.0}, {"index": 17590, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -121.91, "Population": 1373.0}, {"index": 17591, "quantile": 0.0, "value": 146300.0, "Latitude": 37.3, "Longitude": -121.9, "Population": 1531.0}, {"index": 17591, "quantile": 0.25, "value": 287075.0, "Latitude": 37.3, "Longitude": -121.9, "Population": 1531.0}, {"index": 17591, "quantile": 0.5, "value": 345900.0, "Latitude": 37.3, "Longitude": -121.9, "Population": 1531.0}, {"index": 17591, "quantile": 0.75, "value": 345900.0, "Latitude": 37.3, "Longitude": -121.9, "Population": 1531.0}, {"index": 17591, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -121.9, "Population": 1531.0}, {"index": 17592, "quantile": 0.0, "value": 156900.0, "Latitude": 37.3, "Longitude": -121.91, "Population": 446.0}, {"index": 17592, "quantile": 0.25, "value": 247100.0, "Latitude": 37.3, "Longitude": -121.91, "Population": 446.0}, {"index": 17592, "quantile": 0.5, "value": 327600.0, "Latitude": 37.3, "Longitude": -121.91, "Population": 446.0}, {"index": 17592, "quantile": 0.75, "value": 327600.0, "Latitude": 37.3, "Longitude": -121.91, "Population": 446.0}, {"index": 17592, "quantile": 1.0, "value": 434500.0, "Latitude": 37.3, "Longitude": -121.91, "Population": 446.0}, {"index": 17593, "quantile": 0.0, "value": 91800.0, "Latitude": 37.3, "Longitude": -121.91, "Population": 829.0}, {"index": 17593, "quantile": 0.25, "value": 313900.0, "Latitude": 37.3, "Longitude": -121.91, "Population": 829.0}, {"index": 17593, "quantile": 0.5, "value": 344700.0, "Latitude": 37.3, "Longitude": -121.91, "Population": 829.0}, {"index": 17593, "quantile": 0.75, "value": 344700.0, "Latitude": 37.3, "Longitude": -121.91, "Population": 829.0}, {"index": 17593, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 37.3, "Longitude": -121.91, "Population": 829.0}, {"index": 17594, "quantile": 0.0, "value": 40000.0, "Latitude": 37.3, "Longitude": -121.91, "Population": 185.0}, {"index": 17594, "quantile": 0.25, "value": 265000.0, "Latitude": 37.3, "Longitude": -121.91, "Population": 185.0}, {"index": 17594, "quantile": 0.5, "value": 265000.0, "Latitude": 37.3, "Longitude": -121.91, "Population": 185.0}, {"index": 17594, "quantile": 0.75, "value": 452799.99999999994, "Latitude": 37.3, "Longitude": -121.91, "Population": 185.0}, {"index": 17594, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -121.91, "Population": 185.0}, {"index": 17595, "quantile": 0.0, "value": 79400.0, "Latitude": 37.31, "Longitude": -121.89, "Population": 719.0}, {"index": 17595, "quantile": 0.25, "value": 235200.0, "Latitude": 37.31, "Longitude": -121.89, "Population": 719.0}, {"index": 17595, "quantile": 0.5, "value": 235200.0, "Latitude": 37.31, "Longitude": -121.89, "Population": 719.0}, {"index": 17595, "quantile": 0.75, "value": 235200.0, "Latitude": 37.31, "Longitude": -121.89, "Population": 719.0}, {"index": 17595, "quantile": 1.0, "value": 425500.0, "Latitude": 37.31, "Longitude": -121.89, "Population": 719.0}, {"index": 17596, "quantile": 0.0, "value": 123400.0, "Latitude": 37.31, "Longitude": -121.88, "Population": 1277.0}, {"index": 17596, "quantile": 0.25, "value": 262800.0, "Latitude": 37.31, "Longitude": -121.88, "Population": 1277.0}, {"index": 17596, "quantile": 0.5, "value": 262800.0, "Latitude": 37.31, "Longitude": -121.88, "Population": 1277.0}, {"index": 17596, "quantile": 0.75, "value": 287025.0, "Latitude": 37.31, "Longitude": -121.88, "Population": 1277.0}, {"index": 17596, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -121.88, "Population": 1277.0}, {"index": 17597, "quantile": 0.0, "value": 160100.0, "Latitude": 37.3, "Longitude": -121.89, "Population": 639.0}, {"index": 17597, "quantile": 0.25, "value": 290725.0, "Latitude": 37.3, "Longitude": -121.89, "Population": 639.0}, {"index": 17597, "quantile": 0.5, "value": 312000.0, "Latitude": 37.3, "Longitude": -121.89, "Population": 639.0}, {"index": 17597, "quantile": 0.75, "value": 401750.0, "Latitude": 37.3, "Longitude": -121.89, "Population": 639.0}, {"index": 17597, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -121.89, "Population": 639.0}, {"index": 17598, "quantile": 0.0, "value": 147100.0, "Latitude": 37.3, "Longitude": -121.89, "Population": 825.0}, {"index": 17598, "quantile": 0.25, "value": 284800.0, "Latitude": 37.3, "Longitude": -121.89, "Population": 825.0}, {"index": 17598, "quantile": 0.5, "value": 284800.0, "Latitude": 37.3, "Longitude": -121.89, "Population": 825.0}, {"index": 17598, "quantile": 0.75, "value": 284800.0, "Latitude": 37.3, "Longitude": -121.89, "Population": 825.0}, {"index": 17598, "quantile": 1.0, "value": 443000.0, "Latitude": 37.3, "Longitude": -121.89, "Population": 825.0}, {"index": 17599, "quantile": 0.0, "value": 87600.0, "Latitude": 37.31, "Longitude": -121.89, "Population": 1399.0}, {"index": 17599, "quantile": 0.25, "value": 224200.0, "Latitude": 37.31, "Longitude": -121.89, "Population": 1399.0}, {"index": 17599, "quantile": 0.5, "value": 242600.00000000003, "Latitude": 37.31, "Longitude": -121.89, "Population": 1399.0}, {"index": 17599, "quantile": 0.75, "value": 252150.0, "Latitude": 37.31, "Longitude": -121.89, "Population": 1399.0}, {"index": 17599, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -121.89, "Population": 1399.0}, {"index": 17600, "quantile": 0.0, "value": 212200.0, "Latitude": 37.3, "Longitude": -121.9, "Population": 582.0}, {"index": 17600, "quantile": 0.25, "value": 296600.0, "Latitude": 37.3, "Longitude": -121.9, "Population": 582.0}, {"index": 17600, "quantile": 0.5, "value": 296600.0, "Latitude": 37.3, "Longitude": -121.9, "Population": 582.0}, {"index": 17600, "quantile": 0.75, "value": 296600.0, "Latitude": 37.3, "Longitude": -121.9, "Population": 582.0}, {"index": 17600, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -121.9, "Population": 582.0}, {"index": 17601, "quantile": 0.0, "value": 250000.0, "Latitude": 37.3, "Longitude": -121.9, "Population": 629.0}, {"index": 17601, "quantile": 0.25, "value": 312000.0, "Latitude": 37.3, "Longitude": -121.9, "Population": 629.0}, {"index": 17601, "quantile": 0.5, "value": 312000.0, "Latitude": 37.3, "Longitude": -121.9, "Population": 629.0}, {"index": 17601, "quantile": 0.75, "value": 320500.0, "Latitude": 37.3, "Longitude": -121.9, "Population": 629.0}, {"index": 17601, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -121.9, "Population": 629.0}, {"index": 17602, "quantile": 0.0, "value": 211300.0, "Latitude": 37.3, "Longitude": -121.88, "Population": 927.0}, {"index": 17602, "quantile": 0.25, "value": 247000.00000000003, "Latitude": 37.3, "Longitude": -121.88, "Population": 927.0}, {"index": 17602, "quantile": 0.5, "value": 247000.00000000003, "Latitude": 37.3, "Longitude": -121.88, "Population": 927.0}, {"index": 17602, "quantile": 0.75, "value": 247000.00000000003, "Latitude": 37.3, "Longitude": -121.88, "Population": 927.0}, {"index": 17602, "quantile": 1.0, "value": 352100.0, "Latitude": 37.3, "Longitude": -121.88, "Population": 927.0}, {"index": 17603, "quantile": 0.0, "value": 90400.0, "Latitude": 37.29, "Longitude": -121.88, "Population": 908.0}, {"index": 17603, "quantile": 0.25, "value": 266475.0, "Latitude": 37.29, "Longitude": -121.88, "Population": 908.0}, {"index": 17603, "quantile": 0.5, "value": 274100.0, "Latitude": 37.29, "Longitude": -121.88, "Population": 908.0}, {"index": 17603, "quantile": 0.75, "value": 274100.0, "Latitude": 37.29, "Longitude": -121.88, "Population": 908.0}, {"index": 17603, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 37.29, "Longitude": -121.88, "Population": 908.0}, {"index": 17604, "quantile": 0.0, "value": 282300.0, "Latitude": 37.3, "Longitude": -121.89, "Population": 961.0}, {"index": 17604, "quantile": 0.25, "value": 282300.0, "Latitude": 37.3, "Longitude": -121.89, "Population": 961.0}, {"index": 17604, "quantile": 0.5, "value": 282300.0, "Latitude": 37.3, "Longitude": -121.89, "Population": 961.0}, {"index": 17604, "quantile": 0.75, "value": 299700.0, "Latitude": 37.3, "Longitude": -121.89, "Population": 961.0}, {"index": 17604, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -121.89, "Population": 961.0}, {"index": 17605, "quantile": 0.0, "value": 143300.0, "Latitude": 37.3, "Longitude": -121.89, "Population": 938.0}, {"index": 17605, "quantile": 0.25, "value": 324450.0, "Latitude": 37.3, "Longitude": -121.89, "Population": 938.0}, {"index": 17605, "quantile": 0.5, "value": 331600.0, "Latitude": 37.3, "Longitude": -121.89, "Population": 938.0}, {"index": 17605, "quantile": 0.75, "value": 331600.0, "Latitude": 37.3, "Longitude": -121.89, "Population": 938.0}, {"index": 17605, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -121.89, "Population": 938.0}, {"index": 17606, "quantile": 0.0, "value": 106000.0, "Latitude": 37.29, "Longitude": -121.89, "Population": 710.0}, {"index": 17606, "quantile": 0.25, "value": 235200.00000000003, "Latitude": 37.29, "Longitude": -121.89, "Population": 710.0}, {"index": 17606, "quantile": 0.5, "value": 286600.0, "Latitude": 37.29, "Longitude": -121.89, "Population": 710.0}, {"index": 17606, "quantile": 0.75, "value": 286600.0, "Latitude": 37.29, "Longitude": -121.89, "Population": 710.0}, {"index": 17606, "quantile": 1.0, "value": 325900.0, "Latitude": 37.29, "Longitude": -121.89, "Population": 710.0}, {"index": 17607, "quantile": 0.0, "value": 224100.0, "Latitude": 37.29, "Longitude": -121.9, "Population": 626.0}, {"index": 17607, "quantile": 0.25, "value": 424600.00000000006, "Latitude": 37.29, "Longitude": -121.9, "Population": 626.0}, {"index": 17607, "quantile": 0.5, "value": 424600.00000000006, "Latitude": 37.29, "Longitude": -121.9, "Population": 626.0}, {"index": 17607, "quantile": 0.75, "value": 424600.00000000006, "Latitude": 37.29, "Longitude": -121.9, "Population": 626.0}, {"index": 17607, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.9, "Population": 626.0}, {"index": 17608, "quantile": 0.0, "value": 255900.00000000003, "Latitude": 37.29, "Longitude": -121.9, "Population": 623.0}, {"index": 17608, "quantile": 0.25, "value": 283300.0, "Latitude": 37.29, "Longitude": -121.9, "Population": 623.0}, {"index": 17608, "quantile": 0.5, "value": 283300.0, "Latitude": 37.29, "Longitude": -121.9, "Population": 623.0}, {"index": 17608, "quantile": 0.75, "value": 344175.0, "Latitude": 37.29, "Longitude": -121.9, "Population": 623.0}, {"index": 17608, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.9, "Population": 623.0}, {"index": 17609, "quantile": 0.0, "value": 78600.0, "Latitude": 37.29, "Longitude": -121.92, "Population": 378.0}, {"index": 17609, "quantile": 0.25, "value": 282350.0, "Latitude": 37.29, "Longitude": -121.92, "Population": 378.0}, {"index": 17609, "quantile": 0.5, "value": 344600.0, "Latitude": 37.29, "Longitude": -121.92, "Population": 378.0}, {"index": 17609, "quantile": 0.75, "value": 344600.0, "Latitude": 37.29, "Longitude": -121.92, "Population": 378.0}, {"index": 17609, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.92, "Population": 378.0}, {"index": 17610, "quantile": 0.0, "value": 139100.0, "Latitude": 37.29, "Longitude": -121.91, "Population": 371.0}, {"index": 17610, "quantile": 0.25, "value": 308100.0, "Latitude": 37.29, "Longitude": -121.91, "Population": 371.0}, {"index": 17610, "quantile": 0.5, "value": 320500.0, "Latitude": 37.29, "Longitude": -121.91, "Population": 371.0}, {"index": 17610, "quantile": 0.75, "value": 320500.0, "Latitude": 37.29, "Longitude": -121.91, "Population": 371.0}, {"index": 17610, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.91, "Population": 371.0}, {"index": 17611, "quantile": 0.0, "value": 348700.0, "Latitude": 37.29, "Longitude": -121.92, "Population": 800.0}, {"index": 17611, "quantile": 0.25, "value": 426900.0, "Latitude": 37.29, "Longitude": -121.92, "Population": 800.0}, {"index": 17611, "quantile": 0.5, "value": 426900.0, "Latitude": 37.29, "Longitude": -121.92, "Population": 800.0}, {"index": 17611, "quantile": 0.75, "value": 450000.0, "Latitude": 37.29, "Longitude": -121.92, "Population": 800.0}, {"index": 17611, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.92, "Population": 800.0}, {"index": 17612, "quantile": 0.0, "value": 186600.0, "Latitude": 37.29, "Longitude": -121.91, "Population": 1321.0}, {"index": 17612, "quantile": 0.25, "value": 324000.0, "Latitude": 37.29, "Longitude": -121.91, "Population": 1321.0}, {"index": 17612, "quantile": 0.5, "value": 351400.0, "Latitude": 37.29, "Longitude": -121.91, "Population": 1321.0}, {"index": 17612, "quantile": 0.75, "value": 351400.0, "Latitude": 37.29, "Longitude": -121.91, "Population": 1321.0}, {"index": 17612, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.91, "Population": 1321.0}, {"index": 17613, "quantile": 0.0, "value": 199200.0, "Latitude": 37.29, "Longitude": -121.93, "Population": 989.0}, {"index": 17613, "quantile": 0.25, "value": 288200.0, "Latitude": 37.29, "Longitude": -121.93, "Population": 989.0}, {"index": 17613, "quantile": 0.5, "value": 288200.0, "Latitude": 37.29, "Longitude": -121.93, "Population": 989.0}, {"index": 17613, "quantile": 0.75, "value": 288200.0, "Latitude": 37.29, "Longitude": -121.93, "Population": 989.0}, {"index": 17613, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.93, "Population": 989.0}, {"index": 17614, "quantile": 0.0, "value": 220699.99999999997, "Latitude": 37.29, "Longitude": -121.92, "Population": 560.0}, {"index": 17614, "quantile": 0.25, "value": 346700.0, "Latitude": 37.29, "Longitude": -121.92, "Population": 560.0}, {"index": 17614, "quantile": 0.5, "value": 346700.0, "Latitude": 37.29, "Longitude": -121.92, "Population": 560.0}, {"index": 17614, "quantile": 0.75, "value": 346700.0, "Latitude": 37.29, "Longitude": -121.92, "Population": 560.0}, {"index": 17614, "quantile": 1.0, "value": 493400.0, "Latitude": 37.29, "Longitude": -121.92, "Population": 560.0}, {"index": 17615, "quantile": 0.0, "value": 139100.0, "Latitude": 37.28, "Longitude": -121.93, "Population": 1010.0}, {"index": 17615, "quantile": 0.25, "value": 376200.0, "Latitude": 37.28, "Longitude": -121.93, "Population": 1010.0}, {"index": 17615, "quantile": 0.5, "value": 376200.0, "Latitude": 37.28, "Longitude": -121.93, "Population": 1010.0}, {"index": 17615, "quantile": 0.75, "value": 376200.0, "Latitude": 37.28, "Longitude": -121.93, "Population": 1010.0}, {"index": 17615, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -121.93, "Population": 1010.0}, {"index": 17616, "quantile": 0.0, "value": 150000.0, "Latitude": 37.28, "Longitude": -121.93, "Population": 1537.0}, {"index": 17616, "quantile": 0.25, "value": 199600.0, "Latitude": 37.28, "Longitude": -121.93, "Population": 1537.0}, {"index": 17616, "quantile": 0.5, "value": 214000.0, "Latitude": 37.28, "Longitude": -121.93, "Population": 1537.0}, {"index": 17616, "quantile": 0.75, "value": 214000.0, "Latitude": 37.28, "Longitude": -121.93, "Population": 1537.0}, {"index": 17616, "quantile": 1.0, "value": 277200.0, "Latitude": 37.28, "Longitude": -121.93, "Population": 1537.0}, {"index": 17617, "quantile": 0.0, "value": 119100.0, "Latitude": 37.28, "Longitude": -121.94, "Population": 1968.0}, {"index": 17617, "quantile": 0.25, "value": 232399.99999999997, "Latitude": 37.28, "Longitude": -121.94, "Population": 1968.0}, {"index": 17617, "quantile": 0.5, "value": 240000.0, "Latitude": 37.28, "Longitude": -121.94, "Population": 1968.0}, {"index": 17617, "quantile": 0.75, "value": 240000.0, "Latitude": 37.28, "Longitude": -121.94, "Population": 1968.0}, {"index": 17617, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -121.94, "Population": 1968.0}, {"index": 17618, "quantile": 0.0, "value": 150900.0, "Latitude": 37.28, "Longitude": -121.94, "Population": 1144.0}, {"index": 17618, "quantile": 0.25, "value": 315650.0, "Latitude": 37.28, "Longitude": -121.94, "Population": 1144.0}, {"index": 17618, "quantile": 0.5, "value": 327500.0, "Latitude": 37.28, "Longitude": -121.94, "Population": 1144.0}, {"index": 17618, "quantile": 0.75, "value": 327500.0, "Latitude": 37.28, "Longitude": -121.94, "Population": 1144.0}, {"index": 17618, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 37.28, "Longitude": -121.94, "Population": 1144.0}, {"index": 17619, "quantile": 0.0, "value": 211000.0, "Latitude": 37.27, "Longitude": -121.93, "Population": 1387.0}, {"index": 17619, "quantile": 0.25, "value": 278100.0, "Latitude": 37.27, "Longitude": -121.93, "Population": 1387.0}, {"index": 17619, "quantile": 0.5, "value": 278100.0, "Latitude": 37.27, "Longitude": -121.93, "Population": 1387.0}, {"index": 17619, "quantile": 0.75, "value": 278100.0, "Latitude": 37.27, "Longitude": -121.93, "Population": 1387.0}, {"index": 17619, "quantile": 1.0, "value": 407200.0, "Latitude": 37.27, "Longitude": -121.93, "Population": 1387.0}, {"index": 17620, "quantile": 0.0, "value": 87500.0, "Latitude": 37.27, "Longitude": -121.94, "Population": 997.0}, {"index": 17620, "quantile": 0.25, "value": 211900.00000000003, "Latitude": 37.27, "Longitude": -121.94, "Population": 997.0}, {"index": 17620, "quantile": 0.5, "value": 211900.00000000003, "Latitude": 37.27, "Longitude": -121.94, "Population": 997.0}, {"index": 17620, "quantile": 0.75, "value": 244450.0, "Latitude": 37.27, "Longitude": -121.94, "Population": 997.0}, {"index": 17620, "quantile": 1.0, "value": 396400.0, "Latitude": 37.27, "Longitude": -121.94, "Population": 997.0}, {"index": 17621, "quantile": 0.0, "value": 126299.99999999999, "Latitude": 37.27, "Longitude": -121.94, "Population": 537.0}, {"index": 17621, "quantile": 0.25, "value": 236900.00000000003, "Latitude": 37.27, "Longitude": -121.94, "Population": 537.0}, {"index": 17621, "quantile": 0.5, "value": 236900.00000000003, "Latitude": 37.27, "Longitude": -121.94, "Population": 537.0}, {"index": 17621, "quantile": 0.75, "value": 236900.00000000003, "Latitude": 37.27, "Longitude": -121.94, "Population": 537.0}, {"index": 17621, "quantile": 1.0, "value": 350000.0, "Latitude": 37.27, "Longitude": -121.94, "Population": 537.0}, {"index": 17622, "quantile": 0.0, "value": 157800.0, "Latitude": 37.26, "Longitude": -121.94, "Population": 1137.0}, {"index": 17622, "quantile": 0.25, "value": 238000.0, "Latitude": 37.26, "Longitude": -121.94, "Population": 1137.0}, {"index": 17622, "quantile": 0.5, "value": 238000.0, "Latitude": 37.26, "Longitude": -121.94, "Population": 1137.0}, {"index": 17622, "quantile": 0.75, "value": 243200.0, "Latitude": 37.26, "Longitude": -121.94, "Population": 1137.0}, {"index": 17622, "quantile": 1.0, "value": 409800.0, "Latitude": 37.26, "Longitude": -121.94, "Population": 1137.0}, {"index": 17623, "quantile": 0.0, "value": 112500.0, "Latitude": 37.26, "Longitude": -121.94, "Population": 1850.0}, {"index": 17623, "quantile": 0.25, "value": 264200.0, "Latitude": 37.26, "Longitude": -121.94, "Population": 1850.0}, {"index": 17623, "quantile": 0.5, "value": 264200.0, "Latitude": 37.26, "Longitude": -121.94, "Population": 1850.0}, {"index": 17623, "quantile": 0.75, "value": 278625.0, "Latitude": 37.26, "Longitude": -121.94, "Population": 1850.0}, {"index": 17623, "quantile": 1.0, "value": 361700.0, "Latitude": 37.26, "Longitude": -121.94, "Population": 1850.0}, {"index": 17624, "quantile": 0.0, "value": 112500.0, "Latitude": 37.26, "Longitude": -121.95, "Population": 1599.0}, {"index": 17624, "quantile": 0.25, "value": 213300.0, "Latitude": 37.26, "Longitude": -121.95, "Population": 1599.0}, {"index": 17624, "quantile": 0.5, "value": 265400.0, "Latitude": 37.26, "Longitude": -121.95, "Population": 1599.0}, {"index": 17624, "quantile": 0.75, "value": 317725.0, "Latitude": 37.26, "Longitude": -121.95, "Population": 1599.0}, {"index": 17624, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -121.95, "Population": 1599.0}, {"index": 17625, "quantile": 0.0, "value": 143300.0, "Latitude": 37.26, "Longitude": -121.95, "Population": 584.0}, {"index": 17625, "quantile": 0.25, "value": 264700.0, "Latitude": 37.26, "Longitude": -121.95, "Population": 584.0}, {"index": 17625, "quantile": 0.5, "value": 264700.0, "Latitude": 37.26, "Longitude": -121.95, "Population": 584.0}, {"index": 17625, "quantile": 0.75, "value": 284600.0, "Latitude": 37.26, "Longitude": -121.95, "Population": 584.0}, {"index": 17625, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -121.95, "Population": 584.0}, {"index": 17626, "quantile": 0.0, "value": 112500.0, "Latitude": 37.25, "Longitude": -121.94, "Population": 1894.0}, {"index": 17626, "quantile": 0.25, "value": 307200.0, "Latitude": 37.25, "Longitude": -121.94, "Population": 1894.0}, {"index": 17626, "quantile": 0.5, "value": 332800.0, "Latitude": 37.25, "Longitude": -121.94, "Population": 1894.0}, {"index": 17626, "quantile": 0.75, "value": 332800.0, "Latitude": 37.25, "Longitude": -121.94, "Population": 1894.0}, {"index": 17626, "quantile": 1.0, "value": 452100.0, "Latitude": 37.25, "Longitude": -121.94, "Population": 1894.0}, {"index": 17627, "quantile": 0.0, "value": 116599.99999999999, "Latitude": 37.26, "Longitude": -121.93, "Population": 446.0}, {"index": 17627, "quantile": 0.25, "value": 243825.0, "Latitude": 37.26, "Longitude": -121.93, "Population": 446.0}, {"index": 17627, "quantile": 0.5, "value": 291300.0, "Latitude": 37.26, "Longitude": -121.93, "Population": 446.0}, {"index": 17627, "quantile": 0.75, "value": 291300.0, "Latitude": 37.26, "Longitude": -121.93, "Population": 446.0}, {"index": 17627, "quantile": 1.0, "value": 325900.0, "Latitude": 37.26, "Longitude": -121.93, "Population": 446.0}, {"index": 17628, "quantile": 0.0, "value": 79300.0, "Latitude": 37.26, "Longitude": -121.92, "Population": 762.0}, {"index": 17628, "quantile": 0.25, "value": 204800.0, "Latitude": 37.26, "Longitude": -121.92, "Population": 762.0}, {"index": 17628, "quantile": 0.5, "value": 222949.99999999997, "Latitude": 37.26, "Longitude": -121.92, "Population": 762.0}, {"index": 17628, "quantile": 0.75, "value": 242349.99999999997, "Latitude": 37.26, "Longitude": -121.92, "Population": 762.0}, {"index": 17628, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -121.92, "Population": 762.0}, {"index": 17629, "quantile": 0.0, "value": 215400.0, "Latitude": 37.25, "Longitude": -121.92, "Population": 1826.0}, {"index": 17629, "quantile": 0.25, "value": 258500.0, "Latitude": 37.25, "Longitude": -121.92, "Population": 1826.0}, {"index": 17629, "quantile": 0.5, "value": 258500.0, "Latitude": 37.25, "Longitude": -121.92, "Population": 1826.0}, {"index": 17629, "quantile": 0.75, "value": 258500.0, "Latitude": 37.25, "Longitude": -121.92, "Population": 1826.0}, {"index": 17629, "quantile": 1.0, "value": 353400.0, "Latitude": 37.25, "Longitude": -121.92, "Population": 1826.0}, {"index": 17630, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 37.25, "Longitude": -121.91, "Population": 975.0}, {"index": 17630, "quantile": 0.25, "value": 240499.99999999997, "Latitude": 37.25, "Longitude": -121.91, "Population": 975.0}, {"index": 17630, "quantile": 0.5, "value": 240499.99999999997, "Latitude": 37.25, "Longitude": -121.91, "Population": 975.0}, {"index": 17630, "quantile": 0.75, "value": 240499.99999999997, "Latitude": 37.25, "Longitude": -121.91, "Population": 975.0}, {"index": 17630, "quantile": 1.0, "value": 353400.0, "Latitude": 37.25, "Longitude": -121.91, "Population": 975.0}, {"index": 17631, "quantile": 0.0, "value": 86300.0, "Latitude": 37.28, "Longitude": -121.92, "Population": 1284.0}, {"index": 17631, "quantile": 0.25, "value": 287175.0, "Latitude": 37.28, "Longitude": -121.92, "Population": 1284.0}, {"index": 17631, "quantile": 0.5, "value": 308800.0, "Latitude": 37.28, "Longitude": -121.92, "Population": 1284.0}, {"index": 17631, "quantile": 0.75, "value": 308800.0, "Latitude": 37.28, "Longitude": -121.92, "Population": 1284.0}, {"index": 17631, "quantile": 1.0, "value": 364200.0, "Latitude": 37.28, "Longitude": -121.92, "Population": 1284.0}, {"index": 17632, "quantile": 0.0, "value": 150000.0, "Latitude": 37.27, "Longitude": -121.92, "Population": 1583.0}, {"index": 17632, "quantile": 0.25, "value": 253500.0, "Latitude": 37.27, "Longitude": -121.92, "Population": 1583.0}, {"index": 17632, "quantile": 0.5, "value": 253500.0, "Latitude": 37.27, "Longitude": -121.92, "Population": 1583.0}, {"index": 17632, "quantile": 0.75, "value": 253500.0, "Latitude": 37.27, "Longitude": -121.92, "Population": 1583.0}, {"index": 17632, "quantile": 1.0, "value": 343900.0, "Latitude": 37.27, "Longitude": -121.92, "Population": 1583.0}, {"index": 17633, "quantile": 0.0, "value": 178900.0, "Latitude": 37.27, "Longitude": -121.93, "Population": 985.0}, {"index": 17633, "quantile": 0.25, "value": 255100.00000000003, "Latitude": 37.27, "Longitude": -121.93, "Population": 985.0}, {"index": 17633, "quantile": 0.5, "value": 255100.00000000003, "Latitude": 37.27, "Longitude": -121.93, "Population": 985.0}, {"index": 17633, "quantile": 0.75, "value": 294300.0, "Latitude": 37.27, "Longitude": -121.93, "Population": 985.0}, {"index": 17633, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -121.93, "Population": 985.0}, {"index": 17634, "quantile": 0.0, "value": 188400.0, "Latitude": 37.27, "Longitude": -121.93, "Population": 1753.0}, {"index": 17634, "quantile": 0.25, "value": 281000.0, "Latitude": 37.27, "Longitude": -121.93, "Population": 1753.0}, {"index": 17634, "quantile": 0.5, "value": 281000.0, "Latitude": 37.27, "Longitude": -121.93, "Population": 1753.0}, {"index": 17634, "quantile": 0.75, "value": 281000.0, "Latitude": 37.27, "Longitude": -121.93, "Population": 1753.0}, {"index": 17634, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -121.93, "Population": 1753.0}, {"index": 17635, "quantile": 0.0, "value": 173200.0, "Latitude": 37.28, "Longitude": -121.92, "Population": 2381.0}, {"index": 17635, "quantile": 0.25, "value": 355900.0, "Latitude": 37.28, "Longitude": -121.92, "Population": 2381.0}, {"index": 17635, "quantile": 0.5, "value": 367300.0, "Latitude": 37.28, "Longitude": -121.92, "Population": 2381.0}, {"index": 17635, "quantile": 0.75, "value": 423700.0, "Latitude": 37.28, "Longitude": -121.92, "Population": 2381.0}, {"index": 17635, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -121.92, "Population": 2381.0}, {"index": 17636, "quantile": 0.0, "value": 178900.0, "Latitude": 37.27, "Longitude": -121.92, "Population": 2651.0}, {"index": 17636, "quantile": 0.25, "value": 248400.0, "Latitude": 37.27, "Longitude": -121.92, "Population": 2651.0}, {"index": 17636, "quantile": 0.5, "value": 267400.0, "Latitude": 37.27, "Longitude": -121.92, "Population": 2651.0}, {"index": 17636, "quantile": 0.75, "value": 289000.0, "Latitude": 37.27, "Longitude": -121.92, "Population": 2651.0}, {"index": 17636, "quantile": 1.0, "value": 384400.0, "Latitude": 37.27, "Longitude": -121.92, "Population": 2651.0}, {"index": 17637, "quantile": 0.0, "value": 196400.0, "Latitude": 37.27, "Longitude": -121.91, "Population": 2168.0}, {"index": 17637, "quantile": 0.25, "value": 231999.99999999997, "Latitude": 37.27, "Longitude": -121.91, "Population": 2168.0}, {"index": 17637, "quantile": 0.5, "value": 231999.99999999997, "Latitude": 37.27, "Longitude": -121.91, "Population": 2168.0}, {"index": 17637, "quantile": 0.75, "value": 255250.00000000003, "Latitude": 37.27, "Longitude": -121.91, "Population": 2168.0}, {"index": 17637, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 37.27, "Longitude": -121.91, "Population": 2168.0}, {"index": 17638, "quantile": 0.0, "value": 220699.99999999997, "Latitude": 37.28, "Longitude": -121.91, "Population": 2098.0}, {"index": 17638, "quantile": 0.25, "value": 337300.0, "Latitude": 37.28, "Longitude": -121.91, "Population": 2098.0}, {"index": 17638, "quantile": 0.5, "value": 337300.0, "Latitude": 37.28, "Longitude": -121.91, "Population": 2098.0}, {"index": 17638, "quantile": 0.75, "value": 361625.0, "Latitude": 37.28, "Longitude": -121.91, "Population": 2098.0}, {"index": 17638, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -121.91, "Population": 2098.0}, {"index": 17639, "quantile": 0.0, "value": 139100.0, "Latitude": 37.28, "Longitude": -121.9, "Population": 1408.0}, {"index": 17639, "quantile": 0.25, "value": 320000.0, "Latitude": 37.28, "Longitude": -121.9, "Population": 1408.0}, {"index": 17639, "quantile": 0.5, "value": 320000.0, "Latitude": 37.28, "Longitude": -121.9, "Population": 1408.0}, {"index": 17639, "quantile": 0.75, "value": 320000.0, "Latitude": 37.28, "Longitude": -121.9, "Population": 1408.0}, {"index": 17639, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -121.9, "Population": 1408.0}, {"index": 17640, "quantile": 0.0, "value": 212300.00000000003, "Latitude": 37.27, "Longitude": -121.9, "Population": 1739.0}, {"index": 17640, "quantile": 0.25, "value": 255600.0, "Latitude": 37.27, "Longitude": -121.9, "Population": 1739.0}, {"index": 17640, "quantile": 0.5, "value": 255600.0, "Latitude": 37.27, "Longitude": -121.9, "Population": 1739.0}, {"index": 17640, "quantile": 0.75, "value": 255600.0, "Latitude": 37.27, "Longitude": -121.9, "Population": 1739.0}, {"index": 17640, "quantile": 1.0, "value": 350200.0, "Latitude": 37.27, "Longitude": -121.9, "Population": 1739.0}, {"index": 17641, "quantile": 0.0, "value": 223300.0, "Latitude": 37.25, "Longitude": -121.9, "Population": 1389.0}, {"index": 17641, "quantile": 0.25, "value": 240400.0, "Latitude": 37.25, "Longitude": -121.9, "Population": 1389.0}, {"index": 17641, "quantile": 0.5, "value": 240400.0, "Latitude": 37.25, "Longitude": -121.9, "Population": 1389.0}, {"index": 17641, "quantile": 0.75, "value": 270225.0, "Latitude": 37.25, "Longitude": -121.9, "Population": 1389.0}, {"index": 17641, "quantile": 1.0, "value": 431400.0, "Latitude": 37.25, "Longitude": -121.9, "Population": 1389.0}, {"index": 17642, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 37.25, "Longitude": -121.9, "Population": 2892.0}, {"index": 17642, "quantile": 0.25, "value": 227225.0, "Latitude": 37.25, "Longitude": -121.9, "Population": 2892.0}, {"index": 17642, "quantile": 0.5, "value": 264200.0, "Latitude": 37.25, "Longitude": -121.9, "Population": 2892.0}, {"index": 17642, "quantile": 0.75, "value": 283500.0, "Latitude": 37.25, "Longitude": -121.9, "Population": 2892.0}, {"index": 17642, "quantile": 1.0, "value": 364200.0, "Latitude": 37.25, "Longitude": -121.9, "Population": 2892.0}, {"index": 17643, "quantile": 0.0, "value": 178900.0, "Latitude": 37.27, "Longitude": -121.9, "Population": 1996.0}, {"index": 17643, "quantile": 0.25, "value": 263600.0, "Latitude": 37.27, "Longitude": -121.9, "Population": 1996.0}, {"index": 17643, "quantile": 0.5, "value": 263600.0, "Latitude": 37.27, "Longitude": -121.9, "Population": 1996.0}, {"index": 17643, "quantile": 0.75, "value": 263600.0, "Latitude": 37.27, "Longitude": -121.9, "Population": 1996.0}, {"index": 17643, "quantile": 1.0, "value": 391000.0, "Latitude": 37.27, "Longitude": -121.9, "Population": 1996.0}, {"index": 17644, "quantile": 0.0, "value": 185600.0, "Latitude": 37.26, "Longitude": -121.9, "Population": 2062.0}, {"index": 17644, "quantile": 0.25, "value": 283300.0, "Latitude": 37.26, "Longitude": -121.9, "Population": 2062.0}, {"index": 17644, "quantile": 0.5, "value": 283300.0, "Latitude": 37.26, "Longitude": -121.9, "Population": 2062.0}, {"index": 17644, "quantile": 0.75, "value": 283300.0, "Latitude": 37.26, "Longitude": -121.9, "Population": 2062.0}, {"index": 17644, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -121.9, "Population": 2062.0}, {"index": 17645, "quantile": 0.0, "value": 164800.0, "Latitude": 37.26, "Longitude": -121.91, "Population": 2290.0}, {"index": 17645, "quantile": 0.25, "value": 255600.0, "Latitude": 37.26, "Longitude": -121.91, "Population": 2290.0}, {"index": 17645, "quantile": 0.5, "value": 267200.0, "Latitude": 37.26, "Longitude": -121.91, "Population": 2290.0}, {"index": 17645, "quantile": 0.75, "value": 267200.0, "Latitude": 37.26, "Longitude": -121.91, "Population": 2290.0}, {"index": 17645, "quantile": 1.0, "value": 485700.0, "Latitude": 37.26, "Longitude": -121.91, "Population": 2290.0}, {"index": 17646, "quantile": 0.0, "value": 192300.0, "Latitude": 37.26, "Longitude": -121.91, "Population": 1790.0}, {"index": 17646, "quantile": 0.25, "value": 261100.00000000003, "Latitude": 37.26, "Longitude": -121.91, "Population": 1790.0}, {"index": 17646, "quantile": 0.5, "value": 261100.00000000003, "Latitude": 37.26, "Longitude": -121.91, "Population": 1790.0}, {"index": 17646, "quantile": 0.75, "value": 263450.0, "Latitude": 37.26, "Longitude": -121.91, "Population": 1790.0}, {"index": 17646, "quantile": 1.0, "value": 331900.0, "Latitude": 37.26, "Longitude": -121.91, "Population": 1790.0}, {"index": 17647, "quantile": 0.0, "value": 110600.00000000001, "Latitude": 37.26, "Longitude": -121.91, "Population": 1989.0}, {"index": 17647, "quantile": 0.25, "value": 255200.0, "Latitude": 37.26, "Longitude": -121.91, "Population": 1989.0}, {"index": 17647, "quantile": 0.5, "value": 255200.0, "Latitude": 37.26, "Longitude": -121.91, "Population": 1989.0}, {"index": 17647, "quantile": 0.75, "value": 255200.0, "Latitude": 37.26, "Longitude": -121.91, "Population": 1989.0}, {"index": 17647, "quantile": 1.0, "value": 353600.0, "Latitude": 37.26, "Longitude": -121.91, "Population": 1989.0}, {"index": 17648, "quantile": 0.0, "value": 218600.0, "Latitude": 37.25, "Longitude": -121.89, "Population": 1180.0}, {"index": 17648, "quantile": 0.25, "value": 271800.0, "Latitude": 37.25, "Longitude": -121.89, "Population": 1180.0}, {"index": 17648, "quantile": 0.5, "value": 327300.0, "Latitude": 37.25, "Longitude": -121.89, "Population": 1180.0}, {"index": 17648, "quantile": 0.75, "value": 354950.0, "Latitude": 37.25, "Longitude": -121.89, "Population": 1180.0}, {"index": 17648, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.89, "Population": 1180.0}, {"index": 17649, "quantile": 0.0, "value": 139100.0, "Latitude": 37.26, "Longitude": -121.89, "Population": 956.0}, {"index": 17649, "quantile": 0.25, "value": 231700.00000000003, "Latitude": 37.26, "Longitude": -121.89, "Population": 956.0}, {"index": 17649, "quantile": 0.5, "value": 231700.00000000003, "Latitude": 37.26, "Longitude": -121.89, "Population": 956.0}, {"index": 17649, "quantile": 0.75, "value": 231700.00000000003, "Latitude": 37.26, "Longitude": -121.89, "Population": 956.0}, {"index": 17649, "quantile": 1.0, "value": 392800.0, "Latitude": 37.26, "Longitude": -121.89, "Population": 956.0}, {"index": 17650, "quantile": 0.0, "value": 135300.0, "Latitude": 37.26, "Longitude": -121.88, "Population": 1755.0}, {"index": 17650, "quantile": 0.25, "value": 207675.0, "Latitude": 37.26, "Longitude": -121.88, "Population": 1755.0}, {"index": 17650, "quantile": 0.5, "value": 229800.0, "Latitude": 37.26, "Longitude": -121.88, "Population": 1755.0}, {"index": 17650, "quantile": 0.75, "value": 261550.0, "Latitude": 37.26, "Longitude": -121.88, "Population": 1755.0}, {"index": 17650, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 37.26, "Longitude": -121.88, "Population": 1755.0}, {"index": 17651, "quantile": 0.0, "value": 139700.0, "Latitude": 37.26, "Longitude": -121.88, "Population": 1018.0}, {"index": 17651, "quantile": 0.25, "value": 204700.00000000003, "Latitude": 37.26, "Longitude": -121.88, "Population": 1018.0}, {"index": 17651, "quantile": 0.5, "value": 204700.00000000003, "Latitude": 37.26, "Longitude": -121.88, "Population": 1018.0}, {"index": 17651, "quantile": 0.75, "value": 204700.00000000003, "Latitude": 37.26, "Longitude": -121.88, "Population": 1018.0}, {"index": 17651, "quantile": 1.0, "value": 350000.0, "Latitude": 37.26, "Longitude": -121.88, "Population": 1018.0}, {"index": 17652, "quantile": 0.0, "value": 95200.0, "Latitude": 37.26, "Longitude": -121.88, "Population": 710.0}, {"index": 17652, "quantile": 0.25, "value": 177125.0, "Latitude": 37.26, "Longitude": -121.88, "Population": 710.0}, {"index": 17652, "quantile": 0.5, "value": 205400.00000000003, "Latitude": 37.26, "Longitude": -121.88, "Population": 710.0}, {"index": 17652, "quantile": 0.75, "value": 239025.0, "Latitude": 37.26, "Longitude": -121.88, "Population": 710.0}, {"index": 17652, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -121.88, "Population": 710.0}, {"index": 17653, "quantile": 0.0, "value": 71300.0, "Latitude": 37.25, "Longitude": -121.88, "Population": 631.0}, {"index": 17653, "quantile": 0.25, "value": 237675.0, "Latitude": 37.25, "Longitude": -121.88, "Population": 631.0}, {"index": 17653, "quantile": 0.5, "value": 240300.0, "Latitude": 37.25, "Longitude": -121.88, "Population": 631.0}, {"index": 17653, "quantile": 0.75, "value": 240300.0, "Latitude": 37.25, "Longitude": -121.88, "Population": 631.0}, {"index": 17653, "quantile": 1.0, "value": 330800.0, "Latitude": 37.25, "Longitude": -121.88, "Population": 631.0}, {"index": 17654, "quantile": 0.0, "value": 88900.0, "Latitude": 37.25, "Longitude": -121.89, "Population": 1040.0}, {"index": 17654, "quantile": 0.25, "value": 264475.0, "Latitude": 37.25, "Longitude": -121.89, "Population": 1040.0}, {"index": 17654, "quantile": 0.5, "value": 264500.0, "Latitude": 37.25, "Longitude": -121.89, "Population": 1040.0}, {"index": 17654, "quantile": 0.75, "value": 264500.0, "Latitude": 37.25, "Longitude": -121.89, "Population": 1040.0}, {"index": 17654, "quantile": 1.0, "value": 436700.0, "Latitude": 37.25, "Longitude": -121.89, "Population": 1040.0}, {"index": 17655, "quantile": 0.0, "value": 193000.0, "Latitude": 37.25, "Longitude": -121.89, "Population": 1007.0}, {"index": 17655, "quantile": 0.25, "value": 234800.0, "Latitude": 37.25, "Longitude": -121.89, "Population": 1007.0}, {"index": 17655, "quantile": 0.5, "value": 234800.0, "Latitude": 37.25, "Longitude": -121.89, "Population": 1007.0}, {"index": 17655, "quantile": 0.75, "value": 234800.0, "Latitude": 37.25, "Longitude": -121.89, "Population": 1007.0}, {"index": 17655, "quantile": 1.0, "value": 378000.0, "Latitude": 37.25, "Longitude": -121.89, "Population": 1007.0}, {"index": 17656, "quantile": 0.0, "value": 132200.0, "Latitude": 37.29, "Longitude": -121.89, "Population": 1125.0}, {"index": 17656, "quantile": 0.25, "value": 290850.0, "Latitude": 37.29, "Longitude": -121.89, "Population": 1125.0}, {"index": 17656, "quantile": 0.5, "value": 330000.0, "Latitude": 37.29, "Longitude": -121.89, "Population": 1125.0}, {"index": 17656, "quantile": 0.75, "value": 395500.0, "Latitude": 37.29, "Longitude": -121.89, "Population": 1125.0}, {"index": 17656, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.89, "Population": 1125.0}, {"index": 17657, "quantile": 0.0, "value": 247900.0, "Latitude": 37.28, "Longitude": -121.89, "Population": 988.0}, {"index": 17657, "quantile": 0.25, "value": 365400.0, "Latitude": 37.28, "Longitude": -121.89, "Population": 988.0}, {"index": 17657, "quantile": 0.5, "value": 365400.0, "Latitude": 37.28, "Longitude": -121.89, "Population": 988.0}, {"index": 17657, "quantile": 0.75, "value": 365400.0, "Latitude": 37.28, "Longitude": -121.89, "Population": 988.0}, {"index": 17657, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -121.89, "Population": 988.0}, {"index": 17658, "quantile": 0.0, "value": 173300.0, "Latitude": 37.28, "Longitude": -121.9, "Population": 2050.0}, {"index": 17658, "quantile": 0.25, "value": 280700.0, "Latitude": 37.28, "Longitude": -121.9, "Population": 2050.0}, {"index": 17658, "quantile": 0.5, "value": 302900.0, "Latitude": 37.28, "Longitude": -121.9, "Population": 2050.0}, {"index": 17658, "quantile": 0.75, "value": 302900.0, "Latitude": 37.28, "Longitude": -121.9, "Population": 2050.0}, {"index": 17658, "quantile": 1.0, "value": 384400.0, "Latitude": 37.28, "Longitude": -121.9, "Population": 2050.0}, {"index": 17659, "quantile": 0.0, "value": 78600.0, "Latitude": 37.28, "Longitude": -121.88, "Population": 1288.0}, {"index": 17659, "quantile": 0.25, "value": 224500.0, "Latitude": 37.28, "Longitude": -121.88, "Population": 1288.0}, {"index": 17659, "quantile": 0.5, "value": 272100.0, "Latitude": 37.28, "Longitude": -121.88, "Population": 1288.0}, {"index": 17659, "quantile": 0.75, "value": 282425.0, "Latitude": 37.28, "Longitude": -121.88, "Population": 1288.0}, {"index": 17659, "quantile": 1.0, "value": 345900.0, "Latitude": 37.28, "Longitude": -121.88, "Population": 1288.0}, {"index": 17660, "quantile": 0.0, "value": 165800.0, "Latitude": 37.28, "Longitude": -121.89, "Population": 2002.0}, {"index": 17660, "quantile": 0.25, "value": 269700.0, "Latitude": 37.28, "Longitude": -121.89, "Population": 2002.0}, {"index": 17660, "quantile": 0.5, "value": 281900.0, "Latitude": 37.28, "Longitude": -121.89, "Population": 2002.0}, {"index": 17660, "quantile": 0.75, "value": 281900.0, "Latitude": 37.28, "Longitude": -121.89, "Population": 2002.0}, {"index": 17660, "quantile": 1.0, "value": 346100.0, "Latitude": 37.28, "Longitude": -121.89, "Population": 2002.0}, {"index": 17661, "quantile": 0.0, "value": 201399.99999999997, "Latitude": 37.27, "Longitude": -121.88, "Population": 1020.0}, {"index": 17661, "quantile": 0.25, "value": 267400.0, "Latitude": 37.27, "Longitude": -121.88, "Population": 1020.0}, {"index": 17661, "quantile": 0.5, "value": 267400.0, "Latitude": 37.27, "Longitude": -121.88, "Population": 1020.0}, {"index": 17661, "quantile": 0.75, "value": 267400.0, "Latitude": 37.27, "Longitude": -121.88, "Population": 1020.0}, {"index": 17661, "quantile": 1.0, "value": 431400.0, "Latitude": 37.27, "Longitude": -121.88, "Population": 1020.0}, {"index": 17662, "quantile": 0.0, "value": 178900.0, "Latitude": 37.27, "Longitude": -121.88, "Population": 2102.0}, {"index": 17662, "quantile": 0.25, "value": 280800.0, "Latitude": 37.27, "Longitude": -121.88, "Population": 2102.0}, {"index": 17662, "quantile": 0.5, "value": 289000.0, "Latitude": 37.27, "Longitude": -121.88, "Population": 2102.0}, {"index": 17662, "quantile": 0.75, "value": 289000.0, "Latitude": 37.27, "Longitude": -121.88, "Population": 2102.0}, {"index": 17662, "quantile": 1.0, "value": 360600.0, "Latitude": 37.27, "Longitude": -121.88, "Population": 2102.0}, {"index": 17663, "quantile": 0.0, "value": 220200.0, "Latitude": 37.26, "Longitude": -121.89, "Population": 1560.0}, {"index": 17663, "quantile": 0.25, "value": 263300.0, "Latitude": 37.26, "Longitude": -121.89, "Population": 1560.0}, {"index": 17663, "quantile": 0.5, "value": 263300.0, "Latitude": 37.26, "Longitude": -121.89, "Population": 1560.0}, {"index": 17663, "quantile": 0.75, "value": 264925.0, "Latitude": 37.26, "Longitude": -121.89, "Population": 1560.0}, {"index": 17663, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 37.26, "Longitude": -121.89, "Population": 1560.0}, {"index": 17664, "quantile": 0.0, "value": 168800.0, "Latitude": 37.27, "Longitude": -121.89, "Population": 688.0}, {"index": 17664, "quantile": 0.25, "value": 240899.99999999997, "Latitude": 37.27, "Longitude": -121.89, "Population": 688.0}, {"index": 17664, "quantile": 0.5, "value": 240899.99999999997, "Latitude": 37.27, "Longitude": -121.89, "Population": 688.0}, {"index": 17664, "quantile": 0.75, "value": 240899.99999999997, "Latitude": 37.27, "Longitude": -121.89, "Population": 688.0}, {"index": 17664, "quantile": 1.0, "value": 485700.0, "Latitude": 37.27, "Longitude": -121.89, "Population": 688.0}, {"index": 17665, "quantile": 0.0, "value": 153700.0, "Latitude": 37.32, "Longitude": -121.87, "Population": 1528.0}, {"index": 17665, "quantile": 0.25, "value": 174100.0, "Latitude": 37.32, "Longitude": -121.87, "Population": 1528.0}, {"index": 17665, "quantile": 0.5, "value": 184900.0, "Latitude": 37.32, "Longitude": -121.87, "Population": 1528.0}, {"index": 17665, "quantile": 0.75, "value": 184900.0, "Latitude": 37.32, "Longitude": -121.87, "Population": 1528.0}, {"index": 17665, "quantile": 1.0, "value": 325900.0, "Latitude": 37.32, "Longitude": -121.87, "Population": 1528.0}, {"index": 17666, "quantile": 0.0, "value": 88800.0, "Latitude": 37.32, "Longitude": -121.87, "Population": 1182.0}, {"index": 17666, "quantile": 0.25, "value": 169700.0, "Latitude": 37.32, "Longitude": -121.87, "Population": 1182.0}, {"index": 17666, "quantile": 0.5, "value": 174100.0, "Latitude": 37.32, "Longitude": -121.87, "Population": 1182.0}, {"index": 17666, "quantile": 0.75, "value": 206400.0, "Latitude": 37.32, "Longitude": -121.87, "Population": 1182.0}, {"index": 17666, "quantile": 1.0, "value": 325900.0, "Latitude": 37.32, "Longitude": -121.87, "Population": 1182.0}, {"index": 17667, "quantile": 0.0, "value": 90200.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 2113.0}, {"index": 17667, "quantile": 0.25, "value": 177600.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 2113.0}, {"index": 17667, "quantile": 0.5, "value": 177600.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 2113.0}, {"index": 17667, "quantile": 0.75, "value": 177600.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 2113.0}, {"index": 17667, "quantile": 1.0, "value": 371400.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 2113.0}, {"index": 17668, "quantile": 0.0, "value": 128600.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 1920.0}, {"index": 17668, "quantile": 0.25, "value": 164200.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 1920.0}, {"index": 17668, "quantile": 0.5, "value": 164200.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 1920.0}, {"index": 17668, "quantile": 0.75, "value": 181900.0, "Latitude": 37.32, "Longitude": -121.88, "Population": 1920.0}, {"index": 17668, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.32, "Longitude": -121.88, "Population": 1920.0}, {"index": 17669, "quantile": 0.0, "value": 85700.0, "Latitude": 37.31, "Longitude": -121.86, "Population": 1808.0}, {"index": 17669, "quantile": 0.25, "value": 159825.0, "Latitude": 37.31, "Longitude": -121.86, "Population": 1808.0}, {"index": 17669, "quantile": 0.5, "value": 185500.0, "Latitude": 37.31, "Longitude": -121.86, "Population": 1808.0}, {"index": 17669, "quantile": 0.75, "value": 215099.99999999997, "Latitude": 37.31, "Longitude": -121.86, "Population": 1808.0}, {"index": 17669, "quantile": 1.0, "value": 445000.0, "Latitude": 37.31, "Longitude": -121.86, "Population": 1808.0}, {"index": 17670, "quantile": 0.0, "value": 17500.0, "Latitude": 37.3, "Longitude": -121.87, "Population": 455.0}, {"index": 17670, "quantile": 0.25, "value": 215899.99999999997, "Latitude": 37.3, "Longitude": -121.87, "Population": 455.0}, {"index": 17670, "quantile": 0.5, "value": 215899.99999999997, "Latitude": 37.3, "Longitude": -121.87, "Population": 455.0}, {"index": 17670, "quantile": 0.75, "value": 215899.99999999997, "Latitude": 37.3, "Longitude": -121.87, "Population": 455.0}, {"index": 17670, "quantile": 1.0, "value": 333300.0, "Latitude": 37.3, "Longitude": -121.87, "Population": 455.0}, {"index": 17671, "quantile": 0.0, "value": 152400.0, "Latitude": 37.31, "Longitude": -121.87, "Population": 2437.0}, {"index": 17671, "quantile": 0.25, "value": 152400.0, "Latitude": 37.31, "Longitude": -121.87, "Population": 2437.0}, {"index": 17671, "quantile": 0.5, "value": 152400.0, "Latitude": 37.31, "Longitude": -121.87, "Population": 2437.0}, {"index": 17671, "quantile": 0.75, "value": 192600.0, "Latitude": 37.31, "Longitude": -121.87, "Population": 2437.0}, {"index": 17671, "quantile": 1.0, "value": 300000.0, "Latitude": 37.31, "Longitude": -121.87, "Population": 2437.0}, {"index": 17672, "quantile": 0.0, "value": 17500.0, "Latitude": 37.3, "Longitude": -121.87, "Population": 134.0}, {"index": 17672, "quantile": 0.25, "value": 154725.0, "Latitude": 37.3, "Longitude": -121.87, "Population": 134.0}, {"index": 17672, "quantile": 0.5, "value": 233300.00000000003, "Latitude": 37.3, "Longitude": -121.87, "Population": 134.0}, {"index": 17672, "quantile": 0.75, "value": 350000.0, "Latitude": 37.3, "Longitude": -121.87, "Population": 134.0}, {"index": 17672, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -121.87, "Population": 134.0}, {"index": 17673, "quantile": 0.0, "value": 88900.0, "Latitude": 37.3, "Longitude": -121.88, "Population": 1674.0}, {"index": 17673, "quantile": 0.25, "value": 191100.0, "Latitude": 37.3, "Longitude": -121.88, "Population": 1674.0}, {"index": 17673, "quantile": 0.5, "value": 191100.0, "Latitude": 37.3, "Longitude": -121.88, "Population": 1674.0}, {"index": 17673, "quantile": 0.75, "value": 214074.99999999997, "Latitude": 37.3, "Longitude": -121.88, "Population": 1674.0}, {"index": 17673, "quantile": 1.0, "value": 302900.0, "Latitude": 37.3, "Longitude": -121.88, "Population": 1674.0}, {"index": 17674, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 37.32, "Longitude": -121.86, "Population": 2094.0}, {"index": 17674, "quantile": 0.25, "value": 173400.0, "Latitude": 37.32, "Longitude": -121.86, "Population": 2094.0}, {"index": 17674, "quantile": 0.5, "value": 173400.0, "Latitude": 37.32, "Longitude": -121.86, "Population": 2094.0}, {"index": 17674, "quantile": 0.75, "value": 181575.0, "Latitude": 37.32, "Longitude": -121.86, "Population": 2094.0}, {"index": 17674, "quantile": 1.0, "value": 294100.0, "Latitude": 37.32, "Longitude": -121.86, "Population": 2094.0}, {"index": 17675, "quantile": 0.0, "value": 69200.0, "Latitude": 37.33, "Longitude": -121.85, "Population": 2845.0}, {"index": 17675, "quantile": 0.25, "value": 160100.0, "Latitude": 37.33, "Longitude": -121.85, "Population": 2845.0}, {"index": 17675, "quantile": 0.5, "value": 172800.0, "Latitude": 37.33, "Longitude": -121.85, "Population": 2845.0}, {"index": 17675, "quantile": 0.75, "value": 172800.0, "Latitude": 37.33, "Longitude": -121.85, "Population": 2845.0}, {"index": 17675, "quantile": 1.0, "value": 289100.0, "Latitude": 37.33, "Longitude": -121.85, "Population": 2845.0}, {"index": 17676, "quantile": 0.0, "value": 127800.0, "Latitude": 37.32, "Longitude": -121.84, "Population": 3979.0}, {"index": 17676, "quantile": 0.25, "value": 192600.0, "Latitude": 37.32, "Longitude": -121.84, "Population": 3979.0}, {"index": 17676, "quantile": 0.5, "value": 192600.0, "Latitude": 37.32, "Longitude": -121.84, "Population": 3979.0}, {"index": 17676, "quantile": 0.75, "value": 192600.0, "Latitude": 37.32, "Longitude": -121.84, "Population": 3979.0}, {"index": 17676, "quantile": 1.0, "value": 340900.0, "Latitude": 37.32, "Longitude": -121.84, "Population": 3979.0}, {"index": 17677, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 37.33, "Longitude": -121.85, "Population": 4241.0}, {"index": 17677, "quantile": 0.25, "value": 127899.99999999999, "Latitude": 37.33, "Longitude": -121.85, "Population": 4241.0}, {"index": 17677, "quantile": 0.5, "value": 127899.99999999999, "Latitude": 37.33, "Longitude": -121.85, "Population": 4241.0}, {"index": 17677, "quantile": 0.75, "value": 169725.0, "Latitude": 37.33, "Longitude": -121.85, "Population": 4241.0}, {"index": 17677, "quantile": 1.0, "value": 302900.0, "Latitude": 37.33, "Longitude": -121.85, "Population": 4241.0}, {"index": 17678, "quantile": 0.0, "value": 102000.0, "Latitude": 37.33, "Longitude": -121.85, "Population": 597.0}, {"index": 17678, "quantile": 0.25, "value": 188100.0, "Latitude": 37.33, "Longitude": -121.85, "Population": 597.0}, {"index": 17678, "quantile": 0.5, "value": 188100.0, "Latitude": 37.33, "Longitude": -121.85, "Population": 597.0}, {"index": 17678, "quantile": 0.75, "value": 188100.0, "Latitude": 37.33, "Longitude": -121.85, "Population": 597.0}, {"index": 17678, "quantile": 1.0, "value": 500000.0, "Latitude": 37.33, "Longitude": -121.85, "Population": 597.0}, {"index": 17679, "quantile": 0.0, "value": 142500.0, "Latitude": 37.32, "Longitude": -121.84, "Population": 2491.0}, {"index": 17679, "quantile": 0.25, "value": 176300.0, "Latitude": 37.32, "Longitude": -121.84, "Population": 2491.0}, {"index": 17679, "quantile": 0.5, "value": 176300.0, "Latitude": 37.32, "Longitude": -121.84, "Population": 2491.0}, {"index": 17679, "quantile": 0.75, "value": 176300.0, "Latitude": 37.32, "Longitude": -121.84, "Population": 2491.0}, {"index": 17679, "quantile": 1.0, "value": 241200.0, "Latitude": 37.32, "Longitude": -121.84, "Population": 2491.0}, {"index": 17680, "quantile": 0.0, "value": 173400.0, "Latitude": 37.32, "Longitude": -121.84, "Population": 1835.0}, {"index": 17680, "quantile": 0.25, "value": 212800.0, "Latitude": 37.32, "Longitude": -121.84, "Population": 1835.0}, {"index": 17680, "quantile": 0.5, "value": 212800.0, "Latitude": 37.32, "Longitude": -121.84, "Population": 1835.0}, {"index": 17680, "quantile": 0.75, "value": 225325.0, "Latitude": 37.32, "Longitude": -121.84, "Population": 1835.0}, {"index": 17680, "quantile": 1.0, "value": 308000.0, "Latitude": 37.32, "Longitude": -121.84, "Population": 1835.0}, {"index": 17681, "quantile": 0.0, "value": 75900.0, "Latitude": 37.29, "Longitude": -121.87, "Population": 974.0}, {"index": 17681, "quantile": 0.25, "value": 192225.0, "Latitude": 37.29, "Longitude": -121.87, "Population": 974.0}, {"index": 17681, "quantile": 0.5, "value": 221750.00000000003, "Latitude": 37.29, "Longitude": -121.87, "Population": 974.0}, {"index": 17681, "quantile": 0.75, "value": 253600.0, "Latitude": 37.29, "Longitude": -121.87, "Population": 974.0}, {"index": 17681, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.87, "Population": 974.0}, {"index": 17682, "quantile": 0.0, "value": 94500.0, "Latitude": 37.28, "Longitude": -121.87, "Population": 2459.0}, {"index": 17682, "quantile": 0.25, "value": 179875.0, "Latitude": 37.28, "Longitude": -121.87, "Population": 2459.0}, {"index": 17682, "quantile": 0.5, "value": 194550.0, "Latitude": 37.28, "Longitude": -121.87, "Population": 2459.0}, {"index": 17682, "quantile": 0.75, "value": 212650.0, "Latitude": 37.28, "Longitude": -121.87, "Population": 2459.0}, {"index": 17682, "quantile": 1.0, "value": 450000.0, "Latitude": 37.28, "Longitude": -121.87, "Population": 2459.0}, {"index": 17683, "quantile": 0.0, "value": 78700.0, "Latitude": 37.29, "Longitude": -121.86, "Population": 2472.0}, {"index": 17683, "quantile": 0.25, "value": 178400.0, "Latitude": 37.29, "Longitude": -121.86, "Population": 2472.0}, {"index": 17683, "quantile": 0.5, "value": 178400.0, "Latitude": 37.29, "Longitude": -121.86, "Population": 2472.0}, {"index": 17683, "quantile": 0.75, "value": 214150.00000000003, "Latitude": 37.29, "Longitude": -121.86, "Population": 2472.0}, {"index": 17683, "quantile": 1.0, "value": 357800.0, "Latitude": 37.29, "Longitude": -121.86, "Population": 2472.0}, {"index": 17684, "quantile": 0.0, "value": 81100.0, "Latitude": 37.28, "Longitude": -121.85, "Population": 1476.0}, {"index": 17684, "quantile": 0.25, "value": 87500.0, "Latitude": 37.28, "Longitude": -121.85, "Population": 1476.0}, {"index": 17684, "quantile": 0.5, "value": 87500.0, "Latitude": 37.28, "Longitude": -121.85, "Population": 1476.0}, {"index": 17684, "quantile": 0.75, "value": 164975.0, "Latitude": 37.28, "Longitude": -121.85, "Population": 1476.0}, {"index": 17684, "quantile": 1.0, "value": 350000.0, "Latitude": 37.28, "Longitude": -121.85, "Population": 1476.0}, {"index": 17685, "quantile": 0.0, "value": 145300.0, "Latitude": 37.3, "Longitude": -121.83, "Population": 4203.0}, {"index": 17685, "quantile": 0.25, "value": 185800.0, "Latitude": 37.3, "Longitude": -121.83, "Population": 4203.0}, {"index": 17685, "quantile": 0.5, "value": 185800.0, "Latitude": 37.3, "Longitude": -121.83, "Population": 4203.0}, {"index": 17685, "quantile": 0.75, "value": 186025.00000000003, "Latitude": 37.3, "Longitude": -121.83, "Population": 4203.0}, {"index": 17685, "quantile": 1.0, "value": 320800.0, "Latitude": 37.3, "Longitude": -121.83, "Population": 4203.0}, {"index": 17686, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 37.3, "Longitude": -121.85, "Population": 4312.0}, {"index": 17686, "quantile": 0.25, "value": 160300.0, "Latitude": 37.3, "Longitude": -121.85, "Population": 4312.0}, {"index": 17686, "quantile": 0.5, "value": 178600.0, "Latitude": 37.3, "Longitude": -121.85, "Population": 4312.0}, {"index": 17686, "quantile": 0.75, "value": 178600.0, "Latitude": 37.3, "Longitude": -121.85, "Population": 4312.0}, {"index": 17686, "quantile": 1.0, "value": 288400.0, "Latitude": 37.3, "Longitude": -121.85, "Population": 4312.0}, {"index": 17687, "quantile": 0.0, "value": 163600.0, "Latitude": 37.29, "Longitude": -121.84, "Population": 2829.0}, {"index": 17687, "quantile": 0.25, "value": 191900.0, "Latitude": 37.29, "Longitude": -121.84, "Population": 2829.0}, {"index": 17687, "quantile": 0.5, "value": 191900.0, "Latitude": 37.29, "Longitude": -121.84, "Population": 2829.0}, {"index": 17687, "quantile": 0.75, "value": 191900.0, "Latitude": 37.29, "Longitude": -121.84, "Population": 2829.0}, {"index": 17687, "quantile": 1.0, "value": 256000.0, "Latitude": 37.29, "Longitude": -121.84, "Population": 2829.0}, {"index": 17688, "quantile": 0.0, "value": 93700.0, "Latitude": 37.29, "Longitude": -121.84, "Population": 1780.0}, {"index": 17688, "quantile": 0.25, "value": 168475.00000000003, "Latitude": 37.29, "Longitude": -121.84, "Population": 1780.0}, {"index": 17688, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 37.29, "Longitude": -121.84, "Population": 1780.0}, {"index": 17688, "quantile": 0.75, "value": 282600.0, "Latitude": 37.29, "Longitude": -121.84, "Population": 1780.0}, {"index": 17688, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.84, "Population": 1780.0}, {"index": 17689, "quantile": 0.0, "value": 93100.0, "Latitude": 37.28, "Longitude": -121.84, "Population": 1779.0}, {"index": 17689, "quantile": 0.25, "value": 178025.0, "Latitude": 37.28, "Longitude": -121.84, "Population": 1779.0}, {"index": 17689, "quantile": 0.5, "value": 194300.0, "Latitude": 37.28, "Longitude": -121.84, "Population": 1779.0}, {"index": 17689, "quantile": 0.75, "value": 210700.00000000003, "Latitude": 37.28, "Longitude": -121.84, "Population": 1779.0}, {"index": 17689, "quantile": 1.0, "value": 339100.0, "Latitude": 37.28, "Longitude": -121.84, "Population": 1779.0}, {"index": 17690, "quantile": 0.0, "value": 178900.0, "Latitude": 37.31, "Longitude": -121.83, "Population": 7817.0}, {"index": 17690, "quantile": 0.25, "value": 232700.0, "Latitude": 37.31, "Longitude": -121.83, "Population": 7817.0}, {"index": 17690, "quantile": 0.5, "value": 232700.0, "Latitude": 37.31, "Longitude": -121.83, "Population": 7817.0}, {"index": 17690, "quantile": 0.75, "value": 232700.0, "Latitude": 37.31, "Longitude": -121.83, "Population": 7817.0}, {"index": 17690, "quantile": 1.0, "value": 386800.0, "Latitude": 37.31, "Longitude": -121.83, "Population": 7817.0}, {"index": 17691, "quantile": 0.0, "value": 79300.0, "Latitude": 37.3, "Longitude": -121.83, "Population": 825.0}, {"index": 17691, "quantile": 0.25, "value": 190275.0, "Latitude": 37.3, "Longitude": -121.83, "Population": 825.0}, {"index": 17691, "quantile": 0.5, "value": 235800.0, "Latitude": 37.3, "Longitude": -121.83, "Population": 825.0}, {"index": 17691, "quantile": 0.75, "value": 235800.0, "Latitude": 37.3, "Longitude": -121.83, "Population": 825.0}, {"index": 17691, "quantile": 1.0, "value": 349300.0, "Latitude": 37.3, "Longitude": -121.83, "Population": 825.0}, {"index": 17692, "quantile": 0.0, "value": 226799.99999999997, "Latitude": 37.29, "Longitude": -121.81, "Population": 3838.0}, {"index": 17692, "quantile": 0.25, "value": 253100.0, "Latitude": 37.29, "Longitude": -121.81, "Population": 3838.0}, {"index": 17692, "quantile": 0.5, "value": 253100.0, "Latitude": 37.29, "Longitude": -121.81, "Population": 3838.0}, {"index": 17692, "quantile": 0.75, "value": 253100.0, "Latitude": 37.29, "Longitude": -121.81, "Population": 3838.0}, {"index": 17692, "quantile": 1.0, "value": 362500.0, "Latitude": 37.29, "Longitude": -121.81, "Population": 3838.0}, {"index": 17693, "quantile": 0.0, "value": 153200.0, "Latitude": 37.28, "Longitude": -121.81, "Population": 1887.0}, {"index": 17693, "quantile": 0.25, "value": 217000.0, "Latitude": 37.28, "Longitude": -121.81, "Population": 1887.0}, {"index": 17693, "quantile": 0.5, "value": 217000.0, "Latitude": 37.28, "Longitude": -121.81, "Population": 1887.0}, {"index": 17693, "quantile": 0.75, "value": 224200.0, "Latitude": 37.28, "Longitude": -121.81, "Population": 1887.0}, {"index": 17693, "quantile": 1.0, "value": 386800.0, "Latitude": 37.28, "Longitude": -121.81, "Population": 1887.0}, {"index": 17694, "quantile": 0.0, "value": 112500.0, "Latitude": 37.28, "Longitude": -121.82, "Population": 1946.0}, {"index": 17694, "quantile": 0.25, "value": 176400.0, "Latitude": 37.28, "Longitude": -121.82, "Population": 1946.0}, {"index": 17694, "quantile": 0.5, "value": 176400.0, "Latitude": 37.28, "Longitude": -121.82, "Population": 1946.0}, {"index": 17694, "quantile": 0.75, "value": 216350.0, "Latitude": 37.28, "Longitude": -121.82, "Population": 1946.0}, {"index": 17694, "quantile": 1.0, "value": 277000.0, "Latitude": 37.28, "Longitude": -121.82, "Population": 1946.0}, {"index": 17695, "quantile": 0.0, "value": 123500.00000000001, "Latitude": 37.29, "Longitude": -121.83, "Population": 1356.0}, {"index": 17695, "quantile": 0.25, "value": 123500.00000000001, "Latitude": 37.29, "Longitude": -121.83, "Population": 1356.0}, {"index": 17695, "quantile": 0.5, "value": 123500.00000000001, "Latitude": 37.29, "Longitude": -121.83, "Population": 1356.0}, {"index": 17695, "quantile": 0.75, "value": 186500.0, "Latitude": 37.29, "Longitude": -121.83, "Population": 1356.0}, {"index": 17695, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.83, "Population": 1356.0}, {"index": 17696, "quantile": 0.0, "value": 89100.0, "Latitude": 37.29, "Longitude": -121.83, "Population": 1729.0}, {"index": 17696, "quantile": 0.25, "value": 154274.99999999997, "Latitude": 37.29, "Longitude": -121.83, "Population": 1729.0}, {"index": 17696, "quantile": 0.5, "value": 177500.0, "Latitude": 37.29, "Longitude": -121.83, "Population": 1729.0}, {"index": 17696, "quantile": 0.75, "value": 184600.0, "Latitude": 37.29, "Longitude": -121.83, "Population": 1729.0}, {"index": 17696, "quantile": 1.0, "value": 353600.0, "Latitude": 37.29, "Longitude": -121.83, "Population": 1729.0}, {"index": 17697, "quantile": 0.0, "value": 123100.00000000001, "Latitude": 37.28, "Longitude": -121.83, "Population": 1168.0}, {"index": 17697, "quantile": 0.25, "value": 178600.0, "Latitude": 37.28, "Longitude": -121.83, "Population": 1168.0}, {"index": 17697, "quantile": 0.5, "value": 178600.0, "Latitude": 37.28, "Longitude": -121.83, "Population": 1168.0}, {"index": 17697, "quantile": 0.75, "value": 178600.0, "Latitude": 37.28, "Longitude": -121.83, "Population": 1168.0}, {"index": 17697, "quantile": 1.0, "value": 350000.0, "Latitude": 37.28, "Longitude": -121.83, "Population": 1168.0}, {"index": 17698, "quantile": 0.0, "value": 112500.0, "Latitude": 37.28, "Longitude": -121.83, "Population": 2317.0}, {"index": 17698, "quantile": 0.25, "value": 183100.0, "Latitude": 37.28, "Longitude": -121.83, "Population": 2317.0}, {"index": 17698, "quantile": 0.5, "value": 183100.0, "Latitude": 37.28, "Longitude": -121.83, "Population": 2317.0}, {"index": 17698, "quantile": 0.75, "value": 183100.0, "Latitude": 37.28, "Longitude": -121.83, "Population": 2317.0}, {"index": 17698, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 37.28, "Longitude": -121.83, "Population": 2317.0}, {"index": 17699, "quantile": 0.0, "value": 137500.0, "Latitude": 37.28, "Longitude": -121.82, "Population": 1336.0}, {"index": 17699, "quantile": 0.25, "value": 179500.0, "Latitude": 37.28, "Longitude": -121.82, "Population": 1336.0}, {"index": 17699, "quantile": 0.5, "value": 179500.0, "Latitude": 37.28, "Longitude": -121.82, "Population": 1336.0}, {"index": 17699, "quantile": 0.75, "value": 179500.0, "Latitude": 37.28, "Longitude": -121.82, "Population": 1336.0}, {"index": 17699, "quantile": 1.0, "value": 241200.0, "Latitude": 37.28, "Longitude": -121.82, "Population": 1336.0}, {"index": 17700, "quantile": 0.0, "value": 117600.0, "Latitude": 37.29, "Longitude": -121.83, "Population": 2223.0}, {"index": 17700, "quantile": 0.25, "value": 182125.0, "Latitude": 37.29, "Longitude": -121.83, "Population": 2223.0}, {"index": 17700, "quantile": 0.5, "value": 191000.0, "Latitude": 37.29, "Longitude": -121.83, "Population": 2223.0}, {"index": 17700, "quantile": 0.75, "value": 191000.0, "Latitude": 37.29, "Longitude": -121.83, "Population": 2223.0}, {"index": 17700, "quantile": 1.0, "value": 241200.0, "Latitude": 37.29, "Longitude": -121.83, "Population": 2223.0}, {"index": 17701, "quantile": 0.0, "value": 151400.0, "Latitude": 37.29, "Longitude": -121.82, "Population": 1705.0}, {"index": 17701, "quantile": 0.25, "value": 222800.00000000003, "Latitude": 37.29, "Longitude": -121.82, "Population": 1705.0}, {"index": 17701, "quantile": 0.5, "value": 222800.00000000003, "Latitude": 37.29, "Longitude": -121.82, "Population": 1705.0}, {"index": 17701, "quantile": 0.75, "value": 222800.00000000003, "Latitude": 37.29, "Longitude": -121.82, "Population": 1705.0}, {"index": 17701, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.82, "Population": 1705.0}, {"index": 17702, "quantile": 0.0, "value": 98700.0, "Latitude": 37.32, "Longitude": -121.83, "Population": 1906.0}, {"index": 17702, "quantile": 0.25, "value": 165300.0, "Latitude": 37.32, "Longitude": -121.83, "Population": 1906.0}, {"index": 17702, "quantile": 0.5, "value": 165300.0, "Latitude": 37.32, "Longitude": -121.83, "Population": 1906.0}, {"index": 17702, "quantile": 0.75, "value": 165300.0, "Latitude": 37.32, "Longitude": -121.83, "Population": 1906.0}, {"index": 17702, "quantile": 1.0, "value": 251100.0, "Latitude": 37.32, "Longitude": -121.83, "Population": 1906.0}, {"index": 17703, "quantile": 0.0, "value": 97300.0, "Latitude": 37.31, "Longitude": -121.82, "Population": 1925.0}, {"index": 17703, "quantile": 0.25, "value": 177500.0, "Latitude": 37.31, "Longitude": -121.82, "Population": 1925.0}, {"index": 17703, "quantile": 0.5, "value": 177500.0, "Latitude": 37.31, "Longitude": -121.82, "Population": 1925.0}, {"index": 17703, "quantile": 0.75, "value": 177500.0, "Latitude": 37.31, "Longitude": -121.82, "Population": 1925.0}, {"index": 17703, "quantile": 1.0, "value": 229800.0, "Latitude": 37.31, "Longitude": -121.82, "Population": 1925.0}, {"index": 17704, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 37.31, "Longitude": -121.82, "Population": 1267.0}, {"index": 17704, "quantile": 0.25, "value": 201850.0, "Latitude": 37.31, "Longitude": -121.82, "Population": 1267.0}, {"index": 17704, "quantile": 0.5, "value": 232200.0, "Latitude": 37.31, "Longitude": -121.82, "Population": 1267.0}, {"index": 17704, "quantile": 0.75, "value": 253500.0, "Latitude": 37.31, "Longitude": -121.82, "Population": 1267.0}, {"index": 17704, "quantile": 1.0, "value": 308700.0, "Latitude": 37.31, "Longitude": -121.82, "Population": 1267.0}, {"index": 17705, "quantile": 0.0, "value": 81300.0, "Latitude": 37.31, "Longitude": -121.81, "Population": 1109.0}, {"index": 17705, "quantile": 0.25, "value": 139700.0, "Latitude": 37.31, "Longitude": -121.81, "Population": 1109.0}, {"index": 17705, "quantile": 0.5, "value": 139700.0, "Latitude": 37.31, "Longitude": -121.81, "Population": 1109.0}, {"index": 17705, "quantile": 0.75, "value": 139700.0, "Latitude": 37.31, "Longitude": -121.81, "Population": 1109.0}, {"index": 17705, "quantile": 1.0, "value": 297400.0, "Latitude": 37.31, "Longitude": -121.81, "Population": 1109.0}, {"index": 17706, "quantile": 0.0, "value": 117300.0, "Latitude": 37.31, "Longitude": -121.81, "Population": 1527.0}, {"index": 17706, "quantile": 0.25, "value": 186250.0, "Latitude": 37.31, "Longitude": -121.81, "Population": 1527.0}, {"index": 17706, "quantile": 0.5, "value": 212500.0, "Latitude": 37.31, "Longitude": -121.81, "Population": 1527.0}, {"index": 17706, "quantile": 0.75, "value": 212500.0, "Latitude": 37.31, "Longitude": -121.81, "Population": 1527.0}, {"index": 17706, "quantile": 1.0, "value": 294100.0, "Latitude": 37.31, "Longitude": -121.81, "Population": 1527.0}, {"index": 17707, "quantile": 0.0, "value": 113500.0, "Latitude": 37.32, "Longitude": -121.81, "Population": 2677.0}, {"index": 17707, "quantile": 0.25, "value": 164900.0, "Latitude": 37.32, "Longitude": -121.81, "Population": 2677.0}, {"index": 17707, "quantile": 0.5, "value": 164900.0, "Latitude": 37.32, "Longitude": -121.81, "Population": 2677.0}, {"index": 17707, "quantile": 0.75, "value": 174150.0, "Latitude": 37.32, "Longitude": -121.81, "Population": 2677.0}, {"index": 17707, "quantile": 1.0, "value": 252100.0, "Latitude": 37.32, "Longitude": -121.81, "Population": 2677.0}, {"index": 17708, "quantile": 0.0, "value": 65000.0, "Latitude": 37.32, "Longitude": -121.82, "Population": 2634.0}, {"index": 17708, "quantile": 0.25, "value": 156150.0, "Latitude": 37.32, "Longitude": -121.82, "Population": 2634.0}, {"index": 17708, "quantile": 0.5, "value": 182400.0, "Latitude": 37.32, "Longitude": -121.82, "Population": 2634.0}, {"index": 17708, "quantile": 0.75, "value": 200425.0, "Latitude": 37.32, "Longitude": -121.82, "Population": 2634.0}, {"index": 17708, "quantile": 1.0, "value": 344400.0, "Latitude": 37.32, "Longitude": -121.82, "Population": 2634.0}, {"index": 17709, "quantile": 0.0, "value": 142500.0, "Latitude": 37.33, "Longitude": -121.82, "Population": 2582.0}, {"index": 17709, "quantile": 0.25, "value": 175800.0, "Latitude": 37.33, "Longitude": -121.82, "Population": 2582.0}, {"index": 17709, "quantile": 0.5, "value": 175800.0, "Latitude": 37.33, "Longitude": -121.82, "Population": 2582.0}, {"index": 17709, "quantile": 0.75, "value": 175800.0, "Latitude": 37.33, "Longitude": -121.82, "Population": 2582.0}, {"index": 17709, "quantile": 1.0, "value": 241200.0, "Latitude": 37.33, "Longitude": -121.82, "Population": 2582.0}, {"index": 17710, "quantile": 0.0, "value": 164500.0, "Latitude": 37.32, "Longitude": -121.83, "Population": 943.0}, {"index": 17710, "quantile": 0.25, "value": 181000.0, "Latitude": 37.32, "Longitude": -121.83, "Population": 943.0}, {"index": 17710, "quantile": 0.5, "value": 181000.0, "Latitude": 37.32, "Longitude": -121.83, "Population": 943.0}, {"index": 17710, "quantile": 0.75, "value": 185400.0, "Latitude": 37.32, "Longitude": -121.83, "Population": 943.0}, {"index": 17710, "quantile": 1.0, "value": 240499.99999999997, "Latitude": 37.32, "Longitude": -121.83, "Population": 943.0}, {"index": 17711, "quantile": 0.0, "value": 170300.0, "Latitude": 37.33, "Longitude": -121.81, "Population": 3651.0}, {"index": 17711, "quantile": 0.25, "value": 343000.0, "Latitude": 37.33, "Longitude": -121.81, "Population": 3651.0}, {"index": 17711, "quantile": 0.5, "value": 343000.0, "Latitude": 37.33, "Longitude": -121.81, "Population": 3651.0}, {"index": 17711, "quantile": 0.75, "value": 343000.0, "Latitude": 37.33, "Longitude": -121.81, "Population": 3651.0}, {"index": 17711, "quantile": 1.0, "value": 450399.99999999994, "Latitude": 37.33, "Longitude": -121.81, "Population": 3651.0}, {"index": 17712, "quantile": 0.0, "value": 150800.0, "Latitude": 37.34, "Longitude": -121.8, "Population": 1146.0}, {"index": 17712, "quantile": 0.25, "value": 187700.0, "Latitude": 37.34, "Longitude": -121.8, "Population": 1146.0}, {"index": 17712, "quantile": 0.5, "value": 193450.0, "Latitude": 37.34, "Longitude": -121.8, "Population": 1146.0}, {"index": 17712, "quantile": 0.75, "value": 228650.00000000003, "Latitude": 37.34, "Longitude": -121.8, "Population": 1146.0}, {"index": 17712, "quantile": 1.0, "value": 302100.0, "Latitude": 37.34, "Longitude": -121.8, "Population": 1146.0}, {"index": 17713, "quantile": 0.0, "value": 216100.0, "Latitude": 37.34, "Longitude": -121.8, "Population": 1507.0}, {"index": 17713, "quantile": 0.25, "value": 260224.99999999997, "Latitude": 37.34, "Longitude": -121.8, "Population": 1507.0}, {"index": 17713, "quantile": 0.5, "value": 263900.0, "Latitude": 37.34, "Longitude": -121.8, "Population": 1507.0}, {"index": 17713, "quantile": 0.75, "value": 263900.0, "Latitude": 37.34, "Longitude": -121.8, "Population": 1507.0}, {"index": 17713, "quantile": 1.0, "value": 346700.0, "Latitude": 37.34, "Longitude": -121.8, "Population": 1507.0}, {"index": 17714, "quantile": 0.0, "value": 144000.0, "Latitude": 37.34, "Longitude": -121.79, "Population": 1196.0}, {"index": 17714, "quantile": 0.25, "value": 236200.0, "Latitude": 37.34, "Longitude": -121.79, "Population": 1196.0}, {"index": 17714, "quantile": 0.5, "value": 262400.0, "Latitude": 37.34, "Longitude": -121.79, "Population": 1196.0}, {"index": 17714, "quantile": 0.75, "value": 262400.0, "Latitude": 37.34, "Longitude": -121.79, "Population": 1196.0}, {"index": 17714, "quantile": 1.0, "value": 378000.0, "Latitude": 37.34, "Longitude": -121.79, "Population": 1196.0}, {"index": 17715, "quantile": 0.0, "value": 165500.0, "Latitude": 37.35, "Longitude": -121.8, "Population": 1389.0}, {"index": 17715, "quantile": 0.25, "value": 223300.0, "Latitude": 37.35, "Longitude": -121.8, "Population": 1389.0}, {"index": 17715, "quantile": 0.5, "value": 223300.0, "Latitude": 37.35, "Longitude": -121.8, "Population": 1389.0}, {"index": 17715, "quantile": 0.75, "value": 270150.0, "Latitude": 37.35, "Longitude": -121.8, "Population": 1389.0}, {"index": 17715, "quantile": 1.0, "value": 384400.0, "Latitude": 37.35, "Longitude": -121.8, "Population": 1389.0}, {"index": 17716, "quantile": 0.0, "value": 229300.00000000003, "Latitude": 37.34, "Longitude": -121.78, "Population": 891.0}, {"index": 17716, "quantile": 0.25, "value": 337200.0, "Latitude": 37.34, "Longitude": -121.78, "Population": 891.0}, {"index": 17716, "quantile": 0.5, "value": 338400.0, "Latitude": 37.34, "Longitude": -121.78, "Population": 891.0}, {"index": 17716, "quantile": 0.75, "value": 338400.0, "Latitude": 37.34, "Longitude": -121.78, "Population": 891.0}, {"index": 17716, "quantile": 1.0, "value": 400699.99999999994, "Latitude": 37.34, "Longitude": -121.78, "Population": 891.0}, {"index": 17717, "quantile": 0.0, "value": 224100.0, "Latitude": 37.35, "Longitude": -121.75, "Population": 605.0}, {"index": 17717, "quantile": 0.25, "value": 446725.0, "Latitude": 37.35, "Longitude": -121.75, "Population": 605.0}, {"index": 17717, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -121.75, "Population": 605.0}, {"index": 17717, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -121.75, "Population": 605.0}, {"index": 17717, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -121.75, "Population": 605.0}, {"index": 17718, "quantile": 0.0, "value": 225000.0, "Latitude": 37.33, "Longitude": -121.77, "Population": 1799.0}, {"index": 17718, "quantile": 0.25, "value": 353575.0, "Latitude": 37.33, "Longitude": -121.77, "Population": 1799.0}, {"index": 17718, "quantile": 0.5, "value": 355300.0, "Latitude": 37.33, "Longitude": -121.77, "Population": 1799.0}, {"index": 17718, "quantile": 0.75, "value": 355300.0, "Latitude": 37.33, "Longitude": -121.77, "Population": 1799.0}, {"index": 17718, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -121.77, "Population": 1799.0}, {"index": 17719, "quantile": 0.0, "value": 193500.0, "Latitude": 37.33, "Longitude": -121.77, "Population": 1675.0}, {"index": 17719, "quantile": 0.25, "value": 344125.0, "Latitude": 37.33, "Longitude": -121.77, "Population": 1675.0}, {"index": 17719, "quantile": 0.5, "value": 348400.0, "Latitude": 37.33, "Longitude": -121.77, "Population": 1675.0}, {"index": 17719, "quantile": 0.75, "value": 348400.0, "Latitude": 37.33, "Longitude": -121.77, "Population": 1675.0}, {"index": 17719, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -121.77, "Population": 1675.0}, {"index": 17720, "quantile": 0.0, "value": 237699.99999999997, "Latitude": 37.34, "Longitude": -121.78, "Population": 1774.0}, {"index": 17720, "quantile": 0.25, "value": 361400.0, "Latitude": 37.34, "Longitude": -121.78, "Population": 1774.0}, {"index": 17720, "quantile": 0.5, "value": 378200.0, "Latitude": 37.34, "Longitude": -121.78, "Population": 1774.0}, {"index": 17720, "quantile": 0.75, "value": 378200.0, "Latitude": 37.34, "Longitude": -121.78, "Population": 1774.0}, {"index": 17720, "quantile": 1.0, "value": 404699.99999999994, "Latitude": 37.34, "Longitude": -121.78, "Population": 1774.0}, {"index": 17721, "quantile": 0.0, "value": 127200.0, "Latitude": 37.33, "Longitude": -121.79, "Population": 1794.0}, {"index": 17721, "quantile": 0.25, "value": 273900.0, "Latitude": 37.33, "Longitude": -121.79, "Population": 1794.0}, {"index": 17721, "quantile": 0.5, "value": 283700.0, "Latitude": 37.33, "Longitude": -121.79, "Population": 1794.0}, {"index": 17721, "quantile": 0.75, "value": 312600.0, "Latitude": 37.33, "Longitude": -121.79, "Population": 1794.0}, {"index": 17721, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -121.79, "Population": 1794.0}, {"index": 17722, "quantile": 0.0, "value": 130600.0, "Latitude": 37.33, "Longitude": -121.79, "Population": 2381.0}, {"index": 17722, "quantile": 0.25, "value": 224200.0, "Latitude": 37.33, "Longitude": -121.79, "Population": 2381.0}, {"index": 17722, "quantile": 0.5, "value": 238000.0, "Latitude": 37.33, "Longitude": -121.79, "Population": 2381.0}, {"index": 17722, "quantile": 0.75, "value": 264100.0, "Latitude": 37.33, "Longitude": -121.79, "Population": 2381.0}, {"index": 17722, "quantile": 1.0, "value": 386800.0, "Latitude": 37.33, "Longitude": -121.79, "Population": 2381.0}, {"index": 17723, "quantile": 0.0, "value": 127200.0, "Latitude": 37.33, "Longitude": -121.79, "Population": 2491.0}, {"index": 17723, "quantile": 0.25, "value": 283700.0, "Latitude": 37.33, "Longitude": -121.79, "Population": 2491.0}, {"index": 17723, "quantile": 0.5, "value": 283700.0, "Latitude": 37.33, "Longitude": -121.79, "Population": 2491.0}, {"index": 17723, "quantile": 0.75, "value": 283700.0, "Latitude": 37.33, "Longitude": -121.79, "Population": 2491.0}, {"index": 17723, "quantile": 1.0, "value": 377200.0, "Latitude": 37.33, "Longitude": -121.79, "Population": 2491.0}, {"index": 17724, "quantile": 0.0, "value": 196600.0, "Latitude": 37.33, "Longitude": -121.78, "Population": 1510.0}, {"index": 17724, "quantile": 0.25, "value": 311500.0, "Latitude": 37.33, "Longitude": -121.78, "Population": 1510.0}, {"index": 17724, "quantile": 0.5, "value": 359500.0, "Latitude": 37.33, "Longitude": -121.78, "Population": 1510.0}, {"index": 17724, "quantile": 0.75, "value": 359500.0, "Latitude": 37.33, "Longitude": -121.78, "Population": 1510.0}, {"index": 17724, "quantile": 1.0, "value": 381900.0, "Latitude": 37.33, "Longitude": -121.78, "Population": 1510.0}, {"index": 17725, "quantile": 0.0, "value": 130600.0, "Latitude": 37.32, "Longitude": -121.8, "Population": 2228.0}, {"index": 17725, "quantile": 0.25, "value": 224200.0, "Latitude": 37.32, "Longitude": -121.8, "Population": 2228.0}, {"index": 17725, "quantile": 0.5, "value": 224200.0, "Latitude": 37.32, "Longitude": -121.8, "Population": 2228.0}, {"index": 17725, "quantile": 0.75, "value": 224200.0, "Latitude": 37.32, "Longitude": -121.8, "Population": 2228.0}, {"index": 17725, "quantile": 1.0, "value": 353700.0, "Latitude": 37.32, "Longitude": -121.8, "Population": 2228.0}, {"index": 17726, "quantile": 0.0, "value": 151400.0, "Latitude": 37.32, "Longitude": -121.8, "Population": 1277.0}, {"index": 17726, "quantile": 0.25, "value": 217400.0, "Latitude": 37.32, "Longitude": -121.8, "Population": 1277.0}, {"index": 17726, "quantile": 0.5, "value": 217400.0, "Latitude": 37.32, "Longitude": -121.8, "Population": 1277.0}, {"index": 17726, "quantile": 0.75, "value": 217400.0, "Latitude": 37.32, "Longitude": -121.8, "Population": 1277.0}, {"index": 17726, "quantile": 1.0, "value": 378000.0, "Latitude": 37.32, "Longitude": -121.8, "Population": 1277.0}, {"index": 17727, "quantile": 0.0, "value": 111500.0, "Latitude": 37.32, "Longitude": -121.8, "Population": 2698.0}, {"index": 17727, "quantile": 0.25, "value": 227599.99999999997, "Latitude": 37.32, "Longitude": -121.8, "Population": 2698.0}, {"index": 17727, "quantile": 0.5, "value": 227599.99999999997, "Latitude": 37.32, "Longitude": -121.8, "Population": 2698.0}, {"index": 17727, "quantile": 0.75, "value": 227849.99999999997, "Latitude": 37.32, "Longitude": -121.8, "Population": 2698.0}, {"index": 17727, "quantile": 1.0, "value": 434500.0, "Latitude": 37.32, "Longitude": -121.8, "Population": 2698.0}, {"index": 17728, "quantile": 0.0, "value": 107500.0, "Latitude": 37.32, "Longitude": -121.79, "Population": 2160.0}, {"index": 17728, "quantile": 0.25, "value": 241900.0, "Latitude": 37.32, "Longitude": -121.79, "Population": 2160.0}, {"index": 17728, "quantile": 0.5, "value": 241900.0, "Latitude": 37.32, "Longitude": -121.79, "Population": 2160.0}, {"index": 17728, "quantile": 0.75, "value": 241900.0, "Latitude": 37.32, "Longitude": -121.79, "Population": 2160.0}, {"index": 17728, "quantile": 1.0, "value": 286200.0, "Latitude": 37.32, "Longitude": -121.79, "Population": 2160.0}, {"index": 17729, "quantile": 0.0, "value": 181000.0, "Latitude": 37.32, "Longitude": -121.79, "Population": 1669.0}, {"index": 17729, "quantile": 0.25, "value": 241299.99999999997, "Latitude": 37.32, "Longitude": -121.79, "Population": 1669.0}, {"index": 17729, "quantile": 0.5, "value": 241299.99999999997, "Latitude": 37.32, "Longitude": -121.79, "Population": 1669.0}, {"index": 17729, "quantile": 0.75, "value": 242274.99999999997, "Latitude": 37.32, "Longitude": -121.79, "Population": 1669.0}, {"index": 17729, "quantile": 1.0, "value": 327300.0, "Latitude": 37.32, "Longitude": -121.79, "Population": 1669.0}, {"index": 17730, "quantile": 0.0, "value": 120000.0, "Latitude": 37.33, "Longitude": -121.76, "Population": 2435.0}, {"index": 17730, "quantile": 0.25, "value": 259300.0, "Latitude": 37.33, "Longitude": -121.76, "Population": 2435.0}, {"index": 17730, "quantile": 0.5, "value": 286200.0, "Latitude": 37.33, "Longitude": -121.76, "Population": 2435.0}, {"index": 17730, "quantile": 0.75, "value": 286200.0, "Latitude": 37.33, "Longitude": -121.76, "Population": 2435.0}, {"index": 17730, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -121.76, "Population": 2435.0}, {"index": 17731, "quantile": 0.0, "value": 115599.99999999999, "Latitude": 37.3, "Longitude": -121.81, "Population": 1214.0}, {"index": 17731, "quantile": 0.25, "value": 186500.0, "Latitude": 37.3, "Longitude": -121.81, "Population": 1214.0}, {"index": 17731, "quantile": 0.5, "value": 186500.0, "Latitude": 37.3, "Longitude": -121.81, "Population": 1214.0}, {"index": 17731, "quantile": 0.75, "value": 186500.0, "Latitude": 37.3, "Longitude": -121.81, "Population": 1214.0}, {"index": 17731, "quantile": 1.0, "value": 273100.0, "Latitude": 37.3, "Longitude": -121.81, "Population": 1214.0}, {"index": 17732, "quantile": 0.0, "value": 153200.0, "Latitude": 37.31, "Longitude": -121.81, "Population": 1533.0}, {"index": 17732, "quantile": 0.25, "value": 181100.0, "Latitude": 37.31, "Longitude": -121.81, "Population": 1533.0}, {"index": 17732, "quantile": 0.5, "value": 218799.99999999997, "Latitude": 37.31, "Longitude": -121.81, "Population": 1533.0}, {"index": 17732, "quantile": 0.75, "value": 246800.0, "Latitude": 37.31, "Longitude": -121.81, "Population": 1533.0}, {"index": 17732, "quantile": 1.0, "value": 322300.0, "Latitude": 37.31, "Longitude": -121.81, "Population": 1533.0}, {"index": 17733, "quantile": 0.0, "value": 112500.0, "Latitude": 37.31, "Longitude": -121.8, "Population": 1277.0}, {"index": 17733, "quantile": 0.25, "value": 164500.0, "Latitude": 37.31, "Longitude": -121.8, "Population": 1277.0}, {"index": 17733, "quantile": 0.5, "value": 164500.0, "Latitude": 37.31, "Longitude": -121.8, "Population": 1277.0}, {"index": 17733, "quantile": 0.75, "value": 212500.0, "Latitude": 37.31, "Longitude": -121.8, "Population": 1277.0}, {"index": 17733, "quantile": 1.0, "value": 385700.0, "Latitude": 37.31, "Longitude": -121.8, "Population": 1277.0}, {"index": 17734, "quantile": 0.0, "value": 88900.0, "Latitude": 37.3, "Longitude": -121.8, "Population": 605.0}, {"index": 17734, "quantile": 0.25, "value": 235600.0, "Latitude": 37.3, "Longitude": -121.8, "Population": 605.0}, {"index": 17734, "quantile": 0.5, "value": 235600.0, "Latitude": 37.3, "Longitude": -121.8, "Population": 605.0}, {"index": 17734, "quantile": 0.75, "value": 235600.0, "Latitude": 37.3, "Longitude": -121.8, "Population": 605.0}, {"index": 17734, "quantile": 1.0, "value": 279700.0, "Latitude": 37.3, "Longitude": -121.8, "Population": 605.0}, {"index": 17735, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 37.3, "Longitude": -121.81, "Population": 1683.0}, {"index": 17735, "quantile": 0.25, "value": 215425.00000000003, "Latitude": 37.3, "Longitude": -121.81, "Population": 1683.0}, {"index": 17735, "quantile": 0.5, "value": 241900.0, "Latitude": 37.3, "Longitude": -121.81, "Population": 1683.0}, {"index": 17735, "quantile": 0.75, "value": 254400.0, "Latitude": 37.3, "Longitude": -121.81, "Population": 1683.0}, {"index": 17735, "quantile": 1.0, "value": 269100.0, "Latitude": 37.3, "Longitude": -121.81, "Population": 1683.0}, {"index": 17736, "quantile": 0.0, "value": 112500.0, "Latitude": 37.31, "Longitude": -121.8, "Population": 1789.0}, {"index": 17736, "quantile": 0.25, "value": 231999.99999999997, "Latitude": 37.31, "Longitude": -121.8, "Population": 1789.0}, {"index": 17736, "quantile": 0.5, "value": 231999.99999999997, "Latitude": 37.31, "Longitude": -121.8, "Population": 1789.0}, {"index": 17736, "quantile": 0.75, "value": 231999.99999999997, "Latitude": 37.31, "Longitude": -121.8, "Population": 1789.0}, {"index": 17736, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -121.8, "Population": 1789.0}, {"index": 17737, "quantile": 0.0, "value": 158000.0, "Latitude": 37.31, "Longitude": -121.79, "Population": 1270.0}, {"index": 17737, "quantile": 0.25, "value": 235700.00000000003, "Latitude": 37.31, "Longitude": -121.79, "Population": 1270.0}, {"index": 17737, "quantile": 0.5, "value": 235700.00000000003, "Latitude": 37.31, "Longitude": -121.79, "Population": 1270.0}, {"index": 17737, "quantile": 0.75, "value": 235700.00000000003, "Latitude": 37.31, "Longitude": -121.79, "Population": 1270.0}, {"index": 17737, "quantile": 1.0, "value": 294500.0, "Latitude": 37.31, "Longitude": -121.79, "Population": 1270.0}, {"index": 17738, "quantile": 0.0, "value": 150800.0, "Latitude": 37.31, "Longitude": -121.78, "Population": 983.0}, {"index": 17738, "quantile": 0.25, "value": 271500.0, "Latitude": 37.31, "Longitude": -121.78, "Population": 983.0}, {"index": 17738, "quantile": 0.5, "value": 271500.0, "Latitude": 37.31, "Longitude": -121.78, "Population": 983.0}, {"index": 17738, "quantile": 0.75, "value": 284525.0, "Latitude": 37.31, "Longitude": -121.78, "Population": 983.0}, {"index": 17738, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -121.78, "Population": 983.0}, {"index": 17739, "quantile": 0.0, "value": 120000.0, "Latitude": 37.3, "Longitude": -121.79, "Population": 3083.0}, {"index": 17739, "quantile": 0.25, "value": 241900.0, "Latitude": 37.3, "Longitude": -121.79, "Population": 3083.0}, {"index": 17739, "quantile": 0.5, "value": 241900.0, "Latitude": 37.3, "Longitude": -121.79, "Population": 3083.0}, {"index": 17739, "quantile": 0.75, "value": 254374.99999999997, "Latitude": 37.3, "Longitude": -121.79, "Population": 3083.0}, {"index": 17739, "quantile": 1.0, "value": 362500.0, "Latitude": 37.3, "Longitude": -121.79, "Population": 3083.0}, {"index": 17740, "quantile": 0.0, "value": 152400.0, "Latitude": 37.28, "Longitude": -121.76, "Population": 431.0}, {"index": 17740, "quantile": 0.25, "value": 221725.0, "Latitude": 37.28, "Longitude": -121.76, "Population": 431.0}, {"index": 17740, "quantile": 0.5, "value": 241000.0, "Latitude": 37.28, "Longitude": -121.76, "Population": 431.0}, {"index": 17740, "quantile": 0.75, "value": 241000.0, "Latitude": 37.28, "Longitude": -121.76, "Population": 431.0}, {"index": 17740, "quantile": 1.0, "value": 385700.0, "Latitude": 37.28, "Longitude": -121.76, "Population": 431.0}, {"index": 17741, "quantile": 0.0, "value": 127200.0, "Latitude": 37.3, "Longitude": -121.74, "Population": 985.0}, {"index": 17741, "quantile": 0.25, "value": 273375.0, "Latitude": 37.3, "Longitude": -121.74, "Population": 985.0}, {"index": 17741, "quantile": 0.5, "value": 300650.0, "Latitude": 37.3, "Longitude": -121.74, "Population": 985.0}, {"index": 17741, "quantile": 0.75, "value": 339200.0, "Latitude": 37.3, "Longitude": -121.74, "Population": 985.0}, {"index": 17741, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -121.74, "Population": 985.0}, {"index": 17742, "quantile": 0.0, "value": 120000.0, "Latitude": 37.31, "Longitude": -121.78, "Population": 1047.0}, {"index": 17742, "quantile": 0.25, "value": 241074.99999999997, "Latitude": 37.31, "Longitude": -121.78, "Population": 1047.0}, {"index": 17742, "quantile": 0.5, "value": 260500.0, "Latitude": 37.31, "Longitude": -121.78, "Population": 1047.0}, {"index": 17742, "quantile": 0.75, "value": 279325.0, "Latitude": 37.31, "Longitude": -121.78, "Population": 1047.0}, {"index": 17742, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -121.78, "Population": 1047.0}, {"index": 17743, "quantile": 0.0, "value": 127200.0, "Latitude": 37.31, "Longitude": -121.77, "Population": 769.0}, {"index": 17743, "quantile": 0.25, "value": 287825.0, "Latitude": 37.31, "Longitude": -121.77, "Population": 769.0}, {"index": 17743, "quantile": 0.5, "value": 300200.0, "Latitude": 37.31, "Longitude": -121.77, "Population": 769.0}, {"index": 17743, "quantile": 0.75, "value": 332500.0, "Latitude": 37.31, "Longitude": -121.77, "Population": 769.0}, {"index": 17743, "quantile": 1.0, "value": 411300.00000000006, "Latitude": 37.31, "Longitude": -121.77, "Population": 769.0}, {"index": 17744, "quantile": 0.0, "value": 141200.0, "Latitude": 37.29, "Longitude": -121.76, "Population": 1150.0}, {"index": 17744, "quantile": 0.25, "value": 277900.0, "Latitude": 37.29, "Longitude": -121.76, "Population": 1150.0}, {"index": 17744, "quantile": 0.5, "value": 277900.0, "Latitude": 37.29, "Longitude": -121.76, "Population": 1150.0}, {"index": 17744, "quantile": 0.75, "value": 313625.0, "Latitude": 37.29, "Longitude": -121.76, "Population": 1150.0}, {"index": 17744, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.76, "Population": 1150.0}, {"index": 17745, "quantile": 0.0, "value": 138200.0, "Latitude": 37.3, "Longitude": -121.76, "Population": 1378.0}, {"index": 17745, "quantile": 0.25, "value": 335500.0, "Latitude": 37.3, "Longitude": -121.76, "Population": 1378.0}, {"index": 17745, "quantile": 0.5, "value": 335500.0, "Latitude": 37.3, "Longitude": -121.76, "Population": 1378.0}, {"index": 17745, "quantile": 0.75, "value": 335500.0, "Latitude": 37.3, "Longitude": -121.76, "Population": 1378.0}, {"index": 17745, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -121.76, "Population": 1378.0}, {"index": 17746, "quantile": 0.0, "value": 67000.0, "Latitude": 37.3, "Longitude": -121.75, "Population": 548.0}, {"index": 17746, "quantile": 0.25, "value": 80900.0, "Latitude": 37.3, "Longitude": -121.75, "Population": 548.0}, {"index": 17746, "quantile": 0.5, "value": 98450.0, "Latitude": 37.3, "Longitude": -121.75, "Population": 548.0}, {"index": 17746, "quantile": 0.75, "value": 182000.0, "Latitude": 37.3, "Longitude": -121.75, "Population": 548.0}, {"index": 17746, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -121.75, "Population": 548.0}, {"index": 17747, "quantile": 0.0, "value": 175000.0, "Latitude": 37.29, "Longitude": -121.74, "Population": 2468.0}, {"index": 17747, "quantile": 0.25, "value": 294700.0, "Latitude": 37.29, "Longitude": -121.74, "Population": 2468.0}, {"index": 17747, "quantile": 0.5, "value": 294700.0, "Latitude": 37.29, "Longitude": -121.74, "Population": 2468.0}, {"index": 17747, "quantile": 0.75, "value": 294700.0, "Latitude": 37.29, "Longitude": -121.74, "Population": 2468.0}, {"index": 17747, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.74, "Population": 2468.0}, {"index": 17748, "quantile": 0.0, "value": 87500.0, "Latitude": 37.29, "Longitude": -121.75, "Population": 455.0}, {"index": 17748, "quantile": 0.25, "value": 221000.0, "Latitude": 37.29, "Longitude": -121.75, "Population": 455.0}, {"index": 17748, "quantile": 0.5, "value": 221000.0, "Latitude": 37.29, "Longitude": -121.75, "Population": 455.0}, {"index": 17748, "quantile": 0.75, "value": 221000.0, "Latitude": 37.29, "Longitude": -121.75, "Population": 455.0}, {"index": 17748, "quantile": 1.0, "value": 450000.0, "Latitude": 37.29, "Longitude": -121.75, "Population": 455.0}, {"index": 17749, "quantile": 0.0, "value": 128699.99999999999, "Latitude": 37.34, "Longitude": -121.84, "Population": 938.0}, {"index": 17749, "quantile": 0.25, "value": 165000.0, "Latitude": 37.34, "Longitude": -121.84, "Population": 938.0}, {"index": 17749, "quantile": 0.5, "value": 165000.0, "Latitude": 37.34, "Longitude": -121.84, "Population": 938.0}, {"index": 17749, "quantile": 0.75, "value": 178600.0, "Latitude": 37.34, "Longitude": -121.84, "Population": 938.0}, {"index": 17749, "quantile": 1.0, "value": 266700.0, "Latitude": 37.34, "Longitude": -121.84, "Population": 938.0}, {"index": 17750, "quantile": 0.0, "value": 130500.0, "Latitude": 37.33, "Longitude": -121.84, "Population": 1937.0}, {"index": 17750, "quantile": 0.25, "value": 160100.0, "Latitude": 37.33, "Longitude": -121.84, "Population": 1937.0}, {"index": 17750, "quantile": 0.5, "value": 160100.0, "Latitude": 37.33, "Longitude": -121.84, "Population": 1937.0}, {"index": 17750, "quantile": 0.75, "value": 162900.0, "Latitude": 37.33, "Longitude": -121.84, "Population": 1937.0}, {"index": 17750, "quantile": 1.0, "value": 281000.0, "Latitude": 37.33, "Longitude": -121.84, "Population": 1937.0}, {"index": 17751, "quantile": 0.0, "value": 117600.0, "Latitude": 37.33, "Longitude": -121.84, "Population": 2059.0}, {"index": 17751, "quantile": 0.25, "value": 163600.0, "Latitude": 37.33, "Longitude": -121.84, "Population": 2059.0}, {"index": 17751, "quantile": 0.5, "value": 163600.0, "Latitude": 37.33, "Longitude": -121.84, "Population": 2059.0}, {"index": 17751, "quantile": 0.75, "value": 163600.0, "Latitude": 37.33, "Longitude": -121.84, "Population": 2059.0}, {"index": 17751, "quantile": 1.0, "value": 190000.0, "Latitude": 37.33, "Longitude": -121.84, "Population": 2059.0}, {"index": 17752, "quantile": 0.0, "value": 100499.99999999999, "Latitude": 37.32, "Longitude": -121.83, "Population": 5124.0}, {"index": 17752, "quantile": 0.25, "value": 164049.99999999997, "Latitude": 37.32, "Longitude": -121.83, "Population": 5124.0}, {"index": 17752, "quantile": 0.5, "value": 178600.0, "Latitude": 37.32, "Longitude": -121.83, "Population": 5124.0}, {"index": 17752, "quantile": 0.75, "value": 185800.0, "Latitude": 37.32, "Longitude": -121.83, "Population": 5124.0}, {"index": 17752, "quantile": 1.0, "value": 271200.0, "Latitude": 37.32, "Longitude": -121.83, "Population": 5124.0}, {"index": 17753, "quantile": 0.0, "value": 128600.0, "Latitude": 37.35, "Longitude": -121.82, "Population": 2409.0}, {"index": 17753, "quantile": 0.25, "value": 182400.0, "Latitude": 37.35, "Longitude": -121.82, "Population": 2409.0}, {"index": 17753, "quantile": 0.5, "value": 182400.0, "Latitude": 37.35, "Longitude": -121.82, "Population": 2409.0}, {"index": 17753, "quantile": 0.75, "value": 182400.0, "Latitude": 37.35, "Longitude": -121.82, "Population": 2409.0}, {"index": 17753, "quantile": 1.0, "value": 271200.0, "Latitude": 37.35, "Longitude": -121.82, "Population": 2409.0}, {"index": 17754, "quantile": 0.0, "value": 138500.0, "Latitude": 37.34, "Longitude": -121.82, "Population": 6034.0}, {"index": 17754, "quantile": 0.25, "value": 181000.0, "Latitude": 37.34, "Longitude": -121.82, "Population": 6034.0}, {"index": 17754, "quantile": 0.5, "value": 194400.0, "Latitude": 37.34, "Longitude": -121.82, "Population": 6034.0}, {"index": 17754, "quantile": 0.75, "value": 217400.0, "Latitude": 37.34, "Longitude": -121.82, "Population": 6034.0}, {"index": 17754, "quantile": 1.0, "value": 378000.0, "Latitude": 37.34, "Longitude": -121.82, "Population": 6034.0}, {"index": 17755, "quantile": 0.0, "value": 142500.0, "Latitude": 37.35, "Longitude": -121.81, "Population": 2990.0}, {"index": 17755, "quantile": 0.25, "value": 172600.0, "Latitude": 37.35, "Longitude": -121.81, "Population": 2990.0}, {"index": 17755, "quantile": 0.5, "value": 172600.0, "Latitude": 37.35, "Longitude": -121.81, "Population": 2990.0}, {"index": 17755, "quantile": 0.75, "value": 175800.0, "Latitude": 37.35, "Longitude": -121.81, "Population": 2990.0}, {"index": 17755, "quantile": 1.0, "value": 234400.0, "Latitude": 37.35, "Longitude": -121.81, "Population": 2990.0}, {"index": 17756, "quantile": 0.0, "value": 162900.0, "Latitude": 37.35, "Longitude": -121.81, "Population": 2000.0}, {"index": 17756, "quantile": 0.25, "value": 185500.0, "Latitude": 37.35, "Longitude": -121.81, "Population": 2000.0}, {"index": 17756, "quantile": 0.5, "value": 185500.0, "Latitude": 37.35, "Longitude": -121.81, "Population": 2000.0}, {"index": 17756, "quantile": 0.75, "value": 185500.0, "Latitude": 37.35, "Longitude": -121.81, "Population": 2000.0}, {"index": 17756, "quantile": 1.0, "value": 233700.00000000003, "Latitude": 37.35, "Longitude": -121.81, "Population": 2000.0}, {"index": 17757, "quantile": 0.0, "value": 161900.0, "Latitude": 37.35, "Longitude": -121.8, "Population": 1562.0}, {"index": 17757, "quantile": 0.25, "value": 192800.0, "Latitude": 37.35, "Longitude": -121.8, "Population": 1562.0}, {"index": 17757, "quantile": 0.5, "value": 192800.0, "Latitude": 37.35, "Longitude": -121.8, "Population": 1562.0}, {"index": 17757, "quantile": 0.75, "value": 231550.0, "Latitude": 37.35, "Longitude": -121.8, "Population": 1562.0}, {"index": 17757, "quantile": 1.0, "value": 307900.0, "Latitude": 37.35, "Longitude": -121.8, "Population": 1562.0}, {"index": 17758, "quantile": 0.0, "value": 131300.0, "Latitude": 37.35, "Longitude": -121.8, "Population": 1756.0}, {"index": 17758, "quantile": 0.25, "value": 235175.0, "Latitude": 37.35, "Longitude": -121.8, "Population": 1756.0}, {"index": 17758, "quantile": 0.5, "value": 240700.0, "Latitude": 37.35, "Longitude": -121.8, "Population": 1756.0}, {"index": 17758, "quantile": 0.75, "value": 240700.0, "Latitude": 37.35, "Longitude": -121.8, "Population": 1756.0}, {"index": 17758, "quantile": 1.0, "value": 294500.0, "Latitude": 37.35, "Longitude": -121.8, "Population": 1756.0}, {"index": 17759, "quantile": 0.0, "value": 142500.0, "Latitude": 37.34, "Longitude": -121.84, "Population": 3033.0}, {"index": 17759, "quantile": 0.25, "value": 162900.0, "Latitude": 37.34, "Longitude": -121.84, "Population": 3033.0}, {"index": 17759, "quantile": 0.5, "value": 162900.0, "Latitude": 37.34, "Longitude": -121.84, "Population": 3033.0}, {"index": 17759, "quantile": 0.75, "value": 173600.0, "Latitude": 37.34, "Longitude": -121.84, "Population": 3033.0}, {"index": 17759, "quantile": 1.0, "value": 218500.0, "Latitude": 37.34, "Longitude": -121.84, "Population": 3033.0}, {"index": 17760, "quantile": 0.0, "value": 123500.00000000001, "Latitude": 37.33, "Longitude": -121.83, "Population": 3257.0}, {"index": 17760, "quantile": 0.25, "value": 173600.0, "Latitude": 37.33, "Longitude": -121.83, "Population": 3257.0}, {"index": 17760, "quantile": 0.5, "value": 173600.0, "Latitude": 37.33, "Longitude": -121.83, "Population": 3257.0}, {"index": 17760, "quantile": 0.75, "value": 173600.0, "Latitude": 37.33, "Longitude": -121.83, "Population": 3257.0}, {"index": 17760, "quantile": 1.0, "value": 243500.0, "Latitude": 37.33, "Longitude": -121.83, "Population": 3257.0}, {"index": 17761, "quantile": 0.0, "value": 126400.0, "Latitude": 37.34, "Longitude": -121.83, "Population": 6047.0}, {"index": 17761, "quantile": 0.25, "value": 191000.0, "Latitude": 37.34, "Longitude": -121.83, "Population": 6047.0}, {"index": 17761, "quantile": 0.5, "value": 193400.0, "Latitude": 37.34, "Longitude": -121.83, "Population": 6047.0}, {"index": 17761, "quantile": 0.75, "value": 193400.0, "Latitude": 37.34, "Longitude": -121.83, "Population": 6047.0}, {"index": 17761, "quantile": 1.0, "value": 450000.0, "Latitude": 37.34, "Longitude": -121.83, "Population": 6047.0}, {"index": 17762, "quantile": 0.0, "value": 94600.0, "Latitude": 37.34, "Longitude": -121.83, "Population": 1952.0}, {"index": 17762, "quantile": 0.25, "value": 176300.0, "Latitude": 37.34, "Longitude": -121.83, "Population": 1952.0}, {"index": 17762, "quantile": 0.5, "value": 182500.0, "Latitude": 37.34, "Longitude": -121.83, "Population": 1952.0}, {"index": 17762, "quantile": 0.75, "value": 182500.0, "Latitude": 37.34, "Longitude": -121.83, "Population": 1952.0}, {"index": 17762, "quantile": 1.0, "value": 281000.0, "Latitude": 37.34, "Longitude": -121.83, "Population": 1952.0}, {"index": 17763, "quantile": 0.0, "value": 133100.0, "Latitude": 37.36, "Longitude": -121.87, "Population": 769.0}, {"index": 17763, "quantile": 0.25, "value": 174500.0, "Latitude": 37.36, "Longitude": -121.87, "Population": 769.0}, {"index": 17763, "quantile": 0.5, "value": 184800.0, "Latitude": 37.36, "Longitude": -121.87, "Population": 769.0}, {"index": 17763, "quantile": 0.75, "value": 202750.0, "Latitude": 37.36, "Longitude": -121.87, "Population": 769.0}, {"index": 17763, "quantile": 1.0, "value": 291500.0, "Latitude": 37.36, "Longitude": -121.87, "Population": 769.0}, {"index": 17764, "quantile": 0.0, "value": 55400.00000000001, "Latitude": 37.35, "Longitude": -121.86, "Population": 1886.0}, {"index": 17764, "quantile": 0.25, "value": 157000.0, "Latitude": 37.35, "Longitude": -121.86, "Population": 1886.0}, {"index": 17764, "quantile": 0.5, "value": 172800.0, "Latitude": 37.35, "Longitude": -121.86, "Population": 1886.0}, {"index": 17764, "quantile": 0.75, "value": 184450.0, "Latitude": 37.35, "Longitude": -121.86, "Population": 1886.0}, {"index": 17764, "quantile": 1.0, "value": 250000.0, "Latitude": 37.35, "Longitude": -121.86, "Population": 1886.0}, {"index": 17765, "quantile": 0.0, "value": 88800.0, "Latitude": 37.35, "Longitude": -121.86, "Population": 1256.0}, {"index": 17765, "quantile": 0.25, "value": 153300.0, "Latitude": 37.35, "Longitude": -121.86, "Population": 1256.0}, {"index": 17765, "quantile": 0.5, "value": 153300.0, "Latitude": 37.35, "Longitude": -121.86, "Population": 1256.0}, {"index": 17765, "quantile": 0.75, "value": 172500.0, "Latitude": 37.35, "Longitude": -121.86, "Population": 1256.0}, {"index": 17765, "quantile": 1.0, "value": 350900.0, "Latitude": 37.35, "Longitude": -121.86, "Population": 1256.0}, {"index": 17766, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.34, "Longitude": -121.85, "Population": 1505.0}, {"index": 17766, "quantile": 0.25, "value": 163925.0, "Latitude": 37.34, "Longitude": -121.85, "Population": 1505.0}, {"index": 17766, "quantile": 0.5, "value": 177300.0, "Latitude": 37.34, "Longitude": -121.85, "Population": 1505.0}, {"index": 17766, "quantile": 0.75, "value": 184325.0, "Latitude": 37.34, "Longitude": -121.85, "Population": 1505.0}, {"index": 17766, "quantile": 1.0, "value": 305800.0, "Latitude": 37.34, "Longitude": -121.85, "Population": 1505.0}, {"index": 17767, "quantile": 0.0, "value": 72900.0, "Latitude": 37.35, "Longitude": -121.84, "Population": 2962.0}, {"index": 17767, "quantile": 0.25, "value": 164000.0, "Latitude": 37.35, "Longitude": -121.84, "Population": 2962.0}, {"index": 17767, "quantile": 0.5, "value": 164000.0, "Latitude": 37.35, "Longitude": -121.84, "Population": 2962.0}, {"index": 17767, "quantile": 0.75, "value": 164000.0, "Latitude": 37.35, "Longitude": -121.84, "Population": 2962.0}, {"index": 17767, "quantile": 1.0, "value": 305800.0, "Latitude": 37.35, "Longitude": -121.84, "Population": 2962.0}, {"index": 17768, "quantile": 0.0, "value": 88800.0, "Latitude": 37.35, "Longitude": -121.85, "Population": 3572.0}, {"index": 17768, "quantile": 0.25, "value": 160100.0, "Latitude": 37.35, "Longitude": -121.85, "Population": 3572.0}, {"index": 17768, "quantile": 0.5, "value": 160100.0, "Latitude": 37.35, "Longitude": -121.85, "Population": 3572.0}, {"index": 17768, "quantile": 0.75, "value": 160100.0, "Latitude": 37.35, "Longitude": -121.85, "Population": 3572.0}, {"index": 17768, "quantile": 1.0, "value": 302900.0, "Latitude": 37.35, "Longitude": -121.85, "Population": 3572.0}, {"index": 17769, "quantile": 0.0, "value": 88800.0, "Latitude": 37.35, "Longitude": -121.84, "Population": 4610.0}, {"index": 17769, "quantile": 0.25, "value": 172800.0, "Latitude": 37.35, "Longitude": -121.84, "Population": 4610.0}, {"index": 17769, "quantile": 0.5, "value": 182200.0, "Latitude": 37.35, "Longitude": -121.84, "Population": 4610.0}, {"index": 17769, "quantile": 0.75, "value": 182200.0, "Latitude": 37.35, "Longitude": -121.84, "Population": 4610.0}, {"index": 17769, "quantile": 1.0, "value": 302900.0, "Latitude": 37.35, "Longitude": -121.84, "Population": 4610.0}, {"index": 17770, "quantile": 0.0, "value": 128600.0, "Latitude": 37.37, "Longitude": -121.86, "Population": 8793.0}, {"index": 17770, "quantile": 0.25, "value": 197650.0, "Latitude": 37.37, "Longitude": -121.86, "Population": 8793.0}, {"index": 17770, "quantile": 0.5, "value": 210300.00000000003, "Latitude": 37.37, "Longitude": -121.86, "Population": 8793.0}, {"index": 17770, "quantile": 0.75, "value": 210300.00000000003, "Latitude": 37.37, "Longitude": -121.86, "Population": 8793.0}, {"index": 17770, "quantile": 1.0, "value": 271200.0, "Latitude": 37.37, "Longitude": -121.86, "Population": 8793.0}, {"index": 17771, "quantile": 0.0, "value": 112500.0, "Latitude": 37.37, "Longitude": -121.84, "Population": 2749.0}, {"index": 17771, "quantile": 0.25, "value": 140100.0, "Latitude": 37.37, "Longitude": -121.84, "Population": 2749.0}, {"index": 17771, "quantile": 0.5, "value": 140100.0, "Latitude": 37.37, "Longitude": -121.84, "Population": 2749.0}, {"index": 17771, "quantile": 0.75, "value": 163700.0, "Latitude": 37.37, "Longitude": -121.84, "Population": 2749.0}, {"index": 17771, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -121.84, "Population": 2749.0}, {"index": 17772, "quantile": 0.0, "value": 69200.0, "Latitude": 37.36, "Longitude": -121.85, "Population": 3556.0}, {"index": 17772, "quantile": 0.25, "value": 159600.0, "Latitude": 37.36, "Longitude": -121.85, "Population": 3556.0}, {"index": 17772, "quantile": 0.5, "value": 159600.0, "Latitude": 37.36, "Longitude": -121.85, "Population": 3556.0}, {"index": 17772, "quantile": 0.75, "value": 159600.0, "Latitude": 37.36, "Longitude": -121.85, "Population": 3556.0}, {"index": 17772, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 37.36, "Longitude": -121.85, "Population": 3556.0}, {"index": 17773, "quantile": 0.0, "value": 128600.0, "Latitude": 37.36, "Longitude": -121.85, "Population": 1705.0}, {"index": 17773, "quantile": 0.25, "value": 128600.0, "Latitude": 37.36, "Longitude": -121.85, "Population": 1705.0}, {"index": 17773, "quantile": 0.5, "value": 128600.0, "Latitude": 37.36, "Longitude": -121.85, "Population": 1705.0}, {"index": 17773, "quantile": 0.75, "value": 166325.0, "Latitude": 37.36, "Longitude": -121.85, "Population": 1705.0}, {"index": 17773, "quantile": 1.0, "value": 234100.00000000003, "Latitude": 37.36, "Longitude": -121.85, "Population": 1705.0}, {"index": 17774, "quantile": 0.0, "value": 128600.0, "Latitude": 37.36, "Longitude": -121.85, "Population": 2744.0}, {"index": 17774, "quantile": 0.25, "value": 205900.00000000003, "Latitude": 37.36, "Longitude": -121.85, "Population": 2744.0}, {"index": 17774, "quantile": 0.5, "value": 205900.00000000003, "Latitude": 37.36, "Longitude": -121.85, "Population": 2744.0}, {"index": 17774, "quantile": 0.75, "value": 205900.00000000003, "Latitude": 37.36, "Longitude": -121.85, "Population": 2744.0}, {"index": 17774, "quantile": 1.0, "value": 237500.0, "Latitude": 37.36, "Longitude": -121.85, "Population": 2744.0}, {"index": 17775, "quantile": 0.0, "value": 88000.0, "Latitude": 37.36, "Longitude": -121.86, "Population": 1179.0}, {"index": 17775, "quantile": 0.25, "value": 174400.00000000003, "Latitude": 37.36, "Longitude": -121.86, "Population": 1179.0}, {"index": 17775, "quantile": 0.5, "value": 185150.00000000003, "Latitude": 37.36, "Longitude": -121.86, "Population": 1179.0}, {"index": 17775, "quantile": 0.75, "value": 218250.0, "Latitude": 37.36, "Longitude": -121.86, "Population": 1179.0}, {"index": 17775, "quantile": 1.0, "value": 450000.0, "Latitude": 37.36, "Longitude": -121.86, "Population": 1179.0}, {"index": 17776, "quantile": 0.0, "value": 134400.0, "Latitude": 37.38, "Longitude": -121.84, "Population": 611.0}, {"index": 17776, "quantile": 0.25, "value": 201799.99999999997, "Latitude": 37.38, "Longitude": -121.84, "Population": 611.0}, {"index": 17776, "quantile": 0.5, "value": 201799.99999999997, "Latitude": 37.38, "Longitude": -121.84, "Population": 611.0}, {"index": 17776, "quantile": 0.75, "value": 201799.99999999997, "Latitude": 37.38, "Longitude": -121.84, "Population": 611.0}, {"index": 17776, "quantile": 1.0, "value": 261100.00000000003, "Latitude": 37.38, "Longitude": -121.84, "Population": 611.0}, {"index": 17777, "quantile": 0.0, "value": 123000.0, "Latitude": 37.38, "Longitude": -121.85, "Population": 8190.0}, {"index": 17777, "quantile": 0.25, "value": 208000.0, "Latitude": 37.38, "Longitude": -121.85, "Population": 8190.0}, {"index": 17777, "quantile": 0.5, "value": 231199.99999999997, "Latitude": 37.38, "Longitude": -121.85, "Population": 8190.0}, {"index": 17777, "quantile": 0.75, "value": 238225.0, "Latitude": 37.38, "Longitude": -121.85, "Population": 8190.0}, {"index": 17777, "quantile": 1.0, "value": 325400.0, "Latitude": 37.38, "Longitude": -121.85, "Population": 8190.0}, {"index": 17778, "quantile": 0.0, "value": 192200.0, "Latitude": 37.39, "Longitude": -121.84, "Population": 2848.0}, {"index": 17778, "quantile": 0.25, "value": 229900.0, "Latitude": 37.39, "Longitude": -121.84, "Population": 2848.0}, {"index": 17778, "quantile": 0.5, "value": 229900.0, "Latitude": 37.39, "Longitude": -121.84, "Population": 2848.0}, {"index": 17778, "quantile": 0.75, "value": 239575.0, "Latitude": 37.39, "Longitude": -121.84, "Population": 2848.0}, {"index": 17778, "quantile": 1.0, "value": 386800.0, "Latitude": 37.39, "Longitude": -121.84, "Population": 2848.0}, {"index": 17779, "quantile": 0.0, "value": 88000.0, "Latitude": 37.38, "Longitude": -121.83, "Population": 3278.0}, {"index": 17779, "quantile": 0.25, "value": 159425.0, "Latitude": 37.38, "Longitude": -121.83, "Population": 3278.0}, {"index": 17779, "quantile": 0.5, "value": 195650.0, "Latitude": 37.38, "Longitude": -121.83, "Population": 3278.0}, {"index": 17779, "quantile": 0.75, "value": 234450.0, "Latitude": 37.38, "Longitude": -121.83, "Population": 3278.0}, {"index": 17779, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -121.83, "Population": 3278.0}, {"index": 17780, "quantile": 0.0, "value": 158500.0, "Latitude": 37.38, "Longitude": -121.84, "Population": 781.0}, {"index": 17780, "quantile": 0.25, "value": 186875.0, "Latitude": 37.38, "Longitude": -121.84, "Population": 781.0}, {"index": 17780, "quantile": 0.5, "value": 195800.0, "Latitude": 37.38, "Longitude": -121.84, "Population": 781.0}, {"index": 17780, "quantile": 0.75, "value": 195800.0, "Latitude": 37.38, "Longitude": -121.84, "Population": 781.0}, {"index": 17780, "quantile": 1.0, "value": 276200.0, "Latitude": 37.38, "Longitude": -121.84, "Population": 781.0}, {"index": 17781, "quantile": 0.0, "value": 135300.0, "Latitude": 37.38, "Longitude": -121.83, "Population": 2677.0}, {"index": 17781, "quantile": 0.25, "value": 184800.0, "Latitude": 37.38, "Longitude": -121.83, "Population": 2677.0}, {"index": 17781, "quantile": 0.5, "value": 184800.0, "Latitude": 37.38, "Longitude": -121.83, "Population": 2677.0}, {"index": 17781, "quantile": 0.75, "value": 184800.0, "Latitude": 37.38, "Longitude": -121.83, "Population": 2677.0}, {"index": 17781, "quantile": 1.0, "value": 254500.0, "Latitude": 37.38, "Longitude": -121.83, "Population": 2677.0}, {"index": 17782, "quantile": 0.0, "value": 85600.0, "Latitude": 37.37, "Longitude": -121.83, "Population": 370.0}, {"index": 17782, "quantile": 0.25, "value": 209100.00000000003, "Latitude": 37.37, "Longitude": -121.83, "Population": 370.0}, {"index": 17782, "quantile": 0.5, "value": 209100.00000000003, "Latitude": 37.37, "Longitude": -121.83, "Population": 370.0}, {"index": 17782, "quantile": 0.75, "value": 249575.0, "Latitude": 37.37, "Longitude": -121.83, "Population": 370.0}, {"index": 17782, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -121.83, "Population": 370.0}, {"index": 17783, "quantile": 0.0, "value": 110700.0, "Latitude": 37.37, "Longitude": -121.83, "Population": 800.0}, {"index": 17783, "quantile": 0.25, "value": 182400.0, "Latitude": 37.37, "Longitude": -121.83, "Population": 800.0}, {"index": 17783, "quantile": 0.5, "value": 182400.0, "Latitude": 37.37, "Longitude": -121.83, "Population": 800.0}, {"index": 17783, "quantile": 0.75, "value": 182400.0, "Latitude": 37.37, "Longitude": -121.83, "Population": 800.0}, {"index": 17783, "quantile": 1.0, "value": 284200.0, "Latitude": 37.37, "Longitude": -121.83, "Population": 800.0}, {"index": 17784, "quantile": 0.0, "value": 126299.99999999999, "Latitude": 37.37, "Longitude": -121.84, "Population": 900.0}, {"index": 17784, "quantile": 0.25, "value": 181675.0, "Latitude": 37.37, "Longitude": -121.84, "Population": 900.0}, {"index": 17784, "quantile": 0.5, "value": 187500.0, "Latitude": 37.37, "Longitude": -121.84, "Population": 900.0}, {"index": 17784, "quantile": 0.75, "value": 187500.0, "Latitude": 37.37, "Longitude": -121.84, "Population": 900.0}, {"index": 17784, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -121.84, "Population": 900.0}, {"index": 17785, "quantile": 0.0, "value": 92800.0, "Latitude": 37.37, "Longitude": -121.84, "Population": 1252.0}, {"index": 17785, "quantile": 0.25, "value": 164975.0, "Latitude": 37.37, "Longitude": -121.84, "Population": 1252.0}, {"index": 17785, "quantile": 0.5, "value": 178950.0, "Latitude": 37.37, "Longitude": -121.84, "Population": 1252.0}, {"index": 17785, "quantile": 0.75, "value": 199000.0, "Latitude": 37.37, "Longitude": -121.84, "Population": 1252.0}, {"index": 17785, "quantile": 1.0, "value": 265300.0, "Latitude": 37.37, "Longitude": -121.84, "Population": 1252.0}, {"index": 17786, "quantile": 0.0, "value": 102099.99999999999, "Latitude": 37.37, "Longitude": -121.82, "Population": 445.0}, {"index": 17786, "quantile": 0.25, "value": 196300.0, "Latitude": 37.37, "Longitude": -121.82, "Population": 445.0}, {"index": 17786, "quantile": 0.5, "value": 196300.0, "Latitude": 37.37, "Longitude": -121.82, "Population": 445.0}, {"index": 17786, "quantile": 0.75, "value": 196300.0, "Latitude": 37.37, "Longitude": -121.82, "Population": 445.0}, {"index": 17786, "quantile": 1.0, "value": 434500.0, "Latitude": 37.37, "Longitude": -121.82, "Population": 445.0}, {"index": 17787, "quantile": 0.0, "value": 123400.0, "Latitude": 37.36, "Longitude": -121.83, "Population": 3036.0}, {"index": 17787, "quantile": 0.25, "value": 175475.0, "Latitude": 37.36, "Longitude": -121.83, "Population": 3036.0}, {"index": 17787, "quantile": 0.5, "value": 184800.0, "Latitude": 37.36, "Longitude": -121.83, "Population": 3036.0}, {"index": 17787, "quantile": 0.75, "value": 195750.0, "Latitude": 37.36, "Longitude": -121.83, "Population": 3036.0}, {"index": 17787, "quantile": 1.0, "value": 350000.0, "Latitude": 37.36, "Longitude": -121.83, "Population": 3036.0}, {"index": 17788, "quantile": 0.0, "value": 144000.0, "Latitude": 37.36, "Longitude": -121.83, "Population": 3508.0}, {"index": 17788, "quantile": 0.25, "value": 183800.0, "Latitude": 37.36, "Longitude": -121.83, "Population": 3508.0}, {"index": 17788, "quantile": 0.5, "value": 183800.0, "Latitude": 37.36, "Longitude": -121.83, "Population": 3508.0}, {"index": 17788, "quantile": 0.75, "value": 183800.0, "Latitude": 37.36, "Longitude": -121.83, "Population": 3508.0}, {"index": 17788, "quantile": 1.0, "value": 450000.0, "Latitude": 37.36, "Longitude": -121.83, "Population": 3508.0}, {"index": 17789, "quantile": 0.0, "value": 131100.0, "Latitude": 37.35, "Longitude": -121.83, "Population": 3547.0}, {"index": 17789, "quantile": 0.25, "value": 178600.0, "Latitude": 37.35, "Longitude": -121.83, "Population": 3547.0}, {"index": 17789, "quantile": 0.5, "value": 178600.0, "Latitude": 37.35, "Longitude": -121.83, "Population": 3547.0}, {"index": 17789, "quantile": 0.75, "value": 178600.0, "Latitude": 37.35, "Longitude": -121.83, "Population": 3547.0}, {"index": 17789, "quantile": 1.0, "value": 450000.0, "Latitude": 37.35, "Longitude": -121.83, "Population": 3547.0}, {"index": 17790, "quantile": 0.0, "value": 100000.0, "Latitude": 37.37, "Longitude": -121.82, "Population": 970.0}, {"index": 17790, "quantile": 0.25, "value": 215200.0, "Latitude": 37.37, "Longitude": -121.82, "Population": 970.0}, {"index": 17790, "quantile": 0.5, "value": 215200.0, "Latitude": 37.37, "Longitude": -121.82, "Population": 970.0}, {"index": 17790, "quantile": 0.75, "value": 215200.0, "Latitude": 37.37, "Longitude": -121.82, "Population": 970.0}, {"index": 17790, "quantile": 1.0, "value": 434500.0, "Latitude": 37.37, "Longitude": -121.82, "Population": 970.0}, {"index": 17791, "quantile": 0.0, "value": 169500.0, "Latitude": 37.37, "Longitude": -121.81, "Population": 1931.0}, {"index": 17791, "quantile": 0.25, "value": 213099.99999999997, "Latitude": 37.37, "Longitude": -121.81, "Population": 1931.0}, {"index": 17791, "quantile": 0.5, "value": 213099.99999999997, "Latitude": 37.37, "Longitude": -121.81, "Population": 1931.0}, {"index": 17791, "quantile": 0.75, "value": 217400.0, "Latitude": 37.37, "Longitude": -121.81, "Population": 1931.0}, {"index": 17791, "quantile": 1.0, "value": 378000.0, "Latitude": 37.37, "Longitude": -121.81, "Population": 1931.0}, {"index": 17792, "quantile": 0.0, "value": 67500.0, "Latitude": 37.36, "Longitude": -121.82, "Population": 1412.0}, {"index": 17792, "quantile": 0.25, "value": 160100.0, "Latitude": 37.36, "Longitude": -121.82, "Population": 1412.0}, {"index": 17792, "quantile": 0.5, "value": 177500.0, "Latitude": 37.36, "Longitude": -121.82, "Population": 1412.0}, {"index": 17792, "quantile": 0.75, "value": 185500.0, "Latitude": 37.36, "Longitude": -121.82, "Population": 1412.0}, {"index": 17792, "quantile": 1.0, "value": 374600.0, "Latitude": 37.36, "Longitude": -121.82, "Population": 1412.0}, {"index": 17793, "quantile": 0.0, "value": 67500.0, "Latitude": 37.36, "Longitude": -121.82, "Population": 1450.0}, {"index": 17793, "quantile": 0.25, "value": 160350.00000000003, "Latitude": 37.36, "Longitude": -121.82, "Population": 1450.0}, {"index": 17793, "quantile": 0.5, "value": 178600.0, "Latitude": 37.36, "Longitude": -121.82, "Population": 1450.0}, {"index": 17793, "quantile": 0.75, "value": 192200.0, "Latitude": 37.36, "Longitude": -121.82, "Population": 1450.0}, {"index": 17793, "quantile": 1.0, "value": 342800.0, "Latitude": 37.36, "Longitude": -121.82, "Population": 1450.0}, {"index": 17794, "quantile": 0.0, "value": 157500.0, "Latitude": 37.37, "Longitude": -121.82, "Population": 1873.0}, {"index": 17794, "quantile": 0.25, "value": 167900.0, "Latitude": 37.37, "Longitude": -121.82, "Population": 1873.0}, {"index": 17794, "quantile": 0.5, "value": 167900.0, "Latitude": 37.37, "Longitude": -121.82, "Population": 1873.0}, {"index": 17794, "quantile": 0.75, "value": 167900.0, "Latitude": 37.37, "Longitude": -121.82, "Population": 1873.0}, {"index": 17794, "quantile": 1.0, "value": 440900.0, "Latitude": 37.37, "Longitude": -121.82, "Population": 1873.0}, {"index": 17795, "quantile": 0.0, "value": 320900.0, "Latitude": 37.39, "Longitude": -121.81, "Population": 827.0}, {"index": 17795, "quantile": 0.25, "value": 456500.00000000006, "Latitude": 37.39, "Longitude": -121.81, "Population": 827.0}, {"index": 17795, "quantile": 0.5, "value": 456500.00000000006, "Latitude": 37.39, "Longitude": -121.81, "Population": 827.0}, {"index": 17795, "quantile": 0.75, "value": 456500.00000000006, "Latitude": 37.39, "Longitude": -121.81, "Population": 827.0}, {"index": 17795, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -121.81, "Population": 827.0}, {"index": 17796, "quantile": 0.0, "value": 160100.0, "Latitude": 37.39, "Longitude": -121.82, "Population": 1569.0}, {"index": 17796, "quantile": 0.25, "value": 286200.0, "Latitude": 37.39, "Longitude": -121.82, "Population": 1569.0}, {"index": 17796, "quantile": 0.5, "value": 286200.0, "Latitude": 37.39, "Longitude": -121.82, "Population": 1569.0}, {"index": 17796, "quantile": 0.75, "value": 344550.0, "Latitude": 37.39, "Longitude": -121.82, "Population": 1569.0}, {"index": 17796, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -121.82, "Population": 1569.0}, {"index": 17797, "quantile": 0.0, "value": 139100.0, "Latitude": 37.38, "Longitude": -121.82, "Population": 1687.0}, {"index": 17797, "quantile": 0.25, "value": 280925.0, "Latitude": 37.38, "Longitude": -121.82, "Population": 1687.0}, {"index": 17797, "quantile": 0.5, "value": 293900.0, "Latitude": 37.38, "Longitude": -121.82, "Population": 1687.0}, {"index": 17797, "quantile": 0.75, "value": 335750.0, "Latitude": 37.38, "Longitude": -121.82, "Population": 1687.0}, {"index": 17797, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -121.82, "Population": 1687.0}, {"index": 17798, "quantile": 0.0, "value": 416700.0, "Latitude": 37.38, "Longitude": -121.81, "Population": 244.0}, {"index": 17798, "quantile": 0.25, "value": 416700.0, "Latitude": 37.38, "Longitude": -121.81, "Population": 244.0}, {"index": 17798, "quantile": 0.5, "value": 416700.0, "Latitude": 37.38, "Longitude": -121.81, "Population": 244.0}, {"index": 17798, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -121.81, "Population": 244.0}, {"index": 17798, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -121.81, "Population": 244.0}, {"index": 17799, "quantile": 0.0, "value": 255900.00000000003, "Latitude": 37.38, "Longitude": -121.82, "Population": 768.0}, {"index": 17799, "quantile": 0.25, "value": 320900.0, "Latitude": 37.38, "Longitude": -121.82, "Population": 768.0}, {"index": 17799, "quantile": 0.5, "value": 320900.0, "Latitude": 37.38, "Longitude": -121.82, "Population": 768.0}, {"index": 17799, "quantile": 0.75, "value": 327025.0, "Latitude": 37.38, "Longitude": -121.82, "Population": 768.0}, {"index": 17799, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -121.82, "Population": 768.0}, {"index": 17800, "quantile": 0.0, "value": 212500.0, "Latitude": 37.37, "Longitude": -121.81, "Population": 492.0}, {"index": 17800, "quantile": 0.25, "value": 328000.0, "Latitude": 37.37, "Longitude": -121.81, "Population": 492.0}, {"index": 17800, "quantile": 0.5, "value": 328000.0, "Latitude": 37.37, "Longitude": -121.81, "Population": 492.0}, {"index": 17800, "quantile": 0.75, "value": 328000.0, "Latitude": 37.37, "Longitude": -121.81, "Population": 492.0}, {"index": 17800, "quantile": 1.0, "value": 390800.0, "Latitude": 37.37, "Longitude": -121.81, "Population": 492.0}, {"index": 17801, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 37.38, "Longitude": -121.79, "Population": 1637.0}, {"index": 17801, "quantile": 0.25, "value": 227075.0, "Latitude": 37.38, "Longitude": -121.79, "Population": 1637.0}, {"index": 17801, "quantile": 0.5, "value": 250800.0, "Latitude": 37.38, "Longitude": -121.79, "Population": 1637.0}, {"index": 17801, "quantile": 0.75, "value": 264425.0, "Latitude": 37.38, "Longitude": -121.79, "Population": 1637.0}, {"index": 17801, "quantile": 1.0, "value": 361700.0, "Latitude": 37.38, "Longitude": -121.79, "Population": 1637.0}, {"index": 17802, "quantile": 0.0, "value": 165200.0, "Latitude": 37.36, "Longitude": -121.81, "Population": 1234.0}, {"index": 17802, "quantile": 0.25, "value": 314850.00000000006, "Latitude": 37.36, "Longitude": -121.81, "Population": 1234.0}, {"index": 17802, "quantile": 0.5, "value": 341600.0, "Latitude": 37.36, "Longitude": -121.81, "Population": 1234.0}, {"index": 17802, "quantile": 0.75, "value": 388075.0, "Latitude": 37.36, "Longitude": -121.81, "Population": 1234.0}, {"index": 17802, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -121.81, "Population": 1234.0}, {"index": 17803, "quantile": 0.0, "value": 113100.0, "Latitude": 37.39, "Longitude": -121.87, "Population": 1591.0}, {"index": 17803, "quantile": 0.25, "value": 222000.00000000003, "Latitude": 37.39, "Longitude": -121.87, "Population": 1591.0}, {"index": 17803, "quantile": 0.5, "value": 259700.0, "Latitude": 37.39, "Longitude": -121.87, "Population": 1591.0}, {"index": 17803, "quantile": 0.75, "value": 259700.0, "Latitude": 37.39, "Longitude": -121.87, "Population": 1591.0}, {"index": 17803, "quantile": 1.0, "value": 298400.0, "Latitude": 37.39, "Longitude": -121.87, "Population": 1591.0}, {"index": 17804, "quantile": 0.0, "value": 153200.0, "Latitude": 37.39, "Longitude": -121.87, "Population": 1862.0}, {"index": 17804, "quantile": 0.25, "value": 246800.0, "Latitude": 37.39, "Longitude": -121.87, "Population": 1862.0}, {"index": 17804, "quantile": 0.5, "value": 246800.0, "Latitude": 37.39, "Longitude": -121.87, "Population": 1862.0}, {"index": 17804, "quantile": 0.75, "value": 246800.0, "Latitude": 37.39, "Longitude": -121.87, "Population": 1862.0}, {"index": 17804, "quantile": 1.0, "value": 327300.0, "Latitude": 37.39, "Longitude": -121.87, "Population": 1862.0}, {"index": 17805, "quantile": 0.0, "value": 92700.0, "Latitude": 37.38, "Longitude": -121.87, "Population": 722.0}, {"index": 17805, "quantile": 0.25, "value": 176525.0, "Latitude": 37.38, "Longitude": -121.87, "Population": 722.0}, {"index": 17805, "quantile": 0.5, "value": 212500.0, "Latitude": 37.38, "Longitude": -121.87, "Population": 722.0}, {"index": 17805, "quantile": 0.75, "value": 224024.99999999997, "Latitude": 37.38, "Longitude": -121.87, "Population": 722.0}, {"index": 17805, "quantile": 1.0, "value": 385700.0, "Latitude": 37.38, "Longitude": -121.87, "Population": 722.0}, {"index": 17806, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 37.38, "Longitude": -121.87, "Population": 1863.0}, {"index": 17806, "quantile": 0.25, "value": 257475.0, "Latitude": 37.38, "Longitude": -121.87, "Population": 1863.0}, {"index": 17806, "quantile": 0.5, "value": 269100.0, "Latitude": 37.38, "Longitude": -121.87, "Population": 1863.0}, {"index": 17806, "quantile": 0.75, "value": 269100.0, "Latitude": 37.38, "Longitude": -121.87, "Population": 1863.0}, {"index": 17806, "quantile": 1.0, "value": 436700.0, "Latitude": 37.38, "Longitude": -121.87, "Population": 1863.0}, {"index": 17807, "quantile": 0.0, "value": 141200.0, "Latitude": 37.39, "Longitude": -121.88, "Population": 2240.0}, {"index": 17807, "quantile": 0.25, "value": 273900.0, "Latitude": 37.39, "Longitude": -121.88, "Population": 2240.0}, {"index": 17807, "quantile": 0.5, "value": 273900.0, "Latitude": 37.39, "Longitude": -121.88, "Population": 2240.0}, {"index": 17807, "quantile": 0.75, "value": 273900.0, "Latitude": 37.39, "Longitude": -121.88, "Population": 2240.0}, {"index": 17807, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -121.88, "Population": 2240.0}, {"index": 17808, "quantile": 0.0, "value": 207900.00000000003, "Latitude": 37.41, "Longitude": -121.87, "Population": 2089.0}, {"index": 17808, "quantile": 0.25, "value": 273700.0, "Latitude": 37.41, "Longitude": -121.87, "Population": 2089.0}, {"index": 17808, "quantile": 0.5, "value": 273700.0, "Latitude": 37.41, "Longitude": -121.87, "Population": 2089.0}, {"index": 17808, "quantile": 0.75, "value": 274100.0, "Latitude": 37.41, "Longitude": -121.87, "Population": 2089.0}, {"index": 17808, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -121.87, "Population": 2089.0}, {"index": 17809, "quantile": 0.0, "value": 141200.0, "Latitude": 37.4, "Longitude": -121.87, "Population": 1061.0}, {"index": 17809, "quantile": 0.25, "value": 264125.00000000006, "Latitude": 37.4, "Longitude": -121.87, "Population": 1061.0}, {"index": 17809, "quantile": 0.5, "value": 277900.0, "Latitude": 37.4, "Longitude": -121.87, "Population": 1061.0}, {"index": 17809, "quantile": 0.75, "value": 332950.0, "Latitude": 37.4, "Longitude": -121.87, "Population": 1061.0}, {"index": 17809, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -121.87, "Population": 1061.0}, {"index": 17810, "quantile": 0.0, "value": 143000.0, "Latitude": 37.4, "Longitude": -121.86, "Population": 2196.0}, {"index": 17810, "quantile": 0.25, "value": 268400.0, "Latitude": 37.4, "Longitude": -121.86, "Population": 2196.0}, {"index": 17810, "quantile": 0.5, "value": 268400.0, "Latitude": 37.4, "Longitude": -121.86, "Population": 2196.0}, {"index": 17810, "quantile": 0.75, "value": 272700.0, "Latitude": 37.4, "Longitude": -121.86, "Population": 2196.0}, {"index": 17810, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -121.86, "Population": 2196.0}, {"index": 17811, "quantile": 0.0, "value": 83200.0, "Latitude": 37.39, "Longitude": -121.87, "Population": 1103.0}, {"index": 17811, "quantile": 0.25, "value": 229100.0, "Latitude": 37.39, "Longitude": -121.87, "Population": 1103.0}, {"index": 17811, "quantile": 0.5, "value": 229800.0, "Latitude": 37.39, "Longitude": -121.87, "Population": 1103.0}, {"index": 17811, "quantile": 0.75, "value": 229800.0, "Latitude": 37.39, "Longitude": -121.87, "Population": 1103.0}, {"index": 17811, "quantile": 1.0, "value": 303400.0, "Latitude": 37.39, "Longitude": -121.87, "Population": 1103.0}, {"index": 17812, "quantile": 0.0, "value": 149300.0, "Latitude": 37.39, "Longitude": -121.86, "Population": 1235.0}, {"index": 17812, "quantile": 0.25, "value": 211600.0, "Latitude": 37.39, "Longitude": -121.86, "Population": 1235.0}, {"index": 17812, "quantile": 0.5, "value": 231700.00000000003, "Latitude": 37.39, "Longitude": -121.86, "Population": 1235.0}, {"index": 17812, "quantile": 0.75, "value": 243200.0, "Latitude": 37.39, "Longitude": -121.86, "Population": 1235.0}, {"index": 17812, "quantile": 1.0, "value": 293900.0, "Latitude": 37.39, "Longitude": -121.86, "Population": 1235.0}, {"index": 17813, "quantile": 0.0, "value": 120000.0, "Latitude": 37.39, "Longitude": -121.85, "Population": 4784.0}, {"index": 17813, "quantile": 0.25, "value": 269975.0, "Latitude": 37.39, "Longitude": -121.85, "Population": 4784.0}, {"index": 17813, "quantile": 0.5, "value": 276600.0, "Latitude": 37.39, "Longitude": -121.85, "Population": 4784.0}, {"index": 17813, "quantile": 0.75, "value": 276600.0, "Latitude": 37.39, "Longitude": -121.85, "Population": 4784.0}, {"index": 17813, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -121.85, "Population": 4784.0}, {"index": 17814, "quantile": 0.0, "value": 167600.0, "Latitude": 37.42, "Longitude": -121.82, "Population": 1581.0}, {"index": 17814, "quantile": 0.25, "value": 263300.0, "Latitude": 37.42, "Longitude": -121.82, "Population": 1581.0}, {"index": 17814, "quantile": 0.5, "value": 288500.0, "Latitude": 37.42, "Longitude": -121.82, "Population": 1581.0}, {"index": 17814, "quantile": 0.75, "value": 333300.0, "Latitude": 37.42, "Longitude": -121.82, "Population": 1581.0}, {"index": 17814, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -121.82, "Population": 1581.0}, {"index": 17815, "quantile": 0.0, "value": 141200.0, "Latitude": 37.41, "Longitude": -121.81, "Population": 1034.0}, {"index": 17815, "quantile": 0.25, "value": 295925.0, "Latitude": 37.41, "Longitude": -121.81, "Population": 1034.0}, {"index": 17815, "quantile": 0.5, "value": 345900.0, "Latitude": 37.41, "Longitude": -121.81, "Population": 1034.0}, {"index": 17815, "quantile": 0.75, "value": 378200.0, "Latitude": 37.41, "Longitude": -121.81, "Population": 1034.0}, {"index": 17815, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -121.81, "Population": 1034.0}, {"index": 17816, "quantile": 0.0, "value": 127200.0, "Latitude": 37.4, "Longitude": -121.84, "Population": 840.0}, {"index": 17816, "quantile": 0.25, "value": 278100.0, "Latitude": 37.4, "Longitude": -121.84, "Population": 840.0}, {"index": 17816, "quantile": 0.5, "value": 325850.0, "Latitude": 37.4, "Longitude": -121.84, "Population": 840.0}, {"index": 17816, "quantile": 0.75, "value": 356700.0, "Latitude": 37.4, "Longitude": -121.84, "Population": 840.0}, {"index": 17816, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -121.84, "Population": 840.0}, {"index": 17817, "quantile": 0.0, "value": 164800.0, "Latitude": 37.4, "Longitude": -121.83, "Population": 492.0}, {"index": 17817, "quantile": 0.25, "value": 288550.0, "Latitude": 37.4, "Longitude": -121.83, "Population": 492.0}, {"index": 17817, "quantile": 0.5, "value": 348300.0, "Latitude": 37.4, "Longitude": -121.83, "Population": 492.0}, {"index": 17817, "quantile": 0.75, "value": 348300.0, "Latitude": 37.4, "Longitude": -121.83, "Population": 492.0}, {"index": 17817, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -121.83, "Population": 492.0}, {"index": 17818, "quantile": 0.0, "value": 69200.0, "Latitude": 37.4, "Longitude": -121.9, "Population": 1606.0}, {"index": 17818, "quantile": 0.25, "value": 150000.0, "Latitude": 37.4, "Longitude": -121.9, "Population": 1606.0}, {"index": 17818, "quantile": 0.5, "value": 150000.0, "Latitude": 37.4, "Longitude": -121.9, "Population": 1606.0}, {"index": 17818, "quantile": 0.75, "value": 219725.00000000003, "Latitude": 37.4, "Longitude": -121.9, "Population": 1606.0}, {"index": 17818, "quantile": 1.0, "value": 364200.0, "Latitude": 37.4, "Longitude": -121.9, "Population": 1606.0}, {"index": 17819, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.39, "Longitude": -121.9, "Population": 26.0}, {"index": 17819, "quantile": 0.25, "value": 172925.0, "Latitude": 37.39, "Longitude": -121.9, "Population": 26.0}, {"index": 17819, "quantile": 0.5, "value": 191700.0, "Latitude": 37.39, "Longitude": -121.9, "Population": 26.0}, {"index": 17819, "quantile": 0.75, "value": 231800.0, "Latitude": 37.39, "Longitude": -121.9, "Population": 26.0}, {"index": 17819, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -121.9, "Population": 26.0}, {"index": 17820, "quantile": 0.0, "value": 60000.0, "Latitude": 37.37, "Longitude": -121.9, "Population": 120.0}, {"index": 17820, "quantile": 0.25, "value": 187500.0, "Latitude": 37.37, "Longitude": -121.9, "Population": 120.0}, {"index": 17820, "quantile": 0.5, "value": 187500.0, "Latitude": 37.37, "Longitude": -121.9, "Population": 120.0}, {"index": 17820, "quantile": 0.75, "value": 187500.0, "Latitude": 37.37, "Longitude": -121.9, "Population": 120.0}, {"index": 17820, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -121.9, "Population": 120.0}, {"index": 17821, "quantile": 0.0, "value": 135000.0, "Latitude": 37.37, "Longitude": -121.88, "Population": 3258.0}, {"index": 17821, "quantile": 0.25, "value": 183575.0, "Latitude": 37.37, "Longitude": -121.88, "Population": 3258.0}, {"index": 17821, "quantile": 0.5, "value": 194800.0, "Latitude": 37.37, "Longitude": -121.88, "Population": 3258.0}, {"index": 17821, "quantile": 0.75, "value": 229800.0, "Latitude": 37.37, "Longitude": -121.88, "Population": 3258.0}, {"index": 17821, "quantile": 1.0, "value": 364200.0, "Latitude": 37.37, "Longitude": -121.88, "Population": 3258.0}, {"index": 17822, "quantile": 0.0, "value": 218000.00000000003, "Latitude": 37.38, "Longitude": -121.87, "Population": 2052.0}, {"index": 17822, "quantile": 0.25, "value": 302400.0, "Latitude": 37.38, "Longitude": -121.87, "Population": 2052.0}, {"index": 17822, "quantile": 0.5, "value": 326050.0, "Latitude": 37.38, "Longitude": -121.87, "Population": 2052.0}, {"index": 17822, "quantile": 0.75, "value": 366700.0, "Latitude": 37.38, "Longitude": -121.87, "Population": 2052.0}, {"index": 17822, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -121.87, "Population": 2052.0}, {"index": 17823, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 37.38, "Longitude": -121.86, "Population": 1380.0}, {"index": 17823, "quantile": 0.25, "value": 181100.0, "Latitude": 37.38, "Longitude": -121.86, "Population": 1380.0}, {"index": 17823, "quantile": 0.5, "value": 181100.0, "Latitude": 37.38, "Longitude": -121.86, "Population": 1380.0}, {"index": 17823, "quantile": 0.75, "value": 237400.0, "Latitude": 37.38, "Longitude": -121.86, "Population": 1380.0}, {"index": 17823, "quantile": 1.0, "value": 302700.0, "Latitude": 37.38, "Longitude": -121.86, "Population": 1380.0}, {"index": 17824, "quantile": 0.0, "value": 87500.0, "Latitude": 37.39, "Longitude": -121.89, "Population": 535.0}, {"index": 17824, "quantile": 0.25, "value": 283300.0, "Latitude": 37.39, "Longitude": -121.89, "Population": 535.0}, {"index": 17824, "quantile": 0.5, "value": 425000.0, "Latitude": 37.39, "Longitude": -121.89, "Population": 535.0}, {"index": 17824, "quantile": 0.75, "value": 425000.0, "Latitude": 37.39, "Longitude": -121.89, "Population": 535.0}, {"index": 17824, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -121.89, "Population": 535.0}, {"index": 17825, "quantile": 0.0, "value": 106300.0, "Latitude": 37.4, "Longitude": -121.88, "Population": 4240.0}, {"index": 17825, "quantile": 0.25, "value": 214449.99999999997, "Latitude": 37.4, "Longitude": -121.88, "Population": 4240.0}, {"index": 17825, "quantile": 0.5, "value": 245150.00000000003, "Latitude": 37.4, "Longitude": -121.88, "Population": 4240.0}, {"index": 17825, "quantile": 0.75, "value": 284700.0, "Latitude": 37.4, "Longitude": -121.88, "Population": 4240.0}, {"index": 17825, "quantile": 1.0, "value": 394900.0, "Latitude": 37.4, "Longitude": -121.88, "Population": 4240.0}, {"index": 17826, "quantile": 0.0, "value": 175000.0, "Latitude": 37.38, "Longitude": -121.89, "Population": 2522.0}, {"index": 17826, "quantile": 0.25, "value": 271400.0, "Latitude": 37.38, "Longitude": -121.89, "Population": 2522.0}, {"index": 17826, "quantile": 0.5, "value": 271400.0, "Latitude": 37.38, "Longitude": -121.89, "Population": 2522.0}, {"index": 17826, "quantile": 0.75, "value": 296175.00000000006, "Latitude": 37.38, "Longitude": -121.89, "Population": 2522.0}, {"index": 17826, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -121.89, "Population": 2522.0}, {"index": 17827, "quantile": 0.0, "value": 120000.0, "Latitude": 37.37, "Longitude": -121.88, "Population": 2559.0}, {"index": 17827, "quantile": 0.25, "value": 270025.0, "Latitude": 37.37, "Longitude": -121.88, "Population": 2559.0}, {"index": 17827, "quantile": 0.5, "value": 272700.0, "Latitude": 37.37, "Longitude": -121.88, "Population": 2559.0}, {"index": 17827, "quantile": 0.75, "value": 272700.0, "Latitude": 37.37, "Longitude": -121.88, "Population": 2559.0}, {"index": 17827, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -121.88, "Population": 2559.0}, {"index": 17828, "quantile": 0.0, "value": 110100.0, "Latitude": 37.4, "Longitude": -121.86, "Population": 1419.0}, {"index": 17828, "quantile": 0.25, "value": 234400.0, "Latitude": 37.4, "Longitude": -121.86, "Population": 1419.0}, {"index": 17828, "quantile": 0.5, "value": 248950.0, "Latitude": 37.4, "Longitude": -121.86, "Population": 1419.0}, {"index": 17828, "quantile": 0.75, "value": 261050.0, "Latitude": 37.4, "Longitude": -121.86, "Population": 1419.0}, {"index": 17828, "quantile": 1.0, "value": 402600.0, "Latitude": 37.4, "Longitude": -121.86, "Population": 1419.0}, {"index": 17829, "quantile": 0.0, "value": 67500.0, "Latitude": 37.4, "Longitude": -121.86, "Population": 946.0}, {"index": 17829, "quantile": 0.25, "value": 244300.0, "Latitude": 37.4, "Longitude": -121.86, "Population": 946.0}, {"index": 17829, "quantile": 0.5, "value": 264800.0, "Latitude": 37.4, "Longitude": -121.86, "Population": 946.0}, {"index": 17829, "quantile": 0.75, "value": 283400.0, "Latitude": 37.4, "Longitude": -121.86, "Population": 946.0}, {"index": 17829, "quantile": 1.0, "value": 387700.0, "Latitude": 37.4, "Longitude": -121.86, "Population": 946.0}, {"index": 17830, "quantile": 0.0, "value": 223900.0, "Latitude": 37.41, "Longitude": -121.85, "Population": 1006.0}, {"index": 17830, "quantile": 0.25, "value": 265300.0, "Latitude": 37.41, "Longitude": -121.85, "Population": 1006.0}, {"index": 17830, "quantile": 0.5, "value": 265300.0, "Latitude": 37.41, "Longitude": -121.85, "Population": 1006.0}, {"index": 17830, "quantile": 0.75, "value": 278275.0, "Latitude": 37.41, "Longitude": -121.85, "Population": 1006.0}, {"index": 17830, "quantile": 1.0, "value": 377200.0, "Latitude": 37.41, "Longitude": -121.85, "Population": 1006.0}, {"index": 17831, "quantile": 0.0, "value": 183800.0, "Latitude": 37.4, "Longitude": -121.85, "Population": 1145.0}, {"index": 17831, "quantile": 0.25, "value": 243200.0, "Latitude": 37.4, "Longitude": -121.85, "Population": 1145.0}, {"index": 17831, "quantile": 0.5, "value": 243200.0, "Latitude": 37.4, "Longitude": -121.85, "Population": 1145.0}, {"index": 17831, "quantile": 0.75, "value": 243200.0, "Latitude": 37.4, "Longitude": -121.85, "Population": 1145.0}, {"index": 17831, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -121.85, "Population": 1145.0}, {"index": 17832, "quantile": 0.0, "value": 133800.0, "Latitude": 37.41, "Longitude": -121.86, "Population": 1718.0}, {"index": 17832, "quantile": 0.25, "value": 178900.0, "Latitude": 37.41, "Longitude": -121.86, "Population": 1718.0}, {"index": 17832, "quantile": 0.5, "value": 178900.0, "Latitude": 37.41, "Longitude": -121.86, "Population": 1718.0}, {"index": 17832, "quantile": 0.75, "value": 230900.00000000003, "Latitude": 37.41, "Longitude": -121.86, "Population": 1718.0}, {"index": 17832, "quantile": 1.0, "value": 359900.0, "Latitude": 37.41, "Longitude": -121.86, "Population": 1718.0}, {"index": 17833, "quantile": 0.0, "value": 178900.0, "Latitude": 37.41, "Longitude": -121.85, "Population": 1400.0}, {"index": 17833, "quantile": 0.25, "value": 199100.0, "Latitude": 37.41, "Longitude": -121.85, "Population": 1400.0}, {"index": 17833, "quantile": 0.5, "value": 199100.0, "Latitude": 37.41, "Longitude": -121.85, "Population": 1400.0}, {"index": 17833, "quantile": 0.75, "value": 227274.99999999997, "Latitude": 37.41, "Longitude": -121.85, "Population": 1400.0}, {"index": 17833, "quantile": 1.0, "value": 297900.0, "Latitude": 37.41, "Longitude": -121.85, "Population": 1400.0}, {"index": 17834, "quantile": 0.0, "value": 120000.0, "Latitude": 37.41, "Longitude": -121.86, "Population": 1080.0}, {"index": 17834, "quantile": 0.25, "value": 262850.0, "Latitude": 37.41, "Longitude": -121.86, "Population": 1080.0}, {"index": 17834, "quantile": 0.5, "value": 266900.0, "Latitude": 37.41, "Longitude": -121.86, "Population": 1080.0}, {"index": 17834, "quantile": 0.75, "value": 266900.0, "Latitude": 37.41, "Longitude": -121.86, "Population": 1080.0}, {"index": 17834, "quantile": 1.0, "value": 402600.0, "Latitude": 37.41, "Longitude": -121.86, "Population": 1080.0}, {"index": 17835, "quantile": 0.0, "value": 212500.0, "Latitude": 37.41, "Longitude": -121.86, "Population": 945.0}, {"index": 17835, "quantile": 0.25, "value": 267000.0, "Latitude": 37.41, "Longitude": -121.86, "Population": 945.0}, {"index": 17835, "quantile": 0.5, "value": 267000.0, "Latitude": 37.41, "Longitude": -121.86, "Population": 945.0}, {"index": 17835, "quantile": 0.75, "value": 273900.0, "Latitude": 37.41, "Longitude": -121.86, "Population": 945.0}, {"index": 17835, "quantile": 1.0, "value": 467699.99999999994, "Latitude": 37.41, "Longitude": -121.86, "Population": 945.0}, {"index": 17836, "quantile": 0.0, "value": 67500.0, "Latitude": 37.41, "Longitude": -121.86, "Population": 1671.0}, {"index": 17836, "quantile": 0.25, "value": 244300.0, "Latitude": 37.41, "Longitude": -121.86, "Population": 1671.0}, {"index": 17836, "quantile": 0.5, "value": 264800.0, "Latitude": 37.41, "Longitude": -121.86, "Population": 1671.0}, {"index": 17836, "quantile": 0.75, "value": 285300.0, "Latitude": 37.41, "Longitude": -121.86, "Population": 1671.0}, {"index": 17836, "quantile": 1.0, "value": 393100.0, "Latitude": 37.41, "Longitude": -121.86, "Population": 1671.0}, {"index": 17837, "quantile": 0.0, "value": 196600.0, "Latitude": 37.44, "Longitude": -121.9, "Population": 2594.0}, {"index": 17837, "quantile": 0.25, "value": 265175.0, "Latitude": 37.44, "Longitude": -121.9, "Population": 2594.0}, {"index": 17837, "quantile": 0.5, "value": 289200.0, "Latitude": 37.44, "Longitude": -121.9, "Population": 2594.0}, {"index": 17837, "quantile": 0.75, "value": 318300.0, "Latitude": 37.44, "Longitude": -121.9, "Population": 2594.0}, {"index": 17837, "quantile": 1.0, "value": 393100.0, "Latitude": 37.44, "Longitude": -121.9, "Population": 2594.0}, {"index": 17838, "quantile": 0.0, "value": 72100.0, "Latitude": 37.44, "Longitude": -121.9, "Population": 853.0}, {"index": 17838, "quantile": 0.25, "value": 237750.0, "Latitude": 37.44, "Longitude": -121.9, "Population": 853.0}, {"index": 17838, "quantile": 0.5, "value": 265500.0, "Latitude": 37.44, "Longitude": -121.9, "Population": 853.0}, {"index": 17838, "quantile": 0.75, "value": 265500.0, "Latitude": 37.44, "Longitude": -121.9, "Population": 853.0}, {"index": 17838, "quantile": 1.0, "value": 342400.0, "Latitude": 37.44, "Longitude": -121.9, "Population": 853.0}, {"index": 17839, "quantile": 0.0, "value": 173200.0, "Latitude": 37.44, "Longitude": -121.9, "Population": 532.0}, {"index": 17839, "quantile": 0.25, "value": 441000.0, "Latitude": 37.44, "Longitude": -121.9, "Population": 532.0}, {"index": 17839, "quantile": 0.5, "value": 441000.0, "Latitude": 37.44, "Longitude": -121.9, "Population": 532.0}, {"index": 17839, "quantile": 0.75, "value": 441000.0, "Latitude": 37.44, "Longitude": -121.9, "Population": 532.0}, {"index": 17839, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -121.9, "Population": 532.0}, {"index": 17840, "quantile": 0.0, "value": 193500.0, "Latitude": 37.44, "Longitude": -121.89, "Population": 1527.0}, {"index": 17840, "quantile": 0.25, "value": 351100.0, "Latitude": 37.44, "Longitude": -121.89, "Population": 1527.0}, {"index": 17840, "quantile": 0.5, "value": 370500.0, "Latitude": 37.44, "Longitude": -121.89, "Population": 1527.0}, {"index": 17840, "quantile": 0.75, "value": 404699.99999999994, "Latitude": 37.44, "Longitude": -121.89, "Population": 1527.0}, {"index": 17840, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -121.89, "Population": 1527.0}, {"index": 17841, "quantile": 0.0, "value": 128600.0, "Latitude": 37.43, "Longitude": -121.88, "Population": 2762.0}, {"index": 17841, "quantile": 0.25, "value": 172425.0, "Latitude": 37.43, "Longitude": -121.88, "Population": 2762.0}, {"index": 17841, "quantile": 0.5, "value": 185600.0, "Latitude": 37.43, "Longitude": -121.88, "Population": 2762.0}, {"index": 17841, "quantile": 0.75, "value": 194800.0, "Latitude": 37.43, "Longitude": -121.88, "Population": 2762.0}, {"index": 17841, "quantile": 1.0, "value": 250199.99999999997, "Latitude": 37.43, "Longitude": -121.88, "Population": 2762.0}, {"index": 17842, "quantile": 0.0, "value": 181100.0, "Latitude": 37.43, "Longitude": -121.88, "Population": 1898.0}, {"index": 17842, "quantile": 0.25, "value": 207300.0, "Latitude": 37.43, "Longitude": -121.88, "Population": 1898.0}, {"index": 17842, "quantile": 0.5, "value": 226799.99999999997, "Latitude": 37.43, "Longitude": -121.88, "Population": 1898.0}, {"index": 17842, "quantile": 0.75, "value": 244575.0, "Latitude": 37.43, "Longitude": -121.88, "Population": 1898.0}, {"index": 17842, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -121.88, "Population": 1898.0}, {"index": 17843, "quantile": 0.0, "value": 177500.0, "Latitude": 37.43, "Longitude": -121.87, "Population": 2118.0}, {"index": 17843, "quantile": 0.25, "value": 254199.99999999997, "Latitude": 37.43, "Longitude": -121.87, "Population": 2118.0}, {"index": 17843, "quantile": 0.5, "value": 254199.99999999997, "Latitude": 37.43, "Longitude": -121.87, "Population": 2118.0}, {"index": 17843, "quantile": 0.75, "value": 254199.99999999997, "Latitude": 37.43, "Longitude": -121.87, "Population": 2118.0}, {"index": 17843, "quantile": 1.0, "value": 402600.0, "Latitude": 37.43, "Longitude": -121.87, "Population": 2118.0}, {"index": 17844, "quantile": 0.0, "value": 171900.0, "Latitude": 37.44, "Longitude": -121.85, "Population": 241.0}, {"index": 17844, "quantile": 0.25, "value": 271900.0, "Latitude": 37.44, "Longitude": -121.85, "Population": 241.0}, {"index": 17844, "quantile": 0.5, "value": 311800.0, "Latitude": 37.44, "Longitude": -121.85, "Population": 241.0}, {"index": 17844, "quantile": 0.75, "value": 366700.0, "Latitude": 37.44, "Longitude": -121.85, "Population": 241.0}, {"index": 17844, "quantile": 1.0, "value": 485300.0, "Latitude": 37.44, "Longitude": -121.85, "Population": 241.0}, {"index": 17845, "quantile": 0.0, "value": 127200.0, "Latitude": 37.42, "Longitude": -121.87, "Population": 6810.0}, {"index": 17845, "quantile": 0.25, "value": 264500.0, "Latitude": 37.42, "Longitude": -121.87, "Population": 6810.0}, {"index": 17845, "quantile": 0.5, "value": 264500.0, "Latitude": 37.42, "Longitude": -121.87, "Population": 6810.0}, {"index": 17845, "quantile": 0.75, "value": 264500.0, "Latitude": 37.42, "Longitude": -121.87, "Population": 6810.0}, {"index": 17845, "quantile": 1.0, "value": 393100.0, "Latitude": 37.42, "Longitude": -121.87, "Population": 6810.0}, {"index": 17846, "quantile": 0.0, "value": 190900.0, "Latitude": 37.41, "Longitude": -121.87, "Population": 1891.0}, {"index": 17846, "quantile": 0.25, "value": 248700.0, "Latitude": 37.41, "Longitude": -121.87, "Population": 1891.0}, {"index": 17846, "quantile": 0.5, "value": 248700.0, "Latitude": 37.41, "Longitude": -121.87, "Population": 1891.0}, {"index": 17846, "quantile": 0.75, "value": 248700.0, "Latitude": 37.41, "Longitude": -121.87, "Population": 1891.0}, {"index": 17846, "quantile": 1.0, "value": 302100.0, "Latitude": 37.41, "Longitude": -121.87, "Population": 1891.0}, {"index": 17847, "quantile": 0.0, "value": 114500.0, "Latitude": 37.41, "Longitude": -121.88, "Population": 2183.0}, {"index": 17847, "quantile": 0.25, "value": 176975.0, "Latitude": 37.41, "Longitude": -121.88, "Population": 2183.0}, {"index": 17847, "quantile": 0.5, "value": 199000.0, "Latitude": 37.41, "Longitude": -121.88, "Population": 2183.0}, {"index": 17847, "quantile": 0.75, "value": 224775.0, "Latitude": 37.41, "Longitude": -121.88, "Population": 2183.0}, {"index": 17847, "quantile": 1.0, "value": 450000.0, "Latitude": 37.41, "Longitude": -121.88, "Population": 2183.0}, {"index": 17848, "quantile": 0.0, "value": 254199.99999999997, "Latitude": 37.42, "Longitude": -121.86, "Population": 2695.0}, {"index": 17848, "quantile": 0.25, "value": 264800.0, "Latitude": 37.42, "Longitude": -121.86, "Population": 2695.0}, {"index": 17848, "quantile": 0.5, "value": 264800.0, "Latitude": 37.42, "Longitude": -121.86, "Population": 2695.0}, {"index": 17848, "quantile": 0.75, "value": 276200.0, "Latitude": 37.42, "Longitude": -121.86, "Population": 2695.0}, {"index": 17848, "quantile": 1.0, "value": 393100.0, "Latitude": 37.42, "Longitude": -121.86, "Population": 2695.0}, {"index": 17849, "quantile": 0.0, "value": 186400.0, "Latitude": 37.42, "Longitude": -121.87, "Population": 2685.0}, {"index": 17849, "quantile": 0.25, "value": 245575.0, "Latitude": 37.42, "Longitude": -121.87, "Population": 2685.0}, {"index": 17849, "quantile": 0.5, "value": 261100.00000000003, "Latitude": 37.42, "Longitude": -121.87, "Population": 2685.0}, {"index": 17849, "quantile": 0.75, "value": 261100.00000000003, "Latitude": 37.42, "Longitude": -121.87, "Population": 2685.0}, {"index": 17849, "quantile": 1.0, "value": 302700.0, "Latitude": 37.42, "Longitude": -121.87, "Population": 2685.0}, {"index": 17850, "quantile": 0.0, "value": 88900.0, "Latitude": 37.44, "Longitude": -121.88, "Population": 1028.0}, {"index": 17850, "quantile": 0.25, "value": 186900.0, "Latitude": 37.44, "Longitude": -121.88, "Population": 1028.0}, {"index": 17850, "quantile": 0.5, "value": 186900.0, "Latitude": 37.44, "Longitude": -121.88, "Population": 1028.0}, {"index": 17850, "quantile": 0.75, "value": 215575.00000000003, "Latitude": 37.44, "Longitude": -121.88, "Population": 1028.0}, {"index": 17850, "quantile": 1.0, "value": 378000.0, "Latitude": 37.44, "Longitude": -121.88, "Population": 1028.0}, {"index": 17851, "quantile": 0.0, "value": 72100.0, "Latitude": 37.44, "Longitude": -121.88, "Population": 1427.0}, {"index": 17851, "quantile": 0.25, "value": 144000.0, "Latitude": 37.44, "Longitude": -121.88, "Population": 1427.0}, {"index": 17851, "quantile": 0.5, "value": 144000.0, "Latitude": 37.44, "Longitude": -121.88, "Population": 1427.0}, {"index": 17851, "quantile": 0.75, "value": 201275.0, "Latitude": 37.44, "Longitude": -121.88, "Population": 1427.0}, {"index": 17851, "quantile": 1.0, "value": 450000.0, "Latitude": 37.44, "Longitude": -121.88, "Population": 1427.0}, {"index": 17852, "quantile": 0.0, "value": 154800.0, "Latitude": 37.44, "Longitude": -121.88, "Population": 1089.0}, {"index": 17852, "quantile": 0.25, "value": 226399.99999999997, "Latitude": 37.44, "Longitude": -121.88, "Population": 1089.0}, {"index": 17852, "quantile": 0.5, "value": 226399.99999999997, "Latitude": 37.44, "Longitude": -121.88, "Population": 1089.0}, {"index": 17852, "quantile": 0.75, "value": 226399.99999999997, "Latitude": 37.44, "Longitude": -121.88, "Population": 1089.0}, {"index": 17852, "quantile": 1.0, "value": 352000.0, "Latitude": 37.44, "Longitude": -121.88, "Population": 1089.0}, {"index": 17853, "quantile": 0.0, "value": 88900.0, "Latitude": 37.44, "Longitude": -121.88, "Population": 910.0}, {"index": 17853, "quantile": 0.25, "value": 193100.0, "Latitude": 37.44, "Longitude": -121.88, "Population": 910.0}, {"index": 17853, "quantile": 0.5, "value": 226399.99999999997, "Latitude": 37.44, "Longitude": -121.88, "Population": 910.0}, {"index": 17853, "quantile": 0.75, "value": 236099.99999999997, "Latitude": 37.44, "Longitude": -121.88, "Population": 910.0}, {"index": 17853, "quantile": 1.0, "value": 359900.0, "Latitude": 37.44, "Longitude": -121.88, "Population": 910.0}, {"index": 17854, "quantile": 0.0, "value": 345900.0, "Latitude": 37.46, "Longitude": -121.89, "Population": 705.0}, {"index": 17854, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -121.89, "Population": 705.0}, {"index": 17854, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -121.89, "Population": 705.0}, {"index": 17854, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -121.89, "Population": 705.0}, {"index": 17854, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -121.89, "Population": 705.0}, {"index": 17855, "quantile": 0.0, "value": 345900.0, "Latitude": 37.46, "Longitude": -121.88, "Population": 802.0}, {"index": 17855, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -121.88, "Population": 802.0}, {"index": 17855, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -121.88, "Population": 802.0}, {"index": 17855, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -121.88, "Population": 802.0}, {"index": 17855, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -121.88, "Population": 802.0}, {"index": 17856, "quantile": 0.0, "value": 88000.0, "Latitude": 37.45, "Longitude": -121.89, "Population": 1687.0}, {"index": 17856, "quantile": 0.25, "value": 226649.99999999997, "Latitude": 37.45, "Longitude": -121.89, "Population": 1687.0}, {"index": 17856, "quantile": 0.5, "value": 254400.0, "Latitude": 37.45, "Longitude": -121.89, "Population": 1687.0}, {"index": 17856, "quantile": 0.75, "value": 254400.0, "Latitude": 37.45, "Longitude": -121.89, "Population": 1687.0}, {"index": 17856, "quantile": 1.0, "value": 386400.0, "Latitude": 37.45, "Longitude": -121.89, "Population": 1687.0}, {"index": 17857, "quantile": 0.0, "value": 127200.0, "Latitude": 37.44, "Longitude": -121.88, "Population": 1107.0}, {"index": 17857, "quantile": 0.25, "value": 265300.0, "Latitude": 37.44, "Longitude": -121.88, "Population": 1107.0}, {"index": 17857, "quantile": 0.5, "value": 289200.0, "Latitude": 37.44, "Longitude": -121.88, "Population": 1107.0}, {"index": 17857, "quantile": 0.75, "value": 332500.0, "Latitude": 37.44, "Longitude": -121.88, "Population": 1107.0}, {"index": 17857, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -121.88, "Population": 1107.0}, {"index": 17858, "quantile": 0.0, "value": 112500.0, "Latitude": 37.46, "Longitude": -121.87, "Population": 58.0}, {"index": 17858, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -121.87, "Population": 58.0}, {"index": 17858, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -121.87, "Population": 58.0}, {"index": 17858, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -121.87, "Population": 58.0}, {"index": 17858, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -121.87, "Population": 58.0}, {"index": 17859, "quantile": 0.0, "value": 98300.0, "Latitude": 37.46, "Longitude": -121.9, "Population": 1788.0}, {"index": 17859, "quantile": 0.25, "value": 163225.0, "Latitude": 37.46, "Longitude": -121.9, "Population": 1788.0}, {"index": 17859, "quantile": 0.5, "value": 186650.0, "Latitude": 37.46, "Longitude": -121.9, "Population": 1788.0}, {"index": 17859, "quantile": 0.75, "value": 210700.00000000003, "Latitude": 37.46, "Longitude": -121.9, "Population": 1788.0}, {"index": 17859, "quantile": 1.0, "value": 364200.0, "Latitude": 37.46, "Longitude": -121.9, "Population": 1788.0}, {"index": 17860, "quantile": 0.0, "value": 168800.0, "Latitude": 37.46, "Longitude": -121.91, "Population": 1716.0}, {"index": 17860, "quantile": 0.25, "value": 226799.99999999997, "Latitude": 37.46, "Longitude": -121.91, "Population": 1716.0}, {"index": 17860, "quantile": 0.5, "value": 226799.99999999997, "Latitude": 37.46, "Longitude": -121.91, "Population": 1716.0}, {"index": 17860, "quantile": 0.75, "value": 226799.99999999997, "Latitude": 37.46, "Longitude": -121.91, "Population": 1716.0}, {"index": 17860, "quantile": 1.0, "value": 308000.0, "Latitude": 37.46, "Longitude": -121.91, "Population": 1716.0}, {"index": 17861, "quantile": 0.0, "value": 143000.0, "Latitude": 37.45, "Longitude": -121.9, "Population": 2984.0}, {"index": 17861, "quantile": 0.25, "value": 276200.0, "Latitude": 37.45, "Longitude": -121.9, "Population": 2984.0}, {"index": 17861, "quantile": 0.5, "value": 276200.0, "Latitude": 37.45, "Longitude": -121.9, "Population": 2984.0}, {"index": 17861, "quantile": 0.75, "value": 276200.0, "Latitude": 37.45, "Longitude": -121.9, "Population": 2984.0}, {"index": 17861, "quantile": 1.0, "value": 412600.00000000006, "Latitude": 37.45, "Longitude": -121.9, "Population": 2984.0}, {"index": 17862, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 37.45, "Longitude": -121.9, "Population": 1525.0}, {"index": 17862, "quantile": 0.25, "value": 258825.0, "Latitude": 37.45, "Longitude": -121.9, "Population": 1525.0}, {"index": 17862, "quantile": 0.5, "value": 320500.0, "Latitude": 37.45, "Longitude": -121.9, "Population": 1525.0}, {"index": 17862, "quantile": 0.75, "value": 320500.0, "Latitude": 37.45, "Longitude": -121.9, "Population": 1525.0}, {"index": 17862, "quantile": 1.0, "value": 436700.0, "Latitude": 37.45, "Longitude": -121.9, "Population": 1525.0}, {"index": 17863, "quantile": 0.0, "value": 123500.00000000001, "Latitude": 37.42, "Longitude": -121.91, "Population": 1224.0}, {"index": 17863, "quantile": 0.25, "value": 174100.0, "Latitude": 37.42, "Longitude": -121.91, "Population": 1224.0}, {"index": 17863, "quantile": 0.5, "value": 174100.0, "Latitude": 37.42, "Longitude": -121.91, "Population": 1224.0}, {"index": 17863, "quantile": 0.75, "value": 178300.0, "Latitude": 37.42, "Longitude": -121.91, "Population": 1224.0}, {"index": 17863, "quantile": 1.0, "value": 374600.0, "Latitude": 37.42, "Longitude": -121.91, "Population": 1224.0}, {"index": 17864, "quantile": 0.0, "value": 193400.0, "Latitude": 37.41, "Longitude": -121.9, "Population": 3188.0}, {"index": 17864, "quantile": 0.25, "value": 228700.0, "Latitude": 37.41, "Longitude": -121.9, "Population": 3188.0}, {"index": 17864, "quantile": 0.5, "value": 228700.0, "Latitude": 37.41, "Longitude": -121.9, "Population": 3188.0}, {"index": 17864, "quantile": 0.75, "value": 229699.99999999997, "Latitude": 37.41, "Longitude": -121.9, "Population": 3188.0}, {"index": 17864, "quantile": 1.0, "value": 308700.0, "Latitude": 37.41, "Longitude": -121.9, "Population": 3188.0}, {"index": 17865, "quantile": 0.0, "value": 192600.0, "Latitude": 37.42, "Longitude": -121.89, "Population": 52.0}, {"index": 17865, "quantile": 0.25, "value": 225000.0, "Latitude": 37.42, "Longitude": -121.89, "Population": 52.0}, {"index": 17865, "quantile": 0.5, "value": 225000.0, "Latitude": 37.42, "Longitude": -121.89, "Population": 52.0}, {"index": 17865, "quantile": 0.75, "value": 296875.0, "Latitude": 37.42, "Longitude": -121.89, "Population": 52.0}, {"index": 17865, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -121.89, "Population": 52.0}, {"index": 17866, "quantile": 0.0, "value": 77500.0, "Latitude": 37.45, "Longitude": -121.92, "Population": 2032.0}, {"index": 17866, "quantile": 0.25, "value": 237374.99999999997, "Latitude": 37.45, "Longitude": -121.92, "Population": 2032.0}, {"index": 17866, "quantile": 0.5, "value": 252199.99999999997, "Latitude": 37.45, "Longitude": -121.92, "Population": 2032.0}, {"index": 17866, "quantile": 0.75, "value": 252199.99999999997, "Latitude": 37.45, "Longitude": -121.92, "Population": 2032.0}, {"index": 17866, "quantile": 1.0, "value": 294000.0, "Latitude": 37.45, "Longitude": -121.92, "Population": 2032.0}, {"index": 17867, "quantile": 0.0, "value": 112500.0, "Latitude": 37.44, "Longitude": -121.91, "Population": 951.0}, {"index": 17867, "quantile": 0.25, "value": 223800.0, "Latitude": 37.44, "Longitude": -121.91, "Population": 951.0}, {"index": 17867, "quantile": 0.5, "value": 225800.0, "Latitude": 37.44, "Longitude": -121.91, "Population": 951.0}, {"index": 17867, "quantile": 0.75, "value": 225800.0, "Latitude": 37.44, "Longitude": -121.91, "Population": 951.0}, {"index": 17867, "quantile": 1.0, "value": 378000.0, "Latitude": 37.44, "Longitude": -121.91, "Population": 951.0}, {"index": 17868, "quantile": 0.0, "value": 123500.00000000001, "Latitude": 37.44, "Longitude": -121.91, "Population": 1645.0}, {"index": 17868, "quantile": 0.25, "value": 208000.0, "Latitude": 37.44, "Longitude": -121.91, "Population": 1645.0}, {"index": 17868, "quantile": 0.5, "value": 223800.0, "Latitude": 37.44, "Longitude": -121.91, "Population": 1645.0}, {"index": 17868, "quantile": 0.75, "value": 248700.0, "Latitude": 37.44, "Longitude": -121.91, "Population": 1645.0}, {"index": 17868, "quantile": 1.0, "value": 436700.0, "Latitude": 37.44, "Longitude": -121.91, "Population": 1645.0}, {"index": 17869, "quantile": 0.0, "value": 144000.0, "Latitude": 37.44, "Longitude": -121.91, "Population": 799.0}, {"index": 17869, "quantile": 0.25, "value": 188000.0, "Latitude": 37.44, "Longitude": -121.91, "Population": 799.0}, {"index": 17869, "quantile": 0.5, "value": 214600.0, "Latitude": 37.44, "Longitude": -121.91, "Population": 799.0}, {"index": 17869, "quantile": 0.75, "value": 232174.99999999997, "Latitude": 37.44, "Longitude": -121.91, "Population": 799.0}, {"index": 17869, "quantile": 1.0, "value": 359900.0, "Latitude": 37.44, "Longitude": -121.91, "Population": 799.0}, {"index": 17870, "quantile": 0.0, "value": 112500.0, "Latitude": 37.43, "Longitude": -121.91, "Population": 1714.0}, {"index": 17870, "quantile": 0.25, "value": 222000.00000000003, "Latitude": 37.43, "Longitude": -121.91, "Population": 1714.0}, {"index": 17870, "quantile": 0.5, "value": 224900.0, "Latitude": 37.43, "Longitude": -121.91, "Population": 1714.0}, {"index": 17870, "quantile": 0.75, "value": 224900.0, "Latitude": 37.43, "Longitude": -121.91, "Population": 1714.0}, {"index": 17870, "quantile": 1.0, "value": 378000.0, "Latitude": 37.43, "Longitude": -121.91, "Population": 1714.0}, {"index": 17871, "quantile": 0.0, "value": 52100.0, "Latitude": 37.44, "Longitude": -122.07, "Population": 2756.0}, {"index": 17871, "quantile": 0.25, "value": 151500.0, "Latitude": 37.44, "Longitude": -122.07, "Population": 2756.0}, {"index": 17871, "quantile": 0.5, "value": 159900.0, "Latitude": 37.44, "Longitude": -122.07, "Population": 2756.0}, {"index": 17871, "quantile": 0.75, "value": 184825.00000000003, "Latitude": 37.44, "Longitude": -122.07, "Population": 2756.0}, {"index": 17871, "quantile": 1.0, "value": 316700.0, "Latitude": 37.44, "Longitude": -122.07, "Population": 2756.0}, {"index": 17872, "quantile": 0.0, "value": 128600.0, "Latitude": 37.43, "Longitude": -121.96, "Population": 2205.0}, {"index": 17872, "quantile": 0.25, "value": 158000.0, "Latitude": 37.43, "Longitude": -121.96, "Population": 2205.0}, {"index": 17872, "quantile": 0.5, "value": 158000.0, "Latitude": 37.43, "Longitude": -121.96, "Population": 2205.0}, {"index": 17872, "quantile": 0.75, "value": 167099.99999999997, "Latitude": 37.43, "Longitude": -121.96, "Population": 2205.0}, {"index": 17872, "quantile": 1.0, "value": 300000.0, "Latitude": 37.43, "Longitude": -121.96, "Population": 2205.0}, {"index": 17873, "quantile": 0.0, "value": 71300.0, "Latitude": 37.44, "Longitude": -121.97, "Population": 219.0}, {"index": 17873, "quantile": 0.25, "value": 112500.0, "Latitude": 37.44, "Longitude": -121.97, "Population": 219.0}, {"index": 17873, "quantile": 0.5, "value": 112500.0, "Latitude": 37.44, "Longitude": -121.97, "Population": 219.0}, {"index": 17873, "quantile": 0.75, "value": 188100.0, "Latitude": 37.44, "Longitude": -121.97, "Population": 219.0}, {"index": 17873, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -121.97, "Population": 219.0}, {"index": 17874, "quantile": 0.0, "value": 155000.0, "Latitude": 37.4, "Longitude": -121.99, "Population": 1196.0}, {"index": 17874, "quantile": 0.25, "value": 226700.0, "Latitude": 37.4, "Longitude": -121.99, "Population": 1196.0}, {"index": 17874, "quantile": 0.5, "value": 226700.0, "Latitude": 37.4, "Longitude": -121.99, "Population": 1196.0}, {"index": 17874, "quantile": 0.75, "value": 265599.99999999994, "Latitude": 37.4, "Longitude": -121.99, "Population": 1196.0}, {"index": 17874, "quantile": 1.0, "value": 425000.0, "Latitude": 37.4, "Longitude": -121.99, "Population": 1196.0}, {"index": 17875, "quantile": 0.0, "value": 168800.0, "Latitude": 37.4, "Longitude": -121.99, "Population": 1343.0}, {"index": 17875, "quantile": 0.25, "value": 232925.0, "Latitude": 37.4, "Longitude": -121.99, "Population": 1343.0}, {"index": 17875, "quantile": 0.5, "value": 235300.00000000003, "Latitude": 37.4, "Longitude": -121.99, "Population": 1343.0}, {"index": 17875, "quantile": 0.75, "value": 235300.00000000003, "Latitude": 37.4, "Longitude": -121.99, "Population": 1343.0}, {"index": 17875, "quantile": 1.0, "value": 353700.0, "Latitude": 37.4, "Longitude": -121.99, "Population": 1343.0}, {"index": 17876, "quantile": 0.0, "value": 123500.00000000001, "Latitude": 37.39, "Longitude": -121.99, "Population": 2484.0}, {"index": 17876, "quantile": 0.25, "value": 230700.0, "Latitude": 37.39, "Longitude": -121.99, "Population": 2484.0}, {"index": 17876, "quantile": 0.5, "value": 230700.0, "Latitude": 37.39, "Longitude": -121.99, "Population": 2484.0}, {"index": 17876, "quantile": 0.75, "value": 230700.0, "Latitude": 37.39, "Longitude": -121.99, "Population": 2484.0}, {"index": 17876, "quantile": 1.0, "value": 378000.0, "Latitude": 37.39, "Longitude": -121.99, "Population": 2484.0}, {"index": 17877, "quantile": 0.0, "value": 159900.0, "Latitude": 37.4, "Longitude": -122.02, "Population": 1285.0}, {"index": 17877, "quantile": 0.25, "value": 226799.99999999997, "Latitude": 37.4, "Longitude": -122.02, "Population": 1285.0}, {"index": 17877, "quantile": 0.5, "value": 226799.99999999997, "Latitude": 37.4, "Longitude": -122.02, "Population": 1285.0}, {"index": 17877, "quantile": 0.75, "value": 226799.99999999997, "Latitude": 37.4, "Longitude": -122.02, "Population": 1285.0}, {"index": 17877, "quantile": 1.0, "value": 332400.0, "Latitude": 37.4, "Longitude": -122.02, "Population": 1285.0}, {"index": 17878, "quantile": 0.0, "value": 95200.0, "Latitude": 37.4, "Longitude": -122.01, "Population": 813.0}, {"index": 17878, "quantile": 0.25, "value": 187500.0, "Latitude": 37.4, "Longitude": -122.01, "Population": 813.0}, {"index": 17878, "quantile": 0.5, "value": 225599.99999999997, "Latitude": 37.4, "Longitude": -122.01, "Population": 813.0}, {"index": 17878, "quantile": 0.75, "value": 267100.0, "Latitude": 37.4, "Longitude": -122.01, "Population": 813.0}, {"index": 17878, "quantile": 1.0, "value": 454100.00000000006, "Latitude": 37.4, "Longitude": -122.01, "Population": 813.0}, {"index": 17879, "quantile": 0.0, "value": 75000.0, "Latitude": 37.4, "Longitude": -122.0, "Population": 1470.0}, {"index": 17879, "quantile": 0.25, "value": 81300.0, "Latitude": 37.4, "Longitude": -122.0, "Population": 1470.0}, {"index": 17879, "quantile": 0.5, "value": 81300.0, "Latitude": 37.4, "Longitude": -122.0, "Population": 1470.0}, {"index": 17879, "quantile": 0.75, "value": 180474.99999999997, "Latitude": 37.4, "Longitude": -122.0, "Population": 1470.0}, {"index": 17879, "quantile": 1.0, "value": 323800.0, "Latitude": 37.4, "Longitude": -122.0, "Population": 1470.0}, {"index": 17880, "quantile": 0.0, "value": 134900.0, "Latitude": 37.4, "Longitude": -122.0, "Population": 1656.0}, {"index": 17880, "quantile": 0.25, "value": 232275.0, "Latitude": 37.4, "Longitude": -122.0, "Population": 1656.0}, {"index": 17880, "quantile": 0.5, "value": 232399.99999999997, "Latitude": 37.4, "Longitude": -122.0, "Population": 1656.0}, {"index": 17880, "quantile": 0.75, "value": 232399.99999999997, "Latitude": 37.4, "Longitude": -122.0, "Population": 1656.0}, {"index": 17880, "quantile": 1.0, "value": 341500.0, "Latitude": 37.4, "Longitude": -122.0, "Population": 1656.0}, {"index": 17881, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 37.4, "Longitude": -122.0, "Population": 1164.0}, {"index": 17881, "quantile": 0.25, "value": 236900.00000000003, "Latitude": 37.4, "Longitude": -122.0, "Population": 1164.0}, {"index": 17881, "quantile": 0.5, "value": 236900.00000000003, "Latitude": 37.4, "Longitude": -122.0, "Population": 1164.0}, {"index": 17881, "quantile": 0.75, "value": 236900.00000000003, "Latitude": 37.4, "Longitude": -122.0, "Population": 1164.0}, {"index": 17881, "quantile": 1.0, "value": 276800.0, "Latitude": 37.4, "Longitude": -122.0, "Population": 1164.0}, {"index": 17882, "quantile": 0.0, "value": 40000.0, "Latitude": 37.4, "Longitude": -122.01, "Population": 441.0}, {"index": 17882, "quantile": 0.25, "value": 137450.0, "Latitude": 37.4, "Longitude": -122.01, "Population": 441.0}, {"index": 17882, "quantile": 0.5, "value": 235250.0, "Latitude": 37.4, "Longitude": -122.01, "Population": 441.0}, {"index": 17882, "quantile": 0.75, "value": 341500.0, "Latitude": 37.4, "Longitude": -122.01, "Population": 441.0}, {"index": 17882, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.01, "Population": 441.0}, {"index": 17883, "quantile": 0.0, "value": 174100.0, "Latitude": 37.39, "Longitude": -122.0, "Population": 1655.0}, {"index": 17883, "quantile": 0.25, "value": 229525.00000000003, "Latitude": 37.39, "Longitude": -122.0, "Population": 1655.0}, {"index": 17883, "quantile": 0.5, "value": 236900.00000000003, "Latitude": 37.39, "Longitude": -122.0, "Population": 1655.0}, {"index": 17883, "quantile": 0.75, "value": 239400.0, "Latitude": 37.39, "Longitude": -122.0, "Population": 1655.0}, {"index": 17883, "quantile": 1.0, "value": 330500.0, "Latitude": 37.39, "Longitude": -122.0, "Population": 1655.0}, {"index": 17884, "quantile": 0.0, "value": 186900.0, "Latitude": 37.41, "Longitude": -121.96, "Population": 2286.0}, {"index": 17884, "quantile": 0.25, "value": 238000.0, "Latitude": 37.41, "Longitude": -121.96, "Population": 2286.0}, {"index": 17884, "quantile": 0.5, "value": 238000.0, "Latitude": 37.41, "Longitude": -121.96, "Population": 2286.0}, {"index": 17884, "quantile": 0.75, "value": 238000.0, "Latitude": 37.41, "Longitude": -121.96, "Population": 2286.0}, {"index": 17884, "quantile": 1.0, "value": 267000.0, "Latitude": 37.41, "Longitude": -121.96, "Population": 2286.0}, {"index": 17885, "quantile": 0.0, "value": 151700.0, "Latitude": 37.4, "Longitude": -121.97, "Population": 1662.0}, {"index": 17885, "quantile": 0.25, "value": 255500.00000000003, "Latitude": 37.4, "Longitude": -121.97, "Population": 1662.0}, {"index": 17885, "quantile": 0.5, "value": 255500.00000000003, "Latitude": 37.4, "Longitude": -121.97, "Population": 1662.0}, {"index": 17885, "quantile": 0.75, "value": 272600.0, "Latitude": 37.4, "Longitude": -121.97, "Population": 1662.0}, {"index": 17885, "quantile": 1.0, "value": 374200.0, "Latitude": 37.4, "Longitude": -121.97, "Population": 1662.0}, {"index": 17886, "quantile": 0.0, "value": 106900.0, "Latitude": 37.39, "Longitude": -121.96, "Population": 658.0}, {"index": 17886, "quantile": 0.25, "value": 218800.00000000003, "Latitude": 37.39, "Longitude": -121.96, "Population": 658.0}, {"index": 17886, "quantile": 0.5, "value": 266850.0, "Latitude": 37.39, "Longitude": -121.96, "Population": 658.0}, {"index": 17886, "quantile": 0.75, "value": 303800.0, "Latitude": 37.39, "Longitude": -121.96, "Population": 658.0}, {"index": 17886, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -121.96, "Population": 658.0}, {"index": 17887, "quantile": 0.0, "value": 162500.0, "Latitude": 37.39, "Longitude": -121.95, "Population": 3795.0}, {"index": 17887, "quantile": 0.25, "value": 231700.00000000003, "Latitude": 37.39, "Longitude": -121.95, "Population": 3795.0}, {"index": 17887, "quantile": 0.5, "value": 264100.0, "Latitude": 37.39, "Longitude": -121.95, "Population": 3795.0}, {"index": 17887, "quantile": 0.75, "value": 264100.0, "Latitude": 37.39, "Longitude": -121.95, "Population": 3795.0}, {"index": 17887, "quantile": 1.0, "value": 297300.0, "Latitude": 37.39, "Longitude": -121.95, "Population": 3795.0}, {"index": 17888, "quantile": 0.0, "value": 40000.0, "Latitude": 37.38, "Longitude": -121.95, "Population": 390.0}, {"index": 17888, "quantile": 0.25, "value": 87500.0, "Latitude": 37.38, "Longitude": -121.95, "Population": 390.0}, {"index": 17888, "quantile": 0.5, "value": 87500.0, "Latitude": 37.38, "Longitude": -121.95, "Population": 390.0}, {"index": 17888, "quantile": 0.75, "value": 257225.00000000003, "Latitude": 37.38, "Longitude": -121.95, "Population": 390.0}, {"index": 17888, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -121.95, "Population": 390.0}, {"index": 17889, "quantile": 0.0, "value": 112500.0, "Latitude": 37.41, "Longitude": -121.95, "Population": 1087.0}, {"index": 17889, "quantile": 0.25, "value": 137500.0, "Latitude": 37.41, "Longitude": -121.95, "Population": 1087.0}, {"index": 17889, "quantile": 0.5, "value": 137500.0, "Latitude": 37.41, "Longitude": -121.95, "Population": 1087.0}, {"index": 17889, "quantile": 0.75, "value": 203275.0, "Latitude": 37.41, "Longitude": -121.95, "Population": 1087.0}, {"index": 17889, "quantile": 1.0, "value": 340700.0, "Latitude": 37.41, "Longitude": -121.95, "Population": 1087.0}, {"index": 17890, "quantile": 0.0, "value": 112500.0, "Latitude": 37.42, "Longitude": -121.94, "Population": 1910.0}, {"index": 17890, "quantile": 0.25, "value": 112500.0, "Latitude": 37.42, "Longitude": -121.94, "Population": 1910.0}, {"index": 17890, "quantile": 0.5, "value": 112500.0, "Latitude": 37.42, "Longitude": -121.94, "Population": 1910.0}, {"index": 17890, "quantile": 0.75, "value": 173300.0, "Latitude": 37.42, "Longitude": -121.94, "Population": 1910.0}, {"index": 17890, "quantile": 1.0, "value": 335000.0, "Latitude": 37.42, "Longitude": -121.94, "Population": 1910.0}, {"index": 17891, "quantile": 0.0, "value": 67500.0, "Latitude": 37.4, "Longitude": -121.93, "Population": 132.0}, {"index": 17891, "quantile": 0.25, "value": 67500.0, "Latitude": 37.4, "Longitude": -121.93, "Population": 132.0}, {"index": 17891, "quantile": 0.5, "value": 67500.0, "Latitude": 37.4, "Longitude": -121.93, "Population": 132.0}, {"index": 17891, "quantile": 0.75, "value": 164875.0, "Latitude": 37.4, "Longitude": -121.93, "Population": 132.0}, {"index": 17891, "quantile": 1.0, "value": 405400.0, "Latitude": 37.4, "Longitude": -121.93, "Population": 132.0}, {"index": 17892, "quantile": 0.0, "value": 123400.0, "Latitude": 37.36, "Longitude": -121.91, "Population": 1940.0}, {"index": 17892, "quantile": 0.25, "value": 199700.0, "Latitude": 37.36, "Longitude": -121.91, "Population": 1940.0}, {"index": 17892, "quantile": 0.5, "value": 199700.0, "Latitude": 37.36, "Longitude": -121.91, "Population": 1940.0}, {"index": 17892, "quantile": 0.75, "value": 212550.00000000003, "Latitude": 37.36, "Longitude": -121.91, "Population": 1940.0}, {"index": 17892, "quantile": 1.0, "value": 292600.0, "Latitude": 37.36, "Longitude": -121.91, "Population": 1940.0}, {"index": 17893, "quantile": 0.0, "value": 67500.0, "Latitude": 37.36, "Longitude": -121.92, "Population": 158.0}, {"index": 17893, "quantile": 0.25, "value": 137500.0, "Latitude": 37.36, "Longitude": -121.92, "Population": 158.0}, {"index": 17893, "quantile": 0.5, "value": 137500.0, "Latitude": 37.36, "Longitude": -121.92, "Population": 158.0}, {"index": 17893, "quantile": 0.75, "value": 137500.0, "Latitude": 37.36, "Longitude": -121.92, "Population": 158.0}, {"index": 17893, "quantile": 1.0, "value": 305000.0, "Latitude": 37.36, "Longitude": -121.92, "Population": 158.0}, {"index": 17894, "quantile": 0.0, "value": 66000.0, "Latitude": 37.37, "Longitude": -121.95, "Population": 317.0}, {"index": 17894, "quantile": 0.25, "value": 186100.0, "Latitude": 37.37, "Longitude": -121.95, "Population": 317.0}, {"index": 17894, "quantile": 0.5, "value": 215800.0, "Latitude": 37.37, "Longitude": -121.95, "Population": 317.0}, {"index": 17894, "quantile": 0.75, "value": 248425.00000000003, "Latitude": 37.37, "Longitude": -121.95, "Population": 317.0}, {"index": 17894, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -121.95, "Population": 317.0}, {"index": 17895, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 37.36, "Longitude": -121.95, "Population": 2230.0}, {"index": 17895, "quantile": 0.25, "value": 208599.99999999997, "Latitude": 37.36, "Longitude": -121.95, "Population": 2230.0}, {"index": 17895, "quantile": 0.5, "value": 208599.99999999997, "Latitude": 37.36, "Longitude": -121.95, "Population": 2230.0}, {"index": 17895, "quantile": 0.75, "value": 244400.0, "Latitude": 37.36, "Longitude": -121.95, "Population": 2230.0}, {"index": 17895, "quantile": 1.0, "value": 293500.0, "Latitude": 37.36, "Longitude": -121.95, "Population": 2230.0}, {"index": 17896, "quantile": 0.0, "value": 97200.0, "Latitude": 37.36, "Longitude": -121.95, "Population": 2267.0}, {"index": 17896, "quantile": 0.25, "value": 235600.0, "Latitude": 37.36, "Longitude": -121.95, "Population": 2267.0}, {"index": 17896, "quantile": 0.5, "value": 235600.0, "Latitude": 37.36, "Longitude": -121.95, "Population": 2267.0}, {"index": 17896, "quantile": 0.75, "value": 235600.0, "Latitude": 37.36, "Longitude": -121.95, "Population": 2267.0}, {"index": 17896, "quantile": 1.0, "value": 425000.0, "Latitude": 37.36, "Longitude": -121.95, "Population": 2267.0}, {"index": 17897, "quantile": 0.0, "value": 102299.99999999999, "Latitude": 37.35, "Longitude": -121.93, "Population": 1589.0}, {"index": 17897, "quantile": 0.25, "value": 172500.0, "Latitude": 37.35, "Longitude": -121.93, "Population": 1589.0}, {"index": 17897, "quantile": 0.5, "value": 234100.00000000003, "Latitude": 37.35, "Longitude": -121.93, "Population": 1589.0}, {"index": 17897, "quantile": 0.75, "value": 234100.00000000003, "Latitude": 37.35, "Longitude": -121.93, "Population": 1589.0}, {"index": 17897, "quantile": 1.0, "value": 300000.0, "Latitude": 37.35, "Longitude": -121.93, "Population": 1589.0}, {"index": 17898, "quantile": 0.0, "value": 67900.0, "Latitude": 37.34, "Longitude": -121.93, "Population": 946.0}, {"index": 17898, "quantile": 0.25, "value": 218500.0, "Latitude": 37.34, "Longitude": -121.93, "Population": 946.0}, {"index": 17898, "quantile": 0.5, "value": 218500.0, "Latitude": 37.34, "Longitude": -121.93, "Population": 946.0}, {"index": 17898, "quantile": 0.75, "value": 234600.0, "Latitude": 37.34, "Longitude": -121.93, "Population": 946.0}, {"index": 17898, "quantile": 1.0, "value": 396300.0, "Latitude": 37.34, "Longitude": -121.93, "Population": 946.0}, {"index": 17899, "quantile": 0.0, "value": 79300.0, "Latitude": 37.37, "Longitude": -121.98, "Population": 1062.0}, {"index": 17899, "quantile": 0.25, "value": 215400.0, "Latitude": 37.37, "Longitude": -121.98, "Population": 1062.0}, {"index": 17899, "quantile": 0.5, "value": 215400.0, "Latitude": 37.37, "Longitude": -121.98, "Population": 1062.0}, {"index": 17899, "quantile": 0.75, "value": 215400.0, "Latitude": 37.37, "Longitude": -121.98, "Population": 1062.0}, {"index": 17899, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -121.98, "Population": 1062.0}, {"index": 17900, "quantile": 0.0, "value": 127899.99999999999, "Latitude": 37.36, "Longitude": -121.98, "Population": 814.0}, {"index": 17900, "quantile": 0.25, "value": 177200.0, "Latitude": 37.36, "Longitude": -121.98, "Population": 814.0}, {"index": 17900, "quantile": 0.5, "value": 196600.0, "Latitude": 37.36, "Longitude": -121.98, "Population": 814.0}, {"index": 17900, "quantile": 0.75, "value": 225800.0, "Latitude": 37.36, "Longitude": -121.98, "Population": 814.0}, {"index": 17900, "quantile": 1.0, "value": 378000.0, "Latitude": 37.36, "Longitude": -121.98, "Population": 814.0}, {"index": 17901, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 37.37, "Longitude": -121.98, "Population": 615.0}, {"index": 17901, "quantile": 0.25, "value": 217499.99999999997, "Latitude": 37.37, "Longitude": -121.98, "Population": 615.0}, {"index": 17901, "quantile": 0.5, "value": 217499.99999999997, "Latitude": 37.37, "Longitude": -121.98, "Population": 615.0}, {"index": 17901, "quantile": 0.75, "value": 217499.99999999997, "Latitude": 37.37, "Longitude": -121.98, "Population": 615.0}, {"index": 17901, "quantile": 1.0, "value": 359900.0, "Latitude": 37.37, "Longitude": -121.98, "Population": 615.0}, {"index": 17902, "quantile": 0.0, "value": 144000.0, "Latitude": 37.37, "Longitude": -121.99, "Population": 1610.0}, {"index": 17902, "quantile": 0.25, "value": 223400.0, "Latitude": 37.37, "Longitude": -121.99, "Population": 1610.0}, {"index": 17902, "quantile": 0.5, "value": 237500.0, "Latitude": 37.37, "Longitude": -121.99, "Population": 1610.0}, {"index": 17902, "quantile": 0.75, "value": 237500.0, "Latitude": 37.37, "Longitude": -121.99, "Population": 1610.0}, {"index": 17902, "quantile": 1.0, "value": 385700.0, "Latitude": 37.37, "Longitude": -121.99, "Population": 1610.0}, {"index": 17903, "quantile": 0.0, "value": 201399.99999999997, "Latitude": 37.36, "Longitude": -121.97, "Population": 2656.0}, {"index": 17903, "quantile": 0.25, "value": 254500.0, "Latitude": 37.36, "Longitude": -121.97, "Population": 2656.0}, {"index": 17903, "quantile": 0.5, "value": 254500.0, "Latitude": 37.36, "Longitude": -121.97, "Population": 2656.0}, {"index": 17903, "quantile": 0.75, "value": 254500.0, "Latitude": 37.36, "Longitude": -121.97, "Population": 2656.0}, {"index": 17903, "quantile": 1.0, "value": 405400.0, "Latitude": 37.36, "Longitude": -121.97, "Population": 2656.0}, {"index": 17904, "quantile": 0.0, "value": 156000.0, "Latitude": 37.36, "Longitude": -121.97, "Population": 534.0}, {"index": 17904, "quantile": 0.25, "value": 239400.0, "Latitude": 37.36, "Longitude": -121.97, "Population": 534.0}, {"index": 17904, "quantile": 0.5, "value": 271200.0, "Latitude": 37.36, "Longitude": -121.97, "Population": 534.0}, {"index": 17904, "quantile": 0.75, "value": 271200.0, "Latitude": 37.36, "Longitude": -121.97, "Population": 534.0}, {"index": 17904, "quantile": 1.0, "value": 302200.0, "Latitude": 37.36, "Longitude": -121.97, "Population": 534.0}, {"index": 17905, "quantile": 0.0, "value": 71300.0, "Latitude": 37.35, "Longitude": -121.97, "Population": 926.0}, {"index": 17905, "quantile": 0.25, "value": 204100.0, "Latitude": 37.35, "Longitude": -121.97, "Population": 926.0}, {"index": 17905, "quantile": 0.5, "value": 226799.99999999997, "Latitude": 37.35, "Longitude": -121.97, "Population": 926.0}, {"index": 17905, "quantile": 0.75, "value": 256300.00000000003, "Latitude": 37.35, "Longitude": -121.97, "Population": 926.0}, {"index": 17905, "quantile": 1.0, "value": 391300.0, "Latitude": 37.35, "Longitude": -121.97, "Population": 926.0}, {"index": 17906, "quantile": 0.0, "value": 121300.00000000001, "Latitude": 37.36, "Longitude": -121.96, "Population": 3150.0}, {"index": 17906, "quantile": 0.25, "value": 264500.0, "Latitude": 37.36, "Longitude": -121.96, "Population": 3150.0}, {"index": 17906, "quantile": 0.5, "value": 264500.0, "Latitude": 37.36, "Longitude": -121.96, "Population": 3150.0}, {"index": 17906, "quantile": 0.75, "value": 264500.0, "Latitude": 37.36, "Longitude": -121.96, "Population": 3150.0}, {"index": 17906, "quantile": 1.0, "value": 364200.0, "Latitude": 37.36, "Longitude": -121.96, "Population": 3150.0}, {"index": 17907, "quantile": 0.0, "value": 191800.0, "Latitude": 37.36, "Longitude": -121.96, "Population": 1598.0}, {"index": 17907, "quantile": 0.25, "value": 261400.0, "Latitude": 37.36, "Longitude": -121.96, "Population": 1598.0}, {"index": 17907, "quantile": 0.5, "value": 261400.0, "Latitude": 37.36, "Longitude": -121.96, "Population": 1598.0}, {"index": 17907, "quantile": 0.75, "value": 261400.0, "Latitude": 37.36, "Longitude": -121.96, "Population": 1598.0}, {"index": 17907, "quantile": 1.0, "value": 364200.0, "Latitude": 37.36, "Longitude": -121.96, "Population": 1598.0}, {"index": 17908, "quantile": 0.0, "value": 150800.0, "Latitude": 37.35, "Longitude": -121.97, "Population": 353.0}, {"index": 17908, "quantile": 0.25, "value": 258300.00000000003, "Latitude": 37.35, "Longitude": -121.97, "Population": 353.0}, {"index": 17908, "quantile": 0.5, "value": 258300.00000000003, "Latitude": 37.35, "Longitude": -121.97, "Population": 353.0}, {"index": 17908, "quantile": 0.75, "value": 331050.0, "Latitude": 37.35, "Longitude": -121.97, "Population": 353.0}, {"index": 17908, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -121.97, "Population": 353.0}, {"index": 17909, "quantile": 0.0, "value": 212200.0, "Latitude": 37.36, "Longitude": -121.97, "Population": 306.0}, {"index": 17909, "quantile": 0.25, "value": 247600.0, "Latitude": 37.36, "Longitude": -121.97, "Population": 306.0}, {"index": 17909, "quantile": 0.5, "value": 247600.0, "Latitude": 37.36, "Longitude": -121.97, "Population": 306.0}, {"index": 17909, "quantile": 0.75, "value": 284800.0, "Latitude": 37.36, "Longitude": -121.97, "Population": 306.0}, {"index": 17909, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -121.97, "Population": 306.0}, {"index": 17910, "quantile": 0.0, "value": 88000.0, "Latitude": 37.36, "Longitude": -121.98, "Population": 1019.0}, {"index": 17910, "quantile": 0.25, "value": 177200.0, "Latitude": 37.36, "Longitude": -121.98, "Population": 1019.0}, {"index": 17910, "quantile": 0.5, "value": 215050.0, "Latitude": 37.36, "Longitude": -121.98, "Population": 1019.0}, {"index": 17910, "quantile": 0.75, "value": 226799.99999999997, "Latitude": 37.36, "Longitude": -121.98, "Population": 1019.0}, {"index": 17910, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -121.98, "Population": 1019.0}, {"index": 17911, "quantile": 0.0, "value": 133800.0, "Latitude": 37.36, "Longitude": -121.98, "Population": 809.0}, {"index": 17911, "quantile": 0.25, "value": 287200.0, "Latitude": 37.36, "Longitude": -121.98, "Population": 809.0}, {"index": 17911, "quantile": 0.5, "value": 287200.0, "Latitude": 37.36, "Longitude": -121.98, "Population": 809.0}, {"index": 17911, "quantile": 0.75, "value": 287200.0, "Latitude": 37.36, "Longitude": -121.98, "Population": 809.0}, {"index": 17911, "quantile": 1.0, "value": 417600.0, "Latitude": 37.36, "Longitude": -121.98, "Population": 809.0}, {"index": 17912, "quantile": 0.0, "value": 281900.0, "Latitude": 37.36, "Longitude": -121.98, "Population": 701.0}, {"index": 17912, "quantile": 0.25, "value": 281900.0, "Latitude": 37.36, "Longitude": -121.98, "Population": 701.0}, {"index": 17912, "quantile": 0.5, "value": 281900.0, "Latitude": 37.36, "Longitude": -121.98, "Population": 701.0}, {"index": 17912, "quantile": 0.75, "value": 460275.00000000006, "Latitude": 37.36, "Longitude": -121.98, "Population": 701.0}, {"index": 17912, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -121.98, "Population": 701.0}, {"index": 17913, "quantile": 0.0, "value": 185100.0, "Latitude": 37.36, "Longitude": -121.98, "Population": 743.0}, {"index": 17913, "quantile": 0.25, "value": 232824.99999999997, "Latitude": 37.36, "Longitude": -121.98, "Population": 743.0}, {"index": 17913, "quantile": 0.5, "value": 254599.99999999997, "Latitude": 37.36, "Longitude": -121.98, "Population": 743.0}, {"index": 17913, "quantile": 0.75, "value": 254599.99999999997, "Latitude": 37.36, "Longitude": -121.98, "Population": 743.0}, {"index": 17913, "quantile": 1.0, "value": 384400.0, "Latitude": 37.36, "Longitude": -121.98, "Population": 743.0}, {"index": 17914, "quantile": 0.0, "value": 162900.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 917.0}, {"index": 17914, "quantile": 0.25, "value": 271825.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 917.0}, {"index": 17914, "quantile": 0.5, "value": 298300.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 917.0}, {"index": 17914, "quantile": 0.75, "value": 298300.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 917.0}, {"index": 17914, "quantile": 1.0, "value": 336400.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 917.0}, {"index": 17915, "quantile": 0.0, "value": 196100.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 1230.0}, {"index": 17915, "quantile": 0.25, "value": 263625.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 1230.0}, {"index": 17915, "quantile": 0.5, "value": 270300.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 1230.0}, {"index": 17915, "quantile": 0.75, "value": 270300.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 1230.0}, {"index": 17915, "quantile": 1.0, "value": 391000.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 1230.0}, {"index": 17916, "quantile": 0.0, "value": 150000.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 1469.0}, {"index": 17916, "quantile": 0.25, "value": 225000.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 1469.0}, {"index": 17916, "quantile": 0.5, "value": 252800.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 1469.0}, {"index": 17916, "quantile": 0.75, "value": 264900.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 1469.0}, {"index": 17916, "quantile": 1.0, "value": 337000.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 1469.0}, {"index": 17917, "quantile": 0.0, "value": 196900.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 1287.0}, {"index": 17917, "quantile": 0.25, "value": 280400.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 1287.0}, {"index": 17917, "quantile": 0.5, "value": 282200.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 1287.0}, {"index": 17917, "quantile": 0.75, "value": 282200.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 1287.0}, {"index": 17917, "quantile": 1.0, "value": 326600.0, "Latitude": 37.36, "Longitude": -121.99, "Population": 1287.0}, {"index": 17918, "quantile": 0.0, "value": 131600.0, "Latitude": 37.35, "Longitude": -121.98, "Population": 729.0}, {"index": 17918, "quantile": 0.25, "value": 257550.0, "Latitude": 37.35, "Longitude": -121.98, "Population": 729.0}, {"index": 17918, "quantile": 0.5, "value": 261100.00000000003, "Latitude": 37.35, "Longitude": -121.98, "Population": 729.0}, {"index": 17918, "quantile": 0.75, "value": 261100.00000000003, "Latitude": 37.35, "Longitude": -121.98, "Population": 729.0}, {"index": 17918, "quantile": 1.0, "value": 340900.0, "Latitude": 37.35, "Longitude": -121.98, "Population": 729.0}, {"index": 17919, "quantile": 0.0, "value": 129299.99999999999, "Latitude": 37.35, "Longitude": -121.99, "Population": 972.0}, {"index": 17919, "quantile": 0.25, "value": 238899.99999999997, "Latitude": 37.35, "Longitude": -121.99, "Population": 972.0}, {"index": 17919, "quantile": 0.5, "value": 238899.99999999997, "Latitude": 37.35, "Longitude": -121.99, "Population": 972.0}, {"index": 17919, "quantile": 0.75, "value": 239400.0, "Latitude": 37.35, "Longitude": -121.99, "Population": 972.0}, {"index": 17919, "quantile": 1.0, "value": 384800.0, "Latitude": 37.35, "Longitude": -121.99, "Population": 972.0}, {"index": 17920, "quantile": 0.0, "value": 159000.0, "Latitude": 37.35, "Longitude": -121.99, "Population": 1637.0}, {"index": 17920, "quantile": 0.25, "value": 198400.0, "Latitude": 37.35, "Longitude": -121.99, "Population": 1637.0}, {"index": 17920, "quantile": 0.5, "value": 198400.0, "Latitude": 37.35, "Longitude": -121.99, "Population": 1637.0}, {"index": 17920, "quantile": 0.75, "value": 199975.0, "Latitude": 37.35, "Longitude": -121.99, "Population": 1637.0}, {"index": 17920, "quantile": 1.0, "value": 454100.00000000006, "Latitude": 37.35, "Longitude": -121.99, "Population": 1637.0}, {"index": 17921, "quantile": 0.0, "value": 212200.0, "Latitude": 37.35, "Longitude": -121.99, "Population": 707.0}, {"index": 17921, "quantile": 0.25, "value": 212200.0, "Latitude": 37.35, "Longitude": -121.99, "Population": 707.0}, {"index": 17921, "quantile": 0.5, "value": 212200.0, "Latitude": 37.35, "Longitude": -121.99, "Population": 707.0}, {"index": 17921, "quantile": 0.75, "value": 291700.0, "Latitude": 37.35, "Longitude": -121.99, "Population": 707.0}, {"index": 17921, "quantile": 1.0, "value": 457500.0, "Latitude": 37.35, "Longitude": -121.99, "Population": 707.0}, {"index": 17922, "quantile": 0.0, "value": 158200.0, "Latitude": 37.35, "Longitude": -121.98, "Population": 546.0}, {"index": 17922, "quantile": 0.25, "value": 202850.00000000003, "Latitude": 37.35, "Longitude": -121.98, "Population": 546.0}, {"index": 17922, "quantile": 0.5, "value": 224350.0, "Latitude": 37.35, "Longitude": -121.98, "Population": 546.0}, {"index": 17922, "quantile": 0.75, "value": 247624.99999999997, "Latitude": 37.35, "Longitude": -121.98, "Population": 546.0}, {"index": 17922, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -121.98, "Population": 546.0}, {"index": 17923, "quantile": 0.0, "value": 151300.0, "Latitude": 37.35, "Longitude": -121.97, "Population": 999.0}, {"index": 17923, "quantile": 0.25, "value": 268600.0, "Latitude": 37.35, "Longitude": -121.97, "Population": 999.0}, {"index": 17923, "quantile": 0.5, "value": 284000.0, "Latitude": 37.35, "Longitude": -121.97, "Population": 999.0}, {"index": 17923, "quantile": 0.75, "value": 303175.0, "Latitude": 37.35, "Longitude": -121.97, "Population": 999.0}, {"index": 17923, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -121.97, "Population": 999.0}, {"index": 17924, "quantile": 0.0, "value": 180100.0, "Latitude": 37.34, "Longitude": -121.98, "Population": 1922.0}, {"index": 17924, "quantile": 0.25, "value": 238700.0, "Latitude": 37.34, "Longitude": -121.98, "Population": 1922.0}, {"index": 17924, "quantile": 0.5, "value": 238700.0, "Latitude": 37.34, "Longitude": -121.98, "Population": 1922.0}, {"index": 17924, "quantile": 0.75, "value": 244499.99999999997, "Latitude": 37.34, "Longitude": -121.98, "Population": 1922.0}, {"index": 17924, "quantile": 1.0, "value": 361700.0, "Latitude": 37.34, "Longitude": -121.98, "Population": 1922.0}, {"index": 17925, "quantile": 0.0, "value": 186900.0, "Latitude": 37.34, "Longitude": -121.98, "Population": 3604.0}, {"index": 17925, "quantile": 0.25, "value": 255474.99999999997, "Latitude": 37.34, "Longitude": -121.98, "Population": 3604.0}, {"index": 17925, "quantile": 0.5, "value": 307400.0, "Latitude": 37.34, "Longitude": -121.98, "Population": 3604.0}, {"index": 17925, "quantile": 0.75, "value": 307400.0, "Latitude": 37.34, "Longitude": -121.98, "Population": 3604.0}, {"index": 17925, "quantile": 1.0, "value": 356100.0, "Latitude": 37.34, "Longitude": -121.98, "Population": 3604.0}, {"index": 17926, "quantile": 0.0, "value": 180200.0, "Latitude": 37.34, "Longitude": -121.99, "Population": 2249.0}, {"index": 17926, "quantile": 0.25, "value": 262900.0, "Latitude": 37.34, "Longitude": -121.99, "Population": 2249.0}, {"index": 17926, "quantile": 0.5, "value": 262900.0, "Latitude": 37.34, "Longitude": -121.99, "Population": 2249.0}, {"index": 17926, "quantile": 0.75, "value": 262900.0, "Latitude": 37.34, "Longitude": -121.99, "Population": 2249.0}, {"index": 17926, "quantile": 1.0, "value": 342800.0, "Latitude": 37.34, "Longitude": -121.99, "Population": 2249.0}, {"index": 17927, "quantile": 0.0, "value": 89500.0, "Latitude": 37.35, "Longitude": -121.96, "Population": 699.0}, {"index": 17927, "quantile": 0.25, "value": 251025.0, "Latitude": 37.35, "Longitude": -121.96, "Population": 699.0}, {"index": 17927, "quantile": 0.5, "value": 287100.0, "Latitude": 37.35, "Longitude": -121.96, "Population": 699.0}, {"index": 17927, "quantile": 0.75, "value": 346500.0, "Latitude": 37.35, "Longitude": -121.96, "Population": 699.0}, {"index": 17927, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -121.96, "Population": 699.0}, {"index": 17928, "quantile": 0.0, "value": 88800.0, "Latitude": 37.34, "Longitude": -121.97, "Population": 1553.0}, {"index": 17928, "quantile": 0.25, "value": 236724.99999999997, "Latitude": 37.34, "Longitude": -121.97, "Population": 1553.0}, {"index": 17928, "quantile": 0.5, "value": 245600.0, "Latitude": 37.34, "Longitude": -121.97, "Population": 1553.0}, {"index": 17928, "quantile": 0.75, "value": 258199.99999999997, "Latitude": 37.34, "Longitude": -121.97, "Population": 1553.0}, {"index": 17928, "quantile": 1.0, "value": 395500.0, "Latitude": 37.34, "Longitude": -121.97, "Population": 1553.0}, {"index": 17929, "quantile": 0.0, "value": 198300.0, "Latitude": 37.35, "Longitude": -121.97, "Population": 556.0}, {"index": 17929, "quantile": 0.25, "value": 287100.0, "Latitude": 37.35, "Longitude": -121.97, "Population": 556.0}, {"index": 17929, "quantile": 0.5, "value": 287100.0, "Latitude": 37.35, "Longitude": -121.97, "Population": 556.0}, {"index": 17929, "quantile": 0.75, "value": 287100.0, "Latitude": 37.35, "Longitude": -121.97, "Population": 556.0}, {"index": 17929, "quantile": 1.0, "value": 457500.0, "Latitude": 37.35, "Longitude": -121.97, "Population": 556.0}, {"index": 17930, "quantile": 0.0, "value": 153800.0, "Latitude": 37.35, "Longitude": -121.96, "Population": 673.0}, {"index": 17930, "quantile": 0.25, "value": 262950.0, "Latitude": 37.35, "Longitude": -121.96, "Population": 673.0}, {"index": 17930, "quantile": 0.5, "value": 291400.0, "Latitude": 37.35, "Longitude": -121.96, "Population": 673.0}, {"index": 17930, "quantile": 0.75, "value": 318900.0, "Latitude": 37.35, "Longitude": -121.96, "Population": 673.0}, {"index": 17930, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -121.96, "Population": 673.0}, {"index": 17931, "quantile": 0.0, "value": 154800.0, "Latitude": 37.35, "Longitude": -121.95, "Population": 545.0}, {"index": 17931, "quantile": 0.25, "value": 244400.0, "Latitude": 37.35, "Longitude": -121.95, "Population": 545.0}, {"index": 17931, "quantile": 0.5, "value": 244400.0, "Latitude": 37.35, "Longitude": -121.95, "Population": 545.0}, {"index": 17931, "quantile": 0.75, "value": 244400.0, "Latitude": 37.35, "Longitude": -121.95, "Population": 545.0}, {"index": 17931, "quantile": 1.0, "value": 286500.0, "Latitude": 37.35, "Longitude": -121.95, "Population": 545.0}, {"index": 17932, "quantile": 0.0, "value": 136500.0, "Latitude": 37.35, "Longitude": -121.94, "Population": 1662.0}, {"index": 17932, "quantile": 0.25, "value": 193450.0, "Latitude": 37.35, "Longitude": -121.94, "Population": 1662.0}, {"index": 17932, "quantile": 0.5, "value": 231599.99999999997, "Latitude": 37.35, "Longitude": -121.94, "Population": 1662.0}, {"index": 17932, "quantile": 0.75, "value": 231599.99999999997, "Latitude": 37.35, "Longitude": -121.94, "Population": 1662.0}, {"index": 17932, "quantile": 1.0, "value": 302900.0, "Latitude": 37.35, "Longitude": -121.94, "Population": 1662.0}, {"index": 17933, "quantile": 0.0, "value": 87500.0, "Latitude": 37.35, "Longitude": -121.94, "Population": 1096.0}, {"index": 17933, "quantile": 0.25, "value": 244000.0, "Latitude": 37.35, "Longitude": -121.94, "Population": 1096.0}, {"index": 17933, "quantile": 0.5, "value": 244000.0, "Latitude": 37.35, "Longitude": -121.94, "Population": 1096.0}, {"index": 17933, "quantile": 0.75, "value": 244000.0, "Latitude": 37.35, "Longitude": -121.94, "Population": 1096.0}, {"index": 17933, "quantile": 1.0, "value": 425000.0, "Latitude": 37.35, "Longitude": -121.94, "Population": 1096.0}, {"index": 17934, "quantile": 0.0, "value": 84600.0, "Latitude": 37.35, "Longitude": -121.95, "Population": 697.0}, {"index": 17934, "quantile": 0.25, "value": 211899.99999999997, "Latitude": 37.35, "Longitude": -121.95, "Population": 697.0}, {"index": 17934, "quantile": 0.5, "value": 239200.0, "Latitude": 37.35, "Longitude": -121.95, "Population": 697.0}, {"index": 17934, "quantile": 0.75, "value": 262600.0, "Latitude": 37.35, "Longitude": -121.95, "Population": 697.0}, {"index": 17934, "quantile": 1.0, "value": 436400.0, "Latitude": 37.35, "Longitude": -121.95, "Population": 697.0}, {"index": 17935, "quantile": 0.0, "value": 87500.0, "Latitude": 37.35, "Longitude": -121.95, "Population": 659.0}, {"index": 17935, "quantile": 0.25, "value": 231900.0, "Latitude": 37.35, "Longitude": -121.95, "Population": 659.0}, {"index": 17935, "quantile": 0.5, "value": 256100.0, "Latitude": 37.35, "Longitude": -121.95, "Population": 659.0}, {"index": 17935, "quantile": 0.75, "value": 334300.0, "Latitude": 37.35, "Longitude": -121.95, "Population": 659.0}, {"index": 17935, "quantile": 1.0, "value": 400000.0, "Latitude": 37.35, "Longitude": -121.95, "Population": 659.0}, {"index": 17936, "quantile": 0.0, "value": 212200.0, "Latitude": 37.35, "Longitude": -121.95, "Population": 1096.0}, {"index": 17936, "quantile": 0.25, "value": 288025.0, "Latitude": 37.35, "Longitude": -121.95, "Population": 1096.0}, {"index": 17936, "quantile": 0.5, "value": 342600.0, "Latitude": 37.35, "Longitude": -121.95, "Population": 1096.0}, {"index": 17936, "quantile": 0.75, "value": 387900.0, "Latitude": 37.35, "Longitude": -121.95, "Population": 1096.0}, {"index": 17936, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -121.95, "Population": 1096.0}, {"index": 17937, "quantile": 0.0, "value": 71300.0, "Latitude": 37.34, "Longitude": -121.94, "Population": 1304.0}, {"index": 17937, "quantile": 0.25, "value": 257575.00000000003, "Latitude": 37.34, "Longitude": -121.94, "Population": 1304.0}, {"index": 17937, "quantile": 0.5, "value": 286500.0, "Latitude": 37.34, "Longitude": -121.94, "Population": 1304.0}, {"index": 17937, "quantile": 0.75, "value": 286500.0, "Latitude": 37.34, "Longitude": -121.94, "Population": 1304.0}, {"index": 17937, "quantile": 1.0, "value": 417600.0, "Latitude": 37.34, "Longitude": -121.94, "Population": 1304.0}, {"index": 17938, "quantile": 0.0, "value": 165600.0, "Latitude": 37.34, "Longitude": -121.94, "Population": 1674.0}, {"index": 17938, "quantile": 0.25, "value": 229300.00000000003, "Latitude": 37.34, "Longitude": -121.94, "Population": 1674.0}, {"index": 17938, "quantile": 0.5, "value": 229300.00000000003, "Latitude": 37.34, "Longitude": -121.94, "Population": 1674.0}, {"index": 17938, "quantile": 0.75, "value": 260300.00000000003, "Latitude": 37.34, "Longitude": -121.94, "Population": 1674.0}, {"index": 17938, "quantile": 1.0, "value": 376100.0, "Latitude": 37.34, "Longitude": -121.94, "Population": 1674.0}, {"index": 17939, "quantile": 0.0, "value": 185300.0, "Latitude": 37.34, "Longitude": -121.94, "Population": 1092.0}, {"index": 17939, "quantile": 0.25, "value": 250000.0, "Latitude": 37.34, "Longitude": -121.94, "Population": 1092.0}, {"index": 17939, "quantile": 0.5, "value": 250000.0, "Latitude": 37.34, "Longitude": -121.94, "Population": 1092.0}, {"index": 17939, "quantile": 0.75, "value": 250000.0, "Latitude": 37.34, "Longitude": -121.94, "Population": 1092.0}, {"index": 17939, "quantile": 1.0, "value": 337000.0, "Latitude": 37.34, "Longitude": -121.94, "Population": 1092.0}, {"index": 17940, "quantile": 0.0, "value": 88800.0, "Latitude": 37.33, "Longitude": -121.94, "Population": 797.0}, {"index": 17940, "quantile": 0.25, "value": 257600.0, "Latitude": 37.33, "Longitude": -121.94, "Population": 797.0}, {"index": 17940, "quantile": 0.5, "value": 257600.0, "Latitude": 37.33, "Longitude": -121.94, "Population": 797.0}, {"index": 17940, "quantile": 0.75, "value": 257600.0, "Latitude": 37.33, "Longitude": -121.94, "Population": 797.0}, {"index": 17940, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 37.33, "Longitude": -121.94, "Population": 797.0}, {"index": 17941, "quantile": 0.0, "value": 106900.0, "Latitude": 37.33, "Longitude": -121.94, "Population": 845.0}, {"index": 17941, "quantile": 0.25, "value": 238000.0, "Latitude": 37.33, "Longitude": -121.94, "Population": 845.0}, {"index": 17941, "quantile": 0.5, "value": 268500.0, "Latitude": 37.33, "Longitude": -121.94, "Population": 845.0}, {"index": 17941, "quantile": 0.75, "value": 294700.0, "Latitude": 37.33, "Longitude": -121.94, "Population": 845.0}, {"index": 17941, "quantile": 1.0, "value": 368500.0, "Latitude": 37.33, "Longitude": -121.94, "Population": 845.0}, {"index": 17942, "quantile": 0.0, "value": 112500.0, "Latitude": 37.34, "Longitude": -121.94, "Population": 1372.0}, {"index": 17942, "quantile": 0.25, "value": 246099.99999999997, "Latitude": 37.34, "Longitude": -121.94, "Population": 1372.0}, {"index": 17942, "quantile": 0.5, "value": 246099.99999999997, "Latitude": 37.34, "Longitude": -121.94, "Population": 1372.0}, {"index": 17942, "quantile": 0.75, "value": 246099.99999999997, "Latitude": 37.34, "Longitude": -121.94, "Population": 1372.0}, {"index": 17942, "quantile": 1.0, "value": 476300.0, "Latitude": 37.34, "Longitude": -121.94, "Population": 1372.0}, {"index": 17943, "quantile": 0.0, "value": 165600.0, "Latitude": 37.34, "Longitude": -121.95, "Population": 2529.0}, {"index": 17943, "quantile": 0.25, "value": 256100.0, "Latitude": 37.34, "Longitude": -121.95, "Population": 2529.0}, {"index": 17943, "quantile": 0.5, "value": 256100.0, "Latitude": 37.34, "Longitude": -121.95, "Population": 2529.0}, {"index": 17943, "quantile": 0.75, "value": 257075.0, "Latitude": 37.34, "Longitude": -121.95, "Population": 2529.0}, {"index": 17943, "quantile": 1.0, "value": 396300.0, "Latitude": 37.34, "Longitude": -121.95, "Population": 2529.0}, {"index": 17944, "quantile": 0.0, "value": 17500.0, "Latitude": 37.33, "Longitude": -121.95, "Population": 821.0}, {"index": 17944, "quantile": 0.25, "value": 234600.0, "Latitude": 37.33, "Longitude": -121.95, "Population": 821.0}, {"index": 17944, "quantile": 0.5, "value": 275900.0, "Latitude": 37.33, "Longitude": -121.95, "Population": 821.0}, {"index": 17944, "quantile": 0.75, "value": 275900.0, "Latitude": 37.33, "Longitude": -121.95, "Population": 821.0}, {"index": 17944, "quantile": 1.0, "value": 375000.0, "Latitude": 37.33, "Longitude": -121.95, "Population": 821.0}, {"index": 17945, "quantile": 0.0, "value": 176400.0, "Latitude": 37.33, "Longitude": -121.95, "Population": 740.0}, {"index": 17945, "quantile": 0.25, "value": 294700.0, "Latitude": 37.33, "Longitude": -121.95, "Population": 740.0}, {"index": 17945, "quantile": 0.5, "value": 294700.0, "Latitude": 37.33, "Longitude": -121.95, "Population": 740.0}, {"index": 17945, "quantile": 0.75, "value": 294700.0, "Latitude": 37.33, "Longitude": -121.95, "Population": 740.0}, {"index": 17945, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -121.95, "Population": 740.0}, {"index": 17946, "quantile": 0.0, "value": 212200.0, "Latitude": 37.33, "Longitude": -121.96, "Population": 1427.0}, {"index": 17946, "quantile": 0.25, "value": 288300.0, "Latitude": 37.33, "Longitude": -121.96, "Population": 1427.0}, {"index": 17946, "quantile": 0.5, "value": 288300.0, "Latitude": 37.33, "Longitude": -121.96, "Population": 1427.0}, {"index": 17946, "quantile": 0.75, "value": 288300.0, "Latitude": 37.33, "Longitude": -121.96, "Population": 1427.0}, {"index": 17946, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -121.96, "Population": 1427.0}, {"index": 17947, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 37.33, "Longitude": -121.96, "Population": 1054.0}, {"index": 17947, "quantile": 0.25, "value": 276900.0, "Latitude": 37.33, "Longitude": -121.96, "Population": 1054.0}, {"index": 17947, "quantile": 0.5, "value": 276900.0, "Latitude": 37.33, "Longitude": -121.96, "Population": 1054.0}, {"index": 17947, "quantile": 0.75, "value": 276900.0, "Latitude": 37.33, "Longitude": -121.96, "Population": 1054.0}, {"index": 17947, "quantile": 1.0, "value": 457500.0, "Latitude": 37.33, "Longitude": -121.96, "Population": 1054.0}, {"index": 17948, "quantile": 0.0, "value": 191100.0, "Latitude": 37.34, "Longitude": -121.96, "Population": 942.0}, {"index": 17948, "quantile": 0.25, "value": 255399.99999999997, "Latitude": 37.34, "Longitude": -121.96, "Population": 942.0}, {"index": 17948, "quantile": 0.5, "value": 255399.99999999997, "Latitude": 37.34, "Longitude": -121.96, "Population": 942.0}, {"index": 17948, "quantile": 0.75, "value": 255399.99999999997, "Latitude": 37.34, "Longitude": -121.96, "Population": 942.0}, {"index": 17948, "quantile": 1.0, "value": 391300.0, "Latitude": 37.34, "Longitude": -121.96, "Population": 942.0}, {"index": 17949, "quantile": 0.0, "value": 169300.0, "Latitude": 37.34, "Longitude": -121.96, "Population": 373.0}, {"index": 17949, "quantile": 0.25, "value": 254100.0, "Latitude": 37.34, "Longitude": -121.96, "Population": 373.0}, {"index": 17949, "quantile": 0.5, "value": 254100.0, "Latitude": 37.34, "Longitude": -121.96, "Population": 373.0}, {"index": 17949, "quantile": 0.75, "value": 286300.0, "Latitude": 37.34, "Longitude": -121.96, "Population": 373.0}, {"index": 17949, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -121.96, "Population": 373.0}, {"index": 17950, "quantile": 0.0, "value": 175000.0, "Latitude": 37.34, "Longitude": -121.96, "Population": 1901.0}, {"index": 17950, "quantile": 0.25, "value": 289175.0, "Latitude": 37.34, "Longitude": -121.96, "Population": 1901.0}, {"index": 17950, "quantile": 0.5, "value": 310150.0, "Latitude": 37.34, "Longitude": -121.96, "Population": 1901.0}, {"index": 17950, "quantile": 0.75, "value": 368275.0, "Latitude": 37.34, "Longitude": -121.96, "Population": 1901.0}, {"index": 17950, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -121.96, "Population": 1901.0}, {"index": 17951, "quantile": 0.0, "value": 67500.0, "Latitude": 37.34, "Longitude": -121.96, "Population": 739.0}, {"index": 17951, "quantile": 0.25, "value": 192525.0, "Latitude": 37.34, "Longitude": -121.96, "Population": 739.0}, {"index": 17951, "quantile": 0.5, "value": 234600.0, "Latitude": 37.34, "Longitude": -121.96, "Population": 739.0}, {"index": 17951, "quantile": 0.75, "value": 264775.0, "Latitude": 37.34, "Longitude": -121.96, "Population": 739.0}, {"index": 17951, "quantile": 1.0, "value": 342800.0, "Latitude": 37.34, "Longitude": -121.96, "Population": 739.0}, {"index": 17952, "quantile": 0.0, "value": 87600.0, "Latitude": 37.34, "Longitude": -121.96, "Population": 293.0}, {"index": 17952, "quantile": 0.25, "value": 247800.00000000003, "Latitude": 37.34, "Longitude": -121.96, "Population": 293.0}, {"index": 17952, "quantile": 0.5, "value": 247800.00000000003, "Latitude": 37.34, "Longitude": -121.96, "Population": 293.0}, {"index": 17952, "quantile": 0.75, "value": 247800.00000000003, "Latitude": 37.34, "Longitude": -121.96, "Population": 293.0}, {"index": 17952, "quantile": 1.0, "value": 487500.0, "Latitude": 37.34, "Longitude": -121.96, "Population": 293.0}, {"index": 17953, "quantile": 0.0, "value": 67500.0, "Latitude": 37.33, "Longitude": -121.98, "Population": 1506.0}, {"index": 17953, "quantile": 0.25, "value": 330500.0, "Latitude": 37.33, "Longitude": -121.98, "Population": 1506.0}, {"index": 17953, "quantile": 0.5, "value": 330500.0, "Latitude": 37.33, "Longitude": -121.98, "Population": 1506.0}, {"index": 17953, "quantile": 0.75, "value": 330500.0, "Latitude": 37.33, "Longitude": -121.98, "Population": 1506.0}, {"index": 17953, "quantile": 1.0, "value": 354600.0, "Latitude": 37.33, "Longitude": -121.98, "Population": 1506.0}, {"index": 17954, "quantile": 0.0, "value": 210500.0, "Latitude": 37.33, "Longitude": -121.98, "Population": 1721.0}, {"index": 17954, "quantile": 0.25, "value": 282325.0, "Latitude": 37.33, "Longitude": -121.98, "Population": 1721.0}, {"index": 17954, "quantile": 0.5, "value": 340400.0, "Latitude": 37.33, "Longitude": -121.98, "Population": 1721.0}, {"index": 17954, "quantile": 0.75, "value": 367800.0, "Latitude": 37.33, "Longitude": -121.98, "Population": 1721.0}, {"index": 17954, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -121.98, "Population": 1721.0}, {"index": 17955, "quantile": 0.0, "value": 268200.0, "Latitude": 37.34, "Longitude": -121.99, "Population": 1571.0}, {"index": 17955, "quantile": 0.25, "value": 315600.0, "Latitude": 37.34, "Longitude": -121.99, "Population": 1571.0}, {"index": 17955, "quantile": 0.5, "value": 315600.0, "Latitude": 37.34, "Longitude": -121.99, "Population": 1571.0}, {"index": 17955, "quantile": 0.75, "value": 315600.0, "Latitude": 37.34, "Longitude": -121.99, "Population": 1571.0}, {"index": 17955, "quantile": 1.0, "value": 463800.0, "Latitude": 37.34, "Longitude": -121.99, "Population": 1571.0}, {"index": 17956, "quantile": 0.0, "value": 181700.0, "Latitude": 37.33, "Longitude": -121.97, "Population": 3636.0}, {"index": 17956, "quantile": 0.25, "value": 302100.0, "Latitude": 37.33, "Longitude": -121.97, "Population": 3636.0}, {"index": 17956, "quantile": 0.5, "value": 302100.0, "Latitude": 37.33, "Longitude": -121.97, "Population": 3636.0}, {"index": 17956, "quantile": 0.75, "value": 302100.0, "Latitude": 37.33, "Longitude": -121.97, "Population": 3636.0}, {"index": 17956, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -121.97, "Population": 3636.0}, {"index": 17957, "quantile": 0.0, "value": 180100.0, "Latitude": 37.33, "Longitude": -121.98, "Population": 1529.0}, {"index": 17957, "quantile": 0.25, "value": 287600.0, "Latitude": 37.33, "Longitude": -121.98, "Population": 1529.0}, {"index": 17957, "quantile": 0.5, "value": 287600.0, "Latitude": 37.33, "Longitude": -121.98, "Population": 1529.0}, {"index": 17957, "quantile": 0.75, "value": 287600.0, "Latitude": 37.33, "Longitude": -121.98, "Population": 1529.0}, {"index": 17957, "quantile": 1.0, "value": 446800.0, "Latitude": 37.33, "Longitude": -121.98, "Population": 1529.0}, {"index": 17958, "quantile": 0.0, "value": 150800.0, "Latitude": 37.33, "Longitude": -121.98, "Population": 912.0}, {"index": 17958, "quantile": 0.25, "value": 294300.0, "Latitude": 37.33, "Longitude": -121.98, "Population": 912.0}, {"index": 17958, "quantile": 0.5, "value": 294300.0, "Latitude": 37.33, "Longitude": -121.98, "Population": 912.0}, {"index": 17958, "quantile": 0.75, "value": 294300.0, "Latitude": 37.33, "Longitude": -121.98, "Population": 912.0}, {"index": 17958, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -121.98, "Population": 912.0}, {"index": 17959, "quantile": 0.0, "value": 78600.0, "Latitude": 37.33, "Longitude": -121.99, "Population": 841.0}, {"index": 17959, "quantile": 0.25, "value": 238700.0, "Latitude": 37.33, "Longitude": -121.99, "Population": 841.0}, {"index": 17959, "quantile": 0.5, "value": 263200.0, "Latitude": 37.33, "Longitude": -121.99, "Population": 841.0}, {"index": 17959, "quantile": 0.75, "value": 298300.0, "Latitude": 37.33, "Longitude": -121.99, "Population": 841.0}, {"index": 17959, "quantile": 1.0, "value": 416300.0, "Latitude": 37.33, "Longitude": -121.99, "Population": 841.0}, {"index": 17960, "quantile": 0.0, "value": 151300.0, "Latitude": 37.33, "Longitude": -121.99, "Population": 1016.0}, {"index": 17960, "quantile": 0.25, "value": 263350.0, "Latitude": 37.33, "Longitude": -121.99, "Population": 1016.0}, {"index": 17960, "quantile": 0.5, "value": 285800.0, "Latitude": 37.33, "Longitude": -121.99, "Population": 1016.0}, {"index": 17960, "quantile": 0.75, "value": 285800.0, "Latitude": 37.33, "Longitude": -121.99, "Population": 1016.0}, {"index": 17960, "quantile": 1.0, "value": 342800.0, "Latitude": 37.33, "Longitude": -121.99, "Population": 1016.0}, {"index": 17961, "quantile": 0.0, "value": 269000.0, "Latitude": 37.31, "Longitude": -121.98, "Population": 1883.0}, {"index": 17961, "quantile": 0.25, "value": 335900.0, "Latitude": 37.31, "Longitude": -121.98, "Population": 1883.0}, {"index": 17961, "quantile": 0.5, "value": 335900.0, "Latitude": 37.31, "Longitude": -121.98, "Population": 1883.0}, {"index": 17961, "quantile": 0.75, "value": 335900.0, "Latitude": 37.31, "Longitude": -121.98, "Population": 1883.0}, {"index": 17961, "quantile": 1.0, "value": 474300.00000000006, "Latitude": 37.31, "Longitude": -121.98, "Population": 1883.0}, {"index": 17962, "quantile": 0.0, "value": 211000.0, "Latitude": 37.3, "Longitude": -121.99, "Population": 2110.0}, {"index": 17962, "quantile": 0.25, "value": 315600.0, "Latitude": 37.3, "Longitude": -121.99, "Population": 2110.0}, {"index": 17962, "quantile": 0.5, "value": 342000.0, "Latitude": 37.3, "Longitude": -121.99, "Population": 2110.0}, {"index": 17962, "quantile": 0.75, "value": 342000.0, "Latitude": 37.3, "Longitude": -121.99, "Population": 2110.0}, {"index": 17962, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -121.99, "Population": 2110.0}, {"index": 17963, "quantile": 0.0, "value": 211000.0, "Latitude": 37.3, "Longitude": -122.0, "Population": 2588.0}, {"index": 17963, "quantile": 0.25, "value": 298900.0, "Latitude": 37.3, "Longitude": -122.0, "Population": 2588.0}, {"index": 17963, "quantile": 0.5, "value": 355200.0, "Latitude": 37.3, "Longitude": -122.0, "Population": 2588.0}, {"index": 17963, "quantile": 0.75, "value": 355200.0, "Latitude": 37.3, "Longitude": -122.0, "Population": 2588.0}, {"index": 17963, "quantile": 1.0, "value": 373800.0, "Latitude": 37.3, "Longitude": -122.0, "Population": 2588.0}, {"index": 17964, "quantile": 0.0, "value": 165500.0, "Latitude": 37.32, "Longitude": -121.98, "Population": 4748.0}, {"index": 17964, "quantile": 0.25, "value": 279800.0, "Latitude": 37.32, "Longitude": -121.98, "Population": 4748.0}, {"index": 17964, "quantile": 0.5, "value": 279800.0, "Latitude": 37.32, "Longitude": -121.98, "Population": 4748.0}, {"index": 17964, "quantile": 0.75, "value": 279800.0, "Latitude": 37.32, "Longitude": -121.98, "Population": 4748.0}, {"index": 17964, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 37.32, "Longitude": -121.98, "Population": 4748.0}, {"index": 17965, "quantile": 0.0, "value": 110700.0, "Latitude": 37.32, "Longitude": -121.99, "Population": 2042.0}, {"index": 17965, "quantile": 0.25, "value": 262800.0, "Latitude": 37.32, "Longitude": -121.99, "Population": 2042.0}, {"index": 17965, "quantile": 0.5, "value": 274600.0, "Latitude": 37.32, "Longitude": -121.99, "Population": 2042.0}, {"index": 17965, "quantile": 0.75, "value": 290425.0, "Latitude": 37.32, "Longitude": -121.99, "Population": 2042.0}, {"index": 17965, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.32, "Longitude": -121.99, "Population": 2042.0}, {"index": 17966, "quantile": 0.0, "value": 185100.0, "Latitude": 37.31, "Longitude": -121.98, "Population": 1191.0}, {"index": 17966, "quantile": 0.25, "value": 288900.0, "Latitude": 37.31, "Longitude": -121.98, "Population": 1191.0}, {"index": 17966, "quantile": 0.5, "value": 288900.0, "Latitude": 37.31, "Longitude": -121.98, "Population": 1191.0}, {"index": 17966, "quantile": 0.75, "value": 288900.0, "Latitude": 37.31, "Longitude": -121.98, "Population": 1191.0}, {"index": 17966, "quantile": 1.0, "value": 430600.0, "Latitude": 37.31, "Longitude": -121.98, "Population": 1191.0}, {"index": 17967, "quantile": 0.0, "value": 201399.99999999997, "Latitude": 37.31, "Longitude": -121.98, "Population": 1016.0}, {"index": 17967, "quantile": 0.25, "value": 279850.0, "Latitude": 37.31, "Longitude": -121.98, "Population": 1016.0}, {"index": 17967, "quantile": 0.5, "value": 299450.0, "Latitude": 37.31, "Longitude": -121.98, "Population": 1016.0}, {"index": 17967, "quantile": 0.75, "value": 373650.00000000006, "Latitude": 37.31, "Longitude": -121.98, "Population": 1016.0}, {"index": 17967, "quantile": 1.0, "value": 500000.0, "Latitude": 37.31, "Longitude": -121.98, "Population": 1016.0}, {"index": 17968, "quantile": 0.0, "value": 139100.0, "Latitude": 37.31, "Longitude": -121.99, "Population": 1443.0}, {"index": 17968, "quantile": 0.25, "value": 273500.0, "Latitude": 37.31, "Longitude": -121.99, "Population": 1443.0}, {"index": 17968, "quantile": 0.5, "value": 330450.0, "Latitude": 37.31, "Longitude": -121.99, "Population": 1443.0}, {"index": 17968, "quantile": 0.75, "value": 376300.0, "Latitude": 37.31, "Longitude": -121.99, "Population": 1443.0}, {"index": 17968, "quantile": 1.0, "value": 430600.0, "Latitude": 37.31, "Longitude": -121.99, "Population": 1443.0}, {"index": 17969, "quantile": 0.0, "value": 166700.0, "Latitude": 37.32, "Longitude": -121.97, "Population": 2672.0}, {"index": 17969, "quantile": 0.25, "value": 231374.99999999997, "Latitude": 37.32, "Longitude": -121.97, "Population": 2672.0}, {"index": 17969, "quantile": 0.5, "value": 240000.0, "Latitude": 37.32, "Longitude": -121.97, "Population": 2672.0}, {"index": 17969, "quantile": 0.75, "value": 275700.0, "Latitude": 37.32, "Longitude": -121.97, "Population": 2672.0}, {"index": 17969, "quantile": 1.0, "value": 450000.0, "Latitude": 37.32, "Longitude": -121.97, "Population": 2672.0}, {"index": 17970, "quantile": 0.0, "value": 114399.99999999999, "Latitude": 37.32, "Longitude": -121.96, "Population": 1094.0}, {"index": 17970, "quantile": 0.25, "value": 227700.0, "Latitude": 37.32, "Longitude": -121.96, "Population": 1094.0}, {"index": 17970, "quantile": 0.5, "value": 227700.0, "Latitude": 37.32, "Longitude": -121.96, "Population": 1094.0}, {"index": 17970, "quantile": 0.75, "value": 227700.0, "Latitude": 37.32, "Longitude": -121.96, "Population": 1094.0}, {"index": 17970, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.32, "Longitude": -121.96, "Population": 1094.0}, {"index": 17971, "quantile": 0.0, "value": 136400.0, "Latitude": 37.32, "Longitude": -121.95, "Population": 619.0}, {"index": 17971, "quantile": 0.25, "value": 263200.0, "Latitude": 37.32, "Longitude": -121.95, "Population": 619.0}, {"index": 17971, "quantile": 0.5, "value": 263200.0, "Latitude": 37.32, "Longitude": -121.95, "Population": 619.0}, {"index": 17971, "quantile": 0.75, "value": 263200.0, "Latitude": 37.32, "Longitude": -121.95, "Population": 619.0}, {"index": 17971, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.32, "Longitude": -121.95, "Population": 619.0}, {"index": 17972, "quantile": 0.0, "value": 87200.0, "Latitude": 37.32, "Longitude": -121.95, "Population": 431.0}, {"index": 17972, "quantile": 0.25, "value": 279800.0, "Latitude": 37.32, "Longitude": -121.95, "Population": 431.0}, {"index": 17972, "quantile": 0.5, "value": 281900.0, "Latitude": 37.32, "Longitude": -121.95, "Population": 431.0}, {"index": 17972, "quantile": 0.75, "value": 281900.0, "Latitude": 37.32, "Longitude": -121.95, "Population": 431.0}, {"index": 17972, "quantile": 1.0, "value": 362500.0, "Latitude": 37.32, "Longitude": -121.95, "Population": 431.0}, {"index": 17973, "quantile": 0.0, "value": 165600.0, "Latitude": 37.31, "Longitude": -121.95, "Population": 2135.0}, {"index": 17973, "quantile": 0.25, "value": 264600.0, "Latitude": 37.31, "Longitude": -121.95, "Population": 2135.0}, {"index": 17973, "quantile": 0.5, "value": 264600.0, "Latitude": 37.31, "Longitude": -121.95, "Population": 2135.0}, {"index": 17973, "quantile": 0.75, "value": 264600.0, "Latitude": 37.31, "Longitude": -121.95, "Population": 2135.0}, {"index": 17973, "quantile": 1.0, "value": 405400.0, "Latitude": 37.31, "Longitude": -121.95, "Population": 2135.0}, {"index": 17974, "quantile": 0.0, "value": 171700.0, "Latitude": 37.31, "Longitude": -121.96, "Population": 1819.0}, {"index": 17974, "quantile": 0.25, "value": 345900.0, "Latitude": 37.31, "Longitude": -121.96, "Population": 1819.0}, {"index": 17974, "quantile": 0.5, "value": 363800.0, "Latitude": 37.31, "Longitude": -121.96, "Population": 1819.0}, {"index": 17974, "quantile": 0.75, "value": 411550.00000000006, "Latitude": 37.31, "Longitude": -121.96, "Population": 1819.0}, {"index": 17974, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -121.96, "Population": 1819.0}, {"index": 17975, "quantile": 0.0, "value": 201200.0, "Latitude": 37.31, "Longitude": -121.96, "Population": 1898.0}, {"index": 17975, "quantile": 0.25, "value": 290900.0, "Latitude": 37.31, "Longitude": -121.96, "Population": 1898.0}, {"index": 17975, "quantile": 0.5, "value": 290900.0, "Latitude": 37.31, "Longitude": -121.96, "Population": 1898.0}, {"index": 17975, "quantile": 0.75, "value": 290900.0, "Latitude": 37.31, "Longitude": -121.96, "Population": 1898.0}, {"index": 17975, "quantile": 1.0, "value": 444500.0, "Latitude": 37.31, "Longitude": -121.96, "Population": 1898.0}, {"index": 17976, "quantile": 0.0, "value": 87500.0, "Latitude": 37.31, "Longitude": -121.97, "Population": 3637.0}, {"index": 17976, "quantile": 0.25, "value": 267500.0, "Latitude": 37.31, "Longitude": -121.97, "Population": 3637.0}, {"index": 17976, "quantile": 0.5, "value": 267500.0, "Latitude": 37.31, "Longitude": -121.97, "Population": 3637.0}, {"index": 17976, "quantile": 0.75, "value": 267500.0, "Latitude": 37.31, "Longitude": -121.97, "Population": 3637.0}, {"index": 17976, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -121.97, "Population": 3637.0}, {"index": 17977, "quantile": 0.0, "value": 93800.0, "Latitude": 37.31, "Longitude": -121.97, "Population": 3580.0}, {"index": 17977, "quantile": 0.25, "value": 191700.0, "Latitude": 37.31, "Longitude": -121.97, "Population": 3580.0}, {"index": 17977, "quantile": 0.5, "value": 218500.0, "Latitude": 37.31, "Longitude": -121.97, "Population": 3580.0}, {"index": 17977, "quantile": 0.75, "value": 239499.99999999997, "Latitude": 37.31, "Longitude": -121.97, "Population": 3580.0}, {"index": 17977, "quantile": 1.0, "value": 450000.0, "Latitude": 37.31, "Longitude": -121.97, "Population": 3580.0}, {"index": 17978, "quantile": 0.0, "value": 81300.0, "Latitude": 37.3, "Longitude": -121.97, "Population": 2758.0}, {"index": 17978, "quantile": 0.25, "value": 218200.0, "Latitude": 37.3, "Longitude": -121.97, "Population": 2758.0}, {"index": 17978, "quantile": 0.5, "value": 234600.0, "Latitude": 37.3, "Longitude": -121.97, "Population": 2758.0}, {"index": 17978, "quantile": 0.75, "value": 256675.0, "Latitude": 37.3, "Longitude": -121.97, "Population": 2758.0}, {"index": 17978, "quantile": 1.0, "value": 425000.0, "Latitude": 37.3, "Longitude": -121.97, "Population": 2758.0}, {"index": 17979, "quantile": 0.0, "value": 87500.0, "Latitude": 37.32, "Longitude": -121.95, "Population": 351.0}, {"index": 17979, "quantile": 0.25, "value": 270500.0, "Latitude": 37.32, "Longitude": -121.95, "Population": 351.0}, {"index": 17979, "quantile": 0.5, "value": 270500.0, "Latitude": 37.32, "Longitude": -121.95, "Population": 351.0}, {"index": 17979, "quantile": 0.75, "value": 270500.0, "Latitude": 37.32, "Longitude": -121.95, "Population": 351.0}, {"index": 17979, "quantile": 1.0, "value": 353600.0, "Latitude": 37.32, "Longitude": -121.95, "Population": 351.0}, {"index": 17980, "quantile": 0.0, "value": 132200.0, "Latitude": 37.31, "Longitude": -121.94, "Population": 1914.0}, {"index": 17980, "quantile": 0.25, "value": 307000.0, "Latitude": 37.31, "Longitude": -121.94, "Population": 1914.0}, {"index": 17980, "quantile": 0.5, "value": 307000.0, "Latitude": 37.31, "Longitude": -121.94, "Population": 1914.0}, {"index": 17980, "quantile": 0.75, "value": 307000.0, "Latitude": 37.31, "Longitude": -121.94, "Population": 1914.0}, {"index": 17980, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -121.94, "Population": 1914.0}, {"index": 17981, "quantile": 0.0, "value": 88800.0, "Latitude": 37.31, "Longitude": -121.95, "Population": 1278.0}, {"index": 17981, "quantile": 0.25, "value": 236724.99999999997, "Latitude": 37.31, "Longitude": -121.95, "Population": 1278.0}, {"index": 17981, "quantile": 0.5, "value": 250000.0, "Latitude": 37.31, "Longitude": -121.95, "Population": 1278.0}, {"index": 17981, "quantile": 0.75, "value": 264900.0, "Latitude": 37.31, "Longitude": -121.95, "Population": 1278.0}, {"index": 17981, "quantile": 1.0, "value": 369300.0, "Latitude": 37.31, "Longitude": -121.95, "Population": 1278.0}, {"index": 17982, "quantile": 0.0, "value": 264800.0, "Latitude": 37.3, "Longitude": -121.94, "Population": 814.0}, {"index": 17982, "quantile": 0.25, "value": 332500.0, "Latitude": 37.3, "Longitude": -121.94, "Population": 814.0}, {"index": 17982, "quantile": 0.5, "value": 332500.0, "Latitude": 37.3, "Longitude": -121.94, "Population": 814.0}, {"index": 17982, "quantile": 0.75, "value": 332500.0, "Latitude": 37.3, "Longitude": -121.94, "Population": 814.0}, {"index": 17982, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -121.94, "Population": 814.0}, {"index": 17983, "quantile": 0.0, "value": 179300.0, "Latitude": 37.3, "Longitude": -121.95, "Population": 2487.0}, {"index": 17983, "quantile": 0.25, "value": 222475.00000000003, "Latitude": 37.3, "Longitude": -121.95, "Population": 2487.0}, {"index": 17983, "quantile": 0.5, "value": 262400.0, "Latitude": 37.3, "Longitude": -121.95, "Population": 2487.0}, {"index": 17983, "quantile": 0.75, "value": 265300.0, "Latitude": 37.3, "Longitude": -121.95, "Population": 2487.0}, {"index": 17983, "quantile": 1.0, "value": 305200.0, "Latitude": 37.3, "Longitude": -121.95, "Population": 2487.0}, {"index": 17984, "quantile": 0.0, "value": 63500.0, "Latitude": 37.3, "Longitude": -121.94, "Population": 734.0}, {"index": 17984, "quantile": 0.25, "value": 231425.0, "Latitude": 37.3, "Longitude": -121.94, "Population": 734.0}, {"index": 17984, "quantile": 0.5, "value": 258049.99999999997, "Latitude": 37.3, "Longitude": -121.94, "Population": 734.0}, {"index": 17984, "quantile": 0.75, "value": 308375.0, "Latitude": 37.3, "Longitude": -121.94, "Population": 734.0}, {"index": 17984, "quantile": 1.0, "value": 404500.0, "Latitude": 37.3, "Longitude": -121.94, "Population": 734.0}, {"index": 17985, "quantile": 0.0, "value": 152400.0, "Latitude": 37.3, "Longitude": -121.95, "Population": 3786.0}, {"index": 17985, "quantile": 0.25, "value": 244400.0, "Latitude": 37.3, "Longitude": -121.95, "Population": 3786.0}, {"index": 17985, "quantile": 0.5, "value": 267500.0, "Latitude": 37.3, "Longitude": -121.95, "Population": 3786.0}, {"index": 17985, "quantile": 0.75, "value": 267500.0, "Latitude": 37.3, "Longitude": -121.95, "Population": 3786.0}, {"index": 17985, "quantile": 1.0, "value": 300000.0, "Latitude": 37.3, "Longitude": -121.95, "Population": 3786.0}, {"index": 17986, "quantile": 0.0, "value": 155700.0, "Latitude": 37.3, "Longitude": -121.96, "Population": 2334.0}, {"index": 17986, "quantile": 0.25, "value": 227300.0, "Latitude": 37.3, "Longitude": -121.96, "Population": 2334.0}, {"index": 17986, "quantile": 0.5, "value": 227300.0, "Latitude": 37.3, "Longitude": -121.96, "Population": 2334.0}, {"index": 17986, "quantile": 0.75, "value": 252450.00000000003, "Latitude": 37.3, "Longitude": -121.96, "Population": 2334.0}, {"index": 17986, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -121.96, "Population": 2334.0}, {"index": 17987, "quantile": 0.0, "value": 40000.0, "Latitude": 37.29, "Longitude": -121.94, "Population": 1249.0}, {"index": 17987, "quantile": 0.25, "value": 212500.0, "Latitude": 37.29, "Longitude": -121.94, "Population": 1249.0}, {"index": 17987, "quantile": 0.5, "value": 212500.0, "Latitude": 37.29, "Longitude": -121.94, "Population": 1249.0}, {"index": 17987, "quantile": 0.75, "value": 284550.00000000006, "Latitude": 37.29, "Longitude": -121.94, "Population": 1249.0}, {"index": 17987, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.94, "Population": 1249.0}, {"index": 17988, "quantile": 0.0, "value": 40000.0, "Latitude": 37.29, "Longitude": -121.94, "Population": 363.0}, {"index": 17988, "quantile": 0.25, "value": 200000.0, "Latitude": 37.29, "Longitude": -121.94, "Population": 363.0}, {"index": 17988, "quantile": 0.5, "value": 258800.0, "Latitude": 37.29, "Longitude": -121.94, "Population": 363.0}, {"index": 17988, "quantile": 0.75, "value": 325675.0, "Latitude": 37.29, "Longitude": -121.94, "Population": 363.0}, {"index": 17988, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.94, "Population": 363.0}, {"index": 17989, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.27, "Longitude": -121.95, "Population": 408.0}, {"index": 17989, "quantile": 0.25, "value": 137500.0, "Latitude": 37.27, "Longitude": -121.95, "Population": 408.0}, {"index": 17989, "quantile": 0.5, "value": 166400.00000000003, "Latitude": 37.27, "Longitude": -121.95, "Population": 408.0}, {"index": 17989, "quantile": 0.75, "value": 259050.0, "Latitude": 37.27, "Longitude": -121.95, "Population": 408.0}, {"index": 17989, "quantile": 1.0, "value": 350000.0, "Latitude": 37.27, "Longitude": -121.95, "Population": 408.0}, {"index": 17990, "quantile": 0.0, "value": 97300.0, "Latitude": 37.28, "Longitude": -121.95, "Population": 362.0}, {"index": 17990, "quantile": 0.25, "value": 262500.0, "Latitude": 37.28, "Longitude": -121.95, "Population": 362.0}, {"index": 17990, "quantile": 0.5, "value": 262500.0, "Latitude": 37.28, "Longitude": -121.95, "Population": 362.0}, {"index": 17990, "quantile": 0.75, "value": 262500.0, "Latitude": 37.28, "Longitude": -121.95, "Population": 362.0}, {"index": 17990, "quantile": 1.0, "value": 395700.0, "Latitude": 37.28, "Longitude": -121.95, "Population": 362.0}, {"index": 17991, "quantile": 0.0, "value": 156300.0, "Latitude": 37.29, "Longitude": -121.95, "Population": 715.0}, {"index": 17991, "quantile": 0.25, "value": 234300.0, "Latitude": 37.29, "Longitude": -121.95, "Population": 715.0}, {"index": 17991, "quantile": 0.5, "value": 234300.0, "Latitude": 37.29, "Longitude": -121.95, "Population": 715.0}, {"index": 17991, "quantile": 0.75, "value": 234300.0, "Latitude": 37.29, "Longitude": -121.95, "Population": 715.0}, {"index": 17991, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.95, "Population": 715.0}, {"index": 17992, "quantile": 0.0, "value": 90100.0, "Latitude": 37.29, "Longitude": -121.95, "Population": 1834.0}, {"index": 17992, "quantile": 0.25, "value": 260000.0, "Latitude": 37.29, "Longitude": -121.95, "Population": 1834.0}, {"index": 17992, "quantile": 0.5, "value": 260000.0, "Latitude": 37.29, "Longitude": -121.95, "Population": 1834.0}, {"index": 17992, "quantile": 0.75, "value": 260000.0, "Latitude": 37.29, "Longitude": -121.95, "Population": 1834.0}, {"index": 17992, "quantile": 1.0, "value": 364900.0, "Latitude": 37.29, "Longitude": -121.95, "Population": 1834.0}, {"index": 17993, "quantile": 0.0, "value": 137500.0, "Latitude": 37.28, "Longitude": -121.95, "Population": 3759.0}, {"index": 17993, "quantile": 0.25, "value": 242899.99999999997, "Latitude": 37.28, "Longitude": -121.95, "Population": 3759.0}, {"index": 17993, "quantile": 0.5, "value": 242899.99999999997, "Latitude": 37.28, "Longitude": -121.95, "Population": 3759.0}, {"index": 17993, "quantile": 0.75, "value": 242899.99999999997, "Latitude": 37.28, "Longitude": -121.95, "Population": 3759.0}, {"index": 17993, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -121.95, "Population": 3759.0}, {"index": 17994, "quantile": 0.0, "value": 204800.0, "Latitude": 37.3, "Longitude": -121.98, "Population": 1794.0}, {"index": 17994, "quantile": 0.25, "value": 283200.0, "Latitude": 37.3, "Longitude": -121.98, "Population": 1794.0}, {"index": 17994, "quantile": 0.5, "value": 283200.0, "Latitude": 37.3, "Longitude": -121.98, "Population": 1794.0}, {"index": 17994, "quantile": 0.75, "value": 283200.0, "Latitude": 37.3, "Longitude": -121.98, "Population": 1794.0}, {"index": 17994, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -121.98, "Population": 1794.0}, {"index": 17995, "quantile": 0.0, "value": 171700.0, "Latitude": 37.29, "Longitude": -121.98, "Population": 907.0}, {"index": 17995, "quantile": 0.25, "value": 405824.99999999994, "Latitude": 37.29, "Longitude": -121.98, "Population": 907.0}, {"index": 17995, "quantile": 0.5, "value": 431450.0, "Latitude": 37.29, "Longitude": -121.98, "Population": 907.0}, {"index": 17995, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.98, "Population": 907.0}, {"index": 17995, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.98, "Population": 907.0}, {"index": 17996, "quantile": 0.0, "value": 200000.0, "Latitude": 37.29, "Longitude": -121.98, "Population": 1459.0}, {"index": 17996, "quantile": 0.25, "value": 264900.0, "Latitude": 37.29, "Longitude": -121.98, "Population": 1459.0}, {"index": 17996, "quantile": 0.5, "value": 264900.0, "Latitude": 37.29, "Longitude": -121.98, "Population": 1459.0}, {"index": 17996, "quantile": 0.75, "value": 264900.0, "Latitude": 37.29, "Longitude": -121.98, "Population": 1459.0}, {"index": 17996, "quantile": 1.0, "value": 337000.0, "Latitude": 37.29, "Longitude": -121.98, "Population": 1459.0}, {"index": 17997, "quantile": 0.0, "value": 185100.0, "Latitude": 37.28, "Longitude": -121.96, "Population": 877.0}, {"index": 17997, "quantile": 0.25, "value": 280400.0, "Latitude": 37.28, "Longitude": -121.96, "Population": 877.0}, {"index": 17997, "quantile": 0.5, "value": 280400.0, "Latitude": 37.28, "Longitude": -121.96, "Population": 877.0}, {"index": 17997, "quantile": 0.75, "value": 282200.0, "Latitude": 37.28, "Longitude": -121.96, "Population": 877.0}, {"index": 17997, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 37.28, "Longitude": -121.96, "Population": 877.0}, {"index": 17998, "quantile": 0.0, "value": 141200.0, "Latitude": 37.28, "Longitude": -121.97, "Population": 1995.0}, {"index": 17998, "quantile": 0.25, "value": 296100.0, "Latitude": 37.28, "Longitude": -121.97, "Population": 1995.0}, {"index": 17998, "quantile": 0.5, "value": 296100.0, "Latitude": 37.28, "Longitude": -121.97, "Population": 1995.0}, {"index": 17998, "quantile": 0.75, "value": 296100.0, "Latitude": 37.28, "Longitude": -121.97, "Population": 1995.0}, {"index": 17998, "quantile": 1.0, "value": 439799.99999999994, "Latitude": 37.28, "Longitude": -121.97, "Population": 1995.0}, {"index": 17999, "quantile": 0.0, "value": 164300.0, "Latitude": 37.28, "Longitude": -121.97, "Population": 1301.0}, {"index": 17999, "quantile": 0.25, "value": 269400.0, "Latitude": 37.28, "Longitude": -121.97, "Population": 1301.0}, {"index": 17999, "quantile": 0.5, "value": 277300.0, "Latitude": 37.28, "Longitude": -121.97, "Population": 1301.0}, {"index": 17999, "quantile": 0.75, "value": 277300.0, "Latitude": 37.28, "Longitude": -121.97, "Population": 1301.0}, {"index": 17999, "quantile": 1.0, "value": 378000.0, "Latitude": 37.28, "Longitude": -121.97, "Population": 1301.0}, {"index": 18000, "quantile": 0.0, "value": 181300.0, "Latitude": 37.28, "Longitude": -121.98, "Population": 620.0}, {"index": 18000, "quantile": 0.25, "value": 269100.0, "Latitude": 37.28, "Longitude": -121.98, "Population": 620.0}, {"index": 18000, "quantile": 0.5, "value": 269100.0, "Latitude": 37.28, "Longitude": -121.98, "Population": 620.0}, {"index": 18000, "quantile": 0.75, "value": 269100.0, "Latitude": 37.28, "Longitude": -121.98, "Population": 620.0}, {"index": 18000, "quantile": 1.0, "value": 400000.0, "Latitude": 37.28, "Longitude": -121.98, "Population": 620.0}, {"index": 18001, "quantile": 0.0, "value": 240400.0, "Latitude": 37.28, "Longitude": -121.98, "Population": 1877.0}, {"index": 18001, "quantile": 0.25, "value": 272600.0, "Latitude": 37.28, "Longitude": -121.98, "Population": 1877.0}, {"index": 18001, "quantile": 0.5, "value": 272600.0, "Latitude": 37.28, "Longitude": -121.98, "Population": 1877.0}, {"index": 18001, "quantile": 0.75, "value": 272600.0, "Latitude": 37.28, "Longitude": -121.98, "Population": 1877.0}, {"index": 18001, "quantile": 1.0, "value": 431400.0, "Latitude": 37.28, "Longitude": -121.98, "Population": 1877.0}, {"index": 18002, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 37.28, "Longitude": -121.98, "Population": 1725.0}, {"index": 18002, "quantile": 0.25, "value": 273725.0, "Latitude": 37.28, "Longitude": -121.98, "Population": 1725.0}, {"index": 18002, "quantile": 0.5, "value": 275000.0, "Latitude": 37.28, "Longitude": -121.98, "Population": 1725.0}, {"index": 18002, "quantile": 0.75, "value": 275000.0, "Latitude": 37.28, "Longitude": -121.98, "Population": 1725.0}, {"index": 18002, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -121.98, "Population": 1725.0}, {"index": 18003, "quantile": 0.0, "value": 209400.0, "Latitude": 37.27, "Longitude": -121.99, "Population": 1454.0}, {"index": 18003, "quantile": 0.25, "value": 273500.0, "Latitude": 37.27, "Longitude": -121.99, "Population": 1454.0}, {"index": 18003, "quantile": 0.5, "value": 273500.0, "Latitude": 37.27, "Longitude": -121.99, "Population": 1454.0}, {"index": 18003, "quantile": 0.75, "value": 273500.0, "Latitude": 37.27, "Longitude": -121.99, "Population": 1454.0}, {"index": 18003, "quantile": 1.0, "value": 301300.0, "Latitude": 37.27, "Longitude": -121.99, "Population": 1454.0}, {"index": 18004, "quantile": 0.0, "value": 267600.0, "Latitude": 37.29, "Longitude": -121.99, "Population": 1336.0}, {"index": 18004, "quantile": 0.25, "value": 344100.0, "Latitude": 37.29, "Longitude": -121.99, "Population": 1336.0}, {"index": 18004, "quantile": 0.5, "value": 344100.0, "Latitude": 37.29, "Longitude": -121.99, "Population": 1336.0}, {"index": 18004, "quantile": 0.75, "value": 344100.0, "Latitude": 37.29, "Longitude": -121.99, "Population": 1336.0}, {"index": 18004, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -121.99, "Population": 1336.0}, {"index": 18005, "quantile": 0.0, "value": 187300.0, "Latitude": 37.3, "Longitude": -121.96, "Population": 2181.0}, {"index": 18005, "quantile": 0.25, "value": 281550.0, "Latitude": 37.3, "Longitude": -121.96, "Population": 2181.0}, {"index": 18005, "quantile": 0.5, "value": 303400.0, "Latitude": 37.3, "Longitude": -121.96, "Population": 2181.0}, {"index": 18005, "quantile": 0.75, "value": 303400.0, "Latitude": 37.3, "Longitude": -121.96, "Population": 2181.0}, {"index": 18005, "quantile": 1.0, "value": 364200.0, "Latitude": 37.3, "Longitude": -121.96, "Population": 2181.0}, {"index": 18006, "quantile": 0.0, "value": 218200.0, "Latitude": 37.3, "Longitude": -121.97, "Population": 1891.0}, {"index": 18006, "quantile": 0.25, "value": 275000.0, "Latitude": 37.3, "Longitude": -121.97, "Population": 1891.0}, {"index": 18006, "quantile": 0.5, "value": 275000.0, "Latitude": 37.3, "Longitude": -121.97, "Population": 1891.0}, {"index": 18006, "quantile": 0.75, "value": 275000.0, "Latitude": 37.3, "Longitude": -121.97, "Population": 1891.0}, {"index": 18006, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 37.3, "Longitude": -121.97, "Population": 1891.0}, {"index": 18007, "quantile": 0.0, "value": 99600.0, "Latitude": 37.29, "Longitude": -121.96, "Population": 690.0}, {"index": 18007, "quantile": 0.25, "value": 266325.0, "Latitude": 37.29, "Longitude": -121.96, "Population": 690.0}, {"index": 18007, "quantile": 0.5, "value": 283000.0, "Latitude": 37.29, "Longitude": -121.96, "Population": 690.0}, {"index": 18007, "quantile": 0.75, "value": 283000.0, "Latitude": 37.29, "Longitude": -121.96, "Population": 690.0}, {"index": 18007, "quantile": 1.0, "value": 340700.0, "Latitude": 37.29, "Longitude": -121.96, "Population": 690.0}, {"index": 18008, "quantile": 0.0, "value": 185100.0, "Latitude": 37.29, "Longitude": -121.97, "Population": 2027.0}, {"index": 18008, "quantile": 0.25, "value": 300300.0, "Latitude": 37.29, "Longitude": -121.97, "Population": 2027.0}, {"index": 18008, "quantile": 0.5, "value": 300300.0, "Latitude": 37.29, "Longitude": -121.97, "Population": 2027.0}, {"index": 18008, "quantile": 0.75, "value": 300300.0, "Latitude": 37.29, "Longitude": -121.97, "Population": 2027.0}, {"index": 18008, "quantile": 1.0, "value": 440299.99999999994, "Latitude": 37.29, "Longitude": -121.97, "Population": 2027.0}, {"index": 18009, "quantile": 0.0, "value": 182700.0, "Latitude": 37.29, "Longitude": -121.97, "Population": 1602.0}, {"index": 18009, "quantile": 0.25, "value": 265300.0, "Latitude": 37.29, "Longitude": -121.97, "Population": 1602.0}, {"index": 18009, "quantile": 0.5, "value": 265300.0, "Latitude": 37.29, "Longitude": -121.97, "Population": 1602.0}, {"index": 18009, "quantile": 0.75, "value": 265300.0, "Latitude": 37.29, "Longitude": -121.97, "Population": 1602.0}, {"index": 18009, "quantile": 1.0, "value": 348100.0, "Latitude": 37.29, "Longitude": -121.97, "Population": 1602.0}, {"index": 18010, "quantile": 0.0, "value": 150800.0, "Latitude": 37.27, "Longitude": -121.99, "Population": 775.0}, {"index": 18010, "quantile": 0.25, "value": 259975.00000000003, "Latitude": 37.27, "Longitude": -121.99, "Population": 775.0}, {"index": 18010, "quantile": 0.5, "value": 283850.0, "Latitude": 37.27, "Longitude": -121.99, "Population": 775.0}, {"index": 18010, "quantile": 0.75, "value": 323550.0, "Latitude": 37.27, "Longitude": -121.99, "Population": 775.0}, {"index": 18010, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -121.99, "Population": 775.0}, {"index": 18011, "quantile": 0.0, "value": 151400.0, "Latitude": 37.27, "Longitude": -121.98, "Population": 1633.0}, {"index": 18011, "quantile": 0.25, "value": 259725.00000000003, "Latitude": 37.27, "Longitude": -121.98, "Population": 1633.0}, {"index": 18011, "quantile": 0.5, "value": 269400.0, "Latitude": 37.27, "Longitude": -121.98, "Population": 1633.0}, {"index": 18011, "quantile": 0.75, "value": 269400.0, "Latitude": 37.27, "Longitude": -121.98, "Population": 1633.0}, {"index": 18011, "quantile": 1.0, "value": 355100.0, "Latitude": 37.27, "Longitude": -121.98, "Population": 1633.0}, {"index": 18012, "quantile": 0.0, "value": 193200.0, "Latitude": 37.27, "Longitude": -121.98, "Population": 1318.0}, {"index": 18012, "quantile": 0.25, "value": 298900.0, "Latitude": 37.27, "Longitude": -121.98, "Population": 1318.0}, {"index": 18012, "quantile": 0.5, "value": 298900.0, "Latitude": 37.27, "Longitude": -121.98, "Population": 1318.0}, {"index": 18012, "quantile": 0.75, "value": 298900.0, "Latitude": 37.27, "Longitude": -121.98, "Population": 1318.0}, {"index": 18012, "quantile": 1.0, "value": 416300.0, "Latitude": 37.27, "Longitude": -121.98, "Population": 1318.0}, {"index": 18013, "quantile": 0.0, "value": 174100.0, "Latitude": 37.28, "Longitude": -121.96, "Population": 2846.0}, {"index": 18013, "quantile": 0.25, "value": 261225.0, "Latitude": 37.28, "Longitude": -121.96, "Population": 2846.0}, {"index": 18013, "quantile": 0.5, "value": 273900.0, "Latitude": 37.28, "Longitude": -121.96, "Population": 2846.0}, {"index": 18013, "quantile": 0.75, "value": 273900.0, "Latitude": 37.28, "Longitude": -121.96, "Population": 2846.0}, {"index": 18013, "quantile": 1.0, "value": 342800.0, "Latitude": 37.28, "Longitude": -121.96, "Population": 2846.0}, {"index": 18014, "quantile": 0.0, "value": 261000.0, "Latitude": 37.27, "Longitude": -121.96, "Population": 2983.0}, {"index": 18014, "quantile": 0.25, "value": 269100.0, "Latitude": 37.27, "Longitude": -121.96, "Population": 2983.0}, {"index": 18014, "quantile": 0.5, "value": 269100.0, "Latitude": 37.27, "Longitude": -121.96, "Population": 2983.0}, {"index": 18014, "quantile": 0.75, "value": 278100.0, "Latitude": 37.27, "Longitude": -121.96, "Population": 2983.0}, {"index": 18014, "quantile": 1.0, "value": 390200.0, "Latitude": 37.27, "Longitude": -121.96, "Population": 2983.0}, {"index": 18015, "quantile": 0.0, "value": 139100.0, "Latitude": 37.27, "Longitude": -121.96, "Population": 1566.0}, {"index": 18015, "quantile": 0.25, "value": 286800.0, "Latitude": 37.27, "Longitude": -121.96, "Population": 1566.0}, {"index": 18015, "quantile": 0.5, "value": 286800.0, "Latitude": 37.27, "Longitude": -121.96, "Population": 1566.0}, {"index": 18015, "quantile": 0.75, "value": 290900.0, "Latitude": 37.27, "Longitude": -121.96, "Population": 1566.0}, {"index": 18015, "quantile": 1.0, "value": 463800.0, "Latitude": 37.27, "Longitude": -121.96, "Population": 1566.0}, {"index": 18016, "quantile": 0.0, "value": 137500.0, "Latitude": 37.26, "Longitude": -121.97, "Population": 998.0}, {"index": 18016, "quantile": 0.25, "value": 255100.00000000003, "Latitude": 37.26, "Longitude": -121.97, "Population": 998.0}, {"index": 18016, "quantile": 0.5, "value": 255100.00000000003, "Latitude": 37.26, "Longitude": -121.97, "Population": 998.0}, {"index": 18016, "quantile": 0.75, "value": 255100.00000000003, "Latitude": 37.26, "Longitude": -121.97, "Population": 998.0}, {"index": 18016, "quantile": 1.0, "value": 479000.0, "Latitude": 37.26, "Longitude": -121.97, "Population": 998.0}, {"index": 18017, "quantile": 0.0, "value": 65200.0, "Latitude": 37.26, "Longitude": -121.96, "Population": 636.0}, {"index": 18017, "quantile": 0.25, "value": 187500.0, "Latitude": 37.26, "Longitude": -121.96, "Population": 636.0}, {"index": 18017, "quantile": 0.5, "value": 333300.0, "Latitude": 37.26, "Longitude": -121.96, "Population": 636.0}, {"index": 18017, "quantile": 0.75, "value": 333300.0, "Latitude": 37.26, "Longitude": -121.96, "Population": 636.0}, {"index": 18017, "quantile": 1.0, "value": 350000.0, "Latitude": 37.26, "Longitude": -121.96, "Population": 636.0}, {"index": 18018, "quantile": 0.0, "value": 211000.0, "Latitude": 37.25, "Longitude": -121.95, "Population": 1532.0}, {"index": 18018, "quantile": 0.25, "value": 332000.0, "Latitude": 37.25, "Longitude": -121.95, "Population": 1532.0}, {"index": 18018, "quantile": 0.5, "value": 332000.0, "Latitude": 37.25, "Longitude": -121.95, "Population": 1532.0}, {"index": 18018, "quantile": 0.75, "value": 332000.0, "Latitude": 37.25, "Longitude": -121.95, "Population": 1532.0}, {"index": 18018, "quantile": 1.0, "value": 446800.0, "Latitude": 37.25, "Longitude": -121.95, "Population": 1532.0}, {"index": 18019, "quantile": 0.0, "value": 201399.99999999997, "Latitude": 37.24, "Longitude": -121.95, "Population": 1566.0}, {"index": 18019, "quantile": 0.25, "value": 343600.0, "Latitude": 37.24, "Longitude": -121.95, "Population": 1566.0}, {"index": 18019, "quantile": 0.5, "value": 413500.0, "Latitude": 37.24, "Longitude": -121.95, "Population": 1566.0}, {"index": 18019, "quantile": 0.75, "value": 413500.0, "Latitude": 37.24, "Longitude": -121.95, "Population": 1566.0}, {"index": 18019, "quantile": 1.0, "value": 413500.0, "Latitude": 37.24, "Longitude": -121.95, "Population": 1566.0}, {"index": 18020, "quantile": 0.0, "value": 196900.0, "Latitude": 37.24, "Longitude": -121.95, "Population": 705.0}, {"index": 18020, "quantile": 0.25, "value": 260100.0, "Latitude": 37.24, "Longitude": -121.95, "Population": 705.0}, {"index": 18020, "quantile": 0.5, "value": 405400.0, "Latitude": 37.24, "Longitude": -121.95, "Population": 705.0}, {"index": 18020, "quantile": 0.75, "value": 405400.0, "Latitude": 37.24, "Longitude": -121.95, "Population": 705.0}, {"index": 18020, "quantile": 1.0, "value": 413500.0, "Latitude": 37.24, "Longitude": -121.95, "Population": 705.0}, {"index": 18021, "quantile": 0.0, "value": 225800.0, "Latitude": 37.24, "Longitude": -121.96, "Population": 1208.0}, {"index": 18021, "quantile": 0.25, "value": 379600.0, "Latitude": 37.24, "Longitude": -121.96, "Population": 1208.0}, {"index": 18021, "quantile": 0.5, "value": 430900.0, "Latitude": 37.24, "Longitude": -121.96, "Population": 1208.0}, {"index": 18021, "quantile": 0.75, "value": 430900.0, "Latitude": 37.24, "Longitude": -121.96, "Population": 1208.0}, {"index": 18021, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -121.96, "Population": 1208.0}, {"index": 18022, "quantile": 0.0, "value": 150800.0, "Latitude": 37.25, "Longitude": -121.96, "Population": 484.0}, {"index": 18022, "quantile": 0.25, "value": 346925.0, "Latitude": 37.25, "Longitude": -121.96, "Population": 484.0}, {"index": 18022, "quantile": 0.5, "value": 371900.0, "Latitude": 37.25, "Longitude": -121.96, "Population": 484.0}, {"index": 18022, "quantile": 0.75, "value": 371900.0, "Latitude": 37.25, "Longitude": -121.96, "Population": 484.0}, {"index": 18022, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.96, "Population": 484.0}, {"index": 18023, "quantile": 0.0, "value": 160100.0, "Latitude": 37.25, "Longitude": -121.95, "Population": 1282.0}, {"index": 18023, "quantile": 0.25, "value": 268200.0, "Latitude": 37.25, "Longitude": -121.95, "Population": 1282.0}, {"index": 18023, "quantile": 0.5, "value": 268200.0, "Latitude": 37.25, "Longitude": -121.95, "Population": 1282.0}, {"index": 18023, "quantile": 0.75, "value": 342000.0, "Latitude": 37.25, "Longitude": -121.95, "Population": 1282.0}, {"index": 18023, "quantile": 1.0, "value": 495500.0, "Latitude": 37.25, "Longitude": -121.95, "Population": 1282.0}, {"index": 18024, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 37.25, "Longitude": -121.93, "Population": 535.0}, {"index": 18024, "quantile": 0.25, "value": 252599.99999999997, "Latitude": 37.25, "Longitude": -121.93, "Population": 535.0}, {"index": 18024, "quantile": 0.5, "value": 252599.99999999997, "Latitude": 37.25, "Longitude": -121.93, "Population": 535.0}, {"index": 18024, "quantile": 0.75, "value": 252599.99999999997, "Latitude": 37.25, "Longitude": -121.93, "Population": 535.0}, {"index": 18024, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.93, "Population": 535.0}, {"index": 18025, "quantile": 0.0, "value": 169800.0, "Latitude": 37.25, "Longitude": -121.93, "Population": 639.0}, {"index": 18025, "quantile": 0.25, "value": 234200.0, "Latitude": 37.25, "Longitude": -121.93, "Population": 639.0}, {"index": 18025, "quantile": 0.5, "value": 234200.0, "Latitude": 37.25, "Longitude": -121.93, "Population": 639.0}, {"index": 18025, "quantile": 0.75, "value": 255100.00000000003, "Latitude": 37.25, "Longitude": -121.93, "Population": 639.0}, {"index": 18025, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.93, "Population": 639.0}, {"index": 18026, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 37.25, "Longitude": -121.92, "Population": 1035.0}, {"index": 18026, "quantile": 0.25, "value": 240499.99999999997, "Latitude": 37.25, "Longitude": -121.92, "Population": 1035.0}, {"index": 18026, "quantile": 0.5, "value": 256100.0, "Latitude": 37.25, "Longitude": -121.92, "Population": 1035.0}, {"index": 18026, "quantile": 0.75, "value": 281000.0, "Latitude": 37.25, "Longitude": -121.92, "Population": 1035.0}, {"index": 18026, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.92, "Population": 1035.0}, {"index": 18027, "quantile": 0.0, "value": 205399.99999999997, "Latitude": 37.25, "Longitude": -121.93, "Population": 779.0}, {"index": 18027, "quantile": 0.25, "value": 260100.0, "Latitude": 37.25, "Longitude": -121.93, "Population": 779.0}, {"index": 18027, "quantile": 0.5, "value": 260100.0, "Latitude": 37.25, "Longitude": -121.93, "Population": 779.0}, {"index": 18027, "quantile": 0.75, "value": 260100.0, "Latitude": 37.25, "Longitude": -121.93, "Population": 779.0}, {"index": 18027, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.93, "Population": 779.0}, {"index": 18028, "quantile": 0.0, "value": 165300.0, "Latitude": 37.24, "Longitude": -121.94, "Population": 664.0}, {"index": 18028, "quantile": 0.25, "value": 245299.99999999997, "Latitude": 37.24, "Longitude": -121.94, "Population": 664.0}, {"index": 18028, "quantile": 0.5, "value": 245299.99999999997, "Latitude": 37.24, "Longitude": -121.94, "Population": 664.0}, {"index": 18028, "quantile": 0.75, "value": 245299.99999999997, "Latitude": 37.24, "Longitude": -121.94, "Population": 664.0}, {"index": 18028, "quantile": 1.0, "value": 349600.0, "Latitude": 37.24, "Longitude": -121.94, "Population": 664.0}, {"index": 18029, "quantile": 0.0, "value": 112500.0, "Latitude": 37.24, "Longitude": -121.91, "Population": 2449.0}, {"index": 18029, "quantile": 0.25, "value": 274600.0, "Latitude": 37.24, "Longitude": -121.91, "Population": 2449.0}, {"index": 18029, "quantile": 0.5, "value": 274600.0, "Latitude": 37.24, "Longitude": -121.91, "Population": 2449.0}, {"index": 18029, "quantile": 0.75, "value": 274600.0, "Latitude": 37.24, "Longitude": -121.91, "Population": 2449.0}, {"index": 18029, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 37.24, "Longitude": -121.91, "Population": 2449.0}, {"index": 18030, "quantile": 0.0, "value": 152400.0, "Latitude": 37.24, "Longitude": -121.91, "Population": 1114.0}, {"index": 18030, "quantile": 0.25, "value": 272000.0, "Latitude": 37.24, "Longitude": -121.91, "Population": 1114.0}, {"index": 18030, "quantile": 0.5, "value": 272000.0, "Latitude": 37.24, "Longitude": -121.91, "Population": 1114.0}, {"index": 18030, "quantile": 0.75, "value": 272000.0, "Latitude": 37.24, "Longitude": -121.91, "Population": 1114.0}, {"index": 18030, "quantile": 1.0, "value": 361700.0, "Latitude": 37.24, "Longitude": -121.91, "Population": 1114.0}, {"index": 18031, "quantile": 0.0, "value": 143000.0, "Latitude": 37.24, "Longitude": -121.92, "Population": 3319.0}, {"index": 18031, "quantile": 0.25, "value": 279400.0, "Latitude": 37.24, "Longitude": -121.92, "Population": 3319.0}, {"index": 18031, "quantile": 0.5, "value": 279400.0, "Latitude": 37.24, "Longitude": -121.92, "Population": 3319.0}, {"index": 18031, "quantile": 0.75, "value": 279400.0, "Latitude": 37.24, "Longitude": -121.92, "Population": 3319.0}, {"index": 18031, "quantile": 1.0, "value": 417800.0, "Latitude": 37.24, "Longitude": -121.92, "Population": 3319.0}, {"index": 18032, "quantile": 0.0, "value": 177400.0, "Latitude": 37.24, "Longitude": -121.94, "Population": 632.0}, {"index": 18032, "quantile": 0.25, "value": 290500.0, "Latitude": 37.24, "Longitude": -121.94, "Population": 632.0}, {"index": 18032, "quantile": 0.5, "value": 290500.0, "Latitude": 37.24, "Longitude": -121.94, "Population": 632.0}, {"index": 18032, "quantile": 0.75, "value": 290500.0, "Latitude": 37.24, "Longitude": -121.94, "Population": 632.0}, {"index": 18032, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -121.94, "Population": 632.0}, {"index": 18033, "quantile": 0.0, "value": 141200.0, "Latitude": 37.24, "Longitude": -121.94, "Population": 1165.0}, {"index": 18033, "quantile": 0.25, "value": 363800.0, "Latitude": 37.24, "Longitude": -121.94, "Population": 1165.0}, {"index": 18033, "quantile": 0.5, "value": 363800.0, "Latitude": 37.24, "Longitude": -121.94, "Population": 1165.0}, {"index": 18033, "quantile": 0.75, "value": 363800.0, "Latitude": 37.24, "Longitude": -121.94, "Population": 1165.0}, {"index": 18033, "quantile": 1.0, "value": 467699.99999999994, "Latitude": 37.24, "Longitude": -121.94, "Population": 1165.0}, {"index": 18034, "quantile": 0.0, "value": 240200.0, "Latitude": 37.24, "Longitude": -121.93, "Population": 1096.0}, {"index": 18034, "quantile": 0.25, "value": 335900.0, "Latitude": 37.24, "Longitude": -121.93, "Population": 1096.0}, {"index": 18034, "quantile": 0.5, "value": 335900.0, "Latitude": 37.24, "Longitude": -121.93, "Population": 1096.0}, {"index": 18034, "quantile": 0.75, "value": 336050.0, "Latitude": 37.24, "Longitude": -121.93, "Population": 1096.0}, {"index": 18034, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -121.93, "Population": 1096.0}, {"index": 18035, "quantile": 0.0, "value": 71800.0, "Latitude": 37.24, "Longitude": -121.92, "Population": 660.0}, {"index": 18035, "quantile": 0.25, "value": 271575.0, "Latitude": 37.24, "Longitude": -121.92, "Population": 660.0}, {"index": 18035, "quantile": 0.5, "value": 281200.0, "Latitude": 37.24, "Longitude": -121.92, "Population": 660.0}, {"index": 18035, "quantile": 0.75, "value": 281200.0, "Latitude": 37.24, "Longitude": -121.92, "Population": 660.0}, {"index": 18035, "quantile": 1.0, "value": 416300.0, "Latitude": 37.24, "Longitude": -121.92, "Population": 660.0}, {"index": 18036, "quantile": 0.0, "value": 181100.0, "Latitude": 37.23, "Longitude": -121.91, "Population": 1240.0}, {"index": 18036, "quantile": 0.25, "value": 271800.0, "Latitude": 37.23, "Longitude": -121.91, "Population": 1240.0}, {"index": 18036, "quantile": 0.5, "value": 271800.0, "Latitude": 37.23, "Longitude": -121.91, "Population": 1240.0}, {"index": 18036, "quantile": 0.75, "value": 271800.0, "Latitude": 37.23, "Longitude": -121.91, "Population": 1240.0}, {"index": 18036, "quantile": 1.0, "value": 416300.0, "Latitude": 37.23, "Longitude": -121.91, "Population": 1240.0}, {"index": 18037, "quantile": 0.0, "value": 291500.0, "Latitude": 37.23, "Longitude": -121.91, "Population": 1956.0}, {"index": 18037, "quantile": 0.25, "value": 399625.0, "Latitude": 37.23, "Longitude": -121.91, "Population": 1956.0}, {"index": 18037, "quantile": 0.5, "value": 405000.0, "Latitude": 37.23, "Longitude": -121.91, "Population": 1956.0}, {"index": 18037, "quantile": 0.75, "value": 405000.0, "Latitude": 37.23, "Longitude": -121.91, "Population": 1956.0}, {"index": 18037, "quantile": 1.0, "value": 463699.99999999994, "Latitude": 37.23, "Longitude": -121.91, "Population": 1956.0}, {"index": 18038, "quantile": 0.0, "value": 352800.0, "Latitude": 37.22, "Longitude": -121.93, "Population": 1811.0}, {"index": 18038, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.22, "Longitude": -121.93, "Population": 1811.0}, {"index": 18038, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.22, "Longitude": -121.93, "Population": 1811.0}, {"index": 18038, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.22, "Longitude": -121.93, "Population": 1811.0}, {"index": 18038, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.22, "Longitude": -121.93, "Population": 1811.0}, {"index": 18039, "quantile": 0.0, "value": 281900.0, "Latitude": 37.23, "Longitude": -121.96, "Population": 1719.0}, {"index": 18039, "quantile": 0.25, "value": 476400.0, "Latitude": 37.23, "Longitude": -121.96, "Population": 1719.0}, {"index": 18039, "quantile": 0.5, "value": 476400.0, "Latitude": 37.23, "Longitude": -121.96, "Population": 1719.0}, {"index": 18039, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.23, "Longitude": -121.96, "Population": 1719.0}, {"index": 18039, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.23, "Longitude": -121.96, "Population": 1719.0}, {"index": 18040, "quantile": 0.0, "value": 106900.0, "Latitude": 37.23, "Longitude": -121.97, "Population": 1291.0}, {"index": 18040, "quantile": 0.25, "value": 260725.0, "Latitude": 37.23, "Longitude": -121.97, "Population": 1291.0}, {"index": 18040, "quantile": 0.5, "value": 274600.0, "Latitude": 37.23, "Longitude": -121.97, "Population": 1291.0}, {"index": 18040, "quantile": 0.75, "value": 303400.0, "Latitude": 37.23, "Longitude": -121.97, "Population": 1291.0}, {"index": 18040, "quantile": 1.0, "value": 382100.0, "Latitude": 37.23, "Longitude": -121.97, "Population": 1291.0}, {"index": 18041, "quantile": 0.0, "value": 279900.0, "Latitude": 37.22, "Longitude": -121.98, "Population": 3728.0}, {"index": 18041, "quantile": 0.25, "value": 440900.0, "Latitude": 37.22, "Longitude": -121.98, "Population": 3728.0}, {"index": 18041, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.22, "Longitude": -121.98, "Population": 3728.0}, {"index": 18041, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.22, "Longitude": -121.98, "Population": 3728.0}, {"index": 18041, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.22, "Longitude": -121.98, "Population": 3728.0}, {"index": 18042, "quantile": 0.0, "value": 415900.0, "Latitude": 37.22, "Longitude": -121.96, "Population": 1866.0}, {"index": 18042, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.22, "Longitude": -121.96, "Population": 1866.0}, {"index": 18042, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.22, "Longitude": -121.96, "Population": 1866.0}, {"index": 18042, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.22, "Longitude": -121.96, "Population": 1866.0}, {"index": 18042, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.22, "Longitude": -121.96, "Population": 1866.0}, {"index": 18043, "quantile": 0.0, "value": 392600.0, "Latitude": 37.21, "Longitude": -121.95, "Population": 890.0}, {"index": 18043, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.21, "Longitude": -121.95, "Population": 890.0}, {"index": 18043, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.21, "Longitude": -121.95, "Population": 890.0}, {"index": 18043, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.21, "Longitude": -121.95, "Population": 890.0}, {"index": 18043, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.21, "Longitude": -121.95, "Population": 890.0}, {"index": 18044, "quantile": 0.0, "value": 247600.0, "Latitude": 37.24, "Longitude": -121.97, "Population": 1117.0}, {"index": 18044, "quantile": 0.25, "value": 359650.0, "Latitude": 37.24, "Longitude": -121.97, "Population": 1117.0}, {"index": 18044, "quantile": 0.5, "value": 436100.0, "Latitude": 37.24, "Longitude": -121.97, "Population": 1117.0}, {"index": 18044, "quantile": 0.75, "value": 436100.0, "Latitude": 37.24, "Longitude": -121.97, "Population": 1117.0}, {"index": 18044, "quantile": 1.0, "value": 436100.0, "Latitude": 37.24, "Longitude": -121.97, "Population": 1117.0}, {"index": 18045, "quantile": 0.0, "value": 208199.99999999997, "Latitude": 37.23, "Longitude": -121.98, "Population": 1511.0}, {"index": 18045, "quantile": 0.25, "value": 312500.0, "Latitude": 37.23, "Longitude": -121.98, "Population": 1511.0}, {"index": 18045, "quantile": 0.5, "value": 396300.0, "Latitude": 37.23, "Longitude": -121.98, "Population": 1511.0}, {"index": 18045, "quantile": 0.75, "value": 396300.0, "Latitude": 37.23, "Longitude": -121.98, "Population": 1511.0}, {"index": 18045, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.23, "Longitude": -121.98, "Population": 1511.0}, {"index": 18046, "quantile": 0.0, "value": 367400.0, "Latitude": 37.23, "Longitude": -122.0, "Population": 1234.0}, {"index": 18046, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.23, "Longitude": -122.0, "Population": 1234.0}, {"index": 18046, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.23, "Longitude": -122.0, "Population": 1234.0}, {"index": 18046, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.23, "Longitude": -122.0, "Population": 1234.0}, {"index": 18046, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.23, "Longitude": -122.0, "Population": 1234.0}, {"index": 18047, "quantile": 0.0, "value": 137500.0, "Latitude": 37.25, "Longitude": -121.96, "Population": 790.0}, {"index": 18047, "quantile": 0.25, "value": 251949.99999999997, "Latitude": 37.25, "Longitude": -121.96, "Population": 790.0}, {"index": 18047, "quantile": 0.5, "value": 339300.0, "Latitude": 37.25, "Longitude": -121.96, "Population": 790.0}, {"index": 18047, "quantile": 0.75, "value": 339300.0, "Latitude": 37.25, "Longitude": -121.96, "Population": 790.0}, {"index": 18047, "quantile": 1.0, "value": 339300.0, "Latitude": 37.25, "Longitude": -121.96, "Population": 790.0}, {"index": 18048, "quantile": 0.0, "value": 228700.0, "Latitude": 37.25, "Longitude": -121.97, "Population": 1193.0}, {"index": 18048, "quantile": 0.25, "value": 367800.0, "Latitude": 37.25, "Longitude": -121.97, "Population": 1193.0}, {"index": 18048, "quantile": 0.5, "value": 367800.0, "Latitude": 37.25, "Longitude": -121.97, "Population": 1193.0}, {"index": 18048, "quantile": 0.75, "value": 367800.0, "Latitude": 37.25, "Longitude": -121.97, "Population": 1193.0}, {"index": 18048, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.97, "Population": 1193.0}, {"index": 18049, "quantile": 0.0, "value": 196400.0, "Latitude": 37.26, "Longitude": -121.98, "Population": 1178.0}, {"index": 18049, "quantile": 0.25, "value": 288124.99999999994, "Latitude": 37.26, "Longitude": -121.98, "Population": 1178.0}, {"index": 18049, "quantile": 0.5, "value": 340700.0, "Latitude": 37.26, "Longitude": -121.98, "Population": 1178.0}, {"index": 18049, "quantile": 0.75, "value": 340700.0, "Latitude": 37.26, "Longitude": -121.98, "Population": 1178.0}, {"index": 18049, "quantile": 1.0, "value": 349300.0, "Latitude": 37.26, "Longitude": -121.98, "Population": 1178.0}, {"index": 18050, "quantile": 0.0, "value": 204800.0, "Latitude": 37.27, "Longitude": -121.99, "Population": 500.0}, {"index": 18050, "quantile": 0.25, "value": 347800.0, "Latitude": 37.27, "Longitude": -121.99, "Population": 500.0}, {"index": 18050, "quantile": 0.5, "value": 347800.0, "Latitude": 37.27, "Longitude": -121.99, "Population": 500.0}, {"index": 18050, "quantile": 0.75, "value": 348675.0, "Latitude": 37.27, "Longitude": -121.99, "Population": 500.0}, {"index": 18050, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -121.99, "Population": 500.0}, {"index": 18051, "quantile": 0.0, "value": 308400.0, "Latitude": 37.26, "Longitude": -121.99, "Population": 1158.0}, {"index": 18051, "quantile": 0.25, "value": 442500.0, "Latitude": 37.26, "Longitude": -121.99, "Population": 1158.0}, {"index": 18051, "quantile": 0.5, "value": 442500.0, "Latitude": 37.26, "Longitude": -121.99, "Population": 1158.0}, {"index": 18051, "quantile": 0.75, "value": 442500.0, "Latitude": 37.26, "Longitude": -121.99, "Population": 1158.0}, {"index": 18051, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -121.99, "Population": 1158.0}, {"index": 18052, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 37.25, "Longitude": -121.98, "Population": 267.0}, {"index": 18052, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.98, "Population": 267.0}, {"index": 18052, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.98, "Population": 267.0}, {"index": 18052, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.98, "Population": 267.0}, {"index": 18052, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.98, "Population": 267.0}, {"index": 18053, "quantile": 0.0, "value": 475800.0, "Latitude": 37.25, "Longitude": -121.99, "Population": 604.0}, {"index": 18053, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.99, "Population": 604.0}, {"index": 18053, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.99, "Population": 604.0}, {"index": 18053, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.99, "Population": 604.0}, {"index": 18053, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.99, "Population": 604.0}, {"index": 18054, "quantile": 0.0, "value": 330000.0, "Latitude": 37.25, "Longitude": -121.97, "Population": 856.0}, {"index": 18054, "quantile": 0.25, "value": 496400.00000000006, "Latitude": 37.25, "Longitude": -121.97, "Population": 856.0}, {"index": 18054, "quantile": 0.5, "value": 496400.00000000006, "Latitude": 37.25, "Longitude": -121.97, "Population": 856.0}, {"index": 18054, "quantile": 0.75, "value": 496400.00000000006, "Latitude": 37.25, "Longitude": -121.97, "Population": 856.0}, {"index": 18054, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.97, "Population": 856.0}, {"index": 18055, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.99, "Population": 1480.0}, {"index": 18055, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.99, "Population": 1480.0}, {"index": 18055, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.99, "Population": 1480.0}, {"index": 18055, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.99, "Population": 1480.0}, {"index": 18055, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.99, "Population": 1480.0}, {"index": 18056, "quantile": 0.0, "value": 476400.0, "Latitude": 37.24, "Longitude": -121.98, "Population": 1325.0}, {"index": 18056, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -121.98, "Population": 1325.0}, {"index": 18056, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -121.98, "Population": 1325.0}, {"index": 18056, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -121.98, "Population": 1325.0}, {"index": 18056, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -121.98, "Population": 1325.0}, {"index": 18057, "quantile": 0.0, "value": 214500.0, "Latitude": 37.27, "Longitude": -122.0, "Population": 759.0}, {"index": 18057, "quantile": 0.25, "value": 285950.0, "Latitude": 37.27, "Longitude": -122.0, "Population": 759.0}, {"index": 18057, "quantile": 0.5, "value": 331350.00000000006, "Latitude": 37.27, "Longitude": -122.0, "Population": 759.0}, {"index": 18057, "quantile": 0.75, "value": 367025.0, "Latitude": 37.27, "Longitude": -122.0, "Population": 759.0}, {"index": 18057, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 37.27, "Longitude": -122.0, "Population": 759.0}, {"index": 18058, "quantile": 0.0, "value": 336500.0, "Latitude": 37.27, "Longitude": -122.01, "Population": 1220.0}, {"index": 18058, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.01, "Population": 1220.0}, {"index": 18058, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.01, "Population": 1220.0}, {"index": 18058, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.01, "Population": 1220.0}, {"index": 18058, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.01, "Population": 1220.0}, {"index": 18059, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -122.02, "Population": 847.0}, {"index": 18059, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -122.02, "Population": 847.0}, {"index": 18059, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -122.02, "Population": 847.0}, {"index": 18059, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -122.02, "Population": 847.0}, {"index": 18059, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -122.02, "Population": 847.0}, {"index": 18060, "quantile": 0.0, "value": 476400.0, "Latitude": 37.26, "Longitude": -122.02, "Population": 692.0}, {"index": 18060, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -122.02, "Population": 692.0}, {"index": 18060, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -122.02, "Population": 692.0}, {"index": 18060, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -122.02, "Population": 692.0}, {"index": 18060, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -122.02, "Population": 692.0}, {"index": 18061, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -122.01, "Population": 551.0}, {"index": 18061, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -122.01, "Population": 551.0}, {"index": 18061, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -122.01, "Population": 551.0}, {"index": 18061, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -122.01, "Population": 551.0}, {"index": 18061, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -122.01, "Population": 551.0}, {"index": 18062, "quantile": 0.0, "value": 330000.0, "Latitude": 37.26, "Longitude": -121.99, "Population": 982.0}, {"index": 18062, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -121.99, "Population": 982.0}, {"index": 18062, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -121.99, "Population": 982.0}, {"index": 18062, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -121.99, "Population": 982.0}, {"index": 18062, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -121.99, "Population": 982.0}, {"index": 18063, "quantile": 0.0, "value": 141200.0, "Latitude": 37.26, "Longitude": -122.01, "Population": 1172.0}, {"index": 18063, "quantile": 0.25, "value": 342975.00000000006, "Latitude": 37.26, "Longitude": -122.01, "Population": 1172.0}, {"index": 18063, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -122.01, "Population": 1172.0}, {"index": 18063, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -122.01, "Population": 1172.0}, {"index": 18063, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -122.01, "Population": 1172.0}, {"index": 18064, "quantile": 0.0, "value": 456300.0, "Latitude": 37.25, "Longitude": -122.03, "Population": 903.0}, {"index": 18064, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -122.03, "Population": 903.0}, {"index": 18064, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -122.03, "Population": 903.0}, {"index": 18064, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -122.03, "Population": 903.0}, {"index": 18064, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -122.03, "Population": 903.0}, {"index": 18065, "quantile": 0.0, "value": 475800.0, "Latitude": 37.24, "Longitude": -122.04, "Population": 539.0}, {"index": 18065, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -122.04, "Population": 539.0}, {"index": 18065, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -122.04, "Population": 539.0}, {"index": 18065, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -122.04, "Population": 539.0}, {"index": 18065, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -122.04, "Population": 539.0}, {"index": 18066, "quantile": 0.0, "value": 475800.0, "Latitude": 37.24, "Longitude": -122.02, "Population": 1085.0}, {"index": 18066, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -122.02, "Population": 1085.0}, {"index": 18066, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -122.02, "Population": 1085.0}, {"index": 18066, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -122.02, "Population": 1085.0}, {"index": 18066, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -122.02, "Population": 1085.0}, {"index": 18067, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.03, "Population": 1147.0}, {"index": 18067, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.03, "Population": 1147.0}, {"index": 18067, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.03, "Population": 1147.0}, {"index": 18067, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.03, "Population": 1147.0}, {"index": 18067, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.03, "Population": 1147.0}, {"index": 18068, "quantile": 0.0, "value": 193500.0, "Latitude": 37.29, "Longitude": -122.02, "Population": 999.0}, {"index": 18068, "quantile": 0.25, "value": 433174.99999999994, "Latitude": 37.29, "Longitude": -122.02, "Population": 999.0}, {"index": 18068, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.02, "Population": 999.0}, {"index": 18068, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.02, "Population": 999.0}, {"index": 18068, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.02, "Population": 999.0}, {"index": 18069, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.02, "Population": 1461.0}, {"index": 18069, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.02, "Population": 1461.0}, {"index": 18069, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.02, "Population": 1461.0}, {"index": 18069, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.02, "Population": 1461.0}, {"index": 18069, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.02, "Population": 1461.0}, {"index": 18070, "quantile": 0.0, "value": 351200.0, "Latitude": 37.29, "Longitude": -122.01, "Population": 1190.0}, {"index": 18070, "quantile": 0.25, "value": 483275.0, "Latitude": 37.29, "Longitude": -122.01, "Population": 1190.0}, {"index": 18070, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.01, "Population": 1190.0}, {"index": 18070, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.01, "Population": 1190.0}, {"index": 18070, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.01, "Population": 1190.0}, {"index": 18071, "quantile": 0.0, "value": 239100.0, "Latitude": 37.28, "Longitude": -122.01, "Population": 773.0}, {"index": 18071, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -122.01, "Population": 773.0}, {"index": 18071, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -122.01, "Population": 773.0}, {"index": 18071, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -122.01, "Population": 773.0}, {"index": 18071, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -122.01, "Population": 773.0}, {"index": 18072, "quantile": 0.0, "value": 139100.0, "Latitude": 37.28, "Longitude": -122.0, "Population": 1449.0}, {"index": 18072, "quantile": 0.25, "value": 286800.0, "Latitude": 37.28, "Longitude": -122.0, "Population": 1449.0}, {"index": 18072, "quantile": 0.5, "value": 320500.0, "Latitude": 37.28, "Longitude": -122.0, "Population": 1449.0}, {"index": 18072, "quantile": 0.75, "value": 370100.0, "Latitude": 37.28, "Longitude": -122.0, "Population": 1449.0}, {"index": 18072, "quantile": 1.0, "value": 430600.0, "Latitude": 37.28, "Longitude": -122.0, "Population": 1449.0}, {"index": 18073, "quantile": 0.0, "value": 476400.0, "Latitude": 37.28, "Longitude": -122.0, "Population": 854.0}, {"index": 18073, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -122.0, "Population": 854.0}, {"index": 18073, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -122.0, "Population": 854.0}, {"index": 18073, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -122.0, "Population": 854.0}, {"index": 18073, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -122.0, "Population": 854.0}, {"index": 18074, "quantile": 0.0, "value": 143300.0, "Latitude": 37.28, "Longitude": -122.0, "Population": 1092.0}, {"index": 18074, "quantile": 0.25, "value": 279900.0, "Latitude": 37.28, "Longitude": -122.0, "Population": 1092.0}, {"index": 18074, "quantile": 0.5, "value": 341700.0, "Latitude": 37.28, "Longitude": -122.0, "Population": 1092.0}, {"index": 18074, "quantile": 0.75, "value": 385850.0, "Latitude": 37.28, "Longitude": -122.0, "Population": 1092.0}, {"index": 18074, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -122.0, "Population": 1092.0}, {"index": 18075, "quantile": 0.0, "value": 281900.0, "Latitude": 37.27, "Longitude": -122.03, "Population": 1551.0}, {"index": 18075, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.03, "Population": 1551.0}, {"index": 18075, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.03, "Population": 1551.0}, {"index": 18075, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.03, "Population": 1551.0}, {"index": 18075, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.03, "Population": 1551.0}, {"index": 18076, "quantile": 0.0, "value": 416700.0, "Latitude": 37.28, "Longitude": -122.03, "Population": 1320.0}, {"index": 18076, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -122.03, "Population": 1320.0}, {"index": 18076, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -122.03, "Population": 1320.0}, {"index": 18076, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -122.03, "Population": 1320.0}, {"index": 18076, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -122.03, "Population": 1320.0}, {"index": 18077, "quantile": 0.0, "value": 411800.00000000006, "Latitude": 37.28, "Longitude": -122.02, "Population": 1198.0}, {"index": 18077, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -122.02, "Population": 1198.0}, {"index": 18077, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -122.02, "Population": 1198.0}, {"index": 18077, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -122.02, "Population": 1198.0}, {"index": 18077, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -122.02, "Population": 1198.0}, {"index": 18078, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.01, "Population": 1415.0}, {"index": 18078, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.01, "Population": 1415.0}, {"index": 18078, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.01, "Population": 1415.0}, {"index": 18078, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.01, "Population": 1415.0}, {"index": 18078, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.01, "Population": 1415.0}, {"index": 18079, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 37.27, "Longitude": -122.06, "Population": 567.0}, {"index": 18079, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.06, "Population": 567.0}, {"index": 18079, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.06, "Population": 567.0}, {"index": 18079, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.06, "Population": 567.0}, {"index": 18079, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.06, "Population": 567.0}, {"index": 18080, "quantile": 0.0, "value": 475800.0, "Latitude": 37.29, "Longitude": -122.04, "Population": 1252.0}, {"index": 18080, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.04, "Population": 1252.0}, {"index": 18080, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.04, "Population": 1252.0}, {"index": 18080, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.04, "Population": 1252.0}, {"index": 18080, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.04, "Population": 1252.0}, {"index": 18081, "quantile": 0.0, "value": 345900.0, "Latitude": 37.27, "Longitude": -122.03, "Population": 1608.0}, {"index": 18081, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.03, "Population": 1608.0}, {"index": 18081, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.03, "Population": 1608.0}, {"index": 18081, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.03, "Population": 1608.0}, {"index": 18081, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -122.03, "Population": 1608.0}, {"index": 18082, "quantile": 0.0, "value": 345900.0, "Latitude": 37.26, "Longitude": -122.04, "Population": 1692.0}, {"index": 18082, "quantile": 0.25, "value": 499750.74999999994, "Latitude": 37.26, "Longitude": -122.04, "Population": 1692.0}, {"index": 18082, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -122.04, "Population": 1692.0}, {"index": 18082, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -122.04, "Population": 1692.0}, {"index": 18082, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -122.04, "Population": 1692.0}, {"index": 18083, "quantile": 0.0, "value": 225000.0, "Latitude": 37.33, "Longitude": -122.06, "Population": 826.0}, {"index": 18083, "quantile": 0.25, "value": 393825.0, "Latitude": 37.33, "Longitude": -122.06, "Population": 826.0}, {"index": 18083, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -122.06, "Population": 826.0}, {"index": 18083, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -122.06, "Population": 826.0}, {"index": 18083, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -122.06, "Population": 826.0}, {"index": 18084, "quantile": 0.0, "value": 268400.0, "Latitude": 37.32, "Longitude": -122.06, "Population": 1440.0}, {"index": 18084, "quantile": 0.25, "value": 380800.0, "Latitude": 37.32, "Longitude": -122.06, "Population": 1440.0}, {"index": 18084, "quantile": 0.5, "value": 380800.0, "Latitude": 37.32, "Longitude": -122.06, "Population": 1440.0}, {"index": 18084, "quantile": 0.75, "value": 380800.0, "Latitude": 37.32, "Longitude": -122.06, "Population": 1440.0}, {"index": 18084, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.32, "Longitude": -122.06, "Population": 1440.0}, {"index": 18085, "quantile": 0.0, "value": 308400.0, "Latitude": 37.31, "Longitude": -122.05, "Population": 2003.0}, {"index": 18085, "quantile": 0.25, "value": 364675.0, "Latitude": 37.31, "Longitude": -122.05, "Population": 2003.0}, {"index": 18085, "quantile": 0.5, "value": 398250.0, "Latitude": 37.31, "Longitude": -122.05, "Population": 2003.0}, {"index": 18085, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.05, "Population": 2003.0}, {"index": 18085, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.05, "Population": 2003.0}, {"index": 18086, "quantile": 0.0, "value": 239100.0, "Latitude": 37.31, "Longitude": -122.05, "Population": 1585.0}, {"index": 18086, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.05, "Population": 1585.0}, {"index": 18086, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.05, "Population": 1585.0}, {"index": 18086, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.05, "Population": 1585.0}, {"index": 18086, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.05, "Population": 1585.0}, {"index": 18087, "quantile": 0.0, "value": 345900.0, "Latitude": 37.3, "Longitude": -122.06, "Population": 1947.0}, {"index": 18087, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -122.06, "Population": 1947.0}, {"index": 18087, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -122.06, "Population": 1947.0}, {"index": 18087, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -122.06, "Population": 1947.0}, {"index": 18087, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -122.06, "Population": 1947.0}, {"index": 18088, "quantile": 0.0, "value": 224100.0, "Latitude": 37.33, "Longitude": -122.07, "Population": 891.0}, {"index": 18088, "quantile": 0.25, "value": 371800.0, "Latitude": 37.33, "Longitude": -122.07, "Population": 891.0}, {"index": 18088, "quantile": 0.5, "value": 394900.0, "Latitude": 37.33, "Longitude": -122.07, "Population": 891.0}, {"index": 18088, "quantile": 0.75, "value": 451549.99999999994, "Latitude": 37.33, "Longitude": -122.07, "Population": 891.0}, {"index": 18088, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -122.07, "Population": 891.0}, {"index": 18089, "quantile": 0.0, "value": 244300.0, "Latitude": 37.33, "Longitude": -122.06, "Population": 2167.0}, {"index": 18089, "quantile": 0.25, "value": 379875.0, "Latitude": 37.33, "Longitude": -122.06, "Population": 2167.0}, {"index": 18089, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -122.06, "Population": 2167.0}, {"index": 18089, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -122.06, "Population": 2167.0}, {"index": 18089, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -122.06, "Population": 2167.0}, {"index": 18090, "quantile": 0.0, "value": 171700.0, "Latitude": 37.31, "Longitude": -122.07, "Population": 1818.0}, {"index": 18090, "quantile": 0.25, "value": 348175.0, "Latitude": 37.31, "Longitude": -122.07, "Population": 1818.0}, {"index": 18090, "quantile": 0.5, "value": 412300.0, "Latitude": 37.31, "Longitude": -122.07, "Population": 1818.0}, {"index": 18090, "quantile": 0.75, "value": 447300.0, "Latitude": 37.31, "Longitude": -122.07, "Population": 1818.0}, {"index": 18090, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.07, "Population": 1818.0}, {"index": 18091, "quantile": 0.0, "value": 194100.0, "Latitude": 37.3, "Longitude": -122.08, "Population": 1197.0}, {"index": 18091, "quantile": 0.25, "value": 465000.00000000006, "Latitude": 37.3, "Longitude": -122.08, "Population": 1197.0}, {"index": 18091, "quantile": 0.5, "value": 485300.0, "Latitude": 37.3, "Longitude": -122.08, "Population": 1197.0}, {"index": 18091, "quantile": 0.75, "value": 485300.0, "Latitude": 37.3, "Longitude": -122.08, "Population": 1197.0}, {"index": 18091, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -122.08, "Population": 1197.0}, {"index": 18092, "quantile": 0.0, "value": 258199.99999999997, "Latitude": 37.31, "Longitude": -122.08, "Population": 959.0}, {"index": 18092, "quantile": 0.25, "value": 368900.0, "Latitude": 37.31, "Longitude": -122.08, "Population": 959.0}, {"index": 18092, "quantile": 0.5, "value": 368900.0, "Latitude": 37.31, "Longitude": -122.08, "Population": 959.0}, {"index": 18092, "quantile": 0.75, "value": 380750.0, "Latitude": 37.31, "Longitude": -122.08, "Population": 959.0}, {"index": 18092, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.08, "Population": 959.0}, {"index": 18093, "quantile": 0.0, "value": 134100.0, "Latitude": 37.34, "Longitude": -122.04, "Population": 2271.0}, {"index": 18093, "quantile": 0.25, "value": 262500.0, "Latitude": 37.34, "Longitude": -122.04, "Population": 2271.0}, {"index": 18093, "quantile": 0.5, "value": 293850.00000000006, "Latitude": 37.34, "Longitude": -122.04, "Population": 2271.0}, {"index": 18093, "quantile": 0.75, "value": 335200.0, "Latitude": 37.34, "Longitude": -122.04, "Population": 2271.0}, {"index": 18093, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.04, "Population": 2271.0}, {"index": 18094, "quantile": 0.0, "value": 164800.0, "Latitude": 37.34, "Longitude": -122.06, "Population": 790.0}, {"index": 18094, "quantile": 0.25, "value": 288300.0, "Latitude": 37.34, "Longitude": -122.06, "Population": 790.0}, {"index": 18094, "quantile": 0.5, "value": 288300.0, "Latitude": 37.34, "Longitude": -122.06, "Population": 790.0}, {"index": 18094, "quantile": 0.75, "value": 288300.0, "Latitude": 37.34, "Longitude": -122.06, "Population": 790.0}, {"index": 18094, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 37.34, "Longitude": -122.06, "Population": 790.0}, {"index": 18095, "quantile": 0.0, "value": 110900.0, "Latitude": 37.33, "Longitude": -122.05, "Population": 933.0}, {"index": 18095, "quantile": 0.25, "value": 366375.0, "Latitude": 37.33, "Longitude": -122.05, "Population": 933.0}, {"index": 18095, "quantile": 0.5, "value": 416300.0, "Latitude": 37.33, "Longitude": -122.05, "Population": 933.0}, {"index": 18095, "quantile": 0.75, "value": 416300.0, "Latitude": 37.33, "Longitude": -122.05, "Population": 933.0}, {"index": 18095, "quantile": 1.0, "value": 470000.0, "Latitude": 37.33, "Longitude": -122.05, "Population": 933.0}, {"index": 18096, "quantile": 0.0, "value": 171700.0, "Latitude": 37.33, "Longitude": -122.04, "Population": 1264.0}, {"index": 18096, "quantile": 0.25, "value": 363800.0, "Latitude": 37.33, "Longitude": -122.04, "Population": 1264.0}, {"index": 18096, "quantile": 0.5, "value": 401650.0, "Latitude": 37.33, "Longitude": -122.04, "Population": 1264.0}, {"index": 18096, "quantile": 0.75, "value": 435799.99999999994, "Latitude": 37.33, "Longitude": -122.04, "Population": 1264.0}, {"index": 18096, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -122.04, "Population": 1264.0}, {"index": 18097, "quantile": 0.0, "value": 175000.0, "Latitude": 37.33, "Longitude": -122.05, "Population": 1364.0}, {"index": 18097, "quantile": 0.25, "value": 436400.0, "Latitude": 37.33, "Longitude": -122.05, "Population": 1364.0}, {"index": 18097, "quantile": 0.5, "value": 436400.0, "Latitude": 37.33, "Longitude": -122.05, "Population": 1364.0}, {"index": 18097, "quantile": 0.75, "value": 436400.0, "Latitude": 37.33, "Longitude": -122.05, "Population": 1364.0}, {"index": 18097, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -122.05, "Population": 1364.0}, {"index": 18098, "quantile": 0.0, "value": 123400.0, "Latitude": 37.33, "Longitude": -122.04, "Population": 2206.0}, {"index": 18098, "quantile": 0.25, "value": 236000.0, "Latitude": 37.33, "Longitude": -122.04, "Population": 2206.0}, {"index": 18098, "quantile": 0.5, "value": 267500.0, "Latitude": 37.33, "Longitude": -122.04, "Population": 2206.0}, {"index": 18098, "quantile": 0.75, "value": 288900.0, "Latitude": 37.33, "Longitude": -122.04, "Population": 2206.0}, {"index": 18098, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -122.04, "Population": 2206.0}, {"index": 18099, "quantile": 0.0, "value": 198100.0, "Latitude": 37.32, "Longitude": -122.04, "Population": 1259.0}, {"index": 18099, "quantile": 0.25, "value": 346250.0, "Latitude": 37.32, "Longitude": -122.04, "Population": 1259.0}, {"index": 18099, "quantile": 0.5, "value": 431400.0, "Latitude": 37.32, "Longitude": -122.04, "Population": 1259.0}, {"index": 18099, "quantile": 0.75, "value": 431400.0, "Latitude": 37.32, "Longitude": -122.04, "Population": 1259.0}, {"index": 18099, "quantile": 1.0, "value": 451300.0, "Latitude": 37.32, "Longitude": -122.04, "Population": 1259.0}, {"index": 18100, "quantile": 0.0, "value": 254199.99999999997, "Latitude": 37.31, "Longitude": -122.04, "Population": 1217.0}, {"index": 18100, "quantile": 0.25, "value": 380800.0, "Latitude": 37.31, "Longitude": -122.04, "Population": 1217.0}, {"index": 18100, "quantile": 0.5, "value": 393800.0, "Latitude": 37.31, "Longitude": -122.04, "Population": 1217.0}, {"index": 18100, "quantile": 0.75, "value": 393800.0, "Latitude": 37.31, "Longitude": -122.04, "Population": 1217.0}, {"index": 18100, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.04, "Population": 1217.0}, {"index": 18101, "quantile": 0.0, "value": 180100.0, "Latitude": 37.31, "Longitude": -122.04, "Population": 1627.0}, {"index": 18101, "quantile": 0.25, "value": 303674.99999999994, "Latitude": 37.31, "Longitude": -122.04, "Population": 1627.0}, {"index": 18101, "quantile": 0.5, "value": 355100.0, "Latitude": 37.31, "Longitude": -122.04, "Population": 1627.0}, {"index": 18101, "quantile": 0.75, "value": 355100.0, "Latitude": 37.31, "Longitude": -122.04, "Population": 1627.0}, {"index": 18101, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.04, "Population": 1627.0}, {"index": 18102, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 37.3, "Longitude": -122.04, "Population": 778.0}, {"index": 18102, "quantile": 0.25, "value": 417000.0, "Latitude": 37.3, "Longitude": -122.04, "Population": 778.0}, {"index": 18102, "quantile": 0.5, "value": 417000.0, "Latitude": 37.3, "Longitude": -122.04, "Population": 778.0}, {"index": 18102, "quantile": 0.75, "value": 417000.0, "Latitude": 37.3, "Longitude": -122.04, "Population": 778.0}, {"index": 18102, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -122.04, "Population": 778.0}, {"index": 18103, "quantile": 0.0, "value": 212500.0, "Latitude": 37.3, "Longitude": -122.04, "Population": 1076.0}, {"index": 18103, "quantile": 0.25, "value": 345900.0, "Latitude": 37.3, "Longitude": -122.04, "Population": 1076.0}, {"index": 18103, "quantile": 0.5, "value": 345900.0, "Latitude": 37.3, "Longitude": -122.04, "Population": 1076.0}, {"index": 18103, "quantile": 0.75, "value": 360900.0, "Latitude": 37.3, "Longitude": -122.04, "Population": 1076.0}, {"index": 18103, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -122.04, "Population": 1076.0}, {"index": 18104, "quantile": 0.0, "value": 139100.0, "Latitude": 37.31, "Longitude": -122.03, "Population": 1132.0}, {"index": 18104, "quantile": 0.25, "value": 234775.0, "Latitude": 37.31, "Longitude": -122.03, "Population": 1132.0}, {"index": 18104, "quantile": 0.5, "value": 277100.0, "Latitude": 37.31, "Longitude": -122.03, "Population": 1132.0}, {"index": 18104, "quantile": 0.75, "value": 301175.0, "Latitude": 37.31, "Longitude": -122.03, "Population": 1132.0}, {"index": 18104, "quantile": 1.0, "value": 445700.0, "Latitude": 37.31, "Longitude": -122.03, "Population": 1132.0}, {"index": 18105, "quantile": 0.0, "value": 270100.0, "Latitude": 37.3, "Longitude": -122.04, "Population": 1678.0}, {"index": 18105, "quantile": 0.25, "value": 360949.99999999994, "Latitude": 37.3, "Longitude": -122.04, "Population": 1678.0}, {"index": 18105, "quantile": 0.5, "value": 411300.00000000006, "Latitude": 37.3, "Longitude": -122.04, "Population": 1678.0}, {"index": 18105, "quantile": 0.75, "value": 411300.00000000006, "Latitude": 37.3, "Longitude": -122.04, "Population": 1678.0}, {"index": 18105, "quantile": 1.0, "value": 423900.0, "Latitude": 37.3, "Longitude": -122.04, "Population": 1678.0}, {"index": 18106, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 37.3, "Longitude": -122.01, "Population": 1699.0}, {"index": 18106, "quantile": 0.25, "value": 355700.00000000006, "Latitude": 37.3, "Longitude": -122.01, "Population": 1699.0}, {"index": 18106, "quantile": 0.5, "value": 372700.0, "Latitude": 37.3, "Longitude": -122.01, "Population": 1699.0}, {"index": 18106, "quantile": 0.75, "value": 451200.00000000006, "Latitude": 37.3, "Longitude": -122.01, "Population": 1699.0}, {"index": 18106, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -122.01, "Population": 1699.0}, {"index": 18107, "quantile": 0.0, "value": 170300.0, "Latitude": 37.31, "Longitude": -122.01, "Population": 2951.0}, {"index": 18107, "quantile": 0.25, "value": 331200.0, "Latitude": 37.31, "Longitude": -122.01, "Population": 2951.0}, {"index": 18107, "quantile": 0.5, "value": 342200.0, "Latitude": 37.31, "Longitude": -122.01, "Population": 2951.0}, {"index": 18107, "quantile": 0.75, "value": 364600.0, "Latitude": 37.31, "Longitude": -122.01, "Population": 2951.0}, {"index": 18107, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.01, "Population": 2951.0}, {"index": 18108, "quantile": 0.0, "value": 330000.0, "Latitude": 37.31, "Longitude": -122.0, "Population": 1795.0}, {"index": 18108, "quantile": 0.25, "value": 372700.0, "Latitude": 37.31, "Longitude": -122.0, "Population": 1795.0}, {"index": 18108, "quantile": 0.5, "value": 372700.0, "Latitude": 37.31, "Longitude": -122.0, "Population": 1795.0}, {"index": 18108, "quantile": 0.75, "value": 372700.0, "Latitude": 37.31, "Longitude": -122.0, "Population": 1795.0}, {"index": 18108, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.0, "Population": 1795.0}, {"index": 18109, "quantile": 0.0, "value": 229300.00000000003, "Latitude": 37.3, "Longitude": -122.0, "Population": 1518.0}, {"index": 18109, "quantile": 0.25, "value": 400699.99999999994, "Latitude": 37.3, "Longitude": -122.0, "Population": 1518.0}, {"index": 18109, "quantile": 0.5, "value": 400699.99999999994, "Latitude": 37.3, "Longitude": -122.0, "Population": 1518.0}, {"index": 18109, "quantile": 0.75, "value": 400699.99999999994, "Latitude": 37.3, "Longitude": -122.0, "Population": 1518.0}, {"index": 18109, "quantile": 1.0, "value": 477200.0, "Latitude": 37.3, "Longitude": -122.0, "Population": 1518.0}, {"index": 18110, "quantile": 0.0, "value": 166800.0, "Latitude": 37.31, "Longitude": -122.03, "Population": 1520.0}, {"index": 18110, "quantile": 0.25, "value": 275700.0, "Latitude": 37.31, "Longitude": -122.03, "Population": 1520.0}, {"index": 18110, "quantile": 0.5, "value": 275700.0, "Latitude": 37.31, "Longitude": -122.03, "Population": 1520.0}, {"index": 18110, "quantile": 0.75, "value": 275700.0, "Latitude": 37.31, "Longitude": -122.03, "Population": 1520.0}, {"index": 18110, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.03, "Population": 1520.0}, {"index": 18111, "quantile": 0.0, "value": 215600.0, "Latitude": 37.3, "Longitude": -122.03, "Population": 1551.0}, {"index": 18111, "quantile": 0.25, "value": 326300.0, "Latitude": 37.3, "Longitude": -122.03, "Population": 1551.0}, {"index": 18111, "quantile": 0.5, "value": 326300.0, "Latitude": 37.3, "Longitude": -122.03, "Population": 1551.0}, {"index": 18111, "quantile": 0.75, "value": 336600.0, "Latitude": 37.3, "Longitude": -122.03, "Population": 1551.0}, {"index": 18111, "quantile": 1.0, "value": 480100.0, "Latitude": 37.3, "Longitude": -122.03, "Population": 1551.0}, {"index": 18112, "quantile": 0.0, "value": 175200.0, "Latitude": 37.3, "Longitude": -122.03, "Population": 1792.0}, {"index": 18112, "quantile": 0.25, "value": 335300.0, "Latitude": 37.3, "Longitude": -122.03, "Population": 1792.0}, {"index": 18112, "quantile": 0.5, "value": 335300.0, "Latitude": 37.3, "Longitude": -122.03, "Population": 1792.0}, {"index": 18112, "quantile": 0.75, "value": 335300.0, "Latitude": 37.3, "Longitude": -122.03, "Population": 1792.0}, {"index": 18112, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -122.03, "Population": 1792.0}, {"index": 18113, "quantile": 0.0, "value": 181100.0, "Latitude": 37.31, "Longitude": -122.02, "Population": 1301.0}, {"index": 18113, "quantile": 0.25, "value": 261050.0, "Latitude": 37.31, "Longitude": -122.02, "Population": 1301.0}, {"index": 18113, "quantile": 0.5, "value": 313750.0, "Latitude": 37.31, "Longitude": -122.02, "Population": 1301.0}, {"index": 18113, "quantile": 0.75, "value": 341200.0, "Latitude": 37.31, "Longitude": -122.02, "Population": 1301.0}, {"index": 18113, "quantile": 1.0, "value": 450000.0, "Latitude": 37.31, "Longitude": -122.02, "Population": 1301.0}, {"index": 18114, "quantile": 0.0, "value": 180500.0, "Latitude": 37.31, "Longitude": -122.02, "Population": 1248.0}, {"index": 18114, "quantile": 0.25, "value": 238950.0, "Latitude": 37.31, "Longitude": -122.02, "Population": 1248.0}, {"index": 18114, "quantile": 0.5, "value": 255900.00000000003, "Latitude": 37.31, "Longitude": -122.02, "Population": 1248.0}, {"index": 18114, "quantile": 0.75, "value": 275000.0, "Latitude": 37.31, "Longitude": -122.02, "Population": 1248.0}, {"index": 18114, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.02, "Population": 1248.0}, {"index": 18115, "quantile": 0.0, "value": 141200.0, "Latitude": 37.3, "Longitude": -122.02, "Population": 924.0}, {"index": 18115, "quantile": 0.25, "value": 309925.0, "Latitude": 37.3, "Longitude": -122.02, "Population": 924.0}, {"index": 18115, "quantile": 0.5, "value": 354600.0, "Latitude": 37.3, "Longitude": -122.02, "Population": 924.0}, {"index": 18115, "quantile": 0.75, "value": 354600.0, "Latitude": 37.3, "Longitude": -122.02, "Population": 924.0}, {"index": 18115, "quantile": 1.0, "value": 382500.0, "Latitude": 37.3, "Longitude": -122.02, "Population": 924.0}, {"index": 18116, "quantile": 0.0, "value": 196900.0, "Latitude": 37.3, "Longitude": -122.02, "Population": 903.0}, {"index": 18116, "quantile": 0.25, "value": 341900.0, "Latitude": 37.3, "Longitude": -122.02, "Population": 903.0}, {"index": 18116, "quantile": 0.5, "value": 341900.0, "Latitude": 37.3, "Longitude": -122.02, "Population": 903.0}, {"index": 18116, "quantile": 0.75, "value": 342450.0, "Latitude": 37.3, "Longitude": -122.02, "Population": 903.0}, {"index": 18116, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.3, "Longitude": -122.02, "Population": 903.0}, {"index": 18117, "quantile": 0.0, "value": 243400.00000000003, "Latitude": 37.32, "Longitude": -122.02, "Population": 2009.0}, {"index": 18117, "quantile": 0.25, "value": 348300.0, "Latitude": 37.32, "Longitude": -122.02, "Population": 2009.0}, {"index": 18117, "quantile": 0.5, "value": 348300.0, "Latitude": 37.32, "Longitude": -122.02, "Population": 2009.0}, {"index": 18117, "quantile": 0.75, "value": 348300.0, "Latitude": 37.32, "Longitude": -122.02, "Population": 2009.0}, {"index": 18117, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.32, "Longitude": -122.02, "Population": 2009.0}, {"index": 18118, "quantile": 0.0, "value": 227300.0, "Latitude": 37.31, "Longitude": -122.02, "Population": 1230.0}, {"index": 18118, "quantile": 0.25, "value": 340100.0, "Latitude": 37.31, "Longitude": -122.02, "Population": 1230.0}, {"index": 18118, "quantile": 0.5, "value": 340100.0, "Latitude": 37.31, "Longitude": -122.02, "Population": 1230.0}, {"index": 18118, "quantile": 0.75, "value": 342325.0, "Latitude": 37.31, "Longitude": -122.02, "Population": 1230.0}, {"index": 18118, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.02, "Population": 1230.0}, {"index": 18119, "quantile": 0.0, "value": 190300.0, "Latitude": 37.32, "Longitude": -122.03, "Population": 2156.0}, {"index": 18119, "quantile": 0.25, "value": 275800.0, "Latitude": 37.32, "Longitude": -122.03, "Population": 2156.0}, {"index": 18119, "quantile": 0.5, "value": 316700.0, "Latitude": 37.32, "Longitude": -122.03, "Population": 2156.0}, {"index": 18119, "quantile": 0.75, "value": 367300.0, "Latitude": 37.32, "Longitude": -122.03, "Population": 2156.0}, {"index": 18119, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.32, "Longitude": -122.03, "Population": 2156.0}, {"index": 18120, "quantile": 0.0, "value": 137500.0, "Latitude": 37.32, "Longitude": -122.0, "Population": 1915.0}, {"index": 18120, "quantile": 0.25, "value": 244499.99999999997, "Latitude": 37.32, "Longitude": -122.0, "Population": 1915.0}, {"index": 18120, "quantile": 0.5, "value": 244499.99999999997, "Latitude": 37.32, "Longitude": -122.0, "Population": 1915.0}, {"index": 18120, "quantile": 0.75, "value": 244499.99999999997, "Latitude": 37.32, "Longitude": -122.0, "Population": 1915.0}, {"index": 18120, "quantile": 1.0, "value": 284000.0, "Latitude": 37.32, "Longitude": -122.0, "Population": 1915.0}, {"index": 18121, "quantile": 0.0, "value": 196600.0, "Latitude": 37.31, "Longitude": -122.01, "Population": 700.0}, {"index": 18121, "quantile": 0.25, "value": 332700.0, "Latitude": 37.31, "Longitude": -122.01, "Population": 700.0}, {"index": 18121, "quantile": 0.5, "value": 332700.0, "Latitude": 37.31, "Longitude": -122.01, "Population": 700.0}, {"index": 18121, "quantile": 0.75, "value": 332700.0, "Latitude": 37.31, "Longitude": -122.01, "Population": 700.0}, {"index": 18121, "quantile": 1.0, "value": 466899.99999999994, "Latitude": 37.31, "Longitude": -122.01, "Population": 700.0}, {"index": 18122, "quantile": 0.0, "value": 188300.0, "Latitude": 37.32, "Longitude": -122.01, "Population": 1577.0}, {"index": 18122, "quantile": 0.25, "value": 267500.0, "Latitude": 37.32, "Longitude": -122.01, "Population": 1577.0}, {"index": 18122, "quantile": 0.5, "value": 284000.0, "Latitude": 37.32, "Longitude": -122.01, "Population": 1577.0}, {"index": 18122, "quantile": 0.75, "value": 284000.0, "Latitude": 37.32, "Longitude": -122.01, "Population": 1577.0}, {"index": 18122, "quantile": 1.0, "value": 382100.0, "Latitude": 37.32, "Longitude": -122.01, "Population": 1577.0}, {"index": 18123, "quantile": 0.0, "value": 110700.0, "Latitude": 37.31, "Longitude": -122.0, "Population": 2389.0}, {"index": 18123, "quantile": 0.25, "value": 242200.00000000003, "Latitude": 37.31, "Longitude": -122.0, "Population": 2389.0}, {"index": 18123, "quantile": 0.5, "value": 242200.00000000003, "Latitude": 37.31, "Longitude": -122.0, "Population": 2389.0}, {"index": 18123, "quantile": 0.75, "value": 244499.99999999997, "Latitude": 37.31, "Longitude": -122.0, "Population": 2389.0}, {"index": 18123, "quantile": 1.0, "value": 445700.0, "Latitude": 37.31, "Longitude": -122.0, "Population": 2389.0}, {"index": 18124, "quantile": 0.0, "value": 270100.0, "Latitude": 37.33, "Longitude": -122.02, "Population": 1689.0}, {"index": 18124, "quantile": 0.25, "value": 332700.0, "Latitude": 37.33, "Longitude": -122.02, "Population": 1689.0}, {"index": 18124, "quantile": 0.5, "value": 351200.0, "Latitude": 37.33, "Longitude": -122.02, "Population": 1689.0}, {"index": 18124, "quantile": 0.75, "value": 405000.0, "Latitude": 37.33, "Longitude": -122.02, "Population": 1689.0}, {"index": 18124, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -122.02, "Population": 1689.0}, {"index": 18125, "quantile": 0.0, "value": 273900.0, "Latitude": 37.33, "Longitude": -122.03, "Population": 1782.0}, {"index": 18125, "quantile": 0.25, "value": 412300.0, "Latitude": 37.33, "Longitude": -122.03, "Population": 1782.0}, {"index": 18125, "quantile": 0.5, "value": 412300.0, "Latitude": 37.33, "Longitude": -122.03, "Population": 1782.0}, {"index": 18125, "quantile": 0.75, "value": 412300.0, "Latitude": 37.33, "Longitude": -122.03, "Population": 1782.0}, {"index": 18125, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -122.03, "Population": 1782.0}, {"index": 18126, "quantile": 0.0, "value": 154000.0, "Latitude": 37.34, "Longitude": -122.03, "Population": 674.0}, {"index": 18126, "quantile": 0.25, "value": 231199.99999999997, "Latitude": 37.34, "Longitude": -122.03, "Population": 674.0}, {"index": 18126, "quantile": 0.5, "value": 231199.99999999997, "Latitude": 37.34, "Longitude": -122.03, "Population": 674.0}, {"index": 18126, "quantile": 0.75, "value": 254825.0, "Latitude": 37.34, "Longitude": -122.03, "Population": 674.0}, {"index": 18126, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.03, "Population": 674.0}, {"index": 18127, "quantile": 0.0, "value": 239000.0, "Latitude": 37.34, "Longitude": -122.02, "Population": 467.0}, {"index": 18127, "quantile": 0.25, "value": 360600.0, "Latitude": 37.34, "Longitude": -122.02, "Population": 467.0}, {"index": 18127, "quantile": 0.5, "value": 360600.0, "Latitude": 37.34, "Longitude": -122.02, "Population": 467.0}, {"index": 18127, "quantile": 0.75, "value": 360600.0, "Latitude": 37.34, "Longitude": -122.02, "Population": 467.0}, {"index": 18127, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.02, "Population": 467.0}, {"index": 18128, "quantile": 0.0, "value": 254100.0, "Latitude": 37.33, "Longitude": -122.0, "Population": 1788.0}, {"index": 18128, "quantile": 0.25, "value": 338700.0, "Latitude": 37.33, "Longitude": -122.0, "Population": 1788.0}, {"index": 18128, "quantile": 0.5, "value": 338700.0, "Latitude": 37.33, "Longitude": -122.0, "Population": 1788.0}, {"index": 18128, "quantile": 0.75, "value": 338700.0, "Latitude": 37.33, "Longitude": -122.0, "Population": 1788.0}, {"index": 18128, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.33, "Longitude": -122.0, "Population": 1788.0}, {"index": 18129, "quantile": 0.0, "value": 258199.99999999997, "Latitude": 37.35, "Longitude": -122.02, "Population": 1221.0}, {"index": 18129, "quantile": 0.25, "value": 365700.0, "Latitude": 37.35, "Longitude": -122.02, "Population": 1221.0}, {"index": 18129, "quantile": 0.5, "value": 365700.0, "Latitude": 37.35, "Longitude": -122.02, "Population": 1221.0}, {"index": 18129, "quantile": 0.75, "value": 368900.0, "Latitude": 37.35, "Longitude": -122.02, "Population": 1221.0}, {"index": 18129, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.02, "Population": 1221.0}, {"index": 18130, "quantile": 0.0, "value": 127800.0, "Latitude": 37.35, "Longitude": -122.02, "Population": 1479.0}, {"index": 18130, "quantile": 0.25, "value": 354400.0, "Latitude": 37.35, "Longitude": -122.02, "Population": 1479.0}, {"index": 18130, "quantile": 0.5, "value": 354400.0, "Latitude": 37.35, "Longitude": -122.02, "Population": 1479.0}, {"index": 18130, "quantile": 0.75, "value": 354400.0, "Latitude": 37.35, "Longitude": -122.02, "Population": 1479.0}, {"index": 18130, "quantile": 1.0, "value": 491200.0, "Latitude": 37.35, "Longitude": -122.02, "Population": 1479.0}, {"index": 18131, "quantile": 0.0, "value": 214500.0, "Latitude": 37.34, "Longitude": -122.02, "Population": 980.0}, {"index": 18131, "quantile": 0.25, "value": 333200.00000000006, "Latitude": 37.34, "Longitude": -122.02, "Population": 980.0}, {"index": 18131, "quantile": 0.5, "value": 350000.0, "Latitude": 37.34, "Longitude": -122.02, "Population": 980.0}, {"index": 18131, "quantile": 0.75, "value": 350000.0, "Latitude": 37.34, "Longitude": -122.02, "Population": 980.0}, {"index": 18131, "quantile": 1.0, "value": 417000.0, "Latitude": 37.34, "Longitude": -122.02, "Population": 980.0}, {"index": 18132, "quantile": 0.0, "value": 198100.0, "Latitude": 37.34, "Longitude": -122.02, "Population": 1190.0}, {"index": 18132, "quantile": 0.25, "value": 267400.0, "Latitude": 37.34, "Longitude": -122.02, "Population": 1190.0}, {"index": 18132, "quantile": 0.5, "value": 294300.0, "Latitude": 37.34, "Longitude": -122.02, "Population": 1190.0}, {"index": 18132, "quantile": 0.75, "value": 350000.0, "Latitude": 37.34, "Longitude": -122.02, "Population": 1190.0}, {"index": 18132, "quantile": 1.0, "value": 431400.0, "Latitude": 37.34, "Longitude": -122.02, "Population": 1190.0}, {"index": 18133, "quantile": 0.0, "value": 214500.0, "Latitude": 37.34, "Longitude": -122.03, "Population": 2338.0}, {"index": 18133, "quantile": 0.25, "value": 298500.0, "Latitude": 37.34, "Longitude": -122.03, "Population": 2338.0}, {"index": 18133, "quantile": 0.5, "value": 343500.0, "Latitude": 37.34, "Longitude": -122.03, "Population": 2338.0}, {"index": 18133, "quantile": 0.75, "value": 383100.0, "Latitude": 37.34, "Longitude": -122.03, "Population": 2338.0}, {"index": 18133, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.03, "Population": 2338.0}, {"index": 18134, "quantile": 0.0, "value": 197000.0, "Latitude": 37.35, "Longitude": -122.03, "Population": 1251.0}, {"index": 18134, "quantile": 0.25, "value": 291250.0, "Latitude": 37.35, "Longitude": -122.03, "Population": 1251.0}, {"index": 18134, "quantile": 0.5, "value": 338300.0, "Latitude": 37.35, "Longitude": -122.03, "Population": 1251.0}, {"index": 18134, "quantile": 0.75, "value": 376200.0, "Latitude": 37.35, "Longitude": -122.03, "Population": 1251.0}, {"index": 18134, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.03, "Population": 1251.0}, {"index": 18135, "quantile": 0.0, "value": 158100.0, "Latitude": 37.35, "Longitude": -122.01, "Population": 1158.0}, {"index": 18135, "quantile": 0.25, "value": 269375.0, "Latitude": 37.35, "Longitude": -122.01, "Population": 1158.0}, {"index": 18135, "quantile": 0.5, "value": 289500.0, "Latitude": 37.35, "Longitude": -122.01, "Population": 1158.0}, {"index": 18135, "quantile": 0.75, "value": 289500.0, "Latitude": 37.35, "Longitude": -122.01, "Population": 1158.0}, {"index": 18135, "quantile": 1.0, "value": 414100.0, "Latitude": 37.35, "Longitude": -122.01, "Population": 1158.0}, {"index": 18136, "quantile": 0.0, "value": 112500.0, "Latitude": 37.35, "Longitude": -122.0, "Population": 2059.0}, {"index": 18136, "quantile": 0.25, "value": 243400.00000000003, "Latitude": 37.35, "Longitude": -122.0, "Population": 2059.0}, {"index": 18136, "quantile": 0.5, "value": 289700.0, "Latitude": 37.35, "Longitude": -122.0, "Population": 2059.0}, {"index": 18136, "quantile": 0.75, "value": 319750.0, "Latitude": 37.35, "Longitude": -122.0, "Population": 2059.0}, {"index": 18136, "quantile": 1.0, "value": 463800.0, "Latitude": 37.35, "Longitude": -122.0, "Population": 2059.0}, {"index": 18137, "quantile": 0.0, "value": 201399.99999999997, "Latitude": 37.34, "Longitude": -122.0, "Population": 817.0}, {"index": 18137, "quantile": 0.25, "value": 266825.0, "Latitude": 37.34, "Longitude": -122.0, "Population": 817.0}, {"index": 18137, "quantile": 0.5, "value": 298900.0, "Latitude": 37.34, "Longitude": -122.0, "Population": 817.0}, {"index": 18137, "quantile": 0.75, "value": 350000.0, "Latitude": 37.34, "Longitude": -122.0, "Population": 817.0}, {"index": 18137, "quantile": 1.0, "value": 500000.0, "Latitude": 37.34, "Longitude": -122.0, "Population": 817.0}, {"index": 18138, "quantile": 0.0, "value": 136900.0, "Latitude": 37.34, "Longitude": -122.0, "Population": 1604.0}, {"index": 18138, "quantile": 0.25, "value": 250500.0, "Latitude": 37.34, "Longitude": -122.0, "Population": 1604.0}, {"index": 18138, "quantile": 0.5, "value": 279400.0, "Latitude": 37.34, "Longitude": -122.0, "Population": 1604.0}, {"index": 18138, "quantile": 0.75, "value": 355100.0, "Latitude": 37.34, "Longitude": -122.0, "Population": 1604.0}, {"index": 18138, "quantile": 1.0, "value": 440299.99999999994, "Latitude": 37.34, "Longitude": -122.0, "Population": 1604.0}, {"index": 18139, "quantile": 0.0, "value": 215600.0, "Latitude": 37.34, "Longitude": -122.01, "Population": 1493.0}, {"index": 18139, "quantile": 0.25, "value": 344200.0, "Latitude": 37.34, "Longitude": -122.01, "Population": 1493.0}, {"index": 18139, "quantile": 0.5, "value": 344200.0, "Latitude": 37.34, "Longitude": -122.01, "Population": 1493.0}, {"index": 18139, "quantile": 0.75, "value": 344200.0, "Latitude": 37.34, "Longitude": -122.01, "Population": 1493.0}, {"index": 18139, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.01, "Population": 1493.0}, {"index": 18140, "quantile": 0.0, "value": 281900.0, "Latitude": 37.35, "Longitude": -122.05, "Population": 1399.0}, {"index": 18140, "quantile": 0.25, "value": 388100.0, "Latitude": 37.35, "Longitude": -122.05, "Population": 1399.0}, {"index": 18140, "quantile": 0.5, "value": 388100.0, "Latitude": 37.35, "Longitude": -122.05, "Population": 1399.0}, {"index": 18140, "quantile": 0.75, "value": 403325.0, "Latitude": 37.35, "Longitude": -122.05, "Population": 1399.0}, {"index": 18140, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.05, "Population": 1399.0}, {"index": 18141, "quantile": 0.0, "value": 281900.0, "Latitude": 37.34, "Longitude": -122.05, "Population": 1079.0}, {"index": 18141, "quantile": 0.25, "value": 423900.0, "Latitude": 37.34, "Longitude": -122.05, "Population": 1079.0}, {"index": 18141, "quantile": 0.5, "value": 423900.0, "Latitude": 37.34, "Longitude": -122.05, "Population": 1079.0}, {"index": 18141, "quantile": 0.75, "value": 444675.0, "Latitude": 37.34, "Longitude": -122.05, "Population": 1079.0}, {"index": 18141, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.05, "Population": 1079.0}, {"index": 18142, "quantile": 0.0, "value": 189100.0, "Latitude": 37.34, "Longitude": -122.05, "Population": 627.0}, {"index": 18142, "quantile": 0.25, "value": 347375.0, "Latitude": 37.34, "Longitude": -122.05, "Population": 627.0}, {"index": 18142, "quantile": 0.5, "value": 416500.0, "Latitude": 37.34, "Longitude": -122.05, "Population": 627.0}, {"index": 18142, "quantile": 0.75, "value": 416500.0, "Latitude": 37.34, "Longitude": -122.05, "Population": 627.0}, {"index": 18142, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.05, "Population": 627.0}, {"index": 18143, "quantile": 0.0, "value": 275800.0, "Latitude": 37.34, "Longitude": -122.06, "Population": 1293.0}, {"index": 18143, "quantile": 0.25, "value": 451400.0, "Latitude": 37.34, "Longitude": -122.06, "Population": 1293.0}, {"index": 18143, "quantile": 0.5, "value": 451400.0, "Latitude": 37.34, "Longitude": -122.06, "Population": 1293.0}, {"index": 18143, "quantile": 0.75, "value": 451400.0, "Latitude": 37.34, "Longitude": -122.06, "Population": 1293.0}, {"index": 18143, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.06, "Population": 1293.0}, {"index": 18144, "quantile": 0.0, "value": 311800.0, "Latitude": 37.35, "Longitude": -122.04, "Population": 1328.0}, {"index": 18144, "quantile": 0.25, "value": 431600.0, "Latitude": 37.35, "Longitude": -122.04, "Population": 1328.0}, {"index": 18144, "quantile": 0.5, "value": 431600.0, "Latitude": 37.35, "Longitude": -122.04, "Population": 1328.0}, {"index": 18144, "quantile": 0.75, "value": 431600.0, "Latitude": 37.35, "Longitude": -122.04, "Population": 1328.0}, {"index": 18144, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.04, "Population": 1328.0}, {"index": 18145, "quantile": 0.0, "value": 336600.0, "Latitude": 37.34, "Longitude": -122.04, "Population": 1260.0}, {"index": 18145, "quantile": 0.25, "value": 431600.0, "Latitude": 37.34, "Longitude": -122.04, "Population": 1260.0}, {"index": 18145, "quantile": 0.5, "value": 432599.99999999994, "Latitude": 37.34, "Longitude": -122.04, "Population": 1260.0}, {"index": 18145, "quantile": 0.75, "value": 432599.99999999994, "Latitude": 37.34, "Longitude": -122.04, "Population": 1260.0}, {"index": 18145, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.04, "Population": 1260.0}, {"index": 18146, "quantile": 0.0, "value": 176300.0, "Latitude": 37.35, "Longitude": -122.03, "Population": 455.0}, {"index": 18146, "quantile": 0.25, "value": 292900.0, "Latitude": 37.35, "Longitude": -122.03, "Population": 455.0}, {"index": 18146, "quantile": 0.5, "value": 292900.0, "Latitude": 37.35, "Longitude": -122.03, "Population": 455.0}, {"index": 18146, "quantile": 0.75, "value": 292900.0, "Latitude": 37.35, "Longitude": -122.03, "Population": 455.0}, {"index": 18146, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.03, "Population": 455.0}, {"index": 18147, "quantile": 0.0, "value": 225000.0, "Latitude": 37.35, "Longitude": -122.04, "Population": 696.0}, {"index": 18147, "quantile": 0.25, "value": 341425.0, "Latitude": 37.35, "Longitude": -122.04, "Population": 696.0}, {"index": 18147, "quantile": 0.5, "value": 370100.0, "Latitude": 37.35, "Longitude": -122.04, "Population": 696.0}, {"index": 18147, "quantile": 0.75, "value": 370100.0, "Latitude": 37.35, "Longitude": -122.04, "Population": 696.0}, {"index": 18147, "quantile": 1.0, "value": 430300.0, "Latitude": 37.35, "Longitude": -122.04, "Population": 696.0}, {"index": 18148, "quantile": 0.0, "value": 321800.0, "Latitude": 37.34, "Longitude": -122.04, "Population": 704.0}, {"index": 18148, "quantile": 0.25, "value": 447300.0, "Latitude": 37.34, "Longitude": -122.04, "Population": 704.0}, {"index": 18148, "quantile": 0.5, "value": 447300.0, "Latitude": 37.34, "Longitude": -122.04, "Population": 704.0}, {"index": 18148, "quantile": 0.75, "value": 447300.0, "Latitude": 37.34, "Longitude": -122.04, "Population": 704.0}, {"index": 18148, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.04, "Population": 704.0}, {"index": 18149, "quantile": 0.0, "value": 166800.0, "Latitude": 37.34, "Longitude": -122.03, "Population": 598.0}, {"index": 18149, "quantile": 0.25, "value": 339950.0, "Latitude": 37.34, "Longitude": -122.03, "Population": 598.0}, {"index": 18149, "quantile": 0.5, "value": 342400.0, "Latitude": 37.34, "Longitude": -122.03, "Population": 598.0}, {"index": 18149, "quantile": 0.75, "value": 342400.0, "Latitude": 37.34, "Longitude": -122.03, "Population": 598.0}, {"index": 18149, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.03, "Population": 598.0}, {"index": 18150, "quantile": 0.0, "value": 162500.0, "Latitude": 37.34, "Longitude": -122.04, "Population": 1795.0}, {"index": 18150, "quantile": 0.25, "value": 225000.0, "Latitude": 37.34, "Longitude": -122.04, "Population": 1795.0}, {"index": 18150, "quantile": 0.5, "value": 225000.0, "Latitude": 37.34, "Longitude": -122.04, "Population": 1795.0}, {"index": 18150, "quantile": 0.75, "value": 252850.00000000003, "Latitude": 37.34, "Longitude": -122.04, "Population": 1795.0}, {"index": 18150, "quantile": 1.0, "value": 303400.0, "Latitude": 37.34, "Longitude": -122.04, "Population": 1795.0}, {"index": 18151, "quantile": 0.0, "value": 150000.0, "Latitude": 37.34, "Longitude": -122.04, "Population": 2496.0}, {"index": 18151, "quantile": 0.25, "value": 213200.0, "Latitude": 37.34, "Longitude": -122.04, "Population": 2496.0}, {"index": 18151, "quantile": 0.5, "value": 236000.0, "Latitude": 37.34, "Longitude": -122.04, "Population": 2496.0}, {"index": 18151, "quantile": 0.75, "value": 263800.0, "Latitude": 37.34, "Longitude": -122.04, "Population": 2496.0}, {"index": 18151, "quantile": 1.0, "value": 450000.0, "Latitude": 37.34, "Longitude": -122.04, "Population": 2496.0}, {"index": 18152, "quantile": 0.0, "value": 225000.0, "Latitude": 37.37, "Longitude": -122.05, "Population": 662.0}, {"index": 18152, "quantile": 0.25, "value": 291400.0, "Latitude": 37.37, "Longitude": -122.05, "Population": 662.0}, {"index": 18152, "quantile": 0.5, "value": 291400.0, "Latitude": 37.37, "Longitude": -122.05, "Population": 662.0}, {"index": 18152, "quantile": 0.75, "value": 291400.0, "Latitude": 37.37, "Longitude": -122.05, "Population": 662.0}, {"index": 18152, "quantile": 1.0, "value": 414799.99999999994, "Latitude": 37.37, "Longitude": -122.05, "Population": 662.0}, {"index": 18153, "quantile": 0.0, "value": 203700.0, "Latitude": 37.36, "Longitude": -122.05, "Population": 1017.0}, {"index": 18153, "quantile": 0.25, "value": 292800.0, "Latitude": 37.36, "Longitude": -122.05, "Population": 1017.0}, {"index": 18153, "quantile": 0.5, "value": 316900.0, "Latitude": 37.36, "Longitude": -122.05, "Population": 1017.0}, {"index": 18153, "quantile": 0.75, "value": 316900.0, "Latitude": 37.36, "Longitude": -122.05, "Population": 1017.0}, {"index": 18153, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.05, "Population": 1017.0}, {"index": 18154, "quantile": 0.0, "value": 90100.0, "Latitude": 37.36, "Longitude": -122.05, "Population": 1063.0}, {"index": 18154, "quantile": 0.25, "value": 270575.0, "Latitude": 37.36, "Longitude": -122.05, "Population": 1063.0}, {"index": 18154, "quantile": 0.5, "value": 322150.0, "Latitude": 37.36, "Longitude": -122.05, "Population": 1063.0}, {"index": 18154, "quantile": 0.75, "value": 366100.0, "Latitude": 37.36, "Longitude": -122.05, "Population": 1063.0}, {"index": 18154, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.05, "Population": 1063.0}, {"index": 18155, "quantile": 0.0, "value": 349500.0, "Latitude": 37.35, "Longitude": -122.06, "Population": 872.0}, {"index": 18155, "quantile": 0.25, "value": 468675.0, "Latitude": 37.35, "Longitude": -122.06, "Population": 872.0}, {"index": 18155, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.06, "Population": 872.0}, {"index": 18155, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.06, "Population": 872.0}, {"index": 18155, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.06, "Population": 872.0}, {"index": 18156, "quantile": 0.0, "value": 235800.0, "Latitude": 37.36, "Longitude": -122.06, "Population": 1343.0}, {"index": 18156, "quantile": 0.25, "value": 327500.0, "Latitude": 37.36, "Longitude": -122.06, "Population": 1343.0}, {"index": 18156, "quantile": 0.5, "value": 327500.0, "Latitude": 37.36, "Longitude": -122.06, "Population": 1343.0}, {"index": 18156, "quantile": 0.75, "value": 356725.0, "Latitude": 37.36, "Longitude": -122.06, "Population": 1343.0}, {"index": 18156, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.06, "Population": 1343.0}, {"index": 18157, "quantile": 0.0, "value": 246400.0, "Latitude": 37.37, "Longitude": -122.06, "Population": 1160.0}, {"index": 18157, "quantile": 0.25, "value": 322700.0, "Latitude": 37.37, "Longitude": -122.06, "Population": 1160.0}, {"index": 18157, "quantile": 0.5, "value": 322700.0, "Latitude": 37.37, "Longitude": -122.06, "Population": 1160.0}, {"index": 18157, "quantile": 0.75, "value": 322700.0, "Latitude": 37.37, "Longitude": -122.06, "Population": 1160.0}, {"index": 18157, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.06, "Population": 1160.0}, {"index": 18158, "quantile": 0.0, "value": 196400.0, "Latitude": 37.37, "Longitude": -122.04, "Population": 2351.0}, {"index": 18158, "quantile": 0.25, "value": 275250.0, "Latitude": 37.37, "Longitude": -122.04, "Population": 2351.0}, {"index": 18158, "quantile": 0.5, "value": 313250.0, "Latitude": 37.37, "Longitude": -122.04, "Population": 2351.0}, {"index": 18158, "quantile": 0.75, "value": 355100.0, "Latitude": 37.37, "Longitude": -122.04, "Population": 2351.0}, {"index": 18158, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.04, "Population": 2351.0}, {"index": 18159, "quantile": 0.0, "value": 220699.99999999997, "Latitude": 37.36, "Longitude": -122.03, "Population": 948.0}, {"index": 18159, "quantile": 0.25, "value": 340000.0, "Latitude": 37.36, "Longitude": -122.03, "Population": 948.0}, {"index": 18159, "quantile": 0.5, "value": 361050.0, "Latitude": 37.36, "Longitude": -122.03, "Population": 948.0}, {"index": 18159, "quantile": 0.75, "value": 403000.0, "Latitude": 37.36, "Longitude": -122.03, "Population": 948.0}, {"index": 18159, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.03, "Population": 948.0}, {"index": 18160, "quantile": 0.0, "value": 176300.0, "Latitude": 37.35, "Longitude": -122.04, "Population": 767.0}, {"index": 18160, "quantile": 0.25, "value": 383000.0, "Latitude": 37.35, "Longitude": -122.04, "Population": 767.0}, {"index": 18160, "quantile": 0.5, "value": 383000.0, "Latitude": 37.35, "Longitude": -122.04, "Population": 767.0}, {"index": 18160, "quantile": 0.75, "value": 383000.0, "Latitude": 37.35, "Longitude": -122.04, "Population": 767.0}, {"index": 18160, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.04, "Population": 767.0}, {"index": 18161, "quantile": 0.0, "value": 171700.0, "Latitude": 37.36, "Longitude": -122.05, "Population": 679.0}, {"index": 18161, "quantile": 0.25, "value": 406574.99999999994, "Latitude": 37.36, "Longitude": -122.05, "Population": 679.0}, {"index": 18161, "quantile": 0.5, "value": 406799.99999999994, "Latitude": 37.36, "Longitude": -122.05, "Population": 679.0}, {"index": 18161, "quantile": 0.75, "value": 406799.99999999994, "Latitude": 37.36, "Longitude": -122.05, "Population": 679.0}, {"index": 18161, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.05, "Population": 679.0}, {"index": 18162, "quantile": 0.0, "value": 195900.0, "Latitude": 37.36, "Longitude": -122.04, "Population": 1241.0}, {"index": 18162, "quantile": 0.25, "value": 403000.0, "Latitude": 37.36, "Longitude": -122.04, "Population": 1241.0}, {"index": 18162, "quantile": 0.5, "value": 403000.0, "Latitude": 37.36, "Longitude": -122.04, "Population": 1241.0}, {"index": 18162, "quantile": 0.75, "value": 403000.0, "Latitude": 37.36, "Longitude": -122.04, "Population": 1241.0}, {"index": 18162, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.04, "Population": 1241.0}, {"index": 18163, "quantile": 0.0, "value": 328800.0, "Latitude": 37.37, "Longitude": -122.05, "Population": 1537.0}, {"index": 18163, "quantile": 0.25, "value": 344700.0, "Latitude": 37.37, "Longitude": -122.05, "Population": 1537.0}, {"index": 18163, "quantile": 0.5, "value": 344700.0, "Latitude": 37.37, "Longitude": -122.05, "Population": 1537.0}, {"index": 18163, "quantile": 0.75, "value": 441099.99999999994, "Latitude": 37.37, "Longitude": -122.05, "Population": 1537.0}, {"index": 18163, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.05, "Population": 1537.0}, {"index": 18164, "quantile": 0.0, "value": 166700.0, "Latitude": 37.36, "Longitude": -122.03, "Population": 1369.0}, {"index": 18164, "quantile": 0.25, "value": 262500.0, "Latitude": 37.36, "Longitude": -122.03, "Population": 1369.0}, {"index": 18164, "quantile": 0.5, "value": 367400.0, "Latitude": 37.36, "Longitude": -122.03, "Population": 1369.0}, {"index": 18164, "quantile": 0.75, "value": 367400.0, "Latitude": 37.36, "Longitude": -122.03, "Population": 1369.0}, {"index": 18164, "quantile": 1.0, "value": 367400.0, "Latitude": 37.36, "Longitude": -122.03, "Population": 1369.0}, {"index": 18165, "quantile": 0.0, "value": 175000.0, "Latitude": 37.35, "Longitude": -122.02, "Population": 1465.0}, {"index": 18165, "quantile": 0.25, "value": 362200.0, "Latitude": 37.35, "Longitude": -122.02, "Population": 1465.0}, {"index": 18165, "quantile": 0.5, "value": 362200.0, "Latitude": 37.35, "Longitude": -122.02, "Population": 1465.0}, {"index": 18165, "quantile": 0.75, "value": 362200.0, "Latitude": 37.35, "Longitude": -122.02, "Population": 1465.0}, {"index": 18165, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.02, "Population": 1465.0}, {"index": 18166, "quantile": 0.0, "value": 173500.0, "Latitude": 37.35, "Longitude": -122.02, "Population": 507.0}, {"index": 18166, "quantile": 0.25, "value": 228399.99999999997, "Latitude": 37.35, "Longitude": -122.02, "Population": 507.0}, {"index": 18166, "quantile": 0.5, "value": 228399.99999999997, "Latitude": 37.35, "Longitude": -122.02, "Population": 507.0}, {"index": 18166, "quantile": 0.75, "value": 249300.0, "Latitude": 37.35, "Longitude": -122.02, "Population": 507.0}, {"index": 18166, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.02, "Population": 507.0}, {"index": 18167, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.35, "Longitude": -122.03, "Population": 1930.0}, {"index": 18167, "quantile": 0.25, "value": 227450.00000000003, "Latitude": 37.35, "Longitude": -122.03, "Population": 1930.0}, {"index": 18167, "quantile": 0.5, "value": 242550.0, "Latitude": 37.35, "Longitude": -122.03, "Population": 1930.0}, {"index": 18167, "quantile": 0.75, "value": 277575.0, "Latitude": 37.35, "Longitude": -122.03, "Population": 1930.0}, {"index": 18167, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.03, "Population": 1930.0}, {"index": 18168, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.37, "Longitude": -122.03, "Population": 1479.0}, {"index": 18168, "quantile": 0.25, "value": 269025.0, "Latitude": 37.37, "Longitude": -122.03, "Population": 1479.0}, {"index": 18168, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.03, "Population": 1479.0}, {"index": 18168, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.03, "Population": 1479.0}, {"index": 18168, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.03, "Population": 1479.0}, {"index": 18169, "quantile": 0.0, "value": 90100.0, "Latitude": 37.36, "Longitude": -122.02, "Population": 1486.0}, {"index": 18169, "quantile": 0.25, "value": 243800.00000000003, "Latitude": 37.36, "Longitude": -122.02, "Population": 1486.0}, {"index": 18169, "quantile": 0.5, "value": 243800.00000000003, "Latitude": 37.36, "Longitude": -122.02, "Population": 1486.0}, {"index": 18169, "quantile": 0.75, "value": 243800.00000000003, "Latitude": 37.36, "Longitude": -122.02, "Population": 1486.0}, {"index": 18169, "quantile": 1.0, "value": 457500.0, "Latitude": 37.36, "Longitude": -122.02, "Population": 1486.0}, {"index": 18170, "quantile": 0.0, "value": 93600.0, "Latitude": 37.36, "Longitude": -122.02, "Population": 1273.0}, {"index": 18170, "quantile": 0.25, "value": 225800.0, "Latitude": 37.36, "Longitude": -122.02, "Population": 1273.0}, {"index": 18170, "quantile": 0.5, "value": 378000.0, "Latitude": 37.36, "Longitude": -122.02, "Population": 1273.0}, {"index": 18170, "quantile": 0.75, "value": 378000.0, "Latitude": 37.36, "Longitude": -122.02, "Population": 1273.0}, {"index": 18170, "quantile": 1.0, "value": 378000.0, "Latitude": 37.36, "Longitude": -122.02, "Population": 1273.0}, {"index": 18171, "quantile": 0.0, "value": 108300.0, "Latitude": 37.36, "Longitude": -122.01, "Population": 499.0}, {"index": 18171, "quantile": 0.25, "value": 253600.0, "Latitude": 37.36, "Longitude": -122.01, "Population": 499.0}, {"index": 18171, "quantile": 0.5, "value": 253600.0, "Latitude": 37.36, "Longitude": -122.01, "Population": 499.0}, {"index": 18171, "quantile": 0.75, "value": 253600.0, "Latitude": 37.36, "Longitude": -122.01, "Population": 499.0}, {"index": 18171, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.01, "Population": 499.0}, {"index": 18172, "quantile": 0.0, "value": 189800.0, "Latitude": 37.36, "Longitude": -122.02, "Population": 892.0}, {"index": 18172, "quantile": 0.25, "value": 335200.0, "Latitude": 37.36, "Longitude": -122.02, "Population": 892.0}, {"index": 18172, "quantile": 0.5, "value": 335200.0, "Latitude": 37.36, "Longitude": -122.02, "Population": 892.0}, {"index": 18172, "quantile": 0.75, "value": 335200.0, "Latitude": 37.36, "Longitude": -122.02, "Population": 892.0}, {"index": 18172, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.02, "Population": 892.0}, {"index": 18173, "quantile": 0.0, "value": 236800.0, "Latitude": 37.36, "Longitude": -122.01, "Population": 1267.0}, {"index": 18173, "quantile": 0.25, "value": 348050.0, "Latitude": 37.36, "Longitude": -122.01, "Population": 1267.0}, {"index": 18173, "quantile": 0.5, "value": 349000.0, "Latitude": 37.36, "Longitude": -122.01, "Population": 1267.0}, {"index": 18173, "quantile": 0.75, "value": 349000.0, "Latitude": 37.36, "Longitude": -122.01, "Population": 1267.0}, {"index": 18173, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.01, "Population": 1267.0}, {"index": 18174, "quantile": 0.0, "value": 171700.0, "Latitude": 37.36, "Longitude": -122.01, "Population": 1194.0}, {"index": 18174, "quantile": 0.25, "value": 346300.0, "Latitude": 37.36, "Longitude": -122.01, "Population": 1194.0}, {"index": 18174, "quantile": 0.5, "value": 346300.0, "Latitude": 37.36, "Longitude": -122.01, "Population": 1194.0}, {"index": 18174, "quantile": 0.75, "value": 346300.0, "Latitude": 37.36, "Longitude": -122.01, "Population": 1194.0}, {"index": 18174, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.01, "Population": 1194.0}, {"index": 18175, "quantile": 0.0, "value": 111900.0, "Latitude": 37.35, "Longitude": -122.01, "Population": 1551.0}, {"index": 18175, "quantile": 0.25, "value": 192200.0, "Latitude": 37.35, "Longitude": -122.01, "Population": 1551.0}, {"index": 18175, "quantile": 0.5, "value": 251750.0, "Latitude": 37.35, "Longitude": -122.01, "Population": 1551.0}, {"index": 18175, "quantile": 0.75, "value": 281925.0, "Latitude": 37.35, "Longitude": -122.01, "Population": 1551.0}, {"index": 18175, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.01, "Population": 1551.0}, {"index": 18176, "quantile": 0.0, "value": 115700.0, "Latitude": 37.36, "Longitude": -122.0, "Population": 1158.0}, {"index": 18176, "quantile": 0.25, "value": 347425.0, "Latitude": 37.36, "Longitude": -122.0, "Population": 1158.0}, {"index": 18176, "quantile": 0.5, "value": 368300.0, "Latitude": 37.36, "Longitude": -122.0, "Population": 1158.0}, {"index": 18176, "quantile": 0.75, "value": 368300.0, "Latitude": 37.36, "Longitude": -122.0, "Population": 1158.0}, {"index": 18176, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.0, "Population": 1158.0}, {"index": 18177, "quantile": 0.0, "value": 173200.0, "Latitude": 37.36, "Longitude": -122.0, "Population": 797.0}, {"index": 18177, "quantile": 0.25, "value": 365700.0, "Latitude": 37.36, "Longitude": -122.0, "Population": 797.0}, {"index": 18177, "quantile": 0.5, "value": 438000.0, "Latitude": 37.36, "Longitude": -122.0, "Population": 797.0}, {"index": 18177, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.0, "Population": 797.0}, {"index": 18177, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.0, "Population": 797.0}, {"index": 18178, "quantile": 0.0, "value": 165600.0, "Latitude": 37.36, "Longitude": -122.0, "Population": 1880.0}, {"index": 18178, "quantile": 0.25, "value": 325000.0, "Latitude": 37.36, "Longitude": -122.0, "Population": 1880.0}, {"index": 18178, "quantile": 0.5, "value": 337000.0, "Latitude": 37.36, "Longitude": -122.0, "Population": 1880.0}, {"index": 18178, "quantile": 0.75, "value": 337000.0, "Latitude": 37.36, "Longitude": -122.0, "Population": 1880.0}, {"index": 18178, "quantile": 1.0, "value": 450000.0, "Latitude": 37.36, "Longitude": -122.0, "Population": 1880.0}, {"index": 18179, "quantile": 0.0, "value": 119100.0, "Latitude": 37.36, "Longitude": -122.0, "Population": 3539.0}, {"index": 18179, "quantile": 0.25, "value": 239400.0, "Latitude": 37.36, "Longitude": -122.0, "Population": 3539.0}, {"index": 18179, "quantile": 0.5, "value": 239400.0, "Latitude": 37.36, "Longitude": -122.0, "Population": 3539.0}, {"index": 18179, "quantile": 0.75, "value": 239550.00000000003, "Latitude": 37.36, "Longitude": -122.0, "Population": 3539.0}, {"index": 18179, "quantile": 1.0, "value": 356100.0, "Latitude": 37.36, "Longitude": -122.0, "Population": 3539.0}, {"index": 18180, "quantile": 0.0, "value": 81300.0, "Latitude": 37.37, "Longitude": -122.03, "Population": 1430.0}, {"index": 18180, "quantile": 0.25, "value": 231000.0, "Latitude": 37.37, "Longitude": -122.03, "Population": 1430.0}, {"index": 18180, "quantile": 0.5, "value": 256000.0, "Latitude": 37.37, "Longitude": -122.03, "Population": 1430.0}, {"index": 18180, "quantile": 0.75, "value": 256000.0, "Latitude": 37.37, "Longitude": -122.03, "Population": 1430.0}, {"index": 18180, "quantile": 1.0, "value": 375000.0, "Latitude": 37.37, "Longitude": -122.03, "Population": 1430.0}, {"index": 18181, "quantile": 0.0, "value": 198200.0, "Latitude": 37.37, "Longitude": -122.03, "Population": 1032.0}, {"index": 18181, "quantile": 0.25, "value": 284800.0, "Latitude": 37.37, "Longitude": -122.03, "Population": 1032.0}, {"index": 18181, "quantile": 0.5, "value": 284800.0, "Latitude": 37.37, "Longitude": -122.03, "Population": 1032.0}, {"index": 18181, "quantile": 0.75, "value": 284800.0, "Latitude": 37.37, "Longitude": -122.03, "Population": 1032.0}, {"index": 18181, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.03, "Population": 1032.0}, {"index": 18182, "quantile": 0.0, "value": 87600.0, "Latitude": 37.37, "Longitude": -122.03, "Population": 556.0}, {"index": 18182, "quantile": 0.25, "value": 325000.0, "Latitude": 37.37, "Longitude": -122.03, "Population": 556.0}, {"index": 18182, "quantile": 0.5, "value": 325000.0, "Latitude": 37.37, "Longitude": -122.03, "Population": 556.0}, {"index": 18182, "quantile": 0.75, "value": 325000.0, "Latitude": 37.37, "Longitude": -122.03, "Population": 556.0}, {"index": 18182, "quantile": 1.0, "value": 396300.0, "Latitude": 37.37, "Longitude": -122.03, "Population": 556.0}, {"index": 18183, "quantile": 0.0, "value": 90400.0, "Latitude": 37.37, "Longitude": -122.04, "Population": 616.0}, {"index": 18183, "quantile": 0.25, "value": 252800.0, "Latitude": 37.37, "Longitude": -122.04, "Population": 616.0}, {"index": 18183, "quantile": 0.5, "value": 252800.0, "Latitude": 37.37, "Longitude": -122.04, "Population": 616.0}, {"index": 18183, "quantile": 0.75, "value": 252800.0, "Latitude": 37.37, "Longitude": -122.04, "Population": 616.0}, {"index": 18183, "quantile": 1.0, "value": 450000.0, "Latitude": 37.37, "Longitude": -122.04, "Population": 616.0}, {"index": 18184, "quantile": 0.0, "value": 112500.0, "Latitude": 37.37, "Longitude": -122.04, "Population": 1201.0}, {"index": 18184, "quantile": 0.25, "value": 243000.00000000003, "Latitude": 37.37, "Longitude": -122.04, "Population": 1201.0}, {"index": 18184, "quantile": 0.5, "value": 283500.0, "Latitude": 37.37, "Longitude": -122.04, "Population": 1201.0}, {"index": 18184, "quantile": 0.75, "value": 318900.0, "Latitude": 37.37, "Longitude": -122.04, "Population": 1201.0}, {"index": 18184, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.04, "Population": 1201.0}, {"index": 18185, "quantile": 0.0, "value": 161400.0, "Latitude": 37.38, "Longitude": -122.04, "Population": 1518.0}, {"index": 18185, "quantile": 0.25, "value": 199000.0, "Latitude": 37.38, "Longitude": -122.04, "Population": 1518.0}, {"index": 18185, "quantile": 0.5, "value": 219749.99999999997, "Latitude": 37.38, "Longitude": -122.04, "Population": 1518.0}, {"index": 18185, "quantile": 0.75, "value": 240824.99999999997, "Latitude": 37.38, "Longitude": -122.04, "Population": 1518.0}, {"index": 18185, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.04, "Population": 1518.0}, {"index": 18186, "quantile": 0.0, "value": 87500.0, "Latitude": 37.38, "Longitude": -122.03, "Population": 1433.0}, {"index": 18186, "quantile": 0.25, "value": 252400.0, "Latitude": 37.38, "Longitude": -122.03, "Population": 1433.0}, {"index": 18186, "quantile": 0.5, "value": 252400.0, "Latitude": 37.38, "Longitude": -122.03, "Population": 1433.0}, {"index": 18186, "quantile": 0.75, "value": 270800.0, "Latitude": 37.38, "Longitude": -122.03, "Population": 1433.0}, {"index": 18186, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.03, "Population": 1433.0}, {"index": 18187, "quantile": 0.0, "value": 90400.0, "Latitude": 37.38, "Longitude": -122.02, "Population": 836.0}, {"index": 18187, "quantile": 0.25, "value": 224600.0, "Latitude": 37.38, "Longitude": -122.02, "Population": 836.0}, {"index": 18187, "quantile": 0.5, "value": 224600.0, "Latitude": 37.38, "Longitude": -122.02, "Population": 836.0}, {"index": 18187, "quantile": 0.75, "value": 247625.00000000003, "Latitude": 37.38, "Longitude": -122.02, "Population": 836.0}, {"index": 18187, "quantile": 1.0, "value": 393800.0, "Latitude": 37.38, "Longitude": -122.02, "Population": 836.0}, {"index": 18188, "quantile": 0.0, "value": 87500.0, "Latitude": 37.38, "Longitude": -122.01, "Population": 538.0}, {"index": 18188, "quantile": 0.25, "value": 211000.0, "Latitude": 37.38, "Longitude": -122.01, "Population": 538.0}, {"index": 18188, "quantile": 0.5, "value": 254900.0, "Latitude": 37.38, "Longitude": -122.01, "Population": 538.0}, {"index": 18188, "quantile": 0.75, "value": 289425.0, "Latitude": 37.38, "Longitude": -122.01, "Population": 538.0}, {"index": 18188, "quantile": 1.0, "value": 450000.0, "Latitude": 37.38, "Longitude": -122.01, "Population": 538.0}, {"index": 18189, "quantile": 0.0, "value": 179200.0, "Latitude": 37.37, "Longitude": -122.02, "Population": 3250.0}, {"index": 18189, "quantile": 0.25, "value": 264500.0, "Latitude": 37.37, "Longitude": -122.02, "Population": 3250.0}, {"index": 18189, "quantile": 0.5, "value": 327700.0, "Latitude": 37.37, "Longitude": -122.02, "Population": 3250.0}, {"index": 18189, "quantile": 0.75, "value": 327700.0, "Latitude": 37.37, "Longitude": -122.02, "Population": 3250.0}, {"index": 18189, "quantile": 1.0, "value": 364200.0, "Latitude": 37.37, "Longitude": -122.02, "Population": 3250.0}, {"index": 18190, "quantile": 0.0, "value": 167300.0, "Latitude": 37.37, "Longitude": -122.01, "Population": 1309.0}, {"index": 18190, "quantile": 0.25, "value": 167300.0, "Latitude": 37.37, "Longitude": -122.01, "Population": 1309.0}, {"index": 18190, "quantile": 0.5, "value": 167300.0, "Latitude": 37.37, "Longitude": -122.01, "Population": 1309.0}, {"index": 18190, "quantile": 0.75, "value": 229475.0, "Latitude": 37.37, "Longitude": -122.01, "Population": 1309.0}, {"index": 18190, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.01, "Population": 1309.0}, {"index": 18191, "quantile": 0.0, "value": 171700.0, "Latitude": 37.37, "Longitude": -122.01, "Population": 1066.0}, {"index": 18191, "quantile": 0.25, "value": 358400.0, "Latitude": 37.37, "Longitude": -122.01, "Population": 1066.0}, {"index": 18191, "quantile": 0.5, "value": 360900.0, "Latitude": 37.37, "Longitude": -122.01, "Population": 1066.0}, {"index": 18191, "quantile": 0.75, "value": 360900.0, "Latitude": 37.37, "Longitude": -122.01, "Population": 1066.0}, {"index": 18191, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.01, "Population": 1066.0}, {"index": 18192, "quantile": 0.0, "value": 112500.0, "Latitude": 37.37, "Longitude": -122.0, "Population": 804.0}, {"index": 18192, "quantile": 0.25, "value": 190050.0, "Latitude": 37.37, "Longitude": -122.0, "Population": 804.0}, {"index": 18192, "quantile": 0.5, "value": 239400.0, "Latitude": 37.37, "Longitude": -122.0, "Population": 804.0}, {"index": 18192, "quantile": 0.75, "value": 274575.0, "Latitude": 37.37, "Longitude": -122.0, "Population": 804.0}, {"index": 18192, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.0, "Population": 804.0}, {"index": 18193, "quantile": 0.0, "value": 150900.0, "Latitude": 37.39, "Longitude": -122.03, "Population": 1842.0}, {"index": 18193, "quantile": 0.25, "value": 232700.0, "Latitude": 37.39, "Longitude": -122.03, "Population": 1842.0}, {"index": 18193, "quantile": 0.5, "value": 232700.0, "Latitude": 37.39, "Longitude": -122.03, "Population": 1842.0}, {"index": 18193, "quantile": 0.75, "value": 269800.0, "Latitude": 37.39, "Longitude": -122.03, "Population": 1842.0}, {"index": 18193, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.03, "Population": 1842.0}, {"index": 18194, "quantile": 0.0, "value": 93000.0, "Latitude": 37.38, "Longitude": -122.02, "Population": 1321.0}, {"index": 18194, "quantile": 0.25, "value": 254400.0, "Latitude": 37.38, "Longitude": -122.02, "Population": 1321.0}, {"index": 18194, "quantile": 0.5, "value": 254400.0, "Latitude": 37.38, "Longitude": -122.02, "Population": 1321.0}, {"index": 18194, "quantile": 0.75, "value": 254400.0, "Latitude": 37.38, "Longitude": -122.02, "Population": 1321.0}, {"index": 18194, "quantile": 1.0, "value": 364200.0, "Latitude": 37.38, "Longitude": -122.02, "Population": 1321.0}, {"index": 18195, "quantile": 0.0, "value": 128600.0, "Latitude": 37.39, "Longitude": -122.01, "Population": 2374.0}, {"index": 18195, "quantile": 0.25, "value": 213200.0, "Latitude": 37.39, "Longitude": -122.01, "Population": 2374.0}, {"index": 18195, "quantile": 0.5, "value": 261200.0, "Latitude": 37.39, "Longitude": -122.01, "Population": 2374.0}, {"index": 18195, "quantile": 0.75, "value": 275000.0, "Latitude": 37.39, "Longitude": -122.01, "Population": 2374.0}, {"index": 18195, "quantile": 1.0, "value": 450000.0, "Latitude": 37.39, "Longitude": -122.01, "Population": 2374.0}, {"index": 18196, "quantile": 0.0, "value": 171100.0, "Latitude": 37.39, "Longitude": -122.01, "Population": 1348.0}, {"index": 18196, "quantile": 0.25, "value": 206500.0, "Latitude": 37.39, "Longitude": -122.01, "Population": 1348.0}, {"index": 18196, "quantile": 0.5, "value": 229300.00000000003, "Latitude": 37.39, "Longitude": -122.01, "Population": 1348.0}, {"index": 18196, "quantile": 0.75, "value": 239400.0, "Latitude": 37.39, "Longitude": -122.01, "Population": 1348.0}, {"index": 18196, "quantile": 1.0, "value": 397900.0, "Latitude": 37.39, "Longitude": -122.01, "Population": 1348.0}, {"index": 18197, "quantile": 0.0, "value": 174100.0, "Latitude": 37.39, "Longitude": -122.0, "Population": 880.0}, {"index": 18197, "quantile": 0.25, "value": 236900.00000000003, "Latitude": 37.39, "Longitude": -122.0, "Population": 880.0}, {"index": 18197, "quantile": 0.5, "value": 239400.0, "Latitude": 37.39, "Longitude": -122.0, "Population": 880.0}, {"index": 18197, "quantile": 0.75, "value": 239400.0, "Latitude": 37.39, "Longitude": -122.0, "Population": 880.0}, {"index": 18197, "quantile": 1.0, "value": 484600.0, "Latitude": 37.39, "Longitude": -122.0, "Population": 880.0}, {"index": 18198, "quantile": 0.0, "value": 154400.0, "Latitude": 37.39, "Longitude": -122.03, "Population": 1994.0}, {"index": 18198, "quantile": 0.25, "value": 237500.0, "Latitude": 37.39, "Longitude": -122.03, "Population": 1994.0}, {"index": 18198, "quantile": 0.5, "value": 250199.99999999997, "Latitude": 37.39, "Longitude": -122.03, "Population": 1994.0}, {"index": 18198, "quantile": 0.75, "value": 250199.99999999997, "Latitude": 37.39, "Longitude": -122.03, "Population": 1994.0}, {"index": 18198, "quantile": 1.0, "value": 303400.0, "Latitude": 37.39, "Longitude": -122.03, "Population": 1994.0}, {"index": 18199, "quantile": 0.0, "value": 161400.0, "Latitude": 37.4, "Longitude": -122.02, "Population": 1475.0}, {"index": 18199, "quantile": 0.25, "value": 199525.0, "Latitude": 37.4, "Longitude": -122.02, "Population": 1475.0}, {"index": 18199, "quantile": 0.5, "value": 223200.00000000003, "Latitude": 37.4, "Longitude": -122.02, "Population": 1475.0}, {"index": 18199, "quantile": 0.75, "value": 232675.0, "Latitude": 37.4, "Longitude": -122.02, "Population": 1475.0}, {"index": 18199, "quantile": 1.0, "value": 366000.0, "Latitude": 37.4, "Longitude": -122.02, "Population": 1475.0}, {"index": 18200, "quantile": 0.0, "value": 40000.0, "Latitude": 37.39, "Longitude": -122.01, "Population": 1769.0}, {"index": 18200, "quantile": 0.25, "value": 243800.00000000003, "Latitude": 37.39, "Longitude": -122.01, "Population": 1769.0}, {"index": 18200, "quantile": 0.5, "value": 249500.0, "Latitude": 37.39, "Longitude": -122.01, "Population": 1769.0}, {"index": 18200, "quantile": 0.75, "value": 249500.0, "Latitude": 37.39, "Longitude": -122.01, "Population": 1769.0}, {"index": 18200, "quantile": 1.0, "value": 417600.0, "Latitude": 37.39, "Longitude": -122.01, "Population": 1769.0}, {"index": 18201, "quantile": 0.0, "value": 160000.0, "Latitude": 37.39, "Longitude": -122.02, "Population": 1428.0}, {"index": 18201, "quantile": 0.25, "value": 236775.0, "Latitude": 37.39, "Longitude": -122.02, "Population": 1428.0}, {"index": 18201, "quantile": 0.5, "value": 239699.99999999997, "Latitude": 37.39, "Longitude": -122.02, "Population": 1428.0}, {"index": 18201, "quantile": 0.75, "value": 239699.99999999997, "Latitude": 37.39, "Longitude": -122.02, "Population": 1428.0}, {"index": 18201, "quantile": 1.0, "value": 378000.0, "Latitude": 37.39, "Longitude": -122.02, "Population": 1428.0}, {"index": 18202, "quantile": 0.0, "value": 112500.0, "Latitude": 37.39, "Longitude": -122.04, "Population": 3959.0}, {"index": 18202, "quantile": 0.25, "value": 234300.0, "Latitude": 37.39, "Longitude": -122.04, "Population": 3959.0}, {"index": 18202, "quantile": 0.5, "value": 273150.0, "Latitude": 37.39, "Longitude": -122.04, "Population": 3959.0}, {"index": 18202, "quantile": 0.75, "value": 305800.0, "Latitude": 37.39, "Longitude": -122.04, "Population": 3959.0}, {"index": 18202, "quantile": 1.0, "value": 430900.0, "Latitude": 37.39, "Longitude": -122.04, "Population": 3959.0}, {"index": 18203, "quantile": 0.0, "value": 87500.0, "Latitude": 37.38, "Longitude": -122.05, "Population": 2029.0}, {"index": 18203, "quantile": 0.25, "value": 274450.0, "Latitude": 37.38, "Longitude": -122.05, "Population": 2029.0}, {"index": 18203, "quantile": 0.5, "value": 450000.0, "Latitude": 37.38, "Longitude": -122.05, "Population": 2029.0}, {"index": 18203, "quantile": 0.75, "value": 450000.0, "Latitude": 37.38, "Longitude": -122.05, "Population": 2029.0}, {"index": 18203, "quantile": 1.0, "value": 450000.0, "Latitude": 37.38, "Longitude": -122.05, "Population": 2029.0}, {"index": 18204, "quantile": 0.0, "value": 167900.0, "Latitude": 37.38, "Longitude": -122.05, "Population": 1367.0}, {"index": 18204, "quantile": 0.25, "value": 298375.0, "Latitude": 37.38, "Longitude": -122.05, "Population": 1367.0}, {"index": 18204, "quantile": 0.5, "value": 364200.0, "Latitude": 37.38, "Longitude": -122.05, "Population": 1367.0}, {"index": 18204, "quantile": 0.75, "value": 364200.0, "Latitude": 37.38, "Longitude": -122.05, "Population": 1367.0}, {"index": 18204, "quantile": 1.0, "value": 364200.0, "Latitude": 37.38, "Longitude": -122.05, "Population": 1367.0}, {"index": 18205, "quantile": 0.0, "value": 150900.0, "Latitude": 37.38, "Longitude": -122.05, "Population": 816.0}, {"index": 18205, "quantile": 0.25, "value": 336500.0, "Latitude": 37.38, "Longitude": -122.05, "Population": 816.0}, {"index": 18205, "quantile": 0.5, "value": 336500.0, "Latitude": 37.38, "Longitude": -122.05, "Population": 816.0}, {"index": 18205, "quantile": 0.75, "value": 336500.0, "Latitude": 37.38, "Longitude": -122.05, "Population": 816.0}, {"index": 18205, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.05, "Population": 816.0}, {"index": 18206, "quantile": 0.0, "value": 167300.0, "Latitude": 37.38, "Longitude": -122.06, "Population": 2389.0}, {"index": 18206, "quantile": 0.25, "value": 270800.0, "Latitude": 37.38, "Longitude": -122.06, "Population": 2389.0}, {"index": 18206, "quantile": 0.5, "value": 270800.0, "Latitude": 37.38, "Longitude": -122.06, "Population": 2389.0}, {"index": 18206, "quantile": 0.75, "value": 270800.0, "Latitude": 37.38, "Longitude": -122.06, "Population": 2389.0}, {"index": 18206, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.06, "Population": 2389.0}, {"index": 18207, "quantile": 0.0, "value": 40000.0, "Latitude": 37.37, "Longitude": -122.05, "Population": 1362.0}, {"index": 18207, "quantile": 0.25, "value": 308325.0, "Latitude": 37.37, "Longitude": -122.05, "Population": 1362.0}, {"index": 18207, "quantile": 0.5, "value": 324200.0, "Latitude": 37.37, "Longitude": -122.05, "Population": 1362.0}, {"index": 18207, "quantile": 0.75, "value": 324200.0, "Latitude": 37.37, "Longitude": -122.05, "Population": 1362.0}, {"index": 18207, "quantile": 1.0, "value": 415000.00000000006, "Latitude": 37.37, "Longitude": -122.05, "Population": 1362.0}, {"index": 18208, "quantile": 0.0, "value": 132200.0, "Latitude": 37.39, "Longitude": -122.05, "Population": 148.0}, {"index": 18208, "quantile": 0.25, "value": 350000.0, "Latitude": 37.39, "Longitude": -122.05, "Population": 148.0}, {"index": 18208, "quantile": 0.5, "value": 350000.0, "Latitude": 37.39, "Longitude": -122.05, "Population": 148.0}, {"index": 18208, "quantile": 0.75, "value": 350000.0, "Latitude": 37.39, "Longitude": -122.05, "Population": 148.0}, {"index": 18208, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.05, "Population": 148.0}, {"index": 18209, "quantile": 0.0, "value": 203700.0, "Latitude": 37.4, "Longitude": -122.06, "Population": 7273.0}, {"index": 18209, "quantile": 0.25, "value": 267400.0, "Latitude": 37.4, "Longitude": -122.06, "Population": 7273.0}, {"index": 18209, "quantile": 0.5, "value": 267400.0, "Latitude": 37.4, "Longitude": -122.06, "Population": 7273.0}, {"index": 18209, "quantile": 0.75, "value": 267400.0, "Latitude": 37.4, "Longitude": -122.06, "Population": 7273.0}, {"index": 18209, "quantile": 1.0, "value": 391900.0, "Latitude": 37.4, "Longitude": -122.06, "Population": 7273.0}, {"index": 18210, "quantile": 0.0, "value": 40000.0, "Latitude": 37.39, "Longitude": -122.06, "Population": 8.0}, {"index": 18210, "quantile": 0.25, "value": 335000.0, "Latitude": 37.39, "Longitude": -122.06, "Population": 8.0}, {"index": 18210, "quantile": 0.5, "value": 375000.0, "Latitude": 37.39, "Longitude": -122.06, "Population": 8.0}, {"index": 18210, "quantile": 0.75, "value": 375000.0, "Latitude": 37.39, "Longitude": -122.06, "Population": 8.0}, {"index": 18210, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.06, "Population": 8.0}, {"index": 18211, "quantile": 0.0, "value": 40000.0, "Latitude": 37.39, "Longitude": -122.06, "Population": 413.0}, {"index": 18211, "quantile": 0.25, "value": 40000.0, "Latitude": 37.39, "Longitude": -122.06, "Population": 413.0}, {"index": 18211, "quantile": 0.5, "value": 40000.0, "Latitude": 37.39, "Longitude": -122.06, "Population": 413.0}, {"index": 18211, "quantile": 0.75, "value": 217400.0, "Latitude": 37.39, "Longitude": -122.06, "Population": 413.0}, {"index": 18211, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.06, "Population": 413.0}, {"index": 18212, "quantile": 0.0, "value": 167300.0, "Latitude": 37.38, "Longitude": -122.06, "Population": 1497.0}, {"index": 18212, "quantile": 0.25, "value": 270800.0, "Latitude": 37.38, "Longitude": -122.06, "Population": 1497.0}, {"index": 18212, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.06, "Population": 1497.0}, {"index": 18212, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.06, "Population": 1497.0}, {"index": 18212, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.06, "Population": 1497.0}, {"index": 18213, "quantile": 0.0, "value": 177400.0, "Latitude": 37.38, "Longitude": -122.06, "Population": 837.0}, {"index": 18213, "quantile": 0.25, "value": 470000.0, "Latitude": 37.38, "Longitude": -122.06, "Population": 837.0}, {"index": 18213, "quantile": 0.5, "value": 470000.0, "Latitude": 37.38, "Longitude": -122.06, "Population": 837.0}, {"index": 18213, "quantile": 0.75, "value": 470000.0, "Latitude": 37.38, "Longitude": -122.06, "Population": 837.0}, {"index": 18213, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.06, "Population": 837.0}, {"index": 18214, "quantile": 0.0, "value": 137200.0, "Latitude": 37.37, "Longitude": -122.06, "Population": 1377.0}, {"index": 18214, "quantile": 0.25, "value": 436400.0, "Latitude": 37.37, "Longitude": -122.06, "Population": 1377.0}, {"index": 18214, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.06, "Population": 1377.0}, {"index": 18214, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.06, "Population": 1377.0}, {"index": 18214, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.06, "Population": 1377.0}, {"index": 18215, "quantile": 0.0, "value": 132200.0, "Latitude": 37.38, "Longitude": -122.06, "Population": 1227.0}, {"index": 18215, "quantile": 0.25, "value": 262500.0, "Latitude": 37.38, "Longitude": -122.06, "Population": 1227.0}, {"index": 18215, "quantile": 0.5, "value": 262500.0, "Latitude": 37.38, "Longitude": -122.06, "Population": 1227.0}, {"index": 18215, "quantile": 0.75, "value": 276025.0, "Latitude": 37.38, "Longitude": -122.06, "Population": 1227.0}, {"index": 18215, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.06, "Population": 1227.0}, {"index": 18216, "quantile": 0.0, "value": 166800.0, "Latitude": 37.39, "Longitude": -122.07, "Population": 646.0}, {"index": 18216, "quantile": 0.25, "value": 289300.0, "Latitude": 37.39, "Longitude": -122.07, "Population": 646.0}, {"index": 18216, "quantile": 0.5, "value": 289300.0, "Latitude": 37.39, "Longitude": -122.07, "Population": 646.0}, {"index": 18216, "quantile": 0.75, "value": 289300.0, "Latitude": 37.39, "Longitude": -122.07, "Population": 646.0}, {"index": 18216, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.07, "Population": 646.0}, {"index": 18217, "quantile": 0.0, "value": 225000.0, "Latitude": 37.4, "Longitude": -122.08, "Population": 373.0}, {"index": 18217, "quantile": 0.25, "value": 284600.0, "Latitude": 37.4, "Longitude": -122.08, "Population": 373.0}, {"index": 18217, "quantile": 0.5, "value": 284600.0, "Latitude": 37.4, "Longitude": -122.08, "Population": 373.0}, {"index": 18217, "quantile": 0.75, "value": 284600.0, "Latitude": 37.4, "Longitude": -122.08, "Population": 373.0}, {"index": 18217, "quantile": 1.0, "value": 477299.99999999994, "Latitude": 37.4, "Longitude": -122.08, "Population": 373.0}, {"index": 18218, "quantile": 0.0, "value": 85700.0, "Latitude": 37.4, "Longitude": -122.07, "Population": 1440.0}, {"index": 18218, "quantile": 0.25, "value": 247675.0, "Latitude": 37.4, "Longitude": -122.07, "Population": 1440.0}, {"index": 18218, "quantile": 0.5, "value": 262500.0, "Latitude": 37.4, "Longitude": -122.07, "Population": 1440.0}, {"index": 18218, "quantile": 0.75, "value": 262500.0, "Latitude": 37.4, "Longitude": -122.07, "Population": 1440.0}, {"index": 18218, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.07, "Population": 1440.0}, {"index": 18219, "quantile": 0.0, "value": 187500.0, "Latitude": 37.41, "Longitude": -122.07, "Population": 815.0}, {"index": 18219, "quantile": 0.25, "value": 238150.0, "Latitude": 37.41, "Longitude": -122.07, "Population": 815.0}, {"index": 18219, "quantile": 0.5, "value": 322300.0, "Latitude": 37.41, "Longitude": -122.07, "Population": 815.0}, {"index": 18219, "quantile": 0.75, "value": 322300.0, "Latitude": 37.41, "Longitude": -122.07, "Population": 815.0}, {"index": 18219, "quantile": 1.0, "value": 325000.0, "Latitude": 37.41, "Longitude": -122.07, "Population": 815.0}, {"index": 18220, "quantile": 0.0, "value": 112500.0, "Latitude": 37.4, "Longitude": -122.07, "Population": 943.0}, {"index": 18220, "quantile": 0.25, "value": 192200.0, "Latitude": 37.4, "Longitude": -122.07, "Population": 943.0}, {"index": 18220, "quantile": 0.5, "value": 192200.0, "Latitude": 37.4, "Longitude": -122.07, "Population": 943.0}, {"index": 18220, "quantile": 0.75, "value": 192200.0, "Latitude": 37.4, "Longitude": -122.07, "Population": 943.0}, {"index": 18220, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.07, "Population": 943.0}, {"index": 18221, "quantile": 0.0, "value": 162500.0, "Latitude": 37.4, "Longitude": -122.08, "Population": 1639.0}, {"index": 18221, "quantile": 0.25, "value": 275000.0, "Latitude": 37.4, "Longitude": -122.08, "Population": 1639.0}, {"index": 18221, "quantile": 0.5, "value": 277000.0, "Latitude": 37.4, "Longitude": -122.08, "Population": 1639.0}, {"index": 18221, "quantile": 0.75, "value": 277000.0, "Latitude": 37.4, "Longitude": -122.08, "Population": 1639.0}, {"index": 18221, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.08, "Population": 1639.0}, {"index": 18222, "quantile": 0.0, "value": 229100.0, "Latitude": 37.4, "Longitude": -122.08, "Population": 999.0}, {"index": 18222, "quantile": 0.25, "value": 308700.0, "Latitude": 37.4, "Longitude": -122.08, "Population": 999.0}, {"index": 18222, "quantile": 0.5, "value": 308700.0, "Latitude": 37.4, "Longitude": -122.08, "Population": 999.0}, {"index": 18222, "quantile": 0.75, "value": 308700.0, "Latitude": 37.4, "Longitude": -122.08, "Population": 999.0}, {"index": 18222, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 37.4, "Longitude": -122.08, "Population": 999.0}, {"index": 18223, "quantile": 0.0, "value": 110700.0, "Latitude": 37.41, "Longitude": -122.08, "Population": 1069.0}, {"index": 18223, "quantile": 0.25, "value": 280700.0, "Latitude": 37.41, "Longitude": -122.08, "Population": 1069.0}, {"index": 18223, "quantile": 0.5, "value": 288900.0, "Latitude": 37.41, "Longitude": -122.08, "Population": 1069.0}, {"index": 18223, "quantile": 0.75, "value": 288900.0, "Latitude": 37.41, "Longitude": -122.08, "Population": 1069.0}, {"index": 18223, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 37.41, "Longitude": -122.08, "Population": 1069.0}, {"index": 18224, "quantile": 0.0, "value": 183100.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 1036.0}, {"index": 18224, "quantile": 0.25, "value": 264700.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 1036.0}, {"index": 18224, "quantile": 0.5, "value": 264700.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 1036.0}, {"index": 18224, "quantile": 0.75, "value": 264700.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 1036.0}, {"index": 18224, "quantile": 1.0, "value": 440299.99999999994, "Latitude": 37.4, "Longitude": -122.09, "Population": 1036.0}, {"index": 18225, "quantile": 0.0, "value": 238700.0, "Latitude": 37.41, "Longitude": -122.1, "Population": 3025.0}, {"index": 18225, "quantile": 0.25, "value": 343300.0, "Latitude": 37.41, "Longitude": -122.1, "Population": 3025.0}, {"index": 18225, "quantile": 0.5, "value": 343300.0, "Latitude": 37.41, "Longitude": -122.1, "Population": 3025.0}, {"index": 18225, "quantile": 0.75, "value": 373525.0, "Latitude": 37.41, "Longitude": -122.1, "Population": 3025.0}, {"index": 18225, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.1, "Population": 3025.0}, {"index": 18226, "quantile": 0.0, "value": 52500.0, "Latitude": 37.41, "Longitude": -122.09, "Population": 856.0}, {"index": 18226, "quantile": 0.25, "value": 181599.99999999997, "Latitude": 37.41, "Longitude": -122.09, "Population": 856.0}, {"index": 18226, "quantile": 0.5, "value": 250000.0, "Latitude": 37.41, "Longitude": -122.09, "Population": 856.0}, {"index": 18226, "quantile": 0.75, "value": 307100.0, "Latitude": 37.41, "Longitude": -122.09, "Population": 856.0}, {"index": 18226, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.09, "Population": 856.0}, {"index": 18227, "quantile": 0.0, "value": 112500.0, "Latitude": 37.41, "Longitude": -122.09, "Population": 421.0}, {"index": 18227, "quantile": 0.25, "value": 266700.0, "Latitude": 37.41, "Longitude": -122.09, "Population": 421.0}, {"index": 18227, "quantile": 0.5, "value": 266700.0, "Latitude": 37.41, "Longitude": -122.09, "Population": 421.0}, {"index": 18227, "quantile": 0.75, "value": 266700.0, "Latitude": 37.41, "Longitude": -122.09, "Population": 421.0}, {"index": 18227, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.09, "Population": 421.0}, {"index": 18228, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.41, "Longitude": -122.09, "Population": 838.0}, {"index": 18228, "quantile": 0.25, "value": 187500.0, "Latitude": 37.41, "Longitude": -122.09, "Population": 838.0}, {"index": 18228, "quantile": 0.5, "value": 251550.00000000003, "Latitude": 37.41, "Longitude": -122.09, "Population": 838.0}, {"index": 18228, "quantile": 0.75, "value": 318900.0, "Latitude": 37.41, "Longitude": -122.09, "Population": 838.0}, {"index": 18228, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.09, "Population": 838.0}, {"index": 18229, "quantile": 0.0, "value": 40000.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 662.0}, {"index": 18229, "quantile": 0.25, "value": 197200.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 662.0}, {"index": 18229, "quantile": 0.5, "value": 197200.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 662.0}, {"index": 18229, "quantile": 0.75, "value": 197200.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 662.0}, {"index": 18229, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.09, "Population": 662.0}, {"index": 18230, "quantile": 0.0, "value": 76600.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 412.0}, {"index": 18230, "quantile": 0.25, "value": 263325.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 412.0}, {"index": 18230, "quantile": 0.5, "value": 290600.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 412.0}, {"index": 18230, "quantile": 0.75, "value": 290600.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 412.0}, {"index": 18230, "quantile": 1.0, "value": 388500.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 412.0}, {"index": 18231, "quantile": 0.0, "value": 94500.0, "Latitude": 37.42, "Longitude": -122.09, "Population": 2699.0}, {"index": 18231, "quantile": 0.25, "value": 229800.0, "Latitude": 37.42, "Longitude": -122.09, "Population": 2699.0}, {"index": 18231, "quantile": 0.5, "value": 229800.0, "Latitude": 37.42, "Longitude": -122.09, "Population": 2699.0}, {"index": 18231, "quantile": 0.75, "value": 232700.0, "Latitude": 37.42, "Longitude": -122.09, "Population": 2699.0}, {"index": 18231, "quantile": 1.0, "value": 468000.0, "Latitude": 37.42, "Longitude": -122.09, "Population": 2699.0}, {"index": 18232, "quantile": 0.0, "value": 124700.00000000001, "Latitude": 37.41, "Longitude": -122.11, "Population": 2764.0}, {"index": 18232, "quantile": 0.25, "value": 267900.0, "Latitude": 37.41, "Longitude": -122.11, "Population": 2764.0}, {"index": 18232, "quantile": 0.5, "value": 304150.0, "Latitude": 37.41, "Longitude": -122.11, "Population": 2764.0}, {"index": 18232, "quantile": 0.75, "value": 347025.0, "Latitude": 37.41, "Longitude": -122.11, "Population": 2764.0}, {"index": 18232, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.11, "Population": 2764.0}, {"index": 18233, "quantile": 0.0, "value": 165600.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 2087.0}, {"index": 18233, "quantile": 0.25, "value": 182700.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 2087.0}, {"index": 18233, "quantile": 0.5, "value": 182700.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 2087.0}, {"index": 18233, "quantile": 0.75, "value": 183350.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 2087.0}, {"index": 18233, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.09, "Population": 2087.0}, {"index": 18234, "quantile": 0.0, "value": 165600.0, "Latitude": 37.4, "Longitude": -122.1, "Population": 2314.0}, {"index": 18234, "quantile": 0.25, "value": 165600.0, "Latitude": 37.4, "Longitude": -122.1, "Population": 2314.0}, {"index": 18234, "quantile": 0.5, "value": 165600.0, "Latitude": 37.4, "Longitude": -122.1, "Population": 2314.0}, {"index": 18234, "quantile": 0.75, "value": 229300.00000000003, "Latitude": 37.4, "Longitude": -122.1, "Population": 2314.0}, {"index": 18234, "quantile": 1.0, "value": 450000.0, "Latitude": 37.4, "Longitude": -122.1, "Population": 2314.0}, {"index": 18235, "quantile": 0.0, "value": 180100.0, "Latitude": 37.4, "Longitude": -122.1, "Population": 1374.0}, {"index": 18235, "quantile": 0.25, "value": 267625.0, "Latitude": 37.4, "Longitude": -122.1, "Population": 1374.0}, {"index": 18235, "quantile": 0.5, "value": 293500.0, "Latitude": 37.4, "Longitude": -122.1, "Population": 1374.0}, {"index": 18235, "quantile": 0.75, "value": 293500.0, "Latitude": 37.4, "Longitude": -122.1, "Population": 1374.0}, {"index": 18235, "quantile": 1.0, "value": 450000.0, "Latitude": 37.4, "Longitude": -122.1, "Population": 1374.0}, {"index": 18236, "quantile": 0.0, "value": 88600.0, "Latitude": 37.4, "Longitude": -122.1, "Population": 1009.0}, {"index": 18236, "quantile": 0.25, "value": 153225.0, "Latitude": 37.4, "Longitude": -122.1, "Population": 1009.0}, {"index": 18236, "quantile": 0.5, "value": 179550.0, "Latitude": 37.4, "Longitude": -122.1, "Population": 1009.0}, {"index": 18236, "quantile": 0.75, "value": 225000.0, "Latitude": 37.4, "Longitude": -122.1, "Population": 1009.0}, {"index": 18236, "quantile": 1.0, "value": 344400.0, "Latitude": 37.4, "Longitude": -122.1, "Population": 1009.0}, {"index": 18237, "quantile": 0.0, "value": 135500.0, "Latitude": 37.4, "Longitude": -122.11, "Population": 1173.0}, {"index": 18237, "quantile": 0.25, "value": 220300.00000000003, "Latitude": 37.4, "Longitude": -122.11, "Population": 1173.0}, {"index": 18237, "quantile": 0.5, "value": 267400.0, "Latitude": 37.4, "Longitude": -122.11, "Population": 1173.0}, {"index": 18237, "quantile": 0.75, "value": 293500.0, "Latitude": 37.4, "Longitude": -122.11, "Population": 1173.0}, {"index": 18237, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.11, "Population": 1173.0}, {"index": 18238, "quantile": 0.0, "value": 128800.0, "Latitude": 37.4, "Longitude": -122.11, "Population": 138.0}, {"index": 18238, "quantile": 0.25, "value": 175000.0, "Latitude": 37.4, "Longitude": -122.11, "Population": 138.0}, {"index": 18238, "quantile": 0.5, "value": 175000.0, "Latitude": 37.4, "Longitude": -122.11, "Population": 138.0}, {"index": 18238, "quantile": 0.75, "value": 190975.0, "Latitude": 37.4, "Longitude": -122.11, "Population": 138.0}, {"index": 18238, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.11, "Population": 138.0}, {"index": 18239, "quantile": 0.0, "value": 40000.0, "Latitude": 37.4, "Longitude": -122.1, "Population": 367.0}, {"index": 18239, "quantile": 0.25, "value": 181300.0, "Latitude": 37.4, "Longitude": -122.1, "Population": 367.0}, {"index": 18239, "quantile": 0.5, "value": 181300.0, "Latitude": 37.4, "Longitude": -122.1, "Population": 367.0}, {"index": 18239, "quantile": 0.75, "value": 256300.00000000003, "Latitude": 37.4, "Longitude": -122.1, "Population": 367.0}, {"index": 18239, "quantile": 1.0, "value": 450000.0, "Latitude": 37.4, "Longitude": -122.1, "Population": 367.0}, {"index": 18240, "quantile": 0.0, "value": 108300.0, "Latitude": 37.4, "Longitude": -122.08, "Population": 448.0}, {"index": 18240, "quantile": 0.25, "value": 298400.0, "Latitude": 37.4, "Longitude": -122.08, "Population": 448.0}, {"index": 18240, "quantile": 0.5, "value": 316700.0, "Latitude": 37.4, "Longitude": -122.08, "Population": 448.0}, {"index": 18240, "quantile": 0.75, "value": 316700.0, "Latitude": 37.4, "Longitude": -122.08, "Population": 448.0}, {"index": 18240, "quantile": 1.0, "value": 316700.0, "Latitude": 37.4, "Longitude": -122.08, "Population": 448.0}, {"index": 18241, "quantile": 0.0, "value": 211900.00000000003, "Latitude": 37.39, "Longitude": -122.09, "Population": 1029.0}, {"index": 18241, "quantile": 0.25, "value": 301650.0, "Latitude": 37.39, "Longitude": -122.09, "Population": 1029.0}, {"index": 18241, "quantile": 0.5, "value": 327700.0, "Latitude": 37.39, "Longitude": -122.09, "Population": 1029.0}, {"index": 18241, "quantile": 0.75, "value": 327700.0, "Latitude": 37.39, "Longitude": -122.09, "Population": 1029.0}, {"index": 18241, "quantile": 1.0, "value": 361900.0, "Latitude": 37.39, "Longitude": -122.09, "Population": 1029.0}, {"index": 18242, "quantile": 0.0, "value": 131300.0, "Latitude": 37.39, "Longitude": -122.09, "Population": 1057.0}, {"index": 18242, "quantile": 0.25, "value": 261300.0, "Latitude": 37.39, "Longitude": -122.09, "Population": 1057.0}, {"index": 18242, "quantile": 0.5, "value": 261300.0, "Latitude": 37.39, "Longitude": -122.09, "Population": 1057.0}, {"index": 18242, "quantile": 0.75, "value": 261300.0, "Latitude": 37.39, "Longitude": -122.09, "Population": 1057.0}, {"index": 18242, "quantile": 1.0, "value": 427600.0, "Latitude": 37.39, "Longitude": -122.09, "Population": 1057.0}, {"index": 18243, "quantile": 0.0, "value": 176000.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 2645.0}, {"index": 18243, "quantile": 0.25, "value": 262900.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 2645.0}, {"index": 18243, "quantile": 0.5, "value": 275000.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 2645.0}, {"index": 18243, "quantile": 0.75, "value": 275000.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 2645.0}, {"index": 18243, "quantile": 1.0, "value": 450000.0, "Latitude": 37.4, "Longitude": -122.09, "Population": 2645.0}, {"index": 18244, "quantile": 0.0, "value": 108300.0, "Latitude": 37.39, "Longitude": -122.08, "Population": 848.0}, {"index": 18244, "quantile": 0.25, "value": 261925.0, "Latitude": 37.39, "Longitude": -122.08, "Population": 848.0}, {"index": 18244, "quantile": 0.5, "value": 307100.0, "Latitude": 37.39, "Longitude": -122.08, "Population": 848.0}, {"index": 18244, "quantile": 0.75, "value": 307100.0, "Latitude": 37.39, "Longitude": -122.08, "Population": 848.0}, {"index": 18244, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.08, "Population": 848.0}, {"index": 18245, "quantile": 0.0, "value": 152100.0, "Latitude": 37.39, "Longitude": -122.08, "Population": 543.0}, {"index": 18245, "quantile": 0.25, "value": 334300.0, "Latitude": 37.39, "Longitude": -122.08, "Population": 543.0}, {"index": 18245, "quantile": 0.5, "value": 334300.0, "Latitude": 37.39, "Longitude": -122.08, "Population": 543.0}, {"index": 18245, "quantile": 0.75, "value": 334300.0, "Latitude": 37.39, "Longitude": -122.08, "Population": 543.0}, {"index": 18245, "quantile": 1.0, "value": 404800.0, "Latitude": 37.39, "Longitude": -122.08, "Population": 543.0}, {"index": 18246, "quantile": 0.0, "value": 146800.0, "Latitude": 37.39, "Longitude": -122.08, "Population": 1050.0}, {"index": 18246, "quantile": 0.25, "value": 277200.0, "Latitude": 37.39, "Longitude": -122.08, "Population": 1050.0}, {"index": 18246, "quantile": 0.5, "value": 340000.0, "Latitude": 37.39, "Longitude": -122.08, "Population": 1050.0}, {"index": 18246, "quantile": 0.75, "value": 340000.0, "Latitude": 37.39, "Longitude": -122.08, "Population": 1050.0}, {"index": 18246, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 37.39, "Longitude": -122.08, "Population": 1050.0}, {"index": 18247, "quantile": 0.0, "value": 165600.0, "Latitude": 37.39, "Longitude": -122.07, "Population": 932.0}, {"index": 18247, "quantile": 0.25, "value": 327700.0, "Latitude": 37.39, "Longitude": -122.07, "Population": 932.0}, {"index": 18247, "quantile": 0.5, "value": 352500.0, "Latitude": 37.39, "Longitude": -122.07, "Population": 932.0}, {"index": 18247, "quantile": 0.75, "value": 352500.0, "Latitude": 37.39, "Longitude": -122.07, "Population": 932.0}, {"index": 18247, "quantile": 1.0, "value": 361900.0, "Latitude": 37.39, "Longitude": -122.07, "Population": 932.0}, {"index": 18248, "quantile": 0.0, "value": 146300.0, "Latitude": 37.39, "Longitude": -122.07, "Population": 589.0}, {"index": 18248, "quantile": 0.25, "value": 330300.0, "Latitude": 37.39, "Longitude": -122.07, "Population": 589.0}, {"index": 18248, "quantile": 0.5, "value": 330300.0, "Latitude": 37.39, "Longitude": -122.07, "Population": 589.0}, {"index": 18248, "quantile": 0.75, "value": 330300.0, "Latitude": 37.39, "Longitude": -122.07, "Population": 589.0}, {"index": 18248, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.07, "Population": 589.0}, {"index": 18249, "quantile": 0.0, "value": 212200.0, "Latitude": 37.38, "Longitude": -122.07, "Population": 562.0}, {"index": 18249, "quantile": 0.25, "value": 288300.0, "Latitude": 37.38, "Longitude": -122.07, "Population": 562.0}, {"index": 18249, "quantile": 0.5, "value": 344500.0, "Latitude": 37.38, "Longitude": -122.07, "Population": 562.0}, {"index": 18249, "quantile": 0.75, "value": 355675.0, "Latitude": 37.38, "Longitude": -122.07, "Population": 562.0}, {"index": 18249, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.07, "Population": 562.0}, {"index": 18250, "quantile": 0.0, "value": 146300.0, "Latitude": 37.39, "Longitude": -122.08, "Population": 1023.0}, {"index": 18250, "quantile": 0.25, "value": 310100.0, "Latitude": 37.39, "Longitude": -122.08, "Population": 1023.0}, {"index": 18250, "quantile": 0.5, "value": 376100.0, "Latitude": 37.39, "Longitude": -122.08, "Population": 1023.0}, {"index": 18250, "quantile": 0.75, "value": 432375.00000000006, "Latitude": 37.39, "Longitude": -122.08, "Population": 1023.0}, {"index": 18250, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.08, "Population": 1023.0}, {"index": 18251, "quantile": 0.0, "value": 140600.0, "Latitude": 37.39, "Longitude": -122.1, "Population": 591.0}, {"index": 18251, "quantile": 0.25, "value": 347100.0, "Latitude": 37.39, "Longitude": -122.1, "Population": 591.0}, {"index": 18251, "quantile": 0.5, "value": 353100.0, "Latitude": 37.39, "Longitude": -122.1, "Population": 591.0}, {"index": 18251, "quantile": 0.75, "value": 353100.0, "Latitude": 37.39, "Longitude": -122.1, "Population": 591.0}, {"index": 18251, "quantile": 1.0, "value": 450000.0, "Latitude": 37.39, "Longitude": -122.1, "Population": 591.0}, {"index": 18252, "quantile": 0.0, "value": 209400.0, "Latitude": 37.39, "Longitude": -122.1, "Population": 794.0}, {"index": 18252, "quantile": 0.25, "value": 306725.0, "Latitude": 37.39, "Longitude": -122.1, "Population": 794.0}, {"index": 18252, "quantile": 0.5, "value": 373100.0, "Latitude": 37.39, "Longitude": -122.1, "Population": 794.0}, {"index": 18252, "quantile": 0.75, "value": 419050.0, "Latitude": 37.39, "Longitude": -122.1, "Population": 794.0}, {"index": 18252, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.1, "Population": 794.0}, {"index": 18253, "quantile": 0.0, "value": 87500.0, "Latitude": 37.39, "Longitude": -122.09, "Population": 774.0}, {"index": 18253, "quantile": 0.25, "value": 283775.0, "Latitude": 37.39, "Longitude": -122.09, "Population": 774.0}, {"index": 18253, "quantile": 0.5, "value": 365600.0, "Latitude": 37.39, "Longitude": -122.09, "Population": 774.0}, {"index": 18253, "quantile": 0.75, "value": 365600.0, "Latitude": 37.39, "Longitude": -122.09, "Population": 774.0}, {"index": 18253, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.09, "Population": 774.0}, {"index": 18254, "quantile": 0.0, "value": 210800.0, "Latitude": 37.39, "Longitude": -122.09, "Population": 475.0}, {"index": 18254, "quantile": 0.25, "value": 339800.0, "Latitude": 37.39, "Longitude": -122.09, "Population": 475.0}, {"index": 18254, "quantile": 0.5, "value": 359000.0, "Latitude": 37.39, "Longitude": -122.09, "Population": 475.0}, {"index": 18254, "quantile": 0.75, "value": 359000.0, "Latitude": 37.39, "Longitude": -122.09, "Population": 475.0}, {"index": 18254, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.09, "Population": 475.0}, {"index": 18255, "quantile": 0.0, "value": 271400.0, "Latitude": 37.38, "Longitude": -122.09, "Population": 849.0}, {"index": 18255, "quantile": 0.25, "value": 386000.0, "Latitude": 37.38, "Longitude": -122.09, "Population": 849.0}, {"index": 18255, "quantile": 0.5, "value": 414700.0, "Latitude": 37.38, "Longitude": -122.09, "Population": 849.0}, {"index": 18255, "quantile": 0.75, "value": 414700.0, "Latitude": 37.38, "Longitude": -122.09, "Population": 849.0}, {"index": 18255, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.09, "Population": 849.0}, {"index": 18256, "quantile": 0.0, "value": 282500.0, "Latitude": 37.38, "Longitude": -122.09, "Population": 1055.0}, {"index": 18256, "quantile": 0.25, "value": 407200.0, "Latitude": 37.38, "Longitude": -122.09, "Population": 1055.0}, {"index": 18256, "quantile": 0.5, "value": 407200.0, "Latitude": 37.38, "Longitude": -122.09, "Population": 1055.0}, {"index": 18256, "quantile": 0.75, "value": 407200.0, "Latitude": 37.38, "Longitude": -122.09, "Population": 1055.0}, {"index": 18256, "quantile": 1.0, "value": 495899.99999999994, "Latitude": 37.38, "Longitude": -122.09, "Population": 1055.0}, {"index": 18257, "quantile": 0.0, "value": 162500.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 1496.0}, {"index": 18257, "quantile": 0.25, "value": 265300.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 1496.0}, {"index": 18257, "quantile": 0.5, "value": 353600.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 1496.0}, {"index": 18257, "quantile": 0.75, "value": 353600.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 1496.0}, {"index": 18257, "quantile": 1.0, "value": 353600.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 1496.0}, {"index": 18258, "quantile": 0.0, "value": 112500.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 448.0}, {"index": 18258, "quantile": 0.25, "value": 240550.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 448.0}, {"index": 18258, "quantile": 0.5, "value": 263200.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 448.0}, {"index": 18258, "quantile": 0.75, "value": 290425.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 448.0}, {"index": 18258, "quantile": 1.0, "value": 453700.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 448.0}, {"index": 18259, "quantile": 0.0, "value": 106900.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 485.0}, {"index": 18259, "quantile": 0.25, "value": 230450.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 485.0}, {"index": 18259, "quantile": 0.5, "value": 246099.99999999997, "Latitude": 37.38, "Longitude": -122.08, "Population": 485.0}, {"index": 18259, "quantile": 0.75, "value": 315600.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 485.0}, {"index": 18259, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.08, "Population": 485.0}, {"index": 18260, "quantile": 0.0, "value": 258300.00000000003, "Latitude": 37.38, "Longitude": -122.08, "Population": 348.0}, {"index": 18260, "quantile": 0.25, "value": 383900.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 348.0}, {"index": 18260, "quantile": 0.5, "value": 383900.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 348.0}, {"index": 18260, "quantile": 0.75, "value": 383900.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 348.0}, {"index": 18260, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.08, "Population": 348.0}, {"index": 18261, "quantile": 0.0, "value": 212500.0, "Latitude": 37.37, "Longitude": -122.08, "Population": 707.0}, {"index": 18261, "quantile": 0.25, "value": 430424.99999999994, "Latitude": 37.37, "Longitude": -122.08, "Population": 707.0}, {"index": 18261, "quantile": 0.5, "value": 465000.00000000006, "Latitude": 37.37, "Longitude": -122.08, "Population": 707.0}, {"index": 18261, "quantile": 0.75, "value": 465000.00000000006, "Latitude": 37.37, "Longitude": -122.08, "Population": 707.0}, {"index": 18261, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.08, "Population": 707.0}, {"index": 18262, "quantile": 0.0, "value": 273300.0, "Latitude": 37.37, "Longitude": -122.09, "Population": 464.0}, {"index": 18262, "quantile": 0.25, "value": 469025.0, "Latitude": 37.37, "Longitude": -122.09, "Population": 464.0}, {"index": 18262, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.09, "Population": 464.0}, {"index": 18262, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.09, "Population": 464.0}, {"index": 18262, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.09, "Population": 464.0}, {"index": 18263, "quantile": 0.0, "value": 143300.0, "Latitude": 37.37, "Longitude": -122.09, "Population": 776.0}, {"index": 18263, "quantile": 0.25, "value": 360550.0, "Latitude": 37.37, "Longitude": -122.09, "Population": 776.0}, {"index": 18263, "quantile": 0.5, "value": 442100.0, "Latitude": 37.37, "Longitude": -122.09, "Population": 776.0}, {"index": 18263, "quantile": 0.75, "value": 442100.0, "Latitude": 37.37, "Longitude": -122.09, "Population": 776.0}, {"index": 18263, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.09, "Population": 776.0}, {"index": 18264, "quantile": 0.0, "value": 87500.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 368.0}, {"index": 18264, "quantile": 0.25, "value": 342900.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 368.0}, {"index": 18264, "quantile": 0.5, "value": 342900.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 368.0}, {"index": 18264, "quantile": 0.75, "value": 342900.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 368.0}, {"index": 18264, "quantile": 1.0, "value": 450000.0, "Latitude": 37.38, "Longitude": -122.08, "Population": 368.0}, {"index": 18265, "quantile": 0.0, "value": 90100.0, "Latitude": 37.37, "Longitude": -122.07, "Population": 1657.0}, {"index": 18265, "quantile": 0.25, "value": 321500.00000000006, "Latitude": 37.37, "Longitude": -122.07, "Population": 1657.0}, {"index": 18265, "quantile": 0.5, "value": 457500.0, "Latitude": 37.37, "Longitude": -122.07, "Population": 1657.0}, {"index": 18265, "quantile": 0.75, "value": 457500.0, "Latitude": 37.37, "Longitude": -122.07, "Population": 1657.0}, {"index": 18265, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.07, "Population": 1657.0}, {"index": 18266, "quantile": 0.0, "value": 351900.0, "Latitude": 37.37, "Longitude": -122.07, "Population": 1097.0}, {"index": 18266, "quantile": 0.25, "value": 434024.99999999994, "Latitude": 37.37, "Longitude": -122.07, "Population": 1097.0}, {"index": 18266, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.07, "Population": 1097.0}, {"index": 18266, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.07, "Population": 1097.0}, {"index": 18266, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.07, "Population": 1097.0}, {"index": 18267, "quantile": 0.0, "value": 287300.0, "Latitude": 37.36, "Longitude": -122.07, "Population": 1158.0}, {"index": 18267, "quantile": 0.25, "value": 412300.0, "Latitude": 37.36, "Longitude": -122.07, "Population": 1158.0}, {"index": 18267, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.07, "Population": 1158.0}, {"index": 18267, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.07, "Population": 1158.0}, {"index": 18267, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.07, "Population": 1158.0}, {"index": 18268, "quantile": 0.0, "value": 125000.0, "Latitude": 37.36, "Longitude": -122.06, "Population": 662.0}, {"index": 18268, "quantile": 0.25, "value": 457200.0, "Latitude": 37.36, "Longitude": -122.06, "Population": 662.0}, {"index": 18268, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.06, "Population": 662.0}, {"index": 18268, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.06, "Population": 662.0}, {"index": 18268, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.06, "Population": 662.0}, {"index": 18269, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.07, "Population": 1686.0}, {"index": 18269, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.07, "Population": 1686.0}, {"index": 18269, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.07, "Population": 1686.0}, {"index": 18269, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.07, "Population": 1686.0}, {"index": 18269, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.07, "Population": 1686.0}, {"index": 18270, "quantile": 0.0, "value": 431799.99999999994, "Latitude": 37.36, "Longitude": -122.08, "Population": 1001.0}, {"index": 18270, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.08, "Population": 1001.0}, {"index": 18270, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.08, "Population": 1001.0}, {"index": 18270, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.08, "Population": 1001.0}, {"index": 18270, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.08, "Population": 1001.0}, {"index": 18271, "quantile": 0.0, "value": 142500.0, "Latitude": 37.36, "Longitude": -122.09, "Population": 805.0}, {"index": 18271, "quantile": 0.25, "value": 261425.00000000003, "Latitude": 37.36, "Longitude": -122.09, "Population": 805.0}, {"index": 18271, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.09, "Population": 805.0}, {"index": 18271, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.09, "Population": 805.0}, {"index": 18271, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.09, "Population": 805.0}, {"index": 18272, "quantile": 0.0, "value": 287200.0, "Latitude": 37.36, "Longitude": -122.09, "Population": 930.0}, {"index": 18272, "quantile": 0.25, "value": 392600.0, "Latitude": 37.36, "Longitude": -122.09, "Population": 930.0}, {"index": 18272, "quantile": 0.5, "value": 463699.99999999994, "Latitude": 37.36, "Longitude": -122.09, "Population": 930.0}, {"index": 18272, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.09, "Population": 930.0}, {"index": 18272, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.09, "Population": 930.0}, {"index": 18273, "quantile": 0.0, "value": 224100.0, "Latitude": 37.36, "Longitude": -122.08, "Population": 728.0}, {"index": 18273, "quantile": 0.25, "value": 445400.0, "Latitude": 37.36, "Longitude": -122.08, "Population": 728.0}, {"index": 18273, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.08, "Population": 728.0}, {"index": 18273, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.08, "Population": 728.0}, {"index": 18273, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.08, "Population": 728.0}, {"index": 18274, "quantile": 0.0, "value": 347800.0, "Latitude": 37.35, "Longitude": -122.06, "Population": 787.0}, {"index": 18274, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.06, "Population": 787.0}, {"index": 18274, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.06, "Population": 787.0}, {"index": 18274, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.06, "Population": 787.0}, {"index": 18274, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.06, "Population": 787.0}, {"index": 18275, "quantile": 0.0, "value": 146300.0, "Latitude": 37.34, "Longitude": -122.07, "Population": 495.0}, {"index": 18275, "quantile": 0.25, "value": 382800.0, "Latitude": 37.34, "Longitude": -122.07, "Population": 495.0}, {"index": 18275, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.07, "Population": 495.0}, {"index": 18275, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.07, "Population": 495.0}, {"index": 18275, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.07, "Population": 495.0}, {"index": 18276, "quantile": 0.0, "value": 287200.0, "Latitude": 37.34, "Longitude": -122.07, "Population": 512.0}, {"index": 18276, "quantile": 0.25, "value": 423900.0, "Latitude": 37.34, "Longitude": -122.07, "Population": 512.0}, {"index": 18276, "quantile": 0.5, "value": 471100.00000000006, "Latitude": 37.34, "Longitude": -122.07, "Population": 512.0}, {"index": 18276, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.07, "Population": 512.0}, {"index": 18276, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.07, "Population": 512.0}, {"index": 18277, "quantile": 0.0, "value": 418800.0, "Latitude": 37.35, "Longitude": -122.07, "Population": 619.0}, {"index": 18277, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.07, "Population": 619.0}, {"index": 18277, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.07, "Population": 619.0}, {"index": 18277, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.07, "Population": 619.0}, {"index": 18277, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.07, "Population": 619.0}, {"index": 18278, "quantile": 0.0, "value": 490800.00000000006, "Latitude": 37.35, "Longitude": -122.07, "Population": 570.0}, {"index": 18278, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.07, "Population": 570.0}, {"index": 18278, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.07, "Population": 570.0}, {"index": 18278, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.07, "Population": 570.0}, {"index": 18278, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.07, "Population": 570.0}, {"index": 18279, "quantile": 0.0, "value": 255900.00000000003, "Latitude": 37.35, "Longitude": -122.08, "Population": 548.0}, {"index": 18279, "quantile": 0.25, "value": 485149.99999999994, "Latitude": 37.35, "Longitude": -122.08, "Population": 548.0}, {"index": 18279, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.08, "Population": 548.0}, {"index": 18279, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.08, "Population": 548.0}, {"index": 18279, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.08, "Population": 548.0}, {"index": 18280, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.07, "Population": 631.0}, {"index": 18280, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.07, "Population": 631.0}, {"index": 18280, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.07, "Population": 631.0}, {"index": 18280, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.07, "Population": 631.0}, {"index": 18280, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.07, "Population": 631.0}, {"index": 18281, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.08, "Population": 922.0}, {"index": 18281, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.08, "Population": 922.0}, {"index": 18281, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.08, "Population": 922.0}, {"index": 18281, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.08, "Population": 922.0}, {"index": 18281, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.08, "Population": 922.0}, {"index": 18282, "quantile": 0.0, "value": 416700.0, "Latitude": 37.34, "Longitude": -122.08, "Population": 594.0}, {"index": 18282, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.08, "Population": 594.0}, {"index": 18282, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.08, "Population": 594.0}, {"index": 18282, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.08, "Population": 594.0}, {"index": 18282, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.34, "Longitude": -122.08, "Population": 594.0}, {"index": 18283, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.08, "Population": 832.0}, {"index": 18283, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.08, "Population": 832.0}, {"index": 18283, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.08, "Population": 832.0}, {"index": 18283, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.08, "Population": 832.0}, {"index": 18283, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.08, "Population": 832.0}, {"index": 18284, "quantile": 0.0, "value": 204800.0, "Latitude": 37.38, "Longitude": -122.1, "Population": 1577.0}, {"index": 18284, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.1, "Population": 1577.0}, {"index": 18284, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.1, "Population": 1577.0}, {"index": 18284, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.1, "Population": 1577.0}, {"index": 18284, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.1, "Population": 1577.0}, {"index": 18285, "quantile": 0.0, "value": 443800.0, "Latitude": 37.37, "Longitude": -122.1, "Population": 945.0}, {"index": 18285, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.1, "Population": 945.0}, {"index": 18285, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.1, "Population": 945.0}, {"index": 18285, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.1, "Population": 945.0}, {"index": 18285, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.1, "Population": 945.0}, {"index": 18286, "quantile": 0.0, "value": 446600.0, "Latitude": 37.37, "Longitude": -122.1, "Population": 929.0}, {"index": 18286, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.1, "Population": 929.0}, {"index": 18286, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.1, "Population": 929.0}, {"index": 18286, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.1, "Population": 929.0}, {"index": 18286, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.1, "Population": 929.0}, {"index": 18287, "quantile": 0.0, "value": 475800.0, "Latitude": 37.37, "Longitude": -122.11, "Population": 520.0}, {"index": 18287, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.11, "Population": 520.0}, {"index": 18287, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.11, "Population": 520.0}, {"index": 18287, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.11, "Population": 520.0}, {"index": 18287, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.11, "Population": 520.0}, {"index": 18288, "quantile": 0.0, "value": 171700.0, "Latitude": 37.38, "Longitude": -122.11, "Population": 1296.0}, {"index": 18288, "quantile": 0.25, "value": 443800.0, "Latitude": 37.38, "Longitude": -122.11, "Population": 1296.0}, {"index": 18288, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.11, "Population": 1296.0}, {"index": 18288, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.11, "Population": 1296.0}, {"index": 18288, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.11, "Population": 1296.0}, {"index": 18289, "quantile": 0.0, "value": 132200.0, "Latitude": 37.38, "Longitude": -122.11, "Population": 1329.0}, {"index": 18289, "quantile": 0.25, "value": 320525.0, "Latitude": 37.38, "Longitude": -122.11, "Population": 1329.0}, {"index": 18289, "quantile": 0.5, "value": 380400.0, "Latitude": 37.38, "Longitude": -122.11, "Population": 1329.0}, {"index": 18289, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.11, "Population": 1329.0}, {"index": 18289, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.11, "Population": 1329.0}, {"index": 18290, "quantile": 0.0, "value": 362600.0, "Latitude": 37.37, "Longitude": -122.11, "Population": 410.0}, {"index": 18290, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.11, "Population": 410.0}, {"index": 18290, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.11, "Population": 410.0}, {"index": 18290, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.11, "Population": 410.0}, {"index": 18290, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.11, "Population": 410.0}, {"index": 18291, "quantile": 0.0, "value": 239100.0, "Latitude": 37.37, "Longitude": -122.12, "Population": 555.0}, {"index": 18291, "quantile": 0.25, "value": 473250.0, "Latitude": 37.37, "Longitude": -122.12, "Population": 555.0}, {"index": 18291, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.12, "Population": 555.0}, {"index": 18291, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.12, "Population": 555.0}, {"index": 18291, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.12, "Population": 555.0}, {"index": 18292, "quantile": 0.0, "value": 137500.0, "Latitude": 37.4, "Longitude": -122.11, "Population": 1138.0}, {"index": 18292, "quantile": 0.25, "value": 330300.0, "Latitude": 37.4, "Longitude": -122.11, "Population": 1138.0}, {"index": 18292, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.11, "Population": 1138.0}, {"index": 18292, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.11, "Population": 1138.0}, {"index": 18292, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.11, "Population": 1138.0}, {"index": 18293, "quantile": 0.0, "value": 218500.0, "Latitude": 37.39, "Longitude": -122.11, "Population": 655.0}, {"index": 18293, "quantile": 0.25, "value": 407475.0, "Latitude": 37.39, "Longitude": -122.11, "Population": 655.0}, {"index": 18293, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.11, "Population": 655.0}, {"index": 18293, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.11, "Population": 655.0}, {"index": 18293, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.11, "Population": 655.0}, {"index": 18294, "quantile": 0.0, "value": 172200.0, "Latitude": 37.39, "Longitude": -122.1, "Population": 881.0}, {"index": 18294, "quantile": 0.25, "value": 443800.0, "Latitude": 37.39, "Longitude": -122.1, "Population": 881.0}, {"index": 18294, "quantile": 0.5, "value": 481300.0, "Latitude": 37.39, "Longitude": -122.1, "Population": 881.0}, {"index": 18294, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.1, "Population": 881.0}, {"index": 18294, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.1, "Population": 881.0}, {"index": 18295, "quantile": 0.0, "value": 188300.0, "Latitude": 37.4, "Longitude": -122.12, "Population": 921.0}, {"index": 18295, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.12, "Population": 921.0}, {"index": 18295, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.12, "Population": 921.0}, {"index": 18295, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.12, "Population": 921.0}, {"index": 18295, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.12, "Population": 921.0}, {"index": 18296, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.12, "Population": 1336.0}, {"index": 18296, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.12, "Population": 1336.0}, {"index": 18296, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.12, "Population": 1336.0}, {"index": 18296, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.12, "Population": 1336.0}, {"index": 18296, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.12, "Population": 1336.0}, {"index": 18297, "quantile": 0.0, "value": 351200.0, "Latitude": 37.38, "Longitude": -122.12, "Population": 504.0}, {"index": 18297, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.12, "Population": 504.0}, {"index": 18297, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.12, "Population": 504.0}, {"index": 18297, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.12, "Population": 504.0}, {"index": 18297, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.12, "Population": 504.0}, {"index": 18298, "quantile": 0.0, "value": 416700.0, "Latitude": 37.4, "Longitude": -122.12, "Population": 1583.0}, {"index": 18298, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.12, "Population": 1583.0}, {"index": 18298, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.12, "Population": 1583.0}, {"index": 18298, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.12, "Population": 1583.0}, {"index": 18298, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.12, "Population": 1583.0}, {"index": 18299, "quantile": 0.0, "value": 150900.0, "Latitude": 37.4, "Longitude": -122.13, "Population": 2687.0}, {"index": 18299, "quantile": 0.25, "value": 415600.00000000006, "Latitude": 37.4, "Longitude": -122.13, "Population": 2687.0}, {"index": 18299, "quantile": 0.5, "value": 461200.0, "Latitude": 37.4, "Longitude": -122.13, "Population": 2687.0}, {"index": 18299, "quantile": 0.75, "value": 461200.0, "Latitude": 37.4, "Longitude": -122.13, "Population": 2687.0}, {"index": 18299, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.4, "Longitude": -122.13, "Population": 2687.0}, {"index": 18300, "quantile": 0.0, "value": 268200.0, "Latitude": 37.41, "Longitude": -122.13, "Population": 2039.0}, {"index": 18300, "quantile": 0.25, "value": 440900.0, "Latitude": 37.41, "Longitude": -122.13, "Population": 2039.0}, {"index": 18300, "quantile": 0.5, "value": 440900.0, "Latitude": 37.41, "Longitude": -122.13, "Population": 2039.0}, {"index": 18300, "quantile": 0.75, "value": 440900.0, "Latitude": 37.41, "Longitude": -122.13, "Population": 2039.0}, {"index": 18300, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.13, "Population": 2039.0}, {"index": 18301, "quantile": 0.0, "value": 365000.0, "Latitude": 37.41, "Longitude": -122.14, "Population": 949.0}, {"index": 18301, "quantile": 0.25, "value": 437100.00000000006, "Latitude": 37.41, "Longitude": -122.14, "Population": 949.0}, {"index": 18301, "quantile": 0.5, "value": 437100.00000000006, "Latitude": 37.41, "Longitude": -122.14, "Population": 949.0}, {"index": 18301, "quantile": 0.75, "value": 437100.00000000006, "Latitude": 37.41, "Longitude": -122.14, "Population": 949.0}, {"index": 18301, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.14, "Population": 949.0}, {"index": 18302, "quantile": 0.0, "value": 161900.0, "Latitude": 37.42, "Longitude": -122.14, "Population": 134.0}, {"index": 18302, "quantile": 0.25, "value": 265000.0, "Latitude": 37.42, "Longitude": -122.14, "Population": 134.0}, {"index": 18302, "quantile": 0.5, "value": 265000.0, "Latitude": 37.42, "Longitude": -122.14, "Population": 134.0}, {"index": 18302, "quantile": 0.75, "value": 265000.0, "Latitude": 37.42, "Longitude": -122.14, "Population": 134.0}, {"index": 18302, "quantile": 1.0, "value": 375000.0, "Latitude": 37.42, "Longitude": -122.14, "Population": 134.0}, {"index": 18303, "quantile": 0.0, "value": 162500.0, "Latitude": 37.42, "Longitude": -122.13, "Population": 2251.0}, {"index": 18303, "quantile": 0.25, "value": 229800.0, "Latitude": 37.42, "Longitude": -122.13, "Population": 2251.0}, {"index": 18303, "quantile": 0.5, "value": 261899.99999999997, "Latitude": 37.42, "Longitude": -122.13, "Population": 2251.0}, {"index": 18303, "quantile": 0.75, "value": 286275.0, "Latitude": 37.42, "Longitude": -122.13, "Population": 2251.0}, {"index": 18303, "quantile": 1.0, "value": 450000.0, "Latitude": 37.42, "Longitude": -122.13, "Population": 2251.0}, {"index": 18304, "quantile": 0.0, "value": 252999.99999999997, "Latitude": 37.41, "Longitude": -122.12, "Population": 1250.0}, {"index": 18304, "quantile": 0.25, "value": 362100.0, "Latitude": 37.41, "Longitude": -122.12, "Population": 1250.0}, {"index": 18304, "quantile": 0.5, "value": 379600.0, "Latitude": 37.41, "Longitude": -122.12, "Population": 1250.0}, {"index": 18304, "quantile": 0.75, "value": 439200.00000000006, "Latitude": 37.41, "Longitude": -122.12, "Population": 1250.0}, {"index": 18304, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.12, "Population": 1250.0}, {"index": 18305, "quantile": 0.0, "value": 171700.0, "Latitude": 37.43, "Longitude": -122.11, "Population": 1405.0}, {"index": 18305, "quantile": 0.25, "value": 430199.99999999994, "Latitude": 37.43, "Longitude": -122.11, "Population": 1405.0}, {"index": 18305, "quantile": 0.5, "value": 446899.99999999994, "Latitude": 37.43, "Longitude": -122.11, "Population": 1405.0}, {"index": 18305, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.11, "Population": 1405.0}, {"index": 18305, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.11, "Population": 1405.0}, {"index": 18306, "quantile": 0.0, "value": 308300.0, "Latitude": 37.43, "Longitude": -122.11, "Population": 1562.0}, {"index": 18306, "quantile": 0.25, "value": 463699.99999999994, "Latitude": 37.43, "Longitude": -122.11, "Population": 1562.0}, {"index": 18306, "quantile": 0.5, "value": 463699.99999999994, "Latitude": 37.43, "Longitude": -122.11, "Population": 1562.0}, {"index": 18306, "quantile": 0.75, "value": 463699.99999999994, "Latitude": 37.43, "Longitude": -122.11, "Population": 1562.0}, {"index": 18306, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.11, "Population": 1562.0}, {"index": 18307, "quantile": 0.0, "value": 308800.0, "Latitude": 37.42, "Longitude": -122.11, "Population": 1267.0}, {"index": 18307, "quantile": 0.25, "value": 417800.0, "Latitude": 37.42, "Longitude": -122.11, "Population": 1267.0}, {"index": 18307, "quantile": 0.5, "value": 417800.0, "Latitude": 37.42, "Longitude": -122.11, "Population": 1267.0}, {"index": 18307, "quantile": 0.75, "value": 445700.0, "Latitude": 37.42, "Longitude": -122.11, "Population": 1267.0}, {"index": 18307, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.11, "Population": 1267.0}, {"index": 18308, "quantile": 0.0, "value": 328800.0, "Latitude": 37.41, "Longitude": -122.11, "Population": 1084.0}, {"index": 18308, "quantile": 0.25, "value": 443800.0, "Latitude": 37.41, "Longitude": -122.11, "Population": 1084.0}, {"index": 18308, "quantile": 0.5, "value": 443800.0, "Latitude": 37.41, "Longitude": -122.11, "Population": 1084.0}, {"index": 18308, "quantile": 0.75, "value": 443800.0, "Latitude": 37.41, "Longitude": -122.11, "Population": 1084.0}, {"index": 18308, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.11, "Population": 1084.0}, {"index": 18309, "quantile": 0.0, "value": 169300.0, "Latitude": 37.41, "Longitude": -122.11, "Population": 659.0}, {"index": 18309, "quantile": 0.25, "value": 414799.99999999994, "Latitude": 37.41, "Longitude": -122.11, "Population": 659.0}, {"index": 18309, "quantile": 0.5, "value": 432900.0, "Latitude": 37.41, "Longitude": -122.11, "Population": 659.0}, {"index": 18309, "quantile": 0.75, "value": 432900.0, "Latitude": 37.41, "Longitude": -122.11, "Population": 659.0}, {"index": 18309, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.11, "Population": 659.0}, {"index": 18310, "quantile": 0.0, "value": 275400.0, "Latitude": 37.42, "Longitude": -122.12, "Population": 1187.0}, {"index": 18310, "quantile": 0.25, "value": 362100.0, "Latitude": 37.42, "Longitude": -122.12, "Population": 1187.0}, {"index": 18310, "quantile": 0.5, "value": 362100.0, "Latitude": 37.42, "Longitude": -122.12, "Population": 1187.0}, {"index": 18310, "quantile": 0.75, "value": 374925.0, "Latitude": 37.42, "Longitude": -122.12, "Population": 1187.0}, {"index": 18310, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.12, "Population": 1187.0}, {"index": 18311, "quantile": 0.0, "value": 209400.0, "Latitude": 37.42, "Longitude": -122.12, "Population": 1165.0}, {"index": 18311, "quantile": 0.25, "value": 373100.0, "Latitude": 37.42, "Longitude": -122.12, "Population": 1165.0}, {"index": 18311, "quantile": 0.5, "value": 373100.0, "Latitude": 37.42, "Longitude": -122.12, "Population": 1165.0}, {"index": 18311, "quantile": 0.75, "value": 377775.0, "Latitude": 37.42, "Longitude": -122.12, "Population": 1165.0}, {"index": 18311, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.12, "Population": 1165.0}, {"index": 18312, "quantile": 0.0, "value": 263900.0, "Latitude": 37.43, "Longitude": -122.13, "Population": 1498.0}, {"index": 18312, "quantile": 0.25, "value": 384625.0, "Latitude": 37.43, "Longitude": -122.13, "Population": 1498.0}, {"index": 18312, "quantile": 0.5, "value": 438400.00000000006, "Latitude": 37.43, "Longitude": -122.13, "Population": 1498.0}, {"index": 18312, "quantile": 0.75, "value": 438400.00000000006, "Latitude": 37.43, "Longitude": -122.13, "Population": 1498.0}, {"index": 18312, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.13, "Population": 1498.0}, {"index": 18313, "quantile": 0.0, "value": 232700.0, "Latitude": 37.43, "Longitude": -122.13, "Population": 1799.0}, {"index": 18313, "quantile": 0.25, "value": 407100.0, "Latitude": 37.43, "Longitude": -122.13, "Population": 1799.0}, {"index": 18313, "quantile": 0.5, "value": 431900.0, "Latitude": 37.43, "Longitude": -122.13, "Population": 1799.0}, {"index": 18313, "quantile": 0.75, "value": 431900.0, "Latitude": 37.43, "Longitude": -122.13, "Population": 1799.0}, {"index": 18313, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.13, "Population": 1799.0}, {"index": 18314, "quantile": 0.0, "value": 297200.0, "Latitude": 37.43, "Longitude": -122.12, "Population": 1455.0}, {"index": 18314, "quantile": 0.25, "value": 425500.0, "Latitude": 37.43, "Longitude": -122.12, "Population": 1455.0}, {"index": 18314, "quantile": 0.5, "value": 425500.0, "Latitude": 37.43, "Longitude": -122.12, "Population": 1455.0}, {"index": 18314, "quantile": 0.75, "value": 425500.0, "Latitude": 37.43, "Longitude": -122.12, "Population": 1455.0}, {"index": 18314, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.12, "Population": 1455.0}, {"index": 18315, "quantile": 0.0, "value": 143300.0, "Latitude": 37.44, "Longitude": -122.12, "Population": 1435.0}, {"index": 18315, "quantile": 0.25, "value": 398775.0, "Latitude": 37.44, "Longitude": -122.12, "Population": 1435.0}, {"index": 18315, "quantile": 0.5, "value": 406300.0, "Latitude": 37.44, "Longitude": -122.12, "Population": 1435.0}, {"index": 18315, "quantile": 0.75, "value": 406300.0, "Latitude": 37.44, "Longitude": -122.12, "Population": 1435.0}, {"index": 18315, "quantile": 1.0, "value": 484600.0, "Latitude": 37.44, "Longitude": -122.12, "Population": 1435.0}, {"index": 18316, "quantile": 0.0, "value": 169300.0, "Latitude": 37.44, "Longitude": -122.13, "Population": 1146.0}, {"index": 18316, "quantile": 0.25, "value": 327550.0, "Latitude": 37.44, "Longitude": -122.13, "Population": 1146.0}, {"index": 18316, "quantile": 0.5, "value": 385100.0, "Latitude": 37.44, "Longitude": -122.13, "Population": 1146.0}, {"index": 18316, "quantile": 0.75, "value": 432900.0, "Latitude": 37.44, "Longitude": -122.13, "Population": 1146.0}, {"index": 18316, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.13, "Population": 1146.0}, {"index": 18317, "quantile": 0.0, "value": 112500.0, "Latitude": 37.44, "Longitude": -122.12, "Population": 748.0}, {"index": 18317, "quantile": 0.25, "value": 206775.00000000003, "Latitude": 37.44, "Longitude": -122.12, "Population": 748.0}, {"index": 18317, "quantile": 0.5, "value": 243350.0, "Latitude": 37.44, "Longitude": -122.12, "Population": 748.0}, {"index": 18317, "quantile": 0.75, "value": 270950.0, "Latitude": 37.44, "Longitude": -122.12, "Population": 748.0}, {"index": 18317, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.12, "Population": 748.0}, {"index": 18318, "quantile": 0.0, "value": 205399.99999999997, "Latitude": 37.44, "Longitude": -122.11, "Population": 1023.0}, {"index": 18318, "quantile": 0.25, "value": 376600.0, "Latitude": 37.44, "Longitude": -122.11, "Population": 1023.0}, {"index": 18318, "quantile": 0.5, "value": 376600.0, "Latitude": 37.44, "Longitude": -122.11, "Population": 1023.0}, {"index": 18318, "quantile": 0.75, "value": 376600.0, "Latitude": 37.44, "Longitude": -122.11, "Population": 1023.0}, {"index": 18318, "quantile": 1.0, "value": 451300.0, "Latitude": 37.44, "Longitude": -122.11, "Population": 1023.0}, {"index": 18319, "quantile": 0.0, "value": 143300.0, "Latitude": 37.43, "Longitude": -122.12, "Population": 1411.0}, {"index": 18319, "quantile": 0.25, "value": 351400.0, "Latitude": 37.43, "Longitude": -122.12, "Population": 1411.0}, {"index": 18319, "quantile": 0.5, "value": 379600.0, "Latitude": 37.43, "Longitude": -122.12, "Population": 1411.0}, {"index": 18319, "quantile": 0.75, "value": 438600.0, "Latitude": 37.43, "Longitude": -122.12, "Population": 1411.0}, {"index": 18319, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.12, "Population": 1411.0}, {"index": 18320, "quantile": 0.0, "value": 237200.0, "Latitude": 37.45, "Longitude": -122.13, "Population": 933.0}, {"index": 18320, "quantile": 0.25, "value": 350600.0, "Latitude": 37.45, "Longitude": -122.13, "Population": 933.0}, {"index": 18320, "quantile": 0.5, "value": 411300.00000000006, "Latitude": 37.45, "Longitude": -122.13, "Population": 933.0}, {"index": 18320, "quantile": 0.75, "value": 470074.99999999994, "Latitude": 37.45, "Longitude": -122.13, "Population": 933.0}, {"index": 18320, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.13, "Population": 933.0}, {"index": 18321, "quantile": 0.0, "value": 371300.0, "Latitude": 37.45, "Longitude": -122.13, "Population": 510.0}, {"index": 18321, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.13, "Population": 510.0}, {"index": 18321, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.13, "Population": 510.0}, {"index": 18321, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.13, "Population": 510.0}, {"index": 18321, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.13, "Population": 510.0}, {"index": 18322, "quantile": 0.0, "value": 331400.0, "Latitude": 37.45, "Longitude": -122.13, "Population": 1251.0}, {"index": 18322, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.13, "Population": 1251.0}, {"index": 18322, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.13, "Population": 1251.0}, {"index": 18322, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.13, "Population": 1251.0}, {"index": 18322, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.13, "Population": 1251.0}, {"index": 18323, "quantile": 0.0, "value": 418800.0, "Latitude": 37.44, "Longitude": -122.13, "Population": 1088.0}, {"index": 18323, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.13, "Population": 1088.0}, {"index": 18323, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.13, "Population": 1088.0}, {"index": 18323, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.13, "Population": 1088.0}, {"index": 18323, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.13, "Population": 1088.0}, {"index": 18324, "quantile": 0.0, "value": 273200.0, "Latitude": 37.44, "Longitude": -122.13, "Population": 1148.0}, {"index": 18324, "quantile": 0.25, "value": 416450.00000000006, "Latitude": 37.44, "Longitude": -122.13, "Population": 1148.0}, {"index": 18324, "quantile": 0.5, "value": 446600.0, "Latitude": 37.44, "Longitude": -122.13, "Population": 1148.0}, {"index": 18324, "quantile": 0.75, "value": 446600.0, "Latitude": 37.44, "Longitude": -122.13, "Population": 1148.0}, {"index": 18324, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.13, "Population": 1148.0}, {"index": 18325, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.15, "Population": 353.0}, {"index": 18325, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.15, "Population": 353.0}, {"index": 18325, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.15, "Population": 353.0}, {"index": 18325, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.15, "Population": 353.0}, {"index": 18325, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.15, "Population": 353.0}, {"index": 18326, "quantile": 0.0, "value": 263700.0, "Latitude": 37.45, "Longitude": -122.16, "Population": 441.0}, {"index": 18326, "quantile": 0.25, "value": 491700.0, "Latitude": 37.45, "Longitude": -122.16, "Population": 441.0}, {"index": 18326, "quantile": 0.5, "value": 492000.0, "Latitude": 37.45, "Longitude": -122.16, "Population": 441.0}, {"index": 18326, "quantile": 0.75, "value": 492000.0, "Latitude": 37.45, "Longitude": -122.16, "Population": 441.0}, {"index": 18326, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.16, "Population": 441.0}, {"index": 18327, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.15, "Population": 683.0}, {"index": 18327, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.15, "Population": 683.0}, {"index": 18327, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.15, "Population": 683.0}, {"index": 18327, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.15, "Population": 683.0}, {"index": 18327, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.46, "Longitude": -122.15, "Population": 683.0}, {"index": 18328, "quantile": 0.0, "value": 351900.0, "Latitude": 37.45, "Longitude": -122.14, "Population": 1391.0}, {"index": 18328, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.14, "Population": 1391.0}, {"index": 18328, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.14, "Population": 1391.0}, {"index": 18328, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.14, "Population": 1391.0}, {"index": 18328, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.14, "Population": 1391.0}, {"index": 18329, "quantile": 0.0, "value": 331400.0, "Latitude": 37.45, "Longitude": -122.15, "Population": 734.0}, {"index": 18329, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.15, "Population": 734.0}, {"index": 18329, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.15, "Population": 734.0}, {"index": 18329, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.15, "Population": 734.0}, {"index": 18329, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.15, "Population": 734.0}, {"index": 18330, "quantile": 0.0, "value": 441000.0, "Latitude": 37.45, "Longitude": -122.14, "Population": 700.0}, {"index": 18330, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.14, "Population": 700.0}, {"index": 18330, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.14, "Population": 700.0}, {"index": 18330, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.14, "Population": 700.0}, {"index": 18330, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.14, "Population": 700.0}, {"index": 18331, "quantile": 0.0, "value": 225000.0, "Latitude": 37.45, "Longitude": -122.15, "Population": 219.0}, {"index": 18331, "quantile": 0.25, "value": 489925.00000000006, "Latitude": 37.45, "Longitude": -122.15, "Population": 219.0}, {"index": 18331, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.15, "Population": 219.0}, {"index": 18331, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.15, "Population": 219.0}, {"index": 18331, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.15, "Population": 219.0}, {"index": 18332, "quantile": 0.0, "value": 140600.0, "Latitude": 37.45, "Longitude": -122.16, "Population": 1808.0}, {"index": 18332, "quantile": 0.25, "value": 356000.0, "Latitude": 37.45, "Longitude": -122.16, "Population": 1808.0}, {"index": 18332, "quantile": 0.5, "value": 394300.0, "Latitude": 37.45, "Longitude": -122.16, "Population": 1808.0}, {"index": 18332, "quantile": 0.75, "value": 410200.00000000006, "Latitude": 37.45, "Longitude": -122.16, "Population": 1808.0}, {"index": 18332, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.16, "Population": 1808.0}, {"index": 18333, "quantile": 0.0, "value": 130000.0, "Latitude": 37.45, "Longitude": -122.16, "Population": 1304.0}, {"index": 18333, "quantile": 0.25, "value": 350000.0, "Latitude": 37.45, "Longitude": -122.16, "Population": 1304.0}, {"index": 18333, "quantile": 0.5, "value": 402500.00000000006, "Latitude": 37.45, "Longitude": -122.16, "Population": 1304.0}, {"index": 18333, "quantile": 0.75, "value": 402500.00000000006, "Latitude": 37.45, "Longitude": -122.16, "Population": 1304.0}, {"index": 18333, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.16, "Population": 1304.0}, {"index": 18334, "quantile": 0.0, "value": 350000.0, "Latitude": 37.45, "Longitude": -122.16, "Population": 1363.0}, {"index": 18334, "quantile": 0.25, "value": 356000.0, "Latitude": 37.45, "Longitude": -122.16, "Population": 1363.0}, {"index": 18334, "quantile": 0.5, "value": 356000.0, "Latitude": 37.45, "Longitude": -122.16, "Population": 1363.0}, {"index": 18334, "quantile": 0.75, "value": 394300.0, "Latitude": 37.45, "Longitude": -122.16, "Population": 1363.0}, {"index": 18334, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.45, "Longitude": -122.16, "Population": 1363.0}, {"index": 18335, "quantile": 0.0, "value": 199200.0, "Latitude": 37.44, "Longitude": -122.16, "Population": 1193.0}, {"index": 18335, "quantile": 0.25, "value": 354075.0, "Latitude": 37.44, "Longitude": -122.16, "Population": 1193.0}, {"index": 18335, "quantile": 0.5, "value": 405900.0, "Latitude": 37.44, "Longitude": -122.16, "Population": 1193.0}, {"index": 18335, "quantile": 0.75, "value": 405900.0, "Latitude": 37.44, "Longitude": -122.16, "Population": 1193.0}, {"index": 18335, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.16, "Population": 1193.0}, {"index": 18336, "quantile": 0.0, "value": 295200.0, "Latitude": 37.44, "Longitude": -122.15, "Population": 774.0}, {"index": 18336, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.15, "Population": 774.0}, {"index": 18336, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.15, "Population": 774.0}, {"index": 18336, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.15, "Population": 774.0}, {"index": 18336, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.15, "Population": 774.0}, {"index": 18337, "quantile": 0.0, "value": 93900.0, "Latitude": 37.44, "Longitude": -122.15, "Population": 522.0}, {"index": 18337, "quantile": 0.25, "value": 275000.0, "Latitude": 37.44, "Longitude": -122.15, "Population": 522.0}, {"index": 18337, "quantile": 0.5, "value": 330300.0, "Latitude": 37.44, "Longitude": -122.15, "Population": 522.0}, {"index": 18337, "quantile": 0.75, "value": 370825.0, "Latitude": 37.44, "Longitude": -122.15, "Population": 522.0}, {"index": 18337, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.15, "Population": 522.0}, {"index": 18338, "quantile": 0.0, "value": 160100.0, "Latitude": 37.44, "Longitude": -122.15, "Population": 708.0}, {"index": 18338, "quantile": 0.25, "value": 457650.0, "Latitude": 37.44, "Longitude": -122.15, "Population": 708.0}, {"index": 18338, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.15, "Population": 708.0}, {"index": 18338, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.15, "Population": 708.0}, {"index": 18338, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.15, "Population": 708.0}, {"index": 18339, "quantile": 0.0, "value": 286200.0, "Latitude": 37.44, "Longitude": -122.14, "Population": 1114.0}, {"index": 18339, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.14, "Population": 1114.0}, {"index": 18339, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.14, "Population": 1114.0}, {"index": 18339, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.14, "Population": 1114.0}, {"index": 18339, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -122.14, "Population": 1114.0}, {"index": 18340, "quantile": 0.0, "value": 477100.0, "Latitude": 37.43, "Longitude": -122.14, "Population": 696.0}, {"index": 18340, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.14, "Population": 696.0}, {"index": 18340, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.14, "Population": 696.0}, {"index": 18340, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.14, "Population": 696.0}, {"index": 18340, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.14, "Population": 696.0}, {"index": 18341, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.14, "Population": 467.0}, {"index": 18341, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.14, "Population": 467.0}, {"index": 18341, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.14, "Population": 467.0}, {"index": 18341, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.14, "Population": 467.0}, {"index": 18341, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.14, "Population": 467.0}, {"index": 18342, "quantile": 0.0, "value": 125000.0, "Latitude": 37.43, "Longitude": -122.14, "Population": 551.0}, {"index": 18342, "quantile": 0.25, "value": 390550.0, "Latitude": 37.43, "Longitude": -122.14, "Population": 551.0}, {"index": 18342, "quantile": 0.5, "value": 438500.0, "Latitude": 37.43, "Longitude": -122.14, "Population": 551.0}, {"index": 18342, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.14, "Population": 551.0}, {"index": 18342, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.14, "Population": 551.0}, {"index": 18343, "quantile": 0.0, "value": 93900.0, "Latitude": 37.43, "Longitude": -122.15, "Population": 1149.0}, {"index": 18343, "quantile": 0.25, "value": 293050.0, "Latitude": 37.43, "Longitude": -122.15, "Population": 1149.0}, {"index": 18343, "quantile": 0.5, "value": 476300.0, "Latitude": 37.43, "Longitude": -122.15, "Population": 1149.0}, {"index": 18343, "quantile": 0.75, "value": 476300.0, "Latitude": 37.43, "Longitude": -122.15, "Population": 1149.0}, {"index": 18343, "quantile": 1.0, "value": 476300.0, "Latitude": 37.43, "Longitude": -122.15, "Population": 1149.0}, {"index": 18344, "quantile": 0.0, "value": 199200.0, "Latitude": 37.42, "Longitude": -122.15, "Population": 1779.0}, {"index": 18344, "quantile": 0.25, "value": 327025.0, "Latitude": 37.42, "Longitude": -122.15, "Population": 1779.0}, {"index": 18344, "quantile": 0.5, "value": 404800.0, "Latitude": 37.42, "Longitude": -122.15, "Population": 1779.0}, {"index": 18344, "quantile": 0.75, "value": 404800.0, "Latitude": 37.42, "Longitude": -122.15, "Population": 1779.0}, {"index": 18344, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.15, "Population": 1779.0}, {"index": 18345, "quantile": 0.0, "value": 119100.0, "Latitude": 37.43, "Longitude": -122.14, "Population": 1144.0}, {"index": 18345, "quantile": 0.25, "value": 187200.0, "Latitude": 37.43, "Longitude": -122.14, "Population": 1144.0}, {"index": 18345, "quantile": 0.5, "value": 264600.0, "Latitude": 37.43, "Longitude": -122.14, "Population": 1144.0}, {"index": 18345, "quantile": 0.75, "value": 337300.0, "Latitude": 37.43, "Longitude": -122.14, "Population": 1144.0}, {"index": 18345, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.14, "Population": 1144.0}, {"index": 18346, "quantile": 0.0, "value": 75900.0, "Latitude": 37.43, "Longitude": -122.15, "Population": 7604.0}, {"index": 18346, "quantile": 0.25, "value": 278475.0, "Latitude": 37.43, "Longitude": -122.15, "Population": 7604.0}, {"index": 18346, "quantile": 0.5, "value": 375000.0, "Latitude": 37.43, "Longitude": -122.15, "Population": 7604.0}, {"index": 18346, "quantile": 0.75, "value": 375000.0, "Latitude": 37.43, "Longitude": -122.15, "Population": 7604.0}, {"index": 18346, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.43, "Longitude": -122.15, "Population": 7604.0}, {"index": 18347, "quantile": 0.0, "value": 416700.0, "Latitude": 37.42, "Longitude": -122.16, "Population": 2571.0}, {"index": 18347, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.16, "Population": 2571.0}, {"index": 18347, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.16, "Population": 2571.0}, {"index": 18347, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.16, "Population": 2571.0}, {"index": 18347, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -122.16, "Population": 2571.0}, {"index": 18348, "quantile": 0.0, "value": 345900.0, "Latitude": 37.41, "Longitude": -122.15, "Population": 979.0}, {"index": 18348, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.15, "Population": 979.0}, {"index": 18348, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.15, "Population": 979.0}, {"index": 18348, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.15, "Population": 979.0}, {"index": 18348, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.15, "Population": 979.0}, {"index": 18349, "quantile": 0.0, "value": 75000.0, "Latitude": 37.43, "Longitude": -122.17, "Population": 7174.0}, {"index": 18349, "quantile": 0.25, "value": 273775.0, "Latitude": 37.43, "Longitude": -122.17, "Population": 7174.0}, {"index": 18349, "quantile": 0.5, "value": 387500.0, "Latitude": 37.43, "Longitude": -122.17, "Population": 7174.0}, {"index": 18349, "quantile": 0.75, "value": 387500.0, "Latitude": 37.43, "Longitude": -122.17, "Population": 7174.0}, {"index": 18349, "quantile": 1.0, "value": 500000.0, "Latitude": 37.43, "Longitude": -122.17, "Population": 7174.0}, {"index": 18350, "quantile": 0.0, "value": 67500.0, "Latitude": 37.41, "Longitude": -122.15, "Population": 359.0}, {"index": 18350, "quantile": 0.25, "value": 294875.0, "Latitude": 37.41, "Longitude": -122.15, "Population": 359.0}, {"index": 18350, "quantile": 0.5, "value": 381700.0, "Latitude": 37.41, "Longitude": -122.15, "Population": 359.0}, {"index": 18350, "quantile": 0.75, "value": 471500.0, "Latitude": 37.41, "Longitude": -122.15, "Population": 359.0}, {"index": 18350, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.15, "Population": 359.0}, {"index": 18351, "quantile": 0.0, "value": 392600.0, "Latitude": 37.41, "Longitude": -122.18, "Population": 323.0}, {"index": 18351, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.18, "Population": 323.0}, {"index": 18351, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.18, "Population": 323.0}, {"index": 18351, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.18, "Population": 323.0}, {"index": 18351, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.41, "Longitude": -122.18, "Population": 323.0}, {"index": 18352, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.13, "Population": 1248.0}, {"index": 18352, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.13, "Population": 1248.0}, {"index": 18352, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.13, "Population": 1248.0}, {"index": 18352, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.13, "Population": 1248.0}, {"index": 18352, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.39, "Longitude": -122.13, "Population": 1248.0}, {"index": 18353, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.12, "Population": 549.0}, {"index": 18353, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.12, "Population": 549.0}, {"index": 18353, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.12, "Population": 549.0}, {"index": 18353, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.12, "Population": 549.0}, {"index": 18353, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.12, "Population": 549.0}, {"index": 18354, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.11, "Population": 511.0}, {"index": 18354, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.11, "Population": 511.0}, {"index": 18354, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.11, "Population": 511.0}, {"index": 18354, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.11, "Population": 511.0}, {"index": 18354, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.11, "Population": 511.0}, {"index": 18355, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.13, "Population": 742.0}, {"index": 18355, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.13, "Population": 742.0}, {"index": 18355, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.13, "Population": 742.0}, {"index": 18355, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.13, "Population": 742.0}, {"index": 18355, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.37, "Longitude": -122.13, "Population": 742.0}, {"index": 18356, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.14, "Population": 951.0}, {"index": 18356, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.14, "Population": 951.0}, {"index": 18356, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.14, "Population": 951.0}, {"index": 18356, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.14, "Population": 951.0}, {"index": 18356, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.38, "Longitude": -122.14, "Population": 951.0}, {"index": 18357, "quantile": 0.0, "value": 418800.0, "Latitude": 37.36, "Longitude": -122.1, "Population": 498.0}, {"index": 18357, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.1, "Population": 498.0}, {"index": 18357, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.1, "Population": 498.0}, {"index": 18357, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.1, "Population": 498.0}, {"index": 18357, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.1, "Population": 498.0}, {"index": 18358, "quantile": 0.0, "value": 483500.0, "Latitude": 37.36, "Longitude": -122.1, "Population": 676.0}, {"index": 18358, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.1, "Population": 676.0}, {"index": 18358, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.1, "Population": 676.0}, {"index": 18358, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.1, "Population": 676.0}, {"index": 18358, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.1, "Population": 676.0}, {"index": 18359, "quantile": 0.0, "value": 250000.0, "Latitude": 37.35, "Longitude": -122.09, "Population": 791.0}, {"index": 18359, "quantile": 0.25, "value": 441000.0, "Latitude": 37.35, "Longitude": -122.09, "Population": 791.0}, {"index": 18359, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.09, "Population": 791.0}, {"index": 18359, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.09, "Population": 791.0}, {"index": 18359, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.09, "Population": 791.0}, {"index": 18360, "quantile": 0.0, "value": 411800.00000000006, "Latitude": 37.35, "Longitude": -122.09, "Population": 501.0}, {"index": 18360, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.09, "Population": 501.0}, {"index": 18360, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.09, "Population": 501.0}, {"index": 18360, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.09, "Population": 501.0}, {"index": 18360, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.09, "Population": 501.0}, {"index": 18361, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.14, "Population": 3840.0}, {"index": 18361, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.14, "Population": 3840.0}, {"index": 18361, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.14, "Population": 3840.0}, {"index": 18361, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.14, "Population": 3840.0}, {"index": 18361, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.36, "Longitude": -122.14, "Population": 3840.0}, {"index": 18362, "quantile": 0.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.15, "Population": 1344.0}, {"index": 18362, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.15, "Population": 1344.0}, {"index": 18362, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.15, "Population": 1344.0}, {"index": 18362, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.15, "Population": 1344.0}, {"index": 18362, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -122.15, "Population": 1344.0}, {"index": 18363, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 37.31, "Longitude": -122.11, "Population": 84.0}, {"index": 18363, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.11, "Population": 84.0}, {"index": 18363, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.11, "Population": 84.0}, {"index": 18363, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.11, "Population": 84.0}, {"index": 18363, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.31, "Longitude": -122.11, "Population": 84.0}, {"index": 18364, "quantile": 0.0, "value": 250000.0, "Latitude": 37.29, "Longitude": -122.12, "Population": 212.0}, {"index": 18364, "quantile": 0.25, "value": 368900.0, "Latitude": 37.29, "Longitude": -122.12, "Population": 212.0}, {"index": 18364, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.12, "Population": 212.0}, {"index": 18364, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.12, "Population": 212.0}, {"index": 18364, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.29, "Longitude": -122.12, "Population": 212.0}, {"index": 18365, "quantile": 0.0, "value": 164800.0, "Latitude": 37.28, "Longitude": -122.12, "Population": 149.0}, {"index": 18365, "quantile": 0.25, "value": 360000.0, "Latitude": 37.28, "Longitude": -122.12, "Population": 149.0}, {"index": 18365, "quantile": 0.5, "value": 360000.0, "Latitude": 37.28, "Longitude": -122.12, "Population": 149.0}, {"index": 18365, "quantile": 0.75, "value": 360000.0, "Latitude": 37.28, "Longitude": -122.12, "Population": 149.0}, {"index": 18365, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.28, "Longitude": -122.12, "Population": 149.0}, {"index": 18366, "quantile": 0.0, "value": 381800.0, "Latitude": 37.24, "Longitude": -122.08, "Population": 182.0}, {"index": 18366, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -122.08, "Population": 182.0}, {"index": 18366, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -122.08, "Population": 182.0}, {"index": 18366, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -122.08, "Population": 182.0}, {"index": 18366, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -122.08, "Population": 182.0}, {"index": 18367, "quantile": 0.0, "value": 196400.0, "Latitude": 37.18, "Longitude": -122.01, "Population": 1534.0}, {"index": 18367, "quantile": 0.25, "value": 318700.0, "Latitude": 37.18, "Longitude": -122.01, "Population": 1534.0}, {"index": 18367, "quantile": 0.5, "value": 318700.0, "Latitude": 37.18, "Longitude": -122.01, "Population": 1534.0}, {"index": 18367, "quantile": 0.75, "value": 347700.0, "Latitude": 37.18, "Longitude": -122.01, "Population": 1534.0}, {"index": 18367, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.18, "Longitude": -122.01, "Population": 1534.0}, {"index": 18368, "quantile": 0.0, "value": 143300.0, "Latitude": 37.16, "Longitude": -121.98, "Population": 957.0}, {"index": 18368, "quantile": 0.25, "value": 279900.0, "Latitude": 37.16, "Longitude": -121.98, "Population": 957.0}, {"index": 18368, "quantile": 0.5, "value": 279900.0, "Latitude": 37.16, "Longitude": -121.98, "Population": 957.0}, {"index": 18368, "quantile": 0.75, "value": 341700.0, "Latitude": 37.16, "Longitude": -121.98, "Population": 957.0}, {"index": 18368, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.16, "Longitude": -121.98, "Population": 957.0}, {"index": 18369, "quantile": 0.0, "value": 174200.0, "Latitude": 37.16, "Longitude": -121.9, "Population": 570.0}, {"index": 18369, "quantile": 0.25, "value": 293300.0, "Latitude": 37.16, "Longitude": -121.9, "Population": 570.0}, {"index": 18369, "quantile": 0.5, "value": 293300.0, "Latitude": 37.16, "Longitude": -121.9, "Population": 570.0}, {"index": 18369, "quantile": 0.75, "value": 293300.0, "Latitude": 37.16, "Longitude": -121.9, "Population": 570.0}, {"index": 18369, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.16, "Longitude": -121.9, "Population": 570.0}, {"index": 18370, "quantile": 0.0, "value": 150800.0, "Latitude": 37.13, "Longitude": -121.93, "Population": 511.0}, {"index": 18370, "quantile": 0.25, "value": 366875.0, "Latitude": 37.13, "Longitude": -121.93, "Population": 511.0}, {"index": 18370, "quantile": 0.5, "value": 398500.0, "Latitude": 37.13, "Longitude": -121.93, "Population": 511.0}, {"index": 18370, "quantile": 0.75, "value": 398500.0, "Latitude": 37.13, "Longitude": -121.93, "Population": 511.0}, {"index": 18370, "quantile": 1.0, "value": 450000.0, "Latitude": 37.13, "Longitude": -121.93, "Population": 511.0}, {"index": 18371, "quantile": 0.0, "value": 152400.0, "Latitude": 37.24, "Longitude": -121.88, "Population": 2981.0}, {"index": 18371, "quantile": 0.25, "value": 207350.0, "Latitude": 37.24, "Longitude": -121.88, "Population": 2981.0}, {"index": 18371, "quantile": 0.5, "value": 226399.99999999997, "Latitude": 37.24, "Longitude": -121.88, "Population": 2981.0}, {"index": 18371, "quantile": 0.75, "value": 226399.99999999997, "Latitude": 37.24, "Longitude": -121.88, "Population": 2981.0}, {"index": 18371, "quantile": 1.0, "value": 281700.0, "Latitude": 37.24, "Longitude": -121.88, "Population": 2981.0}, {"index": 18372, "quantile": 0.0, "value": 107600.0, "Latitude": 37.24, "Longitude": -121.9, "Population": 3970.0}, {"index": 18372, "quantile": 0.25, "value": 255799.99999999997, "Latitude": 37.24, "Longitude": -121.9, "Population": 3970.0}, {"index": 18372, "quantile": 0.5, "value": 255799.99999999997, "Latitude": 37.24, "Longitude": -121.9, "Population": 3970.0}, {"index": 18372, "quantile": 0.75, "value": 255799.99999999997, "Latitude": 37.24, "Longitude": -121.9, "Population": 3970.0}, {"index": 18372, "quantile": 1.0, "value": 291300.0, "Latitude": 37.24, "Longitude": -121.9, "Population": 3970.0}, {"index": 18373, "quantile": 0.0, "value": 262000.0, "Latitude": 37.22, "Longitude": -121.86, "Population": 2893.0}, {"index": 18373, "quantile": 0.25, "value": 361200.0, "Latitude": 37.22, "Longitude": -121.86, "Population": 2893.0}, {"index": 18373, "quantile": 0.5, "value": 361200.0, "Latitude": 37.22, "Longitude": -121.86, "Population": 2893.0}, {"index": 18373, "quantile": 0.75, "value": 361200.0, "Latitude": 37.22, "Longitude": -121.86, "Population": 2893.0}, {"index": 18373, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.22, "Longitude": -121.86, "Population": 2893.0}, {"index": 18374, "quantile": 0.0, "value": 183800.0, "Latitude": 37.23, "Longitude": -121.86, "Population": 1936.0}, {"index": 18374, "quantile": 0.25, "value": 271400.0, "Latitude": 37.23, "Longitude": -121.86, "Population": 1936.0}, {"index": 18374, "quantile": 0.5, "value": 271400.0, "Latitude": 37.23, "Longitude": -121.86, "Population": 1936.0}, {"index": 18374, "quantile": 0.75, "value": 276450.0, "Latitude": 37.23, "Longitude": -121.86, "Population": 1936.0}, {"index": 18374, "quantile": 1.0, "value": 491200.0, "Latitude": 37.23, "Longitude": -121.86, "Population": 1936.0}, {"index": 18375, "quantile": 0.0, "value": 141200.0, "Latitude": 37.22, "Longitude": -121.85, "Population": 2494.0}, {"index": 18375, "quantile": 0.25, "value": 316525.0, "Latitude": 37.22, "Longitude": -121.85, "Population": 2494.0}, {"index": 18375, "quantile": 0.5, "value": 344000.0, "Latitude": 37.22, "Longitude": -121.85, "Population": 2494.0}, {"index": 18375, "quantile": 0.75, "value": 389800.0, "Latitude": 37.22, "Longitude": -121.85, "Population": 2494.0}, {"index": 18375, "quantile": 1.0, "value": 451100.0, "Latitude": 37.22, "Longitude": -121.85, "Population": 2494.0}, {"index": 18376, "quantile": 0.0, "value": 224100.0, "Latitude": 37.21, "Longitude": -121.89, "Population": 2281.0}, {"index": 18376, "quantile": 0.25, "value": 390000.0, "Latitude": 37.21, "Longitude": -121.89, "Population": 2281.0}, {"index": 18376, "quantile": 0.5, "value": 418300.0, "Latitude": 37.21, "Longitude": -121.89, "Population": 2281.0}, {"index": 18376, "quantile": 0.75, "value": 419000.00000000006, "Latitude": 37.21, "Longitude": -121.89, "Population": 2281.0}, {"index": 18376, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.21, "Longitude": -121.89, "Population": 2281.0}, {"index": 18377, "quantile": 0.0, "value": 193500.0, "Latitude": 37.18, "Longitude": -121.84, "Population": 3637.0}, {"index": 18377, "quantile": 0.25, "value": 424099.99999999994, "Latitude": 37.18, "Longitude": -121.84, "Population": 3637.0}, {"index": 18377, "quantile": 0.5, "value": 473400.0, "Latitude": 37.18, "Longitude": -121.84, "Population": 3637.0}, {"index": 18377, "quantile": 0.75, "value": 473400.0, "Latitude": 37.18, "Longitude": -121.84, "Population": 3637.0}, {"index": 18377, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.18, "Longitude": -121.84, "Population": 3637.0}, {"index": 18378, "quantile": 0.0, "value": 194100.0, "Latitude": 37.22, "Longitude": -121.87, "Population": 1052.0}, {"index": 18378, "quantile": 0.25, "value": 365700.0, "Latitude": 37.22, "Longitude": -121.87, "Population": 1052.0}, {"index": 18378, "quantile": 0.5, "value": 400350.0, "Latitude": 37.22, "Longitude": -121.87, "Population": 1052.0}, {"index": 18378, "quantile": 0.75, "value": 473400.0, "Latitude": 37.22, "Longitude": -121.87, "Population": 1052.0}, {"index": 18378, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.22, "Longitude": -121.87, "Population": 1052.0}, {"index": 18379, "quantile": 0.0, "value": 176300.0, "Latitude": 37.22, "Longitude": -121.87, "Population": 725.0}, {"index": 18379, "quantile": 0.25, "value": 405900.0, "Latitude": 37.22, "Longitude": -121.87, "Population": 725.0}, {"index": 18379, "quantile": 0.5, "value": 405900.0, "Latitude": 37.22, "Longitude": -121.87, "Population": 725.0}, {"index": 18379, "quantile": 0.75, "value": 405900.0, "Latitude": 37.22, "Longitude": -121.87, "Population": 725.0}, {"index": 18379, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.22, "Longitude": -121.87, "Population": 725.0}, {"index": 18380, "quantile": 0.0, "value": 224100.0, "Latitude": 37.21, "Longitude": -121.86, "Population": 916.0}, {"index": 18380, "quantile": 0.25, "value": 453800.0, "Latitude": 37.21, "Longitude": -121.86, "Population": 916.0}, {"index": 18380, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.21, "Longitude": -121.86, "Population": 916.0}, {"index": 18380, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.21, "Longitude": -121.86, "Population": 916.0}, {"index": 18380, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.21, "Longitude": -121.86, "Population": 916.0}, {"index": 18381, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 37.21, "Longitude": -121.87, "Population": 382.0}, {"index": 18381, "quantile": 0.25, "value": 430774.99999999994, "Latitude": 37.21, "Longitude": -121.87, "Population": 382.0}, {"index": 18381, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.21, "Longitude": -121.87, "Population": 382.0}, {"index": 18381, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.21, "Longitude": -121.87, "Population": 382.0}, {"index": 18381, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.21, "Longitude": -121.87, "Population": 382.0}, {"index": 18382, "quantile": 0.0, "value": 275100.0, "Latitude": 37.23, "Longitude": -121.83, "Population": 2232.0}, {"index": 18382, "quantile": 0.25, "value": 367600.0, "Latitude": 37.23, "Longitude": -121.83, "Population": 2232.0}, {"index": 18382, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.23, "Longitude": -121.83, "Population": 2232.0}, {"index": 18382, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.23, "Longitude": -121.83, "Population": 2232.0}, {"index": 18382, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.23, "Longitude": -121.83, "Population": 2232.0}, {"index": 18383, "quantile": 0.0, "value": 72100.0, "Latitude": 37.19, "Longitude": -121.8, "Population": 870.0}, {"index": 18383, "quantile": 0.25, "value": 327600.0, "Latitude": 37.19, "Longitude": -121.8, "Population": 870.0}, {"index": 18383, "quantile": 0.5, "value": 434500.0, "Latitude": 37.19, "Longitude": -121.8, "Population": 870.0}, {"index": 18383, "quantile": 0.75, "value": 434500.0, "Latitude": 37.19, "Longitude": -121.8, "Population": 870.0}, {"index": 18383, "quantile": 1.0, "value": 450800.0, "Latitude": 37.19, "Longitude": -121.8, "Population": 870.0}, {"index": 18384, "quantile": 0.0, "value": 193500.0, "Latitude": 37.21, "Longitude": -121.84, "Population": 2221.0}, {"index": 18384, "quantile": 0.25, "value": 408650.0, "Latitude": 37.21, "Longitude": -121.84, "Population": 2221.0}, {"index": 18384, "quantile": 0.5, "value": 418300.0, "Latitude": 37.21, "Longitude": -121.84, "Population": 2221.0}, {"index": 18384, "quantile": 0.75, "value": 418300.0, "Latitude": 37.21, "Longitude": -121.84, "Population": 2221.0}, {"index": 18384, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.21, "Longitude": -121.84, "Population": 2221.0}, {"index": 18385, "quantile": 0.0, "value": 195900.0, "Latitude": 37.2, "Longitude": -121.83, "Population": 1554.0}, {"index": 18385, "quantile": 0.25, "value": 347250.0, "Latitude": 37.2, "Longitude": -121.83, "Population": 1554.0}, {"index": 18385, "quantile": 0.5, "value": 348000.0, "Latitude": 37.2, "Longitude": -121.83, "Population": 1554.0}, {"index": 18385, "quantile": 0.75, "value": 348000.0, "Latitude": 37.2, "Longitude": -121.83, "Population": 1554.0}, {"index": 18385, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.2, "Longitude": -121.83, "Population": 1554.0}, {"index": 18386, "quantile": 0.0, "value": 193500.0, "Latitude": 37.21, "Longitude": -121.83, "Population": 1259.0}, {"index": 18386, "quantile": 0.25, "value": 366450.0, "Latitude": 37.21, "Longitude": -121.83, "Population": 1259.0}, {"index": 18386, "quantile": 0.5, "value": 387500.0, "Latitude": 37.21, "Longitude": -121.83, "Population": 1259.0}, {"index": 18386, "quantile": 0.75, "value": 387500.0, "Latitude": 37.21, "Longitude": -121.83, "Population": 1259.0}, {"index": 18386, "quantile": 1.0, "value": 423400.0, "Latitude": 37.21, "Longitude": -121.83, "Population": 1259.0}, {"index": 18387, "quantile": 0.0, "value": 173200.0, "Latitude": 37.23, "Longitude": -121.89, "Population": 1503.0}, {"index": 18387, "quantile": 0.25, "value": 355900.0, "Latitude": 37.23, "Longitude": -121.89, "Population": 1503.0}, {"index": 18387, "quantile": 0.5, "value": 355900.0, "Latitude": 37.23, "Longitude": -121.89, "Population": 1503.0}, {"index": 18387, "quantile": 0.75, "value": 358700.0, "Latitude": 37.23, "Longitude": -121.89, "Population": 1503.0}, {"index": 18387, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.23, "Longitude": -121.89, "Population": 1503.0}, {"index": 18388, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 37.23, "Longitude": -121.89, "Population": 3094.0}, {"index": 18388, "quantile": 0.25, "value": 361600.0, "Latitude": 37.23, "Longitude": -121.89, "Population": 3094.0}, {"index": 18388, "quantile": 0.5, "value": 361600.0, "Latitude": 37.23, "Longitude": -121.89, "Population": 3094.0}, {"index": 18388, "quantile": 0.75, "value": 384900.0, "Latitude": 37.23, "Longitude": -121.89, "Population": 3094.0}, {"index": 18388, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.23, "Longitude": -121.89, "Population": 3094.0}, {"index": 18389, "quantile": 0.0, "value": 193500.0, "Latitude": 37.24, "Longitude": -121.88, "Population": 2782.0}, {"index": 18389, "quantile": 0.25, "value": 361600.0, "Latitude": 37.24, "Longitude": -121.88, "Population": 2782.0}, {"index": 18389, "quantile": 0.5, "value": 403400.0, "Latitude": 37.24, "Longitude": -121.88, "Population": 2782.0}, {"index": 18389, "quantile": 0.75, "value": 432074.99999999994, "Latitude": 37.24, "Longitude": -121.88, "Population": 2782.0}, {"index": 18389, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -121.88, "Population": 2782.0}, {"index": 18390, "quantile": 0.0, "value": 165200.0, "Latitude": 37.23, "Longitude": -121.87, "Population": 3018.0}, {"index": 18390, "quantile": 0.25, "value": 361200.0, "Latitude": 37.23, "Longitude": -121.87, "Population": 3018.0}, {"index": 18390, "quantile": 0.5, "value": 361400.0, "Latitude": 37.23, "Longitude": -121.87, "Population": 3018.0}, {"index": 18390, "quantile": 0.75, "value": 361400.0, "Latitude": 37.23, "Longitude": -121.87, "Population": 3018.0}, {"index": 18390, "quantile": 1.0, "value": 467699.99999999994, "Latitude": 37.23, "Longitude": -121.87, "Population": 3018.0}, {"index": 18391, "quantile": 0.0, "value": 185600.0, "Latitude": 37.27, "Longitude": -121.87, "Population": 1542.0}, {"index": 18391, "quantile": 0.25, "value": 277750.0, "Latitude": 37.27, "Longitude": -121.87, "Population": 1542.0}, {"index": 18391, "quantile": 0.5, "value": 311500.0, "Latitude": 37.27, "Longitude": -121.87, "Population": 1542.0}, {"index": 18391, "quantile": 0.75, "value": 320950.0, "Latitude": 37.27, "Longitude": -121.87, "Population": 1542.0}, {"index": 18391, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -121.87, "Population": 1542.0}, {"index": 18392, "quantile": 0.0, "value": 165200.0, "Latitude": 37.27, "Longitude": -121.87, "Population": 721.0}, {"index": 18392, "quantile": 0.25, "value": 279300.0, "Latitude": 37.27, "Longitude": -121.87, "Population": 721.0}, {"index": 18392, "quantile": 0.5, "value": 279300.0, "Latitude": 37.27, "Longitude": -121.87, "Population": 721.0}, {"index": 18392, "quantile": 0.75, "value": 338400.0, "Latitude": 37.27, "Longitude": -121.87, "Population": 721.0}, {"index": 18392, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -121.87, "Population": 721.0}, {"index": 18393, "quantile": 0.0, "value": 119300.0, "Latitude": 37.27, "Longitude": -121.86, "Population": 866.0}, {"index": 18393, "quantile": 0.25, "value": 231000.0, "Latitude": 37.27, "Longitude": -121.86, "Population": 866.0}, {"index": 18393, "quantile": 0.5, "value": 259300.0, "Latitude": 37.27, "Longitude": -121.86, "Population": 866.0}, {"index": 18393, "quantile": 0.75, "value": 278925.0, "Latitude": 37.27, "Longitude": -121.86, "Population": 866.0}, {"index": 18393, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -121.86, "Population": 866.0}, {"index": 18394, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 37.27, "Longitude": -121.87, "Population": 1753.0}, {"index": 18394, "quantile": 0.25, "value": 269325.0, "Latitude": 37.27, "Longitude": -121.87, "Population": 1753.0}, {"index": 18394, "quantile": 0.5, "value": 269400.0, "Latitude": 37.27, "Longitude": -121.87, "Population": 1753.0}, {"index": 18394, "quantile": 0.75, "value": 269400.0, "Latitude": 37.27, "Longitude": -121.87, "Population": 1753.0}, {"index": 18394, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -121.87, "Population": 1753.0}, {"index": 18395, "quantile": 0.0, "value": 197700.0, "Latitude": 37.27, "Longitude": -121.86, "Population": 2292.0}, {"index": 18395, "quantile": 0.25, "value": 246500.0, "Latitude": 37.27, "Longitude": -121.86, "Population": 2292.0}, {"index": 18395, "quantile": 0.5, "value": 246500.0, "Latitude": 37.27, "Longitude": -121.86, "Population": 2292.0}, {"index": 18395, "quantile": 0.75, "value": 253649.99999999997, "Latitude": 37.27, "Longitude": -121.86, "Population": 2292.0}, {"index": 18395, "quantile": 1.0, "value": 320500.0, "Latitude": 37.27, "Longitude": -121.86, "Population": 2292.0}, {"index": 18396, "quantile": 0.0, "value": 120000.0, "Latitude": 37.23, "Longitude": -121.77, "Population": 2519.0}, {"index": 18396, "quantile": 0.25, "value": 233900.0, "Latitude": 37.23, "Longitude": -121.77, "Population": 2519.0}, {"index": 18396, "quantile": 0.5, "value": 253399.99999999997, "Latitude": 37.23, "Longitude": -121.77, "Population": 2519.0}, {"index": 18396, "quantile": 0.75, "value": 275475.0, "Latitude": 37.23, "Longitude": -121.77, "Population": 2519.0}, {"index": 18396, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.23, "Longitude": -121.77, "Population": 2519.0}, {"index": 18397, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 37.22, "Longitude": -121.77, "Population": 667.0}, {"index": 18397, "quantile": 0.25, "value": 191100.0, "Latitude": 37.22, "Longitude": -121.77, "Population": 667.0}, {"index": 18397, "quantile": 0.5, "value": 191100.0, "Latitude": 37.22, "Longitude": -121.77, "Population": 667.0}, {"index": 18397, "quantile": 0.75, "value": 213099.99999999997, "Latitude": 37.22, "Longitude": -121.77, "Population": 667.0}, {"index": 18397, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.22, "Longitude": -121.77, "Population": 667.0}, {"index": 18398, "quantile": 0.0, "value": 170300.0, "Latitude": 37.22, "Longitude": -121.77, "Population": 2097.0}, {"index": 18398, "quantile": 0.25, "value": 299300.0, "Latitude": 37.22, "Longitude": -121.77, "Population": 2097.0}, {"index": 18398, "quantile": 0.5, "value": 299300.0, "Latitude": 37.22, "Longitude": -121.77, "Population": 2097.0}, {"index": 18398, "quantile": 0.75, "value": 299300.0, "Latitude": 37.22, "Longitude": -121.77, "Population": 2097.0}, {"index": 18398, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.22, "Longitude": -121.77, "Population": 2097.0}, {"index": 18399, "quantile": 0.0, "value": 157300.0, "Latitude": 37.23, "Longitude": -121.76, "Population": 2240.0}, {"index": 18399, "quantile": 0.25, "value": 233900.0, "Latitude": 37.23, "Longitude": -121.76, "Population": 2240.0}, {"index": 18399, "quantile": 0.5, "value": 233900.0, "Latitude": 37.23, "Longitude": -121.76, "Population": 2240.0}, {"index": 18399, "quantile": 0.75, "value": 233900.0, "Latitude": 37.23, "Longitude": -121.76, "Population": 2240.0}, {"index": 18399, "quantile": 1.0, "value": 349300.0, "Latitude": 37.23, "Longitude": -121.76, "Population": 2240.0}, {"index": 18400, "quantile": 0.0, "value": 168800.0, "Latitude": 37.25, "Longitude": -121.84, "Population": 3275.0}, {"index": 18400, "quantile": 0.25, "value": 228700.0, "Latitude": 37.25, "Longitude": -121.84, "Population": 3275.0}, {"index": 18400, "quantile": 0.5, "value": 241549.99999999997, "Latitude": 37.25, "Longitude": -121.84, "Population": 3275.0}, {"index": 18400, "quantile": 0.75, "value": 261400.0, "Latitude": 37.25, "Longitude": -121.84, "Population": 3275.0}, {"index": 18400, "quantile": 1.0, "value": 436700.0, "Latitude": 37.25, "Longitude": -121.84, "Population": 3275.0}, {"index": 18401, "quantile": 0.0, "value": 234800.0, "Latitude": 37.23, "Longitude": -121.83, "Population": 2785.0}, {"index": 18401, "quantile": 0.25, "value": 245200.0, "Latitude": 37.23, "Longitude": -121.83, "Population": 2785.0}, {"index": 18401, "quantile": 0.5, "value": 245200.0, "Latitude": 37.23, "Longitude": -121.83, "Population": 2785.0}, {"index": 18401, "quantile": 0.75, "value": 245200.0, "Latitude": 37.23, "Longitude": -121.83, "Population": 2785.0}, {"index": 18401, "quantile": 1.0, "value": 344700.0, "Latitude": 37.23, "Longitude": -121.83, "Population": 2785.0}, {"index": 18402, "quantile": 0.0, "value": 264300.0, "Latitude": 37.24, "Longitude": -121.84, "Population": 1803.0}, {"index": 18402, "quantile": 0.25, "value": 274100.0, "Latitude": 37.24, "Longitude": -121.84, "Population": 1803.0}, {"index": 18402, "quantile": 0.5, "value": 274100.0, "Latitude": 37.24, "Longitude": -121.84, "Population": 1803.0}, {"index": 18402, "quantile": 0.75, "value": 281625.0, "Latitude": 37.24, "Longitude": -121.84, "Population": 1803.0}, {"index": 18402, "quantile": 1.0, "value": 423200.0, "Latitude": 37.24, "Longitude": -121.84, "Population": 1803.0}, {"index": 18403, "quantile": 0.0, "value": 217700.0, "Latitude": 37.24, "Longitude": -121.84, "Population": 4017.0}, {"index": 18403, "quantile": 0.25, "value": 238800.0, "Latitude": 37.24, "Longitude": -121.84, "Population": 4017.0}, {"index": 18403, "quantile": 0.5, "value": 238800.0, "Latitude": 37.24, "Longitude": -121.84, "Population": 4017.0}, {"index": 18403, "quantile": 0.75, "value": 238800.0, "Latitude": 37.24, "Longitude": -121.84, "Population": 4017.0}, {"index": 18403, "quantile": 1.0, "value": 276400.0, "Latitude": 37.24, "Longitude": -121.84, "Population": 4017.0}, {"index": 18404, "quantile": 0.0, "value": 195000.0, "Latitude": 37.24, "Longitude": -121.85, "Population": 3934.0}, {"index": 18404, "quantile": 0.25, "value": 237600.0, "Latitude": 37.24, "Longitude": -121.85, "Population": 3934.0}, {"index": 18404, "quantile": 0.5, "value": 237600.0, "Latitude": 37.24, "Longitude": -121.85, "Population": 3934.0}, {"index": 18404, "quantile": 0.75, "value": 237600.0, "Latitude": 37.24, "Longitude": -121.85, "Population": 3934.0}, {"index": 18404, "quantile": 1.0, "value": 284700.0, "Latitude": 37.24, "Longitude": -121.85, "Population": 3934.0}, {"index": 18405, "quantile": 0.0, "value": 148900.0, "Latitude": 37.25, "Longitude": -121.86, "Population": 2965.0}, {"index": 18405, "quantile": 0.25, "value": 216774.99999999997, "Latitude": 37.25, "Longitude": -121.86, "Population": 2965.0}, {"index": 18405, "quantile": 0.5, "value": 262450.0, "Latitude": 37.25, "Longitude": -121.86, "Population": 2965.0}, {"index": 18405, "quantile": 0.75, "value": 282600.0, "Latitude": 37.25, "Longitude": -121.86, "Population": 2965.0}, {"index": 18405, "quantile": 1.0, "value": 395000.0, "Latitude": 37.25, "Longitude": -121.86, "Population": 2965.0}, {"index": 18406, "quantile": 0.0, "value": 162700.0, "Latitude": 37.28, "Longitude": -121.83, "Population": 2030.0}, {"index": 18406, "quantile": 0.25, "value": 230900.00000000003, "Latitude": 37.28, "Longitude": -121.83, "Population": 2030.0}, {"index": 18406, "quantile": 0.5, "value": 230900.00000000003, "Latitude": 37.28, "Longitude": -121.83, "Population": 2030.0}, {"index": 18406, "quantile": 0.75, "value": 230900.00000000003, "Latitude": 37.28, "Longitude": -121.83, "Population": 2030.0}, {"index": 18406, "quantile": 1.0, "value": 302900.0, "Latitude": 37.28, "Longitude": -121.83, "Population": 2030.0}, {"index": 18407, "quantile": 0.0, "value": 199100.0, "Latitude": 37.27, "Longitude": -121.81, "Population": 1769.0}, {"index": 18407, "quantile": 0.25, "value": 224000.00000000003, "Latitude": 37.27, "Longitude": -121.81, "Population": 1769.0}, {"index": 18407, "quantile": 0.5, "value": 224000.00000000003, "Latitude": 37.27, "Longitude": -121.81, "Population": 1769.0}, {"index": 18407, "quantile": 0.75, "value": 241450.0, "Latitude": 37.27, "Longitude": -121.81, "Population": 1769.0}, {"index": 18407, "quantile": 1.0, "value": 374200.0, "Latitude": 37.27, "Longitude": -121.81, "Population": 1769.0}, {"index": 18408, "quantile": 0.0, "value": 186900.0, "Latitude": 37.27, "Longitude": -121.8, "Population": 2693.0}, {"index": 18408, "quantile": 0.25, "value": 221500.0, "Latitude": 37.27, "Longitude": -121.8, "Population": 2693.0}, {"index": 18408, "quantile": 0.5, "value": 221500.0, "Latitude": 37.27, "Longitude": -121.8, "Population": 2693.0}, {"index": 18408, "quantile": 0.75, "value": 221500.0, "Latitude": 37.27, "Longitude": -121.8, "Population": 2693.0}, {"index": 18408, "quantile": 1.0, "value": 269400.0, "Latitude": 37.27, "Longitude": -121.8, "Population": 2693.0}, {"index": 18409, "quantile": 0.0, "value": 143000.0, "Latitude": 37.27, "Longitude": -121.82, "Population": 1343.0}, {"index": 18409, "quantile": 0.25, "value": 279100.0, "Latitude": 37.27, "Longitude": -121.82, "Population": 1343.0}, {"index": 18409, "quantile": 0.5, "value": 279100.0, "Latitude": 37.27, "Longitude": -121.82, "Population": 1343.0}, {"index": 18409, "quantile": 0.75, "value": 279100.0, "Latitude": 37.27, "Longitude": -121.82, "Population": 1343.0}, {"index": 18409, "quantile": 1.0, "value": 357400.0, "Latitude": 37.27, "Longitude": -121.82, "Population": 1343.0}, {"index": 18410, "quantile": 0.0, "value": 164900.0, "Latitude": 37.27, "Longitude": -121.81, "Population": 2169.0}, {"index": 18410, "quantile": 0.25, "value": 209700.0, "Latitude": 37.27, "Longitude": -121.81, "Population": 2169.0}, {"index": 18410, "quantile": 0.5, "value": 209700.0, "Latitude": 37.27, "Longitude": -121.81, "Population": 2169.0}, {"index": 18410, "quantile": 0.75, "value": 209700.0, "Latitude": 37.27, "Longitude": -121.81, "Population": 2169.0}, {"index": 18410, "quantile": 1.0, "value": 255799.99999999997, "Latitude": 37.27, "Longitude": -121.81, "Population": 2169.0}, {"index": 18411, "quantile": 0.0, "value": 123500.00000000001, "Latitude": 37.26, "Longitude": -121.8, "Population": 990.0}, {"index": 18411, "quantile": 0.25, "value": 195000.0, "Latitude": 37.26, "Longitude": -121.8, "Population": 990.0}, {"index": 18411, "quantile": 0.5, "value": 195000.0, "Latitude": 37.26, "Longitude": -121.8, "Population": 990.0}, {"index": 18411, "quantile": 0.75, "value": 200625.0, "Latitude": 37.26, "Longitude": -121.8, "Population": 990.0}, {"index": 18411, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -121.8, "Population": 990.0}, {"index": 18412, "quantile": 0.0, "value": 137500.0, "Latitude": 37.26, "Longitude": -121.8, "Population": 2357.0}, {"index": 18412, "quantile": 0.25, "value": 184400.0, "Latitude": 37.26, "Longitude": -121.8, "Population": 2357.0}, {"index": 18412, "quantile": 0.5, "value": 184400.0, "Latitude": 37.26, "Longitude": -121.8, "Population": 2357.0}, {"index": 18412, "quantile": 0.75, "value": 184400.0, "Latitude": 37.26, "Longitude": -121.8, "Population": 2357.0}, {"index": 18412, "quantile": 1.0, "value": 377300.0, "Latitude": 37.26, "Longitude": -121.8, "Population": 2357.0}, {"index": 18413, "quantile": 0.0, "value": 173200.0, "Latitude": 37.27, "Longitude": -121.85, "Population": 863.0}, {"index": 18413, "quantile": 0.25, "value": 292125.0, "Latitude": 37.27, "Longitude": -121.85, "Population": 863.0}, {"index": 18413, "quantile": 0.5, "value": 331200.0, "Latitude": 37.27, "Longitude": -121.85, "Population": 863.0}, {"index": 18413, "quantile": 0.75, "value": 338800.0, "Latitude": 37.27, "Longitude": -121.85, "Population": 863.0}, {"index": 18413, "quantile": 1.0, "value": 405000.0, "Latitude": 37.27, "Longitude": -121.85, "Population": 863.0}, {"index": 18414, "quantile": 0.0, "value": 85700.0, "Latitude": 37.27, "Longitude": -121.84, "Population": 1856.0}, {"index": 18414, "quantile": 0.25, "value": 189525.0, "Latitude": 37.27, "Longitude": -121.84, "Population": 1856.0}, {"index": 18414, "quantile": 0.5, "value": 222600.0, "Latitude": 37.27, "Longitude": -121.84, "Population": 1856.0}, {"index": 18414, "quantile": 0.75, "value": 266700.0, "Latitude": 37.27, "Longitude": -121.84, "Population": 1856.0}, {"index": 18414, "quantile": 1.0, "value": 333300.0, "Latitude": 37.27, "Longitude": -121.84, "Population": 1856.0}, {"index": 18415, "quantile": 0.0, "value": 123700.00000000001, "Latitude": 37.27, "Longitude": -121.84, "Population": 1904.0}, {"index": 18415, "quantile": 0.25, "value": 235600.0, "Latitude": 37.27, "Longitude": -121.84, "Population": 1904.0}, {"index": 18415, "quantile": 0.5, "value": 250800.0, "Latitude": 37.27, "Longitude": -121.84, "Population": 1904.0}, {"index": 18415, "quantile": 0.75, "value": 250800.0, "Latitude": 37.27, "Longitude": -121.84, "Population": 1904.0}, {"index": 18415, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.27, "Longitude": -121.84, "Population": 1904.0}, {"index": 18416, "quantile": 0.0, "value": 112500.0, "Latitude": 37.27, "Longitude": -121.83, "Population": 2595.0}, {"index": 18416, "quantile": 0.25, "value": 264100.0, "Latitude": 37.27, "Longitude": -121.83, "Population": 2595.0}, {"index": 18416, "quantile": 0.5, "value": 282600.0, "Latitude": 37.27, "Longitude": -121.83, "Population": 2595.0}, {"index": 18416, "quantile": 0.75, "value": 282600.0, "Latitude": 37.27, "Longitude": -121.83, "Population": 2595.0}, {"index": 18416, "quantile": 1.0, "value": 329700.0, "Latitude": 37.27, "Longitude": -121.83, "Population": 2595.0}, {"index": 18417, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 37.27, "Longitude": -121.84, "Population": 1293.0}, {"index": 18417, "quantile": 0.25, "value": 253200.0, "Latitude": 37.27, "Longitude": -121.84, "Population": 1293.0}, {"index": 18417, "quantile": 0.5, "value": 253200.0, "Latitude": 37.27, "Longitude": -121.84, "Population": 1293.0}, {"index": 18417, "quantile": 0.75, "value": 253200.0, "Latitude": 37.27, "Longitude": -121.84, "Population": 1293.0}, {"index": 18417, "quantile": 1.0, "value": 436700.0, "Latitude": 37.27, "Longitude": -121.84, "Population": 1293.0}, {"index": 18418, "quantile": 0.0, "value": 141200.0, "Latitude": 37.27, "Longitude": -121.83, "Population": 1420.0}, {"index": 18418, "quantile": 0.25, "value": 308450.0, "Latitude": 37.27, "Longitude": -121.83, "Population": 1420.0}, {"index": 18418, "quantile": 0.5, "value": 311500.0, "Latitude": 37.27, "Longitude": -121.83, "Population": 1420.0}, {"index": 18418, "quantile": 0.75, "value": 311500.0, "Latitude": 37.27, "Longitude": -121.83, "Population": 1420.0}, {"index": 18418, "quantile": 1.0, "value": 384400.0, "Latitude": 37.27, "Longitude": -121.83, "Population": 1420.0}, {"index": 18419, "quantile": 0.0, "value": 136700.0, "Latitude": 37.26, "Longitude": -121.82, "Population": 1623.0}, {"index": 18419, "quantile": 0.25, "value": 218699.99999999997, "Latitude": 37.26, "Longitude": -121.82, "Population": 1623.0}, {"index": 18419, "quantile": 0.5, "value": 218699.99999999997, "Latitude": 37.26, "Longitude": -121.82, "Population": 1623.0}, {"index": 18419, "quantile": 0.75, "value": 218699.99999999997, "Latitude": 37.26, "Longitude": -121.82, "Population": 1623.0}, {"index": 18419, "quantile": 1.0, "value": 417500.0, "Latitude": 37.26, "Longitude": -121.82, "Population": 1623.0}, {"index": 18420, "quantile": 0.0, "value": 120000.0, "Latitude": 37.26, "Longitude": -121.83, "Population": 1393.0}, {"index": 18420, "quantile": 0.25, "value": 257399.99999999997, "Latitude": 37.26, "Longitude": -121.83, "Population": 1393.0}, {"index": 18420, "quantile": 0.5, "value": 259300.0, "Latitude": 37.26, "Longitude": -121.83, "Population": 1393.0}, {"index": 18420, "quantile": 0.75, "value": 259300.0, "Latitude": 37.26, "Longitude": -121.83, "Population": 1393.0}, {"index": 18420, "quantile": 1.0, "value": 320500.0, "Latitude": 37.26, "Longitude": -121.83, "Population": 1393.0}, {"index": 18421, "quantile": 0.0, "value": 87500.0, "Latitude": 37.26, "Longitude": -121.81, "Population": 1465.0}, {"index": 18421, "quantile": 0.25, "value": 184550.0, "Latitude": 37.26, "Longitude": -121.81, "Population": 1465.0}, {"index": 18421, "quantile": 0.5, "value": 221700.0, "Latitude": 37.26, "Longitude": -121.81, "Population": 1465.0}, {"index": 18421, "quantile": 0.75, "value": 252674.99999999997, "Latitude": 37.26, "Longitude": -121.81, "Population": 1465.0}, {"index": 18421, "quantile": 1.0, "value": 374600.0, "Latitude": 37.26, "Longitude": -121.81, "Population": 1465.0}, {"index": 18422, "quantile": 0.0, "value": 120000.0, "Latitude": 37.26, "Longitude": -121.81, "Population": 1158.0}, {"index": 18422, "quantile": 0.25, "value": 249500.0, "Latitude": 37.26, "Longitude": -121.81, "Population": 1158.0}, {"index": 18422, "quantile": 0.5, "value": 249500.0, "Latitude": 37.26, "Longitude": -121.81, "Population": 1158.0}, {"index": 18422, "quantile": 0.75, "value": 260500.0, "Latitude": 37.26, "Longitude": -121.81, "Population": 1158.0}, {"index": 18422, "quantile": 1.0, "value": 402600.0, "Latitude": 37.26, "Longitude": -121.81, "Population": 1158.0}, {"index": 18423, "quantile": 0.0, "value": 72200.0, "Latitude": 37.25, "Longitude": -121.81, "Population": 1231.0}, {"index": 18423, "quantile": 0.25, "value": 180850.0, "Latitude": 37.25, "Longitude": -121.81, "Population": 1231.0}, {"index": 18423, "quantile": 0.5, "value": 350000.0, "Latitude": 37.25, "Longitude": -121.81, "Population": 1231.0}, {"index": 18423, "quantile": 0.75, "value": 350000.0, "Latitude": 37.25, "Longitude": -121.81, "Population": 1231.0}, {"index": 18423, "quantile": 1.0, "value": 420000.0, "Latitude": 37.25, "Longitude": -121.81, "Population": 1231.0}, {"index": 18424, "quantile": 0.0, "value": 151800.0, "Latitude": 37.25, "Longitude": -121.81, "Population": 1216.0}, {"index": 18424, "quantile": 0.25, "value": 217800.0, "Latitude": 37.25, "Longitude": -121.81, "Population": 1216.0}, {"index": 18424, "quantile": 0.5, "value": 244499.99999999997, "Latitude": 37.25, "Longitude": -121.81, "Population": 1216.0}, {"index": 18424, "quantile": 0.75, "value": 244499.99999999997, "Latitude": 37.25, "Longitude": -121.81, "Population": 1216.0}, {"index": 18424, "quantile": 1.0, "value": 297400.0, "Latitude": 37.25, "Longitude": -121.81, "Population": 1216.0}, {"index": 18425, "quantile": 0.0, "value": 128299.99999999999, "Latitude": 37.26, "Longitude": -121.83, "Population": 1739.0}, {"index": 18425, "quantile": 0.25, "value": 213099.99999999997, "Latitude": 37.26, "Longitude": -121.83, "Population": 1739.0}, {"index": 18425, "quantile": 0.5, "value": 213099.99999999997, "Latitude": 37.26, "Longitude": -121.83, "Population": 1739.0}, {"index": 18425, "quantile": 0.75, "value": 219425.00000000003, "Latitude": 37.26, "Longitude": -121.83, "Population": 1739.0}, {"index": 18425, "quantile": 1.0, "value": 327700.0, "Latitude": 37.26, "Longitude": -121.83, "Population": 1739.0}, {"index": 18426, "quantile": 0.0, "value": 93100.0, "Latitude": 37.25, "Longitude": -121.82, "Population": 1969.0}, {"index": 18426, "quantile": 0.25, "value": 194300.0, "Latitude": 37.25, "Longitude": -121.82, "Population": 1969.0}, {"index": 18426, "quantile": 0.5, "value": 194300.0, "Latitude": 37.25, "Longitude": -121.82, "Population": 1969.0}, {"index": 18426, "quantile": 0.75, "value": 194300.0, "Latitude": 37.25, "Longitude": -121.82, "Population": 1969.0}, {"index": 18426, "quantile": 1.0, "value": 374600.0, "Latitude": 37.25, "Longitude": -121.82, "Population": 1969.0}, {"index": 18427, "quantile": 0.0, "value": 90900.0, "Latitude": 37.25, "Longitude": -121.83, "Population": 1636.0}, {"index": 18427, "quantile": 0.25, "value": 178100.0, "Latitude": 37.25, "Longitude": -121.83, "Population": 1636.0}, {"index": 18427, "quantile": 0.5, "value": 193950.0, "Latitude": 37.25, "Longitude": -121.83, "Population": 1636.0}, {"index": 18427, "quantile": 0.75, "value": 218100.0, "Latitude": 37.25, "Longitude": -121.83, "Population": 1636.0}, {"index": 18427, "quantile": 1.0, "value": 300000.0, "Latitude": 37.25, "Longitude": -121.83, "Population": 1636.0}, {"index": 18428, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 37.26, "Longitude": -121.87, "Population": 446.0}, {"index": 18428, "quantile": 0.25, "value": 228600.0, "Latitude": 37.26, "Longitude": -121.87, "Population": 446.0}, {"index": 18428, "quantile": 0.5, "value": 282000.0, "Latitude": 37.26, "Longitude": -121.87, "Population": 446.0}, {"index": 18428, "quantile": 0.75, "value": 353575.0, "Latitude": 37.26, "Longitude": -121.87, "Population": 446.0}, {"index": 18428, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -121.87, "Population": 446.0}, {"index": 18429, "quantile": 0.0, "value": 167700.0, "Latitude": 37.26, "Longitude": -121.86, "Population": 1305.0}, {"index": 18429, "quantile": 0.25, "value": 224100.0, "Latitude": 37.26, "Longitude": -121.86, "Population": 1305.0}, {"index": 18429, "quantile": 0.5, "value": 224100.0, "Latitude": 37.26, "Longitude": -121.86, "Population": 1305.0}, {"index": 18429, "quantile": 0.75, "value": 240950.0, "Latitude": 37.26, "Longitude": -121.86, "Population": 1305.0}, {"index": 18429, "quantile": 1.0, "value": 347700.0, "Latitude": 37.26, "Longitude": -121.86, "Population": 1305.0}, {"index": 18430, "quantile": 0.0, "value": 158600.0, "Latitude": 37.26, "Longitude": -121.87, "Population": 1146.0}, {"index": 18430, "quantile": 0.25, "value": 258050.00000000003, "Latitude": 37.26, "Longitude": -121.87, "Population": 1146.0}, {"index": 18430, "quantile": 0.5, "value": 265700.0, "Latitude": 37.26, "Longitude": -121.87, "Population": 1146.0}, {"index": 18430, "quantile": 0.75, "value": 265700.0, "Latitude": 37.26, "Longitude": -121.87, "Population": 1146.0}, {"index": 18430, "quantile": 1.0, "value": 361700.0, "Latitude": 37.26, "Longitude": -121.87, "Population": 1146.0}, {"index": 18431, "quantile": 0.0, "value": 212200.0, "Latitude": 37.26, "Longitude": -121.85, "Population": 1030.0}, {"index": 18431, "quantile": 0.25, "value": 289200.0, "Latitude": 37.26, "Longitude": -121.85, "Population": 1030.0}, {"index": 18431, "quantile": 0.5, "value": 289200.0, "Latitude": 37.26, "Longitude": -121.85, "Population": 1030.0}, {"index": 18431, "quantile": 0.75, "value": 289200.0, "Latitude": 37.26, "Longitude": -121.85, "Population": 1030.0}, {"index": 18431, "quantile": 1.0, "value": 359500.0, "Latitude": 37.26, "Longitude": -121.85, "Population": 1030.0}, {"index": 18432, "quantile": 0.0, "value": 194100.0, "Latitude": 37.26, "Longitude": -121.85, "Population": 1158.0}, {"index": 18432, "quantile": 0.25, "value": 311800.0, "Latitude": 37.26, "Longitude": -121.85, "Population": 1158.0}, {"index": 18432, "quantile": 0.5, "value": 311800.0, "Latitude": 37.26, "Longitude": -121.85, "Population": 1158.0}, {"index": 18432, "quantile": 0.75, "value": 311800.0, "Latitude": 37.26, "Longitude": -121.85, "Population": 1158.0}, {"index": 18432, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -121.85, "Population": 1158.0}, {"index": 18433, "quantile": 0.0, "value": 127200.0, "Latitude": 37.26, "Longitude": -121.85, "Population": 793.0}, {"index": 18433, "quantile": 0.25, "value": 291200.0, "Latitude": 37.26, "Longitude": -121.85, "Population": 793.0}, {"index": 18433, "quantile": 0.5, "value": 291200.0, "Latitude": 37.26, "Longitude": -121.85, "Population": 793.0}, {"index": 18433, "quantile": 0.75, "value": 291200.0, "Latitude": 37.26, "Longitude": -121.85, "Population": 793.0}, {"index": 18433, "quantile": 1.0, "value": 394000.0, "Latitude": 37.26, "Longitude": -121.85, "Population": 793.0}, {"index": 18434, "quantile": 0.0, "value": 106300.0, "Latitude": 37.26, "Longitude": -121.84, "Population": 825.0}, {"index": 18434, "quantile": 0.25, "value": 184800.0, "Latitude": 37.26, "Longitude": -121.84, "Population": 825.0}, {"index": 18434, "quantile": 0.5, "value": 184800.0, "Latitude": 37.26, "Longitude": -121.84, "Population": 825.0}, {"index": 18434, "quantile": 0.75, "value": 213150.0, "Latitude": 37.26, "Longitude": -121.84, "Population": 825.0}, {"index": 18434, "quantile": 1.0, "value": 476300.0, "Latitude": 37.26, "Longitude": -121.84, "Population": 825.0}, {"index": 18435, "quantile": 0.0, "value": 154700.0, "Latitude": 37.26, "Longitude": -121.83, "Population": 1752.0}, {"index": 18435, "quantile": 0.25, "value": 253500.0, "Latitude": 37.26, "Longitude": -121.83, "Population": 1752.0}, {"index": 18435, "quantile": 0.5, "value": 257399.99999999997, "Latitude": 37.26, "Longitude": -121.83, "Population": 1752.0}, {"index": 18435, "quantile": 0.75, "value": 257399.99999999997, "Latitude": 37.26, "Longitude": -121.83, "Population": 1752.0}, {"index": 18435, "quantile": 1.0, "value": 320500.0, "Latitude": 37.26, "Longitude": -121.83, "Population": 1752.0}, {"index": 18436, "quantile": 0.0, "value": 127200.0, "Latitude": 37.25, "Longitude": -121.84, "Population": 1369.0}, {"index": 18436, "quantile": 0.25, "value": 220200.0, "Latitude": 37.25, "Longitude": -121.84, "Population": 1369.0}, {"index": 18436, "quantile": 0.5, "value": 234499.99999999997, "Latitude": 37.25, "Longitude": -121.84, "Population": 1369.0}, {"index": 18436, "quantile": 0.75, "value": 242625.0, "Latitude": 37.25, "Longitude": -121.84, "Population": 1369.0}, {"index": 18436, "quantile": 1.0, "value": 385700.0, "Latitude": 37.25, "Longitude": -121.84, "Population": 1369.0}, {"index": 18437, "quantile": 0.0, "value": 72100.0, "Latitude": 37.25, "Longitude": -121.87, "Population": 1213.0}, {"index": 18437, "quantile": 0.25, "value": 183900.0, "Latitude": 37.25, "Longitude": -121.87, "Population": 1213.0}, {"index": 18437, "quantile": 0.5, "value": 183900.0, "Latitude": 37.25, "Longitude": -121.87, "Population": 1213.0}, {"index": 18437, "quantile": 0.75, "value": 183900.0, "Latitude": 37.25, "Longitude": -121.87, "Population": 1213.0}, {"index": 18437, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.25, "Longitude": -121.87, "Population": 1213.0}, {"index": 18438, "quantile": 0.0, "value": 157300.0, "Latitude": 37.25, "Longitude": -121.85, "Population": 1965.0}, {"index": 18438, "quantile": 0.25, "value": 233900.0, "Latitude": 37.25, "Longitude": -121.85, "Population": 1965.0}, {"index": 18438, "quantile": 0.5, "value": 253200.0, "Latitude": 37.25, "Longitude": -121.85, "Population": 1965.0}, {"index": 18438, "quantile": 0.75, "value": 265700.0, "Latitude": 37.25, "Longitude": -121.85, "Population": 1965.0}, {"index": 18438, "quantile": 1.0, "value": 436700.0, "Latitude": 37.25, "Longitude": -121.85, "Population": 1965.0}, {"index": 18439, "quantile": 0.0, "value": 224000.00000000003, "Latitude": 37.24, "Longitude": -121.83, "Population": 1297.0}, {"index": 18439, "quantile": 0.25, "value": 237400.0, "Latitude": 37.24, "Longitude": -121.83, "Population": 1297.0}, {"index": 18439, "quantile": 0.5, "value": 237400.0, "Latitude": 37.24, "Longitude": -121.83, "Population": 1297.0}, {"index": 18439, "quantile": 0.75, "value": 241250.0, "Latitude": 37.24, "Longitude": -121.83, "Population": 1297.0}, {"index": 18439, "quantile": 1.0, "value": 311900.0, "Latitude": 37.24, "Longitude": -121.83, "Population": 1297.0}, {"index": 18440, "quantile": 0.0, "value": 140300.0, "Latitude": 37.24, "Longitude": -121.81, "Population": 1978.0}, {"index": 18440, "quantile": 0.25, "value": 234400.0, "Latitude": 37.24, "Longitude": -121.81, "Population": 1978.0}, {"index": 18440, "quantile": 0.5, "value": 234400.0, "Latitude": 37.24, "Longitude": -121.81, "Population": 1978.0}, {"index": 18440, "quantile": 0.75, "value": 234400.0, "Latitude": 37.24, "Longitude": -121.81, "Population": 1978.0}, {"index": 18440, "quantile": 1.0, "value": 293800.0, "Latitude": 37.24, "Longitude": -121.81, "Population": 1978.0}, {"index": 18441, "quantile": 0.0, "value": 177500.0, "Latitude": 37.24, "Longitude": -121.82, "Population": 1944.0}, {"index": 18441, "quantile": 0.25, "value": 241000.0, "Latitude": 37.24, "Longitude": -121.82, "Population": 1944.0}, {"index": 18441, "quantile": 0.5, "value": 241000.0, "Latitude": 37.24, "Longitude": -121.82, "Population": 1944.0}, {"index": 18441, "quantile": 0.75, "value": 246575.0, "Latitude": 37.24, "Longitude": -121.82, "Population": 1944.0}, {"index": 18441, "quantile": 1.0, "value": 402600.0, "Latitude": 37.24, "Longitude": -121.82, "Population": 1944.0}, {"index": 18442, "quantile": 0.0, "value": 202900.0, "Latitude": 37.25, "Longitude": -121.82, "Population": 1768.0}, {"index": 18442, "quantile": 0.25, "value": 245600.0, "Latitude": 37.25, "Longitude": -121.82, "Population": 1768.0}, {"index": 18442, "quantile": 0.5, "value": 245600.0, "Latitude": 37.25, "Longitude": -121.82, "Population": 1768.0}, {"index": 18442, "quantile": 0.75, "value": 245600.0, "Latitude": 37.25, "Longitude": -121.82, "Population": 1768.0}, {"index": 18442, "quantile": 1.0, "value": 402600.0, "Latitude": 37.25, "Longitude": -121.82, "Population": 1768.0}, {"index": 18443, "quantile": 0.0, "value": 196900.0, "Latitude": 37.25, "Longitude": -121.82, "Population": 2178.0}, {"index": 18443, "quantile": 0.25, "value": 241200.0, "Latitude": 37.25, "Longitude": -121.82, "Population": 2178.0}, {"index": 18443, "quantile": 0.5, "value": 241200.0, "Latitude": 37.25, "Longitude": -121.82, "Population": 2178.0}, {"index": 18443, "quantile": 0.75, "value": 241200.0, "Latitude": 37.25, "Longitude": -121.82, "Population": 2178.0}, {"index": 18443, "quantile": 1.0, "value": 436700.0, "Latitude": 37.25, "Longitude": -121.82, "Population": 2178.0}, {"index": 18444, "quantile": 0.0, "value": 111900.0, "Latitude": 37.25, "Longitude": -121.81, "Population": 861.0}, {"index": 18444, "quantile": 0.25, "value": 159000.0, "Latitude": 37.25, "Longitude": -121.81, "Population": 861.0}, {"index": 18444, "quantile": 0.5, "value": 159000.0, "Latitude": 37.25, "Longitude": -121.81, "Population": 861.0}, {"index": 18444, "quantile": 0.75, "value": 183450.0, "Latitude": 37.25, "Longitude": -121.81, "Population": 861.0}, {"index": 18444, "quantile": 1.0, "value": 425000.0, "Latitude": 37.25, "Longitude": -121.81, "Population": 861.0}, {"index": 18445, "quantile": 0.0, "value": 186400.0, "Latitude": 37.25, "Longitude": -121.81, "Population": 2128.0}, {"index": 18445, "quantile": 0.25, "value": 237400.0, "Latitude": 37.25, "Longitude": -121.81, "Population": 2128.0}, {"index": 18445, "quantile": 0.5, "value": 253100.0, "Latitude": 37.25, "Longitude": -121.81, "Population": 2128.0}, {"index": 18445, "quantile": 0.75, "value": 273800.0, "Latitude": 37.25, "Longitude": -121.81, "Population": 2128.0}, {"index": 18445, "quantile": 1.0, "value": 393100.0, "Latitude": 37.25, "Longitude": -121.81, "Population": 2128.0}, {"index": 18446, "quantile": 0.0, "value": 291500.0, "Latitude": 37.23, "Longitude": -121.82, "Population": 2024.0}, {"index": 18446, "quantile": 0.25, "value": 291500.0, "Latitude": 37.23, "Longitude": -121.82, "Population": 2024.0}, {"index": 18446, "quantile": 0.5, "value": 291500.0, "Latitude": 37.23, "Longitude": -121.82, "Population": 2024.0}, {"index": 18446, "quantile": 0.75, "value": 320400.0, "Latitude": 37.23, "Longitude": -121.82, "Population": 2024.0}, {"index": 18446, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.23, "Longitude": -121.82, "Population": 2024.0}, {"index": 18447, "quantile": 0.0, "value": 211700.0, "Latitude": 37.23, "Longitude": -121.82, "Population": 1266.0}, {"index": 18447, "quantile": 0.25, "value": 233100.0, "Latitude": 37.23, "Longitude": -121.82, "Population": 1266.0}, {"index": 18447, "quantile": 0.5, "value": 233100.0, "Latitude": 37.23, "Longitude": -121.82, "Population": 1266.0}, {"index": 18447, "quantile": 0.75, "value": 233100.0, "Latitude": 37.23, "Longitude": -121.82, "Population": 1266.0}, {"index": 18447, "quantile": 1.0, "value": 354200.0, "Latitude": 37.23, "Longitude": -121.82, "Population": 1266.0}, {"index": 18448, "quantile": 0.0, "value": 88900.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 850.0}, {"index": 18448, "quantile": 0.25, "value": 253200.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 850.0}, {"index": 18448, "quantile": 0.5, "value": 253300.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 850.0}, {"index": 18448, "quantile": 0.75, "value": 253300.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 850.0}, {"index": 18448, "quantile": 1.0, "value": 436700.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 850.0}, {"index": 18449, "quantile": 0.0, "value": 138200.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 1497.0}, {"index": 18449, "quantile": 0.25, "value": 248700.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 1497.0}, {"index": 18449, "quantile": 0.5, "value": 259250.00000000003, "Latitude": 37.23, "Longitude": -121.81, "Population": 1497.0}, {"index": 18449, "quantile": 0.75, "value": 278275.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 1497.0}, {"index": 18449, "quantile": 1.0, "value": 480800.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 1497.0}, {"index": 18450, "quantile": 0.0, "value": 241200.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 1237.0}, {"index": 18450, "quantile": 0.25, "value": 257200.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 1237.0}, {"index": 18450, "quantile": 0.5, "value": 257200.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 1237.0}, {"index": 18450, "quantile": 0.75, "value": 265500.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 1237.0}, {"index": 18450, "quantile": 1.0, "value": 361400.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 1237.0}, {"index": 18451, "quantile": 0.0, "value": 236800.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 1076.0}, {"index": 18451, "quantile": 0.25, "value": 263900.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 1076.0}, {"index": 18451, "quantile": 0.5, "value": 283300.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 1076.0}, {"index": 18451, "quantile": 0.75, "value": 300400.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 1076.0}, {"index": 18451, "quantile": 1.0, "value": 402600.0, "Latitude": 37.23, "Longitude": -121.81, "Population": 1076.0}, {"index": 18452, "quantile": 0.0, "value": 132200.0, "Latitude": 37.24, "Longitude": -121.78, "Population": 1067.0}, {"index": 18452, "quantile": 0.25, "value": 262700.0, "Latitude": 37.24, "Longitude": -121.78, "Population": 1067.0}, {"index": 18452, "quantile": 0.5, "value": 262700.0, "Latitude": 37.24, "Longitude": -121.78, "Population": 1067.0}, {"index": 18452, "quantile": 0.75, "value": 262700.0, "Latitude": 37.24, "Longitude": -121.78, "Population": 1067.0}, {"index": 18452, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.24, "Longitude": -121.78, "Population": 1067.0}, {"index": 18453, "quantile": 0.0, "value": 166300.0, "Latitude": 37.22, "Longitude": -121.78, "Population": 1547.0}, {"index": 18453, "quantile": 0.25, "value": 217099.99999999997, "Latitude": 37.22, "Longitude": -121.78, "Population": 1547.0}, {"index": 18453, "quantile": 0.5, "value": 217099.99999999997, "Latitude": 37.22, "Longitude": -121.78, "Population": 1547.0}, {"index": 18453, "quantile": 0.75, "value": 221500.0, "Latitude": 37.22, "Longitude": -121.78, "Population": 1547.0}, {"index": 18453, "quantile": 1.0, "value": 436700.0, "Latitude": 37.22, "Longitude": -121.78, "Population": 1547.0}, {"index": 18454, "quantile": 0.0, "value": 120000.0, "Latitude": 37.23, "Longitude": -121.78, "Population": 1055.0}, {"index": 18454, "quantile": 0.25, "value": 229100.0, "Latitude": 37.23, "Longitude": -121.78, "Population": 1055.0}, {"index": 18454, "quantile": 0.5, "value": 229100.0, "Latitude": 37.23, "Longitude": -121.78, "Population": 1055.0}, {"index": 18454, "quantile": 0.75, "value": 260500.0, "Latitude": 37.23, "Longitude": -121.78, "Population": 1055.0}, {"index": 18454, "quantile": 1.0, "value": 402600.0, "Latitude": 37.23, "Longitude": -121.78, "Population": 1055.0}, {"index": 18455, "quantile": 0.0, "value": 154800.0, "Latitude": 37.23, "Longitude": -121.79, "Population": 1221.0}, {"index": 18455, "quantile": 0.25, "value": 289600.0, "Latitude": 37.23, "Longitude": -121.79, "Population": 1221.0}, {"index": 18455, "quantile": 0.5, "value": 289600.0, "Latitude": 37.23, "Longitude": -121.79, "Population": 1221.0}, {"index": 18455, "quantile": 0.75, "value": 289600.0, "Latitude": 37.23, "Longitude": -121.79, "Population": 1221.0}, {"index": 18455, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 37.23, "Longitude": -121.79, "Population": 1221.0}, {"index": 18456, "quantile": 0.0, "value": 106200.0, "Latitude": 37.23, "Longitude": -121.79, "Population": 1226.0}, {"index": 18456, "quantile": 0.25, "value": 194700.0, "Latitude": 37.23, "Longitude": -121.79, "Population": 1226.0}, {"index": 18456, "quantile": 0.5, "value": 225000.0, "Latitude": 37.23, "Longitude": -121.79, "Population": 1226.0}, {"index": 18456, "quantile": 0.75, "value": 235875.0, "Latitude": 37.23, "Longitude": -121.79, "Population": 1226.0}, {"index": 18456, "quantile": 1.0, "value": 371700.0, "Latitude": 37.23, "Longitude": -121.79, "Population": 1226.0}, {"index": 18457, "quantile": 0.0, "value": 229100.0, "Latitude": 37.23, "Longitude": -121.8, "Population": 1663.0}, {"index": 18457, "quantile": 0.25, "value": 265800.0, "Latitude": 37.23, "Longitude": -121.8, "Population": 1663.0}, {"index": 18457, "quantile": 0.5, "value": 265800.0, "Latitude": 37.23, "Longitude": -121.8, "Population": 1663.0}, {"index": 18457, "quantile": 0.75, "value": 265800.0, "Latitude": 37.23, "Longitude": -121.8, "Population": 1663.0}, {"index": 18457, "quantile": 1.0, "value": 289600.0, "Latitude": 37.23, "Longitude": -121.8, "Population": 1663.0}, {"index": 18458, "quantile": 0.0, "value": 204100.0, "Latitude": 37.23, "Longitude": -121.8, "Population": 1284.0}, {"index": 18458, "quantile": 0.25, "value": 272400.0, "Latitude": 37.23, "Longitude": -121.8, "Population": 1284.0}, {"index": 18458, "quantile": 0.5, "value": 272400.0, "Latitude": 37.23, "Longitude": -121.8, "Population": 1284.0}, {"index": 18458, "quantile": 0.75, "value": 274100.0, "Latitude": 37.23, "Longitude": -121.8, "Population": 1284.0}, {"index": 18458, "quantile": 1.0, "value": 382500.0, "Latitude": 37.23, "Longitude": -121.8, "Population": 1284.0}, {"index": 18459, "quantile": 0.0, "value": 143000.0, "Latitude": 37.27, "Longitude": -121.8, "Population": 2190.0}, {"index": 18459, "quantile": 0.25, "value": 260700.00000000003, "Latitude": 37.27, "Longitude": -121.8, "Population": 2190.0}, {"index": 18459, "quantile": 0.5, "value": 260700.00000000003, "Latitude": 37.27, "Longitude": -121.8, "Population": 2190.0}, {"index": 18459, "quantile": 0.75, "value": 260700.00000000003, "Latitude": 37.27, "Longitude": -121.8, "Population": 2190.0}, {"index": 18459, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 37.27, "Longitude": -121.8, "Population": 2190.0}, {"index": 18460, "quantile": 0.0, "value": 212200.0, "Latitude": 37.26, "Longitude": -121.8, "Population": 995.0}, {"index": 18460, "quantile": 0.25, "value": 249500.0, "Latitude": 37.26, "Longitude": -121.8, "Population": 995.0}, {"index": 18460, "quantile": 0.5, "value": 260500.0, "Latitude": 37.26, "Longitude": -121.8, "Population": 995.0}, {"index": 18460, "quantile": 0.75, "value": 260500.0, "Latitude": 37.26, "Longitude": -121.8, "Population": 995.0}, {"index": 18460, "quantile": 1.0, "value": 402600.0, "Latitude": 37.26, "Longitude": -121.8, "Population": 995.0}, {"index": 18461, "quantile": 0.0, "value": 97300.0, "Latitude": 37.26, "Longitude": -121.76, "Population": 141.0}, {"index": 18461, "quantile": 0.25, "value": 280400.0, "Latitude": 37.26, "Longitude": -121.76, "Population": 141.0}, {"index": 18461, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -121.76, "Population": 141.0}, {"index": 18461, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -121.76, "Population": 141.0}, {"index": 18461, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.26, "Longitude": -121.76, "Population": 141.0}, {"index": 18462, "quantile": 0.0, "value": 89500.0, "Latitude": 37.24, "Longitude": -121.77, "Population": 5674.0}, {"index": 18462, "quantile": 0.25, "value": 191900.0, "Latitude": 37.24, "Longitude": -121.77, "Population": 5674.0}, {"index": 18462, "quantile": 0.5, "value": 227599.99999999997, "Latitude": 37.24, "Longitude": -121.77, "Population": 5674.0}, {"index": 18462, "quantile": 0.75, "value": 242300.0, "Latitude": 37.24, "Longitude": -121.77, "Population": 5674.0}, {"index": 18462, "quantile": 1.0, "value": 434500.0, "Latitude": 37.24, "Longitude": -121.77, "Population": 5674.0}, {"index": 18463, "quantile": 0.0, "value": 112500.0, "Latitude": 37.2, "Longitude": -121.7, "Population": 469.0}, {"index": 18463, "quantile": 0.25, "value": 238075.0, "Latitude": 37.2, "Longitude": -121.7, "Population": 469.0}, {"index": 18463, "quantile": 0.5, "value": 385700.0, "Latitude": 37.2, "Longitude": -121.7, "Population": 469.0}, {"index": 18463, "quantile": 0.75, "value": 385700.0, "Latitude": 37.2, "Longitude": -121.7, "Population": 469.0}, {"index": 18463, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.2, "Longitude": -121.7, "Population": 469.0}, {"index": 18464, "quantile": 0.0, "value": 123500.00000000001, "Latitude": 37.19, "Longitude": -121.74, "Population": 881.0}, {"index": 18464, "quantile": 0.25, "value": 224149.99999999997, "Latitude": 37.19, "Longitude": -121.74, "Population": 881.0}, {"index": 18464, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.19, "Longitude": -121.74, "Population": 881.0}, {"index": 18464, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.19, "Longitude": -121.74, "Population": 881.0}, {"index": 18464, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.19, "Longitude": -121.74, "Population": 881.0}, {"index": 18465, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 37.16, "Longitude": -121.72, "Population": 631.0}, {"index": 18465, "quantile": 0.25, "value": 216374.99999999997, "Latitude": 37.16, "Longitude": -121.72, "Population": 631.0}, {"index": 18465, "quantile": 0.5, "value": 233100.0, "Latitude": 37.16, "Longitude": -121.72, "Population": 631.0}, {"index": 18465, "quantile": 0.75, "value": 241500.0, "Latitude": 37.16, "Longitude": -121.72, "Population": 631.0}, {"index": 18465, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.16, "Longitude": -121.72, "Population": 631.0}, {"index": 18466, "quantile": 0.0, "value": 127200.0, "Latitude": 37.11, "Longitude": -121.75, "Population": 1414.0}, {"index": 18466, "quantile": 0.25, "value": 364600.0, "Latitude": 37.11, "Longitude": -121.75, "Population": 1414.0}, {"index": 18466, "quantile": 0.5, "value": 467699.99999999994, "Latitude": 37.11, "Longitude": -121.75, "Population": 1414.0}, {"index": 18466, "quantile": 0.75, "value": 467699.99999999994, "Latitude": 37.11, "Longitude": -121.75, "Population": 1414.0}, {"index": 18466, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.11, "Longitude": -121.75, "Population": 1414.0}, {"index": 18467, "quantile": 0.0, "value": 165200.0, "Latitude": 37.0, "Longitude": -121.68, "Population": 1692.0}, {"index": 18467, "quantile": 0.25, "value": 331650.0, "Latitude": 37.0, "Longitude": -121.68, "Population": 1692.0}, {"index": 18467, "quantile": 0.5, "value": 412600.00000000006, "Latitude": 37.0, "Longitude": -121.68, "Population": 1692.0}, {"index": 18467, "quantile": 0.75, "value": 412600.00000000006, "Latitude": 37.0, "Longitude": -121.68, "Population": 1692.0}, {"index": 18467, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.0, "Longitude": -121.68, "Population": 1692.0}, {"index": 18468, "quantile": 0.0, "value": 194100.0, "Latitude": 37.15, "Longitude": -121.61, "Population": 2051.0}, {"index": 18468, "quantile": 0.25, "value": 355900.0, "Latitude": 37.15, "Longitude": -121.61, "Population": 2051.0}, {"index": 18468, "quantile": 0.5, "value": 393000.0, "Latitude": 37.15, "Longitude": -121.61, "Population": 2051.0}, {"index": 18468, "quantile": 0.75, "value": 429399.99999999994, "Latitude": 37.15, "Longitude": -121.61, "Population": 2051.0}, {"index": 18468, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.15, "Longitude": -121.61, "Population": 2051.0}, {"index": 18469, "quantile": 0.0, "value": 194100.0, "Latitude": 37.13, "Longitude": -121.6, "Population": 4108.0}, {"index": 18469, "quantile": 0.25, "value": 344500.0, "Latitude": 37.13, "Longitude": -121.6, "Population": 4108.0}, {"index": 18469, "quantile": 0.5, "value": 344500.0, "Latitude": 37.13, "Longitude": -121.6, "Population": 4108.0}, {"index": 18469, "quantile": 0.75, "value": 344500.0, "Latitude": 37.13, "Longitude": -121.6, "Population": 4108.0}, {"index": 18469, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.13, "Longitude": -121.6, "Population": 4108.0}, {"index": 18470, "quantile": 0.0, "value": 225199.99999999997, "Latitude": 37.15, "Longitude": -121.64, "Population": 2795.0}, {"index": 18470, "quantile": 0.25, "value": 287700.0, "Latitude": 37.15, "Longitude": -121.64, "Population": 2795.0}, {"index": 18470, "quantile": 0.5, "value": 288100.0, "Latitude": 37.15, "Longitude": -121.64, "Population": 2795.0}, {"index": 18470, "quantile": 0.75, "value": 288100.0, "Latitude": 37.15, "Longitude": -121.64, "Population": 2795.0}, {"index": 18470, "quantile": 1.0, "value": 402600.0, "Latitude": 37.15, "Longitude": -121.64, "Population": 2795.0}, {"index": 18471, "quantile": 0.0, "value": 91800.0, "Latitude": 37.14, "Longitude": -121.64, "Population": 2823.0}, {"index": 18471, "quantile": 0.25, "value": 178200.0, "Latitude": 37.14, "Longitude": -121.64, "Population": 2823.0}, {"index": 18471, "quantile": 0.5, "value": 228600.0, "Latitude": 37.14, "Longitude": -121.64, "Population": 2823.0}, {"index": 18471, "quantile": 0.75, "value": 281900.0, "Latitude": 37.14, "Longitude": -121.64, "Population": 2823.0}, {"index": 18471, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.14, "Longitude": -121.64, "Population": 2823.0}, {"index": 18472, "quantile": 0.0, "value": 81100.0, "Latitude": 37.12, "Longitude": -121.63, "Population": 1110.0}, {"index": 18472, "quantile": 0.25, "value": 189675.0, "Latitude": 37.12, "Longitude": -121.63, "Population": 1110.0}, {"index": 18472, "quantile": 0.5, "value": 248200.00000000003, "Latitude": 37.12, "Longitude": -121.63, "Population": 1110.0}, {"index": 18472, "quantile": 0.75, "value": 248200.00000000003, "Latitude": 37.12, "Longitude": -121.63, "Population": 1110.0}, {"index": 18472, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 37.12, "Longitude": -121.63, "Population": 1110.0}, {"index": 18473, "quantile": 0.0, "value": 97400.0, "Latitude": 37.14, "Longitude": -121.69, "Population": 1618.0}, {"index": 18473, "quantile": 0.25, "value": 311650.0, "Latitude": 37.14, "Longitude": -121.69, "Population": 1618.0}, {"index": 18473, "quantile": 0.5, "value": 386200.0, "Latitude": 37.14, "Longitude": -121.69, "Population": 1618.0}, {"index": 18473, "quantile": 0.75, "value": 386200.0, "Latitude": 37.14, "Longitude": -121.69, "Population": 1618.0}, {"index": 18473, "quantile": 1.0, "value": 386200.0, "Latitude": 37.14, "Longitude": -121.69, "Population": 1618.0}, {"index": 18474, "quantile": 0.0, "value": 93800.0, "Latitude": 37.13, "Longitude": -121.66, "Population": 2656.0}, {"index": 18474, "quantile": 0.25, "value": 184800.0, "Latitude": 37.13, "Longitude": -121.66, "Population": 2656.0}, {"index": 18474, "quantile": 0.5, "value": 221850.0, "Latitude": 37.13, "Longitude": -121.66, "Population": 2656.0}, {"index": 18474, "quantile": 0.75, "value": 239299.99999999997, "Latitude": 37.13, "Longitude": -121.66, "Population": 2656.0}, {"index": 18474, "quantile": 1.0, "value": 374600.0, "Latitude": 37.13, "Longitude": -121.66, "Population": 2656.0}, {"index": 18475, "quantile": 0.0, "value": 123100.00000000001, "Latitude": 37.12, "Longitude": -121.65, "Population": 2648.0}, {"index": 18475, "quantile": 0.25, "value": 222850.0, "Latitude": 37.12, "Longitude": -121.65, "Population": 2648.0}, {"index": 18475, "quantile": 0.5, "value": 239299.99999999997, "Latitude": 37.12, "Longitude": -121.65, "Population": 2648.0}, {"index": 18475, "quantile": 0.75, "value": 239299.99999999997, "Latitude": 37.12, "Longitude": -121.65, "Population": 2648.0}, {"index": 18475, "quantile": 1.0, "value": 350000.0, "Latitude": 37.12, "Longitude": -121.65, "Population": 2648.0}, {"index": 18476, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 37.11, "Longitude": -121.66, "Population": 2198.0}, {"index": 18476, "quantile": 0.25, "value": 268675.0, "Latitude": 37.11, "Longitude": -121.66, "Population": 2198.0}, {"index": 18476, "quantile": 0.5, "value": 436700.0, "Latitude": 37.11, "Longitude": -121.66, "Population": 2198.0}, {"index": 18476, "quantile": 0.75, "value": 436700.0, "Latitude": 37.11, "Longitude": -121.66, "Population": 2198.0}, {"index": 18476, "quantile": 1.0, "value": 436700.0, "Latitude": 37.11, "Longitude": -121.66, "Population": 2198.0}, {"index": 18477, "quantile": 0.0, "value": 120000.0, "Latitude": 37.11, "Longitude": -121.65, "Population": 2915.0}, {"index": 18477, "quantile": 0.25, "value": 240950.0, "Latitude": 37.11, "Longitude": -121.65, "Population": 2915.0}, {"index": 18477, "quantile": 0.5, "value": 262200.0, "Latitude": 37.11, "Longitude": -121.65, "Population": 2915.0}, {"index": 18477, "quantile": 0.75, "value": 288100.0, "Latitude": 37.11, "Longitude": -121.65, "Population": 2915.0}, {"index": 18477, "quantile": 1.0, "value": 402600.0, "Latitude": 37.11, "Longitude": -121.65, "Population": 2915.0}, {"index": 18478, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 37.1, "Longitude": -121.63, "Population": 2124.0}, {"index": 18478, "quantile": 0.25, "value": 261175.00000000003, "Latitude": 37.1, "Longitude": -121.63, "Population": 2124.0}, {"index": 18478, "quantile": 0.5, "value": 335000.0, "Latitude": 37.1, "Longitude": -121.63, "Population": 2124.0}, {"index": 18478, "quantile": 0.75, "value": 335000.0, "Latitude": 37.1, "Longitude": -121.63, "Population": 2124.0}, {"index": 18478, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.1, "Longitude": -121.63, "Population": 2124.0}, {"index": 18479, "quantile": 0.0, "value": 110900.0, "Latitude": 37.13, "Longitude": -121.67, "Population": 1383.0}, {"index": 18479, "quantile": 0.25, "value": 245549.99999999997, "Latitude": 37.13, "Longitude": -121.67, "Population": 1383.0}, {"index": 18479, "quantile": 0.5, "value": 288050.0, "Latitude": 37.13, "Longitude": -121.67, "Population": 1383.0}, {"index": 18479, "quantile": 0.75, "value": 352100.0, "Latitude": 37.13, "Longitude": -121.67, "Population": 1383.0}, {"index": 18479, "quantile": 1.0, "value": 436700.0, "Latitude": 37.13, "Longitude": -121.67, "Population": 1383.0}, {"index": 18480, "quantile": 0.0, "value": 218299.99999999997, "Latitude": 37.08, "Longitude": -121.56, "Population": 3439.0}, {"index": 18480, "quantile": 0.25, "value": 307650.0, "Latitude": 37.08, "Longitude": -121.56, "Population": 3439.0}, {"index": 18480, "quantile": 0.5, "value": 393100.0, "Latitude": 37.08, "Longitude": -121.56, "Population": 3439.0}, {"index": 18480, "quantile": 0.75, "value": 393100.0, "Latitude": 37.08, "Longitude": -121.56, "Population": 3439.0}, {"index": 18480, "quantile": 1.0, "value": 393100.0, "Latitude": 37.08, "Longitude": -121.56, "Population": 3439.0}, {"index": 18481, "quantile": 0.0, "value": 130600.0, "Latitude": 37.06, "Longitude": -121.61, "Population": 3011.0}, {"index": 18481, "quantile": 0.25, "value": 236974.99999999997, "Latitude": 37.06, "Longitude": -121.61, "Population": 3011.0}, {"index": 18481, "quantile": 0.5, "value": 386800.0, "Latitude": 37.06, "Longitude": -121.61, "Population": 3011.0}, {"index": 18481, "quantile": 0.75, "value": 386800.0, "Latitude": 37.06, "Longitude": -121.61, "Population": 3011.0}, {"index": 18481, "quantile": 1.0, "value": 386800.0, "Latitude": 37.06, "Longitude": -121.61, "Population": 3011.0}, {"index": 18482, "quantile": 0.0, "value": 46300.0, "Latitude": 37.09, "Longitude": -121.6, "Population": 1052.0}, {"index": 18482, "quantile": 0.25, "value": 210450.00000000003, "Latitude": 37.09, "Longitude": -121.6, "Population": 1052.0}, {"index": 18482, "quantile": 0.5, "value": 350000.0, "Latitude": 37.09, "Longitude": -121.6, "Population": 1052.0}, {"index": 18482, "quantile": 0.75, "value": 350000.0, "Latitude": 37.09, "Longitude": -121.6, "Population": 1052.0}, {"index": 18482, "quantile": 1.0, "value": 350000.0, "Latitude": 37.09, "Longitude": -121.6, "Population": 1052.0}, {"index": 18483, "quantile": 0.0, "value": 129700.0, "Latitude": 37.09, "Longitude": -121.62, "Population": 1030.0}, {"index": 18483, "quantile": 0.25, "value": 210924.99999999997, "Latitude": 37.09, "Longitude": -121.62, "Population": 1030.0}, {"index": 18483, "quantile": 0.5, "value": 260700.00000000003, "Latitude": 37.09, "Longitude": -121.62, "Population": 1030.0}, {"index": 18483, "quantile": 0.75, "value": 260700.00000000003, "Latitude": 37.09, "Longitude": -121.62, "Population": 1030.0}, {"index": 18483, "quantile": 1.0, "value": 450000.0, "Latitude": 37.09, "Longitude": -121.62, "Population": 1030.0}, {"index": 18484, "quantile": 0.0, "value": 86300.0, "Latitude": 37.01, "Longitude": -121.58, "Population": 1439.0}, {"index": 18484, "quantile": 0.25, "value": 234000.0, "Latitude": 37.01, "Longitude": -121.58, "Population": 1439.0}, {"index": 18484, "quantile": 0.5, "value": 234000.0, "Latitude": 37.01, "Longitude": -121.58, "Population": 1439.0}, {"index": 18484, "quantile": 0.75, "value": 266500.0, "Latitude": 37.01, "Longitude": -121.58, "Population": 1439.0}, {"index": 18484, "quantile": 1.0, "value": 452799.99999999994, "Latitude": 37.01, "Longitude": -121.58, "Population": 1439.0}, {"index": 18485, "quantile": 0.0, "value": 102000.0, "Latitude": 37.0, "Longitude": -121.57, "Population": 4168.0}, {"index": 18485, "quantile": 0.25, "value": 251625.0, "Latitude": 37.0, "Longitude": -121.57, "Population": 4168.0}, {"index": 18485, "quantile": 0.5, "value": 260300.00000000003, "Latitude": 37.0, "Longitude": -121.57, "Population": 4168.0}, {"index": 18485, "quantile": 0.75, "value": 260300.00000000003, "Latitude": 37.0, "Longitude": -121.57, "Population": 4168.0}, {"index": 18485, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.0, "Longitude": -121.57, "Population": 4168.0}, {"index": 18486, "quantile": 0.0, "value": 109400.00000000001, "Latitude": 36.98, "Longitude": -121.57, "Population": 2634.0}, {"index": 18486, "quantile": 0.25, "value": 232799.99999999997, "Latitude": 36.98, "Longitude": -121.57, "Population": 2634.0}, {"index": 18486, "quantile": 0.5, "value": 279800.0, "Latitude": 36.98, "Longitude": -121.57, "Population": 2634.0}, {"index": 18486, "quantile": 0.75, "value": 279800.0, "Latitude": 36.98, "Longitude": -121.57, "Population": 2634.0}, {"index": 18486, "quantile": 1.0, "value": 283100.0, "Latitude": 36.98, "Longitude": -121.57, "Population": 2634.0}, {"index": 18487, "quantile": 0.0, "value": 124900.00000000001, "Latitude": 37.01, "Longitude": -121.58, "Population": 1582.0}, {"index": 18487, "quantile": 0.25, "value": 226874.99999999997, "Latitude": 37.01, "Longitude": -121.58, "Population": 1582.0}, {"index": 18487, "quantile": 0.5, "value": 264700.0, "Latitude": 37.01, "Longitude": -121.58, "Population": 1582.0}, {"index": 18487, "quantile": 0.75, "value": 264700.0, "Latitude": 37.01, "Longitude": -121.58, "Population": 1582.0}, {"index": 18487, "quantile": 1.0, "value": 446800.0, "Latitude": 37.01, "Longitude": -121.58, "Population": 1582.0}, {"index": 18488, "quantile": 0.0, "value": 119300.0, "Latitude": 36.97, "Longitude": -121.59, "Population": 403.0}, {"index": 18488, "quantile": 0.25, "value": 307625.0, "Latitude": 36.97, "Longitude": -121.59, "Population": 403.0}, {"index": 18488, "quantile": 0.5, "value": 308700.0, "Latitude": 36.97, "Longitude": -121.59, "Population": 403.0}, {"index": 18488, "quantile": 0.75, "value": 308700.0, "Latitude": 36.97, "Longitude": -121.59, "Population": 403.0}, {"index": 18488, "quantile": 1.0, "value": 386800.0, "Latitude": 36.97, "Longitude": -121.59, "Population": 403.0}, {"index": 18489, "quantile": 0.0, "value": 88000.0, "Latitude": 37.01, "Longitude": -121.59, "Population": 3575.0}, {"index": 18489, "quantile": 0.25, "value": 221200.00000000003, "Latitude": 37.01, "Longitude": -121.59, "Population": 3575.0}, {"index": 18489, "quantile": 0.5, "value": 228600.0, "Latitude": 37.01, "Longitude": -121.59, "Population": 3575.0}, {"index": 18489, "quantile": 0.75, "value": 257300.00000000003, "Latitude": 37.01, "Longitude": -121.59, "Population": 3575.0}, {"index": 18489, "quantile": 1.0, "value": 450000.0, "Latitude": 37.01, "Longitude": -121.59, "Population": 3575.0}, {"index": 18490, "quantile": 0.0, "value": 120000.0, "Latitude": 37.03, "Longitude": -121.61, "Population": 3071.0}, {"index": 18490, "quantile": 0.25, "value": 233575.0, "Latitude": 37.03, "Longitude": -121.61, "Population": 3071.0}, {"index": 18490, "quantile": 0.5, "value": 279800.0, "Latitude": 37.03, "Longitude": -121.61, "Population": 3071.0}, {"index": 18490, "quantile": 0.75, "value": 301800.0, "Latitude": 37.03, "Longitude": -121.61, "Population": 3071.0}, {"index": 18490, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.03, "Longitude": -121.61, "Population": 3071.0}, {"index": 18491, "quantile": 0.0, "value": 107600.0, "Latitude": 37.03, "Longitude": -121.58, "Population": 2383.0}, {"index": 18491, "quantile": 0.25, "value": 198600.0, "Latitude": 37.03, "Longitude": -121.58, "Population": 2383.0}, {"index": 18491, "quantile": 0.5, "value": 198600.0, "Latitude": 37.03, "Longitude": -121.58, "Population": 2383.0}, {"index": 18491, "quantile": 0.75, "value": 198600.0, "Latitude": 37.03, "Longitude": -121.58, "Population": 2383.0}, {"index": 18491, "quantile": 1.0, "value": 350000.0, "Latitude": 37.03, "Longitude": -121.58, "Population": 2383.0}, {"index": 18492, "quantile": 0.0, "value": 97500.0, "Latitude": 37.02, "Longitude": -121.58, "Population": 1447.0}, {"index": 18492, "quantile": 0.25, "value": 203600.0, "Latitude": 37.02, "Longitude": -121.58, "Population": 1447.0}, {"index": 18492, "quantile": 0.5, "value": 203600.0, "Latitude": 37.02, "Longitude": -121.58, "Population": 1447.0}, {"index": 18492, "quantile": 0.75, "value": 203600.0, "Latitude": 37.02, "Longitude": -121.58, "Population": 1447.0}, {"index": 18492, "quantile": 1.0, "value": 350000.0, "Latitude": 37.02, "Longitude": -121.58, "Population": 1447.0}, {"index": 18493, "quantile": 0.0, "value": 123500.00000000001, "Latitude": 37.02, "Longitude": -121.59, "Population": 3704.0}, {"index": 18493, "quantile": 0.25, "value": 228600.0, "Latitude": 37.02, "Longitude": -121.59, "Population": 3704.0}, {"index": 18493, "quantile": 0.5, "value": 228600.0, "Latitude": 37.02, "Longitude": -121.59, "Population": 3704.0}, {"index": 18493, "quantile": 0.75, "value": 228600.0, "Latitude": 37.02, "Longitude": -121.59, "Population": 3704.0}, {"index": 18493, "quantile": 1.0, "value": 350000.0, "Latitude": 37.02, "Longitude": -121.59, "Population": 3704.0}, {"index": 18494, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.02, "Longitude": -121.57, "Population": 2681.0}, {"index": 18494, "quantile": 0.25, "value": 136725.0, "Latitude": 37.02, "Longitude": -121.57, "Population": 2681.0}, {"index": 18494, "quantile": 0.5, "value": 178000.0, "Latitude": 37.02, "Longitude": -121.57, "Population": 2681.0}, {"index": 18494, "quantile": 0.75, "value": 178000.0, "Latitude": 37.02, "Longitude": -121.57, "Population": 2681.0}, {"index": 18494, "quantile": 1.0, "value": 193600.0, "Latitude": 37.02, "Longitude": -121.57, "Population": 2681.0}, {"index": 18495, "quantile": 0.0, "value": 45000.0, "Latitude": 37.01, "Longitude": -121.57, "Population": 1066.0}, {"index": 18495, "quantile": 0.25, "value": 65150.0, "Latitude": 37.01, "Longitude": -121.57, "Population": 1066.0}, {"index": 18495, "quantile": 0.5, "value": 94600.0, "Latitude": 37.01, "Longitude": -121.57, "Population": 1066.0}, {"index": 18495, "quantile": 0.75, "value": 137500.0, "Latitude": 37.01, "Longitude": -121.57, "Population": 1066.0}, {"index": 18495, "quantile": 1.0, "value": 270000.0, "Latitude": 37.01, "Longitude": -121.57, "Population": 1066.0}, {"index": 18496, "quantile": 0.0, "value": 66000.0, "Latitude": 37.0, "Longitude": -121.56, "Population": 3866.0}, {"index": 18496, "quantile": 0.25, "value": 151300.0, "Latitude": 37.0, "Longitude": -121.56, "Population": 3866.0}, {"index": 18496, "quantile": 0.5, "value": 160100.0, "Latitude": 37.0, "Longitude": -121.56, "Population": 3866.0}, {"index": 18496, "quantile": 0.75, "value": 160100.0, "Latitude": 37.0, "Longitude": -121.56, "Population": 3866.0}, {"index": 18496, "quantile": 1.0, "value": 305800.0, "Latitude": 37.0, "Longitude": -121.56, "Population": 3866.0}, {"index": 18497, "quantile": 0.0, "value": 67500.0, "Latitude": 36.99, "Longitude": -121.54, "Population": 1782.0}, {"index": 18497, "quantile": 0.25, "value": 204950.0, "Latitude": 36.99, "Longitude": -121.54, "Population": 1782.0}, {"index": 18497, "quantile": 0.5, "value": 305000.0, "Latitude": 36.99, "Longitude": -121.54, "Population": 1782.0}, {"index": 18497, "quantile": 0.75, "value": 305000.0, "Latitude": 36.99, "Longitude": -121.54, "Population": 1782.0}, {"index": 18497, "quantile": 1.0, "value": 374600.0, "Latitude": 36.99, "Longitude": -121.54, "Population": 1782.0}, {"index": 18498, "quantile": 0.0, "value": 93100.0, "Latitude": 37.02, "Longitude": -121.51, "Population": 1142.0}, {"index": 18498, "quantile": 0.25, "value": 293800.0, "Latitude": 37.02, "Longitude": -121.51, "Population": 1142.0}, {"index": 18498, "quantile": 0.5, "value": 374600.0, "Latitude": 37.02, "Longitude": -121.51, "Population": 1142.0}, {"index": 18498, "quantile": 0.75, "value": 374600.0, "Latitude": 37.02, "Longitude": -121.51, "Population": 1142.0}, {"index": 18498, "quantile": 1.0, "value": 374600.0, "Latitude": 37.02, "Longitude": -121.51, "Population": 1142.0}, {"index": 18499, "quantile": 0.0, "value": 163400.0, "Latitude": 37.35, "Longitude": -121.74, "Population": 217.0}, {"index": 18499, "quantile": 0.25, "value": 330300.0, "Latitude": 37.35, "Longitude": -121.74, "Population": 217.0}, {"index": 18499, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -121.74, "Population": 217.0}, {"index": 18499, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -121.74, "Population": 217.0}, {"index": 18499, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.35, "Longitude": -121.74, "Population": 217.0}, {"index": 18500, "quantile": 0.0, "value": 67500.0, "Latitude": 37.37, "Longitude": -121.55, "Population": 252.0}, {"index": 18500, "quantile": 0.25, "value": 262500.0, "Latitude": 37.37, "Longitude": -121.55, "Population": 252.0}, {"index": 18500, "quantile": 0.5, "value": 262500.0, "Latitude": 37.37, "Longitude": -121.55, "Population": 252.0}, {"index": 18500, "quantile": 0.75, "value": 262500.0, "Latitude": 37.37, "Longitude": -121.55, "Population": 252.0}, {"index": 18500, "quantile": 1.0, "value": 395500.0, "Latitude": 37.37, "Longitude": -121.55, "Population": 252.0}, {"index": 18501, "quantile": 0.0, "value": 281000.0, "Latitude": 37.19, "Longitude": -121.59, "Population": 55.0}, {"index": 18501, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.19, "Longitude": -121.59, "Population": 55.0}, {"index": 18501, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.19, "Longitude": -121.59, "Population": 55.0}, {"index": 18501, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.19, "Longitude": -121.59, "Population": 55.0}, {"index": 18501, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.19, "Longitude": -121.59, "Population": 55.0}, {"index": 18502, "quantile": 0.0, "value": 78300.0, "Latitude": 37.06, "Longitude": -121.37, "Population": 300.0}, {"index": 18502, "quantile": 0.25, "value": 224249.99999999997, "Latitude": 37.06, "Longitude": -121.37, "Population": 300.0}, {"index": 18502, "quantile": 0.5, "value": 340900.0, "Latitude": 37.06, "Longitude": -121.37, "Population": 300.0}, {"index": 18502, "quantile": 0.75, "value": 340900.0, "Latitude": 37.06, "Longitude": -121.37, "Population": 300.0}, {"index": 18502, "quantile": 1.0, "value": 340900.0, "Latitude": 37.06, "Longitude": -121.37, "Population": 300.0}, {"index": 18503, "quantile": 0.0, "value": 88900.0, "Latitude": 37.18, "Longitude": -122.03, "Population": 78.0}, {"index": 18503, "quantile": 0.25, "value": 215099.99999999997, "Latitude": 37.18, "Longitude": -122.03, "Population": 78.0}, {"index": 18503, "quantile": 0.5, "value": 390000.0, "Latitude": 37.18, "Longitude": -122.03, "Population": 78.0}, {"index": 18503, "quantile": 0.75, "value": 390000.0, "Latitude": 37.18, "Longitude": -122.03, "Population": 78.0}, {"index": 18503, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.18, "Longitude": -122.03, "Population": 78.0}, {"index": 18504, "quantile": 0.0, "value": 112500.0, "Latitude": 37.13, "Longitude": -121.96, "Population": 17.0}, {"index": 18504, "quantile": 0.25, "value": 400000.0, "Latitude": 37.13, "Longitude": -121.96, "Population": 17.0}, {"index": 18504, "quantile": 0.5, "value": 400000.0, "Latitude": 37.13, "Longitude": -121.96, "Population": 17.0}, {"index": 18504, "quantile": 0.75, "value": 416700.0, "Latitude": 37.13, "Longitude": -121.96, "Population": 17.0}, {"index": 18504, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.13, "Longitude": -121.96, "Population": 17.0}, {"index": 18505, "quantile": 0.0, "value": 112500.0, "Latitude": 37.14, "Longitude": -121.98, "Population": 63.0}, {"index": 18505, "quantile": 0.25, "value": 386975.0, "Latitude": 37.14, "Longitude": -121.98, "Population": 63.0}, {"index": 18505, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.14, "Longitude": -121.98, "Population": 63.0}, {"index": 18505, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.14, "Longitude": -121.98, "Population": 63.0}, {"index": 18505, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.14, "Longitude": -121.98, "Population": 63.0}, {"index": 18506, "quantile": 0.0, "value": 118800.0, "Latitude": 37.0, "Longitude": -122.0, "Population": 36.0}, {"index": 18506, "quantile": 0.25, "value": 137500.0, "Latitude": 37.0, "Longitude": -122.0, "Population": 36.0}, {"index": 18506, "quantile": 0.5, "value": 137500.0, "Latitude": 37.0, "Longitude": -122.0, "Population": 36.0}, {"index": 18506, "quantile": 0.75, "value": 152350.0, "Latitude": 37.0, "Longitude": -122.0, "Population": 36.0}, {"index": 18506, "quantile": 1.0, "value": 475000.0, "Latitude": 37.0, "Longitude": -122.0, "Population": 36.0}, {"index": 18507, "quantile": 0.0, "value": 172200.0, "Latitude": 36.99, "Longitude": -122.01, "Population": 112.0}, {"index": 18507, "quantile": 0.25, "value": 271400.0, "Latitude": 36.99, "Longitude": -122.01, "Population": 112.0}, {"index": 18507, "quantile": 0.5, "value": 271400.0, "Latitude": 36.99, "Longitude": -122.01, "Population": 112.0}, {"index": 18507, "quantile": 0.75, "value": 299974.99999999994, "Latitude": 36.99, "Longitude": -122.01, "Population": 112.0}, {"index": 18507, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.99, "Longitude": -122.01, "Population": 112.0}, {"index": 18508, "quantile": 0.0, "value": 191100.0, "Latitude": 36.99, "Longitude": -122.01, "Population": 652.0}, {"index": 18508, "quantile": 0.25, "value": 263100.0, "Latitude": 36.99, "Longitude": -122.01, "Population": 652.0}, {"index": 18508, "quantile": 0.5, "value": 263100.0, "Latitude": 36.99, "Longitude": -122.01, "Population": 652.0}, {"index": 18508, "quantile": 0.75, "value": 263100.0, "Latitude": 36.99, "Longitude": -122.01, "Population": 652.0}, {"index": 18508, "quantile": 1.0, "value": 453700.0, "Latitude": 36.99, "Longitude": -122.01, "Population": 652.0}, {"index": 18509, "quantile": 0.0, "value": 190000.0, "Latitude": 36.99, "Longitude": -121.99, "Population": 1476.0}, {"index": 18509, "quantile": 0.25, "value": 260725.0, "Latitude": 36.99, "Longitude": -121.99, "Population": 1476.0}, {"index": 18509, "quantile": 0.5, "value": 274550.0, "Latitude": 36.99, "Longitude": -121.99, "Population": 1476.0}, {"index": 18509, "quantile": 0.75, "value": 304625.0, "Latitude": 36.99, "Longitude": -121.99, "Population": 1476.0}, {"index": 18509, "quantile": 1.0, "value": 431400.0, "Latitude": 36.99, "Longitude": -121.99, "Population": 1476.0}, {"index": 18510, "quantile": 0.0, "value": 160200.0, "Latitude": 36.98, "Longitude": -121.99, "Population": 669.0}, {"index": 18510, "quantile": 0.25, "value": 224425.0, "Latitude": 36.98, "Longitude": -121.99, "Population": 669.0}, {"index": 18510, "quantile": 0.5, "value": 256300.00000000003, "Latitude": 36.98, "Longitude": -121.99, "Population": 669.0}, {"index": 18510, "quantile": 0.75, "value": 256300.00000000003, "Latitude": 36.98, "Longitude": -121.99, "Population": 669.0}, {"index": 18510, "quantile": 1.0, "value": 350000.0, "Latitude": 36.98, "Longitude": -121.99, "Population": 669.0}, {"index": 18511, "quantile": 0.0, "value": 84600.0, "Latitude": 36.98, "Longitude": -122.0, "Population": 792.0}, {"index": 18511, "quantile": 0.25, "value": 239200.0, "Latitude": 36.98, "Longitude": -122.0, "Population": 792.0}, {"index": 18511, "quantile": 0.5, "value": 239200.0, "Latitude": 36.98, "Longitude": -122.0, "Population": 792.0}, {"index": 18511, "quantile": 0.75, "value": 239200.0, "Latitude": 36.98, "Longitude": -122.0, "Population": 792.0}, {"index": 18511, "quantile": 1.0, "value": 357400.0, "Latitude": 36.98, "Longitude": -122.0, "Population": 792.0}, {"index": 18512, "quantile": 0.0, "value": 146300.0, "Latitude": 36.99, "Longitude": -122.01, "Population": 1290.0}, {"index": 18512, "quantile": 0.25, "value": 233000.0, "Latitude": 36.99, "Longitude": -122.01, "Population": 1290.0}, {"index": 18512, "quantile": 0.5, "value": 233000.0, "Latitude": 36.99, "Longitude": -122.01, "Population": 1290.0}, {"index": 18512, "quantile": 0.75, "value": 235750.0, "Latitude": 36.99, "Longitude": -122.01, "Population": 1290.0}, {"index": 18512, "quantile": 1.0, "value": 364200.0, "Latitude": 36.99, "Longitude": -122.01, "Population": 1290.0}, {"index": 18513, "quantile": 0.0, "value": 97300.0, "Latitude": 36.98, "Longitude": -122.01, "Population": 607.0}, {"index": 18513, "quantile": 0.25, "value": 262150.0, "Latitude": 36.98, "Longitude": -122.01, "Population": 607.0}, {"index": 18513, "quantile": 0.5, "value": 265300.0, "Latitude": 36.98, "Longitude": -122.01, "Population": 607.0}, {"index": 18513, "quantile": 0.75, "value": 265300.0, "Latitude": 36.98, "Longitude": -122.01, "Population": 607.0}, {"index": 18513, "quantile": 1.0, "value": 357400.0, "Latitude": 36.98, "Longitude": -122.01, "Population": 607.0}, {"index": 18514, "quantile": 0.0, "value": 90700.0, "Latitude": 36.99, "Longitude": -122.02, "Population": 1023.0}, {"index": 18514, "quantile": 0.25, "value": 238000.0, "Latitude": 36.99, "Longitude": -122.02, "Population": 1023.0}, {"index": 18514, "quantile": 0.5, "value": 245000.00000000003, "Latitude": 36.99, "Longitude": -122.02, "Population": 1023.0}, {"index": 18514, "quantile": 0.75, "value": 245000.00000000003, "Latitude": 36.99, "Longitude": -122.02, "Population": 1023.0}, {"index": 18514, "quantile": 1.0, "value": 333300.0, "Latitude": 36.99, "Longitude": -122.02, "Population": 1023.0}, {"index": 18515, "quantile": 0.0, "value": 85100.0, "Latitude": 36.98, "Longitude": -122.02, "Population": 984.0}, {"index": 18515, "quantile": 0.25, "value": 187500.0, "Latitude": 36.98, "Longitude": -122.02, "Population": 984.0}, {"index": 18515, "quantile": 0.5, "value": 187500.0, "Latitude": 36.98, "Longitude": -122.02, "Population": 984.0}, {"index": 18515, "quantile": 0.75, "value": 195300.0, "Latitude": 36.98, "Longitude": -122.02, "Population": 984.0}, {"index": 18515, "quantile": 1.0, "value": 316700.0, "Latitude": 36.98, "Longitude": -122.02, "Population": 984.0}, {"index": 18516, "quantile": 0.0, "value": 73500.0, "Latitude": 36.98, "Longitude": -122.02, "Population": 657.0}, {"index": 18516, "quantile": 0.25, "value": 212500.0, "Latitude": 36.98, "Longitude": -122.02, "Population": 657.0}, {"index": 18516, "quantile": 0.5, "value": 212500.0, "Latitude": 36.98, "Longitude": -122.02, "Population": 657.0}, {"index": 18516, "quantile": 0.75, "value": 212500.0, "Latitude": 36.98, "Longitude": -122.02, "Population": 657.0}, {"index": 18516, "quantile": 1.0, "value": 327600.0, "Latitude": 36.98, "Longitude": -122.02, "Population": 657.0}, {"index": 18517, "quantile": 0.0, "value": 158200.0, "Latitude": 36.98, "Longitude": -122.04, "Population": 866.0}, {"index": 18517, "quantile": 0.25, "value": 368150.0, "Latitude": 36.98, "Longitude": -122.04, "Population": 866.0}, {"index": 18517, "quantile": 0.5, "value": 404699.99999999994, "Latitude": 36.98, "Longitude": -122.04, "Population": 866.0}, {"index": 18517, "quantile": 0.75, "value": 404699.99999999994, "Latitude": 36.98, "Longitude": -122.04, "Population": 866.0}, {"index": 18517, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.98, "Longitude": -122.04, "Population": 866.0}, {"index": 18518, "quantile": 0.0, "value": 252300.0, "Latitude": 36.98, "Longitude": -122.04, "Population": 385.0}, {"index": 18518, "quantile": 0.25, "value": 367600.0, "Latitude": 36.98, "Longitude": -122.04, "Population": 385.0}, {"index": 18518, "quantile": 0.5, "value": 367600.0, "Latitude": 36.98, "Longitude": -122.04, "Population": 385.0}, {"index": 18518, "quantile": 0.75, "value": 367600.0, "Latitude": 36.98, "Longitude": -122.04, "Population": 385.0}, {"index": 18518, "quantile": 1.0, "value": 416500.0, "Latitude": 36.98, "Longitude": -122.04, "Population": 385.0}, {"index": 18519, "quantile": 0.0, "value": 139100.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 1098.0}, {"index": 18519, "quantile": 0.25, "value": 340075.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 1098.0}, {"index": 18519, "quantile": 0.5, "value": 362300.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 1098.0}, {"index": 18519, "quantile": 0.75, "value": 362300.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 1098.0}, {"index": 18519, "quantile": 1.0, "value": 495500.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 1098.0}, {"index": 18520, "quantile": 0.0, "value": 114300.0, "Latitude": 37.0, "Longitude": -122.06, "Population": 4731.0}, {"index": 18520, "quantile": 0.25, "value": 131300.0, "Latitude": 37.0, "Longitude": -122.06, "Population": 4731.0}, {"index": 18520, "quantile": 0.5, "value": 131300.0, "Latitude": 37.0, "Longitude": -122.06, "Population": 4731.0}, {"index": 18520, "quantile": 0.75, "value": 160100.0, "Latitude": 37.0, "Longitude": -122.06, "Population": 4731.0}, {"index": 18520, "quantile": 1.0, "value": 302900.0, "Latitude": 37.0, "Longitude": -122.06, "Population": 4731.0}, {"index": 18521, "quantile": 0.0, "value": 117200.0, "Latitude": 36.97, "Longitude": -122.05, "Population": 1145.0}, {"index": 18521, "quantile": 0.25, "value": 242075.0, "Latitude": 36.97, "Longitude": -122.05, "Population": 1145.0}, {"index": 18521, "quantile": 0.5, "value": 263800.0, "Latitude": 36.97, "Longitude": -122.05, "Population": 1145.0}, {"index": 18521, "quantile": 0.75, "value": 263800.0, "Latitude": 36.97, "Longitude": -122.05, "Population": 1145.0}, {"index": 18521, "quantile": 1.0, "value": 400000.0, "Latitude": 36.97, "Longitude": -122.05, "Population": 1145.0}, {"index": 18522, "quantile": 0.0, "value": 94400.0, "Latitude": 36.97, "Longitude": -122.05, "Population": 1603.0}, {"index": 18522, "quantile": 0.25, "value": 282875.0, "Latitude": 36.97, "Longitude": -122.05, "Population": 1603.0}, {"index": 18522, "quantile": 0.5, "value": 294100.0, "Latitude": 36.97, "Longitude": -122.05, "Population": 1603.0}, {"index": 18522, "quantile": 0.75, "value": 294100.0, "Latitude": 36.97, "Longitude": -122.05, "Population": 1603.0}, {"index": 18522, "quantile": 1.0, "value": 364200.0, "Latitude": 36.97, "Longitude": -122.05, "Population": 1603.0}, {"index": 18523, "quantile": 0.0, "value": 168100.0, "Latitude": 36.98, "Longitude": -122.06, "Population": 1571.0}, {"index": 18523, "quantile": 0.25, "value": 266150.0, "Latitude": 36.98, "Longitude": -122.06, "Population": 1571.0}, {"index": 18523, "quantile": 0.5, "value": 320900.0, "Latitude": 36.98, "Longitude": -122.06, "Population": 1571.0}, {"index": 18523, "quantile": 0.75, "value": 320900.0, "Latitude": 36.98, "Longitude": -122.06, "Population": 1571.0}, {"index": 18523, "quantile": 1.0, "value": 339300.0, "Latitude": 36.98, "Longitude": -122.06, "Population": 1571.0}, {"index": 18524, "quantile": 0.0, "value": 94000.0, "Latitude": 36.98, "Longitude": -122.04, "Population": 495.0}, {"index": 18524, "quantile": 0.25, "value": 247775.00000000003, "Latitude": 36.98, "Longitude": -122.04, "Population": 495.0}, {"index": 18524, "quantile": 0.5, "value": 258300.00000000003, "Latitude": 36.98, "Longitude": -122.04, "Population": 495.0}, {"index": 18524, "quantile": 0.75, "value": 258300.00000000003, "Latitude": 36.98, "Longitude": -122.04, "Population": 495.0}, {"index": 18524, "quantile": 1.0, "value": 356300.0, "Latitude": 36.98, "Longitude": -122.04, "Population": 495.0}, {"index": 18525, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 36.97, "Longitude": -122.04, "Population": 621.0}, {"index": 18525, "quantile": 0.25, "value": 266400.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 621.0}, {"index": 18525, "quantile": 0.5, "value": 266400.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 621.0}, {"index": 18525, "quantile": 0.75, "value": 266400.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 621.0}, {"index": 18525, "quantile": 1.0, "value": 409800.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 621.0}, {"index": 18526, "quantile": 0.0, "value": 100400.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 955.0}, {"index": 18526, "quantile": 0.25, "value": 234375.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 955.0}, {"index": 18526, "quantile": 0.5, "value": 253100.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 955.0}, {"index": 18526, "quantile": 0.75, "value": 253100.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 955.0}, {"index": 18526, "quantile": 1.0, "value": 434500.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 955.0}, {"index": 18527, "quantile": 0.0, "value": 153800.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 331.0}, {"index": 18527, "quantile": 0.25, "value": 238600.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 331.0}, {"index": 18527, "quantile": 0.5, "value": 238600.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 331.0}, {"index": 18527, "quantile": 0.75, "value": 242200.00000000003, "Latitude": 36.97, "Longitude": -122.04, "Population": 331.0}, {"index": 18527, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.97, "Longitude": -122.04, "Population": 331.0}, {"index": 18528, "quantile": 0.0, "value": 140600.0, "Latitude": 36.96, "Longitude": -122.04, "Population": 645.0}, {"index": 18528, "quantile": 0.25, "value": 223900.0, "Latitude": 36.96, "Longitude": -122.04, "Population": 645.0}, {"index": 18528, "quantile": 0.5, "value": 223900.0, "Latitude": 36.96, "Longitude": -122.04, "Population": 645.0}, {"index": 18528, "quantile": 0.75, "value": 225675.00000000003, "Latitude": 36.96, "Longitude": -122.04, "Population": 645.0}, {"index": 18528, "quantile": 1.0, "value": 357400.0, "Latitude": 36.96, "Longitude": -122.04, "Population": 645.0}, {"index": 18529, "quantile": 0.0, "value": 67500.0, "Latitude": 36.98, "Longitude": -122.03, "Population": 1341.0}, {"index": 18529, "quantile": 0.25, "value": 187500.0, "Latitude": 36.98, "Longitude": -122.03, "Population": 1341.0}, {"index": 18529, "quantile": 0.5, "value": 220800.00000000003, "Latitude": 36.98, "Longitude": -122.03, "Population": 1341.0}, {"index": 18529, "quantile": 0.75, "value": 237200.0, "Latitude": 36.98, "Longitude": -122.03, "Population": 1341.0}, {"index": 18529, "quantile": 1.0, "value": 402500.00000000006, "Latitude": 36.98, "Longitude": -122.03, "Population": 1341.0}, {"index": 18530, "quantile": 0.0, "value": 81300.0, "Latitude": 36.98, "Longitude": -122.01, "Population": 1144.0}, {"index": 18530, "quantile": 0.25, "value": 206400.0, "Latitude": 36.98, "Longitude": -122.01, "Population": 1144.0}, {"index": 18530, "quantile": 0.5, "value": 206900.0, "Latitude": 36.98, "Longitude": -122.01, "Population": 1144.0}, {"index": 18530, "quantile": 0.75, "value": 258300.00000000003, "Latitude": 36.98, "Longitude": -122.01, "Population": 1144.0}, {"index": 18530, "quantile": 1.0, "value": 420000.0, "Latitude": 36.98, "Longitude": -122.01, "Population": 1144.0}, {"index": 18531, "quantile": 0.0, "value": 87500.0, "Latitude": 36.98, "Longitude": -122.02, "Population": 552.0}, {"index": 18531, "quantile": 0.25, "value": 217499.99999999997, "Latitude": 36.98, "Longitude": -122.02, "Population": 552.0}, {"index": 18531, "quantile": 0.5, "value": 217499.99999999997, "Latitude": 36.98, "Longitude": -122.02, "Population": 552.0}, {"index": 18531, "quantile": 0.75, "value": 220249.99999999997, "Latitude": 36.98, "Longitude": -122.02, "Population": 552.0}, {"index": 18531, "quantile": 1.0, "value": 396300.0, "Latitude": 36.98, "Longitude": -122.02, "Population": 552.0}, {"index": 18532, "quantile": 0.0, "value": 72800.0, "Latitude": 36.98, "Longitude": -122.02, "Population": 226.0}, {"index": 18532, "quantile": 0.25, "value": 166700.0, "Latitude": 36.98, "Longitude": -122.02, "Population": 226.0}, {"index": 18532, "quantile": 0.5, "value": 166700.0, "Latitude": 36.98, "Longitude": -122.02, "Population": 226.0}, {"index": 18532, "quantile": 0.75, "value": 166700.0, "Latitude": 36.98, "Longitude": -122.02, "Population": 226.0}, {"index": 18532, "quantile": 1.0, "value": 377300.0, "Latitude": 36.98, "Longitude": -122.02, "Population": 226.0}, {"index": 18533, "quantile": 0.0, "value": 60200.0, "Latitude": 36.97, "Longitude": -122.02, "Population": 1743.0}, {"index": 18533, "quantile": 0.25, "value": 187500.0, "Latitude": 36.97, "Longitude": -122.02, "Population": 1743.0}, {"index": 18533, "quantile": 0.5, "value": 195300.0, "Latitude": 36.97, "Longitude": -122.02, "Population": 1743.0}, {"index": 18533, "quantile": 0.75, "value": 195300.0, "Latitude": 36.97, "Longitude": -122.02, "Population": 1743.0}, {"index": 18533, "quantile": 1.0, "value": 333300.0, "Latitude": 36.97, "Longitude": -122.02, "Population": 1743.0}, {"index": 18534, "quantile": 0.0, "value": 116599.99999999999, "Latitude": 36.97, "Longitude": -122.01, "Population": 1208.0}, {"index": 18534, "quantile": 0.25, "value": 206900.0, "Latitude": 36.97, "Longitude": -122.01, "Population": 1208.0}, {"index": 18534, "quantile": 0.5, "value": 260900.0, "Latitude": 36.97, "Longitude": -122.01, "Population": 1208.0}, {"index": 18534, "quantile": 0.75, "value": 260900.0, "Latitude": 36.97, "Longitude": -122.01, "Population": 1208.0}, {"index": 18534, "quantile": 1.0, "value": 260900.0, "Latitude": 36.97, "Longitude": -122.01, "Population": 1208.0}, {"index": 18535, "quantile": 0.0, "value": 91800.0, "Latitude": 36.97, "Longitude": -122.01, "Population": 525.0}, {"index": 18535, "quantile": 0.25, "value": 232799.99999999997, "Latitude": 36.97, "Longitude": -122.01, "Population": 525.0}, {"index": 18535, "quantile": 0.5, "value": 232799.99999999997, "Latitude": 36.97, "Longitude": -122.01, "Population": 525.0}, {"index": 18535, "quantile": 0.75, "value": 232799.99999999997, "Latitude": 36.97, "Longitude": -122.01, "Population": 525.0}, {"index": 18535, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.97, "Longitude": -122.01, "Population": 525.0}, {"index": 18536, "quantile": 0.0, "value": 87500.0, "Latitude": 36.97, "Longitude": -122.01, "Population": 743.0}, {"index": 18536, "quantile": 0.25, "value": 216100.0, "Latitude": 36.97, "Longitude": -122.01, "Population": 743.0}, {"index": 18536, "quantile": 0.5, "value": 234600.0, "Latitude": 36.97, "Longitude": -122.01, "Population": 743.0}, {"index": 18536, "quantile": 0.75, "value": 241675.0, "Latitude": 36.97, "Longitude": -122.01, "Population": 743.0}, {"index": 18536, "quantile": 1.0, "value": 365600.0, "Latitude": 36.97, "Longitude": -122.01, "Population": 743.0}, {"index": 18537, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 36.98, "Longitude": -122.0, "Population": 981.0}, {"index": 18537, "quantile": 0.25, "value": 213400.0, "Latitude": 36.98, "Longitude": -122.0, "Population": 981.0}, {"index": 18537, "quantile": 0.5, "value": 262900.0, "Latitude": 36.98, "Longitude": -122.0, "Population": 981.0}, {"index": 18537, "quantile": 0.75, "value": 291550.0, "Latitude": 36.98, "Longitude": -122.0, "Population": 981.0}, {"index": 18537, "quantile": 1.0, "value": 395000.0, "Latitude": 36.98, "Longitude": -122.0, "Population": 981.0}, {"index": 18538, "quantile": 0.0, "value": 113900.0, "Latitude": 36.98, "Longitude": -122.01, "Population": 1511.0}, {"index": 18538, "quantile": 0.25, "value": 202475.0, "Latitude": 36.98, "Longitude": -122.01, "Population": 1511.0}, {"index": 18538, "quantile": 0.5, "value": 232799.99999999997, "Latitude": 36.98, "Longitude": -122.01, "Population": 1511.0}, {"index": 18538, "quantile": 0.75, "value": 243850.00000000003, "Latitude": 36.98, "Longitude": -122.01, "Population": 1511.0}, {"index": 18538, "quantile": 1.0, "value": 365600.0, "Latitude": 36.98, "Longitude": -122.01, "Population": 1511.0}, {"index": 18539, "quantile": 0.0, "value": 90300.0, "Latitude": 36.97, "Longitude": -122.0, "Population": 753.0}, {"index": 18539, "quantile": 0.25, "value": 232175.00000000003, "Latitude": 36.97, "Longitude": -122.0, "Population": 753.0}, {"index": 18539, "quantile": 0.5, "value": 240499.99999999997, "Latitude": 36.97, "Longitude": -122.0, "Population": 753.0}, {"index": 18539, "quantile": 0.75, "value": 240499.99999999997, "Latitude": 36.97, "Longitude": -122.0, "Population": 753.0}, {"index": 18539, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 36.97, "Longitude": -122.0, "Population": 753.0}, {"index": 18540, "quantile": 0.0, "value": 84000.0, "Latitude": 36.93, "Longitude": -122.0, "Population": 608.0}, {"index": 18540, "quantile": 0.25, "value": 340925.0, "Latitude": 36.93, "Longitude": -122.0, "Population": 608.0}, {"index": 18540, "quantile": 0.5, "value": 400000.0, "Latitude": 36.93, "Longitude": -122.0, "Population": 608.0}, {"index": 18540, "quantile": 0.75, "value": 400000.0, "Latitude": 36.93, "Longitude": -122.0, "Population": 608.0}, {"index": 18540, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.93, "Longitude": -122.0, "Population": 608.0}, {"index": 18541, "quantile": 0.0, "value": 72500.0, "Latitude": 36.95, "Longitude": -122.01, "Population": 508.0}, {"index": 18541, "quantile": 0.25, "value": 169900.0, "Latitude": 36.95, "Longitude": -122.01, "Population": 508.0}, {"index": 18541, "quantile": 0.5, "value": 198200.0, "Latitude": 36.95, "Longitude": -122.01, "Population": 508.0}, {"index": 18541, "quantile": 0.75, "value": 268475.0, "Latitude": 36.95, "Longitude": -122.01, "Population": 508.0}, {"index": 18541, "quantile": 1.0, "value": 450000.0, "Latitude": 36.95, "Longitude": -122.01, "Population": 508.0}, {"index": 18542, "quantile": 0.0, "value": 109400.00000000001, "Latitude": 36.97, "Longitude": -122.03, "Population": 488.0}, {"index": 18542, "quantile": 0.25, "value": 234400.0, "Latitude": 36.97, "Longitude": -122.03, "Population": 488.0}, {"index": 18542, "quantile": 0.5, "value": 234400.0, "Latitude": 36.97, "Longitude": -122.03, "Population": 488.0}, {"index": 18542, "quantile": 0.75, "value": 234400.0, "Latitude": 36.97, "Longitude": -122.03, "Population": 488.0}, {"index": 18542, "quantile": 1.0, "value": 364300.0, "Latitude": 36.97, "Longitude": -122.03, "Population": 488.0}, {"index": 18543, "quantile": 0.0, "value": 113700.0, "Latitude": 36.97, "Longitude": -122.03, "Population": 223.0}, {"index": 18543, "quantile": 0.25, "value": 225000.0, "Latitude": 36.97, "Longitude": -122.03, "Population": 223.0}, {"index": 18543, "quantile": 0.5, "value": 225000.0, "Latitude": 36.97, "Longitude": -122.03, "Population": 223.0}, {"index": 18543, "quantile": 0.75, "value": 225000.0, "Latitude": 36.97, "Longitude": -122.03, "Population": 223.0}, {"index": 18543, "quantile": 1.0, "value": 252599.99999999997, "Latitude": 36.97, "Longitude": -122.03, "Population": 223.0}, {"index": 18544, "quantile": 0.0, "value": 67500.0, "Latitude": 36.97, "Longitude": -122.03, "Population": 200.0}, {"index": 18544, "quantile": 0.25, "value": 253800.00000000003, "Latitude": 36.97, "Longitude": -122.03, "Population": 200.0}, {"index": 18544, "quantile": 0.5, "value": 262500.0, "Latitude": 36.97, "Longitude": -122.03, "Population": 200.0}, {"index": 18544, "quantile": 0.75, "value": 262500.0, "Latitude": 36.97, "Longitude": -122.03, "Population": 200.0}, {"index": 18544, "quantile": 1.0, "value": 420000.0, "Latitude": 36.97, "Longitude": -122.03, "Population": 200.0}, {"index": 18545, "quantile": 0.0, "value": 93900.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 570.0}, {"index": 18545, "quantile": 0.25, "value": 237500.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 570.0}, {"index": 18545, "quantile": 0.5, "value": 237500.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 570.0}, {"index": 18545, "quantile": 0.75, "value": 237500.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 570.0}, {"index": 18545, "quantile": 1.0, "value": 333900.0, "Latitude": 36.97, "Longitude": -122.04, "Population": 570.0}, {"index": 18546, "quantile": 0.0, "value": 17500.0, "Latitude": 36.96, "Longitude": -122.03, "Population": 1391.0}, {"index": 18546, "quantile": 0.25, "value": 216299.99999999997, "Latitude": 36.96, "Longitude": -122.03, "Population": 1391.0}, {"index": 18546, "quantile": 0.5, "value": 234600.0, "Latitude": 36.96, "Longitude": -122.03, "Population": 1391.0}, {"index": 18546, "quantile": 0.75, "value": 255550.0, "Latitude": 36.96, "Longitude": -122.03, "Population": 1391.0}, {"index": 18546, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.96, "Longitude": -122.03, "Population": 1391.0}, {"index": 18547, "quantile": 0.0, "value": 52800.0, "Latitude": 36.97, "Longitude": -122.02, "Population": 325.0}, {"index": 18547, "quantile": 0.25, "value": 250000.0, "Latitude": 36.97, "Longitude": -122.02, "Population": 325.0}, {"index": 18547, "quantile": 0.5, "value": 250000.0, "Latitude": 36.97, "Longitude": -122.02, "Population": 325.0}, {"index": 18547, "quantile": 0.75, "value": 250000.0, "Latitude": 36.97, "Longitude": -122.02, "Population": 325.0}, {"index": 18547, "quantile": 1.0, "value": 281900.0, "Latitude": 36.97, "Longitude": -122.02, "Population": 325.0}, {"index": 18548, "quantile": 0.0, "value": 85100.0, "Latitude": 36.97, "Longitude": -122.02, "Population": 1365.0}, {"index": 18548, "quantile": 0.25, "value": 266825.0, "Latitude": 36.97, "Longitude": -122.02, "Population": 1365.0}, {"index": 18548, "quantile": 0.5, "value": 281300.0, "Latitude": 36.97, "Longitude": -122.02, "Population": 1365.0}, {"index": 18548, "quantile": 0.75, "value": 281300.0, "Latitude": 36.97, "Longitude": -122.02, "Population": 1365.0}, {"index": 18548, "quantile": 1.0, "value": 365600.0, "Latitude": 36.97, "Longitude": -122.02, "Population": 1365.0}, {"index": 18549, "quantile": 0.0, "value": 39600.0, "Latitude": 36.96, "Longitude": -122.02, "Population": 1054.0}, {"index": 18549, "quantile": 0.25, "value": 112500.0, "Latitude": 36.96, "Longitude": -122.02, "Population": 1054.0}, {"index": 18549, "quantile": 0.5, "value": 112500.0, "Latitude": 36.96, "Longitude": -122.02, "Population": 1054.0}, {"index": 18549, "quantile": 0.75, "value": 112500.0, "Latitude": 36.96, "Longitude": -122.02, "Population": 1054.0}, {"index": 18549, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.96, "Longitude": -122.02, "Population": 1054.0}, {"index": 18550, "quantile": 0.0, "value": 138100.0, "Latitude": 36.96, "Longitude": -122.03, "Population": 316.0}, {"index": 18550, "quantile": 0.25, "value": 243500.0, "Latitude": 36.96, "Longitude": -122.03, "Population": 316.0}, {"index": 18550, "quantile": 0.5, "value": 243500.0, "Latitude": 36.96, "Longitude": -122.03, "Population": 316.0}, {"index": 18550, "quantile": 0.75, "value": 243500.0, "Latitude": 36.96, "Longitude": -122.03, "Population": 316.0}, {"index": 18550, "quantile": 1.0, "value": 337000.0, "Latitude": 36.96, "Longitude": -122.03, "Population": 316.0}, {"index": 18551, "quantile": 0.0, "value": 74300.0, "Latitude": 36.96, "Longitude": -122.03, "Population": 926.0}, {"index": 18551, "quantile": 0.25, "value": 216100.0, "Latitude": 36.96, "Longitude": -122.03, "Population": 926.0}, {"index": 18551, "quantile": 0.5, "value": 216100.0, "Latitude": 36.96, "Longitude": -122.03, "Population": 926.0}, {"index": 18551, "quantile": 0.75, "value": 217499.99999999997, "Latitude": 36.96, "Longitude": -122.03, "Population": 926.0}, {"index": 18551, "quantile": 1.0, "value": 365600.0, "Latitude": 36.96, "Longitude": -122.03, "Population": 926.0}, {"index": 18552, "quantile": 0.0, "value": 166600.0, "Latitude": 36.96, "Longitude": -122.04, "Population": 802.0}, {"index": 18552, "quantile": 0.25, "value": 202000.0, "Latitude": 36.96, "Longitude": -122.04, "Population": 802.0}, {"index": 18552, "quantile": 0.5, "value": 202000.0, "Latitude": 36.96, "Longitude": -122.04, "Population": 802.0}, {"index": 18552, "quantile": 0.75, "value": 262650.0, "Latitude": 36.96, "Longitude": -122.04, "Population": 802.0}, {"index": 18552, "quantile": 1.0, "value": 364200.0, "Latitude": 36.96, "Longitude": -122.04, "Population": 802.0}, {"index": 18553, "quantile": 0.0, "value": 83300.0, "Latitude": 36.96, "Longitude": -122.04, "Population": 200.0}, {"index": 18553, "quantile": 0.25, "value": 196400.0, "Latitude": 36.96, "Longitude": -122.04, "Population": 200.0}, {"index": 18553, "quantile": 0.5, "value": 196400.0, "Latitude": 36.96, "Longitude": -122.04, "Population": 200.0}, {"index": 18553, "quantile": 0.75, "value": 196400.0, "Latitude": 36.96, "Longitude": -122.04, "Population": 200.0}, {"index": 18553, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.96, "Longitude": -122.04, "Population": 200.0}, {"index": 18554, "quantile": 0.0, "value": 76400.0, "Latitude": 36.96, "Longitude": -122.04, "Population": 703.0}, {"index": 18554, "quantile": 0.25, "value": 206400.0, "Latitude": 36.96, "Longitude": -122.04, "Population": 703.0}, {"index": 18554, "quantile": 0.5, "value": 206400.0, "Latitude": 36.96, "Longitude": -122.04, "Population": 703.0}, {"index": 18554, "quantile": 0.75, "value": 206400.0, "Latitude": 36.96, "Longitude": -122.04, "Population": 703.0}, {"index": 18554, "quantile": 1.0, "value": 362500.0, "Latitude": 36.96, "Longitude": -122.04, "Population": 703.0}, {"index": 18555, "quantile": 0.0, "value": 107200.0, "Latitude": 36.96, "Longitude": -122.03, "Population": 1122.0}, {"index": 18555, "quantile": 0.25, "value": 252300.0, "Latitude": 36.96, "Longitude": -122.03, "Population": 1122.0}, {"index": 18555, "quantile": 0.5, "value": 284200.0, "Latitude": 36.96, "Longitude": -122.03, "Population": 1122.0}, {"index": 18555, "quantile": 0.75, "value": 284200.0, "Latitude": 36.96, "Longitude": -122.03, "Population": 1122.0}, {"index": 18555, "quantile": 1.0, "value": 350000.0, "Latitude": 36.96, "Longitude": -122.03, "Population": 1122.0}, {"index": 18556, "quantile": 0.0, "value": 94400.0, "Latitude": 36.95, "Longitude": -122.04, "Population": 1080.0}, {"index": 18556, "quantile": 0.25, "value": 204800.0, "Latitude": 36.95, "Longitude": -122.04, "Population": 1080.0}, {"index": 18556, "quantile": 0.5, "value": 224200.0, "Latitude": 36.95, "Longitude": -122.04, "Population": 1080.0}, {"index": 18556, "quantile": 0.75, "value": 248250.0, "Latitude": 36.95, "Longitude": -122.04, "Population": 1080.0}, {"index": 18556, "quantile": 1.0, "value": 378000.0, "Latitude": 36.95, "Longitude": -122.04, "Population": 1080.0}, {"index": 18557, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.91, "Longitude": -122.01, "Population": 324.0}, {"index": 18557, "quantile": 0.25, "value": 259075.0, "Latitude": 36.91, "Longitude": -122.01, "Population": 324.0}, {"index": 18557, "quantile": 0.5, "value": 388500.0, "Latitude": 36.91, "Longitude": -122.01, "Population": 324.0}, {"index": 18557, "quantile": 0.75, "value": 388500.0, "Latitude": 36.91, "Longitude": -122.01, "Population": 324.0}, {"index": 18557, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.91, "Longitude": -122.01, "Population": 324.0}, {"index": 18558, "quantile": 0.0, "value": 126400.0, "Latitude": 36.96, "Longitude": -122.05, "Population": 644.0}, {"index": 18558, "quantile": 0.25, "value": 215225.0, "Latitude": 36.96, "Longitude": -122.05, "Population": 644.0}, {"index": 18558, "quantile": 0.5, "value": 226500.0, "Latitude": 36.96, "Longitude": -122.05, "Population": 644.0}, {"index": 18558, "quantile": 0.75, "value": 226500.0, "Latitude": 36.96, "Longitude": -122.05, "Population": 644.0}, {"index": 18558, "quantile": 1.0, "value": 450000.0, "Latitude": 36.96, "Longitude": -122.05, "Population": 644.0}, {"index": 18559, "quantile": 0.0, "value": 67500.0, "Latitude": 36.96, "Longitude": -122.06, "Population": 24.0}, {"index": 18559, "quantile": 0.25, "value": 219000.0, "Latitude": 36.96, "Longitude": -122.06, "Population": 24.0}, {"index": 18559, "quantile": 0.5, "value": 301100.0, "Latitude": 36.96, "Longitude": -122.06, "Population": 24.0}, {"index": 18559, "quantile": 0.75, "value": 376325.0, "Latitude": 36.96, "Longitude": -122.06, "Population": 24.0}, {"index": 18559, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.96, "Longitude": -122.06, "Population": 24.0}, {"index": 18560, "quantile": 0.0, "value": 69200.0, "Latitude": 36.87, "Longitude": -122.05, "Population": 1091.0}, {"index": 18560, "quantile": 0.25, "value": 204200.00000000003, "Latitude": 36.87, "Longitude": -122.05, "Population": 1091.0}, {"index": 18560, "quantile": 0.5, "value": 231949.99999999997, "Latitude": 36.87, "Longitude": -122.05, "Population": 1091.0}, {"index": 18560, "quantile": 0.75, "value": 263800.0, "Latitude": 36.87, "Longitude": -122.05, "Population": 1091.0}, {"index": 18560, "quantile": 1.0, "value": 450000.0, "Latitude": 36.87, "Longitude": -122.05, "Population": 1091.0}, {"index": 18561, "quantile": 0.0, "value": 84400.0, "Latitude": 36.95, "Longitude": -122.04, "Population": 961.0}, {"index": 18561, "quantile": 0.25, "value": 229425.0, "Latitude": 36.95, "Longitude": -122.04, "Population": 961.0}, {"index": 18561, "quantile": 0.5, "value": 245150.00000000003, "Latitude": 36.95, "Longitude": -122.04, "Population": 961.0}, {"index": 18561, "quantile": 0.75, "value": 287025.0, "Latitude": 36.95, "Longitude": -122.04, "Population": 961.0}, {"index": 18561, "quantile": 1.0, "value": 450000.0, "Latitude": 36.95, "Longitude": -122.04, "Population": 961.0}, {"index": 18562, "quantile": 0.0, "value": 116599.99999999999, "Latitude": 37.0, "Longitude": -122.04, "Population": 796.0}, {"index": 18562, "quantile": 0.25, "value": 116599.99999999999, "Latitude": 37.0, "Longitude": -122.04, "Population": 796.0}, {"index": 18562, "quantile": 0.5, "value": 116599.99999999999, "Latitude": 37.0, "Longitude": -122.04, "Population": 796.0}, {"index": 18562, "quantile": 0.75, "value": 116599.99999999999, "Latitude": 37.0, "Longitude": -122.04, "Population": 796.0}, {"index": 18562, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.0, "Longitude": -122.04, "Population": 796.0}, {"index": 18563, "quantile": 0.0, "value": 113799.99999999999, "Latitude": 36.91, "Longitude": -121.75, "Population": 1494.0}, {"index": 18563, "quantile": 0.25, "value": 153300.0, "Latitude": 36.91, "Longitude": -121.75, "Population": 1494.0}, {"index": 18563, "quantile": 0.5, "value": 172500.0, "Latitude": 36.91, "Longitude": -121.75, "Population": 1494.0}, {"index": 18563, "quantile": 0.75, "value": 183700.0, "Latitude": 36.91, "Longitude": -121.75, "Population": 1494.0}, {"index": 18563, "quantile": 1.0, "value": 305800.0, "Latitude": 36.91, "Longitude": -121.75, "Population": 1494.0}, {"index": 18564, "quantile": 0.0, "value": 107900.0, "Latitude": 36.92, "Longitude": -121.74, "Population": 863.0}, {"index": 18564, "quantile": 0.25, "value": 156000.0, "Latitude": 36.92, "Longitude": -121.74, "Population": 863.0}, {"index": 18564, "quantile": 0.5, "value": 156000.0, "Latitude": 36.92, "Longitude": -121.74, "Population": 863.0}, {"index": 18564, "quantile": 0.75, "value": 184900.00000000003, "Latitude": 36.92, "Longitude": -121.74, "Population": 863.0}, {"index": 18564, "quantile": 1.0, "value": 291500.0, "Latitude": 36.92, "Longitude": -121.74, "Population": 863.0}, {"index": 18565, "quantile": 0.0, "value": 71500.0, "Latitude": 36.92, "Longitude": -121.74, "Population": 1193.0}, {"index": 18565, "quantile": 0.25, "value": 151700.0, "Latitude": 36.92, "Longitude": -121.74, "Population": 1193.0}, {"index": 18565, "quantile": 0.5, "value": 151700.0, "Latitude": 36.92, "Longitude": -121.74, "Population": 1193.0}, {"index": 18565, "quantile": 0.75, "value": 158400.0, "Latitude": 36.92, "Longitude": -121.74, "Population": 1193.0}, {"index": 18565, "quantile": 1.0, "value": 330800.0, "Latitude": 36.92, "Longitude": -121.74, "Population": 1193.0}, {"index": 18566, "quantile": 0.0, "value": 87500.0, "Latitude": 36.92, "Longitude": -121.74, "Population": 1350.0}, {"index": 18566, "quantile": 0.25, "value": 164600.0, "Latitude": 36.92, "Longitude": -121.74, "Population": 1350.0}, {"index": 18566, "quantile": 0.5, "value": 164600.0, "Latitude": 36.92, "Longitude": -121.74, "Population": 1350.0}, {"index": 18566, "quantile": 0.75, "value": 168500.0, "Latitude": 36.92, "Longitude": -121.74, "Population": 1350.0}, {"index": 18566, "quantile": 1.0, "value": 286600.0, "Latitude": 36.92, "Longitude": -121.74, "Population": 1350.0}, {"index": 18567, "quantile": 0.0, "value": 150000.0, "Latitude": 36.93, "Longitude": -121.75, "Population": 2264.0}, {"index": 18567, "quantile": 0.25, "value": 218100.0, "Latitude": 36.93, "Longitude": -121.75, "Population": 2264.0}, {"index": 18567, "quantile": 0.5, "value": 218100.0, "Latitude": 36.93, "Longitude": -121.75, "Population": 2264.0}, {"index": 18567, "quantile": 0.75, "value": 218100.0, "Latitude": 36.93, "Longitude": -121.75, "Population": 2264.0}, {"index": 18567, "quantile": 1.0, "value": 267000.0, "Latitude": 36.93, "Longitude": -121.75, "Population": 2264.0}, {"index": 18568, "quantile": 0.0, "value": 70100.0, "Latitude": 36.92, "Longitude": -121.75, "Population": 1071.0}, {"index": 18568, "quantile": 0.25, "value": 164050.0, "Latitude": 36.92, "Longitude": -121.75, "Population": 1071.0}, {"index": 18568, "quantile": 0.5, "value": 193000.0, "Latitude": 36.92, "Longitude": -121.75, "Population": 1071.0}, {"index": 18568, "quantile": 0.75, "value": 231224.99999999997, "Latitude": 36.92, "Longitude": -121.75, "Population": 1071.0}, {"index": 18568, "quantile": 1.0, "value": 397900.0, "Latitude": 36.92, "Longitude": -121.75, "Population": 1071.0}, {"index": 18569, "quantile": 0.0, "value": 59800.0, "Latitude": 36.92, "Longitude": -121.75, "Population": 1068.0}, {"index": 18569, "quantile": 0.25, "value": 176875.0, "Latitude": 36.92, "Longitude": -121.75, "Population": 1068.0}, {"index": 18569, "quantile": 0.5, "value": 177800.0, "Latitude": 36.92, "Longitude": -121.75, "Population": 1068.0}, {"index": 18569, "quantile": 0.75, "value": 177800.0, "Latitude": 36.92, "Longitude": -121.75, "Population": 1068.0}, {"index": 18569, "quantile": 1.0, "value": 325900.0, "Latitude": 36.92, "Longitude": -121.75, "Population": 1068.0}, {"index": 18570, "quantile": 0.0, "value": 144800.0, "Latitude": 36.92, "Longitude": -121.76, "Population": 1454.0}, {"index": 18570, "quantile": 0.25, "value": 212500.0, "Latitude": 36.92, "Longitude": -121.76, "Population": 1454.0}, {"index": 18570, "quantile": 0.5, "value": 238300.0, "Latitude": 36.92, "Longitude": -121.76, "Population": 1454.0}, {"index": 18570, "quantile": 0.75, "value": 238300.0, "Latitude": 36.92, "Longitude": -121.76, "Population": 1454.0}, {"index": 18570, "quantile": 1.0, "value": 293800.0, "Latitude": 36.92, "Longitude": -121.76, "Population": 1454.0}, {"index": 18571, "quantile": 0.0, "value": 116100.0, "Latitude": 36.92, "Longitude": -121.76, "Population": 1120.0}, {"index": 18571, "quantile": 0.25, "value": 160700.0, "Latitude": 36.92, "Longitude": -121.76, "Population": 1120.0}, {"index": 18571, "quantile": 0.5, "value": 160700.0, "Latitude": 36.92, "Longitude": -121.76, "Population": 1120.0}, {"index": 18571, "quantile": 0.75, "value": 160700.0, "Latitude": 36.92, "Longitude": -121.76, "Population": 1120.0}, {"index": 18571, "quantile": 1.0, "value": 350000.0, "Latitude": 36.92, "Longitude": -121.76, "Population": 1120.0}, {"index": 18572, "quantile": 0.0, "value": 32500.0, "Latitude": 36.91, "Longitude": -121.75, "Population": 1102.0}, {"index": 18572, "quantile": 0.25, "value": 161400.0, "Latitude": 36.91, "Longitude": -121.75, "Population": 1102.0}, {"index": 18572, "quantile": 0.5, "value": 161400.0, "Latitude": 36.91, "Longitude": -121.75, "Population": 1102.0}, {"index": 18572, "quantile": 0.75, "value": 161400.0, "Latitude": 36.91, "Longitude": -121.75, "Population": 1102.0}, {"index": 18572, "quantile": 1.0, "value": 450000.0, "Latitude": 36.91, "Longitude": -121.75, "Population": 1102.0}, {"index": 18573, "quantile": 0.0, "value": 72500.0, "Latitude": 36.91, "Longitude": -121.76, "Population": 1359.0}, {"index": 18573, "quantile": 0.25, "value": 155000.0, "Latitude": 36.91, "Longitude": -121.76, "Population": 1359.0}, {"index": 18573, "quantile": 0.5, "value": 155000.0, "Latitude": 36.91, "Longitude": -121.76, "Population": 1359.0}, {"index": 18573, "quantile": 0.75, "value": 155000.0, "Latitude": 36.91, "Longitude": -121.76, "Population": 1359.0}, {"index": 18573, "quantile": 1.0, "value": 237500.0, "Latitude": 36.91, "Longitude": -121.76, "Population": 1359.0}, {"index": 18574, "quantile": 0.0, "value": 72700.0, "Latitude": 36.91, "Longitude": -121.75, "Population": 2312.0}, {"index": 18574, "quantile": 0.25, "value": 151400.0, "Latitude": 36.91, "Longitude": -121.75, "Population": 2312.0}, {"index": 18574, "quantile": 0.5, "value": 151400.0, "Latitude": 36.91, "Longitude": -121.75, "Population": 2312.0}, {"index": 18574, "quantile": 0.75, "value": 151400.0, "Latitude": 36.91, "Longitude": -121.75, "Population": 2312.0}, {"index": 18574, "quantile": 1.0, "value": 350000.0, "Latitude": 36.91, "Longitude": -121.75, "Population": 2312.0}, {"index": 18575, "quantile": 0.0, "value": 60000.0, "Latitude": 36.91, "Longitude": -121.77, "Population": 2580.0}, {"index": 18575, "quantile": 0.25, "value": 153700.0, "Latitude": 36.91, "Longitude": -121.77, "Population": 2580.0}, {"index": 18575, "quantile": 0.5, "value": 165300.0, "Latitude": 36.91, "Longitude": -121.77, "Population": 2580.0}, {"index": 18575, "quantile": 0.75, "value": 181775.0, "Latitude": 36.91, "Longitude": -121.77, "Population": 2580.0}, {"index": 18575, "quantile": 1.0, "value": 350000.0, "Latitude": 36.91, "Longitude": -121.77, "Population": 2580.0}, {"index": 18576, "quantile": 0.0, "value": 34400.0, "Latitude": 36.9, "Longitude": -121.76, "Population": 1321.0}, {"index": 18576, "quantile": 0.25, "value": 108949.99999999999, "Latitude": 36.9, "Longitude": -121.76, "Population": 1321.0}, {"index": 18576, "quantile": 0.5, "value": 118849.99999999999, "Latitude": 36.9, "Longitude": -121.76, "Population": 1321.0}, {"index": 18576, "quantile": 0.75, "value": 155000.0, "Latitude": 36.9, "Longitude": -121.76, "Population": 1321.0}, {"index": 18576, "quantile": 1.0, "value": 350000.0, "Latitude": 36.9, "Longitude": -121.76, "Population": 1321.0}, {"index": 18577, "quantile": 0.0, "value": 87500.0, "Latitude": 36.93, "Longitude": -121.77, "Population": 1534.0}, {"index": 18577, "quantile": 0.25, "value": 190325.0, "Latitude": 36.93, "Longitude": -121.77, "Population": 1534.0}, {"index": 18577, "quantile": 0.5, "value": 190400.0, "Latitude": 36.93, "Longitude": -121.77, "Population": 1534.0}, {"index": 18577, "quantile": 0.75, "value": 190400.0, "Latitude": 36.93, "Longitude": -121.77, "Population": 1534.0}, {"index": 18577, "quantile": 1.0, "value": 362500.0, "Latitude": 36.93, "Longitude": -121.77, "Population": 1534.0}, {"index": 18578, "quantile": 0.0, "value": 91500.0, "Latitude": 36.93, "Longitude": -121.77, "Population": 1844.0}, {"index": 18578, "quantile": 0.25, "value": 171425.0, "Latitude": 36.93, "Longitude": -121.77, "Population": 1844.0}, {"index": 18578, "quantile": 0.5, "value": 184300.0, "Latitude": 36.93, "Longitude": -121.77, "Population": 1844.0}, {"index": 18578, "quantile": 0.75, "value": 184300.0, "Latitude": 36.93, "Longitude": -121.77, "Population": 1844.0}, {"index": 18578, "quantile": 1.0, "value": 305800.0, "Latitude": 36.93, "Longitude": -121.77, "Population": 1844.0}, {"index": 18579, "quantile": 0.0, "value": 133100.0, "Latitude": 36.93, "Longitude": -121.77, "Population": 1075.0}, {"index": 18579, "quantile": 0.25, "value": 190000.0, "Latitude": 36.93, "Longitude": -121.77, "Population": 1075.0}, {"index": 18579, "quantile": 0.5, "value": 190000.0, "Latitude": 36.93, "Longitude": -121.77, "Population": 1075.0}, {"index": 18579, "quantile": 0.75, "value": 190000.0, "Latitude": 36.93, "Longitude": -121.77, "Population": 1075.0}, {"index": 18579, "quantile": 1.0, "value": 241200.0, "Latitude": 36.93, "Longitude": -121.77, "Population": 1075.0}, {"index": 18580, "quantile": 0.0, "value": 87500.0, "Latitude": 36.92, "Longitude": -121.76, "Population": 2154.0}, {"index": 18580, "quantile": 0.25, "value": 169700.0, "Latitude": 36.92, "Longitude": -121.76, "Population": 2154.0}, {"index": 18580, "quantile": 0.5, "value": 169700.0, "Latitude": 36.92, "Longitude": -121.76, "Population": 2154.0}, {"index": 18580, "quantile": 0.75, "value": 169700.0, "Latitude": 36.92, "Longitude": -121.76, "Population": 2154.0}, {"index": 18580, "quantile": 1.0, "value": 200000.0, "Latitude": 36.92, "Longitude": -121.76, "Population": 2154.0}, {"index": 18581, "quantile": 0.0, "value": 114599.99999999999, "Latitude": 36.92, "Longitude": -121.77, "Population": 3198.0}, {"index": 18581, "quantile": 0.25, "value": 194800.0, "Latitude": 36.92, "Longitude": -121.77, "Population": 3198.0}, {"index": 18581, "quantile": 0.5, "value": 194800.0, "Latitude": 36.92, "Longitude": -121.77, "Population": 3198.0}, {"index": 18581, "quantile": 0.75, "value": 194800.0, "Latitude": 36.92, "Longitude": -121.77, "Population": 3198.0}, {"index": 18581, "quantile": 1.0, "value": 284200.0, "Latitude": 36.92, "Longitude": -121.77, "Population": 3198.0}, {"index": 18582, "quantile": 0.0, "value": 131600.0, "Latitude": 36.93, "Longitude": -121.79, "Population": 1856.0}, {"index": 18582, "quantile": 0.25, "value": 189100.0, "Latitude": 36.93, "Longitude": -121.79, "Population": 1856.0}, {"index": 18582, "quantile": 0.5, "value": 189100.0, "Latitude": 36.93, "Longitude": -121.79, "Population": 1856.0}, {"index": 18582, "quantile": 0.75, "value": 189100.0, "Latitude": 36.93, "Longitude": -121.79, "Population": 1856.0}, {"index": 18582, "quantile": 1.0, "value": 250199.99999999997, "Latitude": 36.93, "Longitude": -121.79, "Population": 1856.0}, {"index": 18583, "quantile": 0.0, "value": 72100.0, "Latitude": 36.92, "Longitude": -121.78, "Population": 975.0}, {"index": 18583, "quantile": 0.25, "value": 231075.0, "Latitude": 36.92, "Longitude": -121.78, "Population": 975.0}, {"index": 18583, "quantile": 0.5, "value": 241200.0, "Latitude": 36.92, "Longitude": -121.78, "Population": 975.0}, {"index": 18583, "quantile": 0.75, "value": 241200.0, "Latitude": 36.92, "Longitude": -121.78, "Population": 975.0}, {"index": 18583, "quantile": 1.0, "value": 253900.00000000003, "Latitude": 36.92, "Longitude": -121.78, "Population": 975.0}, {"index": 18584, "quantile": 0.0, "value": 66000.0, "Latitude": 36.93, "Longitude": -121.78, "Population": 2236.0}, {"index": 18584, "quantile": 0.25, "value": 151275.0, "Latitude": 36.93, "Longitude": -121.78, "Population": 2236.0}, {"index": 18584, "quantile": 0.5, "value": 184400.0, "Latitude": 36.93, "Longitude": -121.78, "Population": 2236.0}, {"index": 18584, "quantile": 0.75, "value": 190400.0, "Latitude": 36.93, "Longitude": -121.78, "Population": 2236.0}, {"index": 18584, "quantile": 1.0, "value": 362500.0, "Latitude": 36.93, "Longitude": -121.78, "Population": 2236.0}, {"index": 18585, "quantile": 0.0, "value": 45000.0, "Latitude": 36.94, "Longitude": -121.77, "Population": 1033.0}, {"index": 18585, "quantile": 0.25, "value": 155000.0, "Latitude": 36.94, "Longitude": -121.77, "Population": 1033.0}, {"index": 18585, "quantile": 0.5, "value": 171300.0, "Latitude": 36.94, "Longitude": -121.77, "Population": 1033.0}, {"index": 18585, "quantile": 0.75, "value": 171300.0, "Latitude": 36.94, "Longitude": -121.77, "Population": 1033.0}, {"index": 18585, "quantile": 1.0, "value": 262500.0, "Latitude": 36.94, "Longitude": -121.77, "Population": 1033.0}, {"index": 18586, "quantile": 0.0, "value": 114599.99999999999, "Latitude": 36.95, "Longitude": -121.79, "Population": 1516.0}, {"index": 18586, "quantile": 0.25, "value": 192200.0, "Latitude": 36.95, "Longitude": -121.79, "Population": 1516.0}, {"index": 18586, "quantile": 0.5, "value": 192200.0, "Latitude": 36.95, "Longitude": -121.79, "Population": 1516.0}, {"index": 18586, "quantile": 0.75, "value": 207475.0, "Latitude": 36.95, "Longitude": -121.79, "Population": 1516.0}, {"index": 18586, "quantile": 1.0, "value": 293800.0, "Latitude": 36.95, "Longitude": -121.79, "Population": 1516.0}, {"index": 18587, "quantile": 0.0, "value": 79700.0, "Latitude": 36.94, "Longitude": -121.8, "Population": 1669.0}, {"index": 18587, "quantile": 0.25, "value": 190100.0, "Latitude": 36.94, "Longitude": -121.8, "Population": 1669.0}, {"index": 18587, "quantile": 0.5, "value": 190100.0, "Latitude": 36.94, "Longitude": -121.8, "Population": 1669.0}, {"index": 18587, "quantile": 0.75, "value": 190100.0, "Latitude": 36.94, "Longitude": -121.8, "Population": 1669.0}, {"index": 18587, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 36.94, "Longitude": -121.8, "Population": 1669.0}, {"index": 18588, "quantile": 0.0, "value": 87500.0, "Latitude": 37.08, "Longitude": -122.25, "Population": 601.0}, {"index": 18588, "quantile": 0.25, "value": 188050.0, "Latitude": 37.08, "Longitude": -122.25, "Population": 601.0}, {"index": 18588, "quantile": 0.5, "value": 215749.99999999997, "Latitude": 37.08, "Longitude": -122.25, "Population": 601.0}, {"index": 18588, "quantile": 0.75, "value": 276250.0, "Latitude": 37.08, "Longitude": -122.25, "Population": 601.0}, {"index": 18588, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.08, "Longitude": -122.25, "Population": 601.0}, {"index": 18589, "quantile": 0.0, "value": 156700.0, "Latitude": 37.08, "Longitude": -122.14, "Population": 1278.0}, {"index": 18589, "quantile": 0.25, "value": 334000.0, "Latitude": 37.08, "Longitude": -122.14, "Population": 1278.0}, {"index": 18589, "quantile": 0.5, "value": 334000.0, "Latitude": 37.08, "Longitude": -122.14, "Population": 1278.0}, {"index": 18589, "quantile": 0.75, "value": 334000.0, "Latitude": 37.08, "Longitude": -122.14, "Population": 1278.0}, {"index": 18589, "quantile": 1.0, "value": 436700.0, "Latitude": 37.08, "Longitude": -122.14, "Population": 1278.0}, {"index": 18590, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 37.05, "Longitude": -122.11, "Population": 1449.0}, {"index": 18590, "quantile": 0.25, "value": 315800.0, "Latitude": 37.05, "Longitude": -122.11, "Population": 1449.0}, {"index": 18590, "quantile": 0.5, "value": 315800.0, "Latitude": 37.05, "Longitude": -122.11, "Population": 1449.0}, {"index": 18590, "quantile": 0.75, "value": 315800.0, "Latitude": 37.05, "Longitude": -122.11, "Population": 1449.0}, {"index": 18590, "quantile": 1.0, "value": 436700.0, "Latitude": 37.05, "Longitude": -122.11, "Population": 1449.0}, {"index": 18591, "quantile": 0.0, "value": 89500.0, "Latitude": 36.97, "Longitude": -122.13, "Population": 543.0}, {"index": 18591, "quantile": 0.25, "value": 290350.0, "Latitude": 36.97, "Longitude": -122.13, "Population": 543.0}, {"index": 18591, "quantile": 0.5, "value": 350000.0, "Latitude": 36.97, "Longitude": -122.13, "Population": 543.0}, {"index": 18591, "quantile": 0.75, "value": 350000.0, "Latitude": 36.97, "Longitude": -122.13, "Population": 543.0}, {"index": 18591, "quantile": 1.0, "value": 378000.0, "Latitude": 36.97, "Longitude": -122.13, "Population": 543.0}, {"index": 18592, "quantile": 0.0, "value": 137500.0, "Latitude": 37.13, "Longitude": -122.07, "Population": 543.0}, {"index": 18592, "quantile": 0.25, "value": 259800.0, "Latitude": 37.13, "Longitude": -122.07, "Population": 543.0}, {"index": 18592, "quantile": 0.5, "value": 263100.0, "Latitude": 37.13, "Longitude": -122.07, "Population": 543.0}, {"index": 18592, "quantile": 0.75, "value": 273275.0, "Latitude": 37.13, "Longitude": -122.07, "Population": 543.0}, {"index": 18592, "quantile": 1.0, "value": 453700.0, "Latitude": 37.13, "Longitude": -122.07, "Population": 543.0}, {"index": 18593, "quantile": 0.0, "value": 93800.0, "Latitude": 37.09, "Longitude": -122.09, "Population": 408.0}, {"index": 18593, "quantile": 0.25, "value": 222600.0, "Latitude": 37.09, "Longitude": -122.09, "Population": 408.0}, {"index": 18593, "quantile": 0.5, "value": 222600.0, "Latitude": 37.09, "Longitude": -122.09, "Population": 408.0}, {"index": 18593, "quantile": 0.75, "value": 232350.0, "Latitude": 37.09, "Longitude": -122.09, "Population": 408.0}, {"index": 18593, "quantile": 1.0, "value": 364200.0, "Latitude": 37.09, "Longitude": -122.09, "Population": 408.0}, {"index": 18594, "quantile": 0.0, "value": 180300.0, "Latitude": 37.11, "Longitude": -122.09, "Population": 1031.0}, {"index": 18594, "quantile": 0.25, "value": 231599.99999999997, "Latitude": 37.11, "Longitude": -122.09, "Population": 1031.0}, {"index": 18594, "quantile": 0.5, "value": 231599.99999999997, "Latitude": 37.11, "Longitude": -122.09, "Population": 1031.0}, {"index": 18594, "quantile": 0.75, "value": 252300.0, "Latitude": 37.11, "Longitude": -122.09, "Population": 1031.0}, {"index": 18594, "quantile": 1.0, "value": 391300.0, "Latitude": 37.11, "Longitude": -122.09, "Population": 1031.0}, {"index": 18595, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 37.09, "Longitude": -122.12, "Population": 661.0}, {"index": 18595, "quantile": 0.25, "value": 239600.0, "Latitude": 37.09, "Longitude": -122.12, "Population": 661.0}, {"index": 18595, "quantile": 0.5, "value": 239600.0, "Latitude": 37.09, "Longitude": -122.12, "Population": 661.0}, {"index": 18595, "quantile": 0.75, "value": 239600.0, "Latitude": 37.09, "Longitude": -122.12, "Population": 661.0}, {"index": 18595, "quantile": 1.0, "value": 387500.0, "Latitude": 37.09, "Longitude": -122.12, "Population": 661.0}, {"index": 18596, "quantile": 0.0, "value": 202000.0, "Latitude": 37.07, "Longitude": -122.09, "Population": 1780.0}, {"index": 18596, "quantile": 0.25, "value": 214299.99999999997, "Latitude": 37.07, "Longitude": -122.09, "Population": 1780.0}, {"index": 18596, "quantile": 0.5, "value": 214299.99999999997, "Latitude": 37.07, "Longitude": -122.09, "Population": 1780.0}, {"index": 18596, "quantile": 0.75, "value": 220900.0, "Latitude": 37.07, "Longitude": -122.09, "Population": 1780.0}, {"index": 18596, "quantile": 1.0, "value": 364200.0, "Latitude": 37.07, "Longitude": -122.09, "Population": 1780.0}, {"index": 18597, "quantile": 0.0, "value": 165800.0, "Latitude": 37.08, "Longitude": -122.08, "Population": 791.0}, {"index": 18597, "quantile": 0.25, "value": 204800.0, "Latitude": 37.08, "Longitude": -122.08, "Population": 791.0}, {"index": 18597, "quantile": 0.5, "value": 204800.0, "Latitude": 37.08, "Longitude": -122.08, "Population": 791.0}, {"index": 18597, "quantile": 0.75, "value": 226424.99999999997, "Latitude": 37.08, "Longitude": -122.08, "Population": 791.0}, {"index": 18597, "quantile": 1.0, "value": 378000.0, "Latitude": 37.08, "Longitude": -122.08, "Population": 791.0}, {"index": 18598, "quantile": 0.0, "value": 140300.0, "Latitude": 37.17, "Longitude": -122.16, "Population": 2755.0}, {"index": 18598, "quantile": 0.25, "value": 202300.0, "Latitude": 37.17, "Longitude": -122.16, "Population": 2755.0}, {"index": 18598, "quantile": 0.5, "value": 202300.0, "Latitude": 37.17, "Longitude": -122.16, "Population": 2755.0}, {"index": 18598, "quantile": 0.75, "value": 246099.99999999997, "Latitude": 37.17, "Longitude": -122.16, "Population": 2755.0}, {"index": 18598, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.17, "Longitude": -122.16, "Population": 2755.0}, {"index": 18599, "quantile": 0.0, "value": 81300.0, "Latitude": 37.12, "Longitude": -122.12, "Population": 1078.0}, {"index": 18599, "quantile": 0.25, "value": 206900.0, "Latitude": 37.12, "Longitude": -122.12, "Population": 1078.0}, {"index": 18599, "quantile": 0.5, "value": 206900.0, "Latitude": 37.12, "Longitude": -122.12, "Population": 1078.0}, {"index": 18599, "quantile": 0.75, "value": 206900.0, "Latitude": 37.12, "Longitude": -122.12, "Population": 1078.0}, {"index": 18599, "quantile": 1.0, "value": 356300.0, "Latitude": 37.12, "Longitude": -122.12, "Population": 1078.0}, {"index": 18600, "quantile": 0.0, "value": 188300.0, "Latitude": 37.15, "Longitude": -122.18, "Population": 591.0}, {"index": 18600, "quantile": 0.25, "value": 284100.0, "Latitude": 37.15, "Longitude": -122.18, "Population": 591.0}, {"index": 18600, "quantile": 0.5, "value": 284100.0, "Latitude": 37.15, "Longitude": -122.18, "Population": 591.0}, {"index": 18600, "quantile": 0.75, "value": 284100.0, "Latitude": 37.15, "Longitude": -122.18, "Population": 591.0}, {"index": 18600, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.15, "Longitude": -122.18, "Population": 591.0}, {"index": 18601, "quantile": 0.0, "value": 185100.0, "Latitude": 37.16, "Longitude": -122.12, "Population": 752.0}, {"index": 18601, "quantile": 0.25, "value": 185100.0, "Latitude": 37.16, "Longitude": -122.12, "Population": 752.0}, {"index": 18601, "quantile": 0.5, "value": 185100.0, "Latitude": 37.16, "Longitude": -122.12, "Population": 752.0}, {"index": 18601, "quantile": 0.75, "value": 197875.0, "Latitude": 37.16, "Longitude": -122.12, "Population": 752.0}, {"index": 18601, "quantile": 1.0, "value": 489799.99999999994, "Latitude": 37.16, "Longitude": -122.12, "Population": 752.0}, {"index": 18602, "quantile": 0.0, "value": 141200.0, "Latitude": 37.19, "Longitude": -122.1, "Population": 420.0}, {"index": 18602, "quantile": 0.25, "value": 273300.0, "Latitude": 37.19, "Longitude": -122.1, "Population": 420.0}, {"index": 18602, "quantile": 0.5, "value": 273300.0, "Latitude": 37.19, "Longitude": -122.1, "Population": 420.0}, {"index": 18602, "quantile": 0.75, "value": 273900.0, "Latitude": 37.19, "Longitude": -122.1, "Population": 420.0}, {"index": 18602, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.19, "Longitude": -122.1, "Population": 420.0}, {"index": 18603, "quantile": 0.0, "value": 171900.0, "Latitude": 37.15, "Longitude": -122.08, "Population": 264.0}, {"index": 18603, "quantile": 0.25, "value": 273900.0, "Latitude": 37.15, "Longitude": -122.08, "Population": 264.0}, {"index": 18603, "quantile": 0.5, "value": 273900.0, "Latitude": 37.15, "Longitude": -122.08, "Population": 264.0}, {"index": 18603, "quantile": 0.75, "value": 317325.00000000006, "Latitude": 37.15, "Longitude": -122.08, "Population": 264.0}, {"index": 18603, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.15, "Longitude": -122.08, "Population": 264.0}, {"index": 18604, "quantile": 0.0, "value": 196400.0, "Latitude": 37.11, "Longitude": -122.11, "Population": 850.0}, {"index": 18604, "quantile": 0.25, "value": 206800.0, "Latitude": 37.11, "Longitude": -122.11, "Population": 850.0}, {"index": 18604, "quantile": 0.5, "value": 206800.0, "Latitude": 37.11, "Longitude": -122.11, "Population": 850.0}, {"index": 18604, "quantile": 0.75, "value": 256524.99999999997, "Latitude": 37.11, "Longitude": -122.11, "Population": 850.0}, {"index": 18604, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.11, "Longitude": -122.11, "Population": 850.0}, {"index": 18605, "quantile": 0.0, "value": 108900.0, "Latitude": 37.14, "Longitude": -122.11, "Population": 1722.0}, {"index": 18605, "quantile": 0.25, "value": 204100.0, "Latitude": 37.14, "Longitude": -122.11, "Population": 1722.0}, {"index": 18605, "quantile": 0.5, "value": 204100.0, "Latitude": 37.14, "Longitude": -122.11, "Population": 1722.0}, {"index": 18605, "quantile": 0.75, "value": 210849.99999999997, "Latitude": 37.14, "Longitude": -122.11, "Population": 1722.0}, {"index": 18605, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.14, "Longitude": -122.11, "Population": 1722.0}, {"index": 18606, "quantile": 0.0, "value": 84400.0, "Latitude": 37.15, "Longitude": -122.13, "Population": 1338.0}, {"index": 18606, "quantile": 0.25, "value": 180300.0, "Latitude": 37.15, "Longitude": -122.13, "Population": 1338.0}, {"index": 18606, "quantile": 0.5, "value": 180300.0, "Latitude": 37.15, "Longitude": -122.13, "Population": 1338.0}, {"index": 18606, "quantile": 0.75, "value": 220900.0, "Latitude": 37.15, "Longitude": -122.13, "Population": 1338.0}, {"index": 18606, "quantile": 1.0, "value": 400000.0, "Latitude": 37.15, "Longitude": -122.13, "Population": 1338.0}, {"index": 18607, "quantile": 0.0, "value": 273900.0, "Latitude": 37.21, "Longitude": -122.09, "Population": 822.0}, {"index": 18607, "quantile": 0.25, "value": 394900.0, "Latitude": 37.21, "Longitude": -122.09, "Population": 822.0}, {"index": 18607, "quantile": 0.5, "value": 394900.0, "Latitude": 37.21, "Longitude": -122.09, "Population": 822.0}, {"index": 18607, "quantile": 0.75, "value": 394900.0, "Latitude": 37.21, "Longitude": -122.09, "Population": 822.0}, {"index": 18607, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.21, "Longitude": -122.09, "Population": 822.0}, {"index": 18608, "quantile": 0.0, "value": 255700.0, "Latitude": 37.12, "Longitude": -122.0, "Population": 1674.0}, {"index": 18608, "quantile": 0.25, "value": 383300.0, "Latitude": 37.12, "Longitude": -122.0, "Population": 1674.0}, {"index": 18608, "quantile": 0.5, "value": 383300.0, "Latitude": 37.12, "Longitude": -122.0, "Population": 1674.0}, {"index": 18608, "quantile": 0.75, "value": 383300.0, "Latitude": 37.12, "Longitude": -122.0, "Population": 1674.0}, {"index": 18608, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.12, "Longitude": -122.0, "Population": 1674.0}, {"index": 18609, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 37.12, "Longitude": -122.04, "Population": 686.0}, {"index": 18609, "quantile": 0.25, "value": 231599.99999999997, "Latitude": 37.12, "Longitude": -122.04, "Population": 686.0}, {"index": 18609, "quantile": 0.5, "value": 239600.0, "Latitude": 37.12, "Longitude": -122.04, "Population": 686.0}, {"index": 18609, "quantile": 0.75, "value": 293125.0, "Latitude": 37.12, "Longitude": -122.04, "Population": 686.0}, {"index": 18609, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.12, "Longitude": -122.04, "Population": 686.0}, {"index": 18610, "quantile": 0.0, "value": 185100.0, "Latitude": 37.11, "Longitude": -122.02, "Population": 942.0}, {"index": 18610, "quantile": 0.25, "value": 196400.0, "Latitude": 37.11, "Longitude": -122.02, "Population": 942.0}, {"index": 18610, "quantile": 0.5, "value": 196400.0, "Latitude": 37.11, "Longitude": -122.02, "Population": 942.0}, {"index": 18610, "quantile": 0.75, "value": 196400.0, "Latitude": 37.11, "Longitude": -122.02, "Population": 942.0}, {"index": 18610, "quantile": 1.0, "value": 440299.99999999994, "Latitude": 37.11, "Longitude": -122.02, "Population": 942.0}, {"index": 18611, "quantile": 0.0, "value": 146300.0, "Latitude": 37.11, "Longitude": -122.05, "Population": 497.0}, {"index": 18611, "quantile": 0.25, "value": 146300.0, "Latitude": 37.11, "Longitude": -122.05, "Population": 497.0}, {"index": 18611, "quantile": 0.5, "value": 146300.0, "Latitude": 37.11, "Longitude": -122.05, "Population": 497.0}, {"index": 18611, "quantile": 0.75, "value": 225800.0, "Latitude": 37.11, "Longitude": -122.05, "Population": 497.0}, {"index": 18611, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.11, "Longitude": -122.05, "Population": 497.0}, {"index": 18612, "quantile": 0.0, "value": 165500.0, "Latitude": 37.08, "Longitude": -122.07, "Population": 2670.0}, {"index": 18612, "quantile": 0.25, "value": 274275.0, "Latitude": 37.08, "Longitude": -122.07, "Population": 2670.0}, {"index": 18612, "quantile": 0.5, "value": 322150.0, "Latitude": 37.08, "Longitude": -122.07, "Population": 2670.0}, {"index": 18612, "quantile": 0.75, "value": 404050.0, "Latitude": 37.08, "Longitude": -122.07, "Population": 2670.0}, {"index": 18612, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.08, "Longitude": -122.07, "Population": 2670.0}, {"index": 18613, "quantile": 0.0, "value": 90400.0, "Latitude": 37.05, "Longitude": -122.05, "Population": 915.0}, {"index": 18613, "quantile": 0.25, "value": 217124.99999999997, "Latitude": 37.05, "Longitude": -122.05, "Population": 915.0}, {"index": 18613, "quantile": 0.5, "value": 240350.00000000003, "Latitude": 37.05, "Longitude": -122.05, "Population": 915.0}, {"index": 18613, "quantile": 0.75, "value": 319325.0, "Latitude": 37.05, "Longitude": -122.05, "Population": 915.0}, {"index": 18613, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.05, "Longitude": -122.05, "Population": 915.0}, {"index": 18614, "quantile": 0.0, "value": 176000.0, "Latitude": 37.06, "Longitude": -122.07, "Population": 939.0}, {"index": 18614, "quantile": 0.25, "value": 232300.0, "Latitude": 37.06, "Longitude": -122.07, "Population": 939.0}, {"index": 18614, "quantile": 0.5, "value": 232300.0, "Latitude": 37.06, "Longitude": -122.07, "Population": 939.0}, {"index": 18614, "quantile": 0.75, "value": 232300.0, "Latitude": 37.06, "Longitude": -122.07, "Population": 939.0}, {"index": 18614, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.06, "Longitude": -122.07, "Population": 939.0}, {"index": 18615, "quantile": 0.0, "value": 180300.0, "Latitude": 37.04, "Longitude": -122.08, "Population": 1353.0}, {"index": 18615, "quantile": 0.25, "value": 220900.0, "Latitude": 37.04, "Longitude": -122.08, "Population": 1353.0}, {"index": 18615, "quantile": 0.5, "value": 220900.0, "Latitude": 37.04, "Longitude": -122.08, "Population": 1353.0}, {"index": 18615, "quantile": 0.75, "value": 231949.99999999997, "Latitude": 37.04, "Longitude": -122.08, "Population": 1353.0}, {"index": 18615, "quantile": 1.0, "value": 364200.0, "Latitude": 37.04, "Longitude": -122.08, "Population": 1353.0}, {"index": 18616, "quantile": 0.0, "value": 180300.0, "Latitude": 37.03, "Longitude": -122.08, "Population": 2143.0}, {"index": 18616, "quantile": 0.25, "value": 203700.0, "Latitude": 37.03, "Longitude": -122.08, "Population": 2143.0}, {"index": 18616, "quantile": 0.5, "value": 203700.0, "Latitude": 37.03, "Longitude": -122.08, "Population": 2143.0}, {"index": 18616, "quantile": 0.75, "value": 221000.0, "Latitude": 37.03, "Longitude": -122.08, "Population": 2143.0}, {"index": 18616, "quantile": 1.0, "value": 391300.0, "Latitude": 37.03, "Longitude": -122.08, "Population": 2143.0}, {"index": 18617, "quantile": 0.0, "value": 126000.0, "Latitude": 37.04, "Longitude": -122.04, "Population": 1987.0}, {"index": 18617, "quantile": 0.25, "value": 270550.0, "Latitude": 37.04, "Longitude": -122.04, "Population": 1987.0}, {"index": 18617, "quantile": 0.5, "value": 312300.0, "Latitude": 37.04, "Longitude": -122.04, "Population": 1987.0}, {"index": 18617, "quantile": 0.75, "value": 312300.0, "Latitude": 37.04, "Longitude": -122.04, "Population": 1987.0}, {"index": 18617, "quantile": 1.0, "value": 417600.0, "Latitude": 37.04, "Longitude": -122.04, "Population": 1987.0}, {"index": 18618, "quantile": 0.0, "value": 192300.0, "Latitude": 37.03, "Longitude": -122.03, "Population": 2014.0}, {"index": 18618, "quantile": 0.25, "value": 322000.0, "Latitude": 37.03, "Longitude": -122.03, "Population": 2014.0}, {"index": 18618, "quantile": 0.5, "value": 322000.0, "Latitude": 37.03, "Longitude": -122.03, "Population": 2014.0}, {"index": 18618, "quantile": 0.75, "value": 322000.0, "Latitude": 37.03, "Longitude": -122.03, "Population": 2014.0}, {"index": 18618, "quantile": 1.0, "value": 431400.0, "Latitude": 37.03, "Longitude": -122.03, "Population": 2014.0}, {"index": 18619, "quantile": 0.0, "value": 345900.0, "Latitude": 37.01, "Longitude": -122.02, "Population": 345.0}, {"index": 18619, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 37.01, "Longitude": -122.02, "Population": 345.0}, {"index": 18619, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 37.01, "Longitude": -122.02, "Population": 345.0}, {"index": 18619, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 37.01, "Longitude": -122.02, "Population": 345.0}, {"index": 18619, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.01, "Longitude": -122.02, "Population": 345.0}, {"index": 18620, "quantile": 0.0, "value": 150900.0, "Latitude": 37.0, "Longitude": -122.03, "Population": 816.0}, {"index": 18620, "quantile": 0.25, "value": 264325.0, "Latitude": 37.0, "Longitude": -122.03, "Population": 816.0}, {"index": 18620, "quantile": 0.5, "value": 323100.0, "Latitude": 37.0, "Longitude": -122.03, "Population": 816.0}, {"index": 18620, "quantile": 0.75, "value": 375975.0, "Latitude": 37.0, "Longitude": -122.03, "Population": 816.0}, {"index": 18620, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.0, "Longitude": -122.03, "Population": 816.0}, {"index": 18621, "quantile": 0.0, "value": 106900.0, "Latitude": 37.08, "Longitude": -122.04, "Population": 229.0}, {"index": 18621, "quantile": 0.25, "value": 262049.99999999997, "Latitude": 37.08, "Longitude": -122.04, "Population": 229.0}, {"index": 18621, "quantile": 0.5, "value": 311100.0, "Latitude": 37.08, "Longitude": -122.04, "Population": 229.0}, {"index": 18621, "quantile": 0.75, "value": 386400.0, "Latitude": 37.08, "Longitude": -122.04, "Population": 229.0}, {"index": 18621, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.08, "Longitude": -122.04, "Population": 229.0}, {"index": 18622, "quantile": 0.0, "value": 108000.0, "Latitude": 37.09, "Longitude": -122.02, "Population": 682.0}, {"index": 18622, "quantile": 0.25, "value": 240000.0, "Latitude": 37.09, "Longitude": -122.02, "Population": 682.0}, {"index": 18622, "quantile": 0.5, "value": 240000.0, "Latitude": 37.09, "Longitude": -122.02, "Population": 682.0}, {"index": 18622, "quantile": 0.75, "value": 242975.00000000003, "Latitude": 37.09, "Longitude": -122.02, "Population": 682.0}, {"index": 18622, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.09, "Longitude": -122.02, "Population": 682.0}, {"index": 18623, "quantile": 0.0, "value": 131000.0, "Latitude": 37.05, "Longitude": -122.03, "Population": 784.0}, {"index": 18623, "quantile": 0.25, "value": 190900.0, "Latitude": 37.05, "Longitude": -122.03, "Population": 784.0}, {"index": 18623, "quantile": 0.5, "value": 190900.0, "Latitude": 37.05, "Longitude": -122.03, "Population": 784.0}, {"index": 18623, "quantile": 0.75, "value": 214000.0, "Latitude": 37.05, "Longitude": -122.03, "Population": 784.0}, {"index": 18623, "quantile": 1.0, "value": 417600.0, "Latitude": 37.05, "Longitude": -122.03, "Population": 784.0}, {"index": 18624, "quantile": 0.0, "value": 165100.0, "Latitude": 37.06, "Longitude": -122.01, "Population": 2006.0}, {"index": 18624, "quantile": 0.25, "value": 246600.00000000003, "Latitude": 37.06, "Longitude": -122.01, "Population": 2006.0}, {"index": 18624, "quantile": 0.5, "value": 275000.0, "Latitude": 37.06, "Longitude": -122.01, "Population": 2006.0}, {"index": 18624, "quantile": 0.75, "value": 315650.00000000006, "Latitude": 37.06, "Longitude": -122.01, "Population": 2006.0}, {"index": 18624, "quantile": 1.0, "value": 453700.0, "Latitude": 37.06, "Longitude": -122.01, "Population": 2006.0}, {"index": 18625, "quantile": 0.0, "value": 126200.0, "Latitude": 37.08, "Longitude": -122.0, "Population": 2149.0}, {"index": 18625, "quantile": 0.25, "value": 232500.00000000003, "Latitude": 37.08, "Longitude": -122.0, "Population": 2149.0}, {"index": 18625, "quantile": 0.5, "value": 258950.0, "Latitude": 37.08, "Longitude": -122.0, "Population": 2149.0}, {"index": 18625, "quantile": 0.75, "value": 298875.0, "Latitude": 37.08, "Longitude": -122.0, "Population": 2149.0}, {"index": 18625, "quantile": 1.0, "value": 386800.0, "Latitude": 37.08, "Longitude": -122.0, "Population": 2149.0}, {"index": 18626, "quantile": 0.0, "value": 188300.0, "Latitude": 37.11, "Longitude": -121.95, "Population": 913.0}, {"index": 18626, "quantile": 0.25, "value": 345900.0, "Latitude": 37.11, "Longitude": -121.95, "Population": 913.0}, {"index": 18626, "quantile": 0.5, "value": 389799.99999999994, "Latitude": 37.11, "Longitude": -121.95, "Population": 913.0}, {"index": 18626, "quantile": 0.75, "value": 447300.0, "Latitude": 37.11, "Longitude": -121.95, "Population": 913.0}, {"index": 18626, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.11, "Longitude": -121.95, "Population": 913.0}, {"index": 18627, "quantile": 0.0, "value": 171900.0, "Latitude": 37.1, "Longitude": -121.96, "Population": 361.0}, {"index": 18627, "quantile": 0.25, "value": 311500.0, "Latitude": 37.1, "Longitude": -121.96, "Population": 361.0}, {"index": 18627, "quantile": 0.5, "value": 350000.0, "Latitude": 37.1, "Longitude": -121.96, "Population": 361.0}, {"index": 18627, "quantile": 0.75, "value": 360000.0, "Latitude": 37.1, "Longitude": -121.96, "Population": 361.0}, {"index": 18627, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.1, "Longitude": -121.96, "Population": 361.0}, {"index": 18628, "quantile": 0.0, "value": 171700.0, "Latitude": 37.1, "Longitude": -121.87, "Population": 798.0}, {"index": 18628, "quantile": 0.25, "value": 329300.0, "Latitude": 37.1, "Longitude": -121.87, "Population": 798.0}, {"index": 18628, "quantile": 0.5, "value": 347800.0, "Latitude": 37.1, "Longitude": -121.87, "Population": 798.0}, {"index": 18628, "quantile": 0.75, "value": 368900.0, "Latitude": 37.1, "Longitude": -121.87, "Population": 798.0}, {"index": 18628, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.1, "Longitude": -121.87, "Population": 798.0}, {"index": 18629, "quantile": 0.0, "value": 229999.99999999997, "Latitude": 37.1, "Longitude": -121.9, "Population": 670.0}, {"index": 18629, "quantile": 0.25, "value": 356600.0, "Latitude": 37.1, "Longitude": -121.9, "Population": 670.0}, {"index": 18629, "quantile": 0.5, "value": 356600.0, "Latitude": 37.1, "Longitude": -121.9, "Population": 670.0}, {"index": 18629, "quantile": 0.75, "value": 356600.0, "Latitude": 37.1, "Longitude": -121.9, "Population": 670.0}, {"index": 18629, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.1, "Longitude": -121.9, "Population": 670.0}, {"index": 18630, "quantile": 0.0, "value": 97200.0, "Latitude": 37.04, "Longitude": -121.93, "Population": 677.0}, {"index": 18630, "quantile": 0.25, "value": 227300.0, "Latitude": 37.04, "Longitude": -121.93, "Population": 677.0}, {"index": 18630, "quantile": 0.5, "value": 249700.0, "Latitude": 37.04, "Longitude": -121.93, "Population": 677.0}, {"index": 18630, "quantile": 0.75, "value": 271925.0, "Latitude": 37.04, "Longitude": -121.93, "Population": 677.0}, {"index": 18630, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.04, "Longitude": -121.93, "Population": 677.0}, {"index": 18631, "quantile": 0.0, "value": 128899.99999999999, "Latitude": 37.03, "Longitude": -121.96, "Population": 511.0}, {"index": 18631, "quantile": 0.25, "value": 311100.0, "Latitude": 37.03, "Longitude": -121.96, "Population": 511.0}, {"index": 18631, "quantile": 0.5, "value": 386400.0, "Latitude": 37.03, "Longitude": -121.96, "Population": 511.0}, {"index": 18631, "quantile": 0.75, "value": 386400.0, "Latitude": 37.03, "Longitude": -121.96, "Population": 511.0}, {"index": 18631, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.03, "Longitude": -121.96, "Population": 511.0}, {"index": 18632, "quantile": 0.0, "value": 150800.0, "Latitude": 37.05, "Longitude": -121.93, "Population": 306.0}, {"index": 18632, "quantile": 0.25, "value": 340450.0, "Latitude": 37.05, "Longitude": -121.93, "Population": 306.0}, {"index": 18632, "quantile": 0.5, "value": 340600.0, "Latitude": 37.05, "Longitude": -121.93, "Population": 306.0}, {"index": 18632, "quantile": 0.75, "value": 340600.0, "Latitude": 37.05, "Longitude": -121.93, "Population": 306.0}, {"index": 18632, "quantile": 1.0, "value": 435799.99999999994, "Latitude": 37.05, "Longitude": -121.93, "Population": 306.0}, {"index": 18633, "quantile": 0.0, "value": 143000.0, "Latitude": 37.06, "Longitude": -121.96, "Population": 650.0}, {"index": 18633, "quantile": 0.25, "value": 262850.0, "Latitude": 37.06, "Longitude": -121.96, "Population": 650.0}, {"index": 18633, "quantile": 0.5, "value": 390000.0, "Latitude": 37.06, "Longitude": -121.96, "Population": 650.0}, {"index": 18633, "quantile": 0.75, "value": 390000.0, "Latitude": 37.06, "Longitude": -121.96, "Population": 650.0}, {"index": 18633, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.06, "Longitude": -121.96, "Population": 650.0}, {"index": 18634, "quantile": 0.0, "value": 156700.0, "Latitude": 37.05, "Longitude": -121.99, "Population": 955.0}, {"index": 18634, "quantile": 0.25, "value": 284275.0, "Latitude": 37.05, "Longitude": -121.99, "Population": 955.0}, {"index": 18634, "quantile": 0.5, "value": 353000.0, "Latitude": 37.05, "Longitude": -121.99, "Population": 955.0}, {"index": 18634, "quantile": 0.75, "value": 353000.0, "Latitude": 37.05, "Longitude": -121.99, "Population": 955.0}, {"index": 18634, "quantile": 1.0, "value": 386200.0, "Latitude": 37.05, "Longitude": -121.99, "Population": 955.0}, {"index": 18635, "quantile": 0.0, "value": 217499.99999999997, "Latitude": 37.06, "Longitude": -122.0, "Population": 1149.0}, {"index": 18635, "quantile": 0.25, "value": 269975.0, "Latitude": 37.06, "Longitude": -122.0, "Population": 1149.0}, {"index": 18635, "quantile": 0.5, "value": 304400.0, "Latitude": 37.06, "Longitude": -122.0, "Population": 1149.0}, {"index": 18635, "quantile": 0.75, "value": 304400.0, "Latitude": 37.06, "Longitude": -122.0, "Population": 1149.0}, {"index": 18635, "quantile": 1.0, "value": 402600.0, "Latitude": 37.06, "Longitude": -122.0, "Population": 1149.0}, {"index": 18636, "quantile": 0.0, "value": 183800.0, "Latitude": 37.03, "Longitude": -122.01, "Population": 2616.0}, {"index": 18636, "quantile": 0.25, "value": 278025.0, "Latitude": 37.03, "Longitude": -122.01, "Population": 2616.0}, {"index": 18636, "quantile": 0.5, "value": 296900.00000000006, "Latitude": 37.03, "Longitude": -122.01, "Population": 2616.0}, {"index": 18636, "quantile": 0.75, "value": 333300.0, "Latitude": 37.03, "Longitude": -122.01, "Population": 2616.0}, {"index": 18636, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.03, "Longitude": -122.01, "Population": 2616.0}, {"index": 18637, "quantile": 0.0, "value": 172100.0, "Latitude": 37.01, "Longitude": -121.97, "Population": 1044.0}, {"index": 18637, "quantile": 0.25, "value": 223500.0, "Latitude": 37.01, "Longitude": -121.97, "Population": 1044.0}, {"index": 18637, "quantile": 0.5, "value": 238800.0, "Latitude": 37.01, "Longitude": -121.97, "Population": 1044.0}, {"index": 18637, "quantile": 0.75, "value": 255799.99999999997, "Latitude": 37.01, "Longitude": -121.97, "Population": 1044.0}, {"index": 18637, "quantile": 1.0, "value": 378000.0, "Latitude": 37.01, "Longitude": -121.97, "Population": 1044.0}, {"index": 18638, "quantile": 0.0, "value": 134500.0, "Latitude": 36.99, "Longitude": -121.98, "Population": 3416.0}, {"index": 18638, "quantile": 0.25, "value": 258300.00000000003, "Latitude": 36.99, "Longitude": -121.98, "Population": 3416.0}, {"index": 18638, "quantile": 0.5, "value": 262400.0, "Latitude": 36.99, "Longitude": -121.98, "Population": 3416.0}, {"index": 18638, "quantile": 0.75, "value": 262400.0, "Latitude": 36.99, "Longitude": -121.98, "Population": 3416.0}, {"index": 18638, "quantile": 1.0, "value": 369300.0, "Latitude": 36.99, "Longitude": -121.98, "Population": 3416.0}, {"index": 18639, "quantile": 0.0, "value": 157800.0, "Latitude": 37.0, "Longitude": -121.97, "Population": 522.0}, {"index": 18639, "quantile": 0.25, "value": 272900.0, "Latitude": 37.0, "Longitude": -121.97, "Population": 522.0}, {"index": 18639, "quantile": 0.5, "value": 272900.0, "Latitude": 37.0, "Longitude": -121.97, "Population": 522.0}, {"index": 18639, "quantile": 0.75, "value": 272900.0, "Latitude": 37.0, "Longitude": -121.97, "Population": 522.0}, {"index": 18639, "quantile": 1.0, "value": 316000.0, "Latitude": 37.0, "Longitude": -121.97, "Population": 522.0}, {"index": 18640, "quantile": 0.0, "value": 120400.0, "Latitude": 36.98, "Longitude": -121.98, "Population": 1652.0}, {"index": 18640, "quantile": 0.25, "value": 215800.0, "Latitude": 36.98, "Longitude": -121.98, "Population": 1652.0}, {"index": 18640, "quantile": 0.5, "value": 215800.0, "Latitude": 36.98, "Longitude": -121.98, "Population": 1652.0}, {"index": 18640, "quantile": 0.75, "value": 224750.0, "Latitude": 36.98, "Longitude": -121.98, "Population": 1652.0}, {"index": 18640, "quantile": 1.0, "value": 347800.0, "Latitude": 36.98, "Longitude": -121.98, "Population": 1652.0}, {"index": 18641, "quantile": 0.0, "value": 152400.0, "Latitude": 36.99, "Longitude": -121.99, "Population": 1039.0}, {"index": 18641, "quantile": 0.25, "value": 206999.99999999997, "Latitude": 36.99, "Longitude": -121.99, "Population": 1039.0}, {"index": 18641, "quantile": 0.5, "value": 206999.99999999997, "Latitude": 36.99, "Longitude": -121.99, "Population": 1039.0}, {"index": 18641, "quantile": 0.75, "value": 207300.0, "Latitude": 36.99, "Longitude": -121.99, "Population": 1039.0}, {"index": 18641, "quantile": 1.0, "value": 300000.0, "Latitude": 36.99, "Longitude": -121.99, "Population": 1039.0}, {"index": 18642, "quantile": 0.0, "value": 177600.0, "Latitude": 36.98, "Longitude": -121.99, "Population": 1365.0}, {"index": 18642, "quantile": 0.25, "value": 234600.0, "Latitude": 36.98, "Longitude": -121.99, "Population": 1365.0}, {"index": 18642, "quantile": 0.5, "value": 234600.0, "Latitude": 36.98, "Longitude": -121.99, "Population": 1365.0}, {"index": 18642, "quantile": 0.75, "value": 234600.0, "Latitude": 36.98, "Longitude": -121.99, "Population": 1365.0}, {"index": 18642, "quantile": 1.0, "value": 378000.0, "Latitude": 36.98, "Longitude": -121.99, "Population": 1365.0}, {"index": 18643, "quantile": 0.0, "value": 126699.99999999999, "Latitude": 36.98, "Longitude": -121.99, "Population": 3018.0}, {"index": 18643, "quantile": 0.25, "value": 215600.0, "Latitude": 36.98, "Longitude": -121.99, "Population": 3018.0}, {"index": 18643, "quantile": 0.5, "value": 215600.0, "Latitude": 36.98, "Longitude": -121.99, "Population": 3018.0}, {"index": 18643, "quantile": 0.75, "value": 225000.0, "Latitude": 36.98, "Longitude": -121.99, "Population": 3018.0}, {"index": 18643, "quantile": 1.0, "value": 369300.0, "Latitude": 36.98, "Longitude": -121.99, "Population": 3018.0}, {"index": 18644, "quantile": 0.0, "value": 150000.0, "Latitude": 36.97, "Longitude": -121.98, "Population": 1952.0}, {"index": 18644, "quantile": 0.25, "value": 215800.0, "Latitude": 36.97, "Longitude": -121.98, "Population": 1952.0}, {"index": 18644, "quantile": 0.5, "value": 246700.0, "Latitude": 36.97, "Longitude": -121.98, "Population": 1952.0}, {"index": 18644, "quantile": 0.75, "value": 267500.0, "Latitude": 36.97, "Longitude": -121.98, "Population": 1952.0}, {"index": 18644, "quantile": 1.0, "value": 364200.0, "Latitude": 36.97, "Longitude": -121.98, "Population": 1952.0}, {"index": 18645, "quantile": 0.0, "value": 143800.0, "Latitude": 36.96, "Longitude": -121.98, "Population": 2186.0}, {"index": 18645, "quantile": 0.25, "value": 247900.0, "Latitude": 36.96, "Longitude": -121.98, "Population": 2186.0}, {"index": 18645, "quantile": 0.5, "value": 258300.00000000003, "Latitude": 36.96, "Longitude": -121.98, "Population": 2186.0}, {"index": 18645, "quantile": 0.75, "value": 258300.00000000003, "Latitude": 36.96, "Longitude": -121.98, "Population": 2186.0}, {"index": 18645, "quantile": 1.0, "value": 312200.0, "Latitude": 36.96, "Longitude": -121.98, "Population": 2186.0}, {"index": 18646, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.97, "Longitude": -121.99, "Population": 1306.0}, {"index": 18646, "quantile": 0.25, "value": 195450.0, "Latitude": 36.97, "Longitude": -121.99, "Population": 1306.0}, {"index": 18646, "quantile": 0.5, "value": 213200.0, "Latitude": 36.97, "Longitude": -121.99, "Population": 1306.0}, {"index": 18646, "quantile": 0.75, "value": 213200.0, "Latitude": 36.97, "Longitude": -121.99, "Population": 1306.0}, {"index": 18646, "quantile": 1.0, "value": 350000.0, "Latitude": 36.97, "Longitude": -121.99, "Population": 1306.0}, {"index": 18647, "quantile": 0.0, "value": 81300.0, "Latitude": 36.97, "Longitude": -122.0, "Population": 1136.0}, {"index": 18647, "quantile": 0.25, "value": 185950.00000000003, "Latitude": 36.97, "Longitude": -122.0, "Population": 1136.0}, {"index": 18647, "quantile": 0.5, "value": 228600.0, "Latitude": 36.97, "Longitude": -122.0, "Population": 1136.0}, {"index": 18647, "quantile": 0.75, "value": 281450.0, "Latitude": 36.97, "Longitude": -122.0, "Population": 1136.0}, {"index": 18647, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.97, "Longitude": -122.0, "Population": 1136.0}, {"index": 18648, "quantile": 0.0, "value": 132200.0, "Latitude": 36.96, "Longitude": -121.99, "Population": 451.0}, {"index": 18648, "quantile": 0.25, "value": 252250.0, "Latitude": 36.96, "Longitude": -121.99, "Population": 451.0}, {"index": 18648, "quantile": 0.5, "value": 294400.0, "Latitude": 36.96, "Longitude": -121.99, "Population": 451.0}, {"index": 18648, "quantile": 0.75, "value": 394400.0, "Latitude": 36.96, "Longitude": -121.99, "Population": 451.0}, {"index": 18648, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.96, "Longitude": -121.99, "Population": 451.0}, {"index": 18649, "quantile": 0.0, "value": 81000.0, "Latitude": 36.96, "Longitude": -121.99, "Population": 300.0}, {"index": 18649, "quantile": 0.25, "value": 273450.0, "Latitude": 36.96, "Longitude": -121.99, "Population": 300.0}, {"index": 18649, "quantile": 0.5, "value": 377300.0, "Latitude": 36.96, "Longitude": -121.99, "Population": 300.0}, {"index": 18649, "quantile": 0.75, "value": 377300.0, "Latitude": 36.96, "Longitude": -121.99, "Population": 300.0}, {"index": 18649, "quantile": 1.0, "value": 475000.0, "Latitude": 36.96, "Longitude": -121.99, "Population": 300.0}, {"index": 18650, "quantile": 0.0, "value": 222800.00000000003, "Latitude": 36.88, "Longitude": -121.96, "Population": 939.0}, {"index": 18650, "quantile": 0.25, "value": 294400.0, "Latitude": 36.88, "Longitude": -121.96, "Population": 939.0}, {"index": 18650, "quantile": 0.5, "value": 294400.0, "Latitude": 36.88, "Longitude": -121.96, "Population": 939.0}, {"index": 18650, "quantile": 0.75, "value": 340950.0, "Latitude": 36.88, "Longitude": -121.96, "Population": 939.0}, {"index": 18650, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.88, "Longitude": -121.96, "Population": 939.0}, {"index": 18651, "quantile": 0.0, "value": 144900.0, "Latitude": 36.97, "Longitude": -121.97, "Population": 1954.0}, {"index": 18651, "quantile": 0.25, "value": 228500.0, "Latitude": 36.97, "Longitude": -121.97, "Population": 1954.0}, {"index": 18651, "quantile": 0.5, "value": 228500.0, "Latitude": 36.97, "Longitude": -121.97, "Population": 1954.0}, {"index": 18651, "quantile": 0.75, "value": 229199.99999999997, "Latitude": 36.97, "Longitude": -121.97, "Population": 1954.0}, {"index": 18651, "quantile": 1.0, "value": 288400.0, "Latitude": 36.97, "Longitude": -121.97, "Population": 1954.0}, {"index": 18652, "quantile": 0.0, "value": 87500.0, "Latitude": 36.96, "Longitude": -121.97, "Population": 1808.0}, {"index": 18652, "quantile": 0.25, "value": 234600.0, "Latitude": 36.96, "Longitude": -121.97, "Population": 1808.0}, {"index": 18652, "quantile": 0.5, "value": 234600.0, "Latitude": 36.96, "Longitude": -121.97, "Population": 1808.0}, {"index": 18652, "quantile": 0.75, "value": 234600.0, "Latitude": 36.96, "Longitude": -121.97, "Population": 1808.0}, {"index": 18652, "quantile": 1.0, "value": 425000.0, "Latitude": 36.96, "Longitude": -121.97, "Population": 1808.0}, {"index": 18653, "quantile": 0.0, "value": 182700.0, "Latitude": 36.96, "Longitude": -121.98, "Population": 1489.0}, {"index": 18653, "quantile": 0.25, "value": 245100.0, "Latitude": 36.96, "Longitude": -121.98, "Population": 1489.0}, {"index": 18653, "quantile": 0.5, "value": 245100.0, "Latitude": 36.96, "Longitude": -121.98, "Population": 1489.0}, {"index": 18653, "quantile": 0.75, "value": 245425.0, "Latitude": 36.96, "Longitude": -121.98, "Population": 1489.0}, {"index": 18653, "quantile": 1.0, "value": 395500.0, "Latitude": 36.96, "Longitude": -121.98, "Population": 1489.0}, {"index": 18654, "quantile": 0.0, "value": 84400.0, "Latitude": 36.98, "Longitude": -121.96, "Population": 2265.0}, {"index": 18654, "quantile": 0.25, "value": 229199.99999999997, "Latitude": 36.98, "Longitude": -121.96, "Population": 2265.0}, {"index": 18654, "quantile": 0.5, "value": 229199.99999999997, "Latitude": 36.98, "Longitude": -121.96, "Population": 2265.0}, {"index": 18654, "quantile": 0.75, "value": 229199.99999999997, "Latitude": 36.98, "Longitude": -121.96, "Population": 2265.0}, {"index": 18654, "quantile": 1.0, "value": 377300.0, "Latitude": 36.98, "Longitude": -121.96, "Population": 2265.0}, {"index": 18655, "quantile": 0.0, "value": 160600.0, "Latitude": 36.98, "Longitude": -121.97, "Population": 1337.0}, {"index": 18655, "quantile": 0.25, "value": 232525.0, "Latitude": 36.98, "Longitude": -121.97, "Population": 1337.0}, {"index": 18655, "quantile": 0.5, "value": 263800.0, "Latitude": 36.98, "Longitude": -121.97, "Population": 1337.0}, {"index": 18655, "quantile": 0.75, "value": 284200.0, "Latitude": 36.98, "Longitude": -121.97, "Population": 1337.0}, {"index": 18655, "quantile": 1.0, "value": 374600.0, "Latitude": 36.98, "Longitude": -121.97, "Population": 1337.0}, {"index": 18656, "quantile": 0.0, "value": 116599.99999999999, "Latitude": 36.97, "Longitude": -121.97, "Population": 1546.0}, {"index": 18656, "quantile": 0.25, "value": 228500.0, "Latitude": 36.97, "Longitude": -121.97, "Population": 1546.0}, {"index": 18656, "quantile": 0.5, "value": 228600.0, "Latitude": 36.97, "Longitude": -121.97, "Population": 1546.0}, {"index": 18656, "quantile": 0.75, "value": 228600.0, "Latitude": 36.97, "Longitude": -121.97, "Population": 1546.0}, {"index": 18656, "quantile": 1.0, "value": 362500.0, "Latitude": 36.97, "Longitude": -121.97, "Population": 1546.0}, {"index": 18657, "quantile": 0.0, "value": 63500.0, "Latitude": 36.97, "Longitude": -121.96, "Population": 1844.0}, {"index": 18657, "quantile": 0.25, "value": 263150.0, "Latitude": 36.97, "Longitude": -121.96, "Population": 1844.0}, {"index": 18657, "quantile": 0.5, "value": 263800.0, "Latitude": 36.97, "Longitude": -121.96, "Population": 1844.0}, {"index": 18657, "quantile": 0.75, "value": 263800.0, "Latitude": 36.97, "Longitude": -121.96, "Population": 1844.0}, {"index": 18657, "quantile": 1.0, "value": 417900.0, "Latitude": 36.97, "Longitude": -121.96, "Population": 1844.0}, {"index": 18658, "quantile": 0.0, "value": 180100.0, "Latitude": 36.98, "Longitude": -121.94, "Population": 1360.0}, {"index": 18658, "quantile": 0.25, "value": 290700.0, "Latitude": 36.98, "Longitude": -121.94, "Population": 1360.0}, {"index": 18658, "quantile": 0.5, "value": 290700.0, "Latitude": 36.98, "Longitude": -121.94, "Population": 1360.0}, {"index": 18658, "quantile": 0.75, "value": 290700.0, "Latitude": 36.98, "Longitude": -121.94, "Population": 1360.0}, {"index": 18658, "quantile": 1.0, "value": 395000.0, "Latitude": 36.98, "Longitude": -121.94, "Population": 1360.0}, {"index": 18659, "quantile": 0.0, "value": 114300.0, "Latitude": 36.98, "Longitude": -121.94, "Population": 1486.0}, {"index": 18659, "quantile": 0.25, "value": 263800.0, "Latitude": 36.98, "Longitude": -121.94, "Population": 1486.0}, {"index": 18659, "quantile": 0.5, "value": 264300.0, "Latitude": 36.98, "Longitude": -121.94, "Population": 1486.0}, {"index": 18659, "quantile": 0.75, "value": 264300.0, "Latitude": 36.98, "Longitude": -121.94, "Population": 1486.0}, {"index": 18659, "quantile": 1.0, "value": 456200.0, "Latitude": 36.98, "Longitude": -121.94, "Population": 1486.0}, {"index": 18660, "quantile": 0.0, "value": 218400.00000000003, "Latitude": 36.98, "Longitude": -121.95, "Population": 1622.0}, {"index": 18660, "quantile": 0.25, "value": 261200.0, "Latitude": 36.98, "Longitude": -121.95, "Population": 1622.0}, {"index": 18660, "quantile": 0.5, "value": 261200.0, "Latitude": 36.98, "Longitude": -121.95, "Population": 1622.0}, {"index": 18660, "quantile": 0.75, "value": 263924.99999999994, "Latitude": 36.98, "Longitude": -121.95, "Population": 1622.0}, {"index": 18660, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.98, "Longitude": -121.95, "Population": 1622.0}, {"index": 18661, "quantile": 0.0, "value": 92600.0, "Latitude": 36.97, "Longitude": -121.94, "Population": 746.0}, {"index": 18661, "quantile": 0.25, "value": 282550.0, "Latitude": 36.97, "Longitude": -121.94, "Population": 746.0}, {"index": 18661, "quantile": 0.5, "value": 330800.0, "Latitude": 36.97, "Longitude": -121.94, "Population": 746.0}, {"index": 18661, "quantile": 0.75, "value": 330800.0, "Latitude": 36.97, "Longitude": -121.94, "Population": 746.0}, {"index": 18661, "quantile": 1.0, "value": 377300.0, "Latitude": 36.97, "Longitude": -121.94, "Population": 746.0}, {"index": 18662, "quantile": 0.0, "value": 137500.0, "Latitude": 36.99, "Longitude": -121.93, "Population": 2954.0}, {"index": 18662, "quantile": 0.25, "value": 257500.00000000003, "Latitude": 36.99, "Longitude": -121.93, "Population": 2954.0}, {"index": 18662, "quantile": 0.5, "value": 283500.0, "Latitude": 36.99, "Longitude": -121.93, "Population": 2954.0}, {"index": 18662, "quantile": 0.75, "value": 283500.0, "Latitude": 36.99, "Longitude": -121.93, "Population": 2954.0}, {"index": 18662, "quantile": 1.0, "value": 346100.0, "Latitude": 36.99, "Longitude": -121.93, "Population": 2954.0}, {"index": 18663, "quantile": 0.0, "value": 199000.0, "Latitude": 37.0, "Longitude": -121.94, "Population": 1082.0}, {"index": 18663, "quantile": 0.25, "value": 281550.0, "Latitude": 37.0, "Longitude": -121.94, "Population": 1082.0}, {"index": 18663, "quantile": 0.5, "value": 315200.0, "Latitude": 37.0, "Longitude": -121.94, "Population": 1082.0}, {"index": 18663, "quantile": 0.75, "value": 315200.0, "Latitude": 37.0, "Longitude": -121.94, "Population": 1082.0}, {"index": 18663, "quantile": 1.0, "value": 320900.0, "Latitude": 37.0, "Longitude": -121.94, "Population": 1082.0}, {"index": 18664, "quantile": 0.0, "value": 109900.0, "Latitude": 37.0, "Longitude": -121.96, "Population": 1725.0}, {"index": 18664, "quantile": 0.25, "value": 238199.99999999997, "Latitude": 37.0, "Longitude": -121.96, "Population": 1725.0}, {"index": 18664, "quantile": 0.5, "value": 305200.0, "Latitude": 37.0, "Longitude": -121.96, "Population": 1725.0}, {"index": 18664, "quantile": 0.75, "value": 305200.0, "Latitude": 37.0, "Longitude": -121.96, "Population": 1725.0}, {"index": 18664, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 37.0, "Longitude": -121.96, "Population": 1725.0}, {"index": 18665, "quantile": 0.0, "value": 140400.0, "Latitude": 36.99, "Longitude": -121.96, "Population": 1423.0}, {"index": 18665, "quantile": 0.25, "value": 234275.0, "Latitude": 36.99, "Longitude": -121.96, "Population": 1423.0}, {"index": 18665, "quantile": 0.5, "value": 238000.0, "Latitude": 36.99, "Longitude": -121.96, "Population": 1423.0}, {"index": 18665, "quantile": 0.75, "value": 238000.0, "Latitude": 36.99, "Longitude": -121.96, "Population": 1423.0}, {"index": 18665, "quantile": 1.0, "value": 377300.0, "Latitude": 36.99, "Longitude": -121.96, "Population": 1423.0}, {"index": 18666, "quantile": 0.0, "value": 137500.0, "Latitude": 36.99, "Longitude": -121.94, "Population": 2004.0}, {"index": 18666, "quantile": 0.25, "value": 221700.0, "Latitude": 36.99, "Longitude": -121.94, "Population": 2004.0}, {"index": 18666, "quantile": 0.5, "value": 221700.0, "Latitude": 36.99, "Longitude": -121.94, "Population": 2004.0}, {"index": 18666, "quantile": 0.75, "value": 221700.0, "Latitude": 36.99, "Longitude": -121.94, "Population": 2004.0}, {"index": 18666, "quantile": 1.0, "value": 339300.0, "Latitude": 36.99, "Longitude": -121.94, "Population": 2004.0}, {"index": 18667, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 37.0, "Longitude": -121.86, "Population": 3706.0}, {"index": 18667, "quantile": 0.25, "value": 275300.0, "Latitude": 37.0, "Longitude": -121.86, "Population": 3706.0}, {"index": 18667, "quantile": 0.5, "value": 351800.0, "Latitude": 37.0, "Longitude": -121.86, "Population": 3706.0}, {"index": 18667, "quantile": 0.75, "value": 351800.0, "Latitude": 37.0, "Longitude": -121.86, "Population": 3706.0}, {"index": 18667, "quantile": 1.0, "value": 391000.0, "Latitude": 37.0, "Longitude": -121.86, "Population": 3706.0}, {"index": 18668, "quantile": 0.0, "value": 142600.0, "Latitude": 36.99, "Longitude": -121.91, "Population": 2197.0}, {"index": 18668, "quantile": 0.25, "value": 322300.0, "Latitude": 36.99, "Longitude": -121.91, "Population": 2197.0}, {"index": 18668, "quantile": 0.5, "value": 322300.0, "Latitude": 36.99, "Longitude": -121.91, "Population": 2197.0}, {"index": 18668, "quantile": 0.75, "value": 322300.0, "Latitude": 36.99, "Longitude": -121.91, "Population": 2197.0}, {"index": 18668, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 36.99, "Longitude": -121.91, "Population": 2197.0}, {"index": 18669, "quantile": 0.0, "value": 151500.0, "Latitude": 36.98, "Longitude": -121.91, "Population": 865.0}, {"index": 18669, "quantile": 0.25, "value": 233300.00000000003, "Latitude": 36.98, "Longitude": -121.91, "Population": 865.0}, {"index": 18669, "quantile": 0.5, "value": 233300.00000000003, "Latitude": 36.98, "Longitude": -121.91, "Population": 865.0}, {"index": 18669, "quantile": 0.75, "value": 233300.00000000003, "Latitude": 36.98, "Longitude": -121.91, "Population": 865.0}, {"index": 18669, "quantile": 1.0, "value": 325900.0, "Latitude": 36.98, "Longitude": -121.91, "Population": 865.0}, {"index": 18670, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 36.98, "Longitude": -121.88, "Population": 2001.0}, {"index": 18670, "quantile": 0.25, "value": 277225.0, "Latitude": 36.98, "Longitude": -121.88, "Population": 2001.0}, {"index": 18670, "quantile": 0.5, "value": 289500.0, "Latitude": 36.98, "Longitude": -121.88, "Population": 2001.0}, {"index": 18670, "quantile": 0.75, "value": 289500.0, "Latitude": 36.98, "Longitude": -121.88, "Population": 2001.0}, {"index": 18670, "quantile": 1.0, "value": 336400.0, "Latitude": 36.98, "Longitude": -121.88, "Population": 2001.0}, {"index": 18671, "quantile": 0.0, "value": 72100.0, "Latitude": 36.97, "Longitude": -121.91, "Population": 1807.0}, {"index": 18671, "quantile": 0.25, "value": 231900.0, "Latitude": 36.97, "Longitude": -121.91, "Population": 1807.0}, {"index": 18671, "quantile": 0.5, "value": 231900.0, "Latitude": 36.97, "Longitude": -121.91, "Population": 1807.0}, {"index": 18671, "quantile": 0.75, "value": 231900.0, "Latitude": 36.97, "Longitude": -121.91, "Population": 1807.0}, {"index": 18671, "quantile": 1.0, "value": 388500.0, "Latitude": 36.97, "Longitude": -121.91, "Population": 1807.0}, {"index": 18672, "quantile": 0.0, "value": 85500.0, "Latitude": 36.95, "Longitude": -121.92, "Population": 1327.0}, {"index": 18672, "quantile": 0.25, "value": 252300.0, "Latitude": 36.95, "Longitude": -121.92, "Population": 1327.0}, {"index": 18672, "quantile": 0.5, "value": 252300.0, "Latitude": 36.95, "Longitude": -121.92, "Population": 1327.0}, {"index": 18672, "quantile": 0.75, "value": 252300.0, "Latitude": 36.95, "Longitude": -121.92, "Population": 1327.0}, {"index": 18672, "quantile": 1.0, "value": 468000.0, "Latitude": 36.95, "Longitude": -121.92, "Population": 1327.0}, {"index": 18673, "quantile": 0.0, "value": 175000.0, "Latitude": 36.96, "Longitude": -121.88, "Population": 1971.0}, {"index": 18673, "quantile": 0.25, "value": 308800.0, "Latitude": 36.96, "Longitude": -121.88, "Population": 1971.0}, {"index": 18673, "quantile": 0.5, "value": 308800.0, "Latitude": 36.96, "Longitude": -121.88, "Population": 1971.0}, {"index": 18673, "quantile": 0.75, "value": 336524.99999999994, "Latitude": 36.96, "Longitude": -121.88, "Population": 1971.0}, {"index": 18673, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.96, "Longitude": -121.88, "Population": 1971.0}, {"index": 18674, "quantile": 0.0, "value": 126000.0, "Latitude": 36.97, "Longitude": -121.9, "Population": 1420.0}, {"index": 18674, "quantile": 0.25, "value": 295200.0, "Latitude": 36.97, "Longitude": -121.9, "Population": 1420.0}, {"index": 18674, "quantile": 0.5, "value": 295200.0, "Latitude": 36.97, "Longitude": -121.9, "Population": 1420.0}, {"index": 18674, "quantile": 0.75, "value": 295200.0, "Latitude": 36.97, "Longitude": -121.9, "Population": 1420.0}, {"index": 18674, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.97, "Longitude": -121.9, "Population": 1420.0}, {"index": 18675, "quantile": 0.0, "value": 177400.0, "Latitude": 36.96, "Longitude": -121.88, "Population": 2304.0}, {"index": 18675, "quantile": 0.25, "value": 335800.0, "Latitude": 36.96, "Longitude": -121.88, "Population": 2304.0}, {"index": 18675, "quantile": 0.5, "value": 351450.0, "Latitude": 36.96, "Longitude": -121.88, "Population": 2304.0}, {"index": 18675, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 36.96, "Longitude": -121.88, "Population": 2304.0}, {"index": 18675, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.96, "Longitude": -121.88, "Population": 2304.0}, {"index": 18676, "quantile": 0.0, "value": 143300.0, "Latitude": 36.93, "Longitude": -121.9, "Population": 1849.0}, {"index": 18676, "quantile": 0.25, "value": 335500.0, "Latitude": 36.93, "Longitude": -121.9, "Population": 1849.0}, {"index": 18676, "quantile": 0.5, "value": 335500.0, "Latitude": 36.93, "Longitude": -121.9, "Population": 1849.0}, {"index": 18676, "quantile": 0.75, "value": 335500.0, "Latitude": 36.93, "Longitude": -121.9, "Population": 1849.0}, {"index": 18676, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.93, "Longitude": -121.9, "Population": 1849.0}, {"index": 18677, "quantile": 0.0, "value": 87500.0, "Latitude": 36.95, "Longitude": -121.87, "Population": 1375.0}, {"index": 18677, "quantile": 0.25, "value": 191850.0, "Latitude": 36.95, "Longitude": -121.87, "Population": 1375.0}, {"index": 18677, "quantile": 0.5, "value": 250250.00000000003, "Latitude": 36.95, "Longitude": -121.87, "Population": 1375.0}, {"index": 18677, "quantile": 0.75, "value": 285200.0, "Latitude": 36.95, "Longitude": -121.87, "Population": 1375.0}, {"index": 18677, "quantile": 1.0, "value": 367400.0, "Latitude": 36.95, "Longitude": -121.87, "Population": 1375.0}, {"index": 18678, "quantile": 0.0, "value": 140300.0, "Latitude": 36.94, "Longitude": -121.84, "Population": 2319.0}, {"index": 18678, "quantile": 0.25, "value": 281075.0, "Latitude": 36.94, "Longitude": -121.84, "Population": 2319.0}, {"index": 18678, "quantile": 0.5, "value": 307900.0, "Latitude": 36.94, "Longitude": -121.84, "Population": 2319.0}, {"index": 18678, "quantile": 0.75, "value": 307900.0, "Latitude": 36.94, "Longitude": -121.84, "Population": 2319.0}, {"index": 18678, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 36.94, "Longitude": -121.84, "Population": 2319.0}, {"index": 18679, "quantile": 0.0, "value": 97400.0, "Latitude": 36.89, "Longitude": -121.89, "Population": 1283.0}, {"index": 18679, "quantile": 0.25, "value": 290100.0, "Latitude": 36.89, "Longitude": -121.89, "Population": 1283.0}, {"index": 18679, "quantile": 0.5, "value": 352000.0, "Latitude": 36.89, "Longitude": -121.89, "Population": 1283.0}, {"index": 18679, "quantile": 0.75, "value": 352000.0, "Latitude": 36.89, "Longitude": -121.89, "Population": 1283.0}, {"index": 18679, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.89, "Longitude": -121.89, "Population": 1283.0}, {"index": 18680, "quantile": 0.0, "value": 67500.0, "Latitude": 36.85, "Longitude": -121.91, "Population": 1301.0}, {"index": 18680, "quantile": 0.25, "value": 279800.0, "Latitude": 36.85, "Longitude": -121.91, "Population": 1301.0}, {"index": 18680, "quantile": 0.5, "value": 300000.0, "Latitude": 36.85, "Longitude": -121.91, "Population": 1301.0}, {"index": 18680, "quantile": 0.75, "value": 300000.0, "Latitude": 36.85, "Longitude": -121.91, "Population": 1301.0}, {"index": 18680, "quantile": 1.0, "value": 374600.0, "Latitude": 36.85, "Longitude": -121.91, "Population": 1301.0}, {"index": 18681, "quantile": 0.0, "value": 47100.0, "Latitude": 36.86, "Longitude": -121.82, "Population": 142.0}, {"index": 18681, "quantile": 0.25, "value": 237800.0, "Latitude": 36.86, "Longitude": -121.82, "Population": 142.0}, {"index": 18681, "quantile": 0.5, "value": 420000.0, "Latitude": 36.86, "Longitude": -121.82, "Population": 142.0}, {"index": 18681, "quantile": 0.75, "value": 420000.0, "Latitude": 36.86, "Longitude": -121.82, "Population": 142.0}, {"index": 18681, "quantile": 1.0, "value": 450000.0, "Latitude": 36.86, "Longitude": -121.82, "Population": 142.0}, {"index": 18682, "quantile": 0.0, "value": 110900.0, "Latitude": 37.0, "Longitude": -121.79, "Population": 1154.0}, {"index": 18682, "quantile": 0.25, "value": 201100.0, "Latitude": 37.0, "Longitude": -121.79, "Population": 1154.0}, {"index": 18682, "quantile": 0.5, "value": 243900.0, "Latitude": 37.0, "Longitude": -121.79, "Population": 1154.0}, {"index": 18682, "quantile": 0.75, "value": 275575.0, "Latitude": 37.0, "Longitude": -121.79, "Population": 1154.0}, {"index": 18682, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.0, "Longitude": -121.79, "Population": 1154.0}, {"index": 18683, "quantile": 0.0, "value": 67500.0, "Latitude": 36.98, "Longitude": -121.83, "Population": 1764.0}, {"index": 18683, "quantile": 0.25, "value": 218775.00000000003, "Latitude": 36.98, "Longitude": -121.83, "Population": 1764.0}, {"index": 18683, "quantile": 0.5, "value": 268700.0, "Latitude": 36.98, "Longitude": -121.83, "Population": 1764.0}, {"index": 18683, "quantile": 0.75, "value": 320900.0, "Latitude": 36.98, "Longitude": -121.83, "Population": 1764.0}, {"index": 18683, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.98, "Longitude": -121.83, "Population": 1764.0}, {"index": 18684, "quantile": 0.0, "value": 101200.0, "Latitude": 36.95, "Longitude": -121.82, "Population": 1417.0}, {"index": 18684, "quantile": 0.25, "value": 235524.99999999997, "Latitude": 36.95, "Longitude": -121.82, "Population": 1417.0}, {"index": 18684, "quantile": 0.5, "value": 349300.0, "Latitude": 36.95, "Longitude": -121.82, "Population": 1417.0}, {"index": 18684, "quantile": 0.75, "value": 349300.0, "Latitude": 36.95, "Longitude": -121.82, "Population": 1417.0}, {"index": 18684, "quantile": 1.0, "value": 349300.0, "Latitude": 36.95, "Longitude": -121.82, "Population": 1417.0}, {"index": 18685, "quantile": 0.0, "value": 97500.0, "Latitude": 37.02, "Longitude": -121.83, "Population": 760.0}, {"index": 18685, "quantile": 0.25, "value": 204200.00000000003, "Latitude": 37.02, "Longitude": -121.83, "Population": 760.0}, {"index": 18685, "quantile": 0.5, "value": 288400.0, "Latitude": 37.02, "Longitude": -121.83, "Population": 760.0}, {"index": 18685, "quantile": 0.75, "value": 288400.0, "Latitude": 37.02, "Longitude": -121.83, "Population": 760.0}, {"index": 18685, "quantile": 1.0, "value": 325900.0, "Latitude": 37.02, "Longitude": -121.83, "Population": 760.0}, {"index": 18686, "quantile": 0.0, "value": 77400.0, "Latitude": 37.0, "Longitude": -121.76, "Population": 779.0}, {"index": 18686, "quantile": 0.25, "value": 279800.0, "Latitude": 37.0, "Longitude": -121.76, "Population": 779.0}, {"index": 18686, "quantile": 0.5, "value": 279800.0, "Latitude": 37.0, "Longitude": -121.76, "Population": 779.0}, {"index": 18686, "quantile": 0.75, "value": 279800.0, "Latitude": 37.0, "Longitude": -121.76, "Population": 779.0}, {"index": 18686, "quantile": 1.0, "value": 374600.0, "Latitude": 37.0, "Longitude": -121.76, "Population": 779.0}, {"index": 18687, "quantile": 0.0, "value": 107600.0, "Latitude": 37.03, "Longitude": -121.79, "Population": 544.0}, {"index": 18687, "quantile": 0.25, "value": 194950.0, "Latitude": 37.03, "Longitude": -121.79, "Population": 544.0}, {"index": 18687, "quantile": 0.5, "value": 231100.0, "Latitude": 37.03, "Longitude": -121.79, "Population": 544.0}, {"index": 18687, "quantile": 0.75, "value": 260700.00000000003, "Latitude": 37.03, "Longitude": -121.79, "Population": 544.0}, {"index": 18687, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.03, "Longitude": -121.79, "Population": 544.0}, {"index": 18688, "quantile": 0.0, "value": 135600.0, "Latitude": 36.96, "Longitude": -121.69, "Population": 687.0}, {"index": 18688, "quantile": 0.25, "value": 217875.0, "Latitude": 36.96, "Longitude": -121.69, "Population": 687.0}, {"index": 18688, "quantile": 0.5, "value": 239600.0, "Latitude": 36.96, "Longitude": -121.69, "Population": 687.0}, {"index": 18688, "quantile": 0.75, "value": 269400.0, "Latitude": 36.96, "Longitude": -121.69, "Population": 687.0}, {"index": 18688, "quantile": 1.0, "value": 447400.0, "Latitude": 36.96, "Longitude": -121.69, "Population": 687.0}, {"index": 18689, "quantile": 0.0, "value": 163400.0, "Latitude": 36.96, "Longitude": -121.75, "Population": 2790.0}, {"index": 18689, "quantile": 0.25, "value": 190800.0, "Latitude": 36.96, "Longitude": -121.75, "Population": 2790.0}, {"index": 18689, "quantile": 0.5, "value": 190800.0, "Latitude": 36.96, "Longitude": -121.75, "Population": 2790.0}, {"index": 18689, "quantile": 0.75, "value": 217400.0, "Latitude": 36.96, "Longitude": -121.75, "Population": 2790.0}, {"index": 18689, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.96, "Longitude": -121.75, "Population": 2790.0}, {"index": 18690, "quantile": 0.0, "value": 159900.0, "Latitude": 36.95, "Longitude": -121.75, "Population": 1066.0}, {"index": 18690, "quantile": 0.25, "value": 202700.0, "Latitude": 36.95, "Longitude": -121.75, "Population": 1066.0}, {"index": 18690, "quantile": 0.5, "value": 202700.0, "Latitude": 36.95, "Longitude": -121.75, "Population": 1066.0}, {"index": 18690, "quantile": 0.75, "value": 202700.0, "Latitude": 36.95, "Longitude": -121.75, "Population": 1066.0}, {"index": 18690, "quantile": 1.0, "value": 350000.0, "Latitude": 36.95, "Longitude": -121.75, "Population": 1066.0}, {"index": 18691, "quantile": 0.0, "value": 80400.0, "Latitude": 36.96, "Longitude": -121.77, "Population": 2389.0}, {"index": 18691, "quantile": 0.25, "value": 218100.0, "Latitude": 36.96, "Longitude": -121.77, "Population": 2389.0}, {"index": 18691, "quantile": 0.5, "value": 229100.0, "Latitude": 36.96, "Longitude": -121.77, "Population": 2389.0}, {"index": 18691, "quantile": 0.75, "value": 229100.0, "Latitude": 36.96, "Longitude": -121.77, "Population": 2389.0}, {"index": 18691, "quantile": 1.0, "value": 312200.0, "Latitude": 36.96, "Longitude": -121.77, "Population": 2389.0}, {"index": 18692, "quantile": 0.0, "value": 114599.99999999999, "Latitude": 36.93, "Longitude": -121.73, "Population": 1954.0}, {"index": 18692, "quantile": 0.25, "value": 224700.0, "Latitude": 36.93, "Longitude": -121.73, "Population": 1954.0}, {"index": 18692, "quantile": 0.5, "value": 224700.0, "Latitude": 36.93, "Longitude": -121.73, "Population": 1954.0}, {"index": 18692, "quantile": 0.75, "value": 224700.0, "Latitude": 36.93, "Longitude": -121.73, "Population": 1954.0}, {"index": 18692, "quantile": 1.0, "value": 305000.0, "Latitude": 36.93, "Longitude": -121.73, "Population": 1954.0}, {"index": 18693, "quantile": 0.0, "value": 53900.0, "Latitude": 36.93, "Longitude": -121.67, "Population": 542.0}, {"index": 18693, "quantile": 0.25, "value": 134425.00000000003, "Latitude": 36.93, "Longitude": -121.67, "Population": 542.0}, {"index": 18693, "quantile": 0.5, "value": 187500.0, "Latitude": 36.93, "Longitude": -121.67, "Population": 542.0}, {"index": 18693, "quantile": 0.75, "value": 187500.0, "Latitude": 36.93, "Longitude": -121.67, "Population": 542.0}, {"index": 18693, "quantile": 1.0, "value": 262500.0, "Latitude": 36.93, "Longitude": -121.67, "Population": 542.0}, {"index": 18694, "quantile": 0.0, "value": 22500.0, "Latitude": 40.59, "Longitude": -122.39, "Population": 1276.0}, {"index": 18694, "quantile": 0.25, "value": 81300.0, "Latitude": 40.59, "Longitude": -122.39, "Population": 1276.0}, {"index": 18694, "quantile": 0.5, "value": 81300.0, "Latitude": 40.59, "Longitude": -122.39, "Population": 1276.0}, {"index": 18694, "quantile": 0.75, "value": 81300.0, "Latitude": 40.59, "Longitude": -122.39, "Population": 1276.0}, {"index": 18694, "quantile": 1.0, "value": 450000.0, "Latitude": 40.59, "Longitude": -122.39, "Population": 1276.0}, {"index": 18695, "quantile": 0.0, "value": 36700.0, "Latitude": 40.58, "Longitude": -122.39, "Population": 944.0}, {"index": 18695, "quantile": 0.25, "value": 64600.0, "Latitude": 40.58, "Longitude": -122.39, "Population": 944.0}, {"index": 18695, "quantile": 0.5, "value": 68900.0, "Latitude": 40.58, "Longitude": -122.39, "Population": 944.0}, {"index": 18695, "quantile": 0.75, "value": 68900.0, "Latitude": 40.58, "Longitude": -122.39, "Population": 944.0}, {"index": 18695, "quantile": 1.0, "value": 93600.0, "Latitude": 40.58, "Longitude": -122.39, "Population": 944.0}, {"index": 18696, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 40.58, "Longitude": -122.37, "Population": 835.0}, {"index": 18696, "quantile": 0.25, "value": 76900.0, "Latitude": 40.58, "Longitude": -122.37, "Population": 835.0}, {"index": 18696, "quantile": 0.5, "value": 76900.0, "Latitude": 40.58, "Longitude": -122.37, "Population": 835.0}, {"index": 18696, "quantile": 0.75, "value": 76900.0, "Latitude": 40.58, "Longitude": -122.37, "Population": 835.0}, {"index": 18696, "quantile": 1.0, "value": 225000.0, "Latitude": 40.58, "Longitude": -122.37, "Population": 835.0}, {"index": 18697, "quantile": 0.0, "value": 44400.0, "Latitude": 40.58, "Longitude": -122.38, "Population": 520.0}, {"index": 18697, "quantile": 0.25, "value": 72600.0, "Latitude": 40.58, "Longitude": -122.38, "Population": 520.0}, {"index": 18697, "quantile": 0.5, "value": 72600.0, "Latitude": 40.58, "Longitude": -122.38, "Population": 520.0}, {"index": 18697, "quantile": 0.75, "value": 74725.0, "Latitude": 40.58, "Longitude": -122.38, "Population": 520.0}, {"index": 18697, "quantile": 1.0, "value": 109400.00000000001, "Latitude": 40.58, "Longitude": -122.38, "Population": 520.0}, {"index": 18698, "quantile": 0.0, "value": 44400.0, "Latitude": 40.58, "Longitude": -122.38, "Population": 807.0}, {"index": 18698, "quantile": 0.25, "value": 74800.0, "Latitude": 40.58, "Longitude": -122.38, "Population": 807.0}, {"index": 18698, "quantile": 0.5, "value": 74800.0, "Latitude": 40.58, "Longitude": -122.38, "Population": 807.0}, {"index": 18698, "quantile": 0.75, "value": 74800.0, "Latitude": 40.58, "Longitude": -122.38, "Population": 807.0}, {"index": 18698, "quantile": 1.0, "value": 109700.0, "Latitude": 40.58, "Longitude": -122.38, "Population": 807.0}, {"index": 18699, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 40.58, "Longitude": -122.36, "Population": 800.0}, {"index": 18699, "quantile": 0.25, "value": 82200.0, "Latitude": 40.58, "Longitude": -122.36, "Population": 800.0}, {"index": 18699, "quantile": 0.5, "value": 118800.0, "Latitude": 40.58, "Longitude": -122.36, "Population": 800.0}, {"index": 18699, "quantile": 0.75, "value": 118800.0, "Latitude": 40.58, "Longitude": -122.36, "Population": 800.0}, {"index": 18699, "quantile": 1.0, "value": 119200.0, "Latitude": 40.58, "Longitude": -122.36, "Population": 800.0}, {"index": 18700, "quantile": 0.0, "value": 71700.0, "Latitude": 40.58, "Longitude": -122.34, "Population": 2223.0}, {"index": 18700, "quantile": 0.25, "value": 101699.99999999999, "Latitude": 40.58, "Longitude": -122.34, "Population": 2223.0}, {"index": 18700, "quantile": 0.5, "value": 101699.99999999999, "Latitude": 40.58, "Longitude": -122.34, "Population": 2223.0}, {"index": 18700, "quantile": 0.75, "value": 109799.99999999999, "Latitude": 40.58, "Longitude": -122.34, "Population": 2223.0}, {"index": 18700, "quantile": 1.0, "value": 163300.0, "Latitude": 40.58, "Longitude": -122.34, "Population": 2223.0}, {"index": 18701, "quantile": 0.0, "value": 70800.0, "Latitude": 40.57, "Longitude": -122.35, "Population": 338.0}, {"index": 18701, "quantile": 0.25, "value": 87500.0, "Latitude": 40.57, "Longitude": -122.35, "Population": 338.0}, {"index": 18701, "quantile": 0.5, "value": 87500.0, "Latitude": 40.57, "Longitude": -122.35, "Population": 338.0}, {"index": 18701, "quantile": 0.75, "value": 95400.0, "Latitude": 40.57, "Longitude": -122.35, "Population": 338.0}, {"index": 18701, "quantile": 1.0, "value": 154600.0, "Latitude": 40.57, "Longitude": -122.35, "Population": 338.0}, {"index": 18702, "quantile": 0.0, "value": 74100.0, "Latitude": 40.57, "Longitude": -122.34, "Population": 748.0}, {"index": 18702, "quantile": 0.25, "value": 92500.0, "Latitude": 40.57, "Longitude": -122.34, "Population": 748.0}, {"index": 18702, "quantile": 0.5, "value": 100600.0, "Latitude": 40.57, "Longitude": -122.34, "Population": 748.0}, {"index": 18702, "quantile": 0.75, "value": 113300.0, "Latitude": 40.57, "Longitude": -122.34, "Population": 748.0}, {"index": 18702, "quantile": 1.0, "value": 213200.0, "Latitude": 40.57, "Longitude": -122.34, "Population": 748.0}, {"index": 18703, "quantile": 0.0, "value": 36700.0, "Latitude": 40.57, "Longitude": -122.38, "Population": 1479.0}, {"index": 18703, "quantile": 0.25, "value": 54100.00000000001, "Latitude": 40.57, "Longitude": -122.38, "Population": 1479.0}, {"index": 18703, "quantile": 0.5, "value": 67700.0, "Latitude": 40.57, "Longitude": -122.38, "Population": 1479.0}, {"index": 18703, "quantile": 0.75, "value": 75500.0, "Latitude": 40.57, "Longitude": -122.38, "Population": 1479.0}, {"index": 18703, "quantile": 1.0, "value": 105000.0, "Latitude": 40.57, "Longitude": -122.38, "Population": 1479.0}, {"index": 18704, "quantile": 0.0, "value": 73600.0, "Latitude": 40.56, "Longitude": -122.38, "Population": 1164.0}, {"index": 18704, "quantile": 0.25, "value": 101150.0, "Latitude": 40.56, "Longitude": -122.38, "Population": 1164.0}, {"index": 18704, "quantile": 0.5, "value": 101200.0, "Latitude": 40.56, "Longitude": -122.38, "Population": 1164.0}, {"index": 18704, "quantile": 0.75, "value": 101200.0, "Latitude": 40.56, "Longitude": -122.38, "Population": 1164.0}, {"index": 18704, "quantile": 1.0, "value": 154600.0, "Latitude": 40.56, "Longitude": -122.38, "Population": 1164.0}, {"index": 18705, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 40.54, "Longitude": -122.38, "Population": 647.0}, {"index": 18705, "quantile": 0.25, "value": 75300.0, "Latitude": 40.54, "Longitude": -122.38, "Population": 647.0}, {"index": 18705, "quantile": 0.5, "value": 75300.0, "Latitude": 40.54, "Longitude": -122.38, "Population": 647.0}, {"index": 18705, "quantile": 0.75, "value": 82500.0, "Latitude": 40.54, "Longitude": -122.38, "Population": 647.0}, {"index": 18705, "quantile": 1.0, "value": 136700.0, "Latitude": 40.54, "Longitude": -122.38, "Population": 647.0}, {"index": 18706, "quantile": 0.0, "value": 73600.0, "Latitude": 40.54, "Longitude": -122.37, "Population": 1096.0}, {"index": 18706, "quantile": 0.25, "value": 86900.0, "Latitude": 40.54, "Longitude": -122.37, "Population": 1096.0}, {"index": 18706, "quantile": 0.5, "value": 86900.0, "Latitude": 40.54, "Longitude": -122.37, "Population": 1096.0}, {"index": 18706, "quantile": 0.75, "value": 96525.0, "Latitude": 40.54, "Longitude": -122.37, "Population": 1096.0}, {"index": 18706, "quantile": 1.0, "value": 162700.0, "Latitude": 40.54, "Longitude": -122.37, "Population": 1096.0}, {"index": 18707, "quantile": 0.0, "value": 37900.0, "Latitude": 40.58, "Longitude": -122.4, "Population": 1782.0}, {"index": 18707, "quantile": 0.25, "value": 72600.0, "Latitude": 40.58, "Longitude": -122.4, "Population": 1782.0}, {"index": 18707, "quantile": 0.5, "value": 87500.0, "Latitude": 40.58, "Longitude": -122.4, "Population": 1782.0}, {"index": 18707, "quantile": 0.75, "value": 137950.0, "Latitude": 40.58, "Longitude": -122.4, "Population": 1782.0}, {"index": 18707, "quantile": 1.0, "value": 336800.0, "Latitude": 40.58, "Longitude": -122.4, "Population": 1782.0}, {"index": 18708, "quantile": 0.0, "value": 64600.0, "Latitude": 40.58, "Longitude": -122.41, "Population": 1029.0}, {"index": 18708, "quantile": 0.25, "value": 75600.0, "Latitude": 40.58, "Longitude": -122.41, "Population": 1029.0}, {"index": 18708, "quantile": 0.5, "value": 75600.0, "Latitude": 40.58, "Longitude": -122.41, "Population": 1029.0}, {"index": 18708, "quantile": 0.75, "value": 81325.0, "Latitude": 40.58, "Longitude": -122.41, "Population": 1029.0}, {"index": 18708, "quantile": 1.0, "value": 104200.0, "Latitude": 40.58, "Longitude": -122.41, "Population": 1029.0}, {"index": 18709, "quantile": 0.0, "value": 61500.0, "Latitude": 40.58, "Longitude": -122.4, "Population": 747.0}, {"index": 18709, "quantile": 0.25, "value": 86150.0, "Latitude": 40.58, "Longitude": -122.4, "Population": 747.0}, {"index": 18709, "quantile": 0.5, "value": 104200.0, "Latitude": 40.58, "Longitude": -122.4, "Population": 747.0}, {"index": 18709, "quantile": 0.75, "value": 104200.0, "Latitude": 40.58, "Longitude": -122.4, "Population": 747.0}, {"index": 18709, "quantile": 1.0, "value": 105800.0, "Latitude": 40.58, "Longitude": -122.4, "Population": 747.0}, {"index": 18710, "quantile": 0.0, "value": 36700.0, "Latitude": 40.57, "Longitude": -122.39, "Population": 468.0}, {"index": 18710, "quantile": 0.25, "value": 76400.0, "Latitude": 40.57, "Longitude": -122.39, "Population": 468.0}, {"index": 18710, "quantile": 0.5, "value": 84400.0, "Latitude": 40.57, "Longitude": -122.39, "Population": 468.0}, {"index": 18710, "quantile": 0.75, "value": 84400.0, "Latitude": 40.57, "Longitude": -122.39, "Population": 468.0}, {"index": 18710, "quantile": 1.0, "value": 98800.0, "Latitude": 40.57, "Longitude": -122.39, "Population": 468.0}, {"index": 18711, "quantile": 0.0, "value": 69000.0, "Latitude": 40.59, "Longitude": -122.42, "Population": 2220.0}, {"index": 18711, "quantile": 0.25, "value": 101399.99999999999, "Latitude": 40.59, "Longitude": -122.42, "Population": 2220.0}, {"index": 18711, "quantile": 0.5, "value": 138900.0, "Latitude": 40.59, "Longitude": -122.42, "Population": 2220.0}, {"index": 18711, "quantile": 0.75, "value": 138900.0, "Latitude": 40.59, "Longitude": -122.42, "Population": 2220.0}, {"index": 18711, "quantile": 1.0, "value": 142300.0, "Latitude": 40.59, "Longitude": -122.42, "Population": 2220.0}, {"index": 18712, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 40.61, "Longitude": -122.45, "Population": 417.0}, {"index": 18712, "quantile": 0.25, "value": 58199.99999999999, "Latitude": 40.61, "Longitude": -122.45, "Population": 417.0}, {"index": 18712, "quantile": 0.5, "value": 58199.99999999999, "Latitude": 40.61, "Longitude": -122.45, "Population": 417.0}, {"index": 18712, "quantile": 0.75, "value": 85875.0, "Latitude": 40.61, "Longitude": -122.45, "Population": 417.0}, {"index": 18712, "quantile": 1.0, "value": 144500.0, "Latitude": 40.61, "Longitude": -122.45, "Population": 417.0}, {"index": 18713, "quantile": 0.0, "value": 67500.0, "Latitude": 40.56, "Longitude": -122.45, "Population": 963.0}, {"index": 18713, "quantile": 0.25, "value": 133900.0, "Latitude": 40.56, "Longitude": -122.45, "Population": 963.0}, {"index": 18713, "quantile": 0.5, "value": 148700.0, "Latitude": 40.56, "Longitude": -122.45, "Population": 963.0}, {"index": 18713, "quantile": 0.75, "value": 148700.0, "Latitude": 40.56, "Longitude": -122.45, "Population": 963.0}, {"index": 18713, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 40.56, "Longitude": -122.45, "Population": 963.0}, {"index": 18714, "quantile": 0.0, "value": 71300.0, "Latitude": 40.57, "Longitude": -122.42, "Population": 3176.0}, {"index": 18714, "quantile": 0.25, "value": 128675.0, "Latitude": 40.57, "Longitude": -122.42, "Population": 3176.0}, {"index": 18714, "quantile": 0.5, "value": 133900.0, "Latitude": 40.57, "Longitude": -122.42, "Population": 3176.0}, {"index": 18714, "quantile": 0.75, "value": 178675.0, "Latitude": 40.57, "Longitude": -122.42, "Population": 3176.0}, {"index": 18714, "quantile": 1.0, "value": 348200.0, "Latitude": 40.57, "Longitude": -122.42, "Population": 3176.0}, {"index": 18715, "quantile": 0.0, "value": 34600.0, "Latitude": 40.57, "Longitude": -122.4, "Population": 749.0}, {"index": 18715, "quantile": 0.25, "value": 83700.0, "Latitude": 40.57, "Longitude": -122.4, "Population": 749.0}, {"index": 18715, "quantile": 0.5, "value": 90100.0, "Latitude": 40.57, "Longitude": -122.4, "Population": 749.0}, {"index": 18715, "quantile": 0.75, "value": 90100.0, "Latitude": 40.57, "Longitude": -122.4, "Population": 749.0}, {"index": 18715, "quantile": 1.0, "value": 123200.0, "Latitude": 40.57, "Longitude": -122.4, "Population": 749.0}, {"index": 18716, "quantile": 0.0, "value": 86500.0, "Latitude": 40.62, "Longitude": -122.4, "Population": 2162.0}, {"index": 18716, "quantile": 0.25, "value": 111325.00000000001, "Latitude": 40.62, "Longitude": -122.4, "Population": 2162.0}, {"index": 18716, "quantile": 0.5, "value": 118400.0, "Latitude": 40.62, "Longitude": -122.4, "Population": 2162.0}, {"index": 18716, "quantile": 0.75, "value": 141375.0, "Latitude": 40.62, "Longitude": -122.4, "Population": 2162.0}, {"index": 18716, "quantile": 1.0, "value": 213200.0, "Latitude": 40.62, "Longitude": -122.4, "Population": 2162.0}, {"index": 18717, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 40.6, "Longitude": -122.42, "Population": 1275.0}, {"index": 18717, "quantile": 0.25, "value": 98100.0, "Latitude": 40.6, "Longitude": -122.42, "Population": 1275.0}, {"index": 18717, "quantile": 0.5, "value": 108300.0, "Latitude": 40.6, "Longitude": -122.42, "Population": 1275.0}, {"index": 18717, "quantile": 0.75, "value": 128800.0, "Latitude": 40.6, "Longitude": -122.42, "Population": 1275.0}, {"index": 18717, "quantile": 1.0, "value": 191700.0, "Latitude": 40.6, "Longitude": -122.42, "Population": 1275.0}, {"index": 18718, "quantile": 0.0, "value": 51900.0, "Latitude": 40.6, "Longitude": -122.39, "Population": 1021.0}, {"index": 18718, "quantile": 0.25, "value": 66500.0, "Latitude": 40.6, "Longitude": -122.39, "Population": 1021.0}, {"index": 18718, "quantile": 0.5, "value": 66500.0, "Latitude": 40.6, "Longitude": -122.39, "Population": 1021.0}, {"index": 18718, "quantile": 0.75, "value": 66575.0, "Latitude": 40.6, "Longitude": -122.39, "Population": 1021.0}, {"index": 18718, "quantile": 1.0, "value": 118800.0, "Latitude": 40.6, "Longitude": -122.39, "Population": 1021.0}, {"index": 18719, "quantile": 0.0, "value": 51900.0, "Latitude": 40.61, "Longitude": -122.38, "Population": 2101.0}, {"index": 18719, "quantile": 0.25, "value": 66800.0, "Latitude": 40.61, "Longitude": -122.38, "Population": 2101.0}, {"index": 18719, "quantile": 0.5, "value": 83100.0, "Latitude": 40.61, "Longitude": -122.38, "Population": 2101.0}, {"index": 18719, "quantile": 0.75, "value": 105075.00000000001, "Latitude": 40.61, "Longitude": -122.38, "Population": 2101.0}, {"index": 18719, "quantile": 1.0, "value": 142300.0, "Latitude": 40.61, "Longitude": -122.38, "Population": 2101.0}, {"index": 18720, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 40.6, "Longitude": -122.37, "Population": 2557.0}, {"index": 18720, "quantile": 0.25, "value": 89300.0, "Latitude": 40.6, "Longitude": -122.37, "Population": 2557.0}, {"index": 18720, "quantile": 0.5, "value": 135800.0, "Latitude": 40.6, "Longitude": -122.37, "Population": 2557.0}, {"index": 18720, "quantile": 0.75, "value": 179100.0, "Latitude": 40.6, "Longitude": -122.37, "Population": 2557.0}, {"index": 18720, "quantile": 1.0, "value": 287500.0, "Latitude": 40.6, "Longitude": -122.37, "Population": 2557.0}, {"index": 18721, "quantile": 0.0, "value": 60200.0, "Latitude": 40.64, "Longitude": -122.39, "Population": 1598.0}, {"index": 18721, "quantile": 0.25, "value": 78700.0, "Latitude": 40.64, "Longitude": -122.39, "Population": 1598.0}, {"index": 18721, "quantile": 0.5, "value": 78700.0, "Latitude": 40.64, "Longitude": -122.39, "Population": 1598.0}, {"index": 18721, "quantile": 0.75, "value": 97800.0, "Latitude": 40.64, "Longitude": -122.39, "Population": 1598.0}, {"index": 18721, "quantile": 1.0, "value": 141600.0, "Latitude": 40.64, "Longitude": -122.39, "Population": 1598.0}, {"index": 18722, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 40.62, "Longitude": -122.36, "Population": 1902.0}, {"index": 18722, "quantile": 0.25, "value": 94200.0, "Latitude": 40.62, "Longitude": -122.36, "Population": 1902.0}, {"index": 18722, "quantile": 0.5, "value": 94200.0, "Latitude": 40.62, "Longitude": -122.36, "Population": 1902.0}, {"index": 18722, "quantile": 0.75, "value": 94200.0, "Latitude": 40.62, "Longitude": -122.36, "Population": 1902.0}, {"index": 18722, "quantile": 1.0, "value": 166200.0, "Latitude": 40.62, "Longitude": -122.36, "Population": 1902.0}, {"index": 18723, "quantile": 0.0, "value": 72200.0, "Latitude": 40.63, "Longitude": -122.34, "Population": 1061.0}, {"index": 18723, "quantile": 0.25, "value": 151600.0, "Latitude": 40.63, "Longitude": -122.34, "Population": 1061.0}, {"index": 18723, "quantile": 0.5, "value": 151600.0, "Latitude": 40.63, "Longitude": -122.34, "Population": 1061.0}, {"index": 18723, "quantile": 0.75, "value": 151600.0, "Latitude": 40.63, "Longitude": -122.34, "Population": 1061.0}, {"index": 18723, "quantile": 1.0, "value": 300000.0, "Latitude": 40.63, "Longitude": -122.34, "Population": 1061.0}, {"index": 18724, "quantile": 0.0, "value": 86900.0, "Latitude": 40.6, "Longitude": -122.33, "Population": 2965.0}, {"index": 18724, "quantile": 0.25, "value": 111100.0, "Latitude": 40.6, "Longitude": -122.33, "Population": 2965.0}, {"index": 18724, "quantile": 0.5, "value": 111100.0, "Latitude": 40.6, "Longitude": -122.33, "Population": 2965.0}, {"index": 18724, "quantile": 0.75, "value": 118774.99999999999, "Latitude": 40.6, "Longitude": -122.33, "Population": 2965.0}, {"index": 18724, "quantile": 1.0, "value": 304000.0, "Latitude": 40.6, "Longitude": -122.33, "Population": 2965.0}, {"index": 18725, "quantile": 0.0, "value": 48100.0, "Latitude": 40.58, "Longitude": -122.32, "Population": 756.0}, {"index": 18725, "quantile": 0.25, "value": 100725.0, "Latitude": 40.58, "Longitude": -122.32, "Population": 756.0}, {"index": 18725, "quantile": 0.5, "value": 114199.99999999999, "Latitude": 40.58, "Longitude": -122.32, "Population": 756.0}, {"index": 18725, "quantile": 0.75, "value": 114199.99999999999, "Latitude": 40.58, "Longitude": -122.32, "Population": 756.0}, {"index": 18725, "quantile": 1.0, "value": 162500.0, "Latitude": 40.58, "Longitude": -122.32, "Population": 756.0}, {"index": 18726, "quantile": 0.0, "value": 46200.0, "Latitude": 40.58, "Longitude": -122.3, "Population": 505.0}, {"index": 18726, "quantile": 0.25, "value": 80025.0, "Latitude": 40.58, "Longitude": -122.3, "Population": 505.0}, {"index": 18726, "quantile": 0.5, "value": 98800.0, "Latitude": 40.58, "Longitude": -122.3, "Population": 505.0}, {"index": 18726, "quantile": 0.75, "value": 98800.0, "Latitude": 40.58, "Longitude": -122.3, "Population": 505.0}, {"index": 18726, "quantile": 1.0, "value": 145800.0, "Latitude": 40.58, "Longitude": -122.3, "Population": 505.0}, {"index": 18727, "quantile": 0.0, "value": 49600.0, "Latitude": 40.56, "Longitude": -122.36, "Population": 1865.0}, {"index": 18727, "quantile": 0.25, "value": 63000.0, "Latitude": 40.56, "Longitude": -122.36, "Population": 1865.0}, {"index": 18727, "quantile": 0.5, "value": 75100.0, "Latitude": 40.56, "Longitude": -122.36, "Population": 1865.0}, {"index": 18727, "quantile": 0.75, "value": 88600.0, "Latitude": 40.56, "Longitude": -122.36, "Population": 1865.0}, {"index": 18727, "quantile": 1.0, "value": 152500.0, "Latitude": 40.56, "Longitude": -122.36, "Population": 1865.0}, {"index": 18728, "quantile": 0.0, "value": 61500.0, "Latitude": 40.55, "Longitude": -122.37, "Population": 544.0}, {"index": 18728, "quantile": 0.25, "value": 97800.0, "Latitude": 40.55, "Longitude": -122.37, "Population": 544.0}, {"index": 18728, "quantile": 0.5, "value": 136700.0, "Latitude": 40.55, "Longitude": -122.37, "Population": 544.0}, {"index": 18728, "quantile": 0.75, "value": 136700.0, "Latitude": 40.55, "Longitude": -122.37, "Population": 544.0}, {"index": 18728, "quantile": 1.0, "value": 152700.0, "Latitude": 40.55, "Longitude": -122.37, "Population": 544.0}, {"index": 18729, "quantile": 0.0, "value": 72200.0, "Latitude": 40.55, "Longitude": -122.36, "Population": 1428.0}, {"index": 18729, "quantile": 0.25, "value": 98575.0, "Latitude": 40.55, "Longitude": -122.36, "Population": 1428.0}, {"index": 18729, "quantile": 0.5, "value": 113300.0, "Latitude": 40.55, "Longitude": -122.36, "Population": 1428.0}, {"index": 18729, "quantile": 0.75, "value": 113300.0, "Latitude": 40.55, "Longitude": -122.36, "Population": 1428.0}, {"index": 18729, "quantile": 1.0, "value": 140700.0, "Latitude": 40.55, "Longitude": -122.36, "Population": 1428.0}, {"index": 18730, "quantile": 0.0, "value": 67500.0, "Latitude": 40.52, "Longitude": -122.46, "Population": 1077.0}, {"index": 18730, "quantile": 0.25, "value": 164225.0, "Latitude": 40.52, "Longitude": -122.46, "Population": 1077.0}, {"index": 18730, "quantile": 0.5, "value": 204999.99999999997, "Latitude": 40.52, "Longitude": -122.46, "Population": 1077.0}, {"index": 18730, "quantile": 0.75, "value": 262175.0, "Latitude": 40.52, "Longitude": -122.46, "Population": 1077.0}, {"index": 18730, "quantile": 1.0, "value": 325400.0, "Latitude": 40.52, "Longitude": -122.46, "Population": 1077.0}, {"index": 18731, "quantile": 0.0, "value": 76100.0, "Latitude": 40.55, "Longitude": -122.41, "Population": 1952.0}, {"index": 18731, "quantile": 0.25, "value": 86500.0, "Latitude": 40.55, "Longitude": -122.41, "Population": 1952.0}, {"index": 18731, "quantile": 0.5, "value": 86500.0, "Latitude": 40.55, "Longitude": -122.41, "Population": 1952.0}, {"index": 18731, "quantile": 0.75, "value": 88575.0, "Latitude": 40.55, "Longitude": -122.41, "Population": 1952.0}, {"index": 18731, "quantile": 1.0, "value": 201799.99999999997, "Latitude": 40.55, "Longitude": -122.41, "Population": 1952.0}, {"index": 18732, "quantile": 0.0, "value": 49600.0, "Latitude": 40.53, "Longitude": -122.41, "Population": 538.0}, {"index": 18732, "quantile": 0.25, "value": 72000.0, "Latitude": 40.53, "Longitude": -122.41, "Population": 538.0}, {"index": 18732, "quantile": 0.5, "value": 72000.0, "Latitude": 40.53, "Longitude": -122.41, "Population": 538.0}, {"index": 18732, "quantile": 0.75, "value": 72000.0, "Latitude": 40.53, "Longitude": -122.41, "Population": 538.0}, {"index": 18732, "quantile": 1.0, "value": 94300.0, "Latitude": 40.53, "Longitude": -122.41, "Population": 538.0}, {"index": 18733, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 40.53, "Longitude": -122.39, "Population": 692.0}, {"index": 18733, "quantile": 0.25, "value": 75100.0, "Latitude": 40.53, "Longitude": -122.39, "Population": 692.0}, {"index": 18733, "quantile": 0.5, "value": 80800.0, "Latitude": 40.53, "Longitude": -122.39, "Population": 692.0}, {"index": 18733, "quantile": 0.75, "value": 80800.0, "Latitude": 40.53, "Longitude": -122.39, "Population": 692.0}, {"index": 18733, "quantile": 1.0, "value": 115199.99999999999, "Latitude": 40.53, "Longitude": -122.39, "Population": 692.0}, {"index": 18734, "quantile": 0.0, "value": 85900.0, "Latitude": 40.52, "Longitude": -122.39, "Population": 951.0}, {"index": 18734, "quantile": 0.25, "value": 85900.0, "Latitude": 40.52, "Longitude": -122.39, "Population": 951.0}, {"index": 18734, "quantile": 0.5, "value": 85900.0, "Latitude": 40.52, "Longitude": -122.39, "Population": 951.0}, {"index": 18734, "quantile": 0.75, "value": 127575.0, "Latitude": 40.52, "Longitude": -122.39, "Population": 951.0}, {"index": 18734, "quantile": 1.0, "value": 287500.0, "Latitude": 40.52, "Longitude": -122.39, "Population": 951.0}, {"index": 18735, "quantile": 0.0, "value": 64700.0, "Latitude": 40.51, "Longitude": -122.4, "Population": 834.0}, {"index": 18735, "quantile": 0.25, "value": 94150.0, "Latitude": 40.51, "Longitude": -122.4, "Population": 834.0}, {"index": 18735, "quantile": 0.5, "value": 100600.0, "Latitude": 40.51, "Longitude": -122.4, "Population": 834.0}, {"index": 18735, "quantile": 0.75, "value": 100600.0, "Latitude": 40.51, "Longitude": -122.4, "Population": 834.0}, {"index": 18735, "quantile": 1.0, "value": 126099.99999999999, "Latitude": 40.51, "Longitude": -122.4, "Population": 834.0}, {"index": 18736, "quantile": 0.0, "value": 73600.0, "Latitude": 40.52, "Longitude": -122.37, "Population": 2269.0}, {"index": 18736, "quantile": 0.25, "value": 98100.0, "Latitude": 40.52, "Longitude": -122.37, "Population": 2269.0}, {"index": 18736, "quantile": 0.5, "value": 98100.0, "Latitude": 40.52, "Longitude": -122.37, "Population": 2269.0}, {"index": 18736, "quantile": 0.75, "value": 110800.00000000001, "Latitude": 40.52, "Longitude": -122.37, "Population": 2269.0}, {"index": 18736, "quantile": 1.0, "value": 183300.0, "Latitude": 40.52, "Longitude": -122.37, "Population": 2269.0}, {"index": 18737, "quantile": 0.0, "value": 49600.0, "Latitude": 40.56, "Longitude": -122.35, "Population": 1695.0}, {"index": 18737, "quantile": 0.25, "value": 81600.0, "Latitude": 40.56, "Longitude": -122.35, "Population": 1695.0}, {"index": 18737, "quantile": 0.5, "value": 81600.0, "Latitude": 40.56, "Longitude": -122.35, "Population": 1695.0}, {"index": 18737, "quantile": 0.75, "value": 81600.0, "Latitude": 40.56, "Longitude": -122.35, "Population": 1695.0}, {"index": 18737, "quantile": 1.0, "value": 119200.0, "Latitude": 40.56, "Longitude": -122.35, "Population": 1695.0}, {"index": 18738, "quantile": 0.0, "value": 49600.0, "Latitude": 40.56, "Longitude": -122.35, "Population": 2145.0}, {"index": 18738, "quantile": 0.25, "value": 70875.0, "Latitude": 40.56, "Longitude": -122.35, "Population": 2145.0}, {"index": 18738, "quantile": 0.5, "value": 81200.0, "Latitude": 40.56, "Longitude": -122.35, "Population": 2145.0}, {"index": 18738, "quantile": 0.75, "value": 96900.0, "Latitude": 40.56, "Longitude": -122.35, "Population": 2145.0}, {"index": 18738, "quantile": 1.0, "value": 154900.0, "Latitude": 40.56, "Longitude": -122.35, "Population": 2145.0}, {"index": 18739, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 40.54, "Longitude": -122.35, "Population": 976.0}, {"index": 18739, "quantile": 0.25, "value": 97800.0, "Latitude": 40.54, "Longitude": -122.35, "Population": 976.0}, {"index": 18739, "quantile": 0.5, "value": 97800.0, "Latitude": 40.54, "Longitude": -122.35, "Population": 976.0}, {"index": 18739, "quantile": 0.75, "value": 97800.0, "Latitude": 40.54, "Longitude": -122.35, "Population": 976.0}, {"index": 18739, "quantile": 1.0, "value": 152700.0, "Latitude": 40.54, "Longitude": -122.35, "Population": 976.0}, {"index": 18740, "quantile": 0.0, "value": 41800.0, "Latitude": 40.57, "Longitude": -122.36, "Population": 231.0}, {"index": 18740, "quantile": 0.25, "value": 68500.0, "Latitude": 40.57, "Longitude": -122.36, "Population": 231.0}, {"index": 18740, "quantile": 0.5, "value": 77300.0, "Latitude": 40.57, "Longitude": -122.36, "Population": 231.0}, {"index": 18740, "quantile": 0.75, "value": 77300.0, "Latitude": 40.57, "Longitude": -122.36, "Population": 231.0}, {"index": 18740, "quantile": 1.0, "value": 115199.99999999999, "Latitude": 40.57, "Longitude": -122.36, "Population": 231.0}, {"index": 18741, "quantile": 0.0, "value": 59000.0, "Latitude": 40.57, "Longitude": -122.35, "Population": 859.0}, {"index": 18741, "quantile": 0.25, "value": 69400.0, "Latitude": 40.57, "Longitude": -122.35, "Population": 859.0}, {"index": 18741, "quantile": 0.5, "value": 69400.0, "Latitude": 40.57, "Longitude": -122.35, "Population": 859.0}, {"index": 18741, "quantile": 0.75, "value": 82300.0, "Latitude": 40.57, "Longitude": -122.35, "Population": 859.0}, {"index": 18741, "quantile": 1.0, "value": 225000.0, "Latitude": 40.57, "Longitude": -122.35, "Population": 859.0}, {"index": 18742, "quantile": 0.0, "value": 53000.0, "Latitude": 40.57, "Longitude": -122.34, "Population": 1339.0}, {"index": 18742, "quantile": 0.25, "value": 60400.0, "Latitude": 40.57, "Longitude": -122.34, "Population": 1339.0}, {"index": 18742, "quantile": 0.5, "value": 67900.0, "Latitude": 40.57, "Longitude": -122.34, "Population": 1339.0}, {"index": 18742, "quantile": 0.75, "value": 67900.0, "Latitude": 40.57, "Longitude": -122.34, "Population": 1339.0}, {"index": 18742, "quantile": 1.0, "value": 146000.0, "Latitude": 40.57, "Longitude": -122.34, "Population": 1339.0}, {"index": 18743, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 40.57, "Longitude": -122.33, "Population": 1432.0}, {"index": 18743, "quantile": 0.25, "value": 75900.0, "Latitude": 40.57, "Longitude": -122.33, "Population": 1432.0}, {"index": 18743, "quantile": 0.5, "value": 75900.0, "Latitude": 40.57, "Longitude": -122.33, "Population": 1432.0}, {"index": 18743, "quantile": 0.75, "value": 84025.0, "Latitude": 40.57, "Longitude": -122.33, "Population": 1432.0}, {"index": 18743, "quantile": 1.0, "value": 130700.0, "Latitude": 40.57, "Longitude": -122.33, "Population": 1432.0}, {"index": 18744, "quantile": 0.0, "value": 61300.0, "Latitude": 40.57, "Longitude": -122.32, "Population": 1374.0}, {"index": 18744, "quantile": 0.25, "value": 95200.0, "Latitude": 40.57, "Longitude": -122.32, "Population": 1374.0}, {"index": 18744, "quantile": 0.5, "value": 101200.0, "Latitude": 40.57, "Longitude": -122.32, "Population": 1374.0}, {"index": 18744, "quantile": 0.75, "value": 131075.0, "Latitude": 40.57, "Longitude": -122.32, "Population": 1374.0}, {"index": 18744, "quantile": 1.0, "value": 189400.0, "Latitude": 40.57, "Longitude": -122.32, "Population": 1374.0}, {"index": 18745, "quantile": 0.0, "value": 80600.0, "Latitude": 40.55, "Longitude": -122.31, "Population": 6511.0}, {"index": 18745, "quantile": 0.25, "value": 100099.99999999999, "Latitude": 40.55, "Longitude": -122.31, "Population": 6511.0}, {"index": 18745, "quantile": 0.5, "value": 100099.99999999999, "Latitude": 40.55, "Longitude": -122.31, "Population": 6511.0}, {"index": 18745, "quantile": 0.75, "value": 101000.0, "Latitude": 40.55, "Longitude": -122.31, "Population": 6511.0}, {"index": 18745, "quantile": 1.0, "value": 172000.0, "Latitude": 40.55, "Longitude": -122.31, "Population": 6511.0}, {"index": 18746, "quantile": 0.0, "value": 53000.0, "Latitude": 40.51, "Longitude": -122.34, "Population": 1206.0}, {"index": 18746, "quantile": 0.25, "value": 78550.00000000001, "Latitude": 40.51, "Longitude": -122.34, "Population": 1206.0}, {"index": 18746, "quantile": 0.5, "value": 119200.0, "Latitude": 40.51, "Longitude": -122.34, "Population": 1206.0}, {"index": 18746, "quantile": 0.75, "value": 119200.0, "Latitude": 40.51, "Longitude": -122.34, "Population": 1206.0}, {"index": 18746, "quantile": 1.0, "value": 119200.0, "Latitude": 40.51, "Longitude": -122.34, "Population": 1206.0}, {"index": 18747, "quantile": 0.0, "value": 73600.0, "Latitude": 40.52, "Longitude": -122.33, "Population": 1318.0}, {"index": 18747, "quantile": 0.25, "value": 100099.99999999999, "Latitude": 40.52, "Longitude": -122.33, "Population": 1318.0}, {"index": 18747, "quantile": 0.5, "value": 116700.0, "Latitude": 40.52, "Longitude": -122.33, "Population": 1318.0}, {"index": 18747, "quantile": 0.75, "value": 116700.0, "Latitude": 40.52, "Longitude": -122.33, "Population": 1318.0}, {"index": 18747, "quantile": 1.0, "value": 189400.0, "Latitude": 40.52, "Longitude": -122.33, "Population": 1318.0}, {"index": 18748, "quantile": 0.0, "value": 80600.0, "Latitude": 40.49, "Longitude": -122.31, "Population": 1731.0}, {"index": 18748, "quantile": 0.25, "value": 118400.0, "Latitude": 40.49, "Longitude": -122.31, "Population": 1731.0}, {"index": 18748, "quantile": 0.5, "value": 118400.0, "Latitude": 40.49, "Longitude": -122.31, "Population": 1731.0}, {"index": 18748, "quantile": 0.75, "value": 118400.0, "Latitude": 40.49, "Longitude": -122.31, "Population": 1731.0}, {"index": 18748, "quantile": 1.0, "value": 304000.0, "Latitude": 40.49, "Longitude": -122.31, "Population": 1731.0}, {"index": 18749, "quantile": 0.0, "value": 62700.0, "Latitude": 40.5, "Longitude": -122.28, "Population": 1197.0}, {"index": 18749, "quantile": 0.25, "value": 83100.0, "Latitude": 40.5, "Longitude": -122.28, "Population": 1197.0}, {"index": 18749, "quantile": 0.5, "value": 83100.0, "Latitude": 40.5, "Longitude": -122.28, "Population": 1197.0}, {"index": 18749, "quantile": 0.75, "value": 83100.0, "Latitude": 40.5, "Longitude": -122.28, "Population": 1197.0}, {"index": 18749, "quantile": 1.0, "value": 129800.0, "Latitude": 40.5, "Longitude": -122.28, "Population": 1197.0}, {"index": 18750, "quantile": 0.0, "value": 46200.0, "Latitude": 40.71, "Longitude": -122.4, "Population": 1131.0}, {"index": 18750, "quantile": 0.25, "value": 67875.00000000001, "Latitude": 40.71, "Longitude": -122.4, "Population": 1131.0}, {"index": 18750, "quantile": 0.5, "value": 75100.0, "Latitude": 40.71, "Longitude": -122.4, "Population": 1131.0}, {"index": 18750, "quantile": 0.75, "value": 80400.0, "Latitude": 40.71, "Longitude": -122.4, "Population": 1131.0}, {"index": 18750, "quantile": 1.0, "value": 123200.0, "Latitude": 40.71, "Longitude": -122.4, "Population": 1131.0}, {"index": 18751, "quantile": 0.0, "value": 65600.0, "Latitude": 40.66, "Longitude": -122.43, "Population": 1183.0}, {"index": 18751, "quantile": 0.25, "value": 92200.0, "Latitude": 40.66, "Longitude": -122.43, "Population": 1183.0}, {"index": 18751, "quantile": 0.5, "value": 92200.0, "Latitude": 40.66, "Longitude": -122.43, "Population": 1183.0}, {"index": 18751, "quantile": 0.75, "value": 92200.0, "Latitude": 40.66, "Longitude": -122.43, "Population": 1183.0}, {"index": 18751, "quantile": 1.0, "value": 130700.0, "Latitude": 40.66, "Longitude": -122.43, "Population": 1183.0}, {"index": 18752, "quantile": 0.0, "value": 49600.0, "Latitude": 40.63, "Longitude": -122.42, "Population": 1132.0}, {"index": 18752, "quantile": 0.25, "value": 73925.0, "Latitude": 40.63, "Longitude": -122.42, "Population": 1132.0}, {"index": 18752, "quantile": 0.5, "value": 80400.0, "Latitude": 40.63, "Longitude": -122.42, "Population": 1132.0}, {"index": 18752, "quantile": 0.75, "value": 80400.0, "Latitude": 40.63, "Longitude": -122.42, "Population": 1132.0}, {"index": 18752, "quantile": 1.0, "value": 98800.0, "Latitude": 40.63, "Longitude": -122.42, "Population": 1132.0}, {"index": 18753, "quantile": 0.0, "value": 49000.0, "Latitude": 40.69, "Longitude": -122.38, "Population": 875.0}, {"index": 18753, "quantile": 0.25, "value": 61500.0, "Latitude": 40.69, "Longitude": -122.38, "Population": 875.0}, {"index": 18753, "quantile": 0.5, "value": 61500.0, "Latitude": 40.69, "Longitude": -122.38, "Population": 875.0}, {"index": 18753, "quantile": 0.75, "value": 67075.0, "Latitude": 40.69, "Longitude": -122.38, "Population": 875.0}, {"index": 18753, "quantile": 1.0, "value": 96600.0, "Latitude": 40.69, "Longitude": -122.38, "Population": 875.0}, {"index": 18754, "quantile": 0.0, "value": 36700.0, "Latitude": 40.69, "Longitude": -122.36, "Population": 2060.0}, {"index": 18754, "quantile": 0.25, "value": 53500.0, "Latitude": 40.69, "Longitude": -122.36, "Population": 2060.0}, {"index": 18754, "quantile": 0.5, "value": 59800.0, "Latitude": 40.69, "Longitude": -122.36, "Population": 2060.0}, {"index": 18754, "quantile": 0.75, "value": 68600.0, "Latitude": 40.69, "Longitude": -122.36, "Population": 2060.0}, {"index": 18754, "quantile": 1.0, "value": 118800.0, "Latitude": 40.69, "Longitude": -122.36, "Population": 2060.0}, {"index": 18755, "quantile": 0.0, "value": 39400.0, "Latitude": 40.68, "Longitude": -122.35, "Population": 930.0}, {"index": 18755, "quantile": 0.25, "value": 56599.99999999999, "Latitude": 40.68, "Longitude": -122.35, "Population": 930.0}, {"index": 18755, "quantile": 0.5, "value": 56599.99999999999, "Latitude": 40.68, "Longitude": -122.35, "Population": 930.0}, {"index": 18755, "quantile": 0.75, "value": 61000.0, "Latitude": 40.68, "Longitude": -122.35, "Population": 930.0}, {"index": 18755, "quantile": 1.0, "value": 84500.0, "Latitude": 40.68, "Longitude": -122.35, "Population": 930.0}, {"index": 18756, "quantile": 0.0, "value": 44400.0, "Latitude": 40.68, "Longitude": -122.36, "Population": 1011.0}, {"index": 18756, "quantile": 0.25, "value": 59800.0, "Latitude": 40.68, "Longitude": -122.36, "Population": 1011.0}, {"index": 18756, "quantile": 0.5, "value": 59800.0, "Latitude": 40.68, "Longitude": -122.36, "Population": 1011.0}, {"index": 18756, "quantile": 0.75, "value": 67225.0, "Latitude": 40.68, "Longitude": -122.36, "Population": 1011.0}, {"index": 18756, "quantile": 1.0, "value": 123100.00000000001, "Latitude": 40.68, "Longitude": -122.36, "Population": 1011.0}, {"index": 18757, "quantile": 0.0, "value": 50000.0, "Latitude": 40.67, "Longitude": -122.38, "Population": 1274.0}, {"index": 18757, "quantile": 0.25, "value": 69100.0, "Latitude": 40.67, "Longitude": -122.38, "Population": 1274.0}, {"index": 18757, "quantile": 0.5, "value": 76100.0, "Latitude": 40.67, "Longitude": -122.38, "Population": 1274.0}, {"index": 18757, "quantile": 0.75, "value": 81300.0, "Latitude": 40.67, "Longitude": -122.38, "Population": 1274.0}, {"index": 18757, "quantile": 1.0, "value": 145100.0, "Latitude": 40.67, "Longitude": -122.38, "Population": 1274.0}, {"index": 18758, "quantile": 0.0, "value": 50000.0, "Latitude": 40.66, "Longitude": -122.36, "Population": 1528.0}, {"index": 18758, "quantile": 0.25, "value": 75800.0, "Latitude": 40.66, "Longitude": -122.36, "Population": 1528.0}, {"index": 18758, "quantile": 0.5, "value": 75800.0, "Latitude": 40.66, "Longitude": -122.36, "Population": 1528.0}, {"index": 18758, "quantile": 0.75, "value": 75800.0, "Latitude": 40.66, "Longitude": -122.36, "Population": 1528.0}, {"index": 18758, "quantile": 1.0, "value": 130700.0, "Latitude": 40.66, "Longitude": -122.36, "Population": 1528.0}, {"index": 18759, "quantile": 0.0, "value": 70000.0, "Latitude": 40.65, "Longitude": -122.31, "Population": 1686.0}, {"index": 18759, "quantile": 0.25, "value": 105700.0, "Latitude": 40.65, "Longitude": -122.31, "Population": 1686.0}, {"index": 18759, "quantile": 0.5, "value": 141600.0, "Latitude": 40.65, "Longitude": -122.31, "Population": 1686.0}, {"index": 18759, "quantile": 0.75, "value": 141600.0, "Latitude": 40.65, "Longitude": -122.31, "Population": 1686.0}, {"index": 18759, "quantile": 1.0, "value": 141600.0, "Latitude": 40.65, "Longitude": -122.31, "Population": 1686.0}, {"index": 18760, "quantile": 0.0, "value": 88200.0, "Latitude": 40.6, "Longitude": -122.25, "Population": 1414.0}, {"index": 18760, "quantile": 0.25, "value": 116325.00000000001, "Latitude": 40.6, "Longitude": -122.25, "Population": 1414.0}, {"index": 18760, "quantile": 0.5, "value": 128299.99999999999, "Latitude": 40.6, "Longitude": -122.25, "Population": 1414.0}, {"index": 18760, "quantile": 0.75, "value": 128299.99999999999, "Latitude": 40.6, "Longitude": -122.25, "Population": 1414.0}, {"index": 18760, "quantile": 1.0, "value": 178500.0, "Latitude": 40.6, "Longitude": -122.25, "Population": 1414.0}, {"index": 18761, "quantile": 0.0, "value": 51600.0, "Latitude": 40.63, "Longitude": -122.23, "Population": 563.0}, {"index": 18761, "quantile": 0.25, "value": 90300.0, "Latitude": 40.63, "Longitude": -122.23, "Population": 563.0}, {"index": 18761, "quantile": 0.5, "value": 130700.0, "Latitude": 40.63, "Longitude": -122.23, "Population": 563.0}, {"index": 18761, "quantile": 0.75, "value": 130700.0, "Latitude": 40.63, "Longitude": -122.23, "Population": 563.0}, {"index": 18761, "quantile": 1.0, "value": 130700.0, "Latitude": 40.63, "Longitude": -122.23, "Population": 563.0}, {"index": 18762, "quantile": 0.0, "value": 73600.0, "Latitude": 40.66, "Longitude": -122.25, "Population": 1423.0}, {"index": 18762, "quantile": 0.25, "value": 101000.0, "Latitude": 40.66, "Longitude": -122.25, "Population": 1423.0}, {"index": 18762, "quantile": 0.5, "value": 112999.99999999999, "Latitude": 40.66, "Longitude": -122.25, "Population": 1423.0}, {"index": 18762, "quantile": 0.75, "value": 128299.99999999999, "Latitude": 40.66, "Longitude": -122.25, "Population": 1423.0}, {"index": 18762, "quantile": 1.0, "value": 183200.0, "Latitude": 40.66, "Longitude": -122.25, "Population": 1423.0}, {"index": 18763, "quantile": 0.0, "value": 62100.0, "Latitude": 40.71, "Longitude": -122.32, "Population": 1399.0}, {"index": 18763, "quantile": 0.25, "value": 94000.0, "Latitude": 40.71, "Longitude": -122.32, "Population": 1399.0}, {"index": 18763, "quantile": 0.5, "value": 105400.0, "Latitude": 40.71, "Longitude": -122.32, "Population": 1399.0}, {"index": 18763, "quantile": 0.75, "value": 105400.0, "Latitude": 40.71, "Longitude": -122.32, "Population": 1399.0}, {"index": 18763, "quantile": 1.0, "value": 119400.0, "Latitude": 40.71, "Longitude": -122.32, "Population": 1399.0}, {"index": 18764, "quantile": 0.0, "value": 50300.0, "Latitude": 40.75, "Longitude": -122.31, "Population": 494.0}, {"index": 18764, "quantile": 0.25, "value": 75800.0, "Latitude": 40.75, "Longitude": -122.31, "Population": 494.0}, {"index": 18764, "quantile": 0.5, "value": 75800.0, "Latitude": 40.75, "Longitude": -122.31, "Population": 494.0}, {"index": 18764, "quantile": 0.75, "value": 75800.0, "Latitude": 40.75, "Longitude": -122.31, "Population": 494.0}, {"index": 18764, "quantile": 1.0, "value": 145800.0, "Latitude": 40.75, "Longitude": -122.31, "Population": 494.0}, {"index": 18765, "quantile": 0.0, "value": 75300.0, "Latitude": 40.53, "Longitude": -122.27, "Population": 1171.0}, {"index": 18765, "quantile": 0.25, "value": 94975.0, "Latitude": 40.53, "Longitude": -122.27, "Population": 1171.0}, {"index": 18765, "quantile": 0.5, "value": 129800.0, "Latitude": 40.53, "Longitude": -122.27, "Population": 1171.0}, {"index": 18765, "quantile": 0.75, "value": 129800.0, "Latitude": 40.53, "Longitude": -122.27, "Population": 1171.0}, {"index": 18765, "quantile": 1.0, "value": 164400.0, "Latitude": 40.53, "Longitude": -122.27, "Population": 1171.0}, {"index": 18766, "quantile": 0.0, "value": 85900.0, "Latitude": 40.58, "Longitude": -122.26, "Population": 1271.0}, {"index": 18766, "quantile": 0.25, "value": 128299.99999999999, "Latitude": 40.58, "Longitude": -122.26, "Population": 1271.0}, {"index": 18766, "quantile": 0.5, "value": 133900.0, "Latitude": 40.58, "Longitude": -122.26, "Population": 1271.0}, {"index": 18766, "quantile": 0.75, "value": 141925.0, "Latitude": 40.58, "Longitude": -122.26, "Population": 1271.0}, {"index": 18766, "quantile": 1.0, "value": 296800.0, "Latitude": 40.58, "Longitude": -122.26, "Population": 1271.0}, {"index": 18767, "quantile": 0.0, "value": 67500.0, "Latitude": 40.57, "Longitude": -122.23, "Population": 750.0}, {"index": 18767, "quantile": 0.25, "value": 150800.0, "Latitude": 40.57, "Longitude": -122.23, "Population": 750.0}, {"index": 18767, "quantile": 0.5, "value": 150800.0, "Latitude": 40.57, "Longitude": -122.23, "Population": 750.0}, {"index": 18767, "quantile": 0.75, "value": 188500.0, "Latitude": 40.57, "Longitude": -122.23, "Population": 750.0}, {"index": 18767, "quantile": 1.0, "value": 335100.0, "Latitude": 40.57, "Longitude": -122.23, "Population": 750.0}, {"index": 18768, "quantile": 0.0, "value": 85900.0, "Latitude": 40.51, "Longitude": -122.24, "Population": 1006.0}, {"index": 18768, "quantile": 0.25, "value": 139850.0, "Latitude": 40.51, "Longitude": -122.24, "Population": 1006.0}, {"index": 18768, "quantile": 0.5, "value": 164200.0, "Latitude": 40.51, "Longitude": -122.24, "Population": 1006.0}, {"index": 18768, "quantile": 0.75, "value": 245000.00000000003, "Latitude": 40.51, "Longitude": -122.24, "Population": 1006.0}, {"index": 18768, "quantile": 1.0, "value": 361100.0, "Latitude": 40.51, "Longitude": -122.24, "Population": 1006.0}, {"index": 18769, "quantile": 0.0, "value": 49000.0, "Latitude": 40.45, "Longitude": -122.31, "Population": 728.0}, {"index": 18769, "quantile": 0.25, "value": 66800.0, "Latitude": 40.45, "Longitude": -122.31, "Population": 728.0}, {"index": 18769, "quantile": 0.5, "value": 66800.0, "Latitude": 40.45, "Longitude": -122.31, "Population": 728.0}, {"index": 18769, "quantile": 0.75, "value": 69849.99999999999, "Latitude": 40.45, "Longitude": -122.31, "Population": 728.0}, {"index": 18769, "quantile": 1.0, "value": 134000.0, "Latitude": 40.45, "Longitude": -122.31, "Population": 728.0}, {"index": 18770, "quantile": 0.0, "value": 53000.0, "Latitude": 40.45, "Longitude": -122.31, "Population": 1536.0}, {"index": 18770, "quantile": 0.25, "value": 60400.0, "Latitude": 40.45, "Longitude": -122.31, "Population": 1536.0}, {"index": 18770, "quantile": 0.5, "value": 60400.0, "Latitude": 40.45, "Longitude": -122.31, "Population": 1536.0}, {"index": 18770, "quantile": 0.75, "value": 60400.0, "Latitude": 40.45, "Longitude": -122.31, "Population": 1536.0}, {"index": 18770, "quantile": 1.0, "value": 146000.0, "Latitude": 40.45, "Longitude": -122.31, "Population": 1536.0}, {"index": 18771, "quantile": 0.0, "value": 44400.0, "Latitude": 40.44, "Longitude": -122.29, "Population": 840.0}, {"index": 18771, "quantile": 0.25, "value": 63600.0, "Latitude": 40.44, "Longitude": -122.29, "Population": 840.0}, {"index": 18771, "quantile": 0.5, "value": 71500.0, "Latitude": 40.44, "Longitude": -122.29, "Population": 840.0}, {"index": 18771, "quantile": 0.75, "value": 83425.0, "Latitude": 40.44, "Longitude": -122.29, "Population": 840.0}, {"index": 18771, "quantile": 1.0, "value": 212500.0, "Latitude": 40.44, "Longitude": -122.29, "Population": 840.0}, {"index": 18772, "quantile": 0.0, "value": 45100.0, "Latitude": 40.43, "Longitude": -122.29, "Population": 1658.0}, {"index": 18772, "quantile": 0.25, "value": 59800.0, "Latitude": 40.43, "Longitude": -122.29, "Population": 1658.0}, {"index": 18772, "quantile": 0.5, "value": 59800.0, "Latitude": 40.43, "Longitude": -122.29, "Population": 1658.0}, {"index": 18772, "quantile": 0.75, "value": 60400.0, "Latitude": 40.43, "Longitude": -122.29, "Population": 1658.0}, {"index": 18772, "quantile": 1.0, "value": 123100.00000000001, "Latitude": 40.43, "Longitude": -122.29, "Population": 1658.0}, {"index": 18773, "quantile": 0.0, "value": 44400.0, "Latitude": 40.47, "Longitude": -122.29, "Population": 1422.0}, {"index": 18773, "quantile": 0.25, "value": 63000.0, "Latitude": 40.47, "Longitude": -122.29, "Population": 1422.0}, {"index": 18773, "quantile": 0.5, "value": 63000.0, "Latitude": 40.47, "Longitude": -122.29, "Population": 1422.0}, {"index": 18773, "quantile": 0.75, "value": 63000.0, "Latitude": 40.47, "Longitude": -122.29, "Population": 1422.0}, {"index": 18773, "quantile": 1.0, "value": 119200.0, "Latitude": 40.47, "Longitude": -122.29, "Population": 1422.0}, {"index": 18774, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 40.47, "Longitude": -122.31, "Population": 1326.0}, {"index": 18774, "quantile": 0.25, "value": 68850.0, "Latitude": 40.47, "Longitude": -122.31, "Population": 1326.0}, {"index": 18774, "quantile": 0.5, "value": 84000.0, "Latitude": 40.47, "Longitude": -122.31, "Population": 1326.0}, {"index": 18774, "quantile": 0.75, "value": 95150.0, "Latitude": 40.47, "Longitude": -122.31, "Population": 1326.0}, {"index": 18774, "quantile": 1.0, "value": 136700.0, "Latitude": 40.47, "Longitude": -122.31, "Population": 1326.0}, {"index": 18775, "quantile": 0.0, "value": 36700.0, "Latitude": 40.45, "Longitude": -122.3, "Population": 694.0}, {"index": 18775, "quantile": 0.25, "value": 65725.0, "Latitude": 40.45, "Longitude": -122.3, "Population": 694.0}, {"index": 18775, "quantile": 0.5, "value": 68500.0, "Latitude": 40.45, "Longitude": -122.3, "Population": 694.0}, {"index": 18775, "quantile": 0.75, "value": 68500.0, "Latitude": 40.45, "Longitude": -122.3, "Population": 694.0}, {"index": 18775, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 40.45, "Longitude": -122.3, "Population": 694.0}, {"index": 18776, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 40.46, "Longitude": -122.27, "Population": 1324.0}, {"index": 18776, "quantile": 0.25, "value": 78600.0, "Latitude": 40.46, "Longitude": -122.27, "Population": 1324.0}, {"index": 18776, "quantile": 0.5, "value": 78600.0, "Latitude": 40.46, "Longitude": -122.27, "Population": 1324.0}, {"index": 18776, "quantile": 0.75, "value": 78625.0, "Latitude": 40.46, "Longitude": -122.27, "Population": 1324.0}, {"index": 18776, "quantile": 1.0, "value": 125000.0, "Latitude": 40.46, "Longitude": -122.27, "Population": 1324.0}, {"index": 18777, "quantile": 0.0, "value": 73600.0, "Latitude": 40.45, "Longitude": -122.24, "Population": 782.0}, {"index": 18777, "quantile": 0.25, "value": 80600.0, "Latitude": 40.45, "Longitude": -122.24, "Population": 782.0}, {"index": 18777, "quantile": 0.5, "value": 80600.0, "Latitude": 40.45, "Longitude": -122.24, "Population": 782.0}, {"index": 18777, "quantile": 0.75, "value": 93600.0, "Latitude": 40.45, "Longitude": -122.24, "Population": 782.0}, {"index": 18777, "quantile": 1.0, "value": 170200.0, "Latitude": 40.45, "Longitude": -122.24, "Population": 782.0}, {"index": 18778, "quantile": 0.0, "value": 64500.0, "Latitude": 40.42, "Longitude": -122.25, "Population": 692.0}, {"index": 18778, "quantile": 0.25, "value": 76500.0, "Latitude": 40.42, "Longitude": -122.25, "Population": 692.0}, {"index": 18778, "quantile": 0.5, "value": 85000.0, "Latitude": 40.42, "Longitude": -122.25, "Population": 692.0}, {"index": 18778, "quantile": 0.75, "value": 95500.0, "Latitude": 40.42, "Longitude": -122.25, "Population": 692.0}, {"index": 18778, "quantile": 1.0, "value": 165000.0, "Latitude": 40.42, "Longitude": -122.25, "Population": 692.0}, {"index": 18779, "quantile": 0.0, "value": 72200.0, "Latitude": 40.4, "Longitude": -122.23, "Population": 1059.0}, {"index": 18779, "quantile": 0.25, "value": 95500.0, "Latitude": 40.4, "Longitude": -122.23, "Population": 1059.0}, {"index": 18779, "quantile": 0.5, "value": 95500.0, "Latitude": 40.4, "Longitude": -122.23, "Population": 1059.0}, {"index": 18779, "quantile": 0.75, "value": 95500.0, "Latitude": 40.4, "Longitude": -122.23, "Population": 1059.0}, {"index": 18779, "quantile": 1.0, "value": 142600.0, "Latitude": 40.4, "Longitude": -122.23, "Population": 1059.0}, {"index": 18780, "quantile": 0.0, "value": 44400.0, "Latitude": 40.39, "Longitude": -122.27, "Population": 939.0}, {"index": 18780, "quantile": 0.25, "value": 59000.0, "Latitude": 40.39, "Longitude": -122.27, "Population": 939.0}, {"index": 18780, "quantile": 0.5, "value": 59000.0, "Latitude": 40.39, "Longitude": -122.27, "Population": 939.0}, {"index": 18780, "quantile": 0.75, "value": 59000.0, "Latitude": 40.39, "Longitude": -122.27, "Population": 939.0}, {"index": 18780, "quantile": 1.0, "value": 119400.0, "Latitude": 40.39, "Longitude": -122.27, "Population": 939.0}, {"index": 18781, "quantile": 0.0, "value": 53500.0, "Latitude": 40.39, "Longitude": -122.29, "Population": 887.0}, {"index": 18781, "quantile": 0.25, "value": 76400.0, "Latitude": 40.39, "Longitude": -122.29, "Population": 887.0}, {"index": 18781, "quantile": 0.5, "value": 76400.0, "Latitude": 40.39, "Longitude": -122.29, "Population": 887.0}, {"index": 18781, "quantile": 0.75, "value": 76400.0, "Latitude": 40.39, "Longitude": -122.29, "Population": 887.0}, {"index": 18781, "quantile": 1.0, "value": 119200.0, "Latitude": 40.39, "Longitude": -122.29, "Population": 887.0}, {"index": 18782, "quantile": 0.0, "value": 77800.0, "Latitude": 40.48, "Longitude": -122.33, "Population": 319.0}, {"index": 18782, "quantile": 0.25, "value": 96000.0, "Latitude": 40.48, "Longitude": -122.33, "Population": 319.0}, {"index": 18782, "quantile": 0.5, "value": 101600.0, "Latitude": 40.48, "Longitude": -122.33, "Population": 319.0}, {"index": 18782, "quantile": 0.75, "value": 101600.0, "Latitude": 40.48, "Longitude": -122.33, "Population": 319.0}, {"index": 18782, "quantile": 1.0, "value": 304000.0, "Latitude": 40.48, "Longitude": -122.33, "Population": 319.0}, {"index": 18783, "quantile": 0.0, "value": 49600.0, "Latitude": 40.47, "Longitude": -122.33, "Population": 1296.0}, {"index": 18783, "quantile": 0.25, "value": 66100.0, "Latitude": 40.47, "Longitude": -122.33, "Population": 1296.0}, {"index": 18783, "quantile": 0.5, "value": 66100.0, "Latitude": 40.47, "Longitude": -122.33, "Population": 1296.0}, {"index": 18783, "quantile": 0.75, "value": 66100.0, "Latitude": 40.47, "Longitude": -122.33, "Population": 1296.0}, {"index": 18783, "quantile": 1.0, "value": 82400.0, "Latitude": 40.47, "Longitude": -122.33, "Population": 1296.0}, {"index": 18784, "quantile": 0.0, "value": 55100.00000000001, "Latitude": 40.48, "Longitude": -122.36, "Population": 1308.0}, {"index": 18784, "quantile": 0.25, "value": 72100.0, "Latitude": 40.48, "Longitude": -122.36, "Population": 1308.0}, {"index": 18784, "quantile": 0.5, "value": 74800.0, "Latitude": 40.48, "Longitude": -122.36, "Population": 1308.0}, {"index": 18784, "quantile": 0.75, "value": 74800.0, "Latitude": 40.48, "Longitude": -122.36, "Population": 1308.0}, {"index": 18784, "quantile": 1.0, "value": 119200.0, "Latitude": 40.48, "Longitude": -122.36, "Population": 1308.0}, {"index": 18785, "quantile": 0.0, "value": 71800.0, "Latitude": 40.45, "Longitude": -122.37, "Population": 921.0}, {"index": 18785, "quantile": 0.25, "value": 85400.0, "Latitude": 40.45, "Longitude": -122.37, "Population": 921.0}, {"index": 18785, "quantile": 0.5, "value": 96600.0, "Latitude": 40.45, "Longitude": -122.37, "Population": 921.0}, {"index": 18785, "quantile": 0.75, "value": 104299.99999999999, "Latitude": 40.45, "Longitude": -122.37, "Population": 921.0}, {"index": 18785, "quantile": 1.0, "value": 183300.0, "Latitude": 40.45, "Longitude": -122.37, "Population": 921.0}, {"index": 18786, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 40.44, "Longitude": -122.42, "Population": 495.0}, {"index": 18786, "quantile": 0.25, "value": 76400.0, "Latitude": 40.44, "Longitude": -122.42, "Population": 495.0}, {"index": 18786, "quantile": 0.5, "value": 76400.0, "Latitude": 40.44, "Longitude": -122.42, "Population": 495.0}, {"index": 18786, "quantile": 0.75, "value": 76400.0, "Latitude": 40.44, "Longitude": -122.42, "Population": 495.0}, {"index": 18786, "quantile": 1.0, "value": 145100.0, "Latitude": 40.44, "Longitude": -122.42, "Population": 495.0}, {"index": 18787, "quantile": 0.0, "value": 50000.0, "Latitude": 40.47, "Longitude": -122.43, "Population": 1801.0}, {"index": 18787, "quantile": 0.25, "value": 69500.0, "Latitude": 40.47, "Longitude": -122.43, "Population": 1801.0}, {"index": 18787, "quantile": 0.5, "value": 76100.0, "Latitude": 40.47, "Longitude": -122.43, "Population": 1801.0}, {"index": 18787, "quantile": 0.75, "value": 78750.00000000001, "Latitude": 40.47, "Longitude": -122.43, "Population": 1801.0}, {"index": 18787, "quantile": 1.0, "value": 119200.0, "Latitude": 40.47, "Longitude": -122.43, "Population": 1801.0}, {"index": 18788, "quantile": 0.0, "value": 61300.0, "Latitude": 40.46, "Longitude": -122.45, "Population": 1413.0}, {"index": 18788, "quantile": 0.25, "value": 87700.0, "Latitude": 40.46, "Longitude": -122.45, "Population": 1413.0}, {"index": 18788, "quantile": 0.5, "value": 105700.0, "Latitude": 40.46, "Longitude": -122.45, "Population": 1413.0}, {"index": 18788, "quantile": 0.75, "value": 105700.0, "Latitude": 40.46, "Longitude": -122.45, "Population": 1413.0}, {"index": 18788, "quantile": 1.0, "value": 130700.0, "Latitude": 40.46, "Longitude": -122.45, "Population": 1413.0}, {"index": 18789, "quantile": 0.0, "value": 50800.0, "Latitude": 40.39, "Longitude": -122.37, "Population": 1970.0}, {"index": 18789, "quantile": 0.25, "value": 87650.0, "Latitude": 40.39, "Longitude": -122.37, "Population": 1970.0}, {"index": 18789, "quantile": 0.5, "value": 98100.0, "Latitude": 40.39, "Longitude": -122.37, "Population": 1970.0}, {"index": 18789, "quantile": 0.75, "value": 115599.99999999999, "Latitude": 40.39, "Longitude": -122.37, "Population": 1970.0}, {"index": 18789, "quantile": 1.0, "value": 171900.0, "Latitude": 40.39, "Longitude": -122.37, "Population": 1970.0}, {"index": 18790, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 40.42, "Longitude": -122.32, "Population": 1538.0}, {"index": 18790, "quantile": 0.25, "value": 76500.0, "Latitude": 40.42, "Longitude": -122.32, "Population": 1538.0}, {"index": 18790, "quantile": 0.5, "value": 76500.0, "Latitude": 40.42, "Longitude": -122.32, "Population": 1538.0}, {"index": 18790, "quantile": 0.75, "value": 87700.0, "Latitude": 40.42, "Longitude": -122.32, "Population": 1538.0}, {"index": 18790, "quantile": 1.0, "value": 141600.0, "Latitude": 40.42, "Longitude": -122.32, "Population": 1538.0}, {"index": 18791, "quantile": 0.0, "value": 53500.0, "Latitude": 40.75, "Longitude": -122.56, "Population": 512.0}, {"index": 18791, "quantile": 0.25, "value": 74500.0, "Latitude": 40.75, "Longitude": -122.56, "Population": 512.0}, {"index": 18791, "quantile": 0.5, "value": 74500.0, "Latitude": 40.75, "Longitude": -122.56, "Population": 512.0}, {"index": 18791, "quantile": 0.75, "value": 74500.0, "Latitude": 40.75, "Longitude": -122.56, "Population": 512.0}, {"index": 18791, "quantile": 1.0, "value": 145800.0, "Latitude": 40.75, "Longitude": -122.56, "Population": 512.0}, {"index": 18792, "quantile": 0.0, "value": 56200.00000000001, "Latitude": 40.61, "Longitude": -122.57, "Population": 883.0}, {"index": 18792, "quantile": 0.25, "value": 93400.0, "Latitude": 40.61, "Longitude": -122.57, "Population": 883.0}, {"index": 18792, "quantile": 0.5, "value": 93400.0, "Latitude": 40.61, "Longitude": -122.57, "Population": 883.0}, {"index": 18792, "quantile": 0.75, "value": 93400.0, "Latitude": 40.61, "Longitude": -122.57, "Population": 883.0}, {"index": 18792, "quantile": 1.0, "value": 154500.0, "Latitude": 40.61, "Longitude": -122.57, "Population": 883.0}, {"index": 18793, "quantile": 0.0, "value": 85900.0, "Latitude": 40.52, "Longitude": -122.66, "Population": 1361.0}, {"index": 18793, "quantile": 0.25, "value": 128325.0, "Latitude": 40.52, "Longitude": -122.66, "Population": 1361.0}, {"index": 18793, "quantile": 0.5, "value": 159700.0, "Latitude": 40.52, "Longitude": -122.66, "Population": 1361.0}, {"index": 18793, "quantile": 0.75, "value": 197400.0, "Latitude": 40.52, "Longitude": -122.66, "Population": 1361.0}, {"index": 18793, "quantile": 1.0, "value": 336700.0, "Latitude": 40.52, "Longitude": -122.66, "Population": 1361.0}, {"index": 18794, "quantile": 0.0, "value": 55100.00000000001, "Latitude": 40.4, "Longitude": -122.76, "Population": 903.0}, {"index": 18794, "quantile": 0.25, "value": 91975.0, "Latitude": 40.4, "Longitude": -122.76, "Population": 903.0}, {"index": 18794, "quantile": 0.5, "value": 123200.0, "Latitude": 40.4, "Longitude": -122.76, "Population": 903.0}, {"index": 18794, "quantile": 0.75, "value": 123200.0, "Latitude": 40.4, "Longitude": -122.76, "Population": 903.0}, {"index": 18794, "quantile": 1.0, "value": 145800.0, "Latitude": 40.4, "Longitude": -122.76, "Population": 903.0}, {"index": 18795, "quantile": 0.0, "value": 36700.0, "Latitude": 41.06, "Longitude": -122.34, "Population": 631.0}, {"index": 18795, "quantile": 0.25, "value": 65800.0, "Latitude": 41.06, "Longitude": -122.34, "Population": 631.0}, {"index": 18795, "quantile": 0.5, "value": 65800.0, "Latitude": 41.06, "Longitude": -122.34, "Population": 631.0}, {"index": 18795, "quantile": 0.75, "value": 65800.0, "Latitude": 41.06, "Longitude": -122.34, "Population": 631.0}, {"index": 18795, "quantile": 1.0, "value": 112500.0, "Latitude": 41.06, "Longitude": -122.34, "Population": 631.0}, {"index": 18796, "quantile": 0.0, "value": 47500.0, "Latitude": 40.89, "Longitude": -122.31, "Population": 247.0}, {"index": 18796, "quantile": 0.25, "value": 65300.0, "Latitude": 40.89, "Longitude": -122.31, "Population": 247.0}, {"index": 18796, "quantile": 0.5, "value": 81300.0, "Latitude": 40.89, "Longitude": -122.31, "Population": 247.0}, {"index": 18796, "quantile": 0.75, "value": 99500.0, "Latitude": 40.89, "Longitude": -122.31, "Population": 247.0}, {"index": 18796, "quantile": 1.0, "value": 175000.0, "Latitude": 40.89, "Longitude": -122.31, "Population": 247.0}, {"index": 18797, "quantile": 0.0, "value": 64500.0, "Latitude": 40.85, "Longitude": -122.45, "Population": 892.0}, {"index": 18797, "quantile": 0.25, "value": 88900.0, "Latitude": 40.85, "Longitude": -122.45, "Population": 892.0}, {"index": 18797, "quantile": 0.5, "value": 107800.0, "Latitude": 40.85, "Longitude": -122.45, "Population": 892.0}, {"index": 18797, "quantile": 0.75, "value": 107800.0, "Latitude": 40.85, "Longitude": -122.45, "Population": 892.0}, {"index": 18797, "quantile": 1.0, "value": 152700.0, "Latitude": 40.85, "Longitude": -122.45, "Population": 892.0}, {"index": 18798, "quantile": 0.0, "value": 61300.0, "Latitude": 40.95, "Longitude": -122.07, "Population": 1356.0}, {"index": 18798, "quantile": 0.25, "value": 73200.0, "Latitude": 40.95, "Longitude": -122.07, "Population": 1356.0}, {"index": 18798, "quantile": 0.5, "value": 86650.0, "Latitude": 40.95, "Longitude": -122.07, "Population": 1356.0}, {"index": 18798, "quantile": 0.75, "value": 101200.0, "Latitude": 40.95, "Longitude": -122.07, "Population": 1356.0}, {"index": 18798, "quantile": 1.0, "value": 141600.0, "Latitude": 40.95, "Longitude": -122.07, "Population": 1356.0}, {"index": 18799, "quantile": 0.0, "value": 40000.0, "Latitude": 40.97, "Longitude": -121.89, "Population": 513.0}, {"index": 18799, "quantile": 0.25, "value": 52000.0, "Latitude": 40.97, "Longitude": -121.89, "Population": 513.0}, {"index": 18799, "quantile": 0.5, "value": 52000.0, "Latitude": 40.97, "Longitude": -121.89, "Population": 513.0}, {"index": 18799, "quantile": 0.75, "value": 63050.00000000001, "Latitude": 40.97, "Longitude": -121.89, "Population": 513.0}, {"index": 18799, "quantile": 1.0, "value": 89200.0, "Latitude": 40.97, "Longitude": -121.89, "Population": 513.0}, {"index": 18800, "quantile": 0.0, "value": 60300.0, "Latitude": 40.77, "Longitude": -121.86, "Population": 1027.0}, {"index": 18800, "quantile": 0.25, "value": 65600.0, "Latitude": 40.77, "Longitude": -121.86, "Population": 1027.0}, {"index": 18800, "quantile": 0.5, "value": 65600.0, "Latitude": 40.77, "Longitude": -121.86, "Population": 1027.0}, {"index": 18800, "quantile": 0.75, "value": 94049.99999999999, "Latitude": 40.77, "Longitude": -121.86, "Population": 1027.0}, {"index": 18800, "quantile": 1.0, "value": 165600.0, "Latitude": 40.77, "Longitude": -121.86, "Population": 1027.0}, {"index": 18801, "quantile": 0.0, "value": 80800.0, "Latitude": 40.69, "Longitude": -121.83, "Population": 477.0}, {"index": 18801, "quantile": 0.25, "value": 87500.0, "Latitude": 40.69, "Longitude": -121.83, "Population": 477.0}, {"index": 18801, "quantile": 0.5, "value": 87500.0, "Latitude": 40.69, "Longitude": -121.83, "Population": 477.0}, {"index": 18801, "quantile": 0.75, "value": 104299.99999999999, "Latitude": 40.69, "Longitude": -121.83, "Population": 477.0}, {"index": 18801, "quantile": 1.0, "value": 275000.0, "Latitude": 40.69, "Longitude": -121.83, "Population": 477.0}, {"index": 18802, "quantile": 0.0, "value": 85900.0, "Latitude": 40.64, "Longitude": -122.08, "Population": 1447.0}, {"index": 18802, "quantile": 0.25, "value": 132125.0, "Latitude": 40.64, "Longitude": -122.08, "Population": 1447.0}, {"index": 18802, "quantile": 0.5, "value": 141200.0, "Latitude": 40.64, "Longitude": -122.08, "Population": 1447.0}, {"index": 18802, "quantile": 0.75, "value": 141200.0, "Latitude": 40.64, "Longitude": -122.08, "Population": 1447.0}, {"index": 18802, "quantile": 1.0, "value": 250000.0, "Latitude": 40.64, "Longitude": -122.08, "Population": 1447.0}, {"index": 18803, "quantile": 0.0, "value": 73600.0, "Latitude": 40.55, "Longitude": -122.06, "Population": 1497.0}, {"index": 18803, "quantile": 0.25, "value": 101000.0, "Latitude": 40.55, "Longitude": -122.06, "Population": 1497.0}, {"index": 18803, "quantile": 0.5, "value": 101000.0, "Latitude": 40.55, "Longitude": -122.06, "Population": 1497.0}, {"index": 18803, "quantile": 0.75, "value": 101000.0, "Latitude": 40.55, "Longitude": -122.06, "Population": 1497.0}, {"index": 18803, "quantile": 1.0, "value": 148700.0, "Latitude": 40.55, "Longitude": -122.06, "Population": 1497.0}, {"index": 18804, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 40.52, "Longitude": -121.92, "Population": 1799.0}, {"index": 18804, "quantile": 0.25, "value": 95300.0, "Latitude": 40.52, "Longitude": -121.92, "Population": 1799.0}, {"index": 18804, "quantile": 0.5, "value": 99500.0, "Latitude": 40.52, "Longitude": -121.92, "Population": 1799.0}, {"index": 18804, "quantile": 0.75, "value": 99500.0, "Latitude": 40.52, "Longitude": -121.92, "Population": 1799.0}, {"index": 18804, "quantile": 1.0, "value": 130700.0, "Latitude": 40.52, "Longitude": -121.92, "Population": 1799.0}, {"index": 18805, "quantile": 0.0, "value": 37500.0, "Latitude": 40.61, "Longitude": -121.67, "Population": 786.0}, {"index": 18805, "quantile": 0.25, "value": 80400.0, "Latitude": 40.61, "Longitude": -121.67, "Population": 786.0}, {"index": 18805, "quantile": 0.5, "value": 80400.0, "Latitude": 40.61, "Longitude": -121.67, "Population": 786.0}, {"index": 18805, "quantile": 0.75, "value": 88800.0, "Latitude": 40.61, "Longitude": -121.67, "Population": 786.0}, {"index": 18805, "quantile": 1.0, "value": 134000.0, "Latitude": 40.61, "Longitude": -121.67, "Population": 786.0}, {"index": 18806, "quantile": 0.0, "value": 48100.0, "Latitude": 40.48, "Longitude": -121.55, "Population": 805.0}, {"index": 18806, "quantile": 0.25, "value": 77400.0, "Latitude": 40.48, "Longitude": -121.55, "Population": 805.0}, {"index": 18806, "quantile": 0.5, "value": 77400.0, "Latitude": 40.48, "Longitude": -121.55, "Population": 805.0}, {"index": 18806, "quantile": 0.75, "value": 88875.0, "Latitude": 40.48, "Longitude": -121.55, "Population": 805.0}, {"index": 18806, "quantile": 1.0, "value": 152700.0, "Latitude": 40.48, "Longitude": -121.55, "Population": 805.0}, {"index": 18807, "quantile": 0.0, "value": 40000.0, "Latitude": 40.9, "Longitude": -121.64, "Population": 834.0}, {"index": 18807, "quantile": 0.25, "value": 81075.0, "Latitude": 40.9, "Longitude": -121.64, "Population": 834.0}, {"index": 18807, "quantile": 0.5, "value": 90300.0, "Latitude": 40.9, "Longitude": -121.64, "Population": 834.0}, {"index": 18807, "quantile": 0.75, "value": 90300.0, "Latitude": 40.9, "Longitude": -121.64, "Population": 834.0}, {"index": 18807, "quantile": 1.0, "value": 112500.0, "Latitude": 40.9, "Longitude": -121.64, "Population": 834.0}, {"index": 18808, "quantile": 0.0, "value": 59200.0, "Latitude": 40.87, "Longitude": -121.67, "Population": 776.0}, {"index": 18808, "quantile": 0.25, "value": 77800.0, "Latitude": 40.87, "Longitude": -121.67, "Population": 776.0}, {"index": 18808, "quantile": 0.5, "value": 77800.0, "Latitude": 40.87, "Longitude": -121.67, "Population": 776.0}, {"index": 18808, "quantile": 0.75, "value": 88700.0, "Latitude": 40.87, "Longitude": -121.67, "Population": 776.0}, {"index": 18808, "quantile": 1.0, "value": 121800.0, "Latitude": 40.87, "Longitude": -121.67, "Population": 776.0}, {"index": 18809, "quantile": 0.0, "value": 48100.0, "Latitude": 40.88, "Longitude": -121.65, "Population": 1537.0}, {"index": 18809, "quantile": 0.25, "value": 61300.0, "Latitude": 40.88, "Longitude": -121.65, "Population": 1537.0}, {"index": 18809, "quantile": 0.5, "value": 61300.0, "Latitude": 40.88, "Longitude": -121.65, "Population": 1537.0}, {"index": 18809, "quantile": 0.75, "value": 87350.0, "Latitude": 40.88, "Longitude": -121.65, "Population": 1537.0}, {"index": 18809, "quantile": 1.0, "value": 141600.0, "Latitude": 40.88, "Longitude": -121.65, "Population": 1537.0}, {"index": 18810, "quantile": 0.0, "value": 57799.99999999999, "Latitude": 40.89, "Longitude": -121.67, "Population": 1118.0}, {"index": 18810, "quantile": 0.25, "value": 57799.99999999999, "Latitude": 40.89, "Longitude": -121.67, "Population": 1118.0}, {"index": 18810, "quantile": 0.5, "value": 57799.99999999999, "Latitude": 40.89, "Longitude": -121.67, "Population": 1118.0}, {"index": 18810, "quantile": 0.75, "value": 87675.0, "Latitude": 40.89, "Longitude": -121.67, "Population": 1118.0}, {"index": 18810, "quantile": 1.0, "value": 155400.0, "Latitude": 40.89, "Longitude": -121.67, "Population": 1118.0}, {"index": 18811, "quantile": 0.0, "value": 34600.0, "Latitude": 40.92, "Longitude": -121.63, "Population": 872.0}, {"index": 18811, "quantile": 0.25, "value": 57799.99999999999, "Latitude": 40.92, "Longitude": -121.63, "Population": 872.0}, {"index": 18811, "quantile": 0.5, "value": 69600.0, "Latitude": 40.92, "Longitude": -121.63, "Population": 872.0}, {"index": 18811, "quantile": 0.75, "value": 86400.0, "Latitude": 40.92, "Longitude": -121.63, "Population": 872.0}, {"index": 18811, "quantile": 1.0, "value": 145100.0, "Latitude": 40.92, "Longitude": -121.63, "Population": 872.0}, {"index": 18812, "quantile": 0.0, "value": 47500.0, "Latitude": 40.82, "Longitude": -121.41, "Population": 915.0}, {"index": 18812, "quantile": 0.25, "value": 90075.0, "Latitude": 40.82, "Longitude": -121.41, "Population": 915.0}, {"index": 18812, "quantile": 0.5, "value": 90300.0, "Latitude": 40.82, "Longitude": -121.41, "Population": 915.0}, {"index": 18812, "quantile": 0.75, "value": 90300.0, "Latitude": 40.82, "Longitude": -121.41, "Population": 915.0}, {"index": 18812, "quantile": 1.0, "value": 162500.0, "Latitude": 40.82, "Longitude": -121.41, "Population": 915.0}, {"index": 18813, "quantile": 0.0, "value": 48100.0, "Latitude": 41.12, "Longitude": -121.47, "Population": 1168.0}, {"index": 18813, "quantile": 0.25, "value": 88700.0, "Latitude": 41.12, "Longitude": -121.47, "Population": 1168.0}, {"index": 18813, "quantile": 0.5, "value": 88700.0, "Latitude": 41.12, "Longitude": -121.47, "Population": 1168.0}, {"index": 18813, "quantile": 0.75, "value": 88700.0, "Latitude": 41.12, "Longitude": -121.47, "Population": 1168.0}, {"index": 18813, "quantile": 1.0, "value": 118800.0, "Latitude": 41.12, "Longitude": -121.47, "Population": 1168.0}, {"index": 18814, "quantile": 0.0, "value": 48100.0, "Latitude": 41.04, "Longitude": -121.45, "Population": 936.0}, {"index": 18814, "quantile": 0.25, "value": 77500.0, "Latitude": 41.04, "Longitude": -121.45, "Population": 936.0}, {"index": 18814, "quantile": 0.5, "value": 77500.0, "Latitude": 41.04, "Longitude": -121.45, "Population": 936.0}, {"index": 18814, "quantile": 0.75, "value": 77500.0, "Latitude": 41.04, "Longitude": -121.45, "Population": 936.0}, {"index": 18814, "quantile": 1.0, "value": 177900.0, "Latitude": 41.04, "Longitude": -121.45, "Population": 936.0}, {"index": 18815, "quantile": 0.0, "value": 43500.0, "Latitude": 39.61, "Longitude": -120.08, "Population": 544.0}, {"index": 18815, "quantile": 0.25, "value": 67724.99999999999, "Latitude": 39.61, "Longitude": -120.08, "Population": 544.0}, {"index": 18815, "quantile": 0.5, "value": 87500.0, "Latitude": 39.61, "Longitude": -120.08, "Population": 544.0}, {"index": 18815, "quantile": 0.75, "value": 105250.0, "Latitude": 39.61, "Longitude": -120.08, "Population": 544.0}, {"index": 18815, "quantile": 1.0, "value": 196900.0, "Latitude": 39.61, "Longitude": -120.08, "Population": 544.0}, {"index": 18816, "quantile": 0.0, "value": 52600.0, "Latitude": 39.56, "Longitude": -120.23, "Population": 734.0}, {"index": 18816, "quantile": 0.25, "value": 93000.0, "Latitude": 39.56, "Longitude": -120.23, "Population": 734.0}, {"index": 18816, "quantile": 0.5, "value": 93000.0, "Latitude": 39.56, "Longitude": -120.23, "Population": 734.0}, {"index": 18816, "quantile": 0.75, "value": 93000.0, "Latitude": 39.56, "Longitude": -120.23, "Population": 734.0}, {"index": 18816, "quantile": 1.0, "value": 163500.0, "Latitude": 39.56, "Longitude": -120.23, "Population": 734.0}, {"index": 18817, "quantile": 0.0, "value": 40000.0, "Latitude": 39.66, "Longitude": -120.48, "Population": 304.0}, {"index": 18817, "quantile": 0.25, "value": 71000.0, "Latitude": 39.66, "Longitude": -120.48, "Population": 304.0}, {"index": 18817, "quantile": 0.5, "value": 71000.0, "Latitude": 39.66, "Longitude": -120.48, "Population": 304.0}, {"index": 18817, "quantile": 0.75, "value": 71000.0, "Latitude": 39.66, "Longitude": -120.48, "Population": 304.0}, {"index": 18817, "quantile": 1.0, "value": 143800.0, "Latitude": 39.66, "Longitude": -120.48, "Population": 304.0}, {"index": 18818, "quantile": 0.0, "value": 52600.0, "Latitude": 39.67, "Longitude": -120.24, "Population": 305.0}, {"index": 18818, "quantile": 0.25, "value": 62500.0, "Latitude": 39.67, "Longitude": -120.24, "Population": 305.0}, {"index": 18818, "quantile": 0.5, "value": 62500.0, "Latitude": 39.67, "Longitude": -120.24, "Population": 305.0}, {"index": 18818, "quantile": 0.75, "value": 70249.99999999999, "Latitude": 39.67, "Longitude": -120.24, "Population": 305.0}, {"index": 18818, "quantile": 1.0, "value": 150000.0, "Latitude": 39.67, "Longitude": -120.24, "Population": 305.0}, {"index": 18819, "quantile": 0.0, "value": 85900.0, "Latitude": 39.63, "Longitude": -120.73, "Population": 432.0}, {"index": 18819, "quantile": 0.25, "value": 92400.0, "Latitude": 39.63, "Longitude": -120.73, "Population": 432.0}, {"index": 18819, "quantile": 0.5, "value": 92400.0, "Latitude": 39.63, "Longitude": -120.73, "Population": 432.0}, {"index": 18819, "quantile": 0.75, "value": 129200.0, "Latitude": 39.63, "Longitude": -120.73, "Population": 432.0}, {"index": 18819, "quantile": 1.0, "value": 437500.0, "Latitude": 39.63, "Longitude": -120.73, "Population": 432.0}, {"index": 18820, "quantile": 0.0, "value": 50800.0, "Latitude": 39.67, "Longitude": -120.24, "Population": 143.0}, {"index": 18820, "quantile": 0.25, "value": 108599.99999999999, "Latitude": 39.67, "Longitude": -120.24, "Population": 143.0}, {"index": 18820, "quantile": 0.5, "value": 154150.0, "Latitude": 39.67, "Longitude": -120.24, "Population": 143.0}, {"index": 18820, "quantile": 0.75, "value": 206449.99999999997, "Latitude": 39.67, "Longitude": -120.24, "Population": 143.0}, {"index": 18820, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 39.67, "Longitude": -120.24, "Population": 143.0}, {"index": 18821, "quantile": 0.0, "value": 40000.0, "Latitude": 39.56, "Longitude": -120.92, "Population": 358.0}, {"index": 18821, "quantile": 0.25, "value": 66600.0, "Latitude": 39.56, "Longitude": -120.92, "Population": 358.0}, {"index": 18821, "quantile": 0.5, "value": 66600.0, "Latitude": 39.56, "Longitude": -120.92, "Population": 358.0}, {"index": 18821, "quantile": 0.75, "value": 66600.0, "Latitude": 39.56, "Longitude": -120.92, "Population": 358.0}, {"index": 18821, "quantile": 1.0, "value": 112500.0, "Latitude": 39.56, "Longitude": -120.92, "Population": 358.0}, {"index": 18822, "quantile": 0.0, "value": 47500.0, "Latitude": 39.52, "Longitude": -120.51, "Population": 498.0}, {"index": 18822, "quantile": 0.25, "value": 66250.00000000001, "Latitude": 39.52, "Longitude": -120.51, "Population": 498.0}, {"index": 18822, "quantile": 0.5, "value": 71000.0, "Latitude": 39.52, "Longitude": -120.51, "Population": 498.0}, {"index": 18822, "quantile": 0.75, "value": 83300.0, "Latitude": 39.52, "Longitude": -120.51, "Population": 498.0}, {"index": 18822, "quantile": 1.0, "value": 155400.0, "Latitude": 39.52, "Longitude": -120.51, "Population": 498.0}, {"index": 18823, "quantile": 0.0, "value": 34200.0, "Latitude": 41.78, "Longitude": -121.62, "Population": 1467.0}, {"index": 18823, "quantile": 0.25, "value": 43500.0, "Latitude": 41.78, "Longitude": -121.62, "Population": 1467.0}, {"index": 18823, "quantile": 0.5, "value": 43500.0, "Latitude": 41.78, "Longitude": -121.62, "Population": 1467.0}, {"index": 18823, "quantile": 0.75, "value": 53700.0, "Latitude": 41.78, "Longitude": -121.62, "Population": 1467.0}, {"index": 18823, "quantile": 1.0, "value": 97600.0, "Latitude": 41.78, "Longitude": -121.62, "Population": 1467.0}, {"index": 18824, "quantile": 0.0, "value": 43500.0, "Latitude": 41.86, "Longitude": -121.93, "Population": 1908.0}, {"index": 18824, "quantile": 0.25, "value": 44000.0, "Latitude": 41.86, "Longitude": -121.93, "Population": 1908.0}, {"index": 18824, "quantile": 0.5, "value": 44000.0, "Latitude": 41.86, "Longitude": -121.93, "Population": 1908.0}, {"index": 18824, "quantile": 0.75, "value": 50000.0, "Latitude": 41.86, "Longitude": -121.93, "Population": 1908.0}, {"index": 18824, "quantile": 1.0, "value": 90300.0, "Latitude": 41.86, "Longitude": -121.93, "Population": 1908.0}, {"index": 18825, "quantile": 0.0, "value": 50000.0, "Latitude": 41.86, "Longitude": -122.33, "Population": 1572.0}, {"index": 18825, "quantile": 0.25, "value": 58600.0, "Latitude": 41.86, "Longitude": -122.33, "Population": 1572.0}, {"index": 18825, "quantile": 0.5, "value": 58600.0, "Latitude": 41.86, "Longitude": -122.33, "Population": 1572.0}, {"index": 18825, "quantile": 0.75, "value": 61850.00000000001, "Latitude": 41.86, "Longitude": -122.33, "Population": 1572.0}, {"index": 18825, "quantile": 1.0, "value": 122400.0, "Latitude": 41.86, "Longitude": -122.33, "Population": 1572.0}, {"index": 18826, "quantile": 0.0, "value": 34600.0, "Latitude": 41.81, "Longitude": -122.53, "Population": 1109.0}, {"index": 18826, "quantile": 0.25, "value": 56450.0, "Latitude": 41.81, "Longitude": -122.53, "Population": 1109.0}, {"index": 18826, "quantile": 0.5, "value": 64349.99999999999, "Latitude": 41.81, "Longitude": -122.53, "Population": 1109.0}, {"index": 18826, "quantile": 0.75, "value": 78300.0, "Latitude": 41.81, "Longitude": -122.53, "Population": 1109.0}, {"index": 18826, "quantile": 1.0, "value": 98800.0, "Latitude": 41.81, "Longitude": -122.53, "Population": 1109.0}, {"index": 18827, "quantile": 0.0, "value": 46200.0, "Latitude": 41.66, "Longitude": -122.26, "Population": 953.0}, {"index": 18827, "quantile": 0.25, "value": 57799.99999999999, "Latitude": 41.66, "Longitude": -122.26, "Population": 953.0}, {"index": 18827, "quantile": 0.5, "value": 69800.0, "Latitude": 41.66, "Longitude": -122.26, "Population": 953.0}, {"index": 18827, "quantile": 0.75, "value": 76600.0, "Latitude": 41.66, "Longitude": -122.26, "Population": 953.0}, {"index": 18827, "quantile": 1.0, "value": 130700.0, "Latitude": 41.66, "Longitude": -122.26, "Population": 953.0}, {"index": 18828, "quantile": 0.0, "value": 44000.0, "Latitude": 41.95, "Longitude": -122.64, "Population": 802.0}, {"index": 18828, "quantile": 0.25, "value": 53500.0, "Latitude": 41.95, "Longitude": -122.64, "Population": 802.0}, {"index": 18828, "quantile": 0.5, "value": 53500.0, "Latitude": 41.95, "Longitude": -122.64, "Population": 802.0}, {"index": 18828, "quantile": 0.75, "value": 71125.0, "Latitude": 41.95, "Longitude": -122.64, "Population": 802.0}, {"index": 18828, "quantile": 1.0, "value": 122400.0, "Latitude": 41.95, "Longitude": -122.64, "Population": 802.0}, {"index": 18829, "quantile": 0.0, "value": 52600.0, "Latitude": 41.86, "Longitude": -123.26, "Population": 1117.0}, {"index": 18829, "quantile": 0.25, "value": 64600.0, "Latitude": 41.86, "Longitude": -123.26, "Population": 1117.0}, {"index": 18829, "quantile": 0.5, "value": 64600.0, "Latitude": 41.86, "Longitude": -123.26, "Population": 1117.0}, {"index": 18829, "quantile": 0.75, "value": 93400.0, "Latitude": 41.86, "Longitude": -123.26, "Population": 1117.0}, {"index": 18829, "quantile": 1.0, "value": 152700.0, "Latitude": 41.86, "Longitude": -123.26, "Population": 1117.0}, {"index": 18830, "quantile": 0.0, "value": 49600.0, "Latitude": 41.8, "Longitude": -123.38, "Population": 1000.0}, {"index": 18830, "quantile": 0.25, "value": 54400.00000000001, "Latitude": 41.8, "Longitude": -123.38, "Population": 1000.0}, {"index": 18830, "quantile": 0.5, "value": 54400.00000000001, "Latitude": 41.8, "Longitude": -123.38, "Population": 1000.0}, {"index": 18830, "quantile": 0.75, "value": 72300.0, "Latitude": 41.8, "Longitude": -123.38, "Population": 1000.0}, {"index": 18830, "quantile": 1.0, "value": 122400.0, "Latitude": 41.8, "Longitude": -123.38, "Population": 1000.0}, {"index": 18831, "quantile": 0.0, "value": 53500.0, "Latitude": 41.6, "Longitude": -123.41, "Population": 669.0}, {"index": 18831, "quantile": 0.25, "value": 65400.0, "Latitude": 41.6, "Longitude": -123.41, "Population": 669.0}, {"index": 18831, "quantile": 0.5, "value": 65400.0, "Latitude": 41.6, "Longitude": -123.41, "Population": 669.0}, {"index": 18831, "quantile": 0.75, "value": 65575.0, "Latitude": 41.6, "Longitude": -123.41, "Population": 669.0}, {"index": 18831, "quantile": 1.0, "value": 122400.0, "Latitude": 41.6, "Longitude": -123.41, "Population": 669.0}, {"index": 18832, "quantile": 0.0, "value": 43500.0, "Latitude": 41.7, "Longitude": -122.92, "Population": 1634.0}, {"index": 18832, "quantile": 0.25, "value": 67800.0, "Latitude": 41.7, "Longitude": -122.92, "Population": 1634.0}, {"index": 18832, "quantile": 0.5, "value": 79600.0, "Latitude": 41.7, "Longitude": -122.92, "Population": 1634.0}, {"index": 18832, "quantile": 0.75, "value": 96200.0, "Latitude": 41.7, "Longitude": -122.92, "Population": 1634.0}, {"index": 18832, "quantile": 1.0, "value": 163500.0, "Latitude": 41.7, "Longitude": -122.92, "Population": 1634.0}, {"index": 18833, "quantile": 0.0, "value": 57799.99999999999, "Latitude": 41.69, "Longitude": -122.56, "Population": 947.0}, {"index": 18833, "quantile": 0.25, "value": 70100.0, "Latitude": 41.69, "Longitude": -122.56, "Population": 947.0}, {"index": 18833, "quantile": 0.5, "value": 70100.0, "Latitude": 41.69, "Longitude": -122.56, "Population": 947.0}, {"index": 18833, "quantile": 0.75, "value": 70100.0, "Latitude": 41.69, "Longitude": -122.56, "Population": 947.0}, {"index": 18833, "quantile": 1.0, "value": 105900.0, "Latitude": 41.69, "Longitude": -122.56, "Population": 947.0}, {"index": 18834, "quantile": 0.0, "value": 53500.0, "Latitude": 41.74, "Longitude": -122.61, "Population": 1863.0}, {"index": 18834, "quantile": 0.25, "value": 55700.00000000001, "Latitude": 41.74, "Longitude": -122.61, "Population": 1863.0}, {"index": 18834, "quantile": 0.5, "value": 55700.00000000001, "Latitude": 41.74, "Longitude": -122.61, "Population": 1863.0}, {"index": 18834, "quantile": 0.75, "value": 67250.0, "Latitude": 41.74, "Longitude": -122.61, "Population": 1863.0}, {"index": 18834, "quantile": 1.0, "value": 333300.0, "Latitude": 41.74, "Longitude": -122.61, "Population": 1863.0}, {"index": 18835, "quantile": 0.0, "value": 81300.0, "Latitude": 41.74, "Longitude": -122.64, "Population": 1113.0}, {"index": 18835, "quantile": 0.25, "value": 81300.0, "Latitude": 41.74, "Longitude": -122.64, "Population": 1113.0}, {"index": 18835, "quantile": 0.5, "value": 81300.0, "Latitude": 41.74, "Longitude": -122.64, "Population": 1113.0}, {"index": 18835, "quantile": 0.75, "value": 83850.0, "Latitude": 41.74, "Longitude": -122.64, "Population": 1113.0}, {"index": 18835, "quantile": 1.0, "value": 275900.0, "Latitude": 41.74, "Longitude": -122.64, "Population": 1113.0}, {"index": 18836, "quantile": 0.0, "value": 43500.0, "Latitude": 41.73, "Longitude": -122.64, "Population": 1492.0}, {"index": 18836, "quantile": 0.25, "value": 65425.0, "Latitude": 41.73, "Longitude": -122.64, "Population": 1492.0}, {"index": 18836, "quantile": 0.5, "value": 71200.0, "Latitude": 41.73, "Longitude": -122.64, "Population": 1492.0}, {"index": 18836, "quantile": 0.75, "value": 71200.0, "Latitude": 41.73, "Longitude": -122.64, "Population": 1492.0}, {"index": 18836, "quantile": 1.0, "value": 85800.0, "Latitude": 41.73, "Longitude": -122.64, "Population": 1492.0}, {"index": 18837, "quantile": 0.0, "value": 34600.0, "Latitude": 41.73, "Longitude": -122.64, "Population": 661.0}, {"index": 18837, "quantile": 0.25, "value": 62500.0, "Latitude": 41.73, "Longitude": -122.64, "Population": 661.0}, {"index": 18837, "quantile": 0.5, "value": 70849.99999999999, "Latitude": 41.73, "Longitude": -122.64, "Population": 661.0}, {"index": 18837, "quantile": 0.75, "value": 87450.0, "Latitude": 41.73, "Longitude": -122.64, "Population": 661.0}, {"index": 18837, "quantile": 1.0, "value": 122400.0, "Latitude": 41.73, "Longitude": -122.64, "Population": 661.0}, {"index": 18838, "quantile": 0.0, "value": 50000.0, "Latitude": 41.72, "Longitude": -122.65, "Population": 1784.0}, {"index": 18838, "quantile": 0.25, "value": 57499.99999999999, "Latitude": 41.72, "Longitude": -122.65, "Population": 1784.0}, {"index": 18838, "quantile": 0.5, "value": 57499.99999999999, "Latitude": 41.72, "Longitude": -122.65, "Population": 1784.0}, {"index": 18838, "quantile": 0.75, "value": 63100.0, "Latitude": 41.72, "Longitude": -122.65, "Population": 1784.0}, {"index": 18838, "quantile": 1.0, "value": 120200.0, "Latitude": 41.72, "Longitude": -122.65, "Population": 1784.0}, {"index": 18839, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 41.76, "Longitude": -122.73, "Population": 950.0}, {"index": 18839, "quantile": 0.25, "value": 94200.0, "Latitude": 41.76, "Longitude": -122.73, "Population": 950.0}, {"index": 18839, "quantile": 0.5, "value": 94200.0, "Latitude": 41.76, "Longitude": -122.73, "Population": 950.0}, {"index": 18839, "quantile": 0.75, "value": 94200.0, "Latitude": 41.76, "Longitude": -122.73, "Population": 950.0}, {"index": 18839, "quantile": 1.0, "value": 152700.0, "Latitude": 41.76, "Longitude": -122.73, "Population": 950.0}, {"index": 18840, "quantile": 0.0, "value": 76100.0, "Latitude": 41.63, "Longitude": -122.64, "Population": 1108.0}, {"index": 18840, "quantile": 0.25, "value": 100000.0, "Latitude": 41.63, "Longitude": -122.64, "Population": 1108.0}, {"index": 18840, "quantile": 0.5, "value": 100000.0, "Latitude": 41.63, "Longitude": -122.64, "Population": 1108.0}, {"index": 18840, "quantile": 0.75, "value": 100000.0, "Latitude": 41.63, "Longitude": -122.64, "Population": 1108.0}, {"index": 18840, "quantile": 1.0, "value": 213200.0, "Latitude": 41.63, "Longitude": -122.64, "Population": 1108.0}, {"index": 18841, "quantile": 0.0, "value": 34600.0, "Latitude": 41.53, "Longitude": -122.56, "Population": 848.0}, {"index": 18841, "quantile": 0.25, "value": 57499.99999999999, "Latitude": 41.53, "Longitude": -122.56, "Population": 848.0}, {"index": 18841, "quantile": 0.5, "value": 67900.0, "Latitude": 41.53, "Longitude": -122.56, "Population": 848.0}, {"index": 18841, "quantile": 0.75, "value": 77300.0, "Latitude": 41.53, "Longitude": -122.56, "Population": 848.0}, {"index": 18841, "quantile": 1.0, "value": 122400.0, "Latitude": 41.53, "Longitude": -122.56, "Population": 848.0}, {"index": 18842, "quantile": 0.0, "value": 64500.0, "Latitude": 41.48, "Longitude": -122.93, "Population": 1800.0}, {"index": 18842, "quantile": 0.25, "value": 79600.0, "Latitude": 41.48, "Longitude": -122.93, "Population": 1800.0}, {"index": 18842, "quantile": 0.5, "value": 79600.0, "Latitude": 41.48, "Longitude": -122.93, "Population": 1800.0}, {"index": 18842, "quantile": 0.75, "value": 81100.0, "Latitude": 41.48, "Longitude": -122.93, "Population": 1800.0}, {"index": 18842, "quantile": 1.0, "value": 152700.0, "Latitude": 41.48, "Longitude": -122.93, "Population": 1800.0}, {"index": 18843, "quantile": 0.0, "value": 34600.0, "Latitude": 41.46, "Longitude": -122.9, "Population": 600.0}, {"index": 18843, "quantile": 0.25, "value": 54100.00000000001, "Latitude": 41.46, "Longitude": -122.9, "Population": 600.0}, {"index": 18843, "quantile": 0.5, "value": 65000.0, "Latitude": 41.46, "Longitude": -122.9, "Population": 600.0}, {"index": 18843, "quantile": 0.75, "value": 76950.00000000001, "Latitude": 41.46, "Longitude": -122.9, "Population": 600.0}, {"index": 18843, "quantile": 1.0, "value": 147500.0, "Latitude": 41.46, "Longitude": -122.9, "Population": 600.0}, {"index": 18844, "quantile": 0.0, "value": 36700.0, "Latitude": 41.26, "Longitude": -123.08, "Population": 1066.0}, {"index": 18844, "quantile": 0.25, "value": 63300.0, "Latitude": 41.26, "Longitude": -123.08, "Population": 1066.0}, {"index": 18844, "quantile": 0.5, "value": 63300.0, "Latitude": 41.26, "Longitude": -123.08, "Population": 1066.0}, {"index": 18844, "quantile": 0.75, "value": 63300.0, "Latitude": 41.26, "Longitude": -123.08, "Population": 1066.0}, {"index": 18844, "quantile": 1.0, "value": 145800.0, "Latitude": 41.26, "Longitude": -123.08, "Population": 1066.0}, {"index": 18845, "quantile": 0.0, "value": 64600.0, "Latitude": 41.54, "Longitude": -122.38, "Population": 1817.0}, {"index": 18845, "quantile": 0.25, "value": 81100.0, "Latitude": 41.54, "Longitude": -122.38, "Population": 1817.0}, {"index": 18845, "quantile": 0.5, "value": 81100.0, "Latitude": 41.54, "Longitude": -122.38, "Population": 1817.0}, {"index": 18845, "quantile": 0.75, "value": 84850.0, "Latitude": 41.54, "Longitude": -122.38, "Population": 1817.0}, {"index": 18845, "quantile": 1.0, "value": 152700.0, "Latitude": 41.54, "Longitude": -122.38, "Population": 1817.0}, {"index": 18846, "quantile": 0.0, "value": 73600.0, "Latitude": 41.43, "Longitude": -122.49, "Population": 1544.0}, {"index": 18846, "quantile": 0.25, "value": 76100.0, "Latitude": 41.43, "Longitude": -122.49, "Population": 1544.0}, {"index": 18846, "quantile": 0.5, "value": 76100.0, "Latitude": 41.43, "Longitude": -122.49, "Population": 1544.0}, {"index": 18846, "quantile": 0.75, "value": 96525.0, "Latitude": 41.43, "Longitude": -122.49, "Population": 1544.0}, {"index": 18846, "quantile": 1.0, "value": 142900.0, "Latitude": 41.43, "Longitude": -122.49, "Population": 1544.0}, {"index": 18847, "quantile": 0.0, "value": 36700.0, "Latitude": 41.43, "Longitude": -122.38, "Population": 1155.0}, {"index": 18847, "quantile": 0.25, "value": 46200.0, "Latitude": 41.43, "Longitude": -122.38, "Population": 1155.0}, {"index": 18847, "quantile": 0.5, "value": 46200.0, "Latitude": 41.43, "Longitude": -122.38, "Population": 1155.0}, {"index": 18847, "quantile": 0.75, "value": 50500.0, "Latitude": 41.43, "Longitude": -122.38, "Population": 1155.0}, {"index": 18847, "quantile": 1.0, "value": 118800.0, "Latitude": 41.43, "Longitude": -122.38, "Population": 1155.0}, {"index": 18848, "quantile": 0.0, "value": 34200.0, "Latitude": 41.41, "Longitude": -122.37, "Population": 929.0}, {"index": 18848, "quantile": 0.25, "value": 53100.0, "Latitude": 41.41, "Longitude": -122.37, "Population": 929.0}, {"index": 18848, "quantile": 0.5, "value": 53100.0, "Latitude": 41.41, "Longitude": -122.37, "Population": 929.0}, {"index": 18848, "quantile": 0.75, "value": 56025.0, "Latitude": 41.41, "Longitude": -122.37, "Population": 929.0}, {"index": 18848, "quantile": 1.0, "value": 84400.0, "Latitude": 41.41, "Longitude": -122.37, "Population": 929.0}, {"index": 18849, "quantile": 0.0, "value": 34200.0, "Latitude": 41.41, "Longitude": -122.39, "Population": 370.0}, {"index": 18849, "quantile": 0.25, "value": 75800.0, "Latitude": 41.41, "Longitude": -122.39, "Population": 370.0}, {"index": 18849, "quantile": 0.5, "value": 80100.0, "Latitude": 41.41, "Longitude": -122.39, "Population": 370.0}, {"index": 18849, "quantile": 0.75, "value": 80100.0, "Latitude": 41.41, "Longitude": -122.39, "Population": 370.0}, {"index": 18849, "quantile": 1.0, "value": 80400.0, "Latitude": 41.41, "Longitude": -122.39, "Population": 370.0}, {"index": 18850, "quantile": 0.0, "value": 34200.0, "Latitude": 41.31, "Longitude": -122.32, "Population": 521.0}, {"index": 18850, "quantile": 0.25, "value": 71900.0, "Latitude": 41.31, "Longitude": -122.32, "Population": 521.0}, {"index": 18850, "quantile": 0.5, "value": 71900.0, "Latitude": 41.31, "Longitude": -122.32, "Population": 521.0}, {"index": 18850, "quantile": 0.75, "value": 71900.0, "Latitude": 41.31, "Longitude": -122.32, "Population": 521.0}, {"index": 18850, "quantile": 1.0, "value": 137500.0, "Latitude": 41.31, "Longitude": -122.32, "Population": 521.0}, {"index": 18851, "quantile": 0.0, "value": 50000.0, "Latitude": 41.32, "Longitude": -122.3, "Population": 1151.0}, {"index": 18851, "quantile": 0.25, "value": 57499.99999999999, "Latitude": 41.32, "Longitude": -122.3, "Population": 1151.0}, {"index": 18851, "quantile": 0.5, "value": 69500.0, "Latitude": 41.32, "Longitude": -122.3, "Population": 1151.0}, {"index": 18851, "quantile": 0.75, "value": 84250.0, "Latitude": 41.32, "Longitude": -122.3, "Population": 1151.0}, {"index": 18851, "quantile": 1.0, "value": 130700.0, "Latitude": 41.32, "Longitude": -122.3, "Population": 1151.0}, {"index": 18852, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 41.31, "Longitude": -122.3, "Population": 1700.0}, {"index": 18852, "quantile": 0.25, "value": 70375.0, "Latitude": 41.31, "Longitude": -122.3, "Population": 1700.0}, {"index": 18852, "quantile": 0.5, "value": 83100.0, "Latitude": 41.31, "Longitude": -122.3, "Population": 1700.0}, {"index": 18852, "quantile": 0.75, "value": 110100.0, "Latitude": 41.31, "Longitude": -122.3, "Population": 1700.0}, {"index": 18852, "quantile": 1.0, "value": 152700.0, "Latitude": 41.31, "Longitude": -122.3, "Population": 1700.0}, {"index": 18853, "quantile": 0.0, "value": 75600.0, "Latitude": 41.38, "Longitude": -122.28, "Population": 2147.0}, {"index": 18853, "quantile": 0.25, "value": 110100.0, "Latitude": 41.38, "Longitude": -122.28, "Population": 2147.0}, {"index": 18853, "quantile": 0.5, "value": 110100.0, "Latitude": 41.38, "Longitude": -122.28, "Population": 2147.0}, {"index": 18853, "quantile": 0.75, "value": 110100.0, "Latitude": 41.38, "Longitude": -122.28, "Population": 2147.0}, {"index": 18853, "quantile": 1.0, "value": 152700.0, "Latitude": 41.38, "Longitude": -122.28, "Population": 2147.0}, {"index": 18854, "quantile": 0.0, "value": 73600.0, "Latitude": 41.28, "Longitude": -122.45, "Population": 1188.0}, {"index": 18854, "quantile": 0.25, "value": 108850.0, "Latitude": 41.28, "Longitude": -122.45, "Population": 1188.0}, {"index": 18854, "quantile": 0.5, "value": 128800.0, "Latitude": 41.28, "Longitude": -122.45, "Population": 1188.0}, {"index": 18854, "quantile": 0.75, "value": 128800.0, "Latitude": 41.28, "Longitude": -122.45, "Population": 1188.0}, {"index": 18854, "quantile": 1.0, "value": 164100.0, "Latitude": 41.28, "Longitude": -122.45, "Population": 1188.0}, {"index": 18855, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 41.21, "Longitude": -122.34, "Population": 55.0}, {"index": 18855, "quantile": 0.25, "value": 57499.99999999999, "Latitude": 41.21, "Longitude": -122.34, "Population": 55.0}, {"index": 18855, "quantile": 0.5, "value": 57499.99999999999, "Latitude": 41.21, "Longitude": -122.34, "Population": 55.0}, {"index": 18855, "quantile": 0.75, "value": 65500.0, "Latitude": 41.21, "Longitude": -122.34, "Population": 55.0}, {"index": 18855, "quantile": 1.0, "value": 225000.0, "Latitude": 41.21, "Longitude": -122.34, "Population": 55.0}, {"index": 18856, "quantile": 0.0, "value": 52000.0, "Latitude": 41.23, "Longitude": -122.27, "Population": 725.0}, {"index": 18856, "quantile": 0.25, "value": 65500.0, "Latitude": 41.23, "Longitude": -122.27, "Population": 725.0}, {"index": 18856, "quantile": 0.5, "value": 65500.0, "Latitude": 41.23, "Longitude": -122.27, "Population": 725.0}, {"index": 18856, "quantile": 0.75, "value": 65500.0, "Latitude": 41.23, "Longitude": -122.27, "Population": 725.0}, {"index": 18856, "quantile": 1.0, "value": 113799.99999999999, "Latitude": 41.23, "Longitude": -122.27, "Population": 725.0}, {"index": 18857, "quantile": 0.0, "value": 43500.0, "Latitude": 41.2, "Longitude": -122.27, "Population": 1926.0}, {"index": 18857, "quantile": 0.25, "value": 56000.00000000001, "Latitude": 41.2, "Longitude": -122.27, "Population": 1926.0}, {"index": 18857, "quantile": 0.5, "value": 56000.00000000001, "Latitude": 41.2, "Longitude": -122.27, "Population": 1926.0}, {"index": 18857, "quantile": 0.75, "value": 56000.00000000001, "Latitude": 41.2, "Longitude": -122.27, "Population": 1926.0}, {"index": 18857, "quantile": 1.0, "value": 200000.0, "Latitude": 41.2, "Longitude": -122.27, "Population": 1926.0}, {"index": 18858, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 41.5, "Longitude": -121.76, "Population": 112.0}, {"index": 18858, "quantile": 0.25, "value": 34200.0, "Latitude": 41.5, "Longitude": -121.76, "Population": 112.0}, {"index": 18858, "quantile": 0.5, "value": 34200.0, "Latitude": 41.5, "Longitude": -121.76, "Population": 112.0}, {"index": 18858, "quantile": 0.75, "value": 56999.99999999999, "Latitude": 41.5, "Longitude": -121.76, "Population": 112.0}, {"index": 18858, "quantile": 1.0, "value": 175000.0, "Latitude": 41.5, "Longitude": -121.76, "Population": 112.0}, {"index": 18859, "quantile": 0.0, "value": 34200.0, "Latitude": 41.32, "Longitude": -122.09, "Population": 1728.0}, {"index": 18859, "quantile": 0.25, "value": 62900.0, "Latitude": 41.32, "Longitude": -122.09, "Population": 1728.0}, {"index": 18859, "quantile": 0.5, "value": 62900.0, "Latitude": 41.32, "Longitude": -122.09, "Population": 1728.0}, {"index": 18859, "quantile": 0.75, "value": 65400.0, "Latitude": 41.32, "Longitude": -122.09, "Population": 1728.0}, {"index": 18859, "quantile": 1.0, "value": 122400.0, "Latitude": 41.32, "Longitude": -122.09, "Population": 1728.0}, {"index": 18860, "quantile": 0.0, "value": 139900.0, "Latitude": 38.12, "Longitude": -122.22, "Population": 6456.0}, {"index": 18860, "quantile": 0.25, "value": 184800.0, "Latitude": 38.12, "Longitude": -122.22, "Population": 6456.0}, {"index": 18860, "quantile": 0.5, "value": 195000.0, "Latitude": 38.12, "Longitude": -122.22, "Population": 6456.0}, {"index": 18860, "quantile": 0.75, "value": 215475.0, "Latitude": 38.12, "Longitude": -122.22, "Population": 6456.0}, {"index": 18860, "quantile": 1.0, "value": 386200.0, "Latitude": 38.12, "Longitude": -122.22, "Population": 6456.0}, {"index": 18861, "quantile": 0.0, "value": 106200.0, "Latitude": 38.13, "Longitude": -122.19, "Population": 4361.0}, {"index": 18861, "quantile": 0.25, "value": 169325.0, "Latitude": 38.13, "Longitude": -122.19, "Population": 4361.0}, {"index": 18861, "quantile": 0.5, "value": 214800.0, "Latitude": 38.13, "Longitude": -122.19, "Population": 4361.0}, {"index": 18861, "quantile": 0.75, "value": 214800.0, "Latitude": 38.13, "Longitude": -122.19, "Population": 4361.0}, {"index": 18861, "quantile": 1.0, "value": 256000.0, "Latitude": 38.13, "Longitude": -122.19, "Population": 4361.0}, {"index": 18862, "quantile": 0.0, "value": 94300.0, "Latitude": 38.11, "Longitude": -122.21, "Population": 1441.0}, {"index": 18862, "quantile": 0.25, "value": 110525.0, "Latitude": 38.11, "Longitude": -122.21, "Population": 1441.0}, {"index": 18862, "quantile": 0.5, "value": 134500.0, "Latitude": 38.11, "Longitude": -122.21, "Population": 1441.0}, {"index": 18862, "quantile": 0.75, "value": 149700.0, "Latitude": 38.11, "Longitude": -122.21, "Population": 1441.0}, {"index": 18862, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.11, "Longitude": -122.21, "Population": 1441.0}, {"index": 18863, "quantile": 0.0, "value": 87000.0, "Latitude": 38.11, "Longitude": -122.21, "Population": 1189.0}, {"index": 18863, "quantile": 0.25, "value": 124600.0, "Latitude": 38.11, "Longitude": -122.21, "Population": 1189.0}, {"index": 18863, "quantile": 0.5, "value": 124600.0, "Latitude": 38.11, "Longitude": -122.21, "Population": 1189.0}, {"index": 18863, "quantile": 0.75, "value": 124600.0, "Latitude": 38.11, "Longitude": -122.21, "Population": 1189.0}, {"index": 18863, "quantile": 1.0, "value": 195000.0, "Latitude": 38.11, "Longitude": -122.21, "Population": 1189.0}, {"index": 18864, "quantile": 0.0, "value": 94600.0, "Latitude": 38.1, "Longitude": -122.21, "Population": 1445.0}, {"index": 18864, "quantile": 0.25, "value": 129900.0, "Latitude": 38.1, "Longitude": -122.21, "Population": 1445.0}, {"index": 18864, "quantile": 0.5, "value": 129900.0, "Latitude": 38.1, "Longitude": -122.21, "Population": 1445.0}, {"index": 18864, "quantile": 0.75, "value": 143400.00000000003, "Latitude": 38.1, "Longitude": -122.21, "Population": 1445.0}, {"index": 18864, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.1, "Longitude": -122.21, "Population": 1445.0}, {"index": 18865, "quantile": 0.0, "value": 87200.0, "Latitude": 38.11, "Longitude": -122.22, "Population": 968.0}, {"index": 18865, "quantile": 0.25, "value": 112700.0, "Latitude": 38.11, "Longitude": -122.22, "Population": 968.0}, {"index": 18865, "quantile": 0.5, "value": 112700.0, "Latitude": 38.11, "Longitude": -122.22, "Population": 968.0}, {"index": 18865, "quantile": 0.75, "value": 129400.0, "Latitude": 38.11, "Longitude": -122.22, "Population": 968.0}, {"index": 18865, "quantile": 1.0, "value": 255300.0, "Latitude": 38.11, "Longitude": -122.22, "Population": 968.0}, {"index": 18866, "quantile": 0.0, "value": 83600.0, "Latitude": 38.1, "Longitude": -122.22, "Population": 566.0}, {"index": 18866, "quantile": 0.25, "value": 93300.0, "Latitude": 38.1, "Longitude": -122.22, "Population": 566.0}, {"index": 18866, "quantile": 0.5, "value": 93300.0, "Latitude": 38.1, "Longitude": -122.22, "Population": 566.0}, {"index": 18866, "quantile": 0.75, "value": 98400.0, "Latitude": 38.1, "Longitude": -122.22, "Population": 566.0}, {"index": 18866, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 38.1, "Longitude": -122.22, "Population": 566.0}, {"index": 18867, "quantile": 0.0, "value": 88800.0, "Latitude": 38.1, "Longitude": -122.22, "Population": 1275.0}, {"index": 18867, "quantile": 0.25, "value": 111600.00000000001, "Latitude": 38.1, "Longitude": -122.22, "Population": 1275.0}, {"index": 18867, "quantile": 0.5, "value": 111600.00000000001, "Latitude": 38.1, "Longitude": -122.22, "Population": 1275.0}, {"index": 18867, "quantile": 0.75, "value": 111600.00000000001, "Latitude": 38.1, "Longitude": -122.22, "Population": 1275.0}, {"index": 18867, "quantile": 1.0, "value": 237300.00000000003, "Latitude": 38.1, "Longitude": -122.22, "Population": 1275.0}, {"index": 18868, "quantile": 0.0, "value": 88800.0, "Latitude": 38.1, "Longitude": -122.22, "Population": 1057.0}, {"index": 18868, "quantile": 0.25, "value": 110800.00000000001, "Latitude": 38.1, "Longitude": -122.22, "Population": 1057.0}, {"index": 18868, "quantile": 0.5, "value": 110800.00000000001, "Latitude": 38.1, "Longitude": -122.22, "Population": 1057.0}, {"index": 18868, "quantile": 0.75, "value": 137675.0, "Latitude": 38.1, "Longitude": -122.22, "Population": 1057.0}, {"index": 18868, "quantile": 1.0, "value": 304000.0, "Latitude": 38.1, "Longitude": -122.22, "Population": 1057.0}, {"index": 18869, "quantile": 0.0, "value": 84600.0, "Latitude": 38.1, "Longitude": -122.22, "Population": 1353.0}, {"index": 18869, "quantile": 0.25, "value": 130800.0, "Latitude": 38.1, "Longitude": -122.22, "Population": 1353.0}, {"index": 18869, "quantile": 0.5, "value": 150800.0, "Latitude": 38.1, "Longitude": -122.22, "Population": 1353.0}, {"index": 18869, "quantile": 0.75, "value": 181150.0, "Latitude": 38.1, "Longitude": -122.22, "Population": 1353.0}, {"index": 18869, "quantile": 1.0, "value": 331600.0, "Latitude": 38.1, "Longitude": -122.22, "Population": 1353.0}, {"index": 18870, "quantile": 0.0, "value": 57599.99999999999, "Latitude": 38.09, "Longitude": -122.22, "Population": 966.0}, {"index": 18870, "quantile": 0.25, "value": 96775.0, "Latitude": 38.09, "Longitude": -122.22, "Population": 966.0}, {"index": 18870, "quantile": 0.5, "value": 101399.99999999999, "Latitude": 38.09, "Longitude": -122.22, "Population": 966.0}, {"index": 18870, "quantile": 0.75, "value": 110825.0, "Latitude": 38.09, "Longitude": -122.22, "Population": 966.0}, {"index": 18870, "quantile": 1.0, "value": 193800.0, "Latitude": 38.09, "Longitude": -122.22, "Population": 966.0}, {"index": 18871, "quantile": 0.0, "value": 96700.0, "Latitude": 38.09, "Longitude": -122.21, "Population": 2083.0}, {"index": 18871, "quantile": 0.25, "value": 127000.0, "Latitude": 38.09, "Longitude": -122.21, "Population": 2083.0}, {"index": 18871, "quantile": 0.5, "value": 127000.0, "Latitude": 38.09, "Longitude": -122.21, "Population": 2083.0}, {"index": 18871, "quantile": 0.75, "value": 129900.0, "Latitude": 38.09, "Longitude": -122.21, "Population": 2083.0}, {"index": 18871, "quantile": 1.0, "value": 251799.99999999997, "Latitude": 38.09, "Longitude": -122.21, "Population": 2083.0}, {"index": 18872, "quantile": 0.0, "value": 124900.00000000001, "Latitude": 38.09, "Longitude": -122.2, "Population": 3205.0}, {"index": 18872, "quantile": 0.25, "value": 188400.0, "Latitude": 38.09, "Longitude": -122.2, "Population": 3205.0}, {"index": 18872, "quantile": 0.5, "value": 200100.0, "Latitude": 38.09, "Longitude": -122.2, "Population": 3205.0}, {"index": 18872, "quantile": 0.75, "value": 240875.0, "Latitude": 38.09, "Longitude": -122.2, "Population": 3205.0}, {"index": 18872, "quantile": 1.0, "value": 331300.0, "Latitude": 38.09, "Longitude": -122.2, "Population": 3205.0}, {"index": 18873, "quantile": 0.0, "value": 87900.0, "Latitude": 38.08, "Longitude": -122.22, "Population": 1574.0}, {"index": 18873, "quantile": 0.25, "value": 96700.0, "Latitude": 38.08, "Longitude": -122.22, "Population": 1574.0}, {"index": 18873, "quantile": 0.5, "value": 96700.0, "Latitude": 38.08, "Longitude": -122.22, "Population": 1574.0}, {"index": 18873, "quantile": 0.75, "value": 113199.99999999999, "Latitude": 38.08, "Longitude": -122.22, "Population": 1574.0}, {"index": 18873, "quantile": 1.0, "value": 183300.0, "Latitude": 38.08, "Longitude": -122.22, "Population": 1574.0}, {"index": 18874, "quantile": 0.0, "value": 83300.0, "Latitude": 38.08, "Longitude": -122.22, "Population": 2920.0}, {"index": 18874, "quantile": 0.25, "value": 98800.0, "Latitude": 38.08, "Longitude": -122.22, "Population": 2920.0}, {"index": 18874, "quantile": 0.5, "value": 121900.00000000001, "Latitude": 38.08, "Longitude": -122.22, "Population": 2920.0}, {"index": 18874, "quantile": 0.75, "value": 127000.0, "Latitude": 38.08, "Longitude": -122.22, "Population": 2920.0}, {"index": 18874, "quantile": 1.0, "value": 331600.0, "Latitude": 38.08, "Longitude": -122.22, "Population": 2920.0}, {"index": 18875, "quantile": 0.0, "value": 154800.0, "Latitude": 38.07, "Longitude": -122.22, "Population": 7025.0}, {"index": 18875, "quantile": 0.25, "value": 225199.99999999997, "Latitude": 38.07, "Longitude": -122.22, "Population": 7025.0}, {"index": 18875, "quantile": 0.5, "value": 225199.99999999997, "Latitude": 38.07, "Longitude": -122.22, "Population": 7025.0}, {"index": 18875, "quantile": 0.75, "value": 225199.99999999997, "Latitude": 38.07, "Longitude": -122.22, "Population": 7025.0}, {"index": 18875, "quantile": 1.0, "value": 298200.0, "Latitude": 38.07, "Longitude": -122.22, "Population": 7025.0}, {"index": 18876, "quantile": 0.0, "value": 37900.0, "Latitude": 38.09, "Longitude": -122.25, "Population": 652.0}, {"index": 18876, "quantile": 0.25, "value": 87900.0, "Latitude": 38.09, "Longitude": -122.25, "Population": 652.0}, {"index": 18876, "quantile": 0.5, "value": 87900.0, "Latitude": 38.09, "Longitude": -122.25, "Population": 652.0}, {"index": 18876, "quantile": 0.75, "value": 87900.0, "Latitude": 38.09, "Longitude": -122.25, "Population": 652.0}, {"index": 18876, "quantile": 1.0, "value": 193800.0, "Latitude": 38.09, "Longitude": -122.25, "Population": 652.0}, {"index": 18877, "quantile": 0.0, "value": 81300.0, "Latitude": 38.09, "Longitude": -122.23, "Population": 2539.0}, {"index": 18877, "quantile": 0.25, "value": 90000.0, "Latitude": 38.09, "Longitude": -122.23, "Population": 2539.0}, {"index": 18877, "quantile": 0.5, "value": 90000.0, "Latitude": 38.09, "Longitude": -122.23, "Population": 2539.0}, {"index": 18877, "quantile": 0.75, "value": 103375.0, "Latitude": 38.09, "Longitude": -122.23, "Population": 2539.0}, {"index": 18877, "quantile": 1.0, "value": 200400.0, "Latitude": 38.09, "Longitude": -122.23, "Population": 2539.0}, {"index": 18878, "quantile": 0.0, "value": 92800.0, "Latitude": 38.07, "Longitude": -122.24, "Population": 2957.0}, {"index": 18878, "quantile": 0.25, "value": 162500.0, "Latitude": 38.07, "Longitude": -122.24, "Population": 2957.0}, {"index": 18878, "quantile": 0.5, "value": 162500.0, "Latitude": 38.07, "Longitude": -122.24, "Population": 2957.0}, {"index": 18878, "quantile": 0.75, "value": 162500.0, "Latitude": 38.07, "Longitude": -122.24, "Population": 2957.0}, {"index": 18878, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 38.07, "Longitude": -122.24, "Population": 2957.0}, {"index": 18879, "quantile": 0.0, "value": 60000.0, "Latitude": 38.1, "Longitude": -122.26, "Population": 699.0}, {"index": 18879, "quantile": 0.25, "value": 105400.0, "Latitude": 38.1, "Longitude": -122.26, "Population": 699.0}, {"index": 18879, "quantile": 0.5, "value": 137500.0, "Latitude": 38.1, "Longitude": -122.26, "Population": 699.0}, {"index": 18879, "quantile": 0.75, "value": 150000.0, "Latitude": 38.1, "Longitude": -122.26, "Population": 699.0}, {"index": 18879, "quantile": 1.0, "value": 237500.0, "Latitude": 38.1, "Longitude": -122.26, "Population": 699.0}, {"index": 18880, "quantile": 0.0, "value": 52500.0, "Latitude": 38.1, "Longitude": -122.26, "Population": 1794.0}, {"index": 18880, "quantile": 0.25, "value": 133300.0, "Latitude": 38.1, "Longitude": -122.26, "Population": 1794.0}, {"index": 18880, "quantile": 0.5, "value": 133300.0, "Latitude": 38.1, "Longitude": -122.26, "Population": 1794.0}, {"index": 18880, "quantile": 0.75, "value": 133300.0, "Latitude": 38.1, "Longitude": -122.26, "Population": 1794.0}, {"index": 18880, "quantile": 1.0, "value": 287500.0, "Latitude": 38.1, "Longitude": -122.26, "Population": 1794.0}, {"index": 18881, "quantile": 0.0, "value": 32500.0, "Latitude": 38.1, "Longitude": -122.25, "Population": 173.0}, {"index": 18881, "quantile": 0.25, "value": 109400.00000000001, "Latitude": 38.1, "Longitude": -122.25, "Population": 173.0}, {"index": 18881, "quantile": 0.5, "value": 109400.00000000001, "Latitude": 38.1, "Longitude": -122.25, "Population": 173.0}, {"index": 18881, "quantile": 0.75, "value": 109400.00000000001, "Latitude": 38.1, "Longitude": -122.25, "Population": 173.0}, {"index": 18881, "quantile": 1.0, "value": 338900.0, "Latitude": 38.1, "Longitude": -122.25, "Population": 173.0}, {"index": 18882, "quantile": 0.0, "value": 73500.0, "Latitude": 38.1, "Longitude": -122.25, "Population": 824.0}, {"index": 18882, "quantile": 0.25, "value": 109900.0, "Latitude": 38.1, "Longitude": -122.25, "Population": 824.0}, {"index": 18882, "quantile": 0.5, "value": 109900.0, "Latitude": 38.1, "Longitude": -122.25, "Population": 824.0}, {"index": 18882, "quantile": 0.75, "value": 109900.0, "Latitude": 38.1, "Longitude": -122.25, "Population": 824.0}, {"index": 18882, "quantile": 1.0, "value": 282100.0, "Latitude": 38.1, "Longitude": -122.25, "Population": 824.0}, {"index": 18883, "quantile": 0.0, "value": 68300.0, "Latitude": 38.1, "Longitude": -122.25, "Population": 1113.0}, {"index": 18883, "quantile": 0.25, "value": 147900.0, "Latitude": 38.1, "Longitude": -122.25, "Population": 1113.0}, {"index": 18883, "quantile": 0.5, "value": 147900.0, "Latitude": 38.1, "Longitude": -122.25, "Population": 1113.0}, {"index": 18883, "quantile": 0.75, "value": 147900.0, "Latitude": 38.1, "Longitude": -122.25, "Population": 1113.0}, {"index": 18883, "quantile": 1.0, "value": 417900.0, "Latitude": 38.1, "Longitude": -122.25, "Population": 1113.0}, {"index": 18884, "quantile": 0.0, "value": 68700.0, "Latitude": 38.1, "Longitude": -122.25, "Population": 817.0}, {"index": 18884, "quantile": 0.25, "value": 97900.0, "Latitude": 38.1, "Longitude": -122.25, "Population": 817.0}, {"index": 18884, "quantile": 0.5, "value": 122300.00000000001, "Latitude": 38.1, "Longitude": -122.25, "Population": 817.0}, {"index": 18884, "quantile": 0.75, "value": 144800.0, "Latitude": 38.1, "Longitude": -122.25, "Population": 817.0}, {"index": 18884, "quantile": 1.0, "value": 177900.0, "Latitude": 38.1, "Longitude": -122.25, "Population": 817.0}, {"index": 18885, "quantile": 0.0, "value": 75000.0, "Latitude": 38.1, "Longitude": -122.23, "Population": 2240.0}, {"index": 18885, "quantile": 0.25, "value": 92800.0, "Latitude": 38.1, "Longitude": -122.23, "Population": 2240.0}, {"index": 18885, "quantile": 0.5, "value": 92800.0, "Latitude": 38.1, "Longitude": -122.23, "Population": 2240.0}, {"index": 18885, "quantile": 0.75, "value": 99800.0, "Latitude": 38.1, "Longitude": -122.23, "Population": 2240.0}, {"index": 18885, "quantile": 1.0, "value": 268800.0, "Latitude": 38.1, "Longitude": -122.23, "Population": 2240.0}, {"index": 18886, "quantile": 0.0, "value": 59600.0, "Latitude": 38.1, "Longitude": -122.24, "Population": 849.0}, {"index": 18886, "quantile": 0.25, "value": 103499.99999999999, "Latitude": 38.1, "Longitude": -122.24, "Population": 849.0}, {"index": 18886, "quantile": 0.5, "value": 103499.99999999999, "Latitude": 38.1, "Longitude": -122.24, "Population": 849.0}, {"index": 18886, "quantile": 0.75, "value": 108850.0, "Latitude": 38.1, "Longitude": -122.24, "Population": 849.0}, {"index": 18886, "quantile": 1.0, "value": 304000.0, "Latitude": 38.1, "Longitude": -122.24, "Population": 849.0}, {"index": 18887, "quantile": 0.0, "value": 87200.0, "Latitude": 38.11, "Longitude": -122.24, "Population": 1277.0}, {"index": 18887, "quantile": 0.25, "value": 107300.0, "Latitude": 38.11, "Longitude": -122.24, "Population": 1277.0}, {"index": 18887, "quantile": 0.5, "value": 107300.0, "Latitude": 38.11, "Longitude": -122.24, "Population": 1277.0}, {"index": 18887, "quantile": 0.75, "value": 107300.0, "Latitude": 38.11, "Longitude": -122.24, "Population": 1277.0}, {"index": 18887, "quantile": 1.0, "value": 338900.0, "Latitude": 38.11, "Longitude": -122.24, "Population": 1277.0}, {"index": 18888, "quantile": 0.0, "value": 75400.0, "Latitude": 38.11, "Longitude": -122.24, "Population": 889.0}, {"index": 18888, "quantile": 0.25, "value": 99200.0, "Latitude": 38.11, "Longitude": -122.24, "Population": 889.0}, {"index": 18888, "quantile": 0.5, "value": 99200.0, "Latitude": 38.11, "Longitude": -122.24, "Population": 889.0}, {"index": 18888, "quantile": 0.75, "value": 99200.0, "Latitude": 38.11, "Longitude": -122.24, "Population": 889.0}, {"index": 18888, "quantile": 1.0, "value": 171400.0, "Latitude": 38.11, "Longitude": -122.24, "Population": 889.0}, {"index": 18889, "quantile": 0.0, "value": 72100.0, "Latitude": 38.1, "Longitude": -122.23, "Population": 694.0}, {"index": 18889, "quantile": 0.25, "value": 92800.0, "Latitude": 38.1, "Longitude": -122.23, "Population": 694.0}, {"index": 18889, "quantile": 0.5, "value": 92800.0, "Latitude": 38.1, "Longitude": -122.23, "Population": 694.0}, {"index": 18889, "quantile": 0.75, "value": 93800.0, "Latitude": 38.1, "Longitude": -122.23, "Population": 694.0}, {"index": 18889, "quantile": 1.0, "value": 219000.0, "Latitude": 38.1, "Longitude": -122.23, "Population": 694.0}, {"index": 18890, "quantile": 0.0, "value": 141500.0, "Latitude": 38.12, "Longitude": -122.23, "Population": 1006.0}, {"index": 18890, "quantile": 0.25, "value": 145800.0, "Latitude": 38.12, "Longitude": -122.23, "Population": 1006.0}, {"index": 18890, "quantile": 0.5, "value": 145800.0, "Latitude": 38.12, "Longitude": -122.23, "Population": 1006.0}, {"index": 18890, "quantile": 0.75, "value": 148275.0, "Latitude": 38.12, "Longitude": -122.23, "Population": 1006.0}, {"index": 18890, "quantile": 1.0, "value": 303900.0, "Latitude": 38.12, "Longitude": -122.23, "Population": 1006.0}, {"index": 18891, "quantile": 0.0, "value": 81300.0, "Latitude": 38.11, "Longitude": -122.23, "Population": 1152.0}, {"index": 18891, "quantile": 0.25, "value": 141500.0, "Latitude": 38.11, "Longitude": -122.23, "Population": 1152.0}, {"index": 18891, "quantile": 0.5, "value": 141500.0, "Latitude": 38.11, "Longitude": -122.23, "Population": 1152.0}, {"index": 18891, "quantile": 0.75, "value": 145800.0, "Latitude": 38.11, "Longitude": -122.23, "Population": 1152.0}, {"index": 18891, "quantile": 1.0, "value": 304000.0, "Latitude": 38.11, "Longitude": -122.23, "Population": 1152.0}, {"index": 18892, "quantile": 0.0, "value": 141500.0, "Latitude": 38.11, "Longitude": -122.24, "Population": 772.0}, {"index": 18892, "quantile": 0.25, "value": 148200.0, "Latitude": 38.11, "Longitude": -122.24, "Population": 772.0}, {"index": 18892, "quantile": 0.5, "value": 148200.0, "Latitude": 38.11, "Longitude": -122.24, "Population": 772.0}, {"index": 18892, "quantile": 0.75, "value": 180325.0, "Latitude": 38.11, "Longitude": -122.24, "Population": 772.0}, {"index": 18892, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.11, "Longitude": -122.24, "Population": 772.0}, {"index": 18893, "quantile": 0.0, "value": 84400.0, "Latitude": 38.13, "Longitude": -122.23, "Population": 2459.0}, {"index": 18893, "quantile": 0.25, "value": 142900.0, "Latitude": 38.13, "Longitude": -122.23, "Population": 2459.0}, {"index": 18893, "quantile": 0.5, "value": 142900.0, "Latitude": 38.13, "Longitude": -122.23, "Population": 2459.0}, {"index": 18893, "quantile": 0.75, "value": 142900.0, "Latitude": 38.13, "Longitude": -122.23, "Population": 2459.0}, {"index": 18893, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.13, "Longitude": -122.23, "Population": 2459.0}, {"index": 18894, "quantile": 0.0, "value": 116100.0, "Latitude": 38.13, "Longitude": -122.24, "Population": 1325.0}, {"index": 18894, "quantile": 0.25, "value": 126899.99999999999, "Latitude": 38.13, "Longitude": -122.24, "Population": 1325.0}, {"index": 18894, "quantile": 0.5, "value": 126899.99999999999, "Latitude": 38.13, "Longitude": -122.24, "Population": 1325.0}, {"index": 18894, "quantile": 0.75, "value": 129650.0, "Latitude": 38.13, "Longitude": -122.24, "Population": 1325.0}, {"index": 18894, "quantile": 1.0, "value": 274600.0, "Latitude": 38.13, "Longitude": -122.24, "Population": 1325.0}, {"index": 18895, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 38.12, "Longitude": -122.24, "Population": 1243.0}, {"index": 18895, "quantile": 0.25, "value": 152400.0, "Latitude": 38.12, "Longitude": -122.24, "Population": 1243.0}, {"index": 18895, "quantile": 0.5, "value": 152400.0, "Latitude": 38.12, "Longitude": -122.24, "Population": 1243.0}, {"index": 18895, "quantile": 0.75, "value": 161250.0, "Latitude": 38.12, "Longitude": -122.24, "Population": 1243.0}, {"index": 18895, "quantile": 1.0, "value": 284800.0, "Latitude": 38.12, "Longitude": -122.24, "Population": 1243.0}, {"index": 18896, "quantile": 0.0, "value": 81300.0, "Latitude": 38.12, "Longitude": -122.24, "Population": 578.0}, {"index": 18896, "quantile": 0.25, "value": 141500.0, "Latitude": 38.12, "Longitude": -122.24, "Population": 578.0}, {"index": 18896, "quantile": 0.5, "value": 152400.0, "Latitude": 38.12, "Longitude": -122.24, "Population": 578.0}, {"index": 18896, "quantile": 0.75, "value": 189699.99999999997, "Latitude": 38.12, "Longitude": -122.24, "Population": 578.0}, {"index": 18896, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.12, "Longitude": -122.24, "Population": 578.0}, {"index": 18897, "quantile": 0.0, "value": 80300.0, "Latitude": 38.12, "Longitude": -122.25, "Population": 794.0}, {"index": 18897, "quantile": 0.25, "value": 109800.00000000001, "Latitude": 38.12, "Longitude": -122.25, "Population": 794.0}, {"index": 18897, "quantile": 0.5, "value": 109800.00000000001, "Latitude": 38.12, "Longitude": -122.25, "Population": 794.0}, {"index": 18897, "quantile": 0.75, "value": 109800.00000000001, "Latitude": 38.12, "Longitude": -122.25, "Population": 794.0}, {"index": 18897, "quantile": 1.0, "value": 192100.0, "Latitude": 38.12, "Longitude": -122.25, "Population": 794.0}, {"index": 18898, "quantile": 0.0, "value": 75800.0, "Latitude": 38.11, "Longitude": -122.25, "Population": 1131.0}, {"index": 18898, "quantile": 0.25, "value": 103099.99999999999, "Latitude": 38.11, "Longitude": -122.25, "Population": 1131.0}, {"index": 18898, "quantile": 0.5, "value": 103099.99999999999, "Latitude": 38.11, "Longitude": -122.25, "Population": 1131.0}, {"index": 18898, "quantile": 0.75, "value": 109475.00000000001, "Latitude": 38.11, "Longitude": -122.25, "Population": 1131.0}, {"index": 18898, "quantile": 1.0, "value": 218400.00000000003, "Latitude": 38.11, "Longitude": -122.25, "Population": 1131.0}, {"index": 18899, "quantile": 0.0, "value": 73100.0, "Latitude": 38.11, "Longitude": -122.25, "Population": 1519.0}, {"index": 18899, "quantile": 0.25, "value": 97900.0, "Latitude": 38.11, "Longitude": -122.25, "Population": 1519.0}, {"index": 18899, "quantile": 0.5, "value": 97900.0, "Latitude": 38.11, "Longitude": -122.25, "Population": 1519.0}, {"index": 18899, "quantile": 0.75, "value": 109400.00000000001, "Latitude": 38.11, "Longitude": -122.25, "Population": 1519.0}, {"index": 18899, "quantile": 1.0, "value": 163100.0, "Latitude": 38.11, "Longitude": -122.25, "Population": 1519.0}, {"index": 18900, "quantile": 0.0, "value": 65800.0, "Latitude": 38.11, "Longitude": -122.26, "Population": 505.0}, {"index": 18900, "quantile": 0.25, "value": 93800.0, "Latitude": 38.11, "Longitude": -122.26, "Population": 505.0}, {"index": 18900, "quantile": 0.5, "value": 93800.0, "Latitude": 38.11, "Longitude": -122.26, "Population": 505.0}, {"index": 18900, "quantile": 0.75, "value": 93800.0, "Latitude": 38.11, "Longitude": -122.26, "Population": 505.0}, {"index": 18900, "quantile": 1.0, "value": 165000.0, "Latitude": 38.11, "Longitude": -122.26, "Population": 505.0}, {"index": 18901, "quantile": 0.0, "value": 53300.0, "Latitude": 38.11, "Longitude": -122.26, "Population": 670.0}, {"index": 18901, "quantile": 0.25, "value": 98400.0, "Latitude": 38.11, "Longitude": -122.26, "Population": 670.0}, {"index": 18901, "quantile": 0.5, "value": 98400.0, "Latitude": 38.11, "Longitude": -122.26, "Population": 670.0}, {"index": 18901, "quantile": 0.75, "value": 98400.0, "Latitude": 38.11, "Longitude": -122.26, "Population": 670.0}, {"index": 18901, "quantile": 1.0, "value": 153600.0, "Latitude": 38.11, "Longitude": -122.26, "Population": 670.0}, {"index": 18902, "quantile": 0.0, "value": 98200.0, "Latitude": 38.11, "Longitude": -122.26, "Population": 1238.0}, {"index": 18902, "quantile": 0.25, "value": 109700.0, "Latitude": 38.11, "Longitude": -122.26, "Population": 1238.0}, {"index": 18902, "quantile": 0.5, "value": 109700.0, "Latitude": 38.11, "Longitude": -122.26, "Population": 1238.0}, {"index": 18902, "quantile": 0.75, "value": 113449.99999999999, "Latitude": 38.11, "Longitude": -122.26, "Population": 1238.0}, {"index": 18902, "quantile": 1.0, "value": 282100.0, "Latitude": 38.11, "Longitude": -122.26, "Population": 1238.0}, {"index": 18903, "quantile": 0.0, "value": 92200.0, "Latitude": 38.12, "Longitude": -122.26, "Population": 1623.0}, {"index": 18903, "quantile": 0.25, "value": 103699.99999999999, "Latitude": 38.12, "Longitude": -122.26, "Population": 1623.0}, {"index": 18903, "quantile": 0.5, "value": 103699.99999999999, "Latitude": 38.12, "Longitude": -122.26, "Population": 1623.0}, {"index": 18903, "quantile": 0.75, "value": 137825.0, "Latitude": 38.12, "Longitude": -122.26, "Population": 1623.0}, {"index": 18903, "quantile": 1.0, "value": 350800.0, "Latitude": 38.12, "Longitude": -122.26, "Population": 1623.0}, {"index": 18904, "quantile": 0.0, "value": 81300.0, "Latitude": 38.12, "Longitude": -122.27, "Population": 2109.0}, {"index": 18904, "quantile": 0.25, "value": 109700.0, "Latitude": 38.12, "Longitude": -122.27, "Population": 2109.0}, {"index": 18904, "quantile": 0.5, "value": 123000.0, "Latitude": 38.12, "Longitude": -122.27, "Population": 2109.0}, {"index": 18904, "quantile": 0.75, "value": 139800.0, "Latitude": 38.12, "Longitude": -122.27, "Population": 2109.0}, {"index": 18904, "quantile": 1.0, "value": 350800.0, "Latitude": 38.12, "Longitude": -122.27, "Population": 2109.0}, {"index": 18905, "quantile": 0.0, "value": 81300.0, "Latitude": 38.12, "Longitude": -122.27, "Population": 3124.0}, {"index": 18905, "quantile": 0.25, "value": 103600.0, "Latitude": 38.12, "Longitude": -122.27, "Population": 3124.0}, {"index": 18905, "quantile": 0.5, "value": 111600.00000000001, "Latitude": 38.12, "Longitude": -122.27, "Population": 3124.0}, {"index": 18905, "quantile": 0.75, "value": 125600.0, "Latitude": 38.12, "Longitude": -122.27, "Population": 3124.0}, {"index": 18905, "quantile": 1.0, "value": 350800.0, "Latitude": 38.12, "Longitude": -122.27, "Population": 3124.0}, {"index": 18906, "quantile": 0.0, "value": 94600.0, "Latitude": 38.15, "Longitude": -122.26, "Population": 2388.0}, {"index": 18906, "quantile": 0.25, "value": 121900.00000000001, "Latitude": 38.15, "Longitude": -122.26, "Population": 2388.0}, {"index": 18906, "quantile": 0.5, "value": 121900.00000000001, "Latitude": 38.15, "Longitude": -122.26, "Population": 2388.0}, {"index": 18906, "quantile": 0.75, "value": 125325.0, "Latitude": 38.15, "Longitude": -122.26, "Population": 2388.0}, {"index": 18906, "quantile": 1.0, "value": 287800.0, "Latitude": 38.15, "Longitude": -122.26, "Population": 2388.0}, {"index": 18907, "quantile": 0.0, "value": 81300.0, "Latitude": 38.14, "Longitude": -122.26, "Population": 392.0}, {"index": 18907, "quantile": 0.25, "value": 134700.0, "Latitude": 38.14, "Longitude": -122.26, "Population": 392.0}, {"index": 18907, "quantile": 0.5, "value": 134700.0, "Latitude": 38.14, "Longitude": -122.26, "Population": 392.0}, {"index": 18907, "quantile": 0.75, "value": 161100.00000000003, "Latitude": 38.14, "Longitude": -122.26, "Population": 392.0}, {"index": 18907, "quantile": 1.0, "value": 304700.0, "Latitude": 38.14, "Longitude": -122.26, "Population": 392.0}, {"index": 18908, "quantile": 0.0, "value": 71300.0, "Latitude": 38.15, "Longitude": -122.26, "Population": 2830.0}, {"index": 18908, "quantile": 0.25, "value": 123700.00000000001, "Latitude": 38.15, "Longitude": -122.26, "Population": 2830.0}, {"index": 18908, "quantile": 0.5, "value": 123700.00000000001, "Latitude": 38.15, "Longitude": -122.26, "Population": 2830.0}, {"index": 18908, "quantile": 0.75, "value": 142650.0, "Latitude": 38.15, "Longitude": -122.26, "Population": 2830.0}, {"index": 18908, "quantile": 1.0, "value": 190700.0, "Latitude": 38.15, "Longitude": -122.26, "Population": 2830.0}, {"index": 18909, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 38.12, "Longitude": -122.32, "Population": 3928.0}, {"index": 18909, "quantile": 0.25, "value": 171100.0, "Latitude": 38.12, "Longitude": -122.32, "Population": 3928.0}, {"index": 18909, "quantile": 0.5, "value": 196300.0, "Latitude": 38.12, "Longitude": -122.32, "Population": 3928.0}, {"index": 18909, "quantile": 0.75, "value": 243600.0, "Latitude": 38.12, "Longitude": -122.32, "Population": 3928.0}, {"index": 18909, "quantile": 1.0, "value": 334000.0, "Latitude": 38.12, "Longitude": -122.32, "Population": 3928.0}, {"index": 18910, "quantile": 0.0, "value": 52800.0, "Latitude": 38.13, "Longitude": -122.26, "Population": 1375.0}, {"index": 18910, "quantile": 0.25, "value": 108250.0, "Latitude": 38.13, "Longitude": -122.26, "Population": 1375.0}, {"index": 18910, "quantile": 0.5, "value": 133300.0, "Latitude": 38.13, "Longitude": -122.26, "Population": 1375.0}, {"index": 18910, "quantile": 0.75, "value": 173100.0, "Latitude": 38.13, "Longitude": -122.26, "Population": 1375.0}, {"index": 18910, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.13, "Longitude": -122.26, "Population": 1375.0}, {"index": 18911, "quantile": 0.0, "value": 93300.0, "Latitude": 38.14, "Longitude": -122.24, "Population": 5008.0}, {"index": 18911, "quantile": 0.25, "value": 123600.0, "Latitude": 38.14, "Longitude": -122.24, "Population": 5008.0}, {"index": 18911, "quantile": 0.5, "value": 129800.0, "Latitude": 38.14, "Longitude": -122.24, "Population": 5008.0}, {"index": 18911, "quantile": 0.75, "value": 151949.99999999997, "Latitude": 38.14, "Longitude": -122.24, "Population": 5008.0}, {"index": 18911, "quantile": 1.0, "value": 350000.0, "Latitude": 38.14, "Longitude": -122.24, "Population": 5008.0}, {"index": 18912, "quantile": 0.0, "value": 71300.0, "Latitude": 38.15, "Longitude": -122.24, "Population": 4163.0}, {"index": 18912, "quantile": 0.25, "value": 144100.0, "Latitude": 38.15, "Longitude": -122.24, "Population": 4163.0}, {"index": 18912, "quantile": 0.5, "value": 144100.0, "Latitude": 38.15, "Longitude": -122.24, "Population": 4163.0}, {"index": 18912, "quantile": 0.75, "value": 144100.0, "Latitude": 38.15, "Longitude": -122.24, "Population": 4163.0}, {"index": 18912, "quantile": 1.0, "value": 261400.0, "Latitude": 38.15, "Longitude": -122.24, "Population": 4163.0}, {"index": 18913, "quantile": 0.0, "value": 89600.0, "Latitude": 38.15, "Longitude": -122.25, "Population": 1878.0}, {"index": 18913, "quantile": 0.25, "value": 123600.0, "Latitude": 38.15, "Longitude": -122.25, "Population": 1878.0}, {"index": 18913, "quantile": 0.5, "value": 123600.0, "Latitude": 38.15, "Longitude": -122.25, "Population": 1878.0}, {"index": 18913, "quantile": 0.75, "value": 128799.99999999999, "Latitude": 38.15, "Longitude": -122.25, "Population": 1878.0}, {"index": 18913, "quantile": 1.0, "value": 211500.00000000003, "Latitude": 38.15, "Longitude": -122.25, "Population": 1878.0}, {"index": 18914, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 38.15, "Longitude": -122.22, "Population": 2824.0}, {"index": 18914, "quantile": 0.25, "value": 171100.0, "Latitude": 38.15, "Longitude": -122.22, "Population": 2824.0}, {"index": 18914, "quantile": 0.5, "value": 171100.0, "Latitude": 38.15, "Longitude": -122.22, "Population": 2824.0}, {"index": 18914, "quantile": 0.75, "value": 195000.0, "Latitude": 38.15, "Longitude": -122.22, "Population": 2824.0}, {"index": 18914, "quantile": 1.0, "value": 301900.0, "Latitude": 38.15, "Longitude": -122.22, "Population": 2824.0}, {"index": 18915, "quantile": 0.0, "value": 37900.0, "Latitude": 38.15, "Longitude": -122.23, "Population": 753.0}, {"index": 18915, "quantile": 0.25, "value": 87075.0, "Latitude": 38.15, "Longitude": -122.23, "Population": 753.0}, {"index": 18915, "quantile": 0.5, "value": 92550.0, "Latitude": 38.15, "Longitude": -122.23, "Population": 753.0}, {"index": 18915, "quantile": 0.75, "value": 104325.0, "Latitude": 38.15, "Longitude": -122.23, "Population": 753.0}, {"index": 18915, "quantile": 1.0, "value": 183300.0, "Latitude": 38.15, "Longitude": -122.23, "Population": 753.0}, {"index": 18916, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 38.14, "Longitude": -122.23, "Population": 792.0}, {"index": 18916, "quantile": 0.25, "value": 90400.0, "Latitude": 38.14, "Longitude": -122.23, "Population": 792.0}, {"index": 18916, "quantile": 0.5, "value": 90400.0, "Latitude": 38.14, "Longitude": -122.23, "Population": 792.0}, {"index": 18916, "quantile": 0.75, "value": 90400.0, "Latitude": 38.14, "Longitude": -122.23, "Population": 792.0}, {"index": 18916, "quantile": 1.0, "value": 142300.0, "Latitude": 38.14, "Longitude": -122.23, "Population": 792.0}, {"index": 18917, "quantile": 0.0, "value": 84400.0, "Latitude": 38.04, "Longitude": -122.15, "Population": 1083.0}, {"index": 18917, "quantile": 0.25, "value": 163550.0, "Latitude": 38.04, "Longitude": -122.15, "Population": 1083.0}, {"index": 18917, "quantile": 0.5, "value": 168500.0, "Latitude": 38.04, "Longitude": -122.15, "Population": 1083.0}, {"index": 18917, "quantile": 0.75, "value": 168500.0, "Latitude": 38.04, "Longitude": -122.15, "Population": 1083.0}, {"index": 18917, "quantile": 1.0, "value": 242600.00000000003, "Latitude": 38.04, "Longitude": -122.15, "Population": 1083.0}, {"index": 18918, "quantile": 0.0, "value": 81300.0, "Latitude": 38.05, "Longitude": -122.16, "Population": 830.0}, {"index": 18918, "quantile": 0.25, "value": 143425.0, "Latitude": 38.05, "Longitude": -122.16, "Population": 830.0}, {"index": 18918, "quantile": 0.5, "value": 159950.0, "Latitude": 38.05, "Longitude": -122.16, "Population": 830.0}, {"index": 18918, "quantile": 0.75, "value": 176500.0, "Latitude": 38.05, "Longitude": -122.16, "Population": 830.0}, {"index": 18918, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.05, "Longitude": -122.16, "Population": 830.0}, {"index": 18919, "quantile": 0.0, "value": 81300.0, "Latitude": 38.05, "Longitude": -122.16, "Population": 926.0}, {"index": 18919, "quantile": 0.25, "value": 164800.0, "Latitude": 38.05, "Longitude": -122.16, "Population": 926.0}, {"index": 18919, "quantile": 0.5, "value": 181400.0, "Latitude": 38.05, "Longitude": -122.16, "Population": 926.0}, {"index": 18919, "quantile": 0.75, "value": 194100.0, "Latitude": 38.05, "Longitude": -122.16, "Population": 926.0}, {"index": 18919, "quantile": 1.0, "value": 335700.0, "Latitude": 38.05, "Longitude": -122.16, "Population": 926.0}, {"index": 18920, "quantile": 0.0, "value": 139700.0, "Latitude": 38.07, "Longitude": -122.19, "Population": 1207.0}, {"index": 18920, "quantile": 0.25, "value": 217499.99999999997, "Latitude": 38.07, "Longitude": -122.19, "Population": 1207.0}, {"index": 18920, "quantile": 0.5, "value": 217499.99999999997, "Latitude": 38.07, "Longitude": -122.19, "Population": 1207.0}, {"index": 18920, "quantile": 0.75, "value": 217499.99999999997, "Latitude": 38.07, "Longitude": -122.19, "Population": 1207.0}, {"index": 18920, "quantile": 1.0, "value": 333300.0, "Latitude": 38.07, "Longitude": -122.19, "Population": 1207.0}, {"index": 18921, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 38.07, "Longitude": -122.18, "Population": 2089.0}, {"index": 18921, "quantile": 0.25, "value": 201799.99999999997, "Latitude": 38.07, "Longitude": -122.18, "Population": 2089.0}, {"index": 18921, "quantile": 0.5, "value": 201799.99999999997, "Latitude": 38.07, "Longitude": -122.18, "Population": 2089.0}, {"index": 18921, "quantile": 0.75, "value": 206700.00000000003, "Latitude": 38.07, "Longitude": -122.18, "Population": 2089.0}, {"index": 18921, "quantile": 1.0, "value": 430300.0, "Latitude": 38.07, "Longitude": -122.18, "Population": 2089.0}, {"index": 18922, "quantile": 0.0, "value": 141200.0, "Latitude": 38.07, "Longitude": -122.17, "Population": 857.0}, {"index": 18922, "quantile": 0.25, "value": 250000.0, "Latitude": 38.07, "Longitude": -122.17, "Population": 857.0}, {"index": 18922, "quantile": 0.5, "value": 292100.0, "Latitude": 38.07, "Longitude": -122.17, "Population": 857.0}, {"index": 18922, "quantile": 0.75, "value": 334900.0, "Latitude": 38.07, "Longitude": -122.17, "Population": 857.0}, {"index": 18922, "quantile": 1.0, "value": 411200.0, "Latitude": 38.07, "Longitude": -122.17, "Population": 857.0}, {"index": 18923, "quantile": 0.0, "value": 135000.0, "Latitude": 38.07, "Longitude": -122.16, "Population": 2876.0}, {"index": 18923, "quantile": 0.25, "value": 190300.0, "Latitude": 38.07, "Longitude": -122.16, "Population": 2876.0}, {"index": 18923, "quantile": 0.5, "value": 190300.0, "Latitude": 38.07, "Longitude": -122.16, "Population": 2876.0}, {"index": 18923, "quantile": 0.75, "value": 190300.0, "Latitude": 38.07, "Longitude": -122.16, "Population": 2876.0}, {"index": 18923, "quantile": 1.0, "value": 320900.0, "Latitude": 38.07, "Longitude": -122.16, "Population": 2876.0}, {"index": 18924, "quantile": 0.0, "value": 112500.0, "Latitude": 38.06, "Longitude": -122.17, "Population": 1764.0}, {"index": 18924, "quantile": 0.25, "value": 187100.0, "Latitude": 38.06, "Longitude": -122.17, "Population": 1764.0}, {"index": 18924, "quantile": 0.5, "value": 187100.0, "Latitude": 38.06, "Longitude": -122.17, "Population": 1764.0}, {"index": 18924, "quantile": 0.75, "value": 187100.0, "Latitude": 38.06, "Longitude": -122.17, "Population": 1764.0}, {"index": 18924, "quantile": 1.0, "value": 320900.0, "Latitude": 38.06, "Longitude": -122.17, "Population": 1764.0}, {"index": 18925, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 38.06, "Longitude": -122.15, "Population": 1381.0}, {"index": 18925, "quantile": 0.25, "value": 195800.0, "Latitude": 38.06, "Longitude": -122.15, "Population": 1381.0}, {"index": 18925, "quantile": 0.5, "value": 195800.0, "Latitude": 38.06, "Longitude": -122.15, "Population": 1381.0}, {"index": 18925, "quantile": 0.75, "value": 196099.99999999997, "Latitude": 38.06, "Longitude": -122.15, "Population": 1381.0}, {"index": 18925, "quantile": 1.0, "value": 402200.0, "Latitude": 38.06, "Longitude": -122.15, "Population": 1381.0}, {"index": 18926, "quantile": 0.0, "value": 143000.0, "Latitude": 38.08, "Longitude": -122.17, "Population": 8276.0}, {"index": 18926, "quantile": 0.25, "value": 229199.99999999997, "Latitude": 38.08, "Longitude": -122.17, "Population": 8276.0}, {"index": 18926, "quantile": 0.5, "value": 229199.99999999997, "Latitude": 38.08, "Longitude": -122.17, "Population": 8276.0}, {"index": 18926, "quantile": 0.75, "value": 279400.0, "Latitude": 38.08, "Longitude": -122.17, "Population": 8276.0}, {"index": 18926, "quantile": 1.0, "value": 381900.0, "Latitude": 38.08, "Longitude": -122.17, "Population": 8276.0}, {"index": 18927, "quantile": 0.0, "value": 90600.0, "Latitude": 38.1, "Longitude": -122.2, "Population": 4620.0}, {"index": 18927, "quantile": 0.25, "value": 186350.0, "Latitude": 38.1, "Longitude": -122.2, "Population": 4620.0}, {"index": 18927, "quantile": 0.5, "value": 210000.0, "Latitude": 38.1, "Longitude": -122.2, "Population": 4620.0}, {"index": 18927, "quantile": 0.75, "value": 210000.0, "Latitude": 38.1, "Longitude": -122.2, "Population": 4620.0}, {"index": 18927, "quantile": 1.0, "value": 294100.0, "Latitude": 38.1, "Longitude": -122.2, "Population": 4620.0}, {"index": 18928, "quantile": 0.0, "value": 175000.0, "Latitude": 38.09, "Longitude": -122.19, "Population": 278.0}, {"index": 18928, "quantile": 0.25, "value": 212575.0, "Latitude": 38.09, "Longitude": -122.19, "Population": 278.0}, {"index": 18928, "quantile": 0.5, "value": 254950.0, "Latitude": 38.09, "Longitude": -122.19, "Population": 278.0}, {"index": 18928, "quantile": 0.75, "value": 326700.0, "Latitude": 38.09, "Longitude": -122.19, "Population": 278.0}, {"index": 18928, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.09, "Longitude": -122.19, "Population": 278.0}, {"index": 18929, "quantile": 0.0, "value": 86500.0, "Latitude": 38.05, "Longitude": -122.14, "Population": 1756.0}, {"index": 18929, "quantile": 0.25, "value": 136900.0, "Latitude": 38.05, "Longitude": -122.14, "Population": 1756.0}, {"index": 18929, "quantile": 0.5, "value": 142900.0, "Latitude": 38.05, "Longitude": -122.14, "Population": 1756.0}, {"index": 18929, "quantile": 0.75, "value": 194625.0, "Latitude": 38.05, "Longitude": -122.14, "Population": 1756.0}, {"index": 18929, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.05, "Longitude": -122.14, "Population": 1756.0}, {"index": 18930, "quantile": 0.0, "value": 121300.00000000001, "Latitude": 38.07, "Longitude": -122.14, "Population": 1750.0}, {"index": 18930, "quantile": 0.25, "value": 143100.0, "Latitude": 38.07, "Longitude": -122.14, "Population": 1750.0}, {"index": 18930, "quantile": 0.5, "value": 143100.0, "Latitude": 38.07, "Longitude": -122.14, "Population": 1750.0}, {"index": 18930, "quantile": 0.75, "value": 152250.0, "Latitude": 38.07, "Longitude": -122.14, "Population": 1750.0}, {"index": 18930, "quantile": 1.0, "value": 225400.0, "Latitude": 38.07, "Longitude": -122.14, "Population": 1750.0}, {"index": 18931, "quantile": 0.0, "value": 67000.0, "Latitude": 38.09, "Longitude": -122.11, "Population": 318.0}, {"index": 18931, "quantile": 0.25, "value": 122500.00000000001, "Latitude": 38.09, "Longitude": -122.11, "Population": 318.0}, {"index": 18931, "quantile": 0.5, "value": 122500.00000000001, "Latitude": 38.09, "Longitude": -122.11, "Population": 318.0}, {"index": 18931, "quantile": 0.75, "value": 122500.00000000001, "Latitude": 38.09, "Longitude": -122.11, "Population": 318.0}, {"index": 18931, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 38.09, "Longitude": -122.11, "Population": 318.0}, {"index": 18932, "quantile": 0.0, "value": 81900.0, "Latitude": 38.26, "Longitude": -122.13, "Population": 669.0}, {"index": 18932, "quantile": 0.25, "value": 141550.0, "Latitude": 38.26, "Longitude": -122.13, "Population": 669.0}, {"index": 18932, "quantile": 0.5, "value": 170200.0, "Latitude": 38.26, "Longitude": -122.13, "Population": 669.0}, {"index": 18932, "quantile": 0.75, "value": 170200.0, "Latitude": 38.26, "Longitude": -122.13, "Population": 669.0}, {"index": 18932, "quantile": 1.0, "value": 261900.00000000003, "Latitude": 38.26, "Longitude": -122.13, "Population": 669.0}, {"index": 18933, "quantile": 0.0, "value": 127200.0, "Latitude": 38.29, "Longitude": -122.15, "Population": 703.0}, {"index": 18933, "quantile": 0.25, "value": 316875.0, "Latitude": 38.29, "Longitude": -122.15, "Population": 703.0}, {"index": 18933, "quantile": 0.5, "value": 328800.0, "Latitude": 38.29, "Longitude": -122.15, "Population": 703.0}, {"index": 18933, "quantile": 0.75, "value": 328800.0, "Latitude": 38.29, "Longitude": -122.15, "Population": 703.0}, {"index": 18933, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.29, "Longitude": -122.15, "Population": 703.0}, {"index": 18934, "quantile": 0.0, "value": 224100.0, "Latitude": 38.29, "Longitude": -122.18, "Population": 658.0}, {"index": 18934, "quantile": 0.25, "value": 393000.0, "Latitude": 38.29, "Longitude": -122.18, "Population": 658.0}, {"index": 18934, "quantile": 0.5, "value": 393000.0, "Latitude": 38.29, "Longitude": -122.18, "Population": 658.0}, {"index": 18934, "quantile": 0.75, "value": 393000.0, "Latitude": 38.29, "Longitude": -122.18, "Population": 658.0}, {"index": 18934, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.29, "Longitude": -122.18, "Population": 658.0}, {"index": 18935, "quantile": 0.0, "value": 195900.0, "Latitude": 38.23, "Longitude": -122.18, "Population": 812.0}, {"index": 18935, "quantile": 0.25, "value": 305100.0, "Latitude": 38.23, "Longitude": -122.18, "Population": 812.0}, {"index": 18935, "quantile": 0.5, "value": 363350.0, "Latitude": 38.23, "Longitude": -122.18, "Population": 812.0}, {"index": 18935, "quantile": 0.75, "value": 397675.0, "Latitude": 38.23, "Longitude": -122.18, "Population": 812.0}, {"index": 18935, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.23, "Longitude": -122.18, "Population": 812.0}, {"index": 18936, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 38.16, "Longitude": -122.14, "Population": 1497.0}, {"index": 18936, "quantile": 0.25, "value": 172225.0, "Latitude": 38.16, "Longitude": -122.14, "Population": 1497.0}, {"index": 18936, "quantile": 0.5, "value": 195000.0, "Latitude": 38.16, "Longitude": -122.14, "Population": 1497.0}, {"index": 18936, "quantile": 0.75, "value": 215550.0, "Latitude": 38.16, "Longitude": -122.14, "Population": 1497.0}, {"index": 18936, "quantile": 1.0, "value": 281200.0, "Latitude": 38.16, "Longitude": -122.14, "Population": 1497.0}, {"index": 18937, "quantile": 0.0, "value": 118200.0, "Latitude": 38.17, "Longitude": -122.18, "Population": 2228.0}, {"index": 18937, "quantile": 0.25, "value": 165200.0, "Latitude": 38.17, "Longitude": -122.18, "Population": 2228.0}, {"index": 18937, "quantile": 0.5, "value": 193450.0, "Latitude": 38.17, "Longitude": -122.18, "Population": 2228.0}, {"index": 18937, "quantile": 0.75, "value": 213600.0, "Latitude": 38.17, "Longitude": -122.18, "Population": 2228.0}, {"index": 18937, "quantile": 1.0, "value": 331300.0, "Latitude": 38.17, "Longitude": -122.18, "Population": 2228.0}, {"index": 18938, "quantile": 0.0, "value": 129500.0, "Latitude": 38.26, "Longitude": -122.07, "Population": 450.0}, {"index": 18938, "quantile": 0.25, "value": 220174.99999999997, "Latitude": 38.26, "Longitude": -122.07, "Population": 450.0}, {"index": 18938, "quantile": 0.5, "value": 238700.0, "Latitude": 38.26, "Longitude": -122.07, "Population": 450.0}, {"index": 18938, "quantile": 0.75, "value": 273050.0, "Latitude": 38.26, "Longitude": -122.07, "Population": 450.0}, {"index": 18938, "quantile": 1.0, "value": 448299.99999999994, "Latitude": 38.26, "Longitude": -122.07, "Population": 450.0}, {"index": 18939, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 38.24, "Longitude": -122.1, "Population": 3193.0}, {"index": 18939, "quantile": 0.25, "value": 191050.0, "Latitude": 38.24, "Longitude": -122.1, "Population": 3193.0}, {"index": 18939, "quantile": 0.5, "value": 195000.0, "Latitude": 38.24, "Longitude": -122.1, "Population": 3193.0}, {"index": 18939, "quantile": 0.75, "value": 195000.0, "Latitude": 38.24, "Longitude": -122.1, "Population": 3193.0}, {"index": 18939, "quantile": 1.0, "value": 286500.0, "Latitude": 38.24, "Longitude": -122.1, "Population": 3193.0}, {"index": 18940, "quantile": 0.0, "value": 132400.0, "Latitude": 38.27, "Longitude": -122.06, "Population": 3196.0}, {"index": 18940, "quantile": 0.25, "value": 165200.0, "Latitude": 38.27, "Longitude": -122.06, "Population": 3196.0}, {"index": 18940, "quantile": 0.5, "value": 194650.0, "Latitude": 38.27, "Longitude": -122.06, "Population": 3196.0}, {"index": 18940, "quantile": 0.75, "value": 210425.0, "Latitude": 38.27, "Longitude": -122.06, "Population": 3196.0}, {"index": 18940, "quantile": 1.0, "value": 298400.0, "Latitude": 38.27, "Longitude": -122.06, "Population": 3196.0}, {"index": 18941, "quantile": 0.0, "value": 99000.0, "Latitude": 38.27, "Longitude": -122.07, "Population": 3237.0}, {"index": 18941, "quantile": 0.25, "value": 158150.0, "Latitude": 38.27, "Longitude": -122.07, "Population": 3237.0}, {"index": 18941, "quantile": 0.5, "value": 187100.0, "Latitude": 38.27, "Longitude": -122.07, "Population": 3237.0}, {"index": 18941, "quantile": 0.75, "value": 206250.0, "Latitude": 38.27, "Longitude": -122.07, "Population": 3237.0}, {"index": 18941, "quantile": 1.0, "value": 327700.0, "Latitude": 38.27, "Longitude": -122.07, "Population": 3237.0}, {"index": 18942, "quantile": 0.0, "value": 218000.00000000003, "Latitude": 38.3, "Longitude": -122.08, "Population": 2012.0}, {"index": 18942, "quantile": 0.25, "value": 305200.0, "Latitude": 38.3, "Longitude": -122.08, "Population": 2012.0}, {"index": 18942, "quantile": 0.5, "value": 305200.0, "Latitude": 38.3, "Longitude": -122.08, "Population": 2012.0}, {"index": 18942, "quantile": 0.75, "value": 345750.0, "Latitude": 38.3, "Longitude": -122.08, "Population": 2012.0}, {"index": 18942, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.3, "Longitude": -122.08, "Population": 2012.0}, {"index": 18943, "quantile": 0.0, "value": 84700.0, "Latitude": 38.28, "Longitude": -122.04, "Population": 2129.0}, {"index": 18943, "quantile": 0.25, "value": 135000.0, "Latitude": 38.28, "Longitude": -122.04, "Population": 2129.0}, {"index": 18943, "quantile": 0.5, "value": 135000.0, "Latitude": 38.28, "Longitude": -122.04, "Population": 2129.0}, {"index": 18943, "quantile": 0.75, "value": 140300.0, "Latitude": 38.28, "Longitude": -122.04, "Population": 2129.0}, {"index": 18943, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.28, "Longitude": -122.04, "Population": 2129.0}, {"index": 18944, "quantile": 0.0, "value": 124900.00000000001, "Latitude": 38.28, "Longitude": -122.04, "Population": 1464.0}, {"index": 18944, "quantile": 0.25, "value": 192300.0, "Latitude": 38.28, "Longitude": -122.04, "Population": 1464.0}, {"index": 18944, "quantile": 0.5, "value": 212849.99999999997, "Latitude": 38.28, "Longitude": -122.04, "Population": 1464.0}, {"index": 18944, "quantile": 0.75, "value": 229624.99999999997, "Latitude": 38.28, "Longitude": -122.04, "Population": 1464.0}, {"index": 18944, "quantile": 1.0, "value": 329200.0, "Latitude": 38.28, "Longitude": -122.04, "Population": 1464.0}, {"index": 18945, "quantile": 0.0, "value": 112500.0, "Latitude": 38.28, "Longitude": -122.03, "Population": 2418.0}, {"index": 18945, "quantile": 0.25, "value": 139700.0, "Latitude": 38.28, "Longitude": -122.03, "Population": 2418.0}, {"index": 18945, "quantile": 0.5, "value": 146300.0, "Latitude": 38.28, "Longitude": -122.03, "Population": 2418.0}, {"index": 18945, "quantile": 0.75, "value": 190700.0, "Latitude": 38.28, "Longitude": -122.03, "Population": 2418.0}, {"index": 18945, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.28, "Longitude": -122.03, "Population": 2418.0}, {"index": 18946, "quantile": 0.0, "value": 127200.0, "Latitude": 38.3, "Longitude": -122.03, "Population": 713.0}, {"index": 18946, "quantile": 0.25, "value": 223900.0, "Latitude": 38.3, "Longitude": -122.03, "Population": 713.0}, {"index": 18946, "quantile": 0.5, "value": 223900.0, "Latitude": 38.3, "Longitude": -122.03, "Population": 713.0}, {"index": 18946, "quantile": 0.75, "value": 291900.0, "Latitude": 38.3, "Longitude": -122.03, "Population": 713.0}, {"index": 18946, "quantile": 1.0, "value": 384400.0, "Latitude": 38.3, "Longitude": -122.03, "Population": 713.0}, {"index": 18947, "quantile": 0.0, "value": 139700.0, "Latitude": 38.28, "Longitude": -122.0, "Population": 3238.0}, {"index": 18947, "quantile": 0.25, "value": 158300.0, "Latitude": 38.28, "Longitude": -122.0, "Population": 3238.0}, {"index": 18947, "quantile": 0.5, "value": 187100.0, "Latitude": 38.28, "Longitude": -122.0, "Population": 3238.0}, {"index": 18947, "quantile": 0.75, "value": 210000.0, "Latitude": 38.28, "Longitude": -122.0, "Population": 3238.0}, {"index": 18947, "quantile": 1.0, "value": 298400.0, "Latitude": 38.28, "Longitude": -122.0, "Population": 3238.0}, {"index": 18948, "quantile": 0.0, "value": 150800.0, "Latitude": 38.29, "Longitude": -121.98, "Population": 4010.0}, {"index": 18948, "quantile": 0.25, "value": 187100.0, "Latitude": 38.29, "Longitude": -121.98, "Population": 4010.0}, {"index": 18948, "quantile": 0.5, "value": 187100.0, "Latitude": 38.29, "Longitude": -121.98, "Population": 4010.0}, {"index": 18948, "quantile": 0.75, "value": 190174.99999999997, "Latitude": 38.29, "Longitude": -121.98, "Population": 4010.0}, {"index": 18948, "quantile": 1.0, "value": 281200.0, "Latitude": 38.29, "Longitude": -121.98, "Population": 4010.0}, {"index": 18949, "quantile": 0.0, "value": 50000.0, "Latitude": 38.15, "Longitude": -121.99, "Population": 88.0}, {"index": 18949, "quantile": 0.25, "value": 162500.0, "Latitude": 38.15, "Longitude": -121.99, "Population": 88.0}, {"index": 18949, "quantile": 0.5, "value": 162500.0, "Latitude": 38.15, "Longitude": -121.99, "Population": 88.0}, {"index": 18949, "quantile": 0.75, "value": 162500.0, "Latitude": 38.15, "Longitude": -121.99, "Population": 88.0}, {"index": 18949, "quantile": 1.0, "value": 450000.0, "Latitude": 38.15, "Longitude": -121.99, "Population": 88.0}, {"index": 18950, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 38.26, "Longitude": -122.05, "Population": 631.0}, {"index": 18950, "quantile": 0.25, "value": 98900.0, "Latitude": 38.26, "Longitude": -122.05, "Population": 631.0}, {"index": 18950, "quantile": 0.5, "value": 98900.0, "Latitude": 38.26, "Longitude": -122.05, "Population": 631.0}, {"index": 18950, "quantile": 0.75, "value": 98900.0, "Latitude": 38.26, "Longitude": -122.05, "Population": 631.0}, {"index": 18950, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 38.26, "Longitude": -122.05, "Population": 631.0}, {"index": 18951, "quantile": 0.0, "value": 63800.0, "Latitude": 38.25, "Longitude": -122.05, "Population": 680.0}, {"index": 18951, "quantile": 0.25, "value": 99000.0, "Latitude": 38.25, "Longitude": -122.05, "Population": 680.0}, {"index": 18951, "quantile": 0.5, "value": 99000.0, "Latitude": 38.25, "Longitude": -122.05, "Population": 680.0}, {"index": 18951, "quantile": 0.75, "value": 125000.0, "Latitude": 38.25, "Longitude": -122.05, "Population": 680.0}, {"index": 18951, "quantile": 1.0, "value": 200000.0, "Latitude": 38.25, "Longitude": -122.05, "Population": 680.0}, {"index": 18952, "quantile": 0.0, "value": 83400.0, "Latitude": 38.25, "Longitude": -122.06, "Population": 953.0}, {"index": 18952, "quantile": 0.25, "value": 99000.0, "Latitude": 38.25, "Longitude": -122.06, "Population": 953.0}, {"index": 18952, "quantile": 0.5, "value": 99000.0, "Latitude": 38.25, "Longitude": -122.06, "Population": 953.0}, {"index": 18952, "quantile": 0.75, "value": 99025.0, "Latitude": 38.25, "Longitude": -122.06, "Population": 953.0}, {"index": 18952, "quantile": 1.0, "value": 179200.0, "Latitude": 38.25, "Longitude": -122.06, "Population": 953.0}, {"index": 18953, "quantile": 0.0, "value": 83400.0, "Latitude": 38.25, "Longitude": -122.06, "Population": 898.0}, {"index": 18953, "quantile": 0.25, "value": 107200.0, "Latitude": 38.25, "Longitude": -122.06, "Population": 898.0}, {"index": 18953, "quantile": 0.5, "value": 107200.0, "Latitude": 38.25, "Longitude": -122.06, "Population": 898.0}, {"index": 18953, "quantile": 0.75, "value": 114150.0, "Latitude": 38.25, "Longitude": -122.06, "Population": 898.0}, {"index": 18953, "quantile": 1.0, "value": 185900.0, "Latitude": 38.25, "Longitude": -122.06, "Population": 898.0}, {"index": 18954, "quantile": 0.0, "value": 63800.0, "Latitude": 38.26, "Longitude": -122.06, "Population": 672.0}, {"index": 18954, "quantile": 0.25, "value": 98500.0, "Latitude": 38.26, "Longitude": -122.06, "Population": 672.0}, {"index": 18954, "quantile": 0.5, "value": 99000.0, "Latitude": 38.26, "Longitude": -122.06, "Population": 672.0}, {"index": 18954, "quantile": 0.75, "value": 117924.99999999999, "Latitude": 38.26, "Longitude": -122.06, "Population": 672.0}, {"index": 18954, "quantile": 1.0, "value": 193800.0, "Latitude": 38.26, "Longitude": -122.06, "Population": 672.0}, {"index": 18955, "quantile": 0.0, "value": 98900.0, "Latitude": 38.24, "Longitude": -122.07, "Population": 4390.0}, {"index": 18955, "quantile": 0.25, "value": 129800.0, "Latitude": 38.24, "Longitude": -122.07, "Population": 4390.0}, {"index": 18955, "quantile": 0.5, "value": 129800.0, "Latitude": 38.24, "Longitude": -122.07, "Population": 4390.0}, {"index": 18955, "quantile": 0.75, "value": 129800.0, "Latitude": 38.24, "Longitude": -122.07, "Population": 4390.0}, {"index": 18955, "quantile": 1.0, "value": 331600.0, "Latitude": 38.24, "Longitude": -122.07, "Population": 4390.0}, {"index": 18956, "quantile": 0.0, "value": 81800.0, "Latitude": 38.25, "Longitude": -122.04, "Population": 632.0}, {"index": 18956, "quantile": 0.25, "value": 94200.0, "Latitude": 38.25, "Longitude": -122.04, "Population": 632.0}, {"index": 18956, "quantile": 0.5, "value": 94200.0, "Latitude": 38.25, "Longitude": -122.04, "Population": 632.0}, {"index": 18956, "quantile": 0.75, "value": 95300.0, "Latitude": 38.25, "Longitude": -122.04, "Population": 632.0}, {"index": 18956, "quantile": 1.0, "value": 275000.0, "Latitude": 38.25, "Longitude": -122.04, "Population": 632.0}, {"index": 18957, "quantile": 0.0, "value": 136000.0, "Latitude": 38.25, "Longitude": -122.05, "Population": 101.0}, {"index": 18957, "quantile": 0.25, "value": 218100.0, "Latitude": 38.25, "Longitude": -122.05, "Population": 101.0}, {"index": 18957, "quantile": 0.5, "value": 279200.0, "Latitude": 38.25, "Longitude": -122.05, "Population": 101.0}, {"index": 18957, "quantile": 0.75, "value": 350400.0, "Latitude": 38.25, "Longitude": -122.05, "Population": 101.0}, {"index": 18957, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.25, "Longitude": -122.05, "Population": 101.0}, {"index": 18958, "quantile": 0.0, "value": 90000.0, "Latitude": 38.26, "Longitude": -122.04, "Population": 1795.0}, {"index": 18958, "quantile": 0.25, "value": 95300.0, "Latitude": 38.26, "Longitude": -122.04, "Population": 1795.0}, {"index": 18958, "quantile": 0.5, "value": 111850.0, "Latitude": 38.26, "Longitude": -122.04, "Population": 1795.0}, {"index": 18958, "quantile": 0.75, "value": 142100.0, "Latitude": 38.26, "Longitude": -122.04, "Population": 1795.0}, {"index": 18958, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 38.26, "Longitude": -122.04, "Population": 1795.0}, {"index": 18959, "quantile": 0.0, "value": 87500.0, "Latitude": 38.25, "Longitude": -122.04, "Population": 648.0}, {"index": 18959, "quantile": 0.25, "value": 92200.0, "Latitude": 38.25, "Longitude": -122.04, "Population": 648.0}, {"index": 18959, "quantile": 0.5, "value": 92200.0, "Latitude": 38.25, "Longitude": -122.04, "Population": 648.0}, {"index": 18959, "quantile": 0.75, "value": 109975.0, "Latitude": 38.25, "Longitude": -122.04, "Population": 648.0}, {"index": 18959, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 38.25, "Longitude": -122.04, "Population": 648.0}, {"index": 18960, "quantile": 0.0, "value": 71700.0, "Latitude": 38.25, "Longitude": -122.04, "Population": 571.0}, {"index": 18960, "quantile": 0.25, "value": 126650.0, "Latitude": 38.25, "Longitude": -122.04, "Population": 571.0}, {"index": 18960, "quantile": 0.5, "value": 143900.0, "Latitude": 38.25, "Longitude": -122.04, "Population": 571.0}, {"index": 18960, "quantile": 0.75, "value": 167974.99999999997, "Latitude": 38.25, "Longitude": -122.04, "Population": 571.0}, {"index": 18960, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.25, "Longitude": -122.04, "Population": 571.0}, {"index": 18961, "quantile": 0.0, "value": 67500.0, "Latitude": 38.25, "Longitude": -122.04, "Population": 241.0}, {"index": 18961, "quantile": 0.25, "value": 125000.0, "Latitude": 38.25, "Longitude": -122.04, "Population": 241.0}, {"index": 18961, "quantile": 0.5, "value": 125000.0, "Latitude": 38.25, "Longitude": -122.04, "Population": 241.0}, {"index": 18961, "quantile": 0.75, "value": 125000.0, "Latitude": 38.25, "Longitude": -122.04, "Population": 241.0}, {"index": 18961, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.25, "Longitude": -122.04, "Population": 241.0}, {"index": 18962, "quantile": 0.0, "value": 77700.0, "Latitude": 38.26, "Longitude": -122.05, "Population": 3927.0}, {"index": 18962, "quantile": 0.25, "value": 116675.0, "Latitude": 38.26, "Longitude": -122.05, "Population": 3927.0}, {"index": 18962, "quantile": 0.5, "value": 126499.99999999999, "Latitude": 38.26, "Longitude": -122.05, "Population": 3927.0}, {"index": 18962, "quantile": 0.75, "value": 139900.0, "Latitude": 38.26, "Longitude": -122.05, "Population": 3927.0}, {"index": 18962, "quantile": 1.0, "value": 212500.0, "Latitude": 38.26, "Longitude": -122.05, "Population": 3927.0}, {"index": 18963, "quantile": 0.0, "value": 104400.0, "Latitude": 38.27, "Longitude": -122.04, "Population": 4508.0}, {"index": 18963, "quantile": 0.25, "value": 129600.0, "Latitude": 38.27, "Longitude": -122.04, "Population": 4508.0}, {"index": 18963, "quantile": 0.5, "value": 129600.0, "Latitude": 38.27, "Longitude": -122.04, "Population": 4508.0}, {"index": 18963, "quantile": 0.75, "value": 143050.0, "Latitude": 38.27, "Longitude": -122.04, "Population": 4508.0}, {"index": 18963, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.27, "Longitude": -122.04, "Population": 4508.0}, {"index": 18964, "quantile": 0.0, "value": 81100.0, "Latitude": 38.27, "Longitude": -122.03, "Population": 1959.0}, {"index": 18964, "quantile": 0.25, "value": 96375.0, "Latitude": 38.27, "Longitude": -122.03, "Population": 1959.0}, {"index": 18964, "quantile": 0.5, "value": 113900.0, "Latitude": 38.27, "Longitude": -122.03, "Population": 1959.0}, {"index": 18964, "quantile": 0.75, "value": 162600.0, "Latitude": 38.27, "Longitude": -122.03, "Population": 1959.0}, {"index": 18964, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 38.27, "Longitude": -122.03, "Population": 1959.0}, {"index": 18965, "quantile": 0.0, "value": 81300.0, "Latitude": 38.26, "Longitude": -122.03, "Population": 2685.0}, {"index": 18965, "quantile": 0.25, "value": 104700.0, "Latitude": 38.26, "Longitude": -122.03, "Population": 2685.0}, {"index": 18965, "quantile": 0.5, "value": 132750.0, "Latitude": 38.26, "Longitude": -122.03, "Population": 2685.0}, {"index": 18965, "quantile": 0.75, "value": 162600.0, "Latitude": 38.26, "Longitude": -122.03, "Population": 2685.0}, {"index": 18965, "quantile": 1.0, "value": 237300.00000000003, "Latitude": 38.26, "Longitude": -122.03, "Population": 2685.0}, {"index": 18966, "quantile": 0.0, "value": 81300.0, "Latitude": 38.26, "Longitude": -122.02, "Population": 2085.0}, {"index": 18966, "quantile": 0.25, "value": 104700.0, "Latitude": 38.26, "Longitude": -122.02, "Population": 2085.0}, {"index": 18966, "quantile": 0.5, "value": 104700.0, "Latitude": 38.26, "Longitude": -122.02, "Population": 2085.0}, {"index": 18966, "quantile": 0.75, "value": 104700.0, "Latitude": 38.26, "Longitude": -122.02, "Population": 2085.0}, {"index": 18966, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 38.26, "Longitude": -122.02, "Population": 2085.0}, {"index": 18967, "quantile": 0.0, "value": 81300.0, "Latitude": 38.25, "Longitude": -122.03, "Population": 1177.0}, {"index": 18967, "quantile": 0.25, "value": 109825.00000000001, "Latitude": 38.25, "Longitude": -122.03, "Population": 1177.0}, {"index": 18967, "quantile": 0.5, "value": 124600.0, "Latitude": 38.25, "Longitude": -122.03, "Population": 1177.0}, {"index": 18967, "quantile": 0.75, "value": 137500.0, "Latitude": 38.25, "Longitude": -122.03, "Population": 1177.0}, {"index": 18967, "quantile": 1.0, "value": 206300.00000000003, "Latitude": 38.25, "Longitude": -122.03, "Population": 1177.0}, {"index": 18968, "quantile": 0.0, "value": 99100.0, "Latitude": 38.27, "Longitude": -122.02, "Population": 1169.0}, {"index": 18968, "quantile": 0.25, "value": 99100.0, "Latitude": 38.27, "Longitude": -122.02, "Population": 1169.0}, {"index": 18968, "quantile": 0.5, "value": 99100.0, "Latitude": 38.27, "Longitude": -122.02, "Population": 1169.0}, {"index": 18968, "quantile": 0.75, "value": 129900.0, "Latitude": 38.27, "Longitude": -122.02, "Population": 1169.0}, {"index": 18968, "quantile": 1.0, "value": 269500.0, "Latitude": 38.27, "Longitude": -122.02, "Population": 1169.0}, {"index": 18969, "quantile": 0.0, "value": 99100.0, "Latitude": 38.26, "Longitude": -122.02, "Population": 2198.0}, {"index": 18969, "quantile": 0.25, "value": 120400.0, "Latitude": 38.26, "Longitude": -122.02, "Population": 2198.0}, {"index": 18969, "quantile": 0.5, "value": 120400.0, "Latitude": 38.26, "Longitude": -122.02, "Population": 2198.0}, {"index": 18969, "quantile": 0.75, "value": 129600.0, "Latitude": 38.26, "Longitude": -122.02, "Population": 2198.0}, {"index": 18969, "quantile": 1.0, "value": 183300.0, "Latitude": 38.26, "Longitude": -122.02, "Population": 2198.0}, {"index": 18970, "quantile": 0.0, "value": 93800.0, "Latitude": 38.27, "Longitude": -122.01, "Population": 4758.0}, {"index": 18970, "quantile": 0.25, "value": 126600.0, "Latitude": 38.27, "Longitude": -122.01, "Population": 4758.0}, {"index": 18970, "quantile": 0.5, "value": 126600.0, "Latitude": 38.27, "Longitude": -122.01, "Population": 4758.0}, {"index": 18970, "quantile": 0.75, "value": 133100.0, "Latitude": 38.27, "Longitude": -122.01, "Population": 4758.0}, {"index": 18970, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.27, "Longitude": -122.01, "Population": 4758.0}, {"index": 18971, "quantile": 0.0, "value": 84700.0, "Latitude": 38.26, "Longitude": -122.02, "Population": 1566.0}, {"index": 18971, "quantile": 0.25, "value": 126800.0, "Latitude": 38.26, "Longitude": -122.02, "Population": 1566.0}, {"index": 18971, "quantile": 0.5, "value": 138700.0, "Latitude": 38.26, "Longitude": -122.02, "Population": 1566.0}, {"index": 18971, "quantile": 0.75, "value": 159250.0, "Latitude": 38.26, "Longitude": -122.02, "Population": 1566.0}, {"index": 18971, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.26, "Longitude": -122.02, "Population": 1566.0}, {"index": 18972, "quantile": 0.0, "value": 97400.0, "Latitude": 38.23, "Longitude": -122.0, "Population": 872.0}, {"index": 18972, "quantile": 0.25, "value": 176425.0, "Latitude": 38.23, "Longitude": -122.0, "Population": 872.0}, {"index": 18972, "quantile": 0.5, "value": 205100.00000000003, "Latitude": 38.23, "Longitude": -122.0, "Population": 872.0}, {"index": 18972, "quantile": 0.75, "value": 237600.0, "Latitude": 38.23, "Longitude": -122.0, "Population": 872.0}, {"index": 18972, "quantile": 1.0, "value": 386200.0, "Latitude": 38.23, "Longitude": -122.0, "Population": 872.0}, {"index": 18973, "quantile": 0.0, "value": 87500.0, "Latitude": 38.24, "Longitude": -122.03, "Population": 495.0}, {"index": 18973, "quantile": 0.25, "value": 157700.0, "Latitude": 38.24, "Longitude": -122.03, "Population": 495.0}, {"index": 18973, "quantile": 0.5, "value": 157700.0, "Latitude": 38.24, "Longitude": -122.03, "Population": 495.0}, {"index": 18973, "quantile": 0.75, "value": 169225.0, "Latitude": 38.24, "Longitude": -122.03, "Population": 495.0}, {"index": 18973, "quantile": 1.0, "value": 299600.0, "Latitude": 38.24, "Longitude": -122.03, "Population": 495.0}, {"index": 18974, "quantile": 0.0, "value": 66800.0, "Latitude": 38.24, "Longitude": -122.04, "Population": 2612.0}, {"index": 18974, "quantile": 0.25, "value": 87500.0, "Latitude": 38.24, "Longitude": -122.04, "Population": 2612.0}, {"index": 18974, "quantile": 0.5, "value": 87500.0, "Latitude": 38.24, "Longitude": -122.04, "Population": 2612.0}, {"index": 18974, "quantile": 0.75, "value": 101099.99999999999, "Latitude": 38.24, "Longitude": -122.04, "Population": 2612.0}, {"index": 18974, "quantile": 1.0, "value": 250000.0, "Latitude": 38.24, "Longitude": -122.04, "Population": 2612.0}, {"index": 18975, "quantile": 0.0, "value": 63000.0, "Latitude": 38.24, "Longitude": -122.04, "Population": 1005.0}, {"index": 18975, "quantile": 0.25, "value": 94475.0, "Latitude": 38.24, "Longitude": -122.04, "Population": 1005.0}, {"index": 18975, "quantile": 0.5, "value": 104900.0, "Latitude": 38.24, "Longitude": -122.04, "Population": 1005.0}, {"index": 18975, "quantile": 0.75, "value": 146350.0, "Latitude": 38.24, "Longitude": -122.04, "Population": 1005.0}, {"index": 18975, "quantile": 1.0, "value": 250000.0, "Latitude": 38.24, "Longitude": -122.04, "Population": 1005.0}, {"index": 18976, "quantile": 0.0, "value": 93800.0, "Latitude": 38.25, "Longitude": -122.03, "Population": 1923.0}, {"index": 18976, "quantile": 0.25, "value": 134800.0, "Latitude": 38.25, "Longitude": -122.03, "Population": 1923.0}, {"index": 18976, "quantile": 0.5, "value": 134800.0, "Latitude": 38.25, "Longitude": -122.03, "Population": 1923.0}, {"index": 18976, "quantile": 0.75, "value": 134800.0, "Latitude": 38.25, "Longitude": -122.03, "Population": 1923.0}, {"index": 18976, "quantile": 1.0, "value": 260900.0, "Latitude": 38.25, "Longitude": -122.03, "Population": 1923.0}, {"index": 18977, "quantile": 0.0, "value": 85900.0, "Latitude": 38.25, "Longitude": -122.01, "Population": 3570.0}, {"index": 18977, "quantile": 0.25, "value": 123600.0, "Latitude": 38.25, "Longitude": -122.01, "Population": 3570.0}, {"index": 18977, "quantile": 0.5, "value": 127299.99999999999, "Latitude": 38.25, "Longitude": -122.01, "Population": 3570.0}, {"index": 18977, "quantile": 0.75, "value": 134850.0, "Latitude": 38.25, "Longitude": -122.01, "Population": 3570.0}, {"index": 18977, "quantile": 1.0, "value": 243500.0, "Latitude": 38.25, "Longitude": -122.01, "Population": 3570.0}, {"index": 18978, "quantile": 0.0, "value": 121300.00000000001, "Latitude": 38.25, "Longitude": -122.01, "Population": 792.0}, {"index": 18978, "quantile": 0.25, "value": 131300.0, "Latitude": 38.25, "Longitude": -122.01, "Population": 792.0}, {"index": 18978, "quantile": 0.5, "value": 131300.0, "Latitude": 38.25, "Longitude": -122.01, "Population": 792.0}, {"index": 18978, "quantile": 0.75, "value": 142675.0, "Latitude": 38.25, "Longitude": -122.01, "Population": 792.0}, {"index": 18978, "quantile": 1.0, "value": 298400.0, "Latitude": 38.25, "Longitude": -122.01, "Population": 792.0}, {"index": 18979, "quantile": 0.0, "value": 82700.0, "Latitude": 38.25, "Longitude": -122.02, "Population": 1255.0}, {"index": 18979, "quantile": 0.25, "value": 126499.99999999999, "Latitude": 38.25, "Longitude": -122.02, "Population": 1255.0}, {"index": 18979, "quantile": 0.5, "value": 126499.99999999999, "Latitude": 38.25, "Longitude": -122.02, "Population": 1255.0}, {"index": 18979, "quantile": 0.75, "value": 126499.99999999999, "Latitude": 38.25, "Longitude": -122.02, "Population": 1255.0}, {"index": 18979, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.25, "Longitude": -122.02, "Population": 1255.0}, {"index": 18980, "quantile": 0.0, "value": 126600.0, "Latitude": 38.25, "Longitude": -122.0, "Population": 6657.0}, {"index": 18980, "quantile": 0.25, "value": 142900.0, "Latitude": 38.25, "Longitude": -122.0, "Population": 6657.0}, {"index": 18980, "quantile": 0.5, "value": 142900.0, "Latitude": 38.25, "Longitude": -122.0, "Population": 6657.0}, {"index": 18980, "quantile": 0.75, "value": 170350.0, "Latitude": 38.25, "Longitude": -122.0, "Population": 6657.0}, {"index": 18980, "quantile": 1.0, "value": 298400.0, "Latitude": 38.25, "Longitude": -122.0, "Population": 6657.0}, {"index": 18981, "quantile": 0.0, "value": 87500.0, "Latitude": 38.25, "Longitude": -121.98, "Population": 1545.0}, {"index": 18981, "quantile": 0.25, "value": 140475.0, "Latitude": 38.25, "Longitude": -121.98, "Population": 1545.0}, {"index": 18981, "quantile": 0.5, "value": 145250.0, "Latitude": 38.25, "Longitude": -121.98, "Population": 1545.0}, {"index": 18981, "quantile": 0.75, "value": 173200.00000000003, "Latitude": 38.25, "Longitude": -121.98, "Population": 1545.0}, {"index": 18981, "quantile": 1.0, "value": 298400.0, "Latitude": 38.25, "Longitude": -121.98, "Population": 1545.0}, {"index": 18982, "quantile": 0.0, "value": 127200.0, "Latitude": 38.26, "Longitude": -122.01, "Population": 2087.0}, {"index": 18982, "quantile": 0.25, "value": 139700.0, "Latitude": 38.26, "Longitude": -122.01, "Population": 2087.0}, {"index": 18982, "quantile": 0.5, "value": 139700.0, "Latitude": 38.26, "Longitude": -122.01, "Population": 2087.0}, {"index": 18982, "quantile": 0.75, "value": 178200.0, "Latitude": 38.26, "Longitude": -122.01, "Population": 2087.0}, {"index": 18982, "quantile": 1.0, "value": 298400.0, "Latitude": 38.26, "Longitude": -122.01, "Population": 2087.0}, {"index": 18983, "quantile": 0.0, "value": 103000.0, "Latitude": 38.27, "Longitude": -121.99, "Population": 1762.0}, {"index": 18983, "quantile": 0.25, "value": 137500.0, "Latitude": 38.27, "Longitude": -121.99, "Population": 1762.0}, {"index": 18983, "quantile": 0.5, "value": 137500.0, "Latitude": 38.27, "Longitude": -121.99, "Population": 1762.0}, {"index": 18983, "quantile": 0.75, "value": 137500.0, "Latitude": 38.27, "Longitude": -121.99, "Population": 1762.0}, {"index": 18983, "quantile": 1.0, "value": 390800.0, "Latitude": 38.27, "Longitude": -121.99, "Population": 1762.0}, {"index": 18984, "quantile": 0.0, "value": 129500.0, "Latitude": 38.26, "Longitude": -121.99, "Population": 368.0}, {"index": 18984, "quantile": 0.25, "value": 250300.0, "Latitude": 38.26, "Longitude": -121.99, "Population": 368.0}, {"index": 18984, "quantile": 0.5, "value": 261100.00000000003, "Latitude": 38.26, "Longitude": -121.99, "Population": 368.0}, {"index": 18984, "quantile": 0.75, "value": 261100.00000000003, "Latitude": 38.26, "Longitude": -121.99, "Population": 368.0}, {"index": 18984, "quantile": 1.0, "value": 417600.0, "Latitude": 38.26, "Longitude": -121.99, "Population": 368.0}, {"index": 18985, "quantile": 0.0, "value": 72600.0, "Latitude": 38.27, "Longitude": -121.94, "Population": 9879.0}, {"index": 18985, "quantile": 0.25, "value": 81300.0, "Latitude": 38.27, "Longitude": -121.94, "Population": 9879.0}, {"index": 18985, "quantile": 0.5, "value": 81300.0, "Latitude": 38.27, "Longitude": -121.94, "Population": 9879.0}, {"index": 18985, "quantile": 0.75, "value": 104700.0, "Latitude": 38.27, "Longitude": -121.94, "Population": 9879.0}, {"index": 18985, "quantile": 1.0, "value": 371400.0, "Latitude": 38.27, "Longitude": -121.94, "Population": 9879.0}, {"index": 18986, "quantile": 0.0, "value": 87500.0, "Latitude": 38.37, "Longitude": -121.94, "Population": 2899.0}, {"index": 18986, "quantile": 0.25, "value": 120100.0, "Latitude": 38.37, "Longitude": -121.94, "Population": 2899.0}, {"index": 18986, "quantile": 0.5, "value": 120100.0, "Latitude": 38.37, "Longitude": -121.94, "Population": 2899.0}, {"index": 18986, "quantile": 0.75, "value": 121700.00000000001, "Latitude": 38.37, "Longitude": -121.94, "Population": 2899.0}, {"index": 18986, "quantile": 1.0, "value": 324200.0, "Latitude": 38.37, "Longitude": -121.94, "Population": 2899.0}, {"index": 18987, "quantile": 0.0, "value": 84400.0, "Latitude": 38.37, "Longitude": -121.94, "Population": 574.0}, {"index": 18987, "quantile": 0.25, "value": 143800.0, "Latitude": 38.37, "Longitude": -121.94, "Population": 574.0}, {"index": 18987, "quantile": 0.5, "value": 143800.0, "Latitude": 38.37, "Longitude": -121.94, "Population": 574.0}, {"index": 18987, "quantile": 0.75, "value": 144150.0, "Latitude": 38.37, "Longitude": -121.94, "Population": 574.0}, {"index": 18987, "quantile": 1.0, "value": 281900.0, "Latitude": 38.37, "Longitude": -121.94, "Population": 574.0}, {"index": 18988, "quantile": 0.0, "value": 46900.0, "Latitude": 38.38, "Longitude": -121.94, "Population": 71.0}, {"index": 18988, "quantile": 0.25, "value": 85000.0, "Latitude": 38.38, "Longitude": -121.94, "Population": 71.0}, {"index": 18988, "quantile": 0.5, "value": 137500.0, "Latitude": 38.38, "Longitude": -121.94, "Population": 71.0}, {"index": 18988, "quantile": 0.75, "value": 179100.0, "Latitude": 38.38, "Longitude": -121.94, "Population": 71.0}, {"index": 18988, "quantile": 1.0, "value": 500000.0, "Latitude": 38.38, "Longitude": -121.94, "Population": 71.0}, {"index": 18989, "quantile": 0.0, "value": 137000.0, "Latitude": 38.36, "Longitude": -121.94, "Population": 1791.0}, {"index": 18989, "quantile": 0.25, "value": 203400.00000000003, "Latitude": 38.36, "Longitude": -121.94, "Population": 1791.0}, {"index": 18989, "quantile": 0.5, "value": 205100.00000000003, "Latitude": 38.36, "Longitude": -121.94, "Population": 1791.0}, {"index": 18989, "quantile": 0.75, "value": 205100.00000000003, "Latitude": 38.36, "Longitude": -121.94, "Population": 1791.0}, {"index": 18989, "quantile": 1.0, "value": 375000.0, "Latitude": 38.36, "Longitude": -121.94, "Population": 1791.0}, {"index": 18990, "quantile": 0.0, "value": 102000.0, "Latitude": 38.48, "Longitude": -121.99, "Population": 934.0}, {"index": 18990, "quantile": 0.25, "value": 211525.0, "Latitude": 38.48, "Longitude": -121.99, "Population": 934.0}, {"index": 18990, "quantile": 0.5, "value": 250000.0, "Latitude": 38.48, "Longitude": -121.99, "Population": 934.0}, {"index": 18990, "quantile": 0.75, "value": 250000.0, "Latitude": 38.48, "Longitude": -121.99, "Population": 934.0}, {"index": 18990, "quantile": 1.0, "value": 320700.0, "Latitude": 38.48, "Longitude": -121.99, "Population": 934.0}, {"index": 18991, "quantile": 0.0, "value": 139700.0, "Latitude": 38.44, "Longitude": -122.01, "Population": 1035.0}, {"index": 18991, "quantile": 0.25, "value": 281200.0, "Latitude": 38.44, "Longitude": -122.01, "Population": 1035.0}, {"index": 18991, "quantile": 0.5, "value": 281200.0, "Latitude": 38.44, "Longitude": -122.01, "Population": 1035.0}, {"index": 18991, "quantile": 0.75, "value": 281200.0, "Latitude": 38.44, "Longitude": -122.01, "Population": 1035.0}, {"index": 18991, "quantile": 1.0, "value": 361100.0, "Latitude": 38.44, "Longitude": -122.01, "Population": 1035.0}, {"index": 18992, "quantile": 0.0, "value": 135600.0, "Latitude": 38.41, "Longitude": -122.0, "Population": 1331.0}, {"index": 18992, "quantile": 0.25, "value": 238574.99999999997, "Latitude": 38.41, "Longitude": -122.0, "Population": 1331.0}, {"index": 18992, "quantile": 0.5, "value": 298400.0, "Latitude": 38.41, "Longitude": -122.0, "Population": 1331.0}, {"index": 18992, "quantile": 0.75, "value": 298400.0, "Latitude": 38.41, "Longitude": -122.0, "Population": 1331.0}, {"index": 18992, "quantile": 1.0, "value": 298400.0, "Latitude": 38.41, "Longitude": -122.0, "Population": 1331.0}, {"index": 18993, "quantile": 0.0, "value": 94900.0, "Latitude": 38.41, "Longitude": -122.07, "Population": 1434.0}, {"index": 18993, "quantile": 0.25, "value": 180600.0, "Latitude": 38.41, "Longitude": -122.07, "Population": 1434.0}, {"index": 18993, "quantile": 0.5, "value": 245800.00000000003, "Latitude": 38.41, "Longitude": -122.07, "Population": 1434.0}, {"index": 18993, "quantile": 0.75, "value": 245800.00000000003, "Latitude": 38.41, "Longitude": -122.07, "Population": 1434.0}, {"index": 18993, "quantile": 1.0, "value": 331600.0, "Latitude": 38.41, "Longitude": -122.07, "Population": 1434.0}, {"index": 18994, "quantile": 0.0, "value": 115500.0, "Latitude": 38.43, "Longitude": -121.95, "Population": 1665.0}, {"index": 18994, "quantile": 0.25, "value": 203074.99999999997, "Latitude": 38.43, "Longitude": -121.95, "Population": 1665.0}, {"index": 18994, "quantile": 0.5, "value": 232799.99999999997, "Latitude": 38.43, "Longitude": -121.95, "Population": 1665.0}, {"index": 18994, "quantile": 0.75, "value": 232799.99999999997, "Latitude": 38.43, "Longitude": -121.95, "Population": 1665.0}, {"index": 18994, "quantile": 1.0, "value": 436700.0, "Latitude": 38.43, "Longitude": -121.95, "Population": 1665.0}, {"index": 18995, "quantile": 0.0, "value": 71300.0, "Latitude": 38.41, "Longitude": -121.94, "Population": 665.0}, {"index": 18995, "quantile": 0.25, "value": 148050.0, "Latitude": 38.41, "Longitude": -121.94, "Population": 665.0}, {"index": 18995, "quantile": 0.5, "value": 260900.0, "Latitude": 38.41, "Longitude": -121.94, "Population": 665.0}, {"index": 18995, "quantile": 0.75, "value": 260900.0, "Latitude": 38.41, "Longitude": -121.94, "Population": 665.0}, {"index": 18995, "quantile": 1.0, "value": 298400.0, "Latitude": 38.41, "Longitude": -121.94, "Population": 665.0}, {"index": 18996, "quantile": 0.0, "value": 62700.0, "Latitude": 38.37, "Longitude": -121.92, "Population": 933.0}, {"index": 18996, "quantile": 0.25, "value": 102899.99999999999, "Latitude": 38.37, "Longitude": -121.92, "Population": 933.0}, {"index": 18996, "quantile": 0.5, "value": 120100.0, "Latitude": 38.37, "Longitude": -121.92, "Population": 933.0}, {"index": 18996, "quantile": 0.75, "value": 156100.0, "Latitude": 38.37, "Longitude": -121.92, "Population": 933.0}, {"index": 18996, "quantile": 1.0, "value": 225000.0, "Latitude": 38.37, "Longitude": -121.92, "Population": 933.0}, {"index": 18997, "quantile": 0.0, "value": 151700.0, "Latitude": 38.34, "Longitude": -121.96, "Population": 1325.0}, {"index": 18997, "quantile": 0.25, "value": 151700.0, "Latitude": 38.34, "Longitude": -121.96, "Population": 1325.0}, {"index": 18997, "quantile": 0.5, "value": 151700.0, "Latitude": 38.34, "Longitude": -121.96, "Population": 1325.0}, {"index": 18997, "quantile": 0.75, "value": 214900.0, "Latitude": 38.34, "Longitude": -121.96, "Population": 1325.0}, {"index": 18997, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 38.34, "Longitude": -121.96, "Population": 1325.0}, {"index": 18998, "quantile": 0.0, "value": 94400.0, "Latitude": 38.34, "Longitude": -121.96, "Population": 1597.0}, {"index": 18998, "quantile": 0.25, "value": 140300.0, "Latitude": 38.34, "Longitude": -121.96, "Population": 1597.0}, {"index": 18998, "quantile": 0.5, "value": 143500.0, "Latitude": 38.34, "Longitude": -121.96, "Population": 1597.0}, {"index": 18998, "quantile": 0.75, "value": 143500.0, "Latitude": 38.34, "Longitude": -121.96, "Population": 1597.0}, {"index": 18998, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.34, "Longitude": -121.96, "Population": 1597.0}, {"index": 18999, "quantile": 0.0, "value": 120000.0, "Latitude": 38.35, "Longitude": -121.95, "Population": 1099.0}, {"index": 18999, "quantile": 0.25, "value": 166000.0, "Latitude": 38.35, "Longitude": -121.95, "Population": 1099.0}, {"index": 18999, "quantile": 0.5, "value": 180250.0, "Latitude": 38.35, "Longitude": -121.95, "Population": 1099.0}, {"index": 18999, "quantile": 0.75, "value": 209900.00000000003, "Latitude": 38.35, "Longitude": -121.95, "Population": 1099.0}, {"index": 18999, "quantile": 1.0, "value": 269400.0, "Latitude": 38.35, "Longitude": -121.95, "Population": 1099.0}, {"index": 19000, "quantile": 0.0, "value": 113999.99999999999, "Latitude": 38.35, "Longitude": -121.94, "Population": 1758.0}, {"index": 19000, "quantile": 0.25, "value": 140100.0, "Latitude": 38.35, "Longitude": -121.94, "Population": 1758.0}, {"index": 19000, "quantile": 0.5, "value": 140100.0, "Latitude": 38.35, "Longitude": -121.94, "Population": 1758.0}, {"index": 19000, "quantile": 0.75, "value": 140100.0, "Latitude": 38.35, "Longitude": -121.94, "Population": 1758.0}, {"index": 19000, "quantile": 1.0, "value": 260900.0, "Latitude": 38.35, "Longitude": -121.94, "Population": 1758.0}, {"index": 19001, "quantile": 0.0, "value": 143000.0, "Latitude": 38.34, "Longitude": -121.92, "Population": 3481.0}, {"index": 19001, "quantile": 0.25, "value": 181000.0, "Latitude": 38.34, "Longitude": -121.92, "Population": 3481.0}, {"index": 19001, "quantile": 0.5, "value": 181000.0, "Latitude": 38.34, "Longitude": -121.92, "Population": 3481.0}, {"index": 19001, "quantile": 0.75, "value": 198700.0, "Latitude": 38.34, "Longitude": -121.92, "Population": 3481.0}, {"index": 19001, "quantile": 1.0, "value": 298200.0, "Latitude": 38.34, "Longitude": -121.92, "Population": 3481.0}, {"index": 19002, "quantile": 0.0, "value": 96200.0, "Latitude": 38.34, "Longitude": -121.95, "Population": 2687.0}, {"index": 19002, "quantile": 0.25, "value": 134800.0, "Latitude": 38.34, "Longitude": -121.95, "Population": 2687.0}, {"index": 19002, "quantile": 0.5, "value": 140300.0, "Latitude": 38.34, "Longitude": -121.95, "Population": 2687.0}, {"index": 19002, "quantile": 0.75, "value": 151700.0, "Latitude": 38.34, "Longitude": -121.95, "Population": 2687.0}, {"index": 19002, "quantile": 1.0, "value": 326500.0, "Latitude": 38.34, "Longitude": -121.95, "Population": 2687.0}, {"index": 19003, "quantile": 0.0, "value": 135600.0, "Latitude": 38.33, "Longitude": -121.96, "Population": 3664.0}, {"index": 19003, "quantile": 0.25, "value": 158300.0, "Latitude": 38.33, "Longitude": -121.96, "Population": 3664.0}, {"index": 19003, "quantile": 0.5, "value": 158300.0, "Latitude": 38.33, "Longitude": -121.96, "Population": 3664.0}, {"index": 19003, "quantile": 0.75, "value": 164450.0, "Latitude": 38.33, "Longitude": -121.96, "Population": 3664.0}, {"index": 19003, "quantile": 1.0, "value": 298400.0, "Latitude": 38.33, "Longitude": -121.96, "Population": 3664.0}, {"index": 19004, "quantile": 0.0, "value": 99100.0, "Latitude": 38.32, "Longitude": -121.96, "Population": 2749.0}, {"index": 19004, "quantile": 0.25, "value": 130600.0, "Latitude": 38.32, "Longitude": -121.96, "Population": 2749.0}, {"index": 19004, "quantile": 0.5, "value": 130600.0, "Latitude": 38.32, "Longitude": -121.96, "Population": 2749.0}, {"index": 19004, "quantile": 0.75, "value": 132200.0, "Latitude": 38.32, "Longitude": -121.96, "Population": 2749.0}, {"index": 19004, "quantile": 1.0, "value": 326500.0, "Latitude": 38.32, "Longitude": -121.96, "Population": 2749.0}, {"index": 19005, "quantile": 0.0, "value": 87500.0, "Latitude": 38.31, "Longitude": -121.93, "Population": 85.0}, {"index": 19005, "quantile": 0.25, "value": 244450.0, "Latitude": 38.31, "Longitude": -121.93, "Population": 85.0}, {"index": 19005, "quantile": 0.5, "value": 250000.0, "Latitude": 38.31, "Longitude": -121.93, "Population": 85.0}, {"index": 19005, "quantile": 0.75, "value": 250000.0, "Latitude": 38.31, "Longitude": -121.93, "Population": 85.0}, {"index": 19005, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.31, "Longitude": -121.93, "Population": 85.0}, {"index": 19006, "quantile": 0.0, "value": 112500.0, "Latitude": 38.32, "Longitude": -121.98, "Population": 7460.0}, {"index": 19006, "quantile": 0.25, "value": 281000.0, "Latitude": 38.32, "Longitude": -121.98, "Population": 7460.0}, {"index": 19006, "quantile": 0.5, "value": 389400.0, "Latitude": 38.32, "Longitude": -121.98, "Population": 7460.0}, {"index": 19006, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 38.32, "Longitude": -121.98, "Population": 7460.0}, {"index": 19006, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.32, "Longitude": -121.98, "Population": 7460.0}, {"index": 19007, "quantile": 0.0, "value": 75000.0, "Latitude": 38.36, "Longitude": -121.98, "Population": 562.0}, {"index": 19007, "quantile": 0.25, "value": 101699.99999999999, "Latitude": 38.36, "Longitude": -121.98, "Population": 562.0}, {"index": 19007, "quantile": 0.5, "value": 101699.99999999999, "Latitude": 38.36, "Longitude": -121.98, "Population": 562.0}, {"index": 19007, "quantile": 0.75, "value": 102899.99999999999, "Latitude": 38.36, "Longitude": -121.98, "Population": 562.0}, {"index": 19007, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 38.36, "Longitude": -121.98, "Population": 562.0}, {"index": 19008, "quantile": 0.0, "value": 84400.0, "Latitude": 38.35, "Longitude": -121.99, "Population": 839.0}, {"index": 19008, "quantile": 0.25, "value": 102899.99999999999, "Latitude": 38.35, "Longitude": -121.99, "Population": 839.0}, {"index": 19008, "quantile": 0.5, "value": 102899.99999999999, "Latitude": 38.35, "Longitude": -121.99, "Population": 839.0}, {"index": 19008, "quantile": 0.75, "value": 102899.99999999999, "Latitude": 38.35, "Longitude": -121.99, "Population": 839.0}, {"index": 19008, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 38.35, "Longitude": -121.99, "Population": 839.0}, {"index": 19009, "quantile": 0.0, "value": 52800.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 745.0}, {"index": 19009, "quantile": 0.25, "value": 126000.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 745.0}, {"index": 19009, "quantile": 0.5, "value": 126000.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 745.0}, {"index": 19009, "quantile": 0.75, "value": 126000.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 745.0}, {"index": 19009, "quantile": 1.0, "value": 289500.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 745.0}, {"index": 19010, "quantile": 0.0, "value": 92800.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 561.0}, {"index": 19010, "quantile": 0.25, "value": 118900.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 561.0}, {"index": 19010, "quantile": 0.5, "value": 118900.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 561.0}, {"index": 19010, "quantile": 0.75, "value": 119500.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 561.0}, {"index": 19010, "quantile": 1.0, "value": 194400.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 561.0}, {"index": 19011, "quantile": 0.0, "value": 82800.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 300.0}, {"index": 19011, "quantile": 0.25, "value": 144900.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 300.0}, {"index": 19011, "quantile": 0.5, "value": 158500.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 300.0}, {"index": 19011, "quantile": 0.75, "value": 158500.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 300.0}, {"index": 19011, "quantile": 1.0, "value": 326500.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 300.0}, {"index": 19012, "quantile": 0.0, "value": 120900.00000000001, "Latitude": 38.35, "Longitude": -122.01, "Population": 1600.0}, {"index": 19012, "quantile": 0.25, "value": 189700.0, "Latitude": 38.35, "Longitude": -122.01, "Population": 1600.0}, {"index": 19012, "quantile": 0.5, "value": 189700.0, "Latitude": 38.35, "Longitude": -122.01, "Population": 1600.0}, {"index": 19012, "quantile": 0.75, "value": 189700.0, "Latitude": 38.35, "Longitude": -122.01, "Population": 1600.0}, {"index": 19012, "quantile": 1.0, "value": 357800.0, "Latitude": 38.35, "Longitude": -122.01, "Population": 1600.0}, {"index": 19013, "quantile": 0.0, "value": 141200.0, "Latitude": 38.36, "Longitude": -122.01, "Population": 213.0}, {"index": 19013, "quantile": 0.25, "value": 277950.0, "Latitude": 38.36, "Longitude": -122.01, "Population": 213.0}, {"index": 19013, "quantile": 0.5, "value": 315200.0, "Latitude": 38.36, "Longitude": -122.01, "Population": 213.0}, {"index": 19013, "quantile": 0.75, "value": 315200.0, "Latitude": 38.36, "Longitude": -122.01, "Population": 213.0}, {"index": 19013, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.36, "Longitude": -122.01, "Population": 213.0}, {"index": 19014, "quantile": 0.0, "value": 67500.0, "Latitude": 38.36, "Longitude": -121.98, "Population": 103.0}, {"index": 19014, "quantile": 0.25, "value": 112500.0, "Latitude": 38.36, "Longitude": -121.98, "Population": 103.0}, {"index": 19014, "quantile": 0.5, "value": 112500.0, "Latitude": 38.36, "Longitude": -121.98, "Population": 103.0}, {"index": 19014, "quantile": 0.75, "value": 121300.00000000001, "Latitude": 38.36, "Longitude": -121.98, "Population": 103.0}, {"index": 19014, "quantile": 1.0, "value": 311100.0, "Latitude": 38.36, "Longitude": -121.98, "Population": 103.0}, {"index": 19015, "quantile": 0.0, "value": 90600.0, "Latitude": 38.35, "Longitude": -121.97, "Population": 3182.0}, {"index": 19015, "quantile": 0.25, "value": 127000.0, "Latitude": 38.35, "Longitude": -121.97, "Population": 3182.0}, {"index": 19015, "quantile": 0.5, "value": 135600.0, "Latitude": 38.35, "Longitude": -121.97, "Population": 3182.0}, {"index": 19015, "quantile": 0.75, "value": 146200.0, "Latitude": 38.35, "Longitude": -121.97, "Population": 3182.0}, {"index": 19015, "quantile": 1.0, "value": 216100.0, "Latitude": 38.35, "Longitude": -121.97, "Population": 3182.0}, {"index": 19016, "quantile": 0.0, "value": 117900.0, "Latitude": 38.34, "Longitude": -121.97, "Population": 899.0}, {"index": 19016, "quantile": 0.25, "value": 127200.0, "Latitude": 38.34, "Longitude": -121.97, "Population": 899.0}, {"index": 19016, "quantile": 0.5, "value": 127200.0, "Latitude": 38.34, "Longitude": -121.97, "Population": 899.0}, {"index": 19016, "quantile": 0.75, "value": 147300.0, "Latitude": 38.34, "Longitude": -121.97, "Population": 899.0}, {"index": 19016, "quantile": 1.0, "value": 298400.0, "Latitude": 38.34, "Longitude": -121.97, "Population": 899.0}, {"index": 19017, "quantile": 0.0, "value": 99000.0, "Latitude": 38.35, "Longitude": -121.96, "Population": 667.0}, {"index": 19017, "quantile": 0.25, "value": 126874.99999999999, "Latitude": 38.35, "Longitude": -121.96, "Population": 667.0}, {"index": 19017, "quantile": 0.5, "value": 144300.0, "Latitude": 38.35, "Longitude": -121.96, "Population": 667.0}, {"index": 19017, "quantile": 0.75, "value": 175400.0, "Latitude": 38.35, "Longitude": -121.96, "Population": 667.0}, {"index": 19017, "quantile": 1.0, "value": 322400.0, "Latitude": 38.35, "Longitude": -121.96, "Population": 667.0}, {"index": 19018, "quantile": 0.0, "value": 84400.0, "Latitude": 38.34, "Longitude": -121.96, "Population": 1911.0}, {"index": 19018, "quantile": 0.25, "value": 140300.0, "Latitude": 38.34, "Longitude": -121.96, "Population": 1911.0}, {"index": 19018, "quantile": 0.5, "value": 140300.0, "Latitude": 38.34, "Longitude": -121.96, "Population": 1911.0}, {"index": 19018, "quantile": 0.75, "value": 140300.0, "Latitude": 38.34, "Longitude": -121.96, "Population": 1911.0}, {"index": 19018, "quantile": 1.0, "value": 327700.0, "Latitude": 38.34, "Longitude": -121.96, "Population": 1911.0}, {"index": 19019, "quantile": 0.0, "value": 92200.0, "Latitude": 38.36, "Longitude": -121.96, "Population": 1772.0}, {"index": 19019, "quantile": 0.25, "value": 144600.0, "Latitude": 38.36, "Longitude": -121.96, "Population": 1772.0}, {"index": 19019, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 38.36, "Longitude": -121.96, "Population": 1772.0}, {"index": 19019, "quantile": 0.75, "value": 218800.00000000003, "Latitude": 38.36, "Longitude": -121.96, "Population": 1772.0}, {"index": 19019, "quantile": 1.0, "value": 220500.0, "Latitude": 38.36, "Longitude": -121.96, "Population": 1772.0}, {"index": 19020, "quantile": 0.0, "value": 93100.0, "Latitude": 38.35, "Longitude": -121.98, "Population": 832.0}, {"index": 19020, "quantile": 0.25, "value": 134050.0, "Latitude": 38.35, "Longitude": -121.98, "Population": 832.0}, {"index": 19020, "quantile": 0.5, "value": 151700.0, "Latitude": 38.35, "Longitude": -121.98, "Population": 832.0}, {"index": 19020, "quantile": 0.75, "value": 176100.0, "Latitude": 38.35, "Longitude": -121.98, "Population": 832.0}, {"index": 19020, "quantile": 1.0, "value": 366000.0, "Latitude": 38.35, "Longitude": -121.98, "Population": 832.0}, {"index": 19021, "quantile": 0.0, "value": 126600.0, "Latitude": 38.34, "Longitude": -121.98, "Population": 2022.0}, {"index": 19021, "quantile": 0.25, "value": 134800.0, "Latitude": 38.34, "Longitude": -121.98, "Population": 2022.0}, {"index": 19021, "quantile": 0.5, "value": 134800.0, "Latitude": 38.34, "Longitude": -121.98, "Population": 2022.0}, {"index": 19021, "quantile": 0.75, "value": 134800.0, "Latitude": 38.34, "Longitude": -121.98, "Population": 2022.0}, {"index": 19021, "quantile": 1.0, "value": 217600.00000000003, "Latitude": 38.34, "Longitude": -121.98, "Population": 2022.0}, {"index": 19022, "quantile": 0.0, "value": 96800.0, "Latitude": 38.34, "Longitude": -121.97, "Population": 1074.0}, {"index": 19022, "quantile": 0.25, "value": 126800.0, "Latitude": 38.34, "Longitude": -121.97, "Population": 1074.0}, {"index": 19022, "quantile": 0.5, "value": 126800.0, "Latitude": 38.34, "Longitude": -121.97, "Population": 1074.0}, {"index": 19022, "quantile": 0.75, "value": 141275.0, "Latitude": 38.34, "Longitude": -121.97, "Population": 1074.0}, {"index": 19022, "quantile": 1.0, "value": 333300.0, "Latitude": 38.34, "Longitude": -121.97, "Population": 1074.0}, {"index": 19023, "quantile": 0.0, "value": 86300.0, "Latitude": 38.34, "Longitude": -121.98, "Population": 2386.0}, {"index": 19023, "quantile": 0.25, "value": 104700.0, "Latitude": 38.34, "Longitude": -121.98, "Population": 2386.0}, {"index": 19023, "quantile": 0.5, "value": 134350.0, "Latitude": 38.34, "Longitude": -121.98, "Population": 2386.0}, {"index": 19023, "quantile": 0.75, "value": 162500.0, "Latitude": 38.34, "Longitude": -121.98, "Population": 2386.0}, {"index": 19023, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 38.34, "Longitude": -121.98, "Population": 2386.0}, {"index": 19024, "quantile": 0.0, "value": 84200.0, "Latitude": 38.34, "Longitude": -121.99, "Population": 748.0}, {"index": 19024, "quantile": 0.25, "value": 132200.0, "Latitude": 38.34, "Longitude": -121.99, "Population": 748.0}, {"index": 19024, "quantile": 0.5, "value": 132200.0, "Latitude": 38.34, "Longitude": -121.99, "Population": 748.0}, {"index": 19024, "quantile": 0.75, "value": 132200.0, "Latitude": 38.34, "Longitude": -121.99, "Population": 748.0}, {"index": 19024, "quantile": 1.0, "value": 260900.0, "Latitude": 38.34, "Longitude": -121.99, "Population": 748.0}, {"index": 19025, "quantile": 0.0, "value": 112500.0, "Latitude": 38.34, "Longitude": -121.99, "Population": 1915.0}, {"index": 19025, "quantile": 0.25, "value": 151700.0, "Latitude": 38.34, "Longitude": -121.99, "Population": 1915.0}, {"index": 19025, "quantile": 0.5, "value": 151700.0, "Latitude": 38.34, "Longitude": -121.99, "Population": 1915.0}, {"index": 19025, "quantile": 0.75, "value": 151700.0, "Latitude": 38.34, "Longitude": -121.99, "Population": 1915.0}, {"index": 19025, "quantile": 1.0, "value": 256000.0, "Latitude": 38.34, "Longitude": -121.99, "Population": 1915.0}, {"index": 19026, "quantile": 0.0, "value": 71800.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 208.0}, {"index": 19026, "quantile": 0.25, "value": 136000.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 208.0}, {"index": 19026, "quantile": 0.5, "value": 136000.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 208.0}, {"index": 19026, "quantile": 0.75, "value": 192000.0, "Latitude": 38.35, "Longitude": -122.0, "Population": 208.0}, {"index": 19026, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.35, "Longitude": -122.0, "Population": 208.0}, {"index": 19027, "quantile": 0.0, "value": 151700.0, "Latitude": 38.38, "Longitude": -122.0, "Population": 1043.0}, {"index": 19027, "quantile": 0.25, "value": 218125.0, "Latitude": 38.38, "Longitude": -122.0, "Population": 1043.0}, {"index": 19027, "quantile": 0.5, "value": 250300.0, "Latitude": 38.38, "Longitude": -122.0, "Population": 1043.0}, {"index": 19027, "quantile": 0.75, "value": 261200.0, "Latitude": 38.38, "Longitude": -122.0, "Population": 1043.0}, {"index": 19027, "quantile": 1.0, "value": 380800.0, "Latitude": 38.38, "Longitude": -122.0, "Population": 1043.0}, {"index": 19028, "quantile": 0.0, "value": 151700.0, "Latitude": 38.37, "Longitude": -122.01, "Population": 1673.0}, {"index": 19028, "quantile": 0.25, "value": 175700.0, "Latitude": 38.37, "Longitude": -122.01, "Population": 1673.0}, {"index": 19028, "quantile": 0.5, "value": 175700.0, "Latitude": 38.37, "Longitude": -122.01, "Population": 1673.0}, {"index": 19028, "quantile": 0.75, "value": 244275.00000000003, "Latitude": 38.37, "Longitude": -122.01, "Population": 1673.0}, {"index": 19028, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 38.37, "Longitude": -122.01, "Population": 1673.0}, {"index": 19029, "quantile": 0.0, "value": 146200.0, "Latitude": 38.36, "Longitude": -122.01, "Population": 734.0}, {"index": 19029, "quantile": 0.25, "value": 146200.0, "Latitude": 38.36, "Longitude": -122.01, "Population": 734.0}, {"index": 19029, "quantile": 0.5, "value": 146200.0, "Latitude": 38.36, "Longitude": -122.01, "Population": 734.0}, {"index": 19029, "quantile": 0.75, "value": 189175.0, "Latitude": 38.36, "Longitude": -122.01, "Population": 734.0}, {"index": 19029, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.36, "Longitude": -122.01, "Population": 734.0}, {"index": 19030, "quantile": 0.0, "value": 102800.0, "Latitude": 38.38, "Longitude": -122.02, "Population": 371.0}, {"index": 19030, "quantile": 0.25, "value": 216400.00000000003, "Latitude": 38.38, "Longitude": -122.02, "Population": 371.0}, {"index": 19030, "quantile": 0.5, "value": 216400.00000000003, "Latitude": 38.38, "Longitude": -122.02, "Population": 371.0}, {"index": 19030, "quantile": 0.75, "value": 236625.0, "Latitude": 38.38, "Longitude": -122.02, "Population": 371.0}, {"index": 19030, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.38, "Longitude": -122.02, "Population": 371.0}, {"index": 19031, "quantile": 0.0, "value": 166000.0, "Latitude": 38.37, "Longitude": -122.02, "Population": 1118.0}, {"index": 19031, "quantile": 0.25, "value": 244300.0, "Latitude": 38.37, "Longitude": -122.02, "Population": 1118.0}, {"index": 19031, "quantile": 0.5, "value": 290350.0, "Latitude": 38.37, "Longitude": -122.02, "Population": 1118.0}, {"index": 19031, "quantile": 0.75, "value": 329725.0, "Latitude": 38.37, "Longitude": -122.02, "Population": 1118.0}, {"index": 19031, "quantile": 1.0, "value": 394000.0, "Latitude": 38.37, "Longitude": -122.02, "Population": 1118.0}, {"index": 19032, "quantile": 0.0, "value": 105300.0, "Latitude": 38.36, "Longitude": -122.01, "Population": 485.0}, {"index": 19032, "quantile": 0.25, "value": 228200.0, "Latitude": 38.36, "Longitude": -122.01, "Population": 485.0}, {"index": 19032, "quantile": 0.5, "value": 228200.0, "Latitude": 38.36, "Longitude": -122.01, "Population": 485.0}, {"index": 19032, "quantile": 0.75, "value": 233000.0, "Latitude": 38.36, "Longitude": -122.01, "Population": 485.0}, {"index": 19032, "quantile": 1.0, "value": 417600.0, "Latitude": 38.36, "Longitude": -122.01, "Population": 485.0}, {"index": 19033, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 38.39, "Longitude": -121.98, "Population": 4095.0}, {"index": 19033, "quantile": 0.25, "value": 191900.0, "Latitude": 38.39, "Longitude": -121.98, "Population": 4095.0}, {"index": 19033, "quantile": 0.5, "value": 191900.0, "Latitude": 38.39, "Longitude": -121.98, "Population": 4095.0}, {"index": 19033, "quantile": 0.75, "value": 191900.0, "Latitude": 38.39, "Longitude": -121.98, "Population": 4095.0}, {"index": 19033, "quantile": 1.0, "value": 325400.0, "Latitude": 38.39, "Longitude": -121.98, "Population": 4095.0}, {"index": 19034, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 38.37, "Longitude": -121.98, "Population": 2018.0}, {"index": 19034, "quantile": 0.25, "value": 104700.0, "Latitude": 38.37, "Longitude": -121.98, "Population": 2018.0}, {"index": 19034, "quantile": 0.5, "value": 140700.0, "Latitude": 38.37, "Longitude": -121.98, "Population": 2018.0}, {"index": 19034, "quantile": 0.75, "value": 162600.0, "Latitude": 38.37, "Longitude": -121.98, "Population": 2018.0}, {"index": 19034, "quantile": 1.0, "value": 275000.0, "Latitude": 38.37, "Longitude": -121.98, "Population": 2018.0}, {"index": 19035, "quantile": 0.0, "value": 77300.0, "Latitude": 38.36, "Longitude": -121.98, "Population": 1538.0}, {"index": 19035, "quantile": 0.25, "value": 101099.99999999999, "Latitude": 38.36, "Longitude": -121.98, "Population": 1538.0}, {"index": 19035, "quantile": 0.5, "value": 101099.99999999999, "Latitude": 38.36, "Longitude": -121.98, "Population": 1538.0}, {"index": 19035, "quantile": 0.75, "value": 101099.99999999999, "Latitude": 38.36, "Longitude": -121.98, "Population": 1538.0}, {"index": 19035, "quantile": 1.0, "value": 250000.0, "Latitude": 38.36, "Longitude": -121.98, "Population": 1538.0}, {"index": 19036, "quantile": 0.0, "value": 84700.0, "Latitude": 38.37, "Longitude": -122.0, "Population": 469.0}, {"index": 19036, "quantile": 0.25, "value": 125000.0, "Latitude": 38.37, "Longitude": -122.0, "Population": 469.0}, {"index": 19036, "quantile": 0.5, "value": 125000.0, "Latitude": 38.37, "Longitude": -122.0, "Population": 469.0}, {"index": 19036, "quantile": 0.75, "value": 125000.0, "Latitude": 38.37, "Longitude": -122.0, "Population": 469.0}, {"index": 19036, "quantile": 1.0, "value": 304000.0, "Latitude": 38.37, "Longitude": -122.0, "Population": 469.0}, {"index": 19037, "quantile": 0.0, "value": 79800.0, "Latitude": 38.36, "Longitude": -121.99, "Population": 1290.0}, {"index": 19037, "quantile": 0.25, "value": 117600.0, "Latitude": 38.36, "Longitude": -121.99, "Population": 1290.0}, {"index": 19037, "quantile": 0.5, "value": 117600.0, "Latitude": 38.36, "Longitude": -121.99, "Population": 1290.0}, {"index": 19037, "quantile": 0.75, "value": 117600.0, "Latitude": 38.36, "Longitude": -121.99, "Population": 1290.0}, {"index": 19037, "quantile": 1.0, "value": 187500.0, "Latitude": 38.36, "Longitude": -121.99, "Population": 1290.0}, {"index": 19038, "quantile": 0.0, "value": 68500.0, "Latitude": 38.36, "Longitude": -122.0, "Population": 1390.0}, {"index": 19038, "quantile": 0.25, "value": 101549.99999999999, "Latitude": 38.36, "Longitude": -122.0, "Population": 1390.0}, {"index": 19038, "quantile": 0.5, "value": 109750.00000000001, "Latitude": 38.36, "Longitude": -122.0, "Population": 1390.0}, {"index": 19038, "quantile": 0.75, "value": 140275.0, "Latitude": 38.36, "Longitude": -122.0, "Population": 1390.0}, {"index": 19038, "quantile": 1.0, "value": 225000.0, "Latitude": 38.36, "Longitude": -122.0, "Population": 1390.0}, {"index": 19039, "quantile": 0.0, "value": 82800.0, "Latitude": 38.36, "Longitude": -121.99, "Population": 75.0}, {"index": 19039, "quantile": 0.25, "value": 84400.0, "Latitude": 38.36, "Longitude": -121.99, "Population": 75.0}, {"index": 19039, "quantile": 0.5, "value": 84400.0, "Latitude": 38.36, "Longitude": -121.99, "Population": 75.0}, {"index": 19039, "quantile": 0.75, "value": 127525.0, "Latitude": 38.36, "Longitude": -121.99, "Population": 75.0}, {"index": 19039, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 38.36, "Longitude": -121.99, "Population": 75.0}, {"index": 19040, "quantile": 0.0, "value": 87800.0, "Latitude": 38.36, "Longitude": -122.0, "Population": 860.0}, {"index": 19040, "quantile": 0.25, "value": 123550.0, "Latitude": 38.36, "Longitude": -122.0, "Population": 860.0}, {"index": 19040, "quantile": 0.5, "value": 135600.0, "Latitude": 38.36, "Longitude": -122.0, "Population": 860.0}, {"index": 19040, "quantile": 0.75, "value": 135600.0, "Latitude": 38.36, "Longitude": -122.0, "Population": 860.0}, {"index": 19040, "quantile": 1.0, "value": 165700.0, "Latitude": 38.36, "Longitude": -122.0, "Population": 860.0}, {"index": 19041, "quantile": 0.0, "value": 73600.0, "Latitude": 38.36, "Longitude": -121.82, "Population": 1002.0}, {"index": 19041, "quantile": 0.25, "value": 101200.0, "Latitude": 38.36, "Longitude": -121.82, "Population": 1002.0}, {"index": 19041, "quantile": 0.5, "value": 126499.99999999999, "Latitude": 38.36, "Longitude": -121.82, "Population": 1002.0}, {"index": 19041, "quantile": 0.75, "value": 159250.0, "Latitude": 38.36, "Longitude": -121.82, "Population": 1002.0}, {"index": 19041, "quantile": 1.0, "value": 240800.0, "Latitude": 38.36, "Longitude": -121.82, "Population": 1002.0}, {"index": 19042, "quantile": 0.0, "value": 91600.0, "Latitude": 38.49, "Longitude": -121.81, "Population": 2230.0}, {"index": 19042, "quantile": 0.25, "value": 145950.0, "Latitude": 38.49, "Longitude": -121.81, "Population": 2230.0}, {"index": 19042, "quantile": 0.5, "value": 178500.0, "Latitude": 38.49, "Longitude": -121.81, "Population": 2230.0}, {"index": 19042, "quantile": 0.75, "value": 178500.0, "Latitude": 38.49, "Longitude": -121.81, "Population": 2230.0}, {"index": 19042, "quantile": 1.0, "value": 300600.0, "Latitude": 38.49, "Longitude": -121.81, "Population": 2230.0}, {"index": 19043, "quantile": 0.0, "value": 52500.0, "Latitude": 38.41, "Longitude": -121.76, "Population": 348.0}, {"index": 19043, "quantile": 0.25, "value": 93800.0, "Latitude": 38.41, "Longitude": -121.76, "Population": 348.0}, {"index": 19043, "quantile": 0.5, "value": 93800.0, "Latitude": 38.41, "Longitude": -121.76, "Population": 348.0}, {"index": 19043, "quantile": 0.75, "value": 127599.99999999999, "Latitude": 38.41, "Longitude": -121.76, "Population": 348.0}, {"index": 19043, "quantile": 1.0, "value": 213499.99999999997, "Latitude": 38.41, "Longitude": -121.76, "Population": 348.0}, {"index": 19044, "quantile": 0.0, "value": 84500.0, "Latitude": 38.45, "Longitude": -121.81, "Population": 1140.0}, {"index": 19044, "quantile": 0.25, "value": 125974.99999999999, "Latitude": 38.45, "Longitude": -121.81, "Population": 1140.0}, {"index": 19044, "quantile": 0.5, "value": 128499.99999999999, "Latitude": 38.45, "Longitude": -121.81, "Population": 1140.0}, {"index": 19044, "quantile": 0.75, "value": 128499.99999999999, "Latitude": 38.45, "Longitude": -121.81, "Population": 1140.0}, {"index": 19044, "quantile": 1.0, "value": 260900.0, "Latitude": 38.45, "Longitude": -121.81, "Population": 1140.0}, {"index": 19045, "quantile": 0.0, "value": 92600.0, "Latitude": 38.46, "Longitude": -121.82, "Population": 3419.0}, {"index": 19045, "quantile": 0.25, "value": 122125.0, "Latitude": 38.46, "Longitude": -121.82, "Population": 3419.0}, {"index": 19045, "quantile": 0.5, "value": 128499.99999999999, "Latitude": 38.46, "Longitude": -121.82, "Population": 3419.0}, {"index": 19045, "quantile": 0.75, "value": 141675.0, "Latitude": 38.46, "Longitude": -121.82, "Population": 3419.0}, {"index": 19045, "quantile": 1.0, "value": 260900.0, "Latitude": 38.46, "Longitude": -121.82, "Population": 3419.0}, {"index": 19046, "quantile": 0.0, "value": 84500.0, "Latitude": 38.43, "Longitude": -121.85, "Population": 235.0}, {"index": 19046, "quantile": 0.25, "value": 166500.0, "Latitude": 38.43, "Longitude": -121.85, "Population": 235.0}, {"index": 19046, "quantile": 0.5, "value": 166500.0, "Latitude": 38.43, "Longitude": -121.85, "Population": 235.0}, {"index": 19046, "quantile": 0.75, "value": 166500.0, "Latitude": 38.43, "Longitude": -121.85, "Population": 235.0}, {"index": 19046, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.43, "Longitude": -121.85, "Population": 235.0}, {"index": 19047, "quantile": 0.0, "value": 96200.0, "Latitude": 38.45, "Longitude": -121.83, "Population": 2540.0}, {"index": 19047, "quantile": 0.25, "value": 146400.0, "Latitude": 38.45, "Longitude": -121.83, "Population": 2540.0}, {"index": 19047, "quantile": 0.5, "value": 146400.0, "Latitude": 38.45, "Longitude": -121.83, "Population": 2540.0}, {"index": 19047, "quantile": 0.75, "value": 146400.0, "Latitude": 38.45, "Longitude": -121.83, "Population": 2540.0}, {"index": 19047, "quantile": 1.0, "value": 298400.0, "Latitude": 38.45, "Longitude": -121.83, "Population": 2540.0}, {"index": 19048, "quantile": 0.0, "value": 71800.0, "Latitude": 38.45, "Longitude": -121.83, "Population": 1154.0}, {"index": 19048, "quantile": 0.25, "value": 107500.0, "Latitude": 38.45, "Longitude": -121.83, "Population": 1154.0}, {"index": 19048, "quantile": 0.5, "value": 107500.0, "Latitude": 38.45, "Longitude": -121.83, "Population": 1154.0}, {"index": 19048, "quantile": 0.75, "value": 107500.0, "Latitude": 38.45, "Longitude": -121.83, "Population": 1154.0}, {"index": 19048, "quantile": 1.0, "value": 172000.0, "Latitude": 38.45, "Longitude": -121.83, "Population": 1154.0}, {"index": 19049, "quantile": 0.0, "value": 22500.0, "Latitude": 38.45, "Longitude": -121.83, "Population": 446.0}, {"index": 19049, "quantile": 0.25, "value": 103050.0, "Latitude": 38.45, "Longitude": -121.83, "Population": 446.0}, {"index": 19049, "quantile": 0.5, "value": 122700.00000000001, "Latitude": 38.45, "Longitude": -121.83, "Population": 446.0}, {"index": 19049, "quantile": 0.75, "value": 122700.00000000001, "Latitude": 38.45, "Longitude": -121.83, "Population": 446.0}, {"index": 19049, "quantile": 1.0, "value": 209600.0, "Latitude": 38.45, "Longitude": -121.83, "Population": 446.0}, {"index": 19050, "quantile": 0.0, "value": 59100.0, "Latitude": 38.43, "Longitude": -121.83, "Population": 917.0}, {"index": 19050, "quantile": 0.25, "value": 98100.0, "Latitude": 38.43, "Longitude": -121.83, "Population": 917.0}, {"index": 19050, "quantile": 0.5, "value": 98100.0, "Latitude": 38.43, "Longitude": -121.83, "Population": 917.0}, {"index": 19050, "quantile": 0.75, "value": 98100.0, "Latitude": 38.43, "Longitude": -121.83, "Population": 917.0}, {"index": 19050, "quantile": 1.0, "value": 193800.0, "Latitude": 38.43, "Longitude": -121.83, "Population": 917.0}, {"index": 19051, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 38.43, "Longitude": -121.81, "Population": 756.0}, {"index": 19051, "quantile": 0.25, "value": 133100.0, "Latitude": 38.43, "Longitude": -121.81, "Population": 756.0}, {"index": 19051, "quantile": 0.5, "value": 133100.0, "Latitude": 38.43, "Longitude": -121.81, "Population": 756.0}, {"index": 19051, "quantile": 0.75, "value": 133100.0, "Latitude": 38.43, "Longitude": -121.81, "Population": 756.0}, {"index": 19051, "quantile": 1.0, "value": 211500.00000000003, "Latitude": 38.43, "Longitude": -121.81, "Population": 756.0}, {"index": 19052, "quantile": 0.0, "value": 61600.0, "Latitude": 38.25, "Longitude": -121.76, "Population": 905.0}, {"index": 19052, "quantile": 0.25, "value": 111275.00000000001, "Latitude": 38.25, "Longitude": -121.76, "Population": 905.0}, {"index": 19052, "quantile": 0.5, "value": 212500.0, "Latitude": 38.25, "Longitude": -121.76, "Population": 905.0}, {"index": 19052, "quantile": 0.75, "value": 212500.0, "Latitude": 38.25, "Longitude": -121.76, "Population": 905.0}, {"index": 19052, "quantile": 1.0, "value": 225000.0, "Latitude": 38.25, "Longitude": -121.76, "Population": 905.0}, {"index": 19053, "quantile": 0.0, "value": 84400.0, "Latitude": 38.16, "Longitude": -121.69, "Population": 824.0}, {"index": 19053, "quantile": 0.25, "value": 96400.0, "Latitude": 38.16, "Longitude": -121.69, "Population": 824.0}, {"index": 19053, "quantile": 0.5, "value": 96400.0, "Latitude": 38.16, "Longitude": -121.69, "Population": 824.0}, {"index": 19053, "quantile": 0.75, "value": 130074.99999999999, "Latitude": 38.16, "Longitude": -121.69, "Population": 824.0}, {"index": 19053, "quantile": 1.0, "value": 390800.0, "Latitude": 38.16, "Longitude": -121.69, "Population": 824.0}, {"index": 19054, "quantile": 0.0, "value": 72100.0, "Latitude": 38.16, "Longitude": -121.69, "Population": 970.0}, {"index": 19054, "quantile": 0.25, "value": 94900.0, "Latitude": 38.16, "Longitude": -121.69, "Population": 970.0}, {"index": 19054, "quantile": 0.5, "value": 94900.0, "Latitude": 38.16, "Longitude": -121.69, "Population": 970.0}, {"index": 19054, "quantile": 0.75, "value": 103675.0, "Latitude": 38.16, "Longitude": -121.69, "Population": 970.0}, {"index": 19054, "quantile": 1.0, "value": 170500.0, "Latitude": 38.16, "Longitude": -121.69, "Population": 970.0}, {"index": 19055, "quantile": 0.0, "value": 65000.0, "Latitude": 38.13, "Longitude": -121.73, "Population": 547.0}, {"index": 19055, "quantile": 0.25, "value": 137725.0, "Latitude": 38.13, "Longitude": -121.73, "Population": 547.0}, {"index": 19055, "quantile": 0.5, "value": 164400.0, "Latitude": 38.13, "Longitude": -121.73, "Population": 547.0}, {"index": 19055, "quantile": 0.75, "value": 164400.0, "Latitude": 38.13, "Longitude": -121.73, "Population": 547.0}, {"index": 19055, "quantile": 1.0, "value": 271000.0, "Latitude": 38.13, "Longitude": -121.73, "Population": 547.0}, {"index": 19056, "quantile": 0.0, "value": 92800.0, "Latitude": 38.15, "Longitude": -121.74, "Population": 1001.0}, {"index": 19056, "quantile": 0.25, "value": 115799.99999999999, "Latitude": 38.15, "Longitude": -121.74, "Population": 1001.0}, {"index": 19056, "quantile": 0.5, "value": 115799.99999999999, "Latitude": 38.15, "Longitude": -121.74, "Population": 1001.0}, {"index": 19056, "quantile": 0.75, "value": 139950.0, "Latitude": 38.15, "Longitude": -121.74, "Population": 1001.0}, {"index": 19056, "quantile": 1.0, "value": 274200.0, "Latitude": 38.15, "Longitude": -121.74, "Population": 1001.0}, {"index": 19057, "quantile": 0.0, "value": 81300.0, "Latitude": 38.13, "Longitude": -121.84, "Population": 212.0}, {"index": 19057, "quantile": 0.25, "value": 81300.0, "Latitude": 38.13, "Longitude": -121.84, "Population": 212.0}, {"index": 19057, "quantile": 0.5, "value": 81300.0, "Latitude": 38.13, "Longitude": -121.84, "Population": 212.0}, {"index": 19057, "quantile": 0.75, "value": 138750.00000000003, "Latitude": 38.13, "Longitude": -121.84, "Population": 212.0}, {"index": 19057, "quantile": 1.0, "value": 335700.0, "Latitude": 38.13, "Longitude": -121.84, "Population": 212.0}, {"index": 19058, "quantile": 0.0, "value": 162100.0, "Latitude": 38.27, "Longitude": -122.42, "Population": 1244.0}, {"index": 19058, "quantile": 0.25, "value": 308400.0, "Latitude": 38.27, "Longitude": -122.42, "Population": 1244.0}, {"index": 19058, "quantile": 0.5, "value": 308400.0, "Latitude": 38.27, "Longitude": -122.42, "Population": 1244.0}, {"index": 19058, "quantile": 0.75, "value": 308400.0, "Latitude": 38.27, "Longitude": -122.42, "Population": 1244.0}, {"index": 19058, "quantile": 1.0, "value": 433300.0, "Latitude": 38.27, "Longitude": -122.42, "Population": 1244.0}, {"index": 19059, "quantile": 0.0, "value": 132900.0, "Latitude": 38.22, "Longitude": -122.49, "Population": 781.0}, {"index": 19059, "quantile": 0.25, "value": 201600.0, "Latitude": 38.22, "Longitude": -122.49, "Population": 781.0}, {"index": 19059, "quantile": 0.5, "value": 251799.99999999997, "Latitude": 38.22, "Longitude": -122.49, "Population": 781.0}, {"index": 19059, "quantile": 0.75, "value": 251799.99999999997, "Latitude": 38.22, "Longitude": -122.49, "Population": 781.0}, {"index": 19059, "quantile": 1.0, "value": 292700.0, "Latitude": 38.22, "Longitude": -122.49, "Population": 781.0}, {"index": 19060, "quantile": 0.0, "value": 37900.0, "Latitude": 38.16, "Longitude": -122.41, "Population": 863.0}, {"index": 19060, "quantile": 0.25, "value": 113225.0, "Latitude": 38.16, "Longitude": -122.41, "Population": 863.0}, {"index": 19060, "quantile": 0.5, "value": 156100.0, "Latitude": 38.16, "Longitude": -122.41, "Population": 863.0}, {"index": 19060, "quantile": 0.75, "value": 192450.0, "Latitude": 38.16, "Longitude": -122.41, "Population": 863.0}, {"index": 19060, "quantile": 1.0, "value": 360700.0, "Latitude": 38.16, "Longitude": -122.41, "Population": 863.0}, {"index": 19061, "quantile": 0.0, "value": 112500.0, "Latitude": 38.3, "Longitude": -122.45, "Population": 718.0}, {"index": 19061, "quantile": 0.25, "value": 257900.00000000003, "Latitude": 38.3, "Longitude": -122.45, "Population": 718.0}, {"index": 19061, "quantile": 0.5, "value": 257900.00000000003, "Latitude": 38.3, "Longitude": -122.45, "Population": 718.0}, {"index": 19061, "quantile": 0.75, "value": 257900.00000000003, "Latitude": 38.3, "Longitude": -122.45, "Population": 718.0}, {"index": 19061, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.3, "Longitude": -122.45, "Population": 718.0}, {"index": 19062, "quantile": 0.0, "value": 105300.0, "Latitude": 38.3, "Longitude": -122.47, "Population": 2175.0}, {"index": 19062, "quantile": 0.25, "value": 209225.0, "Latitude": 38.3, "Longitude": -122.47, "Population": 2175.0}, {"index": 19062, "quantile": 0.5, "value": 209500.00000000003, "Latitude": 38.3, "Longitude": -122.47, "Population": 2175.0}, {"index": 19062, "quantile": 0.75, "value": 209500.00000000003, "Latitude": 38.3, "Longitude": -122.47, "Population": 2175.0}, {"index": 19062, "quantile": 1.0, "value": 292100.0, "Latitude": 38.3, "Longitude": -122.47, "Population": 2175.0}, {"index": 19063, "quantile": 0.0, "value": 174200.0, "Latitude": 38.31, "Longitude": -122.42, "Population": 550.0}, {"index": 19063, "quantile": 0.25, "value": 309500.0, "Latitude": 38.31, "Longitude": -122.42, "Population": 550.0}, {"index": 19063, "quantile": 0.5, "value": 333300.0, "Latitude": 38.31, "Longitude": -122.42, "Population": 550.0}, {"index": 19063, "quantile": 0.75, "value": 333300.0, "Latitude": 38.31, "Longitude": -122.42, "Population": 550.0}, {"index": 19063, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.31, "Longitude": -122.42, "Population": 550.0}, {"index": 19064, "quantile": 0.0, "value": 75000.0, "Latitude": 38.34, "Longitude": -122.44, "Population": 1262.0}, {"index": 19064, "quantile": 0.25, "value": 187075.0, "Latitude": 38.34, "Longitude": -122.44, "Population": 1262.0}, {"index": 19064, "quantile": 0.5, "value": 233500.0, "Latitude": 38.34, "Longitude": -122.44, "Population": 1262.0}, {"index": 19064, "quantile": 0.75, "value": 233500.0, "Latitude": 38.34, "Longitude": -122.44, "Population": 1262.0}, {"index": 19064, "quantile": 1.0, "value": 350000.0, "Latitude": 38.34, "Longitude": -122.44, "Population": 1262.0}, {"index": 19065, "quantile": 0.0, "value": 98200.0, "Latitude": 38.29, "Longitude": -122.46, "Population": 1098.0}, {"index": 19065, "quantile": 0.25, "value": 168100.0, "Latitude": 38.29, "Longitude": -122.46, "Population": 1098.0}, {"index": 19065, "quantile": 0.5, "value": 173300.0, "Latitude": 38.29, "Longitude": -122.46, "Population": 1098.0}, {"index": 19065, "quantile": 0.75, "value": 173300.0, "Latitude": 38.29, "Longitude": -122.46, "Population": 1098.0}, {"index": 19065, "quantile": 1.0, "value": 450000.0, "Latitude": 38.29, "Longitude": -122.46, "Population": 1098.0}, {"index": 19066, "quantile": 0.0, "value": 134700.0, "Latitude": 38.29, "Longitude": -122.46, "Population": 686.0}, {"index": 19066, "quantile": 0.25, "value": 257900.00000000003, "Latitude": 38.29, "Longitude": -122.46, "Population": 686.0}, {"index": 19066, "quantile": 0.5, "value": 271700.0, "Latitude": 38.29, "Longitude": -122.46, "Population": 686.0}, {"index": 19066, "quantile": 0.75, "value": 271700.0, "Latitude": 38.29, "Longitude": -122.46, "Population": 686.0}, {"index": 19066, "quantile": 1.0, "value": 337500.0, "Latitude": 38.29, "Longitude": -122.46, "Population": 686.0}, {"index": 19067, "quantile": 0.0, "value": 175700.0, "Latitude": 38.28, "Longitude": -122.45, "Population": 1374.0}, {"index": 19067, "quantile": 0.25, "value": 233375.00000000003, "Latitude": 38.28, "Longitude": -122.45, "Population": 1374.0}, {"index": 19067, "quantile": 0.5, "value": 291500.0, "Latitude": 38.28, "Longitude": -122.45, "Population": 1374.0}, {"index": 19067, "quantile": 0.75, "value": 332300.0, "Latitude": 38.28, "Longitude": -122.45, "Population": 1374.0}, {"index": 19067, "quantile": 1.0, "value": 450000.0, "Latitude": 38.28, "Longitude": -122.45, "Population": 1374.0}, {"index": 19068, "quantile": 0.0, "value": 73400.0, "Latitude": 38.29, "Longitude": -122.47, "Population": 1277.0}, {"index": 19068, "quantile": 0.25, "value": 193600.0, "Latitude": 38.29, "Longitude": -122.47, "Population": 1277.0}, {"index": 19068, "quantile": 0.5, "value": 208000.0, "Latitude": 38.29, "Longitude": -122.47, "Population": 1277.0}, {"index": 19068, "quantile": 0.75, "value": 208000.0, "Latitude": 38.29, "Longitude": -122.47, "Population": 1277.0}, {"index": 19068, "quantile": 1.0, "value": 271000.0, "Latitude": 38.29, "Longitude": -122.47, "Population": 1277.0}, {"index": 19069, "quantile": 0.0, "value": 146500.0, "Latitude": 38.27, "Longitude": -122.45, "Population": 1994.0}, {"index": 19069, "quantile": 0.25, "value": 213099.99999999997, "Latitude": 38.27, "Longitude": -122.45, "Population": 1994.0}, {"index": 19069, "quantile": 0.5, "value": 275250.0, "Latitude": 38.27, "Longitude": -122.45, "Population": 1994.0}, {"index": 19069, "quantile": 0.75, "value": 319900.0, "Latitude": 38.27, "Longitude": -122.45, "Population": 1994.0}, {"index": 19069, "quantile": 1.0, "value": 391900.0, "Latitude": 38.27, "Longitude": -122.45, "Population": 1994.0}, {"index": 19070, "quantile": 0.0, "value": 134100.0, "Latitude": 38.27, "Longitude": -122.52, "Population": 872.0}, {"index": 19070, "quantile": 0.25, "value": 248300.0, "Latitude": 38.27, "Longitude": -122.52, "Population": 872.0}, {"index": 19070, "quantile": 0.5, "value": 248300.0, "Latitude": 38.27, "Longitude": -122.52, "Population": 872.0}, {"index": 19070, "quantile": 0.75, "value": 248300.0, "Latitude": 38.27, "Longitude": -122.52, "Population": 872.0}, {"index": 19070, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.27, "Longitude": -122.52, "Population": 872.0}, {"index": 19071, "quantile": 0.0, "value": 183800.0, "Latitude": 38.32, "Longitude": -122.53, "Population": 1371.0}, {"index": 19071, "quantile": 0.25, "value": 332300.0, "Latitude": 38.32, "Longitude": -122.53, "Population": 1371.0}, {"index": 19071, "quantile": 0.5, "value": 332300.0, "Latitude": 38.32, "Longitude": -122.53, "Population": 1371.0}, {"index": 19071, "quantile": 0.75, "value": 332300.0, "Latitude": 38.32, "Longitude": -122.53, "Population": 1371.0}, {"index": 19071, "quantile": 1.0, "value": 446400.00000000006, "Latitude": 38.32, "Longitude": -122.53, "Population": 1371.0}, {"index": 19072, "quantile": 0.0, "value": 137500.0, "Latitude": 38.32, "Longitude": -122.49, "Population": 788.0}, {"index": 19072, "quantile": 0.25, "value": 195500.0, "Latitude": 38.32, "Longitude": -122.49, "Population": 788.0}, {"index": 19072, "quantile": 0.5, "value": 195500.0, "Latitude": 38.32, "Longitude": -122.49, "Population": 788.0}, {"index": 19072, "quantile": 0.75, "value": 195500.0, "Latitude": 38.32, "Longitude": -122.49, "Population": 788.0}, {"index": 19072, "quantile": 1.0, "value": 292700.0, "Latitude": 38.32, "Longitude": -122.49, "Population": 788.0}, {"index": 19073, "quantile": 0.0, "value": 92800.0, "Latitude": 38.31, "Longitude": -122.49, "Population": 1411.0}, {"index": 19073, "quantile": 0.25, "value": 172200.0, "Latitude": 38.31, "Longitude": -122.49, "Population": 1411.0}, {"index": 19073, "quantile": 0.5, "value": 193300.0, "Latitude": 38.31, "Longitude": -122.49, "Population": 1411.0}, {"index": 19073, "quantile": 0.75, "value": 209500.00000000003, "Latitude": 38.31, "Longitude": -122.49, "Population": 1411.0}, {"index": 19073, "quantile": 1.0, "value": 319900.0, "Latitude": 38.31, "Longitude": -122.49, "Population": 1411.0}, {"index": 19074, "quantile": 0.0, "value": 94400.0, "Latitude": 38.3, "Longitude": -122.49, "Population": 1613.0}, {"index": 19074, "quantile": 0.25, "value": 192775.0, "Latitude": 38.3, "Longitude": -122.49, "Population": 1613.0}, {"index": 19074, "quantile": 0.5, "value": 193600.0, "Latitude": 38.3, "Longitude": -122.49, "Population": 1613.0}, {"index": 19074, "quantile": 0.75, "value": 193600.0, "Latitude": 38.3, "Longitude": -122.49, "Population": 1613.0}, {"index": 19074, "quantile": 1.0, "value": 345300.0, "Latitude": 38.3, "Longitude": -122.49, "Population": 1613.0}, {"index": 19075, "quantile": 0.0, "value": 91500.0, "Latitude": 38.3, "Longitude": -122.48, "Population": 1241.0}, {"index": 19075, "quantile": 0.25, "value": 171300.0, "Latitude": 38.3, "Longitude": -122.48, "Population": 1241.0}, {"index": 19075, "quantile": 0.5, "value": 171300.0, "Latitude": 38.3, "Longitude": -122.48, "Population": 1241.0}, {"index": 19075, "quantile": 0.75, "value": 171300.0, "Latitude": 38.3, "Longitude": -122.48, "Population": 1241.0}, {"index": 19075, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 38.3, "Longitude": -122.48, "Population": 1241.0}, {"index": 19076, "quantile": 0.0, "value": 119900.0, "Latitude": 38.29, "Longitude": -122.49, "Population": 672.0}, {"index": 19076, "quantile": 0.25, "value": 242099.99999999997, "Latitude": 38.29, "Longitude": -122.49, "Population": 672.0}, {"index": 19076, "quantile": 0.5, "value": 242099.99999999997, "Latitude": 38.29, "Longitude": -122.49, "Population": 672.0}, {"index": 19076, "quantile": 0.75, "value": 242099.99999999997, "Latitude": 38.29, "Longitude": -122.49, "Population": 672.0}, {"index": 19076, "quantile": 1.0, "value": 345300.0, "Latitude": 38.29, "Longitude": -122.49, "Population": 672.0}, {"index": 19077, "quantile": 0.0, "value": 78700.0, "Latitude": 38.27, "Longitude": -122.49, "Population": 1657.0}, {"index": 19077, "quantile": 0.25, "value": 213200.0, "Latitude": 38.27, "Longitude": -122.49, "Population": 1657.0}, {"index": 19077, "quantile": 0.5, "value": 213200.0, "Latitude": 38.27, "Longitude": -122.49, "Population": 1657.0}, {"index": 19077, "quantile": 0.75, "value": 213200.0, "Latitude": 38.27, "Longitude": -122.49, "Population": 1657.0}, {"index": 19077, "quantile": 1.0, "value": 274200.0, "Latitude": 38.27, "Longitude": -122.49, "Population": 1657.0}, {"index": 19078, "quantile": 0.0, "value": 132600.0, "Latitude": 38.34, "Longitude": -122.47, "Population": 1144.0}, {"index": 19078, "quantile": 0.25, "value": 251874.99999999997, "Latitude": 38.34, "Longitude": -122.47, "Population": 1144.0}, {"index": 19078, "quantile": 0.5, "value": 261000.0, "Latitude": 38.34, "Longitude": -122.47, "Population": 1144.0}, {"index": 19078, "quantile": 0.75, "value": 261000.0, "Latitude": 38.34, "Longitude": -122.47, "Population": 1144.0}, {"index": 19078, "quantile": 1.0, "value": 320900.0, "Latitude": 38.34, "Longitude": -122.47, "Population": 1144.0}, {"index": 19079, "quantile": 0.0, "value": 135100.0, "Latitude": 38.32, "Longitude": -122.49, "Population": 1587.0}, {"index": 19079, "quantile": 0.25, "value": 176000.0, "Latitude": 38.32, "Longitude": -122.49, "Population": 1587.0}, {"index": 19079, "quantile": 0.5, "value": 176000.0, "Latitude": 38.32, "Longitude": -122.49, "Population": 1587.0}, {"index": 19079, "quantile": 0.75, "value": 193600.0, "Latitude": 38.32, "Longitude": -122.49, "Population": 1587.0}, {"index": 19079, "quantile": 1.0, "value": 300000.0, "Latitude": 38.32, "Longitude": -122.49, "Population": 1587.0}, {"index": 19080, "quantile": 0.0, "value": 91700.0, "Latitude": 38.32, "Longitude": -122.48, "Population": 680.0}, {"index": 19080, "quantile": 0.25, "value": 192100.0, "Latitude": 38.32, "Longitude": -122.48, "Population": 680.0}, {"index": 19080, "quantile": 0.5, "value": 192100.0, "Latitude": 38.32, "Longitude": -122.48, "Population": 680.0}, {"index": 19080, "quantile": 0.75, "value": 200800.0, "Latitude": 38.32, "Longitude": -122.48, "Population": 680.0}, {"index": 19080, "quantile": 1.0, "value": 329400.0, "Latitude": 38.32, "Longitude": -122.48, "Population": 680.0}, {"index": 19081, "quantile": 0.0, "value": 69300.0, "Latitude": 38.31, "Longitude": -122.48, "Population": 1124.0}, {"index": 19081, "quantile": 0.25, "value": 166200.0, "Latitude": 38.31, "Longitude": -122.48, "Population": 1124.0}, {"index": 19081, "quantile": 0.5, "value": 166200.0, "Latitude": 38.31, "Longitude": -122.48, "Population": 1124.0}, {"index": 19081, "quantile": 0.75, "value": 168200.0, "Latitude": 38.31, "Longitude": -122.48, "Population": 1124.0}, {"index": 19081, "quantile": 1.0, "value": 450000.0, "Latitude": 38.31, "Longitude": -122.48, "Population": 1124.0}, {"index": 19082, "quantile": 0.0, "value": 121600.0, "Latitude": 38.31, "Longitude": -122.48, "Population": 1266.0}, {"index": 19082, "quantile": 0.25, "value": 171300.0, "Latitude": 38.31, "Longitude": -122.48, "Population": 1266.0}, {"index": 19082, "quantile": 0.5, "value": 186800.0, "Latitude": 38.31, "Longitude": -122.48, "Population": 1266.0}, {"index": 19082, "quantile": 0.75, "value": 186800.0, "Latitude": 38.31, "Longitude": -122.48, "Population": 1266.0}, {"index": 19082, "quantile": 1.0, "value": 197500.0, "Latitude": 38.31, "Longitude": -122.48, "Population": 1266.0}, {"index": 19083, "quantile": 0.0, "value": 103699.99999999999, "Latitude": 38.32, "Longitude": -122.48, "Population": 1141.0}, {"index": 19083, "quantile": 0.25, "value": 149300.0, "Latitude": 38.32, "Longitude": -122.48, "Population": 1141.0}, {"index": 19083, "quantile": 0.5, "value": 149300.0, "Latitude": 38.32, "Longitude": -122.48, "Population": 1141.0}, {"index": 19083, "quantile": 0.75, "value": 163499.99999999997, "Latitude": 38.32, "Longitude": -122.48, "Population": 1141.0}, {"index": 19083, "quantile": 1.0, "value": 350800.0, "Latitude": 38.32, "Longitude": -122.48, "Population": 1141.0}, {"index": 19084, "quantile": 0.0, "value": 176000.0, "Latitude": 38.42, "Longitude": -122.55, "Population": 894.0}, {"index": 19084, "quantile": 0.25, "value": 211700.0, "Latitude": 38.42, "Longitude": -122.55, "Population": 894.0}, {"index": 19084, "quantile": 0.5, "value": 211700.0, "Latitude": 38.42, "Longitude": -122.55, "Population": 894.0}, {"index": 19084, "quantile": 0.75, "value": 212400.0, "Latitude": 38.42, "Longitude": -122.55, "Population": 894.0}, {"index": 19084, "quantile": 1.0, "value": 348200.0, "Latitude": 38.42, "Longitude": -122.55, "Population": 894.0}, {"index": 19085, "quantile": 0.0, "value": 165600.0, "Latitude": 38.38, "Longitude": -122.58, "Population": 1587.0}, {"index": 19085, "quantile": 0.25, "value": 217349.99999999997, "Latitude": 38.38, "Longitude": -122.58, "Population": 1587.0}, {"index": 19085, "quantile": 0.5, "value": 276050.0, "Latitude": 38.38, "Longitude": -122.58, "Population": 1587.0}, {"index": 19085, "quantile": 0.75, "value": 336700.0, "Latitude": 38.38, "Longitude": -122.58, "Population": 1587.0}, {"index": 19085, "quantile": 1.0, "value": 500000.0, "Latitude": 38.38, "Longitude": -122.58, "Population": 1587.0}, {"index": 19086, "quantile": 0.0, "value": 135500.0, "Latitude": 38.4, "Longitude": -122.5, "Population": 777.0}, {"index": 19086, "quantile": 0.25, "value": 254624.99999999997, "Latitude": 38.4, "Longitude": -122.5, "Population": 777.0}, {"index": 19086, "quantile": 0.5, "value": 295700.0, "Latitude": 38.4, "Longitude": -122.5, "Population": 777.0}, {"index": 19086, "quantile": 0.75, "value": 295700.0, "Latitude": 38.4, "Longitude": -122.5, "Population": 777.0}, {"index": 19086, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.4, "Longitude": -122.5, "Population": 777.0}, {"index": 19087, "quantile": 0.0, "value": 91700.0, "Latitude": 38.35, "Longitude": -122.5, "Population": 784.0}, {"index": 19087, "quantile": 0.25, "value": 165100.0, "Latitude": 38.35, "Longitude": -122.5, "Population": 784.0}, {"index": 19087, "quantile": 0.5, "value": 165100.0, "Latitude": 38.35, "Longitude": -122.5, "Population": 784.0}, {"index": 19087, "quantile": 0.75, "value": 165100.0, "Latitude": 38.35, "Longitude": -122.5, "Population": 784.0}, {"index": 19087, "quantile": 1.0, "value": 277000.0, "Latitude": 38.35, "Longitude": -122.5, "Population": 784.0}, {"index": 19088, "quantile": 0.0, "value": 144600.0, "Latitude": 38.36, "Longitude": -122.54, "Population": 1167.0}, {"index": 19088, "quantile": 0.25, "value": 202800.0, "Latitude": 38.36, "Longitude": -122.54, "Population": 1167.0}, {"index": 19088, "quantile": 0.5, "value": 202800.0, "Latitude": 38.36, "Longitude": -122.54, "Population": 1167.0}, {"index": 19088, "quantile": 0.75, "value": 215899.99999999997, "Latitude": 38.36, "Longitude": -122.54, "Population": 1167.0}, {"index": 19088, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 38.36, "Longitude": -122.54, "Population": 1167.0}, {"index": 19089, "quantile": 0.0, "value": 139700.0, "Latitude": 38.24, "Longitude": -122.61, "Population": 1335.0}, {"index": 19089, "quantile": 0.25, "value": 190100.0, "Latitude": 38.24, "Longitude": -122.61, "Population": 1335.0}, {"index": 19089, "quantile": 0.5, "value": 190100.0, "Latitude": 38.24, "Longitude": -122.61, "Population": 1335.0}, {"index": 19089, "quantile": 0.75, "value": 196500.0, "Latitude": 38.24, "Longitude": -122.61, "Population": 1335.0}, {"index": 19089, "quantile": 1.0, "value": 500000.0, "Latitude": 38.24, "Longitude": -122.61, "Population": 1335.0}, {"index": 19090, "quantile": 0.0, "value": 83300.0, "Latitude": 38.24, "Longitude": -122.61, "Population": 897.0}, {"index": 19090, "quantile": 0.25, "value": 185900.0, "Latitude": 38.24, "Longitude": -122.61, "Population": 897.0}, {"index": 19090, "quantile": 0.5, "value": 185900.0, "Latitude": 38.24, "Longitude": -122.61, "Population": 897.0}, {"index": 19090, "quantile": 0.75, "value": 195500.0, "Latitude": 38.24, "Longitude": -122.61, "Population": 897.0}, {"index": 19090, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 38.24, "Longitude": -122.61, "Population": 897.0}, {"index": 19091, "quantile": 0.0, "value": 87500.0, "Latitude": 38.23, "Longitude": -122.61, "Population": 914.0}, {"index": 19091, "quantile": 0.25, "value": 153200.0, "Latitude": 38.23, "Longitude": -122.61, "Population": 914.0}, {"index": 19091, "quantile": 0.5, "value": 179550.0, "Latitude": 38.23, "Longitude": -122.61, "Population": 914.0}, {"index": 19091, "quantile": 0.75, "value": 194100.0, "Latitude": 38.23, "Longitude": -122.61, "Population": 914.0}, {"index": 19091, "quantile": 1.0, "value": 350800.0, "Latitude": 38.23, "Longitude": -122.61, "Population": 914.0}, {"index": 19092, "quantile": 0.0, "value": 153900.0, "Latitude": 38.24, "Longitude": -122.62, "Population": 893.0}, {"index": 19092, "quantile": 0.25, "value": 201799.99999999997, "Latitude": 38.24, "Longitude": -122.62, "Population": 893.0}, {"index": 19092, "quantile": 0.5, "value": 201799.99999999997, "Latitude": 38.24, "Longitude": -122.62, "Population": 893.0}, {"index": 19092, "quantile": 0.75, "value": 202625.0, "Latitude": 38.24, "Longitude": -122.62, "Population": 893.0}, {"index": 19092, "quantile": 1.0, "value": 484600.0, "Latitude": 38.24, "Longitude": -122.62, "Population": 893.0}, {"index": 19093, "quantile": 0.0, "value": 147200.0, "Latitude": 38.25, "Longitude": -122.61, "Population": 1340.0}, {"index": 19093, "quantile": 0.25, "value": 204900.0, "Latitude": 38.25, "Longitude": -122.61, "Population": 1340.0}, {"index": 19093, "quantile": 0.5, "value": 204900.0, "Latitude": 38.25, "Longitude": -122.61, "Population": 1340.0}, {"index": 19093, "quantile": 0.75, "value": 257150.0, "Latitude": 38.25, "Longitude": -122.61, "Population": 1340.0}, {"index": 19093, "quantile": 1.0, "value": 436700.0, "Latitude": 38.25, "Longitude": -122.61, "Population": 1340.0}, {"index": 19094, "quantile": 0.0, "value": 96200.0, "Latitude": 38.24, "Longitude": -122.6, "Population": 741.0}, {"index": 19094, "quantile": 0.25, "value": 170200.0, "Latitude": 38.24, "Longitude": -122.6, "Population": 741.0}, {"index": 19094, "quantile": 0.5, "value": 191800.0, "Latitude": 38.24, "Longitude": -122.6, "Population": 741.0}, {"index": 19094, "quantile": 0.75, "value": 213800.0, "Latitude": 38.24, "Longitude": -122.6, "Population": 741.0}, {"index": 19094, "quantile": 1.0, "value": 366000.0, "Latitude": 38.24, "Longitude": -122.6, "Population": 741.0}, {"index": 19095, "quantile": 0.0, "value": 183600.0, "Latitude": 38.24, "Longitude": -122.61, "Population": 1279.0}, {"index": 19095, "quantile": 0.25, "value": 188500.0, "Latitude": 38.24, "Longitude": -122.61, "Population": 1279.0}, {"index": 19095, "quantile": 0.5, "value": 188500.0, "Latitude": 38.24, "Longitude": -122.61, "Population": 1279.0}, {"index": 19095, "quantile": 0.75, "value": 233524.99999999997, "Latitude": 38.24, "Longitude": -122.61, "Population": 1279.0}, {"index": 19095, "quantile": 1.0, "value": 365600.0, "Latitude": 38.24, "Longitude": -122.61, "Population": 1279.0}, {"index": 19096, "quantile": 0.0, "value": 96200.0, "Latitude": 38.24, "Longitude": -122.6, "Population": 1247.0}, {"index": 19096, "quantile": 0.25, "value": 187400.0, "Latitude": 38.24, "Longitude": -122.6, "Population": 1247.0}, {"index": 19096, "quantile": 0.5, "value": 191800.0, "Latitude": 38.24, "Longitude": -122.6, "Population": 1247.0}, {"index": 19096, "quantile": 0.75, "value": 216100.0, "Latitude": 38.24, "Longitude": -122.6, "Population": 1247.0}, {"index": 19096, "quantile": 1.0, "value": 500000.0, "Latitude": 38.24, "Longitude": -122.6, "Population": 1247.0}, {"index": 19097, "quantile": 0.0, "value": 140300.0, "Latitude": 38.25, "Longitude": -122.63, "Population": 1707.0}, {"index": 19097, "quantile": 0.25, "value": 172000.0, "Latitude": 38.25, "Longitude": -122.63, "Population": 1707.0}, {"index": 19097, "quantile": 0.5, "value": 190950.0, "Latitude": 38.25, "Longitude": -122.63, "Population": 1707.0}, {"index": 19097, "quantile": 0.75, "value": 246300.0, "Latitude": 38.25, "Longitude": -122.63, "Population": 1707.0}, {"index": 19097, "quantile": 1.0, "value": 310300.0, "Latitude": 38.25, "Longitude": -122.63, "Population": 1707.0}, {"index": 19098, "quantile": 0.0, "value": 101800.0, "Latitude": 38.24, "Longitude": -122.62, "Population": 758.0}, {"index": 19098, "quantile": 0.25, "value": 156500.0, "Latitude": 38.24, "Longitude": -122.62, "Population": 758.0}, {"index": 19098, "quantile": 0.5, "value": 156500.0, "Latitude": 38.24, "Longitude": -122.62, "Population": 758.0}, {"index": 19098, "quantile": 0.75, "value": 170200.0, "Latitude": 38.24, "Longitude": -122.62, "Population": 758.0}, {"index": 19098, "quantile": 1.0, "value": 287800.0, "Latitude": 38.24, "Longitude": -122.62, "Population": 758.0}, {"index": 19099, "quantile": 0.0, "value": 156300.0, "Latitude": 38.25, "Longitude": -122.62, "Population": 677.0}, {"index": 19099, "quantile": 0.25, "value": 170200.0, "Latitude": 38.25, "Longitude": -122.62, "Population": 677.0}, {"index": 19099, "quantile": 0.5, "value": 170200.0, "Latitude": 38.25, "Longitude": -122.62, "Population": 677.0}, {"index": 19099, "quantile": 0.75, "value": 174125.0, "Latitude": 38.25, "Longitude": -122.62, "Population": 677.0}, {"index": 19099, "quantile": 1.0, "value": 317700.0, "Latitude": 38.25, "Longitude": -122.62, "Population": 677.0}, {"index": 19100, "quantile": 0.0, "value": 93700.0, "Latitude": 38.26, "Longitude": -122.61, "Population": 1482.0}, {"index": 19100, "quantile": 0.25, "value": 215200.0, "Latitude": 38.26, "Longitude": -122.61, "Population": 1482.0}, {"index": 19100, "quantile": 0.5, "value": 215200.0, "Latitude": 38.26, "Longitude": -122.61, "Population": 1482.0}, {"index": 19100, "quantile": 0.75, "value": 215200.0, "Latitude": 38.26, "Longitude": -122.61, "Population": 1482.0}, {"index": 19100, "quantile": 1.0, "value": 361100.0, "Latitude": 38.26, "Longitude": -122.61, "Population": 1482.0}, {"index": 19101, "quantile": 0.0, "value": 87500.0, "Latitude": 38.25, "Longitude": -122.62, "Population": 826.0}, {"index": 19101, "quantile": 0.25, "value": 158800.0, "Latitude": 38.25, "Longitude": -122.62, "Population": 826.0}, {"index": 19101, "quantile": 0.5, "value": 186500.00000000003, "Latitude": 38.25, "Longitude": -122.62, "Population": 826.0}, {"index": 19101, "quantile": 0.75, "value": 221099.99999999997, "Latitude": 38.25, "Longitude": -122.62, "Population": 826.0}, {"index": 19101, "quantile": 1.0, "value": 350800.0, "Latitude": 38.25, "Longitude": -122.62, "Population": 826.0}, {"index": 19102, "quantile": 0.0, "value": 131300.0, "Latitude": 38.25, "Longitude": -122.62, "Population": 1187.0}, {"index": 19102, "quantile": 0.25, "value": 190100.0, "Latitude": 38.25, "Longitude": -122.62, "Population": 1187.0}, {"index": 19102, "quantile": 0.5, "value": 196500.0, "Latitude": 38.25, "Longitude": -122.62, "Population": 1187.0}, {"index": 19102, "quantile": 0.75, "value": 196500.0, "Latitude": 38.25, "Longitude": -122.62, "Population": 1187.0}, {"index": 19102, "quantile": 1.0, "value": 298400.0, "Latitude": 38.25, "Longitude": -122.62, "Population": 1187.0}, {"index": 19103, "quantile": 0.0, "value": 158300.0, "Latitude": 38.27, "Longitude": -122.57, "Population": 2902.0}, {"index": 19103, "quantile": 0.25, "value": 204900.0, "Latitude": 38.27, "Longitude": -122.57, "Population": 2902.0}, {"index": 19103, "quantile": 0.5, "value": 252999.99999999997, "Latitude": 38.27, "Longitude": -122.57, "Population": 2902.0}, {"index": 19103, "quantile": 0.75, "value": 293900.0, "Latitude": 38.27, "Longitude": -122.57, "Population": 2902.0}, {"index": 19103, "quantile": 1.0, "value": 363500.0, "Latitude": 38.27, "Longitude": -122.57, "Population": 2902.0}, {"index": 19104, "quantile": 0.0, "value": 174800.0, "Latitude": 38.17, "Longitude": -122.51, "Population": 2808.0}, {"index": 19104, "quantile": 0.25, "value": 246300.0, "Latitude": 38.17, "Longitude": -122.51, "Population": 2808.0}, {"index": 19104, "quantile": 0.5, "value": 246300.0, "Latitude": 38.17, "Longitude": -122.51, "Population": 2808.0}, {"index": 19104, "quantile": 0.75, "value": 246300.0, "Latitude": 38.17, "Longitude": -122.51, "Population": 2808.0}, {"index": 19104, "quantile": 1.0, "value": 292700.0, "Latitude": 38.17, "Longitude": -122.51, "Population": 2808.0}, {"index": 19105, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 38.27, "Longitude": -122.65, "Population": 2077.0}, {"index": 19105, "quantile": 0.25, "value": 234500.00000000003, "Latitude": 38.27, "Longitude": -122.65, "Population": 2077.0}, {"index": 19105, "quantile": 0.5, "value": 234500.00000000003, "Latitude": 38.27, "Longitude": -122.65, "Population": 2077.0}, {"index": 19105, "quantile": 0.75, "value": 234500.00000000003, "Latitude": 38.27, "Longitude": -122.65, "Population": 2077.0}, {"index": 19105, "quantile": 1.0, "value": 332300.0, "Latitude": 38.27, "Longitude": -122.65, "Population": 2077.0}, {"index": 19106, "quantile": 0.0, "value": 112500.0, "Latitude": 38.26, "Longitude": -122.63, "Population": 3551.0}, {"index": 19106, "quantile": 0.25, "value": 196400.0, "Latitude": 38.26, "Longitude": -122.63, "Population": 3551.0}, {"index": 19106, "quantile": 0.5, "value": 213100.00000000003, "Latitude": 38.26, "Longitude": -122.63, "Population": 3551.0}, {"index": 19106, "quantile": 0.75, "value": 247700.0, "Latitude": 38.26, "Longitude": -122.63, "Population": 3551.0}, {"index": 19106, "quantile": 1.0, "value": 309500.0, "Latitude": 38.26, "Longitude": -122.63, "Population": 3551.0}, {"index": 19107, "quantile": 0.0, "value": 67500.0, "Latitude": 38.27, "Longitude": -122.66, "Population": 477.0}, {"index": 19107, "quantile": 0.25, "value": 75000.0, "Latitude": 38.27, "Longitude": -122.66, "Population": 477.0}, {"index": 19107, "quantile": 0.5, "value": 75000.0, "Latitude": 38.27, "Longitude": -122.66, "Population": 477.0}, {"index": 19107, "quantile": 0.75, "value": 75000.0, "Latitude": 38.27, "Longitude": -122.66, "Population": 477.0}, {"index": 19107, "quantile": 1.0, "value": 233500.0, "Latitude": 38.27, "Longitude": -122.66, "Population": 477.0}, {"index": 19108, "quantile": 0.0, "value": 67900.0, "Latitude": 38.24, "Longitude": -122.63, "Population": 823.0}, {"index": 19108, "quantile": 0.25, "value": 153175.0, "Latitude": 38.24, "Longitude": -122.63, "Population": 823.0}, {"index": 19108, "quantile": 0.5, "value": 187150.00000000003, "Latitude": 38.24, "Longitude": -122.63, "Population": 823.0}, {"index": 19108, "quantile": 0.75, "value": 213450.0, "Latitude": 38.24, "Longitude": -122.63, "Population": 823.0}, {"index": 19108, "quantile": 1.0, "value": 360700.0, "Latitude": 38.24, "Longitude": -122.63, "Population": 823.0}, {"index": 19109, "quantile": 0.0, "value": 117100.0, "Latitude": 38.23, "Longitude": -122.63, "Population": 1076.0}, {"index": 19109, "quantile": 0.25, "value": 194100.0, "Latitude": 38.23, "Longitude": -122.63, "Population": 1076.0}, {"index": 19109, "quantile": 0.5, "value": 194100.0, "Latitude": 38.23, "Longitude": -122.63, "Population": 1076.0}, {"index": 19109, "quantile": 0.75, "value": 194100.0, "Latitude": 38.23, "Longitude": -122.63, "Population": 1076.0}, {"index": 19109, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.23, "Longitude": -122.63, "Population": 1076.0}, {"index": 19110, "quantile": 0.0, "value": 160400.0, "Latitude": 38.23, "Longitude": -122.64, "Population": 519.0}, {"index": 19110, "quantile": 0.25, "value": 230900.00000000003, "Latitude": 38.23, "Longitude": -122.64, "Population": 519.0}, {"index": 19110, "quantile": 0.5, "value": 230900.00000000003, "Latitude": 38.23, "Longitude": -122.64, "Population": 519.0}, {"index": 19110, "quantile": 0.75, "value": 230900.00000000003, "Latitude": 38.23, "Longitude": -122.64, "Population": 519.0}, {"index": 19110, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.23, "Longitude": -122.64, "Population": 519.0}, {"index": 19111, "quantile": 0.0, "value": 113300.0, "Latitude": 38.23, "Longitude": -122.64, "Population": 1061.0}, {"index": 19111, "quantile": 0.25, "value": 228799.99999999997, "Latitude": 38.23, "Longitude": -122.64, "Population": 1061.0}, {"index": 19111, "quantile": 0.5, "value": 228799.99999999997, "Latitude": 38.23, "Longitude": -122.64, "Population": 1061.0}, {"index": 19111, "quantile": 0.75, "value": 228799.99999999997, "Latitude": 38.23, "Longitude": -122.64, "Population": 1061.0}, {"index": 19111, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.23, "Longitude": -122.64, "Population": 1061.0}, {"index": 19112, "quantile": 0.0, "value": 134700.0, "Latitude": 38.22, "Longitude": -122.63, "Population": 372.0}, {"index": 19112, "quantile": 0.25, "value": 232100.00000000003, "Latitude": 38.22, "Longitude": -122.63, "Population": 372.0}, {"index": 19112, "quantile": 0.5, "value": 232100.00000000003, "Latitude": 38.22, "Longitude": -122.63, "Population": 372.0}, {"index": 19112, "quantile": 0.75, "value": 232100.00000000003, "Latitude": 38.22, "Longitude": -122.63, "Population": 372.0}, {"index": 19112, "quantile": 1.0, "value": 355000.0, "Latitude": 38.22, "Longitude": -122.63, "Population": 372.0}, {"index": 19113, "quantile": 0.0, "value": 131300.0, "Latitude": 38.22, "Longitude": -122.63, "Population": 1199.0}, {"index": 19113, "quantile": 0.25, "value": 213649.99999999997, "Latitude": 38.22, "Longitude": -122.63, "Population": 1199.0}, {"index": 19113, "quantile": 0.5, "value": 267100.0, "Latitude": 38.22, "Longitude": -122.63, "Population": 1199.0}, {"index": 19113, "quantile": 0.75, "value": 267100.0, "Latitude": 38.22, "Longitude": -122.63, "Population": 1199.0}, {"index": 19113, "quantile": 1.0, "value": 325400.0, "Latitude": 38.22, "Longitude": -122.63, "Population": 1199.0}, {"index": 19114, "quantile": 0.0, "value": 179200.0, "Latitude": 38.21, "Longitude": -122.63, "Population": 1283.0}, {"index": 19114, "quantile": 0.25, "value": 239975.0, "Latitude": 38.21, "Longitude": -122.63, "Population": 1283.0}, {"index": 19114, "quantile": 0.5, "value": 287900.0, "Latitude": 38.21, "Longitude": -122.63, "Population": 1283.0}, {"index": 19114, "quantile": 0.75, "value": 342200.0, "Latitude": 38.21, "Longitude": -122.63, "Population": 1283.0}, {"index": 19114, "quantile": 1.0, "value": 450000.0, "Latitude": 38.21, "Longitude": -122.63, "Population": 1283.0}, {"index": 19115, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 38.23, "Longitude": -122.63, "Population": 875.0}, {"index": 19115, "quantile": 0.25, "value": 223800.0, "Latitude": 38.23, "Longitude": -122.63, "Population": 875.0}, {"index": 19115, "quantile": 0.5, "value": 223800.0, "Latitude": 38.23, "Longitude": -122.63, "Population": 875.0}, {"index": 19115, "quantile": 0.75, "value": 232100.00000000003, "Latitude": 38.23, "Longitude": -122.63, "Population": 875.0}, {"index": 19115, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 38.23, "Longitude": -122.63, "Population": 875.0}, {"index": 19116, "quantile": 0.0, "value": 158900.0, "Latitude": 38.23, "Longitude": -122.65, "Population": 712.0}, {"index": 19116, "quantile": 0.25, "value": 200800.0, "Latitude": 38.23, "Longitude": -122.65, "Population": 712.0}, {"index": 19116, "quantile": 0.5, "value": 200800.0, "Latitude": 38.23, "Longitude": -122.65, "Population": 712.0}, {"index": 19116, "quantile": 0.75, "value": 241324.99999999997, "Latitude": 38.23, "Longitude": -122.65, "Population": 712.0}, {"index": 19116, "quantile": 1.0, "value": 277000.0, "Latitude": 38.23, "Longitude": -122.65, "Population": 712.0}, {"index": 19117, "quantile": 0.0, "value": 81300.0, "Latitude": 38.23, "Longitude": -122.64, "Population": 1070.0}, {"index": 19117, "quantile": 0.25, "value": 245925.0, "Latitude": 38.23, "Longitude": -122.64, "Population": 1070.0}, {"index": 19117, "quantile": 0.5, "value": 252300.0, "Latitude": 38.23, "Longitude": -122.64, "Population": 1070.0}, {"index": 19117, "quantile": 0.75, "value": 252300.0, "Latitude": 38.23, "Longitude": -122.64, "Population": 1070.0}, {"index": 19117, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.23, "Longitude": -122.64, "Population": 1070.0}, {"index": 19118, "quantile": 0.0, "value": 50800.0, "Latitude": 38.23, "Longitude": -122.65, "Population": 910.0}, {"index": 19118, "quantile": 0.25, "value": 200599.99999999997, "Latitude": 38.23, "Longitude": -122.65, "Population": 910.0}, {"index": 19118, "quantile": 0.5, "value": 200599.99999999997, "Latitude": 38.23, "Longitude": -122.65, "Population": 910.0}, {"index": 19118, "quantile": 0.75, "value": 214025.0, "Latitude": 38.23, "Longitude": -122.65, "Population": 910.0}, {"index": 19118, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.23, "Longitude": -122.65, "Population": 910.0}, {"index": 19119, "quantile": 0.0, "value": 168300.0, "Latitude": 38.2, "Longitude": -122.66, "Population": 1351.0}, {"index": 19119, "quantile": 0.25, "value": 251300.0, "Latitude": 38.2, "Longitude": -122.66, "Population": 1351.0}, {"index": 19119, "quantile": 0.5, "value": 251300.0, "Latitude": 38.2, "Longitude": -122.66, "Population": 1351.0}, {"index": 19119, "quantile": 0.75, "value": 252100.0, "Latitude": 38.2, "Longitude": -122.66, "Population": 1351.0}, {"index": 19119, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 38.2, "Longitude": -122.66, "Population": 1351.0}, {"index": 19120, "quantile": 0.0, "value": 104200.0, "Latitude": 38.24, "Longitude": -122.64, "Population": 635.0}, {"index": 19120, "quantile": 0.25, "value": 147900.0, "Latitude": 38.24, "Longitude": -122.64, "Population": 635.0}, {"index": 19120, "quantile": 0.5, "value": 182700.0, "Latitude": 38.24, "Longitude": -122.64, "Population": 635.0}, {"index": 19120, "quantile": 0.75, "value": 208000.0, "Latitude": 38.24, "Longitude": -122.64, "Population": 635.0}, {"index": 19120, "quantile": 1.0, "value": 475000.0, "Latitude": 38.24, "Longitude": -122.64, "Population": 635.0}, {"index": 19121, "quantile": 0.0, "value": 103699.99999999999, "Latitude": 38.24, "Longitude": -122.64, "Population": 1039.0}, {"index": 19121, "quantile": 0.25, "value": 151600.0, "Latitude": 38.24, "Longitude": -122.64, "Population": 1039.0}, {"index": 19121, "quantile": 0.5, "value": 151600.0, "Latitude": 38.24, "Longitude": -122.64, "Population": 1039.0}, {"index": 19121, "quantile": 0.75, "value": 179000.0, "Latitude": 38.24, "Longitude": -122.64, "Population": 1039.0}, {"index": 19121, "quantile": 1.0, "value": 350800.0, "Latitude": 38.24, "Longitude": -122.64, "Population": 1039.0}, {"index": 19122, "quantile": 0.0, "value": 146500.0, "Latitude": 38.25, "Longitude": -122.65, "Population": 1852.0}, {"index": 19122, "quantile": 0.25, "value": 193300.0, "Latitude": 38.25, "Longitude": -122.65, "Population": 1852.0}, {"index": 19122, "quantile": 0.5, "value": 193300.0, "Latitude": 38.25, "Longitude": -122.65, "Population": 1852.0}, {"index": 19122, "quantile": 0.75, "value": 193300.0, "Latitude": 38.25, "Longitude": -122.65, "Population": 1852.0}, {"index": 19122, "quantile": 1.0, "value": 348200.0, "Latitude": 38.25, "Longitude": -122.65, "Population": 1852.0}, {"index": 19123, "quantile": 0.0, "value": 116100.0, "Latitude": 38.24, "Longitude": -122.65, "Population": 922.0}, {"index": 19123, "quantile": 0.25, "value": 186525.0, "Latitude": 38.24, "Longitude": -122.65, "Population": 922.0}, {"index": 19123, "quantile": 0.5, "value": 195800.00000000003, "Latitude": 38.24, "Longitude": -122.65, "Population": 922.0}, {"index": 19123, "quantile": 0.75, "value": 230525.0, "Latitude": 38.24, "Longitude": -122.65, "Population": 922.0}, {"index": 19123, "quantile": 1.0, "value": 365600.0, "Latitude": 38.24, "Longitude": -122.65, "Population": 922.0}, {"index": 19124, "quantile": 0.0, "value": 148800.0, "Latitude": 38.24, "Longitude": -122.65, "Population": 1431.0}, {"index": 19124, "quantile": 0.25, "value": 227599.99999999997, "Latitude": 38.24, "Longitude": -122.65, "Population": 1431.0}, {"index": 19124, "quantile": 0.5, "value": 227599.99999999997, "Latitude": 38.24, "Longitude": -122.65, "Population": 1431.0}, {"index": 19124, "quantile": 0.75, "value": 242824.99999999997, "Latitude": 38.24, "Longitude": -122.65, "Population": 1431.0}, {"index": 19124, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.24, "Longitude": -122.65, "Population": 1431.0}, {"index": 19125, "quantile": 0.0, "value": 103699.99999999999, "Latitude": 38.25, "Longitude": -122.64, "Population": 1507.0}, {"index": 19125, "quantile": 0.25, "value": 162600.0, "Latitude": 38.25, "Longitude": -122.64, "Population": 1507.0}, {"index": 19125, "quantile": 0.5, "value": 162600.0, "Latitude": 38.25, "Longitude": -122.64, "Population": 1507.0}, {"index": 19125, "quantile": 0.75, "value": 162600.0, "Latitude": 38.25, "Longitude": -122.64, "Population": 1507.0}, {"index": 19125, "quantile": 1.0, "value": 350800.0, "Latitude": 38.25, "Longitude": -122.64, "Population": 1507.0}, {"index": 19126, "quantile": 0.0, "value": 140300.0, "Latitude": 38.27, "Longitude": -122.69, "Population": 1066.0}, {"index": 19126, "quantile": 0.25, "value": 285000.0, "Latitude": 38.27, "Longitude": -122.69, "Population": 1066.0}, {"index": 19126, "quantile": 0.5, "value": 285000.0, "Latitude": 38.27, "Longitude": -122.69, "Population": 1066.0}, {"index": 19126, "quantile": 0.75, "value": 285000.0, "Latitude": 38.27, "Longitude": -122.69, "Population": 1066.0}, {"index": 19126, "quantile": 1.0, "value": 345300.0, "Latitude": 38.27, "Longitude": -122.69, "Population": 1066.0}, {"index": 19127, "quantile": 0.0, "value": 71300.0, "Latitude": 38.25, "Longitude": -122.67, "Population": 660.0}, {"index": 19127, "quantile": 0.25, "value": 168300.0, "Latitude": 38.25, "Longitude": -122.67, "Population": 660.0}, {"index": 19127, "quantile": 0.5, "value": 198250.0, "Latitude": 38.25, "Longitude": -122.67, "Population": 660.0}, {"index": 19127, "quantile": 0.75, "value": 271400.0, "Latitude": 38.25, "Longitude": -122.67, "Population": 660.0}, {"index": 19127, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 38.25, "Longitude": -122.67, "Population": 660.0}, {"index": 19128, "quantile": 0.0, "value": 140300.0, "Latitude": 38.25, "Longitude": -122.68, "Population": 650.0}, {"index": 19128, "quantile": 0.25, "value": 170200.0, "Latitude": 38.25, "Longitude": -122.68, "Population": 650.0}, {"index": 19128, "quantile": 0.5, "value": 201600.0, "Latitude": 38.25, "Longitude": -122.68, "Population": 650.0}, {"index": 19128, "quantile": 0.75, "value": 247675.0, "Latitude": 38.25, "Longitude": -122.68, "Population": 650.0}, {"index": 19128, "quantile": 1.0, "value": 292700.0, "Latitude": 38.25, "Longitude": -122.68, "Population": 650.0}, {"index": 19129, "quantile": 0.0, "value": 130600.0, "Latitude": 38.24, "Longitude": -122.67, "Population": 1372.0}, {"index": 19129, "quantile": 0.25, "value": 261800.0, "Latitude": 38.24, "Longitude": -122.67, "Population": 1372.0}, {"index": 19129, "quantile": 0.5, "value": 261800.0, "Latitude": 38.24, "Longitude": -122.67, "Population": 1372.0}, {"index": 19129, "quantile": 0.75, "value": 261800.0, "Latitude": 38.24, "Longitude": -122.67, "Population": 1372.0}, {"index": 19129, "quantile": 1.0, "value": 336700.0, "Latitude": 38.24, "Longitude": -122.67, "Population": 1372.0}, {"index": 19130, "quantile": 0.0, "value": 91900.0, "Latitude": 38.29, "Longitude": -122.77, "Population": 1869.0}, {"index": 19130, "quantile": 0.25, "value": 185250.0, "Latitude": 38.29, "Longitude": -122.77, "Population": 1869.0}, {"index": 19130, "quantile": 0.5, "value": 268000.0, "Latitude": 38.29, "Longitude": -122.77, "Population": 1869.0}, {"index": 19130, "quantile": 0.75, "value": 268000.0, "Latitude": 38.29, "Longitude": -122.77, "Population": 1869.0}, {"index": 19130, "quantile": 1.0, "value": 292100.0, "Latitude": 38.29, "Longitude": -122.77, "Population": 1869.0}, {"index": 19131, "quantile": 0.0, "value": 173500.0, "Latitude": 38.26, "Longitude": -122.73, "Population": 1668.0}, {"index": 19131, "quantile": 0.25, "value": 269575.00000000006, "Latitude": 38.26, "Longitude": -122.73, "Population": 1668.0}, {"index": 19131, "quantile": 0.5, "value": 317700.0, "Latitude": 38.26, "Longitude": -122.73, "Population": 1668.0}, {"index": 19131, "quantile": 0.75, "value": 317700.0, "Latitude": 38.26, "Longitude": -122.73, "Population": 1668.0}, {"index": 19131, "quantile": 1.0, "value": 495800.0, "Latitude": 38.26, "Longitude": -122.73, "Population": 1668.0}, {"index": 19132, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.23, "Longitude": -122.7, "Population": 1053.0}, {"index": 19132, "quantile": 0.25, "value": 294325.0, "Latitude": 38.23, "Longitude": -122.7, "Population": 1053.0}, {"index": 19132, "quantile": 0.5, "value": 310300.0, "Latitude": 38.23, "Longitude": -122.7, "Population": 1053.0}, {"index": 19132, "quantile": 0.75, "value": 310300.0, "Latitude": 38.23, "Longitude": -122.7, "Population": 1053.0}, {"index": 19132, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.23, "Longitude": -122.7, "Population": 1053.0}, {"index": 19133, "quantile": 0.0, "value": 89600.0, "Latitude": 38.35, "Longitude": -122.72, "Population": 1675.0}, {"index": 19133, "quantile": 0.25, "value": 146000.0, "Latitude": 38.35, "Longitude": -122.72, "Population": 1675.0}, {"index": 19133, "quantile": 0.5, "value": 152300.0, "Latitude": 38.35, "Longitude": -122.72, "Population": 1675.0}, {"index": 19133, "quantile": 0.75, "value": 186800.0, "Latitude": 38.35, "Longitude": -122.72, "Population": 1675.0}, {"index": 19133, "quantile": 1.0, "value": 350800.0, "Latitude": 38.35, "Longitude": -122.72, "Population": 1675.0}, {"index": 19134, "quantile": 0.0, "value": 133900.0, "Latitude": 38.31, "Longitude": -122.72, "Population": 801.0}, {"index": 19134, "quantile": 0.25, "value": 248000.0, "Latitude": 38.31, "Longitude": -122.72, "Population": 801.0}, {"index": 19134, "quantile": 0.5, "value": 248000.0, "Latitude": 38.31, "Longitude": -122.72, "Population": 801.0}, {"index": 19134, "quantile": 0.75, "value": 248000.0, "Latitude": 38.31, "Longitude": -122.72, "Population": 801.0}, {"index": 19134, "quantile": 1.0, "value": 317700.0, "Latitude": 38.31, "Longitude": -122.72, "Population": 801.0}, {"index": 19135, "quantile": 0.0, "value": 123200.0, "Latitude": 38.31, "Longitude": -122.67, "Population": 930.0}, {"index": 19135, "quantile": 0.25, "value": 279375.0, "Latitude": 38.31, "Longitude": -122.67, "Population": 930.0}, {"index": 19135, "quantile": 0.5, "value": 292700.0, "Latitude": 38.31, "Longitude": -122.67, "Population": 930.0}, {"index": 19135, "quantile": 0.75, "value": 292700.0, "Latitude": 38.31, "Longitude": -122.67, "Population": 930.0}, {"index": 19135, "quantile": 1.0, "value": 292700.0, "Latitude": 38.31, "Longitude": -122.67, "Population": 930.0}, {"index": 19136, "quantile": 0.0, "value": 130800.0, "Latitude": 38.3, "Longitude": -122.69, "Population": 1693.0}, {"index": 19136, "quantile": 0.25, "value": 215899.99999999997, "Latitude": 38.3, "Longitude": -122.69, "Population": 1693.0}, {"index": 19136, "quantile": 0.5, "value": 292100.0, "Latitude": 38.3, "Longitude": -122.69, "Population": 1693.0}, {"index": 19136, "quantile": 0.75, "value": 292100.0, "Latitude": 38.3, "Longitude": -122.69, "Population": 1693.0}, {"index": 19136, "quantile": 1.0, "value": 345300.0, "Latitude": 38.3, "Longitude": -122.69, "Population": 1693.0}, {"index": 19137, "quantile": 0.0, "value": 22500.0, "Latitude": 38.34, "Longitude": -122.73, "Population": 434.0}, {"index": 19137, "quantile": 0.25, "value": 152300.0, "Latitude": 38.34, "Longitude": -122.73, "Population": 434.0}, {"index": 19137, "quantile": 0.5, "value": 209600.0, "Latitude": 38.34, "Longitude": -122.73, "Population": 434.0}, {"index": 19137, "quantile": 0.75, "value": 209600.0, "Latitude": 38.34, "Longitude": -122.73, "Population": 434.0}, {"index": 19137, "quantile": 1.0, "value": 360700.0, "Latitude": 38.34, "Longitude": -122.73, "Population": 434.0}, {"index": 19138, "quantile": 0.0, "value": 126899.99999999999, "Latitude": 38.32, "Longitude": -122.69, "Population": 1938.0}, {"index": 19138, "quantile": 0.25, "value": 183600.0, "Latitude": 38.32, "Longitude": -122.69, "Population": 1938.0}, {"index": 19138, "quantile": 0.5, "value": 183600.0, "Latitude": 38.32, "Longitude": -122.69, "Population": 1938.0}, {"index": 19138, "quantile": 0.75, "value": 188900.0, "Latitude": 38.32, "Longitude": -122.69, "Population": 1938.0}, {"index": 19138, "quantile": 1.0, "value": 296800.0, "Latitude": 38.32, "Longitude": -122.69, "Population": 1938.0}, {"index": 19139, "quantile": 0.0, "value": 130200.0, "Latitude": 38.33, "Longitude": -122.71, "Population": 2064.0}, {"index": 19139, "quantile": 0.25, "value": 157600.0, "Latitude": 38.33, "Longitude": -122.71, "Population": 2064.0}, {"index": 19139, "quantile": 0.5, "value": 157600.0, "Latitude": 38.33, "Longitude": -122.71, "Population": 2064.0}, {"index": 19139, "quantile": 0.75, "value": 157600.0, "Latitude": 38.33, "Longitude": -122.71, "Population": 2064.0}, {"index": 19139, "quantile": 1.0, "value": 318900.0, "Latitude": 38.33, "Longitude": -122.71, "Population": 2064.0}, {"index": 19140, "quantile": 0.0, "value": 135500.0, "Latitude": 38.31, "Longitude": -122.7, "Population": 1208.0}, {"index": 19140, "quantile": 0.25, "value": 258100.0, "Latitude": 38.31, "Longitude": -122.7, "Population": 1208.0}, {"index": 19140, "quantile": 0.5, "value": 258100.0, "Latitude": 38.31, "Longitude": -122.7, "Population": 1208.0}, {"index": 19140, "quantile": 0.75, "value": 258100.0, "Latitude": 38.31, "Longitude": -122.7, "Population": 1208.0}, {"index": 19140, "quantile": 1.0, "value": 361100.0, "Latitude": 38.31, "Longitude": -122.7, "Population": 1208.0}, {"index": 19141, "quantile": 0.0, "value": 140300.0, "Latitude": 38.33, "Longitude": -122.7, "Population": 696.0}, {"index": 19141, "quantile": 0.25, "value": 156450.0, "Latitude": 38.33, "Longitude": -122.7, "Population": 696.0}, {"index": 19141, "quantile": 0.5, "value": 169250.0, "Latitude": 38.33, "Longitude": -122.7, "Population": 696.0}, {"index": 19141, "quantile": 0.75, "value": 202349.99999999997, "Latitude": 38.33, "Longitude": -122.7, "Population": 696.0}, {"index": 19141, "quantile": 1.0, "value": 345300.0, "Latitude": 38.33, "Longitude": -122.7, "Population": 696.0}, {"index": 19142, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 38.32, "Longitude": -122.69, "Population": 1400.0}, {"index": 19142, "quantile": 0.25, "value": 170200.0, "Latitude": 38.32, "Longitude": -122.69, "Population": 1400.0}, {"index": 19142, "quantile": 0.5, "value": 204900.0, "Latitude": 38.32, "Longitude": -122.69, "Population": 1400.0}, {"index": 19142, "quantile": 0.75, "value": 257799.99999999997, "Latitude": 38.32, "Longitude": -122.69, "Population": 1400.0}, {"index": 19142, "quantile": 1.0, "value": 484600.0, "Latitude": 38.32, "Longitude": -122.69, "Population": 1400.0}, {"index": 19143, "quantile": 0.0, "value": 132900.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 1526.0}, {"index": 19143, "quantile": 0.25, "value": 163500.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 1526.0}, {"index": 19143, "quantile": 0.5, "value": 163500.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 1526.0}, {"index": 19143, "quantile": 0.75, "value": 173700.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 1526.0}, {"index": 19143, "quantile": 1.0, "value": 310300.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 1526.0}, {"index": 19144, "quantile": 0.0, "value": 115399.99999999999, "Latitude": 38.33, "Longitude": -122.7, "Population": 1060.0}, {"index": 19144, "quantile": 0.25, "value": 160400.0, "Latitude": 38.33, "Longitude": -122.7, "Population": 1060.0}, {"index": 19144, "quantile": 0.5, "value": 160400.0, "Latitude": 38.33, "Longitude": -122.7, "Population": 1060.0}, {"index": 19144, "quantile": 0.75, "value": 160400.0, "Latitude": 38.33, "Longitude": -122.7, "Population": 1060.0}, {"index": 19144, "quantile": 1.0, "value": 197500.0, "Latitude": 38.33, "Longitude": -122.7, "Population": 1060.0}, {"index": 19145, "quantile": 0.0, "value": 65400.0, "Latitude": 38.34, "Longitude": -122.71, "Population": 699.0}, {"index": 19145, "quantile": 0.25, "value": 111600.00000000001, "Latitude": 38.34, "Longitude": -122.71, "Population": 699.0}, {"index": 19145, "quantile": 0.5, "value": 153850.0, "Latitude": 38.34, "Longitude": -122.71, "Population": 699.0}, {"index": 19145, "quantile": 0.75, "value": 169400.0, "Latitude": 38.34, "Longitude": -122.71, "Population": 699.0}, {"index": 19145, "quantile": 1.0, "value": 350000.0, "Latitude": 38.34, "Longitude": -122.71, "Population": 699.0}, {"index": 19146, "quantile": 0.0, "value": 98400.0, "Latitude": 38.33, "Longitude": -122.7, "Population": 846.0}, {"index": 19146, "quantile": 0.25, "value": 156300.0, "Latitude": 38.33, "Longitude": -122.7, "Population": 846.0}, {"index": 19146, "quantile": 0.5, "value": 156300.0, "Latitude": 38.33, "Longitude": -122.7, "Population": 846.0}, {"index": 19146, "quantile": 0.75, "value": 161025.00000000003, "Latitude": 38.33, "Longitude": -122.7, "Population": 846.0}, {"index": 19146, "quantile": 1.0, "value": 310300.0, "Latitude": 38.33, "Longitude": -122.7, "Population": 846.0}, {"index": 19147, "quantile": 0.0, "value": 127200.0, "Latitude": 38.35, "Longitude": -122.69, "Population": 685.0}, {"index": 19147, "quantile": 0.25, "value": 324700.0, "Latitude": 38.35, "Longitude": -122.69, "Population": 685.0}, {"index": 19147, "quantile": 0.5, "value": 361700.0, "Latitude": 38.35, "Longitude": -122.69, "Population": 685.0}, {"index": 19147, "quantile": 0.75, "value": 419700.0, "Latitude": 38.35, "Longitude": -122.69, "Population": 685.0}, {"index": 19147, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.35, "Longitude": -122.69, "Population": 685.0}, {"index": 19148, "quantile": 0.0, "value": 112500.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 1602.0}, {"index": 19148, "quantile": 0.25, "value": 135500.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 1602.0}, {"index": 19148, "quantile": 0.5, "value": 135500.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 1602.0}, {"index": 19148, "quantile": 0.75, "value": 157600.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 1602.0}, {"index": 19148, "quantile": 1.0, "value": 258100.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 1602.0}, {"index": 19149, "quantile": 0.0, "value": 87100.0, "Latitude": 38.35, "Longitude": -122.71, "Population": 1203.0}, {"index": 19149, "quantile": 0.25, "value": 104200.0, "Latitude": 38.35, "Longitude": -122.71, "Population": 1203.0}, {"index": 19149, "quantile": 0.5, "value": 104200.0, "Latitude": 38.35, "Longitude": -122.71, "Population": 1203.0}, {"index": 19149, "quantile": 0.75, "value": 144650.0, "Latitude": 38.35, "Longitude": -122.71, "Population": 1203.0}, {"index": 19149, "quantile": 1.0, "value": 287500.0, "Latitude": 38.35, "Longitude": -122.71, "Population": 1203.0}, {"index": 19150, "quantile": 0.0, "value": 135500.0, "Latitude": 38.35, "Longitude": -122.7, "Population": 954.0}, {"index": 19150, "quantile": 0.25, "value": 146500.0, "Latitude": 38.35, "Longitude": -122.7, "Population": 954.0}, {"index": 19150, "quantile": 0.5, "value": 146500.0, "Latitude": 38.35, "Longitude": -122.7, "Population": 954.0}, {"index": 19150, "quantile": 0.75, "value": 186425.0, "Latitude": 38.35, "Longitude": -122.7, "Population": 954.0}, {"index": 19150, "quantile": 1.0, "value": 345300.0, "Latitude": 38.35, "Longitude": -122.7, "Population": 954.0}, {"index": 19151, "quantile": 0.0, "value": 67500.0, "Latitude": 38.35, "Longitude": -122.7, "Population": 493.0}, {"index": 19151, "quantile": 0.25, "value": 67500.0, "Latitude": 38.35, "Longitude": -122.7, "Population": 493.0}, {"index": 19151, "quantile": 0.5, "value": 67500.0, "Latitude": 38.35, "Longitude": -122.7, "Population": 493.0}, {"index": 19151, "quantile": 0.75, "value": 75000.0, "Latitude": 38.35, "Longitude": -122.7, "Population": 493.0}, {"index": 19151, "quantile": 1.0, "value": 275000.0, "Latitude": 38.35, "Longitude": -122.7, "Population": 493.0}, {"index": 19152, "quantile": 0.0, "value": 94200.0, "Latitude": 38.34, "Longitude": -122.7, "Population": 1782.0}, {"index": 19152, "quantile": 0.25, "value": 154500.0, "Latitude": 38.34, "Longitude": -122.7, "Population": 1782.0}, {"index": 19152, "quantile": 0.5, "value": 154500.0, "Latitude": 38.34, "Longitude": -122.7, "Population": 1782.0}, {"index": 19152, "quantile": 0.75, "value": 157850.0, "Latitude": 38.34, "Longitude": -122.7, "Population": 1782.0}, {"index": 19152, "quantile": 1.0, "value": 360700.0, "Latitude": 38.34, "Longitude": -122.7, "Population": 1782.0}, {"index": 19153, "quantile": 0.0, "value": 103699.99999999999, "Latitude": 38.34, "Longitude": -122.71, "Population": 1493.0}, {"index": 19153, "quantile": 0.25, "value": 151125.0, "Latitude": 38.34, "Longitude": -122.71, "Population": 1493.0}, {"index": 19153, "quantile": 0.5, "value": 162600.0, "Latitude": 38.34, "Longitude": -122.71, "Population": 1493.0}, {"index": 19153, "quantile": 0.75, "value": 178975.0, "Latitude": 38.34, "Longitude": -122.71, "Population": 1493.0}, {"index": 19153, "quantile": 1.0, "value": 268800.0, "Latitude": 38.34, "Longitude": -122.71, "Population": 1493.0}, {"index": 19154, "quantile": 0.0, "value": 146400.0, "Latitude": 38.37, "Longitude": -122.69, "Population": 2969.0}, {"index": 19154, "quantile": 0.25, "value": 214000.0, "Latitude": 38.37, "Longitude": -122.69, "Population": 2969.0}, {"index": 19154, "quantile": 0.5, "value": 214000.0, "Latitude": 38.37, "Longitude": -122.69, "Population": 2969.0}, {"index": 19154, "quantile": 0.75, "value": 214000.0, "Latitude": 38.37, "Longitude": -122.69, "Population": 2969.0}, {"index": 19154, "quantile": 1.0, "value": 347700.0, "Latitude": 38.37, "Longitude": -122.69, "Population": 2969.0}, {"index": 19155, "quantile": 0.0, "value": 185200.0, "Latitude": 38.37, "Longitude": -122.71, "Population": 1014.0}, {"index": 19155, "quantile": 0.25, "value": 252999.99999999997, "Latitude": 38.37, "Longitude": -122.71, "Population": 1014.0}, {"index": 19155, "quantile": 0.5, "value": 252999.99999999997, "Latitude": 38.37, "Longitude": -122.71, "Population": 1014.0}, {"index": 19155, "quantile": 0.75, "value": 252999.99999999997, "Latitude": 38.37, "Longitude": -122.71, "Population": 1014.0}, {"index": 19155, "quantile": 1.0, "value": 359100.0, "Latitude": 38.37, "Longitude": -122.71, "Population": 1014.0}, {"index": 19156, "quantile": 0.0, "value": 71300.0, "Latitude": 38.35, "Longitude": -122.69, "Population": 921.0}, {"index": 19156, "quantile": 0.25, "value": 191800.0, "Latitude": 38.35, "Longitude": -122.69, "Population": 921.0}, {"index": 19156, "quantile": 0.5, "value": 191800.0, "Latitude": 38.35, "Longitude": -122.69, "Population": 921.0}, {"index": 19156, "quantile": 0.75, "value": 191800.0, "Latitude": 38.35, "Longitude": -122.69, "Population": 921.0}, {"index": 19156, "quantile": 1.0, "value": 298400.0, "Latitude": 38.35, "Longitude": -122.69, "Population": 921.0}, {"index": 19157, "quantile": 0.0, "value": 58800.0, "Latitude": 38.36, "Longitude": -122.69, "Population": 2502.0}, {"index": 19157, "quantile": 0.25, "value": 177500.0, "Latitude": 38.36, "Longitude": -122.69, "Population": 2502.0}, {"index": 19157, "quantile": 0.5, "value": 177500.0, "Latitude": 38.36, "Longitude": -122.69, "Population": 2502.0}, {"index": 19157, "quantile": 0.75, "value": 177500.0, "Latitude": 38.36, "Longitude": -122.69, "Population": 2502.0}, {"index": 19157, "quantile": 1.0, "value": 377300.0, "Latitude": 38.36, "Longitude": -122.69, "Population": 2502.0}, {"index": 19158, "quantile": 0.0, "value": 126200.0, "Latitude": 38.35, "Longitude": -122.7, "Population": 607.0}, {"index": 19158, "quantile": 0.25, "value": 244475.0, "Latitude": 38.35, "Longitude": -122.7, "Population": 607.0}, {"index": 19158, "quantile": 0.5, "value": 257799.99999999997, "Latitude": 38.35, "Longitude": -122.7, "Population": 607.0}, {"index": 19158, "quantile": 0.75, "value": 257799.99999999997, "Latitude": 38.35, "Longitude": -122.7, "Population": 607.0}, {"index": 19158, "quantile": 1.0, "value": 366000.0, "Latitude": 38.35, "Longitude": -122.7, "Population": 607.0}, {"index": 19159, "quantile": 0.0, "value": 140300.0, "Latitude": 38.36, "Longitude": -122.7, "Population": 2538.0}, {"index": 19159, "quantile": 0.25, "value": 214000.0, "Latitude": 38.36, "Longitude": -122.7, "Population": 2538.0}, {"index": 19159, "quantile": 0.5, "value": 227100.0, "Latitude": 38.36, "Longitude": -122.7, "Population": 2538.0}, {"index": 19159, "quantile": 0.75, "value": 227100.0, "Latitude": 38.36, "Longitude": -122.7, "Population": 2538.0}, {"index": 19159, "quantile": 1.0, "value": 345300.0, "Latitude": 38.36, "Longitude": -122.7, "Population": 2538.0}, {"index": 19160, "quantile": 0.0, "value": 124900.00000000001, "Latitude": 38.34, "Longitude": -122.63, "Population": 979.0}, {"index": 19160, "quantile": 0.25, "value": 264250.0, "Latitude": 38.34, "Longitude": -122.63, "Population": 979.0}, {"index": 19160, "quantile": 0.5, "value": 325400.0, "Latitude": 38.34, "Longitude": -122.63, "Population": 979.0}, {"index": 19160, "quantile": 0.75, "value": 325400.0, "Latitude": 38.34, "Longitude": -122.63, "Population": 979.0}, {"index": 19160, "quantile": 1.0, "value": 325400.0, "Latitude": 38.34, "Longitude": -122.63, "Population": 979.0}, {"index": 19161, "quantile": 0.0, "value": 132200.0, "Latitude": 38.36, "Longitude": -122.68, "Population": 3833.0}, {"index": 19161, "quantile": 0.25, "value": 184100.0, "Latitude": 38.36, "Longitude": -122.68, "Population": 3833.0}, {"index": 19161, "quantile": 0.5, "value": 184100.0, "Latitude": 38.36, "Longitude": -122.68, "Population": 3833.0}, {"index": 19161, "quantile": 0.75, "value": 210775.00000000003, "Latitude": 38.36, "Longitude": -122.68, "Population": 3833.0}, {"index": 19161, "quantile": 1.0, "value": 250800.0, "Latitude": 38.36, "Longitude": -122.68, "Population": 3833.0}, {"index": 19162, "quantile": 0.0, "value": 113599.99999999999, "Latitude": 38.34, "Longitude": -122.69, "Population": 2146.0}, {"index": 19162, "quantile": 0.25, "value": 165400.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 2146.0}, {"index": 19162, "quantile": 0.5, "value": 165400.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 2146.0}, {"index": 19162, "quantile": 0.75, "value": 166600.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 2146.0}, {"index": 19162, "quantile": 1.0, "value": 345300.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 2146.0}, {"index": 19163, "quantile": 0.0, "value": 140300.0, "Latitude": 38.33, "Longitude": -122.67, "Population": 4323.0}, {"index": 19163, "quantile": 0.25, "value": 220299.99999999997, "Latitude": 38.33, "Longitude": -122.67, "Population": 4323.0}, {"index": 19163, "quantile": 0.5, "value": 220299.99999999997, "Latitude": 38.33, "Longitude": -122.67, "Population": 4323.0}, {"index": 19163, "quantile": 0.75, "value": 220299.99999999997, "Latitude": 38.33, "Longitude": -122.67, "Population": 4323.0}, {"index": 19163, "quantile": 1.0, "value": 292100.0, "Latitude": 38.33, "Longitude": -122.67, "Population": 4323.0}, {"index": 19164, "quantile": 0.0, "value": 134500.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 880.0}, {"index": 19164, "quantile": 0.25, "value": 160200.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 880.0}, {"index": 19164, "quantile": 0.5, "value": 160200.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 880.0}, {"index": 19164, "quantile": 0.75, "value": 165350.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 880.0}, {"index": 19164, "quantile": 1.0, "value": 345300.0, "Latitude": 38.34, "Longitude": -122.69, "Population": 880.0}, {"index": 19165, "quantile": 0.0, "value": 103699.99999999999, "Latitude": 38.4, "Longitude": -122.68, "Population": 1767.0}, {"index": 19165, "quantile": 0.25, "value": 141400.0, "Latitude": 38.4, "Longitude": -122.68, "Population": 1767.0}, {"index": 19165, "quantile": 0.5, "value": 141400.0, "Latitude": 38.4, "Longitude": -122.68, "Population": 1767.0}, {"index": 19165, "quantile": 0.75, "value": 144400.0, "Latitude": 38.4, "Longitude": -122.68, "Population": 1767.0}, {"index": 19165, "quantile": 1.0, "value": 350800.0, "Latitude": 38.4, "Longitude": -122.68, "Population": 1767.0}, {"index": 19166, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.43, "Longitude": -122.7, "Population": 1362.0}, {"index": 19166, "quantile": 0.25, "value": 82300.0, "Latitude": 38.43, "Longitude": -122.7, "Population": 1362.0}, {"index": 19166, "quantile": 0.5, "value": 129200.0, "Latitude": 38.43, "Longitude": -122.7, "Population": 1362.0}, {"index": 19166, "quantile": 0.75, "value": 146375.0, "Latitude": 38.43, "Longitude": -122.7, "Population": 1362.0}, {"index": 19166, "quantile": 1.0, "value": 350000.0, "Latitude": 38.43, "Longitude": -122.7, "Population": 1362.0}, {"index": 19167, "quantile": 0.0, "value": 37900.0, "Latitude": 38.42, "Longitude": -122.71, "Population": 1031.0}, {"index": 19167, "quantile": 0.25, "value": 129200.0, "Latitude": 38.42, "Longitude": -122.71, "Population": 1031.0}, {"index": 19167, "quantile": 0.5, "value": 129200.0, "Latitude": 38.42, "Longitude": -122.71, "Population": 1031.0}, {"index": 19167, "quantile": 0.75, "value": 129200.0, "Latitude": 38.42, "Longitude": -122.71, "Population": 1031.0}, {"index": 19167, "quantile": 1.0, "value": 237500.0, "Latitude": 38.42, "Longitude": -122.71, "Population": 1031.0}, {"index": 19168, "quantile": 0.0, "value": 67000.0, "Latitude": 38.4, "Longitude": -122.71, "Population": 833.0}, {"index": 19168, "quantile": 0.25, "value": 140600.0, "Latitude": 38.4, "Longitude": -122.71, "Population": 833.0}, {"index": 19168, "quantile": 0.5, "value": 140600.0, "Latitude": 38.4, "Longitude": -122.71, "Population": 833.0}, {"index": 19168, "quantile": 0.75, "value": 140600.0, "Latitude": 38.4, "Longitude": -122.71, "Population": 833.0}, {"index": 19168, "quantile": 1.0, "value": 325000.0, "Latitude": 38.4, "Longitude": -122.71, "Population": 833.0}, {"index": 19169, "quantile": 0.0, "value": 49800.0, "Latitude": 38.39, "Longitude": -122.7, "Population": 2557.0}, {"index": 19169, "quantile": 0.25, "value": 166200.0, "Latitude": 38.39, "Longitude": -122.7, "Population": 2557.0}, {"index": 19169, "quantile": 0.5, "value": 168100.0, "Latitude": 38.39, "Longitude": -122.7, "Population": 2557.0}, {"index": 19169, "quantile": 0.75, "value": 168100.0, "Latitude": 38.39, "Longitude": -122.7, "Population": 2557.0}, {"index": 19169, "quantile": 1.0, "value": 450000.0, "Latitude": 38.39, "Longitude": -122.7, "Population": 2557.0}, {"index": 19170, "quantile": 0.0, "value": 201399.99999999997, "Latitude": 38.4, "Longitude": -122.62, "Population": 3741.0}, {"index": 19170, "quantile": 0.25, "value": 324700.0, "Latitude": 38.4, "Longitude": -122.62, "Population": 3741.0}, {"index": 19170, "quantile": 0.5, "value": 324700.0, "Latitude": 38.4, "Longitude": -122.62, "Population": 3741.0}, {"index": 19170, "quantile": 0.75, "value": 330900.0, "Latitude": 38.4, "Longitude": -122.62, "Population": 3741.0}, {"index": 19170, "quantile": 1.0, "value": 466899.99999999994, "Latitude": 38.4, "Longitude": -122.62, "Population": 3741.0}, {"index": 19171, "quantile": 0.0, "value": 115199.99999999999, "Latitude": 38.44, "Longitude": -122.66, "Population": 2614.0}, {"index": 19171, "quantile": 0.25, "value": 215424.99999999997, "Latitude": 38.44, "Longitude": -122.66, "Population": 2614.0}, {"index": 19171, "quantile": 0.5, "value": 215899.99999999997, "Latitude": 38.44, "Longitude": -122.66, "Population": 2614.0}, {"index": 19171, "quantile": 0.75, "value": 215899.99999999997, "Latitude": 38.44, "Longitude": -122.66, "Population": 2614.0}, {"index": 19171, "quantile": 1.0, "value": 345300.0, "Latitude": 38.44, "Longitude": -122.66, "Population": 2614.0}, {"index": 19172, "quantile": 0.0, "value": 156300.0, "Latitude": 38.44, "Longitude": -122.67, "Population": 1165.0}, {"index": 19172, "quantile": 0.25, "value": 196400.0, "Latitude": 38.44, "Longitude": -122.67, "Population": 1165.0}, {"index": 19172, "quantile": 0.5, "value": 196400.0, "Latitude": 38.44, "Longitude": -122.67, "Population": 1165.0}, {"index": 19172, "quantile": 0.75, "value": 201925.0, "Latitude": 38.44, "Longitude": -122.67, "Population": 1165.0}, {"index": 19172, "quantile": 1.0, "value": 348200.0, "Latitude": 38.44, "Longitude": -122.67, "Population": 1165.0}, {"index": 19173, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 38.43, "Longitude": -122.68, "Population": 1150.0}, {"index": 19173, "quantile": 0.25, "value": 191900.0, "Latitude": 38.43, "Longitude": -122.68, "Population": 1150.0}, {"index": 19173, "quantile": 0.5, "value": 191900.0, "Latitude": 38.43, "Longitude": -122.68, "Population": 1150.0}, {"index": 19173, "quantile": 0.75, "value": 191900.0, "Latitude": 38.43, "Longitude": -122.68, "Population": 1150.0}, {"index": 19173, "quantile": 1.0, "value": 370800.0, "Latitude": 38.43, "Longitude": -122.68, "Population": 1150.0}, {"index": 19174, "quantile": 0.0, "value": 176300.0, "Latitude": 38.4, "Longitude": -122.65, "Population": 400.0}, {"index": 19174, "quantile": 0.25, "value": 291650.0, "Latitude": 38.4, "Longitude": -122.65, "Population": 400.0}, {"index": 19174, "quantile": 0.5, "value": 342200.0, "Latitude": 38.4, "Longitude": -122.65, "Population": 400.0}, {"index": 19174, "quantile": 0.75, "value": 420800.0, "Latitude": 38.4, "Longitude": -122.65, "Population": 400.0}, {"index": 19174, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.4, "Longitude": -122.65, "Population": 400.0}, {"index": 19175, "quantile": 0.0, "value": 138100.0, "Latitude": 38.37, "Longitude": -122.65, "Population": 786.0}, {"index": 19175, "quantile": 0.25, "value": 238700.0, "Latitude": 38.37, "Longitude": -122.65, "Population": 786.0}, {"index": 19175, "quantile": 0.5, "value": 252999.99999999997, "Latitude": 38.37, "Longitude": -122.65, "Population": 786.0}, {"index": 19175, "quantile": 0.75, "value": 287900.0, "Latitude": 38.37, "Longitude": -122.65, "Population": 786.0}, {"index": 19175, "quantile": 1.0, "value": 450000.0, "Latitude": 38.37, "Longitude": -122.65, "Population": 786.0}, {"index": 19176, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 38.43, "Longitude": -122.67, "Population": 750.0}, {"index": 19176, "quantile": 0.25, "value": 196400.0, "Latitude": 38.43, "Longitude": -122.67, "Population": 750.0}, {"index": 19176, "quantile": 0.5, "value": 196400.0, "Latitude": 38.43, "Longitude": -122.67, "Population": 750.0}, {"index": 19176, "quantile": 0.75, "value": 202900.0, "Latitude": 38.43, "Longitude": -122.67, "Population": 750.0}, {"index": 19176, "quantile": 1.0, "value": 348200.0, "Latitude": 38.43, "Longitude": -122.67, "Population": 750.0}, {"index": 19177, "quantile": 0.0, "value": 71700.0, "Latitude": 38.43, "Longitude": -122.67, "Population": 895.0}, {"index": 19177, "quantile": 0.25, "value": 187800.0, "Latitude": 38.43, "Longitude": -122.67, "Population": 895.0}, {"index": 19177, "quantile": 0.5, "value": 202700.0, "Latitude": 38.43, "Longitude": -122.67, "Population": 895.0}, {"index": 19177, "quantile": 0.75, "value": 202700.0, "Latitude": 38.43, "Longitude": -122.67, "Population": 895.0}, {"index": 19177, "quantile": 1.0, "value": 370800.0, "Latitude": 38.43, "Longitude": -122.67, "Population": 895.0}, {"index": 19178, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 38.42, "Longitude": -122.66, "Population": 2228.0}, {"index": 19178, "quantile": 0.25, "value": 187250.0, "Latitude": 38.42, "Longitude": -122.66, "Population": 2228.0}, {"index": 19178, "quantile": 0.5, "value": 208400.0, "Latitude": 38.42, "Longitude": -122.66, "Population": 2228.0}, {"index": 19178, "quantile": 0.75, "value": 208400.0, "Latitude": 38.42, "Longitude": -122.66, "Population": 2228.0}, {"index": 19178, "quantile": 1.0, "value": 345300.0, "Latitude": 38.42, "Longitude": -122.66, "Population": 2228.0}, {"index": 19179, "quantile": 0.0, "value": 189100.0, "Latitude": 38.43, "Longitude": -122.68, "Population": 161.0}, {"index": 19179, "quantile": 0.25, "value": 334400.0, "Latitude": 38.43, "Longitude": -122.68, "Population": 161.0}, {"index": 19179, "quantile": 0.5, "value": 334400.0, "Latitude": 38.43, "Longitude": -122.68, "Population": 161.0}, {"index": 19179, "quantile": 0.75, "value": 334400.0, "Latitude": 38.43, "Longitude": -122.68, "Population": 161.0}, {"index": 19179, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.43, "Longitude": -122.68, "Population": 161.0}, {"index": 19180, "quantile": 0.0, "value": 72100.0, "Latitude": 38.46, "Longitude": -122.58, "Population": 1182.0}, {"index": 19180, "quantile": 0.25, "value": 167300.0, "Latitude": 38.46, "Longitude": -122.58, "Population": 1182.0}, {"index": 19180, "quantile": 0.5, "value": 192750.0, "Latitude": 38.46, "Longitude": -122.58, "Population": 1182.0}, {"index": 19180, "quantile": 0.75, "value": 218775.0, "Latitude": 38.46, "Longitude": -122.58, "Population": 1182.0}, {"index": 19180, "quantile": 1.0, "value": 345300.0, "Latitude": 38.46, "Longitude": -122.58, "Population": 1182.0}, {"index": 19181, "quantile": 0.0, "value": 134100.0, "Latitude": 38.42, "Longitude": -122.61, "Population": 2543.0}, {"index": 19181, "quantile": 0.25, "value": 259800.0, "Latitude": 38.42, "Longitude": -122.61, "Population": 2543.0}, {"index": 19181, "quantile": 0.5, "value": 259800.0, "Latitude": 38.42, "Longitude": -122.61, "Population": 2543.0}, {"index": 19181, "quantile": 0.75, "value": 259800.0, "Latitude": 38.42, "Longitude": -122.61, "Population": 2543.0}, {"index": 19181, "quantile": 1.0, "value": 376700.0, "Latitude": 38.42, "Longitude": -122.61, "Population": 2543.0}, {"index": 19182, "quantile": 0.0, "value": 105300.0, "Latitude": 38.43, "Longitude": -122.58, "Population": 1132.0}, {"index": 19182, "quantile": 0.25, "value": 213200.0, "Latitude": 38.43, "Longitude": -122.58, "Population": 1132.0}, {"index": 19182, "quantile": 0.5, "value": 269200.0, "Latitude": 38.43, "Longitude": -122.58, "Population": 1132.0}, {"index": 19182, "quantile": 0.75, "value": 269200.0, "Latitude": 38.43, "Longitude": -122.58, "Population": 1132.0}, {"index": 19182, "quantile": 1.0, "value": 450000.0, "Latitude": 38.43, "Longitude": -122.58, "Population": 1132.0}, {"index": 19183, "quantile": 0.0, "value": 71700.0, "Latitude": 38.44, "Longitude": -122.59, "Population": 505.0}, {"index": 19183, "quantile": 0.25, "value": 110000.00000000001, "Latitude": 38.44, "Longitude": -122.59, "Population": 505.0}, {"index": 19183, "quantile": 0.5, "value": 134100.0, "Latitude": 38.44, "Longitude": -122.59, "Population": 505.0}, {"index": 19183, "quantile": 0.75, "value": 187600.0, "Latitude": 38.44, "Longitude": -122.59, "Population": 505.0}, {"index": 19183, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.44, "Longitude": -122.59, "Population": 505.0}, {"index": 19184, "quantile": 0.0, "value": 76600.0, "Latitude": 38.43, "Longitude": -122.59, "Population": 785.0}, {"index": 19184, "quantile": 0.25, "value": 215824.99999999997, "Latitude": 38.43, "Longitude": -122.59, "Population": 785.0}, {"index": 19184, "quantile": 0.5, "value": 216699.99999999997, "Latitude": 38.43, "Longitude": -122.59, "Population": 785.0}, {"index": 19184, "quantile": 0.75, "value": 216699.99999999997, "Latitude": 38.43, "Longitude": -122.59, "Population": 785.0}, {"index": 19184, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.43, "Longitude": -122.59, "Population": 785.0}, {"index": 19185, "quantile": 0.0, "value": 158200.0, "Latitude": 38.41, "Longitude": -122.56, "Population": 478.0}, {"index": 19185, "quantile": 0.25, "value": 345825.0, "Latitude": 38.41, "Longitude": -122.56, "Population": 478.0}, {"index": 19185, "quantile": 0.5, "value": 384600.0, "Latitude": 38.41, "Longitude": -122.56, "Population": 478.0}, {"index": 19185, "quantile": 0.75, "value": 384600.0, "Latitude": 38.41, "Longitude": -122.56, "Population": 478.0}, {"index": 19185, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.41, "Longitude": -122.56, "Population": 478.0}, {"index": 19186, "quantile": 0.0, "value": 75800.0, "Latitude": 38.46, "Longitude": -122.66, "Population": 1300.0}, {"index": 19186, "quantile": 0.25, "value": 164325.0, "Latitude": 38.46, "Longitude": -122.66, "Population": 1300.0}, {"index": 19186, "quantile": 0.5, "value": 221099.99999999997, "Latitude": 38.46, "Longitude": -122.66, "Population": 1300.0}, {"index": 19186, "quantile": 0.75, "value": 221099.99999999997, "Latitude": 38.46, "Longitude": -122.66, "Population": 1300.0}, {"index": 19186, "quantile": 1.0, "value": 329100.0, "Latitude": 38.46, "Longitude": -122.66, "Population": 1300.0}, {"index": 19187, "quantile": 0.0, "value": 130600.0, "Latitude": 38.45, "Longitude": -122.66, "Population": 906.0}, {"index": 19187, "quantile": 0.25, "value": 202900.0, "Latitude": 38.45, "Longitude": -122.66, "Population": 906.0}, {"index": 19187, "quantile": 0.5, "value": 249650.00000000003, "Latitude": 38.45, "Longitude": -122.66, "Population": 906.0}, {"index": 19187, "quantile": 0.75, "value": 270200.0, "Latitude": 38.45, "Longitude": -122.66, "Population": 906.0}, {"index": 19187, "quantile": 1.0, "value": 495800.0, "Latitude": 38.45, "Longitude": -122.66, "Population": 906.0}, {"index": 19188, "quantile": 0.0, "value": 81300.0, "Latitude": 38.45, "Longitude": -122.67, "Population": 1027.0}, {"index": 19188, "quantile": 0.25, "value": 182075.0, "Latitude": 38.45, "Longitude": -122.67, "Population": 1027.0}, {"index": 19188, "quantile": 0.5, "value": 242600.00000000003, "Latitude": 38.45, "Longitude": -122.67, "Population": 1027.0}, {"index": 19188, "quantile": 0.75, "value": 242600.00000000003, "Latitude": 38.45, "Longitude": -122.67, "Population": 1027.0}, {"index": 19188, "quantile": 1.0, "value": 276300.0, "Latitude": 38.45, "Longitude": -122.67, "Population": 1027.0}, {"index": 19189, "quantile": 0.0, "value": 136900.0, "Latitude": 38.44, "Longitude": -122.67, "Population": 1786.0}, {"index": 19189, "quantile": 0.25, "value": 172200.0, "Latitude": 38.44, "Longitude": -122.67, "Population": 1786.0}, {"index": 19189, "quantile": 0.5, "value": 172200.0, "Latitude": 38.44, "Longitude": -122.67, "Population": 1786.0}, {"index": 19189, "quantile": 0.75, "value": 172200.0, "Latitude": 38.44, "Longitude": -122.67, "Population": 1786.0}, {"index": 19189, "quantile": 1.0, "value": 292100.0, "Latitude": 38.44, "Longitude": -122.67, "Population": 1786.0}, {"index": 19190, "quantile": 0.0, "value": 86600.0, "Latitude": 38.44, "Longitude": -122.68, "Population": 1346.0}, {"index": 19190, "quantile": 0.25, "value": 169700.0, "Latitude": 38.44, "Longitude": -122.68, "Population": 1346.0}, {"index": 19190, "quantile": 0.5, "value": 169700.0, "Latitude": 38.44, "Longitude": -122.68, "Population": 1346.0}, {"index": 19190, "quantile": 0.75, "value": 169700.0, "Latitude": 38.44, "Longitude": -122.68, "Population": 1346.0}, {"index": 19190, "quantile": 1.0, "value": 249200.0, "Latitude": 38.44, "Longitude": -122.68, "Population": 1346.0}, {"index": 19191, "quantile": 0.0, "value": 81300.0, "Latitude": 38.45, "Longitude": -122.7, "Population": 310.0}, {"index": 19191, "quantile": 0.25, "value": 190600.0, "Latitude": 38.45, "Longitude": -122.7, "Population": 310.0}, {"index": 19191, "quantile": 0.5, "value": 190600.0, "Latitude": 38.45, "Longitude": -122.7, "Population": 310.0}, {"index": 19191, "quantile": 0.75, "value": 190600.0, "Latitude": 38.45, "Longitude": -122.7, "Population": 310.0}, {"index": 19191, "quantile": 1.0, "value": 348200.0, "Latitude": 38.45, "Longitude": -122.7, "Population": 310.0}, {"index": 19192, "quantile": 0.0, "value": 116100.0, "Latitude": 38.45, "Longitude": -122.68, "Population": 744.0}, {"index": 19192, "quantile": 0.25, "value": 172600.0, "Latitude": 38.45, "Longitude": -122.68, "Population": 744.0}, {"index": 19192, "quantile": 0.5, "value": 196400.0, "Latitude": 38.45, "Longitude": -122.68, "Population": 744.0}, {"index": 19192, "quantile": 0.75, "value": 215899.99999999997, "Latitude": 38.45, "Longitude": -122.68, "Population": 744.0}, {"index": 19192, "quantile": 1.0, "value": 348200.0, "Latitude": 38.45, "Longitude": -122.68, "Population": 744.0}, {"index": 19193, "quantile": 0.0, "value": 90700.0, "Latitude": 38.44, "Longitude": -122.69, "Population": 636.0}, {"index": 19193, "quantile": 0.25, "value": 161200.0, "Latitude": 38.44, "Longitude": -122.69, "Population": 636.0}, {"index": 19193, "quantile": 0.5, "value": 161200.0, "Latitude": 38.44, "Longitude": -122.69, "Population": 636.0}, {"index": 19193, "quantile": 0.75, "value": 161200.0, "Latitude": 38.44, "Longitude": -122.69, "Population": 636.0}, {"index": 19193, "quantile": 1.0, "value": 289500.0, "Latitude": 38.44, "Longitude": -122.69, "Population": 636.0}, {"index": 19194, "quantile": 0.0, "value": 149700.0, "Latitude": 38.44, "Longitude": -122.69, "Population": 620.0}, {"index": 19194, "quantile": 0.25, "value": 168300.0, "Latitude": 38.44, "Longitude": -122.69, "Population": 620.0}, {"index": 19194, "quantile": 0.5, "value": 168300.0, "Latitude": 38.44, "Longitude": -122.69, "Population": 620.0}, {"index": 19194, "quantile": 0.75, "value": 196325.0, "Latitude": 38.44, "Longitude": -122.69, "Population": 620.0}, {"index": 19194, "quantile": 1.0, "value": 287800.0, "Latitude": 38.44, "Longitude": -122.69, "Population": 620.0}, {"index": 19195, "quantile": 0.0, "value": 114599.99999999999, "Latitude": 38.44, "Longitude": -122.68, "Population": 648.0}, {"index": 19195, "quantile": 0.25, "value": 157800.0, "Latitude": 38.44, "Longitude": -122.68, "Population": 648.0}, {"index": 19195, "quantile": 0.5, "value": 175000.0, "Latitude": 38.44, "Longitude": -122.68, "Population": 648.0}, {"index": 19195, "quantile": 0.75, "value": 197700.0, "Latitude": 38.44, "Longitude": -122.68, "Population": 648.0}, {"index": 19195, "quantile": 1.0, "value": 319900.0, "Latitude": 38.44, "Longitude": -122.68, "Population": 648.0}, {"index": 19196, "quantile": 0.0, "value": 123600.0, "Latitude": 38.44, "Longitude": -122.7, "Population": 401.0}, {"index": 19196, "quantile": 0.25, "value": 175500.0, "Latitude": 38.44, "Longitude": -122.7, "Population": 401.0}, {"index": 19196, "quantile": 0.5, "value": 191350.0, "Latitude": 38.44, "Longitude": -122.7, "Population": 401.0}, {"index": 19196, "quantile": 0.75, "value": 232100.00000000003, "Latitude": 38.44, "Longitude": -122.7, "Population": 401.0}, {"index": 19196, "quantile": 1.0, "value": 337500.0, "Latitude": 38.44, "Longitude": -122.7, "Population": 401.0}, {"index": 19197, "quantile": 0.0, "value": 135500.0, "Latitude": 38.45, "Longitude": -122.69, "Population": 711.0}, {"index": 19197, "quantile": 0.25, "value": 183000.0, "Latitude": 38.45, "Longitude": -122.69, "Population": 711.0}, {"index": 19197, "quantile": 0.5, "value": 183000.0, "Latitude": 38.45, "Longitude": -122.69, "Population": 711.0}, {"index": 19197, "quantile": 0.75, "value": 190600.0, "Latitude": 38.45, "Longitude": -122.69, "Population": 711.0}, {"index": 19197, "quantile": 1.0, "value": 295700.0, "Latitude": 38.45, "Longitude": -122.69, "Population": 711.0}, {"index": 19198, "quantile": 0.0, "value": 133100.0, "Latitude": 38.44, "Longitude": -122.69, "Population": 691.0}, {"index": 19198, "quantile": 0.25, "value": 208400.0, "Latitude": 38.44, "Longitude": -122.69, "Population": 691.0}, {"index": 19198, "quantile": 0.5, "value": 239149.99999999997, "Latitude": 38.44, "Longitude": -122.69, "Population": 691.0}, {"index": 19198, "quantile": 0.75, "value": 270700.0, "Latitude": 38.44, "Longitude": -122.69, "Population": 691.0}, {"index": 19198, "quantile": 1.0, "value": 345300.0, "Latitude": 38.44, "Longitude": -122.69, "Population": 691.0}, {"index": 19199, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.44, "Longitude": -122.7, "Population": 547.0}, {"index": 19199, "quantile": 0.25, "value": 162450.0, "Latitude": 38.44, "Longitude": -122.7, "Population": 547.0}, {"index": 19199, "quantile": 0.5, "value": 165000.0, "Latitude": 38.44, "Longitude": -122.7, "Population": 547.0}, {"index": 19199, "quantile": 0.75, "value": 165000.0, "Latitude": 38.44, "Longitude": -122.7, "Population": 547.0}, {"index": 19199, "quantile": 1.0, "value": 237500.0, "Latitude": 38.44, "Longitude": -122.7, "Population": 547.0}, {"index": 19200, "quantile": 0.0, "value": 129600.0, "Latitude": 38.44, "Longitude": -122.7, "Population": 822.0}, {"index": 19200, "quantile": 0.25, "value": 157800.0, "Latitude": 38.44, "Longitude": -122.7, "Population": 822.0}, {"index": 19200, "quantile": 0.5, "value": 157800.0, "Latitude": 38.44, "Longitude": -122.7, "Population": 822.0}, {"index": 19200, "quantile": 0.75, "value": 157800.0, "Latitude": 38.44, "Longitude": -122.7, "Population": 822.0}, {"index": 19200, "quantile": 1.0, "value": 260800.0, "Latitude": 38.44, "Longitude": -122.7, "Population": 822.0}, {"index": 19201, "quantile": 0.0, "value": 62500.0, "Latitude": 38.43, "Longitude": -122.71, "Population": 738.0}, {"index": 19201, "quantile": 0.25, "value": 139374.99999999997, "Latitude": 38.43, "Longitude": -122.71, "Population": 738.0}, {"index": 19201, "quantile": 0.5, "value": 163500.0, "Latitude": 38.43, "Longitude": -122.71, "Population": 738.0}, {"index": 19201, "quantile": 0.75, "value": 169400.0, "Latitude": 38.43, "Longitude": -122.71, "Population": 738.0}, {"index": 19201, "quantile": 1.0, "value": 450000.0, "Latitude": 38.43, "Longitude": -122.71, "Population": 738.0}, {"index": 19202, "quantile": 0.0, "value": 37900.0, "Latitude": 38.43, "Longitude": -122.71, "Population": 1071.0}, {"index": 19202, "quantile": 0.25, "value": 124000.0, "Latitude": 38.43, "Longitude": -122.71, "Population": 1071.0}, {"index": 19202, "quantile": 0.5, "value": 124000.0, "Latitude": 38.43, "Longitude": -122.71, "Population": 1071.0}, {"index": 19202, "quantile": 0.75, "value": 134350.0, "Latitude": 38.43, "Longitude": -122.71, "Population": 1071.0}, {"index": 19202, "quantile": 1.0, "value": 268800.0, "Latitude": 38.43, "Longitude": -122.71, "Population": 1071.0}, {"index": 19203, "quantile": 0.0, "value": 37900.0, "Latitude": 38.44, "Longitude": -122.72, "Population": 627.0}, {"index": 19203, "quantile": 0.25, "value": 93600.0, "Latitude": 38.44, "Longitude": -122.72, "Population": 627.0}, {"index": 19203, "quantile": 0.5, "value": 129200.0, "Latitude": 38.44, "Longitude": -122.72, "Population": 627.0}, {"index": 19203, "quantile": 0.75, "value": 165275.0, "Latitude": 38.44, "Longitude": -122.72, "Population": 627.0}, {"index": 19203, "quantile": 1.0, "value": 287500.0, "Latitude": 38.44, "Longitude": -122.72, "Population": 627.0}, {"index": 19204, "quantile": 0.0, "value": 52800.0, "Latitude": 38.44, "Longitude": -122.71, "Population": 475.0}, {"index": 19204, "quantile": 0.25, "value": 258300.00000000003, "Latitude": 38.44, "Longitude": -122.71, "Population": 475.0}, {"index": 19204, "quantile": 0.5, "value": 258300.00000000003, "Latitude": 38.44, "Longitude": -122.71, "Population": 475.0}, {"index": 19204, "quantile": 0.75, "value": 258300.00000000003, "Latitude": 38.44, "Longitude": -122.71, "Population": 475.0}, {"index": 19204, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.44, "Longitude": -122.71, "Population": 475.0}, {"index": 19205, "quantile": 0.0, "value": 32500.0, "Latitude": 38.44, "Longitude": -122.71, "Population": 462.0}, {"index": 19205, "quantile": 0.25, "value": 117750.0, "Latitude": 38.44, "Longitude": -122.71, "Population": 462.0}, {"index": 19205, "quantile": 0.5, "value": 141550.0, "Latitude": 38.44, "Longitude": -122.71, "Population": 462.0}, {"index": 19205, "quantile": 0.75, "value": 179975.0, "Latitude": 38.44, "Longitude": -122.71, "Population": 462.0}, {"index": 19205, "quantile": 1.0, "value": 425000.0, "Latitude": 38.44, "Longitude": -122.71, "Population": 462.0}, {"index": 19206, "quantile": 0.0, "value": 69100.0, "Latitude": 38.47, "Longitude": -122.72, "Population": 990.0}, {"index": 19206, "quantile": 0.25, "value": 146150.0, "Latitude": 38.47, "Longitude": -122.72, "Population": 990.0}, {"index": 19206, "quantile": 0.5, "value": 164800.0, "Latitude": 38.47, "Longitude": -122.72, "Population": 990.0}, {"index": 19206, "quantile": 0.75, "value": 164800.0, "Latitude": 38.47, "Longitude": -122.72, "Population": 990.0}, {"index": 19206, "quantile": 1.0, "value": 275000.0, "Latitude": 38.47, "Longitude": -122.72, "Population": 990.0}, {"index": 19207, "quantile": 0.0, "value": 140600.0, "Latitude": 38.46, "Longitude": -122.72, "Population": 795.0}, {"index": 19207, "quantile": 0.25, "value": 157000.0, "Latitude": 38.46, "Longitude": -122.72, "Population": 795.0}, {"index": 19207, "quantile": 0.5, "value": 157000.0, "Latitude": 38.46, "Longitude": -122.72, "Population": 795.0}, {"index": 19207, "quantile": 0.75, "value": 157000.0, "Latitude": 38.46, "Longitude": -122.72, "Population": 795.0}, {"index": 19207, "quantile": 1.0, "value": 360700.0, "Latitude": 38.46, "Longitude": -122.72, "Population": 795.0}, {"index": 19208, "quantile": 0.0, "value": 90000.0, "Latitude": 38.45, "Longitude": -122.72, "Population": 780.0}, {"index": 19208, "quantile": 0.25, "value": 175500.0, "Latitude": 38.45, "Longitude": -122.72, "Population": 780.0}, {"index": 19208, "quantile": 0.5, "value": 175500.0, "Latitude": 38.45, "Longitude": -122.72, "Population": 780.0}, {"index": 19208, "quantile": 0.75, "value": 183000.0, "Latitude": 38.45, "Longitude": -122.72, "Population": 780.0}, {"index": 19208, "quantile": 1.0, "value": 304700.0, "Latitude": 38.45, "Longitude": -122.72, "Population": 780.0}, {"index": 19209, "quantile": 0.0, "value": 63300.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 844.0}, {"index": 19209, "quantile": 0.25, "value": 166950.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 844.0}, {"index": 19209, "quantile": 0.5, "value": 169400.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 844.0}, {"index": 19209, "quantile": 0.75, "value": 169400.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 844.0}, {"index": 19209, "quantile": 1.0, "value": 412500.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 844.0}, {"index": 19210, "quantile": 0.0, "value": 63300.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 965.0}, {"index": 19210, "quantile": 0.25, "value": 159300.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 965.0}, {"index": 19210, "quantile": 0.5, "value": 159300.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 965.0}, {"index": 19210, "quantile": 0.75, "value": 166850.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 965.0}, {"index": 19210, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.46, "Longitude": -122.71, "Population": 965.0}, {"index": 19211, "quantile": 0.0, "value": 91500.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 1087.0}, {"index": 19211, "quantile": 0.25, "value": 167200.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 1087.0}, {"index": 19211, "quantile": 0.5, "value": 167200.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 1087.0}, {"index": 19211, "quantile": 0.75, "value": 167200.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 1087.0}, {"index": 19211, "quantile": 1.0, "value": 350000.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 1087.0}, {"index": 19212, "quantile": 0.0, "value": 90000.0, "Latitude": 38.45, "Longitude": -122.71, "Population": 1223.0}, {"index": 19212, "quantile": 0.25, "value": 158800.0, "Latitude": 38.45, "Longitude": -122.71, "Population": 1223.0}, {"index": 19212, "quantile": 0.5, "value": 162100.0, "Latitude": 38.45, "Longitude": -122.71, "Population": 1223.0}, {"index": 19212, "quantile": 0.75, "value": 184025.0, "Latitude": 38.45, "Longitude": -122.71, "Population": 1223.0}, {"index": 19212, "quantile": 1.0, "value": 324200.0, "Latitude": 38.45, "Longitude": -122.71, "Population": 1223.0}, {"index": 19213, "quantile": 0.0, "value": 101499.99999999999, "Latitude": 38.45, "Longitude": -122.71, "Population": 1275.0}, {"index": 19213, "quantile": 0.25, "value": 149175.0, "Latitude": 38.45, "Longitude": -122.71, "Population": 1275.0}, {"index": 19213, "quantile": 0.5, "value": 189750.0, "Latitude": 38.45, "Longitude": -122.71, "Population": 1275.0}, {"index": 19213, "quantile": 0.75, "value": 230900.00000000003, "Latitude": 38.45, "Longitude": -122.71, "Population": 1275.0}, {"index": 19213, "quantile": 1.0, "value": 414600.0, "Latitude": 38.45, "Longitude": -122.71, "Population": 1275.0}, {"index": 19214, "quantile": 0.0, "value": 61300.0, "Latitude": 38.45, "Longitude": -122.7, "Population": 855.0}, {"index": 19214, "quantile": 0.25, "value": 137500.0, "Latitude": 38.45, "Longitude": -122.7, "Population": 855.0}, {"index": 19214, "quantile": 0.5, "value": 140600.0, "Latitude": 38.45, "Longitude": -122.7, "Population": 855.0}, {"index": 19214, "quantile": 0.75, "value": 150000.0, "Latitude": 38.45, "Longitude": -122.7, "Population": 855.0}, {"index": 19214, "quantile": 1.0, "value": 500000.0, "Latitude": 38.45, "Longitude": -122.7, "Population": 855.0}, {"index": 19215, "quantile": 0.0, "value": 52800.0, "Latitude": 38.45, "Longitude": -122.71, "Population": 957.0}, {"index": 19215, "quantile": 0.25, "value": 165775.0, "Latitude": 38.45, "Longitude": -122.71, "Population": 957.0}, {"index": 19215, "quantile": 0.5, "value": 188800.0, "Latitude": 38.45, "Longitude": -122.71, "Population": 957.0}, {"index": 19215, "quantile": 0.75, "value": 188800.0, "Latitude": 38.45, "Longitude": -122.71, "Population": 957.0}, {"index": 19215, "quantile": 1.0, "value": 270800.0, "Latitude": 38.45, "Longitude": -122.71, "Population": 957.0}, {"index": 19216, "quantile": 0.0, "value": 124900.00000000001, "Latitude": 38.48, "Longitude": -122.68, "Population": 716.0}, {"index": 19216, "quantile": 0.25, "value": 244600.00000000003, "Latitude": 38.48, "Longitude": -122.68, "Population": 716.0}, {"index": 19216, "quantile": 0.5, "value": 244600.00000000003, "Latitude": 38.48, "Longitude": -122.68, "Population": 716.0}, {"index": 19216, "quantile": 0.75, "value": 244600.00000000003, "Latitude": 38.48, "Longitude": -122.68, "Population": 716.0}, {"index": 19216, "quantile": 1.0, "value": 367000.0, "Latitude": 38.48, "Longitude": -122.68, "Population": 716.0}, {"index": 19217, "quantile": 0.0, "value": 87500.0, "Latitude": 38.47, "Longitude": -122.67, "Population": 1567.0}, {"index": 19217, "quantile": 0.25, "value": 162850.0, "Latitude": 38.47, "Longitude": -122.67, "Population": 1567.0}, {"index": 19217, "quantile": 0.5, "value": 180300.0, "Latitude": 38.47, "Longitude": -122.67, "Population": 1567.0}, {"index": 19217, "quantile": 0.75, "value": 202900.0, "Latitude": 38.47, "Longitude": -122.67, "Population": 1567.0}, {"index": 19217, "quantile": 1.0, "value": 324200.0, "Latitude": 38.47, "Longitude": -122.67, "Population": 1567.0}, {"index": 19218, "quantile": 0.0, "value": 169500.0, "Latitude": 38.46, "Longitude": -122.68, "Population": 1244.0}, {"index": 19218, "quantile": 0.25, "value": 202900.0, "Latitude": 38.46, "Longitude": -122.68, "Population": 1244.0}, {"index": 19218, "quantile": 0.5, "value": 202900.0, "Latitude": 38.46, "Longitude": -122.68, "Population": 1244.0}, {"index": 19218, "quantile": 0.75, "value": 205225.0, "Latitude": 38.46, "Longitude": -122.68, "Population": 1244.0}, {"index": 19218, "quantile": 1.0, "value": 361100.0, "Latitude": 38.46, "Longitude": -122.68, "Population": 1244.0}, {"index": 19219, "quantile": 0.0, "value": 91500.0, "Latitude": 38.47, "Longitude": -122.67, "Population": 1130.0}, {"index": 19219, "quantile": 0.25, "value": 168400.0, "Latitude": 38.47, "Longitude": -122.67, "Population": 1130.0}, {"index": 19219, "quantile": 0.5, "value": 190300.0, "Latitude": 38.47, "Longitude": -122.67, "Population": 1130.0}, {"index": 19219, "quantile": 0.75, "value": 190300.0, "Latitude": 38.47, "Longitude": -122.67, "Population": 1130.0}, {"index": 19219, "quantile": 1.0, "value": 350800.0, "Latitude": 38.47, "Longitude": -122.67, "Population": 1130.0}, {"index": 19220, "quantile": 0.0, "value": 74800.0, "Latitude": 38.46, "Longitude": -122.68, "Population": 718.0}, {"index": 19220, "quantile": 0.25, "value": 141300.0, "Latitude": 38.46, "Longitude": -122.68, "Population": 718.0}, {"index": 19220, "quantile": 0.5, "value": 141300.0, "Latitude": 38.46, "Longitude": -122.68, "Population": 718.0}, {"index": 19220, "quantile": 0.75, "value": 141300.0, "Latitude": 38.46, "Longitude": -122.68, "Population": 718.0}, {"index": 19220, "quantile": 1.0, "value": 267600.0, "Latitude": 38.46, "Longitude": -122.68, "Population": 718.0}, {"index": 19221, "quantile": 0.0, "value": 81800.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 1299.0}, {"index": 19221, "quantile": 0.25, "value": 182050.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 1299.0}, {"index": 19221, "quantile": 0.5, "value": 196350.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 1299.0}, {"index": 19221, "quantile": 0.75, "value": 250175.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 1299.0}, {"index": 19221, "quantile": 1.0, "value": 457500.0, "Latitude": 38.46, "Longitude": -122.71, "Population": 1299.0}, {"index": 19222, "quantile": 0.0, "value": 116100.0, "Latitude": 38.46, "Longitude": -122.7, "Population": 1012.0}, {"index": 19222, "quantile": 0.25, "value": 240200.0, "Latitude": 38.46, "Longitude": -122.7, "Population": 1012.0}, {"index": 19222, "quantile": 0.5, "value": 240200.0, "Latitude": 38.46, "Longitude": -122.7, "Population": 1012.0}, {"index": 19222, "quantile": 0.75, "value": 263800.0, "Latitude": 38.46, "Longitude": -122.7, "Population": 1012.0}, {"index": 19222, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.46, "Longitude": -122.7, "Population": 1012.0}, {"index": 19223, "quantile": 0.0, "value": 81300.0, "Latitude": 38.46, "Longitude": -122.69, "Population": 1117.0}, {"index": 19223, "quantile": 0.25, "value": 240200.0, "Latitude": 38.46, "Longitude": -122.69, "Population": 1117.0}, {"index": 19223, "quantile": 0.5, "value": 275900.0, "Latitude": 38.46, "Longitude": -122.69, "Population": 1117.0}, {"index": 19223, "quantile": 0.75, "value": 275900.0, "Latitude": 38.46, "Longitude": -122.69, "Population": 1117.0}, {"index": 19223, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.46, "Longitude": -122.69, "Population": 1117.0}, {"index": 19224, "quantile": 0.0, "value": 112500.0, "Latitude": 38.45, "Longitude": -122.7, "Population": 640.0}, {"index": 19224, "quantile": 0.25, "value": 190600.0, "Latitude": 38.45, "Longitude": -122.7, "Population": 640.0}, {"index": 19224, "quantile": 0.5, "value": 220249.99999999997, "Latitude": 38.45, "Longitude": -122.7, "Population": 640.0}, {"index": 19224, "quantile": 0.75, "value": 275900.0, "Latitude": 38.45, "Longitude": -122.7, "Population": 640.0}, {"index": 19224, "quantile": 1.0, "value": 500000.0, "Latitude": 38.45, "Longitude": -122.7, "Population": 640.0}, {"index": 19225, "quantile": 0.0, "value": 175200.0, "Latitude": 38.48, "Longitude": -122.72, "Population": 902.0}, {"index": 19225, "quantile": 0.25, "value": 289100.0, "Latitude": 38.48, "Longitude": -122.72, "Population": 902.0}, {"index": 19225, "quantile": 0.5, "value": 289100.0, "Latitude": 38.48, "Longitude": -122.72, "Population": 902.0}, {"index": 19225, "quantile": 0.75, "value": 293100.0, "Latitude": 38.48, "Longitude": -122.72, "Population": 902.0}, {"index": 19225, "quantile": 1.0, "value": 417600.0, "Latitude": 38.48, "Longitude": -122.72, "Population": 902.0}, {"index": 19226, "quantile": 0.0, "value": 305200.0, "Latitude": 38.46, "Longitude": -122.68, "Population": 1926.0}, {"index": 19226, "quantile": 0.25, "value": 381300.0, "Latitude": 38.46, "Longitude": -122.68, "Population": 1926.0}, {"index": 19226, "quantile": 0.5, "value": 381300.0, "Latitude": 38.46, "Longitude": -122.68, "Population": 1926.0}, {"index": 19226, "quantile": 0.75, "value": 381300.0, "Latitude": 38.46, "Longitude": -122.68, "Population": 1926.0}, {"index": 19226, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.46, "Longitude": -122.68, "Population": 1926.0}, {"index": 19227, "quantile": 0.0, "value": 252999.99999999997, "Latitude": 38.5, "Longitude": -122.71, "Population": 2324.0}, {"index": 19227, "quantile": 0.25, "value": 330900.0, "Latitude": 38.5, "Longitude": -122.71, "Population": 2324.0}, {"index": 19227, "quantile": 0.5, "value": 330900.0, "Latitude": 38.5, "Longitude": -122.71, "Population": 2324.0}, {"index": 19227, "quantile": 0.75, "value": 330900.0, "Latitude": 38.5, "Longitude": -122.71, "Population": 2324.0}, {"index": 19227, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.5, "Longitude": -122.71, "Population": 2324.0}, {"index": 19228, "quantile": 0.0, "value": 130600.0, "Latitude": 38.48, "Longitude": -122.66, "Population": 1462.0}, {"index": 19228, "quantile": 0.25, "value": 190300.0, "Latitude": 38.48, "Longitude": -122.66, "Population": 1462.0}, {"index": 19228, "quantile": 0.5, "value": 190300.0, "Latitude": 38.48, "Longitude": -122.66, "Population": 1462.0}, {"index": 19228, "quantile": 0.75, "value": 190300.0, "Latitude": 38.48, "Longitude": -122.66, "Population": 1462.0}, {"index": 19228, "quantile": 1.0, "value": 319000.0, "Latitude": 38.48, "Longitude": -122.66, "Population": 1462.0}, {"index": 19229, "quantile": 0.0, "value": 87500.0, "Latitude": 38.48, "Longitude": -122.66, "Population": 1124.0}, {"index": 19229, "quantile": 0.25, "value": 186200.0, "Latitude": 38.48, "Longitude": -122.66, "Population": 1124.0}, {"index": 19229, "quantile": 0.5, "value": 186200.0, "Latitude": 38.48, "Longitude": -122.66, "Population": 1124.0}, {"index": 19229, "quantile": 0.75, "value": 186200.0, "Latitude": 38.48, "Longitude": -122.66, "Population": 1124.0}, {"index": 19229, "quantile": 1.0, "value": 267600.0, "Latitude": 38.48, "Longitude": -122.66, "Population": 1124.0}, {"index": 19230, "quantile": 0.0, "value": 140300.0, "Latitude": 38.47, "Longitude": -122.66, "Population": 1035.0}, {"index": 19230, "quantile": 0.25, "value": 172600.0, "Latitude": 38.47, "Longitude": -122.66, "Population": 1035.0}, {"index": 19230, "quantile": 0.5, "value": 172600.0, "Latitude": 38.47, "Longitude": -122.66, "Population": 1035.0}, {"index": 19230, "quantile": 0.75, "value": 188600.0, "Latitude": 38.47, "Longitude": -122.66, "Population": 1035.0}, {"index": 19230, "quantile": 1.0, "value": 292700.0, "Latitude": 38.47, "Longitude": -122.66, "Population": 1035.0}, {"index": 19231, "quantile": 0.0, "value": 87500.0, "Latitude": 38.46, "Longitude": -122.65, "Population": 926.0}, {"index": 19231, "quantile": 0.25, "value": 135500.0, "Latitude": 38.46, "Longitude": -122.65, "Population": 926.0}, {"index": 19231, "quantile": 0.5, "value": 186100.0, "Latitude": 38.46, "Longitude": -122.65, "Population": 926.0}, {"index": 19231, "quantile": 0.75, "value": 208400.0, "Latitude": 38.46, "Longitude": -122.65, "Population": 926.0}, {"index": 19231, "quantile": 1.0, "value": 292200.0, "Latitude": 38.46, "Longitude": -122.65, "Population": 926.0}, {"index": 19232, "quantile": 0.0, "value": 71700.0, "Latitude": 38.48, "Longitude": -122.66, "Population": 919.0}, {"index": 19232, "quantile": 0.25, "value": 158225.00000000003, "Latitude": 38.48, "Longitude": -122.66, "Population": 919.0}, {"index": 19232, "quantile": 0.5, "value": 189400.0, "Latitude": 38.48, "Longitude": -122.66, "Population": 919.0}, {"index": 19232, "quantile": 0.75, "value": 216699.99999999997, "Latitude": 38.48, "Longitude": -122.66, "Population": 919.0}, {"index": 19232, "quantile": 1.0, "value": 348200.0, "Latitude": 38.48, "Longitude": -122.66, "Population": 919.0}, {"index": 19233, "quantile": 0.0, "value": 116100.0, "Latitude": 38.47, "Longitude": -122.66, "Population": 1369.0}, {"index": 19233, "quantile": 0.25, "value": 190500.0, "Latitude": 38.47, "Longitude": -122.66, "Population": 1369.0}, {"index": 19233, "quantile": 0.5, "value": 190500.0, "Latitude": 38.47, "Longitude": -122.66, "Population": 1369.0}, {"index": 19233, "quantile": 0.75, "value": 190500.0, "Latitude": 38.47, "Longitude": -122.66, "Population": 1369.0}, {"index": 19233, "quantile": 1.0, "value": 287500.0, "Latitude": 38.47, "Longitude": -122.66, "Population": 1369.0}, {"index": 19234, "quantile": 0.0, "value": 201399.99999999997, "Latitude": 38.51, "Longitude": -122.69, "Population": 1442.0}, {"index": 19234, "quantile": 0.25, "value": 313000.0, "Latitude": 38.51, "Longitude": -122.69, "Population": 1442.0}, {"index": 19234, "quantile": 0.5, "value": 313000.0, "Latitude": 38.51, "Longitude": -122.69, "Population": 1442.0}, {"index": 19234, "quantile": 0.75, "value": 313000.0, "Latitude": 38.51, "Longitude": -122.69, "Population": 1442.0}, {"index": 19234, "quantile": 1.0, "value": 467699.99999999994, "Latitude": 38.51, "Longitude": -122.69, "Population": 1442.0}, {"index": 19235, "quantile": 0.0, "value": 137200.0, "Latitude": 38.48, "Longitude": -122.64, "Population": 1174.0}, {"index": 19235, "quantile": 0.25, "value": 255700.0, "Latitude": 38.48, "Longitude": -122.64, "Population": 1174.0}, {"index": 19235, "quantile": 0.5, "value": 255700.0, "Latitude": 38.48, "Longitude": -122.64, "Population": 1174.0}, {"index": 19235, "quantile": 0.75, "value": 265600.0, "Latitude": 38.48, "Longitude": -122.64, "Population": 1174.0}, {"index": 19235, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.48, "Longitude": -122.64, "Population": 1174.0}, {"index": 19236, "quantile": 0.0, "value": 119900.0, "Latitude": 38.47, "Longitude": -122.65, "Population": 847.0}, {"index": 19236, "quantile": 0.25, "value": 170725.00000000003, "Latitude": 38.47, "Longitude": -122.65, "Population": 847.0}, {"index": 19236, "quantile": 0.5, "value": 179100.0, "Latitude": 38.47, "Longitude": -122.65, "Population": 847.0}, {"index": 19236, "quantile": 0.75, "value": 227999.99999999997, "Latitude": 38.47, "Longitude": -122.65, "Population": 847.0}, {"index": 19236, "quantile": 1.0, "value": 345300.0, "Latitude": 38.47, "Longitude": -122.65, "Population": 847.0}, {"index": 19237, "quantile": 0.0, "value": 146300.0, "Latitude": 38.48, "Longitude": -122.6, "Population": 606.0}, {"index": 19237, "quantile": 0.25, "value": 341500.0, "Latitude": 38.48, "Longitude": -122.6, "Population": 606.0}, {"index": 19237, "quantile": 0.5, "value": 341500.0, "Latitude": 38.48, "Longitude": -122.6, "Population": 606.0}, {"index": 19237, "quantile": 0.75, "value": 341500.0, "Latitude": 38.48, "Longitude": -122.6, "Population": 606.0}, {"index": 19237, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.48, "Longitude": -122.6, "Population": 606.0}, {"index": 19238, "quantile": 0.0, "value": 142700.0, "Latitude": 38.54, "Longitude": -122.62, "Population": 1006.0}, {"index": 19238, "quantile": 0.25, "value": 214500.0, "Latitude": 38.54, "Longitude": -122.62, "Population": 1006.0}, {"index": 19238, "quantile": 0.5, "value": 265200.0, "Latitude": 38.54, "Longitude": -122.62, "Population": 1006.0}, {"index": 19238, "quantile": 0.75, "value": 265200.0, "Latitude": 38.54, "Longitude": -122.62, "Population": 1006.0}, {"index": 19238, "quantile": 1.0, "value": 395000.0, "Latitude": 38.54, "Longitude": -122.62, "Population": 1006.0}, {"index": 19239, "quantile": 0.0, "value": 138100.0, "Latitude": 38.5, "Longitude": -122.63, "Population": 874.0}, {"index": 19239, "quantile": 0.25, "value": 265600.0, "Latitude": 38.5, "Longitude": -122.63, "Population": 874.0}, {"index": 19239, "quantile": 0.5, "value": 265600.0, "Latitude": 38.5, "Longitude": -122.63, "Population": 874.0}, {"index": 19239, "quantile": 0.75, "value": 265600.0, "Latitude": 38.5, "Longitude": -122.63, "Population": 874.0}, {"index": 19239, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.5, "Longitude": -122.63, "Population": 874.0}, {"index": 19240, "quantile": 0.0, "value": 129500.0, "Latitude": 38.48, "Longitude": -122.65, "Population": 473.0}, {"index": 19240, "quantile": 0.25, "value": 244600.00000000003, "Latitude": 38.48, "Longitude": -122.65, "Population": 473.0}, {"index": 19240, "quantile": 0.5, "value": 254199.99999999997, "Latitude": 38.48, "Longitude": -122.65, "Population": 473.0}, {"index": 19240, "quantile": 0.75, "value": 293900.0, "Latitude": 38.48, "Longitude": -122.65, "Population": 473.0}, {"index": 19240, "quantile": 1.0, "value": 339400.0, "Latitude": 38.48, "Longitude": -122.65, "Population": 473.0}, {"index": 19241, "quantile": 0.0, "value": 106300.0, "Latitude": 38.54, "Longitude": -122.75, "Population": 2699.0}, {"index": 19241, "quantile": 0.25, "value": 254199.99999999997, "Latitude": 38.54, "Longitude": -122.75, "Population": 2699.0}, {"index": 19241, "quantile": 0.5, "value": 254199.99999999997, "Latitude": 38.54, "Longitude": -122.75, "Population": 2699.0}, {"index": 19241, "quantile": 0.75, "value": 254199.99999999997, "Latitude": 38.54, "Longitude": -122.75, "Population": 2699.0}, {"index": 19241, "quantile": 1.0, "value": 392100.0, "Latitude": 38.54, "Longitude": -122.75, "Population": 2699.0}, {"index": 19242, "quantile": 0.0, "value": 91500.0, "Latitude": 38.52, "Longitude": -122.78, "Population": 1052.0}, {"index": 19242, "quantile": 0.25, "value": 192000.0, "Latitude": 38.52, "Longitude": -122.78, "Population": 1052.0}, {"index": 19242, "quantile": 0.5, "value": 192000.0, "Latitude": 38.52, "Longitude": -122.78, "Population": 1052.0}, {"index": 19242, "quantile": 0.75, "value": 192000.0, "Latitude": 38.52, "Longitude": -122.78, "Population": 1052.0}, {"index": 19242, "quantile": 1.0, "value": 267600.0, "Latitude": 38.52, "Longitude": -122.78, "Population": 1052.0}, {"index": 19243, "quantile": 0.0, "value": 132900.0, "Latitude": 38.5, "Longitude": -122.79, "Population": 2755.0}, {"index": 19243, "quantile": 0.25, "value": 189000.0, "Latitude": 38.5, "Longitude": -122.79, "Population": 2755.0}, {"index": 19243, "quantile": 0.5, "value": 248300.0, "Latitude": 38.5, "Longitude": -122.79, "Population": 2755.0}, {"index": 19243, "quantile": 0.75, "value": 248300.0, "Latitude": 38.5, "Longitude": -122.79, "Population": 2755.0}, {"index": 19243, "quantile": 1.0, "value": 287800.0, "Latitude": 38.5, "Longitude": -122.79, "Population": 2755.0}, {"index": 19244, "quantile": 0.0, "value": 71700.0, "Latitude": 38.52, "Longitude": -122.76, "Population": 826.0}, {"index": 19244, "quantile": 0.25, "value": 117100.0, "Latitude": 38.52, "Longitude": -122.76, "Population": 826.0}, {"index": 19244, "quantile": 0.5, "value": 161700.0, "Latitude": 38.52, "Longitude": -122.76, "Population": 826.0}, {"index": 19244, "quantile": 0.75, "value": 191250.0, "Latitude": 38.52, "Longitude": -122.76, "Population": 826.0}, {"index": 19244, "quantile": 1.0, "value": 350800.0, "Latitude": 38.52, "Longitude": -122.76, "Population": 826.0}, {"index": 19245, "quantile": 0.0, "value": 129500.0, "Latitude": 38.5, "Longitude": -122.75, "Population": 1713.0}, {"index": 19245, "quantile": 0.25, "value": 244600.00000000003, "Latitude": 38.5, "Longitude": -122.75, "Population": 1713.0}, {"index": 19245, "quantile": 0.5, "value": 254199.99999999997, "Latitude": 38.5, "Longitude": -122.75, "Population": 1713.0}, {"index": 19245, "quantile": 0.75, "value": 276200.0, "Latitude": 38.5, "Longitude": -122.75, "Population": 1713.0}, {"index": 19245, "quantile": 1.0, "value": 392100.0, "Latitude": 38.5, "Longitude": -122.75, "Population": 1713.0}, {"index": 19246, "quantile": 0.0, "value": 75800.0, "Latitude": 38.46, "Longitude": -122.73, "Population": 2323.0}, {"index": 19246, "quantile": 0.25, "value": 135400.0, "Latitude": 38.46, "Longitude": -122.73, "Population": 2323.0}, {"index": 19246, "quantile": 0.5, "value": 135400.0, "Latitude": 38.46, "Longitude": -122.73, "Population": 2323.0}, {"index": 19246, "quantile": 0.75, "value": 135400.0, "Latitude": 38.46, "Longitude": -122.73, "Population": 2323.0}, {"index": 19246, "quantile": 1.0, "value": 287500.0, "Latitude": 38.46, "Longitude": -122.73, "Population": 2323.0}, {"index": 19247, "quantile": 0.0, "value": 67500.0, "Latitude": 38.47, "Longitude": -122.73, "Population": 994.0}, {"index": 19247, "quantile": 0.25, "value": 156500.0, "Latitude": 38.47, "Longitude": -122.73, "Population": 994.0}, {"index": 19247, "quantile": 0.5, "value": 156500.0, "Latitude": 38.47, "Longitude": -122.73, "Population": 994.0}, {"index": 19247, "quantile": 0.75, "value": 156500.0, "Latitude": 38.47, "Longitude": -122.73, "Population": 994.0}, {"index": 19247, "quantile": 1.0, "value": 215899.99999999997, "Latitude": 38.47, "Longitude": -122.73, "Population": 994.0}, {"index": 19248, "quantile": 0.0, "value": 73400.0, "Latitude": 38.47, "Longitude": -122.74, "Population": 525.0}, {"index": 19248, "quantile": 0.25, "value": 161700.0, "Latitude": 38.47, "Longitude": -122.74, "Population": 525.0}, {"index": 19248, "quantile": 0.5, "value": 161700.0, "Latitude": 38.47, "Longitude": -122.74, "Population": 525.0}, {"index": 19248, "quantile": 0.75, "value": 161700.0, "Latitude": 38.47, "Longitude": -122.74, "Population": 525.0}, {"index": 19248, "quantile": 1.0, "value": 301100.0, "Latitude": 38.47, "Longitude": -122.74, "Population": 525.0}, {"index": 19249, "quantile": 0.0, "value": 86900.0, "Latitude": 38.46, "Longitude": -122.74, "Population": 1311.0}, {"index": 19249, "quantile": 0.25, "value": 91500.0, "Latitude": 38.46, "Longitude": -122.74, "Population": 1311.0}, {"index": 19249, "quantile": 0.5, "value": 91500.0, "Latitude": 38.46, "Longitude": -122.74, "Population": 1311.0}, {"index": 19249, "quantile": 0.75, "value": 126275.0, "Latitude": 38.46, "Longitude": -122.74, "Population": 1311.0}, {"index": 19249, "quantile": 1.0, "value": 329100.0, "Latitude": 38.46, "Longitude": -122.74, "Population": 1311.0}, {"index": 19250, "quantile": 0.0, "value": 138700.0, "Latitude": 38.48, "Longitude": -122.74, "Population": 1882.0}, {"index": 19250, "quantile": 0.25, "value": 178300.0, "Latitude": 38.48, "Longitude": -122.74, "Population": 1882.0}, {"index": 19250, "quantile": 0.5, "value": 178300.0, "Latitude": 38.48, "Longitude": -122.74, "Population": 1882.0}, {"index": 19250, "quantile": 0.75, "value": 192200.00000000003, "Latitude": 38.48, "Longitude": -122.74, "Population": 1882.0}, {"index": 19250, "quantile": 1.0, "value": 306700.0, "Latitude": 38.48, "Longitude": -122.74, "Population": 1882.0}, {"index": 19251, "quantile": 0.0, "value": 112500.0, "Latitude": 38.48, "Longitude": -122.75, "Population": 2958.0}, {"index": 19251, "quantile": 0.25, "value": 197400.0, "Latitude": 38.48, "Longitude": -122.75, "Population": 2958.0}, {"index": 19251, "quantile": 0.5, "value": 197400.0, "Latitude": 38.48, "Longitude": -122.75, "Population": 2958.0}, {"index": 19251, "quantile": 0.75, "value": 197400.0, "Latitude": 38.48, "Longitude": -122.75, "Population": 2958.0}, {"index": 19251, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.48, "Longitude": -122.75, "Population": 2958.0}, {"index": 19252, "quantile": 0.0, "value": 91500.0, "Latitude": 38.48, "Longitude": -122.79, "Population": 3468.0}, {"index": 19252, "quantile": 0.25, "value": 176074.99999999997, "Latitude": 38.48, "Longitude": -122.79, "Population": 3468.0}, {"index": 19252, "quantile": 0.5, "value": 191000.0, "Latitude": 38.48, "Longitude": -122.79, "Population": 3468.0}, {"index": 19252, "quantile": 0.75, "value": 191000.0, "Latitude": 38.48, "Longitude": -122.79, "Population": 3468.0}, {"index": 19252, "quantile": 1.0, "value": 248300.0, "Latitude": 38.48, "Longitude": -122.79, "Population": 3468.0}, {"index": 19253, "quantile": 0.0, "value": 141200.0, "Latitude": 38.46, "Longitude": -122.81, "Population": 1634.0}, {"index": 19253, "quantile": 0.25, "value": 248600.00000000003, "Latitude": 38.46, "Longitude": -122.81, "Population": 1634.0}, {"index": 19253, "quantile": 0.5, "value": 248600.00000000003, "Latitude": 38.46, "Longitude": -122.81, "Population": 1634.0}, {"index": 19253, "quantile": 0.75, "value": 248600.00000000003, "Latitude": 38.46, "Longitude": -122.81, "Population": 1634.0}, {"index": 19253, "quantile": 1.0, "value": 296800.0, "Latitude": 38.46, "Longitude": -122.81, "Population": 1634.0}, {"index": 19254, "quantile": 0.0, "value": 89600.0, "Latitude": 38.46, "Longitude": -122.75, "Population": 2566.0}, {"index": 19254, "quantile": 0.25, "value": 142800.0, "Latitude": 38.46, "Longitude": -122.75, "Population": 2566.0}, {"index": 19254, "quantile": 0.5, "value": 142800.0, "Latitude": 38.46, "Longitude": -122.75, "Population": 2566.0}, {"index": 19254, "quantile": 0.75, "value": 142800.0, "Latitude": 38.46, "Longitude": -122.75, "Population": 2566.0}, {"index": 19254, "quantile": 1.0, "value": 277000.0, "Latitude": 38.46, "Longitude": -122.75, "Population": 2566.0}, {"index": 19255, "quantile": 0.0, "value": 86000.0, "Latitude": 38.46, "Longitude": -122.75, "Population": 1693.0}, {"index": 19255, "quantile": 0.25, "value": 146200.0, "Latitude": 38.46, "Longitude": -122.75, "Population": 1693.0}, {"index": 19255, "quantile": 0.5, "value": 149100.0, "Latitude": 38.46, "Longitude": -122.75, "Population": 1693.0}, {"index": 19255, "quantile": 0.75, "value": 167725.0, "Latitude": 38.46, "Longitude": -122.75, "Population": 1693.0}, {"index": 19255, "quantile": 1.0, "value": 360700.0, "Latitude": 38.46, "Longitude": -122.75, "Population": 1693.0}, {"index": 19256, "quantile": 0.0, "value": 115199.99999999999, "Latitude": 38.46, "Longitude": -122.76, "Population": 2149.0}, {"index": 19256, "quantile": 0.25, "value": 199200.0, "Latitude": 38.46, "Longitude": -122.76, "Population": 2149.0}, {"index": 19256, "quantile": 0.5, "value": 199200.0, "Latitude": 38.46, "Longitude": -122.76, "Population": 2149.0}, {"index": 19256, "quantile": 0.75, "value": 199200.0, "Latitude": 38.46, "Longitude": -122.76, "Population": 2149.0}, {"index": 19256, "quantile": 1.0, "value": 345300.0, "Latitude": 38.46, "Longitude": -122.76, "Population": 2149.0}, {"index": 19257, "quantile": 0.0, "value": 130600.0, "Latitude": 38.46, "Longitude": -122.76, "Population": 2252.0}, {"index": 19257, "quantile": 0.25, "value": 213099.99999999997, "Latitude": 38.46, "Longitude": -122.76, "Population": 2252.0}, {"index": 19257, "quantile": 0.5, "value": 213099.99999999997, "Latitude": 38.46, "Longitude": -122.76, "Population": 2252.0}, {"index": 19257, "quantile": 0.75, "value": 213099.99999999997, "Latitude": 38.46, "Longitude": -122.76, "Population": 2252.0}, {"index": 19257, "quantile": 1.0, "value": 326500.0, "Latitude": 38.46, "Longitude": -122.76, "Population": 2252.0}, {"index": 19258, "quantile": 0.0, "value": 58500.0, "Latitude": 38.46, "Longitude": -122.73, "Population": 1026.0}, {"index": 19258, "quantile": 0.25, "value": 141700.0, "Latitude": 38.46, "Longitude": -122.73, "Population": 1026.0}, {"index": 19258, "quantile": 0.5, "value": 150000.0, "Latitude": 38.46, "Longitude": -122.73, "Population": 1026.0}, {"index": 19258, "quantile": 0.75, "value": 150000.0, "Latitude": 38.46, "Longitude": -122.73, "Population": 1026.0}, {"index": 19258, "quantile": 1.0, "value": 500000.0, "Latitude": 38.46, "Longitude": -122.73, "Population": 1026.0}, {"index": 19259, "quantile": 0.0, "value": 140300.0, "Latitude": 38.45, "Longitude": -122.74, "Population": 1704.0}, {"index": 19259, "quantile": 0.25, "value": 170900.0, "Latitude": 38.45, "Longitude": -122.74, "Population": 1704.0}, {"index": 19259, "quantile": 0.5, "value": 170900.0, "Latitude": 38.45, "Longitude": -122.74, "Population": 1704.0}, {"index": 19259, "quantile": 0.75, "value": 170900.0, "Latitude": 38.45, "Longitude": -122.74, "Population": 1704.0}, {"index": 19259, "quantile": 1.0, "value": 257200.0, "Latitude": 38.45, "Longitude": -122.74, "Population": 1704.0}, {"index": 19260, "quantile": 0.0, "value": 126800.0, "Latitude": 38.45, "Longitude": -122.74, "Population": 1296.0}, {"index": 19260, "quantile": 0.25, "value": 179200.0, "Latitude": 38.45, "Longitude": -122.74, "Population": 1296.0}, {"index": 19260, "quantile": 0.5, "value": 179200.0, "Latitude": 38.45, "Longitude": -122.74, "Population": 1296.0}, {"index": 19260, "quantile": 0.75, "value": 179200.0, "Latitude": 38.45, "Longitude": -122.74, "Population": 1296.0}, {"index": 19260, "quantile": 1.0, "value": 420099.99999999994, "Latitude": 38.45, "Longitude": -122.74, "Population": 1296.0}, {"index": 19261, "quantile": 0.0, "value": 80700.0, "Latitude": 38.44, "Longitude": -122.74, "Population": 1644.0}, {"index": 19261, "quantile": 0.25, "value": 147900.0, "Latitude": 38.44, "Longitude": -122.74, "Population": 1644.0}, {"index": 19261, "quantile": 0.5, "value": 147900.0, "Latitude": 38.44, "Longitude": -122.74, "Population": 1644.0}, {"index": 19261, "quantile": 0.75, "value": 147900.0, "Latitude": 38.44, "Longitude": -122.74, "Population": 1644.0}, {"index": 19261, "quantile": 1.0, "value": 249200.0, "Latitude": 38.44, "Longitude": -122.74, "Population": 1644.0}, {"index": 19262, "quantile": 0.0, "value": 119900.0, "Latitude": 38.44, "Longitude": -122.73, "Population": 1711.0}, {"index": 19262, "quantile": 0.25, "value": 140300.0, "Latitude": 38.44, "Longitude": -122.73, "Population": 1711.0}, {"index": 19262, "quantile": 0.5, "value": 140300.0, "Latitude": 38.44, "Longitude": -122.73, "Population": 1711.0}, {"index": 19262, "quantile": 0.75, "value": 180825.0, "Latitude": 38.44, "Longitude": -122.73, "Population": 1711.0}, {"index": 19262, "quantile": 1.0, "value": 268000.0, "Latitude": 38.44, "Longitude": -122.73, "Population": 1711.0}, {"index": 19263, "quantile": 0.0, "value": 61500.0, "Latitude": 38.44, "Longitude": -122.72, "Population": 458.0}, {"index": 19263, "quantile": 0.25, "value": 155125.0, "Latitude": 38.44, "Longitude": -122.72, "Population": 458.0}, {"index": 19263, "quantile": 0.5, "value": 183300.0, "Latitude": 38.44, "Longitude": -122.72, "Population": 458.0}, {"index": 19263, "quantile": 0.75, "value": 228425.0, "Latitude": 38.44, "Longitude": -122.72, "Population": 458.0}, {"index": 19263, "quantile": 1.0, "value": 421300.0, "Latitude": 38.44, "Longitude": -122.72, "Population": 458.0}, {"index": 19264, "quantile": 0.0, "value": 50500.0, "Latitude": 38.44, "Longitude": -122.73, "Population": 659.0}, {"index": 19264, "quantile": 0.25, "value": 129200.0, "Latitude": 38.44, "Longitude": -122.73, "Population": 659.0}, {"index": 19264, "quantile": 0.5, "value": 156450.0, "Latitude": 38.44, "Longitude": -122.73, "Population": 659.0}, {"index": 19264, "quantile": 0.75, "value": 169400.0, "Latitude": 38.44, "Longitude": -122.73, "Population": 659.0}, {"index": 19264, "quantile": 1.0, "value": 412500.0, "Latitude": 38.44, "Longitude": -122.73, "Population": 659.0}, {"index": 19265, "quantile": 0.0, "value": 95600.0, "Latitude": 38.44, "Longitude": -122.73, "Population": 652.0}, {"index": 19265, "quantile": 0.25, "value": 146200.0, "Latitude": 38.44, "Longitude": -122.73, "Population": 652.0}, {"index": 19265, "quantile": 0.5, "value": 146200.0, "Latitude": 38.44, "Longitude": -122.73, "Population": 652.0}, {"index": 19265, "quantile": 0.75, "value": 146200.0, "Latitude": 38.44, "Longitude": -122.73, "Population": 652.0}, {"index": 19265, "quantile": 1.0, "value": 262500.0, "Latitude": 38.44, "Longitude": -122.73, "Population": 652.0}, {"index": 19266, "quantile": 0.0, "value": 22500.0, "Latitude": 38.44, "Longitude": -122.72, "Population": 301.0}, {"index": 19266, "quantile": 0.25, "value": 129200.0, "Latitude": 38.44, "Longitude": -122.72, "Population": 301.0}, {"index": 19266, "quantile": 0.5, "value": 129200.0, "Latitude": 38.44, "Longitude": -122.72, "Population": 301.0}, {"index": 19266, "quantile": 0.75, "value": 137500.0, "Latitude": 38.44, "Longitude": -122.72, "Population": 301.0}, {"index": 19266, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.44, "Longitude": -122.72, "Population": 301.0}, {"index": 19267, "quantile": 0.0, "value": 67500.0, "Latitude": 38.44, "Longitude": -122.74, "Population": 1240.0}, {"index": 19267, "quantile": 0.25, "value": 151600.0, "Latitude": 38.44, "Longitude": -122.74, "Population": 1240.0}, {"index": 19267, "quantile": 0.5, "value": 156500.0, "Latitude": 38.44, "Longitude": -122.74, "Population": 1240.0}, {"index": 19267, "quantile": 0.75, "value": 168950.0, "Latitude": 38.44, "Longitude": -122.74, "Population": 1240.0}, {"index": 19267, "quantile": 1.0, "value": 233700.00000000003, "Latitude": 38.44, "Longitude": -122.74, "Population": 1240.0}, {"index": 19268, "quantile": 0.0, "value": 91500.0, "Latitude": 38.43, "Longitude": -122.74, "Population": 2430.0}, {"index": 19268, "quantile": 0.25, "value": 142300.0, "Latitude": 38.43, "Longitude": -122.74, "Population": 2430.0}, {"index": 19268, "quantile": 0.5, "value": 142300.0, "Latitude": 38.43, "Longitude": -122.74, "Population": 2430.0}, {"index": 19268, "quantile": 0.75, "value": 155125.0, "Latitude": 38.43, "Longitude": -122.74, "Population": 2430.0}, {"index": 19268, "quantile": 1.0, "value": 350800.0, "Latitude": 38.43, "Longitude": -122.74, "Population": 2430.0}, {"index": 19269, "quantile": 0.0, "value": 135500.0, "Latitude": 38.43, "Longitude": -122.73, "Population": 1629.0}, {"index": 19269, "quantile": 0.25, "value": 171875.0, "Latitude": 38.43, "Longitude": -122.73, "Population": 1629.0}, {"index": 19269, "quantile": 0.5, "value": 180000.0, "Latitude": 38.43, "Longitude": -122.73, "Population": 1629.0}, {"index": 19269, "quantile": 0.75, "value": 193800.0, "Latitude": 38.43, "Longitude": -122.73, "Population": 1629.0}, {"index": 19269, "quantile": 1.0, "value": 345300.0, "Latitude": 38.43, "Longitude": -122.73, "Population": 1629.0}, {"index": 19270, "quantile": 0.0, "value": 140300.0, "Latitude": 38.45, "Longitude": -122.76, "Population": 2864.0}, {"index": 19270, "quantile": 0.25, "value": 183600.0, "Latitude": 38.45, "Longitude": -122.76, "Population": 2864.0}, {"index": 19270, "quantile": 0.5, "value": 183600.0, "Latitude": 38.45, "Longitude": -122.76, "Population": 2864.0}, {"index": 19270, "quantile": 0.75, "value": 183600.0, "Latitude": 38.45, "Longitude": -122.76, "Population": 2864.0}, {"index": 19270, "quantile": 1.0, "value": 310300.0, "Latitude": 38.45, "Longitude": -122.76, "Population": 2864.0}, {"index": 19271, "quantile": 0.0, "value": 81800.0, "Latitude": 38.44, "Longitude": -122.82, "Population": 555.0}, {"index": 19271, "quantile": 0.25, "value": 295700.0, "Latitude": 38.44, "Longitude": -122.82, "Population": 555.0}, {"index": 19271, "quantile": 0.5, "value": 304700.0, "Latitude": 38.44, "Longitude": -122.82, "Population": 555.0}, {"index": 19271, "quantile": 0.75, "value": 304700.0, "Latitude": 38.44, "Longitude": -122.82, "Population": 555.0}, {"index": 19271, "quantile": 1.0, "value": 457500.0, "Latitude": 38.44, "Longitude": -122.82, "Population": 555.0}, {"index": 19272, "quantile": 0.0, "value": 127200.0, "Latitude": 38.44, "Longitude": -122.76, "Population": 1633.0}, {"index": 19272, "quantile": 0.25, "value": 170200.0, "Latitude": 38.44, "Longitude": -122.76, "Population": 1633.0}, {"index": 19272, "quantile": 0.5, "value": 170200.0, "Latitude": 38.44, "Longitude": -122.76, "Population": 1633.0}, {"index": 19272, "quantile": 0.75, "value": 179625.0, "Latitude": 38.44, "Longitude": -122.76, "Population": 1633.0}, {"index": 19272, "quantile": 1.0, "value": 366000.0, "Latitude": 38.44, "Longitude": -122.76, "Population": 1633.0}, {"index": 19273, "quantile": 0.0, "value": 140300.0, "Latitude": 38.44, "Longitude": -122.76, "Population": 1809.0}, {"index": 19273, "quantile": 0.25, "value": 180000.0, "Latitude": 38.44, "Longitude": -122.76, "Population": 1809.0}, {"index": 19273, "quantile": 0.5, "value": 180000.0, "Latitude": 38.44, "Longitude": -122.76, "Population": 1809.0}, {"index": 19273, "quantile": 0.75, "value": 187425.0, "Latitude": 38.44, "Longitude": -122.76, "Population": 1809.0}, {"index": 19273, "quantile": 1.0, "value": 345300.0, "Latitude": 38.44, "Longitude": -122.76, "Population": 1809.0}, {"index": 19274, "quantile": 0.0, "value": 135500.0, "Latitude": 38.44, "Longitude": -122.78, "Population": 1569.0}, {"index": 19274, "quantile": 0.25, "value": 204599.99999999997, "Latitude": 38.44, "Longitude": -122.78, "Population": 1569.0}, {"index": 19274, "quantile": 0.5, "value": 345300.0, "Latitude": 38.44, "Longitude": -122.78, "Population": 1569.0}, {"index": 19274, "quantile": 0.75, "value": 345300.0, "Latitude": 38.44, "Longitude": -122.78, "Population": 1569.0}, {"index": 19274, "quantile": 1.0, "value": 361100.0, "Latitude": 38.44, "Longitude": -122.78, "Population": 1569.0}, {"index": 19275, "quantile": 0.0, "value": 97300.0, "Latitude": 38.42, "Longitude": -122.79, "Population": 2581.0}, {"index": 19275, "quantile": 0.25, "value": 188250.0, "Latitude": 38.42, "Longitude": -122.79, "Population": 2581.0}, {"index": 19275, "quantile": 0.5, "value": 234500.00000000003, "Latitude": 38.42, "Longitude": -122.79, "Population": 2581.0}, {"index": 19275, "quantile": 0.75, "value": 261925.0, "Latitude": 38.42, "Longitude": -122.79, "Population": 2581.0}, {"index": 19275, "quantile": 1.0, "value": 342300.0, "Latitude": 38.42, "Longitude": -122.79, "Population": 2581.0}, {"index": 19276, "quantile": 0.0, "value": 67900.0, "Latitude": 38.42, "Longitude": -122.74, "Population": 1073.0}, {"index": 19276, "quantile": 0.25, "value": 141000.0, "Latitude": 38.42, "Longitude": -122.74, "Population": 1073.0}, {"index": 19276, "quantile": 0.5, "value": 141000.0, "Latitude": 38.42, "Longitude": -122.74, "Population": 1073.0}, {"index": 19276, "quantile": 0.75, "value": 149100.0, "Latitude": 38.42, "Longitude": -122.74, "Population": 1073.0}, {"index": 19276, "quantile": 1.0, "value": 360700.0, "Latitude": 38.42, "Longitude": -122.74, "Population": 1073.0}, {"index": 19277, "quantile": 0.0, "value": 65800.0, "Latitude": 38.43, "Longitude": -122.73, "Population": 1880.0}, {"index": 19277, "quantile": 0.25, "value": 143200.0, "Latitude": 38.43, "Longitude": -122.73, "Population": 1880.0}, {"index": 19277, "quantile": 0.5, "value": 143200.0, "Latitude": 38.43, "Longitude": -122.73, "Population": 1880.0}, {"index": 19277, "quantile": 0.75, "value": 143200.0, "Latitude": 38.43, "Longitude": -122.73, "Population": 1880.0}, {"index": 19277, "quantile": 1.0, "value": 244000.0, "Latitude": 38.43, "Longitude": -122.73, "Population": 1880.0}, {"index": 19278, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 38.43, "Longitude": -122.72, "Population": 1408.0}, {"index": 19278, "quantile": 0.25, "value": 146000.0, "Latitude": 38.43, "Longitude": -122.72, "Population": 1408.0}, {"index": 19278, "quantile": 0.5, "value": 147900.0, "Latitude": 38.43, "Longitude": -122.72, "Population": 1408.0}, {"index": 19278, "quantile": 0.75, "value": 165000.0, "Latitude": 38.43, "Longitude": -122.72, "Population": 1408.0}, {"index": 19278, "quantile": 1.0, "value": 475000.0, "Latitude": 38.43, "Longitude": -122.72, "Population": 1408.0}, {"index": 19279, "quantile": 0.0, "value": 60900.0, "Latitude": 38.42, "Longitude": -122.72, "Population": 937.0}, {"index": 19279, "quantile": 0.25, "value": 143100.0, "Latitude": 38.42, "Longitude": -122.72, "Population": 937.0}, {"index": 19279, "quantile": 0.5, "value": 146000.0, "Latitude": 38.42, "Longitude": -122.72, "Population": 937.0}, {"index": 19279, "quantile": 0.75, "value": 146000.0, "Latitude": 38.42, "Longitude": -122.72, "Population": 937.0}, {"index": 19279, "quantile": 1.0, "value": 237500.0, "Latitude": 38.42, "Longitude": -122.72, "Population": 937.0}, {"index": 19280, "quantile": 0.0, "value": 118800.0, "Latitude": 38.42, "Longitude": -122.72, "Population": 2605.0}, {"index": 19280, "quantile": 0.25, "value": 143800.0, "Latitude": 38.42, "Longitude": -122.72, "Population": 2605.0}, {"index": 19280, "quantile": 0.5, "value": 143800.0, "Latitude": 38.42, "Longitude": -122.72, "Population": 2605.0}, {"index": 19280, "quantile": 0.75, "value": 151625.0, "Latitude": 38.42, "Longitude": -122.72, "Population": 2605.0}, {"index": 19280, "quantile": 1.0, "value": 320800.0, "Latitude": 38.42, "Longitude": -122.72, "Population": 2605.0}, {"index": 19281, "quantile": 0.0, "value": 115199.99999999999, "Latitude": 38.42, "Longitude": -122.73, "Population": 884.0}, {"index": 19281, "quantile": 0.25, "value": 150000.0, "Latitude": 38.42, "Longitude": -122.73, "Population": 884.0}, {"index": 19281, "quantile": 0.5, "value": 150000.0, "Latitude": 38.42, "Longitude": -122.73, "Population": 884.0}, {"index": 19281, "quantile": 0.75, "value": 175825.0, "Latitude": 38.42, "Longitude": -122.73, "Population": 884.0}, {"index": 19281, "quantile": 1.0, "value": 275600.0, "Latitude": 38.42, "Longitude": -122.73, "Population": 884.0}, {"index": 19282, "quantile": 0.0, "value": 112100.0, "Latitude": 38.42, "Longitude": -122.72, "Population": 1156.0}, {"index": 19282, "quantile": 0.25, "value": 152300.0, "Latitude": 38.42, "Longitude": -122.72, "Population": 1156.0}, {"index": 19282, "quantile": 0.5, "value": 152300.0, "Latitude": 38.42, "Longitude": -122.72, "Population": 1156.0}, {"index": 19282, "quantile": 0.75, "value": 152300.0, "Latitude": 38.42, "Longitude": -122.72, "Population": 1156.0}, {"index": 19282, "quantile": 1.0, "value": 237300.00000000003, "Latitude": 38.42, "Longitude": -122.72, "Population": 1156.0}, {"index": 19283, "quantile": 0.0, "value": 98500.0, "Latitude": 38.4, "Longitude": -122.73, "Population": 2250.0}, {"index": 19283, "quantile": 0.25, "value": 156250.0, "Latitude": 38.4, "Longitude": -122.73, "Population": 2250.0}, {"index": 19283, "quantile": 0.5, "value": 157300.0, "Latitude": 38.4, "Longitude": -122.73, "Population": 2250.0}, {"index": 19283, "quantile": 0.75, "value": 157300.0, "Latitude": 38.4, "Longitude": -122.73, "Population": 2250.0}, {"index": 19283, "quantile": 1.0, "value": 350800.0, "Latitude": 38.4, "Longitude": -122.73, "Population": 2250.0}, {"index": 19284, "quantile": 0.0, "value": 113799.99999999999, "Latitude": 38.37, "Longitude": -122.73, "Population": 841.0}, {"index": 19284, "quantile": 0.25, "value": 160350.00000000003, "Latitude": 38.37, "Longitude": -122.73, "Population": 841.0}, {"index": 19284, "quantile": 0.5, "value": 183300.0, "Latitude": 38.37, "Longitude": -122.73, "Population": 841.0}, {"index": 19284, "quantile": 0.75, "value": 183300.0, "Latitude": 38.37, "Longitude": -122.73, "Population": 841.0}, {"index": 19284, "quantile": 1.0, "value": 260800.0, "Latitude": 38.37, "Longitude": -122.73, "Population": 841.0}, {"index": 19285, "quantile": 0.0, "value": 80700.0, "Latitude": 38.43, "Longitude": -122.75, "Population": 1086.0}, {"index": 19285, "quantile": 0.25, "value": 149100.0, "Latitude": 38.43, "Longitude": -122.75, "Population": 1086.0}, {"index": 19285, "quantile": 0.5, "value": 149100.0, "Latitude": 38.43, "Longitude": -122.75, "Population": 1086.0}, {"index": 19285, "quantile": 0.75, "value": 149100.0, "Latitude": 38.43, "Longitude": -122.75, "Population": 1086.0}, {"index": 19285, "quantile": 1.0, "value": 242600.00000000003, "Latitude": 38.43, "Longitude": -122.75, "Population": 1086.0}, {"index": 19286, "quantile": 0.0, "value": 59800.0, "Latitude": 38.41, "Longitude": -122.78, "Population": 1011.0}, {"index": 19286, "quantile": 0.25, "value": 144850.0, "Latitude": 38.41, "Longitude": -122.78, "Population": 1011.0}, {"index": 19286, "quantile": 0.5, "value": 194750.0, "Latitude": 38.41, "Longitude": -122.78, "Population": 1011.0}, {"index": 19286, "quantile": 0.75, "value": 209600.0, "Latitude": 38.41, "Longitude": -122.78, "Population": 1011.0}, {"index": 19286, "quantile": 1.0, "value": 360700.0, "Latitude": 38.41, "Longitude": -122.78, "Population": 1011.0}, {"index": 19287, "quantile": 0.0, "value": 112100.0, "Latitude": 38.39, "Longitude": -122.77, "Population": 1293.0}, {"index": 19287, "quantile": 0.25, "value": 152300.0, "Latitude": 38.39, "Longitude": -122.77, "Population": 1293.0}, {"index": 19287, "quantile": 0.5, "value": 197500.0, "Latitude": 38.39, "Longitude": -122.77, "Population": 1293.0}, {"index": 19287, "quantile": 0.75, "value": 197500.0, "Latitude": 38.39, "Longitude": -122.77, "Population": 1293.0}, {"index": 19287, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 38.39, "Longitude": -122.77, "Population": 1293.0}, {"index": 19288, "quantile": 0.0, "value": 93100.0, "Latitude": 38.41, "Longitude": -122.75, "Population": 1857.0}, {"index": 19288, "quantile": 0.25, "value": 165000.0, "Latitude": 38.41, "Longitude": -122.75, "Population": 1857.0}, {"index": 19288, "quantile": 0.5, "value": 165000.0, "Latitude": 38.41, "Longitude": -122.75, "Population": 1857.0}, {"index": 19288, "quantile": 0.75, "value": 165000.0, "Latitude": 38.41, "Longitude": -122.75, "Population": 1857.0}, {"index": 19288, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 38.41, "Longitude": -122.75, "Population": 1857.0}, {"index": 19289, "quantile": 0.0, "value": 72000.0, "Latitude": 38.41, "Longitude": -122.82, "Population": 489.0}, {"index": 19289, "quantile": 0.25, "value": 169300.0, "Latitude": 38.41, "Longitude": -122.82, "Population": 489.0}, {"index": 19289, "quantile": 0.5, "value": 169300.0, "Latitude": 38.41, "Longitude": -122.82, "Population": 489.0}, {"index": 19289, "quantile": 0.75, "value": 169300.0, "Latitude": 38.41, "Longitude": -122.82, "Population": 489.0}, {"index": 19289, "quantile": 1.0, "value": 350000.0, "Latitude": 38.41, "Longitude": -122.82, "Population": 489.0}, {"index": 19290, "quantile": 0.0, "value": 134200.0, "Latitude": 38.42, "Longitude": -122.84, "Population": 1381.0}, {"index": 19290, "quantile": 0.25, "value": 171575.0, "Latitude": 38.42, "Longitude": -122.84, "Population": 1381.0}, {"index": 19290, "quantile": 0.5, "value": 237300.00000000003, "Latitude": 38.42, "Longitude": -122.84, "Population": 1381.0}, {"index": 19290, "quantile": 0.75, "value": 237300.00000000003, "Latitude": 38.42, "Longitude": -122.84, "Population": 1381.0}, {"index": 19290, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 38.42, "Longitude": -122.84, "Population": 1381.0}, {"index": 19291, "quantile": 0.0, "value": 114599.99999999999, "Latitude": 38.42, "Longitude": -122.86, "Population": 584.0}, {"index": 19291, "quantile": 0.25, "value": 209500.00000000003, "Latitude": 38.42, "Longitude": -122.86, "Population": 584.0}, {"index": 19291, "quantile": 0.5, "value": 244400.0, "Latitude": 38.42, "Longitude": -122.86, "Population": 584.0}, {"index": 19291, "quantile": 0.75, "value": 244400.0, "Latitude": 38.42, "Longitude": -122.86, "Population": 584.0}, {"index": 19291, "quantile": 1.0, "value": 257200.0, "Latitude": 38.42, "Longitude": -122.86, "Population": 584.0}, {"index": 19292, "quantile": 0.0, "value": 144400.0, "Latitude": 38.41, "Longitude": -122.84, "Population": 1065.0}, {"index": 19292, "quantile": 0.25, "value": 204599.99999999997, "Latitude": 38.41, "Longitude": -122.84, "Population": 1065.0}, {"index": 19292, "quantile": 0.5, "value": 204599.99999999997, "Latitude": 38.41, "Longitude": -122.84, "Population": 1065.0}, {"index": 19292, "quantile": 0.75, "value": 204599.99999999997, "Latitude": 38.41, "Longitude": -122.84, "Population": 1065.0}, {"index": 19292, "quantile": 1.0, "value": 345300.0, "Latitude": 38.41, "Longitude": -122.84, "Population": 1065.0}, {"index": 19293, "quantile": 0.0, "value": 116100.0, "Latitude": 38.4, "Longitude": -122.83, "Population": 1019.0}, {"index": 19293, "quantile": 0.25, "value": 178500.0, "Latitude": 38.4, "Longitude": -122.83, "Population": 1019.0}, {"index": 19293, "quantile": 0.5, "value": 178500.0, "Latitude": 38.4, "Longitude": -122.83, "Population": 1019.0}, {"index": 19293, "quantile": 0.75, "value": 178500.0, "Latitude": 38.4, "Longitude": -122.83, "Population": 1019.0}, {"index": 19293, "quantile": 1.0, "value": 290700.0, "Latitude": 38.4, "Longitude": -122.83, "Population": 1019.0}, {"index": 19294, "quantile": 0.0, "value": 134500.0, "Latitude": 38.4, "Longitude": -122.84, "Population": 1446.0}, {"index": 19294, "quantile": 0.25, "value": 177900.0, "Latitude": 38.4, "Longitude": -122.84, "Population": 1446.0}, {"index": 19294, "quantile": 0.5, "value": 194400.0, "Latitude": 38.4, "Longitude": -122.84, "Population": 1446.0}, {"index": 19294, "quantile": 0.75, "value": 194400.0, "Latitude": 38.4, "Longitude": -122.84, "Population": 1446.0}, {"index": 19294, "quantile": 1.0, "value": 269200.0, "Latitude": 38.4, "Longitude": -122.84, "Population": 1446.0}, {"index": 19295, "quantile": 0.0, "value": 84400.0, "Latitude": 38.37, "Longitude": -122.78, "Population": 414.0}, {"index": 19295, "quantile": 0.25, "value": 175000.0, "Latitude": 38.37, "Longitude": -122.78, "Population": 414.0}, {"index": 19295, "quantile": 0.5, "value": 175000.0, "Latitude": 38.37, "Longitude": -122.78, "Population": 414.0}, {"index": 19295, "quantile": 0.75, "value": 175000.0, "Latitude": 38.37, "Longitude": -122.78, "Population": 414.0}, {"index": 19295, "quantile": 1.0, "value": 244400.0, "Latitude": 38.37, "Longitude": -122.78, "Population": 414.0}, {"index": 19296, "quantile": 0.0, "value": 129900.0, "Latitude": 38.4, "Longitude": -122.82, "Population": 1054.0}, {"index": 19296, "quantile": 0.25, "value": 209875.0, "Latitude": 38.4, "Longitude": -122.82, "Population": 1054.0}, {"index": 19296, "quantile": 0.5, "value": 215899.99999999997, "Latitude": 38.4, "Longitude": -122.82, "Population": 1054.0}, {"index": 19296, "quantile": 0.75, "value": 215899.99999999997, "Latitude": 38.4, "Longitude": -122.82, "Population": 1054.0}, {"index": 19296, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 38.4, "Longitude": -122.82, "Population": 1054.0}, {"index": 19297, "quantile": 0.0, "value": 133900.0, "Latitude": 38.37, "Longitude": -122.8, "Population": 909.0}, {"index": 19297, "quantile": 0.25, "value": 212025.0, "Latitude": 38.37, "Longitude": -122.8, "Population": 909.0}, {"index": 19297, "quantile": 0.5, "value": 257200.0, "Latitude": 38.37, "Longitude": -122.8, "Population": 909.0}, {"index": 19297, "quantile": 0.75, "value": 257200.0, "Latitude": 38.37, "Longitude": -122.8, "Population": 909.0}, {"index": 19297, "quantile": 1.0, "value": 275600.0, "Latitude": 38.37, "Longitude": -122.8, "Population": 909.0}, {"index": 19298, "quantile": 0.0, "value": 103499.99999999999, "Latitude": 38.39, "Longitude": -122.8, "Population": 1124.0}, {"index": 19298, "quantile": 0.25, "value": 166700.0, "Latitude": 38.39, "Longitude": -122.8, "Population": 1124.0}, {"index": 19298, "quantile": 0.5, "value": 166700.0, "Latitude": 38.39, "Longitude": -122.8, "Population": 1124.0}, {"index": 19298, "quantile": 0.75, "value": 166700.0, "Latitude": 38.39, "Longitude": -122.8, "Population": 1124.0}, {"index": 19298, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 38.39, "Longitude": -122.8, "Population": 1124.0}, {"index": 19299, "quantile": 0.0, "value": 165600.0, "Latitude": 38.39, "Longitude": -122.84, "Population": 793.0}, {"index": 19299, "quantile": 0.25, "value": 216900.0, "Latitude": 38.39, "Longitude": -122.84, "Population": 793.0}, {"index": 19299, "quantile": 0.5, "value": 216900.0, "Latitude": 38.39, "Longitude": -122.84, "Population": 793.0}, {"index": 19299, "quantile": 0.75, "value": 251900.0, "Latitude": 38.39, "Longitude": -122.84, "Population": 793.0}, {"index": 19299, "quantile": 1.0, "value": 319000.0, "Latitude": 38.39, "Longitude": -122.84, "Population": 793.0}, {"index": 19300, "quantile": 0.0, "value": 85100.0, "Latitude": 38.39, "Longitude": -122.83, "Population": 868.0}, {"index": 19300, "quantile": 0.25, "value": 237300.00000000003, "Latitude": 38.39, "Longitude": -122.83, "Population": 868.0}, {"index": 19300, "quantile": 0.5, "value": 260300.00000000003, "Latitude": 38.39, "Longitude": -122.83, "Population": 868.0}, {"index": 19300, "quantile": 0.75, "value": 260300.00000000003, "Latitude": 38.39, "Longitude": -122.83, "Population": 868.0}, {"index": 19300, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 38.39, "Longitude": -122.83, "Population": 868.0}, {"index": 19301, "quantile": 0.0, "value": 125000.0, "Latitude": 38.39, "Longitude": -122.82, "Population": 593.0}, {"index": 19301, "quantile": 0.25, "value": 233700.00000000003, "Latitude": 38.39, "Longitude": -122.82, "Population": 593.0}, {"index": 19301, "quantile": 0.5, "value": 233700.00000000003, "Latitude": 38.39, "Longitude": -122.82, "Population": 593.0}, {"index": 19301, "quantile": 0.75, "value": 233700.00000000003, "Latitude": 38.39, "Longitude": -122.82, "Population": 593.0}, {"index": 19301, "quantile": 1.0, "value": 345300.0, "Latitude": 38.39, "Longitude": -122.82, "Population": 593.0}, {"index": 19302, "quantile": 0.0, "value": 121300.00000000001, "Latitude": 38.39, "Longitude": -122.82, "Population": 752.0}, {"index": 19302, "quantile": 0.25, "value": 191475.0, "Latitude": 38.39, "Longitude": -122.82, "Population": 752.0}, {"index": 19302, "quantile": 0.5, "value": 249700.0, "Latitude": 38.39, "Longitude": -122.82, "Population": 752.0}, {"index": 19302, "quantile": 0.75, "value": 267475.0, "Latitude": 38.39, "Longitude": -122.82, "Population": 752.0}, {"index": 19302, "quantile": 1.0, "value": 500000.0, "Latitude": 38.39, "Longitude": -122.82, "Population": 752.0}, {"index": 19303, "quantile": 0.0, "value": 125200.0, "Latitude": 38.38, "Longitude": -122.82, "Population": 1227.0}, {"index": 19303, "quantile": 0.25, "value": 198750.0, "Latitude": 38.38, "Longitude": -122.82, "Population": 1227.0}, {"index": 19303, "quantile": 0.5, "value": 246300.0, "Latitude": 38.38, "Longitude": -122.82, "Population": 1227.0}, {"index": 19303, "quantile": 0.75, "value": 295974.99999999994, "Latitude": 38.38, "Longitude": -122.82, "Population": 1227.0}, {"index": 19303, "quantile": 1.0, "value": 348200.0, "Latitude": 38.38, "Longitude": -122.82, "Population": 1227.0}, {"index": 19304, "quantile": 0.0, "value": 187500.0, "Latitude": 38.35, "Longitude": -122.76, "Population": 958.0}, {"index": 19304, "quantile": 0.25, "value": 222400.00000000003, "Latitude": 38.35, "Longitude": -122.76, "Population": 958.0}, {"index": 19304, "quantile": 0.5, "value": 222400.00000000003, "Latitude": 38.35, "Longitude": -122.76, "Population": 958.0}, {"index": 19304, "quantile": 0.75, "value": 255600.0, "Latitude": 38.35, "Longitude": -122.76, "Population": 958.0}, {"index": 19304, "quantile": 1.0, "value": 456300.0, "Latitude": 38.35, "Longitude": -122.76, "Population": 958.0}, {"index": 19305, "quantile": 0.0, "value": 71300.0, "Latitude": 38.39, "Longitude": -122.87, "Population": 541.0}, {"index": 19305, "quantile": 0.25, "value": 261875.00000000003, "Latitude": 38.39, "Longitude": -122.87, "Population": 541.0}, {"index": 19305, "quantile": 0.5, "value": 271400.0, "Latitude": 38.39, "Longitude": -122.87, "Population": 541.0}, {"index": 19305, "quantile": 0.75, "value": 271400.0, "Latitude": 38.39, "Longitude": -122.87, "Population": 541.0}, {"index": 19305, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 38.39, "Longitude": -122.87, "Population": 541.0}, {"index": 19306, "quantile": 0.0, "value": 159400.0, "Latitude": 38.33, "Longitude": -122.77, "Population": 843.0}, {"index": 19306, "quantile": 0.25, "value": 258025.0, "Latitude": 38.33, "Longitude": -122.77, "Population": 843.0}, {"index": 19306, "quantile": 0.5, "value": 290700.0, "Latitude": 38.33, "Longitude": -122.77, "Population": 843.0}, {"index": 19306, "quantile": 0.75, "value": 290700.0, "Latitude": 38.33, "Longitude": -122.77, "Population": 843.0}, {"index": 19306, "quantile": 1.0, "value": 361100.0, "Latitude": 38.33, "Longitude": -122.77, "Population": 843.0}, {"index": 19307, "quantile": 0.0, "value": 133900.0, "Latitude": 38.33, "Longitude": -122.82, "Population": 1602.0}, {"index": 19307, "quantile": 0.25, "value": 244099.99999999997, "Latitude": 38.33, "Longitude": -122.82, "Population": 1602.0}, {"index": 19307, "quantile": 0.5, "value": 244099.99999999997, "Latitude": 38.33, "Longitude": -122.82, "Population": 1602.0}, {"index": 19307, "quantile": 0.75, "value": 244099.99999999997, "Latitude": 38.33, "Longitude": -122.82, "Population": 1602.0}, {"index": 19307, "quantile": 1.0, "value": 285000.0, "Latitude": 38.33, "Longitude": -122.82, "Population": 1602.0}, {"index": 19308, "quantile": 0.0, "value": 174200.0, "Latitude": 38.34, "Longitude": -122.88, "Population": 1641.0}, {"index": 19308, "quantile": 0.25, "value": 276200.0, "Latitude": 38.34, "Longitude": -122.88, "Population": 1641.0}, {"index": 19308, "quantile": 0.5, "value": 276200.0, "Latitude": 38.34, "Longitude": -122.88, "Population": 1641.0}, {"index": 19308, "quantile": 0.75, "value": 276200.0, "Latitude": 38.34, "Longitude": -122.88, "Population": 1641.0}, {"index": 19308, "quantile": 1.0, "value": 325900.0, "Latitude": 38.34, "Longitude": -122.88, "Population": 1641.0}, {"index": 19309, "quantile": 0.0, "value": 136000.0, "Latitude": 38.36, "Longitude": -122.81, "Population": 1131.0}, {"index": 19309, "quantile": 0.25, "value": 289475.0, "Latitude": 38.36, "Longitude": -122.81, "Population": 1131.0}, {"index": 19309, "quantile": 0.5, "value": 293900.0, "Latitude": 38.36, "Longitude": -122.81, "Population": 1131.0}, {"index": 19309, "quantile": 0.75, "value": 293900.0, "Latitude": 38.36, "Longitude": -122.81, "Population": 1131.0}, {"index": 19309, "quantile": 1.0, "value": 325400.0, "Latitude": 38.36, "Longitude": -122.81, "Population": 1131.0}, {"index": 19310, "quantile": 0.0, "value": 170200.0, "Latitude": 38.37, "Longitude": -122.85, "Population": 810.0}, {"index": 19310, "quantile": 0.25, "value": 251625.00000000003, "Latitude": 38.37, "Longitude": -122.85, "Population": 810.0}, {"index": 19310, "quantile": 0.5, "value": 305000.0, "Latitude": 38.37, "Longitude": -122.85, "Population": 810.0}, {"index": 19310, "quantile": 0.75, "value": 305000.0, "Latitude": 38.37, "Longitude": -122.85, "Population": 810.0}, {"index": 19310, "quantile": 1.0, "value": 345300.0, "Latitude": 38.37, "Longitude": -122.85, "Population": 810.0}, {"index": 19311, "quantile": 0.0, "value": 138100.0, "Latitude": 38.38, "Longitude": -122.89, "Population": 931.0}, {"index": 19311, "quantile": 0.25, "value": 235475.0, "Latitude": 38.38, "Longitude": -122.89, "Population": 931.0}, {"index": 19311, "quantile": 0.5, "value": 286000.0, "Latitude": 38.38, "Longitude": -122.89, "Population": 931.0}, {"index": 19311, "quantile": 0.75, "value": 325900.0, "Latitude": 38.38, "Longitude": -122.89, "Population": 931.0}, {"index": 19311, "quantile": 1.0, "value": 440000.00000000006, "Latitude": 38.38, "Longitude": -122.89, "Population": 931.0}, {"index": 19312, "quantile": 0.0, "value": 133100.0, "Latitude": 38.44, "Longitude": -122.86, "Population": 716.0}, {"index": 19312, "quantile": 0.25, "value": 209500.00000000003, "Latitude": 38.44, "Longitude": -122.86, "Population": 716.0}, {"index": 19312, "quantile": 0.5, "value": 209500.00000000003, "Latitude": 38.44, "Longitude": -122.86, "Population": 716.0}, {"index": 19312, "quantile": 0.75, "value": 209500.00000000003, "Latitude": 38.44, "Longitude": -122.86, "Population": 716.0}, {"index": 19312, "quantile": 1.0, "value": 300000.0, "Latitude": 38.44, "Longitude": -122.86, "Population": 716.0}, {"index": 19313, "quantile": 0.0, "value": 136400.0, "Latitude": 38.42, "Longitude": -122.89, "Population": 1015.0}, {"index": 19313, "quantile": 0.25, "value": 222900.0, "Latitude": 38.42, "Longitude": -122.89, "Population": 1015.0}, {"index": 19313, "quantile": 0.5, "value": 275650.0, "Latitude": 38.42, "Longitude": -122.89, "Population": 1015.0}, {"index": 19313, "quantile": 0.75, "value": 314100.0, "Latitude": 38.42, "Longitude": -122.89, "Population": 1015.0}, {"index": 19313, "quantile": 1.0, "value": 443600.0, "Latitude": 38.42, "Longitude": -122.89, "Population": 1015.0}, {"index": 19314, "quantile": 0.0, "value": 101800.0, "Latitude": 38.43, "Longitude": -122.87, "Population": 1065.0}, {"index": 19314, "quantile": 0.25, "value": 172200.0, "Latitude": 38.43, "Longitude": -122.87, "Population": 1065.0}, {"index": 19314, "quantile": 0.5, "value": 172200.0, "Latitude": 38.43, "Longitude": -122.87, "Population": 1065.0}, {"index": 19314, "quantile": 0.75, "value": 190550.0, "Latitude": 38.43, "Longitude": -122.87, "Population": 1065.0}, {"index": 19314, "quantile": 1.0, "value": 478599.99999999994, "Latitude": 38.43, "Longitude": -122.87, "Population": 1065.0}, {"index": 19315, "quantile": 0.0, "value": 127200.0, "Latitude": 38.43, "Longitude": -122.91, "Population": 852.0}, {"index": 19315, "quantile": 0.25, "value": 269800.0, "Latitude": 38.43, "Longitude": -122.91, "Population": 852.0}, {"index": 19315, "quantile": 0.5, "value": 269800.0, "Latitude": 38.43, "Longitude": -122.91, "Population": 852.0}, {"index": 19315, "quantile": 0.75, "value": 269800.0, "Latitude": 38.43, "Longitude": -122.91, "Population": 852.0}, {"index": 19315, "quantile": 1.0, "value": 361100.0, "Latitude": 38.43, "Longitude": -122.91, "Population": 852.0}, {"index": 19316, "quantile": 0.0, "value": 172200.0, "Latitude": 38.4, "Longitude": -122.89, "Population": 1445.0}, {"index": 19316, "quantile": 0.25, "value": 265200.0, "Latitude": 38.4, "Longitude": -122.89, "Population": 1445.0}, {"index": 19316, "quantile": 0.5, "value": 296800.0, "Latitude": 38.4, "Longitude": -122.89, "Population": 1445.0}, {"index": 19316, "quantile": 0.75, "value": 296800.0, "Latitude": 38.4, "Longitude": -122.89, "Population": 1445.0}, {"index": 19316, "quantile": 1.0, "value": 345300.0, "Latitude": 38.4, "Longitude": -122.89, "Population": 1445.0}, {"index": 19317, "quantile": 0.0, "value": 91900.0, "Latitude": 38.49, "Longitude": -123.04, "Population": 1387.0}, {"index": 19317, "quantile": 0.25, "value": 132500.0, "Latitude": 38.49, "Longitude": -123.04, "Population": 1387.0}, {"index": 19317, "quantile": 0.5, "value": 132500.0, "Latitude": 38.49, "Longitude": -123.04, "Population": 1387.0}, {"index": 19317, "quantile": 0.75, "value": 132500.0, "Latitude": 38.49, "Longitude": -123.04, "Population": 1387.0}, {"index": 19317, "quantile": 1.0, "value": 249200.0, "Latitude": 38.49, "Longitude": -123.04, "Population": 1387.0}, {"index": 19318, "quantile": 0.0, "value": 64900.0, "Latitude": 38.46, "Longitude": -123.02, "Population": 524.0}, {"index": 19318, "quantile": 0.25, "value": 120000.0, "Latitude": 38.46, "Longitude": -123.02, "Population": 524.0}, {"index": 19318, "quantile": 0.5, "value": 120000.0, "Latitude": 38.46, "Longitude": -123.02, "Population": 524.0}, {"index": 19318, "quantile": 0.75, "value": 120000.0, "Latitude": 38.46, "Longitude": -123.02, "Population": 524.0}, {"index": 19318, "quantile": 1.0, "value": 450000.0, "Latitude": 38.46, "Longitude": -123.02, "Population": 524.0}, {"index": 19319, "quantile": 0.0, "value": 90000.0, "Latitude": 38.44, "Longitude": -122.98, "Population": 1328.0}, {"index": 19319, "quantile": 0.25, "value": 162100.0, "Latitude": 38.44, "Longitude": -122.98, "Population": 1328.0}, {"index": 19319, "quantile": 0.5, "value": 162100.0, "Latitude": 38.44, "Longitude": -122.98, "Population": 1328.0}, {"index": 19319, "quantile": 0.75, "value": 162100.0, "Latitude": 38.44, "Longitude": -122.98, "Population": 1328.0}, {"index": 19319, "quantile": 1.0, "value": 355000.0, "Latitude": 38.44, "Longitude": -122.98, "Population": 1328.0}, {"index": 19320, "quantile": 0.0, "value": 45500.0, "Latitude": 38.48, "Longitude": -123.01, "Population": 354.0}, {"index": 19320, "quantile": 0.25, "value": 118300.0, "Latitude": 38.48, "Longitude": -123.01, "Population": 354.0}, {"index": 19320, "quantile": 0.5, "value": 118300.0, "Latitude": 38.48, "Longitude": -123.01, "Population": 354.0}, {"index": 19320, "quantile": 0.75, "value": 118300.0, "Latitude": 38.48, "Longitude": -123.01, "Population": 354.0}, {"index": 19320, "quantile": 1.0, "value": 450000.0, "Latitude": 38.48, "Longitude": -123.01, "Population": 354.0}, {"index": 19321, "quantile": 0.0, "value": 82100.0, "Latitude": 38.54, "Longitude": -123.02, "Population": 768.0}, {"index": 19321, "quantile": 0.25, "value": 136900.0, "Latitude": 38.54, "Longitude": -123.02, "Population": 768.0}, {"index": 19321, "quantile": 0.5, "value": 136900.0, "Latitude": 38.54, "Longitude": -123.02, "Population": 768.0}, {"index": 19321, "quantile": 0.75, "value": 147375.0, "Latitude": 38.54, "Longitude": -123.02, "Population": 768.0}, {"index": 19321, "quantile": 1.0, "value": 300000.0, "Latitude": 38.54, "Longitude": -123.02, "Population": 768.0}, {"index": 19322, "quantile": 0.0, "value": 63400.0, "Latitude": 38.51, "Longitude": -123.0, "Population": 759.0}, {"index": 19322, "quantile": 0.25, "value": 153100.0, "Latitude": 38.51, "Longitude": -123.0, "Population": 759.0}, {"index": 19322, "quantile": 0.5, "value": 153100.0, "Latitude": 38.51, "Longitude": -123.0, "Population": 759.0}, {"index": 19322, "quantile": 0.75, "value": 153100.0, "Latitude": 38.51, "Longitude": -123.0, "Population": 759.0}, {"index": 19322, "quantile": 1.0, "value": 249200.0, "Latitude": 38.51, "Longitude": -123.0, "Population": 759.0}, {"index": 19323, "quantile": 0.0, "value": 65400.0, "Latitude": 38.5, "Longitude": -122.97, "Population": 1112.0}, {"index": 19323, "quantile": 0.25, "value": 96600.0, "Latitude": 38.5, "Longitude": -122.97, "Population": 1112.0}, {"index": 19323, "quantile": 0.5, "value": 98700.0, "Latitude": 38.5, "Longitude": -122.97, "Population": 1112.0}, {"index": 19323, "quantile": 0.75, "value": 134625.0, "Latitude": 38.5, "Longitude": -122.97, "Population": 1112.0}, {"index": 19323, "quantile": 1.0, "value": 450000.0, "Latitude": 38.5, "Longitude": -122.97, "Population": 1112.0}, {"index": 19324, "quantile": 0.0, "value": 49800.0, "Latitude": 38.53, "Longitude": -122.97, "Population": 1257.0}, {"index": 19324, "quantile": 0.25, "value": 98700.0, "Latitude": 38.53, "Longitude": -122.97, "Population": 1257.0}, {"index": 19324, "quantile": 0.5, "value": 98700.0, "Latitude": 38.53, "Longitude": -122.97, "Population": 1257.0}, {"index": 19324, "quantile": 0.75, "value": 98700.0, "Latitude": 38.53, "Longitude": -122.97, "Population": 1257.0}, {"index": 19324, "quantile": 1.0, "value": 225000.0, "Latitude": 38.53, "Longitude": -122.97, "Population": 1257.0}, {"index": 19325, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.53, "Longitude": -122.94, "Population": 505.0}, {"index": 19325, "quantile": 0.25, "value": 148800.0, "Latitude": 38.53, "Longitude": -122.94, "Population": 505.0}, {"index": 19325, "quantile": 0.5, "value": 148800.0, "Latitude": 38.53, "Longitude": -122.94, "Population": 505.0}, {"index": 19325, "quantile": 0.75, "value": 187625.0, "Latitude": 38.53, "Longitude": -122.94, "Population": 505.0}, {"index": 19325, "quantile": 1.0, "value": 500000.0, "Latitude": 38.53, "Longitude": -122.94, "Population": 505.0}, {"index": 19326, "quantile": 0.0, "value": 91500.0, "Latitude": 38.5, "Longitude": -122.94, "Population": 807.0}, {"index": 19326, "quantile": 0.25, "value": 117000.0, "Latitude": 38.5, "Longitude": -122.94, "Population": 807.0}, {"index": 19326, "quantile": 0.5, "value": 117000.0, "Latitude": 38.5, "Longitude": -122.94, "Population": 807.0}, {"index": 19326, "quantile": 0.75, "value": 126875.0, "Latitude": 38.5, "Longitude": -122.94, "Population": 807.0}, {"index": 19326, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.5, "Longitude": -122.94, "Population": 807.0}, {"index": 19327, "quantile": 0.0, "value": 89600.0, "Latitude": 38.49, "Longitude": -122.91, "Population": 1137.0}, {"index": 19327, "quantile": 0.25, "value": 146500.0, "Latitude": 38.49, "Longitude": -122.91, "Population": 1137.0}, {"index": 19327, "quantile": 0.5, "value": 146500.0, "Latitude": 38.49, "Longitude": -122.91, "Population": 1137.0}, {"index": 19327, "quantile": 0.75, "value": 178500.0, "Latitude": 38.49, "Longitude": -122.91, "Population": 1137.0}, {"index": 19327, "quantile": 1.0, "value": 348200.0, "Latitude": 38.49, "Longitude": -122.91, "Population": 1137.0}, {"index": 19328, "quantile": 0.0, "value": 121600.0, "Latitude": 38.48, "Longitude": -122.87, "Population": 1832.0}, {"index": 19328, "quantile": 0.25, "value": 182700.0, "Latitude": 38.48, "Longitude": -122.87, "Population": 1832.0}, {"index": 19328, "quantile": 0.5, "value": 187800.0, "Latitude": 38.48, "Longitude": -122.87, "Population": 1832.0}, {"index": 19328, "quantile": 0.75, "value": 187800.0, "Latitude": 38.48, "Longitude": -122.87, "Population": 1832.0}, {"index": 19328, "quantile": 1.0, "value": 292100.0, "Latitude": 38.48, "Longitude": -122.87, "Population": 1832.0}, {"index": 19329, "quantile": 0.0, "value": 89600.0, "Latitude": 38.46, "Longitude": -122.88, "Population": 737.0}, {"index": 19329, "quantile": 0.25, "value": 227350.00000000003, "Latitude": 38.46, "Longitude": -122.88, "Population": 737.0}, {"index": 19329, "quantile": 0.5, "value": 249200.0, "Latitude": 38.46, "Longitude": -122.88, "Population": 737.0}, {"index": 19329, "quantile": 0.75, "value": 249200.0, "Latitude": 38.46, "Longitude": -122.88, "Population": 737.0}, {"index": 19329, "quantile": 1.0, "value": 249200.0, "Latitude": 38.46, "Longitude": -122.88, "Population": 737.0}, {"index": 19330, "quantile": 0.0, "value": 161900.0, "Latitude": 38.46, "Longitude": -122.85, "Population": 1309.0}, {"index": 19330, "quantile": 0.25, "value": 202900.0, "Latitude": 38.46, "Longitude": -122.85, "Population": 1309.0}, {"index": 19330, "quantile": 0.5, "value": 251900.0, "Latitude": 38.46, "Longitude": -122.85, "Population": 1309.0}, {"index": 19330, "quantile": 0.75, "value": 305450.0, "Latitude": 38.46, "Longitude": -122.85, "Population": 1309.0}, {"index": 19330, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.46, "Longitude": -122.85, "Population": 1309.0}, {"index": 19331, "quantile": 0.0, "value": 97300.0, "Latitude": 38.49, "Longitude": -122.94, "Population": 777.0}, {"index": 19331, "quantile": 0.25, "value": 117100.0, "Latitude": 38.49, "Longitude": -122.94, "Population": 777.0}, {"index": 19331, "quantile": 0.5, "value": 117100.0, "Latitude": 38.49, "Longitude": -122.94, "Population": 777.0}, {"index": 19331, "quantile": 0.75, "value": 132500.0, "Latitude": 38.49, "Longitude": -122.94, "Population": 777.0}, {"index": 19331, "quantile": 1.0, "value": 408300.0, "Latitude": 38.49, "Longitude": -122.94, "Population": 777.0}, {"index": 19332, "quantile": 0.0, "value": 127200.0, "Latitude": 38.46, "Longitude": -122.91, "Population": 912.0}, {"index": 19332, "quantile": 0.25, "value": 251750.0, "Latitude": 38.46, "Longitude": -122.91, "Population": 912.0}, {"index": 19332, "quantile": 0.5, "value": 251900.0, "Latitude": 38.46, "Longitude": -122.91, "Population": 912.0}, {"index": 19332, "quantile": 0.75, "value": 251900.0, "Latitude": 38.46, "Longitude": -122.91, "Population": 912.0}, {"index": 19332, "quantile": 1.0, "value": 305000.0, "Latitude": 38.46, "Longitude": -122.91, "Population": 912.0}, {"index": 19333, "quantile": 0.0, "value": 71800.0, "Latitude": 38.58, "Longitude": -122.72, "Population": 2936.0}, {"index": 19333, "quantile": 0.25, "value": 188950.0, "Latitude": 38.58, "Longitude": -122.72, "Population": 2936.0}, {"index": 19333, "quantile": 0.5, "value": 234500.00000000003, "Latitude": 38.58, "Longitude": -122.72, "Population": 2936.0}, {"index": 19333, "quantile": 0.75, "value": 269075.0, "Latitude": 38.58, "Longitude": -122.72, "Population": 2936.0}, {"index": 19333, "quantile": 1.0, "value": 361100.0, "Latitude": 38.58, "Longitude": -122.72, "Population": 2936.0}, {"index": 19334, "quantile": 0.0, "value": 140300.0, "Latitude": 38.55, "Longitude": -122.82, "Population": 2967.0}, {"index": 19334, "quantile": 0.25, "value": 195100.0, "Latitude": 38.55, "Longitude": -122.82, "Population": 2967.0}, {"index": 19334, "quantile": 0.5, "value": 195100.0, "Latitude": 38.55, "Longitude": -122.82, "Population": 2967.0}, {"index": 19334, "quantile": 0.75, "value": 195100.0, "Latitude": 38.55, "Longitude": -122.82, "Population": 2967.0}, {"index": 19334, "quantile": 1.0, "value": 345300.0, "Latitude": 38.55, "Longitude": -122.82, "Population": 2967.0}, {"index": 19335, "quantile": 0.0, "value": 128499.99999999999, "Latitude": 38.52, "Longitude": -122.85, "Population": 2568.0}, {"index": 19335, "quantile": 0.25, "value": 183200.0, "Latitude": 38.52, "Longitude": -122.85, "Population": 2568.0}, {"index": 19335, "quantile": 0.5, "value": 183200.0, "Latitude": 38.52, "Longitude": -122.85, "Population": 2568.0}, {"index": 19335, "quantile": 0.75, "value": 195100.0, "Latitude": 38.52, "Longitude": -122.85, "Population": 2568.0}, {"index": 19335, "quantile": 1.0, "value": 345300.0, "Latitude": 38.52, "Longitude": -122.85, "Population": 2568.0}, {"index": 19336, "quantile": 0.0, "value": 123700.00000000001, "Latitude": 38.53, "Longitude": -122.78, "Population": 1889.0}, {"index": 19336, "quantile": 0.25, "value": 184100.0, "Latitude": 38.53, "Longitude": -122.78, "Population": 1889.0}, {"index": 19336, "quantile": 0.5, "value": 250800.0, "Latitude": 38.53, "Longitude": -122.78, "Population": 1889.0}, {"index": 19336, "quantile": 0.75, "value": 250800.0, "Latitude": 38.53, "Longitude": -122.78, "Population": 1889.0}, {"index": 19336, "quantile": 1.0, "value": 257200.0, "Latitude": 38.53, "Longitude": -122.78, "Population": 1889.0}, {"index": 19337, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 38.54, "Longitude": -122.81, "Population": 919.0}, {"index": 19337, "quantile": 0.25, "value": 139300.0, "Latitude": 38.54, "Longitude": -122.81, "Population": 919.0}, {"index": 19337, "quantile": 0.5, "value": 139300.0, "Latitude": 38.54, "Longitude": -122.81, "Population": 919.0}, {"index": 19337, "quantile": 0.75, "value": 139300.0, "Latitude": 38.54, "Longitude": -122.81, "Population": 919.0}, {"index": 19337, "quantile": 1.0, "value": 425000.0, "Latitude": 38.54, "Longitude": -122.81, "Population": 919.0}, {"index": 19338, "quantile": 0.0, "value": 79000.0, "Latitude": 38.53, "Longitude": -122.82, "Population": 907.0}, {"index": 19338, "quantile": 0.25, "value": 172900.0, "Latitude": 38.53, "Longitude": -122.82, "Population": 907.0}, {"index": 19338, "quantile": 0.5, "value": 172900.0, "Latitude": 38.53, "Longitude": -122.82, "Population": 907.0}, {"index": 19338, "quantile": 0.75, "value": 173675.0, "Latitude": 38.53, "Longitude": -122.82, "Population": 907.0}, {"index": 19338, "quantile": 1.0, "value": 292100.0, "Latitude": 38.53, "Longitude": -122.82, "Population": 907.0}, {"index": 19339, "quantile": 0.0, "value": 109400.00000000001, "Latitude": 38.54, "Longitude": -122.79, "Population": 1887.0}, {"index": 19339, "quantile": 0.25, "value": 179800.0, "Latitude": 38.54, "Longitude": -122.79, "Population": 1887.0}, {"index": 19339, "quantile": 0.5, "value": 187800.0, "Latitude": 38.54, "Longitude": -122.79, "Population": 1887.0}, {"index": 19339, "quantile": 0.75, "value": 236300.0, "Latitude": 38.54, "Longitude": -122.79, "Population": 1887.0}, {"index": 19339, "quantile": 1.0, "value": 345300.0, "Latitude": 38.54, "Longitude": -122.79, "Population": 1887.0}, {"index": 19340, "quantile": 0.0, "value": 126600.0, "Latitude": 38.61, "Longitude": -122.87, "Population": 1456.0}, {"index": 19340, "quantile": 0.25, "value": 173700.0, "Latitude": 38.61, "Longitude": -122.87, "Population": 1456.0}, {"index": 19340, "quantile": 0.5, "value": 173700.0, "Latitude": 38.61, "Longitude": -122.87, "Population": 1456.0}, {"index": 19340, "quantile": 0.75, "value": 188000.0, "Latitude": 38.61, "Longitude": -122.87, "Population": 1456.0}, {"index": 19340, "quantile": 1.0, "value": 262500.0, "Latitude": 38.61, "Longitude": -122.87, "Population": 1456.0}, {"index": 19341, "quantile": 0.0, "value": 32500.0, "Latitude": 38.62, "Longitude": -122.87, "Population": 767.0}, {"index": 19341, "quantile": 0.25, "value": 98700.0, "Latitude": 38.62, "Longitude": -122.87, "Population": 767.0}, {"index": 19341, "quantile": 0.5, "value": 150349.99999999997, "Latitude": 38.62, "Longitude": -122.87, "Population": 767.0}, {"index": 19341, "quantile": 0.75, "value": 188800.0, "Latitude": 38.62, "Longitude": -122.87, "Population": 767.0}, {"index": 19341, "quantile": 1.0, "value": 490000.00000000006, "Latitude": 38.62, "Longitude": -122.87, "Population": 767.0}, {"index": 19342, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.61, "Longitude": -122.86, "Population": 982.0}, {"index": 19342, "quantile": 0.25, "value": 149300.0, "Latitude": 38.61, "Longitude": -122.86, "Population": 982.0}, {"index": 19342, "quantile": 0.5, "value": 183300.0, "Latitude": 38.61, "Longitude": -122.86, "Population": 982.0}, {"index": 19342, "quantile": 0.75, "value": 183300.0, "Latitude": 38.61, "Longitude": -122.86, "Population": 982.0}, {"index": 19342, "quantile": 1.0, "value": 441700.0, "Latitude": 38.61, "Longitude": -122.86, "Population": 982.0}, {"index": 19343, "quantile": 0.0, "value": 73600.0, "Latitude": 38.62, "Longitude": -122.86, "Population": 1231.0}, {"index": 19343, "quantile": 0.25, "value": 149100.0, "Latitude": 38.62, "Longitude": -122.86, "Population": 1231.0}, {"index": 19343, "quantile": 0.5, "value": 158850.0, "Latitude": 38.62, "Longitude": -122.86, "Population": 1231.0}, {"index": 19343, "quantile": 0.75, "value": 237300.00000000003, "Latitude": 38.62, "Longitude": -122.86, "Population": 1231.0}, {"index": 19343, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 38.62, "Longitude": -122.86, "Population": 1231.0}, {"index": 19344, "quantile": 0.0, "value": 67300.0, "Latitude": 38.62, "Longitude": -122.87, "Population": 1667.0}, {"index": 19344, "quantile": 0.25, "value": 176100.0, "Latitude": 38.62, "Longitude": -122.87, "Population": 1667.0}, {"index": 19344, "quantile": 0.5, "value": 176100.0, "Latitude": 38.62, "Longitude": -122.87, "Population": 1667.0}, {"index": 19344, "quantile": 0.75, "value": 176100.0, "Latitude": 38.62, "Longitude": -122.87, "Population": 1667.0}, {"index": 19344, "quantile": 1.0, "value": 257200.0, "Latitude": 38.62, "Longitude": -122.87, "Population": 1667.0}, {"index": 19345, "quantile": 0.0, "value": 86900.0, "Latitude": 38.64, "Longitude": -122.82, "Population": 1117.0}, {"index": 19345, "quantile": 0.25, "value": 188600.0, "Latitude": 38.64, "Longitude": -122.82, "Population": 1117.0}, {"index": 19345, "quantile": 0.5, "value": 188600.0, "Latitude": 38.64, "Longitude": -122.82, "Population": 1117.0}, {"index": 19345, "quantile": 0.75, "value": 188600.0, "Latitude": 38.64, "Longitude": -122.82, "Population": 1117.0}, {"index": 19345, "quantile": 1.0, "value": 300000.0, "Latitude": 38.64, "Longitude": -122.82, "Population": 1117.0}, {"index": 19346, "quantile": 0.0, "value": 81300.0, "Latitude": 38.58, "Longitude": -122.83, "Population": 2036.0}, {"index": 19346, "quantile": 0.25, "value": 139150.0, "Latitude": 38.58, "Longitude": -122.83, "Population": 2036.0}, {"index": 19346, "quantile": 0.5, "value": 184450.0, "Latitude": 38.58, "Longitude": -122.83, "Population": 2036.0}, {"index": 19346, "quantile": 0.75, "value": 218925.00000000003, "Latitude": 38.58, "Longitude": -122.83, "Population": 2036.0}, {"index": 19346, "quantile": 1.0, "value": 390800.0, "Latitude": 38.58, "Longitude": -122.83, "Population": 2036.0}, {"index": 19347, "quantile": 0.0, "value": 90800.0, "Latitude": 38.61, "Longitude": -122.82, "Population": 987.0}, {"index": 19347, "quantile": 0.25, "value": 201700.0, "Latitude": 38.61, "Longitude": -122.82, "Population": 987.0}, {"index": 19347, "quantile": 0.5, "value": 201700.0, "Latitude": 38.61, "Longitude": -122.82, "Population": 987.0}, {"index": 19347, "quantile": 0.75, "value": 201700.0, "Latitude": 38.61, "Longitude": -122.82, "Population": 987.0}, {"index": 19347, "quantile": 1.0, "value": 345300.0, "Latitude": 38.61, "Longitude": -122.82, "Population": 987.0}, {"index": 19348, "quantile": 0.0, "value": 117300.0, "Latitude": 38.62, "Longitude": -122.85, "Population": 1908.0}, {"index": 19348, "quantile": 0.25, "value": 244600.00000000003, "Latitude": 38.62, "Longitude": -122.85, "Population": 1908.0}, {"index": 19348, "quantile": 0.5, "value": 244600.00000000003, "Latitude": 38.62, "Longitude": -122.85, "Population": 1908.0}, {"index": 19348, "quantile": 0.75, "value": 244600.00000000003, "Latitude": 38.62, "Longitude": -122.85, "Population": 1908.0}, {"index": 19348, "quantile": 1.0, "value": 348200.0, "Latitude": 38.62, "Longitude": -122.85, "Population": 1908.0}, {"index": 19349, "quantile": 0.0, "value": 130600.0, "Latitude": 38.67, "Longitude": -123.01, "Population": 394.0}, {"index": 19349, "quantile": 0.25, "value": 246200.00000000003, "Latitude": 38.67, "Longitude": -123.01, "Population": 394.0}, {"index": 19349, "quantile": 0.5, "value": 246200.00000000003, "Latitude": 38.67, "Longitude": -123.01, "Population": 394.0}, {"index": 19349, "quantile": 0.75, "value": 246200.00000000003, "Latitude": 38.67, "Longitude": -123.01, "Population": 394.0}, {"index": 19349, "quantile": 1.0, "value": 361100.0, "Latitude": 38.67, "Longitude": -123.01, "Population": 394.0}, {"index": 19350, "quantile": 0.0, "value": 134100.0, "Latitude": 38.57, "Longitude": -122.94, "Population": 728.0}, {"index": 19350, "quantile": 0.25, "value": 266700.0, "Latitude": 38.57, "Longitude": -122.94, "Population": 728.0}, {"index": 19350, "quantile": 0.5, "value": 266700.0, "Latitude": 38.57, "Longitude": -122.94, "Population": 728.0}, {"index": 19350, "quantile": 0.75, "value": 266700.0, "Latitude": 38.57, "Longitude": -122.94, "Population": 728.0}, {"index": 19350, "quantile": 1.0, "value": 339200.0, "Latitude": 38.57, "Longitude": -122.94, "Population": 728.0}, {"index": 19351, "quantile": 0.0, "value": 108300.0, "Latitude": 38.64, "Longitude": -122.94, "Population": 2072.0}, {"index": 19351, "quantile": 0.25, "value": 244475.0, "Latitude": 38.64, "Longitude": -122.94, "Population": 2072.0}, {"index": 19351, "quantile": 0.5, "value": 287800.0, "Latitude": 38.64, "Longitude": -122.94, "Population": 2072.0}, {"index": 19351, "quantile": 0.75, "value": 287800.0, "Latitude": 38.64, "Longitude": -122.94, "Population": 2072.0}, {"index": 19351, "quantile": 1.0, "value": 296800.0, "Latitude": 38.64, "Longitude": -122.94, "Population": 2072.0}, {"index": 19352, "quantile": 0.0, "value": 68400.0, "Latitude": 38.73, "Longitude": -122.95, "Population": 863.0}, {"index": 19352, "quantile": 0.25, "value": 114599.99999999999, "Latitude": 38.73, "Longitude": -122.95, "Population": 863.0}, {"index": 19352, "quantile": 0.5, "value": 134200.0, "Latitude": 38.73, "Longitude": -122.95, "Population": 863.0}, {"index": 19352, "quantile": 0.75, "value": 157300.0, "Latitude": 38.73, "Longitude": -122.95, "Population": 863.0}, {"index": 19352, "quantile": 1.0, "value": 350800.0, "Latitude": 38.73, "Longitude": -122.95, "Population": 863.0}, {"index": 19353, "quantile": 0.0, "value": 86900.0, "Latitude": 38.68, "Longitude": -122.87, "Population": 2053.0}, {"index": 19353, "quantile": 0.25, "value": 227999.99999999997, "Latitude": 38.68, "Longitude": -122.87, "Population": 2053.0}, {"index": 19353, "quantile": 0.5, "value": 227999.99999999997, "Latitude": 38.68, "Longitude": -122.87, "Population": 2053.0}, {"index": 19353, "quantile": 0.75, "value": 227999.99999999997, "Latitude": 38.68, "Longitude": -122.87, "Population": 2053.0}, {"index": 19353, "quantile": 1.0, "value": 300000.0, "Latitude": 38.68, "Longitude": -122.87, "Population": 2053.0}, {"index": 19354, "quantile": 0.0, "value": 116100.0, "Latitude": 38.77, "Longitude": -122.85, "Population": 1027.0}, {"index": 19354, "quantile": 0.25, "value": 191725.0, "Latitude": 38.77, "Longitude": -122.85, "Population": 1027.0}, {"index": 19354, "quantile": 0.5, "value": 248100.0, "Latitude": 38.77, "Longitude": -122.85, "Population": 1027.0}, {"index": 19354, "quantile": 0.75, "value": 270600.0, "Latitude": 38.77, "Longitude": -122.85, "Population": 1027.0}, {"index": 19354, "quantile": 1.0, "value": 454100.00000000006, "Latitude": 38.77, "Longitude": -122.85, "Population": 1027.0}, {"index": 19355, "quantile": 0.0, "value": 92600.0, "Latitude": 38.66, "Longitude": -122.7, "Population": 582.0}, {"index": 19355, "quantile": 0.25, "value": 210000.0, "Latitude": 38.66, "Longitude": -122.7, "Population": 582.0}, {"index": 19355, "quantile": 0.5, "value": 210000.0, "Latitude": 38.66, "Longitude": -122.7, "Population": 582.0}, {"index": 19355, "quantile": 0.75, "value": 210000.0, "Latitude": 38.66, "Longitude": -122.7, "Population": 582.0}, {"index": 19355, "quantile": 1.0, "value": 500000.0, "Latitude": 38.66, "Longitude": -122.7, "Population": 582.0}, {"index": 19356, "quantile": 0.0, "value": 72200.0, "Latitude": 38.79, "Longitude": -123.03, "Population": 1998.0}, {"index": 19356, "quantile": 0.25, "value": 160275.0, "Latitude": 38.79, "Longitude": -123.03, "Population": 1998.0}, {"index": 19356, "quantile": 0.5, "value": 171900.0, "Latitude": 38.79, "Longitude": -123.03, "Population": 1998.0}, {"index": 19356, "quantile": 0.75, "value": 171900.0, "Latitude": 38.79, "Longitude": -123.03, "Population": 1998.0}, {"index": 19356, "quantile": 1.0, "value": 183200.0, "Latitude": 38.79, "Longitude": -123.03, "Population": 1998.0}, {"index": 19357, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 38.81, "Longitude": -123.02, "Population": 488.0}, {"index": 19357, "quantile": 0.25, "value": 140600.0, "Latitude": 38.81, "Longitude": -123.02, "Population": 488.0}, {"index": 19357, "quantile": 0.5, "value": 140600.0, "Latitude": 38.81, "Longitude": -123.02, "Population": 488.0}, {"index": 19357, "quantile": 0.75, "value": 140600.0, "Latitude": 38.81, "Longitude": -123.02, "Population": 488.0}, {"index": 19357, "quantile": 1.0, "value": 275000.0, "Latitude": 38.81, "Longitude": -123.02, "Population": 488.0}, {"index": 19358, "quantile": 0.0, "value": 50800.0, "Latitude": 38.81, "Longitude": -123.02, "Population": 916.0}, {"index": 19358, "quantile": 0.25, "value": 138800.0, "Latitude": 38.81, "Longitude": -123.02, "Population": 916.0}, {"index": 19358, "quantile": 0.5, "value": 138800.0, "Latitude": 38.81, "Longitude": -123.02, "Population": 916.0}, {"index": 19358, "quantile": 0.75, "value": 145800.0, "Latitude": 38.81, "Longitude": -123.02, "Population": 916.0}, {"index": 19358, "quantile": 1.0, "value": 322900.0, "Latitude": 38.81, "Longitude": -123.02, "Population": 916.0}, {"index": 19359, "quantile": 0.0, "value": 40000.0, "Latitude": 38.8, "Longitude": -123.01, "Population": 131.0}, {"index": 19359, "quantile": 0.25, "value": 133300.0, "Latitude": 38.8, "Longitude": -123.01, "Population": 131.0}, {"index": 19359, "quantile": 0.5, "value": 133300.0, "Latitude": 38.8, "Longitude": -123.01, "Population": 131.0}, {"index": 19359, "quantile": 0.75, "value": 133300.0, "Latitude": 38.8, "Longitude": -123.01, "Population": 131.0}, {"index": 19359, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.8, "Longitude": -123.01, "Population": 131.0}, {"index": 19360, "quantile": 0.0, "value": 67500.0, "Latitude": 38.79, "Longitude": -123.01, "Population": 1417.0}, {"index": 19360, "quantile": 0.25, "value": 96750.0, "Latitude": 38.79, "Longitude": -123.01, "Population": 1417.0}, {"index": 19360, "quantile": 0.5, "value": 138800.0, "Latitude": 38.79, "Longitude": -123.01, "Population": 1417.0}, {"index": 19360, "quantile": 0.75, "value": 171900.0, "Latitude": 38.79, "Longitude": -123.01, "Population": 1417.0}, {"index": 19360, "quantile": 1.0, "value": 277000.0, "Latitude": 38.79, "Longitude": -123.01, "Population": 1417.0}, {"index": 19361, "quantile": 0.0, "value": 67900.0, "Latitude": 38.79, "Longitude": -123.1, "Population": 1643.0}, {"index": 19361, "quantile": 0.25, "value": 142100.0, "Latitude": 38.79, "Longitude": -123.1, "Population": 1643.0}, {"index": 19361, "quantile": 0.5, "value": 164400.0, "Latitude": 38.79, "Longitude": -123.1, "Population": 1643.0}, {"index": 19361, "quantile": 0.75, "value": 164400.0, "Latitude": 38.79, "Longitude": -123.1, "Population": 1643.0}, {"index": 19361, "quantile": 1.0, "value": 275000.0, "Latitude": 38.79, "Longitude": -123.1, "Population": 1643.0}, {"index": 19362, "quantile": 0.0, "value": 72100.0, "Latitude": 38.7, "Longitude": -123.49, "Population": 594.0}, {"index": 19362, "quantile": 0.25, "value": 133300.0, "Latitude": 38.7, "Longitude": -123.49, "Population": 594.0}, {"index": 19362, "quantile": 0.5, "value": 152800.0, "Latitude": 38.7, "Longitude": -123.49, "Population": 594.0}, {"index": 19362, "quantile": 0.75, "value": 200500.0, "Latitude": 38.7, "Longitude": -123.49, "Population": 594.0}, {"index": 19362, "quantile": 1.0, "value": 387200.0, "Latitude": 38.7, "Longitude": -123.49, "Population": 594.0}, {"index": 19363, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 38.7, "Longitude": -123.24, "Population": 569.0}, {"index": 19363, "quantile": 0.25, "value": 96300.0, "Latitude": 38.7, "Longitude": -123.24, "Population": 569.0}, {"index": 19363, "quantile": 0.5, "value": 117100.0, "Latitude": 38.7, "Longitude": -123.24, "Population": 569.0}, {"index": 19363, "quantile": 0.75, "value": 154200.0, "Latitude": 38.7, "Longitude": -123.24, "Population": 569.0}, {"index": 19363, "quantile": 1.0, "value": 350800.0, "Latitude": 38.7, "Longitude": -123.24, "Population": 569.0}, {"index": 19364, "quantile": 0.0, "value": 79800.0, "Latitude": 38.54, "Longitude": -123.25, "Population": 1278.0}, {"index": 19364, "quantile": 0.25, "value": 136900.0, "Latitude": 38.54, "Longitude": -123.25, "Population": 1278.0}, {"index": 19364, "quantile": 0.5, "value": 176000.0, "Latitude": 38.54, "Longitude": -123.25, "Population": 1278.0}, {"index": 19364, "quantile": 0.75, "value": 248400.0, "Latitude": 38.54, "Longitude": -123.25, "Population": 1278.0}, {"index": 19364, "quantile": 1.0, "value": 345300.0, "Latitude": 38.54, "Longitude": -123.25, "Population": 1278.0}, {"index": 19365, "quantile": 0.0, "value": 136900.0, "Latitude": 38.38, "Longitude": -123.08, "Population": 923.0}, {"index": 19365, "quantile": 0.25, "value": 215899.99999999997, "Latitude": 38.38, "Longitude": -123.08, "Population": 923.0}, {"index": 19365, "quantile": 0.5, "value": 253100.0, "Latitude": 38.38, "Longitude": -123.08, "Population": 923.0}, {"index": 19365, "quantile": 0.75, "value": 270700.0, "Latitude": 38.38, "Longitude": -123.08, "Population": 923.0}, {"index": 19365, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.38, "Longitude": -123.08, "Population": 923.0}, {"index": 19366, "quantile": 0.0, "value": 73500.0, "Latitude": 38.42, "Longitude": -122.96, "Population": 940.0}, {"index": 19366, "quantile": 0.25, "value": 122900.00000000001, "Latitude": 38.42, "Longitude": -122.96, "Population": 940.0}, {"index": 19366, "quantile": 0.5, "value": 122900.00000000001, "Latitude": 38.42, "Longitude": -122.96, "Population": 940.0}, {"index": 19366, "quantile": 0.75, "value": 122900.00000000001, "Latitude": 38.42, "Longitude": -122.96, "Population": 940.0}, {"index": 19366, "quantile": 1.0, "value": 286100.0, "Latitude": 38.42, "Longitude": -122.96, "Population": 940.0}, {"index": 19367, "quantile": 0.0, "value": 60200.0, "Latitude": 38.46, "Longitude": -123.07, "Population": 280.0}, {"index": 19367, "quantile": 0.25, "value": 118300.0, "Latitude": 38.46, "Longitude": -123.07, "Population": 280.0}, {"index": 19367, "quantile": 0.5, "value": 133500.0, "Latitude": 38.46, "Longitude": -123.07, "Population": 280.0}, {"index": 19367, "quantile": 0.75, "value": 162750.0, "Latitude": 38.46, "Longitude": -123.07, "Population": 280.0}, {"index": 19367, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.46, "Longitude": -123.07, "Population": 280.0}, {"index": 19368, "quantile": 0.0, "value": 126800.0, "Latitude": 38.38, "Longitude": -122.93, "Population": 1128.0}, {"index": 19368, "quantile": 0.25, "value": 244325.0, "Latitude": 38.38, "Longitude": -122.93, "Population": 1128.0}, {"index": 19368, "quantile": 0.5, "value": 262500.0, "Latitude": 38.38, "Longitude": -122.93, "Population": 1128.0}, {"index": 19368, "quantile": 0.75, "value": 262500.0, "Latitude": 38.38, "Longitude": -122.93, "Population": 1128.0}, {"index": 19368, "quantile": 1.0, "value": 348200.0, "Latitude": 38.38, "Longitude": -122.93, "Population": 1128.0}, {"index": 19369, "quantile": 0.0, "value": 140300.0, "Latitude": 38.36, "Longitude": -123.02, "Population": 778.0}, {"index": 19369, "quantile": 0.25, "value": 201600.0, "Latitude": 38.36, "Longitude": -123.02, "Population": 778.0}, {"index": 19369, "quantile": 0.5, "value": 268800.0, "Latitude": 38.36, "Longitude": -123.02, "Population": 778.0}, {"index": 19369, "quantile": 0.75, "value": 268800.0, "Latitude": 38.36, "Longitude": -123.02, "Population": 778.0}, {"index": 19369, "quantile": 1.0, "value": 345300.0, "Latitude": 38.36, "Longitude": -123.02, "Population": 778.0}, {"index": 19370, "quantile": 0.0, "value": 150000.0, "Latitude": 38.33, "Longitude": -123.0, "Population": 851.0}, {"index": 19370, "quantile": 0.25, "value": 327800.0, "Latitude": 38.33, "Longitude": -123.0, "Population": 851.0}, {"index": 19370, "quantile": 0.5, "value": 364800.0, "Latitude": 38.33, "Longitude": -123.0, "Population": 851.0}, {"index": 19370, "quantile": 0.75, "value": 364800.0, "Latitude": 38.33, "Longitude": -123.0, "Population": 851.0}, {"index": 19370, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.33, "Longitude": -123.0, "Population": 851.0}, {"index": 19371, "quantile": 0.0, "value": 75000.0, "Latitude": 37.92, "Longitude": -120.84, "Population": 195.0}, {"index": 19371, "quantile": 0.25, "value": 169400.0, "Latitude": 37.92, "Longitude": -120.84, "Population": 195.0}, {"index": 19371, "quantile": 0.5, "value": 208300.00000000003, "Latitude": 37.92, "Longitude": -120.84, "Population": 195.0}, {"index": 19371, "quantile": 0.75, "value": 208300.00000000003, "Latitude": 37.92, "Longitude": -120.84, "Population": 195.0}, {"index": 19371, "quantile": 1.0, "value": 292500.0, "Latitude": 37.92, "Longitude": -120.84, "Population": 195.0}, {"index": 19372, "quantile": 0.0, "value": 90900.0, "Latitude": 37.82, "Longitude": -120.79, "Population": 1809.0}, {"index": 19372, "quantile": 0.25, "value": 150900.0, "Latitude": 37.82, "Longitude": -120.79, "Population": 1809.0}, {"index": 19372, "quantile": 0.5, "value": 269500.0, "Latitude": 37.82, "Longitude": -120.79, "Population": 1809.0}, {"index": 19372, "quantile": 0.75, "value": 269500.0, "Latitude": 37.82, "Longitude": -120.79, "Population": 1809.0}, {"index": 19372, "quantile": 1.0, "value": 269500.0, "Latitude": 37.82, "Longitude": -120.79, "Population": 1809.0}, {"index": 19373, "quantile": 0.0, "value": 99100.0, "Latitude": 37.81, "Longitude": -120.9, "Population": 2142.0}, {"index": 19373, "quantile": 0.25, "value": 144575.0, "Latitude": 37.81, "Longitude": -120.9, "Population": 2142.0}, {"index": 19373, "quantile": 0.5, "value": 173300.0, "Latitude": 37.81, "Longitude": -120.9, "Population": 2142.0}, {"index": 19373, "quantile": 0.75, "value": 173300.0, "Latitude": 37.81, "Longitude": -120.9, "Population": 2142.0}, {"index": 19373, "quantile": 1.0, "value": 269500.0, "Latitude": 37.81, "Longitude": -120.9, "Population": 2142.0}, {"index": 19374, "quantile": 0.0, "value": 62100.0, "Latitude": 37.76, "Longitude": -120.9, "Population": 304.0}, {"index": 19374, "quantile": 0.25, "value": 99925.0, "Latitude": 37.76, "Longitude": -120.9, "Population": 304.0}, {"index": 19374, "quantile": 0.5, "value": 156300.0, "Latitude": 37.76, "Longitude": -120.9, "Population": 304.0}, {"index": 19374, "quantile": 0.75, "value": 156300.0, "Latitude": 37.76, "Longitude": -120.9, "Population": 304.0}, {"index": 19374, "quantile": 1.0, "value": 268800.0, "Latitude": 37.76, "Longitude": -120.9, "Population": 304.0}, {"index": 19375, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 37.73, "Longitude": -120.86, "Population": 263.0}, {"index": 19375, "quantile": 0.25, "value": 157100.0, "Latitude": 37.73, "Longitude": -120.86, "Population": 263.0}, {"index": 19375, "quantile": 0.5, "value": 183300.0, "Latitude": 37.73, "Longitude": -120.86, "Population": 263.0}, {"index": 19375, "quantile": 0.75, "value": 183300.0, "Latitude": 37.73, "Longitude": -120.86, "Population": 263.0}, {"index": 19375, "quantile": 1.0, "value": 315000.0, "Latitude": 37.73, "Longitude": -120.86, "Population": 263.0}, {"index": 19376, "quantile": 0.0, "value": 111400.00000000001, "Latitude": 37.76, "Longitude": -120.79, "Population": 1505.0}, {"index": 19376, "quantile": 0.25, "value": 214975.0, "Latitude": 37.76, "Longitude": -120.79, "Population": 1505.0}, {"index": 19376, "quantile": 0.5, "value": 275300.0, "Latitude": 37.76, "Longitude": -120.79, "Population": 1505.0}, {"index": 19376, "quantile": 0.75, "value": 275300.0, "Latitude": 37.76, "Longitude": -120.79, "Population": 1505.0}, {"index": 19376, "quantile": 1.0, "value": 359100.0, "Latitude": 37.76, "Longitude": -120.79, "Population": 1505.0}, {"index": 19377, "quantile": 0.0, "value": 67500.0, "Latitude": 37.73, "Longitude": -120.76, "Population": 732.0}, {"index": 19377, "quantile": 0.25, "value": 130300.0, "Latitude": 37.73, "Longitude": -120.76, "Population": 732.0}, {"index": 19377, "quantile": 0.5, "value": 187500.0, "Latitude": 37.73, "Longitude": -120.76, "Population": 732.0}, {"index": 19377, "quantile": 0.75, "value": 187500.0, "Latitude": 37.73, "Longitude": -120.76, "Population": 732.0}, {"index": 19377, "quantile": 1.0, "value": 315000.0, "Latitude": 37.73, "Longitude": -120.76, "Population": 732.0}, {"index": 19378, "quantile": 0.0, "value": 73500.0, "Latitude": 37.77, "Longitude": -120.69, "Population": 239.0}, {"index": 19378, "quantile": 0.25, "value": 142625.0, "Latitude": 37.77, "Longitude": -120.69, "Population": 239.0}, {"index": 19378, "quantile": 0.5, "value": 282100.0, "Latitude": 37.77, "Longitude": -120.69, "Population": 239.0}, {"index": 19378, "quantile": 0.75, "value": 282100.0, "Latitude": 37.77, "Longitude": -120.69, "Population": 239.0}, {"index": 19378, "quantile": 1.0, "value": 282100.0, "Latitude": 37.77, "Longitude": -120.69, "Population": 239.0}, {"index": 19379, "quantile": 0.0, "value": 88600.0, "Latitude": 37.77, "Longitude": -120.87, "Population": 2460.0}, {"index": 19379, "quantile": 0.25, "value": 142700.0, "Latitude": 37.77, "Longitude": -120.87, "Population": 2460.0}, {"index": 19379, "quantile": 0.5, "value": 142700.0, "Latitude": 37.77, "Longitude": -120.87, "Population": 2460.0}, {"index": 19379, "quantile": 0.75, "value": 142700.0, "Latitude": 37.77, "Longitude": -120.87, "Population": 2460.0}, {"index": 19379, "quantile": 1.0, "value": 174400.0, "Latitude": 37.77, "Longitude": -120.87, "Population": 2460.0}, {"index": 19380, "quantile": 0.0, "value": 52300.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 197.0}, {"index": 19380, "quantile": 0.25, "value": 85400.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 197.0}, {"index": 19380, "quantile": 0.5, "value": 85400.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 197.0}, {"index": 19380, "quantile": 0.75, "value": 89175.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 197.0}, {"index": 19380, "quantile": 1.0, "value": 262500.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 197.0}, {"index": 19381, "quantile": 0.0, "value": 52800.0, "Latitude": 37.77, "Longitude": -120.86, "Population": 257.0}, {"index": 19381, "quantile": 0.25, "value": 109400.00000000001, "Latitude": 37.77, "Longitude": -120.86, "Population": 257.0}, {"index": 19381, "quantile": 0.5, "value": 109400.00000000001, "Latitude": 37.77, "Longitude": -120.86, "Population": 257.0}, {"index": 19381, "quantile": 0.75, "value": 109400.00000000001, "Latitude": 37.77, "Longitude": -120.86, "Population": 257.0}, {"index": 19381, "quantile": 1.0, "value": 227300.0, "Latitude": 37.77, "Longitude": -120.86, "Population": 257.0}, {"index": 19382, "quantile": 0.0, "value": 96400.0, "Latitude": 37.77, "Longitude": -120.86, "Population": 662.0}, {"index": 19382, "quantile": 0.25, "value": 96400.0, "Latitude": 37.77, "Longitude": -120.86, "Population": 662.0}, {"index": 19382, "quantile": 0.5, "value": 96400.0, "Latitude": 37.77, "Longitude": -120.86, "Population": 662.0}, {"index": 19382, "quantile": 0.75, "value": 110650.0, "Latitude": 37.77, "Longitude": -120.86, "Population": 662.0}, {"index": 19382, "quantile": 1.0, "value": 225000.0, "Latitude": 37.77, "Longitude": -120.86, "Population": 662.0}, {"index": 19383, "quantile": 0.0, "value": 79900.0, "Latitude": 37.77, "Longitude": -120.86, "Population": 535.0}, {"index": 19383, "quantile": 0.25, "value": 94700.0, "Latitude": 37.77, "Longitude": -120.86, "Population": 535.0}, {"index": 19383, "quantile": 0.5, "value": 94700.0, "Latitude": 37.77, "Longitude": -120.86, "Population": 535.0}, {"index": 19383, "quantile": 0.75, "value": 103450.0, "Latitude": 37.77, "Longitude": -120.86, "Population": 535.0}, {"index": 19383, "quantile": 1.0, "value": 250000.0, "Latitude": 37.77, "Longitude": -120.86, "Population": 535.0}, {"index": 19384, "quantile": 0.0, "value": 48300.0, "Latitude": 37.76, "Longitude": -120.87, "Population": 601.0}, {"index": 19384, "quantile": 0.25, "value": 109025.00000000001, "Latitude": 37.76, "Longitude": -120.87, "Population": 601.0}, {"index": 19384, "quantile": 0.5, "value": 113300.0, "Latitude": 37.76, "Longitude": -120.87, "Population": 601.0}, {"index": 19384, "quantile": 0.75, "value": 113300.0, "Latitude": 37.76, "Longitude": -120.87, "Population": 601.0}, {"index": 19384, "quantile": 1.0, "value": 166100.0, "Latitude": 37.76, "Longitude": -120.87, "Population": 601.0}, {"index": 19385, "quantile": 0.0, "value": 32500.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 421.0}, {"index": 19385, "quantile": 0.25, "value": 77300.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 421.0}, {"index": 19385, "quantile": 0.5, "value": 77300.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 421.0}, {"index": 19385, "quantile": 0.75, "value": 83400.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 421.0}, {"index": 19385, "quantile": 1.0, "value": 156300.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 421.0}, {"index": 19386, "quantile": 0.0, "value": 75000.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 936.0}, {"index": 19386, "quantile": 0.25, "value": 77100.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 936.0}, {"index": 19386, "quantile": 0.5, "value": 77100.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 936.0}, {"index": 19386, "quantile": 0.75, "value": 80575.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 936.0}, {"index": 19386, "quantile": 1.0, "value": 260900.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 936.0}, {"index": 19387, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 37.76, "Longitude": -120.86, "Population": 623.0}, {"index": 19387, "quantile": 0.25, "value": 88900.0, "Latitude": 37.76, "Longitude": -120.86, "Population": 623.0}, {"index": 19387, "quantile": 0.5, "value": 88900.0, "Latitude": 37.76, "Longitude": -120.86, "Population": 623.0}, {"index": 19387, "quantile": 0.75, "value": 99500.0, "Latitude": 37.76, "Longitude": -120.86, "Population": 623.0}, {"index": 19387, "quantile": 1.0, "value": 234700.0, "Latitude": 37.76, "Longitude": -120.86, "Population": 623.0}, {"index": 19388, "quantile": 0.0, "value": 70800.0, "Latitude": 37.76, "Longitude": -120.87, "Population": 1126.0}, {"index": 19388, "quantile": 0.25, "value": 96350.0, "Latitude": 37.76, "Longitude": -120.87, "Population": 1126.0}, {"index": 19388, "quantile": 0.5, "value": 110900.0, "Latitude": 37.76, "Longitude": -120.87, "Population": 1126.0}, {"index": 19388, "quantile": 0.75, "value": 136075.0, "Latitude": 37.76, "Longitude": -120.87, "Population": 1126.0}, {"index": 19388, "quantile": 1.0, "value": 173900.0, "Latitude": 37.76, "Longitude": -120.87, "Population": 1126.0}, {"index": 19389, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.75, "Longitude": -120.85, "Population": 9.0}, {"index": 19389, "quantile": 0.25, "value": 85000.0, "Latitude": 37.75, "Longitude": -120.85, "Population": 9.0}, {"index": 19389, "quantile": 0.5, "value": 85000.0, "Latitude": 37.75, "Longitude": -120.85, "Population": 9.0}, {"index": 19389, "quantile": 0.75, "value": 157850.0, "Latitude": 37.75, "Longitude": -120.85, "Population": 9.0}, {"index": 19389, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.75, "Longitude": -120.85, "Population": 9.0}, {"index": 19390, "quantile": 0.0, "value": 86400.0, "Latitude": 37.78, "Longitude": -120.85, "Population": 1684.0}, {"index": 19390, "quantile": 0.25, "value": 124325.0, "Latitude": 37.78, "Longitude": -120.85, "Population": 1684.0}, {"index": 19390, "quantile": 0.5, "value": 146000.0, "Latitude": 37.78, "Longitude": -120.85, "Population": 1684.0}, {"index": 19390, "quantile": 0.75, "value": 160900.0, "Latitude": 37.78, "Longitude": -120.85, "Population": 1684.0}, {"index": 19390, "quantile": 1.0, "value": 269500.0, "Latitude": 37.78, "Longitude": -120.85, "Population": 1684.0}, {"index": 19391, "quantile": 0.0, "value": 17500.0, "Latitude": 37.78, "Longitude": -120.85, "Population": 303.0}, {"index": 19391, "quantile": 0.25, "value": 72900.0, "Latitude": 37.78, "Longitude": -120.85, "Population": 303.0}, {"index": 19391, "quantile": 0.5, "value": 86900.0, "Latitude": 37.78, "Longitude": -120.85, "Population": 303.0}, {"index": 19391, "quantile": 0.75, "value": 104400.0, "Latitude": 37.78, "Longitude": -120.85, "Population": 303.0}, {"index": 19391, "quantile": 1.0, "value": 330800.0, "Latitude": 37.78, "Longitude": -120.85, "Population": 303.0}, {"index": 19392, "quantile": 0.0, "value": 50500.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 261.0}, {"index": 19392, "quantile": 0.25, "value": 75000.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 261.0}, {"index": 19392, "quantile": 0.5, "value": 75000.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 261.0}, {"index": 19392, "quantile": 0.75, "value": 86375.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 261.0}, {"index": 19392, "quantile": 1.0, "value": 250000.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 261.0}, {"index": 19393, "quantile": 0.0, "value": 69600.0, "Latitude": 37.78, "Longitude": -120.85, "Population": 609.0}, {"index": 19393, "quantile": 0.25, "value": 87200.0, "Latitude": 37.78, "Longitude": -120.85, "Population": 609.0}, {"index": 19393, "quantile": 0.5, "value": 87200.0, "Latitude": 37.78, "Longitude": -120.85, "Population": 609.0}, {"index": 19393, "quantile": 0.75, "value": 90300.0, "Latitude": 37.78, "Longitude": -120.85, "Population": 609.0}, {"index": 19393, "quantile": 1.0, "value": 250000.0, "Latitude": 37.78, "Longitude": -120.85, "Population": 609.0}, {"index": 19394, "quantile": 0.0, "value": 32500.0, "Latitude": 37.77, "Longitude": -120.83, "Population": 1062.0}, {"index": 19394, "quantile": 0.25, "value": 99150.0, "Latitude": 37.77, "Longitude": -120.83, "Population": 1062.0}, {"index": 19394, "quantile": 0.5, "value": 116700.0, "Latitude": 37.77, "Longitude": -120.83, "Population": 1062.0}, {"index": 19394, "quantile": 0.75, "value": 116700.0, "Latitude": 37.77, "Longitude": -120.83, "Population": 1062.0}, {"index": 19394, "quantile": 1.0, "value": 156300.0, "Latitude": 37.77, "Longitude": -120.83, "Population": 1062.0}, {"index": 19395, "quantile": 0.0, "value": 50700.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 295.0}, {"index": 19395, "quantile": 0.25, "value": 85200.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 295.0}, {"index": 19395, "quantile": 0.5, "value": 85200.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 295.0}, {"index": 19395, "quantile": 0.75, "value": 85200.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 295.0}, {"index": 19395, "quantile": 1.0, "value": 250000.0, "Latitude": 37.77, "Longitude": -120.85, "Population": 295.0}, {"index": 19396, "quantile": 0.0, "value": 62800.0, "Latitude": 37.76, "Longitude": -120.83, "Population": 219.0}, {"index": 19396, "quantile": 0.25, "value": 112500.0, "Latitude": 37.76, "Longitude": -120.83, "Population": 219.0}, {"index": 19396, "quantile": 0.5, "value": 112500.0, "Latitude": 37.76, "Longitude": -120.83, "Population": 219.0}, {"index": 19396, "quantile": 0.75, "value": 112500.0, "Latitude": 37.76, "Longitude": -120.83, "Population": 219.0}, {"index": 19396, "quantile": 1.0, "value": 282100.0, "Latitude": 37.76, "Longitude": -120.83, "Population": 219.0}, {"index": 19397, "quantile": 0.0, "value": 87900.0, "Latitude": 37.79, "Longitude": -120.83, "Population": 548.0}, {"index": 19397, "quantile": 0.25, "value": 121900.00000000001, "Latitude": 37.79, "Longitude": -120.83, "Population": 548.0}, {"index": 19397, "quantile": 0.5, "value": 121900.00000000001, "Latitude": 37.79, "Longitude": -120.83, "Population": 548.0}, {"index": 19397, "quantile": 0.75, "value": 121900.00000000001, "Latitude": 37.79, "Longitude": -120.83, "Population": 548.0}, {"index": 19397, "quantile": 1.0, "value": 315000.0, "Latitude": 37.79, "Longitude": -120.83, "Population": 548.0}, {"index": 19398, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 37.74, "Longitude": -120.93, "Population": 1265.0}, {"index": 19398, "quantile": 0.25, "value": 90600.0, "Latitude": 37.74, "Longitude": -120.93, "Population": 1265.0}, {"index": 19398, "quantile": 0.5, "value": 91900.0, "Latitude": 37.74, "Longitude": -120.93, "Population": 1265.0}, {"index": 19398, "quantile": 0.75, "value": 91900.0, "Latitude": 37.74, "Longitude": -120.93, "Population": 1265.0}, {"index": 19398, "quantile": 1.0, "value": 137500.0, "Latitude": 37.74, "Longitude": -120.93, "Population": 1265.0}, {"index": 19399, "quantile": 0.0, "value": 72800.0, "Latitude": 37.74, "Longitude": -120.94, "Population": 515.0}, {"index": 19399, "quantile": 0.25, "value": 90200.0, "Latitude": 37.74, "Longitude": -120.94, "Population": 515.0}, {"index": 19399, "quantile": 0.5, "value": 90200.0, "Latitude": 37.74, "Longitude": -120.94, "Population": 515.0}, {"index": 19399, "quantile": 0.75, "value": 104950.00000000001, "Latitude": 37.74, "Longitude": -120.94, "Population": 515.0}, {"index": 19399, "quantile": 1.0, "value": 360600.0, "Latitude": 37.74, "Longitude": -120.94, "Population": 515.0}, {"index": 19400, "quantile": 0.0, "value": 60900.0, "Latitude": 37.74, "Longitude": -120.95, "Population": 1958.0}, {"index": 19400, "quantile": 0.25, "value": 101499.99999999999, "Latitude": 37.74, "Longitude": -120.95, "Population": 1958.0}, {"index": 19400, "quantile": 0.5, "value": 120100.0, "Latitude": 37.74, "Longitude": -120.95, "Population": 1958.0}, {"index": 19400, "quantile": 0.75, "value": 141900.0, "Latitude": 37.74, "Longitude": -120.95, "Population": 1958.0}, {"index": 19400, "quantile": 1.0, "value": 201300.0, "Latitude": 37.74, "Longitude": -120.95, "Population": 1958.0}, {"index": 19401, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 37.73, "Longitude": -120.95, "Population": 2650.0}, {"index": 19401, "quantile": 0.25, "value": 92700.0, "Latitude": 37.73, "Longitude": -120.95, "Population": 2650.0}, {"index": 19401, "quantile": 0.5, "value": 92700.0, "Latitude": 37.73, "Longitude": -120.95, "Population": 2650.0}, {"index": 19401, "quantile": 0.75, "value": 96800.0, "Latitude": 37.73, "Longitude": -120.95, "Population": 2650.0}, {"index": 19401, "quantile": 1.0, "value": 163500.0, "Latitude": 37.73, "Longitude": -120.95, "Population": 2650.0}, {"index": 19402, "quantile": 0.0, "value": 59600.0, "Latitude": 37.73, "Longitude": -120.93, "Population": 2294.0}, {"index": 19402, "quantile": 0.25, "value": 92700.0, "Latitude": 37.73, "Longitude": -120.93, "Population": 2294.0}, {"index": 19402, "quantile": 0.5, "value": 102450.0, "Latitude": 37.73, "Longitude": -120.93, "Population": 2294.0}, {"index": 19402, "quantile": 0.75, "value": 110400.00000000001, "Latitude": 37.73, "Longitude": -120.93, "Population": 2294.0}, {"index": 19402, "quantile": 1.0, "value": 225000.0, "Latitude": 37.73, "Longitude": -120.93, "Population": 2294.0}, {"index": 19403, "quantile": 0.0, "value": 71300.0, "Latitude": 37.72, "Longitude": -120.93, "Population": 247.0}, {"index": 19403, "quantile": 0.25, "value": 161925.0, "Latitude": 37.72, "Longitude": -120.93, "Population": 247.0}, {"index": 19403, "quantile": 0.5, "value": 179500.0, "Latitude": 37.72, "Longitude": -120.93, "Population": 247.0}, {"index": 19403, "quantile": 0.75, "value": 179500.0, "Latitude": 37.72, "Longitude": -120.93, "Population": 247.0}, {"index": 19403, "quantile": 1.0, "value": 338100.0, "Latitude": 37.72, "Longitude": -120.93, "Population": 247.0}, {"index": 19404, "quantile": 0.0, "value": 62800.0, "Latitude": 37.71, "Longitude": -120.98, "Population": 195.0}, {"index": 19404, "quantile": 0.25, "value": 136225.0, "Latitude": 37.71, "Longitude": -120.98, "Population": 195.0}, {"index": 19404, "quantile": 0.5, "value": 268800.0, "Latitude": 37.71, "Longitude": -120.98, "Population": 195.0}, {"index": 19404, "quantile": 0.75, "value": 268800.0, "Latitude": 37.71, "Longitude": -120.98, "Population": 195.0}, {"index": 19404, "quantile": 1.0, "value": 268800.0, "Latitude": 37.71, "Longitude": -120.98, "Population": 195.0}, {"index": 19405, "quantile": 0.0, "value": 90900.0, "Latitude": 37.7, "Longitude": -120.99, "Population": 4356.0}, {"index": 19405, "quantile": 0.25, "value": 154599.99999999997, "Latitude": 37.7, "Longitude": -120.99, "Population": 4356.0}, {"index": 19405, "quantile": 0.5, "value": 160900.0, "Latitude": 37.7, "Longitude": -120.99, "Population": 4356.0}, {"index": 19405, "quantile": 0.75, "value": 160900.0, "Latitude": 37.7, "Longitude": -120.99, "Population": 4356.0}, {"index": 19405, "quantile": 1.0, "value": 236000.0, "Latitude": 37.7, "Longitude": -120.99, "Population": 4356.0}, {"index": 19406, "quantile": 0.0, "value": 101400.0, "Latitude": 37.69, "Longitude": -120.97, "Population": 2819.0}, {"index": 19406, "quantile": 0.25, "value": 173300.0, "Latitude": 37.69, "Longitude": -120.97, "Population": 2819.0}, {"index": 19406, "quantile": 0.5, "value": 174400.0, "Latitude": 37.69, "Longitude": -120.97, "Population": 2819.0}, {"index": 19406, "quantile": 0.75, "value": 174400.0, "Latitude": 37.69, "Longitude": -120.97, "Population": 2819.0}, {"index": 19406, "quantile": 1.0, "value": 223500.0, "Latitude": 37.69, "Longitude": -120.97, "Population": 2819.0}, {"index": 19407, "quantile": 0.0, "value": 82800.0, "Latitude": 37.74, "Longitude": -120.91, "Population": 855.0}, {"index": 19407, "quantile": 0.25, "value": 147200.0, "Latitude": 37.74, "Longitude": -120.91, "Population": 855.0}, {"index": 19407, "quantile": 0.5, "value": 176700.0, "Latitude": 37.74, "Longitude": -120.91, "Population": 855.0}, {"index": 19407, "quantile": 0.75, "value": 176700.0, "Latitude": 37.74, "Longitude": -120.91, "Population": 855.0}, {"index": 19407, "quantile": 1.0, "value": 282100.0, "Latitude": 37.74, "Longitude": -120.91, "Population": 855.0}, {"index": 19408, "quantile": 0.0, "value": 67200.0, "Latitude": 37.73, "Longitude": -120.91, "Population": 429.0}, {"index": 19408, "quantile": 0.25, "value": 129700.0, "Latitude": 37.73, "Longitude": -120.91, "Population": 429.0}, {"index": 19408, "quantile": 0.5, "value": 170200.0, "Latitude": 37.73, "Longitude": -120.91, "Population": 429.0}, {"index": 19408, "quantile": 0.75, "value": 170200.0, "Latitude": 37.73, "Longitude": -120.91, "Population": 429.0}, {"index": 19408, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 37.73, "Longitude": -120.91, "Population": 429.0}, {"index": 19409, "quantile": 0.0, "value": 48300.0, "Latitude": 37.7, "Longitude": -120.92, "Population": 270.0}, {"index": 19409, "quantile": 0.25, "value": 116700.0, "Latitude": 37.7, "Longitude": -120.92, "Population": 270.0}, {"index": 19409, "quantile": 0.5, "value": 156300.0, "Latitude": 37.7, "Longitude": -120.92, "Population": 270.0}, {"index": 19409, "quantile": 0.75, "value": 156300.0, "Latitude": 37.7, "Longitude": -120.92, "Population": 270.0}, {"index": 19409, "quantile": 1.0, "value": 268800.0, "Latitude": 37.7, "Longitude": -120.92, "Population": 270.0}, {"index": 19410, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 37.7, "Longitude": -120.94, "Population": 390.0}, {"index": 19410, "quantile": 0.25, "value": 174100.0, "Latitude": 37.7, "Longitude": -120.94, "Population": 390.0}, {"index": 19410, "quantile": 0.5, "value": 174100.0, "Latitude": 37.7, "Longitude": -120.94, "Population": 390.0}, {"index": 19410, "quantile": 0.75, "value": 174100.0, "Latitude": 37.7, "Longitude": -120.94, "Population": 390.0}, {"index": 19410, "quantile": 1.0, "value": 350000.0, "Latitude": 37.7, "Longitude": -120.94, "Population": 390.0}, {"index": 19411, "quantile": 0.0, "value": 88900.0, "Latitude": 37.73, "Longitude": -120.97, "Population": 1412.0}, {"index": 19411, "quantile": 0.25, "value": 240000.00000000003, "Latitude": 37.73, "Longitude": -120.97, "Population": 1412.0}, {"index": 19411, "quantile": 0.5, "value": 278500.0, "Latitude": 37.73, "Longitude": -120.97, "Population": 1412.0}, {"index": 19411, "quantile": 0.75, "value": 374200.0, "Latitude": 37.73, "Longitude": -120.97, "Population": 1412.0}, {"index": 19411, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.73, "Longitude": -120.97, "Population": 1412.0}, {"index": 19412, "quantile": 0.0, "value": 193500.0, "Latitude": 37.74, "Longitude": -121.01, "Population": 796.0}, {"index": 19412, "quantile": 0.25, "value": 427700.0, "Latitude": 37.74, "Longitude": -121.01, "Population": 796.0}, {"index": 19412, "quantile": 0.5, "value": 434999.99999999994, "Latitude": 37.74, "Longitude": -121.01, "Population": 796.0}, {"index": 19412, "quantile": 0.75, "value": 434999.99999999994, "Latitude": 37.74, "Longitude": -121.01, "Population": 796.0}, {"index": 19412, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.74, "Longitude": -121.01, "Population": 796.0}, {"index": 19413, "quantile": 0.0, "value": 67000.0, "Latitude": 37.72, "Longitude": -121.01, "Population": 677.0}, {"index": 19413, "quantile": 0.25, "value": 131900.0, "Latitude": 37.72, "Longitude": -121.01, "Population": 677.0}, {"index": 19413, "quantile": 0.5, "value": 161100.0, "Latitude": 37.72, "Longitude": -121.01, "Population": 677.0}, {"index": 19413, "quantile": 0.75, "value": 161100.0, "Latitude": 37.72, "Longitude": -121.01, "Population": 677.0}, {"index": 19413, "quantile": 1.0, "value": 239200.0, "Latitude": 37.72, "Longitude": -121.01, "Population": 677.0}, {"index": 19414, "quantile": 0.0, "value": 87500.0, "Latitude": 37.73, "Longitude": -121.06, "Population": 1246.0}, {"index": 19414, "quantile": 0.25, "value": 138450.0, "Latitude": 37.73, "Longitude": -121.06, "Population": 1246.0}, {"index": 19414, "quantile": 0.5, "value": 158300.0, "Latitude": 37.73, "Longitude": -121.06, "Population": 1246.0}, {"index": 19414, "quantile": 0.75, "value": 189600.0, "Latitude": 37.73, "Longitude": -121.06, "Population": 1246.0}, {"index": 19414, "quantile": 1.0, "value": 347700.0, "Latitude": 37.73, "Longitude": -121.06, "Population": 1246.0}, {"index": 19415, "quantile": 0.0, "value": 63800.0, "Latitude": 37.71, "Longitude": -121.07, "Population": 92.0}, {"index": 19415, "quantile": 0.25, "value": 168100.0, "Latitude": 37.71, "Longitude": -121.07, "Population": 92.0}, {"index": 19415, "quantile": 0.5, "value": 212500.0, "Latitude": 37.71, "Longitude": -121.07, "Population": 92.0}, {"index": 19415, "quantile": 0.75, "value": 212500.0, "Latitude": 37.71, "Longitude": -121.07, "Population": 92.0}, {"index": 19415, "quantile": 1.0, "value": 282100.0, "Latitude": 37.71, "Longitude": -121.07, "Population": 92.0}, {"index": 19416, "quantile": 0.0, "value": 84600.0, "Latitude": 37.69, "Longitude": -121.08, "Population": 3559.0}, {"index": 19416, "quantile": 0.25, "value": 129299.99999999999, "Latitude": 37.69, "Longitude": -121.08, "Population": 3559.0}, {"index": 19416, "quantile": 0.5, "value": 129299.99999999999, "Latitude": 37.69, "Longitude": -121.08, "Population": 3559.0}, {"index": 19416, "quantile": 0.75, "value": 129299.99999999999, "Latitude": 37.69, "Longitude": -121.08, "Population": 3559.0}, {"index": 19416, "quantile": 1.0, "value": 331600.0, "Latitude": 37.69, "Longitude": -121.08, "Population": 3559.0}, {"index": 19417, "quantile": 0.0, "value": 84200.0, "Latitude": 37.7, "Longitude": -121.14, "Population": 751.0}, {"index": 19417, "quantile": 0.25, "value": 161725.0, "Latitude": 37.7, "Longitude": -121.14, "Population": 751.0}, {"index": 19417, "quantile": 0.5, "value": 187500.0, "Latitude": 37.7, "Longitude": -121.14, "Population": 751.0}, {"index": 19417, "quantile": 0.75, "value": 187500.0, "Latitude": 37.7, "Longitude": -121.14, "Population": 751.0}, {"index": 19417, "quantile": 1.0, "value": 331600.0, "Latitude": 37.7, "Longitude": -121.14, "Population": 751.0}, {"index": 19418, "quantile": 0.0, "value": 86300.0, "Latitude": 37.67, "Longitude": -121.09, "Population": 800.0}, {"index": 19418, "quantile": 0.25, "value": 149000.0, "Latitude": 37.67, "Longitude": -121.09, "Population": 800.0}, {"index": 19418, "quantile": 0.5, "value": 220000.00000000003, "Latitude": 37.67, "Longitude": -121.09, "Population": 800.0}, {"index": 19418, "quantile": 0.75, "value": 220000.00000000003, "Latitude": 37.67, "Longitude": -121.09, "Population": 800.0}, {"index": 19418, "quantile": 1.0, "value": 239200.0, "Latitude": 37.67, "Longitude": -121.09, "Population": 800.0}, {"index": 19419, "quantile": 0.0, "value": 96400.0, "Latitude": 37.61, "Longitude": -121.09, "Population": 921.0}, {"index": 19419, "quantile": 0.25, "value": 171250.0, "Latitude": 37.61, "Longitude": -121.09, "Population": 921.0}, {"index": 19419, "quantile": 0.5, "value": 171400.0, "Latitude": 37.61, "Longitude": -121.09, "Population": 921.0}, {"index": 19419, "quantile": 0.75, "value": 171400.0, "Latitude": 37.61, "Longitude": -121.09, "Population": 921.0}, {"index": 19419, "quantile": 1.0, "value": 253100.0, "Latitude": 37.61, "Longitude": -121.09, "Population": 921.0}, {"index": 19420, "quantile": 0.0, "value": 74200.0, "Latitude": 37.64, "Longitude": -121.18, "Population": 611.0}, {"index": 19420, "quantile": 0.25, "value": 159375.0, "Latitude": 37.64, "Longitude": -121.18, "Population": 611.0}, {"index": 19420, "quantile": 0.5, "value": 187500.0, "Latitude": 37.64, "Longitude": -121.18, "Population": 611.0}, {"index": 19420, "quantile": 0.75, "value": 187500.0, "Latitude": 37.64, "Longitude": -121.18, "Population": 611.0}, {"index": 19420, "quantile": 1.0, "value": 291300.0, "Latitude": 37.64, "Longitude": -121.18, "Population": 611.0}, {"index": 19421, "quantile": 0.0, "value": 98600.0, "Latitude": 37.7, "Longitude": -121.06, "Population": 4827.0}, {"index": 19421, "quantile": 0.25, "value": 151900.0, "Latitude": 37.7, "Longitude": -121.06, "Population": 4827.0}, {"index": 19421, "quantile": 0.5, "value": 151900.0, "Latitude": 37.7, "Longitude": -121.06, "Population": 4827.0}, {"index": 19421, "quantile": 0.75, "value": 151900.0, "Latitude": 37.7, "Longitude": -121.06, "Population": 4827.0}, {"index": 19421, "quantile": 1.0, "value": 269500.0, "Latitude": 37.7, "Longitude": -121.06, "Population": 4827.0}, {"index": 19422, "quantile": 0.0, "value": 70100.0, "Latitude": 37.7, "Longitude": -121.04, "Population": 121.0}, {"index": 19422, "quantile": 0.25, "value": 123350.0, "Latitude": 37.7, "Longitude": -121.04, "Population": 121.0}, {"index": 19422, "quantile": 0.5, "value": 205550.00000000003, "Latitude": 37.7, "Longitude": -121.04, "Population": 121.0}, {"index": 19422, "quantile": 0.75, "value": 282100.0, "Latitude": 37.7, "Longitude": -121.04, "Population": 121.0}, {"index": 19422, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.7, "Longitude": -121.04, "Population": 121.0}, {"index": 19423, "quantile": 0.0, "value": 87500.0, "Latitude": 37.69, "Longitude": -121.04, "Population": 4449.0}, {"index": 19423, "quantile": 0.25, "value": 195500.0, "Latitude": 37.69, "Longitude": -121.04, "Population": 4449.0}, {"index": 19423, "quantile": 0.5, "value": 195500.0, "Latitude": 37.69, "Longitude": -121.04, "Population": 4449.0}, {"index": 19423, "quantile": 0.75, "value": 195500.0, "Latitude": 37.69, "Longitude": -121.04, "Population": 4449.0}, {"index": 19423, "quantile": 1.0, "value": 346100.0, "Latitude": 37.69, "Longitude": -121.04, "Population": 4449.0}, {"index": 19424, "quantile": 0.0, "value": 121600.0, "Latitude": 37.71, "Longitude": -121.02, "Population": 87.0}, {"index": 19424, "quantile": 0.25, "value": 131300.0, "Latitude": 37.71, "Longitude": -121.02, "Population": 87.0}, {"index": 19424, "quantile": 0.5, "value": 131300.0, "Latitude": 37.71, "Longitude": -121.02, "Population": 87.0}, {"index": 19424, "quantile": 0.75, "value": 187500.0, "Latitude": 37.71, "Longitude": -121.02, "Population": 87.0}, {"index": 19424, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -121.02, "Population": 87.0}, {"index": 19425, "quantile": 0.0, "value": 88000.0, "Latitude": 37.69, "Longitude": -121.03, "Population": 1266.0}, {"index": 19425, "quantile": 0.25, "value": 129299.99999999999, "Latitude": 37.69, "Longitude": -121.03, "Population": 1266.0}, {"index": 19425, "quantile": 0.5, "value": 146000.0, "Latitude": 37.69, "Longitude": -121.03, "Population": 1266.0}, {"index": 19425, "quantile": 0.75, "value": 160900.0, "Latitude": 37.69, "Longitude": -121.03, "Population": 1266.0}, {"index": 19425, "quantile": 1.0, "value": 475000.0, "Latitude": 37.69, "Longitude": -121.03, "Population": 1266.0}, {"index": 19426, "quantile": 0.0, "value": 98300.0, "Latitude": 37.7, "Longitude": -121.02, "Population": 2126.0}, {"index": 19426, "quantile": 0.25, "value": 125400.0, "Latitude": 37.7, "Longitude": -121.02, "Population": 2126.0}, {"index": 19426, "quantile": 0.5, "value": 125400.0, "Latitude": 37.7, "Longitude": -121.02, "Population": 2126.0}, {"index": 19426, "quantile": 0.75, "value": 137750.0, "Latitude": 37.7, "Longitude": -121.02, "Population": 2126.0}, {"index": 19426, "quantile": 1.0, "value": 201799.99999999997, "Latitude": 37.7, "Longitude": -121.02, "Population": 2126.0}, {"index": 19427, "quantile": 0.0, "value": 52500.0, "Latitude": 37.71, "Longitude": -121.0, "Population": 35.0}, {"index": 19427, "quantile": 0.25, "value": 161875.0, "Latitude": 37.71, "Longitude": -121.0, "Population": 35.0}, {"index": 19427, "quantile": 0.5, "value": 265000.0, "Latitude": 37.71, "Longitude": -121.0, "Population": 35.0}, {"index": 19427, "quantile": 0.75, "value": 481250.0, "Latitude": 37.71, "Longitude": -121.0, "Population": 35.0}, {"index": 19427, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.71, "Longitude": -121.0, "Population": 35.0}, {"index": 19428, "quantile": 0.0, "value": 88600.0, "Latitude": 37.7, "Longitude": -121.01, "Population": 4656.0}, {"index": 19428, "quantile": 0.25, "value": 112799.99999999999, "Latitude": 37.7, "Longitude": -121.01, "Population": 4656.0}, {"index": 19428, "quantile": 0.5, "value": 145000.0, "Latitude": 37.7, "Longitude": -121.01, "Population": 4656.0}, {"index": 19428, "quantile": 0.75, "value": 160900.0, "Latitude": 37.7, "Longitude": -121.01, "Population": 4656.0}, {"index": 19428, "quantile": 1.0, "value": 269500.0, "Latitude": 37.7, "Longitude": -121.01, "Population": 4656.0}, {"index": 19429, "quantile": 0.0, "value": 87900.0, "Latitude": 37.67, "Longitude": -121.06, "Population": 383.0}, {"index": 19429, "quantile": 0.25, "value": 150000.0, "Latitude": 37.67, "Longitude": -121.06, "Population": 383.0}, {"index": 19429, "quantile": 0.5, "value": 150000.0, "Latitude": 37.67, "Longitude": -121.06, "Population": 383.0}, {"index": 19429, "quantile": 0.75, "value": 179925.0, "Latitude": 37.67, "Longitude": -121.06, "Population": 383.0}, {"index": 19429, "quantile": 1.0, "value": 390800.0, "Latitude": 37.67, "Longitude": -121.06, "Population": 383.0}, {"index": 19430, "quantile": 0.0, "value": 93600.0, "Latitude": 37.66, "Longitude": -121.06, "Population": 1993.0}, {"index": 19430, "quantile": 0.25, "value": 142500.0, "Latitude": 37.66, "Longitude": -121.06, "Population": 1993.0}, {"index": 19430, "quantile": 0.5, "value": 146400.0, "Latitude": 37.66, "Longitude": -121.06, "Population": 1993.0}, {"index": 19430, "quantile": 0.75, "value": 163400.0, "Latitude": 37.66, "Longitude": -121.06, "Population": 1993.0}, {"index": 19430, "quantile": 1.0, "value": 319100.0, "Latitude": 37.66, "Longitude": -121.06, "Population": 1993.0}, {"index": 19431, "quantile": 0.0, "value": 96900.0, "Latitude": 37.65, "Longitude": -121.05, "Population": 1760.0}, {"index": 19431, "quantile": 0.25, "value": 146400.0, "Latitude": 37.65, "Longitude": -121.05, "Population": 1760.0}, {"index": 19431, "quantile": 0.5, "value": 146400.0, "Latitude": 37.65, "Longitude": -121.05, "Population": 1760.0}, {"index": 19431, "quantile": 0.75, "value": 146400.0, "Latitude": 37.65, "Longitude": -121.05, "Population": 1760.0}, {"index": 19431, "quantile": 1.0, "value": 250000.0, "Latitude": 37.65, "Longitude": -121.05, "Population": 1760.0}, {"index": 19432, "quantile": 0.0, "value": 79300.0, "Latitude": 37.66, "Longitude": -121.04, "Population": 913.0}, {"index": 19432, "quantile": 0.25, "value": 138450.0, "Latitude": 37.66, "Longitude": -121.04, "Population": 913.0}, {"index": 19432, "quantile": 0.5, "value": 150000.0, "Latitude": 37.66, "Longitude": -121.04, "Population": 913.0}, {"index": 19432, "quantile": 0.75, "value": 174400.0, "Latitude": 37.66, "Longitude": -121.04, "Population": 913.0}, {"index": 19432, "quantile": 1.0, "value": 322400.0, "Latitude": 37.66, "Longitude": -121.04, "Population": 913.0}, {"index": 19433, "quantile": 0.0, "value": 98300.0, "Latitude": 37.65, "Longitude": -121.04, "Population": 995.0}, {"index": 19433, "quantile": 0.25, "value": 122950.0, "Latitude": 37.65, "Longitude": -121.04, "Population": 995.0}, {"index": 19433, "quantile": 0.5, "value": 138500.0, "Latitude": 37.65, "Longitude": -121.04, "Population": 995.0}, {"index": 19433, "quantile": 0.75, "value": 151900.0, "Latitude": 37.65, "Longitude": -121.04, "Population": 995.0}, {"index": 19433, "quantile": 1.0, "value": 240800.0, "Latitude": 37.65, "Longitude": -121.04, "Population": 995.0}, {"index": 19434, "quantile": 0.0, "value": 67500.0, "Latitude": 37.65, "Longitude": -121.03, "Population": 120.0}, {"index": 19434, "quantile": 0.25, "value": 121400.0, "Latitude": 37.65, "Longitude": -121.03, "Population": 120.0}, {"index": 19434, "quantile": 0.5, "value": 171400.0, "Latitude": 37.65, "Longitude": -121.03, "Population": 120.0}, {"index": 19434, "quantile": 0.75, "value": 188550.0, "Latitude": 37.65, "Longitude": -121.03, "Population": 120.0}, {"index": 19434, "quantile": 1.0, "value": 500000.0, "Latitude": 37.65, "Longitude": -121.03, "Population": 120.0}, {"index": 19435, "quantile": 0.0, "value": 22500.0, "Latitude": 37.67, "Longitude": -121.04, "Population": 166.0}, {"index": 19435, "quantile": 0.25, "value": 39400.0, "Latitude": 37.67, "Longitude": -121.04, "Population": 166.0}, {"index": 19435, "quantile": 0.5, "value": 125000.0, "Latitude": 37.67, "Longitude": -121.04, "Population": 166.0}, {"index": 19435, "quantile": 0.75, "value": 187500.0, "Latitude": 37.67, "Longitude": -121.04, "Population": 166.0}, {"index": 19435, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.67, "Longitude": -121.04, "Population": 166.0}, {"index": 19436, "quantile": 0.0, "value": 72100.0, "Latitude": 37.69, "Longitude": -121.0, "Population": 1452.0}, {"index": 19436, "quantile": 0.25, "value": 138875.0, "Latitude": 37.69, "Longitude": -121.0, "Population": 1452.0}, {"index": 19436, "quantile": 0.5, "value": 160900.0, "Latitude": 37.69, "Longitude": -121.0, "Population": 1452.0}, {"index": 19436, "quantile": 0.75, "value": 219025.00000000003, "Latitude": 37.69, "Longitude": -121.0, "Population": 1452.0}, {"index": 19436, "quantile": 1.0, "value": 357800.0, "Latitude": 37.69, "Longitude": -121.0, "Population": 1452.0}, {"index": 19437, "quantile": 0.0, "value": 86200.0, "Latitude": 37.69, "Longitude": -121.01, "Population": 1538.0}, {"index": 19437, "quantile": 0.25, "value": 128499.99999999999, "Latitude": 37.69, "Longitude": -121.01, "Population": 1538.0}, {"index": 19437, "quantile": 0.5, "value": 135600.0, "Latitude": 37.69, "Longitude": -121.01, "Population": 1538.0}, {"index": 19437, "quantile": 0.75, "value": 135600.0, "Latitude": 37.69, "Longitude": -121.01, "Population": 1538.0}, {"index": 19437, "quantile": 1.0, "value": 274300.0, "Latitude": 37.69, "Longitude": -121.01, "Population": 1538.0}, {"index": 19438, "quantile": 0.0, "value": 136000.0, "Latitude": 37.68, "Longitude": -121.01, "Population": 373.0}, {"index": 19438, "quantile": 0.25, "value": 146200.0, "Latitude": 37.68, "Longitude": -121.01, "Population": 373.0}, {"index": 19438, "quantile": 0.5, "value": 146200.0, "Latitude": 37.68, "Longitude": -121.01, "Population": 373.0}, {"index": 19438, "quantile": 0.75, "value": 235449.99999999997, "Latitude": 37.68, "Longitude": -121.01, "Population": 373.0}, {"index": 19438, "quantile": 1.0, "value": 384400.0, "Latitude": 37.68, "Longitude": -121.01, "Population": 373.0}, {"index": 19439, "quantile": 0.0, "value": 141200.0, "Latitude": 37.68, "Longitude": -121.0, "Population": 408.0}, {"index": 19439, "quantile": 0.25, "value": 182400.0, "Latitude": 37.68, "Longitude": -121.0, "Population": 408.0}, {"index": 19439, "quantile": 0.5, "value": 182400.0, "Latitude": 37.68, "Longitude": -121.0, "Population": 408.0}, {"index": 19439, "quantile": 0.75, "value": 204199.99999999997, "Latitude": 37.68, "Longitude": -121.0, "Population": 408.0}, {"index": 19439, "quantile": 1.0, "value": 435799.99999999994, "Latitude": 37.68, "Longitude": -121.0, "Population": 408.0}, {"index": 19440, "quantile": 0.0, "value": 114199.99999999999, "Latitude": 37.68, "Longitude": -121.0, "Population": 1170.0}, {"index": 19440, "quantile": 0.25, "value": 158100.0, "Latitude": 37.68, "Longitude": -121.0, "Population": 1170.0}, {"index": 19440, "quantile": 0.5, "value": 158100.0, "Latitude": 37.68, "Longitude": -121.0, "Population": 1170.0}, {"index": 19440, "quantile": 0.75, "value": 158100.0, "Latitude": 37.68, "Longitude": -121.0, "Population": 1170.0}, {"index": 19440, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.68, "Longitude": -121.0, "Population": 1170.0}, {"index": 19441, "quantile": 0.0, "value": 82000.0, "Latitude": 37.68, "Longitude": -121.01, "Population": 1579.0}, {"index": 19441, "quantile": 0.25, "value": 109700.0, "Latitude": 37.68, "Longitude": -121.01, "Population": 1579.0}, {"index": 19441, "quantile": 0.5, "value": 109700.0, "Latitude": 37.68, "Longitude": -121.01, "Population": 1579.0}, {"index": 19441, "quantile": 0.75, "value": 113074.99999999999, "Latitude": 37.68, "Longitude": -121.01, "Population": 1579.0}, {"index": 19441, "quantile": 1.0, "value": 179200.0, "Latitude": 37.68, "Longitude": -121.01, "Population": 1579.0}, {"index": 19442, "quantile": 0.0, "value": 48300.0, "Latitude": 37.67, "Longitude": -121.0, "Population": 47.0}, {"index": 19442, "quantile": 0.25, "value": 87500.0, "Latitude": 37.67, "Longitude": -121.0, "Population": 47.0}, {"index": 19442, "quantile": 0.5, "value": 87500.0, "Latitude": 37.67, "Longitude": -121.0, "Population": 47.0}, {"index": 19442, "quantile": 0.75, "value": 87500.0, "Latitude": 37.67, "Longitude": -121.0, "Population": 47.0}, {"index": 19442, "quantile": 1.0, "value": 450000.0, "Latitude": 37.67, "Longitude": -121.0, "Population": 47.0}, {"index": 19443, "quantile": 0.0, "value": 56399.99999999999, "Latitude": 37.68, "Longitude": -121.04, "Population": 3622.0}, {"index": 19443, "quantile": 0.25, "value": 74900.0, "Latitude": 37.68, "Longitude": -121.04, "Population": 3622.0}, {"index": 19443, "quantile": 0.5, "value": 82850.0, "Latitude": 37.68, "Longitude": -121.04, "Population": 3622.0}, {"index": 19443, "quantile": 0.75, "value": 100499.99999999999, "Latitude": 37.68, "Longitude": -121.04, "Population": 3622.0}, {"index": 19443, "quantile": 1.0, "value": 154900.0, "Latitude": 37.68, "Longitude": -121.04, "Population": 3622.0}, {"index": 19444, "quantile": 0.0, "value": 74900.0, "Latitude": 37.68, "Longitude": -121.04, "Population": 1140.0}, {"index": 19444, "quantile": 0.25, "value": 81400.0, "Latitude": 37.68, "Longitude": -121.04, "Population": 1140.0}, {"index": 19444, "quantile": 0.5, "value": 81400.0, "Latitude": 37.68, "Longitude": -121.04, "Population": 1140.0}, {"index": 19444, "quantile": 0.75, "value": 94249.99999999999, "Latitude": 37.68, "Longitude": -121.04, "Population": 1140.0}, {"index": 19444, "quantile": 1.0, "value": 170200.0, "Latitude": 37.68, "Longitude": -121.04, "Population": 1140.0}, {"index": 19445, "quantile": 0.0, "value": 81400.0, "Latitude": 37.69, "Longitude": -121.02, "Population": 2219.0}, {"index": 19445, "quantile": 0.25, "value": 145000.0, "Latitude": 37.69, "Longitude": -121.02, "Population": 2219.0}, {"index": 19445, "quantile": 0.5, "value": 145000.0, "Latitude": 37.69, "Longitude": -121.02, "Population": 2219.0}, {"index": 19445, "quantile": 0.75, "value": 145000.0, "Latitude": 37.69, "Longitude": -121.02, "Population": 2219.0}, {"index": 19445, "quantile": 1.0, "value": 261300.0, "Latitude": 37.69, "Longitude": -121.02, "Population": 2219.0}, {"index": 19446, "quantile": 0.0, "value": 96400.0, "Latitude": 37.69, "Longitude": -121.03, "Population": 1967.0}, {"index": 19446, "quantile": 0.25, "value": 146000.0, "Latitude": 37.69, "Longitude": -121.03, "Population": 1967.0}, {"index": 19446, "quantile": 0.5, "value": 146000.0, "Latitude": 37.69, "Longitude": -121.03, "Population": 1967.0}, {"index": 19446, "quantile": 0.75, "value": 146000.0, "Latitude": 37.69, "Longitude": -121.03, "Population": 1967.0}, {"index": 19446, "quantile": 1.0, "value": 204100.0, "Latitude": 37.69, "Longitude": -121.03, "Population": 1967.0}, {"index": 19447, "quantile": 0.0, "value": 71400.0, "Latitude": 37.69, "Longitude": -121.04, "Population": 3265.0}, {"index": 19447, "quantile": 0.25, "value": 118225.0, "Latitude": 37.69, "Longitude": -121.04, "Population": 3265.0}, {"index": 19447, "quantile": 0.5, "value": 160900.0, "Latitude": 37.69, "Longitude": -121.04, "Population": 3265.0}, {"index": 19447, "quantile": 0.75, "value": 160900.0, "Latitude": 37.69, "Longitude": -121.04, "Population": 3265.0}, {"index": 19447, "quantile": 1.0, "value": 161700.0, "Latitude": 37.69, "Longitude": -121.04, "Population": 3265.0}, {"index": 19448, "quantile": 0.0, "value": 102099.99999999999, "Latitude": 37.68, "Longitude": -121.02, "Population": 1834.0}, {"index": 19448, "quantile": 0.25, "value": 114500.0, "Latitude": 37.68, "Longitude": -121.02, "Population": 1834.0}, {"index": 19448, "quantile": 0.5, "value": 114500.0, "Latitude": 37.68, "Longitude": -121.02, "Population": 1834.0}, {"index": 19448, "quantile": 0.75, "value": 123950.0, "Latitude": 37.68, "Longitude": -121.02, "Population": 1834.0}, {"index": 19448, "quantile": 1.0, "value": 293800.0, "Latitude": 37.68, "Longitude": -121.02, "Population": 1834.0}, {"index": 19449, "quantile": 0.0, "value": 74200.0, "Latitude": 37.68, "Longitude": -121.03, "Population": 2016.0}, {"index": 19449, "quantile": 0.25, "value": 90500.0, "Latitude": 37.68, "Longitude": -121.03, "Population": 2016.0}, {"index": 19449, "quantile": 0.5, "value": 110400.00000000001, "Latitude": 37.68, "Longitude": -121.03, "Population": 2016.0}, {"index": 19449, "quantile": 0.75, "value": 110400.00000000001, "Latitude": 37.68, "Longitude": -121.03, "Population": 2016.0}, {"index": 19449, "quantile": 1.0, "value": 165600.0, "Latitude": 37.68, "Longitude": -121.03, "Population": 2016.0}, {"index": 19450, "quantile": 0.0, "value": 110500.0, "Latitude": 37.68, "Longitude": -121.03, "Population": 1004.0}, {"index": 19450, "quantile": 0.25, "value": 110500.0, "Latitude": 37.68, "Longitude": -121.03, "Population": 1004.0}, {"index": 19450, "quantile": 0.5, "value": 110500.0, "Latitude": 37.68, "Longitude": -121.03, "Population": 1004.0}, {"index": 19450, "quantile": 0.75, "value": 122225.0, "Latitude": 37.68, "Longitude": -121.03, "Population": 1004.0}, {"index": 19450, "quantile": 1.0, "value": 197600.0, "Latitude": 37.68, "Longitude": -121.03, "Population": 1004.0}, {"index": 19451, "quantile": 0.0, "value": 90600.0, "Latitude": 37.68, "Longitude": -121.02, "Population": 1608.0}, {"index": 19451, "quantile": 0.25, "value": 106400.0, "Latitude": 37.68, "Longitude": -121.02, "Population": 1608.0}, {"index": 19451, "quantile": 0.5, "value": 106400.0, "Latitude": 37.68, "Longitude": -121.02, "Population": 1608.0}, {"index": 19451, "quantile": 0.75, "value": 127899.99999999999, "Latitude": 37.68, "Longitude": -121.02, "Population": 1608.0}, {"index": 19451, "quantile": 1.0, "value": 269500.0, "Latitude": 37.68, "Longitude": -121.02, "Population": 1608.0}, {"index": 19452, "quantile": 0.0, "value": 104400.0, "Latitude": 37.68, "Longitude": -120.94, "Population": 6420.0}, {"index": 19452, "quantile": 0.25, "value": 162100.0, "Latitude": 37.68, "Longitude": -120.94, "Population": 6420.0}, {"index": 19452, "quantile": 0.5, "value": 162100.0, "Latitude": 37.68, "Longitude": -120.94, "Population": 6420.0}, {"index": 19452, "quantile": 0.75, "value": 162100.0, "Latitude": 37.68, "Longitude": -120.94, "Population": 6420.0}, {"index": 19452, "quantile": 1.0, "value": 253300.0, "Latitude": 37.68, "Longitude": -120.94, "Population": 6420.0}, {"index": 19453, "quantile": 0.0, "value": 87100.0, "Latitude": 37.67, "Longitude": -120.95, "Population": 1624.0}, {"index": 19453, "quantile": 0.25, "value": 132950.0, "Latitude": 37.67, "Longitude": -120.95, "Population": 1624.0}, {"index": 19453, "quantile": 0.5, "value": 145450.0, "Latitude": 37.67, "Longitude": -120.95, "Population": 1624.0}, {"index": 19453, "quantile": 0.75, "value": 173125.00000000003, "Latitude": 37.67, "Longitude": -120.95, "Population": 1624.0}, {"index": 19453, "quantile": 1.0, "value": 327300.0, "Latitude": 37.67, "Longitude": -120.95, "Population": 1624.0}, {"index": 19454, "quantile": 0.0, "value": 97200.0, "Latitude": 37.66, "Longitude": -120.96, "Population": 2654.0}, {"index": 19454, "quantile": 0.25, "value": 138300.0, "Latitude": 37.66, "Longitude": -120.96, "Population": 2654.0}, {"index": 19454, "quantile": 0.5, "value": 138300.0, "Latitude": 37.66, "Longitude": -120.96, "Population": 2654.0}, {"index": 19454, "quantile": 0.75, "value": 138300.0, "Latitude": 37.66, "Longitude": -120.96, "Population": 2654.0}, {"index": 19454, "quantile": 1.0, "value": 273100.0, "Latitude": 37.66, "Longitude": -120.96, "Population": 2654.0}, {"index": 19455, "quantile": 0.0, "value": 110900.0, "Latitude": 37.66, "Longitude": -120.95, "Population": 1990.0}, {"index": 19455, "quantile": 0.25, "value": 188400.0, "Latitude": 37.66, "Longitude": -120.95, "Population": 1990.0}, {"index": 19455, "quantile": 0.5, "value": 188400.0, "Latitude": 37.66, "Longitude": -120.95, "Population": 1990.0}, {"index": 19455, "quantile": 0.75, "value": 188400.0, "Latitude": 37.66, "Longitude": -120.95, "Population": 1990.0}, {"index": 19455, "quantile": 1.0, "value": 325400.0, "Latitude": 37.66, "Longitude": -120.95, "Population": 1990.0}, {"index": 19456, "quantile": 0.0, "value": 62800.0, "Latitude": 37.65, "Longitude": -120.95, "Population": 72.0}, {"index": 19456, "quantile": 0.25, "value": 151600.0, "Latitude": 37.65, "Longitude": -120.95, "Population": 72.0}, {"index": 19456, "quantile": 0.5, "value": 225000.0, "Latitude": 37.65, "Longitude": -120.95, "Population": 72.0}, {"index": 19456, "quantile": 0.75, "value": 225000.0, "Latitude": 37.65, "Longitude": -120.95, "Population": 72.0}, {"index": 19456, "quantile": 1.0, "value": 450000.0, "Latitude": 37.65, "Longitude": -120.95, "Population": 72.0}, {"index": 19457, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 37.67, "Longitude": -120.93, "Population": 2075.0}, {"index": 19457, "quantile": 0.25, "value": 138500.0, "Latitude": 37.67, "Longitude": -120.93, "Population": 2075.0}, {"index": 19457, "quantile": 0.5, "value": 138500.0, "Latitude": 37.67, "Longitude": -120.93, "Population": 2075.0}, {"index": 19457, "quantile": 0.75, "value": 138500.0, "Latitude": 37.67, "Longitude": -120.93, "Population": 2075.0}, {"index": 19457, "quantile": 1.0, "value": 220000.00000000003, "Latitude": 37.67, "Longitude": -120.93, "Population": 2075.0}, {"index": 19458, "quantile": 0.0, "value": 85700.0, "Latitude": 37.66, "Longitude": -120.93, "Population": 3227.0}, {"index": 19458, "quantile": 0.25, "value": 164275.0, "Latitude": 37.66, "Longitude": -120.93, "Population": 3227.0}, {"index": 19458, "quantile": 0.5, "value": 198200.00000000003, "Latitude": 37.66, "Longitude": -120.93, "Population": 3227.0}, {"index": 19458, "quantile": 0.75, "value": 246625.0, "Latitude": 37.66, "Longitude": -120.93, "Population": 3227.0}, {"index": 19458, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.66, "Longitude": -120.93, "Population": 3227.0}, {"index": 19459, "quantile": 0.0, "value": 172200.0, "Latitude": 37.66, "Longitude": -120.94, "Population": 327.0}, {"index": 19459, "quantile": 0.25, "value": 229700.00000000003, "Latitude": 37.66, "Longitude": -120.94, "Population": 327.0}, {"index": 19459, "quantile": 0.5, "value": 311650.0, "Latitude": 37.66, "Longitude": -120.94, "Population": 327.0}, {"index": 19459, "quantile": 0.75, "value": 358575.0, "Latitude": 37.66, "Longitude": -120.94, "Population": 327.0}, {"index": 19459, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.66, "Longitude": -120.94, "Population": 327.0}, {"index": 19460, "quantile": 0.0, "value": 146200.0, "Latitude": 37.69, "Longitude": -120.98, "Population": 1296.0}, {"index": 19460, "quantile": 0.25, "value": 185100.0, "Latitude": 37.69, "Longitude": -120.98, "Population": 1296.0}, {"index": 19460, "quantile": 0.5, "value": 185100.0, "Latitude": 37.69, "Longitude": -120.98, "Population": 1296.0}, {"index": 19460, "quantile": 0.75, "value": 185100.0, "Latitude": 37.69, "Longitude": -120.98, "Population": 1296.0}, {"index": 19460, "quantile": 1.0, "value": 431400.0, "Latitude": 37.69, "Longitude": -120.98, "Population": 1296.0}, {"index": 19461, "quantile": 0.0, "value": 179200.0, "Latitude": 37.69, "Longitude": -120.99, "Population": 1060.0}, {"index": 19461, "quantile": 0.25, "value": 285800.0, "Latitude": 37.69, "Longitude": -120.99, "Population": 1060.0}, {"index": 19461, "quantile": 0.5, "value": 319500.0, "Latitude": 37.69, "Longitude": -120.99, "Population": 1060.0}, {"index": 19461, "quantile": 0.75, "value": 337975.0, "Latitude": 37.69, "Longitude": -120.99, "Population": 1060.0}, {"index": 19461, "quantile": 1.0, "value": 492500.0, "Latitude": 37.69, "Longitude": -120.99, "Population": 1060.0}, {"index": 19462, "quantile": 0.0, "value": 72800.0, "Latitude": 37.68, "Longitude": -120.99, "Population": 732.0}, {"index": 19462, "quantile": 0.25, "value": 94900.0, "Latitude": 37.68, "Longitude": -120.99, "Population": 732.0}, {"index": 19462, "quantile": 0.5, "value": 94900.0, "Latitude": 37.68, "Longitude": -120.99, "Population": 732.0}, {"index": 19462, "quantile": 0.75, "value": 101900.00000000001, "Latitude": 37.68, "Longitude": -120.99, "Population": 732.0}, {"index": 19462, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.68, "Longitude": -120.99, "Population": 732.0}, {"index": 19463, "quantile": 0.0, "value": 67500.0, "Latitude": 37.68, "Longitude": -120.98, "Population": 347.0}, {"index": 19463, "quantile": 0.25, "value": 109900.0, "Latitude": 37.68, "Longitude": -120.98, "Population": 347.0}, {"index": 19463, "quantile": 0.5, "value": 125899.99999999999, "Latitude": 37.68, "Longitude": -120.98, "Population": 347.0}, {"index": 19463, "quantile": 0.75, "value": 157975.0, "Latitude": 37.68, "Longitude": -120.98, "Population": 347.0}, {"index": 19463, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.68, "Longitude": -120.98, "Population": 347.0}, {"index": 19464, "quantile": 0.0, "value": 109700.0, "Latitude": 37.69, "Longitude": -120.97, "Population": 1279.0}, {"index": 19464, "quantile": 0.25, "value": 146200.0, "Latitude": 37.69, "Longitude": -120.97, "Population": 1279.0}, {"index": 19464, "quantile": 0.5, "value": 160900.0, "Latitude": 37.69, "Longitude": -120.97, "Population": 1279.0}, {"index": 19464, "quantile": 0.75, "value": 160900.0, "Latitude": 37.69, "Longitude": -120.97, "Population": 1279.0}, {"index": 19464, "quantile": 1.0, "value": 269500.0, "Latitude": 37.69, "Longitude": -120.97, "Population": 1279.0}, {"index": 19465, "quantile": 0.0, "value": 86500.0, "Latitude": 37.69, "Longitude": -120.97, "Population": 1986.0}, {"index": 19465, "quantile": 0.25, "value": 114300.0, "Latitude": 37.69, "Longitude": -120.97, "Population": 1986.0}, {"index": 19465, "quantile": 0.5, "value": 114300.0, "Latitude": 37.69, "Longitude": -120.97, "Population": 1986.0}, {"index": 19465, "quantile": 0.75, "value": 128200.0, "Latitude": 37.69, "Longitude": -120.97, "Population": 1986.0}, {"index": 19465, "quantile": 1.0, "value": 201300.0, "Latitude": 37.69, "Longitude": -120.97, "Population": 1986.0}, {"index": 19466, "quantile": 0.0, "value": 87900.0, "Latitude": 37.68, "Longitude": -120.97, "Population": 1302.0}, {"index": 19466, "quantile": 0.25, "value": 129299.99999999999, "Latitude": 37.68, "Longitude": -120.97, "Population": 1302.0}, {"index": 19466, "quantile": 0.5, "value": 130300.0, "Latitude": 37.68, "Longitude": -120.97, "Population": 1302.0}, {"index": 19466, "quantile": 0.75, "value": 130300.0, "Latitude": 37.68, "Longitude": -120.97, "Population": 1302.0}, {"index": 19466, "quantile": 1.0, "value": 315000.0, "Latitude": 37.68, "Longitude": -120.97, "Population": 1302.0}, {"index": 19467, "quantile": 0.0, "value": 89500.0, "Latitude": 37.68, "Longitude": -120.97, "Population": 529.0}, {"index": 19467, "quantile": 0.25, "value": 149100.0, "Latitude": 37.68, "Longitude": -120.97, "Population": 529.0}, {"index": 19467, "quantile": 0.5, "value": 163700.0, "Latitude": 37.68, "Longitude": -120.97, "Population": 529.0}, {"index": 19467, "quantile": 0.75, "value": 163700.0, "Latitude": 37.68, "Longitude": -120.97, "Population": 529.0}, {"index": 19467, "quantile": 1.0, "value": 300600.0, "Latitude": 37.68, "Longitude": -120.97, "Population": 529.0}, {"index": 19468, "quantile": 0.0, "value": 90900.0, "Latitude": 37.68, "Longitude": -120.98, "Population": 1806.0}, {"index": 19468, "quantile": 0.25, "value": 112799.99999999999, "Latitude": 37.68, "Longitude": -120.98, "Population": 1806.0}, {"index": 19468, "quantile": 0.5, "value": 112799.99999999999, "Latitude": 37.68, "Longitude": -120.98, "Population": 1806.0}, {"index": 19468, "quantile": 0.75, "value": 112799.99999999999, "Latitude": 37.68, "Longitude": -120.98, "Population": 1806.0}, {"index": 19468, "quantile": 1.0, "value": 269500.0, "Latitude": 37.68, "Longitude": -120.98, "Population": 1806.0}, {"index": 19469, "quantile": 0.0, "value": 75000.0, "Latitude": 37.68, "Longitude": -120.99, "Population": 1595.0}, {"index": 19469, "quantile": 0.25, "value": 112700.0, "Latitude": 37.68, "Longitude": -120.99, "Population": 1595.0}, {"index": 19469, "quantile": 0.5, "value": 112700.0, "Latitude": 37.68, "Longitude": -120.99, "Population": 1595.0}, {"index": 19469, "quantile": 0.75, "value": 112700.0, "Latitude": 37.68, "Longitude": -120.99, "Population": 1595.0}, {"index": 19469, "quantile": 1.0, "value": 250000.0, "Latitude": 37.68, "Longitude": -120.99, "Population": 1595.0}, {"index": 19470, "quantile": 0.0, "value": 62100.0, "Latitude": 37.67, "Longitude": -120.99, "Population": 307.0}, {"index": 19470, "quantile": 0.25, "value": 90275.0, "Latitude": 37.67, "Longitude": -120.99, "Population": 307.0}, {"index": 19470, "quantile": 0.5, "value": 112999.99999999999, "Latitude": 37.67, "Longitude": -120.99, "Population": 307.0}, {"index": 19470, "quantile": 0.75, "value": 156300.0, "Latitude": 37.67, "Longitude": -120.99, "Population": 307.0}, {"index": 19470, "quantile": 1.0, "value": 268800.0, "Latitude": 37.67, "Longitude": -120.99, "Population": 307.0}, {"index": 19471, "quantile": 0.0, "value": 67500.0, "Latitude": 37.67, "Longitude": -120.98, "Population": 682.0}, {"index": 19471, "quantile": 0.25, "value": 155325.0, "Latitude": 37.67, "Longitude": -120.98, "Population": 682.0}, {"index": 19471, "quantile": 0.5, "value": 155500.0, "Latitude": 37.67, "Longitude": -120.98, "Population": 682.0}, {"index": 19471, "quantile": 0.75, "value": 155500.0, "Latitude": 37.67, "Longitude": -120.98, "Population": 682.0}, {"index": 19471, "quantile": 1.0, "value": 236000.0, "Latitude": 37.67, "Longitude": -120.98, "Population": 682.0}, {"index": 19472, "quantile": 0.0, "value": 86400.0, "Latitude": 37.68, "Longitude": -120.97, "Population": 1370.0}, {"index": 19472, "quantile": 0.25, "value": 125774.99999999999, "Latitude": 37.68, "Longitude": -120.97, "Population": 1370.0}, {"index": 19472, "quantile": 0.5, "value": 144650.0, "Latitude": 37.68, "Longitude": -120.97, "Population": 1370.0}, {"index": 19472, "quantile": 0.75, "value": 164700.0, "Latitude": 37.68, "Longitude": -120.97, "Population": 1370.0}, {"index": 19472, "quantile": 1.0, "value": 220000.00000000003, "Latitude": 37.68, "Longitude": -120.97, "Population": 1370.0}, {"index": 19473, "quantile": 0.0, "value": 58399.99999999999, "Latitude": 37.68, "Longitude": -120.98, "Population": 2203.0}, {"index": 19473, "quantile": 0.25, "value": 118600.0, "Latitude": 37.68, "Longitude": -120.98, "Population": 2203.0}, {"index": 19473, "quantile": 0.5, "value": 118600.0, "Latitude": 37.68, "Longitude": -120.98, "Population": 2203.0}, {"index": 19473, "quantile": 0.75, "value": 118600.0, "Latitude": 37.68, "Longitude": -120.98, "Population": 2203.0}, {"index": 19473, "quantile": 1.0, "value": 233700.00000000003, "Latitude": 37.68, "Longitude": -120.98, "Population": 2203.0}, {"index": 19474, "quantile": 0.0, "value": 79300.0, "Latitude": 37.67, "Longitude": -120.97, "Population": 1292.0}, {"index": 19474, "quantile": 0.25, "value": 117300.0, "Latitude": 37.67, "Longitude": -120.97, "Population": 1292.0}, {"index": 19474, "quantile": 0.5, "value": 117300.0, "Latitude": 37.67, "Longitude": -120.97, "Population": 1292.0}, {"index": 19474, "quantile": 0.75, "value": 138350.0, "Latitude": 37.67, "Longitude": -120.97, "Population": 1292.0}, {"index": 19474, "quantile": 1.0, "value": 212500.0, "Latitude": 37.67, "Longitude": -120.97, "Population": 1292.0}, {"index": 19475, "quantile": 0.0, "value": 69100.0, "Latitude": 37.67, "Longitude": -120.96, "Population": 1558.0}, {"index": 19475, "quantile": 0.25, "value": 114300.0, "Latitude": 37.67, "Longitude": -120.96, "Population": 1558.0}, {"index": 19475, "quantile": 0.5, "value": 114300.0, "Latitude": 37.67, "Longitude": -120.96, "Population": 1558.0}, {"index": 19475, "quantile": 0.75, "value": 114300.0, "Latitude": 37.67, "Longitude": -120.96, "Population": 1558.0}, {"index": 19475, "quantile": 1.0, "value": 193600.0, "Latitude": 37.67, "Longitude": -120.96, "Population": 1558.0}, {"index": 19476, "quantile": 0.0, "value": 87500.0, "Latitude": 37.67, "Longitude": -120.96, "Population": 538.0}, {"index": 19476, "quantile": 0.25, "value": 163200.0, "Latitude": 37.67, "Longitude": -120.96, "Population": 538.0}, {"index": 19476, "quantile": 0.5, "value": 163200.0, "Latitude": 37.67, "Longitude": -120.96, "Population": 538.0}, {"index": 19476, "quantile": 0.75, "value": 163200.0, "Latitude": 37.67, "Longitude": -120.96, "Population": 538.0}, {"index": 19476, "quantile": 1.0, "value": 351200.0, "Latitude": 37.67, "Longitude": -120.96, "Population": 538.0}, {"index": 19477, "quantile": 0.0, "value": 66100.0, "Latitude": 37.67, "Longitude": -120.97, "Population": 792.0}, {"index": 19477, "quantile": 0.25, "value": 121500.00000000001, "Latitude": 37.67, "Longitude": -120.97, "Population": 792.0}, {"index": 19477, "quantile": 0.5, "value": 121500.00000000001, "Latitude": 37.67, "Longitude": -120.97, "Population": 792.0}, {"index": 19477, "quantile": 0.75, "value": 136475.0, "Latitude": 37.67, "Longitude": -120.97, "Population": 792.0}, {"index": 19477, "quantile": 1.0, "value": 195800.0, "Latitude": 37.67, "Longitude": -120.97, "Population": 792.0}, {"index": 19478, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.66, "Longitude": -120.97, "Population": 799.0}, {"index": 19478, "quantile": 0.25, "value": 137500.0, "Latitude": 37.66, "Longitude": -120.97, "Population": 799.0}, {"index": 19478, "quantile": 0.5, "value": 137500.0, "Latitude": 37.66, "Longitude": -120.97, "Population": 799.0}, {"index": 19478, "quantile": 0.75, "value": 137500.0, "Latitude": 37.66, "Longitude": -120.97, "Population": 799.0}, {"index": 19478, "quantile": 1.0, "value": 300000.0, "Latitude": 37.66, "Longitude": -120.97, "Population": 799.0}, {"index": 19479, "quantile": 0.0, "value": 102099.99999999999, "Latitude": 37.66, "Longitude": -120.96, "Population": 1296.0}, {"index": 19479, "quantile": 0.25, "value": 145200.0, "Latitude": 37.66, "Longitude": -120.96, "Population": 1296.0}, {"index": 19479, "quantile": 0.5, "value": 145200.0, "Latitude": 37.66, "Longitude": -120.96, "Population": 1296.0}, {"index": 19479, "quantile": 0.75, "value": 145200.0, "Latitude": 37.66, "Longitude": -120.96, "Population": 1296.0}, {"index": 19479, "quantile": 1.0, "value": 178600.0, "Latitude": 37.66, "Longitude": -120.96, "Population": 1296.0}, {"index": 19480, "quantile": 0.0, "value": 88600.0, "Latitude": 37.66, "Longitude": -120.97, "Population": 1448.0}, {"index": 19480, "quantile": 0.25, "value": 127899.99999999999, "Latitude": 37.66, "Longitude": -120.97, "Population": 1448.0}, {"index": 19480, "quantile": 0.5, "value": 127899.99999999999, "Latitude": 37.66, "Longitude": -120.97, "Population": 1448.0}, {"index": 19480, "quantile": 0.75, "value": 127899.99999999999, "Latitude": 37.66, "Longitude": -120.97, "Population": 1448.0}, {"index": 19480, "quantile": 1.0, "value": 218100.0, "Latitude": 37.66, "Longitude": -120.97, "Population": 1448.0}, {"index": 19481, "quantile": 0.0, "value": 72900.0, "Latitude": 37.66, "Longitude": -120.97, "Population": 1260.0}, {"index": 19481, "quantile": 0.25, "value": 121375.00000000001, "Latitude": 37.66, "Longitude": -120.97, "Population": 1260.0}, {"index": 19481, "quantile": 0.5, "value": 179800.0, "Latitude": 37.66, "Longitude": -120.97, "Population": 1260.0}, {"index": 19481, "quantile": 0.75, "value": 179800.0, "Latitude": 37.66, "Longitude": -120.97, "Population": 1260.0}, {"index": 19481, "quantile": 1.0, "value": 201200.0, "Latitude": 37.66, "Longitude": -120.97, "Population": 1260.0}, {"index": 19482, "quantile": 0.0, "value": 84200.0, "Latitude": 37.66, "Longitude": -120.98, "Population": 984.0}, {"index": 19482, "quantile": 0.25, "value": 114199.99999999999, "Latitude": 37.66, "Longitude": -120.98, "Population": 984.0}, {"index": 19482, "quantile": 0.5, "value": 114199.99999999999, "Latitude": 37.66, "Longitude": -120.98, "Population": 984.0}, {"index": 19482, "quantile": 0.75, "value": 128699.99999999999, "Latitude": 37.66, "Longitude": -120.98, "Population": 984.0}, {"index": 19482, "quantile": 1.0, "value": 322400.0, "Latitude": 37.66, "Longitude": -120.98, "Population": 984.0}, {"index": 19483, "quantile": 0.0, "value": 66400.0, "Latitude": 37.66, "Longitude": -120.98, "Population": 1423.0}, {"index": 19483, "quantile": 0.25, "value": 100600.0, "Latitude": 37.66, "Longitude": -120.98, "Population": 1423.0}, {"index": 19483, "quantile": 0.5, "value": 100600.0, "Latitude": 37.66, "Longitude": -120.98, "Population": 1423.0}, {"index": 19483, "quantile": 0.75, "value": 100925.0, "Latitude": 37.66, "Longitude": -120.98, "Population": 1423.0}, {"index": 19483, "quantile": 1.0, "value": 174000.0, "Latitude": 37.66, "Longitude": -120.98, "Population": 1423.0}, {"index": 19484, "quantile": 0.0, "value": 22500.0, "Latitude": 37.65, "Longitude": -120.98, "Population": 432.0}, {"index": 19484, "quantile": 0.25, "value": 86200.0, "Latitude": 37.65, "Longitude": -120.98, "Population": 432.0}, {"index": 19484, "quantile": 0.5, "value": 101499.99999999999, "Latitude": 37.65, "Longitude": -120.98, "Population": 432.0}, {"index": 19484, "quantile": 0.75, "value": 128575.0, "Latitude": 37.65, "Longitude": -120.98, "Population": 432.0}, {"index": 19484, "quantile": 1.0, "value": 225000.0, "Latitude": 37.65, "Longitude": -120.98, "Population": 432.0}, {"index": 19485, "quantile": 0.0, "value": 52800.0, "Latitude": 37.66, "Longitude": -120.98, "Population": 401.0}, {"index": 19485, "quantile": 0.25, "value": 127099.99999999999, "Latitude": 37.66, "Longitude": -120.98, "Population": 401.0}, {"index": 19485, "quantile": 0.5, "value": 127099.99999999999, "Latitude": 37.66, "Longitude": -120.98, "Population": 401.0}, {"index": 19485, "quantile": 0.75, "value": 127099.99999999999, "Latitude": 37.66, "Longitude": -120.98, "Population": 401.0}, {"index": 19485, "quantile": 1.0, "value": 325000.0, "Latitude": 37.66, "Longitude": -120.98, "Population": 401.0}, {"index": 19486, "quantile": 0.0, "value": 72100.0, "Latitude": 37.67, "Longitude": -120.98, "Population": 824.0}, {"index": 19486, "quantile": 0.25, "value": 109100.0, "Latitude": 37.67, "Longitude": -120.98, "Population": 824.0}, {"index": 19486, "quantile": 0.5, "value": 109100.0, "Latitude": 37.67, "Longitude": -120.98, "Population": 824.0}, {"index": 19486, "quantile": 0.75, "value": 109100.0, "Latitude": 37.67, "Longitude": -120.98, "Population": 824.0}, {"index": 19486, "quantile": 1.0, "value": 177900.0, "Latitude": 37.67, "Longitude": -120.98, "Population": 824.0}, {"index": 19487, "quantile": 0.0, "value": 50500.0, "Latitude": 37.67, "Longitude": -120.99, "Population": 1066.0}, {"index": 19487, "quantile": 0.25, "value": 90500.0, "Latitude": 37.67, "Longitude": -120.99, "Population": 1066.0}, {"index": 19487, "quantile": 0.5, "value": 90500.0, "Latitude": 37.67, "Longitude": -120.99, "Population": 1066.0}, {"index": 19487, "quantile": 0.75, "value": 90575.0, "Latitude": 37.67, "Longitude": -120.99, "Population": 1066.0}, {"index": 19487, "quantile": 1.0, "value": 225000.0, "Latitude": 37.67, "Longitude": -120.99, "Population": 1066.0}, {"index": 19488, "quantile": 0.0, "value": 32500.0, "Latitude": 37.66, "Longitude": -120.99, "Population": 914.0}, {"index": 19488, "quantile": 0.25, "value": 107000.0, "Latitude": 37.66, "Longitude": -120.99, "Population": 914.0}, {"index": 19488, "quantile": 0.5, "value": 107000.0, "Latitude": 37.66, "Longitude": -120.99, "Population": 914.0}, {"index": 19488, "quantile": 0.75, "value": 107000.0, "Latitude": 37.66, "Longitude": -120.99, "Population": 914.0}, {"index": 19488, "quantile": 1.0, "value": 275000.0, "Latitude": 37.66, "Longitude": -120.99, "Population": 914.0}, {"index": 19489, "quantile": 0.0, "value": 71200.0, "Latitude": 37.66, "Longitude": -120.99, "Population": 831.0}, {"index": 19489, "quantile": 0.25, "value": 133525.0, "Latitude": 37.66, "Longitude": -120.99, "Population": 831.0}, {"index": 19489, "quantile": 0.5, "value": 135600.0, "Latitude": 37.66, "Longitude": -120.99, "Population": 831.0}, {"index": 19489, "quantile": 0.75, "value": 135600.0, "Latitude": 37.66, "Longitude": -120.99, "Population": 831.0}, {"index": 19489, "quantile": 1.0, "value": 180500.0, "Latitude": 37.66, "Longitude": -120.99, "Population": 831.0}, {"index": 19490, "quantile": 0.0, "value": 65000.0, "Latitude": 37.66, "Longitude": -120.99, "Population": 754.0}, {"index": 19490, "quantile": 0.25, "value": 106000.0, "Latitude": 37.66, "Longitude": -120.99, "Population": 754.0}, {"index": 19490, "quantile": 0.5, "value": 106000.0, "Latitude": 37.66, "Longitude": -120.99, "Population": 754.0}, {"index": 19490, "quantile": 0.75, "value": 106000.0, "Latitude": 37.66, "Longitude": -120.99, "Population": 754.0}, {"index": 19490, "quantile": 1.0, "value": 344700.0, "Latitude": 37.66, "Longitude": -120.99, "Population": 754.0}, {"index": 19491, "quantile": 0.0, "value": 68200.0, "Latitude": 37.65, "Longitude": -120.99, "Population": 1408.0}, {"index": 19491, "quantile": 0.25, "value": 86600.0, "Latitude": 37.65, "Longitude": -120.99, "Population": 1408.0}, {"index": 19491, "quantile": 0.5, "value": 86600.0, "Latitude": 37.65, "Longitude": -120.99, "Population": 1408.0}, {"index": 19491, "quantile": 0.75, "value": 90750.0, "Latitude": 37.65, "Longitude": -120.99, "Population": 1408.0}, {"index": 19491, "quantile": 1.0, "value": 187500.0, "Latitude": 37.65, "Longitude": -120.99, "Population": 1408.0}, {"index": 19492, "quantile": 0.0, "value": 72300.0, "Latitude": 37.65, "Longitude": -121.0, "Population": 1768.0}, {"index": 19492, "quantile": 0.25, "value": 119000.0, "Latitude": 37.65, "Longitude": -121.0, "Population": 1768.0}, {"index": 19492, "quantile": 0.5, "value": 119000.0, "Latitude": 37.65, "Longitude": -121.0, "Population": 1768.0}, {"index": 19492, "quantile": 0.75, "value": 119000.0, "Latitude": 37.65, "Longitude": -121.0, "Population": 1768.0}, {"index": 19492, "quantile": 1.0, "value": 289500.0, "Latitude": 37.65, "Longitude": -121.0, "Population": 1768.0}, {"index": 19493, "quantile": 0.0, "value": 90700.0, "Latitude": 37.67, "Longitude": -121.0, "Population": 995.0}, {"index": 19493, "quantile": 0.25, "value": 110200.00000000001, "Latitude": 37.67, "Longitude": -121.0, "Population": 995.0}, {"index": 19493, "quantile": 0.5, "value": 110200.00000000001, "Latitude": 37.67, "Longitude": -121.0, "Population": 995.0}, {"index": 19493, "quantile": 0.75, "value": 110200.00000000001, "Latitude": 37.67, "Longitude": -121.0, "Population": 995.0}, {"index": 19493, "quantile": 1.0, "value": 268800.0, "Latitude": 37.67, "Longitude": -121.0, "Population": 995.0}, {"index": 19494, "quantile": 0.0, "value": 71200.0, "Latitude": 37.67, "Longitude": -121.01, "Population": 1072.0}, {"index": 19494, "quantile": 0.25, "value": 108100.0, "Latitude": 37.67, "Longitude": -121.01, "Population": 1072.0}, {"index": 19494, "quantile": 0.5, "value": 108100.0, "Latitude": 37.67, "Longitude": -121.01, "Population": 1072.0}, {"index": 19494, "quantile": 0.75, "value": 108100.0, "Latitude": 37.67, "Longitude": -121.01, "Population": 1072.0}, {"index": 19494, "quantile": 1.0, "value": 262500.0, "Latitude": 37.67, "Longitude": -121.01, "Population": 1072.0}, {"index": 19495, "quantile": 0.0, "value": 135300.0, "Latitude": 37.66, "Longitude": -121.01, "Population": 1366.0}, {"index": 19495, "quantile": 0.25, "value": 151400.0, "Latitude": 37.66, "Longitude": -121.01, "Population": 1366.0}, {"index": 19495, "quantile": 0.5, "value": 151400.0, "Latitude": 37.66, "Longitude": -121.01, "Population": 1366.0}, {"index": 19495, "quantile": 0.75, "value": 207325.00000000003, "Latitude": 37.66, "Longitude": -121.01, "Population": 1366.0}, {"index": 19495, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.66, "Longitude": -121.01, "Population": 1366.0}, {"index": 19496, "quantile": 0.0, "value": 96500.0, "Latitude": 37.66, "Longitude": -121.0, "Population": 944.0}, {"index": 19496, "quantile": 0.25, "value": 138100.0, "Latitude": 37.66, "Longitude": -121.0, "Population": 944.0}, {"index": 19496, "quantile": 0.5, "value": 138100.0, "Latitude": 37.66, "Longitude": -121.0, "Population": 944.0}, {"index": 19496, "quantile": 0.75, "value": 147200.0, "Latitude": 37.66, "Longitude": -121.0, "Population": 944.0}, {"index": 19496, "quantile": 1.0, "value": 301700.0, "Latitude": 37.66, "Longitude": -121.0, "Population": 944.0}, {"index": 19497, "quantile": 0.0, "value": 78600.0, "Latitude": 37.66, "Longitude": -121.0, "Population": 875.0}, {"index": 19497, "quantile": 0.25, "value": 152000.0, "Latitude": 37.66, "Longitude": -121.0, "Population": 875.0}, {"index": 19497, "quantile": 0.5, "value": 152000.0, "Latitude": 37.66, "Longitude": -121.0, "Population": 875.0}, {"index": 19497, "quantile": 0.75, "value": 152000.0, "Latitude": 37.66, "Longitude": -121.0, "Population": 875.0}, {"index": 19497, "quantile": 1.0, "value": 289400.0, "Latitude": 37.66, "Longitude": -121.0, "Population": 875.0}, {"index": 19498, "quantile": 0.0, "value": 85000.0, "Latitude": 37.65, "Longitude": -121.01, "Population": 570.0}, {"index": 19498, "quantile": 0.25, "value": 146425.0, "Latitude": 37.65, "Longitude": -121.01, "Population": 570.0}, {"index": 19498, "quantile": 0.5, "value": 149400.0, "Latitude": 37.65, "Longitude": -121.01, "Population": 570.0}, {"index": 19498, "quantile": 0.75, "value": 149400.0, "Latitude": 37.65, "Longitude": -121.01, "Population": 570.0}, {"index": 19498, "quantile": 1.0, "value": 488900.0, "Latitude": 37.65, "Longitude": -121.01, "Population": 570.0}, {"index": 19499, "quantile": 0.0, "value": 86200.0, "Latitude": 37.67, "Longitude": -121.02, "Population": 1916.0}, {"index": 19499, "quantile": 0.25, "value": 111500.0, "Latitude": 37.67, "Longitude": -121.02, "Population": 1916.0}, {"index": 19499, "quantile": 0.5, "value": 111500.0, "Latitude": 37.67, "Longitude": -121.02, "Population": 1916.0}, {"index": 19499, "quantile": 0.75, "value": 113399.99999999999, "Latitude": 37.67, "Longitude": -121.02, "Population": 1916.0}, {"index": 19499, "quantile": 1.0, "value": 193600.0, "Latitude": 37.67, "Longitude": -121.02, "Population": 1916.0}, {"index": 19500, "quantile": 0.0, "value": 67300.0, "Latitude": 37.67, "Longitude": -121.03, "Population": 1468.0}, {"index": 19500, "quantile": 0.25, "value": 98300.0, "Latitude": 37.67, "Longitude": -121.03, "Population": 1468.0}, {"index": 19500, "quantile": 0.5, "value": 98300.0, "Latitude": 37.67, "Longitude": -121.03, "Population": 1468.0}, {"index": 19500, "quantile": 0.75, "value": 110425.0, "Latitude": 37.67, "Longitude": -121.03, "Population": 1468.0}, {"index": 19500, "quantile": 1.0, "value": 210700.00000000003, "Latitude": 37.67, "Longitude": -121.03, "Population": 1468.0}, {"index": 19501, "quantile": 0.0, "value": 58399.99999999999, "Latitude": 37.66, "Longitude": -121.03, "Population": 614.0}, {"index": 19501, "quantile": 0.25, "value": 75500.0, "Latitude": 37.66, "Longitude": -121.03, "Population": 614.0}, {"index": 19501, "quantile": 0.5, "value": 75500.0, "Latitude": 37.66, "Longitude": -121.03, "Population": 614.0}, {"index": 19501, "quantile": 0.75, "value": 75500.0, "Latitude": 37.66, "Longitude": -121.03, "Population": 614.0}, {"index": 19501, "quantile": 1.0, "value": 200000.0, "Latitude": 37.66, "Longitude": -121.03, "Population": 614.0}, {"index": 19502, "quantile": 0.0, "value": 71300.0, "Latitude": 37.66, "Longitude": -121.02, "Population": 1688.0}, {"index": 19502, "quantile": 0.25, "value": 109900.0, "Latitude": 37.66, "Longitude": -121.02, "Population": 1688.0}, {"index": 19502, "quantile": 0.5, "value": 109900.0, "Latitude": 37.66, "Longitude": -121.02, "Population": 1688.0}, {"index": 19502, "quantile": 0.75, "value": 109900.0, "Latitude": 37.66, "Longitude": -121.02, "Population": 1688.0}, {"index": 19502, "quantile": 1.0, "value": 227300.0, "Latitude": 37.66, "Longitude": -121.02, "Population": 1688.0}, {"index": 19503, "quantile": 0.0, "value": 47500.0, "Latitude": 37.66, "Longitude": -121.02, "Population": 806.0}, {"index": 19503, "quantile": 0.25, "value": 106000.0, "Latitude": 37.66, "Longitude": -121.02, "Population": 806.0}, {"index": 19503, "quantile": 0.5, "value": 125000.0, "Latitude": 37.66, "Longitude": -121.02, "Population": 806.0}, {"index": 19503, "quantile": 0.75, "value": 125000.0, "Latitude": 37.66, "Longitude": -121.02, "Population": 806.0}, {"index": 19503, "quantile": 1.0, "value": 350000.0, "Latitude": 37.66, "Longitude": -121.02, "Population": 806.0}, {"index": 19504, "quantile": 0.0, "value": 63800.0, "Latitude": 37.65, "Longitude": -121.02, "Population": 1996.0}, {"index": 19504, "quantile": 0.25, "value": 87900.0, "Latitude": 37.65, "Longitude": -121.02, "Population": 1996.0}, {"index": 19504, "quantile": 0.5, "value": 103450.0, "Latitude": 37.65, "Longitude": -121.02, "Population": 1996.0}, {"index": 19504, "quantile": 0.75, "value": 123650.0, "Latitude": 37.65, "Longitude": -121.02, "Population": 1996.0}, {"index": 19504, "quantile": 1.0, "value": 167100.0, "Latitude": 37.65, "Longitude": -121.02, "Population": 1996.0}, {"index": 19505, "quantile": 0.0, "value": 73500.0, "Latitude": 37.64, "Longitude": -121.03, "Population": 1520.0}, {"index": 19505, "quantile": 0.25, "value": 102299.99999999999, "Latitude": 37.64, "Longitude": -121.03, "Population": 1520.0}, {"index": 19505, "quantile": 0.5, "value": 102299.99999999999, "Latitude": 37.64, "Longitude": -121.03, "Population": 1520.0}, {"index": 19505, "quantile": 0.75, "value": 106875.00000000001, "Latitude": 37.64, "Longitude": -121.03, "Population": 1520.0}, {"index": 19505, "quantile": 1.0, "value": 156500.0, "Latitude": 37.64, "Longitude": -121.03, "Population": 1520.0}, {"index": 19506, "quantile": 0.0, "value": 50000.0, "Latitude": 37.63, "Longitude": -121.03, "Population": 1490.0}, {"index": 19506, "quantile": 0.25, "value": 111350.0, "Latitude": 37.63, "Longitude": -121.03, "Population": 1490.0}, {"index": 19506, "quantile": 0.5, "value": 119099.99999999999, "Latitude": 37.63, "Longitude": -121.03, "Population": 1490.0}, {"index": 19506, "quantile": 0.75, "value": 150050.00000000003, "Latitude": 37.63, "Longitude": -121.03, "Population": 1490.0}, {"index": 19506, "quantile": 1.0, "value": 207900.00000000003, "Latitude": 37.63, "Longitude": -121.03, "Population": 1490.0}, {"index": 19507, "quantile": 0.0, "value": 87900.0, "Latitude": 37.64, "Longitude": -121.05, "Population": 569.0}, {"index": 19507, "quantile": 0.25, "value": 150000.0, "Latitude": 37.64, "Longitude": -121.05, "Population": 569.0}, {"index": 19507, "quantile": 0.5, "value": 150000.0, "Latitude": 37.64, "Longitude": -121.05, "Population": 569.0}, {"index": 19507, "quantile": 0.75, "value": 150000.0, "Latitude": 37.64, "Longitude": -121.05, "Population": 569.0}, {"index": 19507, "quantile": 1.0, "value": 330000.0, "Latitude": 37.64, "Longitude": -121.05, "Population": 569.0}, {"index": 19508, "quantile": 0.0, "value": 63800.0, "Latitude": 37.62, "Longitude": -121.05, "Population": 555.0}, {"index": 19508, "quantile": 0.25, "value": 106700.00000000001, "Latitude": 37.62, "Longitude": -121.05, "Population": 555.0}, {"index": 19508, "quantile": 0.5, "value": 125899.99999999999, "Latitude": 37.62, "Longitude": -121.05, "Population": 555.0}, {"index": 19508, "quantile": 0.75, "value": 159350.0, "Latitude": 37.62, "Longitude": -121.05, "Population": 555.0}, {"index": 19508, "quantile": 1.0, "value": 282100.0, "Latitude": 37.62, "Longitude": -121.05, "Population": 555.0}, {"index": 19509, "quantile": 0.0, "value": 52000.0, "Latitude": 37.64, "Longitude": -121.02, "Population": 1035.0}, {"index": 19509, "quantile": 0.25, "value": 65775.0, "Latitude": 37.64, "Longitude": -121.02, "Population": 1035.0}, {"index": 19509, "quantile": 0.5, "value": 74900.0, "Latitude": 37.64, "Longitude": -121.02, "Population": 1035.0}, {"index": 19509, "quantile": 0.75, "value": 84300.0, "Latitude": 37.64, "Longitude": -121.02, "Population": 1035.0}, {"index": 19509, "quantile": 1.0, "value": 137500.0, "Latitude": 37.64, "Longitude": -121.02, "Population": 1035.0}, {"index": 19510, "quantile": 0.0, "value": 43000.0, "Latitude": 37.63, "Longitude": -121.02, "Population": 1290.0}, {"index": 19510, "quantile": 0.25, "value": 81800.0, "Latitude": 37.63, "Longitude": -121.02, "Population": 1290.0}, {"index": 19510, "quantile": 0.5, "value": 81800.0, "Latitude": 37.63, "Longitude": -121.02, "Population": 1290.0}, {"index": 19510, "quantile": 0.75, "value": 81800.0, "Latitude": 37.63, "Longitude": -121.02, "Population": 1290.0}, {"index": 19510, "quantile": 1.0, "value": 105000.0, "Latitude": 37.63, "Longitude": -121.02, "Population": 1290.0}, {"index": 19511, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 37.62, "Longitude": -121.02, "Population": 1878.0}, {"index": 19511, "quantile": 0.25, "value": 81924.99999999999, "Latitude": 37.62, "Longitude": -121.02, "Population": 1878.0}, {"index": 19511, "quantile": 0.5, "value": 95500.0, "Latitude": 37.62, "Longitude": -121.02, "Population": 1878.0}, {"index": 19511, "quantile": 0.75, "value": 114300.0, "Latitude": 37.62, "Longitude": -121.02, "Population": 1878.0}, {"index": 19511, "quantile": 1.0, "value": 225000.0, "Latitude": 37.62, "Longitude": -121.02, "Population": 1878.0}, {"index": 19512, "quantile": 0.0, "value": 49500.0, "Latitude": 37.61, "Longitude": -121.02, "Population": 1318.0}, {"index": 19512, "quantile": 0.25, "value": 59000.0, "Latitude": 37.61, "Longitude": -121.02, "Population": 1318.0}, {"index": 19512, "quantile": 0.5, "value": 59000.0, "Latitude": 37.61, "Longitude": -121.02, "Population": 1318.0}, {"index": 19512, "quantile": 0.75, "value": 61100.0, "Latitude": 37.61, "Longitude": -121.02, "Population": 1318.0}, {"index": 19512, "quantile": 1.0, "value": 195800.0, "Latitude": 37.61, "Longitude": -121.02, "Population": 1318.0}, {"index": 19513, "quantile": 0.0, "value": 67500.0, "Latitude": 37.62, "Longitude": -121.03, "Population": 612.0}, {"index": 19513, "quantile": 0.25, "value": 81300.0, "Latitude": 37.62, "Longitude": -121.03, "Population": 612.0}, {"index": 19513, "quantile": 0.5, "value": 81300.0, "Latitude": 37.62, "Longitude": -121.03, "Population": 612.0}, {"index": 19513, "quantile": 0.75, "value": 83000.0, "Latitude": 37.62, "Longitude": -121.03, "Population": 612.0}, {"index": 19513, "quantile": 1.0, "value": 240200.0, "Latitude": 37.62, "Longitude": -121.03, "Population": 612.0}, {"index": 19514, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 37.62, "Longitude": -121.03, "Population": 1210.0}, {"index": 19514, "quantile": 0.25, "value": 81050.0, "Latitude": 37.62, "Longitude": -121.03, "Population": 1210.0}, {"index": 19514, "quantile": 0.5, "value": 97400.0, "Latitude": 37.62, "Longitude": -121.03, "Population": 1210.0}, {"index": 19514, "quantile": 0.75, "value": 111050.0, "Latitude": 37.62, "Longitude": -121.03, "Population": 1210.0}, {"index": 19514, "quantile": 1.0, "value": 179200.0, "Latitude": 37.62, "Longitude": -121.03, "Population": 1210.0}, {"index": 19515, "quantile": 0.0, "value": 44400.0, "Latitude": 37.62, "Longitude": -121.02, "Population": 4722.0}, {"index": 19515, "quantile": 0.25, "value": 73175.0, "Latitude": 37.62, "Longitude": -121.02, "Population": 4722.0}, {"index": 19515, "quantile": 0.5, "value": 74900.0, "Latitude": 37.62, "Longitude": -121.02, "Population": 4722.0}, {"index": 19515, "quantile": 0.75, "value": 84850.0, "Latitude": 37.62, "Longitude": -121.02, "Population": 4722.0}, {"index": 19515, "quantile": 1.0, "value": 156300.0, "Latitude": 37.62, "Longitude": -121.02, "Population": 4722.0}, {"index": 19516, "quantile": 0.0, "value": 65900.0, "Latitude": 37.64, "Longitude": -121.01, "Population": 74.0}, {"index": 19516, "quantile": 0.25, "value": 75000.0, "Latitude": 37.64, "Longitude": -121.01, "Population": 74.0}, {"index": 19516, "quantile": 0.5, "value": 75000.0, "Latitude": 37.64, "Longitude": -121.01, "Population": 74.0}, {"index": 19516, "quantile": 0.75, "value": 85475.0, "Latitude": 37.64, "Longitude": -121.01, "Population": 74.0}, {"index": 19516, "quantile": 1.0, "value": 450000.0, "Latitude": 37.64, "Longitude": -121.01, "Population": 74.0}, {"index": 19517, "quantile": 0.0, "value": 45000.0, "Latitude": 37.64, "Longitude": -121.01, "Population": 1998.0}, {"index": 19517, "quantile": 0.25, "value": 59000.0, "Latitude": 37.64, "Longitude": -121.01, "Population": 1998.0}, {"index": 19517, "quantile": 0.5, "value": 76400.0, "Latitude": 37.64, "Longitude": -121.01, "Population": 1998.0}, {"index": 19517, "quantile": 0.75, "value": 80900.0, "Latitude": 37.64, "Longitude": -121.01, "Population": 1998.0}, {"index": 19517, "quantile": 1.0, "value": 156300.0, "Latitude": 37.64, "Longitude": -121.01, "Population": 1998.0}, {"index": 19518, "quantile": 0.0, "value": 22500.0, "Latitude": 37.64, "Longitude": -121.01, "Population": 598.0}, {"index": 19518, "quantile": 0.25, "value": 63675.00000000001, "Latitude": 37.64, "Longitude": -121.01, "Population": 598.0}, {"index": 19518, "quantile": 0.5, "value": 75000.0, "Latitude": 37.64, "Longitude": -121.01, "Population": 598.0}, {"index": 19518, "quantile": 0.75, "value": 90600.0, "Latitude": 37.64, "Longitude": -121.01, "Population": 598.0}, {"index": 19518, "quantile": 1.0, "value": 195800.0, "Latitude": 37.64, "Longitude": -121.01, "Population": 598.0}, {"index": 19519, "quantile": 0.0, "value": 22500.0, "Latitude": 37.64, "Longitude": -121.0, "Population": 293.0}, {"index": 19519, "quantile": 0.25, "value": 61300.0, "Latitude": 37.64, "Longitude": -121.0, "Population": 293.0}, {"index": 19519, "quantile": 0.5, "value": 73800.0, "Latitude": 37.64, "Longitude": -121.0, "Population": 293.0}, {"index": 19519, "quantile": 0.75, "value": 82000.0, "Latitude": 37.64, "Longitude": -121.0, "Population": 293.0}, {"index": 19519, "quantile": 1.0, "value": 312500.0, "Latitude": 37.64, "Longitude": -121.0, "Population": 293.0}, {"index": 19520, "quantile": 0.0, "value": 61100.0, "Latitude": 37.64, "Longitude": -120.99, "Population": 881.0}, {"index": 19520, "quantile": 0.25, "value": 90700.0, "Latitude": 37.64, "Longitude": -120.99, "Population": 881.0}, {"index": 19520, "quantile": 0.5, "value": 108100.0, "Latitude": 37.64, "Longitude": -120.99, "Population": 881.0}, {"index": 19520, "quantile": 0.75, "value": 135850.0, "Latitude": 37.64, "Longitude": -120.99, "Population": 881.0}, {"index": 19520, "quantile": 1.0, "value": 236800.0, "Latitude": 37.64, "Longitude": -120.99, "Population": 881.0}, {"index": 19521, "quantile": 0.0, "value": 32500.0, "Latitude": 37.64, "Longitude": -120.99, "Population": 459.0}, {"index": 19521, "quantile": 0.25, "value": 70000.0, "Latitude": 37.64, "Longitude": -120.99, "Population": 459.0}, {"index": 19521, "quantile": 0.5, "value": 70000.0, "Latitude": 37.64, "Longitude": -120.99, "Population": 459.0}, {"index": 19521, "quantile": 0.75, "value": 98875.0, "Latitude": 37.64, "Longitude": -120.99, "Population": 459.0}, {"index": 19521, "quantile": 1.0, "value": 336800.0, "Latitude": 37.64, "Longitude": -120.99, "Population": 459.0}, {"index": 19522, "quantile": 0.0, "value": 60000.0, "Latitude": 37.65, "Longitude": -121.0, "Population": 198.0}, {"index": 19522, "quantile": 0.25, "value": 187500.0, "Latitude": 37.65, "Longitude": -121.0, "Population": 198.0}, {"index": 19522, "quantile": 0.5, "value": 187500.0, "Latitude": 37.65, "Longitude": -121.0, "Population": 198.0}, {"index": 19522, "quantile": 0.75, "value": 187500.0, "Latitude": 37.65, "Longitude": -121.0, "Population": 198.0}, {"index": 19522, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.65, "Longitude": -121.0, "Population": 198.0}, {"index": 19523, "quantile": 0.0, "value": 50700.0, "Latitude": 37.65, "Longitude": -121.01, "Population": 152.0}, {"index": 19523, "quantile": 0.25, "value": 82500.0, "Latitude": 37.65, "Longitude": -121.01, "Population": 152.0}, {"index": 19523, "quantile": 0.5, "value": 82500.0, "Latitude": 37.65, "Longitude": -121.01, "Population": 152.0}, {"index": 19523, "quantile": 0.75, "value": 84250.0, "Latitude": 37.65, "Longitude": -121.01, "Population": 152.0}, {"index": 19523, "quantile": 1.0, "value": 450000.0, "Latitude": 37.65, "Longitude": -121.01, "Population": 152.0}, {"index": 19524, "quantile": 0.0, "value": 22500.0, "Latitude": 37.64, "Longitude": -121.0, "Population": 658.0}, {"index": 19524, "quantile": 0.25, "value": 52500.0, "Latitude": 37.64, "Longitude": -121.0, "Population": 658.0}, {"index": 19524, "quantile": 0.5, "value": 78400.0, "Latitude": 37.64, "Longitude": -121.0, "Population": 658.0}, {"index": 19524, "quantile": 0.75, "value": 162500.0, "Latitude": 37.64, "Longitude": -121.0, "Population": 658.0}, {"index": 19524, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.64, "Longitude": -121.0, "Population": 658.0}, {"index": 19525, "quantile": 0.0, "value": 17500.0, "Latitude": 37.64, "Longitude": -121.0, "Population": 325.0}, {"index": 19525, "quantile": 0.25, "value": 90600.0, "Latitude": 37.64, "Longitude": -121.0, "Population": 325.0}, {"index": 19525, "quantile": 0.5, "value": 90600.0, "Latitude": 37.64, "Longitude": -121.0, "Population": 325.0}, {"index": 19525, "quantile": 0.75, "value": 90600.0, "Latitude": 37.64, "Longitude": -121.0, "Population": 325.0}, {"index": 19525, "quantile": 1.0, "value": 336800.0, "Latitude": 37.64, "Longitude": -121.0, "Population": 325.0}, {"index": 19526, "quantile": 0.0, "value": 84400.0, "Latitude": 37.65, "Longitude": -120.97, "Population": 1776.0}, {"index": 19526, "quantile": 0.25, "value": 137500.0, "Latitude": 37.65, "Longitude": -120.97, "Population": 1776.0}, {"index": 19526, "quantile": 0.5, "value": 137500.0, "Latitude": 37.65, "Longitude": -120.97, "Population": 1776.0}, {"index": 19526, "quantile": 0.75, "value": 146000.0, "Latitude": 37.65, "Longitude": -120.97, "Population": 1776.0}, {"index": 19526, "quantile": 1.0, "value": 322400.0, "Latitude": 37.65, "Longitude": -120.97, "Population": 1776.0}, {"index": 19527, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 37.64, "Longitude": -120.96, "Population": 673.0}, {"index": 19527, "quantile": 0.25, "value": 90700.0, "Latitude": 37.64, "Longitude": -120.96, "Population": 673.0}, {"index": 19527, "quantile": 0.5, "value": 90700.0, "Latitude": 37.64, "Longitude": -120.96, "Population": 673.0}, {"index": 19527, "quantile": 0.75, "value": 114475.0, "Latitude": 37.64, "Longitude": -120.96, "Population": 673.0}, {"index": 19527, "quantile": 1.0, "value": 324200.0, "Latitude": 37.64, "Longitude": -120.96, "Population": 673.0}, {"index": 19528, "quantile": 0.0, "value": 68200.0, "Latitude": 37.64, "Longitude": -120.97, "Population": 1131.0}, {"index": 19528, "quantile": 0.25, "value": 95500.0, "Latitude": 37.64, "Longitude": -120.97, "Population": 1131.0}, {"index": 19528, "quantile": 0.5, "value": 95500.0, "Latitude": 37.64, "Longitude": -120.97, "Population": 1131.0}, {"index": 19528, "quantile": 0.75, "value": 95500.0, "Latitude": 37.64, "Longitude": -120.97, "Population": 1131.0}, {"index": 19528, "quantile": 1.0, "value": 179800.0, "Latitude": 37.64, "Longitude": -120.97, "Population": 1131.0}, {"index": 19529, "quantile": 0.0, "value": 160100.0, "Latitude": 37.65, "Longitude": -120.98, "Population": 158.0}, {"index": 19529, "quantile": 0.25, "value": 172200.0, "Latitude": 37.65, "Longitude": -120.98, "Population": 158.0}, {"index": 19529, "quantile": 0.5, "value": 172200.0, "Latitude": 37.65, "Longitude": -120.98, "Population": 158.0}, {"index": 19529, "quantile": 0.75, "value": 402149.99999999994, "Latitude": 37.65, "Longitude": -120.98, "Population": 158.0}, {"index": 19529, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.65, "Longitude": -120.98, "Population": 158.0}, {"index": 19530, "quantile": 0.0, "value": 67900.0, "Latitude": 37.64, "Longitude": -120.98, "Population": 839.0}, {"index": 19530, "quantile": 0.25, "value": 110700.0, "Latitude": 37.64, "Longitude": -120.98, "Population": 839.0}, {"index": 19530, "quantile": 0.5, "value": 110700.0, "Latitude": 37.64, "Longitude": -120.98, "Population": 839.0}, {"index": 19530, "quantile": 0.75, "value": 110700.0, "Latitude": 37.64, "Longitude": -120.98, "Population": 839.0}, {"index": 19530, "quantile": 1.0, "value": 436400.0, "Latitude": 37.64, "Longitude": -120.98, "Population": 839.0}, {"index": 19531, "quantile": 0.0, "value": 65200.0, "Latitude": 37.64, "Longitude": -120.98, "Population": 679.0}, {"index": 19531, "quantile": 0.25, "value": 105100.00000000001, "Latitude": 37.64, "Longitude": -120.98, "Population": 679.0}, {"index": 19531, "quantile": 0.5, "value": 149400.0, "Latitude": 37.64, "Longitude": -120.98, "Population": 679.0}, {"index": 19531, "quantile": 0.75, "value": 176050.0, "Latitude": 37.64, "Longitude": -120.98, "Population": 679.0}, {"index": 19531, "quantile": 1.0, "value": 236100.00000000003, "Latitude": 37.64, "Longitude": -120.98, "Population": 679.0}, {"index": 19532, "quantile": 0.0, "value": 63800.0, "Latitude": 37.66, "Longitude": -120.9, "Population": 2426.0}, {"index": 19532, "quantile": 0.25, "value": 82500.0, "Latitude": 37.66, "Longitude": -120.9, "Population": 2426.0}, {"index": 19532, "quantile": 0.5, "value": 82500.0, "Latitude": 37.66, "Longitude": -120.9, "Population": 2426.0}, {"index": 19532, "quantile": 0.75, "value": 95600.0, "Latitude": 37.66, "Longitude": -120.9, "Population": 2426.0}, {"index": 19532, "quantile": 1.0, "value": 176700.0, "Latitude": 37.66, "Longitude": -120.9, "Population": 2426.0}, {"index": 19533, "quantile": 0.0, "value": 59200.0, "Latitude": 37.66, "Longitude": -120.91, "Population": 720.0}, {"index": 19533, "quantile": 0.25, "value": 97350.0, "Latitude": 37.66, "Longitude": -120.91, "Population": 720.0}, {"index": 19533, "quantile": 0.5, "value": 117700.0, "Latitude": 37.66, "Longitude": -120.91, "Population": 720.0}, {"index": 19533, "quantile": 0.75, "value": 161100.0, "Latitude": 37.66, "Longitude": -120.91, "Population": 720.0}, {"index": 19533, "quantile": 1.0, "value": 239200.0, "Latitude": 37.66, "Longitude": -120.91, "Population": 720.0}, {"index": 19534, "quantile": 0.0, "value": 42500.0, "Latitude": 37.64, "Longitude": -120.9, "Population": 855.0}, {"index": 19534, "quantile": 0.25, "value": 81300.0, "Latitude": 37.64, "Longitude": -120.9, "Population": 855.0}, {"index": 19534, "quantile": 0.5, "value": 81300.0, "Latitude": 37.64, "Longitude": -120.9, "Population": 855.0}, {"index": 19534, "quantile": 0.75, "value": 81300.0, "Latitude": 37.64, "Longitude": -120.9, "Population": 855.0}, {"index": 19534, "quantile": 1.0, "value": 129700.0, "Latitude": 37.64, "Longitude": -120.9, "Population": 855.0}, {"index": 19535, "quantile": 0.0, "value": 76200.0, "Latitude": 37.65, "Longitude": -120.94, "Population": 3033.0}, {"index": 19535, "quantile": 0.25, "value": 119000.0, "Latitude": 37.65, "Longitude": -120.94, "Population": 3033.0}, {"index": 19535, "quantile": 0.5, "value": 119000.0, "Latitude": 37.65, "Longitude": -120.94, "Population": 3033.0}, {"index": 19535, "quantile": 0.75, "value": 119000.0, "Latitude": 37.65, "Longitude": -120.94, "Population": 3033.0}, {"index": 19535, "quantile": 1.0, "value": 201300.0, "Latitude": 37.65, "Longitude": -120.94, "Population": 3033.0}, {"index": 19536, "quantile": 0.0, "value": 71300.0, "Latitude": 37.65, "Longitude": -120.93, "Population": 402.0}, {"index": 19536, "quantile": 0.25, "value": 147800.0, "Latitude": 37.65, "Longitude": -120.93, "Population": 402.0}, {"index": 19536, "quantile": 0.5, "value": 174100.0, "Latitude": 37.65, "Longitude": -120.93, "Population": 402.0}, {"index": 19536, "quantile": 0.75, "value": 214374.99999999997, "Latitude": 37.65, "Longitude": -120.93, "Population": 402.0}, {"index": 19536, "quantile": 1.0, "value": 450000.0, "Latitude": 37.65, "Longitude": -120.93, "Population": 402.0}, {"index": 19537, "quantile": 0.0, "value": 46900.0, "Latitude": 37.65, "Longitude": -120.92, "Population": 163.0}, {"index": 19537, "quantile": 0.25, "value": 162075.0, "Latitude": 37.65, "Longitude": -120.92, "Population": 163.0}, {"index": 19537, "quantile": 0.5, "value": 275000.0, "Latitude": 37.65, "Longitude": -120.92, "Population": 163.0}, {"index": 19537, "quantile": 0.75, "value": 275000.0, "Latitude": 37.65, "Longitude": -120.92, "Population": 163.0}, {"index": 19537, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.65, "Longitude": -120.92, "Population": 163.0}, {"index": 19538, "quantile": 0.0, "value": 69100.0, "Latitude": 37.65, "Longitude": -120.95, "Population": 3221.0}, {"index": 19538, "quantile": 0.25, "value": 107000.0, "Latitude": 37.65, "Longitude": -120.95, "Population": 3221.0}, {"index": 19538, "quantile": 0.5, "value": 107000.0, "Latitude": 37.65, "Longitude": -120.95, "Population": 3221.0}, {"index": 19538, "quantile": 0.75, "value": 107000.0, "Latitude": 37.65, "Longitude": -120.95, "Population": 3221.0}, {"index": 19538, "quantile": 1.0, "value": 174000.0, "Latitude": 37.65, "Longitude": -120.95, "Population": 3221.0}, {"index": 19539, "quantile": 0.0, "value": 59200.0, "Latitude": 37.65, "Longitude": -120.96, "Population": 972.0}, {"index": 19539, "quantile": 0.25, "value": 95500.0, "Latitude": 37.65, "Longitude": -120.96, "Population": 972.0}, {"index": 19539, "quantile": 0.5, "value": 95500.0, "Latitude": 37.65, "Longitude": -120.96, "Population": 972.0}, {"index": 19539, "quantile": 0.75, "value": 95500.0, "Latitude": 37.65, "Longitude": -120.96, "Population": 972.0}, {"index": 19539, "quantile": 1.0, "value": 195800.0, "Latitude": 37.65, "Longitude": -120.96, "Population": 972.0}, {"index": 19540, "quantile": 0.0, "value": 59000.0, "Latitude": 37.64, "Longitude": -120.95, "Population": 1957.0}, {"index": 19540, "quantile": 0.25, "value": 95500.0, "Latitude": 37.64, "Longitude": -120.95, "Population": 1957.0}, {"index": 19540, "quantile": 0.5, "value": 110300.0, "Latitude": 37.64, "Longitude": -120.95, "Population": 1957.0}, {"index": 19540, "quantile": 0.75, "value": 114524.99999999999, "Latitude": 37.64, "Longitude": -120.95, "Population": 1957.0}, {"index": 19540, "quantile": 1.0, "value": 201300.0, "Latitude": 37.64, "Longitude": -120.95, "Population": 1957.0}, {"index": 19541, "quantile": 0.0, "value": 48300.0, "Latitude": 37.63, "Longitude": -120.94, "Population": 176.0}, {"index": 19541, "quantile": 0.25, "value": 61300.0, "Latitude": 37.63, "Longitude": -120.94, "Population": 176.0}, {"index": 19541, "quantile": 0.5, "value": 73800.0, "Latitude": 37.63, "Longitude": -120.94, "Population": 176.0}, {"index": 19541, "quantile": 0.75, "value": 91025.0, "Latitude": 37.63, "Longitude": -120.94, "Population": 176.0}, {"index": 19541, "quantile": 1.0, "value": 450000.0, "Latitude": 37.63, "Longitude": -120.94, "Population": 176.0}, {"index": 19542, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 37.63, "Longitude": -120.92, "Population": 22.0}, {"index": 19542, "quantile": 0.25, "value": 160950.0, "Latitude": 37.63, "Longitude": -120.92, "Population": 22.0}, {"index": 19542, "quantile": 0.5, "value": 450000.0, "Latitude": 37.63, "Longitude": -120.92, "Population": 22.0}, {"index": 19542, "quantile": 0.75, "value": 450000.0, "Latitude": 37.63, "Longitude": -120.92, "Population": 22.0}, {"index": 19542, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.63, "Longitude": -120.92, "Population": 22.0}, {"index": 19543, "quantile": 0.0, "value": 63800.0, "Latitude": 37.64, "Longitude": -120.96, "Population": 51.0}, {"index": 19543, "quantile": 0.25, "value": 67500.0, "Latitude": 37.64, "Longitude": -120.96, "Population": 51.0}, {"index": 19543, "quantile": 0.5, "value": 67500.0, "Latitude": 37.64, "Longitude": -120.96, "Population": 51.0}, {"index": 19543, "quantile": 0.75, "value": 115650.00000000001, "Latitude": 37.64, "Longitude": -120.96, "Population": 51.0}, {"index": 19543, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.64, "Longitude": -120.96, "Population": 51.0}, {"index": 19544, "quantile": 0.0, "value": 48300.0, "Latitude": 37.64, "Longitude": -120.98, "Population": 2052.0}, {"index": 19544, "quantile": 0.25, "value": 65000.0, "Latitude": 37.64, "Longitude": -120.98, "Population": 2052.0}, {"index": 19544, "quantile": 0.5, "value": 65000.0, "Latitude": 37.64, "Longitude": -120.98, "Population": 2052.0}, {"index": 19544, "quantile": 0.75, "value": 74075.0, "Latitude": 37.64, "Longitude": -120.98, "Population": 2052.0}, {"index": 19544, "quantile": 1.0, "value": 113300.0, "Latitude": 37.64, "Longitude": -120.98, "Population": 2052.0}, {"index": 19545, "quantile": 0.0, "value": 48300.0, "Latitude": 37.63, "Longitude": -120.97, "Population": 2047.0}, {"index": 19545, "quantile": 0.25, "value": 54100.00000000001, "Latitude": 37.63, "Longitude": -120.97, "Population": 2047.0}, {"index": 19545, "quantile": 0.5, "value": 64700.0, "Latitude": 37.63, "Longitude": -120.97, "Population": 2047.0}, {"index": 19545, "quantile": 0.75, "value": 65200.0, "Latitude": 37.63, "Longitude": -120.97, "Population": 2047.0}, {"index": 19545, "quantile": 1.0, "value": 116700.0, "Latitude": 37.63, "Longitude": -120.97, "Population": 2047.0}, {"index": 19546, "quantile": 0.0, "value": 48300.0, "Latitude": 37.63, "Longitude": -121.0, "Population": 192.0}, {"index": 19546, "quantile": 0.25, "value": 73800.0, "Latitude": 37.63, "Longitude": -121.0, "Population": 192.0}, {"index": 19546, "quantile": 0.5, "value": 73800.0, "Latitude": 37.63, "Longitude": -121.0, "Population": 192.0}, {"index": 19546, "quantile": 0.75, "value": 73800.0, "Latitude": 37.63, "Longitude": -121.0, "Population": 192.0}, {"index": 19546, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.63, "Longitude": -121.0, "Population": 192.0}, {"index": 19547, "quantile": 0.0, "value": 49500.0, "Latitude": 37.63, "Longitude": -121.0, "Population": 1525.0}, {"index": 19547, "quantile": 0.25, "value": 75375.0, "Latitude": 37.63, "Longitude": -121.0, "Population": 1525.0}, {"index": 19547, "quantile": 0.5, "value": 80900.0, "Latitude": 37.63, "Longitude": -121.0, "Population": 1525.0}, {"index": 19547, "quantile": 0.75, "value": 80900.0, "Latitude": 37.63, "Longitude": -121.0, "Population": 1525.0}, {"index": 19547, "quantile": 1.0, "value": 105000.0, "Latitude": 37.63, "Longitude": -121.0, "Population": 1525.0}, {"index": 19548, "quantile": 0.0, "value": 52700.0, "Latitude": 37.63, "Longitude": -121.01, "Population": 2122.0}, {"index": 19548, "quantile": 0.25, "value": 74900.0, "Latitude": 37.63, "Longitude": -121.01, "Population": 2122.0}, {"index": 19548, "quantile": 0.5, "value": 74900.0, "Latitude": 37.63, "Longitude": -121.01, "Population": 2122.0}, {"index": 19548, "quantile": 0.75, "value": 74900.0, "Latitude": 37.63, "Longitude": -121.01, "Population": 2122.0}, {"index": 19548, "quantile": 1.0, "value": 105000.0, "Latitude": 37.63, "Longitude": -121.01, "Population": 2122.0}, {"index": 19549, "quantile": 0.0, "value": 49500.0, "Latitude": 37.62, "Longitude": -121.01, "Population": 622.0}, {"index": 19549, "quantile": 0.25, "value": 62400.0, "Latitude": 37.62, "Longitude": -121.01, "Population": 622.0}, {"index": 19549, "quantile": 0.5, "value": 79500.0, "Latitude": 37.62, "Longitude": -121.01, "Population": 622.0}, {"index": 19549, "quantile": 0.75, "value": 79500.0, "Latitude": 37.62, "Longitude": -121.01, "Population": 622.0}, {"index": 19549, "quantile": 1.0, "value": 270000.0, "Latitude": 37.62, "Longitude": -121.01, "Population": 622.0}, {"index": 19550, "quantile": 0.0, "value": 49500.0, "Latitude": 37.62, "Longitude": -121.01, "Population": 1687.0}, {"index": 19550, "quantile": 0.25, "value": 73700.0, "Latitude": 37.62, "Longitude": -121.01, "Population": 1687.0}, {"index": 19550, "quantile": 0.5, "value": 73700.0, "Latitude": 37.62, "Longitude": -121.01, "Population": 1687.0}, {"index": 19550, "quantile": 0.75, "value": 73700.0, "Latitude": 37.62, "Longitude": -121.01, "Population": 1687.0}, {"index": 19550, "quantile": 1.0, "value": 112500.0, "Latitude": 37.62, "Longitude": -121.01, "Population": 1687.0}, {"index": 19551, "quantile": 0.0, "value": 54100.00000000001, "Latitude": 37.62, "Longitude": -120.98, "Population": 3010.0}, {"index": 19551, "quantile": 0.25, "value": 65300.0, "Latitude": 37.62, "Longitude": -120.98, "Population": 3010.0}, {"index": 19551, "quantile": 0.5, "value": 78600.0, "Latitude": 37.62, "Longitude": -120.98, "Population": 3010.0}, {"index": 19551, "quantile": 0.75, "value": 85300.0, "Latitude": 37.62, "Longitude": -120.98, "Population": 3010.0}, {"index": 19551, "quantile": 1.0, "value": 253600.0, "Latitude": 37.62, "Longitude": -120.98, "Population": 3010.0}, {"index": 19552, "quantile": 0.0, "value": 22500.0, "Latitude": 37.63, "Longitude": -120.99, "Population": 276.0}, {"index": 19552, "quantile": 0.25, "value": 60000.0, "Latitude": 37.63, "Longitude": -120.99, "Population": 276.0}, {"index": 19552, "quantile": 0.5, "value": 60000.0, "Latitude": 37.63, "Longitude": -120.99, "Population": 276.0}, {"index": 19552, "quantile": 0.75, "value": 74750.0, "Latitude": 37.63, "Longitude": -120.99, "Population": 276.0}, {"index": 19552, "quantile": 1.0, "value": 350000.0, "Latitude": 37.63, "Longitude": -120.99, "Population": 276.0}, {"index": 19553, "quantile": 0.0, "value": 22500.0, "Latitude": 37.62, "Longitude": -121.0, "Population": 1043.0}, {"index": 19553, "quantile": 0.25, "value": 75000.0, "Latitude": 37.62, "Longitude": -121.0, "Population": 1043.0}, {"index": 19553, "quantile": 0.5, "value": 75000.0, "Latitude": 37.62, "Longitude": -121.0, "Population": 1043.0}, {"index": 19553, "quantile": 0.75, "value": 77225.0, "Latitude": 37.62, "Longitude": -121.0, "Population": 1043.0}, {"index": 19553, "quantile": 1.0, "value": 312500.0, "Latitude": 37.62, "Longitude": -121.0, "Population": 1043.0}, {"index": 19554, "quantile": 0.0, "value": 51700.0, "Latitude": 37.62, "Longitude": -120.99, "Population": 1787.0}, {"index": 19554, "quantile": 0.25, "value": 54100.00000000001, "Latitude": 37.62, "Longitude": -120.99, "Population": 1787.0}, {"index": 19554, "quantile": 0.5, "value": 54100.00000000001, "Latitude": 37.62, "Longitude": -120.99, "Population": 1787.0}, {"index": 19554, "quantile": 0.75, "value": 57699.99999999999, "Latitude": 37.62, "Longitude": -120.99, "Population": 1787.0}, {"index": 19554, "quantile": 1.0, "value": 156300.0, "Latitude": 37.62, "Longitude": -120.99, "Population": 1787.0}, {"index": 19555, "quantile": 0.0, "value": 99100.0, "Latitude": 37.61, "Longitude": -121.01, "Population": 2316.0}, {"index": 19555, "quantile": 0.25, "value": 129299.99999999999, "Latitude": 37.61, "Longitude": -121.01, "Population": 2316.0}, {"index": 19555, "quantile": 0.5, "value": 129299.99999999999, "Latitude": 37.61, "Longitude": -121.01, "Population": 2316.0}, {"index": 19555, "quantile": 0.75, "value": 129299.99999999999, "Latitude": 37.61, "Longitude": -121.01, "Population": 2316.0}, {"index": 19555, "quantile": 1.0, "value": 475000.0, "Latitude": 37.61, "Longitude": -121.01, "Population": 2316.0}, {"index": 19556, "quantile": 0.0, "value": 52700.0, "Latitude": 37.61, "Longitude": -121.0, "Population": 2045.0}, {"index": 19556, "quantile": 0.25, "value": 67500.0, "Latitude": 37.61, "Longitude": -121.0, "Population": 2045.0}, {"index": 19556, "quantile": 0.5, "value": 73700.0, "Latitude": 37.61, "Longitude": -121.0, "Population": 2045.0}, {"index": 19556, "quantile": 0.75, "value": 86300.0, "Latitude": 37.61, "Longitude": -121.0, "Population": 2045.0}, {"index": 19556, "quantile": 1.0, "value": 134700.0, "Latitude": 37.61, "Longitude": -121.0, "Population": 2045.0}, {"index": 19557, "quantile": 0.0, "value": 71400.0, "Latitude": 37.6, "Longitude": -121.0, "Population": 3116.0}, {"index": 19557, "quantile": 0.25, "value": 82100.0, "Latitude": 37.6, "Longitude": -121.0, "Population": 3116.0}, {"index": 19557, "quantile": 0.5, "value": 82100.0, "Latitude": 37.6, "Longitude": -121.0, "Population": 3116.0}, {"index": 19557, "quantile": 0.75, "value": 82175.0, "Latitude": 37.6, "Longitude": -121.0, "Population": 3116.0}, {"index": 19557, "quantile": 1.0, "value": 160900.0, "Latitude": 37.6, "Longitude": -121.0, "Population": 3116.0}, {"index": 19558, "quantile": 0.0, "value": 50500.0, "Latitude": 37.6, "Longitude": -121.02, "Population": 1027.0}, {"index": 19558, "quantile": 0.25, "value": 72700.0, "Latitude": 37.6, "Longitude": -121.02, "Population": 1027.0}, {"index": 19558, "quantile": 0.5, "value": 97950.0, "Latitude": 37.6, "Longitude": -121.02, "Population": 1027.0}, {"index": 19558, "quantile": 0.75, "value": 117800.0, "Latitude": 37.6, "Longitude": -121.02, "Population": 1027.0}, {"index": 19558, "quantile": 1.0, "value": 305800.0, "Latitude": 37.6, "Longitude": -121.02, "Population": 1027.0}, {"index": 19559, "quantile": 0.0, "value": 45000.0, "Latitude": 37.6, "Longitude": -120.98, "Population": 1073.0}, {"index": 19559, "quantile": 0.25, "value": 58399.99999999999, "Latitude": 37.6, "Longitude": -120.98, "Population": 1073.0}, {"index": 19559, "quantile": 0.5, "value": 58399.99999999999, "Latitude": 37.6, "Longitude": -120.98, "Population": 1073.0}, {"index": 19559, "quantile": 0.75, "value": 81800.0, "Latitude": 37.6, "Longitude": -120.98, "Population": 1073.0}, {"index": 19559, "quantile": 1.0, "value": 195800.0, "Latitude": 37.6, "Longitude": -120.98, "Population": 1073.0}, {"index": 19560, "quantile": 0.0, "value": 43000.0, "Latitude": 37.61, "Longitude": -120.99, "Population": 443.0}, {"index": 19560, "quantile": 0.25, "value": 60000.0, "Latitude": 37.61, "Longitude": -120.99, "Population": 443.0}, {"index": 19560, "quantile": 0.5, "value": 60000.0, "Latitude": 37.61, "Longitude": -120.99, "Population": 443.0}, {"index": 19560, "quantile": 0.75, "value": 61349.99999999999, "Latitude": 37.61, "Longitude": -120.99, "Population": 443.0}, {"index": 19560, "quantile": 1.0, "value": 102299.99999999999, "Latitude": 37.61, "Longitude": -120.99, "Population": 443.0}, {"index": 19561, "quantile": 0.0, "value": 101200.0, "Latitude": 37.59, "Longitude": -120.98, "Population": 2784.0}, {"index": 19561, "quantile": 0.25, "value": 145900.0, "Latitude": 37.59, "Longitude": -120.98, "Population": 2784.0}, {"index": 19561, "quantile": 0.5, "value": 145900.0, "Latitude": 37.59, "Longitude": -120.98, "Population": 2784.0}, {"index": 19561, "quantile": 0.75, "value": 145975.0, "Latitude": 37.59, "Longitude": -120.98, "Population": 2784.0}, {"index": 19561, "quantile": 1.0, "value": 273100.0, "Latitude": 37.59, "Longitude": -120.98, "Population": 2784.0}, {"index": 19562, "quantile": 0.0, "value": 81100.0, "Latitude": 37.59, "Longitude": -120.96, "Population": 2410.0}, {"index": 19562, "quantile": 0.25, "value": 122000.0, "Latitude": 37.59, "Longitude": -120.96, "Population": 2410.0}, {"index": 19562, "quantile": 0.5, "value": 122000.0, "Latitude": 37.59, "Longitude": -120.96, "Population": 2410.0}, {"index": 19562, "quantile": 0.75, "value": 122000.0, "Latitude": 37.59, "Longitude": -120.96, "Population": 2410.0}, {"index": 19562, "quantile": 1.0, "value": 170200.0, "Latitude": 37.59, "Longitude": -120.96, "Population": 2410.0}, {"index": 19563, "quantile": 0.0, "value": 50500.0, "Latitude": 37.59, "Longitude": -120.95, "Population": 1063.0}, {"index": 19563, "quantile": 0.25, "value": 75000.0, "Latitude": 37.59, "Longitude": -120.95, "Population": 1063.0}, {"index": 19563, "quantile": 0.5, "value": 82800.0, "Latitude": 37.59, "Longitude": -120.95, "Population": 1063.0}, {"index": 19563, "quantile": 0.75, "value": 95500.0, "Latitude": 37.59, "Longitude": -120.95, "Population": 1063.0}, {"index": 19563, "quantile": 1.0, "value": 156300.0, "Latitude": 37.59, "Longitude": -120.95, "Population": 1063.0}, {"index": 19564, "quantile": 0.0, "value": 97400.0, "Latitude": 37.61, "Longitude": -120.94, "Population": 1796.0}, {"index": 19564, "quantile": 0.25, "value": 126800.0, "Latitude": 37.61, "Longitude": -120.94, "Population": 1796.0}, {"index": 19564, "quantile": 0.5, "value": 133500.0, "Latitude": 37.61, "Longitude": -120.94, "Population": 1796.0}, {"index": 19564, "quantile": 0.75, "value": 167574.99999999997, "Latitude": 37.61, "Longitude": -120.94, "Population": 1796.0}, {"index": 19564, "quantile": 1.0, "value": 269500.0, "Latitude": 37.61, "Longitude": -120.94, "Population": 1796.0}, {"index": 19565, "quantile": 0.0, "value": 109400.00000000001, "Latitude": 37.61, "Longitude": -120.95, "Population": 2034.0}, {"index": 19565, "quantile": 0.25, "value": 142200.0, "Latitude": 37.61, "Longitude": -120.95, "Population": 2034.0}, {"index": 19565, "quantile": 0.5, "value": 142200.0, "Latitude": 37.61, "Longitude": -120.95, "Population": 2034.0}, {"index": 19565, "quantile": 0.75, "value": 142275.0, "Latitude": 37.61, "Longitude": -120.95, "Population": 2034.0}, {"index": 19565, "quantile": 1.0, "value": 258500.0, "Latitude": 37.61, "Longitude": -120.95, "Population": 2034.0}, {"index": 19566, "quantile": 0.0, "value": 45000.0, "Latitude": 37.61, "Longitude": -120.96, "Population": 2467.0}, {"index": 19566, "quantile": 0.25, "value": 76400.0, "Latitude": 37.61, "Longitude": -120.96, "Population": 2467.0}, {"index": 19566, "quantile": 0.5, "value": 82800.0, "Latitude": 37.61, "Longitude": -120.96, "Population": 2467.0}, {"index": 19566, "quantile": 0.75, "value": 91025.0, "Latitude": 37.61, "Longitude": -120.96, "Population": 2467.0}, {"index": 19566, "quantile": 1.0, "value": 253600.0, "Latitude": 37.61, "Longitude": -120.96, "Population": 2467.0}, {"index": 19567, "quantile": 0.0, "value": 70000.0, "Latitude": 37.61, "Longitude": -120.97, "Population": 884.0}, {"index": 19567, "quantile": 0.25, "value": 103899.99999999999, "Latitude": 37.61, "Longitude": -120.97, "Population": 884.0}, {"index": 19567, "quantile": 0.5, "value": 103899.99999999999, "Latitude": 37.61, "Longitude": -120.97, "Population": 884.0}, {"index": 19567, "quantile": 0.75, "value": 103899.99999999999, "Latitude": 37.61, "Longitude": -120.97, "Population": 884.0}, {"index": 19567, "quantile": 1.0, "value": 500000.0, "Latitude": 37.61, "Longitude": -120.97, "Population": 884.0}, {"index": 19568, "quantile": 0.0, "value": 65000.0, "Latitude": 37.6, "Longitude": -120.95, "Population": 729.0}, {"index": 19568, "quantile": 0.25, "value": 97400.0, "Latitude": 37.6, "Longitude": -120.95, "Population": 729.0}, {"index": 19568, "quantile": 0.5, "value": 97400.0, "Latitude": 37.6, "Longitude": -120.95, "Population": 729.0}, {"index": 19568, "quantile": 0.75, "value": 97400.0, "Latitude": 37.6, "Longitude": -120.95, "Population": 729.0}, {"index": 19568, "quantile": 1.0, "value": 207900.00000000003, "Latitude": 37.6, "Longitude": -120.95, "Population": 729.0}, {"index": 19569, "quantile": 0.0, "value": 73500.0, "Latitude": 37.6, "Longitude": -120.94, "Population": 1804.0}, {"index": 19569, "quantile": 0.25, "value": 102899.99999999999, "Latitude": 37.6, "Longitude": -120.94, "Population": 1804.0}, {"index": 19569, "quantile": 0.5, "value": 102899.99999999999, "Latitude": 37.6, "Longitude": -120.94, "Population": 1804.0}, {"index": 19569, "quantile": 0.75, "value": 123675.0, "Latitude": 37.6, "Longitude": -120.94, "Population": 1804.0}, {"index": 19569, "quantile": 1.0, "value": 220000.00000000003, "Latitude": 37.6, "Longitude": -120.94, "Population": 1804.0}, {"index": 19570, "quantile": 0.0, "value": 68200.0, "Latitude": 37.59, "Longitude": -120.95, "Population": 862.0}, {"index": 19570, "quantile": 0.25, "value": 81500.0, "Latitude": 37.59, "Longitude": -120.95, "Population": 862.0}, {"index": 19570, "quantile": 0.5, "value": 81500.0, "Latitude": 37.59, "Longitude": -120.95, "Population": 862.0}, {"index": 19570, "quantile": 0.75, "value": 85700.0, "Latitude": 37.59, "Longitude": -120.95, "Population": 862.0}, {"index": 19570, "quantile": 1.0, "value": 179800.0, "Latitude": 37.59, "Longitude": -120.95, "Population": 862.0}, {"index": 19571, "quantile": 0.0, "value": 57199.99999999999, "Latitude": 37.59, "Longitude": -120.94, "Population": 2622.0}, {"index": 19571, "quantile": 0.25, "value": 89400.0, "Latitude": 37.59, "Longitude": -120.94, "Population": 2622.0}, {"index": 19571, "quantile": 0.5, "value": 111300.0, "Latitude": 37.59, "Longitude": -120.94, "Population": 2622.0}, {"index": 19571, "quantile": 0.75, "value": 111300.0, "Latitude": 37.59, "Longitude": -120.94, "Population": 2622.0}, {"index": 19571, "quantile": 1.0, "value": 140600.0, "Latitude": 37.59, "Longitude": -120.94, "Population": 2622.0}, {"index": 19572, "quantile": 0.0, "value": 52800.0, "Latitude": 37.58, "Longitude": -120.94, "Population": 770.0}, {"index": 19572, "quantile": 0.25, "value": 103899.99999999999, "Latitude": 37.58, "Longitude": -120.94, "Population": 770.0}, {"index": 19572, "quantile": 0.5, "value": 147100.0, "Latitude": 37.58, "Longitude": -120.94, "Population": 770.0}, {"index": 19572, "quantile": 0.75, "value": 179800.0, "Latitude": 37.58, "Longitude": -120.94, "Population": 770.0}, {"index": 19572, "quantile": 1.0, "value": 500000.0, "Latitude": 37.58, "Longitude": -120.94, "Population": 770.0}, {"index": 19573, "quantile": 0.0, "value": 93100.0, "Latitude": 37.62, "Longitude": -120.95, "Population": 1934.0}, {"index": 19573, "quantile": 0.25, "value": 145600.0, "Latitude": 37.62, "Longitude": -120.95, "Population": 1934.0}, {"index": 19573, "quantile": 0.5, "value": 174800.0, "Latitude": 37.62, "Longitude": -120.95, "Population": 1934.0}, {"index": 19573, "quantile": 0.75, "value": 174800.0, "Latitude": 37.62, "Longitude": -120.95, "Population": 1934.0}, {"index": 19573, "quantile": 1.0, "value": 390800.0, "Latitude": 37.62, "Longitude": -120.95, "Population": 1934.0}, {"index": 19574, "quantile": 0.0, "value": 82100.0, "Latitude": 37.62, "Longitude": -120.97, "Population": 5807.0}, {"index": 19574, "quantile": 0.25, "value": 104024.99999999999, "Latitude": 37.62, "Longitude": -120.97, "Population": 5807.0}, {"index": 19574, "quantile": 0.5, "value": 127800.0, "Latitude": 37.62, "Longitude": -120.97, "Population": 5807.0}, {"index": 19574, "quantile": 0.75, "value": 127800.0, "Latitude": 37.62, "Longitude": -120.97, "Population": 5807.0}, {"index": 19574, "quantile": 1.0, "value": 204300.00000000003, "Latitude": 37.62, "Longitude": -120.97, "Population": 5807.0}, {"index": 19575, "quantile": 0.0, "value": 47000.0, "Latitude": 37.68, "Longitude": -120.54, "Population": 189.0}, {"index": 19575, "quantile": 0.25, "value": 74775.0, "Latitude": 37.68, "Longitude": -120.54, "Population": 189.0}, {"index": 19575, "quantile": 0.5, "value": 85700.0, "Latitude": 37.68, "Longitude": -120.54, "Population": 189.0}, {"index": 19575, "quantile": 0.75, "value": 101800.0, "Latitude": 37.68, "Longitude": -120.54, "Population": 189.0}, {"index": 19575, "quantile": 1.0, "value": 179800.0, "Latitude": 37.68, "Longitude": -120.54, "Population": 189.0}, {"index": 19576, "quantile": 0.0, "value": 42500.0, "Latitude": 37.7, "Longitude": -120.64, "Population": 239.0}, {"index": 19576, "quantile": 0.25, "value": 125000.0, "Latitude": 37.7, "Longitude": -120.64, "Population": 239.0}, {"index": 19576, "quantile": 0.5, "value": 137500.0, "Latitude": 37.7, "Longitude": -120.64, "Population": 239.0}, {"index": 19576, "quantile": 0.75, "value": 137500.0, "Latitude": 37.7, "Longitude": -120.64, "Population": 239.0}, {"index": 19576, "quantile": 1.0, "value": 156300.0, "Latitude": 37.7, "Longitude": -120.64, "Population": 239.0}, {"index": 19577, "quantile": 0.0, "value": 88000.0, "Latitude": 37.69, "Longitude": -120.75, "Population": 1167.0}, {"index": 19577, "quantile": 0.25, "value": 116100.0, "Latitude": 37.69, "Longitude": -120.75, "Population": 1167.0}, {"index": 19577, "quantile": 0.5, "value": 116100.0, "Latitude": 37.69, "Longitude": -120.75, "Population": 1167.0}, {"index": 19577, "quantile": 0.75, "value": 116375.0, "Latitude": 37.69, "Longitude": -120.75, "Population": 1167.0}, {"index": 19577, "quantile": 1.0, "value": 180900.0, "Latitude": 37.69, "Longitude": -120.75, "Population": 1167.0}, {"index": 19578, "quantile": 0.0, "value": 105100.0, "Latitude": 37.69, "Longitude": -120.86, "Population": 3012.0}, {"index": 19578, "quantile": 0.25, "value": 143600.0, "Latitude": 37.69, "Longitude": -120.86, "Population": 3012.0}, {"index": 19578, "quantile": 0.5, "value": 143600.0, "Latitude": 37.69, "Longitude": -120.86, "Population": 3012.0}, {"index": 19578, "quantile": 0.75, "value": 143600.0, "Latitude": 37.69, "Longitude": -120.86, "Population": 3012.0}, {"index": 19578, "quantile": 1.0, "value": 269500.0, "Latitude": 37.69, "Longitude": -120.86, "Population": 3012.0}, {"index": 19579, "quantile": 0.0, "value": 96400.0, "Latitude": 37.64, "Longitude": -120.87, "Population": 488.0}, {"index": 19579, "quantile": 0.25, "value": 170500.0, "Latitude": 37.64, "Longitude": -120.87, "Population": 488.0}, {"index": 19579, "quantile": 0.5, "value": 170500.0, "Latitude": 37.64, "Longitude": -120.87, "Population": 488.0}, {"index": 19579, "quantile": 0.75, "value": 170575.0, "Latitude": 37.64, "Longitude": -120.87, "Population": 488.0}, {"index": 19579, "quantile": 1.0, "value": 315000.0, "Latitude": 37.64, "Longitude": -120.87, "Population": 488.0}, {"index": 19580, "quantile": 0.0, "value": 71200.0, "Latitude": 37.64, "Longitude": -120.82, "Population": 1505.0}, {"index": 19580, "quantile": 0.25, "value": 116700.0, "Latitude": 37.64, "Longitude": -120.82, "Population": 1505.0}, {"index": 19580, "quantile": 0.5, "value": 201300.0, "Latitude": 37.64, "Longitude": -120.82, "Population": 1505.0}, {"index": 19580, "quantile": 0.75, "value": 201300.0, "Latitude": 37.64, "Longitude": -120.82, "Population": 1505.0}, {"index": 19580, "quantile": 1.0, "value": 239200.0, "Latitude": 37.64, "Longitude": -120.82, "Population": 1505.0}, {"index": 19581, "quantile": 0.0, "value": 70400.0, "Latitude": 37.64, "Longitude": -120.77, "Population": 2277.0}, {"index": 19581, "quantile": 0.25, "value": 95775.0, "Latitude": 37.64, "Longitude": -120.77, "Population": 2277.0}, {"index": 19581, "quantile": 0.5, "value": 96800.0, "Latitude": 37.64, "Longitude": -120.77, "Population": 2277.0}, {"index": 19581, "quantile": 0.75, "value": 96800.0, "Latitude": 37.64, "Longitude": -120.77, "Population": 2277.0}, {"index": 19581, "quantile": 1.0, "value": 138400.0, "Latitude": 37.64, "Longitude": -120.77, "Population": 2277.0}, {"index": 19582, "quantile": 0.0, "value": 56399.99999999999, "Latitude": 37.65, "Longitude": -120.76, "Population": 2319.0}, {"index": 19582, "quantile": 0.25, "value": 73850.0, "Latitude": 37.65, "Longitude": -120.76, "Population": 2319.0}, {"index": 19582, "quantile": 0.5, "value": 84300.0, "Latitude": 37.65, "Longitude": -120.76, "Population": 2319.0}, {"index": 19582, "quantile": 0.75, "value": 84300.0, "Latitude": 37.65, "Longitude": -120.76, "Population": 2319.0}, {"index": 19582, "quantile": 1.0, "value": 137500.0, "Latitude": 37.65, "Longitude": -120.76, "Population": 2319.0}, {"index": 19583, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 37.65, "Longitude": -120.46, "Population": 130.0}, {"index": 19583, "quantile": 0.25, "value": 79200.0, "Latitude": 37.65, "Longitude": -120.46, "Population": 130.0}, {"index": 19583, "quantile": 0.5, "value": 79200.0, "Latitude": 37.65, "Longitude": -120.46, "Population": 130.0}, {"index": 19583, "quantile": 0.75, "value": 95500.0, "Latitude": 37.65, "Longitude": -120.46, "Population": 130.0}, {"index": 19583, "quantile": 1.0, "value": 420000.0, "Latitude": 37.65, "Longitude": -120.46, "Population": 130.0}, {"index": 19584, "quantile": 0.0, "value": 136000.0, "Latitude": 37.59, "Longitude": -120.59, "Population": 124.0}, {"index": 19584, "quantile": 0.25, "value": 263100.0, "Latitude": 37.59, "Longitude": -120.59, "Population": 124.0}, {"index": 19584, "quantile": 0.5, "value": 304100.0, "Latitude": 37.59, "Longitude": -120.59, "Population": 124.0}, {"index": 19584, "quantile": 0.75, "value": 382400.0, "Latitude": 37.59, "Longitude": -120.59, "Population": 124.0}, {"index": 19584, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.59, "Longitude": -120.59, "Population": 124.0}, {"index": 19585, "quantile": 0.0, "value": 59600.0, "Latitude": 37.59, "Longitude": -120.69, "Population": 660.0}, {"index": 19585, "quantile": 0.25, "value": 81400.0, "Latitude": 37.59, "Longitude": -120.69, "Population": 660.0}, {"index": 19585, "quantile": 0.5, "value": 95500.0, "Latitude": 37.59, "Longitude": -120.69, "Population": 660.0}, {"index": 19585, "quantile": 0.75, "value": 139100.0, "Latitude": 37.59, "Longitude": -120.69, "Population": 660.0}, {"index": 19585, "quantile": 1.0, "value": 201300.0, "Latitude": 37.59, "Longitude": -120.69, "Population": 660.0}, {"index": 19586, "quantile": 0.0, "value": 73500.0, "Latitude": 37.61, "Longitude": -120.76, "Population": 531.0}, {"index": 19586, "quantile": 0.25, "value": 87900.0, "Latitude": 37.61, "Longitude": -120.76, "Population": 531.0}, {"index": 19586, "quantile": 0.5, "value": 87900.0, "Latitude": 37.61, "Longitude": -120.76, "Population": 531.0}, {"index": 19586, "quantile": 0.75, "value": 129200.0, "Latitude": 37.61, "Longitude": -120.76, "Population": 531.0}, {"index": 19586, "quantile": 1.0, "value": 260700.00000000003, "Latitude": 37.61, "Longitude": -120.76, "Population": 531.0}, {"index": 19587, "quantile": 0.0, "value": 75000.0, "Latitude": 37.61, "Longitude": -120.8, "Population": 469.0}, {"index": 19587, "quantile": 0.25, "value": 173425.0, "Latitude": 37.61, "Longitude": -120.8, "Population": 469.0}, {"index": 19587, "quantile": 0.5, "value": 175000.0, "Latitude": 37.61, "Longitude": -120.8, "Population": 469.0}, {"index": 19587, "quantile": 0.75, "value": 175000.0, "Latitude": 37.61, "Longitude": -120.8, "Population": 469.0}, {"index": 19587, "quantile": 1.0, "value": 336800.0, "Latitude": 37.61, "Longitude": -120.8, "Population": 469.0}, {"index": 19588, "quantile": 0.0, "value": 63800.0, "Latitude": 37.58, "Longitude": -120.76, "Population": 756.0}, {"index": 19588, "quantile": 0.25, "value": 160850.0, "Latitude": 37.58, "Longitude": -120.76, "Population": 756.0}, {"index": 19588, "quantile": 0.5, "value": 178600.0, "Latitude": 37.58, "Longitude": -120.76, "Population": 756.0}, {"index": 19588, "quantile": 0.75, "value": 178600.0, "Latitude": 37.58, "Longitude": -120.76, "Population": 756.0}, {"index": 19588, "quantile": 1.0, "value": 220000.00000000003, "Latitude": 37.58, "Longitude": -120.76, "Population": 756.0}, {"index": 19589, "quantile": 0.0, "value": 84600.0, "Latitude": 37.58, "Longitude": -120.83, "Population": 757.0}, {"index": 19589, "quantile": 0.25, "value": 170500.0, "Latitude": 37.58, "Longitude": -120.83, "Population": 757.0}, {"index": 19589, "quantile": 0.5, "value": 171400.0, "Latitude": 37.58, "Longitude": -120.83, "Population": 757.0}, {"index": 19589, "quantile": 0.75, "value": 171400.0, "Latitude": 37.58, "Longitude": -120.83, "Population": 757.0}, {"index": 19589, "quantile": 1.0, "value": 220000.00000000003, "Latitude": 37.58, "Longitude": -120.83, "Population": 757.0}, {"index": 19590, "quantile": 0.0, "value": 82800.0, "Latitude": 37.57, "Longitude": -120.85, "Population": 451.0}, {"index": 19590, "quantile": 0.25, "value": 148900.0, "Latitude": 37.57, "Longitude": -120.85, "Population": 451.0}, {"index": 19590, "quantile": 0.5, "value": 193800.0, "Latitude": 37.57, "Longitude": -120.85, "Population": 451.0}, {"index": 19590, "quantile": 0.75, "value": 193800.0, "Latitude": 37.57, "Longitude": -120.85, "Population": 451.0}, {"index": 19590, "quantile": 1.0, "value": 220000.00000000003, "Latitude": 37.57, "Longitude": -120.85, "Population": 451.0}, {"index": 19591, "quantile": 0.0, "value": 86300.0, "Latitude": 37.57, "Longitude": -120.88, "Population": 774.0}, {"index": 19591, "quantile": 0.25, "value": 121500.00000000001, "Latitude": 37.57, "Longitude": -120.88, "Population": 774.0}, {"index": 19591, "quantile": 0.5, "value": 136950.0, "Latitude": 37.57, "Longitude": -120.88, "Population": 774.0}, {"index": 19591, "quantile": 0.75, "value": 172100.0, "Latitude": 37.57, "Longitude": -120.88, "Population": 774.0}, {"index": 19591, "quantile": 1.0, "value": 250000.0, "Latitude": 37.57, "Longitude": -120.88, "Population": 774.0}, {"index": 19592, "quantile": 0.0, "value": 94300.0, "Latitude": 37.62, "Longitude": -120.87, "Population": 220.0}, {"index": 19592, "quantile": 0.25, "value": 142500.0, "Latitude": 37.62, "Longitude": -120.87, "Population": 220.0}, {"index": 19592, "quantile": 0.5, "value": 142500.0, "Latitude": 37.62, "Longitude": -120.87, "Population": 220.0}, {"index": 19592, "quantile": 0.75, "value": 147775.0, "Latitude": 37.62, "Longitude": -120.87, "Population": 220.0}, {"index": 19592, "quantile": 1.0, "value": 237500.0, "Latitude": 37.62, "Longitude": -120.87, "Population": 220.0}, {"index": 19593, "quantile": 0.0, "value": 59800.0, "Latitude": 37.6, "Longitude": -120.87, "Population": 2742.0}, {"index": 19593, "quantile": 0.25, "value": 86200.0, "Latitude": 37.6, "Longitude": -120.87, "Population": 2742.0}, {"index": 19593, "quantile": 0.5, "value": 86200.0, "Latitude": 37.6, "Longitude": -120.87, "Population": 2742.0}, {"index": 19593, "quantile": 0.75, "value": 89025.0, "Latitude": 37.6, "Longitude": -120.87, "Population": 2742.0}, {"index": 19593, "quantile": 1.0, "value": 159400.0, "Latitude": 37.6, "Longitude": -120.87, "Population": 2742.0}, {"index": 19594, "quantile": 0.0, "value": 88000.0, "Latitude": 37.6, "Longitude": -120.86, "Population": 709.0}, {"index": 19594, "quantile": 0.25, "value": 142425.0, "Latitude": 37.6, "Longitude": -120.86, "Population": 709.0}, {"index": 19594, "quantile": 0.5, "value": 173100.0, "Latitude": 37.6, "Longitude": -120.86, "Population": 709.0}, {"index": 19594, "quantile": 0.75, "value": 197375.0, "Latitude": 37.6, "Longitude": -120.86, "Population": 709.0}, {"index": 19594, "quantile": 1.0, "value": 500000.0, "Latitude": 37.6, "Longitude": -120.86, "Population": 709.0}, {"index": 19595, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 37.59, "Longitude": -120.89, "Population": 617.0}, {"index": 19595, "quantile": 0.25, "value": 82800.0, "Latitude": 37.59, "Longitude": -120.89, "Population": 617.0}, {"index": 19595, "quantile": 0.5, "value": 195800.0, "Latitude": 37.59, "Longitude": -120.89, "Population": 617.0}, {"index": 19595, "quantile": 0.75, "value": 195800.0, "Latitude": 37.59, "Longitude": -120.89, "Population": 617.0}, {"index": 19595, "quantile": 1.0, "value": 195800.0, "Latitude": 37.59, "Longitude": -120.89, "Population": 617.0}, {"index": 19596, "quantile": 0.0, "value": 102899.99999999999, "Latitude": 37.6, "Longitude": -120.92, "Population": 2445.0}, {"index": 19596, "quantile": 0.25, "value": 123100.00000000001, "Latitude": 37.6, "Longitude": -120.92, "Population": 2445.0}, {"index": 19596, "quantile": 0.5, "value": 123100.00000000001, "Latitude": 37.6, "Longitude": -120.92, "Population": 2445.0}, {"index": 19596, "quantile": 0.75, "value": 130800.0, "Latitude": 37.6, "Longitude": -120.92, "Population": 2445.0}, {"index": 19596, "quantile": 1.0, "value": 239299.99999999997, "Latitude": 37.6, "Longitude": -120.92, "Population": 2445.0}, {"index": 19597, "quantile": 0.0, "value": 48100.0, "Latitude": 37.59, "Longitude": -120.92, "Population": 642.0}, {"index": 19597, "quantile": 0.25, "value": 137100.0, "Latitude": 37.59, "Longitude": -120.92, "Population": 642.0}, {"index": 19597, "quantile": 0.5, "value": 180500.0, "Latitude": 37.59, "Longitude": -120.92, "Population": 642.0}, {"index": 19597, "quantile": 0.75, "value": 180500.0, "Latitude": 37.59, "Longitude": -120.92, "Population": 642.0}, {"index": 19597, "quantile": 1.0, "value": 201300.0, "Latitude": 37.59, "Longitude": -120.92, "Population": 642.0}, {"index": 19598, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 37.57, "Longitude": -120.91, "Population": 2446.0}, {"index": 19598, "quantile": 0.25, "value": 65400.0, "Latitude": 37.57, "Longitude": -120.91, "Population": 2446.0}, {"index": 19598, "quantile": 0.5, "value": 65400.0, "Latitude": 37.57, "Longitude": -120.91, "Population": 2446.0}, {"index": 19598, "quantile": 0.75, "value": 80175.0, "Latitude": 37.57, "Longitude": -120.91, "Population": 2446.0}, {"index": 19598, "quantile": 1.0, "value": 137500.0, "Latitude": 37.57, "Longitude": -120.91, "Population": 2446.0}, {"index": 19599, "quantile": 0.0, "value": 66900.0, "Latitude": 37.56, "Longitude": -120.93, "Population": 672.0}, {"index": 19599, "quantile": 0.25, "value": 166100.0, "Latitude": 37.56, "Longitude": -120.93, "Population": 672.0}, {"index": 19599, "quantile": 0.5, "value": 166100.0, "Latitude": 37.56, "Longitude": -120.93, "Population": 672.0}, {"index": 19599, "quantile": 0.75, "value": 166100.0, "Latitude": 37.56, "Longitude": -120.93, "Population": 672.0}, {"index": 19599, "quantile": 1.0, "value": 233700.00000000003, "Latitude": 37.56, "Longitude": -120.93, "Population": 672.0}, {"index": 19600, "quantile": 0.0, "value": 83200.0, "Latitude": 37.57, "Longitude": -120.95, "Population": 672.0}, {"index": 19600, "quantile": 0.25, "value": 144200.0, "Latitude": 37.57, "Longitude": -120.95, "Population": 672.0}, {"index": 19600, "quantile": 0.5, "value": 154800.0, "Latitude": 37.57, "Longitude": -120.95, "Population": 672.0}, {"index": 19600, "quantile": 0.75, "value": 154800.0, "Latitude": 37.57, "Longitude": -120.95, "Population": 672.0}, {"index": 19600, "quantile": 1.0, "value": 369300.0, "Latitude": 37.57, "Longitude": -120.95, "Population": 672.0}, {"index": 19601, "quantile": 0.0, "value": 81500.0, "Latitude": 37.57, "Longitude": -120.98, "Population": 449.0}, {"index": 19601, "quantile": 0.25, "value": 120825.0, "Latitude": 37.57, "Longitude": -120.98, "Population": 449.0}, {"index": 19601, "quantile": 0.5, "value": 129700.0, "Latitude": 37.57, "Longitude": -120.98, "Population": 449.0}, {"index": 19601, "quantile": 0.75, "value": 129700.0, "Latitude": 37.57, "Longitude": -120.98, "Population": 449.0}, {"index": 19601, "quantile": 1.0, "value": 159400.0, "Latitude": 37.57, "Longitude": -120.98, "Population": 449.0}, {"index": 19602, "quantile": 0.0, "value": 48300.0, "Latitude": 37.58, "Longitude": -121.02, "Population": 706.0}, {"index": 19602, "quantile": 0.25, "value": 91550.0, "Latitude": 37.58, "Longitude": -121.02, "Population": 706.0}, {"index": 19602, "quantile": 0.5, "value": 121400.0, "Latitude": 37.58, "Longitude": -121.02, "Population": 706.0}, {"index": 19602, "quantile": 0.75, "value": 121400.0, "Latitude": 37.58, "Longitude": -121.02, "Population": 706.0}, {"index": 19602, "quantile": 1.0, "value": 262500.0, "Latitude": 37.58, "Longitude": -121.02, "Population": 706.0}, {"index": 19603, "quantile": 0.0, "value": 58399.99999999999, "Latitude": 37.6, "Longitude": -121.04, "Population": 580.0}, {"index": 19603, "quantile": 0.25, "value": 82800.0, "Latitude": 37.6, "Longitude": -121.04, "Population": 580.0}, {"index": 19603, "quantile": 0.5, "value": 82800.0, "Latitude": 37.6, "Longitude": -121.04, "Population": 580.0}, {"index": 19603, "quantile": 0.75, "value": 90600.0, "Latitude": 37.6, "Longitude": -121.04, "Population": 580.0}, {"index": 19603, "quantile": 1.0, "value": 137500.0, "Latitude": 37.6, "Longitude": -121.04, "Population": 580.0}, {"index": 19604, "quantile": 0.0, "value": 59000.0, "Latitude": 37.56, "Longitude": -121.09, "Population": 1356.0}, {"index": 19604, "quantile": 0.25, "value": 91900.0, "Latitude": 37.56, "Longitude": -121.09, "Population": 1356.0}, {"index": 19604, "quantile": 0.5, "value": 91900.0, "Latitude": 37.56, "Longitude": -121.09, "Population": 1356.0}, {"index": 19604, "quantile": 0.75, "value": 98275.0, "Latitude": 37.56, "Longitude": -121.09, "Population": 1356.0}, {"index": 19604, "quantile": 1.0, "value": 201300.0, "Latitude": 37.56, "Longitude": -121.09, "Population": 1356.0}, {"index": 19605, "quantile": 0.0, "value": 57599.99999999999, "Latitude": 37.55, "Longitude": -121.03, "Population": 624.0}, {"index": 19605, "quantile": 0.25, "value": 71950.0, "Latitude": 37.55, "Longitude": -121.03, "Population": 624.0}, {"index": 19605, "quantile": 0.5, "value": 81800.0, "Latitude": 37.55, "Longitude": -121.03, "Population": 624.0}, {"index": 19605, "quantile": 0.75, "value": 86500.0, "Latitude": 37.55, "Longitude": -121.03, "Population": 624.0}, {"index": 19605, "quantile": 1.0, "value": 195800.0, "Latitude": 37.55, "Longitude": -121.03, "Population": 624.0}, {"index": 19606, "quantile": 0.0, "value": 83200.0, "Latitude": 37.5, "Longitude": -121.04, "Population": 343.0}, {"index": 19606, "quantile": 0.25, "value": 129200.0, "Latitude": 37.5, "Longitude": -121.04, "Population": 343.0}, {"index": 19606, "quantile": 0.5, "value": 129200.0, "Latitude": 37.5, "Longitude": -121.04, "Population": 343.0}, {"index": 19606, "quantile": 0.75, "value": 129200.0, "Latitude": 37.5, "Longitude": -121.04, "Population": 343.0}, {"index": 19606, "quantile": 1.0, "value": 282100.0, "Latitude": 37.5, "Longitude": -121.04, "Population": 343.0}, {"index": 19607, "quantile": 0.0, "value": 63800.0, "Latitude": 37.48, "Longitude": -121.02, "Population": 244.0}, {"index": 19607, "quantile": 0.25, "value": 160975.0, "Latitude": 37.48, "Longitude": -121.02, "Population": 244.0}, {"index": 19607, "quantile": 0.5, "value": 187500.0, "Latitude": 37.48, "Longitude": -121.02, "Population": 244.0}, {"index": 19607, "quantile": 0.75, "value": 187500.0, "Latitude": 37.48, "Longitude": -121.02, "Population": 244.0}, {"index": 19607, "quantile": 1.0, "value": 293200.0, "Latitude": 37.48, "Longitude": -121.02, "Population": 244.0}, {"index": 19608, "quantile": 0.0, "value": 87900.0, "Latitude": 37.48, "Longitude": -121.12, "Population": 3062.0}, {"index": 19608, "quantile": 0.25, "value": 125200.0, "Latitude": 37.48, "Longitude": -121.12, "Population": 3062.0}, {"index": 19608, "quantile": 0.5, "value": 125200.0, "Latitude": 37.48, "Longitude": -121.12, "Population": 3062.0}, {"index": 19608, "quantile": 0.75, "value": 129299.99999999999, "Latitude": 37.48, "Longitude": -121.12, "Population": 3062.0}, {"index": 19608, "quantile": 1.0, "value": 475000.0, "Latitude": 37.48, "Longitude": -121.12, "Population": 3062.0}, {"index": 19609, "quantile": 0.0, "value": 57699.99999999999, "Latitude": 37.47, "Longitude": -121.14, "Population": 1272.0}, {"index": 19609, "quantile": 0.25, "value": 112524.99999999999, "Latitude": 37.47, "Longitude": -121.14, "Population": 1272.0}, {"index": 19609, "quantile": 0.5, "value": 115199.99999999999, "Latitude": 37.47, "Longitude": -121.14, "Population": 1272.0}, {"index": 19609, "quantile": 0.75, "value": 115199.99999999999, "Latitude": 37.47, "Longitude": -121.14, "Population": 1272.0}, {"index": 19609, "quantile": 1.0, "value": 170800.0, "Latitude": 37.47, "Longitude": -121.14, "Population": 1272.0}, {"index": 19610, "quantile": 0.0, "value": 74600.0, "Latitude": 37.48, "Longitude": -121.14, "Population": 1011.0}, {"index": 19610, "quantile": 0.25, "value": 125875.0, "Latitude": 37.48, "Longitude": -121.14, "Population": 1011.0}, {"index": 19610, "quantile": 0.5, "value": 138500.0, "Latitude": 37.48, "Longitude": -121.14, "Population": 1011.0}, {"index": 19610, "quantile": 0.75, "value": 147925.0, "Latitude": 37.48, "Longitude": -121.14, "Population": 1011.0}, {"index": 19610, "quantile": 1.0, "value": 250000.0, "Latitude": 37.48, "Longitude": -121.14, "Population": 1011.0}, {"index": 19611, "quantile": 0.0, "value": 54100.00000000001, "Latitude": 37.47, "Longitude": -121.13, "Population": 1559.0}, {"index": 19611, "quantile": 0.25, "value": 74600.0, "Latitude": 37.47, "Longitude": -121.13, "Population": 1559.0}, {"index": 19611, "quantile": 0.5, "value": 92700.0, "Latitude": 37.47, "Longitude": -121.13, "Population": 1559.0}, {"index": 19611, "quantile": 0.75, "value": 92700.0, "Latitude": 37.47, "Longitude": -121.13, "Population": 1559.0}, {"index": 19611, "quantile": 1.0, "value": 139100.0, "Latitude": 37.47, "Longitude": -121.13, "Population": 1559.0}, {"index": 19612, "quantile": 0.0, "value": 75000.0, "Latitude": 37.47, "Longitude": -121.11, "Population": 913.0}, {"index": 19612, "quantile": 0.25, "value": 145600.0, "Latitude": 37.47, "Longitude": -121.11, "Population": 913.0}, {"index": 19612, "quantile": 0.5, "value": 145600.0, "Latitude": 37.47, "Longitude": -121.11, "Population": 913.0}, {"index": 19612, "quantile": 0.75, "value": 146700.0, "Latitude": 37.47, "Longitude": -121.11, "Population": 913.0}, {"index": 19612, "quantile": 1.0, "value": 284200.0, "Latitude": 37.47, "Longitude": -121.11, "Population": 913.0}, {"index": 19613, "quantile": 0.0, "value": 125299.99999999999, "Latitude": 37.46, "Longitude": -121.14, "Population": 1592.0}, {"index": 19613, "quantile": 0.25, "value": 161900.0, "Latitude": 37.46, "Longitude": -121.14, "Population": 1592.0}, {"index": 19613, "quantile": 0.5, "value": 161900.0, "Latitude": 37.46, "Longitude": -121.14, "Population": 1592.0}, {"index": 19613, "quantile": 0.75, "value": 194800.0, "Latitude": 37.46, "Longitude": -121.14, "Population": 1592.0}, {"index": 19613, "quantile": 1.0, "value": 311200.0, "Latitude": 37.46, "Longitude": -121.14, "Population": 1592.0}, {"index": 19614, "quantile": 0.0, "value": 56200.00000000001, "Latitude": 37.6, "Longitude": -121.2, "Population": 1301.0}, {"index": 19614, "quantile": 0.25, "value": 86500.0, "Latitude": 37.6, "Longitude": -121.2, "Population": 1301.0}, {"index": 19614, "quantile": 0.5, "value": 86500.0, "Latitude": 37.6, "Longitude": -121.2, "Population": 1301.0}, {"index": 19614, "quantile": 0.75, "value": 86500.0, "Latitude": 37.6, "Longitude": -121.2, "Population": 1301.0}, {"index": 19614, "quantile": 1.0, "value": 200000.0, "Latitude": 37.6, "Longitude": -121.2, "Population": 1301.0}, {"index": 19615, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 37.56, "Longitude": -121.27, "Population": 1067.0}, {"index": 19615, "quantile": 0.25, "value": 72900.0, "Latitude": 37.56, "Longitude": -121.27, "Population": 1067.0}, {"index": 19615, "quantile": 0.5, "value": 97200.0, "Latitude": 37.56, "Longitude": -121.27, "Population": 1067.0}, {"index": 19615, "quantile": 0.75, "value": 133350.0, "Latitude": 37.56, "Longitude": -121.27, "Population": 1067.0}, {"index": 19615, "quantile": 1.0, "value": 297100.0, "Latitude": 37.56, "Longitude": -121.27, "Population": 1067.0}, {"index": 19616, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 37.44, "Longitude": -121.31, "Population": 47.0}, {"index": 19616, "quantile": 0.25, "value": 110625.0, "Latitude": 37.44, "Longitude": -121.31, "Population": 47.0}, {"index": 19616, "quantile": 0.5, "value": 112500.0, "Latitude": 37.44, "Longitude": -121.31, "Population": 47.0}, {"index": 19616, "quantile": 0.75, "value": 112500.0, "Latitude": 37.44, "Longitude": -121.31, "Population": 47.0}, {"index": 19616, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.44, "Longitude": -121.31, "Population": 47.0}, {"index": 19617, "quantile": 0.0, "value": 46300.0, "Latitude": 37.5, "Longitude": -121.21, "Population": 147.0}, {"index": 19617, "quantile": 0.25, "value": 122075.0, "Latitude": 37.5, "Longitude": -121.21, "Population": 147.0}, {"index": 19617, "quantile": 0.5, "value": 162100.0, "Latitude": 37.5, "Longitude": -121.21, "Population": 147.0}, {"index": 19617, "quantile": 0.75, "value": 183300.0, "Latitude": 37.5, "Longitude": -121.21, "Population": 147.0}, {"index": 19617, "quantile": 1.0, "value": 268800.0, "Latitude": 37.5, "Longitude": -121.21, "Population": 147.0}, {"index": 19618, "quantile": 0.0, "value": 81900.0, "Latitude": 37.52, "Longitude": -121.14, "Population": 586.0}, {"index": 19618, "quantile": 0.25, "value": 170800.0, "Latitude": 37.52, "Longitude": -121.14, "Population": 586.0}, {"index": 19618, "quantile": 0.5, "value": 170800.0, "Latitude": 37.52, "Longitude": -121.14, "Population": 586.0}, {"index": 19618, "quantile": 0.75, "value": 170800.0, "Latitude": 37.52, "Longitude": -121.14, "Population": 586.0}, {"index": 19618, "quantile": 1.0, "value": 249600.0, "Latitude": 37.52, "Longitude": -121.14, "Population": 586.0}, {"index": 19619, "quantile": 0.0, "value": 73500.0, "Latitude": 37.45, "Longitude": -121.06, "Population": 915.0}, {"index": 19619, "quantile": 0.25, "value": 148725.0, "Latitude": 37.45, "Longitude": -121.06, "Population": 915.0}, {"index": 19619, "quantile": 0.5, "value": 162500.0, "Latitude": 37.45, "Longitude": -121.06, "Population": 915.0}, {"index": 19619, "quantile": 0.75, "value": 162500.0, "Latitude": 37.45, "Longitude": -121.06, "Population": 915.0}, {"index": 19619, "quantile": 1.0, "value": 265100.0, "Latitude": 37.45, "Longitude": -121.06, "Population": 915.0}, {"index": 19620, "quantile": 0.0, "value": 73500.0, "Latitude": 37.42, "Longitude": -121.06, "Population": 295.0}, {"index": 19620, "quantile": 0.25, "value": 73500.0, "Latitude": 37.42, "Longitude": -121.06, "Population": 295.0}, {"index": 19620, "quantile": 0.5, "value": 73500.0, "Latitude": 37.42, "Longitude": -121.06, "Population": 295.0}, {"index": 19620, "quantile": 0.75, "value": 160700.0, "Latitude": 37.42, "Longitude": -121.06, "Population": 295.0}, {"index": 19620, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.42, "Longitude": -121.06, "Population": 295.0}, {"index": 19621, "quantile": 0.0, "value": 46300.0, "Latitude": 37.43, "Longitude": -121.11, "Population": 227.0}, {"index": 19621, "quantile": 0.25, "value": 74200.0, "Latitude": 37.43, "Longitude": -121.11, "Population": 227.0}, {"index": 19621, "quantile": 0.5, "value": 74200.0, "Latitude": 37.43, "Longitude": -121.11, "Population": 227.0}, {"index": 19621, "quantile": 0.75, "value": 101600.0, "Latitude": 37.43, "Longitude": -121.11, "Population": 227.0}, {"index": 19621, "quantile": 1.0, "value": 268800.0, "Latitude": 37.43, "Longitude": -121.11, "Population": 227.0}, {"index": 19622, "quantile": 0.0, "value": 63800.0, "Latitude": 37.33, "Longitude": -121.29, "Population": 27.0}, {"index": 19622, "quantile": 0.25, "value": 75000.0, "Latitude": 37.33, "Longitude": -121.29, "Population": 27.0}, {"index": 19622, "quantile": 0.5, "value": 75000.0, "Latitude": 37.33, "Longitude": -121.29, "Population": 27.0}, {"index": 19622, "quantile": 0.75, "value": 156150.0, "Latitude": 37.33, "Longitude": -121.29, "Population": 27.0}, {"index": 19622, "quantile": 1.0, "value": 500000.0, "Latitude": 37.33, "Longitude": -121.29, "Population": 27.0}, {"index": 19623, "quantile": 0.0, "value": 49500.0, "Latitude": 37.33, "Longitude": -121.09, "Population": 329.0}, {"index": 19623, "quantile": 0.25, "value": 69500.0, "Latitude": 37.33, "Longitude": -121.09, "Population": 329.0}, {"index": 19623, "quantile": 0.5, "value": 78400.0, "Latitude": 37.33, "Longitude": -121.09, "Population": 329.0}, {"index": 19623, "quantile": 0.75, "value": 94200.0, "Latitude": 37.33, "Longitude": -121.09, "Population": 329.0}, {"index": 19623, "quantile": 1.0, "value": 156300.0, "Latitude": 37.33, "Longitude": -121.09, "Population": 329.0}, {"index": 19624, "quantile": 0.0, "value": 50500.0, "Latitude": 37.37, "Longitude": -121.01, "Population": 632.0}, {"index": 19624, "quantile": 0.25, "value": 76725.0, "Latitude": 37.37, "Longitude": -121.01, "Population": 632.0}, {"index": 19624, "quantile": 0.5, "value": 82100.0, "Latitude": 37.37, "Longitude": -121.01, "Population": 632.0}, {"index": 19624, "quantile": 0.75, "value": 96200.0, "Latitude": 37.37, "Longitude": -121.01, "Population": 632.0}, {"index": 19624, "quantile": 1.0, "value": 250000.0, "Latitude": 37.37, "Longitude": -121.01, "Population": 632.0}, {"index": 19625, "quantile": 0.0, "value": 62000.0, "Latitude": 37.33, "Longitude": -121.01, "Population": 1054.0}, {"index": 19625, "quantile": 0.25, "value": 71500.0, "Latitude": 37.33, "Longitude": -121.01, "Population": 1054.0}, {"index": 19625, "quantile": 0.5, "value": 71500.0, "Latitude": 37.33, "Longitude": -121.01, "Population": 1054.0}, {"index": 19625, "quantile": 0.75, "value": 81675.0, "Latitude": 37.33, "Longitude": -121.01, "Population": 1054.0}, {"index": 19625, "quantile": 1.0, "value": 140600.0, "Latitude": 37.33, "Longitude": -121.01, "Population": 1054.0}, {"index": 19626, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 37.33, "Longitude": -121.03, "Population": 730.0}, {"index": 19626, "quantile": 0.25, "value": 106000.0, "Latitude": 37.33, "Longitude": -121.03, "Population": 730.0}, {"index": 19626, "quantile": 0.5, "value": 106000.0, "Latitude": 37.33, "Longitude": -121.03, "Population": 730.0}, {"index": 19626, "quantile": 0.75, "value": 106000.0, "Latitude": 37.33, "Longitude": -121.03, "Population": 730.0}, {"index": 19626, "quantile": 1.0, "value": 270500.0, "Latitude": 37.33, "Longitude": -121.03, "Population": 730.0}, {"index": 19627, "quantile": 0.0, "value": 68200.0, "Latitude": 37.32, "Longitude": -121.03, "Population": 1457.0}, {"index": 19627, "quantile": 0.25, "value": 82100.0, "Latitude": 37.32, "Longitude": -121.03, "Population": 1457.0}, {"index": 19627, "quantile": 0.5, "value": 82100.0, "Latitude": 37.32, "Longitude": -121.03, "Population": 1457.0}, {"index": 19627, "quantile": 0.75, "value": 82100.0, "Latitude": 37.32, "Longitude": -121.03, "Population": 1457.0}, {"index": 19627, "quantile": 1.0, "value": 250000.0, "Latitude": 37.32, "Longitude": -121.03, "Population": 1457.0}, {"index": 19628, "quantile": 0.0, "value": 75000.0, "Latitude": 37.3, "Longitude": -121.04, "Population": 1409.0}, {"index": 19628, "quantile": 0.25, "value": 115500.0, "Latitude": 37.3, "Longitude": -121.04, "Population": 1409.0}, {"index": 19628, "quantile": 0.5, "value": 115500.0, "Latitude": 37.3, "Longitude": -121.04, "Population": 1409.0}, {"index": 19628, "quantile": 0.75, "value": 115500.0, "Latitude": 37.3, "Longitude": -121.04, "Population": 1409.0}, {"index": 19628, "quantile": 1.0, "value": 235200.0, "Latitude": 37.3, "Longitude": -121.04, "Population": 1409.0}, {"index": 19629, "quantile": 0.0, "value": 80700.0, "Latitude": 37.53, "Longitude": -120.84, "Population": 2070.0}, {"index": 19629, "quantile": 0.25, "value": 127099.99999999999, "Latitude": 37.53, "Longitude": -120.84, "Population": 2070.0}, {"index": 19629, "quantile": 0.5, "value": 141800.0, "Latitude": 37.53, "Longitude": -120.84, "Population": 2070.0}, {"index": 19629, "quantile": 0.75, "value": 141800.0, "Latitude": 37.53, "Longitude": -120.84, "Population": 2070.0}, {"index": 19629, "quantile": 1.0, "value": 141800.0, "Latitude": 37.53, "Longitude": -120.84, "Population": 2070.0}, {"index": 19630, "quantile": 0.0, "value": 47500.0, "Latitude": 37.53, "Longitude": -120.86, "Population": 1751.0}, {"index": 19630, "quantile": 0.25, "value": 90500.0, "Latitude": 37.53, "Longitude": -120.86, "Population": 1751.0}, {"index": 19630, "quantile": 0.5, "value": 101499.99999999999, "Latitude": 37.53, "Longitude": -120.86, "Population": 1751.0}, {"index": 19630, "quantile": 0.75, "value": 113300.0, "Latitude": 37.53, "Longitude": -120.86, "Population": 1751.0}, {"index": 19630, "quantile": 1.0, "value": 350000.0, "Latitude": 37.53, "Longitude": -120.86, "Population": 1751.0}, {"index": 19631, "quantile": 0.0, "value": 87500.0, "Latitude": 37.53, "Longitude": -120.88, "Population": 92.0}, {"index": 19631, "quantile": 0.25, "value": 204150.0, "Latitude": 37.53, "Longitude": -120.88, "Population": 92.0}, {"index": 19631, "quantile": 0.5, "value": 249150.00000000003, "Latitude": 37.53, "Longitude": -120.88, "Population": 92.0}, {"index": 19631, "quantile": 0.75, "value": 309000.0, "Latitude": 37.53, "Longitude": -120.88, "Population": 92.0}, {"index": 19631, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.53, "Longitude": -120.88, "Population": 92.0}, {"index": 19632, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 37.55, "Longitude": -120.85, "Population": 187.0}, {"index": 19632, "quantile": 0.25, "value": 74200.0, "Latitude": 37.55, "Longitude": -120.85, "Population": 187.0}, {"index": 19632, "quantile": 0.5, "value": 95500.0, "Latitude": 37.55, "Longitude": -120.85, "Population": 187.0}, {"index": 19632, "quantile": 0.75, "value": 157975.0, "Latitude": 37.55, "Longitude": -120.85, "Population": 187.0}, {"index": 19632, "quantile": 1.0, "value": 268800.0, "Latitude": 37.55, "Longitude": -120.85, "Population": 187.0}, {"index": 19633, "quantile": 0.0, "value": 62100.0, "Latitude": 37.54, "Longitude": -120.89, "Population": 275.0}, {"index": 19633, "quantile": 0.25, "value": 111799.99999999999, "Latitude": 37.54, "Longitude": -120.89, "Population": 275.0}, {"index": 19633, "quantile": 0.5, "value": 250000.0, "Latitude": 37.54, "Longitude": -120.89, "Population": 275.0}, {"index": 19633, "quantile": 0.75, "value": 250000.0, "Latitude": 37.54, "Longitude": -120.89, "Population": 275.0}, {"index": 19633, "quantile": 1.0, "value": 350000.0, "Latitude": 37.54, "Longitude": -120.89, "Population": 275.0}, {"index": 19634, "quantile": 0.0, "value": 59600.0, "Latitude": 37.52, "Longitude": -120.89, "Population": 647.0}, {"index": 19634, "quantile": 0.25, "value": 157500.0, "Latitude": 37.52, "Longitude": -120.89, "Population": 647.0}, {"index": 19634, "quantile": 0.5, "value": 157500.0, "Latitude": 37.52, "Longitude": -120.89, "Population": 647.0}, {"index": 19634, "quantile": 0.75, "value": 157500.0, "Latitude": 37.52, "Longitude": -120.89, "Population": 647.0}, {"index": 19634, "quantile": 1.0, "value": 200000.0, "Latitude": 37.52, "Longitude": -120.89, "Population": 647.0}, {"index": 19635, "quantile": 0.0, "value": 73500.0, "Latitude": 37.54, "Longitude": -120.96, "Population": 747.0}, {"index": 19635, "quantile": 0.25, "value": 118500.0, "Latitude": 37.54, "Longitude": -120.96, "Population": 747.0}, {"index": 19635, "quantile": 0.5, "value": 162500.0, "Latitude": 37.54, "Longitude": -120.96, "Population": 747.0}, {"index": 19635, "quantile": 0.75, "value": 171400.0, "Latitude": 37.54, "Longitude": -120.96, "Population": 747.0}, {"index": 19635, "quantile": 1.0, "value": 240800.0, "Latitude": 37.54, "Longitude": -120.96, "Population": 747.0}, {"index": 19636, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 37.51, "Longitude": -120.96, "Population": 720.0}, {"index": 19636, "quantile": 0.25, "value": 119425.0, "Latitude": 37.51, "Longitude": -120.96, "Population": 720.0}, {"index": 19636, "quantile": 0.5, "value": 139100.0, "Latitude": 37.51, "Longitude": -120.96, "Population": 720.0}, {"index": 19636, "quantile": 0.75, "value": 139100.0, "Latitude": 37.51, "Longitude": -120.96, "Population": 720.0}, {"index": 19636, "quantile": 1.0, "value": 170200.0, "Latitude": 37.51, "Longitude": -120.96, "Population": 720.0}, {"index": 19637, "quantile": 0.0, "value": 73100.0, "Latitude": 37.48, "Longitude": -120.96, "Population": 682.0}, {"index": 19637, "quantile": 0.25, "value": 115199.99999999999, "Latitude": 37.48, "Longitude": -120.96, "Population": 682.0}, {"index": 19637, "quantile": 0.5, "value": 135900.0, "Latitude": 37.48, "Longitude": -120.96, "Population": 682.0}, {"index": 19637, "quantile": 0.75, "value": 135900.0, "Latitude": 37.48, "Longitude": -120.96, "Population": 682.0}, {"index": 19637, "quantile": 1.0, "value": 159400.0, "Latitude": 37.48, "Longitude": -120.96, "Population": 682.0}, {"index": 19638, "quantile": 0.0, "value": 59000.0, "Latitude": 37.43, "Longitude": -120.97, "Population": 810.0}, {"index": 19638, "quantile": 0.25, "value": 99075.0, "Latitude": 37.43, "Longitude": -120.97, "Population": 810.0}, {"index": 19638, "quantile": 0.5, "value": 137500.0, "Latitude": 37.43, "Longitude": -120.97, "Population": 810.0}, {"index": 19638, "quantile": 0.75, "value": 137500.0, "Latitude": 37.43, "Longitude": -120.97, "Population": 810.0}, {"index": 19638, "quantile": 1.0, "value": 156300.0, "Latitude": 37.43, "Longitude": -120.97, "Population": 810.0}, {"index": 19639, "quantile": 0.0, "value": 73500.0, "Latitude": 37.55, "Longitude": -120.8, "Population": 1110.0}, {"index": 19639, "quantile": 0.25, "value": 102675.0, "Latitude": 37.55, "Longitude": -120.8, "Population": 1110.0}, {"index": 19639, "quantile": 0.5, "value": 113900.0, "Latitude": 37.55, "Longitude": -120.8, "Population": 1110.0}, {"index": 19639, "quantile": 0.75, "value": 138500.0, "Latitude": 37.55, "Longitude": -120.8, "Population": 1110.0}, {"index": 19639, "quantile": 1.0, "value": 269500.0, "Latitude": 37.55, "Longitude": -120.8, "Population": 1110.0}, {"index": 19640, "quantile": 0.0, "value": 73500.0, "Latitude": 37.53, "Longitude": -120.79, "Population": 853.0}, {"index": 19640, "quantile": 0.25, "value": 108300.0, "Latitude": 37.53, "Longitude": -120.79, "Population": 853.0}, {"index": 19640, "quantile": 0.5, "value": 108300.0, "Latitude": 37.53, "Longitude": -120.79, "Population": 853.0}, {"index": 19640, "quantile": 0.75, "value": 120575.00000000001, "Latitude": 37.53, "Longitude": -120.79, "Population": 853.0}, {"index": 19640, "quantile": 1.0, "value": 220000.00000000003, "Latitude": 37.53, "Longitude": -120.79, "Population": 853.0}, {"index": 19641, "quantile": 0.0, "value": 45000.0, "Latitude": 37.53, "Longitude": -120.8, "Population": 726.0}, {"index": 19641, "quantile": 0.25, "value": 90600.0, "Latitude": 37.53, "Longitude": -120.8, "Population": 726.0}, {"index": 19641, "quantile": 0.5, "value": 90600.0, "Latitude": 37.53, "Longitude": -120.8, "Population": 726.0}, {"index": 19641, "quantile": 0.75, "value": 90600.0, "Latitude": 37.53, "Longitude": -120.8, "Population": 726.0}, {"index": 19641, "quantile": 1.0, "value": 139100.0, "Latitude": 37.53, "Longitude": -120.8, "Population": 726.0}, {"index": 19642, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.53, "Longitude": -120.81, "Population": 189.0}, {"index": 19642, "quantile": 0.25, "value": 166100.0, "Latitude": 37.53, "Longitude": -120.81, "Population": 189.0}, {"index": 19642, "quantile": 0.5, "value": 181300.0, "Latitude": 37.53, "Longitude": -120.81, "Population": 189.0}, {"index": 19642, "quantile": 0.75, "value": 181300.0, "Latitude": 37.53, "Longitude": -120.81, "Population": 189.0}, {"index": 19642, "quantile": 1.0, "value": 333300.0, "Latitude": 37.53, "Longitude": -120.81, "Population": 189.0}, {"index": 19643, "quantile": 0.0, "value": 138200.0, "Latitude": 37.54, "Longitude": -120.82, "Population": 282.0}, {"index": 19643, "quantile": 0.25, "value": 164800.0, "Latitude": 37.54, "Longitude": -120.82, "Population": 282.0}, {"index": 19643, "quantile": 0.5, "value": 164800.0, "Latitude": 37.54, "Longitude": -120.82, "Population": 282.0}, {"index": 19643, "quantile": 0.75, "value": 194525.0, "Latitude": 37.54, "Longitude": -120.82, "Population": 282.0}, {"index": 19643, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.54, "Longitude": -120.82, "Population": 282.0}, {"index": 19644, "quantile": 0.0, "value": 88000.0, "Latitude": 37.52, "Longitude": -120.8, "Population": 1602.0}, {"index": 19644, "quantile": 0.25, "value": 124699.99999999999, "Latitude": 37.52, "Longitude": -120.8, "Population": 1602.0}, {"index": 19644, "quantile": 0.5, "value": 127099.99999999999, "Latitude": 37.52, "Longitude": -120.8, "Population": 1602.0}, {"index": 19644, "quantile": 0.75, "value": 146150.0, "Latitude": 37.52, "Longitude": -120.8, "Population": 1602.0}, {"index": 19644, "quantile": 1.0, "value": 273100.0, "Latitude": 37.52, "Longitude": -120.8, "Population": 1602.0}, {"index": 19645, "quantile": 0.0, "value": 75000.0, "Latitude": 37.54, "Longitude": -120.72, "Population": 431.0}, {"index": 19645, "quantile": 0.25, "value": 131300.0, "Latitude": 37.54, "Longitude": -120.72, "Population": 431.0}, {"index": 19645, "quantile": 0.5, "value": 131300.0, "Latitude": 37.54, "Longitude": -120.72, "Population": 431.0}, {"index": 19645, "quantile": 0.75, "value": 133350.0, "Latitude": 37.54, "Longitude": -120.72, "Population": 431.0}, {"index": 19645, "quantile": 1.0, "value": 338100.0, "Latitude": 37.54, "Longitude": -120.72, "Population": 431.0}, {"index": 19646, "quantile": 0.0, "value": 70100.0, "Latitude": 37.49, "Longitude": -120.79, "Population": 687.0}, {"index": 19646, "quantile": 0.25, "value": 160700.0, "Latitude": 37.49, "Longitude": -120.79, "Population": 687.0}, {"index": 19646, "quantile": 0.5, "value": 160700.0, "Latitude": 37.49, "Longitude": -120.79, "Population": 687.0}, {"index": 19646, "quantile": 0.75, "value": 160700.0, "Latitude": 37.49, "Longitude": -120.79, "Population": 687.0}, {"index": 19646, "quantile": 1.0, "value": 282100.0, "Latitude": 37.49, "Longitude": -120.79, "Population": 687.0}, {"index": 19647, "quantile": 0.0, "value": 71400.0, "Latitude": 37.47, "Longitude": -120.84, "Population": 1468.0}, {"index": 19647, "quantile": 0.25, "value": 104600.0, "Latitude": 37.47, "Longitude": -120.84, "Population": 1468.0}, {"index": 19647, "quantile": 0.5, "value": 110300.0, "Latitude": 37.47, "Longitude": -120.84, "Population": 1468.0}, {"index": 19647, "quantile": 0.75, "value": 110300.0, "Latitude": 37.47, "Longitude": -120.84, "Population": 1468.0}, {"index": 19647, "quantile": 1.0, "value": 225900.0, "Latitude": 37.47, "Longitude": -120.84, "Population": 1468.0}, {"index": 19648, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.48, "Longitude": -120.89, "Population": 647.0}, {"index": 19648, "quantile": 0.25, "value": 113174.99999999999, "Latitude": 37.48, "Longitude": -120.89, "Population": 647.0}, {"index": 19648, "quantile": 0.5, "value": 159400.0, "Latitude": 37.48, "Longitude": -120.89, "Population": 647.0}, {"index": 19648, "quantile": 0.75, "value": 159400.0, "Latitude": 37.48, "Longitude": -120.89, "Population": 647.0}, {"index": 19648, "quantile": 1.0, "value": 159400.0, "Latitude": 37.48, "Longitude": -120.89, "Population": 647.0}, {"index": 19649, "quantile": 0.0, "value": 86900.0, "Latitude": 37.45, "Longitude": -120.89, "Population": 1070.0}, {"index": 19649, "quantile": 0.25, "value": 137700.0, "Latitude": 37.45, "Longitude": -120.89, "Population": 1070.0}, {"index": 19649, "quantile": 0.5, "value": 145600.0, "Latitude": 37.45, "Longitude": -120.89, "Population": 1070.0}, {"index": 19649, "quantile": 0.75, "value": 145600.0, "Latitude": 37.45, "Longitude": -120.89, "Population": 1070.0}, {"index": 19649, "quantile": 1.0, "value": 240800.0, "Latitude": 37.45, "Longitude": -120.89, "Population": 1070.0}, {"index": 19650, "quantile": 0.0, "value": 91900.0, "Latitude": 37.52, "Longitude": -120.88, "Population": 707.0}, {"index": 19650, "quantile": 0.25, "value": 133600.0, "Latitude": 37.52, "Longitude": -120.88, "Population": 707.0}, {"index": 19650, "quantile": 0.5, "value": 133600.0, "Latitude": 37.52, "Longitude": -120.88, "Population": 707.0}, {"index": 19650, "quantile": 0.75, "value": 133600.0, "Latitude": 37.52, "Longitude": -120.88, "Population": 707.0}, {"index": 19650, "quantile": 1.0, "value": 291300.0, "Latitude": 37.52, "Longitude": -120.88, "Population": 707.0}, {"index": 19651, "quantile": 0.0, "value": 82100.0, "Latitude": 37.5, "Longitude": -120.87, "Population": 2431.0}, {"index": 19651, "quantile": 0.25, "value": 122500.00000000001, "Latitude": 37.5, "Longitude": -120.87, "Population": 2431.0}, {"index": 19651, "quantile": 0.5, "value": 122500.00000000001, "Latitude": 37.5, "Longitude": -120.87, "Population": 2431.0}, {"index": 19651, "quantile": 0.75, "value": 122500.00000000001, "Latitude": 37.5, "Longitude": -120.87, "Population": 2431.0}, {"index": 19651, "quantile": 1.0, "value": 193800.0, "Latitude": 37.5, "Longitude": -120.87, "Population": 2431.0}, {"index": 19652, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.5, "Longitude": -120.86, "Population": 2916.0}, {"index": 19652, "quantile": 0.25, "value": 82800.0, "Latitude": 37.5, "Longitude": -120.86, "Population": 2916.0}, {"index": 19652, "quantile": 0.5, "value": 82800.0, "Latitude": 37.5, "Longitude": -120.86, "Population": 2916.0}, {"index": 19652, "quantile": 0.75, "value": 82800.0, "Latitude": 37.5, "Longitude": -120.86, "Population": 2916.0}, {"index": 19652, "quantile": 1.0, "value": 122000.0, "Latitude": 37.5, "Longitude": -120.86, "Population": 2916.0}, {"index": 19653, "quantile": 0.0, "value": 48300.0, "Latitude": 37.49, "Longitude": -120.85, "Population": 2606.0}, {"index": 19653, "quantile": 0.25, "value": 66350.0, "Latitude": 37.49, "Longitude": -120.85, "Population": 2606.0}, {"index": 19653, "quantile": 0.5, "value": 76400.0, "Latitude": 37.49, "Longitude": -120.85, "Population": 2606.0}, {"index": 19653, "quantile": 0.75, "value": 76400.0, "Latitude": 37.49, "Longitude": -120.85, "Population": 2606.0}, {"index": 19653, "quantile": 1.0, "value": 221500.0, "Latitude": 37.49, "Longitude": -120.85, "Population": 2606.0}, {"index": 19654, "quantile": 0.0, "value": 51700.0, "Latitude": 37.49, "Longitude": -120.86, "Population": 893.0}, {"index": 19654, "quantile": 0.25, "value": 69500.0, "Latitude": 37.49, "Longitude": -120.86, "Population": 893.0}, {"index": 19654, "quantile": 0.5, "value": 69500.0, "Latitude": 37.49, "Longitude": -120.86, "Population": 893.0}, {"index": 19654, "quantile": 0.75, "value": 69500.0, "Latitude": 37.49, "Longitude": -120.86, "Population": 893.0}, {"index": 19654, "quantile": 1.0, "value": 105000.0, "Latitude": 37.49, "Longitude": -120.86, "Population": 893.0}, {"index": 19655, "quantile": 0.0, "value": 61600.0, "Latitude": 37.49, "Longitude": -120.86, "Population": 1441.0}, {"index": 19655, "quantile": 0.25, "value": 88500.0, "Latitude": 37.49, "Longitude": -120.86, "Population": 1441.0}, {"index": 19655, "quantile": 0.5, "value": 89400.0, "Latitude": 37.49, "Longitude": -120.86, "Population": 1441.0}, {"index": 19655, "quantile": 0.75, "value": 89400.0, "Latitude": 37.49, "Longitude": -120.86, "Population": 1441.0}, {"index": 19655, "quantile": 1.0, "value": 139100.0, "Latitude": 37.49, "Longitude": -120.86, "Population": 1441.0}, {"index": 19656, "quantile": 0.0, "value": 52000.0, "Latitude": 37.49, "Longitude": -120.85, "Population": 310.0}, {"index": 19656, "quantile": 0.25, "value": 61500.0, "Latitude": 37.49, "Longitude": -120.85, "Population": 310.0}, {"index": 19656, "quantile": 0.5, "value": 61500.0, "Latitude": 37.49, "Longitude": -120.85, "Population": 310.0}, {"index": 19656, "quantile": 0.75, "value": 61500.0, "Latitude": 37.49, "Longitude": -120.85, "Population": 310.0}, {"index": 19656, "quantile": 1.0, "value": 156300.0, "Latitude": 37.49, "Longitude": -120.85, "Population": 310.0}, {"index": 19657, "quantile": 0.0, "value": 70400.0, "Latitude": 37.48, "Longitude": -120.84, "Population": 1960.0}, {"index": 19657, "quantile": 0.25, "value": 104600.0, "Latitude": 37.48, "Longitude": -120.84, "Population": 1960.0}, {"index": 19657, "quantile": 0.5, "value": 104600.0, "Latitude": 37.48, "Longitude": -120.84, "Population": 1960.0}, {"index": 19657, "quantile": 0.75, "value": 104600.0, "Latitude": 37.48, "Longitude": -120.84, "Population": 1960.0}, {"index": 19657, "quantile": 1.0, "value": 225900.0, "Latitude": 37.48, "Longitude": -120.84, "Population": 1960.0}, {"index": 19658, "quantile": 0.0, "value": 113900.0, "Latitude": 37.52, "Longitude": -120.86, "Population": 5372.0}, {"index": 19658, "quantile": 0.25, "value": 127099.99999999999, "Latitude": 37.52, "Longitude": -120.86, "Population": 5372.0}, {"index": 19658, "quantile": 0.5, "value": 127099.99999999999, "Latitude": 37.52, "Longitude": -120.86, "Population": 5372.0}, {"index": 19658, "quantile": 0.75, "value": 134750.0, "Latitude": 37.52, "Longitude": -120.86, "Population": 5372.0}, {"index": 19658, "quantile": 1.0, "value": 220000.00000000003, "Latitude": 37.52, "Longitude": -120.86, "Population": 5372.0}, {"index": 19659, "quantile": 0.0, "value": 67500.0, "Latitude": 37.51, "Longitude": -120.85, "Population": 1593.0}, {"index": 19659, "quantile": 0.25, "value": 127499.99999999999, "Latitude": 37.51, "Longitude": -120.85, "Population": 1593.0}, {"index": 19659, "quantile": 0.5, "value": 127499.99999999999, "Latitude": 37.51, "Longitude": -120.85, "Population": 1593.0}, {"index": 19659, "quantile": 0.75, "value": 127499.99999999999, "Latitude": 37.51, "Longitude": -120.85, "Population": 1593.0}, {"index": 19659, "quantile": 1.0, "value": 350000.0, "Latitude": 37.51, "Longitude": -120.85, "Population": 1593.0}, {"index": 19660, "quantile": 0.0, "value": 45000.0, "Latitude": 37.51, "Longitude": -120.85, "Population": 728.0}, {"index": 19660, "quantile": 0.25, "value": 73800.0, "Latitude": 37.51, "Longitude": -120.85, "Population": 728.0}, {"index": 19660, "quantile": 0.5, "value": 86200.0, "Latitude": 37.51, "Longitude": -120.85, "Population": 728.0}, {"index": 19660, "quantile": 0.75, "value": 103899.99999999999, "Latitude": 37.51, "Longitude": -120.85, "Population": 728.0}, {"index": 19660, "quantile": 1.0, "value": 350000.0, "Latitude": 37.51, "Longitude": -120.85, "Population": 728.0}, {"index": 19661, "quantile": 0.0, "value": 62100.0, "Latitude": 37.5, "Longitude": -120.84, "Population": 1126.0}, {"index": 19661, "quantile": 0.25, "value": 97300.0, "Latitude": 37.5, "Longitude": -120.84, "Population": 1126.0}, {"index": 19661, "quantile": 0.5, "value": 97300.0, "Latitude": 37.5, "Longitude": -120.84, "Population": 1126.0}, {"index": 19661, "quantile": 0.75, "value": 97300.0, "Latitude": 37.5, "Longitude": -120.84, "Population": 1126.0}, {"index": 19661, "quantile": 1.0, "value": 213200.0, "Latitude": 37.5, "Longitude": -120.84, "Population": 1126.0}, {"index": 19662, "quantile": 0.0, "value": 50700.0, "Latitude": 37.5, "Longitude": -120.85, "Population": 922.0}, {"index": 19662, "quantile": 0.25, "value": 85700.0, "Latitude": 37.5, "Longitude": -120.85, "Population": 922.0}, {"index": 19662, "quantile": 0.5, "value": 85700.0, "Latitude": 37.5, "Longitude": -120.85, "Population": 922.0}, {"index": 19662, "quantile": 0.75, "value": 85700.0, "Latitude": 37.5, "Longitude": -120.85, "Population": 922.0}, {"index": 19662, "quantile": 1.0, "value": 153600.0, "Latitude": 37.5, "Longitude": -120.85, "Population": 922.0}, {"index": 19663, "quantile": 0.0, "value": 47500.0, "Latitude": 37.49, "Longitude": -120.84, "Population": 1234.0}, {"index": 19663, "quantile": 0.25, "value": 90500.0, "Latitude": 37.49, "Longitude": -120.84, "Population": 1234.0}, {"index": 19663, "quantile": 0.5, "value": 107000.0, "Latitude": 37.49, "Longitude": -120.84, "Population": 1234.0}, {"index": 19663, "quantile": 0.75, "value": 181725.0, "Latitude": 37.49, "Longitude": -120.84, "Population": 1234.0}, {"index": 19663, "quantile": 1.0, "value": 350000.0, "Latitude": 37.49, "Longitude": -120.84, "Population": 1234.0}, {"index": 19664, "quantile": 0.0, "value": 88200.0, "Latitude": 37.49, "Longitude": -120.82, "Population": 882.0}, {"index": 19664, "quantile": 0.25, "value": 110500.0, "Latitude": 37.49, "Longitude": -120.82, "Population": 882.0}, {"index": 19664, "quantile": 0.5, "value": 138300.0, "Latitude": 37.49, "Longitude": -120.82, "Population": 882.0}, {"index": 19664, "quantile": 0.75, "value": 171400.0, "Latitude": 37.49, "Longitude": -120.82, "Population": 882.0}, {"index": 19664, "quantile": 1.0, "value": 273000.0, "Latitude": 37.49, "Longitude": -120.82, "Population": 882.0}, {"index": 19665, "quantile": 0.0, "value": 79300.0, "Latitude": 37.51, "Longitude": -120.82, "Population": 736.0}, {"index": 19665, "quantile": 0.25, "value": 165800.0, "Latitude": 37.51, "Longitude": -120.82, "Population": 736.0}, {"index": 19665, "quantile": 0.5, "value": 165800.0, "Latitude": 37.51, "Longitude": -120.82, "Population": 736.0}, {"index": 19665, "quantile": 0.75, "value": 165800.0, "Latitude": 37.51, "Longitude": -120.82, "Population": 736.0}, {"index": 19665, "quantile": 1.0, "value": 327300.0, "Latitude": 37.51, "Longitude": -120.82, "Population": 736.0}, {"index": 19666, "quantile": 0.0, "value": 86300.0, "Latitude": 37.51, "Longitude": -120.83, "Population": 1226.0}, {"index": 19666, "quantile": 0.25, "value": 150000.0, "Latitude": 37.51, "Longitude": -120.83, "Population": 1226.0}, {"index": 19666, "quantile": 0.5, "value": 150000.0, "Latitude": 37.51, "Longitude": -120.83, "Population": 1226.0}, {"index": 19666, "quantile": 0.75, "value": 150350.0, "Latitude": 37.51, "Longitude": -120.83, "Population": 1226.0}, {"index": 19666, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.51, "Longitude": -120.83, "Population": 1226.0}, {"index": 19667, "quantile": 0.0, "value": 86300.0, "Latitude": 37.5, "Longitude": -120.82, "Population": 1313.0}, {"index": 19667, "quantile": 0.25, "value": 135400.0, "Latitude": 37.5, "Longitude": -120.82, "Population": 1313.0}, {"index": 19667, "quantile": 0.5, "value": 135400.0, "Latitude": 37.5, "Longitude": -120.82, "Population": 1313.0}, {"index": 19667, "quantile": 0.75, "value": 159325.0, "Latitude": 37.5, "Longitude": -120.82, "Population": 1313.0}, {"index": 19667, "quantile": 1.0, "value": 346100.0, "Latitude": 37.5, "Longitude": -120.82, "Population": 1313.0}, {"index": 19668, "quantile": 0.0, "value": 86300.0, "Latitude": 37.5, "Longitude": -120.83, "Population": 631.0}, {"index": 19668, "quantile": 0.25, "value": 118500.0, "Latitude": 37.5, "Longitude": -120.83, "Population": 631.0}, {"index": 19668, "quantile": 0.5, "value": 118500.0, "Latitude": 37.5, "Longitude": -120.83, "Population": 631.0}, {"index": 19668, "quantile": 0.75, "value": 118500.0, "Latitude": 37.5, "Longitude": -120.83, "Population": 631.0}, {"index": 19668, "quantile": 1.0, "value": 220000.00000000003, "Latitude": 37.5, "Longitude": -120.83, "Population": 631.0}, {"index": 19669, "quantile": 0.0, "value": 69100.0, "Latitude": 37.51, "Longitude": -120.84, "Population": 688.0}, {"index": 19669, "quantile": 0.25, "value": 127899.99999999999, "Latitude": 37.51, "Longitude": -120.84, "Population": 688.0}, {"index": 19669, "quantile": 0.5, "value": 138400.0, "Latitude": 37.51, "Longitude": -120.84, "Population": 688.0}, {"index": 19669, "quantile": 0.75, "value": 138400.0, "Latitude": 37.51, "Longitude": -120.84, "Population": 688.0}, {"index": 19669, "quantile": 1.0, "value": 250000.0, "Latitude": 37.51, "Longitude": -120.84, "Population": 688.0}, {"index": 19670, "quantile": 0.0, "value": 55300.00000000001, "Latitude": 37.51, "Longitude": -120.84, "Population": 3909.0}, {"index": 19670, "quantile": 0.25, "value": 85300.0, "Latitude": 37.51, "Longitude": -120.84, "Population": 3909.0}, {"index": 19670, "quantile": 0.5, "value": 104299.99999999999, "Latitude": 37.51, "Longitude": -120.84, "Population": 3909.0}, {"index": 19670, "quantile": 0.75, "value": 116825.0, "Latitude": 37.51, "Longitude": -120.84, "Population": 3909.0}, {"index": 19670, "quantile": 1.0, "value": 350000.0, "Latitude": 37.51, "Longitude": -120.84, "Population": 3909.0}, {"index": 19671, "quantile": 0.0, "value": 107600.0, "Latitude": 37.52, "Longitude": -120.83, "Population": 773.0}, {"index": 19671, "quantile": 0.25, "value": 150000.0, "Latitude": 37.52, "Longitude": -120.83, "Population": 773.0}, {"index": 19671, "quantile": 0.5, "value": 150000.0, "Latitude": 37.52, "Longitude": -120.83, "Population": 773.0}, {"index": 19671, "quantile": 0.75, "value": 150000.0, "Latitude": 37.52, "Longitude": -120.83, "Population": 773.0}, {"index": 19671, "quantile": 1.0, "value": 322400.0, "Latitude": 37.52, "Longitude": -120.83, "Population": 773.0}, {"index": 19672, "quantile": 0.0, "value": 91100.0, "Latitude": 37.52, "Longitude": -120.84, "Population": 2531.0}, {"index": 19672, "quantile": 0.25, "value": 123100.00000000001, "Latitude": 37.52, "Longitude": -120.84, "Population": 2531.0}, {"index": 19672, "quantile": 0.5, "value": 133500.0, "Latitude": 37.52, "Longitude": -120.84, "Population": 2531.0}, {"index": 19672, "quantile": 0.75, "value": 160900.0, "Latitude": 37.52, "Longitude": -120.84, "Population": 2531.0}, {"index": 19672, "quantile": 1.0, "value": 450000.0, "Latitude": 37.52, "Longitude": -120.84, "Population": 2531.0}, {"index": 19673, "quantile": 0.0, "value": 67500.0, "Latitude": 37.51, "Longitude": -120.84, "Population": 1258.0}, {"index": 19673, "quantile": 0.25, "value": 126800.0, "Latitude": 37.51, "Longitude": -120.84, "Population": 1258.0}, {"index": 19673, "quantile": 0.5, "value": 126800.0, "Latitude": 37.51, "Longitude": -120.84, "Population": 1258.0}, {"index": 19673, "quantile": 0.75, "value": 126800.0, "Latitude": 37.51, "Longitude": -120.84, "Population": 1258.0}, {"index": 19673, "quantile": 1.0, "value": 244200.00000000003, "Latitude": 37.51, "Longitude": -120.84, "Population": 1258.0}, {"index": 19674, "quantile": 0.0, "value": 87500.0, "Latitude": 37.51, "Longitude": -120.83, "Population": 1639.0}, {"index": 19674, "quantile": 0.25, "value": 137500.0, "Latitude": 37.51, "Longitude": -120.83, "Population": 1639.0}, {"index": 19674, "quantile": 0.5, "value": 161750.0, "Latitude": 37.51, "Longitude": -120.83, "Population": 1639.0}, {"index": 19674, "quantile": 0.75, "value": 219300.0, "Latitude": 37.51, "Longitude": -120.83, "Population": 1639.0}, {"index": 19674, "quantile": 1.0, "value": 341300.0, "Latitude": 37.51, "Longitude": -120.83, "Population": 1639.0}, {"index": 19675, "quantile": 0.0, "value": 91300.0, "Latitude": 39.16, "Longitude": -121.62, "Population": 2271.0}, {"index": 19675, "quantile": 0.25, "value": 110700.0, "Latitude": 39.16, "Longitude": -121.62, "Population": 2271.0}, {"index": 19675, "quantile": 0.5, "value": 110700.0, "Latitude": 39.16, "Longitude": -121.62, "Population": 2271.0}, {"index": 19675, "quantile": 0.75, "value": 110750.0, "Latitude": 39.16, "Longitude": -121.62, "Population": 2271.0}, {"index": 19675, "quantile": 1.0, "value": 187200.0, "Latitude": 39.16, "Longitude": -121.62, "Population": 2271.0}, {"index": 19676, "quantile": 0.0, "value": 59100.0, "Latitude": 39.16, "Longitude": -121.63, "Population": 1065.0}, {"index": 19676, "quantile": 0.25, "value": 97100.0, "Latitude": 39.16, "Longitude": -121.63, "Population": 1065.0}, {"index": 19676, "quantile": 0.5, "value": 103800.0, "Latitude": 39.16, "Longitude": -121.63, "Population": 1065.0}, {"index": 19676, "quantile": 0.75, "value": 103800.0, "Latitude": 39.16, "Longitude": -121.63, "Population": 1065.0}, {"index": 19676, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 39.16, "Longitude": -121.63, "Population": 1065.0}, {"index": 19677, "quantile": 0.0, "value": 67500.0, "Latitude": 39.15, "Longitude": -121.63, "Population": 195.0}, {"index": 19677, "quantile": 0.25, "value": 71800.0, "Latitude": 39.15, "Longitude": -121.63, "Population": 195.0}, {"index": 19677, "quantile": 0.5, "value": 71800.0, "Latitude": 39.15, "Longitude": -121.63, "Population": 195.0}, {"index": 19677, "quantile": 0.75, "value": 136000.0, "Latitude": 39.15, "Longitude": -121.63, "Population": 195.0}, {"index": 19677, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 39.15, "Longitude": -121.63, "Population": 195.0}, {"index": 19678, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 39.16, "Longitude": -121.62, "Population": 1267.0}, {"index": 19678, "quantile": 0.25, "value": 97100.0, "Latitude": 39.16, "Longitude": -121.62, "Population": 1267.0}, {"index": 19678, "quantile": 0.5, "value": 97100.0, "Latitude": 39.16, "Longitude": -121.62, "Population": 1267.0}, {"index": 19678, "quantile": 0.75, "value": 97100.0, "Latitude": 39.16, "Longitude": -121.62, "Population": 1267.0}, {"index": 19678, "quantile": 1.0, "value": 168300.0, "Latitude": 39.16, "Longitude": -121.62, "Population": 1267.0}, {"index": 19679, "quantile": 0.0, "value": 51600.0, "Latitude": 39.15, "Longitude": -121.63, "Population": 940.0}, {"index": 19679, "quantile": 0.25, "value": 72500.0, "Latitude": 39.15, "Longitude": -121.63, "Population": 940.0}, {"index": 19679, "quantile": 0.5, "value": 72500.0, "Latitude": 39.15, "Longitude": -121.63, "Population": 940.0}, {"index": 19679, "quantile": 0.75, "value": 74000.0, "Latitude": 39.15, "Longitude": -121.63, "Population": 940.0}, {"index": 19679, "quantile": 1.0, "value": 154900.0, "Latitude": 39.15, "Longitude": -121.63, "Population": 940.0}, {"index": 19680, "quantile": 0.0, "value": 49600.0, "Latitude": 39.15, "Longitude": -121.63, "Population": 1419.0}, {"index": 19680, "quantile": 0.25, "value": 73500.0, "Latitude": 39.15, "Longitude": -121.63, "Population": 1419.0}, {"index": 19680, "quantile": 0.5, "value": 73500.0, "Latitude": 39.15, "Longitude": -121.63, "Population": 1419.0}, {"index": 19680, "quantile": 0.75, "value": 73500.0, "Latitude": 39.15, "Longitude": -121.63, "Population": 1419.0}, {"index": 19680, "quantile": 1.0, "value": 233500.0, "Latitude": 39.15, "Longitude": -121.63, "Population": 1419.0}, {"index": 19681, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 39.15, "Longitude": -121.62, "Population": 1168.0}, {"index": 19681, "quantile": 0.25, "value": 74000.0, "Latitude": 39.15, "Longitude": -121.62, "Population": 1168.0}, {"index": 19681, "quantile": 0.5, "value": 74000.0, "Latitude": 39.15, "Longitude": -121.62, "Population": 1168.0}, {"index": 19681, "quantile": 0.75, "value": 98825.0, "Latitude": 39.15, "Longitude": -121.62, "Population": 1168.0}, {"index": 19681, "quantile": 1.0, "value": 213200.0, "Latitude": 39.15, "Longitude": -121.62, "Population": 1168.0}, {"index": 19682, "quantile": 0.0, "value": 32500.0, "Latitude": 39.15, "Longitude": -121.62, "Population": 1043.0}, {"index": 19682, "quantile": 0.25, "value": 65200.0, "Latitude": 39.15, "Longitude": -121.62, "Population": 1043.0}, {"index": 19682, "quantile": 0.5, "value": 74650.0, "Latitude": 39.15, "Longitude": -121.62, "Population": 1043.0}, {"index": 19682, "quantile": 0.75, "value": 88600.0, "Latitude": 39.15, "Longitude": -121.62, "Population": 1043.0}, {"index": 19682, "quantile": 1.0, "value": 118800.0, "Latitude": 39.15, "Longitude": -121.62, "Population": 1043.0}, {"index": 19683, "quantile": 0.0, "value": 55500.00000000001, "Latitude": 39.14, "Longitude": -121.63, "Population": 822.0}, {"index": 19683, "quantile": 0.25, "value": 68300.0, "Latitude": 39.14, "Longitude": -121.63, "Population": 822.0}, {"index": 19683, "quantile": 0.5, "value": 68300.0, "Latitude": 39.14, "Longitude": -121.63, "Population": 822.0}, {"index": 19683, "quantile": 0.75, "value": 103600.0, "Latitude": 39.14, "Longitude": -121.63, "Population": 822.0}, {"index": 19683, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 39.14, "Longitude": -121.63, "Population": 822.0}, {"index": 19684, "quantile": 0.0, "value": 43500.0, "Latitude": 39.14, "Longitude": -121.62, "Population": 1202.0}, {"index": 19684, "quantile": 0.25, "value": 65200.0, "Latitude": 39.14, "Longitude": -121.62, "Population": 1202.0}, {"index": 19684, "quantile": 0.5, "value": 72500.0, "Latitude": 39.14, "Longitude": -121.62, "Population": 1202.0}, {"index": 19684, "quantile": 0.75, "value": 86175.0, "Latitude": 39.14, "Longitude": -121.62, "Population": 1202.0}, {"index": 19684, "quantile": 1.0, "value": 183300.0, "Latitude": 39.14, "Longitude": -121.62, "Population": 1202.0}, {"index": 19685, "quantile": 0.0, "value": 39400.0, "Latitude": 39.14, "Longitude": -121.61, "Population": 1030.0}, {"index": 19685, "quantile": 0.25, "value": 65200.0, "Latitude": 39.14, "Longitude": -121.61, "Population": 1030.0}, {"index": 19685, "quantile": 0.5, "value": 65200.0, "Latitude": 39.14, "Longitude": -121.61, "Population": 1030.0}, {"index": 19685, "quantile": 0.75, "value": 65200.0, "Latitude": 39.14, "Longitude": -121.61, "Population": 1030.0}, {"index": 19685, "quantile": 1.0, "value": 113599.99999999999, "Latitude": 39.14, "Longitude": -121.61, "Population": 1030.0}, {"index": 19686, "quantile": 0.0, "value": 55500.00000000001, "Latitude": 39.13, "Longitude": -121.62, "Population": 856.0}, {"index": 19686, "quantile": 0.25, "value": 69624.99999999999, "Latitude": 39.13, "Longitude": -121.62, "Population": 856.0}, {"index": 19686, "quantile": 0.5, "value": 71500.0, "Latitude": 39.13, "Longitude": -121.62, "Population": 856.0}, {"index": 19686, "quantile": 0.75, "value": 108975.0, "Latitude": 39.13, "Longitude": -121.62, "Population": 856.0}, {"index": 19686, "quantile": 1.0, "value": 270000.0, "Latitude": 39.13, "Longitude": -121.62, "Population": 856.0}, {"index": 19687, "quantile": 0.0, "value": 55500.00000000001, "Latitude": 39.13, "Longitude": -121.63, "Population": 1047.0}, {"index": 19687, "quantile": 0.25, "value": 79500.0, "Latitude": 39.13, "Longitude": -121.63, "Population": 1047.0}, {"index": 19687, "quantile": 0.5, "value": 79500.0, "Latitude": 39.13, "Longitude": -121.63, "Population": 1047.0}, {"index": 19687, "quantile": 0.75, "value": 79500.0, "Latitude": 39.13, "Longitude": -121.63, "Population": 1047.0}, {"index": 19687, "quantile": 1.0, "value": 225000.0, "Latitude": 39.13, "Longitude": -121.63, "Population": 1047.0}, {"index": 19688, "quantile": 0.0, "value": 55500.00000000001, "Latitude": 39.13, "Longitude": -121.62, "Population": 583.0}, {"index": 19688, "quantile": 0.25, "value": 63400.0, "Latitude": 39.13, "Longitude": -121.62, "Population": 583.0}, {"index": 19688, "quantile": 0.5, "value": 63400.0, "Latitude": 39.13, "Longitude": -121.62, "Population": 583.0}, {"index": 19688, "quantile": 0.75, "value": 70000.0, "Latitude": 39.13, "Longitude": -121.62, "Population": 583.0}, {"index": 19688, "quantile": 1.0, "value": 248200.00000000003, "Latitude": 39.13, "Longitude": -121.62, "Population": 583.0}, {"index": 19689, "quantile": 0.0, "value": 42500.0, "Latitude": 39.13, "Longitude": -121.61, "Population": 933.0}, {"index": 19689, "quantile": 0.25, "value": 60175.0, "Latitude": 39.13, "Longitude": -121.61, "Population": 933.0}, {"index": 19689, "quantile": 0.5, "value": 66350.0, "Latitude": 39.13, "Longitude": -121.61, "Population": 933.0}, {"index": 19689, "quantile": 0.75, "value": 74225.0, "Latitude": 39.13, "Longitude": -121.61, "Population": 933.0}, {"index": 19689, "quantile": 1.0, "value": 270000.0, "Latitude": 39.13, "Longitude": -121.61, "Population": 933.0}, {"index": 19690, "quantile": 0.0, "value": 74000.0, "Latitude": 39.12, "Longitude": -121.63, "Population": 804.0}, {"index": 19690, "quantile": 0.25, "value": 98800.0, "Latitude": 39.12, "Longitude": -121.63, "Population": 804.0}, {"index": 19690, "quantile": 0.5, "value": 98800.0, "Latitude": 39.12, "Longitude": -121.63, "Population": 804.0}, {"index": 19690, "quantile": 0.75, "value": 101800.0, "Latitude": 39.12, "Longitude": -121.63, "Population": 804.0}, {"index": 19690, "quantile": 1.0, "value": 227700.0, "Latitude": 39.12, "Longitude": -121.63, "Population": 804.0}, {"index": 19691, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 39.12, "Longitude": -121.62, "Population": 1431.0}, {"index": 19691, "quantile": 0.25, "value": 75800.0, "Latitude": 39.12, "Longitude": -121.62, "Population": 1431.0}, {"index": 19691, "quantile": 0.5, "value": 97100.0, "Latitude": 39.12, "Longitude": -121.62, "Population": 1431.0}, {"index": 19691, "quantile": 0.75, "value": 120900.00000000001, "Latitude": 39.12, "Longitude": -121.62, "Population": 1431.0}, {"index": 19691, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 39.12, "Longitude": -121.62, "Population": 1431.0}, {"index": 19692, "quantile": 0.0, "value": 44400.0, "Latitude": 39.13, "Longitude": -121.61, "Population": 1583.0}, {"index": 19692, "quantile": 0.25, "value": 53000.0, "Latitude": 39.13, "Longitude": -121.61, "Population": 1583.0}, {"index": 19692, "quantile": 0.5, "value": 53000.0, "Latitude": 39.13, "Longitude": -121.61, "Population": 1583.0}, {"index": 19692, "quantile": 0.75, "value": 53325.0, "Latitude": 39.13, "Longitude": -121.61, "Population": 1583.0}, {"index": 19692, "quantile": 1.0, "value": 123500.00000000001, "Latitude": 39.13, "Longitude": -121.61, "Population": 1583.0}, {"index": 19693, "quantile": 0.0, "value": 45100.0, "Latitude": 39.12, "Longitude": -121.6, "Population": 1494.0}, {"index": 19693, "quantile": 0.25, "value": 59600.0, "Latitude": 39.12, "Longitude": -121.6, "Population": 1494.0}, {"index": 19693, "quantile": 0.5, "value": 68400.0, "Latitude": 39.12, "Longitude": -121.6, "Population": 1494.0}, {"index": 19693, "quantile": 0.75, "value": 81400.0, "Latitude": 39.12, "Longitude": -121.6, "Population": 1494.0}, {"index": 19693, "quantile": 1.0, "value": 162500.0, "Latitude": 39.12, "Longitude": -121.6, "Population": 1494.0}, {"index": 19694, "quantile": 0.0, "value": 93900.0, "Latitude": 39.12, "Longitude": -121.62, "Population": 627.0}, {"index": 19694, "quantile": 0.25, "value": 94200.0, "Latitude": 39.12, "Longitude": -121.62, "Population": 627.0}, {"index": 19694, "quantile": 0.5, "value": 94200.0, "Latitude": 39.12, "Longitude": -121.62, "Population": 627.0}, {"index": 19694, "quantile": 0.75, "value": 133400.0, "Latitude": 39.12, "Longitude": -121.62, "Population": 627.0}, {"index": 19694, "quantile": 1.0, "value": 287500.0, "Latitude": 39.12, "Longitude": -121.62, "Population": 627.0}, {"index": 19695, "quantile": 0.0, "value": 84200.0, "Latitude": 39.12, "Longitude": -121.63, "Population": 1099.0}, {"index": 19695, "quantile": 0.25, "value": 123225.0, "Latitude": 39.12, "Longitude": -121.63, "Population": 1099.0}, {"index": 19695, "quantile": 0.5, "value": 144300.0, "Latitude": 39.12, "Longitude": -121.63, "Population": 1099.0}, {"index": 19695, "quantile": 0.75, "value": 165450.0, "Latitude": 39.12, "Longitude": -121.63, "Population": 1099.0}, {"index": 19695, "quantile": 1.0, "value": 326500.0, "Latitude": 39.12, "Longitude": -121.63, "Population": 1099.0}, {"index": 19696, "quantile": 0.0, "value": 70800.0, "Latitude": 39.11, "Longitude": -121.62, "Population": 1245.0}, {"index": 19696, "quantile": 0.25, "value": 97200.0, "Latitude": 39.11, "Longitude": -121.62, "Population": 1245.0}, {"index": 19696, "quantile": 0.5, "value": 97200.0, "Latitude": 39.11, "Longitude": -121.62, "Population": 1245.0}, {"index": 19696, "quantile": 0.75, "value": 107850.0, "Latitude": 39.11, "Longitude": -121.62, "Population": 1245.0}, {"index": 19696, "quantile": 1.0, "value": 201799.99999999997, "Latitude": 39.11, "Longitude": -121.62, "Population": 1245.0}, {"index": 19697, "quantile": 0.0, "value": 84700.0, "Latitude": 39.1, "Longitude": -121.63, "Population": 1757.0}, {"index": 19697, "quantile": 0.25, "value": 96200.0, "Latitude": 39.1, "Longitude": -121.63, "Population": 1757.0}, {"index": 19697, "quantile": 0.5, "value": 115199.99999999999, "Latitude": 39.1, "Longitude": -121.63, "Population": 1757.0}, {"index": 19697, "quantile": 0.75, "value": 135025.0, "Latitude": 39.1, "Longitude": -121.63, "Population": 1757.0}, {"index": 19697, "quantile": 1.0, "value": 287800.0, "Latitude": 39.1, "Longitude": -121.63, "Population": 1757.0}, {"index": 19698, "quantile": 0.0, "value": 94900.0, "Latitude": 39.11, "Longitude": -121.62, "Population": 1459.0}, {"index": 19698, "quantile": 0.25, "value": 139200.0, "Latitude": 39.11, "Longitude": -121.62, "Population": 1459.0}, {"index": 19698, "quantile": 0.5, "value": 180450.0, "Latitude": 39.11, "Longitude": -121.62, "Population": 1459.0}, {"index": 19698, "quantile": 0.75, "value": 197700.0, "Latitude": 39.11, "Longitude": -121.62, "Population": 1459.0}, {"index": 19698, "quantile": 1.0, "value": 326500.0, "Latitude": 39.11, "Longitude": -121.62, "Population": 1459.0}, {"index": 19699, "quantile": 0.0, "value": 88200.0, "Latitude": 39.09, "Longitude": -121.62, "Population": 1337.0}, {"index": 19699, "quantile": 0.25, "value": 99700.0, "Latitude": 39.09, "Longitude": -121.62, "Population": 1337.0}, {"index": 19699, "quantile": 0.5, "value": 99700.0, "Latitude": 39.09, "Longitude": -121.62, "Population": 1337.0}, {"index": 19699, "quantile": 0.75, "value": 99700.0, "Latitude": 39.09, "Longitude": -121.62, "Population": 1337.0}, {"index": 19699, "quantile": 1.0, "value": 164700.0, "Latitude": 39.09, "Longitude": -121.62, "Population": 1337.0}, {"index": 19700, "quantile": 0.0, "value": 82100.0, "Latitude": 39.13, "Longitude": -121.68, "Population": 717.0}, {"index": 19700, "quantile": 0.25, "value": 146200.0, "Latitude": 39.13, "Longitude": -121.68, "Population": 717.0}, {"index": 19700, "quantile": 0.5, "value": 179700.0, "Latitude": 39.13, "Longitude": -121.68, "Population": 717.0}, {"index": 19700, "quantile": 0.75, "value": 179700.0, "Latitude": 39.13, "Longitude": -121.68, "Population": 717.0}, {"index": 19700, "quantile": 1.0, "value": 239200.0, "Latitude": 39.13, "Longitude": -121.68, "Population": 717.0}, {"index": 19701, "quantile": 0.0, "value": 57799.99999999999, "Latitude": 39.13, "Longitude": -121.65, "Population": 2336.0}, {"index": 19701, "quantile": 0.25, "value": 89100.0, "Latitude": 39.13, "Longitude": -121.65, "Population": 2336.0}, {"index": 19701, "quantile": 0.5, "value": 89100.0, "Latitude": 39.13, "Longitude": -121.65, "Population": 2336.0}, {"index": 19701, "quantile": 0.75, "value": 98925.0, "Latitude": 39.13, "Longitude": -121.65, "Population": 2336.0}, {"index": 19701, "quantile": 1.0, "value": 225000.0, "Latitude": 39.13, "Longitude": -121.65, "Population": 2336.0}, {"index": 19702, "quantile": 0.0, "value": 85900.0, "Latitude": 39.11, "Longitude": -121.68, "Population": 596.0}, {"index": 19702, "quantile": 0.25, "value": 139600.0, "Latitude": 39.11, "Longitude": -121.68, "Population": 596.0}, {"index": 19702, "quantile": 0.5, "value": 141700.0, "Latitude": 39.11, "Longitude": -121.68, "Population": 596.0}, {"index": 19702, "quantile": 0.75, "value": 141700.0, "Latitude": 39.11, "Longitude": -121.68, "Population": 596.0}, {"index": 19702, "quantile": 1.0, "value": 287500.0, "Latitude": 39.11, "Longitude": -121.68, "Population": 596.0}, {"index": 19703, "quantile": 0.0, "value": 93800.0, "Latitude": 39.12, "Longitude": -121.64, "Population": 3294.0}, {"index": 19703, "quantile": 0.25, "value": 115199.99999999999, "Latitude": 39.12, "Longitude": -121.64, "Population": 3294.0}, {"index": 19703, "quantile": 0.5, "value": 131500.0, "Latitude": 39.12, "Longitude": -121.64, "Population": 3294.0}, {"index": 19703, "quantile": 0.75, "value": 152275.0, "Latitude": 39.12, "Longitude": -121.64, "Population": 3294.0}, {"index": 19703, "quantile": 1.0, "value": 256700.00000000003, "Latitude": 39.12, "Longitude": -121.64, "Population": 3294.0}, {"index": 19704, "quantile": 0.0, "value": 67300.0, "Latitude": 39.11, "Longitude": -121.64, "Population": 1817.0}, {"index": 19704, "quantile": 0.25, "value": 91900.0, "Latitude": 39.11, "Longitude": -121.64, "Population": 1817.0}, {"index": 19704, "quantile": 0.5, "value": 99700.0, "Latitude": 39.11, "Longitude": -121.64, "Population": 1817.0}, {"index": 19704, "quantile": 0.75, "value": 115599.99999999999, "Latitude": 39.11, "Longitude": -121.64, "Population": 1817.0}, {"index": 19704, "quantile": 1.0, "value": 227999.99999999997, "Latitude": 39.11, "Longitude": -121.64, "Population": 1817.0}, {"index": 19705, "quantile": 0.0, "value": 94200.0, "Latitude": 39.09, "Longitude": -121.66, "Population": 1090.0}, {"index": 19705, "quantile": 0.25, "value": 96200.0, "Latitude": 39.09, "Longitude": -121.66, "Population": 1090.0}, {"index": 19705, "quantile": 0.5, "value": 96200.0, "Latitude": 39.09, "Longitude": -121.66, "Population": 1090.0}, {"index": 19705, "quantile": 0.75, "value": 97649.99999999999, "Latitude": 39.09, "Longitude": -121.66, "Population": 1090.0}, {"index": 19705, "quantile": 1.0, "value": 234400.0, "Latitude": 39.09, "Longitude": -121.66, "Population": 1090.0}, {"index": 19706, "quantile": 0.0, "value": 71800.0, "Latitude": 39.18, "Longitude": -121.67, "Population": 1125.0}, {"index": 19706, "quantile": 0.25, "value": 94600.0, "Latitude": 39.18, "Longitude": -121.67, "Population": 1125.0}, {"index": 19706, "quantile": 0.5, "value": 94600.0, "Latitude": 39.18, "Longitude": -121.67, "Population": 1125.0}, {"index": 19706, "quantile": 0.75, "value": 94600.0, "Latitude": 39.18, "Longitude": -121.67, "Population": 1125.0}, {"index": 19706, "quantile": 1.0, "value": 183800.0, "Latitude": 39.18, "Longitude": -121.67, "Population": 1125.0}, {"index": 19707, "quantile": 0.0, "value": 94200.0, "Latitude": 39.15, "Longitude": -121.68, "Population": 1292.0}, {"index": 19707, "quantile": 0.25, "value": 115199.99999999999, "Latitude": 39.15, "Longitude": -121.68, "Population": 1292.0}, {"index": 19707, "quantile": 0.5, "value": 115199.99999999999, "Latitude": 39.15, "Longitude": -121.68, "Population": 1292.0}, {"index": 19707, "quantile": 0.75, "value": 140525.0, "Latitude": 39.15, "Longitude": -121.68, "Population": 1292.0}, {"index": 19707, "quantile": 1.0, "value": 199200.0, "Latitude": 39.15, "Longitude": -121.68, "Population": 1292.0}, {"index": 19708, "quantile": 0.0, "value": 84500.0, "Latitude": 39.14, "Longitude": -121.67, "Population": 1056.0}, {"index": 19708, "quantile": 0.25, "value": 112300.0, "Latitude": 39.14, "Longitude": -121.67, "Population": 1056.0}, {"index": 19708, "quantile": 0.5, "value": 112300.0, "Latitude": 39.14, "Longitude": -121.67, "Population": 1056.0}, {"index": 19708, "quantile": 0.75, "value": 112300.0, "Latitude": 39.14, "Longitude": -121.67, "Population": 1056.0}, {"index": 19708, "quantile": 1.0, "value": 179700.0, "Latitude": 39.14, "Longitude": -121.67, "Population": 1056.0}, {"index": 19709, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.18, "Longitude": -121.63, "Population": 821.0}, {"index": 19709, "quantile": 0.25, "value": 95300.0, "Latitude": 39.18, "Longitude": -121.63, "Population": 821.0}, {"index": 19709, "quantile": 0.5, "value": 134000.0, "Latitude": 39.18, "Longitude": -121.63, "Population": 821.0}, {"index": 19709, "quantile": 0.75, "value": 134000.0, "Latitude": 39.18, "Longitude": -121.63, "Population": 821.0}, {"index": 19709, "quantile": 1.0, "value": 136500.0, "Latitude": 39.18, "Longitude": -121.63, "Population": 821.0}, {"index": 19710, "quantile": 0.0, "value": 77400.0, "Latitude": 39.15, "Longitude": -121.66, "Population": 1200.0}, {"index": 19710, "quantile": 0.25, "value": 97950.0, "Latitude": 39.15, "Longitude": -121.66, "Population": 1200.0}, {"index": 19710, "quantile": 0.5, "value": 102400.0, "Latitude": 39.15, "Longitude": -121.66, "Population": 1200.0}, {"index": 19710, "quantile": 0.75, "value": 102400.0, "Latitude": 39.15, "Longitude": -121.66, "Population": 1200.0}, {"index": 19710, "quantile": 1.0, "value": 189400.0, "Latitude": 39.15, "Longitude": -121.66, "Population": 1200.0}, {"index": 19711, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 39.16, "Longitude": -121.65, "Population": 2087.0}, {"index": 19711, "quantile": 0.25, "value": 113474.99999999999, "Latitude": 39.16, "Longitude": -121.65, "Population": 2087.0}, {"index": 19711, "quantile": 0.5, "value": 114799.99999999999, "Latitude": 39.16, "Longitude": -121.65, "Population": 2087.0}, {"index": 19711, "quantile": 0.75, "value": 114799.99999999999, "Latitude": 39.16, "Longitude": -121.65, "Population": 2087.0}, {"index": 19711, "quantile": 1.0, "value": 183100.0, "Latitude": 39.16, "Longitude": -121.65, "Population": 2087.0}, {"index": 19712, "quantile": 0.0, "value": 71800.0, "Latitude": 39.15, "Longitude": -121.64, "Population": 1159.0}, {"index": 19712, "quantile": 0.25, "value": 124900.00000000001, "Latitude": 39.15, "Longitude": -121.64, "Population": 1159.0}, {"index": 19712, "quantile": 0.5, "value": 124900.00000000001, "Latitude": 39.15, "Longitude": -121.64, "Population": 1159.0}, {"index": 19712, "quantile": 0.75, "value": 140600.0, "Latitude": 39.15, "Longitude": -121.64, "Population": 1159.0}, {"index": 19712, "quantile": 1.0, "value": 325700.0, "Latitude": 39.15, "Longitude": -121.64, "Population": 1159.0}, {"index": 19713, "quantile": 0.0, "value": 81600.0, "Latitude": 39.25, "Longitude": -121.71, "Population": 806.0}, {"index": 19713, "quantile": 0.25, "value": 101400.0, "Latitude": 39.25, "Longitude": -121.71, "Population": 806.0}, {"index": 19713, "quantile": 0.5, "value": 101400.0, "Latitude": 39.25, "Longitude": -121.71, "Population": 806.0}, {"index": 19713, "quantile": 0.75, "value": 134025.0, "Latitude": 39.25, "Longitude": -121.71, "Population": 806.0}, {"index": 19713, "quantile": 1.0, "value": 201700.0, "Latitude": 39.25, "Longitude": -121.71, "Population": 806.0}, {"index": 19714, "quantile": 0.0, "value": 44400.0, "Latitude": 39.29, "Longitude": -121.68, "Population": 1137.0}, {"index": 19714, "quantile": 0.25, "value": 54075.00000000001, "Latitude": 39.29, "Longitude": -121.68, "Population": 1137.0}, {"index": 19714, "quantile": 0.5, "value": 60349.99999999999, "Latitude": 39.29, "Longitude": -121.68, "Population": 1137.0}, {"index": 19714, "quantile": 0.75, "value": 72449.99999999999, "Latitude": 39.29, "Longitude": -121.68, "Population": 1137.0}, {"index": 19714, "quantile": 1.0, "value": 200000.0, "Latitude": 39.29, "Longitude": -121.68, "Population": 1137.0}, {"index": 19715, "quantile": 0.0, "value": 45100.0, "Latitude": 39.28, "Longitude": -121.64, "Population": 2076.0}, {"index": 19715, "quantile": 0.25, "value": 64100.0, "Latitude": 39.28, "Longitude": -121.64, "Population": 2076.0}, {"index": 19715, "quantile": 0.5, "value": 64100.0, "Latitude": 39.28, "Longitude": -121.64, "Population": 2076.0}, {"index": 19715, "quantile": 0.75, "value": 65350.0, "Latitude": 39.28, "Longitude": -121.64, "Population": 2076.0}, {"index": 19715, "quantile": 1.0, "value": 225000.0, "Latitude": 39.28, "Longitude": -121.64, "Population": 2076.0}, {"index": 19716, "quantile": 0.0, "value": 63800.0, "Latitude": 39.22, "Longitude": -121.64, "Population": 627.0}, {"index": 19716, "quantile": 0.25, "value": 93900.0, "Latitude": 39.22, "Longitude": -121.64, "Population": 627.0}, {"index": 19716, "quantile": 0.5, "value": 101400.0, "Latitude": 39.22, "Longitude": -121.64, "Population": 627.0}, {"index": 19716, "quantile": 0.75, "value": 129725.0, "Latitude": 39.22, "Longitude": -121.64, "Population": 627.0}, {"index": 19716, "quantile": 1.0, "value": 250000.0, "Latitude": 39.22, "Longitude": -121.64, "Population": 627.0}, {"index": 19717, "quantile": 0.0, "value": 37900.0, "Latitude": 39.26, "Longitude": -121.67, "Population": 2106.0}, {"index": 19717, "quantile": 0.25, "value": 56699.99999999999, "Latitude": 39.26, "Longitude": -121.67, "Population": 2106.0}, {"index": 19717, "quantile": 0.5, "value": 61200.0, "Latitude": 39.26, "Longitude": -121.67, "Population": 2106.0}, {"index": 19717, "quantile": 0.75, "value": 85925.0, "Latitude": 39.26, "Longitude": -121.67, "Population": 2106.0}, {"index": 19717, "quantile": 1.0, "value": 225000.0, "Latitude": 39.26, "Longitude": -121.67, "Population": 2106.0}, {"index": 19718, "quantile": 0.0, "value": 52000.0, "Latitude": 39.23, "Longitude": -121.83, "Population": 1983.0}, {"index": 19718, "quantile": 0.25, "value": 72500.0, "Latitude": 39.23, "Longitude": -121.83, "Population": 1983.0}, {"index": 19718, "quantile": 0.5, "value": 72500.0, "Latitude": 39.23, "Longitude": -121.83, "Population": 1983.0}, {"index": 19718, "quantile": 0.75, "value": 72500.0, "Latitude": 39.23, "Longitude": -121.83, "Population": 1983.0}, {"index": 19718, "quantile": 1.0, "value": 200000.0, "Latitude": 39.23, "Longitude": -121.83, "Population": 1983.0}, {"index": 19719, "quantile": 0.0, "value": 61500.0, "Latitude": 39.15, "Longitude": -121.74, "Population": 1205.0}, {"index": 19719, "quantile": 0.25, "value": 71200.0, "Latitude": 39.15, "Longitude": -121.74, "Population": 1205.0}, {"index": 19719, "quantile": 0.5, "value": 71200.0, "Latitude": 39.15, "Longitude": -121.74, "Population": 1205.0}, {"index": 19719, "quantile": 0.75, "value": 86000.0, "Latitude": 39.15, "Longitude": -121.74, "Population": 1205.0}, {"index": 19719, "quantile": 1.0, "value": 162500.0, "Latitude": 39.15, "Longitude": -121.74, "Population": 1205.0}, {"index": 19720, "quantile": 0.0, "value": 50800.0, "Latitude": 39.1, "Longitude": -121.83, "Population": 451.0}, {"index": 19720, "quantile": 0.25, "value": 97900.0, "Latitude": 39.1, "Longitude": -121.83, "Population": 451.0}, {"index": 19720, "quantile": 0.5, "value": 97900.0, "Latitude": 39.1, "Longitude": -121.83, "Population": 451.0}, {"index": 19720, "quantile": 0.75, "value": 99150.0, "Latitude": 39.1, "Longitude": -121.83, "Population": 451.0}, {"index": 19720, "quantile": 1.0, "value": 202800.0, "Latitude": 39.1, "Longitude": -121.83, "Population": 451.0}, {"index": 19721, "quantile": 0.0, "value": 41800.0, "Latitude": 39.14, "Longitude": -121.91, "Population": 343.0}, {"index": 19721, "quantile": 0.25, "value": 62000.0, "Latitude": 39.14, "Longitude": -121.91, "Population": 343.0}, {"index": 19721, "quantile": 0.5, "value": 62000.0, "Latitude": 39.14, "Longitude": -121.91, "Population": 343.0}, {"index": 19721, "quantile": 0.75, "value": 69024.99999999999, "Latitude": 39.14, "Longitude": -121.91, "Population": 343.0}, {"index": 19721, "quantile": 1.0, "value": 134000.0, "Latitude": 39.14, "Longitude": -121.91, "Population": 343.0}, {"index": 19722, "quantile": 0.0, "value": 50800.0, "Latitude": 38.94, "Longitude": -121.76, "Population": 234.0}, {"index": 19722, "quantile": 0.25, "value": 121099.99999999999, "Latitude": 38.94, "Longitude": -121.76, "Population": 234.0}, {"index": 19722, "quantile": 0.5, "value": 158599.99999999997, "Latitude": 38.94, "Longitude": -121.76, "Population": 234.0}, {"index": 19722, "quantile": 0.75, "value": 202800.0, "Latitude": 38.94, "Longitude": -121.76, "Population": 234.0}, {"index": 19722, "quantile": 1.0, "value": 434500.0, "Latitude": 38.94, "Longitude": -121.76, "Population": 234.0}, {"index": 19723, "quantile": 0.0, "value": 53000.0, "Latitude": 38.85, "Longitude": -121.67, "Population": 410.0}, {"index": 19723, "quantile": 0.25, "value": 75150.0, "Latitude": 38.85, "Longitude": -121.67, "Population": 410.0}, {"index": 19723, "quantile": 0.5, "value": 110400.00000000001, "Latitude": 38.85, "Longitude": -121.67, "Population": 410.0}, {"index": 19723, "quantile": 0.75, "value": 110400.00000000001, "Latitude": 38.85, "Longitude": -121.67, "Population": 410.0}, {"index": 19723, "quantile": 1.0, "value": 275000.0, "Latitude": 38.85, "Longitude": -121.67, "Population": 410.0}, {"index": 19724, "quantile": 0.0, "value": 22500.0, "Latitude": 38.87, "Longitude": -121.69, "Population": 304.0}, {"index": 19724, "quantile": 0.25, "value": 86000.0, "Latitude": 38.87, "Longitude": -121.69, "Population": 304.0}, {"index": 19724, "quantile": 0.5, "value": 86000.0, "Latitude": 38.87, "Longitude": -121.69, "Population": 304.0}, {"index": 19724, "quantile": 0.75, "value": 86000.0, "Latitude": 38.87, "Longitude": -121.69, "Population": 304.0}, {"index": 19724, "quantile": 1.0, "value": 275000.0, "Latitude": 38.87, "Longitude": -121.69, "Population": 304.0}, {"index": 19725, "quantile": 0.0, "value": 49000.0, "Latitude": 38.96, "Longitude": -121.62, "Population": 1068.0}, {"index": 19725, "quantile": 0.25, "value": 74700.0, "Latitude": 38.96, "Longitude": -121.62, "Population": 1068.0}, {"index": 19725, "quantile": 0.5, "value": 118800.0, "Latitude": 38.96, "Longitude": -121.62, "Population": 1068.0}, {"index": 19725, "quantile": 0.75, "value": 118800.0, "Latitude": 38.96, "Longitude": -121.62, "Population": 1068.0}, {"index": 19725, "quantile": 1.0, "value": 156300.0, "Latitude": 38.96, "Longitude": -121.62, "Population": 1068.0}, {"index": 19726, "quantile": 0.0, "value": 71800.0, "Latitude": 39.07, "Longitude": -121.7, "Population": 1437.0}, {"index": 19726, "quantile": 0.25, "value": 100000.0, "Latitude": 39.07, "Longitude": -121.7, "Population": 1437.0}, {"index": 19726, "quantile": 0.5, "value": 100000.0, "Latitude": 39.07, "Longitude": -121.7, "Population": 1437.0}, {"index": 19726, "quantile": 0.75, "value": 100000.0, "Latitude": 39.07, "Longitude": -121.7, "Population": 1437.0}, {"index": 19726, "quantile": 1.0, "value": 172000.0, "Latitude": 39.07, "Longitude": -121.7, "Population": 1437.0}, {"index": 19727, "quantile": 0.0, "value": 68500.0, "Latitude": 38.95, "Longitude": -121.47, "Population": 969.0}, {"index": 19727, "quantile": 0.25, "value": 96200.0, "Latitude": 38.95, "Longitude": -121.47, "Population": 969.0}, {"index": 19727, "quantile": 0.5, "value": 106300.0, "Latitude": 38.95, "Longitude": -121.47, "Population": 969.0}, {"index": 19727, "quantile": 0.75, "value": 106300.0, "Latitude": 38.95, "Longitude": -121.47, "Population": 969.0}, {"index": 19727, "quantile": 1.0, "value": 164600.0, "Latitude": 38.95, "Longitude": -121.47, "Population": 969.0}, {"index": 19728, "quantile": 0.0, "value": 73100.0, "Latitude": 38.9, "Longitude": -121.52, "Population": 802.0}, {"index": 19728, "quantile": 0.25, "value": 98200.0, "Latitude": 38.9, "Longitude": -121.52, "Population": 802.0}, {"index": 19728, "quantile": 0.5, "value": 98200.0, "Latitude": 38.9, "Longitude": -121.52, "Population": 802.0}, {"index": 19728, "quantile": 0.75, "value": 98200.0, "Latitude": 38.9, "Longitude": -121.52, "Population": 802.0}, {"index": 19728, "quantile": 1.0, "value": 187500.0, "Latitude": 38.9, "Longitude": -121.52, "Population": 802.0}, {"index": 19729, "quantile": 0.0, "value": 48300.0, "Latitude": 38.81, "Longitude": -121.58, "Population": 340.0}, {"index": 19729, "quantile": 0.25, "value": 99799.99999999999, "Latitude": 38.81, "Longitude": -121.58, "Population": 340.0}, {"index": 19729, "quantile": 0.5, "value": 258300.00000000003, "Latitude": 38.81, "Longitude": -121.58, "Population": 340.0}, {"index": 19729, "quantile": 0.75, "value": 258300.00000000003, "Latitude": 38.81, "Longitude": -121.58, "Population": 340.0}, {"index": 19729, "quantile": 1.0, "value": 475000.0, "Latitude": 38.81, "Longitude": -121.58, "Population": 340.0}, {"index": 19730, "quantile": 0.0, "value": 73100.0, "Latitude": 38.79, "Longitude": -121.51, "Population": 850.0}, {"index": 19730, "quantile": 0.25, "value": 105600.0, "Latitude": 38.79, "Longitude": -121.51, "Population": 850.0}, {"index": 19730, "quantile": 0.5, "value": 137500.0, "Latitude": 38.79, "Longitude": -121.51, "Population": 850.0}, {"index": 19730, "quantile": 0.75, "value": 137500.0, "Latitude": 38.79, "Longitude": -121.51, "Population": 850.0}, {"index": 19730, "quantile": 1.0, "value": 190200.0, "Latitude": 38.79, "Longitude": -121.51, "Population": 850.0}, {"index": 19731, "quantile": 0.0, "value": 40000.0, "Latitude": 40.05, "Longitude": -122.1, "Population": 305.0}, {"index": 19731, "quantile": 0.25, "value": 64700.0, "Latitude": 40.05, "Longitude": -122.1, "Population": 305.0}, {"index": 19731, "quantile": 0.5, "value": 78100.0, "Latitude": 40.05, "Longitude": -122.1, "Population": 305.0}, {"index": 19731, "quantile": 0.75, "value": 95575.0, "Latitude": 40.05, "Longitude": -122.1, "Population": 305.0}, {"index": 19731, "quantile": 1.0, "value": 200000.0, "Latitude": 40.05, "Longitude": -122.1, "Population": 305.0}, {"index": 19732, "quantile": 0.0, "value": 53000.0, "Latitude": 40.09, "Longitude": -122.08, "Population": 1185.0}, {"index": 19732, "quantile": 0.25, "value": 91200.0, "Latitude": 40.09, "Longitude": -122.08, "Population": 1185.0}, {"index": 19732, "quantile": 0.5, "value": 94000.0, "Latitude": 40.09, "Longitude": -122.08, "Population": 1185.0}, {"index": 19732, "quantile": 0.75, "value": 94000.0, "Latitude": 40.09, "Longitude": -122.08, "Population": 1185.0}, {"index": 19732, "quantile": 1.0, "value": 125600.0, "Latitude": 40.09, "Longitude": -122.08, "Population": 1185.0}, {"index": 19733, "quantile": 0.0, "value": 56200.00000000001, "Latitude": 40.14, "Longitude": -122.12, "Population": 1029.0}, {"index": 19733, "quantile": 0.25, "value": 82300.0, "Latitude": 40.14, "Longitude": -122.12, "Population": 1029.0}, {"index": 19733, "quantile": 0.5, "value": 82300.0, "Latitude": 40.14, "Longitude": -122.12, "Population": 1029.0}, {"index": 19733, "quantile": 0.75, "value": 82300.0, "Latitude": 40.14, "Longitude": -122.12, "Population": 1029.0}, {"index": 19733, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 40.14, "Longitude": -122.12, "Population": 1029.0}, {"index": 19734, "quantile": 0.0, "value": 68500.0, "Latitude": 40.2, "Longitude": -122.17, "Population": 873.0}, {"index": 19734, "quantile": 0.25, "value": 85400.0, "Latitude": 40.2, "Longitude": -122.17, "Population": 873.0}, {"index": 19734, "quantile": 0.5, "value": 85900.0, "Latitude": 40.2, "Longitude": -122.17, "Population": 873.0}, {"index": 19734, "quantile": 0.75, "value": 98175.0, "Latitude": 40.2, "Longitude": -122.17, "Population": 873.0}, {"index": 19734, "quantile": 1.0, "value": 143800.0, "Latitude": 40.2, "Longitude": -122.17, "Population": 873.0}, {"index": 19735, "quantile": 0.0, "value": 64500.0, "Latitude": 40.34, "Longitude": -121.8, "Population": 1341.0}, {"index": 19735, "quantile": 0.25, "value": 79800.0, "Latitude": 40.34, "Longitude": -121.8, "Population": 1341.0}, {"index": 19735, "quantile": 0.5, "value": 79800.0, "Latitude": 40.34, "Longitude": -121.8, "Population": 1341.0}, {"index": 19735, "quantile": 0.75, "value": 79800.0, "Latitude": 40.34, "Longitude": -121.8, "Population": 1341.0}, {"index": 19735, "quantile": 1.0, "value": 152700.0, "Latitude": 40.34, "Longitude": -121.8, "Population": 1341.0}, {"index": 19736, "quantile": 0.0, "value": 47500.0, "Latitude": 40.12, "Longitude": -121.78, "Population": 35.0}, {"index": 19736, "quantile": 0.25, "value": 193800.0, "Latitude": 40.12, "Longitude": -121.78, "Population": 35.0}, {"index": 19736, "quantile": 0.5, "value": 317000.0, "Latitude": 40.12, "Longitude": -121.78, "Population": 35.0}, {"index": 19736, "quantile": 0.75, "value": 364800.0, "Latitude": 40.12, "Longitude": -121.78, "Population": 35.0}, {"index": 19736, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 40.12, "Longitude": -121.78, "Population": 35.0}, {"index": 19737, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 40.32, "Longitude": -122.42, "Population": 961.0}, {"index": 19737, "quantile": 0.25, "value": 83900.0, "Latitude": 40.32, "Longitude": -122.42, "Population": 961.0}, {"index": 19737, "quantile": 0.5, "value": 83900.0, "Latitude": 40.32, "Longitude": -122.42, "Population": 961.0}, {"index": 19737, "quantile": 0.75, "value": 83900.0, "Latitude": 40.32, "Longitude": -122.42, "Population": 961.0}, {"index": 19737, "quantile": 1.0, "value": 136700.0, "Latitude": 40.32, "Longitude": -122.42, "Population": 961.0}, {"index": 19738, "quantile": 0.0, "value": 61300.0, "Latitude": 40.32, "Longitude": -122.34, "Population": 2008.0}, {"index": 19738, "quantile": 0.25, "value": 92200.0, "Latitude": 40.32, "Longitude": -122.34, "Population": 2008.0}, {"index": 19738, "quantile": 0.5, "value": 92200.0, "Latitude": 40.32, "Longitude": -122.34, "Population": 2008.0}, {"index": 19738, "quantile": 0.75, "value": 92200.0, "Latitude": 40.32, "Longitude": -122.34, "Population": 2008.0}, {"index": 19738, "quantile": 1.0, "value": 172000.0, "Latitude": 40.32, "Longitude": -122.34, "Population": 2008.0}, {"index": 19739, "quantile": 0.0, "value": 72200.0, "Latitude": 40.32, "Longitude": -122.23, "Population": 1003.0}, {"index": 19739, "quantile": 0.25, "value": 81300.0, "Latitude": 40.32, "Longitude": -122.23, "Population": 1003.0}, {"index": 19739, "quantile": 0.5, "value": 81300.0, "Latitude": 40.32, "Longitude": -122.23, "Population": 1003.0}, {"index": 19739, "quantile": 0.75, "value": 93700.0, "Latitude": 40.32, "Longitude": -122.23, "Population": 1003.0}, {"index": 19739, "quantile": 1.0, "value": 171900.0, "Latitude": 40.32, "Longitude": -122.23, "Population": 1003.0}, {"index": 19740, "quantile": 0.0, "value": 72200.0, "Latitude": 40.09, "Longitude": -122.38, "Population": 1155.0}, {"index": 19740, "quantile": 0.25, "value": 89600.0, "Latitude": 40.09, "Longitude": -122.38, "Population": 1155.0}, {"index": 19740, "quantile": 0.5, "value": 100050.0, "Latitude": 40.09, "Longitude": -122.38, "Population": 1155.0}, {"index": 19740, "quantile": 0.75, "value": 118425.0, "Latitude": 40.09, "Longitude": -122.38, "Population": 1155.0}, {"index": 19740, "quantile": 1.0, "value": 201799.99999999997, "Latitude": 40.09, "Longitude": -122.38, "Population": 1155.0}, {"index": 19741, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 39.9, "Longitude": -122.57, "Population": 1697.0}, {"index": 19741, "quantile": 0.25, "value": 77025.0, "Latitude": 39.9, "Longitude": -122.57, "Population": 1697.0}, {"index": 19741, "quantile": 0.5, "value": 89400.0, "Latitude": 39.9, "Longitude": -122.57, "Population": 1697.0}, {"index": 19741, "quantile": 0.75, "value": 102099.99999999999, "Latitude": 39.9, "Longitude": -122.57, "Population": 1697.0}, {"index": 19741, "quantile": 1.0, "value": 164400.0, "Latitude": 39.9, "Longitude": -122.57, "Population": 1697.0}, {"index": 19742, "quantile": 0.0, "value": 34200.0, "Latitude": 40.17, "Longitude": -122.72, "Population": 188.0}, {"index": 19742, "quantile": 0.25, "value": 79000.0, "Latitude": 40.17, "Longitude": -122.72, "Population": 188.0}, {"index": 19742, "quantile": 0.5, "value": 87500.0, "Latitude": 40.17, "Longitude": -122.72, "Population": 188.0}, {"index": 19742, "quantile": 0.75, "value": 87500.0, "Latitude": 40.17, "Longitude": -122.72, "Population": 188.0}, {"index": 19742, "quantile": 1.0, "value": 113900.0, "Latitude": 40.17, "Longitude": -122.72, "Population": 188.0}, {"index": 19743, "quantile": 0.0, "value": 78300.0, "Latitude": 40.26, "Longitude": -122.2, "Population": 957.0}, {"index": 19743, "quantile": 0.25, "value": 117974.99999999999, "Latitude": 40.26, "Longitude": -122.2, "Population": 957.0}, {"index": 19743, "quantile": 0.5, "value": 137900.0, "Latitude": 40.26, "Longitude": -122.2, "Population": 957.0}, {"index": 19743, "quantile": 0.75, "value": 137900.0, "Latitude": 40.26, "Longitude": -122.2, "Population": 957.0}, {"index": 19743, "quantile": 1.0, "value": 220100.0, "Latitude": 40.26, "Longitude": -122.2, "Population": 957.0}, {"index": 19744, "quantile": 0.0, "value": 75600.0, "Latitude": 40.2, "Longitude": -122.38, "Population": 1366.0}, {"index": 19744, "quantile": 0.25, "value": 87700.0, "Latitude": 40.2, "Longitude": -122.38, "Population": 1366.0}, {"index": 19744, "quantile": 0.5, "value": 87700.0, "Latitude": 40.2, "Longitude": -122.38, "Population": 1366.0}, {"index": 19744, "quantile": 0.75, "value": 87700.0, "Latitude": 40.2, "Longitude": -122.38, "Population": 1366.0}, {"index": 19744, "quantile": 1.0, "value": 141600.0, "Latitude": 40.2, "Longitude": -122.38, "Population": 1366.0}, {"index": 19745, "quantile": 0.0, "value": 81300.0, "Latitude": 40.25, "Longitude": -122.35, "Population": 866.0}, {"index": 19745, "quantile": 0.25, "value": 104299.99999999999, "Latitude": 40.25, "Longitude": -122.35, "Population": 866.0}, {"index": 19745, "quantile": 0.5, "value": 104299.99999999999, "Latitude": 40.25, "Longitude": -122.35, "Population": 866.0}, {"index": 19745, "quantile": 0.75, "value": 104650.0, "Latitude": 40.25, "Longitude": -122.35, "Population": 866.0}, {"index": 19745, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 40.25, "Longitude": -122.35, "Population": 866.0}, {"index": 19746, "quantile": 0.0, "value": 46200.0, "Latitude": 40.19, "Longitude": -122.26, "Population": 1194.0}, {"index": 19746, "quantile": 0.25, "value": 58700.0, "Latitude": 40.19, "Longitude": -122.26, "Population": 1194.0}, {"index": 19746, "quantile": 0.5, "value": 63400.0, "Latitude": 40.19, "Longitude": -122.26, "Population": 1194.0}, {"index": 19746, "quantile": 0.75, "value": 68500.0, "Latitude": 40.19, "Longitude": -122.26, "Population": 1194.0}, {"index": 19746, "quantile": 1.0, "value": 118800.0, "Latitude": 40.19, "Longitude": -122.26, "Population": 1194.0}, {"index": 19747, "quantile": 0.0, "value": 73600.0, "Latitude": 40.19, "Longitude": -122.24, "Population": 859.0}, {"index": 19747, "quantile": 0.25, "value": 85775.0, "Latitude": 40.19, "Longitude": -122.24, "Population": 859.0}, {"index": 19747, "quantile": 0.5, "value": 94449.99999999999, "Latitude": 40.19, "Longitude": -122.24, "Population": 859.0}, {"index": 19747, "quantile": 0.75, "value": 136425.0, "Latitude": 40.19, "Longitude": -122.24, "Population": 859.0}, {"index": 19747, "quantile": 1.0, "value": 170200.0, "Latitude": 40.19, "Longitude": -122.24, "Population": 859.0}, {"index": 19748, "quantile": 0.0, "value": 91200.0, "Latitude": 40.2, "Longitude": -122.23, "Population": 322.0}, {"index": 19748, "quantile": 0.25, "value": 128800.0, "Latitude": 40.2, "Longitude": -122.23, "Population": 322.0}, {"index": 19748, "quantile": 0.5, "value": 128800.0, "Latitude": 40.2, "Longitude": -122.23, "Population": 322.0}, {"index": 19748, "quantile": 0.75, "value": 142725.0, "Latitude": 40.2, "Longitude": -122.23, "Population": 322.0}, {"index": 19748, "quantile": 1.0, "value": 326500.0, "Latitude": 40.2, "Longitude": -122.23, "Population": 322.0}, {"index": 19749, "quantile": 0.0, "value": 44000.0, "Latitude": 40.18, "Longitude": -122.24, "Population": 1307.0}, {"index": 19749, "quantile": 0.25, "value": 51900.0, "Latitude": 40.18, "Longitude": -122.24, "Population": 1307.0}, {"index": 19749, "quantile": 0.5, "value": 63300.0, "Latitude": 40.18, "Longitude": -122.24, "Population": 1307.0}, {"index": 19749, "quantile": 0.75, "value": 79000.0, "Latitude": 40.18, "Longitude": -122.24, "Population": 1307.0}, {"index": 19749, "quantile": 1.0, "value": 200000.0, "Latitude": 40.18, "Longitude": -122.24, "Population": 1307.0}, {"index": 19750, "quantile": 0.0, "value": 46200.0, "Latitude": 40.17, "Longitude": -122.24, "Population": 1083.0}, {"index": 19750, "quantile": 0.25, "value": 51900.0, "Latitude": 40.17, "Longitude": -122.24, "Population": 1083.0}, {"index": 19750, "quantile": 0.5, "value": 51900.0, "Latitude": 40.17, "Longitude": -122.24, "Population": 1083.0}, {"index": 19750, "quantile": 0.75, "value": 56375.0, "Latitude": 40.17, "Longitude": -122.24, "Population": 1083.0}, {"index": 19750, "quantile": 1.0, "value": 103899.99999999999, "Latitude": 40.17, "Longitude": -122.24, "Population": 1083.0}, {"index": 19751, "quantile": 0.0, "value": 41800.0, "Latitude": 40.17, "Longitude": -122.25, "Population": 846.0}, {"index": 19751, "quantile": 0.25, "value": 54100.00000000001, "Latitude": 40.17, "Longitude": -122.25, "Population": 846.0}, {"index": 19751, "quantile": 0.5, "value": 54100.00000000001, "Latitude": 40.17, "Longitude": -122.25, "Population": 846.0}, {"index": 19751, "quantile": 0.75, "value": 57924.99999999999, "Latitude": 40.17, "Longitude": -122.25, "Population": 846.0}, {"index": 19751, "quantile": 1.0, "value": 111400.00000000001, "Latitude": 40.17, "Longitude": -122.25, "Population": 846.0}, {"index": 19752, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 40.18, "Longitude": -122.22, "Population": 1754.0}, {"index": 19752, "quantile": 0.25, "value": 78700.0, "Latitude": 40.18, "Longitude": -122.22, "Population": 1754.0}, {"index": 19752, "quantile": 0.5, "value": 94000.0, "Latitude": 40.18, "Longitude": -122.22, "Population": 1754.0}, {"index": 19752, "quantile": 0.75, "value": 95300.0, "Latitude": 40.18, "Longitude": -122.22, "Population": 1754.0}, {"index": 19752, "quantile": 1.0, "value": 208000.0, "Latitude": 40.18, "Longitude": -122.22, "Population": 1754.0}, {"index": 19753, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 40.2, "Longitude": -122.21, "Population": 1421.0}, {"index": 19753, "quantile": 0.25, "value": 84400.0, "Latitude": 40.2, "Longitude": -122.21, "Population": 1421.0}, {"index": 19753, "quantile": 0.5, "value": 84400.0, "Latitude": 40.2, "Longitude": -122.21, "Population": 1421.0}, {"index": 19753, "quantile": 0.75, "value": 97350.0, "Latitude": 40.2, "Longitude": -122.21, "Population": 1421.0}, {"index": 19753, "quantile": 1.0, "value": 241000.0, "Latitude": 40.2, "Longitude": -122.21, "Population": 1421.0}, {"index": 19754, "quantile": 0.0, "value": 73600.0, "Latitude": 40.2, "Longitude": -122.19, "Population": 1296.0}, {"index": 19754, "quantile": 0.25, "value": 73600.0, "Latitude": 40.2, "Longitude": -122.19, "Population": 1296.0}, {"index": 19754, "quantile": 0.5, "value": 73600.0, "Latitude": 40.2, "Longitude": -122.19, "Population": 1296.0}, {"index": 19754, "quantile": 0.75, "value": 96525.0, "Latitude": 40.2, "Longitude": -122.19, "Population": 1296.0}, {"index": 19754, "quantile": 1.0, "value": 153100.0, "Latitude": 40.2, "Longitude": -122.19, "Population": 1296.0}, {"index": 19755, "quantile": 0.0, "value": 44400.0, "Latitude": 40.18, "Longitude": -122.21, "Population": 410.0}, {"index": 19755, "quantile": 0.25, "value": 63200.0, "Latitude": 40.18, "Longitude": -122.21, "Population": 410.0}, {"index": 19755, "quantile": 0.5, "value": 63200.0, "Latitude": 40.18, "Longitude": -122.21, "Population": 410.0}, {"index": 19755, "quantile": 0.75, "value": 63225.0, "Latitude": 40.18, "Longitude": -122.21, "Population": 410.0}, {"index": 19755, "quantile": 1.0, "value": 134000.0, "Latitude": 40.18, "Longitude": -122.21, "Population": 410.0}, {"index": 19756, "quantile": 0.0, "value": 55100.00000000001, "Latitude": 40.17, "Longitude": -122.25, "Population": 1741.0}, {"index": 19756, "quantile": 0.25, "value": 64900.0, "Latitude": 40.17, "Longitude": -122.25, "Population": 1741.0}, {"index": 19756, "quantile": 0.5, "value": 64900.0, "Latitude": 40.17, "Longitude": -122.25, "Population": 1741.0}, {"index": 19756, "quantile": 0.75, "value": 64900.0, "Latitude": 40.17, "Longitude": -122.25, "Population": 1741.0}, {"index": 19756, "quantile": 1.0, "value": 156700.0, "Latitude": 40.17, "Longitude": -122.25, "Population": 1741.0}, {"index": 19757, "quantile": 0.0, "value": 44400.0, "Latitude": 40.16, "Longitude": -122.24, "Population": 1293.0}, {"index": 19757, "quantile": 0.25, "value": 55100.00000000001, "Latitude": 40.16, "Longitude": -122.24, "Population": 1293.0}, {"index": 19757, "quantile": 0.5, "value": 55100.00000000001, "Latitude": 40.16, "Longitude": -122.24, "Population": 1293.0}, {"index": 19757, "quantile": 0.75, "value": 64900.0, "Latitude": 40.16, "Longitude": -122.24, "Population": 1293.0}, {"index": 19757, "quantile": 1.0, "value": 119200.0, "Latitude": 40.16, "Longitude": -122.24, "Population": 1293.0}, {"index": 19758, "quantile": 0.0, "value": 34600.0, "Latitude": 40.17, "Longitude": -122.23, "Population": 651.0}, {"index": 19758, "quantile": 0.25, "value": 64700.0, "Latitude": 40.17, "Longitude": -122.23, "Population": 651.0}, {"index": 19758, "quantile": 0.5, "value": 64700.0, "Latitude": 40.17, "Longitude": -122.23, "Population": 651.0}, {"index": 19758, "quantile": 0.75, "value": 70375.0, "Latitude": 40.17, "Longitude": -122.23, "Population": 651.0}, {"index": 19758, "quantile": 1.0, "value": 121800.0, "Latitude": 40.17, "Longitude": -122.23, "Population": 651.0}, {"index": 19759, "quantile": 0.0, "value": 51600.0, "Latitude": 40.15, "Longitude": -122.23, "Population": 1637.0}, {"index": 19759, "quantile": 0.25, "value": 51600.0, "Latitude": 40.15, "Longitude": -122.23, "Population": 1637.0}, {"index": 19759, "quantile": 0.5, "value": 51600.0, "Latitude": 40.15, "Longitude": -122.23, "Population": 1637.0}, {"index": 19759, "quantile": 0.75, "value": 66150.0, "Latitude": 40.15, "Longitude": -122.23, "Population": 1637.0}, {"index": 19759, "quantile": 1.0, "value": 350000.0, "Latitude": 40.15, "Longitude": -122.23, "Population": 1637.0}, {"index": 19760, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 40.15, "Longitude": -122.25, "Population": 858.0}, {"index": 19760, "quantile": 0.25, "value": 82250.0, "Latitude": 40.15, "Longitude": -122.25, "Population": 858.0}, {"index": 19760, "quantile": 0.5, "value": 92200.0, "Latitude": 40.15, "Longitude": -122.25, "Population": 858.0}, {"index": 19760, "quantile": 0.75, "value": 100600.0, "Latitude": 40.15, "Longitude": -122.25, "Population": 858.0}, {"index": 19760, "quantile": 1.0, "value": 141600.0, "Latitude": 40.15, "Longitude": -122.25, "Population": 858.0}, {"index": 19761, "quantile": 0.0, "value": 44000.0, "Latitude": 40.11, "Longitude": -122.17, "Population": 1042.0}, {"index": 19761, "quantile": 0.25, "value": 59000.0, "Latitude": 40.11, "Longitude": -122.17, "Population": 1042.0}, {"index": 19761, "quantile": 0.5, "value": 59000.0, "Latitude": 40.11, "Longitude": -122.17, "Population": 1042.0}, {"index": 19761, "quantile": 0.75, "value": 59000.0, "Latitude": 40.11, "Longitude": -122.17, "Population": 1042.0}, {"index": 19761, "quantile": 1.0, "value": 200000.0, "Latitude": 40.11, "Longitude": -122.17, "Population": 1042.0}, {"index": 19762, "quantile": 0.0, "value": 44400.0, "Latitude": 40.07, "Longitude": -122.19, "Population": 744.0}, {"index": 19762, "quantile": 0.25, "value": 59400.0, "Latitude": 40.07, "Longitude": -122.19, "Population": 744.0}, {"index": 19762, "quantile": 0.5, "value": 68200.0, "Latitude": 40.07, "Longitude": -122.19, "Population": 744.0}, {"index": 19762, "quantile": 0.75, "value": 79800.0, "Latitude": 40.07, "Longitude": -122.19, "Population": 744.0}, {"index": 19762, "quantile": 1.0, "value": 118800.0, "Latitude": 40.07, "Longitude": -122.19, "Population": 744.0}, {"index": 19763, "quantile": 0.0, "value": 49500.0, "Latitude": 40.02, "Longitude": -122.18, "Population": 961.0}, {"index": 19763, "quantile": 0.25, "value": 68200.0, "Latitude": 40.02, "Longitude": -122.18, "Population": 961.0}, {"index": 19763, "quantile": 0.5, "value": 68200.0, "Latitude": 40.02, "Longitude": -122.18, "Population": 961.0}, {"index": 19763, "quantile": 0.75, "value": 68200.0, "Latitude": 40.02, "Longitude": -122.18, "Population": 961.0}, {"index": 19763, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 40.02, "Longitude": -122.18, "Population": 961.0}, {"index": 19764, "quantile": 0.0, "value": 44400.0, "Latitude": 40.07, "Longitude": -122.14, "Population": 1193.0}, {"index": 19764, "quantile": 0.25, "value": 44400.0, "Latitude": 40.07, "Longitude": -122.14, "Population": 1193.0}, {"index": 19764, "quantile": 0.5, "value": 44400.0, "Latitude": 40.07, "Longitude": -122.14, "Population": 1193.0}, {"index": 19764, "quantile": 0.75, "value": 56599.99999999999, "Latitude": 40.07, "Longitude": -122.14, "Population": 1193.0}, {"index": 19764, "quantile": 1.0, "value": 84500.0, "Latitude": 40.07, "Longitude": -122.14, "Population": 1193.0}, {"index": 19765, "quantile": 0.0, "value": 52000.0, "Latitude": 40.01, "Longitude": -122.13, "Population": 451.0}, {"index": 19765, "quantile": 0.25, "value": 63300.0, "Latitude": 40.01, "Longitude": -122.13, "Population": 451.0}, {"index": 19765, "quantile": 0.5, "value": 63300.0, "Latitude": 40.01, "Longitude": -122.13, "Population": 451.0}, {"index": 19765, "quantile": 0.75, "value": 69924.99999999999, "Latitude": 40.01, "Longitude": -122.13, "Population": 451.0}, {"index": 19765, "quantile": 1.0, "value": 119200.0, "Latitude": 40.01, "Longitude": -122.13, "Population": 451.0}, {"index": 19766, "quantile": 0.0, "value": 44400.0, "Latitude": 40.03, "Longitude": -122.1, "Population": 1266.0}, {"index": 19766, "quantile": 0.25, "value": 58399.99999999999, "Latitude": 40.03, "Longitude": -122.1, "Population": 1266.0}, {"index": 19766, "quantile": 0.5, "value": 58399.99999999999, "Latitude": 40.03, "Longitude": -122.1, "Population": 1266.0}, {"index": 19766, "quantile": 0.75, "value": 58399.99999999999, "Latitude": 40.03, "Longitude": -122.1, "Population": 1266.0}, {"index": 19766, "quantile": 1.0, "value": 80400.0, "Latitude": 40.03, "Longitude": -122.1, "Population": 1266.0}, {"index": 19767, "quantile": 0.0, "value": 57399.99999999999, "Latitude": 40.02, "Longitude": -122.06, "Population": 690.0}, {"index": 19767, "quantile": 0.25, "value": 68400.0, "Latitude": 40.02, "Longitude": -122.06, "Population": 690.0}, {"index": 19767, "quantile": 0.5, "value": 68400.0, "Latitude": 40.02, "Longitude": -122.06, "Population": 690.0}, {"index": 19767, "quantile": 0.75, "value": 69600.0, "Latitude": 40.02, "Longitude": -122.06, "Population": 690.0}, {"index": 19767, "quantile": 1.0, "value": 130700.0, "Latitude": 40.02, "Longitude": -122.06, "Population": 690.0}, {"index": 19768, "quantile": 0.0, "value": 41800.0, "Latitude": 39.94, "Longitude": -122.0, "Population": 464.0}, {"index": 19768, "quantile": 0.25, "value": 58199.99999999999, "Latitude": 39.94, "Longitude": -122.0, "Population": 464.0}, {"index": 19768, "quantile": 0.5, "value": 58199.99999999999, "Latitude": 39.94, "Longitude": -122.0, "Population": 464.0}, {"index": 19768, "quantile": 0.75, "value": 58250.0, "Latitude": 39.94, "Longitude": -122.0, "Population": 464.0}, {"index": 19768, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 39.94, "Longitude": -122.0, "Population": 464.0}, {"index": 19769, "quantile": 0.0, "value": 61300.0, "Latitude": 39.82, "Longitude": -122.11, "Population": 508.0}, {"index": 19769, "quantile": 0.25, "value": 91700.0, "Latitude": 39.82, "Longitude": -122.11, "Population": 508.0}, {"index": 19769, "quantile": 0.5, "value": 91700.0, "Latitude": 39.82, "Longitude": -122.11, "Population": 508.0}, {"index": 19769, "quantile": 0.75, "value": 91700.0, "Latitude": 39.82, "Longitude": -122.11, "Population": 508.0}, {"index": 19769, "quantile": 1.0, "value": 154200.0, "Latitude": 39.82, "Longitude": -122.11, "Population": 508.0}, {"index": 19770, "quantile": 0.0, "value": 53000.0, "Latitude": 39.91, "Longitude": -122.12, "Population": 2028.0}, {"index": 19770, "quantile": 0.25, "value": 78700.0, "Latitude": 39.91, "Longitude": -122.12, "Population": 2028.0}, {"index": 19770, "quantile": 0.5, "value": 89100.0, "Latitude": 39.91, "Longitude": -122.12, "Population": 2028.0}, {"index": 19770, "quantile": 0.75, "value": 94049.99999999999, "Latitude": 39.91, "Longitude": -122.12, "Population": 2028.0}, {"index": 19770, "quantile": 1.0, "value": 141600.0, "Latitude": 39.91, "Longitude": -122.12, "Population": 2028.0}, {"index": 19771, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 39.92, "Longitude": -122.17, "Population": 652.0}, {"index": 19771, "quantile": 0.25, "value": 71875.0, "Latitude": 39.92, "Longitude": -122.17, "Population": 652.0}, {"index": 19771, "quantile": 0.5, "value": 77450.0, "Latitude": 39.92, "Longitude": -122.17, "Population": 652.0}, {"index": 19771, "quantile": 0.75, "value": 94200.0, "Latitude": 39.92, "Longitude": -122.17, "Population": 652.0}, {"index": 19771, "quantile": 1.0, "value": 145800.0, "Latitude": 39.92, "Longitude": -122.17, "Population": 652.0}, {"index": 19772, "quantile": 0.0, "value": 52000.0, "Latitude": 39.94, "Longitude": -122.17, "Population": 1316.0}, {"index": 19772, "quantile": 0.25, "value": 57399.99999999999, "Latitude": 39.94, "Longitude": -122.17, "Population": 1316.0}, {"index": 19772, "quantile": 0.5, "value": 57399.99999999999, "Latitude": 39.94, "Longitude": -122.17, "Population": 1316.0}, {"index": 19772, "quantile": 0.75, "value": 61100.0, "Latitude": 39.94, "Longitude": -122.17, "Population": 1316.0}, {"index": 19772, "quantile": 1.0, "value": 86400.0, "Latitude": 39.94, "Longitude": -122.17, "Population": 1316.0}, {"index": 19773, "quantile": 0.0, "value": 68400.0, "Latitude": 39.97, "Longitude": -122.14, "Population": 625.0}, {"index": 19773, "quantile": 0.25, "value": 83375.0, "Latitude": 39.97, "Longitude": -122.14, "Population": 625.0}, {"index": 19773, "quantile": 0.5, "value": 92250.00000000001, "Latitude": 39.97, "Longitude": -122.14, "Population": 625.0}, {"index": 19773, "quantile": 0.75, "value": 102250.0, "Latitude": 39.97, "Longitude": -122.14, "Population": 625.0}, {"index": 19773, "quantile": 1.0, "value": 220100.0, "Latitude": 39.97, "Longitude": -122.14, "Population": 625.0}, {"index": 19774, "quantile": 0.0, "value": 34600.0, "Latitude": 39.95, "Longitude": -122.23, "Population": 888.0}, {"index": 19774, "quantile": 0.25, "value": 86400.0, "Latitude": 39.95, "Longitude": -122.23, "Population": 888.0}, {"index": 19774, "quantile": 0.5, "value": 86400.0, "Latitude": 39.95, "Longitude": -122.23, "Population": 888.0}, {"index": 19774, "quantile": 0.75, "value": 86400.0, "Latitude": 39.95, "Longitude": -122.23, "Population": 888.0}, {"index": 19774, "quantile": 1.0, "value": 115199.99999999999, "Latitude": 39.95, "Longitude": -122.23, "Population": 888.0}, {"index": 19775, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 39.93, "Longitude": -122.2, "Population": 768.0}, {"index": 19775, "quantile": 0.25, "value": 54400.00000000001, "Latitude": 39.93, "Longitude": -122.2, "Population": 768.0}, {"index": 19775, "quantile": 0.5, "value": 54400.00000000001, "Latitude": 39.93, "Longitude": -122.2, "Population": 768.0}, {"index": 19775, "quantile": 0.75, "value": 66800.0, "Latitude": 39.93, "Longitude": -122.2, "Population": 768.0}, {"index": 19775, "quantile": 1.0, "value": 193800.0, "Latitude": 39.93, "Longitude": -122.2, "Population": 768.0}, {"index": 19776, "quantile": 0.0, "value": 51600.0, "Latitude": 39.86, "Longitude": -122.23, "Population": 982.0}, {"index": 19776, "quantile": 0.25, "value": 77075.0, "Latitude": 39.86, "Longitude": -122.23, "Population": 982.0}, {"index": 19776, "quantile": 0.5, "value": 79800.0, "Latitude": 39.86, "Longitude": -122.23, "Population": 982.0}, {"index": 19776, "quantile": 0.75, "value": 79800.0, "Latitude": 39.86, "Longitude": -122.23, "Population": 982.0}, {"index": 19776, "quantile": 1.0, "value": 119200.0, "Latitude": 39.86, "Longitude": -122.23, "Population": 982.0}, {"index": 19777, "quantile": 0.0, "value": 34200.0, "Latitude": 39.92, "Longitude": -122.19, "Population": 1363.0}, {"index": 19777, "quantile": 0.25, "value": 54200.00000000001, "Latitude": 39.92, "Longitude": -122.19, "Population": 1363.0}, {"index": 19777, "quantile": 0.5, "value": 54200.00000000001, "Latitude": 39.92, "Longitude": -122.19, "Population": 1363.0}, {"index": 19777, "quantile": 0.75, "value": 69249.99999999999, "Latitude": 39.92, "Longitude": -122.19, "Population": 1363.0}, {"index": 19777, "quantile": 1.0, "value": 154900.0, "Latitude": 39.92, "Longitude": -122.19, "Population": 1363.0}, {"index": 19778, "quantile": 0.0, "value": 49500.0, "Latitude": 39.93, "Longitude": -122.18, "Population": 610.0}, {"index": 19778, "quantile": 0.25, "value": 63149.99999999999, "Latitude": 39.93, "Longitude": -122.18, "Population": 610.0}, {"index": 19778, "quantile": 0.5, "value": 68200.0, "Latitude": 39.93, "Longitude": -122.18, "Population": 610.0}, {"index": 19778, "quantile": 0.75, "value": 69600.0, "Latitude": 39.93, "Longitude": -122.18, "Population": 610.0}, {"index": 19778, "quantile": 1.0, "value": 100299.99999999999, "Latitude": 39.93, "Longitude": -122.18, "Population": 610.0}, {"index": 19779, "quantile": 0.0, "value": 43500.0, "Latitude": 39.91, "Longitude": -122.19, "Population": 1433.0}, {"index": 19779, "quantile": 0.25, "value": 53500.0, "Latitude": 39.91, "Longitude": -122.19, "Population": 1433.0}, {"index": 19779, "quantile": 0.5, "value": 53500.0, "Latitude": 39.91, "Longitude": -122.19, "Population": 1433.0}, {"index": 19779, "quantile": 0.75, "value": 57399.99999999999, "Latitude": 39.91, "Longitude": -122.19, "Population": 1433.0}, {"index": 19779, "quantile": 1.0, "value": 84500.0, "Latitude": 39.91, "Longitude": -122.19, "Population": 1433.0}, {"index": 19780, "quantile": 0.0, "value": 76100.0, "Latitude": 41.15, "Longitude": -122.68, "Population": 224.0}, {"index": 19780, "quantile": 0.25, "value": 90400.0, "Latitude": 41.15, "Longitude": -122.68, "Population": 224.0}, {"index": 19780, "quantile": 0.5, "value": 90400.0, "Latitude": 41.15, "Longitude": -122.68, "Population": 224.0}, {"index": 19780, "quantile": 0.75, "value": 94849.99999999999, "Latitude": 41.15, "Longitude": -122.68, "Population": 224.0}, {"index": 19780, "quantile": 1.0, "value": 213200.0, "Latitude": 41.15, "Longitude": -122.68, "Population": 224.0}, {"index": 19781, "quantile": 0.0, "value": 48100.0, "Latitude": 40.93, "Longitude": -122.81, "Population": 588.0}, {"index": 19781, "quantile": 0.25, "value": 88900.0, "Latitude": 40.93, "Longitude": -122.81, "Population": 588.0}, {"index": 19781, "quantile": 0.5, "value": 88900.0, "Latitude": 40.93, "Longitude": -122.81, "Population": 588.0}, {"index": 19781, "quantile": 0.75, "value": 88900.0, "Latitude": 40.93, "Longitude": -122.81, "Population": 588.0}, {"index": 19781, "quantile": 1.0, "value": 154200.0, "Latitude": 40.93, "Longitude": -122.81, "Population": 588.0}, {"index": 19782, "quantile": 0.0, "value": 73600.0, "Latitude": 40.77, "Longitude": -122.96, "Population": 753.0}, {"index": 19782, "quantile": 0.25, "value": 90100.0, "Latitude": 40.77, "Longitude": -122.96, "Population": 753.0}, {"index": 19782, "quantile": 0.5, "value": 96000.0, "Latitude": 40.77, "Longitude": -122.96, "Population": 753.0}, {"index": 19782, "quantile": 0.75, "value": 101600.0, "Latitude": 40.77, "Longitude": -122.96, "Population": 753.0}, {"index": 19782, "quantile": 1.0, "value": 300000.0, "Latitude": 40.77, "Longitude": -122.96, "Population": 753.0}, {"index": 19783, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 40.78, "Longitude": -122.93, "Population": 1685.0}, {"index": 19783, "quantile": 0.25, "value": 91200.0, "Latitude": 40.78, "Longitude": -122.93, "Population": 1685.0}, {"index": 19783, "quantile": 0.5, "value": 91200.0, "Latitude": 40.78, "Longitude": -122.93, "Population": 1685.0}, {"index": 19783, "quantile": 0.75, "value": 91200.0, "Latitude": 40.78, "Longitude": -122.93, "Population": 1685.0}, {"index": 19783, "quantile": 1.0, "value": 267600.0, "Latitude": 40.78, "Longitude": -122.93, "Population": 1685.0}, {"index": 19784, "quantile": 0.0, "value": 53000.0, "Latitude": 40.76, "Longitude": -122.89, "Population": 270.0}, {"index": 19784, "quantile": 0.25, "value": 95225.0, "Latitude": 40.76, "Longitude": -122.89, "Population": 270.0}, {"index": 19784, "quantile": 0.5, "value": 102099.99999999999, "Latitude": 40.76, "Longitude": -122.89, "Population": 270.0}, {"index": 19784, "quantile": 0.75, "value": 102099.99999999999, "Latitude": 40.76, "Longitude": -122.89, "Population": 270.0}, {"index": 19784, "quantile": 1.0, "value": 165000.0, "Latitude": 40.76, "Longitude": -122.89, "Population": 270.0}, {"index": 19785, "quantile": 0.0, "value": 55700.00000000001, "Latitude": 40.75, "Longitude": -122.79, "Population": 1352.0}, {"index": 19785, "quantile": 0.25, "value": 79800.0, "Latitude": 40.75, "Longitude": -122.79, "Population": 1352.0}, {"index": 19785, "quantile": 0.5, "value": 85100.0, "Latitude": 40.75, "Longitude": -122.79, "Population": 1352.0}, {"index": 19785, "quantile": 0.75, "value": 97125.0, "Latitude": 40.75, "Longitude": -122.79, "Population": 1352.0}, {"index": 19785, "quantile": 1.0, "value": 145800.0, "Latitude": 40.75, "Longitude": -122.79, "Population": 1352.0}, {"index": 19786, "quantile": 0.0, "value": 37500.0, "Latitude": 40.56, "Longitude": -122.86, "Population": 423.0}, {"index": 19786, "quantile": 0.25, "value": 77300.0, "Latitude": 40.56, "Longitude": -122.86, "Population": 423.0}, {"index": 19786, "quantile": 0.5, "value": 81300.0, "Latitude": 40.56, "Longitude": -122.86, "Population": 423.0}, {"index": 19786, "quantile": 0.75, "value": 81300.0, "Latitude": 40.56, "Longitude": -122.86, "Population": 423.0}, {"index": 19786, "quantile": 1.0, "value": 145800.0, "Latitude": 40.56, "Longitude": -122.86, "Population": 423.0}, {"index": 19787, "quantile": 0.0, "value": 50300.0, "Latitude": 40.67, "Longitude": -122.95, "Population": 574.0}, {"index": 19787, "quantile": 0.25, "value": 83175.0, "Latitude": 40.67, "Longitude": -122.95, "Population": 574.0}, {"index": 19787, "quantile": 0.5, "value": 94200.0, "Latitude": 40.67, "Longitude": -122.95, "Population": 574.0}, {"index": 19787, "quantile": 0.75, "value": 94200.0, "Latitude": 40.67, "Longitude": -122.95, "Population": 574.0}, {"index": 19787, "quantile": 1.0, "value": 119200.0, "Latitude": 40.67, "Longitude": -122.95, "Population": 574.0}, {"index": 19788, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 40.71, "Longitude": -122.95, "Population": 987.0}, {"index": 19788, "quantile": 0.25, "value": 83900.0, "Latitude": 40.71, "Longitude": -122.95, "Population": 987.0}, {"index": 19788, "quantile": 0.5, "value": 88800.0, "Latitude": 40.71, "Longitude": -122.95, "Population": 987.0}, {"index": 19788, "quantile": 0.75, "value": 88800.0, "Latitude": 40.71, "Longitude": -122.95, "Population": 987.0}, {"index": 19788, "quantile": 1.0, "value": 136000.0, "Latitude": 40.71, "Longitude": -122.95, "Population": 987.0}, {"index": 19789, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 40.99, "Longitude": -123.35, "Population": 47.0}, {"index": 19789, "quantile": 0.25, "value": 66000.0, "Latitude": 40.99, "Longitude": -123.35, "Population": 47.0}, {"index": 19789, "quantile": 0.5, "value": 66000.0, "Latitude": 40.99, "Longitude": -123.35, "Population": 47.0}, {"index": 19789, "quantile": 0.75, "value": 66000.0, "Latitude": 40.99, "Longitude": -123.35, "Population": 47.0}, {"index": 19789, "quantile": 1.0, "value": 225000.0, "Latitude": 40.99, "Longitude": -123.35, "Population": 47.0}, {"index": 19790, "quantile": 0.0, "value": 37500.0, "Latitude": 40.88, "Longitude": -123.53, "Population": 918.0}, {"index": 19790, "quantile": 0.25, "value": 79650.0, "Latitude": 40.88, "Longitude": -123.53, "Population": 918.0}, {"index": 19790, "quantile": 0.5, "value": 83800.0, "Latitude": 40.88, "Longitude": -123.53, "Population": 918.0}, {"index": 19790, "quantile": 0.75, "value": 94224.99999999999, "Latitude": 40.88, "Longitude": -123.53, "Population": 918.0}, {"index": 19790, "quantile": 1.0, "value": 145800.0, "Latitude": 40.88, "Longitude": -123.53, "Population": 918.0}, {"index": 19791, "quantile": 0.0, "value": 53500.0, "Latitude": 40.79, "Longitude": -123.48, "Population": 287.0}, {"index": 19791, "quantile": 0.25, "value": 78725.0, "Latitude": 40.79, "Longitude": -123.48, "Population": 287.0}, {"index": 19791, "quantile": 0.5, "value": 79200.0, "Latitude": 40.79, "Longitude": -123.48, "Population": 287.0}, {"index": 19791, "quantile": 0.75, "value": 79200.0, "Latitude": 40.79, "Longitude": -123.48, "Population": 287.0}, {"index": 19791, "quantile": 1.0, "value": 123200.0, "Latitude": 40.79, "Longitude": -123.48, "Population": 287.0}, {"index": 19792, "quantile": 0.0, "value": 41800.0, "Latitude": 40.77, "Longitude": -123.28, "Population": 301.0}, {"index": 19792, "quantile": 0.25, "value": 79200.0, "Latitude": 40.77, "Longitude": -123.28, "Population": 301.0}, {"index": 19792, "quantile": 0.5, "value": 79200.0, "Latitude": 40.77, "Longitude": -123.28, "Population": 301.0}, {"index": 19792, "quantile": 0.75, "value": 79200.0, "Latitude": 40.77, "Longitude": -123.28, "Population": 301.0}, {"index": 19792, "quantile": 1.0, "value": 84400.0, "Latitude": 40.77, "Longitude": -123.28, "Population": 301.0}, {"index": 19793, "quantile": 0.0, "value": 49600.0, "Latitude": 40.85, "Longitude": -123.13, "Population": 675.0}, {"index": 19793, "quantile": 0.25, "value": 62800.0, "Latitude": 40.85, "Longitude": -123.13, "Population": 675.0}, {"index": 19793, "quantile": 0.5, "value": 74500.0, "Latitude": 40.85, "Longitude": -123.13, "Population": 675.0}, {"index": 19793, "quantile": 0.75, "value": 86050.0, "Latitude": 40.85, "Longitude": -123.13, "Population": 675.0}, {"index": 19793, "quantile": 1.0, "value": 143200.0, "Latitude": 40.85, "Longitude": -123.13, "Population": 675.0}, {"index": 19794, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 40.61, "Longitude": -123.41, "Population": 301.0}, {"index": 19794, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 40.61, "Longitude": -123.41, "Population": 301.0}, {"index": 19794, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 40.61, "Longitude": -123.41, "Population": 301.0}, {"index": 19794, "quantile": 0.75, "value": 70800.0, "Latitude": 40.61, "Longitude": -123.41, "Population": 301.0}, {"index": 19794, "quantile": 1.0, "value": 145800.0, "Latitude": 40.61, "Longitude": -123.41, "Population": 301.0}, {"index": 19795, "quantile": 0.0, "value": 36700.0, "Latitude": 40.6, "Longitude": -123.11, "Population": 316.0}, {"index": 19795, "quantile": 0.25, "value": 65000.0, "Latitude": 40.6, "Longitude": -123.11, "Population": 316.0}, {"index": 19795, "quantile": 0.5, "value": 65000.0, "Latitude": 40.6, "Longitude": -123.11, "Population": 316.0}, {"index": 19795, "quantile": 0.75, "value": 65050.00000000001, "Latitude": 40.6, "Longitude": -123.11, "Population": 316.0}, {"index": 19795, "quantile": 1.0, "value": 145800.0, "Latitude": 40.6, "Longitude": -123.11, "Population": 316.0}, {"index": 19796, "quantile": 0.0, "value": 46200.0, "Latitude": 40.58, "Longitude": -123.18, "Population": 695.0}, {"index": 19796, "quantile": 0.25, "value": 73700.0, "Latitude": 40.58, "Longitude": -123.18, "Population": 695.0}, {"index": 19796, "quantile": 0.5, "value": 73700.0, "Latitude": 40.58, "Longitude": -123.18, "Population": 695.0}, {"index": 19796, "quantile": 0.75, "value": 74375.0, "Latitude": 40.58, "Longitude": -123.18, "Population": 695.0}, {"index": 19796, "quantile": 1.0, "value": 105000.0, "Latitude": 40.58, "Longitude": -123.18, "Population": 695.0}, {"index": 19797, "quantile": 0.0, "value": 49600.0, "Latitude": 40.54, "Longitude": -123.22, "Population": 847.0}, {"index": 19797, "quantile": 0.25, "value": 49600.0, "Latitude": 40.54, "Longitude": -123.22, "Population": 847.0}, {"index": 19797, "quantile": 0.5, "value": 49600.0, "Latitude": 40.54, "Longitude": -123.22, "Population": 847.0}, {"index": 19797, "quantile": 0.75, "value": 62500.0, "Latitude": 40.54, "Longitude": -123.22, "Population": 847.0}, {"index": 19797, "quantile": 1.0, "value": 93600.0, "Latitude": 40.54, "Longitude": -123.22, "Population": 847.0}, {"index": 19798, "quantile": 0.0, "value": 40000.0, "Latitude": 40.54, "Longitude": -123.12, "Population": 539.0}, {"index": 19798, "quantile": 0.25, "value": 65350.0, "Latitude": 40.54, "Longitude": -123.12, "Population": 539.0}, {"index": 19798, "quantile": 0.5, "value": 73700.0, "Latitude": 40.54, "Longitude": -123.12, "Population": 539.0}, {"index": 19798, "quantile": 0.75, "value": 79800.0, "Latitude": 40.54, "Longitude": -123.12, "Population": 539.0}, {"index": 19798, "quantile": 1.0, "value": 119200.0, "Latitude": 40.54, "Longitude": -123.12, "Population": 539.0}, {"index": 19799, "quantile": 0.0, "value": 32500.0, "Latitude": 40.51, "Longitude": -123.21, "Population": 152.0}, {"index": 19799, "quantile": 0.25, "value": 68625.0, "Latitude": 40.51, "Longitude": -123.21, "Population": 152.0}, {"index": 19799, "quantile": 0.5, "value": 73100.0, "Latitude": 40.51, "Longitude": -123.21, "Population": 152.0}, {"index": 19799, "quantile": 0.75, "value": 87625.0, "Latitude": 40.51, "Longitude": -123.21, "Population": 152.0}, {"index": 19799, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 40.51, "Longitude": -123.21, "Population": 152.0}, {"index": 19800, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 40.43, "Longitude": -123.32, "Population": 131.0}, {"index": 19800, "quantile": 0.25, "value": 56699.99999999999, "Latitude": 40.43, "Longitude": -123.32, "Population": 131.0}, {"index": 19800, "quantile": 0.5, "value": 56699.99999999999, "Latitude": 40.43, "Longitude": -123.32, "Population": 131.0}, {"index": 19800, "quantile": 0.75, "value": 56699.99999999999, "Latitude": 40.43, "Longitude": -123.32, "Population": 131.0}, {"index": 19800, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 40.43, "Longitude": -123.32, "Population": 131.0}, {"index": 19801, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 40.4, "Longitude": -123.08, "Population": 140.0}, {"index": 19801, "quantile": 0.25, "value": 37500.0, "Latitude": 40.4, "Longitude": -123.08, "Population": 140.0}, {"index": 19801, "quantile": 0.5, "value": 37500.0, "Latitude": 40.4, "Longitude": -123.08, "Population": 140.0}, {"index": 19801, "quantile": 0.75, "value": 76575.0, "Latitude": 40.4, "Longitude": -123.08, "Population": 140.0}, {"index": 19801, "quantile": 1.0, "value": 420000.0, "Latitude": 40.4, "Longitude": -123.08, "Population": 140.0}, {"index": 19802, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 40.31, "Longitude": -123.17, "Population": 18.0}, {"index": 19802, "quantile": 0.25, "value": 14999.000000000002, "Latitude": 40.31, "Longitude": -123.17, "Population": 18.0}, {"index": 19802, "quantile": 0.5, "value": 14999.000000000002, "Latitude": 40.31, "Longitude": -123.17, "Population": 18.0}, {"index": 19802, "quantile": 0.75, "value": 74925.0, "Latitude": 40.31, "Longitude": -123.17, "Population": 18.0}, {"index": 19802, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 40.31, "Longitude": -123.17, "Population": 18.0}, {"index": 19803, "quantile": 0.0, "value": 61300.0, "Latitude": 40.16, "Longitude": -123.22, "Population": 396.0}, {"index": 19803, "quantile": 0.25, "value": 75600.0, "Latitude": 40.16, "Longitude": -123.22, "Population": 396.0}, {"index": 19803, "quantile": 0.5, "value": 89400.0, "Latitude": 40.16, "Longitude": -123.22, "Population": 396.0}, {"index": 19803, "quantile": 0.75, "value": 135600.0, "Latitude": 40.16, "Longitude": -123.22, "Population": 396.0}, {"index": 19803, "quantile": 1.0, "value": 165600.0, "Latitude": 40.16, "Longitude": -123.22, "Population": 396.0}, {"index": 19804, "quantile": 0.0, "value": 64500.0, "Latitude": 40.34, "Longitude": -123.48, "Population": 216.0}, {"index": 19804, "quantile": 0.25, "value": 64500.0, "Latitude": 40.34, "Longitude": -123.48, "Population": 216.0}, {"index": 19804, "quantile": 0.5, "value": 64500.0, "Latitude": 40.34, "Longitude": -123.48, "Population": 216.0}, {"index": 19804, "quantile": 0.75, "value": 90700.0, "Latitude": 40.34, "Longitude": -123.48, "Population": 216.0}, {"index": 19804, "quantile": 1.0, "value": 275000.0, "Latitude": 40.34, "Longitude": -123.48, "Population": 216.0}, {"index": 19805, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 40.22, "Longitude": -123.43, "Population": 87.0}, {"index": 19805, "quantile": 0.25, "value": 67500.0, "Latitude": 40.22, "Longitude": -123.43, "Population": 87.0}, {"index": 19805, "quantile": 0.5, "value": 67500.0, "Latitude": 40.22, "Longitude": -123.43, "Population": 87.0}, {"index": 19805, "quantile": 0.75, "value": 124875.0, "Latitude": 40.22, "Longitude": -123.43, "Population": 87.0}, {"index": 19805, "quantile": 1.0, "value": 475000.0, "Latitude": 40.22, "Longitude": -123.43, "Population": 87.0}, {"index": 19806, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 40.07, "Longitude": -123.41, "Population": 141.0}, {"index": 19806, "quantile": 0.25, "value": 37500.0, "Latitude": 40.07, "Longitude": -123.41, "Population": 141.0}, {"index": 19806, "quantile": 0.5, "value": 56699.99999999999, "Latitude": 40.07, "Longitude": -123.41, "Population": 141.0}, {"index": 19806, "quantile": 0.75, "value": 69024.99999999999, "Latitude": 40.07, "Longitude": -123.41, "Population": 141.0}, {"index": 19806, "quantile": 1.0, "value": 420000.0, "Latitude": 40.07, "Longitude": -123.41, "Population": 141.0}, {"index": 19807, "quantile": 0.0, "value": 40400.0, "Latitude": 36.66, "Longitude": -118.96, "Population": 320.0}, {"index": 19807, "quantile": 0.25, "value": 80000.0, "Latitude": 36.66, "Longitude": -118.96, "Population": 320.0}, {"index": 19807, "quantile": 0.5, "value": 80000.0, "Latitude": 36.66, "Longitude": -118.96, "Population": 320.0}, {"index": 19807, "quantile": 0.75, "value": 137200.0, "Latitude": 36.66, "Longitude": -118.96, "Population": 320.0}, {"index": 19807, "quantile": 1.0, "value": 242700.0, "Latitude": 36.66, "Longitude": -118.96, "Population": 320.0}, {"index": 19808, "quantile": 0.0, "value": 60000.0, "Latitude": 36.54, "Longitude": -119.12, "Population": 1368.0}, {"index": 19808, "quantile": 0.25, "value": 85200.0, "Latitude": 36.54, "Longitude": -119.12, "Population": 1368.0}, {"index": 19808, "quantile": 0.5, "value": 85200.0, "Latitude": 36.54, "Longitude": -119.12, "Population": 1368.0}, {"index": 19808, "quantile": 0.75, "value": 85500.0, "Latitude": 36.54, "Longitude": -119.12, "Population": 1368.0}, {"index": 19808, "quantile": 1.0, "value": 129200.0, "Latitude": 36.54, "Longitude": -119.12, "Population": 1368.0}, {"index": 19809, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 36.49, "Longitude": -118.96, "Population": 636.0}, {"index": 19809, "quantile": 0.25, "value": 52500.0, "Latitude": 36.49, "Longitude": -118.96, "Population": 636.0}, {"index": 19809, "quantile": 0.5, "value": 64500.0, "Latitude": 36.49, "Longitude": -118.96, "Population": 636.0}, {"index": 19809, "quantile": 0.75, "value": 90150.0, "Latitude": 36.49, "Longitude": -118.96, "Population": 636.0}, {"index": 19809, "quantile": 1.0, "value": 120100.0, "Latitude": 36.49, "Longitude": -118.96, "Population": 636.0}, {"index": 19810, "quantile": 0.0, "value": 32900.0, "Latitude": 36.57, "Longitude": -118.65, "Population": 570.0}, {"index": 19810, "quantile": 0.25, "value": 53450.0, "Latitude": 36.57, "Longitude": -118.65, "Population": 570.0}, {"index": 19810, "quantile": 0.5, "value": 68500.0, "Latitude": 36.57, "Longitude": -118.65, "Population": 570.0}, {"index": 19810, "quantile": 0.75, "value": 84700.0, "Latitude": 36.57, "Longitude": -118.65, "Population": 570.0}, {"index": 19810, "quantile": 1.0, "value": 262500.0, "Latitude": 36.57, "Longitude": -118.65, "Population": 570.0}, {"index": 19811, "quantile": 0.0, "value": 69400.0, "Latitude": 36.41, "Longitude": -118.86, "Population": 1195.0}, {"index": 19811, "quantile": 0.25, "value": 120300.0, "Latitude": 36.41, "Longitude": -118.86, "Population": 1195.0}, {"index": 19811, "quantile": 0.5, "value": 139700.0, "Latitude": 36.41, "Longitude": -118.86, "Population": 1195.0}, {"index": 19811, "quantile": 0.75, "value": 139700.0, "Latitude": 36.41, "Longitude": -118.86, "Population": 1195.0}, {"index": 19811, "quantile": 1.0, "value": 139700.0, "Latitude": 36.41, "Longitude": -118.86, "Population": 1195.0}, {"index": 19812, "quantile": 0.0, "value": 82800.0, "Latitude": 36.32, "Longitude": -118.94, "Population": 986.0}, {"index": 19812, "quantile": 0.25, "value": 131675.0, "Latitude": 36.32, "Longitude": -118.94, "Population": 986.0}, {"index": 19812, "quantile": 0.5, "value": 147100.0, "Latitude": 36.32, "Longitude": -118.94, "Population": 986.0}, {"index": 19812, "quantile": 0.75, "value": 147100.0, "Latitude": 36.32, "Longitude": -118.94, "Population": 986.0}, {"index": 19812, "quantile": 1.0, "value": 262100.0, "Latitude": 36.32, "Longitude": -118.94, "Population": 986.0}, {"index": 19813, "quantile": 0.0, "value": 65900.0, "Latitude": 36.61, "Longitude": -119.26, "Population": 310.0}, {"index": 19813, "quantile": 0.25, "value": 109100.0, "Latitude": 36.61, "Longitude": -119.26, "Population": 310.0}, {"index": 19813, "quantile": 0.5, "value": 118800.0, "Latitude": 36.61, "Longitude": -119.26, "Population": 310.0}, {"index": 19813, "quantile": 0.75, "value": 118800.0, "Latitude": 36.61, "Longitude": -119.26, "Population": 310.0}, {"index": 19813, "quantile": 1.0, "value": 450000.0, "Latitude": 36.61, "Longitude": -119.26, "Population": 310.0}, {"index": 19814, "quantile": 0.0, "value": 42700.0, "Latitude": 36.56, "Longitude": -119.25, "Population": 1131.0}, {"index": 19814, "quantile": 0.25, "value": 55275.00000000001, "Latitude": 36.56, "Longitude": -119.25, "Population": 1131.0}, {"index": 19814, "quantile": 0.5, "value": 59100.0, "Latitude": 36.56, "Longitude": -119.25, "Population": 1131.0}, {"index": 19814, "quantile": 0.75, "value": 59100.0, "Latitude": 36.56, "Longitude": -119.25, "Population": 1131.0}, {"index": 19814, "quantile": 1.0, "value": 93900.0, "Latitude": 36.56, "Longitude": -119.25, "Population": 1131.0}, {"index": 19815, "quantile": 0.0, "value": 44400.0, "Latitude": 36.54, "Longitude": -119.28, "Population": 1222.0}, {"index": 19815, "quantile": 0.25, "value": 50800.0, "Latitude": 36.54, "Longitude": -119.28, "Population": 1222.0}, {"index": 19815, "quantile": 0.5, "value": 55100.00000000001, "Latitude": 36.54, "Longitude": -119.28, "Population": 1222.0}, {"index": 19815, "quantile": 0.75, "value": 59100.0, "Latitude": 36.54, "Longitude": -119.28, "Population": 1222.0}, {"index": 19815, "quantile": 1.0, "value": 71300.0, "Latitude": 36.54, "Longitude": -119.28, "Population": 1222.0}, {"index": 19816, "quantile": 0.0, "value": 44500.0, "Latitude": 36.54, "Longitude": -119.29, "Population": 2732.0}, {"index": 19816, "quantile": 0.25, "value": 55450.0, "Latitude": 36.54, "Longitude": -119.29, "Population": 2732.0}, {"index": 19816, "quantile": 0.5, "value": 58299.99999999999, "Latitude": 36.54, "Longitude": -119.29, "Population": 2732.0}, {"index": 19816, "quantile": 0.75, "value": 58299.99999999999, "Latitude": 36.54, "Longitude": -119.29, "Population": 2732.0}, {"index": 19816, "quantile": 1.0, "value": 64700.0, "Latitude": 36.54, "Longitude": -119.29, "Population": 2732.0}, {"index": 19817, "quantile": 0.0, "value": 52100.0, "Latitude": 36.55, "Longitude": -119.29, "Population": 1721.0}, {"index": 19817, "quantile": 0.25, "value": 65600.0, "Latitude": 36.55, "Longitude": -119.29, "Population": 1721.0}, {"index": 19817, "quantile": 0.5, "value": 65600.0, "Latitude": 36.55, "Longitude": -119.29, "Population": 1721.0}, {"index": 19817, "quantile": 0.75, "value": 65600.0, "Latitude": 36.55, "Longitude": -119.29, "Population": 1721.0}, {"index": 19817, "quantile": 1.0, "value": 92200.0, "Latitude": 36.55, "Longitude": -119.29, "Population": 1721.0}, {"index": 19818, "quantile": 0.0, "value": 55600.00000000001, "Latitude": 36.57, "Longitude": -119.3, "Population": 461.0}, {"index": 19818, "quantile": 0.25, "value": 109100.0, "Latitude": 36.57, "Longitude": -119.3, "Population": 461.0}, {"index": 19818, "quantile": 0.5, "value": 109100.0, "Latitude": 36.57, "Longitude": -119.3, "Population": 461.0}, {"index": 19818, "quantile": 0.75, "value": 109100.0, "Latitude": 36.57, "Longitude": -119.3, "Population": 461.0}, {"index": 19818, "quantile": 1.0, "value": 153800.0, "Latitude": 36.57, "Longitude": -119.3, "Population": 461.0}, {"index": 19819, "quantile": 0.0, "value": 41700.0, "Latitude": 36.48, "Longitude": -119.44, "Population": 1704.0}, {"index": 19819, "quantile": 0.25, "value": 41700.0, "Latitude": 36.48, "Longitude": -119.44, "Population": 1704.0}, {"index": 19819, "quantile": 0.5, "value": 41700.0, "Latitude": 36.48, "Longitude": -119.44, "Population": 1704.0}, {"index": 19819, "quantile": 0.75, "value": 47075.0, "Latitude": 36.48, "Longitude": -119.44, "Population": 1704.0}, {"index": 19819, "quantile": 1.0, "value": 61900.0, "Latitude": 36.48, "Longitude": -119.44, "Population": 1704.0}, {"index": 19820, "quantile": 0.0, "value": 40900.0, "Latitude": 36.47, "Longitude": -119.37, "Population": 277.0}, {"index": 19820, "quantile": 0.25, "value": 53400.0, "Latitude": 36.47, "Longitude": -119.37, "Population": 277.0}, {"index": 19820, "quantile": 0.5, "value": 64900.0, "Latitude": 36.47, "Longitude": -119.37, "Population": 277.0}, {"index": 19820, "quantile": 0.75, "value": 97675.0, "Latitude": 36.47, "Longitude": -119.37, "Population": 277.0}, {"index": 19820, "quantile": 1.0, "value": 375000.0, "Latitude": 36.47, "Longitude": -119.37, "Population": 277.0}, {"index": 19821, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 36.48, "Longitude": -119.45, "Population": 311.0}, {"index": 19821, "quantile": 0.25, "value": 106300.0, "Latitude": 36.48, "Longitude": -119.45, "Population": 311.0}, {"index": 19821, "quantile": 0.5, "value": 106300.0, "Latitude": 36.48, "Longitude": -119.45, "Population": 311.0}, {"index": 19821, "quantile": 0.75, "value": 106300.0, "Latitude": 36.48, "Longitude": -119.45, "Population": 311.0}, {"index": 19821, "quantile": 1.0, "value": 263200.0, "Latitude": 36.48, "Longitude": -119.45, "Population": 311.0}, {"index": 19822, "quantile": 0.0, "value": 39200.0, "Latitude": 36.44, "Longitude": -119.48, "Population": 1185.0}, {"index": 19822, "quantile": 0.25, "value": 54050.0, "Latitude": 36.44, "Longitude": -119.48, "Population": 1185.0}, {"index": 19822, "quantile": 0.5, "value": 55650.0, "Latitude": 36.44, "Longitude": -119.48, "Population": 1185.0}, {"index": 19822, "quantile": 0.75, "value": 61600.0, "Latitude": 36.44, "Longitude": -119.48, "Population": 1185.0}, {"index": 19822, "quantile": 1.0, "value": 92500.0, "Latitude": 36.44, "Longitude": -119.48, "Population": 1185.0}, {"index": 19823, "quantile": 0.0, "value": 46300.0, "Latitude": 36.52, "Longitude": -119.35, "Population": 2199.0}, {"index": 19823, "quantile": 0.25, "value": 62000.0, "Latitude": 36.52, "Longitude": -119.35, "Population": 2199.0}, {"index": 19823, "quantile": 0.5, "value": 62000.0, "Latitude": 36.52, "Longitude": -119.35, "Population": 2199.0}, {"index": 19823, "quantile": 0.75, "value": 62000.0, "Latitude": 36.52, "Longitude": -119.35, "Population": 2199.0}, {"index": 19823, "quantile": 1.0, "value": 82200.0, "Latitude": 36.52, "Longitude": -119.35, "Population": 2199.0}, {"index": 19824, "quantile": 0.0, "value": 53400.0, "Latitude": 36.5, "Longitude": -119.48, "Population": 1968.0}, {"index": 19824, "quantile": 0.25, "value": 67525.0, "Latitude": 36.5, "Longitude": -119.48, "Population": 1968.0}, {"index": 19824, "quantile": 0.5, "value": 83050.0, "Latitude": 36.5, "Longitude": -119.48, "Population": 1968.0}, {"index": 19824, "quantile": 0.75, "value": 93400.0, "Latitude": 36.5, "Longitude": -119.48, "Population": 1968.0}, {"index": 19824, "quantile": 1.0, "value": 133300.0, "Latitude": 36.5, "Longitude": -119.48, "Population": 1968.0}, {"index": 19825, "quantile": 0.0, "value": 26600.0, "Latitude": 36.55, "Longitude": -119.43, "Population": 882.0}, {"index": 19825, "quantile": 0.25, "value": 71900.0, "Latitude": 36.55, "Longitude": -119.43, "Population": 882.0}, {"index": 19825, "quantile": 0.5, "value": 73000.0, "Latitude": 36.55, "Longitude": -119.43, "Population": 882.0}, {"index": 19825, "quantile": 0.75, "value": 78225.0, "Latitude": 36.55, "Longitude": -119.43, "Population": 882.0}, {"index": 19825, "quantile": 1.0, "value": 120300.0, "Latitude": 36.55, "Longitude": -119.43, "Population": 882.0}, {"index": 19826, "quantile": 0.0, "value": 64400.0, "Latitude": 36.54, "Longitude": -119.48, "Population": 1011.0}, {"index": 19826, "quantile": 0.25, "value": 108900.0, "Latitude": 36.54, "Longitude": -119.48, "Population": 1011.0}, {"index": 19826, "quantile": 0.5, "value": 108900.0, "Latitude": 36.54, "Longitude": -119.48, "Population": 1011.0}, {"index": 19826, "quantile": 0.75, "value": 108900.0, "Latitude": 36.54, "Longitude": -119.48, "Population": 1011.0}, {"index": 19826, "quantile": 1.0, "value": 213800.0, "Latitude": 36.54, "Longitude": -119.48, "Population": 1011.0}, {"index": 19827, "quantile": 0.0, "value": 52900.0, "Latitude": 36.55, "Longitude": -119.4, "Population": 2202.0}, {"index": 19827, "quantile": 0.25, "value": 62000.0, "Latitude": 36.55, "Longitude": -119.4, "Population": 2202.0}, {"index": 19827, "quantile": 0.5, "value": 67400.0, "Latitude": 36.55, "Longitude": -119.4, "Population": 2202.0}, {"index": 19827, "quantile": 0.75, "value": 67400.0, "Latitude": 36.55, "Longitude": -119.4, "Population": 2202.0}, {"index": 19827, "quantile": 1.0, "value": 73600.0, "Latitude": 36.55, "Longitude": -119.4, "Population": 2202.0}, {"index": 19828, "quantile": 0.0, "value": 69600.0, "Latitude": 36.55, "Longitude": -119.39, "Population": 837.0}, {"index": 19828, "quantile": 0.25, "value": 80400.0, "Latitude": 36.55, "Longitude": -119.39, "Population": 837.0}, {"index": 19828, "quantile": 0.5, "value": 80400.0, "Latitude": 36.55, "Longitude": -119.39, "Population": 837.0}, {"index": 19828, "quantile": 0.75, "value": 80400.0, "Latitude": 36.55, "Longitude": -119.39, "Population": 837.0}, {"index": 19828, "quantile": 1.0, "value": 115300.0, "Latitude": 36.55, "Longitude": -119.39, "Population": 837.0}, {"index": 19829, "quantile": 0.0, "value": 65700.0, "Latitude": 36.56, "Longitude": -119.38, "Population": 1945.0}, {"index": 19829, "quantile": 0.25, "value": 89100.0, "Latitude": 36.56, "Longitude": -119.38, "Population": 1945.0}, {"index": 19829, "quantile": 0.5, "value": 95300.0, "Latitude": 36.56, "Longitude": -119.38, "Population": 1945.0}, {"index": 19829, "quantile": 0.75, "value": 95300.0, "Latitude": 36.56, "Longitude": -119.38, "Population": 1945.0}, {"index": 19829, "quantile": 1.0, "value": 130000.0, "Latitude": 36.56, "Longitude": -119.38, "Population": 1945.0}, {"index": 19830, "quantile": 0.0, "value": 52100.0, "Latitude": 36.55, "Longitude": -119.38, "Population": 1411.0}, {"index": 19830, "quantile": 0.25, "value": 72000.0, "Latitude": 36.55, "Longitude": -119.38, "Population": 1411.0}, {"index": 19830, "quantile": 0.5, "value": 72000.0, "Latitude": 36.55, "Longitude": -119.38, "Population": 1411.0}, {"index": 19830, "quantile": 0.75, "value": 72049.99999999999, "Latitude": 36.55, "Longitude": -119.38, "Population": 1411.0}, {"index": 19830, "quantile": 1.0, "value": 162200.0, "Latitude": 36.55, "Longitude": -119.38, "Population": 1411.0}, {"index": 19831, "quantile": 0.0, "value": 49200.0, "Latitude": 36.56, "Longitude": -119.38, "Population": 611.0}, {"index": 19831, "quantile": 0.25, "value": 84700.0, "Latitude": 36.56, "Longitude": -119.38, "Population": 611.0}, {"index": 19831, "quantile": 0.5, "value": 84700.0, "Latitude": 36.56, "Longitude": -119.38, "Population": 611.0}, {"index": 19831, "quantile": 0.75, "value": 84700.0, "Latitude": 36.56, "Longitude": -119.38, "Population": 611.0}, {"index": 19831, "quantile": 1.0, "value": 120100.0, "Latitude": 36.56, "Longitude": -119.38, "Population": 611.0}, {"index": 19832, "quantile": 0.0, "value": 41500.0, "Latitude": 36.54, "Longitude": -119.38, "Population": 2030.0}, {"index": 19832, "quantile": 0.25, "value": 49125.0, "Latitude": 36.54, "Longitude": -119.38, "Population": 2030.0}, {"index": 19832, "quantile": 0.5, "value": 54100.00000000001, "Latitude": 36.54, "Longitude": -119.38, "Population": 2030.0}, {"index": 19832, "quantile": 0.75, "value": 54100.00000000001, "Latitude": 36.54, "Longitude": -119.38, "Population": 2030.0}, {"index": 19832, "quantile": 1.0, "value": 64700.0, "Latitude": 36.54, "Longitude": -119.38, "Population": 2030.0}, {"index": 19833, "quantile": 0.0, "value": 40900.0, "Latitude": 36.53, "Longitude": -119.38, "Population": 1423.0}, {"index": 19833, "quantile": 0.25, "value": 51400.0, "Latitude": 36.53, "Longitude": -119.38, "Population": 1423.0}, {"index": 19833, "quantile": 0.5, "value": 51400.0, "Latitude": 36.53, "Longitude": -119.38, "Population": 1423.0}, {"index": 19833, "quantile": 0.75, "value": 51400.0, "Latitude": 36.53, "Longitude": -119.38, "Population": 1423.0}, {"index": 19833, "quantile": 1.0, "value": 68600.0, "Latitude": 36.53, "Longitude": -119.38, "Population": 1423.0}, {"index": 19834, "quantile": 0.0, "value": 43000.0, "Latitude": 36.54, "Longitude": -119.39, "Population": 1272.0}, {"index": 19834, "quantile": 0.25, "value": 52100.0, "Latitude": 36.54, "Longitude": -119.39, "Population": 1272.0}, {"index": 19834, "quantile": 0.5, "value": 56200.00000000001, "Latitude": 36.54, "Longitude": -119.39, "Population": 1272.0}, {"index": 19834, "quantile": 0.75, "value": 61200.0, "Latitude": 36.54, "Longitude": -119.39, "Population": 1272.0}, {"index": 19834, "quantile": 1.0, "value": 125000.0, "Latitude": 36.54, "Longitude": -119.39, "Population": 1272.0}, {"index": 19835, "quantile": 0.0, "value": 41400.0, "Latitude": 36.54, "Longitude": -119.39, "Population": 1184.0}, {"index": 19835, "quantile": 0.25, "value": 53425.0, "Latitude": 36.54, "Longitude": -119.39, "Population": 1184.0}, {"index": 19835, "quantile": 0.5, "value": 59100.0, "Latitude": 36.54, "Longitude": -119.39, "Population": 1184.0}, {"index": 19835, "quantile": 0.75, "value": 59100.0, "Latitude": 36.54, "Longitude": -119.39, "Population": 1184.0}, {"index": 19835, "quantile": 1.0, "value": 71300.0, "Latitude": 36.54, "Longitude": -119.39, "Population": 1184.0}, {"index": 19836, "quantile": 0.0, "value": 49200.0, "Latitude": 36.53, "Longitude": -119.4, "Population": 1524.0}, {"index": 19836, "quantile": 0.25, "value": 60000.0, "Latitude": 36.53, "Longitude": -119.4, "Population": 1524.0}, {"index": 19836, "quantile": 0.5, "value": 61400.0, "Latitude": 36.53, "Longitude": -119.4, "Population": 1524.0}, {"index": 19836, "quantile": 0.75, "value": 67400.0, "Latitude": 36.53, "Longitude": -119.4, "Population": 1524.0}, {"index": 19836, "quantile": 1.0, "value": 106900.0, "Latitude": 36.53, "Longitude": -119.4, "Population": 1524.0}, {"index": 19837, "quantile": 0.0, "value": 39200.0, "Latitude": 36.52, "Longitude": -119.28, "Population": 1327.0}, {"index": 19837, "quantile": 0.25, "value": 53200.0, "Latitude": 36.52, "Longitude": -119.28, "Population": 1327.0}, {"index": 19837, "quantile": 0.5, "value": 53200.0, "Latitude": 36.52, "Longitude": -119.28, "Population": 1327.0}, {"index": 19837, "quantile": 0.75, "value": 53500.0, "Latitude": 36.52, "Longitude": -119.28, "Population": 1327.0}, {"index": 19837, "quantile": 1.0, "value": 67200.0, "Latitude": 36.52, "Longitude": -119.28, "Population": 1327.0}, {"index": 19838, "quantile": 0.0, "value": 38800.0, "Latitude": 36.53, "Longitude": -119.29, "Population": 1734.0}, {"index": 19838, "quantile": 0.25, "value": 50300.0, "Latitude": 36.53, "Longitude": -119.29, "Population": 1734.0}, {"index": 19838, "quantile": 0.5, "value": 50300.0, "Latitude": 36.53, "Longitude": -119.29, "Population": 1734.0}, {"index": 19838, "quantile": 0.75, "value": 52000.0, "Latitude": 36.53, "Longitude": -119.29, "Population": 1734.0}, {"index": 19838, "quantile": 1.0, "value": 59100.0, "Latitude": 36.53, "Longitude": -119.29, "Population": 1734.0}, {"index": 19839, "quantile": 0.0, "value": 39600.0, "Latitude": 36.52, "Longitude": -119.29, "Population": 1222.0}, {"index": 19839, "quantile": 0.25, "value": 43000.0, "Latitude": 36.52, "Longitude": -119.29, "Population": 1222.0}, {"index": 19839, "quantile": 0.5, "value": 43000.0, "Latitude": 36.52, "Longitude": -119.29, "Population": 1222.0}, {"index": 19839, "quantile": 0.75, "value": 46900.0, "Latitude": 36.52, "Longitude": -119.29, "Population": 1222.0}, {"index": 19839, "quantile": 1.0, "value": 112500.0, "Latitude": 36.52, "Longitude": -119.29, "Population": 1222.0}, {"index": 19840, "quantile": 0.0, "value": 49200.0, "Latitude": 36.5, "Longitude": -119.26, "Population": 1475.0}, {"index": 19840, "quantile": 0.25, "value": 58600.0, "Latitude": 36.5, "Longitude": -119.26, "Population": 1475.0}, {"index": 19840, "quantile": 0.5, "value": 60600.0, "Latitude": 36.5, "Longitude": -119.26, "Population": 1475.0}, {"index": 19840, "quantile": 0.75, "value": 63000.0, "Latitude": 36.5, "Longitude": -119.26, "Population": 1475.0}, {"index": 19840, "quantile": 1.0, "value": 94500.0, "Latitude": 36.5, "Longitude": -119.26, "Population": 1475.0}, {"index": 19841, "quantile": 0.0, "value": 56200.00000000001, "Latitude": 36.43, "Longitude": -119.1, "Population": 643.0}, {"index": 19841, "quantile": 0.25, "value": 71300.0, "Latitude": 36.43, "Longitude": -119.1, "Population": 643.0}, {"index": 19841, "quantile": 0.5, "value": 71300.0, "Latitude": 36.43, "Longitude": -119.1, "Population": 643.0}, {"index": 19841, "quantile": 0.75, "value": 71300.0, "Latitude": 36.43, "Longitude": -119.1, "Population": 643.0}, {"index": 19841, "quantile": 1.0, "value": 137500.0, "Latitude": 36.43, "Longitude": -119.1, "Population": 643.0}, {"index": 19842, "quantile": 0.0, "value": 42700.0, "Latitude": 36.42, "Longitude": -119.1, "Population": 1217.0}, {"index": 19842, "quantile": 0.25, "value": 57599.99999999999, "Latitude": 36.42, "Longitude": -119.1, "Population": 1217.0}, {"index": 19842, "quantile": 0.5, "value": 57599.99999999999, "Latitude": 36.42, "Longitude": -119.1, "Population": 1217.0}, {"index": 19842, "quantile": 0.75, "value": 57650.0, "Latitude": 36.42, "Longitude": -119.1, "Population": 1217.0}, {"index": 19842, "quantile": 1.0, "value": 68600.0, "Latitude": 36.42, "Longitude": -119.1, "Population": 1217.0}, {"index": 19843, "quantile": 0.0, "value": 40900.0, "Latitude": 36.42, "Longitude": -119.09, "Population": 1275.0}, {"index": 19843, "quantile": 0.25, "value": 55200.00000000001, "Latitude": 36.42, "Longitude": -119.09, "Population": 1275.0}, {"index": 19843, "quantile": 0.5, "value": 55800.00000000001, "Latitude": 36.42, "Longitude": -119.09, "Population": 1275.0}, {"index": 19843, "quantile": 0.75, "value": 55800.00000000001, "Latitude": 36.42, "Longitude": -119.09, "Population": 1275.0}, {"index": 19843, "quantile": 1.0, "value": 64700.0, "Latitude": 36.42, "Longitude": -119.09, "Population": 1275.0}, {"index": 19844, "quantile": 0.0, "value": 33200.0, "Latitude": 36.42, "Longitude": -119.09, "Population": 966.0}, {"index": 19844, "quantile": 0.25, "value": 52500.0, "Latitude": 36.42, "Longitude": -119.09, "Population": 966.0}, {"index": 19844, "quantile": 0.5, "value": 52500.0, "Latitude": 36.42, "Longitude": -119.09, "Population": 966.0}, {"index": 19844, "quantile": 0.75, "value": 52500.0, "Latitude": 36.42, "Longitude": -119.09, "Population": 966.0}, {"index": 19844, "quantile": 1.0, "value": 216699.99999999997, "Latitude": 36.42, "Longitude": -119.09, "Population": 966.0}, {"index": 19845, "quantile": 0.0, "value": 43000.0, "Latitude": 36.4, "Longitude": -119.1, "Population": 1518.0}, {"index": 19845, "quantile": 0.25, "value": 51700.0, "Latitude": 36.4, "Longitude": -119.1, "Population": 1518.0}, {"index": 19845, "quantile": 0.5, "value": 51700.0, "Latitude": 36.4, "Longitude": -119.1, "Population": 1518.0}, {"index": 19845, "quantile": 0.75, "value": 51700.0, "Latitude": 36.4, "Longitude": -119.1, "Population": 1518.0}, {"index": 19845, "quantile": 1.0, "value": 71000.0, "Latitude": 36.4, "Longitude": -119.1, "Population": 1518.0}, {"index": 19846, "quantile": 0.0, "value": 67900.0, "Latitude": 36.4, "Longitude": -119.1, "Population": 1056.0}, {"index": 19846, "quantile": 0.25, "value": 92800.0, "Latitude": 36.4, "Longitude": -119.1, "Population": 1056.0}, {"index": 19846, "quantile": 0.5, "value": 92800.0, "Latitude": 36.4, "Longitude": -119.1, "Population": 1056.0}, {"index": 19846, "quantile": 0.75, "value": 92800.0, "Latitude": 36.4, "Longitude": -119.1, "Population": 1056.0}, {"index": 19846, "quantile": 1.0, "value": 221200.00000000003, "Latitude": 36.4, "Longitude": -119.1, "Population": 1056.0}, {"index": 19847, "quantile": 0.0, "value": 37500.0, "Latitude": 36.45, "Longitude": -119.23, "Population": 1283.0}, {"index": 19847, "quantile": 0.25, "value": 52325.0, "Latitude": 36.45, "Longitude": -119.23, "Population": 1283.0}, {"index": 19847, "quantile": 0.5, "value": 55100.00000000001, "Latitude": 36.45, "Longitude": -119.23, "Population": 1283.0}, {"index": 19847, "quantile": 0.75, "value": 59375.0, "Latitude": 36.45, "Longitude": -119.23, "Population": 1283.0}, {"index": 19847, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 36.45, "Longitude": -119.23, "Population": 1283.0}, {"index": 19848, "quantile": 0.0, "value": 30000.0, "Latitude": 36.4, "Longitude": -119.18, "Population": 899.0}, {"index": 19848, "quantile": 0.25, "value": 73425.0, "Latitude": 36.4, "Longitude": -119.18, "Population": 899.0}, {"index": 19848, "quantile": 0.5, "value": 129200.0, "Latitude": 36.4, "Longitude": -119.18, "Population": 899.0}, {"index": 19848, "quantile": 0.75, "value": 129200.0, "Latitude": 36.4, "Longitude": -119.18, "Population": 899.0}, {"index": 19848, "quantile": 1.0, "value": 129200.0, "Latitude": 36.4, "Longitude": -119.18, "Population": 899.0}, {"index": 19849, "quantile": 0.0, "value": 72100.0, "Latitude": 36.39, "Longitude": -119.27, "Population": 998.0}, {"index": 19849, "quantile": 0.25, "value": 122774.99999999999, "Latitude": 36.39, "Longitude": -119.27, "Population": 998.0}, {"index": 19849, "quantile": 0.5, "value": 145700.0, "Latitude": 36.39, "Longitude": -119.27, "Population": 998.0}, {"index": 19849, "quantile": 0.75, "value": 145700.0, "Latitude": 36.39, "Longitude": -119.27, "Population": 998.0}, {"index": 19849, "quantile": 1.0, "value": 335200.0, "Latitude": 36.39, "Longitude": -119.27, "Population": 998.0}, {"index": 19850, "quantile": 0.0, "value": 39400.0, "Latitude": 36.39, "Longitude": -119.23, "Population": 1061.0}, {"index": 19850, "quantile": 0.25, "value": 53500.0, "Latitude": 36.39, "Longitude": -119.23, "Population": 1061.0}, {"index": 19850, "quantile": 0.5, "value": 53500.0, "Latitude": 36.39, "Longitude": -119.23, "Population": 1061.0}, {"index": 19850, "quantile": 0.75, "value": 53500.0, "Latitude": 36.39, "Longitude": -119.23, "Population": 1061.0}, {"index": 19850, "quantile": 1.0, "value": 112500.0, "Latitude": 36.39, "Longitude": -119.23, "Population": 1061.0}, {"index": 19851, "quantile": 0.0, "value": 48800.0, "Latitude": 36.39, "Longitude": -119.21, "Population": 1013.0}, {"index": 19851, "quantile": 0.25, "value": 53500.0, "Latitude": 36.39, "Longitude": -119.21, "Population": 1013.0}, {"index": 19851, "quantile": 0.5, "value": 53500.0, "Latitude": 36.39, "Longitude": -119.21, "Population": 1013.0}, {"index": 19851, "quantile": 0.75, "value": 53900.0, "Latitude": 36.39, "Longitude": -119.21, "Population": 1013.0}, {"index": 19851, "quantile": 1.0, "value": 92700.0, "Latitude": 36.39, "Longitude": -119.21, "Population": 1013.0}, {"index": 19852, "quantile": 0.0, "value": 40900.0, "Latitude": 36.38, "Longitude": -119.21, "Population": 1461.0}, {"index": 19852, "quantile": 0.25, "value": 57999.99999999999, "Latitude": 36.38, "Longitude": -119.21, "Population": 1461.0}, {"index": 19852, "quantile": 0.5, "value": 57999.99999999999, "Latitude": 36.38, "Longitude": -119.21, "Population": 1461.0}, {"index": 19852, "quantile": 0.75, "value": 57999.99999999999, "Latitude": 36.38, "Longitude": -119.21, "Population": 1461.0}, {"index": 19852, "quantile": 1.0, "value": 92600.0, "Latitude": 36.38, "Longitude": -119.21, "Population": 1461.0}, {"index": 19853, "quantile": 0.0, "value": 22500.0, "Latitude": 36.42, "Longitude": -119.35, "Population": 1742.0}, {"index": 19853, "quantile": 0.25, "value": 60200.0, "Latitude": 36.42, "Longitude": -119.35, "Population": 1742.0}, {"index": 19853, "quantile": 0.5, "value": 82050.0, "Latitude": 36.42, "Longitude": -119.35, "Population": 1742.0}, {"index": 19853, "quantile": 0.75, "value": 106900.0, "Latitude": 36.42, "Longitude": -119.35, "Population": 1742.0}, {"index": 19853, "quantile": 1.0, "value": 262500.0, "Latitude": 36.42, "Longitude": -119.35, "Population": 1742.0}, {"index": 19854, "quantile": 0.0, "value": 38800.0, "Latitude": 36.39, "Longitude": -119.31, "Population": 1538.0}, {"index": 19854, "quantile": 0.25, "value": 59000.0, "Latitude": 36.39, "Longitude": -119.31, "Population": 1538.0}, {"index": 19854, "quantile": 0.5, "value": 68600.0, "Latitude": 36.39, "Longitude": -119.31, "Population": 1538.0}, {"index": 19854, "quantile": 0.75, "value": 68600.0, "Latitude": 36.39, "Longitude": -119.31, "Population": 1538.0}, {"index": 19854, "quantile": 1.0, "value": 68600.0, "Latitude": 36.39, "Longitude": -119.31, "Population": 1538.0}, {"index": 19855, "quantile": 0.0, "value": 37500.0, "Latitude": 36.35, "Longitude": -119.45, "Population": 1076.0}, {"index": 19855, "quantile": 0.25, "value": 69600.0, "Latitude": 36.35, "Longitude": -119.45, "Population": 1076.0}, {"index": 19855, "quantile": 0.5, "value": 69600.0, "Latitude": 36.35, "Longitude": -119.45, "Population": 1076.0}, {"index": 19855, "quantile": 0.75, "value": 69600.0, "Latitude": 36.35, "Longitude": -119.45, "Population": 1076.0}, {"index": 19855, "quantile": 1.0, "value": 156300.0, "Latitude": 36.35, "Longitude": -119.45, "Population": 1076.0}, {"index": 19856, "quantile": 0.0, "value": 49400.0, "Latitude": 36.35, "Longitude": -119.41, "Population": 1390.0}, {"index": 19856, "quantile": 0.25, "value": 52900.0, "Latitude": 36.35, "Longitude": -119.41, "Population": 1390.0}, {"index": 19856, "quantile": 0.5, "value": 52900.0, "Latitude": 36.35, "Longitude": -119.41, "Population": 1390.0}, {"index": 19856, "quantile": 0.75, "value": 58650.0, "Latitude": 36.35, "Longitude": -119.41, "Population": 1390.0}, {"index": 19856, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 36.35, "Longitude": -119.41, "Population": 1390.0}, {"index": 19857, "quantile": 0.0, "value": 37500.0, "Latitude": 36.35, "Longitude": -119.42, "Population": 1031.0}, {"index": 19857, "quantile": 0.25, "value": 48000.0, "Latitude": 36.35, "Longitude": -119.42, "Population": 1031.0}, {"index": 19857, "quantile": 0.5, "value": 48000.0, "Latitude": 36.35, "Longitude": -119.42, "Population": 1031.0}, {"index": 19857, "quantile": 0.75, "value": 49100.0, "Latitude": 36.35, "Longitude": -119.42, "Population": 1031.0}, {"index": 19857, "quantile": 1.0, "value": 71300.0, "Latitude": 36.35, "Longitude": -119.42, "Population": 1031.0}, {"index": 19858, "quantile": 0.0, "value": 54100.00000000001, "Latitude": 36.35, "Longitude": -119.29, "Population": 1332.0}, {"index": 19858, "quantile": 0.25, "value": 60200.0, "Latitude": 36.35, "Longitude": -119.29, "Population": 1332.0}, {"index": 19858, "quantile": 0.5, "value": 60200.0, "Latitude": 36.35, "Longitude": -119.29, "Population": 1332.0}, {"index": 19858, "quantile": 0.75, "value": 60200.0, "Latitude": 36.35, "Longitude": -119.29, "Population": 1332.0}, {"index": 19858, "quantile": 1.0, "value": 92200.0, "Latitude": 36.35, "Longitude": -119.29, "Population": 1332.0}, {"index": 19859, "quantile": 0.0, "value": 40900.0, "Latitude": 36.34, "Longitude": -119.29, "Population": 1664.0}, {"index": 19859, "quantile": 0.25, "value": 53300.0, "Latitude": 36.34, "Longitude": -119.29, "Population": 1664.0}, {"index": 19859, "quantile": 0.5, "value": 53300.0, "Latitude": 36.34, "Longitude": -119.29, "Population": 1664.0}, {"index": 19859, "quantile": 0.75, "value": 53300.0, "Latitude": 36.34, "Longitude": -119.29, "Population": 1664.0}, {"index": 19859, "quantile": 1.0, "value": 117200.0, "Latitude": 36.34, "Longitude": -119.29, "Population": 1664.0}, {"index": 19860, "quantile": 0.0, "value": 40900.0, "Latitude": 36.35, "Longitude": -119.3, "Population": 1520.0}, {"index": 19860, "quantile": 0.25, "value": 60624.99999999999, "Latitude": 36.35, "Longitude": -119.3, "Population": 1520.0}, {"index": 19860, "quantile": 0.5, "value": 64900.0, "Latitude": 36.35, "Longitude": -119.3, "Population": 1520.0}, {"index": 19860, "quantile": 0.75, "value": 64900.0, "Latitude": 36.35, "Longitude": -119.3, "Population": 1520.0}, {"index": 19860, "quantile": 1.0, "value": 90600.0, "Latitude": 36.35, "Longitude": -119.3, "Population": 1520.0}, {"index": 19861, "quantile": 0.0, "value": 40900.0, "Latitude": 36.34, "Longitude": -119.3, "Population": 1178.0}, {"index": 19861, "quantile": 0.25, "value": 48100.0, "Latitude": 36.34, "Longitude": -119.3, "Population": 1178.0}, {"index": 19861, "quantile": 0.5, "value": 48100.0, "Latitude": 36.34, "Longitude": -119.3, "Population": 1178.0}, {"index": 19861, "quantile": 0.75, "value": 48100.0, "Latitude": 36.34, "Longitude": -119.3, "Population": 1178.0}, {"index": 19861, "quantile": 1.0, "value": 61900.0, "Latitude": 36.34, "Longitude": -119.3, "Population": 1178.0}, {"index": 19862, "quantile": 0.0, "value": 39200.0, "Latitude": 36.34, "Longitude": -119.31, "Population": 2250.0}, {"index": 19862, "quantile": 0.25, "value": 52900.0, "Latitude": 36.34, "Longitude": -119.31, "Population": 2250.0}, {"index": 19862, "quantile": 0.5, "value": 57650.0, "Latitude": 36.34, "Longitude": -119.31, "Population": 2250.0}, {"index": 19862, "quantile": 0.75, "value": 64900.0, "Latitude": 36.34, "Longitude": -119.31, "Population": 2250.0}, {"index": 19862, "quantile": 1.0, "value": 128899.99999999999, "Latitude": 36.34, "Longitude": -119.31, "Population": 2250.0}, {"index": 19863, "quantile": 0.0, "value": 68400.0, "Latitude": 36.36, "Longitude": -119.32, "Population": 1348.0}, {"index": 19863, "quantile": 0.25, "value": 68400.0, "Latitude": 36.36, "Longitude": -119.32, "Population": 1348.0}, {"index": 19863, "quantile": 0.5, "value": 68400.0, "Latitude": 36.36, "Longitude": -119.32, "Population": 1348.0}, {"index": 19863, "quantile": 0.75, "value": 81975.0, "Latitude": 36.36, "Longitude": -119.32, "Population": 1348.0}, {"index": 19863, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 36.36, "Longitude": -119.32, "Population": 1348.0}, {"index": 19864, "quantile": 0.0, "value": 110900.0, "Latitude": 36.35, "Longitude": -119.37, "Population": 518.0}, {"index": 19864, "quantile": 0.25, "value": 231300.00000000003, "Latitude": 36.35, "Longitude": -119.37, "Population": 518.0}, {"index": 19864, "quantile": 0.5, "value": 231300.00000000003, "Latitude": 36.35, "Longitude": -119.37, "Population": 518.0}, {"index": 19864, "quantile": 0.75, "value": 231300.00000000003, "Latitude": 36.35, "Longitude": -119.37, "Population": 518.0}, {"index": 19864, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 36.35, "Longitude": -119.37, "Population": 518.0}, {"index": 19865, "quantile": 0.0, "value": 239100.0, "Latitude": 36.33, "Longitude": -119.32, "Population": 674.0}, {"index": 19865, "quantile": 0.25, "value": 239100.0, "Latitude": 36.33, "Longitude": -119.32, "Population": 674.0}, {"index": 19865, "quantile": 0.5, "value": 239100.0, "Latitude": 36.33, "Longitude": -119.32, "Population": 674.0}, {"index": 19865, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 36.33, "Longitude": -119.32, "Population": 674.0}, {"index": 19865, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.33, "Longitude": -119.32, "Population": 674.0}, {"index": 19866, "quantile": 0.0, "value": 87100.0, "Latitude": 36.33, "Longitude": -119.32, "Population": 1158.0}, {"index": 19866, "quantile": 0.25, "value": 106900.0, "Latitude": 36.33, "Longitude": -119.32, "Population": 1158.0}, {"index": 19866, "quantile": 0.5, "value": 123400.0, "Latitude": 36.33, "Longitude": -119.32, "Population": 1158.0}, {"index": 19866, "quantile": 0.75, "value": 180200.0, "Latitude": 36.33, "Longitude": -119.32, "Population": 1158.0}, {"index": 19866, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.33, "Longitude": -119.32, "Population": 1158.0}, {"index": 19867, "quantile": 0.0, "value": 80400.0, "Latitude": 36.34, "Longitude": -119.34, "Population": 1917.0}, {"index": 19867, "quantile": 0.25, "value": 126600.0, "Latitude": 36.34, "Longitude": -119.34, "Population": 1917.0}, {"index": 19867, "quantile": 0.5, "value": 126600.0, "Latitude": 36.34, "Longitude": -119.34, "Population": 1917.0}, {"index": 19867, "quantile": 0.75, "value": 126600.0, "Latitude": 36.34, "Longitude": -119.34, "Population": 1917.0}, {"index": 19867, "quantile": 1.0, "value": 167100.0, "Latitude": 36.34, "Longitude": -119.34, "Population": 1917.0}, {"index": 19868, "quantile": 0.0, "value": 67500.0, "Latitude": 36.33, "Longitude": -119.34, "Population": 1218.0}, {"index": 19868, "quantile": 0.25, "value": 93700.0, "Latitude": 36.33, "Longitude": -119.34, "Population": 1218.0}, {"index": 19868, "quantile": 0.5, "value": 93700.0, "Latitude": 36.33, "Longitude": -119.34, "Population": 1218.0}, {"index": 19868, "quantile": 0.75, "value": 107450.0, "Latitude": 36.33, "Longitude": -119.34, "Population": 1218.0}, {"index": 19868, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 36.33, "Longitude": -119.34, "Population": 1218.0}, {"index": 19869, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 36.33, "Longitude": -119.35, "Population": 568.0}, {"index": 19869, "quantile": 0.25, "value": 99125.0, "Latitude": 36.33, "Longitude": -119.35, "Population": 568.0}, {"index": 19869, "quantile": 0.5, "value": 105600.0, "Latitude": 36.33, "Longitude": -119.35, "Population": 568.0}, {"index": 19869, "quantile": 0.75, "value": 105600.0, "Latitude": 36.33, "Longitude": -119.35, "Population": 568.0}, {"index": 19869, "quantile": 1.0, "value": 126400.0, "Latitude": 36.33, "Longitude": -119.35, "Population": 568.0}, {"index": 19870, "quantile": 0.0, "value": 63300.0, "Latitude": 36.33, "Longitude": -119.36, "Population": 1351.0}, {"index": 19870, "quantile": 0.25, "value": 76875.0, "Latitude": 36.33, "Longitude": -119.36, "Population": 1351.0}, {"index": 19870, "quantile": 0.5, "value": 85500.0, "Latitude": 36.33, "Longitude": -119.36, "Population": 1351.0}, {"index": 19870, "quantile": 0.75, "value": 95300.0, "Latitude": 36.33, "Longitude": -119.36, "Population": 1351.0}, {"index": 19870, "quantile": 1.0, "value": 218200.0, "Latitude": 36.33, "Longitude": -119.36, "Population": 1351.0}, {"index": 19871, "quantile": 0.0, "value": 34400.0, "Latitude": 36.34, "Longitude": -119.29, "Population": 2178.0}, {"index": 19871, "quantile": 0.25, "value": 50600.0, "Latitude": 36.34, "Longitude": -119.29, "Population": 2178.0}, {"index": 19871, "quantile": 0.5, "value": 50600.0, "Latitude": 36.34, "Longitude": -119.29, "Population": 2178.0}, {"index": 19871, "quantile": 0.75, "value": 50875.0, "Latitude": 36.34, "Longitude": -119.29, "Population": 2178.0}, {"index": 19871, "quantile": 1.0, "value": 350000.0, "Latitude": 36.34, "Longitude": -119.29, "Population": 2178.0}, {"index": 19872, "quantile": 0.0, "value": 41400.0, "Latitude": 36.34, "Longitude": -119.29, "Population": 1246.0}, {"index": 19872, "quantile": 0.25, "value": 53000.0, "Latitude": 36.34, "Longitude": -119.29, "Population": 1246.0}, {"index": 19872, "quantile": 0.5, "value": 71000.0, "Latitude": 36.34, "Longitude": -119.29, "Population": 1246.0}, {"index": 19872, "quantile": 0.75, "value": 71000.0, "Latitude": 36.34, "Longitude": -119.29, "Population": 1246.0}, {"index": 19872, "quantile": 1.0, "value": 175000.0, "Latitude": 36.34, "Longitude": -119.29, "Population": 1246.0}, {"index": 19873, "quantile": 0.0, "value": 43100.0, "Latitude": 36.34, "Longitude": -119.3, "Population": 2256.0}, {"index": 19873, "quantile": 0.25, "value": 63100.0, "Latitude": 36.34, "Longitude": -119.3, "Population": 2256.0}, {"index": 19873, "quantile": 0.5, "value": 63100.0, "Latitude": 36.34, "Longitude": -119.3, "Population": 2256.0}, {"index": 19873, "quantile": 0.75, "value": 63100.0, "Latitude": 36.34, "Longitude": -119.3, "Population": 2256.0}, {"index": 19873, "quantile": 1.0, "value": 78800.0, "Latitude": 36.34, "Longitude": -119.3, "Population": 2256.0}, {"index": 19874, "quantile": 0.0, "value": 41400.0, "Latitude": 36.34, "Longitude": -119.31, "Population": 1744.0}, {"index": 19874, "quantile": 0.25, "value": 51400.0, "Latitude": 36.34, "Longitude": -119.31, "Population": 1744.0}, {"index": 19874, "quantile": 0.5, "value": 54100.00000000001, "Latitude": 36.34, "Longitude": -119.31, "Population": 1744.0}, {"index": 19874, "quantile": 0.75, "value": 54100.00000000001, "Latitude": 36.34, "Longitude": -119.31, "Population": 1744.0}, {"index": 19874, "quantile": 1.0, "value": 57399.99999999999, "Latitude": 36.34, "Longitude": -119.31, "Population": 1744.0}, {"index": 19875, "quantile": 0.0, "value": 33200.0, "Latitude": 36.33, "Longitude": -119.29, "Population": 641.0}, {"index": 19875, "quantile": 0.25, "value": 69400.0, "Latitude": 36.33, "Longitude": -119.29, "Population": 641.0}, {"index": 19875, "quantile": 0.5, "value": 112500.0, "Latitude": 36.33, "Longitude": -119.29, "Population": 641.0}, {"index": 19875, "quantile": 0.75, "value": 112500.0, "Latitude": 36.33, "Longitude": -119.29, "Population": 641.0}, {"index": 19875, "quantile": 1.0, "value": 150000.0, "Latitude": 36.33, "Longitude": -119.29, "Population": 641.0}, {"index": 19876, "quantile": 0.0, "value": 53400.0, "Latitude": 36.33, "Longitude": -119.31, "Population": 772.0}, {"index": 19876, "quantile": 0.25, "value": 62400.0, "Latitude": 36.33, "Longitude": -119.31, "Population": 772.0}, {"index": 19876, "quantile": 0.5, "value": 69500.0, "Latitude": 36.33, "Longitude": -119.31, "Population": 772.0}, {"index": 19876, "quantile": 0.75, "value": 74300.0, "Latitude": 36.33, "Longitude": -119.31, "Population": 772.0}, {"index": 19876, "quantile": 1.0, "value": 268800.0, "Latitude": 36.33, "Longitude": -119.31, "Population": 772.0}, {"index": 19877, "quantile": 0.0, "value": 88900.0, "Latitude": 36.36, "Longitude": -119.25, "Population": 1471.0}, {"index": 19877, "quantile": 0.25, "value": 154800.0, "Latitude": 36.36, "Longitude": -119.25, "Population": 1471.0}, {"index": 19877, "quantile": 0.5, "value": 154800.0, "Latitude": 36.36, "Longitude": -119.25, "Population": 1471.0}, {"index": 19877, "quantile": 0.75, "value": 250325.0, "Latitude": 36.36, "Longitude": -119.25, "Population": 1471.0}, {"index": 19877, "quantile": 1.0, "value": 321600.0, "Latitude": 36.36, "Longitude": -119.25, "Population": 1471.0}, {"index": 19878, "quantile": 0.0, "value": 68400.0, "Latitude": 36.34, "Longitude": -119.27, "Population": 1793.0}, {"index": 19878, "quantile": 0.25, "value": 83025.0, "Latitude": 36.34, "Longitude": -119.27, "Population": 1793.0}, {"index": 19878, "quantile": 0.5, "value": 89850.00000000001, "Latitude": 36.34, "Longitude": -119.27, "Population": 1793.0}, {"index": 19878, "quantile": 0.75, "value": 95400.0, "Latitude": 36.34, "Longitude": -119.27, "Population": 1793.0}, {"index": 19878, "quantile": 1.0, "value": 145000.0, "Latitude": 36.34, "Longitude": -119.27, "Population": 1793.0}, {"index": 19879, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 36.35, "Longitude": -119.28, "Population": 2080.0}, {"index": 19879, "quantile": 0.25, "value": 72400.0, "Latitude": 36.35, "Longitude": -119.28, "Population": 2080.0}, {"index": 19879, "quantile": 0.5, "value": 72400.0, "Latitude": 36.35, "Longitude": -119.28, "Population": 2080.0}, {"index": 19879, "quantile": 0.75, "value": 74925.0, "Latitude": 36.35, "Longitude": -119.28, "Population": 2080.0}, {"index": 19879, "quantile": 1.0, "value": 111800.00000000001, "Latitude": 36.35, "Longitude": -119.28, "Population": 2080.0}, {"index": 19880, "quantile": 0.0, "value": 33200.0, "Latitude": 36.33, "Longitude": -119.28, "Population": 927.0}, {"index": 19880, "quantile": 0.25, "value": 55500.00000000001, "Latitude": 36.33, "Longitude": -119.28, "Population": 927.0}, {"index": 19880, "quantile": 0.5, "value": 55500.00000000001, "Latitude": 36.33, "Longitude": -119.28, "Population": 927.0}, {"index": 19880, "quantile": 0.75, "value": 55500.00000000001, "Latitude": 36.33, "Longitude": -119.28, "Population": 927.0}, {"index": 19880, "quantile": 1.0, "value": 112500.0, "Latitude": 36.33, "Longitude": -119.28, "Population": 927.0}, {"index": 19881, "quantile": 0.0, "value": 47400.0, "Latitude": 36.34, "Longitude": -119.27, "Population": 1453.0}, {"index": 19881, "quantile": 0.25, "value": 58600.0, "Latitude": 36.34, "Longitude": -119.27, "Population": 1453.0}, {"index": 19881, "quantile": 0.5, "value": 58600.0, "Latitude": 36.34, "Longitude": -119.27, "Population": 1453.0}, {"index": 19881, "quantile": 0.75, "value": 59650.0, "Latitude": 36.34, "Longitude": -119.27, "Population": 1453.0}, {"index": 19881, "quantile": 1.0, "value": 100000.0, "Latitude": 36.34, "Longitude": -119.27, "Population": 1453.0}, {"index": 19882, "quantile": 0.0, "value": 54900.00000000001, "Latitude": 36.33, "Longitude": -119.24, "Population": 1866.0}, {"index": 19882, "quantile": 0.25, "value": 72400.0, "Latitude": 36.33, "Longitude": -119.24, "Population": 1866.0}, {"index": 19882, "quantile": 0.5, "value": 81900.0, "Latitude": 36.33, "Longitude": -119.24, "Population": 1866.0}, {"index": 19882, "quantile": 0.75, "value": 92500.0, "Latitude": 36.33, "Longitude": -119.24, "Population": 1866.0}, {"index": 19882, "quantile": 1.0, "value": 139200.0, "Latitude": 36.33, "Longitude": -119.24, "Population": 1866.0}, {"index": 19883, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 36.34, "Longitude": -119.19, "Population": 1245.0}, {"index": 19883, "quantile": 0.25, "value": 78300.0, "Latitude": 36.34, "Longitude": -119.19, "Population": 1245.0}, {"index": 19883, "quantile": 0.5, "value": 96900.0, "Latitude": 36.34, "Longitude": -119.19, "Population": 1245.0}, {"index": 19883, "quantile": 0.75, "value": 96900.0, "Latitude": 36.34, "Longitude": -119.19, "Population": 1245.0}, {"index": 19883, "quantile": 1.0, "value": 129200.0, "Latitude": 36.34, "Longitude": -119.19, "Population": 1245.0}, {"index": 19884, "quantile": 0.0, "value": 53200.0, "Latitude": 36.35, "Longitude": -119.09, "Population": 1580.0}, {"index": 19884, "quantile": 0.25, "value": 92700.0, "Latitude": 36.35, "Longitude": -119.09, "Population": 1580.0}, {"index": 19884, "quantile": 0.5, "value": 92700.0, "Latitude": 36.35, "Longitude": -119.09, "Population": 1580.0}, {"index": 19884, "quantile": 0.75, "value": 93250.00000000001, "Latitude": 36.35, "Longitude": -119.09, "Population": 1580.0}, {"index": 19884, "quantile": 1.0, "value": 187500.0, "Latitude": 36.35, "Longitude": -119.09, "Population": 1580.0}, {"index": 19885, "quantile": 0.0, "value": 65700.0, "Latitude": 36.29, "Longitude": -119.11, "Population": 859.0}, {"index": 19885, "quantile": 0.25, "value": 89800.0, "Latitude": 36.29, "Longitude": -119.11, "Population": 859.0}, {"index": 19885, "quantile": 0.5, "value": 93800.0, "Latitude": 36.29, "Longitude": -119.11, "Population": 859.0}, {"index": 19885, "quantile": 0.75, "value": 93800.0, "Latitude": 36.29, "Longitude": -119.11, "Population": 859.0}, {"index": 19885, "quantile": 1.0, "value": 150000.0, "Latitude": 36.29, "Longitude": -119.11, "Population": 859.0}, {"index": 19886, "quantile": 0.0, "value": 64900.0, "Latitude": 36.3, "Longitude": -119.13, "Population": 1565.0}, {"index": 19886, "quantile": 0.25, "value": 76500.0, "Latitude": 36.3, "Longitude": -119.13, "Population": 1565.0}, {"index": 19886, "quantile": 0.5, "value": 76500.0, "Latitude": 36.3, "Longitude": -119.13, "Population": 1565.0}, {"index": 19886, "quantile": 0.75, "value": 76500.0, "Latitude": 36.3, "Longitude": -119.13, "Population": 1565.0}, {"index": 19886, "quantile": 1.0, "value": 96900.0, "Latitude": 36.3, "Longitude": -119.13, "Population": 1565.0}, {"index": 19887, "quantile": 0.0, "value": 47100.0, "Latitude": 36.29, "Longitude": -119.12, "Population": 942.0}, {"index": 19887, "quantile": 0.25, "value": 66200.0, "Latitude": 36.29, "Longitude": -119.12, "Population": 942.0}, {"index": 19887, "quantile": 0.5, "value": 66200.0, "Latitude": 36.29, "Longitude": -119.12, "Population": 942.0}, {"index": 19887, "quantile": 0.75, "value": 66200.0, "Latitude": 36.29, "Longitude": -119.12, "Population": 942.0}, {"index": 19887, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 36.29, "Longitude": -119.12, "Population": 942.0}, {"index": 19888, "quantile": 0.0, "value": 72100.0, "Latitude": 36.28, "Longitude": -119.16, "Population": 1359.0}, {"index": 19888, "quantile": 0.25, "value": 79300.0, "Latitude": 36.28, "Longitude": -119.16, "Population": 1359.0}, {"index": 19888, "quantile": 0.5, "value": 79300.0, "Latitude": 36.28, "Longitude": -119.16, "Population": 1359.0}, {"index": 19888, "quantile": 0.75, "value": 92725.0, "Latitude": 36.28, "Longitude": -119.16, "Population": 1359.0}, {"index": 19888, "quantile": 1.0, "value": 250199.99999999997, "Latitude": 36.28, "Longitude": -119.16, "Population": 1359.0}, {"index": 19889, "quantile": 0.0, "value": 50400.0, "Latitude": 36.31, "Longitude": -119.16, "Population": 1608.0}, {"index": 19889, "quantile": 0.25, "value": 57999.99999999999, "Latitude": 36.31, "Longitude": -119.16, "Population": 1608.0}, {"index": 19889, "quantile": 0.5, "value": 69300.0, "Latitude": 36.31, "Longitude": -119.16, "Population": 1608.0}, {"index": 19889, "quantile": 0.75, "value": 225000.0, "Latitude": 36.31, "Longitude": -119.16, "Population": 1608.0}, {"index": 19889, "quantile": 1.0, "value": 225000.0, "Latitude": 36.31, "Longitude": -119.16, "Population": 1608.0}, {"index": 19890, "quantile": 0.0, "value": 72300.0, "Latitude": 36.29, "Longitude": -119.15, "Population": 657.0}, {"index": 19890, "quantile": 0.25, "value": 72500.0, "Latitude": 36.29, "Longitude": -119.15, "Population": 657.0}, {"index": 19890, "quantile": 0.5, "value": 72500.0, "Latitude": 36.29, "Longitude": -119.15, "Population": 657.0}, {"index": 19890, "quantile": 0.75, "value": 77550.0, "Latitude": 36.29, "Longitude": -119.15, "Population": 657.0}, {"index": 19890, "quantile": 1.0, "value": 129200.0, "Latitude": 36.29, "Longitude": -119.15, "Population": 657.0}, {"index": 19891, "quantile": 0.0, "value": 43700.0, "Latitude": 36.29, "Longitude": -119.14, "Population": 1410.0}, {"index": 19891, "quantile": 0.25, "value": 48300.0, "Latitude": 36.29, "Longitude": -119.14, "Population": 1410.0}, {"index": 19891, "quantile": 0.5, "value": 48300.0, "Latitude": 36.29, "Longitude": -119.14, "Population": 1410.0}, {"index": 19891, "quantile": 0.75, "value": 55300.00000000001, "Latitude": 36.29, "Longitude": -119.14, "Population": 1410.0}, {"index": 19891, "quantile": 1.0, "value": 65900.0, "Latitude": 36.29, "Longitude": -119.14, "Population": 1410.0}, {"index": 19892, "quantile": 0.0, "value": 47100.0, "Latitude": 36.29, "Longitude": -119.14, "Population": 405.0}, {"index": 19892, "quantile": 0.25, "value": 54900.00000000001, "Latitude": 36.29, "Longitude": -119.14, "Population": 405.0}, {"index": 19892, "quantile": 0.5, "value": 66000.0, "Latitude": 36.29, "Longitude": -119.14, "Population": 405.0}, {"index": 19892, "quantile": 0.75, "value": 69324.99999999999, "Latitude": 36.29, "Longitude": -119.14, "Population": 405.0}, {"index": 19892, "quantile": 1.0, "value": 137500.0, "Latitude": 36.29, "Longitude": -119.14, "Population": 405.0}, {"index": 19893, "quantile": 0.0, "value": 51500.0, "Latitude": 36.3, "Longitude": -119.2, "Population": 1026.0}, {"index": 19893, "quantile": 0.25, "value": 56999.99999999999, "Latitude": 36.3, "Longitude": -119.2, "Population": 1026.0}, {"index": 19893, "quantile": 0.5, "value": 56999.99999999999, "Latitude": 36.3, "Longitude": -119.2, "Population": 1026.0}, {"index": 19893, "quantile": 0.75, "value": 60050.0, "Latitude": 36.3, "Longitude": -119.2, "Population": 1026.0}, {"index": 19893, "quantile": 1.0, "value": 150000.0, "Latitude": 36.3, "Longitude": -119.2, "Population": 1026.0}, {"index": 19894, "quantile": 0.0, "value": 39600.0, "Latitude": 36.3, "Longitude": -119.2, "Population": 1427.0}, {"index": 19894, "quantile": 0.25, "value": 45600.0, "Latitude": 36.3, "Longitude": -119.2, "Population": 1427.0}, {"index": 19894, "quantile": 0.5, "value": 45600.0, "Latitude": 36.3, "Longitude": -119.2, "Population": 1427.0}, {"index": 19894, "quantile": 0.75, "value": 50800.0, "Latitude": 36.3, "Longitude": -119.2, "Population": 1427.0}, {"index": 19894, "quantile": 1.0, "value": 71000.0, "Latitude": 36.3, "Longitude": -119.2, "Population": 1427.0}, {"index": 19895, "quantile": 0.0, "value": 41400.0, "Latitude": 36.3, "Longitude": -119.21, "Population": 806.0}, {"index": 19895, "quantile": 0.25, "value": 41400.0, "Latitude": 36.3, "Longitude": -119.21, "Population": 806.0}, {"index": 19895, "quantile": 0.5, "value": 41400.0, "Latitude": 36.3, "Longitude": -119.21, "Population": 806.0}, {"index": 19895, "quantile": 0.75, "value": 45600.0, "Latitude": 36.3, "Longitude": -119.21, "Population": 806.0}, {"index": 19895, "quantile": 1.0, "value": 65900.0, "Latitude": 36.3, "Longitude": -119.21, "Population": 806.0}, {"index": 19896, "quantile": 0.0, "value": 38800.0, "Latitude": 36.3, "Longitude": -119.21, "Population": 1092.0}, {"index": 19896, "quantile": 0.25, "value": 49400.0, "Latitude": 36.3, "Longitude": -119.21, "Population": 1092.0}, {"index": 19896, "quantile": 0.5, "value": 49400.0, "Latitude": 36.3, "Longitude": -119.21, "Population": 1092.0}, {"index": 19896, "quantile": 0.75, "value": 54175.00000000001, "Latitude": 36.3, "Longitude": -119.21, "Population": 1092.0}, {"index": 19896, "quantile": 1.0, "value": 71300.0, "Latitude": 36.3, "Longitude": -119.21, "Population": 1092.0}, {"index": 19897, "quantile": 0.0, "value": 43100.0, "Latitude": 36.31, "Longitude": -119.22, "Population": 2022.0}, {"index": 19897, "quantile": 0.25, "value": 51500.0, "Latitude": 36.31, "Longitude": -119.22, "Population": 2022.0}, {"index": 19897, "quantile": 0.5, "value": 54100.00000000001, "Latitude": 36.31, "Longitude": -119.22, "Population": 2022.0}, {"index": 19897, "quantile": 0.75, "value": 54100.00000000001, "Latitude": 36.31, "Longitude": -119.22, "Population": 2022.0}, {"index": 19897, "quantile": 1.0, "value": 67200.0, "Latitude": 36.31, "Longitude": -119.22, "Population": 2022.0}, {"index": 19898, "quantile": 0.0, "value": 63600.0, "Latitude": 36.27, "Longitude": -119.25, "Population": 678.0}, {"index": 19898, "quantile": 0.25, "value": 69100.0, "Latitude": 36.27, "Longitude": -119.25, "Population": 678.0}, {"index": 19898, "quantile": 0.5, "value": 69100.0, "Latitude": 36.27, "Longitude": -119.25, "Population": 678.0}, {"index": 19898, "quantile": 0.75, "value": 93100.0, "Latitude": 36.27, "Longitude": -119.25, "Population": 678.0}, {"index": 19898, "quantile": 1.0, "value": 137500.0, "Latitude": 36.27, "Longitude": -119.25, "Population": 678.0}, {"index": 19899, "quantile": 0.0, "value": 40900.0, "Latitude": 36.28, "Longitude": -119.2, "Population": 1654.0}, {"index": 19899, "quantile": 0.25, "value": 54100.00000000001, "Latitude": 36.28, "Longitude": -119.2, "Population": 1654.0}, {"index": 19899, "quantile": 0.5, "value": 65900.0, "Latitude": 36.28, "Longitude": -119.2, "Population": 1654.0}, {"index": 19899, "quantile": 0.75, "value": 65900.0, "Latitude": 36.28, "Longitude": -119.2, "Population": 1654.0}, {"index": 19899, "quantile": 1.0, "value": 71300.0, "Latitude": 36.28, "Longitude": -119.2, "Population": 1654.0}, {"index": 19900, "quantile": 0.0, "value": 47500.0, "Latitude": 36.32, "Longitude": -119.29, "Population": 839.0}, {"index": 19900, "quantile": 0.25, "value": 64600.0, "Latitude": 36.32, "Longitude": -119.29, "Population": 839.0}, {"index": 19900, "quantile": 0.5, "value": 64600.0, "Latitude": 36.32, "Longitude": -119.29, "Population": 839.0}, {"index": 19900, "quantile": 0.75, "value": 64600.0, "Latitude": 36.32, "Longitude": -119.29, "Population": 839.0}, {"index": 19900, "quantile": 1.0, "value": 93800.0, "Latitude": 36.32, "Longitude": -119.29, "Population": 839.0}, {"index": 19901, "quantile": 0.0, "value": 50200.0, "Latitude": 36.32, "Longitude": -119.29, "Population": 1123.0}, {"index": 19901, "quantile": 0.25, "value": 62900.0, "Latitude": 36.32, "Longitude": -119.29, "Population": 1123.0}, {"index": 19901, "quantile": 0.5, "value": 62900.0, "Latitude": 36.32, "Longitude": -119.29, "Population": 1123.0}, {"index": 19901, "quantile": 0.75, "value": 62900.0, "Latitude": 36.32, "Longitude": -119.29, "Population": 1123.0}, {"index": 19901, "quantile": 1.0, "value": 93800.0, "Latitude": 36.32, "Longitude": -119.29, "Population": 1123.0}, {"index": 19902, "quantile": 0.0, "value": 50400.0, "Latitude": 36.32, "Longitude": -119.28, "Population": 1234.0}, {"index": 19902, "quantile": 0.25, "value": 66900.0, "Latitude": 36.32, "Longitude": -119.28, "Population": 1234.0}, {"index": 19902, "quantile": 0.5, "value": 66900.0, "Latitude": 36.32, "Longitude": -119.28, "Population": 1234.0}, {"index": 19902, "quantile": 0.75, "value": 66900.0, "Latitude": 36.32, "Longitude": -119.28, "Population": 1234.0}, {"index": 19902, "quantile": 1.0, "value": 74200.0, "Latitude": 36.32, "Longitude": -119.28, "Population": 1234.0}, {"index": 19903, "quantile": 0.0, "value": 51000.0, "Latitude": 36.32, "Longitude": -119.29, "Population": 1364.0}, {"index": 19903, "quantile": 0.25, "value": 67200.0, "Latitude": 36.32, "Longitude": -119.29, "Population": 1364.0}, {"index": 19903, "quantile": 0.5, "value": 67200.0, "Latitude": 36.32, "Longitude": -119.29, "Population": 1364.0}, {"index": 19903, "quantile": 0.75, "value": 67200.0, "Latitude": 36.32, "Longitude": -119.29, "Population": 1364.0}, {"index": 19903, "quantile": 1.0, "value": 92400.0, "Latitude": 36.32, "Longitude": -119.29, "Population": 1364.0}, {"index": 19904, "quantile": 0.0, "value": 68000.0, "Latitude": 36.32, "Longitude": -119.28, "Population": 1620.0}, {"index": 19904, "quantile": 0.25, "value": 70700.0, "Latitude": 36.32, "Longitude": -119.28, "Population": 1620.0}, {"index": 19904, "quantile": 0.5, "value": 82800.0, "Latitude": 36.32, "Longitude": -119.28, "Population": 1620.0}, {"index": 19904, "quantile": 0.75, "value": 92300.0, "Latitude": 36.32, "Longitude": -119.28, "Population": 1620.0}, {"index": 19904, "quantile": 1.0, "value": 450000.0, "Latitude": 36.32, "Longitude": -119.28, "Population": 1620.0}, {"index": 19905, "quantile": 0.0, "value": 71300.0, "Latitude": 36.32, "Longitude": -119.27, "Population": 1432.0}, {"index": 19905, "quantile": 0.25, "value": 108200.00000000001, "Latitude": 36.32, "Longitude": -119.27, "Population": 1432.0}, {"index": 19905, "quantile": 0.5, "value": 110200.00000000001, "Latitude": 36.32, "Longitude": -119.27, "Population": 1432.0}, {"index": 19905, "quantile": 0.75, "value": 110200.00000000001, "Latitude": 36.32, "Longitude": -119.27, "Population": 1432.0}, {"index": 19905, "quantile": 1.0, "value": 145700.0, "Latitude": 36.32, "Longitude": -119.27, "Population": 1432.0}, {"index": 19906, "quantile": 0.0, "value": 83000.0, "Latitude": 36.32, "Longitude": -119.27, "Population": 1881.0}, {"index": 19906, "quantile": 0.25, "value": 113100.0, "Latitude": 36.32, "Longitude": -119.27, "Population": 1881.0}, {"index": 19906, "quantile": 0.5, "value": 113100.0, "Latitude": 36.32, "Longitude": -119.27, "Population": 1881.0}, {"index": 19906, "quantile": 0.75, "value": 113100.0, "Latitude": 36.32, "Longitude": -119.27, "Population": 1881.0}, {"index": 19906, "quantile": 1.0, "value": 326800.0, "Latitude": 36.32, "Longitude": -119.27, "Population": 1881.0}, {"index": 19907, "quantile": 0.0, "value": 53300.0, "Latitude": 36.32, "Longitude": -119.25, "Population": 812.0}, {"index": 19907, "quantile": 0.25, "value": 72200.0, "Latitude": 36.32, "Longitude": -119.25, "Population": 812.0}, {"index": 19907, "quantile": 0.5, "value": 72200.0, "Latitude": 36.32, "Longitude": -119.25, "Population": 812.0}, {"index": 19907, "quantile": 0.75, "value": 76925.0, "Latitude": 36.32, "Longitude": -119.25, "Population": 812.0}, {"index": 19907, "quantile": 1.0, "value": 129200.0, "Latitude": 36.32, "Longitude": -119.25, "Population": 812.0}, {"index": 19908, "quantile": 0.0, "value": 49200.0, "Latitude": 36.3, "Longitude": -119.26, "Population": 1540.0}, {"index": 19908, "quantile": 0.25, "value": 84600.0, "Latitude": 36.3, "Longitude": -119.26, "Population": 1540.0}, {"index": 19908, "quantile": 0.5, "value": 84600.0, "Latitude": 36.3, "Longitude": -119.26, "Population": 1540.0}, {"index": 19908, "quantile": 0.75, "value": 84600.0, "Latitude": 36.3, "Longitude": -119.26, "Population": 1540.0}, {"index": 19908, "quantile": 1.0, "value": 268800.0, "Latitude": 36.3, "Longitude": -119.26, "Population": 1540.0}, {"index": 19909, "quantile": 0.0, "value": 52900.0, "Latitude": 36.33, "Longitude": -119.3, "Population": 819.0}, {"index": 19909, "quantile": 0.25, "value": 72200.0, "Latitude": 36.33, "Longitude": -119.3, "Population": 819.0}, {"index": 19909, "quantile": 0.5, "value": 85500.0, "Latitude": 36.33, "Longitude": -119.3, "Population": 819.0}, {"index": 19909, "quantile": 0.75, "value": 107600.0, "Latitude": 36.33, "Longitude": -119.3, "Population": 819.0}, {"index": 19909, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.33, "Longitude": -119.3, "Population": 819.0}, {"index": 19910, "quantile": 0.0, "value": 70400.0, "Latitude": 36.32, "Longitude": -119.3, "Population": 1712.0}, {"index": 19910, "quantile": 0.25, "value": 92500.0, "Latitude": 36.32, "Longitude": -119.3, "Population": 1712.0}, {"index": 19910, "quantile": 0.5, "value": 92500.0, "Latitude": 36.32, "Longitude": -119.3, "Population": 1712.0}, {"index": 19910, "quantile": 0.75, "value": 92500.0, "Latitude": 36.32, "Longitude": -119.3, "Population": 1712.0}, {"index": 19910, "quantile": 1.0, "value": 115300.0, "Latitude": 36.32, "Longitude": -119.3, "Population": 1712.0}, {"index": 19911, "quantile": 0.0, "value": 64400.0, "Latitude": 36.32, "Longitude": -119.31, "Population": 791.0}, {"index": 19911, "quantile": 0.25, "value": 109000.00000000001, "Latitude": 36.32, "Longitude": -119.31, "Population": 791.0}, {"index": 19911, "quantile": 0.5, "value": 109000.00000000001, "Latitude": 36.32, "Longitude": -119.31, "Population": 791.0}, {"index": 19911, "quantile": 0.75, "value": 109000.00000000001, "Latitude": 36.32, "Longitude": -119.31, "Population": 791.0}, {"index": 19911, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.32, "Longitude": -119.31, "Population": 791.0}, {"index": 19912, "quantile": 0.0, "value": 49200.0, "Latitude": 36.32, "Longitude": -119.31, "Population": 1419.0}, {"index": 19912, "quantile": 0.25, "value": 88800.0, "Latitude": 36.32, "Longitude": -119.31, "Population": 1419.0}, {"index": 19912, "quantile": 0.5, "value": 88800.0, "Latitude": 36.32, "Longitude": -119.31, "Population": 1419.0}, {"index": 19912, "quantile": 0.75, "value": 88800.0, "Latitude": 36.32, "Longitude": -119.31, "Population": 1419.0}, {"index": 19912, "quantile": 1.0, "value": 107600.0, "Latitude": 36.32, "Longitude": -119.31, "Population": 1419.0}, {"index": 19913, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 36.31, "Longitude": -119.29, "Population": 1278.0}, {"index": 19913, "quantile": 0.25, "value": 101899.99999999999, "Latitude": 36.31, "Longitude": -119.29, "Population": 1278.0}, {"index": 19913, "quantile": 0.5, "value": 101899.99999999999, "Latitude": 36.31, "Longitude": -119.29, "Population": 1278.0}, {"index": 19913, "quantile": 0.75, "value": 118299.99999999999, "Latitude": 36.31, "Longitude": -119.29, "Population": 1278.0}, {"index": 19913, "quantile": 1.0, "value": 269100.0, "Latitude": 36.31, "Longitude": -119.29, "Population": 1278.0}, {"index": 19914, "quantile": 0.0, "value": 52600.0, "Latitude": 36.31, "Longitude": -119.29, "Population": 607.0}, {"index": 19914, "quantile": 0.25, "value": 82800.0, "Latitude": 36.31, "Longitude": -119.29, "Population": 607.0}, {"index": 19914, "quantile": 0.5, "value": 82800.0, "Latitude": 36.31, "Longitude": -119.29, "Population": 607.0}, {"index": 19914, "quantile": 0.75, "value": 82800.0, "Latitude": 36.31, "Longitude": -119.29, "Population": 607.0}, {"index": 19914, "quantile": 1.0, "value": 126299.99999999999, "Latitude": 36.31, "Longitude": -119.29, "Population": 607.0}, {"index": 19915, "quantile": 0.0, "value": 79300.0, "Latitude": 36.31, "Longitude": -119.3, "Population": 1150.0}, {"index": 19915, "quantile": 0.25, "value": 97300.0, "Latitude": 36.31, "Longitude": -119.3, "Population": 1150.0}, {"index": 19915, "quantile": 0.5, "value": 97300.0, "Latitude": 36.31, "Longitude": -119.3, "Population": 1150.0}, {"index": 19915, "quantile": 0.75, "value": 97300.0, "Latitude": 36.31, "Longitude": -119.3, "Population": 1150.0}, {"index": 19915, "quantile": 1.0, "value": 256700.00000000003, "Latitude": 36.31, "Longitude": -119.3, "Population": 1150.0}, {"index": 19916, "quantile": 0.0, "value": 42100.0, "Latitude": 36.31, "Longitude": -119.31, "Population": 1643.0}, {"index": 19916, "quantile": 0.25, "value": 92575.00000000001, "Latitude": 36.31, "Longitude": -119.31, "Population": 1643.0}, {"index": 19916, "quantile": 0.5, "value": 92600.0, "Latitude": 36.31, "Longitude": -119.31, "Population": 1643.0}, {"index": 19916, "quantile": 0.75, "value": 92600.0, "Latitude": 36.31, "Longitude": -119.31, "Population": 1643.0}, {"index": 19916, "quantile": 1.0, "value": 104700.0, "Latitude": 36.31, "Longitude": -119.31, "Population": 1643.0}, {"index": 19917, "quantile": 0.0, "value": 72100.0, "Latitude": 36.3, "Longitude": -119.31, "Population": 566.0}, {"index": 19917, "quantile": 0.25, "value": 86300.0, "Latitude": 36.3, "Longitude": -119.31, "Population": 566.0}, {"index": 19917, "quantile": 0.5, "value": 86300.0, "Latitude": 36.3, "Longitude": -119.31, "Population": 566.0}, {"index": 19917, "quantile": 0.75, "value": 94350.0, "Latitude": 36.3, "Longitude": -119.31, "Population": 566.0}, {"index": 19917, "quantile": 1.0, "value": 374600.0, "Latitude": 36.3, "Longitude": -119.31, "Population": 566.0}, {"index": 19918, "quantile": 0.0, "value": 106200.0, "Latitude": 36.3, "Longitude": -119.3, "Population": 1523.0}, {"index": 19918, "quantile": 0.25, "value": 118600.0, "Latitude": 36.3, "Longitude": -119.3, "Population": 1523.0}, {"index": 19918, "quantile": 0.5, "value": 118600.0, "Latitude": 36.3, "Longitude": -119.3, "Population": 1523.0}, {"index": 19918, "quantile": 0.75, "value": 120225.0, "Latitude": 36.3, "Longitude": -119.3, "Population": 1523.0}, {"index": 19918, "quantile": 1.0, "value": 320500.0, "Latitude": 36.3, "Longitude": -119.3, "Population": 1523.0}, {"index": 19919, "quantile": 0.0, "value": 110900.0, "Latitude": 36.3, "Longitude": -119.29, "Population": 572.0}, {"index": 19919, "quantile": 0.25, "value": 177300.0, "Latitude": 36.3, "Longitude": -119.29, "Population": 572.0}, {"index": 19919, "quantile": 0.5, "value": 177300.0, "Latitude": 36.3, "Longitude": -119.29, "Population": 572.0}, {"index": 19919, "quantile": 0.75, "value": 177300.0, "Latitude": 36.3, "Longitude": -119.29, "Population": 572.0}, {"index": 19919, "quantile": 1.0, "value": 339400.0, "Latitude": 36.3, "Longitude": -119.29, "Population": 572.0}, {"index": 19920, "quantile": 0.0, "value": 44600.0, "Latitude": 36.32, "Longitude": -119.33, "Population": 1955.0}, {"index": 19920, "quantile": 0.25, "value": 54100.00000000001, "Latitude": 36.32, "Longitude": -119.33, "Population": 1955.0}, {"index": 19920, "quantile": 0.5, "value": 62900.0, "Latitude": 36.32, "Longitude": -119.33, "Population": 1955.0}, {"index": 19920, "quantile": 0.75, "value": 65900.0, "Latitude": 36.32, "Longitude": -119.33, "Population": 1955.0}, {"index": 19920, "quantile": 1.0, "value": 92700.0, "Latitude": 36.32, "Longitude": -119.33, "Population": 1955.0}, {"index": 19921, "quantile": 0.0, "value": 69200.0, "Latitude": 36.32, "Longitude": -119.34, "Population": 633.0}, {"index": 19921, "quantile": 0.25, "value": 89800.0, "Latitude": 36.32, "Longitude": -119.34, "Population": 633.0}, {"index": 19921, "quantile": 0.5, "value": 102899.99999999999, "Latitude": 36.32, "Longitude": -119.34, "Population": 633.0}, {"index": 19921, "quantile": 0.75, "value": 126400.0, "Latitude": 36.32, "Longitude": -119.34, "Population": 633.0}, {"index": 19921, "quantile": 1.0, "value": 266700.0, "Latitude": 36.32, "Longitude": -119.34, "Population": 633.0}, {"index": 19922, "quantile": 0.0, "value": 78300.0, "Latitude": 36.32, "Longitude": -119.35, "Population": 1686.0}, {"index": 19922, "quantile": 0.25, "value": 94600.0, "Latitude": 36.32, "Longitude": -119.35, "Population": 1686.0}, {"index": 19922, "quantile": 0.5, "value": 94600.0, "Latitude": 36.32, "Longitude": -119.35, "Population": 1686.0}, {"index": 19922, "quantile": 0.75, "value": 99500.0, "Latitude": 36.32, "Longitude": -119.35, "Population": 1686.0}, {"index": 19922, "quantile": 1.0, "value": 305800.0, "Latitude": 36.32, "Longitude": -119.35, "Population": 1686.0}, {"index": 19923, "quantile": 0.0, "value": 70600.0, "Latitude": 36.32, "Longitude": -119.34, "Population": 1769.0}, {"index": 19923, "quantile": 0.25, "value": 89200.0, "Latitude": 36.32, "Longitude": -119.34, "Population": 1769.0}, {"index": 19923, "quantile": 0.5, "value": 89200.0, "Latitude": 36.32, "Longitude": -119.34, "Population": 1769.0}, {"index": 19923, "quantile": 0.75, "value": 89200.0, "Latitude": 36.32, "Longitude": -119.34, "Population": 1769.0}, {"index": 19923, "quantile": 1.0, "value": 126400.0, "Latitude": 36.32, "Longitude": -119.34, "Population": 1769.0}, {"index": 19924, "quantile": 0.0, "value": 68800.0, "Latitude": 36.32, "Longitude": -119.33, "Population": 1039.0}, {"index": 19924, "quantile": 0.25, "value": 82800.0, "Latitude": 36.32, "Longitude": -119.33, "Population": 1039.0}, {"index": 19924, "quantile": 0.5, "value": 82800.0, "Latitude": 36.32, "Longitude": -119.33, "Population": 1039.0}, {"index": 19924, "quantile": 0.75, "value": 88450.0, "Latitude": 36.32, "Longitude": -119.33, "Population": 1039.0}, {"index": 19924, "quantile": 1.0, "value": 139200.0, "Latitude": 36.32, "Longitude": -119.33, "Population": 1039.0}, {"index": 19925, "quantile": 0.0, "value": 90400.0, "Latitude": 36.32, "Longitude": -119.32, "Population": 849.0}, {"index": 19925, "quantile": 0.25, "value": 306175.0, "Latitude": 36.32, "Longitude": -119.32, "Population": 849.0}, {"index": 19925, "quantile": 0.5, "value": 323149.99999999994, "Latitude": 36.32, "Longitude": -119.32, "Population": 849.0}, {"index": 19925, "quantile": 0.75, "value": 396400.0, "Latitude": 36.32, "Longitude": -119.32, "Population": 849.0}, {"index": 19925, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.32, "Longitude": -119.32, "Population": 849.0}, {"index": 19926, "quantile": 0.0, "value": 49200.0, "Latitude": 36.32, "Longitude": -119.33, "Population": 1446.0}, {"index": 19926, "quantile": 0.25, "value": 76600.0, "Latitude": 36.32, "Longitude": -119.33, "Population": 1446.0}, {"index": 19926, "quantile": 0.5, "value": 88150.0, "Latitude": 36.32, "Longitude": -119.33, "Population": 1446.0}, {"index": 19926, "quantile": 0.75, "value": 88800.0, "Latitude": 36.32, "Longitude": -119.33, "Population": 1446.0}, {"index": 19926, "quantile": 1.0, "value": 120300.0, "Latitude": 36.32, "Longitude": -119.33, "Population": 1446.0}, {"index": 19927, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 36.32, "Longitude": -119.33, "Population": 1092.0}, {"index": 19927, "quantile": 0.25, "value": 216149.99999999997, "Latitude": 36.32, "Longitude": -119.33, "Population": 1092.0}, {"index": 19927, "quantile": 0.5, "value": 261800.0, "Latitude": 36.32, "Longitude": -119.33, "Population": 1092.0}, {"index": 19927, "quantile": 0.75, "value": 322725.0, "Latitude": 36.32, "Longitude": -119.33, "Population": 1092.0}, {"index": 19927, "quantile": 1.0, "value": 464600.0, "Latitude": 36.32, "Longitude": -119.33, "Population": 1092.0}, {"index": 19928, "quantile": 0.0, "value": 70200.0, "Latitude": 36.32, "Longitude": -119.32, "Population": 1142.0}, {"index": 19928, "quantile": 0.25, "value": 87700.0, "Latitude": 36.32, "Longitude": -119.32, "Population": 1142.0}, {"index": 19928, "quantile": 0.5, "value": 87700.0, "Latitude": 36.32, "Longitude": -119.32, "Population": 1142.0}, {"index": 19928, "quantile": 0.75, "value": 87700.0, "Latitude": 36.32, "Longitude": -119.32, "Population": 1142.0}, {"index": 19928, "quantile": 1.0, "value": 116300.0, "Latitude": 36.32, "Longitude": -119.32, "Population": 1142.0}, {"index": 19929, "quantile": 0.0, "value": 52100.0, "Latitude": 36.31, "Longitude": -119.32, "Population": 1047.0}, {"index": 19929, "quantile": 0.25, "value": 71500.0, "Latitude": 36.31, "Longitude": -119.32, "Population": 1047.0}, {"index": 19929, "quantile": 0.5, "value": 83900.0, "Latitude": 36.31, "Longitude": -119.32, "Population": 1047.0}, {"index": 19929, "quantile": 0.75, "value": 91800.0, "Latitude": 36.31, "Longitude": -119.32, "Population": 1047.0}, {"index": 19929, "quantile": 1.0, "value": 228500.0, "Latitude": 36.31, "Longitude": -119.32, "Population": 1047.0}, {"index": 19930, "quantile": 0.0, "value": 74600.0, "Latitude": 36.31, "Longitude": -119.33, "Population": 1100.0}, {"index": 19930, "quantile": 0.25, "value": 107300.0, "Latitude": 36.31, "Longitude": -119.33, "Population": 1100.0}, {"index": 19930, "quantile": 0.5, "value": 107300.0, "Latitude": 36.31, "Longitude": -119.33, "Population": 1100.0}, {"index": 19930, "quantile": 0.75, "value": 107300.0, "Latitude": 36.31, "Longitude": -119.33, "Population": 1100.0}, {"index": 19930, "quantile": 1.0, "value": 322400.0, "Latitude": 36.31, "Longitude": -119.33, "Population": 1100.0}, {"index": 19931, "quantile": 0.0, "value": 67500.0, "Latitude": 36.31, "Longitude": -119.33, "Population": 892.0}, {"index": 19931, "quantile": 0.25, "value": 118600.0, "Latitude": 36.31, "Longitude": -119.33, "Population": 892.0}, {"index": 19931, "quantile": 0.5, "value": 167450.0, "Latitude": 36.31, "Longitude": -119.33, "Population": 892.0}, {"index": 19931, "quantile": 0.75, "value": 199600.0, "Latitude": 36.31, "Longitude": -119.33, "Population": 892.0}, {"index": 19931, "quantile": 1.0, "value": 286000.0, "Latitude": 36.31, "Longitude": -119.33, "Population": 892.0}, {"index": 19932, "quantile": 0.0, "value": 118600.0, "Latitude": 36.3, "Longitude": -119.33, "Population": 1563.0}, {"index": 19932, "quantile": 0.25, "value": 133800.0, "Latitude": 36.3, "Longitude": -119.33, "Population": 1563.0}, {"index": 19932, "quantile": 0.5, "value": 133800.0, "Latitude": 36.3, "Longitude": -119.33, "Population": 1563.0}, {"index": 19932, "quantile": 0.75, "value": 139100.0, "Latitude": 36.3, "Longitude": -119.33, "Population": 1563.0}, {"index": 19932, "quantile": 1.0, "value": 319000.0, "Latitude": 36.3, "Longitude": -119.33, "Population": 1563.0}, {"index": 19933, "quantile": 0.0, "value": 49200.0, "Latitude": 36.3, "Longitude": -119.32, "Population": 1480.0}, {"index": 19933, "quantile": 0.25, "value": 92700.0, "Latitude": 36.3, "Longitude": -119.32, "Population": 1480.0}, {"index": 19933, "quantile": 0.5, "value": 93400.0, "Latitude": 36.3, "Longitude": -119.32, "Population": 1480.0}, {"index": 19933, "quantile": 0.75, "value": 93400.0, "Latitude": 36.3, "Longitude": -119.32, "Population": 1480.0}, {"index": 19933, "quantile": 1.0, "value": 128899.99999999999, "Latitude": 36.3, "Longitude": -119.32, "Population": 1480.0}, {"index": 19934, "quantile": 0.0, "value": 52500.0, "Latitude": 36.31, "Longitude": -119.34, "Population": 870.0}, {"index": 19934, "quantile": 0.25, "value": 88900.0, "Latitude": 36.31, "Longitude": -119.34, "Population": 870.0}, {"index": 19934, "quantile": 0.5, "value": 88900.0, "Latitude": 36.31, "Longitude": -119.34, "Population": 870.0}, {"index": 19934, "quantile": 0.75, "value": 102450.0, "Latitude": 36.31, "Longitude": -119.34, "Population": 870.0}, {"index": 19934, "quantile": 1.0, "value": 298400.0, "Latitude": 36.31, "Longitude": -119.34, "Population": 870.0}, {"index": 19935, "quantile": 0.0, "value": 53200.0, "Latitude": 36.3, "Longitude": -119.34, "Population": 1177.0}, {"index": 19935, "quantile": 0.25, "value": 76300.0, "Latitude": 36.3, "Longitude": -119.34, "Population": 1177.0}, {"index": 19935, "quantile": 0.5, "value": 93400.0, "Latitude": 36.3, "Longitude": -119.34, "Population": 1177.0}, {"index": 19935, "quantile": 0.75, "value": 103400.0, "Latitude": 36.3, "Longitude": -119.34, "Population": 1177.0}, {"index": 19935, "quantile": 1.0, "value": 187500.0, "Latitude": 36.3, "Longitude": -119.34, "Population": 1177.0}, {"index": 19936, "quantile": 0.0, "value": 87200.0, "Latitude": 36.3, "Longitude": -119.33, "Population": 1013.0}, {"index": 19936, "quantile": 0.25, "value": 115599.99999999999, "Latitude": 36.3, "Longitude": -119.33, "Population": 1013.0}, {"index": 19936, "quantile": 0.5, "value": 115599.99999999999, "Latitude": 36.3, "Longitude": -119.33, "Population": 1013.0}, {"index": 19936, "quantile": 0.75, "value": 115599.99999999999, "Latitude": 36.3, "Longitude": -119.33, "Population": 1013.0}, {"index": 19936, "quantile": 1.0, "value": 325200.0, "Latitude": 36.3, "Longitude": -119.33, "Population": 1013.0}, {"index": 19937, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 36.3, "Longitude": -119.38, "Population": 997.0}, {"index": 19937, "quantile": 0.25, "value": 93200.0, "Latitude": 36.3, "Longitude": -119.38, "Population": 997.0}, {"index": 19937, "quantile": 0.5, "value": 93200.0, "Latitude": 36.3, "Longitude": -119.38, "Population": 997.0}, {"index": 19937, "quantile": 0.75, "value": 93975.0, "Latitude": 36.3, "Longitude": -119.38, "Population": 997.0}, {"index": 19937, "quantile": 1.0, "value": 171900.0, "Latitude": 36.3, "Longitude": -119.38, "Population": 997.0}, {"index": 19938, "quantile": 0.0, "value": 52500.0, "Latitude": 36.28, "Longitude": -119.33, "Population": 1077.0}, {"index": 19938, "quantile": 0.25, "value": 69350.0, "Latitude": 36.28, "Longitude": -119.33, "Population": 1077.0}, {"index": 19938, "quantile": 0.5, "value": 77100.0, "Latitude": 36.28, "Longitude": -119.33, "Population": 1077.0}, {"index": 19938, "quantile": 0.75, "value": 93050.0, "Latitude": 36.28, "Longitude": -119.33, "Population": 1077.0}, {"index": 19938, "quantile": 1.0, "value": 225000.0, "Latitude": 36.28, "Longitude": -119.33, "Population": 1077.0}, {"index": 19939, "quantile": 0.0, "value": 58600.0, "Latitude": 36.3, "Longitude": -119.32, "Population": 931.0}, {"index": 19939, "quantile": 0.25, "value": 87200.0, "Latitude": 36.3, "Longitude": -119.32, "Population": 931.0}, {"index": 19939, "quantile": 0.5, "value": 89200.0, "Latitude": 36.3, "Longitude": -119.32, "Population": 931.0}, {"index": 19939, "quantile": 0.75, "value": 89200.0, "Latitude": 36.3, "Longitude": -119.32, "Population": 931.0}, {"index": 19939, "quantile": 1.0, "value": 120300.0, "Latitude": 36.3, "Longitude": -119.32, "Population": 931.0}, {"index": 19940, "quantile": 0.0, "value": 60700.0, "Latitude": 36.28, "Longitude": -119.29, "Population": 749.0}, {"index": 19940, "quantile": 0.25, "value": 92100.0, "Latitude": 36.28, "Longitude": -119.29, "Population": 749.0}, {"index": 19940, "quantile": 0.5, "value": 120100.0, "Latitude": 36.28, "Longitude": -119.29, "Population": 749.0}, {"index": 19940, "quantile": 0.75, "value": 120100.0, "Latitude": 36.28, "Longitude": -119.29, "Population": 749.0}, {"index": 19940, "quantile": 1.0, "value": 132800.0, "Latitude": 36.28, "Longitude": -119.29, "Population": 749.0}, {"index": 19941, "quantile": 0.0, "value": 47400.0, "Latitude": 36.25, "Longitude": -119.46, "Population": 1016.0}, {"index": 19941, "quantile": 0.25, "value": 73000.0, "Latitude": 36.25, "Longitude": -119.46, "Population": 1016.0}, {"index": 19941, "quantile": 0.5, "value": 73600.0, "Latitude": 36.25, "Longitude": -119.46, "Population": 1016.0}, {"index": 19941, "quantile": 0.75, "value": 73600.0, "Latitude": 36.25, "Longitude": -119.46, "Population": 1016.0}, {"index": 19941, "quantile": 1.0, "value": 88800.0, "Latitude": 36.25, "Longitude": -119.46, "Population": 1016.0}, {"index": 19942, "quantile": 0.0, "value": 47700.0, "Latitude": 36.25, "Longitude": -119.4, "Population": 909.0}, {"index": 19942, "quantile": 0.25, "value": 95500.0, "Latitude": 36.25, "Longitude": -119.4, "Population": 909.0}, {"index": 19942, "quantile": 0.5, "value": 132800.0, "Latitude": 36.25, "Longitude": -119.4, "Population": 909.0}, {"index": 19942, "quantile": 0.75, "value": 132800.0, "Latitude": 36.25, "Longitude": -119.4, "Population": 909.0}, {"index": 19942, "quantile": 1.0, "value": 132800.0, "Latitude": 36.25, "Longitude": -119.4, "Population": 909.0}, {"index": 19943, "quantile": 0.0, "value": 50200.0, "Latitude": 36.22, "Longitude": -119.36, "Population": 1262.0}, {"index": 19943, "quantile": 0.25, "value": 68300.0, "Latitude": 36.22, "Longitude": -119.36, "Population": 1262.0}, {"index": 19943, "quantile": 0.5, "value": 68300.0, "Latitude": 36.22, "Longitude": -119.36, "Population": 1262.0}, {"index": 19943, "quantile": 0.75, "value": 68300.0, "Latitude": 36.22, "Longitude": -119.36, "Population": 1262.0}, {"index": 19943, "quantile": 1.0, "value": 106300.0, "Latitude": 36.22, "Longitude": -119.36, "Population": 1262.0}, {"index": 19944, "quantile": 0.0, "value": 54100.00000000001, "Latitude": 36.22, "Longitude": -119.37, "Population": 1298.0}, {"index": 19944, "quantile": 0.25, "value": 59800.0, "Latitude": 36.22, "Longitude": -119.37, "Population": 1298.0}, {"index": 19944, "quantile": 0.5, "value": 61300.0, "Latitude": 36.22, "Longitude": -119.37, "Population": 1298.0}, {"index": 19944, "quantile": 0.75, "value": 63900.0, "Latitude": 36.22, "Longitude": -119.37, "Population": 1298.0}, {"index": 19944, "quantile": 1.0, "value": 153800.0, "Latitude": 36.22, "Longitude": -119.37, "Population": 1298.0}, {"index": 19945, "quantile": 0.0, "value": 39200.0, "Latitude": 36.21, "Longitude": -119.36, "Population": 793.0}, {"index": 19945, "quantile": 0.25, "value": 60000.0, "Latitude": 36.21, "Longitude": -119.36, "Population": 793.0}, {"index": 19945, "quantile": 0.5, "value": 60000.0, "Latitude": 36.21, "Longitude": -119.36, "Population": 793.0}, {"index": 19945, "quantile": 0.75, "value": 60000.0, "Latitude": 36.21, "Longitude": -119.36, "Population": 793.0}, {"index": 19945, "quantile": 1.0, "value": 86300.0, "Latitude": 36.21, "Longitude": -119.36, "Population": 793.0}, {"index": 19946, "quantile": 0.0, "value": 41400.0, "Latitude": 36.22, "Longitude": -119.35, "Population": 852.0}, {"index": 19946, "quantile": 0.25, "value": 51775.00000000001, "Latitude": 36.22, "Longitude": -119.35, "Population": 852.0}, {"index": 19946, "quantile": 0.5, "value": 55500.00000000001, "Latitude": 36.22, "Longitude": -119.35, "Population": 852.0}, {"index": 19946, "quantile": 0.75, "value": 63625.0, "Latitude": 36.22, "Longitude": -119.35, "Population": 852.0}, {"index": 19946, "quantile": 1.0, "value": 195000.0, "Latitude": 36.22, "Longitude": -119.35, "Population": 852.0}, {"index": 19947, "quantile": 0.0, "value": 44600.0, "Latitude": 36.21, "Longitude": -119.35, "Population": 1445.0}, {"index": 19947, "quantile": 0.25, "value": 55300.00000000001, "Latitude": 36.21, "Longitude": -119.35, "Population": 1445.0}, {"index": 19947, "quantile": 0.5, "value": 60800.0, "Latitude": 36.21, "Longitude": -119.35, "Population": 1445.0}, {"index": 19947, "quantile": 0.75, "value": 64700.0, "Latitude": 36.21, "Longitude": -119.35, "Population": 1445.0}, {"index": 19947, "quantile": 1.0, "value": 93900.0, "Latitude": 36.21, "Longitude": -119.35, "Population": 1445.0}, {"index": 19948, "quantile": 0.0, "value": 47700.0, "Latitude": 36.21, "Longitude": -119.36, "Population": 804.0}, {"index": 19948, "quantile": 0.25, "value": 50200.0, "Latitude": 36.21, "Longitude": -119.36, "Population": 804.0}, {"index": 19948, "quantile": 0.5, "value": 50200.0, "Latitude": 36.21, "Longitude": -119.36, "Population": 804.0}, {"index": 19948, "quantile": 0.75, "value": 50200.0, "Latitude": 36.21, "Longitude": -119.36, "Population": 804.0}, {"index": 19948, "quantile": 1.0, "value": 67800.0, "Latitude": 36.21, "Longitude": -119.36, "Population": 804.0}, {"index": 19949, "quantile": 0.0, "value": 42700.0, "Latitude": 36.21, "Longitude": -119.37, "Population": 1567.0}, {"index": 19949, "quantile": 0.25, "value": 49475.0, "Latitude": 36.21, "Longitude": -119.37, "Population": 1567.0}, {"index": 19949, "quantile": 0.5, "value": 54100.00000000001, "Latitude": 36.21, "Longitude": -119.37, "Population": 1567.0}, {"index": 19949, "quantile": 0.75, "value": 54100.00000000001, "Latitude": 36.21, "Longitude": -119.37, "Population": 1567.0}, {"index": 19949, "quantile": 1.0, "value": 65900.0, "Latitude": 36.21, "Longitude": -119.37, "Population": 1567.0}, {"index": 19950, "quantile": 0.0, "value": 68500.0, "Latitude": 36.23, "Longitude": -119.34, "Population": 2191.0}, {"index": 19950, "quantile": 0.25, "value": 91675.0, "Latitude": 36.23, "Longitude": -119.34, "Population": 2191.0}, {"index": 19950, "quantile": 0.5, "value": 106900.0, "Latitude": 36.23, "Longitude": -119.34, "Population": 2191.0}, {"index": 19950, "quantile": 0.75, "value": 139325.0, "Latitude": 36.23, "Longitude": -119.34, "Population": 2191.0}, {"index": 19950, "quantile": 1.0, "value": 170700.0, "Latitude": 36.23, "Longitude": -119.34, "Population": 2191.0}, {"index": 19951, "quantile": 0.0, "value": 68700.0, "Latitude": 36.22, "Longitude": -119.35, "Population": 915.0}, {"index": 19951, "quantile": 0.25, "value": 95050.0, "Latitude": 36.22, "Longitude": -119.35, "Population": 915.0}, {"index": 19951, "quantile": 0.5, "value": 106800.0, "Latitude": 36.22, "Longitude": -119.35, "Population": 915.0}, {"index": 19951, "quantile": 0.75, "value": 106800.0, "Latitude": 36.22, "Longitude": -119.35, "Population": 915.0}, {"index": 19951, "quantile": 1.0, "value": 139200.0, "Latitude": 36.22, "Longitude": -119.35, "Population": 915.0}, {"index": 19952, "quantile": 0.0, "value": 59600.0, "Latitude": 36.22, "Longitude": -119.34, "Population": 1260.0}, {"index": 19952, "quantile": 0.25, "value": 78200.0, "Latitude": 36.22, "Longitude": -119.34, "Population": 1260.0}, {"index": 19952, "quantile": 0.5, "value": 78200.0, "Latitude": 36.22, "Longitude": -119.34, "Population": 1260.0}, {"index": 19952, "quantile": 0.75, "value": 78975.0, "Latitude": 36.22, "Longitude": -119.34, "Population": 1260.0}, {"index": 19952, "quantile": 1.0, "value": 242700.0, "Latitude": 36.22, "Longitude": -119.34, "Population": 1260.0}, {"index": 19953, "quantile": 0.0, "value": 68400.0, "Latitude": 36.22, "Longitude": -119.33, "Population": 805.0}, {"index": 19953, "quantile": 0.25, "value": 79400.0, "Latitude": 36.22, "Longitude": -119.33, "Population": 805.0}, {"index": 19953, "quantile": 0.5, "value": 85700.0, "Latitude": 36.22, "Longitude": -119.33, "Population": 805.0}, {"index": 19953, "quantile": 0.75, "value": 99625.0, "Latitude": 36.22, "Longitude": -119.33, "Population": 805.0}, {"index": 19953, "quantile": 1.0, "value": 147100.0, "Latitude": 36.22, "Longitude": -119.33, "Population": 805.0}, {"index": 19954, "quantile": 0.0, "value": 63500.0, "Latitude": 36.21, "Longitude": -119.33, "Population": 1238.0}, {"index": 19954, "quantile": 0.25, "value": 67000.0, "Latitude": 36.21, "Longitude": -119.33, "Population": 1238.0}, {"index": 19954, "quantile": 0.5, "value": 67000.0, "Latitude": 36.21, "Longitude": -119.33, "Population": 1238.0}, {"index": 19954, "quantile": 0.75, "value": 72575.0, "Latitude": 36.21, "Longitude": -119.33, "Population": 1238.0}, {"index": 19954, "quantile": 1.0, "value": 290800.0, "Latitude": 36.21, "Longitude": -119.33, "Population": 1238.0}, {"index": 19955, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 36.21, "Longitude": -119.34, "Population": 537.0}, {"index": 19955, "quantile": 0.25, "value": 50700.0, "Latitude": 36.21, "Longitude": -119.34, "Population": 537.0}, {"index": 19955, "quantile": 0.5, "value": 61200.0, "Latitude": 36.21, "Longitude": -119.34, "Population": 537.0}, {"index": 19955, "quantile": 0.75, "value": 76450.0, "Latitude": 36.21, "Longitude": -119.34, "Population": 537.0}, {"index": 19955, "quantile": 1.0, "value": 325000.0, "Latitude": 36.21, "Longitude": -119.34, "Population": 537.0}, {"index": 19956, "quantile": 0.0, "value": 72100.0, "Latitude": 36.22, "Longitude": -119.33, "Population": 1955.0}, {"index": 19956, "quantile": 0.25, "value": 96900.0, "Latitude": 36.22, "Longitude": -119.33, "Population": 1955.0}, {"index": 19956, "quantile": 0.5, "value": 108100.0, "Latitude": 36.22, "Longitude": -119.33, "Population": 1955.0}, {"index": 19956, "quantile": 0.75, "value": 108100.0, "Latitude": 36.22, "Longitude": -119.33, "Population": 1955.0}, {"index": 19956, "quantile": 1.0, "value": 217600.00000000003, "Latitude": 36.22, "Longitude": -119.33, "Population": 1955.0}, {"index": 19957, "quantile": 0.0, "value": 68000.0, "Latitude": 36.22, "Longitude": -119.32, "Population": 1283.0}, {"index": 19957, "quantile": 0.25, "value": 89200.0, "Latitude": 36.22, "Longitude": -119.32, "Population": 1283.0}, {"index": 19957, "quantile": 0.5, "value": 95400.0, "Latitude": 36.22, "Longitude": -119.32, "Population": 1283.0}, {"index": 19957, "quantile": 0.75, "value": 95400.0, "Latitude": 36.22, "Longitude": -119.32, "Population": 1283.0}, {"index": 19957, "quantile": 1.0, "value": 166900.0, "Latitude": 36.22, "Longitude": -119.32, "Population": 1283.0}, {"index": 19958, "quantile": 0.0, "value": 65000.0, "Latitude": 36.21, "Longitude": -119.32, "Population": 619.0}, {"index": 19958, "quantile": 0.25, "value": 78300.0, "Latitude": 36.21, "Longitude": -119.32, "Population": 619.0}, {"index": 19958, "quantile": 0.5, "value": 78300.0, "Latitude": 36.21, "Longitude": -119.32, "Population": 619.0}, {"index": 19958, "quantile": 0.75, "value": 80400.0, "Latitude": 36.21, "Longitude": -119.32, "Population": 619.0}, {"index": 19958, "quantile": 1.0, "value": 267000.0, "Latitude": 36.21, "Longitude": -119.32, "Population": 619.0}, {"index": 19959, "quantile": 0.0, "value": 43500.0, "Latitude": 36.25, "Longitude": -119.32, "Population": 609.0}, {"index": 19959, "quantile": 0.25, "value": 90000.0, "Latitude": 36.25, "Longitude": -119.32, "Population": 609.0}, {"index": 19959, "quantile": 0.5, "value": 90000.0, "Latitude": 36.25, "Longitude": -119.32, "Population": 609.0}, {"index": 19959, "quantile": 0.75, "value": 90000.0, "Latitude": 36.25, "Longitude": -119.32, "Population": 609.0}, {"index": 19959, "quantile": 1.0, "value": 137500.0, "Latitude": 36.25, "Longitude": -119.32, "Population": 609.0}, {"index": 19960, "quantile": 0.0, "value": 68400.0, "Latitude": 36.23, "Longitude": -119.25, "Population": 1031.0}, {"index": 19960, "quantile": 0.25, "value": 95700.0, "Latitude": 36.23, "Longitude": -119.25, "Population": 1031.0}, {"index": 19960, "quantile": 0.5, "value": 139200.0, "Latitude": 36.23, "Longitude": -119.25, "Population": 1031.0}, {"index": 19960, "quantile": 0.75, "value": 139200.0, "Latitude": 36.23, "Longitude": -119.25, "Population": 1031.0}, {"index": 19960, "quantile": 1.0, "value": 139200.0, "Latitude": 36.23, "Longitude": -119.25, "Population": 1031.0}, {"index": 19961, "quantile": 0.0, "value": 43500.0, "Latitude": 36.18, "Longitude": -119.27, "Population": 1829.0}, {"index": 19961, "quantile": 0.25, "value": 69100.0, "Latitude": 36.18, "Longitude": -119.27, "Population": 1829.0}, {"index": 19961, "quantile": 0.5, "value": 86700.0, "Latitude": 36.18, "Longitude": -119.27, "Population": 1829.0}, {"index": 19961, "quantile": 0.75, "value": 106900.0, "Latitude": 36.18, "Longitude": -119.27, "Population": 1829.0}, {"index": 19961, "quantile": 1.0, "value": 173400.0, "Latitude": 36.18, "Longitude": -119.27, "Population": 1829.0}, {"index": 19962, "quantile": 0.0, "value": 48600.0, "Latitude": 36.12, "Longitude": -119.29, "Population": 641.0}, {"index": 19962, "quantile": 0.25, "value": 104375.0, "Latitude": 36.12, "Longitude": -119.29, "Population": 641.0}, {"index": 19962, "quantile": 0.5, "value": 129200.0, "Latitude": 36.12, "Longitude": -119.29, "Population": 641.0}, {"index": 19962, "quantile": 0.75, "value": 129200.0, "Latitude": 36.12, "Longitude": -119.29, "Population": 641.0}, {"index": 19962, "quantile": 1.0, "value": 156300.0, "Latitude": 36.12, "Longitude": -119.29, "Population": 641.0}, {"index": 19963, "quantile": 0.0, "value": 49200.0, "Latitude": 36.23, "Longitude": -119.14, "Population": 1927.0}, {"index": 19963, "quantile": 0.25, "value": 59300.0, "Latitude": 36.23, "Longitude": -119.14, "Population": 1927.0}, {"index": 19963, "quantile": 0.5, "value": 63900.0, "Latitude": 36.23, "Longitude": -119.14, "Population": 1927.0}, {"index": 19963, "quantile": 0.75, "value": 71000.0, "Latitude": 36.23, "Longitude": -119.14, "Population": 1927.0}, {"index": 19963, "quantile": 1.0, "value": 129200.0, "Latitude": 36.23, "Longitude": -119.14, "Population": 1927.0}, {"index": 19964, "quantile": 0.0, "value": 64500.0, "Latitude": 36.19, "Longitude": -119.12, "Population": 1245.0}, {"index": 19964, "quantile": 0.25, "value": 114199.99999999999, "Latitude": 36.19, "Longitude": -119.12, "Population": 1245.0}, {"index": 19964, "quantile": 0.5, "value": 114199.99999999999, "Latitude": 36.19, "Longitude": -119.12, "Population": 1245.0}, {"index": 19964, "quantile": 0.75, "value": 114199.99999999999, "Latitude": 36.19, "Longitude": -119.12, "Population": 1245.0}, {"index": 19964, "quantile": 1.0, "value": 142100.0, "Latitude": 36.19, "Longitude": -119.12, "Population": 1245.0}, {"index": 19965, "quantile": 0.0, "value": 55600.00000000001, "Latitude": 36.22, "Longitude": -119.08, "Population": 1158.0}, {"index": 19965, "quantile": 0.25, "value": 55600.00000000001, "Latitude": 36.22, "Longitude": -119.08, "Population": 1158.0}, {"index": 19965, "quantile": 0.5, "value": 55600.00000000001, "Latitude": 36.22, "Longitude": -119.08, "Population": 1158.0}, {"index": 19965, "quantile": 0.75, "value": 62975.0, "Latitude": 36.22, "Longitude": -119.08, "Population": 1158.0}, {"index": 19965, "quantile": 1.0, "value": 137900.0, "Latitude": 36.22, "Longitude": -119.08, "Population": 1158.0}, {"index": 19966, "quantile": 0.0, "value": 52900.0, "Latitude": 36.21, "Longitude": -119.08, "Population": 1241.0}, {"index": 19966, "quantile": 0.25, "value": 59300.0, "Latitude": 36.21, "Longitude": -119.08, "Population": 1241.0}, {"index": 19966, "quantile": 0.5, "value": 59300.0, "Latitude": 36.21, "Longitude": -119.08, "Population": 1241.0}, {"index": 19966, "quantile": 0.75, "value": 60524.99999999999, "Latitude": 36.21, "Longitude": -119.08, "Population": 1241.0}, {"index": 19966, "quantile": 1.0, "value": 150000.0, "Latitude": 36.21, "Longitude": -119.08, "Population": 1241.0}, {"index": 19967, "quantile": 0.0, "value": 68800.0, "Latitude": 36.22, "Longitude": -119.09, "Population": 780.0}, {"index": 19967, "quantile": 0.25, "value": 74300.0, "Latitude": 36.22, "Longitude": -119.09, "Population": 780.0}, {"index": 19967, "quantile": 0.5, "value": 74300.0, "Latitude": 36.22, "Longitude": -119.09, "Population": 780.0}, {"index": 19967, "quantile": 0.75, "value": 88175.0, "Latitude": 36.22, "Longitude": -119.09, "Population": 780.0}, {"index": 19967, "quantile": 1.0, "value": 139200.0, "Latitude": 36.22, "Longitude": -119.09, "Population": 780.0}, {"index": 19968, "quantile": 0.0, "value": 47700.0, "Latitude": 36.21, "Longitude": -119.09, "Population": 943.0}, {"index": 19968, "quantile": 0.25, "value": 47700.0, "Latitude": 36.21, "Longitude": -119.09, "Population": 943.0}, {"index": 19968, "quantile": 0.5, "value": 47700.0, "Latitude": 36.21, "Longitude": -119.09, "Population": 943.0}, {"index": 19968, "quantile": 0.75, "value": 53575.00000000001, "Latitude": 36.21, "Longitude": -119.09, "Population": 943.0}, {"index": 19968, "quantile": 1.0, "value": 72500.0, "Latitude": 36.21, "Longitude": -119.09, "Population": 943.0}, {"index": 19969, "quantile": 0.0, "value": 41500.0, "Latitude": 36.21, "Longitude": -119.09, "Population": 1613.0}, {"index": 19969, "quantile": 0.25, "value": 44600.0, "Latitude": 36.21, "Longitude": -119.09, "Population": 1613.0}, {"index": 19969, "quantile": 0.5, "value": 44600.0, "Latitude": 36.21, "Longitude": -119.09, "Population": 1613.0}, {"index": 19969, "quantile": 0.75, "value": 50425.0, "Latitude": 36.21, "Longitude": -119.09, "Population": 1613.0}, {"index": 19969, "quantile": 1.0, "value": 71300.0, "Latitude": 36.21, "Longitude": -119.09, "Population": 1613.0}, {"index": 19970, "quantile": 0.0, "value": 33200.0, "Latitude": 36.21, "Longitude": -119.1, "Population": 559.0}, {"index": 19970, "quantile": 0.25, "value": 72225.0, "Latitude": 36.21, "Longitude": -119.1, "Population": 559.0}, {"index": 19970, "quantile": 0.5, "value": 97100.0, "Latitude": 36.21, "Longitude": -119.1, "Population": 559.0}, {"index": 19970, "quantile": 0.75, "value": 113799.99999999999, "Latitude": 36.21, "Longitude": -119.1, "Population": 559.0}, {"index": 19970, "quantile": 1.0, "value": 305800.0, "Latitude": 36.21, "Longitude": -119.1, "Population": 559.0}, {"index": 19971, "quantile": 0.0, "value": 41500.0, "Latitude": 36.21, "Longitude": -119.11, "Population": 1469.0}, {"index": 19971, "quantile": 0.25, "value": 58399.99999999999, "Latitude": 36.21, "Longitude": -119.11, "Population": 1469.0}, {"index": 19971, "quantile": 0.5, "value": 58399.99999999999, "Latitude": 36.21, "Longitude": -119.11, "Population": 1469.0}, {"index": 19971, "quantile": 0.75, "value": 58399.99999999999, "Latitude": 36.21, "Longitude": -119.11, "Population": 1469.0}, {"index": 19971, "quantile": 1.0, "value": 67800.0, "Latitude": 36.21, "Longitude": -119.11, "Population": 1469.0}, {"index": 19972, "quantile": 0.0, "value": 43500.0, "Latitude": 36.23, "Longitude": -118.74, "Population": 442.0}, {"index": 19972, "quantile": 0.25, "value": 82625.0, "Latitude": 36.23, "Longitude": -118.74, "Population": 442.0}, {"index": 19972, "quantile": 0.5, "value": 129050.0, "Latitude": 36.23, "Longitude": -118.74, "Population": 442.0}, {"index": 19972, "quantile": 0.75, "value": 156300.0, "Latitude": 36.23, "Longitude": -118.74, "Population": 442.0}, {"index": 19972, "quantile": 1.0, "value": 196900.0, "Latitude": 36.23, "Longitude": -118.74, "Population": 442.0}, {"index": 19973, "quantile": 0.0, "value": 62400.0, "Latitude": 36.19, "Longitude": -118.93, "Population": 951.0}, {"index": 19973, "quantile": 0.25, "value": 113900.0, "Latitude": 36.19, "Longitude": -118.93, "Population": 951.0}, {"index": 19973, "quantile": 0.5, "value": 113900.0, "Latitude": 36.19, "Longitude": -118.93, "Population": 951.0}, {"index": 19973, "quantile": 0.75, "value": 113900.0, "Latitude": 36.19, "Longitude": -118.93, "Population": 951.0}, {"index": 19973, "quantile": 1.0, "value": 369100.0, "Latitude": 36.19, "Longitude": -118.93, "Population": 951.0}, {"index": 19974, "quantile": 0.0, "value": 30000.0, "Latitude": 36.13, "Longitude": -118.82, "Population": 534.0}, {"index": 19974, "quantile": 0.25, "value": 68300.0, "Latitude": 36.13, "Longitude": -118.82, "Population": 534.0}, {"index": 19974, "quantile": 0.5, "value": 83000.0, "Latitude": 36.13, "Longitude": -118.82, "Population": 534.0}, {"index": 19974, "quantile": 0.75, "value": 101900.00000000001, "Latitude": 36.13, "Longitude": -118.82, "Population": 534.0}, {"index": 19974, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.13, "Longitude": -118.82, "Population": 534.0}, {"index": 19975, "quantile": 0.0, "value": 50600.0, "Latitude": 36.12, "Longitude": -118.54, "Population": 356.0}, {"index": 19975, "quantile": 0.25, "value": 96675.0, "Latitude": 36.12, "Longitude": -118.54, "Population": 356.0}, {"index": 19975, "quantile": 0.5, "value": 99100.0, "Latitude": 36.12, "Longitude": -118.54, "Population": 356.0}, {"index": 19975, "quantile": 0.75, "value": 99100.0, "Latitude": 36.12, "Longitude": -118.54, "Population": 356.0}, {"index": 19975, "quantile": 1.0, "value": 420000.0, "Latitude": 36.12, "Longitude": -118.54, "Population": 356.0}, {"index": 19976, "quantile": 0.0, "value": 37500.0, "Latitude": 36.19, "Longitude": -118.37, "Population": 48.0}, {"index": 19976, "quantile": 0.25, "value": 87500.0, "Latitude": 36.19, "Longitude": -118.37, "Population": 48.0}, {"index": 19976, "quantile": 0.5, "value": 140600.0, "Latitude": 36.19, "Longitude": -118.37, "Population": 48.0}, {"index": 19976, "quantile": 0.75, "value": 214299.99999999997, "Latitude": 36.19, "Longitude": -118.37, "Population": 48.0}, {"index": 19976, "quantile": 1.0, "value": 475000.0, "Latitude": 36.19, "Longitude": -118.37, "Population": 48.0}, {"index": 19977, "quantile": 0.0, "value": 53200.0, "Latitude": 35.82, "Longitude": -118.7, "Population": 658.0}, {"index": 19977, "quantile": 0.25, "value": 82100.0, "Latitude": 35.82, "Longitude": -118.7, "Population": 658.0}, {"index": 19977, "quantile": 0.5, "value": 82100.0, "Latitude": 35.82, "Longitude": -118.7, "Population": 658.0}, {"index": 19977, "quantile": 0.75, "value": 82100.0, "Latitude": 35.82, "Longitude": -118.7, "Population": 658.0}, {"index": 19977, "quantile": 1.0, "value": 173400.0, "Latitude": 35.82, "Longitude": -118.7, "Population": 658.0}, {"index": 19978, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 35.9, "Longitude": -118.86, "Population": 161.0}, {"index": 19978, "quantile": 0.25, "value": 71300.0, "Latitude": 35.9, "Longitude": -118.86, "Population": 161.0}, {"index": 19978, "quantile": 0.5, "value": 71300.0, "Latitude": 35.9, "Longitude": -118.86, "Population": 161.0}, {"index": 19978, "quantile": 0.75, "value": 93924.99999999999, "Latitude": 35.9, "Longitude": -118.86, "Population": 161.0}, {"index": 19978, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 35.9, "Longitude": -118.86, "Population": 161.0}, {"index": 19979, "quantile": 0.0, "value": 46300.0, "Latitude": 36.01, "Longitude": -118.73, "Population": 1910.0}, {"index": 19979, "quantile": 0.25, "value": 84000.0, "Latitude": 36.01, "Longitude": -118.73, "Population": 1910.0}, {"index": 19979, "quantile": 0.5, "value": 128899.99999999999, "Latitude": 36.01, "Longitude": -118.73, "Population": 1910.0}, {"index": 19979, "quantile": 0.75, "value": 128899.99999999999, "Latitude": 36.01, "Longitude": -118.73, "Population": 1910.0}, {"index": 19979, "quantile": 1.0, "value": 128899.99999999999, "Latitude": 36.01, "Longitude": -118.73, "Population": 1910.0}, {"index": 19980, "quantile": 0.0, "value": 47700.0, "Latitude": 36.2, "Longitude": -119.08, "Population": 1159.0}, {"index": 19980, "quantile": 0.25, "value": 61725.0, "Latitude": 36.2, "Longitude": -119.08, "Population": 1159.0}, {"index": 19980, "quantile": 0.5, "value": 72249.99999999999, "Latitude": 36.2, "Longitude": -119.08, "Population": 1159.0}, {"index": 19980, "quantile": 0.75, "value": 77600.0, "Latitude": 36.2, "Longitude": -119.08, "Population": 1159.0}, {"index": 19980, "quantile": 1.0, "value": 113599.99999999999, "Latitude": 36.2, "Longitude": -119.08, "Population": 1159.0}, {"index": 19981, "quantile": 0.0, "value": 48500.0, "Latitude": 36.19, "Longitude": -119.1, "Population": 713.0}, {"index": 19981, "quantile": 0.25, "value": 75050.0, "Latitude": 36.19, "Longitude": -119.1, "Population": 713.0}, {"index": 19981, "quantile": 0.5, "value": 77100.0, "Latitude": 36.19, "Longitude": -119.1, "Population": 713.0}, {"index": 19981, "quantile": 0.75, "value": 77100.0, "Latitude": 36.19, "Longitude": -119.1, "Population": 713.0}, {"index": 19981, "quantile": 1.0, "value": 146200.0, "Latitude": 36.19, "Longitude": -119.1, "Population": 713.0}, {"index": 19982, "quantile": 0.0, "value": 33200.0, "Latitude": 36.21, "Longitude": -119.34, "Population": 2165.0}, {"index": 19982, "quantile": 0.25, "value": 54400.00000000001, "Latitude": 36.21, "Longitude": -119.34, "Population": 2165.0}, {"index": 19982, "quantile": 0.5, "value": 54400.00000000001, "Latitude": 36.21, "Longitude": -119.34, "Population": 2165.0}, {"index": 19982, "quantile": 0.75, "value": 54650.0, "Latitude": 36.21, "Longitude": -119.34, "Population": 2165.0}, {"index": 19982, "quantile": 1.0, "value": 182600.0, "Latitude": 36.21, "Longitude": -119.34, "Population": 2165.0}, {"index": 19983, "quantile": 0.0, "value": 40900.0, "Latitude": 36.2, "Longitude": -119.34, "Population": 1303.0}, {"index": 19983, "quantile": 0.25, "value": 54400.00000000001, "Latitude": 36.2, "Longitude": -119.34, "Population": 1303.0}, {"index": 19983, "quantile": 0.5, "value": 54400.00000000001, "Latitude": 36.2, "Longitude": -119.34, "Population": 1303.0}, {"index": 19983, "quantile": 0.75, "value": 54400.00000000001, "Latitude": 36.2, "Longitude": -119.34, "Population": 1303.0}, {"index": 19983, "quantile": 1.0, "value": 90500.0, "Latitude": 36.2, "Longitude": -119.34, "Population": 1303.0}, {"index": 19984, "quantile": 0.0, "value": 17500.0, "Latitude": 36.19, "Longitude": -119.33, "Population": 332.0}, {"index": 19984, "quantile": 0.25, "value": 63800.0, "Latitude": 36.19, "Longitude": -119.33, "Population": 332.0}, {"index": 19984, "quantile": 0.5, "value": 63800.0, "Latitude": 36.19, "Longitude": -119.33, "Population": 332.0}, {"index": 19984, "quantile": 0.75, "value": 75000.0, "Latitude": 36.19, "Longitude": -119.33, "Population": 332.0}, {"index": 19984, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 36.19, "Longitude": -119.33, "Population": 332.0}, {"index": 19985, "quantile": 0.0, "value": 65000.0, "Latitude": 36.2, "Longitude": -119.31, "Population": 1064.0}, {"index": 19985, "quantile": 0.25, "value": 74500.0, "Latitude": 36.2, "Longitude": -119.31, "Population": 1064.0}, {"index": 19985, "quantile": 0.5, "value": 74500.0, "Latitude": 36.2, "Longitude": -119.31, "Population": 1064.0}, {"index": 19985, "quantile": 0.75, "value": 74500.0, "Latitude": 36.2, "Longitude": -119.31, "Population": 1064.0}, {"index": 19985, "quantile": 1.0, "value": 107300.0, "Latitude": 36.2, "Longitude": -119.31, "Population": 1064.0}, {"index": 19986, "quantile": 0.0, "value": 47400.0, "Latitude": 36.21, "Longitude": -119.32, "Population": 1424.0}, {"index": 19986, "quantile": 0.25, "value": 52900.0, "Latitude": 36.21, "Longitude": -119.32, "Population": 1424.0}, {"index": 19986, "quantile": 0.5, "value": 61000.0, "Latitude": 36.21, "Longitude": -119.32, "Population": 1424.0}, {"index": 19986, "quantile": 0.75, "value": 69800.0, "Latitude": 36.21, "Longitude": -119.32, "Population": 1424.0}, {"index": 19986, "quantile": 1.0, "value": 132800.0, "Latitude": 36.21, "Longitude": -119.32, "Population": 1424.0}, {"index": 19987, "quantile": 0.0, "value": 37500.0, "Latitude": 36.2, "Longitude": -119.32, "Population": 772.0}, {"index": 19987, "quantile": 0.25, "value": 64500.0, "Latitude": 36.2, "Longitude": -119.32, "Population": 772.0}, {"index": 19987, "quantile": 0.5, "value": 64500.0, "Latitude": 36.2, "Longitude": -119.32, "Population": 772.0}, {"index": 19987, "quantile": 0.75, "value": 64500.0, "Latitude": 36.2, "Longitude": -119.32, "Population": 772.0}, {"index": 19987, "quantile": 1.0, "value": 129200.0, "Latitude": 36.2, "Longitude": -119.32, "Population": 772.0}, {"index": 19988, "quantile": 0.0, "value": 68000.0, "Latitude": 36.2, "Longitude": -119.32, "Population": 961.0}, {"index": 19988, "quantile": 0.25, "value": 71300.0, "Latitude": 36.2, "Longitude": -119.32, "Population": 961.0}, {"index": 19988, "quantile": 0.5, "value": 81050.0, "Latitude": 36.2, "Longitude": -119.32, "Population": 961.0}, {"index": 19988, "quantile": 0.75, "value": 90950.0, "Latitude": 36.2, "Longitude": -119.32, "Population": 961.0}, {"index": 19988, "quantile": 1.0, "value": 154300.0, "Latitude": 36.2, "Longitude": -119.32, "Population": 961.0}, {"index": 19989, "quantile": 0.0, "value": 33200.0, "Latitude": 36.19, "Longitude": -119.32, "Population": 861.0}, {"index": 19989, "quantile": 0.25, "value": 64400.0, "Latitude": 36.19, "Longitude": -119.32, "Population": 861.0}, {"index": 19989, "quantile": 0.5, "value": 72300.0, "Latitude": 36.19, "Longitude": -119.32, "Population": 861.0}, {"index": 19989, "quantile": 0.75, "value": 72300.0, "Latitude": 36.19, "Longitude": -119.32, "Population": 861.0}, {"index": 19989, "quantile": 1.0, "value": 195000.0, "Latitude": 36.19, "Longitude": -119.32, "Population": 861.0}, {"index": 19990, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 36.19, "Longitude": -119.32, "Population": 2013.0}, {"index": 19990, "quantile": 0.25, "value": 69700.0, "Latitude": 36.19, "Longitude": -119.32, "Population": 2013.0}, {"index": 19990, "quantile": 0.5, "value": 69700.0, "Latitude": 36.19, "Longitude": -119.32, "Population": 2013.0}, {"index": 19990, "quantile": 0.75, "value": 81600.0, "Latitude": 36.19, "Longitude": -119.32, "Population": 2013.0}, {"index": 19990, "quantile": 1.0, "value": 221200.00000000003, "Latitude": 36.19, "Longitude": -119.32, "Population": 2013.0}, {"index": 19991, "quantile": 0.0, "value": 40900.0, "Latitude": 36.2, "Longitude": -119.35, "Population": 1266.0}, {"index": 19991, "quantile": 0.25, "value": 50800.0, "Latitude": 36.2, "Longitude": -119.35, "Population": 1266.0}, {"index": 19991, "quantile": 0.5, "value": 50800.0, "Latitude": 36.2, "Longitude": -119.35, "Population": 1266.0}, {"index": 19991, "quantile": 0.75, "value": 52900.0, "Latitude": 36.2, "Longitude": -119.35, "Population": 1266.0}, {"index": 19991, "quantile": 1.0, "value": 69800.0, "Latitude": 36.2, "Longitude": -119.35, "Population": 1266.0}, {"index": 19992, "quantile": 0.0, "value": 40900.0, "Latitude": 36.2, "Longitude": -119.35, "Population": 1487.0}, {"index": 19992, "quantile": 0.25, "value": 51100.0, "Latitude": 36.2, "Longitude": -119.35, "Population": 1487.0}, {"index": 19992, "quantile": 0.5, "value": 51100.0, "Latitude": 36.2, "Longitude": -119.35, "Population": 1487.0}, {"index": 19992, "quantile": 0.75, "value": 51600.0, "Latitude": 36.2, "Longitude": -119.35, "Population": 1487.0}, {"index": 19992, "quantile": 1.0, "value": 71300.0, "Latitude": 36.2, "Longitude": -119.35, "Population": 1487.0}, {"index": 19993, "quantile": 0.0, "value": 37500.0, "Latitude": 36.2, "Longitude": -119.36, "Population": 1412.0}, {"index": 19993, "quantile": 0.25, "value": 51500.0, "Latitude": 36.2, "Longitude": -119.36, "Population": 1412.0}, {"index": 19993, "quantile": 0.5, "value": 51500.0, "Latitude": 36.2, "Longitude": -119.36, "Population": 1412.0}, {"index": 19993, "quantile": 0.75, "value": 51600.0, "Latitude": 36.2, "Longitude": -119.36, "Population": 1412.0}, {"index": 19993, "quantile": 1.0, "value": 73600.0, "Latitude": 36.2, "Longitude": -119.36, "Population": 1412.0}, {"index": 19994, "quantile": 0.0, "value": 47700.0, "Latitude": 36.19, "Longitude": -119.37, "Population": 889.0}, {"index": 19994, "quantile": 0.25, "value": 59700.0, "Latitude": 36.19, "Longitude": -119.37, "Population": 889.0}, {"index": 19994, "quantile": 0.5, "value": 65600.0, "Latitude": 36.19, "Longitude": -119.37, "Population": 889.0}, {"index": 19994, "quantile": 0.75, "value": 81949.99999999999, "Latitude": 36.19, "Longitude": -119.37, "Population": 889.0}, {"index": 19994, "quantile": 1.0, "value": 132800.0, "Latitude": 36.19, "Longitude": -119.37, "Population": 889.0}, {"index": 19995, "quantile": 0.0, "value": 33200.0, "Latitude": 36.19, "Longitude": -119.35, "Population": 734.0}, {"index": 19995, "quantile": 0.25, "value": 58075.0, "Latitude": 36.19, "Longitude": -119.35, "Population": 734.0}, {"index": 19995, "quantile": 0.5, "value": 67800.0, "Latitude": 36.19, "Longitude": -119.35, "Population": 734.0}, {"index": 19995, "quantile": 0.75, "value": 67800.0, "Latitude": 36.19, "Longitude": -119.35, "Population": 734.0}, {"index": 19995, "quantile": 1.0, "value": 225000.0, "Latitude": 36.19, "Longitude": -119.35, "Population": 734.0}, {"index": 19996, "quantile": 0.0, "value": 55600.00000000001, "Latitude": 36.16, "Longitude": -119.45, "Population": 1268.0}, {"index": 19996, "quantile": 0.25, "value": 93150.0, "Latitude": 36.16, "Longitude": -119.45, "Population": 1268.0}, {"index": 19996, "quantile": 0.5, "value": 106900.0, "Latitude": 36.16, "Longitude": -119.45, "Population": 1268.0}, {"index": 19996, "quantile": 0.75, "value": 106900.0, "Latitude": 36.16, "Longitude": -119.45, "Population": 1268.0}, {"index": 19996, "quantile": 1.0, "value": 187500.0, "Latitude": 36.16, "Longitude": -119.45, "Population": 1268.0}, {"index": 19997, "quantile": 0.0, "value": 49200.0, "Latitude": 36.16, "Longitude": -119.35, "Population": 1496.0}, {"index": 19997, "quantile": 0.25, "value": 49200.0, "Latitude": 36.16, "Longitude": -119.35, "Population": 1496.0}, {"index": 19997, "quantile": 0.5, "value": 49200.0, "Latitude": 36.16, "Longitude": -119.35, "Population": 1496.0}, {"index": 19997, "quantile": 0.75, "value": 77500.0, "Latitude": 36.16, "Longitude": -119.35, "Population": 1496.0}, {"index": 19997, "quantile": 1.0, "value": 139700.0, "Latitude": 36.16, "Longitude": -119.35, "Population": 1496.0}, {"index": 19998, "quantile": 0.0, "value": 47500.0, "Latitude": 36.09, "Longitude": -119.45, "Population": 253.0}, {"index": 19998, "quantile": 0.25, "value": 95800.0, "Latitude": 36.09, "Longitude": -119.45, "Population": 253.0}, {"index": 19998, "quantile": 0.5, "value": 112500.0, "Latitude": 36.09, "Longitude": -119.45, "Population": 253.0}, {"index": 19998, "quantile": 0.75, "value": 112500.0, "Latitude": 36.09, "Longitude": -119.45, "Population": 253.0}, {"index": 19998, "quantile": 1.0, "value": 150000.0, "Latitude": 36.09, "Longitude": -119.45, "Population": 253.0}, {"index": 19999, "quantile": 0.0, "value": 48700.0, "Latitude": 36.06, "Longitude": -119.31, "Population": 1405.0}, {"index": 19999, "quantile": 0.25, "value": 48700.0, "Latitude": 36.06, "Longitude": -119.31, "Population": 1405.0}, {"index": 19999, "quantile": 0.5, "value": 48700.0, "Latitude": 36.06, "Longitude": -119.31, "Population": 1405.0}, {"index": 19999, "quantile": 0.75, "value": 51375.00000000001, "Latitude": 36.06, "Longitude": -119.31, "Population": 1405.0}, {"index": 19999, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 36.06, "Longitude": -119.31, "Population": 1405.0}, {"index": 20000, "quantile": 0.0, "value": 39400.0, "Latitude": 36.04, "Longitude": -119.4, "Population": 580.0}, {"index": 20000, "quantile": 0.25, "value": 67000.0, "Latitude": 36.04, "Longitude": -119.4, "Population": 580.0}, {"index": 20000, "quantile": 0.5, "value": 112500.0, "Latitude": 36.04, "Longitude": -119.4, "Population": 580.0}, {"index": 20000, "quantile": 0.75, "value": 112500.0, "Latitude": 36.04, "Longitude": -119.4, "Population": 580.0}, {"index": 20000, "quantile": 1.0, "value": 112500.0, "Latitude": 36.04, "Longitude": -119.4, "Population": 580.0}, {"index": 20001, "quantile": 0.0, "value": 37500.0, "Latitude": 36.05, "Longitude": -119.27, "Population": 481.0}, {"index": 20001, "quantile": 0.25, "value": 68275.0, "Latitude": 36.05, "Longitude": -119.27, "Population": 481.0}, {"index": 20001, "quantile": 0.5, "value": 112500.0, "Latitude": 36.05, "Longitude": -119.27, "Population": 481.0}, {"index": 20001, "quantile": 0.75, "value": 112500.0, "Latitude": 36.05, "Longitude": -119.27, "Population": 481.0}, {"index": 20001, "quantile": 1.0, "value": 153800.0, "Latitude": 36.05, "Longitude": -119.27, "Population": 481.0}, {"index": 20002, "quantile": 0.0, "value": 40900.0, "Latitude": 36.1, "Longitude": -119.21, "Population": 1418.0}, {"index": 20002, "quantile": 0.25, "value": 43700.0, "Latitude": 36.1, "Longitude": -119.21, "Population": 1418.0}, {"index": 20002, "quantile": 0.5, "value": 47700.0, "Latitude": 36.1, "Longitude": -119.21, "Population": 1418.0}, {"index": 20002, "quantile": 0.75, "value": 52100.0, "Latitude": 36.1, "Longitude": -119.21, "Population": 1418.0}, {"index": 20002, "quantile": 1.0, "value": 72300.0, "Latitude": 36.1, "Longitude": -119.21, "Population": 1418.0}, {"index": 20003, "quantile": 0.0, "value": 44600.0, "Latitude": 36.06, "Longitude": -119.19, "Population": 1421.0}, {"index": 20003, "quantile": 0.25, "value": 57450.0, "Latitude": 36.06, "Longitude": -119.19, "Population": 1421.0}, {"index": 20003, "quantile": 0.5, "value": 71300.0, "Latitude": 36.06, "Longitude": -119.19, "Population": 1421.0}, {"index": 20003, "quantile": 0.75, "value": 71300.0, "Latitude": 36.06, "Longitude": -119.19, "Population": 1421.0}, {"index": 20003, "quantile": 1.0, "value": 71300.0, "Latitude": 36.06, "Longitude": -119.19, "Population": 1421.0}, {"index": 20004, "quantile": 0.0, "value": 67900.0, "Latitude": 36.14, "Longitude": -119.19, "Population": 408.0}, {"index": 20004, "quantile": 0.25, "value": 85900.0, "Latitude": 36.14, "Longitude": -119.19, "Population": 408.0}, {"index": 20004, "quantile": 0.5, "value": 85900.0, "Latitude": 36.14, "Longitude": -119.19, "Population": 408.0}, {"index": 20004, "quantile": 0.75, "value": 88375.0, "Latitude": 36.14, "Longitude": -119.19, "Population": 408.0}, {"index": 20004, "quantile": 1.0, "value": 236900.00000000003, "Latitude": 36.14, "Longitude": -119.19, "Population": 408.0}, {"index": 20005, "quantile": 0.0, "value": 40900.0, "Latitude": 36.13, "Longitude": -119.13, "Population": 1434.0}, {"index": 20005, "quantile": 0.25, "value": 40900.0, "Latitude": 36.13, "Longitude": -119.13, "Population": 1434.0}, {"index": 20005, "quantile": 0.5, "value": 40900.0, "Latitude": 36.13, "Longitude": -119.13, "Population": 1434.0}, {"index": 20005, "quantile": 0.75, "value": 53500.0, "Latitude": 36.13, "Longitude": -119.13, "Population": 1434.0}, {"index": 20005, "quantile": 1.0, "value": 71300.0, "Latitude": 36.13, "Longitude": -119.13, "Population": 1434.0}, {"index": 20006, "quantile": 0.0, "value": 68700.0, "Latitude": 36.13, "Longitude": -119.08, "Population": 1145.0}, {"index": 20006, "quantile": 0.25, "value": 92100.0, "Latitude": 36.13, "Longitude": -119.08, "Population": 1145.0}, {"index": 20006, "quantile": 0.5, "value": 113700.0, "Latitude": 36.13, "Longitude": -119.08, "Population": 1145.0}, {"index": 20006, "quantile": 0.75, "value": 113700.0, "Latitude": 36.13, "Longitude": -119.08, "Population": 1145.0}, {"index": 20006, "quantile": 1.0, "value": 165400.0, "Latitude": 36.13, "Longitude": -119.08, "Population": 1145.0}, {"index": 20007, "quantile": 0.0, "value": 45500.0, "Latitude": 36.13, "Longitude": -119.03, "Population": 1169.0}, {"index": 20007, "quantile": 0.25, "value": 66725.0, "Latitude": 36.13, "Longitude": -119.03, "Population": 1169.0}, {"index": 20007, "quantile": 0.5, "value": 95500.0, "Latitude": 36.13, "Longitude": -119.03, "Population": 1169.0}, {"index": 20007, "quantile": 0.75, "value": 95500.0, "Latitude": 36.13, "Longitude": -119.03, "Population": 1169.0}, {"index": 20007, "quantile": 1.0, "value": 110000.00000000001, "Latitude": 36.13, "Longitude": -119.03, "Population": 1169.0}, {"index": 20008, "quantile": 0.0, "value": 39400.0, "Latitude": 36.15, "Longitude": -119.06, "Population": 852.0}, {"index": 20008, "quantile": 0.25, "value": 49000.0, "Latitude": 36.15, "Longitude": -119.06, "Population": 852.0}, {"index": 20008, "quantile": 0.5, "value": 49000.0, "Latitude": 36.15, "Longitude": -119.06, "Population": 852.0}, {"index": 20008, "quantile": 0.75, "value": 49000.0, "Latitude": 36.15, "Longitude": -119.06, "Population": 852.0}, {"index": 20008, "quantile": 1.0, "value": 65900.0, "Latitude": 36.15, "Longitude": -119.06, "Population": 852.0}, {"index": 20009, "quantile": 0.0, "value": 47400.0, "Latitude": 36.15, "Longitude": -119.06, "Population": 1527.0}, {"index": 20009, "quantile": 0.25, "value": 52900.0, "Latitude": 36.15, "Longitude": -119.06, "Population": 1527.0}, {"index": 20009, "quantile": 0.5, "value": 52900.0, "Latitude": 36.15, "Longitude": -119.06, "Population": 1527.0}, {"index": 20009, "quantile": 0.75, "value": 56350.0, "Latitude": 36.15, "Longitude": -119.06, "Population": 1527.0}, {"index": 20009, "quantile": 1.0, "value": 96000.0, "Latitude": 36.15, "Longitude": -119.06, "Population": 1527.0}, {"index": 20010, "quantile": 0.0, "value": 40900.0, "Latitude": 36.06, "Longitude": -119.14, "Population": 1628.0}, {"index": 20010, "quantile": 0.25, "value": 41500.0, "Latitude": 36.06, "Longitude": -119.14, "Population": 1628.0}, {"index": 20010, "quantile": 0.5, "value": 41500.0, "Latitude": 36.06, "Longitude": -119.14, "Population": 1628.0}, {"index": 20010, "quantile": 0.75, "value": 50300.0, "Latitude": 36.06, "Longitude": -119.14, "Population": 1628.0}, {"index": 20010, "quantile": 1.0, "value": 65900.0, "Latitude": 36.06, "Longitude": -119.14, "Population": 1628.0}, {"index": 20011, "quantile": 0.0, "value": 34400.0, "Latitude": 36.05, "Longitude": -119.12, "Population": 1063.0}, {"index": 20011, "quantile": 0.25, "value": 53900.0, "Latitude": 36.05, "Longitude": -119.12, "Population": 1063.0}, {"index": 20011, "quantile": 0.5, "value": 53900.0, "Latitude": 36.05, "Longitude": -119.12, "Population": 1063.0}, {"index": 20011, "quantile": 0.75, "value": 53900.0, "Latitude": 36.05, "Longitude": -119.12, "Population": 1063.0}, {"index": 20011, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 36.05, "Longitude": -119.12, "Population": 1063.0}, {"index": 20012, "quantile": 0.0, "value": 26900.0, "Latitude": 36.02, "Longitude": -119.08, "Population": 891.0}, {"index": 20012, "quantile": 0.25, "value": 60924.99999999999, "Latitude": 36.02, "Longitude": -119.08, "Population": 891.0}, {"index": 20012, "quantile": 0.5, "value": 62100.0, "Latitude": 36.02, "Longitude": -119.08, "Population": 891.0}, {"index": 20012, "quantile": 0.75, "value": 62100.0, "Latitude": 36.02, "Longitude": -119.08, "Population": 891.0}, {"index": 20012, "quantile": 1.0, "value": 140600.0, "Latitude": 36.02, "Longitude": -119.08, "Population": 891.0}, {"index": 20013, "quantile": 0.0, "value": 49200.0, "Latitude": 36.02, "Longitude": -119.01, "Population": 1768.0}, {"index": 20013, "quantile": 0.25, "value": 72500.0, "Latitude": 36.02, "Longitude": -119.01, "Population": 1768.0}, {"index": 20013, "quantile": 0.5, "value": 79550.00000000001, "Latitude": 36.02, "Longitude": -119.01, "Population": 1768.0}, {"index": 20013, "quantile": 0.75, "value": 92600.0, "Latitude": 36.02, "Longitude": -119.01, "Population": 1768.0}, {"index": 20013, "quantile": 1.0, "value": 150000.0, "Latitude": 36.02, "Longitude": -119.01, "Population": 1768.0}, {"index": 20014, "quantile": 0.0, "value": 30000.0, "Latitude": 36.04, "Longitude": -118.92, "Population": 521.0}, {"index": 20014, "quantile": 0.25, "value": 86300.0, "Latitude": 36.04, "Longitude": -118.92, "Population": 521.0}, {"index": 20014, "quantile": 0.5, "value": 98500.0, "Latitude": 36.04, "Longitude": -118.92, "Population": 521.0}, {"index": 20014, "quantile": 0.75, "value": 98500.0, "Latitude": 36.04, "Longitude": -118.92, "Population": 521.0}, {"index": 20014, "quantile": 1.0, "value": 187500.0, "Latitude": 36.04, "Longitude": -118.92, "Population": 521.0}, {"index": 20015, "quantile": 0.0, "value": 61500.0, "Latitude": 36.09, "Longitude": -119.08, "Population": 1003.0}, {"index": 20015, "quantile": 0.25, "value": 100525.0, "Latitude": 36.09, "Longitude": -119.08, "Population": 1003.0}, {"index": 20015, "quantile": 0.5, "value": 103400.0, "Latitude": 36.09, "Longitude": -119.08, "Population": 1003.0}, {"index": 20015, "quantile": 0.75, "value": 103400.0, "Latitude": 36.09, "Longitude": -119.08, "Population": 1003.0}, {"index": 20015, "quantile": 1.0, "value": 129200.0, "Latitude": 36.09, "Longitude": -119.08, "Population": 1003.0}, {"index": 20016, "quantile": 0.0, "value": 54100.00000000001, "Latitude": 36.1, "Longitude": -119.06, "Population": 868.0}, {"index": 20016, "quantile": 0.25, "value": 63600.0, "Latitude": 36.1, "Longitude": -119.06, "Population": 868.0}, {"index": 20016, "quantile": 0.5, "value": 63600.0, "Latitude": 36.1, "Longitude": -119.06, "Population": 868.0}, {"index": 20016, "quantile": 0.75, "value": 63600.0, "Latitude": 36.1, "Longitude": -119.06, "Population": 868.0}, {"index": 20016, "quantile": 1.0, "value": 156300.0, "Latitude": 36.1, "Longitude": -119.06, "Population": 868.0}, {"index": 20017, "quantile": 0.0, "value": 71800.0, "Latitude": 36.09, "Longitude": -119.06, "Population": 1402.0}, {"index": 20017, "quantile": 0.25, "value": 72900.0, "Latitude": 36.09, "Longitude": -119.06, "Population": 1402.0}, {"index": 20017, "quantile": 0.5, "value": 72900.0, "Latitude": 36.09, "Longitude": -119.06, "Population": 1402.0}, {"index": 20017, "quantile": 0.75, "value": 89550.0, "Latitude": 36.09, "Longitude": -119.06, "Population": 1402.0}, {"index": 20017, "quantile": 1.0, "value": 160100.0, "Latitude": 36.09, "Longitude": -119.06, "Population": 1402.0}, {"index": 20018, "quantile": 0.0, "value": 62300.0, "Latitude": 36.09, "Longitude": -119.04, "Population": 1238.0}, {"index": 20018, "quantile": 0.25, "value": 72400.0, "Latitude": 36.09, "Longitude": -119.04, "Population": 1238.0}, {"index": 20018, "quantile": 0.5, "value": 78600.0, "Latitude": 36.09, "Longitude": -119.04, "Population": 1238.0}, {"index": 20018, "quantile": 0.75, "value": 93800.0, "Latitude": 36.09, "Longitude": -119.04, "Population": 1238.0}, {"index": 20018, "quantile": 1.0, "value": 153800.0, "Latitude": 36.09, "Longitude": -119.04, "Population": 1238.0}, {"index": 20019, "quantile": 0.0, "value": 72100.0, "Latitude": 36.09, "Longitude": -119.05, "Population": 1749.0}, {"index": 20019, "quantile": 0.25, "value": 93100.0, "Latitude": 36.09, "Longitude": -119.05, "Population": 1749.0}, {"index": 20019, "quantile": 0.5, "value": 99200.0, "Latitude": 36.09, "Longitude": -119.05, "Population": 1749.0}, {"index": 20019, "quantile": 0.75, "value": 99200.0, "Latitude": 36.09, "Longitude": -119.05, "Population": 1749.0}, {"index": 20019, "quantile": 1.0, "value": 149000.0, "Latitude": 36.09, "Longitude": -119.05, "Population": 1749.0}, {"index": 20020, "quantile": 0.0, "value": 33200.0, "Latitude": 36.07, "Longitude": -119.04, "Population": 1912.0}, {"index": 20020, "quantile": 0.25, "value": 52100.0, "Latitude": 36.07, "Longitude": -119.04, "Population": 1912.0}, {"index": 20020, "quantile": 0.5, "value": 55400.00000000001, "Latitude": 36.07, "Longitude": -119.04, "Population": 1912.0}, {"index": 20020, "quantile": 0.75, "value": 61200.0, "Latitude": 36.07, "Longitude": -119.04, "Population": 1912.0}, {"index": 20020, "quantile": 1.0, "value": 182600.0, "Latitude": 36.07, "Longitude": -119.04, "Population": 1912.0}, {"index": 20021, "quantile": 0.0, "value": 72100.0, "Latitude": 36.08, "Longitude": -119.06, "Population": 1301.0}, {"index": 20021, "quantile": 0.25, "value": 72100.0, "Latitude": 36.08, "Longitude": -119.06, "Population": 1301.0}, {"index": 20021, "quantile": 0.5, "value": 72100.0, "Latitude": 36.08, "Longitude": -119.06, "Population": 1301.0}, {"index": 20021, "quantile": 0.75, "value": 89575.0, "Latitude": 36.08, "Longitude": -119.06, "Population": 1301.0}, {"index": 20021, "quantile": 1.0, "value": 222500.0, "Latitude": 36.08, "Longitude": -119.06, "Population": 1301.0}, {"index": 20022, "quantile": 0.0, "value": 22500.0, "Latitude": 36.08, "Longitude": -119.07, "Population": 1785.0}, {"index": 20022, "quantile": 0.25, "value": 62475.0, "Latitude": 36.08, "Longitude": -119.07, "Population": 1785.0}, {"index": 20022, "quantile": 0.5, "value": 71000.0, "Latitude": 36.08, "Longitude": -119.07, "Population": 1785.0}, {"index": 20022, "quantile": 0.75, "value": 71000.0, "Latitude": 36.08, "Longitude": -119.07, "Population": 1785.0}, {"index": 20022, "quantile": 1.0, "value": 128899.99999999999, "Latitude": 36.08, "Longitude": -119.07, "Population": 1785.0}, {"index": 20023, "quantile": 0.0, "value": 68400.0, "Latitude": 36.07, "Longitude": -119.07, "Population": 1285.0}, {"index": 20023, "quantile": 0.25, "value": 71800.0, "Latitude": 36.07, "Longitude": -119.07, "Population": 1285.0}, {"index": 20023, "quantile": 0.5, "value": 74800.0, "Latitude": 36.07, "Longitude": -119.07, "Population": 1285.0}, {"index": 20023, "quantile": 0.75, "value": 89125.0, "Latitude": 36.07, "Longitude": -119.07, "Population": 1285.0}, {"index": 20023, "quantile": 1.0, "value": 149000.0, "Latitude": 36.07, "Longitude": -119.07, "Population": 1285.0}, {"index": 20024, "quantile": 0.0, "value": 48300.0, "Latitude": 36.07, "Longitude": -119.06, "Population": 1497.0}, {"index": 20024, "quantile": 0.25, "value": 64600.0, "Latitude": 36.07, "Longitude": -119.06, "Population": 1497.0}, {"index": 20024, "quantile": 0.5, "value": 64600.0, "Latitude": 36.07, "Longitude": -119.06, "Population": 1497.0}, {"index": 20024, "quantile": 0.75, "value": 64600.0, "Latitude": 36.07, "Longitude": -119.06, "Population": 1497.0}, {"index": 20024, "quantile": 1.0, "value": 225000.0, "Latitude": 36.07, "Longitude": -119.06, "Population": 1497.0}, {"index": 20025, "quantile": 0.0, "value": 44600.0, "Latitude": 36.07, "Longitude": -119.05, "Population": 1238.0}, {"index": 20025, "quantile": 0.25, "value": 54300.00000000001, "Latitude": 36.07, "Longitude": -119.05, "Population": 1238.0}, {"index": 20025, "quantile": 0.5, "value": 64600.0, "Latitude": 36.07, "Longitude": -119.05, "Population": 1238.0}, {"index": 20025, "quantile": 0.75, "value": 66925.0, "Latitude": 36.07, "Longitude": -119.05, "Population": 1238.0}, {"index": 20025, "quantile": 1.0, "value": 120800.0, "Latitude": 36.07, "Longitude": -119.05, "Population": 1238.0}, {"index": 20026, "quantile": 0.0, "value": 69400.0, "Latitude": 36.06, "Longitude": -119.05, "Population": 1184.0}, {"index": 20026, "quantile": 0.25, "value": 70600.0, "Latitude": 36.06, "Longitude": -119.05, "Population": 1184.0}, {"index": 20026, "quantile": 0.5, "value": 70600.0, "Latitude": 36.06, "Longitude": -119.05, "Population": 1184.0}, {"index": 20026, "quantile": 0.75, "value": 74350.0, "Latitude": 36.06, "Longitude": -119.05, "Population": 1184.0}, {"index": 20026, "quantile": 1.0, "value": 139200.0, "Latitude": 36.06, "Longitude": -119.05, "Population": 1184.0}, {"index": 20027, "quantile": 0.0, "value": 63900.0, "Latitude": 36.09, "Longitude": -119.02, "Population": 1254.0}, {"index": 20027, "quantile": 0.25, "value": 72200.0, "Latitude": 36.09, "Longitude": -119.02, "Population": 1254.0}, {"index": 20027, "quantile": 0.5, "value": 76200.0, "Latitude": 36.09, "Longitude": -119.02, "Population": 1254.0}, {"index": 20027, "quantile": 0.75, "value": 90325.0, "Latitude": 36.09, "Longitude": -119.02, "Population": 1254.0}, {"index": 20027, "quantile": 1.0, "value": 139700.0, "Latitude": 36.09, "Longitude": -119.02, "Population": 1254.0}, {"index": 20028, "quantile": 0.0, "value": 46700.0, "Latitude": 36.08, "Longitude": -119.01, "Population": 1154.0}, {"index": 20028, "quantile": 0.25, "value": 55500.00000000001, "Latitude": 36.08, "Longitude": -119.01, "Population": 1154.0}, {"index": 20028, "quantile": 0.5, "value": 55500.00000000001, "Latitude": 36.08, "Longitude": -119.01, "Population": 1154.0}, {"index": 20028, "quantile": 0.75, "value": 55500.00000000001, "Latitude": 36.08, "Longitude": -119.01, "Population": 1154.0}, {"index": 20028, "quantile": 1.0, "value": 112500.0, "Latitude": 36.08, "Longitude": -119.01, "Population": 1154.0}, {"index": 20029, "quantile": 0.0, "value": 52100.0, "Latitude": 36.08, "Longitude": -119.03, "Population": 1432.0}, {"index": 20029, "quantile": 0.25, "value": 67700.0, "Latitude": 36.08, "Longitude": -119.03, "Population": 1432.0}, {"index": 20029, "quantile": 0.5, "value": 67700.0, "Latitude": 36.08, "Longitude": -119.03, "Population": 1432.0}, {"index": 20029, "quantile": 0.75, "value": 74725.0, "Latitude": 36.08, "Longitude": -119.03, "Population": 1432.0}, {"index": 20029, "quantile": 1.0, "value": 128899.99999999999, "Latitude": 36.08, "Longitude": -119.03, "Population": 1432.0}, {"index": 20030, "quantile": 0.0, "value": 68500.0, "Latitude": 36.08, "Longitude": -119.03, "Population": 1040.0}, {"index": 20030, "quantile": 0.25, "value": 87200.0, "Latitude": 36.08, "Longitude": -119.03, "Population": 1040.0}, {"index": 20030, "quantile": 0.5, "value": 99650.0, "Latitude": 36.08, "Longitude": -119.03, "Population": 1040.0}, {"index": 20030, "quantile": 0.75, "value": 109800.00000000001, "Latitude": 36.08, "Longitude": -119.03, "Population": 1040.0}, {"index": 20030, "quantile": 1.0, "value": 180400.0, "Latitude": 36.08, "Longitude": -119.03, "Population": 1040.0}, {"index": 20031, "quantile": 0.0, "value": 52400.0, "Latitude": 36.07, "Longitude": -119.04, "Population": 1108.0}, {"index": 20031, "quantile": 0.25, "value": 73650.0, "Latitude": 36.07, "Longitude": -119.04, "Population": 1108.0}, {"index": 20031, "quantile": 0.5, "value": 78000.0, "Latitude": 36.07, "Longitude": -119.04, "Population": 1108.0}, {"index": 20031, "quantile": 0.75, "value": 78000.0, "Latitude": 36.07, "Longitude": -119.04, "Population": 1108.0}, {"index": 20031, "quantile": 1.0, "value": 132800.0, "Latitude": 36.07, "Longitude": -119.04, "Population": 1108.0}, {"index": 20032, "quantile": 0.0, "value": 52100.0, "Latitude": 36.07, "Longitude": -119.03, "Population": 1908.0}, {"index": 20032, "quantile": 0.25, "value": 73000.0, "Latitude": 36.07, "Longitude": -119.03, "Population": 1908.0}, {"index": 20032, "quantile": 0.5, "value": 77600.0, "Latitude": 36.07, "Longitude": -119.03, "Population": 1908.0}, {"index": 20032, "quantile": 0.75, "value": 77600.0, "Latitude": 36.07, "Longitude": -119.03, "Population": 1908.0}, {"index": 20032, "quantile": 1.0, "value": 129200.0, "Latitude": 36.07, "Longitude": -119.03, "Population": 1908.0}, {"index": 20033, "quantile": 0.0, "value": 46800.0, "Latitude": 36.07, "Longitude": -119.02, "Population": 1659.0}, {"index": 20033, "quantile": 0.25, "value": 60800.0, "Latitude": 36.07, "Longitude": -119.02, "Population": 1659.0}, {"index": 20033, "quantile": 0.5, "value": 60800.0, "Latitude": 36.07, "Longitude": -119.02, "Population": 1659.0}, {"index": 20033, "quantile": 0.75, "value": 60800.0, "Latitude": 36.07, "Longitude": -119.02, "Population": 1659.0}, {"index": 20033, "quantile": 1.0, "value": 77100.0, "Latitude": 36.07, "Longitude": -119.02, "Population": 1659.0}, {"index": 20034, "quantile": 0.0, "value": 39400.0, "Latitude": 36.07, "Longitude": -119.02, "Population": 702.0}, {"index": 20034, "quantile": 0.25, "value": 53100.0, "Latitude": 36.07, "Longitude": -119.02, "Population": 702.0}, {"index": 20034, "quantile": 0.5, "value": 53100.0, "Latitude": 36.07, "Longitude": -119.02, "Population": 702.0}, {"index": 20034, "quantile": 0.75, "value": 54300.00000000001, "Latitude": 36.07, "Longitude": -119.02, "Population": 702.0}, {"index": 20034, "quantile": 1.0, "value": 67000.0, "Latitude": 36.07, "Longitude": -119.02, "Population": 702.0}, {"index": 20035, "quantile": 0.0, "value": 44600.0, "Latitude": 36.07, "Longitude": -119.01, "Population": 1330.0}, {"index": 20035, "quantile": 0.25, "value": 50900.0, "Latitude": 36.07, "Longitude": -119.01, "Population": 1330.0}, {"index": 20035, "quantile": 0.5, "value": 50900.0, "Latitude": 36.07, "Longitude": -119.01, "Population": 1330.0}, {"index": 20035, "quantile": 0.75, "value": 56999.99999999999, "Latitude": 36.07, "Longitude": -119.01, "Population": 1330.0}, {"index": 20035, "quantile": 1.0, "value": 69100.0, "Latitude": 36.07, "Longitude": -119.01, "Population": 1330.0}, {"index": 20036, "quantile": 0.0, "value": 47400.0, "Latitude": 36.1, "Longitude": -118.93, "Population": 1654.0}, {"index": 20036, "quantile": 0.25, "value": 60575.0, "Latitude": 36.1, "Longitude": -118.93, "Population": 1654.0}, {"index": 20036, "quantile": 0.5, "value": 75250.0, "Latitude": 36.1, "Longitude": -118.93, "Population": 1654.0}, {"index": 20036, "quantile": 0.75, "value": 87825.0, "Latitude": 36.1, "Longitude": -118.93, "Population": 1654.0}, {"index": 20036, "quantile": 1.0, "value": 139700.0, "Latitude": 36.1, "Longitude": -118.93, "Population": 1654.0}, {"index": 20037, "quantile": 0.0, "value": 40900.0, "Latitude": 36.06, "Longitude": -118.98, "Population": 1497.0}, {"index": 20037, "quantile": 0.25, "value": 47400.0, "Latitude": 36.06, "Longitude": -118.98, "Population": 1497.0}, {"index": 20037, "quantile": 0.5, "value": 47400.0, "Latitude": 36.06, "Longitude": -118.98, "Population": 1497.0}, {"index": 20037, "quantile": 0.75, "value": 51849.99999999999, "Latitude": 36.06, "Longitude": -118.98, "Population": 1497.0}, {"index": 20037, "quantile": 1.0, "value": 99300.0, "Latitude": 36.06, "Longitude": -118.98, "Population": 1497.0}, {"index": 20038, "quantile": 0.0, "value": 43100.0, "Latitude": 36.05, "Longitude": -119.0, "Population": 1986.0}, {"index": 20038, "quantile": 0.25, "value": 51000.0, "Latitude": 36.05, "Longitude": -119.0, "Population": 1986.0}, {"index": 20038, "quantile": 0.5, "value": 54400.00000000001, "Latitude": 36.05, "Longitude": -119.0, "Population": 1986.0}, {"index": 20038, "quantile": 0.75, "value": 60800.0, "Latitude": 36.05, "Longitude": -119.0, "Population": 1986.0}, {"index": 20038, "quantile": 1.0, "value": 95500.0, "Latitude": 36.05, "Longitude": -119.0, "Population": 1986.0}, {"index": 20039, "quantile": 0.0, "value": 35000.0, "Latitude": 36.06, "Longitude": -118.97, "Population": 1100.0}, {"index": 20039, "quantile": 0.25, "value": 49400.0, "Latitude": 36.06, "Longitude": -118.97, "Population": 1100.0}, {"index": 20039, "quantile": 0.5, "value": 54900.00000000001, "Latitude": 36.06, "Longitude": -118.97, "Population": 1100.0}, {"index": 20039, "quantile": 0.75, "value": 68625.0, "Latitude": 36.06, "Longitude": -118.97, "Population": 1100.0}, {"index": 20039, "quantile": 1.0, "value": 112500.0, "Latitude": 36.06, "Longitude": -118.97, "Population": 1100.0}, {"index": 20040, "quantile": 0.0, "value": 53300.0, "Latitude": 36.07, "Longitude": -118.99, "Population": 672.0}, {"index": 20040, "quantile": 0.25, "value": 63900.0, "Latitude": 36.07, "Longitude": -118.99, "Population": 672.0}, {"index": 20040, "quantile": 0.5, "value": 63900.0, "Latitude": 36.07, "Longitude": -118.99, "Population": 672.0}, {"index": 20040, "quantile": 0.75, "value": 63900.0, "Latitude": 36.07, "Longitude": -118.99, "Population": 672.0}, {"index": 20040, "quantile": 1.0, "value": 133300.0, "Latitude": 36.07, "Longitude": -118.99, "Population": 672.0}, {"index": 20041, "quantile": 0.0, "value": 39400.0, "Latitude": 36.06, "Longitude": -118.99, "Population": 1317.0}, {"index": 20041, "quantile": 0.25, "value": 48700.0, "Latitude": 36.06, "Longitude": -118.99, "Population": 1317.0}, {"index": 20041, "quantile": 0.5, "value": 51150.00000000001, "Latitude": 36.06, "Longitude": -118.99, "Population": 1317.0}, {"index": 20041, "quantile": 0.75, "value": 59100.0, "Latitude": 36.06, "Longitude": -118.99, "Population": 1317.0}, {"index": 20041, "quantile": 1.0, "value": 95500.0, "Latitude": 36.06, "Longitude": -118.99, "Population": 1317.0}, {"index": 20042, "quantile": 0.0, "value": 67500.0, "Latitude": 36.06, "Longitude": -119.0, "Population": 396.0}, {"index": 20042, "quantile": 0.25, "value": 85450.0, "Latitude": 36.06, "Longitude": -119.0, "Population": 396.0}, {"index": 20042, "quantile": 0.5, "value": 107650.0, "Latitude": 36.06, "Longitude": -119.0, "Population": 396.0}, {"index": 20042, "quantile": 0.75, "value": 201900.0, "Latitude": 36.06, "Longitude": -119.0, "Population": 396.0}, {"index": 20042, "quantile": 1.0, "value": 486800.00000000006, "Latitude": 36.06, "Longitude": -119.0, "Population": 396.0}, {"index": 20043, "quantile": 0.0, "value": 30000.0, "Latitude": 36.07, "Longitude": -119.0, "Population": 509.0}, {"index": 20043, "quantile": 0.25, "value": 73000.0, "Latitude": 36.07, "Longitude": -119.0, "Population": 509.0}, {"index": 20043, "quantile": 0.5, "value": 73000.0, "Latitude": 36.07, "Longitude": -119.0, "Population": 509.0}, {"index": 20043, "quantile": 0.75, "value": 73000.0, "Latitude": 36.07, "Longitude": -119.0, "Population": 509.0}, {"index": 20043, "quantile": 1.0, "value": 153800.0, "Latitude": 36.07, "Longitude": -119.0, "Population": 509.0}, {"index": 20044, "quantile": 0.0, "value": 26900.0, "Latitude": 36.06, "Longitude": -119.03, "Population": 1405.0}, {"index": 20044, "quantile": 0.25, "value": 51900.0, "Latitude": 36.06, "Longitude": -119.03, "Population": 1405.0}, {"index": 20044, "quantile": 0.5, "value": 51900.0, "Latitude": 36.06, "Longitude": -119.03, "Population": 1405.0}, {"index": 20044, "quantile": 0.75, "value": 55950.0, "Latitude": 36.06, "Longitude": -119.03, "Population": 1405.0}, {"index": 20044, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 36.06, "Longitude": -119.03, "Population": 1405.0}, {"index": 20045, "quantile": 0.0, "value": 41500.0, "Latitude": 36.06, "Longitude": -119.02, "Population": 1908.0}, {"index": 20045, "quantile": 0.25, "value": 43100.0, "Latitude": 36.06, "Longitude": -119.02, "Population": 1908.0}, {"index": 20045, "quantile": 0.5, "value": 43100.0, "Latitude": 36.06, "Longitude": -119.02, "Population": 1908.0}, {"index": 20045, "quantile": 0.75, "value": 44500.0, "Latitude": 36.06, "Longitude": -119.02, "Population": 1908.0}, {"index": 20045, "quantile": 1.0, "value": 67200.0, "Latitude": 36.06, "Longitude": -119.02, "Population": 1908.0}, {"index": 20046, "quantile": 0.0, "value": 40900.0, "Latitude": 36.06, "Longitude": -119.01, "Population": 1392.0}, {"index": 20046, "quantile": 0.25, "value": 47700.0, "Latitude": 36.06, "Longitude": -119.01, "Population": 1392.0}, {"index": 20046, "quantile": 0.5, "value": 47700.0, "Latitude": 36.06, "Longitude": -119.01, "Population": 1392.0}, {"index": 20046, "quantile": 0.75, "value": 47700.0, "Latitude": 36.06, "Longitude": -119.01, "Population": 1392.0}, {"index": 20046, "quantile": 1.0, "value": 65900.0, "Latitude": 36.06, "Longitude": -119.01, "Population": 1392.0}, {"index": 20047, "quantile": 0.0, "value": 41400.0, "Latitude": 36.05, "Longitude": -119.01, "Population": 839.0}, {"index": 20047, "quantile": 0.25, "value": 50000.0, "Latitude": 36.05, "Longitude": -119.01, "Population": 839.0}, {"index": 20047, "quantile": 0.5, "value": 53700.0, "Latitude": 36.05, "Longitude": -119.01, "Population": 839.0}, {"index": 20047, "quantile": 0.75, "value": 61200.0, "Latitude": 36.05, "Longitude": -119.01, "Population": 839.0}, {"index": 20047, "quantile": 1.0, "value": 112500.0, "Latitude": 36.05, "Longitude": -119.01, "Population": 839.0}, {"index": 20048, "quantile": 0.0, "value": 47700.0, "Latitude": 36.05, "Longitude": -119.02, "Population": 1336.0}, {"index": 20048, "quantile": 0.25, "value": 65200.0, "Latitude": 36.05, "Longitude": -119.02, "Population": 1336.0}, {"index": 20048, "quantile": 0.5, "value": 65200.0, "Latitude": 36.05, "Longitude": -119.02, "Population": 1336.0}, {"index": 20048, "quantile": 0.75, "value": 65200.0, "Latitude": 36.05, "Longitude": -119.02, "Population": 1336.0}, {"index": 20048, "quantile": 1.0, "value": 132800.0, "Latitude": 36.05, "Longitude": -119.02, "Population": 1336.0}, {"index": 20049, "quantile": 0.0, "value": 47400.0, "Latitude": 35.97, "Longitude": -119.42, "Population": 426.0}, {"index": 20049, "quantile": 0.25, "value": 47500.0, "Latitude": 35.97, "Longitude": -119.42, "Population": 426.0}, {"index": 20049, "quantile": 0.5, "value": 47500.0, "Latitude": 35.97, "Longitude": -119.42, "Population": 426.0}, {"index": 20049, "quantile": 0.75, "value": 57399.99999999999, "Latitude": 35.97, "Longitude": -119.42, "Population": 426.0}, {"index": 20049, "quantile": 1.0, "value": 156300.0, "Latitude": 35.97, "Longitude": -119.42, "Population": 426.0}, {"index": 20050, "quantile": 0.0, "value": 42700.0, "Latitude": 35.99, "Longitude": -119.31, "Population": 880.0}, {"index": 20050, "quantile": 0.25, "value": 47800.0, "Latitude": 35.99, "Longitude": -119.31, "Population": 880.0}, {"index": 20050, "quantile": 0.5, "value": 47800.0, "Latitude": 35.99, "Longitude": -119.31, "Population": 880.0}, {"index": 20050, "quantile": 0.75, "value": 53100.0, "Latitude": 35.99, "Longitude": -119.31, "Population": 880.0}, {"index": 20050, "quantile": 1.0, "value": 68300.0, "Latitude": 35.99, "Longitude": -119.31, "Population": 880.0}, {"index": 20051, "quantile": 0.0, "value": 44600.0, "Latitude": 35.99, "Longitude": -119.28, "Population": 1746.0}, {"index": 20051, "quantile": 0.25, "value": 51000.0, "Latitude": 35.99, "Longitude": -119.28, "Population": 1746.0}, {"index": 20051, "quantile": 0.5, "value": 51000.0, "Latitude": 35.99, "Longitude": -119.28, "Population": 1746.0}, {"index": 20051, "quantile": 0.75, "value": 60800.0, "Latitude": 35.99, "Longitude": -119.28, "Population": 1746.0}, {"index": 20051, "quantile": 1.0, "value": 105300.0, "Latitude": 35.99, "Longitude": -119.28, "Population": 1746.0}, {"index": 20052, "quantile": 0.0, "value": 42700.0, "Latitude": 35.96, "Longitude": -119.19, "Population": 1160.0}, {"index": 20052, "quantile": 0.25, "value": 52500.0, "Latitude": 35.96, "Longitude": -119.19, "Population": 1160.0}, {"index": 20052, "quantile": 0.5, "value": 52500.0, "Latitude": 35.96, "Longitude": -119.19, "Population": 1160.0}, {"index": 20052, "quantile": 0.75, "value": 57450.0, "Latitude": 35.96, "Longitude": -119.19, "Population": 1160.0}, {"index": 20052, "quantile": 1.0, "value": 112500.0, "Latitude": 35.96, "Longitude": -119.19, "Population": 1160.0}, {"index": 20053, "quantile": 0.0, "value": 42700.0, "Latitude": 35.86, "Longitude": -119.46, "Population": 1113.0}, {"index": 20053, "quantile": 0.25, "value": 42700.0, "Latitude": 35.86, "Longitude": -119.46, "Population": 1113.0}, {"index": 20053, "quantile": 0.5, "value": 42700.0, "Latitude": 35.86, "Longitude": -119.46, "Population": 1113.0}, {"index": 20053, "quantile": 0.75, "value": 47800.0, "Latitude": 35.86, "Longitude": -119.46, "Population": 1113.0}, {"index": 20053, "quantile": 1.0, "value": 94500.0, "Latitude": 35.86, "Longitude": -119.46, "Population": 1113.0}, {"index": 20054, "quantile": 0.0, "value": 26900.0, "Latitude": 35.87, "Longitude": -119.3, "Population": 1341.0}, {"index": 20054, "quantile": 0.25, "value": 52900.0, "Latitude": 35.87, "Longitude": -119.3, "Population": 1341.0}, {"index": 20054, "quantile": 0.5, "value": 60600.0, "Latitude": 35.87, "Longitude": -119.3, "Population": 1341.0}, {"index": 20054, "quantile": 0.75, "value": 69400.0, "Latitude": 35.87, "Longitude": -119.3, "Population": 1341.0}, {"index": 20054, "quantile": 1.0, "value": 137500.0, "Latitude": 35.87, "Longitude": -119.3, "Population": 1341.0}, {"index": 20055, "quantile": 0.0, "value": 22500.0, "Latitude": 35.85, "Longitude": -119.12, "Population": 564.0}, {"index": 20055, "quantile": 0.25, "value": 58299.99999999999, "Latitude": 35.85, "Longitude": -119.12, "Population": 564.0}, {"index": 20055, "quantile": 0.5, "value": 58299.99999999999, "Latitude": 35.85, "Longitude": -119.12, "Population": 564.0}, {"index": 20055, "quantile": 0.75, "value": 60000.0, "Latitude": 35.85, "Longitude": -119.12, "Population": 564.0}, {"index": 20055, "quantile": 1.0, "value": 156300.0, "Latitude": 35.85, "Longitude": -119.12, "Population": 564.0}, {"index": 20056, "quantile": 0.0, "value": 43100.0, "Latitude": 35.79, "Longitude": -119.1, "Population": 2051.0}, {"index": 20056, "quantile": 0.25, "value": 49800.0, "Latitude": 35.79, "Longitude": -119.1, "Population": 2051.0}, {"index": 20056, "quantile": 0.5, "value": 49800.0, "Latitude": 35.79, "Longitude": -119.1, "Population": 2051.0}, {"index": 20056, "quantile": 0.75, "value": 50800.0, "Latitude": 35.79, "Longitude": -119.1, "Population": 2051.0}, {"index": 20056, "quantile": 1.0, "value": 71300.0, "Latitude": 35.79, "Longitude": -119.1, "Population": 2051.0}, {"index": 20057, "quantile": 0.0, "value": 44600.0, "Latitude": 35.89, "Longitude": -119.27, "Population": 1839.0}, {"index": 20057, "quantile": 0.25, "value": 53300.0, "Latitude": 35.89, "Longitude": -119.27, "Population": 1839.0}, {"index": 20057, "quantile": 0.5, "value": 53300.0, "Latitude": 35.89, "Longitude": -119.27, "Population": 1839.0}, {"index": 20057, "quantile": 0.75, "value": 53300.0, "Latitude": 35.89, "Longitude": -119.27, "Population": 1839.0}, {"index": 20057, "quantile": 1.0, "value": 71300.0, "Latitude": 35.89, "Longitude": -119.27, "Population": 1839.0}, {"index": 20058, "quantile": 0.0, "value": 43700.0, "Latitude": 35.88, "Longitude": -119.27, "Population": 1282.0}, {"index": 20058, "quantile": 0.25, "value": 43700.0, "Latitude": 35.88, "Longitude": -119.27, "Population": 1282.0}, {"index": 20058, "quantile": 0.5, "value": 43700.0, "Latitude": 35.88, "Longitude": -119.27, "Population": 1282.0}, {"index": 20058, "quantile": 0.75, "value": 51700.0, "Latitude": 35.88, "Longitude": -119.27, "Population": 1282.0}, {"index": 20058, "quantile": 1.0, "value": 60500.0, "Latitude": 35.88, "Longitude": -119.27, "Population": 1282.0}, {"index": 20059, "quantile": 0.0, "value": 33200.0, "Latitude": 35.87, "Longitude": -119.27, "Population": 1134.0}, {"index": 20059, "quantile": 0.25, "value": 51700.0, "Latitude": 35.87, "Longitude": -119.27, "Population": 1134.0}, {"index": 20059, "quantile": 0.5, "value": 56349.999999999985, "Latitude": 35.87, "Longitude": -119.27, "Population": 1134.0}, {"index": 20059, "quantile": 0.75, "value": 67800.0, "Latitude": 35.87, "Longitude": -119.27, "Population": 1134.0}, {"index": 20059, "quantile": 1.0, "value": 151800.0, "Latitude": 35.87, "Longitude": -119.27, "Population": 1134.0}, {"index": 20060, "quantile": 0.0, "value": 40900.0, "Latitude": 35.87, "Longitude": -119.26, "Population": 1686.0}, {"index": 20060, "quantile": 0.25, "value": 47600.0, "Latitude": 35.87, "Longitude": -119.26, "Population": 1686.0}, {"index": 20060, "quantile": 0.5, "value": 47600.0, "Latitude": 35.87, "Longitude": -119.26, "Population": 1686.0}, {"index": 20060, "quantile": 0.75, "value": 47600.0, "Latitude": 35.87, "Longitude": -119.26, "Population": 1686.0}, {"index": 20060, "quantile": 1.0, "value": 56499.99999999999, "Latitude": 35.87, "Longitude": -119.26, "Population": 1686.0}, {"index": 20061, "quantile": 0.0, "value": 49200.0, "Latitude": 35.94, "Longitude": -119.06, "Population": 2009.0}, {"index": 20061, "quantile": 0.25, "value": 65700.0, "Latitude": 35.94, "Longitude": -119.06, "Population": 2009.0}, {"index": 20061, "quantile": 0.5, "value": 65700.0, "Latitude": 35.94, "Longitude": -119.06, "Population": 2009.0}, {"index": 20061, "quantile": 0.75, "value": 70900.0, "Latitude": 35.94, "Longitude": -119.06, "Population": 2009.0}, {"index": 20061, "quantile": 1.0, "value": 128899.99999999999, "Latitude": 35.94, "Longitude": -119.06, "Population": 2009.0}, {"index": 20062, "quantile": 0.0, "value": 33200.0, "Latitude": 35.96, "Longitude": -119.04, "Population": 1343.0}, {"index": 20062, "quantile": 0.25, "value": 51700.0, "Latitude": 35.96, "Longitude": -119.04, "Population": 1343.0}, {"index": 20062, "quantile": 0.5, "value": 51700.0, "Latitude": 35.96, "Longitude": -119.04, "Population": 1343.0}, {"index": 20062, "quantile": 0.75, "value": 52500.0, "Latitude": 35.96, "Longitude": -119.04, "Population": 1343.0}, {"index": 20062, "quantile": 1.0, "value": 112300.0, "Latitude": 35.96, "Longitude": -119.04, "Population": 1343.0}, {"index": 20063, "quantile": 0.0, "value": 44600.0, "Latitude": 35.95, "Longitude": -119.04, "Population": 994.0}, {"index": 20063, "quantile": 0.25, "value": 52400.0, "Latitude": 35.95, "Longitude": -119.04, "Population": 994.0}, {"index": 20063, "quantile": 0.5, "value": 55800.00000000001, "Latitude": 35.95, "Longitude": -119.04, "Population": 994.0}, {"index": 20063, "quantile": 0.75, "value": 55800.00000000001, "Latitude": 35.95, "Longitude": -119.04, "Population": 994.0}, {"index": 20063, "quantile": 1.0, "value": 71300.0, "Latitude": 35.95, "Longitude": -119.04, "Population": 994.0}, {"index": 20064, "quantile": 0.0, "value": 68500.0, "Latitude": 35.87, "Longitude": -118.96, "Population": 888.0}, {"index": 20064, "quantile": 0.25, "value": 95950.0, "Latitude": 35.87, "Longitude": -118.96, "Population": 888.0}, {"index": 20064, "quantile": 0.5, "value": 96200.0, "Latitude": 35.87, "Longitude": -118.96, "Population": 888.0}, {"index": 20064, "quantile": 0.75, "value": 96200.0, "Latitude": 35.87, "Longitude": -118.96, "Population": 888.0}, {"index": 20064, "quantile": 1.0, "value": 145700.0, "Latitude": 35.87, "Longitude": -118.96, "Population": 888.0}, {"index": 20065, "quantile": 0.0, "value": 50000.0, "Latitude": 38.0, "Longitude": -120.4, "Population": 912.0}, {"index": 20065, "quantile": 0.25, "value": 112599.99999999999, "Latitude": 38.0, "Longitude": -120.4, "Population": 912.0}, {"index": 20065, "quantile": 0.5, "value": 112599.99999999999, "Latitude": 38.0, "Longitude": -120.4, "Population": 912.0}, {"index": 20065, "quantile": 0.75, "value": 118849.99999999999, "Latitude": 38.0, "Longitude": -120.4, "Population": 912.0}, {"index": 20065, "quantile": 1.0, "value": 201300.0, "Latitude": 38.0, "Longitude": -120.4, "Population": 912.0}, {"index": 20066, "quantile": 0.0, "value": 81300.0, "Latitude": 38.0, "Longitude": -120.39, "Population": 891.0}, {"index": 20066, "quantile": 0.25, "value": 107600.0, "Latitude": 38.0, "Longitude": -120.39, "Population": 891.0}, {"index": 20066, "quantile": 0.5, "value": 128299.99999999999, "Latitude": 38.0, "Longitude": -120.39, "Population": 891.0}, {"index": 20066, "quantile": 0.75, "value": 155000.0, "Latitude": 38.0, "Longitude": -120.39, "Population": 891.0}, {"index": 20066, "quantile": 1.0, "value": 252100.0, "Latitude": 38.0, "Longitude": -120.39, "Population": 891.0}, {"index": 20067, "quantile": 0.0, "value": 70000.0, "Latitude": 37.98, "Longitude": -120.4, "Population": 910.0}, {"index": 20067, "quantile": 0.25, "value": 115075.0, "Latitude": 37.98, "Longitude": -120.4, "Population": 910.0}, {"index": 20067, "quantile": 0.5, "value": 121200.0, "Latitude": 37.98, "Longitude": -120.4, "Population": 910.0}, {"index": 20067, "quantile": 0.75, "value": 121200.0, "Latitude": 37.98, "Longitude": -120.4, "Population": 910.0}, {"index": 20067, "quantile": 1.0, "value": 217499.99999999997, "Latitude": 37.98, "Longitude": -120.4, "Population": 910.0}, {"index": 20068, "quantile": 0.0, "value": 52800.0, "Latitude": 37.98, "Longitude": -120.39, "Population": 584.0}, {"index": 20068, "quantile": 0.25, "value": 86700.0, "Latitude": 37.98, "Longitude": -120.39, "Population": 584.0}, {"index": 20068, "quantile": 0.5, "value": 86700.0, "Latitude": 37.98, "Longitude": -120.39, "Population": 584.0}, {"index": 20068, "quantile": 0.75, "value": 110200.00000000001, "Latitude": 37.98, "Longitude": -120.39, "Population": 584.0}, {"index": 20068, "quantile": 1.0, "value": 198200.0, "Latitude": 37.98, "Longitude": -120.39, "Population": 584.0}, {"index": 20069, "quantile": 0.0, "value": 46300.0, "Latitude": 38.01, "Longitude": -120.37, "Population": 242.0}, {"index": 20069, "quantile": 0.25, "value": 90100.0, "Latitude": 38.01, "Longitude": -120.37, "Population": 242.0}, {"index": 20069, "quantile": 0.5, "value": 112500.0, "Latitude": 38.01, "Longitude": -120.37, "Population": 242.0}, {"index": 20069, "quantile": 0.75, "value": 125750.0, "Latitude": 38.01, "Longitude": -120.37, "Population": 242.0}, {"index": 20069, "quantile": 1.0, "value": 268800.0, "Latitude": 38.01, "Longitude": -120.37, "Population": 242.0}, {"index": 20070, "quantile": 0.0, "value": 50000.0, "Latitude": 37.99, "Longitude": -120.35, "Population": 422.0}, {"index": 20070, "quantile": 0.25, "value": 142600.0, "Latitude": 37.99, "Longitude": -120.35, "Population": 422.0}, {"index": 20070, "quantile": 0.5, "value": 217499.99999999997, "Latitude": 37.99, "Longitude": -120.35, "Population": 422.0}, {"index": 20070, "quantile": 0.75, "value": 217499.99999999997, "Latitude": 37.99, "Longitude": -120.35, "Population": 422.0}, {"index": 20070, "quantile": 1.0, "value": 268800.0, "Latitude": 37.99, "Longitude": -120.35, "Population": 422.0}, {"index": 20071, "quantile": 0.0, "value": 65200.0, "Latitude": 37.99, "Longitude": -120.38, "Population": 1155.0}, {"index": 20071, "quantile": 0.25, "value": 91100.0, "Latitude": 37.99, "Longitude": -120.38, "Population": 1155.0}, {"index": 20071, "quantile": 0.5, "value": 101600.0, "Latitude": 37.99, "Longitude": -120.38, "Population": 1155.0}, {"index": 20071, "quantile": 0.75, "value": 117100.0, "Latitude": 37.99, "Longitude": -120.38, "Population": 1155.0}, {"index": 20071, "quantile": 1.0, "value": 209500.00000000003, "Latitude": 37.99, "Longitude": -120.38, "Population": 1155.0}, {"index": 20072, "quantile": 0.0, "value": 55500.00000000001, "Latitude": 37.98, "Longitude": -120.37, "Population": 1112.0}, {"index": 20072, "quantile": 0.25, "value": 90650.00000000001, "Latitude": 37.98, "Longitude": -120.37, "Population": 1112.0}, {"index": 20072, "quantile": 0.5, "value": 112500.0, "Latitude": 37.98, "Longitude": -120.37, "Population": 1112.0}, {"index": 20072, "quantile": 0.75, "value": 118900.0, "Latitude": 37.98, "Longitude": -120.37, "Population": 1112.0}, {"index": 20072, "quantile": 1.0, "value": 233500.0, "Latitude": 37.98, "Longitude": -120.37, "Population": 1112.0}, {"index": 20073, "quantile": 0.0, "value": 46300.0, "Latitude": 37.97, "Longitude": -120.38, "Population": 496.0}, {"index": 20073, "quantile": 0.25, "value": 104800.0, "Latitude": 37.97, "Longitude": -120.38, "Population": 496.0}, {"index": 20073, "quantile": 0.5, "value": 104800.0, "Latitude": 37.97, "Longitude": -120.38, "Population": 496.0}, {"index": 20073, "quantile": 0.75, "value": 104800.0, "Latitude": 37.97, "Longitude": -120.38, "Population": 496.0}, {"index": 20073, "quantile": 1.0, "value": 153500.0, "Latitude": 37.97, "Longitude": -120.38, "Population": 496.0}, {"index": 20074, "quantile": 0.0, "value": 63800.0, "Latitude": 38.13, "Longitude": -120.26, "Population": 122.0}, {"index": 20074, "quantile": 0.25, "value": 121300.00000000001, "Latitude": 38.13, "Longitude": -120.26, "Population": 122.0}, {"index": 20074, "quantile": 0.5, "value": 150450.00000000003, "Latitude": 38.13, "Longitude": -120.26, "Population": 122.0}, {"index": 20074, "quantile": 0.75, "value": 192025.0, "Latitude": 38.13, "Longitude": -120.26, "Population": 122.0}, {"index": 20074, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.13, "Longitude": -120.26, "Population": 122.0}, {"index": 20075, "quantile": 0.0, "value": 76900.0, "Latitude": 38.07, "Longitude": -120.28, "Population": 618.0}, {"index": 20075, "quantile": 0.25, "value": 104600.0, "Latitude": 38.07, "Longitude": -120.28, "Population": 618.0}, {"index": 20075, "quantile": 0.5, "value": 104600.0, "Latitude": 38.07, "Longitude": -120.28, "Population": 618.0}, {"index": 20075, "quantile": 0.75, "value": 120800.0, "Latitude": 38.07, "Longitude": -120.28, "Population": 618.0}, {"index": 20075, "quantile": 1.0, "value": 217499.99999999997, "Latitude": 38.07, "Longitude": -120.28, "Population": 618.0}, {"index": 20076, "quantile": 0.0, "value": 70200.0, "Latitude": 38.06, "Longitude": -120.4, "Population": 517.0}, {"index": 20076, "quantile": 0.25, "value": 99100.0, "Latitude": 38.06, "Longitude": -120.4, "Population": 517.0}, {"index": 20076, "quantile": 0.5, "value": 115999.99999999999, "Latitude": 38.06, "Longitude": -120.4, "Population": 517.0}, {"index": 20076, "quantile": 0.75, "value": 133000.0, "Latitude": 38.06, "Longitude": -120.4, "Population": 517.0}, {"index": 20076, "quantile": 1.0, "value": 377300.0, "Latitude": 38.06, "Longitude": -120.4, "Population": 517.0}, {"index": 20077, "quantile": 0.0, "value": 70200.0, "Latitude": 38.04, "Longitude": -120.35, "Population": 733.0}, {"index": 20077, "quantile": 0.25, "value": 118800.0, "Latitude": 38.04, "Longitude": -120.35, "Population": 733.0}, {"index": 20077, "quantile": 0.5, "value": 118800.0, "Latitude": 38.04, "Longitude": -120.35, "Population": 733.0}, {"index": 20077, "quantile": 0.75, "value": 118800.0, "Latitude": 38.04, "Longitude": -120.35, "Population": 733.0}, {"index": 20077, "quantile": 1.0, "value": 177000.0, "Latitude": 38.04, "Longitude": -120.35, "Population": 733.0}, {"index": 20078, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 38.03, "Longitude": -120.39, "Population": 647.0}, {"index": 20078, "quantile": 0.25, "value": 103600.0, "Latitude": 38.03, "Longitude": -120.39, "Population": 647.0}, {"index": 20078, "quantile": 0.5, "value": 113100.0, "Latitude": 38.03, "Longitude": -120.39, "Population": 647.0}, {"index": 20078, "quantile": 0.75, "value": 121525.0, "Latitude": 38.03, "Longitude": -120.39, "Population": 647.0}, {"index": 20078, "quantile": 1.0, "value": 212500.0, "Latitude": 38.03, "Longitude": -120.39, "Population": 647.0}, {"index": 20079, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.03, "Longitude": -120.41, "Population": 859.0}, {"index": 20079, "quantile": 0.25, "value": 115300.0, "Latitude": 38.03, "Longitude": -120.41, "Population": 859.0}, {"index": 20079, "quantile": 0.5, "value": 115300.0, "Latitude": 38.03, "Longitude": -120.41, "Population": 859.0}, {"index": 20079, "quantile": 0.75, "value": 115300.0, "Latitude": 38.03, "Longitude": -120.41, "Population": 859.0}, {"index": 20079, "quantile": 1.0, "value": 225000.0, "Latitude": 38.03, "Longitude": -120.41, "Population": 859.0}, {"index": 20080, "quantile": 0.0, "value": 78300.0, "Latitude": 38.02, "Longitude": -120.43, "Population": 655.0}, {"index": 20080, "quantile": 0.25, "value": 121300.00000000001, "Latitude": 38.02, "Longitude": -120.43, "Population": 655.0}, {"index": 20080, "quantile": 0.5, "value": 131150.0, "Latitude": 38.02, "Longitude": -120.43, "Population": 655.0}, {"index": 20080, "quantile": 0.75, "value": 159950.0, "Latitude": 38.02, "Longitude": -120.43, "Population": 655.0}, {"index": 20080, "quantile": 1.0, "value": 269500.0, "Latitude": 38.02, "Longitude": -120.43, "Population": 655.0}, {"index": 20081, "quantile": 0.0, "value": 91000.0, "Latitude": 38.02, "Longitude": -120.31, "Population": 1046.0}, {"index": 20081, "quantile": 0.25, "value": 139700.0, "Latitude": 38.02, "Longitude": -120.31, "Population": 1046.0}, {"index": 20081, "quantile": 0.5, "value": 139700.0, "Latitude": 38.02, "Longitude": -120.31, "Population": 1046.0}, {"index": 20081, "quantile": 0.75, "value": 139700.0, "Latitude": 38.02, "Longitude": -120.31, "Population": 1046.0}, {"index": 20081, "quantile": 1.0, "value": 189700.0, "Latitude": 38.02, "Longitude": -120.31, "Population": 1046.0}, {"index": 20082, "quantile": 0.0, "value": 77500.0, "Latitude": 38.04, "Longitude": -120.3, "Population": 422.0}, {"index": 20082, "quantile": 0.25, "value": 101899.99999999999, "Latitude": 38.04, "Longitude": -120.3, "Population": 422.0}, {"index": 20082, "quantile": 0.5, "value": 113999.99999999999, "Latitude": 38.04, "Longitude": -120.3, "Population": 422.0}, {"index": 20082, "quantile": 0.75, "value": 134325.0, "Latitude": 38.04, "Longitude": -120.3, "Population": 422.0}, {"index": 20082, "quantile": 1.0, "value": 281900.0, "Latitude": 38.04, "Longitude": -120.3, "Population": 422.0}, {"index": 20083, "quantile": 0.0, "value": 92900.0, "Latitude": 38.03, "Longitude": -120.28, "Population": 860.0}, {"index": 20083, "quantile": 0.25, "value": 119550.0, "Latitude": 38.03, "Longitude": -120.28, "Population": 860.0}, {"index": 20083, "quantile": 0.5, "value": 139700.0, "Latitude": 38.03, "Longitude": -120.28, "Population": 860.0}, {"index": 20083, "quantile": 0.75, "value": 153525.0, "Latitude": 38.03, "Longitude": -120.28, "Population": 860.0}, {"index": 20083, "quantile": 1.0, "value": 269500.0, "Latitude": 38.03, "Longitude": -120.28, "Population": 860.0}, {"index": 20084, "quantile": 0.0, "value": 77500.0, "Latitude": 38.02, "Longitude": -120.27, "Population": 1486.0}, {"index": 20084, "quantile": 0.25, "value": 99800.0, "Latitude": 38.02, "Longitude": -120.27, "Population": 1486.0}, {"index": 20084, "quantile": 0.5, "value": 99800.0, "Latitude": 38.02, "Longitude": -120.27, "Population": 1486.0}, {"index": 20084, "quantile": 0.75, "value": 105600.0, "Latitude": 38.02, "Longitude": -120.27, "Population": 1486.0}, {"index": 20084, "quantile": 1.0, "value": 390800.0, "Latitude": 38.02, "Longitude": -120.27, "Population": 1486.0}, {"index": 20085, "quantile": 0.0, "value": 73100.0, "Latitude": 38.01, "Longitude": -120.29, "Population": 1424.0}, {"index": 20085, "quantile": 0.25, "value": 105100.0, "Latitude": 38.01, "Longitude": -120.29, "Population": 1424.0}, {"index": 20085, "quantile": 0.5, "value": 105100.0, "Latitude": 38.01, "Longitude": -120.29, "Population": 1424.0}, {"index": 20085, "quantile": 0.75, "value": 119275.0, "Latitude": 38.01, "Longitude": -120.29, "Population": 1424.0}, {"index": 20085, "quantile": 1.0, "value": 155900.0, "Latitude": 38.01, "Longitude": -120.29, "Population": 1424.0}, {"index": 20086, "quantile": 0.0, "value": 71500.0, "Latitude": 37.99, "Longitude": -120.3, "Population": 984.0}, {"index": 20086, "quantile": 0.25, "value": 118800.0, "Latitude": 37.99, "Longitude": -120.3, "Population": 984.0}, {"index": 20086, "quantile": 0.5, "value": 153500.0, "Latitude": 37.99, "Longitude": -120.3, "Population": 984.0}, {"index": 20086, "quantile": 0.75, "value": 153500.0, "Latitude": 37.99, "Longitude": -120.3, "Population": 984.0}, {"index": 20086, "quantile": 1.0, "value": 177000.0, "Latitude": 37.99, "Longitude": -120.3, "Population": 984.0}, {"index": 20087, "quantile": 0.0, "value": 74300.0, "Latitude": 38.0, "Longitude": -120.33, "Population": 822.0}, {"index": 20087, "quantile": 0.25, "value": 149500.0, "Latitude": 38.0, "Longitude": -120.33, "Population": 822.0}, {"index": 20087, "quantile": 0.5, "value": 170700.0, "Latitude": 38.0, "Longitude": -120.33, "Population": 822.0}, {"index": 20087, "quantile": 0.75, "value": 170700.0, "Latitude": 38.0, "Longitude": -120.33, "Population": 822.0}, {"index": 20087, "quantile": 1.0, "value": 269500.0, "Latitude": 38.0, "Longitude": -120.33, "Population": 822.0}, {"index": 20088, "quantile": 0.0, "value": 53300.0, "Latitude": 38.04, "Longitude": -120.25, "Population": 1086.0}, {"index": 20088, "quantile": 0.25, "value": 92125.0, "Latitude": 38.04, "Longitude": -120.25, "Population": 1086.0}, {"index": 20088, "quantile": 0.5, "value": 116500.0, "Latitude": 38.04, "Longitude": -120.25, "Population": 1086.0}, {"index": 20088, "quantile": 0.75, "value": 126099.99999999999, "Latitude": 38.04, "Longitude": -120.25, "Population": 1086.0}, {"index": 20088, "quantile": 1.0, "value": 177000.0, "Latitude": 38.04, "Longitude": -120.25, "Population": 1086.0}, {"index": 20089, "quantile": 0.0, "value": 83100.0, "Latitude": 38.03, "Longitude": -120.25, "Population": 1175.0}, {"index": 20089, "quantile": 0.25, "value": 116500.0, "Latitude": 38.03, "Longitude": -120.25, "Population": 1175.0}, {"index": 20089, "quantile": 0.5, "value": 116500.0, "Latitude": 38.03, "Longitude": -120.25, "Population": 1175.0}, {"index": 20089, "quantile": 0.75, "value": 116500.0, "Latitude": 38.03, "Longitude": -120.25, "Population": 1175.0}, {"index": 20089, "quantile": 1.0, "value": 148500.0, "Latitude": 38.03, "Longitude": -120.25, "Population": 1175.0}, {"index": 20090, "quantile": 0.0, "value": 86600.0, "Latitude": 38.05, "Longitude": -120.22, "Population": 1129.0}, {"index": 20090, "quantile": 0.25, "value": 126099.99999999999, "Latitude": 38.05, "Longitude": -120.22, "Population": 1129.0}, {"index": 20090, "quantile": 0.5, "value": 137000.0, "Latitude": 38.05, "Longitude": -120.22, "Population": 1129.0}, {"index": 20090, "quantile": 0.75, "value": 137000.0, "Latitude": 38.05, "Longitude": -120.22, "Population": 1129.0}, {"index": 20090, "quantile": 1.0, "value": 177000.0, "Latitude": 38.05, "Longitude": -120.22, "Population": 1129.0}, {"index": 20091, "quantile": 0.0, "value": 46700.0, "Latitude": 38.07, "Longitude": -120.19, "Population": 44.0}, {"index": 20091, "quantile": 0.25, "value": 95800.0, "Latitude": 38.07, "Longitude": -120.19, "Population": 44.0}, {"index": 20091, "quantile": 0.5, "value": 162500.0, "Latitude": 38.07, "Longitude": -120.19, "Population": 44.0}, {"index": 20091, "quantile": 0.75, "value": 162500.0, "Latitude": 38.07, "Longitude": -120.19, "Population": 44.0}, {"index": 20091, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.07, "Longitude": -120.19, "Population": 44.0}, {"index": 20092, "quantile": 0.0, "value": 71700.0, "Latitude": 38.03, "Longitude": -120.19, "Population": 2071.0}, {"index": 20092, "quantile": 0.25, "value": 97775.0, "Latitude": 38.03, "Longitude": -120.19, "Population": 2071.0}, {"index": 20092, "quantile": 0.5, "value": 104600.0, "Latitude": 38.03, "Longitude": -120.19, "Population": 2071.0}, {"index": 20092, "quantile": 0.75, "value": 119800.0, "Latitude": 38.03, "Longitude": -120.19, "Population": 2071.0}, {"index": 20092, "quantile": 1.0, "value": 390800.0, "Latitude": 38.03, "Longitude": -120.19, "Population": 2071.0}, {"index": 20093, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 38.12, "Longitude": -120.12, "Population": 338.0}, {"index": 20093, "quantile": 0.25, "value": 88900.0, "Latitude": 38.12, "Longitude": -120.12, "Population": 338.0}, {"index": 20093, "quantile": 0.5, "value": 88900.0, "Latitude": 38.12, "Longitude": -120.12, "Population": 338.0}, {"index": 20093, "quantile": 0.75, "value": 88900.0, "Latitude": 38.12, "Longitude": -120.12, "Population": 338.0}, {"index": 20093, "quantile": 1.0, "value": 420000.0, "Latitude": 38.12, "Longitude": -120.12, "Population": 338.0}, {"index": 20094, "quantile": 0.0, "value": 53500.0, "Latitude": 38.19, "Longitude": -120.03, "Population": 416.0}, {"index": 20094, "quantile": 0.25, "value": 88900.0, "Latitude": 38.19, "Longitude": -120.03, "Population": 416.0}, {"index": 20094, "quantile": 0.5, "value": 102300.00000000001, "Latitude": 38.19, "Longitude": -120.03, "Population": 416.0}, {"index": 20094, "quantile": 0.75, "value": 124000.0, "Latitude": 38.19, "Longitude": -120.03, "Population": 416.0}, {"index": 20094, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.19, "Longitude": -120.03, "Population": 416.0}, {"index": 20095, "quantile": 0.0, "value": 88600.0, "Latitude": 37.99, "Longitude": -120.26, "Population": 1351.0}, {"index": 20095, "quantile": 0.25, "value": 107100.0, "Latitude": 37.99, "Longitude": -120.26, "Population": 1351.0}, {"index": 20095, "quantile": 0.5, "value": 107100.0, "Latitude": 37.99, "Longitude": -120.26, "Population": 1351.0}, {"index": 20095, "quantile": 0.75, "value": 114625.0, "Latitude": 37.99, "Longitude": -120.26, "Population": 1351.0}, {"index": 20095, "quantile": 1.0, "value": 240800.0, "Latitude": 37.99, "Longitude": -120.26, "Population": 1351.0}, {"index": 20096, "quantile": 0.0, "value": 82800.0, "Latitude": 38.01, "Longitude": -120.24, "Population": 633.0}, {"index": 20096, "quantile": 0.25, "value": 130024.99999999999, "Latitude": 38.01, "Longitude": -120.24, "Population": 633.0}, {"index": 20096, "quantile": 0.5, "value": 148600.0, "Latitude": 38.01, "Longitude": -120.24, "Population": 633.0}, {"index": 20096, "quantile": 0.75, "value": 148600.0, "Latitude": 38.01, "Longitude": -120.24, "Population": 633.0}, {"index": 20096, "quantile": 1.0, "value": 170700.0, "Latitude": 38.01, "Longitude": -120.24, "Population": 633.0}, {"index": 20097, "quantile": 0.0, "value": 93300.0, "Latitude": 37.98, "Longitude": -120.23, "Population": 917.0}, {"index": 20097, "quantile": 0.25, "value": 93300.0, "Latitude": 37.98, "Longitude": -120.23, "Population": 917.0}, {"index": 20097, "quantile": 0.5, "value": 93300.0, "Latitude": 37.98, "Longitude": -120.23, "Population": 917.0}, {"index": 20097, "quantile": 0.75, "value": 107100.0, "Latitude": 37.98, "Longitude": -120.23, "Population": 917.0}, {"index": 20097, "quantile": 1.0, "value": 240800.0, "Latitude": 37.98, "Longitude": -120.23, "Population": 917.0}, {"index": 20098, "quantile": 0.0, "value": 58800.0, "Latitude": 37.9, "Longitude": -120.28, "Population": 530.0}, {"index": 20098, "quantile": 0.25, "value": 87500.0, "Latitude": 37.9, "Longitude": -120.28, "Population": 530.0}, {"index": 20098, "quantile": 0.5, "value": 153300.0, "Latitude": 37.9, "Longitude": -120.28, "Population": 530.0}, {"index": 20098, "quantile": 0.75, "value": 153300.0, "Latitude": 37.9, "Longitude": -120.28, "Population": 530.0}, {"index": 20098, "quantile": 1.0, "value": 164000.0, "Latitude": 37.9, "Longitude": -120.28, "Population": 530.0}, {"index": 20099, "quantile": 0.0, "value": 50700.0, "Latitude": 37.96, "Longitude": -120.24, "Population": 935.0}, {"index": 20099, "quantile": 0.25, "value": 79400.0, "Latitude": 37.96, "Longitude": -120.24, "Population": 935.0}, {"index": 20099, "quantile": 0.5, "value": 79400.0, "Latitude": 37.96, "Longitude": -120.24, "Population": 935.0}, {"index": 20099, "quantile": 0.75, "value": 79400.0, "Latitude": 37.96, "Longitude": -120.24, "Population": 935.0}, {"index": 20099, "quantile": 1.0, "value": 156300.0, "Latitude": 37.96, "Longitude": -120.24, "Population": 935.0}, {"index": 20100, "quantile": 0.0, "value": 50900.0, "Latitude": 37.96, "Longitude": -120.23, "Population": 609.0}, {"index": 20100, "quantile": 0.25, "value": 68200.0, "Latitude": 37.96, "Longitude": -120.23, "Population": 609.0}, {"index": 20100, "quantile": 0.5, "value": 68200.0, "Latitude": 37.96, "Longitude": -120.23, "Population": 609.0}, {"index": 20100, "quantile": 0.75, "value": 79900.0, "Latitude": 37.96, "Longitude": -120.23, "Population": 609.0}, {"index": 20100, "quantile": 1.0, "value": 162500.0, "Latitude": 37.96, "Longitude": -120.23, "Population": 609.0}, {"index": 20101, "quantile": 0.0, "value": 86900.0, "Latitude": 37.93, "Longitude": -120.25, "Population": 196.0}, {"index": 20101, "quantile": 0.25, "value": 134100.0, "Latitude": 37.93, "Longitude": -120.25, "Population": 196.0}, {"index": 20101, "quantile": 0.5, "value": 134100.0, "Latitude": 37.93, "Longitude": -120.25, "Population": 196.0}, {"index": 20101, "quantile": 0.75, "value": 134100.0, "Latitude": 37.93, "Longitude": -120.25, "Population": 196.0}, {"index": 20101, "quantile": 1.0, "value": 390800.0, "Latitude": 37.93, "Longitude": -120.25, "Population": 196.0}, {"index": 20102, "quantile": 0.0, "value": 56699.99999999999, "Latitude": 37.93, "Longitude": -120.13, "Population": 58.0}, {"index": 20102, "quantile": 0.25, "value": 112500.0, "Latitude": 37.93, "Longitude": -120.13, "Population": 58.0}, {"index": 20102, "quantile": 0.5, "value": 112500.0, "Latitude": 37.93, "Longitude": -120.13, "Population": 58.0}, {"index": 20102, "quantile": 0.75, "value": 112500.0, "Latitude": 37.93, "Longitude": -120.13, "Population": 58.0}, {"index": 20102, "quantile": 1.0, "value": 225000.0, "Latitude": 37.93, "Longitude": -120.13, "Population": 58.0}, {"index": 20103, "quantile": 0.0, "value": 77500.0, "Latitude": 37.98, "Longitude": -120.35, "Population": 676.0}, {"index": 20103, "quantile": 0.25, "value": 147625.0, "Latitude": 37.98, "Longitude": -120.35, "Population": 676.0}, {"index": 20103, "quantile": 0.5, "value": 149500.0, "Latitude": 37.98, "Longitude": -120.35, "Population": 676.0}, {"index": 20103, "quantile": 0.75, "value": 149500.0, "Latitude": 37.98, "Longitude": -120.35, "Population": 676.0}, {"index": 20103, "quantile": 1.0, "value": 211500.00000000003, "Latitude": 37.98, "Longitude": -120.35, "Population": 676.0}, {"index": 20104, "quantile": 0.0, "value": 79400.0, "Latitude": 37.97, "Longitude": -120.33, "Population": 1024.0}, {"index": 20104, "quantile": 0.25, "value": 118900.0, "Latitude": 37.97, "Longitude": -120.33, "Population": 1024.0}, {"index": 20104, "quantile": 0.5, "value": 118900.0, "Latitude": 37.97, "Longitude": -120.33, "Population": 1024.0}, {"index": 20104, "quantile": 0.75, "value": 118900.0, "Latitude": 37.97, "Longitude": -120.33, "Population": 1024.0}, {"index": 20104, "quantile": 1.0, "value": 233700.00000000003, "Latitude": 37.97, "Longitude": -120.33, "Population": 1024.0}, {"index": 20105, "quantile": 0.0, "value": 88100.0, "Latitude": 37.97, "Longitude": -120.3, "Population": 1408.0}, {"index": 20105, "quantile": 0.25, "value": 120100.0, "Latitude": 37.97, "Longitude": -120.3, "Population": 1408.0}, {"index": 20105, "quantile": 0.5, "value": 120100.0, "Latitude": 37.97, "Longitude": -120.3, "Population": 1408.0}, {"index": 20105, "quantile": 0.75, "value": 120100.0, "Latitude": 37.97, "Longitude": -120.3, "Population": 1408.0}, {"index": 20105, "quantile": 1.0, "value": 177000.0, "Latitude": 37.97, "Longitude": -120.3, "Population": 1408.0}, {"index": 20106, "quantile": 0.0, "value": 73000.0, "Latitude": 37.94, "Longitude": -120.29, "Population": 753.0}, {"index": 20106, "quantile": 0.25, "value": 142574.99999999997, "Latitude": 37.94, "Longitude": -120.29, "Population": 753.0}, {"index": 20106, "quantile": 0.5, "value": 144800.0, "Latitude": 37.94, "Longitude": -120.29, "Population": 753.0}, {"index": 20106, "quantile": 0.75, "value": 144800.0, "Latitude": 37.94, "Longitude": -120.29, "Population": 753.0}, {"index": 20106, "quantile": 1.0, "value": 177000.0, "Latitude": 37.94, "Longitude": -120.29, "Population": 753.0}, {"index": 20107, "quantile": 0.0, "value": 87500.0, "Latitude": 37.91, "Longitude": -120.32, "Population": 54.0}, {"index": 20107, "quantile": 0.25, "value": 100000.0, "Latitude": 37.91, "Longitude": -120.32, "Population": 54.0}, {"index": 20107, "quantile": 0.5, "value": 100000.0, "Latitude": 37.91, "Longitude": -120.32, "Population": 54.0}, {"index": 20107, "quantile": 0.75, "value": 121000.0, "Latitude": 37.91, "Longitude": -120.32, "Population": 54.0}, {"index": 20107, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.91, "Longitude": -120.32, "Population": 54.0}, {"index": 20108, "quantile": 0.0, "value": 50000.0, "Latitude": 37.86, "Longitude": -120.35, "Population": 118.0}, {"index": 20108, "quantile": 0.25, "value": 95725.0, "Latitude": 37.86, "Longitude": -120.35, "Population": 118.0}, {"index": 20108, "quantile": 0.5, "value": 162500.0, "Latitude": 37.86, "Longitude": -120.35, "Population": 118.0}, {"index": 20108, "quantile": 0.75, "value": 162500.0, "Latitude": 37.86, "Longitude": -120.35, "Population": 118.0}, {"index": 20108, "quantile": 1.0, "value": 250000.0, "Latitude": 37.86, "Longitude": -120.35, "Population": 118.0}, {"index": 20109, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 37.86, "Longitude": -120.23, "Population": 135.0}, {"index": 20109, "quantile": 0.25, "value": 92625.0, "Latitude": 37.86, "Longitude": -120.23, "Population": 135.0}, {"index": 20109, "quantile": 0.5, "value": 128949.99999999999, "Latitude": 37.86, "Longitude": -120.23, "Population": 135.0}, {"index": 20109, "quantile": 0.75, "value": 242175.00000000003, "Latitude": 37.86, "Longitude": -120.23, "Population": 135.0}, {"index": 20109, "quantile": 1.0, "value": 475000.0, "Latitude": 37.86, "Longitude": -120.23, "Population": 135.0}, {"index": 20110, "quantile": 0.0, "value": 77500.0, "Latitude": 37.84, "Longitude": -120.2, "Population": 2811.0}, {"index": 20110, "quantile": 0.25, "value": 112500.0, "Latitude": 37.84, "Longitude": -120.2, "Population": 2811.0}, {"index": 20110, "quantile": 0.5, "value": 129200.0, "Latitude": 37.84, "Longitude": -120.2, "Population": 2811.0}, {"index": 20110, "quantile": 0.75, "value": 200274.99999999997, "Latitude": 37.84, "Longitude": -120.2, "Population": 2811.0}, {"index": 20110, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 37.84, "Longitude": -120.2, "Population": 2811.0}, {"index": 20111, "quantile": 0.0, "value": 63800.0, "Latitude": 37.8, "Longitude": -120.2, "Population": 446.0}, {"index": 20111, "quantile": 0.25, "value": 112500.0, "Latitude": 37.8, "Longitude": -120.2, "Population": 446.0}, {"index": 20111, "quantile": 0.5, "value": 112500.0, "Latitude": 37.8, "Longitude": -120.2, "Population": 446.0}, {"index": 20111, "quantile": 0.75, "value": 112500.0, "Latitude": 37.8, "Longitude": -120.2, "Population": 446.0}, {"index": 20111, "quantile": 1.0, "value": 341200.0, "Latitude": 37.8, "Longitude": -120.2, "Population": 446.0}, {"index": 20112, "quantile": 0.0, "value": 108300.0, "Latitude": 37.85, "Longitude": -119.93, "Population": 88.0}, {"index": 20112, "quantile": 0.25, "value": 137500.0, "Latitude": 37.85, "Longitude": -119.93, "Population": 88.0}, {"index": 20112, "quantile": 0.5, "value": 137500.0, "Latitude": 37.85, "Longitude": -119.93, "Population": 88.0}, {"index": 20112, "quantile": 0.75, "value": 146900.0, "Latitude": 37.85, "Longitude": -119.93, "Population": 88.0}, {"index": 20112, "quantile": 1.0, "value": 437500.0, "Latitude": 37.85, "Longitude": -119.93, "Population": 88.0}, {"index": 20113, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 37.94, "Longitude": -119.57, "Population": 51.0}, {"index": 20113, "quantile": 0.25, "value": 103375.0, "Latitude": 37.94, "Longitude": -119.57, "Population": 51.0}, {"index": 20113, "quantile": 0.5, "value": 135650.0, "Latitude": 37.94, "Longitude": -119.57, "Population": 51.0}, {"index": 20113, "quantile": 0.75, "value": 160100.0, "Latitude": 37.94, "Longitude": -119.57, "Population": 51.0}, {"index": 20113, "quantile": 1.0, "value": 475000.0, "Latitude": 37.94, "Longitude": -119.57, "Population": 51.0}, {"index": 20114, "quantile": 0.0, "value": 55900.00000000001, "Latitude": 37.96, "Longitude": -120.47, "Population": 1145.0}, {"index": 20114, "quantile": 0.25, "value": 103000.0, "Latitude": 37.96, "Longitude": -120.47, "Population": 1145.0}, {"index": 20114, "quantile": 0.5, "value": 103000.0, "Latitude": 37.96, "Longitude": -120.47, "Population": 1145.0}, {"index": 20114, "quantile": 0.75, "value": 103000.0, "Latitude": 37.96, "Longitude": -120.47, "Population": 1145.0}, {"index": 20114, "quantile": 1.0, "value": 156300.0, "Latitude": 37.96, "Longitude": -120.47, "Population": 1145.0}, {"index": 20115, "quantile": 0.0, "value": 77400.0, "Latitude": 37.98, "Longitude": -120.42, "Population": 1335.0}, {"index": 20115, "quantile": 0.25, "value": 115900.0, "Latitude": 37.98, "Longitude": -120.42, "Population": 1335.0}, {"index": 20115, "quantile": 0.5, "value": 115900.0, "Latitude": 37.98, "Longitude": -120.42, "Population": 1335.0}, {"index": 20115, "quantile": 0.75, "value": 115900.0, "Latitude": 37.98, "Longitude": -120.42, "Population": 1335.0}, {"index": 20115, "quantile": 1.0, "value": 178200.0, "Latitude": 37.98, "Longitude": -120.42, "Population": 1335.0}, {"index": 20116, "quantile": 0.0, "value": 70200.0, "Latitude": 37.95, "Longitude": -120.42, "Population": 1208.0}, {"index": 20116, "quantile": 0.25, "value": 115900.0, "Latitude": 37.95, "Longitude": -120.42, "Population": 1208.0}, {"index": 20116, "quantile": 0.5, "value": 115900.0, "Latitude": 37.95, "Longitude": -120.42, "Population": 1208.0}, {"index": 20116, "quantile": 0.75, "value": 135600.0, "Latitude": 37.95, "Longitude": -120.42, "Population": 1208.0}, {"index": 20116, "quantile": 1.0, "value": 268800.0, "Latitude": 37.95, "Longitude": -120.42, "Population": 1208.0}, {"index": 20117, "quantile": 0.0, "value": 60400.0, "Latitude": 37.96, "Longitude": -120.39, "Population": 922.0}, {"index": 20117, "quantile": 0.25, "value": 103800.0, "Latitude": 37.96, "Longitude": -120.39, "Population": 922.0}, {"index": 20117, "quantile": 0.5, "value": 164000.0, "Latitude": 37.96, "Longitude": -120.39, "Population": 922.0}, {"index": 20117, "quantile": 0.75, "value": 164000.0, "Latitude": 37.96, "Longitude": -120.39, "Population": 922.0}, {"index": 20117, "quantile": 1.0, "value": 164000.0, "Latitude": 37.96, "Longitude": -120.39, "Population": 922.0}, {"index": 20118, "quantile": 0.0, "value": 78300.0, "Latitude": 37.92, "Longitude": -120.4, "Population": 517.0}, {"index": 20118, "quantile": 0.25, "value": 99900.0, "Latitude": 37.92, "Longitude": -120.4, "Population": 517.0}, {"index": 20118, "quantile": 0.5, "value": 121200.0, "Latitude": 37.92, "Longitude": -120.4, "Population": 517.0}, {"index": 20118, "quantile": 0.75, "value": 152175.0, "Latitude": 37.92, "Longitude": -120.4, "Population": 517.0}, {"index": 20118, "quantile": 1.0, "value": 292500.0, "Latitude": 37.92, "Longitude": -120.4, "Population": 517.0}, {"index": 20119, "quantile": 0.0, "value": 75200.0, "Latitude": 37.95, "Longitude": -120.35, "Population": 960.0}, {"index": 20119, "quantile": 0.25, "value": 129800.0, "Latitude": 37.95, "Longitude": -120.35, "Population": 960.0}, {"index": 20119, "quantile": 0.5, "value": 177000.0, "Latitude": 37.95, "Longitude": -120.35, "Population": 960.0}, {"index": 20119, "quantile": 0.75, "value": 177000.0, "Latitude": 37.95, "Longitude": -120.35, "Population": 960.0}, {"index": 20119, "quantile": 1.0, "value": 208300.00000000003, "Latitude": 37.95, "Longitude": -120.35, "Population": 960.0}, {"index": 20120, "quantile": 0.0, "value": 87500.0, "Latitude": 37.88, "Longitude": -120.41, "Population": 311.0}, {"index": 20120, "quantile": 0.25, "value": 87500.0, "Latitude": 37.88, "Longitude": -120.41, "Population": 311.0}, {"index": 20120, "quantile": 0.5, "value": 87500.0, "Latitude": 37.88, "Longitude": -120.41, "Population": 311.0}, {"index": 20120, "quantile": 0.75, "value": 144300.0, "Latitude": 37.88, "Longitude": -120.41, "Population": 311.0}, {"index": 20120, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 37.88, "Longitude": -120.41, "Population": 311.0}, {"index": 20121, "quantile": 0.0, "value": 72900.0, "Latitude": 37.79, "Longitude": -120.45, "Population": 5087.0}, {"index": 20121, "quantile": 0.25, "value": 115399.99999999999, "Latitude": 37.79, "Longitude": -120.45, "Population": 5087.0}, {"index": 20121, "quantile": 0.5, "value": 115399.99999999999, "Latitude": 37.79, "Longitude": -120.45, "Population": 5087.0}, {"index": 20121, "quantile": 0.75, "value": 115399.99999999999, "Latitude": 37.79, "Longitude": -120.45, "Population": 5087.0}, {"index": 20121, "quantile": 1.0, "value": 269500.0, "Latitude": 37.79, "Longitude": -120.45, "Population": 5087.0}, {"index": 20122, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.7, "Longitude": -119.31, "Population": 479.0}, {"index": 20122, "quantile": 0.25, "value": 156300.0, "Latitude": 34.7, "Longitude": -119.31, "Population": 479.0}, {"index": 20122, "quantile": 0.5, "value": 156300.0, "Latitude": 34.7, "Longitude": -119.31, "Population": 479.0}, {"index": 20122, "quantile": 0.75, "value": 156300.0, "Latitude": 34.7, "Longitude": -119.31, "Population": 479.0}, {"index": 20122, "quantile": 1.0, "value": 425000.0, "Latitude": 34.7, "Longitude": -119.31, "Population": 479.0}, {"index": 20123, "quantile": 0.0, "value": 14999.000000000002, "Latitude": 34.62, "Longitude": -119.06, "Population": 436.0}, {"index": 20123, "quantile": 0.25, "value": 134525.0, "Latitude": 34.62, "Longitude": -119.06, "Population": 436.0}, {"index": 20123, "quantile": 0.5, "value": 262500.0, "Latitude": 34.62, "Longitude": -119.06, "Population": 436.0}, {"index": 20123, "quantile": 0.75, "value": 262500.0, "Latitude": 34.62, "Longitude": -119.06, "Population": 436.0}, {"index": 20123, "quantile": 1.0, "value": 327300.0, "Latitude": 34.62, "Longitude": -119.06, "Population": 436.0}, {"index": 20124, "quantile": 0.0, "value": 124100.00000000001, "Latitude": 34.42, "Longitude": -118.75, "Population": 545.0}, {"index": 20124, "quantile": 0.25, "value": 191700.0, "Latitude": 34.42, "Longitude": -118.75, "Population": 545.0}, {"index": 20124, "quantile": 0.5, "value": 191700.0, "Latitude": 34.42, "Longitude": -118.75, "Population": 545.0}, {"index": 20124, "quantile": 0.75, "value": 191700.0, "Latitude": 34.42, "Longitude": -118.75, "Population": 545.0}, {"index": 20124, "quantile": 1.0, "value": 450000.0, "Latitude": 34.42, "Longitude": -118.75, "Population": 545.0}, {"index": 20125, "quantile": 0.0, "value": 112100.0, "Latitude": 34.41, "Longitude": -118.8, "Population": 1148.0}, {"index": 20125, "quantile": 0.25, "value": 166700.0, "Latitude": 34.41, "Longitude": -118.8, "Population": 1148.0}, {"index": 20125, "quantile": 0.5, "value": 196400.0, "Latitude": 34.41, "Longitude": -118.8, "Population": 1148.0}, {"index": 20125, "quantile": 0.75, "value": 199300.0, "Latitude": 34.41, "Longitude": -118.8, "Population": 1148.0}, {"index": 20125, "quantile": 1.0, "value": 290100.0, "Latitude": 34.41, "Longitude": -118.8, "Population": 1148.0}, {"index": 20126, "quantile": 0.0, "value": 138200.0, "Latitude": 34.42, "Longitude": -118.88, "Population": 360.0}, {"index": 20126, "quantile": 0.25, "value": 274100.0, "Latitude": 34.42, "Longitude": -118.88, "Population": 360.0}, {"index": 20126, "quantile": 0.5, "value": 375000.0, "Latitude": 34.42, "Longitude": -118.88, "Population": 360.0}, {"index": 20126, "quantile": 0.75, "value": 375000.0, "Latitude": 34.42, "Longitude": -118.88, "Population": 360.0}, {"index": 20126, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.42, "Longitude": -118.88, "Population": 360.0}, {"index": 20127, "quantile": 0.0, "value": 146000.0, "Latitude": 34.4, "Longitude": -118.98, "Population": 795.0}, {"index": 20127, "quantile": 0.25, "value": 211925.0, "Latitude": 34.4, "Longitude": -118.98, "Population": 795.0}, {"index": 20127, "quantile": 0.5, "value": 338100.0, "Latitude": 34.4, "Longitude": -118.98, "Population": 795.0}, {"index": 20127, "quantile": 0.75, "value": 338100.0, "Latitude": 34.4, "Longitude": -118.98, "Population": 795.0}, {"index": 20127, "quantile": 1.0, "value": 338100.0, "Latitude": 34.4, "Longitude": -118.98, "Population": 795.0}, {"index": 20128, "quantile": 0.0, "value": 164800.0, "Latitude": 34.36, "Longitude": -118.93, "Population": 1071.0}, {"index": 20128, "quantile": 0.25, "value": 187900.0, "Latitude": 34.36, "Longitude": -118.93, "Population": 1071.0}, {"index": 20128, "quantile": 0.5, "value": 187900.0, "Latitude": 34.36, "Longitude": -118.93, "Population": 1071.0}, {"index": 20128, "quantile": 0.75, "value": 187900.0, "Latitude": 34.36, "Longitude": -118.93, "Population": 1071.0}, {"index": 20128, "quantile": 1.0, "value": 338100.0, "Latitude": 34.36, "Longitude": -118.93, "Population": 1071.0}, {"index": 20129, "quantile": 0.0, "value": 154600.0, "Latitude": 34.4, "Longitude": -118.93, "Population": 2422.0}, {"index": 20129, "quantile": 0.25, "value": 190500.0, "Latitude": 34.4, "Longitude": -118.93, "Population": 2422.0}, {"index": 20129, "quantile": 0.5, "value": 190500.0, "Latitude": 34.4, "Longitude": -118.93, "Population": 2422.0}, {"index": 20129, "quantile": 0.75, "value": 192200.0, "Latitude": 34.4, "Longitude": -118.93, "Population": 2422.0}, {"index": 20129, "quantile": 1.0, "value": 450000.0, "Latitude": 34.4, "Longitude": -118.93, "Population": 2422.0}, {"index": 20130, "quantile": 0.0, "value": 113900.0, "Latitude": 34.4, "Longitude": -118.92, "Population": 1060.0}, {"index": 20130, "quantile": 0.25, "value": 189300.0, "Latitude": 34.4, "Longitude": -118.92, "Population": 1060.0}, {"index": 20130, "quantile": 0.5, "value": 198000.0, "Latitude": 34.4, "Longitude": -118.92, "Population": 1060.0}, {"index": 20130, "quantile": 0.75, "value": 198000.0, "Latitude": 34.4, "Longitude": -118.92, "Population": 1060.0}, {"index": 20130, "quantile": 1.0, "value": 450000.0, "Latitude": 34.4, "Longitude": -118.92, "Population": 1060.0}, {"index": 20131, "quantile": 0.0, "value": 37500.0, "Latitude": 34.41, "Longitude": -118.92, "Population": 2664.0}, {"index": 20131, "quantile": 0.25, "value": 173400.0, "Latitude": 34.41, "Longitude": -118.92, "Population": 2664.0}, {"index": 20131, "quantile": 0.5, "value": 173400.0, "Latitude": 34.41, "Longitude": -118.92, "Population": 2664.0}, {"index": 20131, "quantile": 0.75, "value": 173400.0, "Latitude": 34.41, "Longitude": -118.92, "Population": 2664.0}, {"index": 20131, "quantile": 1.0, "value": 375000.0, "Latitude": 34.41, "Longitude": -118.92, "Population": 2664.0}, {"index": 20132, "quantile": 0.0, "value": 114500.0, "Latitude": 34.41, "Longitude": -118.9, "Population": 2304.0}, {"index": 20132, "quantile": 0.25, "value": 209100.00000000003, "Latitude": 34.41, "Longitude": -118.9, "Population": 2304.0}, {"index": 20132, "quantile": 0.5, "value": 209100.00000000003, "Latitude": 34.41, "Longitude": -118.9, "Population": 2304.0}, {"index": 20132, "quantile": 0.75, "value": 210350.0, "Latitude": 34.41, "Longitude": -118.9, "Population": 2304.0}, {"index": 20132, "quantile": 1.0, "value": 338100.0, "Latitude": 34.41, "Longitude": -118.9, "Population": 2304.0}, {"index": 20133, "quantile": 0.0, "value": 82800.0, "Latitude": 34.4, "Longitude": -118.91, "Population": 2065.0}, {"index": 20133, "quantile": 0.25, "value": 168975.0, "Latitude": 34.4, "Longitude": -118.91, "Population": 2065.0}, {"index": 20133, "quantile": 0.5, "value": 186500.00000000003, "Latitude": 34.4, "Longitude": -118.91, "Population": 2065.0}, {"index": 20133, "quantile": 0.75, "value": 198000.0, "Latitude": 34.4, "Longitude": -118.91, "Population": 2065.0}, {"index": 20133, "quantile": 1.0, "value": 375000.0, "Latitude": 34.4, "Longitude": -118.91, "Population": 2065.0}, {"index": 20134, "quantile": 0.0, "value": 48500.0, "Latitude": 34.4, "Longitude": -118.9, "Population": 1163.0}, {"index": 20134, "quantile": 0.25, "value": 131500.0, "Latitude": 34.4, "Longitude": -118.9, "Population": 1163.0}, {"index": 20134, "quantile": 0.5, "value": 179200.0, "Latitude": 34.4, "Longitude": -118.9, "Population": 1163.0}, {"index": 20134, "quantile": 0.75, "value": 199750.0, "Latitude": 34.4, "Longitude": -118.9, "Population": 1163.0}, {"index": 20134, "quantile": 1.0, "value": 350000.0, "Latitude": 34.4, "Longitude": -118.9, "Population": 1163.0}, {"index": 20135, "quantile": 0.0, "value": 78600.0, "Latitude": 34.38, "Longitude": -119.06, "Population": 731.0}, {"index": 20135, "quantile": 0.25, "value": 230025.0, "Latitude": 34.38, "Longitude": -119.06, "Population": 731.0}, {"index": 20135, "quantile": 0.5, "value": 230300.0, "Latitude": 34.38, "Longitude": -119.06, "Population": 731.0}, {"index": 20135, "quantile": 0.75, "value": 230300.0, "Latitude": 34.38, "Longitude": -119.06, "Population": 731.0}, {"index": 20135, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 34.38, "Longitude": -119.06, "Population": 731.0}, {"index": 20136, "quantile": 0.0, "value": 143400.0, "Latitude": 34.37, "Longitude": -119.06, "Population": 2504.0}, {"index": 20136, "quantile": 0.25, "value": 201700.0, "Latitude": 34.37, "Longitude": -119.06, "Population": 2504.0}, {"index": 20136, "quantile": 0.5, "value": 201700.0, "Latitude": 34.37, "Longitude": -119.06, "Population": 2504.0}, {"index": 20136, "quantile": 0.75, "value": 207075.00000000003, "Latitude": 34.37, "Longitude": -119.06, "Population": 2504.0}, {"index": 20136, "quantile": 1.0, "value": 375000.0, "Latitude": 34.37, "Longitude": -119.06, "Population": 2504.0}, {"index": 20137, "quantile": 0.0, "value": 55800.00000000001, "Latitude": 34.36, "Longitude": -119.05, "Population": 2428.0}, {"index": 20137, "quantile": 0.25, "value": 162500.0, "Latitude": 34.36, "Longitude": -119.05, "Population": 2428.0}, {"index": 20137, "quantile": 0.5, "value": 162500.0, "Latitude": 34.36, "Longitude": -119.05, "Population": 2428.0}, {"index": 20137, "quantile": 0.75, "value": 162500.0, "Latitude": 34.36, "Longitude": -119.05, "Population": 2428.0}, {"index": 20137, "quantile": 1.0, "value": 375000.0, "Latitude": 34.36, "Longitude": -119.05, "Population": 2428.0}, {"index": 20138, "quantile": 0.0, "value": 37500.0, "Latitude": 34.4, "Longitude": -119.05, "Population": 1079.0}, {"index": 20138, "quantile": 0.25, "value": 159175.0, "Latitude": 34.4, "Longitude": -119.05, "Population": 1079.0}, {"index": 20138, "quantile": 0.5, "value": 178800.0, "Latitude": 34.4, "Longitude": -119.05, "Population": 1079.0}, {"index": 20138, "quantile": 0.75, "value": 199300.0, "Latitude": 34.4, "Longitude": -119.05, "Population": 1079.0}, {"index": 20138, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.4, "Longitude": -119.05, "Population": 1079.0}, {"index": 20139, "quantile": 0.0, "value": 143100.0, "Latitude": 34.31, "Longitude": -119.1, "Population": 1379.0}, {"index": 20139, "quantile": 0.25, "value": 184000.0, "Latitude": 34.31, "Longitude": -119.1, "Population": 1379.0}, {"index": 20139, "quantile": 0.5, "value": 184000.0, "Latitude": 34.31, "Longitude": -119.1, "Population": 1379.0}, {"index": 20139, "quantile": 0.75, "value": 194800.0, "Latitude": 34.31, "Longitude": -119.1, "Population": 1379.0}, {"index": 20139, "quantile": 1.0, "value": 450000.0, "Latitude": 34.31, "Longitude": -119.1, "Population": 1379.0}, {"index": 20140, "quantile": 0.0, "value": 138900.0, "Latitude": 34.34, "Longitude": -119.04, "Population": 334.0}, {"index": 20140, "quantile": 0.25, "value": 278775.0, "Latitude": 34.34, "Longitude": -119.04, "Population": 334.0}, {"index": 20140, "quantile": 0.5, "value": 281300.0, "Latitude": 34.34, "Longitude": -119.04, "Population": 334.0}, {"index": 20140, "quantile": 0.75, "value": 281300.0, "Latitude": 34.34, "Longitude": -119.04, "Population": 334.0}, {"index": 20140, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.34, "Longitude": -119.04, "Population": 334.0}, {"index": 20141, "quantile": 0.0, "value": 124100.00000000001, "Latitude": 34.36, "Longitude": -119.06, "Population": 981.0}, {"index": 20141, "quantile": 0.25, "value": 199300.0, "Latitude": 34.36, "Longitude": -119.06, "Population": 981.0}, {"index": 20141, "quantile": 0.5, "value": 199300.0, "Latitude": 34.36, "Longitude": -119.06, "Population": 981.0}, {"index": 20141, "quantile": 0.75, "value": 199300.0, "Latitude": 34.36, "Longitude": -119.06, "Population": 981.0}, {"index": 20141, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.36, "Longitude": -119.06, "Population": 981.0}, {"index": 20142, "quantile": 0.0, "value": 45500.0, "Latitude": 34.36, "Longitude": -119.06, "Population": 934.0}, {"index": 20142, "quantile": 0.25, "value": 137500.0, "Latitude": 34.36, "Longitude": -119.06, "Population": 934.0}, {"index": 20142, "quantile": 0.5, "value": 160500.0, "Latitude": 34.36, "Longitude": -119.06, "Population": 934.0}, {"index": 20142, "quantile": 0.75, "value": 225000.0, "Latitude": 34.36, "Longitude": -119.06, "Population": 934.0}, {"index": 20142, "quantile": 1.0, "value": 327300.0, "Latitude": 34.36, "Longitude": -119.06, "Population": 934.0}, {"index": 20143, "quantile": 0.0, "value": 52900.0, "Latitude": 34.35, "Longitude": -119.06, "Population": 2116.0}, {"index": 20143, "quantile": 0.25, "value": 158300.0, "Latitude": 34.35, "Longitude": -119.06, "Population": 2116.0}, {"index": 20143, "quantile": 0.5, "value": 158300.0, "Latitude": 34.35, "Longitude": -119.06, "Population": 2116.0}, {"index": 20143, "quantile": 0.75, "value": 160500.0, "Latitude": 34.35, "Longitude": -119.06, "Population": 2116.0}, {"index": 20143, "quantile": 1.0, "value": 265500.0, "Latitude": 34.35, "Longitude": -119.06, "Population": 2116.0}, {"index": 20144, "quantile": 0.0, "value": 39600.0, "Latitude": 34.35, "Longitude": -119.05, "Population": 1366.0}, {"index": 20144, "quantile": 0.25, "value": 146600.0, "Latitude": 34.35, "Longitude": -119.05, "Population": 1366.0}, {"index": 20144, "quantile": 0.5, "value": 146600.0, "Latitude": 34.35, "Longitude": -119.05, "Population": 1366.0}, {"index": 20144, "quantile": 0.75, "value": 158800.0, "Latitude": 34.35, "Longitude": -119.05, "Population": 1366.0}, {"index": 20144, "quantile": 1.0, "value": 312500.0, "Latitude": 34.35, "Longitude": -119.05, "Population": 1366.0}, {"index": 20145, "quantile": 0.0, "value": 92300.0, "Latitude": 34.35, "Longitude": -119.09, "Population": 2823.0}, {"index": 20145, "quantile": 0.25, "value": 214800.0, "Latitude": 34.35, "Longitude": -119.09, "Population": 2823.0}, {"index": 20145, "quantile": 0.5, "value": 214800.0, "Latitude": 34.35, "Longitude": -119.09, "Population": 2823.0}, {"index": 20145, "quantile": 0.75, "value": 214800.0, "Latitude": 34.35, "Longitude": -119.09, "Population": 2823.0}, {"index": 20145, "quantile": 1.0, "value": 425000.0, "Latitude": 34.35, "Longitude": -119.09, "Population": 2823.0}, {"index": 20146, "quantile": 0.0, "value": 112500.0, "Latitude": 34.35, "Longitude": -119.08, "Population": 2718.0}, {"index": 20146, "quantile": 0.25, "value": 171800.0, "Latitude": 34.35, "Longitude": -119.08, "Population": 2718.0}, {"index": 20146, "quantile": 0.5, "value": 189900.0, "Latitude": 34.35, "Longitude": -119.08, "Population": 2718.0}, {"index": 20146, "quantile": 0.75, "value": 202524.99999999997, "Latitude": 34.35, "Longitude": -119.08, "Population": 2718.0}, {"index": 20146, "quantile": 1.0, "value": 375000.0, "Latitude": 34.35, "Longitude": -119.08, "Population": 2718.0}, {"index": 20147, "quantile": 0.0, "value": 142600.0, "Latitude": 34.34, "Longitude": -119.08, "Population": 2042.0}, {"index": 20147, "quantile": 0.25, "value": 194800.0, "Latitude": 34.34, "Longitude": -119.08, "Population": 2042.0}, {"index": 20147, "quantile": 0.5, "value": 194800.0, "Latitude": 34.34, "Longitude": -119.08, "Population": 2042.0}, {"index": 20147, "quantile": 0.75, "value": 198025.0, "Latitude": 34.34, "Longitude": -119.08, "Population": 2042.0}, {"index": 20147, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.34, "Longitude": -119.08, "Population": 2042.0}, {"index": 20148, "quantile": 0.0, "value": 112500.0, "Latitude": 34.33, "Longitude": -119.11, "Population": 1825.0}, {"index": 20148, "quantile": 0.25, "value": 191800.0, "Latitude": 34.33, "Longitude": -119.11, "Population": 1825.0}, {"index": 20148, "quantile": 0.5, "value": 191800.0, "Latitude": 34.33, "Longitude": -119.11, "Population": 1825.0}, {"index": 20148, "quantile": 0.75, "value": 191800.0, "Latitude": 34.33, "Longitude": -119.11, "Population": 1825.0}, {"index": 20148, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.33, "Longitude": -119.11, "Population": 1825.0}, {"index": 20149, "quantile": 0.0, "value": 163200.0, "Latitude": 34.38, "Longitude": -119.12, "Population": 3793.0}, {"index": 20149, "quantile": 0.25, "value": 235400.0, "Latitude": 34.38, "Longitude": -119.12, "Population": 3793.0}, {"index": 20149, "quantile": 0.5, "value": 237900.0, "Latitude": 34.38, "Longitude": -119.12, "Population": 3793.0}, {"index": 20149, "quantile": 0.75, "value": 237900.0, "Latitude": 34.38, "Longitude": -119.12, "Population": 3793.0}, {"index": 20149, "quantile": 1.0, "value": 436800.00000000006, "Latitude": 34.38, "Longitude": -119.12, "Population": 3793.0}, {"index": 20150, "quantile": 0.0, "value": 55400.00000000001, "Latitude": 34.36, "Longitude": -119.06, "Population": 902.0}, {"index": 20150, "quantile": 0.25, "value": 190574.99999999997, "Latitude": 34.36, "Longitude": -119.06, "Population": 902.0}, {"index": 20150, "quantile": 0.5, "value": 234600.0, "Latitude": 34.36, "Longitude": -119.06, "Population": 902.0}, {"index": 20150, "quantile": 0.75, "value": 250000.0, "Latitude": 34.36, "Longitude": -119.06, "Population": 902.0}, {"index": 20150, "quantile": 1.0, "value": 362200.0, "Latitude": 34.36, "Longitude": -119.06, "Population": 902.0}, {"index": 20151, "quantile": 0.0, "value": 67500.0, "Latitude": 34.44, "Longitude": -119.23, "Population": 1434.0}, {"index": 20151, "quantile": 0.25, "value": 236599.99999999997, "Latitude": 34.44, "Longitude": -119.23, "Population": 1434.0}, {"index": 20151, "quantile": 0.5, "value": 260300.00000000003, "Latitude": 34.44, "Longitude": -119.23, "Population": 1434.0}, {"index": 20151, "quantile": 0.75, "value": 260300.00000000003, "Latitude": 34.44, "Longitude": -119.23, "Population": 1434.0}, {"index": 20151, "quantile": 1.0, "value": 327300.0, "Latitude": 34.44, "Longitude": -119.23, "Population": 1434.0}, {"index": 20152, "quantile": 0.0, "value": 84400.0, "Latitude": 34.46, "Longitude": -119.26, "Population": 1656.0}, {"index": 20152, "quantile": 0.25, "value": 264700.0, "Latitude": 34.46, "Longitude": -119.26, "Population": 1656.0}, {"index": 20152, "quantile": 0.5, "value": 434700.00000000006, "Latitude": 34.46, "Longitude": -119.26, "Population": 1656.0}, {"index": 20152, "quantile": 0.75, "value": 434700.00000000006, "Latitude": 34.46, "Longitude": -119.26, "Population": 1656.0}, {"index": 20152, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 34.46, "Longitude": -119.26, "Population": 1656.0}, {"index": 20153, "quantile": 0.0, "value": 98200.0, "Latitude": 34.46, "Longitude": -119.23, "Population": 4514.0}, {"index": 20153, "quantile": 0.25, "value": 227599.99999999997, "Latitude": 34.46, "Longitude": -119.23, "Population": 4514.0}, {"index": 20153, "quantile": 0.5, "value": 227599.99999999997, "Latitude": 34.46, "Longitude": -119.23, "Population": 4514.0}, {"index": 20153, "quantile": 0.75, "value": 227599.99999999997, "Latitude": 34.46, "Longitude": -119.23, "Population": 4514.0}, {"index": 20153, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.46, "Longitude": -119.23, "Population": 4514.0}, {"index": 20154, "quantile": 0.0, "value": 169300.0, "Latitude": 34.46, "Longitude": -119.19, "Population": 939.0}, {"index": 20154, "quantile": 0.25, "value": 339000.0, "Latitude": 34.46, "Longitude": -119.19, "Population": 939.0}, {"index": 20154, "quantile": 0.5, "value": 372800.0, "Latitude": 34.46, "Longitude": -119.19, "Population": 939.0}, {"index": 20154, "quantile": 0.75, "value": 472800.0, "Latitude": 34.46, "Longitude": -119.19, "Population": 939.0}, {"index": 20154, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.46, "Longitude": -119.19, "Population": 939.0}, {"index": 20155, "quantile": 0.0, "value": 110000.00000000001, "Latitude": 34.42, "Longitude": -119.23, "Population": 343.0}, {"index": 20155, "quantile": 0.25, "value": 259550.0, "Latitude": 34.42, "Longitude": -119.23, "Population": 343.0}, {"index": 20155, "quantile": 0.5, "value": 325000.0, "Latitude": 34.42, "Longitude": -119.23, "Population": 343.0}, {"index": 20155, "quantile": 0.75, "value": 325000.0, "Latitude": 34.42, "Longitude": -119.23, "Population": 343.0}, {"index": 20155, "quantile": 1.0, "value": 375000.0, "Latitude": 34.42, "Longitude": -119.23, "Population": 343.0}, {"index": 20156, "quantile": 0.0, "value": 143700.0, "Latitude": 34.45, "Longitude": -119.27, "Population": 679.0}, {"index": 20156, "quantile": 0.25, "value": 357900.0, "Latitude": 34.45, "Longitude": -119.27, "Population": 679.0}, {"index": 20156, "quantile": 0.5, "value": 357900.0, "Latitude": 34.45, "Longitude": -119.27, "Population": 679.0}, {"index": 20156, "quantile": 0.75, "value": 357900.0, "Latitude": 34.45, "Longitude": -119.27, "Population": 679.0}, {"index": 20156, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.45, "Longitude": -119.27, "Population": 679.0}, {"index": 20157, "quantile": 0.0, "value": 156700.0, "Latitude": 34.44, "Longitude": -119.15, "Population": 1043.0}, {"index": 20157, "quantile": 0.25, "value": 212300.00000000003, "Latitude": 34.44, "Longitude": -119.15, "Population": 1043.0}, {"index": 20157, "quantile": 0.5, "value": 241950.00000000003, "Latitude": 34.44, "Longitude": -119.15, "Population": 1043.0}, {"index": 20157, "quantile": 0.75, "value": 279600.0, "Latitude": 34.44, "Longitude": -119.15, "Population": 1043.0}, {"index": 20157, "quantile": 1.0, "value": 443600.0, "Latitude": 34.44, "Longitude": -119.15, "Population": 1043.0}, {"index": 20158, "quantile": 0.0, "value": 176300.0, "Latitude": 34.49, "Longitude": -119.14, "Population": 92.0}, {"index": 20158, "quantile": 0.25, "value": 375000.0, "Latitude": 34.49, "Longitude": -119.14, "Population": 92.0}, {"index": 20158, "quantile": 0.5, "value": 375000.0, "Latitude": 34.49, "Longitude": -119.14, "Population": 92.0}, {"index": 20158, "quantile": 0.75, "value": 375000.0, "Latitude": 34.49, "Longitude": -119.14, "Population": 92.0}, {"index": 20158, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.49, "Longitude": -119.14, "Population": 92.0}, {"index": 20159, "quantile": 0.0, "value": 124400.0, "Latitude": 34.41, "Longitude": -119.31, "Population": 1361.0}, {"index": 20159, "quantile": 0.25, "value": 242675.00000000003, "Latitude": 34.41, "Longitude": -119.31, "Population": 1361.0}, {"index": 20159, "quantile": 0.5, "value": 245000.00000000003, "Latitude": 34.41, "Longitude": -119.31, "Population": 1361.0}, {"index": 20159, "quantile": 0.75, "value": 245000.00000000003, "Latitude": 34.41, "Longitude": -119.31, "Population": 1361.0}, {"index": 20159, "quantile": 1.0, "value": 425000.0, "Latitude": 34.41, "Longitude": -119.31, "Population": 1361.0}, {"index": 20160, "quantile": 0.0, "value": 37500.0, "Latitude": 34.38, "Longitude": -119.31, "Population": 130.0}, {"index": 20160, "quantile": 0.25, "value": 197825.0, "Latitude": 34.38, "Longitude": -119.31, "Population": 130.0}, {"index": 20160, "quantile": 0.5, "value": 250000.0, "Latitude": 34.38, "Longitude": -119.31, "Population": 130.0}, {"index": 20160, "quantile": 0.75, "value": 279500.0, "Latitude": 34.38, "Longitude": -119.31, "Population": 130.0}, {"index": 20160, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.38, "Longitude": -119.31, "Population": 130.0}, {"index": 20161, "quantile": 0.0, "value": 128099.99999999999, "Latitude": 34.37, "Longitude": -119.29, "Population": 793.0}, {"index": 20161, "quantile": 0.25, "value": 161200.0, "Latitude": 34.37, "Longitude": -119.29, "Population": 793.0}, {"index": 20161, "quantile": 0.5, "value": 161200.0, "Latitude": 34.37, "Longitude": -119.29, "Population": 793.0}, {"index": 20161, "quantile": 0.75, "value": 220175.0, "Latitude": 34.37, "Longitude": -119.29, "Population": 793.0}, {"index": 20161, "quantile": 1.0, "value": 450000.0, "Latitude": 34.37, "Longitude": -119.29, "Population": 793.0}, {"index": 20162, "quantile": 0.0, "value": 120800.0, "Latitude": 34.39, "Longitude": -119.34, "Population": 314.0}, {"index": 20162, "quantile": 0.25, "value": 216474.99999999997, "Latitude": 34.39, "Longitude": -119.34, "Population": 314.0}, {"index": 20162, "quantile": 0.5, "value": 231300.00000000003, "Latitude": 34.39, "Longitude": -119.34, "Population": 314.0}, {"index": 20162, "quantile": 0.75, "value": 231300.00000000003, "Latitude": 34.39, "Longitude": -119.34, "Population": 314.0}, {"index": 20162, "quantile": 1.0, "value": 461100.0, "Latitude": 34.39, "Longitude": -119.34, "Population": 314.0}, {"index": 20163, "quantile": 0.0, "value": 245800.00000000003, "Latitude": 34.44, "Longitude": -119.31, "Population": 208.0}, {"index": 20163, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.31, "Population": 208.0}, {"index": 20163, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.31, "Population": 208.0}, {"index": 20163, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.31, "Population": 208.0}, {"index": 20163, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.31, "Population": 208.0}, {"index": 20164, "quantile": 0.0, "value": 26600.0, "Latitude": 34.45, "Longitude": -119.28, "Population": 1505.0}, {"index": 20164, "quantile": 0.25, "value": 197600.0, "Latitude": 34.45, "Longitude": -119.28, "Population": 1505.0}, {"index": 20164, "quantile": 0.5, "value": 197600.0, "Latitude": 34.45, "Longitude": -119.28, "Population": 1505.0}, {"index": 20164, "quantile": 0.75, "value": 197600.0, "Latitude": 34.45, "Longitude": -119.28, "Population": 1505.0}, {"index": 20164, "quantile": 1.0, "value": 275000.0, "Latitude": 34.45, "Longitude": -119.28, "Population": 1505.0}, {"index": 20165, "quantile": 0.0, "value": 30000.0, "Latitude": 34.45, "Longitude": -119.29, "Population": 1383.0}, {"index": 20165, "quantile": 0.25, "value": 230574.99999999997, "Latitude": 34.45, "Longitude": -119.29, "Population": 1383.0}, {"index": 20165, "quantile": 0.5, "value": 230799.99999999997, "Latitude": 34.45, "Longitude": -119.29, "Population": 1383.0}, {"index": 20165, "quantile": 0.75, "value": 230799.99999999997, "Latitude": 34.45, "Longitude": -119.29, "Population": 1383.0}, {"index": 20165, "quantile": 1.0, "value": 260300.00000000003, "Latitude": 34.45, "Longitude": -119.29, "Population": 1383.0}, {"index": 20166, "quantile": 0.0, "value": 100299.99999999999, "Latitude": 34.44, "Longitude": -119.29, "Population": 2361.0}, {"index": 20166, "quantile": 0.25, "value": 234175.00000000003, "Latitude": 34.44, "Longitude": -119.29, "Population": 2361.0}, {"index": 20166, "quantile": 0.5, "value": 243100.0, "Latitude": 34.44, "Longitude": -119.29, "Population": 2361.0}, {"index": 20166, "quantile": 0.75, "value": 243100.0, "Latitude": 34.44, "Longitude": -119.29, "Population": 2361.0}, {"index": 20166, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 34.44, "Longitude": -119.29, "Population": 2361.0}, {"index": 20167, "quantile": 0.0, "value": 30000.0, "Latitude": 34.44, "Longitude": -119.27, "Population": 1483.0}, {"index": 20167, "quantile": 0.25, "value": 234700.0, "Latitude": 34.44, "Longitude": -119.27, "Population": 1483.0}, {"index": 20167, "quantile": 0.5, "value": 234700.0, "Latitude": 34.44, "Longitude": -119.27, "Population": 1483.0}, {"index": 20167, "quantile": 0.75, "value": 234700.0, "Latitude": 34.44, "Longitude": -119.27, "Population": 1483.0}, {"index": 20167, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.44, "Longitude": -119.27, "Population": 1483.0}, {"index": 20168, "quantile": 0.0, "value": 169500.0, "Latitude": 34.42, "Longitude": -119.28, "Population": 2198.0}, {"index": 20168, "quantile": 0.25, "value": 289200.0, "Latitude": 34.42, "Longitude": -119.28, "Population": 2198.0}, {"index": 20168, "quantile": 0.5, "value": 313000.0, "Latitude": 34.42, "Longitude": -119.28, "Population": 2198.0}, {"index": 20168, "quantile": 0.75, "value": 313000.0, "Latitude": 34.42, "Longitude": -119.28, "Population": 2198.0}, {"index": 20168, "quantile": 1.0, "value": 357900.0, "Latitude": 34.42, "Longitude": -119.28, "Population": 2198.0}, {"index": 20169, "quantile": 0.0, "value": 113500.0, "Latitude": 34.42, "Longitude": -119.3, "Population": 2860.0}, {"index": 20169, "quantile": 0.25, "value": 219899.99999999997, "Latitude": 34.42, "Longitude": -119.3, "Population": 2860.0}, {"index": 20169, "quantile": 0.5, "value": 219899.99999999997, "Latitude": 34.42, "Longitude": -119.3, "Population": 2860.0}, {"index": 20169, "quantile": 0.75, "value": 219899.99999999997, "Latitude": 34.42, "Longitude": -119.3, "Population": 2860.0}, {"index": 20169, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 34.42, "Longitude": -119.3, "Population": 2860.0}, {"index": 20170, "quantile": 0.0, "value": 108900.0, "Latitude": 34.4, "Longitude": -119.29, "Population": 1727.0}, {"index": 20170, "quantile": 0.25, "value": 241400.00000000003, "Latitude": 34.4, "Longitude": -119.29, "Population": 1727.0}, {"index": 20170, "quantile": 0.5, "value": 241400.00000000003, "Latitude": 34.4, "Longitude": -119.29, "Population": 1727.0}, {"index": 20170, "quantile": 0.75, "value": 241400.00000000003, "Latitude": 34.4, "Longitude": -119.29, "Population": 1727.0}, {"index": 20170, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 34.4, "Longitude": -119.29, "Population": 1727.0}, {"index": 20171, "quantile": 0.0, "value": 175600.0, "Latitude": 34.39, "Longitude": -119.3, "Population": 1807.0}, {"index": 20171, "quantile": 0.25, "value": 199300.0, "Latitude": 34.39, "Longitude": -119.3, "Population": 1807.0}, {"index": 20171, "quantile": 0.5, "value": 199300.0, "Latitude": 34.39, "Longitude": -119.3, "Population": 1807.0}, {"index": 20171, "quantile": 0.75, "value": 199800.0, "Latitude": 34.39, "Longitude": -119.3, "Population": 1807.0}, {"index": 20171, "quantile": 1.0, "value": 338100.0, "Latitude": 34.39, "Longitude": -119.3, "Population": 1807.0}, {"index": 20172, "quantile": 0.0, "value": 40000.0, "Latitude": 34.29, "Longitude": -119.17, "Population": 285.0}, {"index": 20172, "quantile": 0.25, "value": 225000.0, "Latitude": 34.29, "Longitude": -119.17, "Population": 285.0}, {"index": 20172, "quantile": 0.5, "value": 225000.0, "Latitude": 34.29, "Longitude": -119.17, "Population": 285.0}, {"index": 20172, "quantile": 0.75, "value": 230350.0, "Latitude": 34.29, "Longitude": -119.17, "Population": 285.0}, {"index": 20172, "quantile": 1.0, "value": 474300.00000000006, "Latitude": 34.29, "Longitude": -119.17, "Population": 285.0}, {"index": 20173, "quantile": 0.0, "value": 157800.0, "Latitude": 34.29, "Longitude": -119.17, "Population": 1896.0}, {"index": 20173, "quantile": 0.25, "value": 277525.0, "Latitude": 34.29, "Longitude": -119.17, "Population": 1896.0}, {"index": 20173, "quantile": 0.5, "value": 279400.0, "Latitude": 34.29, "Longitude": -119.17, "Population": 1896.0}, {"index": 20173, "quantile": 0.75, "value": 279400.0, "Latitude": 34.29, "Longitude": -119.17, "Population": 1896.0}, {"index": 20173, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.29, "Longitude": -119.17, "Population": 1896.0}, {"index": 20174, "quantile": 0.0, "value": 107500.0, "Latitude": 34.31, "Longitude": -119.17, "Population": 142.0}, {"index": 20174, "quantile": 0.25, "value": 337825.0, "Latitude": 34.31, "Longitude": -119.17, "Population": 142.0}, {"index": 20174, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.31, "Longitude": -119.17, "Population": 142.0}, {"index": 20174, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.31, "Longitude": -119.17, "Population": 142.0}, {"index": 20174, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.31, "Longitude": -119.17, "Population": 142.0}, {"index": 20175, "quantile": 0.0, "value": 67500.0, "Latitude": 34.3, "Longitude": -119.15, "Population": 1269.0}, {"index": 20175, "quantile": 0.25, "value": 230799.99999999997, "Latitude": 34.3, "Longitude": -119.15, "Population": 1269.0}, {"index": 20175, "quantile": 0.5, "value": 259200.0, "Latitude": 34.3, "Longitude": -119.15, "Population": 1269.0}, {"index": 20175, "quantile": 0.75, "value": 259200.0, "Latitude": 34.3, "Longitude": -119.15, "Population": 1269.0}, {"index": 20175, "quantile": 1.0, "value": 361700.0, "Latitude": 34.3, "Longitude": -119.15, "Population": 1269.0}, {"index": 20176, "quantile": 0.0, "value": 149600.0, "Latitude": 34.28, "Longitude": -119.19, "Population": 1665.0}, {"index": 20176, "quantile": 0.25, "value": 224200.0, "Latitude": 34.28, "Longitude": -119.19, "Population": 1665.0}, {"index": 20176, "quantile": 0.5, "value": 224200.0, "Latitude": 34.28, "Longitude": -119.19, "Population": 1665.0}, {"index": 20176, "quantile": 0.75, "value": 224200.0, "Latitude": 34.28, "Longitude": -119.19, "Population": 1665.0}, {"index": 20176, "quantile": 1.0, "value": 313000.0, "Latitude": 34.28, "Longitude": -119.19, "Population": 1665.0}, {"index": 20177, "quantile": 0.0, "value": 143000.0, "Latitude": 34.28, "Longitude": -119.18, "Population": 2088.0}, {"index": 20177, "quantile": 0.25, "value": 268200.0, "Latitude": 34.28, "Longitude": -119.18, "Population": 2088.0}, {"index": 20177, "quantile": 0.5, "value": 268200.0, "Latitude": 34.28, "Longitude": -119.18, "Population": 2088.0}, {"index": 20177, "quantile": 0.75, "value": 268200.0, "Latitude": 34.28, "Longitude": -119.18, "Population": 2088.0}, {"index": 20177, "quantile": 1.0, "value": 346100.0, "Latitude": 34.28, "Longitude": -119.18, "Population": 2088.0}, {"index": 20178, "quantile": 0.0, "value": 150800.0, "Latitude": 34.3, "Longitude": -119.19, "Population": 934.0}, {"index": 20178, "quantile": 0.25, "value": 283200.0, "Latitude": 34.3, "Longitude": -119.19, "Population": 934.0}, {"index": 20178, "quantile": 0.5, "value": 283200.0, "Latitude": 34.3, "Longitude": -119.19, "Population": 934.0}, {"index": 20178, "quantile": 0.75, "value": 297775.0, "Latitude": 34.3, "Longitude": -119.19, "Population": 934.0}, {"index": 20178, "quantile": 1.0, "value": 467699.99999999994, "Latitude": 34.3, "Longitude": -119.19, "Population": 934.0}, {"index": 20179, "quantile": 0.0, "value": 143100.0, "Latitude": 34.34, "Longitude": -119.22, "Population": 1815.0}, {"index": 20179, "quantile": 0.25, "value": 194800.0, "Latitude": 34.34, "Longitude": -119.22, "Population": 1815.0}, {"index": 20179, "quantile": 0.5, "value": 231050.00000000003, "Latitude": 34.34, "Longitude": -119.22, "Population": 1815.0}, {"index": 20179, "quantile": 0.75, "value": 259200.0, "Latitude": 34.34, "Longitude": -119.22, "Population": 1815.0}, {"index": 20179, "quantile": 1.0, "value": 450000.0, "Latitude": 34.34, "Longitude": -119.22, "Population": 1815.0}, {"index": 20180, "quantile": 0.0, "value": 108000.0, "Latitude": 34.32, "Longitude": -119.39, "Population": 1195.0}, {"index": 20180, "quantile": 0.25, "value": 206475.0, "Latitude": 34.32, "Longitude": -119.39, "Population": 1195.0}, {"index": 20180, "quantile": 0.5, "value": 270150.0, "Latitude": 34.32, "Longitude": -119.39, "Population": 1195.0}, {"index": 20180, "quantile": 0.75, "value": 331150.0, "Latitude": 34.32, "Longitude": -119.39, "Population": 1195.0}, {"index": 20180, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.32, "Longitude": -119.39, "Population": 1195.0}, {"index": 20181, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.35, "Longitude": -119.32, "Population": 51.0}, {"index": 20181, "quantile": 0.25, "value": 225000.0, "Latitude": 34.35, "Longitude": -119.32, "Population": 51.0}, {"index": 20181, "quantile": 0.5, "value": 225000.0, "Latitude": 34.35, "Longitude": -119.32, "Population": 51.0}, {"index": 20181, "quantile": 0.75, "value": 225000.0, "Latitude": 34.35, "Longitude": -119.32, "Population": 51.0}, {"index": 20181, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.35, "Longitude": -119.32, "Population": 51.0}, {"index": 20182, "quantile": 0.0, "value": 145200.0, "Latitude": 34.29, "Longitude": -119.14, "Population": 1349.0}, {"index": 20182, "quantile": 0.25, "value": 154200.0, "Latitude": 34.29, "Longitude": -119.14, "Population": 1349.0}, {"index": 20182, "quantile": 0.5, "value": 154200.0, "Latitude": 34.29, "Longitude": -119.14, "Population": 1349.0}, {"index": 20182, "quantile": 0.75, "value": 219725.00000000003, "Latitude": 34.29, "Longitude": -119.14, "Population": 1349.0}, {"index": 20182, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.29, "Longitude": -119.14, "Population": 1349.0}, {"index": 20183, "quantile": 0.0, "value": 115799.99999999999, "Latitude": 34.28, "Longitude": -119.16, "Population": 400.0}, {"index": 20183, "quantile": 0.25, "value": 188875.0, "Latitude": 34.28, "Longitude": -119.16, "Population": 400.0}, {"index": 20183, "quantile": 0.5, "value": 219200.00000000003, "Latitude": 34.28, "Longitude": -119.16, "Population": 400.0}, {"index": 20183, "quantile": 0.75, "value": 219200.00000000003, "Latitude": 34.28, "Longitude": -119.16, "Population": 400.0}, {"index": 20183, "quantile": 1.0, "value": 252599.99999999997, "Latitude": 34.28, "Longitude": -119.16, "Population": 400.0}, {"index": 20184, "quantile": 0.0, "value": 154300.0, "Latitude": 34.28, "Longitude": -119.16, "Population": 2801.0}, {"index": 20184, "quantile": 0.25, "value": 232700.0, "Latitude": 34.28, "Longitude": -119.16, "Population": 2801.0}, {"index": 20184, "quantile": 0.5, "value": 232700.0, "Latitude": 34.28, "Longitude": -119.16, "Population": 2801.0}, {"index": 20184, "quantile": 0.75, "value": 232700.0, "Latitude": 34.28, "Longitude": -119.16, "Population": 2801.0}, {"index": 20184, "quantile": 1.0, "value": 289500.0, "Latitude": 34.28, "Longitude": -119.16, "Population": 2801.0}, {"index": 20185, "quantile": 0.0, "value": 120000.0, "Latitude": 34.27, "Longitude": -119.16, "Population": 1049.0}, {"index": 20185, "quantile": 0.25, "value": 228550.0, "Latitude": 34.27, "Longitude": -119.16, "Population": 1049.0}, {"index": 20185, "quantile": 0.5, "value": 240800.00000000003, "Latitude": 34.27, "Longitude": -119.16, "Population": 1049.0}, {"index": 20185, "quantile": 0.75, "value": 257824.99999999997, "Latitude": 34.27, "Longitude": -119.16, "Population": 1049.0}, {"index": 20185, "quantile": 1.0, "value": 402600.0, "Latitude": 34.27, "Longitude": -119.16, "Population": 1049.0}, {"index": 20186, "quantile": 0.0, "value": 37500.0, "Latitude": 34.28, "Longitude": -119.14, "Population": 1095.0}, {"index": 20186, "quantile": 0.25, "value": 130075.00000000001, "Latitude": 34.28, "Longitude": -119.14, "Population": 1095.0}, {"index": 20186, "quantile": 0.5, "value": 146650.0, "Latitude": 34.28, "Longitude": -119.14, "Population": 1095.0}, {"index": 20186, "quantile": 0.75, "value": 161900.0, "Latitude": 34.28, "Longitude": -119.14, "Population": 1095.0}, {"index": 20186, "quantile": 1.0, "value": 262500.0, "Latitude": 34.28, "Longitude": -119.14, "Population": 1095.0}, {"index": 20187, "quantile": 0.0, "value": 184800.0, "Latitude": 34.27, "Longitude": -119.18, "Population": 910.0}, {"index": 20187, "quantile": 0.25, "value": 279500.0, "Latitude": 34.27, "Longitude": -119.18, "Population": 910.0}, {"index": 20187, "quantile": 0.5, "value": 279500.0, "Latitude": 34.27, "Longitude": -119.18, "Population": 910.0}, {"index": 20187, "quantile": 0.75, "value": 279500.0, "Latitude": 34.27, "Longitude": -119.18, "Population": 910.0}, {"index": 20187, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -119.18, "Population": 910.0}, {"index": 20188, "quantile": 0.0, "value": 186400.0, "Latitude": 34.27, "Longitude": -119.17, "Population": 2194.0}, {"index": 20188, "quantile": 0.25, "value": 234800.0, "Latitude": 34.27, "Longitude": -119.17, "Population": 2194.0}, {"index": 20188, "quantile": 0.5, "value": 234800.0, "Latitude": 34.27, "Longitude": -119.17, "Population": 2194.0}, {"index": 20188, "quantile": 0.75, "value": 234925.0, "Latitude": 34.27, "Longitude": -119.17, "Population": 2194.0}, {"index": 20188, "quantile": 1.0, "value": 311900.0, "Latitude": 34.27, "Longitude": -119.17, "Population": 2194.0}, {"index": 20189, "quantile": 0.0, "value": 157000.0, "Latitude": 34.27, "Longitude": -119.17, "Population": 3982.0}, {"index": 20189, "quantile": 0.25, "value": 231100.0, "Latitude": 34.27, "Longitude": -119.17, "Population": 3982.0}, {"index": 20189, "quantile": 0.5, "value": 236500.00000000003, "Latitude": 34.27, "Longitude": -119.17, "Population": 3982.0}, {"index": 20189, "quantile": 0.75, "value": 236500.00000000003, "Latitude": 34.27, "Longitude": -119.17, "Population": 3982.0}, {"index": 20189, "quantile": 1.0, "value": 353200.0, "Latitude": 34.27, "Longitude": -119.17, "Population": 3982.0}, {"index": 20190, "quantile": 0.0, "value": 115700.0, "Latitude": 34.26, "Longitude": -119.17, "Population": 1638.0}, {"index": 20190, "quantile": 0.25, "value": 267300.0, "Latitude": 34.26, "Longitude": -119.17, "Population": 1638.0}, {"index": 20190, "quantile": 0.5, "value": 267300.0, "Latitude": 34.26, "Longitude": -119.17, "Population": 1638.0}, {"index": 20190, "quantile": 0.75, "value": 274800.0, "Latitude": 34.26, "Longitude": -119.17, "Population": 1638.0}, {"index": 20190, "quantile": 1.0, "value": 403700.0, "Latitude": 34.26, "Longitude": -119.17, "Population": 1638.0}, {"index": 20191, "quantile": 0.0, "value": 85700.0, "Latitude": 34.27, "Longitude": -119.22, "Population": 2065.0}, {"index": 20191, "quantile": 0.25, "value": 217275.00000000003, "Latitude": 34.27, "Longitude": -119.22, "Population": 2065.0}, {"index": 20191, "quantile": 0.5, "value": 223600.00000000003, "Latitude": 34.27, "Longitude": -119.22, "Population": 2065.0}, {"index": 20191, "quantile": 0.75, "value": 223600.00000000003, "Latitude": 34.27, "Longitude": -119.22, "Population": 2065.0}, {"index": 20191, "quantile": 1.0, "value": 333300.0, "Latitude": 34.27, "Longitude": -119.22, "Population": 2065.0}, {"index": 20192, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.26, "Longitude": -119.21, "Population": 326.0}, {"index": 20192, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 34.26, "Longitude": -119.21, "Population": 326.0}, {"index": 20192, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 34.26, "Longitude": -119.21, "Population": 326.0}, {"index": 20192, "quantile": 0.75, "value": 137500.0, "Latitude": 34.26, "Longitude": -119.21, "Population": 326.0}, {"index": 20192, "quantile": 1.0, "value": 450000.0, "Latitude": 34.26, "Longitude": -119.21, "Population": 326.0}, {"index": 20193, "quantile": 0.0, "value": 83200.0, "Latitude": 34.26, "Longitude": -119.21, "Population": 1582.0}, {"index": 20193, "quantile": 0.25, "value": 157300.0, "Latitude": 34.26, "Longitude": -119.21, "Population": 1582.0}, {"index": 20193, "quantile": 0.5, "value": 157300.0, "Latitude": 34.26, "Longitude": -119.21, "Population": 1582.0}, {"index": 20193, "quantile": 0.75, "value": 175700.0, "Latitude": 34.26, "Longitude": -119.21, "Population": 1582.0}, {"index": 20193, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -119.21, "Population": 1582.0}, {"index": 20194, "quantile": 0.0, "value": 118400.0, "Latitude": 34.26, "Longitude": -119.22, "Population": 1403.0}, {"index": 20194, "quantile": 0.25, "value": 145200.0, "Latitude": 34.26, "Longitude": -119.22, "Population": 1403.0}, {"index": 20194, "quantile": 0.5, "value": 145200.0, "Latitude": 34.26, "Longitude": -119.22, "Population": 1403.0}, {"index": 20194, "quantile": 0.75, "value": 180275.0, "Latitude": 34.26, "Longitude": -119.22, "Population": 1403.0}, {"index": 20194, "quantile": 1.0, "value": 335000.0, "Latitude": 34.26, "Longitude": -119.22, "Population": 1403.0}, {"index": 20195, "quantile": 0.0, "value": 82800.0, "Latitude": 34.27, "Longitude": -119.2, "Population": 3012.0}, {"index": 20195, "quantile": 0.25, "value": 162250.0, "Latitude": 34.27, "Longitude": -119.2, "Population": 3012.0}, {"index": 20195, "quantile": 0.5, "value": 186850.0, "Latitude": 34.27, "Longitude": -119.2, "Population": 3012.0}, {"index": 20195, "quantile": 0.75, "value": 220525.0, "Latitude": 34.27, "Longitude": -119.2, "Population": 3012.0}, {"index": 20195, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.27, "Longitude": -119.2, "Population": 3012.0}, {"index": 20196, "quantile": 0.0, "value": 134700.0, "Latitude": 34.26, "Longitude": -119.21, "Population": 1508.0}, {"index": 20196, "quantile": 0.25, "value": 217600.00000000003, "Latitude": 34.26, "Longitude": -119.21, "Population": 1508.0}, {"index": 20196, "quantile": 0.5, "value": 217600.00000000003, "Latitude": 34.26, "Longitude": -119.21, "Population": 1508.0}, {"index": 20196, "quantile": 0.75, "value": 227375.00000000003, "Latitude": 34.26, "Longitude": -119.21, "Population": 1508.0}, {"index": 20196, "quantile": 1.0, "value": 341700.0, "Latitude": 34.26, "Longitude": -119.21, "Population": 1508.0}, {"index": 20197, "quantile": 0.0, "value": 137500.0, "Latitude": 34.26, "Longitude": -119.2, "Population": 1439.0}, {"index": 20197, "quantile": 0.25, "value": 199500.0, "Latitude": 34.26, "Longitude": -119.2, "Population": 1439.0}, {"index": 20197, "quantile": 0.5, "value": 199500.0, "Latitude": 34.26, "Longitude": -119.2, "Population": 1439.0}, {"index": 20197, "quantile": 0.75, "value": 202700.0, "Latitude": 34.26, "Longitude": -119.2, "Population": 1439.0}, {"index": 20197, "quantile": 1.0, "value": 350000.0, "Latitude": 34.26, "Longitude": -119.2, "Population": 1439.0}, {"index": 20198, "quantile": 0.0, "value": 110900.0, "Latitude": 34.26, "Longitude": -119.19, "Population": 2524.0}, {"index": 20198, "quantile": 0.25, "value": 216800.00000000003, "Latitude": 34.26, "Longitude": -119.19, "Population": 2524.0}, {"index": 20198, "quantile": 0.5, "value": 238000.0, "Latitude": 34.26, "Longitude": -119.19, "Population": 2524.0}, {"index": 20198, "quantile": 0.75, "value": 263950.0, "Latitude": 34.26, "Longitude": -119.19, "Population": 2524.0}, {"index": 20198, "quantile": 1.0, "value": 325400.0, "Latitude": 34.26, "Longitude": -119.19, "Population": 2524.0}, {"index": 20199, "quantile": 0.0, "value": 167400.0, "Latitude": 34.26, "Longitude": -119.18, "Population": 1298.0}, {"index": 20199, "quantile": 0.25, "value": 228900.00000000003, "Latitude": 34.26, "Longitude": -119.18, "Population": 1298.0}, {"index": 20199, "quantile": 0.5, "value": 228900.00000000003, "Latitude": 34.26, "Longitude": -119.18, "Population": 1298.0}, {"index": 20199, "quantile": 0.75, "value": 228900.00000000003, "Latitude": 34.26, "Longitude": -119.18, "Population": 1298.0}, {"index": 20199, "quantile": 1.0, "value": 281300.0, "Latitude": 34.26, "Longitude": -119.18, "Population": 1298.0}, {"index": 20200, "quantile": 0.0, "value": 95200.0, "Latitude": 34.25, "Longitude": -119.19, "Population": 79.0}, {"index": 20200, "quantile": 0.25, "value": 181525.0, "Latitude": 34.25, "Longitude": -119.19, "Population": 79.0}, {"index": 20200, "quantile": 0.5, "value": 214600.0, "Latitude": 34.25, "Longitude": -119.19, "Population": 79.0}, {"index": 20200, "quantile": 0.75, "value": 214600.0, "Latitude": 34.25, "Longitude": -119.19, "Population": 79.0}, {"index": 20200, "quantile": 1.0, "value": 450000.0, "Latitude": 34.25, "Longitude": -119.19, "Population": 79.0}, {"index": 20201, "quantile": 0.0, "value": 162500.0, "Latitude": 34.26, "Longitude": -119.21, "Population": 1313.0}, {"index": 20201, "quantile": 0.25, "value": 234100.00000000003, "Latitude": 34.26, "Longitude": -119.21, "Population": 1313.0}, {"index": 20201, "quantile": 0.5, "value": 234100.00000000003, "Latitude": 34.26, "Longitude": -119.21, "Population": 1313.0}, {"index": 20201, "quantile": 0.75, "value": 234100.00000000003, "Latitude": 34.26, "Longitude": -119.21, "Population": 1313.0}, {"index": 20201, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -119.21, "Population": 1313.0}, {"index": 20202, "quantile": 0.0, "value": 158800.0, "Latitude": 34.26, "Longitude": -119.2, "Population": 1194.0}, {"index": 20202, "quantile": 0.25, "value": 223200.00000000003, "Latitude": 34.26, "Longitude": -119.2, "Population": 1194.0}, {"index": 20202, "quantile": 0.5, "value": 223200.00000000003, "Latitude": 34.26, "Longitude": -119.2, "Population": 1194.0}, {"index": 20202, "quantile": 0.75, "value": 223200.00000000003, "Latitude": 34.26, "Longitude": -119.2, "Population": 1194.0}, {"index": 20202, "quantile": 1.0, "value": 281300.0, "Latitude": 34.26, "Longitude": -119.2, "Population": 1194.0}, {"index": 20203, "quantile": 0.0, "value": 131000.0, "Latitude": 34.25, "Longitude": -119.2, "Population": 1973.0}, {"index": 20203, "quantile": 0.25, "value": 234925.0, "Latitude": 34.25, "Longitude": -119.2, "Population": 1973.0}, {"index": 20203, "quantile": 0.5, "value": 235000.0, "Latitude": 34.25, "Longitude": -119.2, "Population": 1973.0}, {"index": 20203, "quantile": 0.75, "value": 235000.0, "Latitude": 34.25, "Longitude": -119.2, "Population": 1973.0}, {"index": 20203, "quantile": 1.0, "value": 323000.0, "Latitude": 34.25, "Longitude": -119.2, "Population": 1973.0}, {"index": 20204, "quantile": 0.0, "value": 94300.0, "Latitude": 34.25, "Longitude": -119.2, "Population": 140.0}, {"index": 20204, "quantile": 0.25, "value": 187500.0, "Latitude": 34.25, "Longitude": -119.2, "Population": 140.0}, {"index": 20204, "quantile": 0.5, "value": 187500.0, "Latitude": 34.25, "Longitude": -119.2, "Population": 140.0}, {"index": 20204, "quantile": 0.75, "value": 197400.0, "Latitude": 34.25, "Longitude": -119.2, "Population": 140.0}, {"index": 20204, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -119.2, "Population": 140.0}, {"index": 20205, "quantile": 0.0, "value": 72100.0, "Latitude": 34.28, "Longitude": -119.2, "Population": 1127.0}, {"index": 20205, "quantile": 0.25, "value": 219400.0, "Latitude": 34.28, "Longitude": -119.2, "Population": 1127.0}, {"index": 20205, "quantile": 0.5, "value": 219400.0, "Latitude": 34.28, "Longitude": -119.2, "Population": 1127.0}, {"index": 20205, "quantile": 0.75, "value": 219400.0, "Latitude": 34.28, "Longitude": -119.2, "Population": 1127.0}, {"index": 20205, "quantile": 1.0, "value": 435200.00000000006, "Latitude": 34.28, "Longitude": -119.2, "Population": 1127.0}, {"index": 20206, "quantile": 0.0, "value": 109000.00000000001, "Latitude": 34.27, "Longitude": -119.22, "Population": 695.0}, {"index": 20206, "quantile": 0.25, "value": 234300.0, "Latitude": 34.27, "Longitude": -119.22, "Population": 695.0}, {"index": 20206, "quantile": 0.5, "value": 234300.0, "Latitude": 34.27, "Longitude": -119.22, "Population": 695.0}, {"index": 20206, "quantile": 0.75, "value": 247600.0, "Latitude": 34.27, "Longitude": -119.22, "Population": 695.0}, {"index": 20206, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -119.22, "Population": 695.0}, {"index": 20207, "quantile": 0.0, "value": 83200.0, "Latitude": 34.27, "Longitude": -119.23, "Population": 1650.0}, {"index": 20207, "quantile": 0.25, "value": 196800.0, "Latitude": 34.27, "Longitude": -119.23, "Population": 1650.0}, {"index": 20207, "quantile": 0.5, "value": 232900.00000000003, "Latitude": 34.27, "Longitude": -119.23, "Population": 1650.0}, {"index": 20207, "quantile": 0.75, "value": 262900.0, "Latitude": 34.27, "Longitude": -119.23, "Population": 1650.0}, {"index": 20207, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 34.27, "Longitude": -119.23, "Population": 1650.0}, {"index": 20208, "quantile": 0.0, "value": 284200.0, "Latitude": 34.31, "Longitude": -119.21, "Population": 2855.0}, {"index": 20208, "quantile": 0.25, "value": 346400.0, "Latitude": 34.31, "Longitude": -119.21, "Population": 2855.0}, {"index": 20208, "quantile": 0.5, "value": 409300.0, "Latitude": 34.31, "Longitude": -119.21, "Population": 2855.0}, {"index": 20208, "quantile": 0.75, "value": 409300.0, "Latitude": 34.31, "Longitude": -119.21, "Population": 2855.0}, {"index": 20208, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.31, "Longitude": -119.21, "Population": 2855.0}, {"index": 20209, "quantile": 0.0, "value": 218600.0, "Latitude": 34.28, "Longitude": -119.21, "Population": 937.0}, {"index": 20209, "quantile": 0.25, "value": 281100.0, "Latitude": 34.28, "Longitude": -119.21, "Population": 937.0}, {"index": 20209, "quantile": 0.5, "value": 281100.0, "Latitude": 34.28, "Longitude": -119.21, "Population": 937.0}, {"index": 20209, "quantile": 0.75, "value": 281100.0, "Latitude": 34.28, "Longitude": -119.21, "Population": 937.0}, {"index": 20209, "quantile": 1.0, "value": 440000.00000000006, "Latitude": 34.28, "Longitude": -119.21, "Population": 937.0}, {"index": 20210, "quantile": 0.0, "value": 165200.0, "Latitude": 34.3, "Longitude": -119.23, "Population": 690.0}, {"index": 20210, "quantile": 0.25, "value": 390775.0, "Latitude": 34.3, "Longitude": -119.23, "Population": 690.0}, {"index": 20210, "quantile": 0.5, "value": 404300.0, "Latitude": 34.3, "Longitude": -119.23, "Population": 690.0}, {"index": 20210, "quantile": 0.75, "value": 404300.0, "Latitude": 34.3, "Longitude": -119.23, "Population": 690.0}, {"index": 20210, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.3, "Longitude": -119.23, "Population": 690.0}, {"index": 20211, "quantile": 0.0, "value": 139100.0, "Latitude": 34.28, "Longitude": -119.23, "Population": 1581.0}, {"index": 20211, "quantile": 0.25, "value": 283050.0, "Latitude": 34.28, "Longitude": -119.23, "Population": 1581.0}, {"index": 20211, "quantile": 0.5, "value": 331900.0, "Latitude": 34.28, "Longitude": -119.23, "Population": 1581.0}, {"index": 20211, "quantile": 0.75, "value": 400000.0, "Latitude": 34.28, "Longitude": -119.23, "Population": 1581.0}, {"index": 20211, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -119.23, "Population": 1581.0}, {"index": 20212, "quantile": 0.0, "value": 139100.0, "Latitude": 34.28, "Longitude": -119.22, "Population": 899.0}, {"index": 20212, "quantile": 0.25, "value": 299700.0, "Latitude": 34.28, "Longitude": -119.22, "Population": 899.0}, {"index": 20212, "quantile": 0.5, "value": 299700.0, "Latitude": 34.28, "Longitude": -119.22, "Population": 899.0}, {"index": 20212, "quantile": 0.75, "value": 299700.0, "Latitude": 34.28, "Longitude": -119.22, "Population": 899.0}, {"index": 20212, "quantile": 1.0, "value": 430600.0, "Latitude": 34.28, "Longitude": -119.22, "Population": 899.0}, {"index": 20213, "quantile": 0.0, "value": 142500.0, "Latitude": 34.28, "Longitude": -119.22, "Population": 1052.0}, {"index": 20213, "quantile": 0.25, "value": 238649.99999999997, "Latitude": 34.28, "Longitude": -119.22, "Population": 1052.0}, {"index": 20213, "quantile": 0.5, "value": 247400.00000000003, "Latitude": 34.28, "Longitude": -119.22, "Population": 1052.0}, {"index": 20213, "quantile": 0.75, "value": 306625.0, "Latitude": 34.28, "Longitude": -119.22, "Population": 1052.0}, {"index": 20213, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -119.22, "Population": 1052.0}, {"index": 20214, "quantile": 0.0, "value": 87600.0, "Latitude": 34.28, "Longitude": -119.25, "Population": 703.0}, {"index": 20214, "quantile": 0.25, "value": 228799.99999999997, "Latitude": 34.28, "Longitude": -119.25, "Population": 703.0}, {"index": 20214, "quantile": 0.5, "value": 231900.0, "Latitude": 34.28, "Longitude": -119.25, "Population": 703.0}, {"index": 20214, "quantile": 0.75, "value": 231900.0, "Latitude": 34.28, "Longitude": -119.25, "Population": 703.0}, {"index": 20214, "quantile": 1.0, "value": 366700.0, "Latitude": 34.28, "Longitude": -119.25, "Population": 703.0}, {"index": 20215, "quantile": 0.0, "value": 151400.0, "Latitude": 34.28, "Longitude": -119.26, "Population": 1288.0}, {"index": 20215, "quantile": 0.25, "value": 254100.0, "Latitude": 34.28, "Longitude": -119.26, "Population": 1288.0}, {"index": 20215, "quantile": 0.5, "value": 254100.0, "Latitude": 34.28, "Longitude": -119.26, "Population": 1288.0}, {"index": 20215, "quantile": 0.75, "value": 254100.0, "Latitude": 34.28, "Longitude": -119.26, "Population": 1288.0}, {"index": 20215, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -119.26, "Population": 1288.0}, {"index": 20216, "quantile": 0.0, "value": 114999.99999999999, "Latitude": 34.3, "Longitude": -119.25, "Population": 445.0}, {"index": 20216, "quantile": 0.25, "value": 319100.0, "Latitude": 34.3, "Longitude": -119.25, "Population": 445.0}, {"index": 20216, "quantile": 0.5, "value": 396400.0, "Latitude": 34.3, "Longitude": -119.25, "Population": 445.0}, {"index": 20216, "quantile": 0.75, "value": 396400.0, "Latitude": 34.3, "Longitude": -119.25, "Population": 445.0}, {"index": 20216, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.3, "Longitude": -119.25, "Population": 445.0}, {"index": 20217, "quantile": 0.0, "value": 175200.0, "Latitude": 34.28, "Longitude": -119.25, "Population": 951.0}, {"index": 20217, "quantile": 0.25, "value": 303200.0, "Latitude": 34.28, "Longitude": -119.25, "Population": 951.0}, {"index": 20217, "quantile": 0.5, "value": 303200.0, "Latitude": 34.28, "Longitude": -119.25, "Population": 951.0}, {"index": 20217, "quantile": 0.75, "value": 338850.0, "Latitude": 34.28, "Longitude": -119.25, "Population": 951.0}, {"index": 20217, "quantile": 1.0, "value": 463800.0, "Latitude": 34.28, "Longitude": -119.25, "Population": 951.0}, {"index": 20218, "quantile": 0.0, "value": 93900.0, "Latitude": 34.28, "Longitude": -119.24, "Population": 608.0}, {"index": 20218, "quantile": 0.25, "value": 229100.0, "Latitude": 34.28, "Longitude": -119.24, "Population": 608.0}, {"index": 20218, "quantile": 0.5, "value": 229100.0, "Latitude": 34.28, "Longitude": -119.24, "Population": 608.0}, {"index": 20218, "quantile": 0.75, "value": 247625.00000000003, "Latitude": 34.28, "Longitude": -119.24, "Population": 608.0}, {"index": 20218, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -119.24, "Population": 608.0}, {"index": 20219, "quantile": 0.0, "value": 159400.0, "Latitude": 34.28, "Longitude": -119.26, "Population": 683.0}, {"index": 20219, "quantile": 0.25, "value": 279600.0, "Latitude": 34.28, "Longitude": -119.26, "Population": 683.0}, {"index": 20219, "quantile": 0.5, "value": 315550.0, "Latitude": 34.28, "Longitude": -119.26, "Population": 683.0}, {"index": 20219, "quantile": 0.75, "value": 362500.0, "Latitude": 34.28, "Longitude": -119.26, "Population": 683.0}, {"index": 20219, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -119.26, "Population": 683.0}, {"index": 20220, "quantile": 0.0, "value": 90400.0, "Latitude": 34.28, "Longitude": -119.27, "Population": 941.0}, {"index": 20220, "quantile": 0.25, "value": 236249.99999999997, "Latitude": 34.28, "Longitude": -119.27, "Population": 941.0}, {"index": 20220, "quantile": 0.5, "value": 274100.0, "Latitude": 34.28, "Longitude": -119.27, "Population": 941.0}, {"index": 20220, "quantile": 0.75, "value": 345900.0, "Latitude": 34.28, "Longitude": -119.27, "Population": 941.0}, {"index": 20220, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -119.27, "Population": 941.0}, {"index": 20221, "quantile": 0.0, "value": 215800.0, "Latitude": 34.29, "Longitude": -119.27, "Population": 982.0}, {"index": 20221, "quantile": 0.25, "value": 385200.0, "Latitude": 34.29, "Longitude": -119.27, "Population": 982.0}, {"index": 20221, "quantile": 0.5, "value": 385200.0, "Latitude": 34.29, "Longitude": -119.27, "Population": 982.0}, {"index": 20221, "quantile": 0.75, "value": 385200.0, "Latitude": 34.29, "Longitude": -119.27, "Population": 982.0}, {"index": 20221, "quantile": 1.0, "value": 495500.0, "Latitude": 34.29, "Longitude": -119.27, "Population": 982.0}, {"index": 20222, "quantile": 0.0, "value": 157100.0, "Latitude": 34.29, "Longitude": -119.29, "Population": 1835.0}, {"index": 20222, "quantile": 0.25, "value": 243750.0, "Latitude": 34.29, "Longitude": -119.29, "Population": 1835.0}, {"index": 20222, "quantile": 0.5, "value": 268000.0, "Latitude": 34.29, "Longitude": -119.29, "Population": 1835.0}, {"index": 20222, "quantile": 0.75, "value": 313900.0, "Latitude": 34.29, "Longitude": -119.29, "Population": 1835.0}, {"index": 20222, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.29, "Longitude": -119.29, "Population": 1835.0}, {"index": 20223, "quantile": 0.0, "value": 70200.0, "Latitude": 34.3, "Longitude": -119.29, "Population": 4647.0}, {"index": 20223, "quantile": 0.25, "value": 186800.0, "Latitude": 34.3, "Longitude": -119.29, "Population": 4647.0}, {"index": 20223, "quantile": 0.5, "value": 186800.0, "Latitude": 34.3, "Longitude": -119.29, "Population": 4647.0}, {"index": 20223, "quantile": 0.75, "value": 205425.0, "Latitude": 34.3, "Longitude": -119.29, "Population": 4647.0}, {"index": 20223, "quantile": 1.0, "value": 381800.0, "Latitude": 34.3, "Longitude": -119.29, "Population": 4647.0}, {"index": 20224, "quantile": 0.0, "value": 145400.0, "Latitude": 34.29, "Longitude": -119.3, "Population": 1052.0}, {"index": 20224, "quantile": 0.25, "value": 192150.0, "Latitude": 34.29, "Longitude": -119.3, "Population": 1052.0}, {"index": 20224, "quantile": 0.5, "value": 237200.0, "Latitude": 34.29, "Longitude": -119.3, "Population": 1052.0}, {"index": 20224, "quantile": 0.75, "value": 250000.0, "Latitude": 34.29, "Longitude": -119.3, "Population": 1052.0}, {"index": 20224, "quantile": 1.0, "value": 297500.0, "Latitude": 34.29, "Longitude": -119.3, "Population": 1052.0}, {"index": 20225, "quantile": 0.0, "value": 115500.0, "Latitude": 34.29, "Longitude": -119.3, "Population": 2535.0}, {"index": 20225, "quantile": 0.25, "value": 172200.0, "Latitude": 34.29, "Longitude": -119.3, "Population": 2535.0}, {"index": 20225, "quantile": 0.5, "value": 213899.99999999997, "Latitude": 34.29, "Longitude": -119.3, "Population": 2535.0}, {"index": 20225, "quantile": 0.75, "value": 235800.0, "Latitude": 34.29, "Longitude": -119.3, "Population": 2535.0}, {"index": 20225, "quantile": 1.0, "value": 450000.0, "Latitude": 34.29, "Longitude": -119.3, "Population": 2535.0}, {"index": 20226, "quantile": 0.0, "value": 122700.00000000001, "Latitude": 34.29, "Longitude": -119.3, "Population": 2775.0}, {"index": 20226, "quantile": 0.25, "value": 160500.0, "Latitude": 34.29, "Longitude": -119.3, "Population": 2775.0}, {"index": 20226, "quantile": 0.5, "value": 160500.0, "Latitude": 34.29, "Longitude": -119.3, "Population": 2775.0}, {"index": 20226, "quantile": 0.75, "value": 160500.0, "Latitude": 34.29, "Longitude": -119.3, "Population": 2775.0}, {"index": 20226, "quantile": 1.0, "value": 450000.0, "Latitude": 34.29, "Longitude": -119.3, "Population": 2775.0}, {"index": 20227, "quantile": 0.0, "value": 82800.0, "Latitude": 34.31, "Longitude": -119.29, "Population": 702.0}, {"index": 20227, "quantile": 0.25, "value": 184275.0, "Latitude": 34.31, "Longitude": -119.29, "Population": 702.0}, {"index": 20227, "quantile": 0.5, "value": 211899.99999999997, "Latitude": 34.31, "Longitude": -119.29, "Population": 702.0}, {"index": 20227, "quantile": 0.75, "value": 235000.0, "Latitude": 34.31, "Longitude": -119.29, "Population": 702.0}, {"index": 20227, "quantile": 1.0, "value": 425000.0, "Latitude": 34.31, "Longitude": -119.29, "Population": 702.0}, {"index": 20228, "quantile": 0.0, "value": 167400.0, "Latitude": 34.28, "Longitude": -119.29, "Population": 1537.0}, {"index": 20228, "quantile": 0.25, "value": 192500.0, "Latitude": 34.28, "Longitude": -119.29, "Population": 1537.0}, {"index": 20228, "quantile": 0.5, "value": 192500.0, "Latitude": 34.28, "Longitude": -119.29, "Population": 1537.0}, {"index": 20228, "quantile": 0.75, "value": 225000.0, "Latitude": 34.28, "Longitude": -119.29, "Population": 1537.0}, {"index": 20228, "quantile": 1.0, "value": 410700.0, "Latitude": 34.28, "Longitude": -119.29, "Population": 1537.0}, {"index": 20229, "quantile": 0.0, "value": 17500.0, "Latitude": 34.27, "Longitude": -119.3, "Population": 688.0}, {"index": 20229, "quantile": 0.25, "value": 169725.0, "Latitude": 34.27, "Longitude": -119.3, "Population": 688.0}, {"index": 20229, "quantile": 0.5, "value": 237500.0, "Latitude": 34.27, "Longitude": -119.3, "Population": 688.0}, {"index": 20229, "quantile": 0.75, "value": 300000.0, "Latitude": 34.27, "Longitude": -119.3, "Population": 688.0}, {"index": 20229, "quantile": 1.0, "value": 500000.0, "Latitude": 34.27, "Longitude": -119.3, "Population": 688.0}, {"index": 20230, "quantile": 0.0, "value": 37500.0, "Latitude": 34.26, "Longitude": -119.29, "Population": 1344.0}, {"index": 20230, "quantile": 0.25, "value": 257824.99999999997, "Latitude": 34.26, "Longitude": -119.29, "Population": 1344.0}, {"index": 20230, "quantile": 0.5, "value": 395500.0, "Latitude": 34.26, "Longitude": -119.29, "Population": 1344.0}, {"index": 20230, "quantile": 0.75, "value": 395500.0, "Latitude": 34.26, "Longitude": -119.29, "Population": 1344.0}, {"index": 20230, "quantile": 1.0, "value": 468000.0, "Latitude": 34.26, "Longitude": -119.29, "Population": 1344.0}, {"index": 20231, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 34.26, "Longitude": -119.27, "Population": 1455.0}, {"index": 20231, "quantile": 0.25, "value": 359100.0, "Latitude": 34.26, "Longitude": -119.27, "Population": 1455.0}, {"index": 20231, "quantile": 0.5, "value": 359100.0, "Latitude": 34.26, "Longitude": -119.27, "Population": 1455.0}, {"index": 20231, "quantile": 0.75, "value": 359100.0, "Latitude": 34.26, "Longitude": -119.27, "Population": 1455.0}, {"index": 20231, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -119.27, "Population": 1455.0}, {"index": 20232, "quantile": 0.0, "value": 72500.0, "Latitude": 34.23, "Longitude": -119.29, "Population": 709.0}, {"index": 20232, "quantile": 0.25, "value": 275000.0, "Latitude": 34.23, "Longitude": -119.29, "Population": 709.0}, {"index": 20232, "quantile": 0.5, "value": 275000.0, "Latitude": 34.23, "Longitude": -119.29, "Population": 709.0}, {"index": 20232, "quantile": 0.75, "value": 275000.0, "Latitude": 34.23, "Longitude": -119.29, "Population": 709.0}, {"index": 20232, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -119.29, "Population": 709.0}, {"index": 20233, "quantile": 0.0, "value": 160100.0, "Latitude": 34.24, "Longitude": -119.29, "Population": 1682.0}, {"index": 20233, "quantile": 0.25, "value": 479450.75, "Latitude": 34.24, "Longitude": -119.29, "Population": 1682.0}, {"index": 20233, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -119.29, "Population": 1682.0}, {"index": 20233, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -119.29, "Population": 1682.0}, {"index": 20233, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -119.29, "Population": 1682.0}, {"index": 20234, "quantile": 0.0, "value": 93900.0, "Latitude": 34.27, "Longitude": -119.27, "Population": 668.0}, {"index": 20234, "quantile": 0.25, "value": 203799.99999999997, "Latitude": 34.27, "Longitude": -119.27, "Population": 668.0}, {"index": 20234, "quantile": 0.5, "value": 203799.99999999997, "Latitude": 34.27, "Longitude": -119.27, "Population": 668.0}, {"index": 20234, "quantile": 0.75, "value": 229100.0, "Latitude": 34.27, "Longitude": -119.27, "Population": 668.0}, {"index": 20234, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -119.27, "Population": 668.0}, {"index": 20235, "quantile": 0.0, "value": 67500.0, "Latitude": 34.28, "Longitude": -119.27, "Population": 915.0}, {"index": 20235, "quantile": 0.25, "value": 206300.00000000003, "Latitude": 34.28, "Longitude": -119.27, "Population": 915.0}, {"index": 20235, "quantile": 0.5, "value": 206300.00000000003, "Latitude": 34.28, "Longitude": -119.27, "Population": 915.0}, {"index": 20235, "quantile": 0.75, "value": 213599.99999999997, "Latitude": 34.28, "Longitude": -119.27, "Population": 915.0}, {"index": 20235, "quantile": 1.0, "value": 362500.0, "Latitude": 34.28, "Longitude": -119.27, "Population": 915.0}, {"index": 20236, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.27, "Longitude": -119.27, "Population": 276.0}, {"index": 20236, "quantile": 0.25, "value": 198400.0, "Latitude": 34.27, "Longitude": -119.27, "Population": 276.0}, {"index": 20236, "quantile": 0.5, "value": 198400.0, "Latitude": 34.27, "Longitude": -119.27, "Population": 276.0}, {"index": 20236, "quantile": 0.75, "value": 198400.0, "Latitude": 34.27, "Longitude": -119.27, "Population": 276.0}, {"index": 20236, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -119.27, "Population": 276.0}, {"index": 20237, "quantile": 0.0, "value": 155400.0, "Latitude": 34.27, "Longitude": -119.27, "Population": 836.0}, {"index": 20237, "quantile": 0.25, "value": 206599.99999999997, "Latitude": 34.27, "Longitude": -119.27, "Population": 836.0}, {"index": 20237, "quantile": 0.5, "value": 206599.99999999997, "Latitude": 34.27, "Longitude": -119.27, "Population": 836.0}, {"index": 20237, "quantile": 0.75, "value": 206599.99999999997, "Latitude": 34.27, "Longitude": -119.27, "Population": 836.0}, {"index": 20237, "quantile": 1.0, "value": 440900.0, "Latitude": 34.27, "Longitude": -119.27, "Population": 836.0}, {"index": 20238, "quantile": 0.0, "value": 214299.99999999997, "Latitude": 34.27, "Longitude": -119.28, "Population": 156.0}, {"index": 20238, "quantile": 0.25, "value": 354200.0, "Latitude": 34.27, "Longitude": -119.28, "Population": 156.0}, {"index": 20238, "quantile": 0.5, "value": 384600.0, "Latitude": 34.27, "Longitude": -119.28, "Population": 156.0}, {"index": 20238, "quantile": 0.75, "value": 384600.0, "Latitude": 34.27, "Longitude": -119.28, "Population": 156.0}, {"index": 20238, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -119.28, "Population": 156.0}, {"index": 20239, "quantile": 0.0, "value": 140500.0, "Latitude": 34.27, "Longitude": -119.28, "Population": 399.0}, {"index": 20239, "quantile": 0.25, "value": 166700.0, "Latitude": 34.27, "Longitude": -119.28, "Population": 399.0}, {"index": 20239, "quantile": 0.5, "value": 166700.0, "Latitude": 34.27, "Longitude": -119.28, "Population": 399.0}, {"index": 20239, "quantile": 0.75, "value": 221200.00000000003, "Latitude": 34.27, "Longitude": -119.28, "Population": 399.0}, {"index": 20239, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -119.28, "Population": 399.0}, {"index": 20240, "quantile": 0.0, "value": 145200.0, "Latitude": 34.27, "Longitude": -119.25, "Population": 382.0}, {"index": 20240, "quantile": 0.25, "value": 221200.00000000003, "Latitude": 34.27, "Longitude": -119.25, "Population": 382.0}, {"index": 20240, "quantile": 0.5, "value": 221200.00000000003, "Latitude": 34.27, "Longitude": -119.25, "Population": 382.0}, {"index": 20240, "quantile": 0.75, "value": 221200.00000000003, "Latitude": 34.27, "Longitude": -119.25, "Population": 382.0}, {"index": 20240, "quantile": 1.0, "value": 357400.0, "Latitude": 34.27, "Longitude": -119.25, "Population": 382.0}, {"index": 20241, "quantile": 0.0, "value": 37500.0, "Latitude": 34.27, "Longitude": -119.24, "Population": 1900.0}, {"index": 20241, "quantile": 0.25, "value": 220500.0, "Latitude": 34.27, "Longitude": -119.24, "Population": 1900.0}, {"index": 20241, "quantile": 0.5, "value": 220500.0, "Latitude": 34.27, "Longitude": -119.24, "Population": 1900.0}, {"index": 20241, "quantile": 0.75, "value": 228925.0, "Latitude": 34.27, "Longitude": -119.24, "Population": 1900.0}, {"index": 20241, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -119.24, "Population": 1900.0}, {"index": 20242, "quantile": 0.0, "value": 157100.0, "Latitude": 34.27, "Longitude": -119.23, "Population": 1509.0}, {"index": 20242, "quantile": 0.25, "value": 244499.99999999997, "Latitude": 34.27, "Longitude": -119.23, "Population": 1509.0}, {"index": 20242, "quantile": 0.5, "value": 244499.99999999997, "Latitude": 34.27, "Longitude": -119.23, "Population": 1509.0}, {"index": 20242, "quantile": 0.75, "value": 244775.0, "Latitude": 34.27, "Longitude": -119.23, "Population": 1509.0}, {"index": 20242, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -119.23, "Population": 1509.0}, {"index": 20243, "quantile": 0.0, "value": 88900.0, "Latitude": 34.26, "Longitude": -119.25, "Population": 1635.0}, {"index": 20243, "quantile": 0.25, "value": 214900.0, "Latitude": 34.26, "Longitude": -119.25, "Population": 1635.0}, {"index": 20243, "quantile": 0.5, "value": 214900.0, "Latitude": 34.26, "Longitude": -119.25, "Population": 1635.0}, {"index": 20243, "quantile": 0.75, "value": 253450.0, "Latitude": 34.26, "Longitude": -119.25, "Population": 1635.0}, {"index": 20243, "quantile": 1.0, "value": 375000.0, "Latitude": 34.26, "Longitude": -119.25, "Population": 1635.0}, {"index": 20244, "quantile": 0.0, "value": 134600.0, "Latitude": 34.27, "Longitude": -119.25, "Population": 1338.0}, {"index": 20244, "quantile": 0.25, "value": 199100.0, "Latitude": 34.27, "Longitude": -119.25, "Population": 1338.0}, {"index": 20244, "quantile": 0.5, "value": 223500.00000000003, "Latitude": 34.27, "Longitude": -119.25, "Population": 1338.0}, {"index": 20244, "quantile": 0.75, "value": 235550.00000000003, "Latitude": 34.27, "Longitude": -119.25, "Population": 1338.0}, {"index": 20244, "quantile": 1.0, "value": 365900.0, "Latitude": 34.27, "Longitude": -119.25, "Population": 1338.0}, {"index": 20245, "quantile": 0.0, "value": 140300.0, "Latitude": 34.27, "Longitude": -119.26, "Population": 1029.0}, {"index": 20245, "quantile": 0.25, "value": 209000.0, "Latitude": 34.27, "Longitude": -119.26, "Population": 1029.0}, {"index": 20245, "quantile": 0.5, "value": 209000.0, "Latitude": 34.27, "Longitude": -119.26, "Population": 1029.0}, {"index": 20245, "quantile": 0.75, "value": 209000.0, "Latitude": 34.27, "Longitude": -119.26, "Population": 1029.0}, {"index": 20245, "quantile": 1.0, "value": 340900.0, "Latitude": 34.27, "Longitude": -119.26, "Population": 1029.0}, {"index": 20246, "quantile": 0.0, "value": 161900.0, "Latitude": 34.27, "Longitude": -119.26, "Population": 1318.0}, {"index": 20246, "quantile": 0.25, "value": 213100.00000000003, "Latitude": 34.27, "Longitude": -119.26, "Population": 1318.0}, {"index": 20246, "quantile": 0.5, "value": 252449.99999999997, "Latitude": 34.27, "Longitude": -119.26, "Population": 1318.0}, {"index": 20246, "quantile": 0.75, "value": 267350.0, "Latitude": 34.27, "Longitude": -119.26, "Population": 1318.0}, {"index": 20246, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -119.26, "Population": 1318.0}, {"index": 20247, "quantile": 0.0, "value": 132200.0, "Latitude": 34.27, "Longitude": -119.26, "Population": 394.0}, {"index": 20247, "quantile": 0.25, "value": 214299.99999999997, "Latitude": 34.27, "Longitude": -119.26, "Population": 394.0}, {"index": 20247, "quantile": 0.5, "value": 214299.99999999997, "Latitude": 34.27, "Longitude": -119.26, "Population": 394.0}, {"index": 20247, "quantile": 0.75, "value": 331975.0, "Latitude": 34.27, "Longitude": -119.26, "Population": 394.0}, {"index": 20247, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -119.26, "Population": 394.0}, {"index": 20248, "quantile": 0.0, "value": 67500.0, "Latitude": 34.25, "Longitude": -119.23, "Population": 29.0}, {"index": 20248, "quantile": 0.25, "value": 275000.0, "Latitude": 34.25, "Longitude": -119.23, "Population": 29.0}, {"index": 20248, "quantile": 0.5, "value": 275000.0, "Latitude": 34.25, "Longitude": -119.23, "Population": 29.0}, {"index": 20248, "quantile": 0.75, "value": 275000.0, "Latitude": 34.25, "Longitude": -119.23, "Population": 29.0}, {"index": 20248, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -119.23, "Population": 29.0}, {"index": 20249, "quantile": 0.0, "value": 130600.0, "Latitude": 34.21, "Longitude": -119.25, "Population": 7132.0}, {"index": 20249, "quantile": 0.25, "value": 271275.0, "Latitude": 34.21, "Longitude": -119.25, "Population": 7132.0}, {"index": 20249, "quantile": 0.5, "value": 301800.0, "Latitude": 34.21, "Longitude": -119.25, "Population": 7132.0}, {"index": 20249, "quantile": 0.75, "value": 301800.0, "Latitude": 34.21, "Longitude": -119.25, "Population": 7132.0}, {"index": 20249, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 34.21, "Longitude": -119.25, "Population": 7132.0}, {"index": 20250, "quantile": 0.0, "value": 112500.0, "Latitude": 34.24, "Longitude": -119.18, "Population": 514.0}, {"index": 20250, "quantile": 0.25, "value": 112500.0, "Latitude": 34.24, "Longitude": -119.18, "Population": 514.0}, {"index": 20250, "quantile": 0.5, "value": 112500.0, "Latitude": 34.24, "Longitude": -119.18, "Population": 514.0}, {"index": 20250, "quantile": 0.75, "value": 170900.0, "Latitude": 34.24, "Longitude": -119.18, "Population": 514.0}, {"index": 20250, "quantile": 1.0, "value": 362500.0, "Latitude": 34.24, "Longitude": -119.18, "Population": 514.0}, {"index": 20251, "quantile": 0.0, "value": 116700.0, "Latitude": 34.23, "Longitude": -119.18, "Population": 2147.0}, {"index": 20251, "quantile": 0.25, "value": 218800.00000000003, "Latitude": 34.23, "Longitude": -119.18, "Population": 2147.0}, {"index": 20251, "quantile": 0.5, "value": 218800.00000000003, "Latitude": 34.23, "Longitude": -119.18, "Population": 2147.0}, {"index": 20251, "quantile": 0.75, "value": 218800.00000000003, "Latitude": 34.23, "Longitude": -119.18, "Population": 2147.0}, {"index": 20251, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -119.18, "Population": 2147.0}, {"index": 20252, "quantile": 0.0, "value": 137900.0, "Latitude": 34.22, "Longitude": -119.19, "Population": 2460.0}, {"index": 20252, "quantile": 0.25, "value": 179400.0, "Latitude": 34.22, "Longitude": -119.19, "Population": 2460.0}, {"index": 20252, "quantile": 0.5, "value": 198050.00000000003, "Latitude": 34.22, "Longitude": -119.19, "Population": 2460.0}, {"index": 20252, "quantile": 0.75, "value": 240499.99999999997, "Latitude": 34.22, "Longitude": -119.19, "Population": 2460.0}, {"index": 20252, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.22, "Longitude": -119.19, "Population": 2460.0}, {"index": 20253, "quantile": 0.0, "value": 52500.0, "Latitude": 34.23, "Longitude": -119.19, "Population": 2415.0}, {"index": 20253, "quantile": 0.25, "value": 224800.00000000003, "Latitude": 34.23, "Longitude": -119.19, "Population": 2415.0}, {"index": 20253, "quantile": 0.5, "value": 234300.0, "Latitude": 34.23, "Longitude": -119.19, "Population": 2415.0}, {"index": 20253, "quantile": 0.75, "value": 234300.0, "Latitude": 34.23, "Longitude": -119.19, "Population": 2415.0}, {"index": 20253, "quantile": 1.0, "value": 240800.0, "Latitude": 34.23, "Longitude": -119.19, "Population": 2415.0}, {"index": 20254, "quantile": 0.0, "value": 82800.0, "Latitude": 34.22, "Longitude": -119.18, "Population": 2549.0}, {"index": 20254, "quantile": 0.25, "value": 198700.0, "Latitude": 34.22, "Longitude": -119.18, "Population": 2549.0}, {"index": 20254, "quantile": 0.5, "value": 198700.0, "Latitude": 34.22, "Longitude": -119.18, "Population": 2549.0}, {"index": 20254, "quantile": 0.75, "value": 215200.0, "Latitude": 34.22, "Longitude": -119.18, "Population": 2549.0}, {"index": 20254, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.22, "Longitude": -119.18, "Population": 2549.0}, {"index": 20255, "quantile": 0.0, "value": 144100.0, "Latitude": 34.22, "Longitude": -119.17, "Population": 2783.0}, {"index": 20255, "quantile": 0.25, "value": 186050.0, "Latitude": 34.22, "Longitude": -119.17, "Population": 2783.0}, {"index": 20255, "quantile": 0.5, "value": 205100.00000000003, "Latitude": 34.22, "Longitude": -119.17, "Population": 2783.0}, {"index": 20255, "quantile": 0.75, "value": 234000.0, "Latitude": 34.22, "Longitude": -119.17, "Population": 2783.0}, {"index": 20255, "quantile": 1.0, "value": 338100.0, "Latitude": 34.22, "Longitude": -119.17, "Population": 2783.0}, {"index": 20256, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 34.21, "Longitude": -119.17, "Population": 1432.0}, {"index": 20256, "quantile": 0.25, "value": 143500.0, "Latitude": 34.21, "Longitude": -119.17, "Population": 1432.0}, {"index": 20256, "quantile": 0.5, "value": 143500.0, "Latitude": 34.21, "Longitude": -119.17, "Population": 1432.0}, {"index": 20256, "quantile": 0.75, "value": 166150.0, "Latitude": 34.21, "Longitude": -119.17, "Population": 1432.0}, {"index": 20256, "quantile": 1.0, "value": 253900.00000000003, "Latitude": 34.21, "Longitude": -119.17, "Population": 1432.0}, {"index": 20257, "quantile": 0.0, "value": 37500.0, "Latitude": 34.2, "Longitude": -119.16, "Population": 3504.0}, {"index": 20257, "quantile": 0.25, "value": 158300.0, "Latitude": 34.2, "Longitude": -119.16, "Population": 3504.0}, {"index": 20257, "quantile": 0.5, "value": 160300.0, "Latitude": 34.2, "Longitude": -119.16, "Population": 3504.0}, {"index": 20257, "quantile": 0.75, "value": 160300.0, "Latitude": 34.2, "Longitude": -119.16, "Population": 3504.0}, {"index": 20257, "quantile": 1.0, "value": 226500.0, "Latitude": 34.2, "Longitude": -119.16, "Population": 3504.0}, {"index": 20258, "quantile": 0.0, "value": 91500.0, "Latitude": 34.2, "Longitude": -119.17, "Population": 2751.0}, {"index": 20258, "quantile": 0.25, "value": 147125.0, "Latitude": 34.2, "Longitude": -119.17, "Population": 2751.0}, {"index": 20258, "quantile": 0.5, "value": 165899.99999999997, "Latitude": 34.2, "Longitude": -119.17, "Population": 2751.0}, {"index": 20258, "quantile": 0.75, "value": 179100.0, "Latitude": 34.2, "Longitude": -119.17, "Population": 2751.0}, {"index": 20258, "quantile": 1.0, "value": 302900.0, "Latitude": 34.2, "Longitude": -119.17, "Population": 2751.0}, {"index": 20259, "quantile": 0.0, "value": 37500.0, "Latitude": 34.2, "Longitude": -119.17, "Population": 1843.0}, {"index": 20259, "quantile": 0.25, "value": 137500.0, "Latitude": 34.2, "Longitude": -119.17, "Population": 1843.0}, {"index": 20259, "quantile": 0.5, "value": 152300.0, "Latitude": 34.2, "Longitude": -119.17, "Population": 1843.0}, {"index": 20259, "quantile": 0.75, "value": 171200.0, "Latitude": 34.2, "Longitude": -119.17, "Population": 1843.0}, {"index": 20259, "quantile": 1.0, "value": 253900.00000000003, "Latitude": 34.2, "Longitude": -119.17, "Population": 1843.0}, {"index": 20260, "quantile": 0.0, "value": 113700.0, "Latitude": 34.21, "Longitude": -119.18, "Population": 741.0}, {"index": 20260, "quantile": 0.25, "value": 194775.0, "Latitude": 34.21, "Longitude": -119.18, "Population": 741.0}, {"index": 20260, "quantile": 0.5, "value": 234700.0, "Latitude": 34.21, "Longitude": -119.18, "Population": 741.0}, {"index": 20260, "quantile": 0.75, "value": 234700.0, "Latitude": 34.21, "Longitude": -119.18, "Population": 741.0}, {"index": 20260, "quantile": 1.0, "value": 281300.0, "Latitude": 34.21, "Longitude": -119.18, "Population": 741.0}, {"index": 20261, "quantile": 0.0, "value": 78600.0, "Latitude": 34.21, "Longitude": -119.18, "Population": 1677.0}, {"index": 20261, "quantile": 0.25, "value": 255025.0, "Latitude": 34.21, "Longitude": -119.18, "Population": 1677.0}, {"index": 20261, "quantile": 0.5, "value": 257600.0, "Latitude": 34.21, "Longitude": -119.18, "Population": 1677.0}, {"index": 20261, "quantile": 0.75, "value": 257600.0, "Latitude": 34.21, "Longitude": -119.18, "Population": 1677.0}, {"index": 20261, "quantile": 1.0, "value": 434700.00000000006, "Latitude": 34.21, "Longitude": -119.18, "Population": 1677.0}, {"index": 20262, "quantile": 0.0, "value": 142500.0, "Latitude": 34.21, "Longitude": -119.19, "Population": 2556.0}, {"index": 20262, "quantile": 0.25, "value": 226500.0, "Latitude": 34.21, "Longitude": -119.19, "Population": 2556.0}, {"index": 20262, "quantile": 0.5, "value": 235400.0, "Latitude": 34.21, "Longitude": -119.19, "Population": 2556.0}, {"index": 20262, "quantile": 0.75, "value": 235400.0, "Latitude": 34.21, "Longitude": -119.19, "Population": 2556.0}, {"index": 20262, "quantile": 1.0, "value": 293300.0, "Latitude": 34.21, "Longitude": -119.19, "Population": 2556.0}, {"index": 20263, "quantile": 0.0, "value": 129200.0, "Latitude": 34.21, "Longitude": -119.19, "Population": 1339.0}, {"index": 20263, "quantile": 0.25, "value": 194099.99999999997, "Latitude": 34.21, "Longitude": -119.19, "Population": 1339.0}, {"index": 20263, "quantile": 0.5, "value": 224500.0, "Latitude": 34.21, "Longitude": -119.19, "Population": 1339.0}, {"index": 20263, "quantile": 0.75, "value": 224500.0, "Latitude": 34.21, "Longitude": -119.19, "Population": 1339.0}, {"index": 20263, "quantile": 1.0, "value": 290100.0, "Latitude": 34.21, "Longitude": -119.19, "Population": 1339.0}, {"index": 20264, "quantile": 0.0, "value": 106600.0, "Latitude": 34.2, "Longitude": -119.19, "Population": 1128.0}, {"index": 20264, "quantile": 0.25, "value": 181075.0, "Latitude": 34.2, "Longitude": -119.19, "Population": 1128.0}, {"index": 20264, "quantile": 0.5, "value": 253900.00000000003, "Latitude": 34.2, "Longitude": -119.19, "Population": 1128.0}, {"index": 20264, "quantile": 0.75, "value": 253900.00000000003, "Latitude": 34.2, "Longitude": -119.19, "Population": 1128.0}, {"index": 20264, "quantile": 1.0, "value": 309100.0, "Latitude": 34.2, "Longitude": -119.19, "Population": 1128.0}, {"index": 20265, "quantile": 0.0, "value": 145200.0, "Latitude": 34.21, "Longitude": -119.19, "Population": 2223.0}, {"index": 20265, "quantile": 0.25, "value": 208199.99999999997, "Latitude": 34.21, "Longitude": -119.19, "Population": 2223.0}, {"index": 20265, "quantile": 0.5, "value": 208199.99999999997, "Latitude": 34.21, "Longitude": -119.19, "Population": 2223.0}, {"index": 20265, "quantile": 0.75, "value": 208199.99999999997, "Latitude": 34.21, "Longitude": -119.19, "Population": 2223.0}, {"index": 20265, "quantile": 1.0, "value": 425000.0, "Latitude": 34.21, "Longitude": -119.19, "Population": 2223.0}, {"index": 20266, "quantile": 0.0, "value": 95200.0, "Latitude": 34.21, "Longitude": -119.18, "Population": 1522.0}, {"index": 20266, "quantile": 0.25, "value": 211125.0, "Latitude": 34.21, "Longitude": -119.18, "Population": 1522.0}, {"index": 20266, "quantile": 0.5, "value": 213899.99999999997, "Latitude": 34.21, "Longitude": -119.18, "Population": 1522.0}, {"index": 20266, "quantile": 0.75, "value": 213899.99999999997, "Latitude": 34.21, "Longitude": -119.18, "Population": 1522.0}, {"index": 20266, "quantile": 1.0, "value": 335400.0, "Latitude": 34.21, "Longitude": -119.18, "Population": 1522.0}, {"index": 20267, "quantile": 0.0, "value": 131200.0, "Latitude": 34.2, "Longitude": -119.19, "Population": 3171.0}, {"index": 20267, "quantile": 0.25, "value": 186500.00000000003, "Latitude": 34.2, "Longitude": -119.19, "Population": 3171.0}, {"index": 20267, "quantile": 0.5, "value": 220500.0, "Latitude": 34.2, "Longitude": -119.19, "Population": 3171.0}, {"index": 20267, "quantile": 0.75, "value": 220500.0, "Latitude": 34.2, "Longitude": -119.19, "Population": 3171.0}, {"index": 20267, "quantile": 1.0, "value": 271200.0, "Latitude": 34.2, "Longitude": -119.19, "Population": 3171.0}, {"index": 20268, "quantile": 0.0, "value": 67500.0, "Latitude": 34.19, "Longitude": -119.18, "Population": 1938.0}, {"index": 20268, "quantile": 0.25, "value": 167400.0, "Latitude": 34.19, "Longitude": -119.18, "Population": 1938.0}, {"index": 20268, "quantile": 0.5, "value": 167400.0, "Latitude": 34.19, "Longitude": -119.18, "Population": 1938.0}, {"index": 20268, "quantile": 0.75, "value": 200575.0, "Latitude": 34.19, "Longitude": -119.18, "Population": 1938.0}, {"index": 20268, "quantile": 1.0, "value": 500000.0, "Latitude": 34.19, "Longitude": -119.18, "Population": 1938.0}, {"index": 20269, "quantile": 0.0, "value": 137500.0, "Latitude": 34.2, "Longitude": -119.18, "Population": 489.0}, {"index": 20269, "quantile": 0.25, "value": 170800.0, "Latitude": 34.2, "Longitude": -119.18, "Population": 489.0}, {"index": 20269, "quantile": 0.5, "value": 170800.0, "Latitude": 34.2, "Longitude": -119.18, "Population": 489.0}, {"index": 20269, "quantile": 0.75, "value": 182500.00000000003, "Latitude": 34.2, "Longitude": -119.18, "Population": 489.0}, {"index": 20269, "quantile": 1.0, "value": 297100.0, "Latitude": 34.2, "Longitude": -119.18, "Population": 489.0}, {"index": 20270, "quantile": 0.0, "value": 47500.0, "Latitude": 34.19, "Longitude": -119.18, "Population": 410.0}, {"index": 20270, "quantile": 0.25, "value": 135425.0, "Latitude": 34.19, "Longitude": -119.18, "Population": 410.0}, {"index": 20270, "quantile": 0.5, "value": 195699.99999999997, "Latitude": 34.19, "Longitude": -119.18, "Population": 410.0}, {"index": 20270, "quantile": 0.75, "value": 245350.0, "Latitude": 34.19, "Longitude": -119.18, "Population": 410.0}, {"index": 20270, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -119.18, "Population": 410.0}, {"index": 20271, "quantile": 0.0, "value": 95200.0, "Latitude": 34.17, "Longitude": -119.27, "Population": 3327.0}, {"index": 20271, "quantile": 0.25, "value": 207100.00000000003, "Latitude": 34.17, "Longitude": -119.27, "Population": 3327.0}, {"index": 20271, "quantile": 0.5, "value": 281550.0, "Latitude": 34.17, "Longitude": -119.27, "Population": 3327.0}, {"index": 20271, "quantile": 0.75, "value": 305800.0, "Latitude": 34.17, "Longitude": -119.27, "Population": 3327.0}, {"index": 20271, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -119.27, "Population": 3327.0}, {"index": 20272, "quantile": 0.0, "value": 249300.0, "Latitude": 34.19, "Longitude": -119.23, "Population": 1489.0}, {"index": 20272, "quantile": 0.25, "value": 439100.0, "Latitude": 34.19, "Longitude": -119.23, "Population": 1489.0}, {"index": 20272, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -119.23, "Population": 1489.0}, {"index": 20272, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -119.23, "Population": 1489.0}, {"index": 20272, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -119.23, "Population": 1489.0}, {"index": 20273, "quantile": 0.0, "value": 131000.0, "Latitude": 34.17, "Longitude": -119.23, "Population": 2164.0}, {"index": 20273, "quantile": 0.25, "value": 231100.0, "Latitude": 34.17, "Longitude": -119.23, "Population": 2164.0}, {"index": 20273, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -119.23, "Population": 2164.0}, {"index": 20273, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -119.23, "Population": 2164.0}, {"index": 20273, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -119.23, "Population": 2164.0}, {"index": 20274, "quantile": 0.0, "value": 129200.0, "Latitude": 34.15, "Longitude": -119.23, "Population": 2679.0}, {"index": 20274, "quantile": 0.25, "value": 220950.00000000003, "Latitude": 34.15, "Longitude": -119.23, "Population": 2679.0}, {"index": 20274, "quantile": 0.5, "value": 258700.00000000003, "Latitude": 34.15, "Longitude": -119.23, "Population": 2679.0}, {"index": 20274, "quantile": 0.75, "value": 476700.00000000006, "Latitude": 34.15, "Longitude": -119.23, "Population": 2679.0}, {"index": 20274, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -119.23, "Population": 2679.0}, {"index": 20275, "quantile": 0.0, "value": 93600.0, "Latitude": 34.19, "Longitude": -119.21, "Population": 2216.0}, {"index": 20275, "quantile": 0.25, "value": 181800.0, "Latitude": 34.19, "Longitude": -119.21, "Population": 2216.0}, {"index": 20275, "quantile": 0.5, "value": 219700.0, "Latitude": 34.19, "Longitude": -119.21, "Population": 2216.0}, {"index": 20275, "quantile": 0.75, "value": 242650.0, "Latitude": 34.19, "Longitude": -119.21, "Population": 2216.0}, {"index": 20275, "quantile": 1.0, "value": 416099.99999999994, "Latitude": 34.19, "Longitude": -119.21, "Population": 2216.0}, {"index": 20276, "quantile": 0.0, "value": 101099.99999999999, "Latitude": 34.19, "Longitude": -119.21, "Population": 2754.0}, {"index": 20276, "quantile": 0.25, "value": 203200.0, "Latitude": 34.19, "Longitude": -119.21, "Population": 2754.0}, {"index": 20276, "quantile": 0.5, "value": 226450.0, "Latitude": 34.19, "Longitude": -119.21, "Population": 2754.0}, {"index": 20276, "quantile": 0.75, "value": 246725.0, "Latitude": 34.19, "Longitude": -119.21, "Population": 2754.0}, {"index": 20276, "quantile": 1.0, "value": 357900.0, "Latitude": 34.19, "Longitude": -119.21, "Population": 2754.0}, {"index": 20277, "quantile": 0.0, "value": 83200.0, "Latitude": 34.18, "Longitude": -119.22, "Population": 1797.0}, {"index": 20277, "quantile": 0.25, "value": 204150.0, "Latitude": 34.18, "Longitude": -119.22, "Population": 1797.0}, {"index": 20277, "quantile": 0.5, "value": 223800.0, "Latitude": 34.18, "Longitude": -119.22, "Population": 1797.0}, {"index": 20277, "quantile": 0.75, "value": 247300.0, "Latitude": 34.18, "Longitude": -119.22, "Population": 1797.0}, {"index": 20277, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 34.18, "Longitude": -119.22, "Population": 1797.0}, {"index": 20278, "quantile": 0.0, "value": 166300.0, "Latitude": 34.19, "Longitude": -119.2, "Population": 6370.0}, {"index": 20278, "quantile": 0.25, "value": 215400.0, "Latitude": 34.19, "Longitude": -119.2, "Population": 6370.0}, {"index": 20278, "quantile": 0.5, "value": 218500.0, "Latitude": 34.19, "Longitude": -119.2, "Population": 6370.0}, {"index": 20278, "quantile": 0.75, "value": 218500.0, "Latitude": 34.19, "Longitude": -119.2, "Population": 6370.0}, {"index": 20278, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -119.2, "Population": 6370.0}, {"index": 20279, "quantile": 0.0, "value": 130100.0, "Latitude": 34.18, "Longitude": -119.2, "Population": 782.0}, {"index": 20279, "quantile": 0.25, "value": 185400.0, "Latitude": 34.18, "Longitude": -119.2, "Population": 782.0}, {"index": 20279, "quantile": 0.5, "value": 185400.0, "Latitude": 34.18, "Longitude": -119.2, "Population": 782.0}, {"index": 20279, "quantile": 0.75, "value": 186100.0, "Latitude": 34.18, "Longitude": -119.2, "Population": 782.0}, {"index": 20279, "quantile": 1.0, "value": 338100.0, "Latitude": 34.18, "Longitude": -119.2, "Population": 782.0}, {"index": 20280, "quantile": 0.0, "value": 120100.0, "Latitude": 34.19, "Longitude": -119.19, "Population": 2726.0}, {"index": 20280, "quantile": 0.25, "value": 178825.0, "Latitude": 34.19, "Longitude": -119.19, "Population": 2726.0}, {"index": 20280, "quantile": 0.5, "value": 180500.0, "Latitude": 34.19, "Longitude": -119.19, "Population": 2726.0}, {"index": 20280, "quantile": 0.75, "value": 180500.0, "Latitude": 34.19, "Longitude": -119.19, "Population": 2726.0}, {"index": 20280, "quantile": 1.0, "value": 375000.0, "Latitude": 34.19, "Longitude": -119.19, "Population": 2726.0}, {"index": 20281, "quantile": 0.0, "value": 142500.0, "Latitude": 34.18, "Longitude": -119.19, "Population": 2857.0}, {"index": 20281, "quantile": 0.25, "value": 181100.0, "Latitude": 34.18, "Longitude": -119.19, "Population": 2857.0}, {"index": 20281, "quantile": 0.5, "value": 181100.0, "Latitude": 34.18, "Longitude": -119.19, "Population": 2857.0}, {"index": 20281, "quantile": 0.75, "value": 181350.0, "Latitude": 34.18, "Longitude": -119.19, "Population": 2857.0}, {"index": 20281, "quantile": 1.0, "value": 223900.0, "Latitude": 34.18, "Longitude": -119.19, "Population": 2857.0}, {"index": 20282, "quantile": 0.0, "value": 97900.0, "Latitude": 34.19, "Longitude": -119.18, "Population": 4818.0}, {"index": 20282, "quantile": 0.25, "value": 171175.0, "Latitude": 34.19, "Longitude": -119.18, "Population": 4818.0}, {"index": 20282, "quantile": 0.5, "value": 179100.0, "Latitude": 34.19, "Longitude": -119.18, "Population": 4818.0}, {"index": 20282, "quantile": 0.75, "value": 179100.0, "Latitude": 34.19, "Longitude": -119.18, "Population": 4818.0}, {"index": 20282, "quantile": 1.0, "value": 305800.0, "Latitude": 34.19, "Longitude": -119.18, "Population": 4818.0}, {"index": 20283, "quantile": 0.0, "value": 141600.0, "Latitude": 34.18, "Longitude": -119.18, "Population": 2695.0}, {"index": 20283, "quantile": 0.25, "value": 175800.0, "Latitude": 34.18, "Longitude": -119.18, "Population": 2695.0}, {"index": 20283, "quantile": 0.5, "value": 175800.0, "Latitude": 34.18, "Longitude": -119.18, "Population": 2695.0}, {"index": 20283, "quantile": 0.75, "value": 175800.0, "Latitude": 34.18, "Longitude": -119.18, "Population": 2695.0}, {"index": 20283, "quantile": 1.0, "value": 205500.00000000003, "Latitude": 34.18, "Longitude": -119.18, "Population": 2695.0}, {"index": 20284, "quantile": 0.0, "value": 124000.0, "Latitude": 34.18, "Longitude": -119.17, "Population": 2792.0}, {"index": 20284, "quantile": 0.25, "value": 172400.0, "Latitude": 34.18, "Longitude": -119.17, "Population": 2792.0}, {"index": 20284, "quantile": 0.5, "value": 172400.0, "Latitude": 34.18, "Longitude": -119.17, "Population": 2792.0}, {"index": 20284, "quantile": 0.75, "value": 175125.0, "Latitude": 34.18, "Longitude": -119.17, "Population": 2792.0}, {"index": 20284, "quantile": 1.0, "value": 290100.0, "Latitude": 34.18, "Longitude": -119.17, "Population": 2792.0}, {"index": 20285, "quantile": 0.0, "value": 126400.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 2330.0}, {"index": 20285, "quantile": 0.25, "value": 185600.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 2330.0}, {"index": 20285, "quantile": 0.5, "value": 185600.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 2330.0}, {"index": 20285, "quantile": 0.75, "value": 185600.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 2330.0}, {"index": 20285, "quantile": 1.0, "value": 221300.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 2330.0}, {"index": 20286, "quantile": 0.0, "value": 143300.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 1482.0}, {"index": 20286, "quantile": 0.25, "value": 182100.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 1482.0}, {"index": 20286, "quantile": 0.5, "value": 182100.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 1482.0}, {"index": 20286, "quantile": 0.75, "value": 186200.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 1482.0}, {"index": 20286, "quantile": 1.0, "value": 375000.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 1482.0}, {"index": 20287, "quantile": 0.0, "value": 72800.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 1295.0}, {"index": 20287, "quantile": 0.25, "value": 164900.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 1295.0}, {"index": 20287, "quantile": 0.5, "value": 164900.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 1295.0}, {"index": 20287, "quantile": 0.75, "value": 164900.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 1295.0}, {"index": 20287, "quantile": 1.0, "value": 450000.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 1295.0}, {"index": 20288, "quantile": 0.0, "value": 83100.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 1378.0}, {"index": 20288, "quantile": 0.25, "value": 188000.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 1378.0}, {"index": 20288, "quantile": 0.5, "value": 188000.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 1378.0}, {"index": 20288, "quantile": 0.75, "value": 188000.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 1378.0}, {"index": 20288, "quantile": 1.0, "value": 235000.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 1378.0}, {"index": 20289, "quantile": 0.0, "value": 112500.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 1146.0}, {"index": 20289, "quantile": 0.25, "value": 206600.00000000003, "Latitude": 34.17, "Longitude": -119.17, "Population": 1146.0}, {"index": 20289, "quantile": 0.5, "value": 224900.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 1146.0}, {"index": 20289, "quantile": 0.75, "value": 259525.0, "Latitude": 34.17, "Longitude": -119.17, "Population": 1146.0}, {"index": 20289, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -119.17, "Population": 1146.0}, {"index": 20290, "quantile": 0.0, "value": 128600.0, "Latitude": 34.17, "Longitude": -119.19, "Population": 1511.0}, {"index": 20290, "quantile": 0.25, "value": 186800.0, "Latitude": 34.17, "Longitude": -119.19, "Population": 1511.0}, {"index": 20290, "quantile": 0.5, "value": 186800.0, "Latitude": 34.17, "Longitude": -119.19, "Population": 1511.0}, {"index": 20290, "quantile": 0.75, "value": 186800.0, "Latitude": 34.17, "Longitude": -119.19, "Population": 1511.0}, {"index": 20290, "quantile": 1.0, "value": 220500.0, "Latitude": 34.17, "Longitude": -119.19, "Population": 1511.0}, {"index": 20291, "quantile": 0.0, "value": 151300.0, "Latitude": 34.17, "Longitude": -119.19, "Population": 3295.0}, {"index": 20291, "quantile": 0.25, "value": 187300.0, "Latitude": 34.17, "Longitude": -119.19, "Population": 3295.0}, {"index": 20291, "quantile": 0.5, "value": 187300.0, "Latitude": 34.17, "Longitude": -119.19, "Population": 3295.0}, {"index": 20291, "quantile": 0.75, "value": 187300.0, "Latitude": 34.17, "Longitude": -119.19, "Population": 3295.0}, {"index": 20291, "quantile": 1.0, "value": 450000.0, "Latitude": 34.17, "Longitude": -119.19, "Population": 3295.0}, {"index": 20292, "quantile": 0.0, "value": 113500.0, "Latitude": 34.17, "Longitude": -119.18, "Population": 1746.0}, {"index": 20292, "quantile": 0.25, "value": 187600.0, "Latitude": 34.17, "Longitude": -119.18, "Population": 1746.0}, {"index": 20292, "quantile": 0.5, "value": 187600.0, "Latitude": 34.17, "Longitude": -119.18, "Population": 1746.0}, {"index": 20292, "quantile": 0.75, "value": 187600.0, "Latitude": 34.17, "Longitude": -119.18, "Population": 1746.0}, {"index": 20292, "quantile": 1.0, "value": 217200.00000000003, "Latitude": 34.17, "Longitude": -119.18, "Population": 1746.0}, {"index": 20293, "quantile": 0.0, "value": 143500.0, "Latitude": 34.16, "Longitude": -119.18, "Population": 1496.0}, {"index": 20293, "quantile": 0.25, "value": 186200.0, "Latitude": 34.16, "Longitude": -119.18, "Population": 1496.0}, {"index": 20293, "quantile": 0.5, "value": 186200.0, "Latitude": 34.16, "Longitude": -119.18, "Population": 1496.0}, {"index": 20293, "quantile": 0.75, "value": 188000.0, "Latitude": 34.16, "Longitude": -119.18, "Population": 1496.0}, {"index": 20293, "quantile": 1.0, "value": 375000.0, "Latitude": 34.16, "Longitude": -119.18, "Population": 1496.0}, {"index": 20294, "quantile": 0.0, "value": 134400.0, "Latitude": 34.17, "Longitude": -119.19, "Population": 1458.0}, {"index": 20294, "quantile": 0.25, "value": 186800.0, "Latitude": 34.17, "Longitude": -119.19, "Population": 1458.0}, {"index": 20294, "quantile": 0.5, "value": 191100.0, "Latitude": 34.17, "Longitude": -119.19, "Population": 1458.0}, {"index": 20294, "quantile": 0.75, "value": 191100.0, "Latitude": 34.17, "Longitude": -119.19, "Population": 1458.0}, {"index": 20294, "quantile": 1.0, "value": 250199.99999999997, "Latitude": 34.17, "Longitude": -119.19, "Population": 1458.0}, {"index": 20295, "quantile": 0.0, "value": 126800.0, "Latitude": 34.16, "Longitude": -119.19, "Population": 1543.0}, {"index": 20295, "quantile": 0.25, "value": 186150.00000000003, "Latitude": 34.16, "Longitude": -119.19, "Population": 1543.0}, {"index": 20295, "quantile": 0.5, "value": 196600.0, "Latitude": 34.16, "Longitude": -119.19, "Population": 1543.0}, {"index": 20295, "quantile": 0.75, "value": 206700.00000000003, "Latitude": 34.16, "Longitude": -119.19, "Population": 1543.0}, {"index": 20295, "quantile": 1.0, "value": 425000.0, "Latitude": 34.16, "Longitude": -119.19, "Population": 1543.0}, {"index": 20296, "quantile": 0.0, "value": 166700.0, "Latitude": 34.16, "Longitude": -119.19, "Population": 1814.0}, {"index": 20296, "quantile": 0.25, "value": 183400.0, "Latitude": 34.16, "Longitude": -119.19, "Population": 1814.0}, {"index": 20296, "quantile": 0.5, "value": 183400.0, "Latitude": 34.16, "Longitude": -119.19, "Population": 1814.0}, {"index": 20296, "quantile": 0.75, "value": 185700.00000000003, "Latitude": 34.16, "Longitude": -119.19, "Population": 1814.0}, {"index": 20296, "quantile": 1.0, "value": 338100.0, "Latitude": 34.16, "Longitude": -119.19, "Population": 1814.0}, {"index": 20297, "quantile": 0.0, "value": 67500.0, "Latitude": 34.15, "Longitude": -119.22, "Population": 3490.0}, {"index": 20297, "quantile": 0.25, "value": 193400.0, "Latitude": 34.15, "Longitude": -119.22, "Population": 3490.0}, {"index": 20297, "quantile": 0.5, "value": 450000.0, "Latitude": 34.15, "Longitude": -119.22, "Population": 3490.0}, {"index": 20297, "quantile": 0.75, "value": 450000.0, "Latitude": 34.15, "Longitude": -119.22, "Population": 3490.0}, {"index": 20297, "quantile": 1.0, "value": 456200.0, "Latitude": 34.15, "Longitude": -119.22, "Population": 3490.0}, {"index": 20298, "quantile": 0.0, "value": 67500.0, "Latitude": 34.18, "Longitude": -119.2, "Population": 2694.0}, {"index": 20298, "quantile": 0.25, "value": 165600.0, "Latitude": 34.18, "Longitude": -119.2, "Population": 2694.0}, {"index": 20298, "quantile": 0.5, "value": 165600.0, "Latitude": 34.18, "Longitude": -119.2, "Population": 2694.0}, {"index": 20298, "quantile": 0.75, "value": 246975.0, "Latitude": 34.18, "Longitude": -119.2, "Population": 2694.0}, {"index": 20298, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -119.2, "Population": 2694.0}, {"index": 20299, "quantile": 0.0, "value": 145200.0, "Latitude": 34.18, "Longitude": -119.21, "Population": 2986.0}, {"index": 20299, "quantile": 0.25, "value": 215200.0, "Latitude": 34.18, "Longitude": -119.21, "Population": 2986.0}, {"index": 20299, "quantile": 0.5, "value": 215200.0, "Latitude": 34.18, "Longitude": -119.21, "Population": 2986.0}, {"index": 20299, "quantile": 0.75, "value": 215200.0, "Latitude": 34.18, "Longitude": -119.21, "Population": 2986.0}, {"index": 20299, "quantile": 1.0, "value": 364400.0, "Latitude": 34.18, "Longitude": -119.21, "Population": 2986.0}, {"index": 20300, "quantile": 0.0, "value": 136500.0, "Latitude": 34.15, "Longitude": -119.19, "Population": 3310.0}, {"index": 20300, "quantile": 0.25, "value": 184150.0, "Latitude": 34.15, "Longitude": -119.19, "Population": 3310.0}, {"index": 20300, "quantile": 0.5, "value": 188350.0, "Latitude": 34.15, "Longitude": -119.19, "Population": 3310.0}, {"index": 20300, "quantile": 0.75, "value": 215400.0, "Latitude": 34.15, "Longitude": -119.19, "Population": 3310.0}, {"index": 20300, "quantile": 1.0, "value": 417600.0, "Latitude": 34.15, "Longitude": -119.19, "Population": 3310.0}, {"index": 20301, "quantile": 0.0, "value": 67500.0, "Latitude": 34.15, "Longitude": -119.2, "Population": 1904.0}, {"index": 20301, "quantile": 0.25, "value": 176800.0, "Latitude": 34.15, "Longitude": -119.2, "Population": 1904.0}, {"index": 20301, "quantile": 0.5, "value": 202300.0, "Latitude": 34.15, "Longitude": -119.2, "Population": 1904.0}, {"index": 20301, "quantile": 0.75, "value": 248125.00000000003, "Latitude": 34.15, "Longitude": -119.2, "Population": 1904.0}, {"index": 20301, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -119.2, "Population": 1904.0}, {"index": 20302, "quantile": 0.0, "value": 95200.0, "Latitude": 34.12, "Longitude": -119.21, "Population": 1722.0}, {"index": 20302, "quantile": 0.25, "value": 284725.0, "Latitude": 34.12, "Longitude": -119.21, "Population": 1722.0}, {"index": 20302, "quantile": 0.5, "value": 305800.0, "Latitude": 34.12, "Longitude": -119.21, "Population": 1722.0}, {"index": 20302, "quantile": 0.75, "value": 305800.0, "Latitude": 34.12, "Longitude": -119.21, "Population": 1722.0}, {"index": 20302, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -119.21, "Population": 1722.0}, {"index": 20303, "quantile": 0.0, "value": 101899.99999999999, "Latitude": 34.16, "Longitude": -119.18, "Population": 405.0}, {"index": 20303, "quantile": 0.25, "value": 167400.0, "Latitude": 34.16, "Longitude": -119.18, "Population": 405.0}, {"index": 20303, "quantile": 0.5, "value": 167400.0, "Latitude": 34.16, "Longitude": -119.18, "Population": 405.0}, {"index": 20303, "quantile": 0.75, "value": 175825.0, "Latitude": 34.16, "Longitude": -119.18, "Population": 405.0}, {"index": 20303, "quantile": 1.0, "value": 350000.0, "Latitude": 34.16, "Longitude": -119.18, "Population": 405.0}, {"index": 20304, "quantile": 0.0, "value": 131300.0, "Latitude": 34.16, "Longitude": -119.18, "Population": 1480.0}, {"index": 20304, "quantile": 0.25, "value": 186000.0, "Latitude": 34.16, "Longitude": -119.18, "Population": 1480.0}, {"index": 20304, "quantile": 0.5, "value": 186000.0, "Latitude": 34.16, "Longitude": -119.18, "Population": 1480.0}, {"index": 20304, "quantile": 0.75, "value": 187600.0, "Latitude": 34.16, "Longitude": -119.18, "Population": 1480.0}, {"index": 20304, "quantile": 1.0, "value": 263200.0, "Latitude": 34.16, "Longitude": -119.18, "Population": 1480.0}, {"index": 20305, "quantile": 0.0, "value": 37500.0, "Latitude": 34.15, "Longitude": -119.18, "Population": 5534.0}, {"index": 20305, "quantile": 0.25, "value": 154500.0, "Latitude": 34.15, "Longitude": -119.18, "Population": 5534.0}, {"index": 20305, "quantile": 0.5, "value": 160700.0, "Latitude": 34.15, "Longitude": -119.18, "Population": 5534.0}, {"index": 20305, "quantile": 0.75, "value": 179100.0, "Latitude": 34.15, "Longitude": -119.18, "Population": 5534.0}, {"index": 20305, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 34.15, "Longitude": -119.18, "Population": 5534.0}, {"index": 20306, "quantile": 0.0, "value": 149800.0, "Latitude": 34.16, "Longitude": -119.17, "Population": 4066.0}, {"index": 20306, "quantile": 0.25, "value": 204524.99999999997, "Latitude": 34.16, "Longitude": -119.17, "Population": 4066.0}, {"index": 20306, "quantile": 0.5, "value": 205399.99999999997, "Latitude": 34.16, "Longitude": -119.17, "Population": 4066.0}, {"index": 20306, "quantile": 0.75, "value": 205399.99999999997, "Latitude": 34.16, "Longitude": -119.17, "Population": 4066.0}, {"index": 20306, "quantile": 1.0, "value": 240800.0, "Latitude": 34.16, "Longitude": -119.17, "Population": 4066.0}, {"index": 20307, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.15, "Longitude": -119.17, "Population": 3129.0}, {"index": 20307, "quantile": 0.25, "value": 160225.0, "Latitude": 34.15, "Longitude": -119.17, "Population": 3129.0}, {"index": 20307, "quantile": 0.5, "value": 168800.0, "Latitude": 34.15, "Longitude": -119.17, "Population": 3129.0}, {"index": 20307, "quantile": 0.75, "value": 179100.0, "Latitude": 34.15, "Longitude": -119.17, "Population": 3129.0}, {"index": 20307, "quantile": 1.0, "value": 241400.00000000003, "Latitude": 34.15, "Longitude": -119.17, "Population": 3129.0}, {"index": 20308, "quantile": 0.0, "value": 148300.0, "Latitude": 34.19, "Longitude": -119.13, "Population": 6242.0}, {"index": 20308, "quantile": 0.25, "value": 206800.0, "Latitude": 34.19, "Longitude": -119.13, "Population": 6242.0}, {"index": 20308, "quantile": 0.5, "value": 206800.0, "Latitude": 34.19, "Longitude": -119.13, "Population": 6242.0}, {"index": 20308, "quantile": 0.75, "value": 206800.0, "Latitude": 34.19, "Longitude": -119.13, "Population": 6242.0}, {"index": 20308, "quantile": 1.0, "value": 223900.0, "Latitude": 34.19, "Longitude": -119.13, "Population": 6242.0}, {"index": 20309, "quantile": 0.0, "value": 150000.0, "Latitude": 34.17, "Longitude": -119.15, "Population": 1431.0}, {"index": 20309, "quantile": 0.25, "value": 194400.0, "Latitude": 34.17, "Longitude": -119.15, "Population": 1431.0}, {"index": 20309, "quantile": 0.5, "value": 194400.0, "Latitude": 34.17, "Longitude": -119.15, "Population": 1431.0}, {"index": 20309, "quantile": 0.75, "value": 194400.0, "Latitude": 34.17, "Longitude": -119.15, "Population": 1431.0}, {"index": 20309, "quantile": 1.0, "value": 279700.0, "Latitude": 34.17, "Longitude": -119.15, "Population": 1431.0}, {"index": 20310, "quantile": 0.0, "value": 67500.0, "Latitude": 34.17, "Longitude": -119.14, "Population": 836.0}, {"index": 20310, "quantile": 0.25, "value": 67500.0, "Latitude": 34.17, "Longitude": -119.14, "Population": 836.0}, {"index": 20310, "quantile": 0.5, "value": 67500.0, "Latitude": 34.17, "Longitude": -119.14, "Population": 836.0}, {"index": 20310, "quantile": 0.75, "value": 165825.0, "Latitude": 34.17, "Longitude": -119.14, "Population": 836.0}, {"index": 20310, "quantile": 1.0, "value": 325000.0, "Latitude": 34.17, "Longitude": -119.14, "Population": 836.0}, {"index": 20311, "quantile": 0.0, "value": 73800.0, "Latitude": 34.17, "Longitude": -119.11, "Population": 522.0}, {"index": 20311, "quantile": 0.25, "value": 180775.0, "Latitude": 34.17, "Longitude": -119.11, "Population": 522.0}, {"index": 20311, "quantile": 0.5, "value": 243800.00000000003, "Latitude": 34.17, "Longitude": -119.11, "Population": 522.0}, {"index": 20311, "quantile": 0.75, "value": 243800.00000000003, "Latitude": 34.17, "Longitude": -119.11, "Population": 522.0}, {"index": 20311, "quantile": 1.0, "value": 450000.0, "Latitude": 34.17, "Longitude": -119.11, "Population": 522.0}, {"index": 20312, "quantile": 0.0, "value": 37500.0, "Latitude": 34.19, "Longitude": -119.17, "Population": 2145.0}, {"index": 20312, "quantile": 0.25, "value": 136100.0, "Latitude": 34.19, "Longitude": -119.17, "Population": 2145.0}, {"index": 20312, "quantile": 0.5, "value": 158300.0, "Latitude": 34.19, "Longitude": -119.17, "Population": 2145.0}, {"index": 20312, "quantile": 0.75, "value": 180000.0, "Latitude": 34.19, "Longitude": -119.17, "Population": 2145.0}, {"index": 20312, "quantile": 1.0, "value": 350000.0, "Latitude": 34.19, "Longitude": -119.17, "Population": 2145.0}, {"index": 20313, "quantile": 0.0, "value": 114500.0, "Latitude": 34.15, "Longitude": -119.14, "Population": 1415.0}, {"index": 20313, "quantile": 0.25, "value": 191100.0, "Latitude": 34.15, "Longitude": -119.14, "Population": 1415.0}, {"index": 20313, "quantile": 0.5, "value": 207700.0, "Latitude": 34.15, "Longitude": -119.14, "Population": 1415.0}, {"index": 20313, "quantile": 0.75, "value": 207700.0, "Latitude": 34.15, "Longitude": -119.14, "Population": 1415.0}, {"index": 20313, "quantile": 1.0, "value": 257600.0, "Latitude": 34.15, "Longitude": -119.14, "Population": 1415.0}, {"index": 20314, "quantile": 0.0, "value": 156600.0, "Latitude": 34.15, "Longitude": -119.16, "Population": 2295.0}, {"index": 20314, "quantile": 0.25, "value": 191000.0, "Latitude": 34.15, "Longitude": -119.16, "Population": 2295.0}, {"index": 20314, "quantile": 0.5, "value": 196600.0, "Latitude": 34.15, "Longitude": -119.16, "Population": 2295.0}, {"index": 20314, "quantile": 0.75, "value": 196600.0, "Latitude": 34.15, "Longitude": -119.16, "Population": 2295.0}, {"index": 20314, "quantile": 1.0, "value": 235400.0, "Latitude": 34.15, "Longitude": -119.16, "Population": 2295.0}, {"index": 20315, "quantile": 0.0, "value": 40000.0, "Latitude": 34.12, "Longitude": -119.16, "Population": 147.0}, {"index": 20315, "quantile": 0.25, "value": 197000.00000000003, "Latitude": 34.12, "Longitude": -119.16, "Population": 147.0}, {"index": 20315, "quantile": 0.5, "value": 266700.0, "Latitude": 34.12, "Longitude": -119.16, "Population": 147.0}, {"index": 20315, "quantile": 0.75, "value": 332775.0, "Latitude": 34.12, "Longitude": -119.16, "Population": 147.0}, {"index": 20315, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.12, "Longitude": -119.16, "Population": 147.0}, {"index": 20316, "quantile": 0.0, "value": 126400.0, "Latitude": 34.17, "Longitude": -119.16, "Population": 6437.0}, {"index": 20316, "quantile": 0.25, "value": 206800.0, "Latitude": 34.17, "Longitude": -119.16, "Population": 6437.0}, {"index": 20316, "quantile": 0.5, "value": 223900.0, "Latitude": 34.17, "Longitude": -119.16, "Population": 6437.0}, {"index": 20316, "quantile": 0.75, "value": 223900.0, "Latitude": 34.17, "Longitude": -119.16, "Population": 6437.0}, {"index": 20316, "quantile": 1.0, "value": 299300.0, "Latitude": 34.17, "Longitude": -119.16, "Population": 6437.0}, {"index": 20317, "quantile": 0.0, "value": 50600.0, "Latitude": 34.17, "Longitude": -119.15, "Population": 784.0}, {"index": 20317, "quantile": 0.25, "value": 177500.0, "Latitude": 34.17, "Longitude": -119.15, "Population": 784.0}, {"index": 20317, "quantile": 0.5, "value": 194300.0, "Latitude": 34.17, "Longitude": -119.15, "Population": 784.0}, {"index": 20317, "quantile": 0.75, "value": 194300.0, "Latitude": 34.17, "Longitude": -119.15, "Population": 784.0}, {"index": 20317, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -119.15, "Population": 784.0}, {"index": 20318, "quantile": 0.0, "value": 37500.0, "Latitude": 34.2, "Longitude": -119.15, "Population": 5558.0}, {"index": 20318, "quantile": 0.25, "value": 169300.0, "Latitude": 34.2, "Longitude": -119.15, "Population": 5558.0}, {"index": 20318, "quantile": 0.5, "value": 169300.0, "Latitude": 34.2, "Longitude": -119.15, "Population": 5558.0}, {"index": 20318, "quantile": 0.75, "value": 175800.0, "Latitude": 34.2, "Longitude": -119.15, "Population": 5558.0}, {"index": 20318, "quantile": 1.0, "value": 245100.0, "Latitude": 34.2, "Longitude": -119.15, "Population": 5558.0}, {"index": 20319, "quantile": 0.0, "value": 88600.0, "Latitude": 34.25, "Longitude": -119.17, "Population": 1001.0}, {"index": 20319, "quantile": 0.25, "value": 188875.0, "Latitude": 34.25, "Longitude": -119.17, "Population": 1001.0}, {"index": 20319, "quantile": 0.5, "value": 189300.0, "Latitude": 34.25, "Longitude": -119.17, "Population": 1001.0}, {"index": 20319, "quantile": 0.75, "value": 189300.0, "Latitude": 34.25, "Longitude": -119.17, "Population": 1001.0}, {"index": 20319, "quantile": 1.0, "value": 281300.0, "Latitude": 34.25, "Longitude": -119.17, "Population": 1001.0}, {"index": 20320, "quantile": 0.0, "value": 116199.99999999999, "Latitude": 34.25, "Longitude": -119.15, "Population": 2965.0}, {"index": 20320, "quantile": 0.25, "value": 186800.0, "Latitude": 34.25, "Longitude": -119.15, "Population": 2965.0}, {"index": 20320, "quantile": 0.5, "value": 186800.0, "Latitude": 34.25, "Longitude": -119.15, "Population": 2965.0}, {"index": 20320, "quantile": 0.75, "value": 186800.0, "Latitude": 34.25, "Longitude": -119.15, "Population": 2965.0}, {"index": 20320, "quantile": 1.0, "value": 252100.0, "Latitude": 34.25, "Longitude": -119.15, "Population": 2965.0}, {"index": 20321, "quantile": 0.0, "value": 137500.0, "Latitude": 34.23, "Longitude": -119.16, "Population": 3700.0}, {"index": 20321, "quantile": 0.25, "value": 172400.0, "Latitude": 34.23, "Longitude": -119.16, "Population": 3700.0}, {"index": 20321, "quantile": 0.5, "value": 206700.00000000003, "Latitude": 34.23, "Longitude": -119.16, "Population": 3700.0}, {"index": 20321, "quantile": 0.75, "value": 241000.0, "Latitude": 34.23, "Longitude": -119.16, "Population": 3700.0}, {"index": 20321, "quantile": 1.0, "value": 450000.0, "Latitude": 34.23, "Longitude": -119.16, "Population": 3700.0}, {"index": 20322, "quantile": 0.0, "value": 60000.0, "Latitude": 34.23, "Longitude": -119.14, "Population": 102.0}, {"index": 20322, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -119.14, "Population": 102.0}, {"index": 20322, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -119.14, "Population": 102.0}, {"index": 20322, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -119.14, "Population": 102.0}, {"index": 20322, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -119.14, "Population": 102.0}, {"index": 20323, "quantile": 0.0, "value": 97200.0, "Latitude": 34.23, "Longitude": -119.12, "Population": 2252.0}, {"index": 20323, "quantile": 0.25, "value": 164350.0, "Latitude": 34.23, "Longitude": -119.12, "Population": 2252.0}, {"index": 20323, "quantile": 0.5, "value": 182000.0, "Latitude": 34.23, "Longitude": -119.12, "Population": 2252.0}, {"index": 20323, "quantile": 0.75, "value": 182000.0, "Latitude": 34.23, "Longitude": -119.12, "Population": 2252.0}, {"index": 20323, "quantile": 1.0, "value": 187500.0, "Latitude": 34.23, "Longitude": -119.12, "Population": 2252.0}, {"index": 20324, "quantile": 0.0, "value": 108500.0, "Latitude": 34.25, "Longitude": -119.12, "Population": 1436.0}, {"index": 20324, "quantile": 0.25, "value": 182100.0, "Latitude": 34.25, "Longitude": -119.12, "Population": 1436.0}, {"index": 20324, "quantile": 0.5, "value": 194100.0, "Latitude": 34.25, "Longitude": -119.12, "Population": 1436.0}, {"index": 20324, "quantile": 0.75, "value": 194100.0, "Latitude": 34.25, "Longitude": -119.12, "Population": 1436.0}, {"index": 20324, "quantile": 1.0, "value": 206800.0, "Latitude": 34.25, "Longitude": -119.12, "Population": 1436.0}, {"index": 20325, "quantile": 0.0, "value": 94500.0, "Latitude": 34.28, "Longitude": -119.04, "Population": 863.0}, {"index": 20325, "quantile": 0.25, "value": 304500.0, "Latitude": 34.28, "Longitude": -119.04, "Population": 863.0}, {"index": 20325, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -119.04, "Population": 863.0}, {"index": 20325, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -119.04, "Population": 863.0}, {"index": 20325, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -119.04, "Population": 863.0}, {"index": 20326, "quantile": 0.0, "value": 165200.0, "Latitude": 34.3, "Longitude": -118.96, "Population": 1567.0}, {"index": 20326, "quantile": 0.25, "value": 354925.0, "Latitude": 34.3, "Longitude": -118.96, "Population": 1567.0}, {"index": 20326, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.3, "Longitude": -118.96, "Population": 1567.0}, {"index": 20326, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.3, "Longitude": -118.96, "Population": 1567.0}, {"index": 20326, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.3, "Longitude": -118.96, "Population": 1567.0}, {"index": 20327, "quantile": 0.0, "value": 239100.0, "Latitude": 34.24, "Longitude": -119.06, "Population": 2982.0}, {"index": 20327, "quantile": 0.25, "value": 374900.0, "Latitude": 34.24, "Longitude": -119.06, "Population": 2982.0}, {"index": 20327, "quantile": 0.5, "value": 391200.0, "Latitude": 34.24, "Longitude": -119.06, "Population": 2982.0}, {"index": 20327, "quantile": 0.75, "value": 391200.0, "Latitude": 34.24, "Longitude": -119.06, "Population": 2982.0}, {"index": 20327, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -119.06, "Population": 2982.0}, {"index": 20328, "quantile": 0.0, "value": 143700.0, "Latitude": 34.24, "Longitude": -119.09, "Population": 3409.0}, {"index": 20328, "quantile": 0.25, "value": 362200.00000000006, "Latitude": 34.24, "Longitude": -119.09, "Population": 3409.0}, {"index": 20328, "quantile": 0.5, "value": 452100.0, "Latitude": 34.24, "Longitude": -119.09, "Population": 3409.0}, {"index": 20328, "quantile": 0.75, "value": 452100.0, "Latitude": 34.24, "Longitude": -119.09, "Population": 3409.0}, {"index": 20328, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -119.09, "Population": 3409.0}, {"index": 20329, "quantile": 0.0, "value": 112500.0, "Latitude": 34.26, "Longitude": -119.02, "Population": 707.0}, {"index": 20329, "quantile": 0.25, "value": 198450.0, "Latitude": 34.26, "Longitude": -119.02, "Population": 707.0}, {"index": 20329, "quantile": 0.5, "value": 221600.00000000003, "Latitude": 34.26, "Longitude": -119.02, "Population": 707.0}, {"index": 20329, "quantile": 0.75, "value": 233950.0, "Latitude": 34.26, "Longitude": -119.02, "Population": 707.0}, {"index": 20329, "quantile": 1.0, "value": 400000.0, "Latitude": 34.26, "Longitude": -119.02, "Population": 707.0}, {"index": 20330, "quantile": 0.0, "value": 214500.0, "Latitude": 34.25, "Longitude": -119.03, "Population": 1483.0}, {"index": 20330, "quantile": 0.25, "value": 288725.0, "Latitude": 34.25, "Longitude": -119.03, "Population": 1483.0}, {"index": 20330, "quantile": 0.5, "value": 340600.0, "Latitude": 34.25, "Longitude": -119.03, "Population": 1483.0}, {"index": 20330, "quantile": 0.75, "value": 340600.0, "Latitude": 34.25, "Longitude": -119.03, "Population": 1483.0}, {"index": 20330, "quantile": 1.0, "value": 417600.0, "Latitude": 34.25, "Longitude": -119.03, "Population": 1483.0}, {"index": 20331, "quantile": 0.0, "value": 186400.0, "Latitude": 34.24, "Longitude": -119.04, "Population": 4169.0}, {"index": 20331, "quantile": 0.25, "value": 262100.0, "Latitude": 34.24, "Longitude": -119.04, "Population": 4169.0}, {"index": 20331, "quantile": 0.5, "value": 311900.0, "Latitude": 34.24, "Longitude": -119.04, "Population": 4169.0}, {"index": 20331, "quantile": 0.75, "value": 311900.0, "Latitude": 34.24, "Longitude": -119.04, "Population": 4169.0}, {"index": 20331, "quantile": 1.0, "value": 311900.0, "Latitude": 34.24, "Longitude": -119.04, "Population": 4169.0}, {"index": 20332, "quantile": 0.0, "value": 146200.0, "Latitude": 34.24, "Longitude": -119.05, "Population": 1929.0}, {"index": 20332, "quantile": 0.25, "value": 279600.0, "Latitude": 34.24, "Longitude": -119.05, "Population": 1929.0}, {"index": 20332, "quantile": 0.5, "value": 279600.0, "Latitude": 34.24, "Longitude": -119.05, "Population": 1929.0}, {"index": 20332, "quantile": 0.75, "value": 279600.0, "Latitude": 34.24, "Longitude": -119.05, "Population": 1929.0}, {"index": 20332, "quantile": 1.0, "value": 463800.0, "Latitude": 34.24, "Longitude": -119.05, "Population": 1929.0}, {"index": 20333, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 34.23, "Longitude": -118.99, "Population": 4830.0}, {"index": 20333, "quantile": 0.25, "value": 284200.0, "Latitude": 34.23, "Longitude": -118.99, "Population": 4830.0}, {"index": 20333, "quantile": 0.5, "value": 284200.0, "Latitude": 34.23, "Longitude": -118.99, "Population": 4830.0}, {"index": 20333, "quantile": 0.75, "value": 323650.0, "Latitude": 34.23, "Longitude": -118.99, "Population": 4830.0}, {"index": 20333, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -118.99, "Population": 4830.0}, {"index": 20334, "quantile": 0.0, "value": 137000.0, "Latitude": 34.23, "Longitude": -119.01, "Population": 2760.0}, {"index": 20334, "quantile": 0.25, "value": 232200.0, "Latitude": 34.23, "Longitude": -119.01, "Population": 2760.0}, {"index": 20334, "quantile": 0.5, "value": 232200.0, "Latitude": 34.23, "Longitude": -119.01, "Population": 2760.0}, {"index": 20334, "quantile": 0.75, "value": 232200.0, "Latitude": 34.23, "Longitude": -119.01, "Population": 2760.0}, {"index": 20334, "quantile": 1.0, "value": 420099.99999999994, "Latitude": 34.23, "Longitude": -119.01, "Population": 2760.0}, {"index": 20335, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 34.24, "Longitude": -118.94, "Population": 4253.0}, {"index": 20335, "quantile": 0.25, "value": 496025.75, "Latitude": 34.24, "Longitude": -118.94, "Population": 4253.0}, {"index": 20335, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.94, "Population": 4253.0}, {"index": 20335, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.94, "Population": 4253.0}, {"index": 20335, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.94, "Population": 4253.0}, {"index": 20336, "quantile": 0.0, "value": 87500.0, "Latitude": 34.23, "Longitude": -118.96, "Population": 6301.0}, {"index": 20336, "quantile": 0.25, "value": 213400.0, "Latitude": 34.23, "Longitude": -118.96, "Population": 6301.0}, {"index": 20336, "quantile": 0.5, "value": 217000.0, "Latitude": 34.23, "Longitude": -118.96, "Population": 6301.0}, {"index": 20336, "quantile": 0.75, "value": 217000.0, "Latitude": 34.23, "Longitude": -118.96, "Population": 6301.0}, {"index": 20336, "quantile": 1.0, "value": 430900.0, "Latitude": 34.23, "Longitude": -118.96, "Population": 6301.0}, {"index": 20337, "quantile": 0.0, "value": 130600.0, "Latitude": 34.24, "Longitude": -119.03, "Population": 1776.0}, {"index": 20337, "quantile": 0.25, "value": 238099.99999999997, "Latitude": 34.24, "Longitude": -119.03, "Population": 1776.0}, {"index": 20337, "quantile": 0.5, "value": 238099.99999999997, "Latitude": 34.24, "Longitude": -119.03, "Population": 1776.0}, {"index": 20337, "quantile": 0.75, "value": 238099.99999999997, "Latitude": 34.24, "Longitude": -119.03, "Population": 1776.0}, {"index": 20337, "quantile": 1.0, "value": 333500.0, "Latitude": 34.24, "Longitude": -119.03, "Population": 1776.0}, {"index": 20338, "quantile": 0.0, "value": 120000.0, "Latitude": 34.23, "Longitude": -119.03, "Population": 2493.0}, {"index": 20338, "quantile": 0.25, "value": 271300.0, "Latitude": 34.23, "Longitude": -119.03, "Population": 2493.0}, {"index": 20338, "quantile": 0.5, "value": 271300.0, "Latitude": 34.23, "Longitude": -119.03, "Population": 2493.0}, {"index": 20338, "quantile": 0.75, "value": 271300.0, "Latitude": 34.23, "Longitude": -119.03, "Population": 2493.0}, {"index": 20338, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 34.23, "Longitude": -119.03, "Population": 2493.0}, {"index": 20339, "quantile": 0.0, "value": 186400.0, "Latitude": 34.24, "Longitude": -119.02, "Population": 2374.0}, {"index": 20339, "quantile": 0.25, "value": 232600.0, "Latitude": 34.24, "Longitude": -119.02, "Population": 2374.0}, {"index": 20339, "quantile": 0.5, "value": 232600.0, "Latitude": 34.24, "Longitude": -119.02, "Population": 2374.0}, {"index": 20339, "quantile": 0.75, "value": 237400.0, "Latitude": 34.24, "Longitude": -119.02, "Population": 2374.0}, {"index": 20339, "quantile": 1.0, "value": 344700.0, "Latitude": 34.24, "Longitude": -119.02, "Population": 2374.0}, {"index": 20340, "quantile": 0.0, "value": 110900.0, "Latitude": 34.23, "Longitude": -119.03, "Population": 1832.0}, {"index": 20340, "quantile": 0.25, "value": 250800.0, "Latitude": 34.23, "Longitude": -119.03, "Population": 1832.0}, {"index": 20340, "quantile": 0.5, "value": 250800.0, "Latitude": 34.23, "Longitude": -119.03, "Population": 1832.0}, {"index": 20340, "quantile": 0.75, "value": 255175.00000000003, "Latitude": 34.23, "Longitude": -119.03, "Population": 1832.0}, {"index": 20340, "quantile": 1.0, "value": 436700.0, "Latitude": 34.23, "Longitude": -119.03, "Population": 1832.0}, {"index": 20341, "quantile": 0.0, "value": 163600.0, "Latitude": 34.22, "Longitude": -119.03, "Population": 2220.0}, {"index": 20341, "quantile": 0.25, "value": 214200.0, "Latitude": 34.22, "Longitude": -119.03, "Population": 2220.0}, {"index": 20341, "quantile": 0.5, "value": 214200.0, "Latitude": 34.22, "Longitude": -119.03, "Population": 2220.0}, {"index": 20341, "quantile": 0.75, "value": 214200.0, "Latitude": 34.22, "Longitude": -119.03, "Population": 2220.0}, {"index": 20341, "quantile": 1.0, "value": 378000.0, "Latitude": 34.22, "Longitude": -119.03, "Population": 2220.0}, {"index": 20342, "quantile": 0.0, "value": 110700.0, "Latitude": 34.23, "Longitude": -119.04, "Population": 4199.0}, {"index": 20342, "quantile": 0.25, "value": 246600.00000000003, "Latitude": 34.23, "Longitude": -119.04, "Population": 4199.0}, {"index": 20342, "quantile": 0.5, "value": 246600.00000000003, "Latitude": 34.23, "Longitude": -119.04, "Population": 4199.0}, {"index": 20342, "quantile": 0.75, "value": 246600.00000000003, "Latitude": 34.23, "Longitude": -119.04, "Population": 4199.0}, {"index": 20342, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -119.04, "Population": 4199.0}, {"index": 20343, "quantile": 0.0, "value": 126200.0, "Latitude": 34.23, "Longitude": -119.06, "Population": 2002.0}, {"index": 20343, "quantile": 0.25, "value": 252374.99999999997, "Latitude": 34.23, "Longitude": -119.06, "Population": 2002.0}, {"index": 20343, "quantile": 0.5, "value": 257500.00000000003, "Latitude": 34.23, "Longitude": -119.06, "Population": 2002.0}, {"index": 20343, "quantile": 0.75, "value": 257500.00000000003, "Latitude": 34.23, "Longitude": -119.06, "Population": 2002.0}, {"index": 20343, "quantile": 1.0, "value": 436700.0, "Latitude": 34.23, "Longitude": -119.06, "Population": 2002.0}, {"index": 20344, "quantile": 0.0, "value": 118100.0, "Latitude": 34.23, "Longitude": -119.06, "Population": 2591.0}, {"index": 20344, "quantile": 0.25, "value": 170800.0, "Latitude": 34.23, "Longitude": -119.06, "Population": 2591.0}, {"index": 20344, "quantile": 0.5, "value": 184200.0, "Latitude": 34.23, "Longitude": -119.06, "Population": 2591.0}, {"index": 20344, "quantile": 0.75, "value": 263400.0, "Latitude": 34.23, "Longitude": -119.06, "Population": 2591.0}, {"index": 20344, "quantile": 1.0, "value": 450000.0, "Latitude": 34.23, "Longitude": -119.06, "Population": 2591.0}, {"index": 20345, "quantile": 0.0, "value": 52500.0, "Latitude": 34.22, "Longitude": -119.04, "Population": 2079.0}, {"index": 20345, "quantile": 0.25, "value": 205399.99999999997, "Latitude": 34.22, "Longitude": -119.04, "Population": 2079.0}, {"index": 20345, "quantile": 0.5, "value": 222800.00000000003, "Latitude": 34.22, "Longitude": -119.04, "Population": 2079.0}, {"index": 20345, "quantile": 0.75, "value": 222800.00000000003, "Latitude": 34.22, "Longitude": -119.04, "Population": 2079.0}, {"index": 20345, "quantile": 1.0, "value": 338100.0, "Latitude": 34.22, "Longitude": -119.04, "Population": 2079.0}, {"index": 20346, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.22, "Longitude": -119.06, "Population": 2257.0}, {"index": 20346, "quantile": 0.25, "value": 177100.0, "Latitude": 34.22, "Longitude": -119.06, "Population": 2257.0}, {"index": 20346, "quantile": 0.5, "value": 177100.0, "Latitude": 34.22, "Longitude": -119.06, "Population": 2257.0}, {"index": 20346, "quantile": 0.75, "value": 187950.0, "Latitude": 34.22, "Longitude": -119.06, "Population": 2257.0}, {"index": 20346, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -119.06, "Population": 2257.0}, {"index": 20347, "quantile": 0.0, "value": 133200.0, "Latitude": 34.19, "Longitude": -119.0, "Population": 1317.0}, {"index": 20347, "quantile": 0.25, "value": 227900.0, "Latitude": 34.19, "Longitude": -119.0, "Population": 1317.0}, {"index": 20347, "quantile": 0.5, "value": 227900.0, "Latitude": 34.19, "Longitude": -119.0, "Population": 1317.0}, {"index": 20347, "quantile": 0.75, "value": 227900.0, "Latitude": 34.19, "Longitude": -119.0, "Population": 1317.0}, {"index": 20347, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.19, "Longitude": -119.0, "Population": 1317.0}, {"index": 20348, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.19, "Longitude": -119.05, "Population": 113.0}, {"index": 20348, "quantile": 0.25, "value": 199450.00000000003, "Latitude": 34.19, "Longitude": -119.05, "Population": 113.0}, {"index": 20348, "quantile": 0.5, "value": 275000.0, "Latitude": 34.19, "Longitude": -119.05, "Population": 113.0}, {"index": 20348, "quantile": 0.75, "value": 275000.0, "Latitude": 34.19, "Longitude": -119.05, "Population": 113.0}, {"index": 20348, "quantile": 1.0, "value": 325000.0, "Latitude": 34.19, "Longitude": -119.05, "Population": 113.0}, {"index": 20349, "quantile": 0.0, "value": 67500.0, "Latitude": 34.17, "Longitude": -119.08, "Population": 63.0}, {"index": 20349, "quantile": 0.25, "value": 125000.0, "Latitude": 34.17, "Longitude": -119.08, "Population": 63.0}, {"index": 20349, "quantile": 0.5, "value": 125000.0, "Latitude": 34.17, "Longitude": -119.08, "Population": 63.0}, {"index": 20349, "quantile": 0.75, "value": 267800.0, "Latitude": 34.17, "Longitude": -119.08, "Population": 63.0}, {"index": 20349, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -119.08, "Population": 63.0}, {"index": 20350, "quantile": 0.0, "value": 118200.0, "Latitude": 34.21, "Longitude": -119.03, "Population": 2398.0}, {"index": 20350, "quantile": 0.25, "value": 234775.0, "Latitude": 34.21, "Longitude": -119.03, "Population": 2398.0}, {"index": 20350, "quantile": 0.5, "value": 319000.0, "Latitude": 34.21, "Longitude": -119.03, "Population": 2398.0}, {"index": 20350, "quantile": 0.75, "value": 319000.0, "Latitude": 34.21, "Longitude": -119.03, "Population": 2398.0}, {"index": 20350, "quantile": 1.0, "value": 319000.0, "Latitude": 34.21, "Longitude": -119.03, "Population": 2398.0}, {"index": 20351, "quantile": 0.0, "value": 153000.0, "Latitude": 34.21, "Longitude": -119.05, "Population": 2110.0}, {"index": 20351, "quantile": 0.25, "value": 218200.0, "Latitude": 34.21, "Longitude": -119.05, "Population": 2110.0}, {"index": 20351, "quantile": 0.5, "value": 218200.0, "Latitude": 34.21, "Longitude": -119.05, "Population": 2110.0}, {"index": 20351, "quantile": 0.75, "value": 218200.0, "Latitude": 34.21, "Longitude": -119.05, "Population": 2110.0}, {"index": 20351, "quantile": 1.0, "value": 347800.0, "Latitude": 34.21, "Longitude": -119.05, "Population": 2110.0}, {"index": 20352, "quantile": 0.0, "value": 52500.0, "Latitude": 34.22, "Longitude": -119.09, "Population": 309.0}, {"index": 20352, "quantile": 0.25, "value": 52500.0, "Latitude": 34.22, "Longitude": -119.09, "Population": 309.0}, {"index": 20352, "quantile": 0.5, "value": 52500.0, "Latitude": 34.22, "Longitude": -119.09, "Population": 309.0}, {"index": 20352, "quantile": 0.75, "value": 124450.0, "Latitude": 34.22, "Longitude": -119.09, "Population": 309.0}, {"index": 20352, "quantile": 1.0, "value": 387500.0, "Latitude": 34.22, "Longitude": -119.09, "Population": 309.0}, {"index": 20353, "quantile": 0.0, "value": 71300.0, "Latitude": 34.13, "Longitude": -119.05, "Population": 69.0}, {"index": 20353, "quantile": 0.25, "value": 165000.0, "Latitude": 34.13, "Longitude": -119.05, "Population": 69.0}, {"index": 20353, "quantile": 0.5, "value": 203500.0, "Latitude": 34.13, "Longitude": -119.05, "Population": 69.0}, {"index": 20353, "quantile": 0.75, "value": 261174.99999999997, "Latitude": 34.13, "Longitude": -119.05, "Population": 69.0}, {"index": 20353, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.13, "Longitude": -119.05, "Population": 69.0}, {"index": 20354, "quantile": 0.0, "value": 262100.0, "Latitude": 34.18, "Longitude": -118.97, "Population": 3419.0}, {"index": 20354, "quantile": 0.25, "value": 329700.0, "Latitude": 34.18, "Longitude": -118.97, "Population": 3419.0}, {"index": 20354, "quantile": 0.5, "value": 333700.0, "Latitude": 34.18, "Longitude": -118.97, "Population": 3419.0}, {"index": 20354, "quantile": 0.75, "value": 361200.0, "Latitude": 34.18, "Longitude": -118.97, "Population": 3419.0}, {"index": 20354, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.97, "Population": 3419.0}, {"index": 20355, "quantile": 0.0, "value": 54300.00000000001, "Latitude": 34.19, "Longitude": -118.96, "Population": 587.0}, {"index": 20355, "quantile": 0.25, "value": 162500.0, "Latitude": 34.19, "Longitude": -118.96, "Population": 587.0}, {"index": 20355, "quantile": 0.5, "value": 162500.0, "Latitude": 34.19, "Longitude": -118.96, "Population": 587.0}, {"index": 20355, "quantile": 0.75, "value": 162500.0, "Latitude": 34.19, "Longitude": -118.96, "Population": 587.0}, {"index": 20355, "quantile": 1.0, "value": 450000.0, "Latitude": 34.19, "Longitude": -118.96, "Population": 587.0}, {"index": 20356, "quantile": 0.0, "value": 154800.0, "Latitude": 34.18, "Longitude": -118.96, "Population": 1384.0}, {"index": 20356, "quantile": 0.25, "value": 258199.99999999997, "Latitude": 34.18, "Longitude": -118.96, "Population": 1384.0}, {"index": 20356, "quantile": 0.5, "value": 258199.99999999997, "Latitude": 34.18, "Longitude": -118.96, "Population": 1384.0}, {"index": 20356, "quantile": 0.75, "value": 258199.99999999997, "Latitude": 34.18, "Longitude": -118.96, "Population": 1384.0}, {"index": 20356, "quantile": 1.0, "value": 374200.0, "Latitude": 34.18, "Longitude": -118.96, "Population": 1384.0}, {"index": 20357, "quantile": 0.0, "value": 130600.0, "Latitude": 34.16, "Longitude": -118.98, "Population": 1251.0}, {"index": 20357, "quantile": 0.25, "value": 248525.00000000003, "Latitude": 34.16, "Longitude": -118.98, "Population": 1251.0}, {"index": 20357, "quantile": 0.5, "value": 269350.0, "Latitude": 34.16, "Longitude": -118.98, "Population": 1251.0}, {"index": 20357, "quantile": 0.75, "value": 286250.0, "Latitude": 34.16, "Longitude": -118.98, "Population": 1251.0}, {"index": 20357, "quantile": 1.0, "value": 402600.0, "Latitude": 34.16, "Longitude": -118.98, "Population": 1251.0}, {"index": 20358, "quantile": 0.0, "value": 150800.0, "Latitude": 34.18, "Longitude": -118.95, "Population": 1121.0}, {"index": 20358, "quantile": 0.25, "value": 254900.0, "Latitude": 34.18, "Longitude": -118.95, "Population": 1121.0}, {"index": 20358, "quantile": 0.5, "value": 254900.0, "Latitude": 34.18, "Longitude": -118.95, "Population": 1121.0}, {"index": 20358, "quantile": 0.75, "value": 254900.0, "Latitude": 34.18, "Longitude": -118.95, "Population": 1121.0}, {"index": 20358, "quantile": 1.0, "value": 405400.0, "Latitude": 34.18, "Longitude": -118.95, "Population": 1121.0}, {"index": 20359, "quantile": 0.0, "value": 165200.0, "Latitude": 34.17, "Longitude": -118.95, "Population": 1039.0}, {"index": 20359, "quantile": 0.25, "value": 344900.0, "Latitude": 34.17, "Longitude": -118.95, "Population": 1039.0}, {"index": 20359, "quantile": 0.5, "value": 344900.0, "Latitude": 34.17, "Longitude": -118.95, "Population": 1039.0}, {"index": 20359, "quantile": 0.75, "value": 344900.0, "Latitude": 34.17, "Longitude": -118.95, "Population": 1039.0}, {"index": 20359, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.95, "Population": 1039.0}, {"index": 20360, "quantile": 0.0, "value": 154800.0, "Latitude": 34.17, "Longitude": -118.94, "Population": 1556.0}, {"index": 20360, "quantile": 0.25, "value": 281800.0, "Latitude": 34.17, "Longitude": -118.94, "Population": 1556.0}, {"index": 20360, "quantile": 0.5, "value": 299400.0, "Latitude": 34.17, "Longitude": -118.94, "Population": 1556.0}, {"index": 20360, "quantile": 0.75, "value": 299400.0, "Latitude": 34.17, "Longitude": -118.94, "Population": 1556.0}, {"index": 20360, "quantile": 1.0, "value": 341300.0, "Latitude": 34.17, "Longitude": -118.94, "Population": 1556.0}, {"index": 20361, "quantile": 0.0, "value": 88900.0, "Latitude": 34.17, "Longitude": -118.94, "Population": 928.0}, {"index": 20361, "quantile": 0.25, "value": 234800.0, "Latitude": 34.17, "Longitude": -118.94, "Population": 928.0}, {"index": 20361, "quantile": 0.5, "value": 235600.0, "Latitude": 34.17, "Longitude": -118.94, "Population": 928.0}, {"index": 20361, "quantile": 0.75, "value": 235600.0, "Latitude": 34.17, "Longitude": -118.94, "Population": 928.0}, {"index": 20361, "quantile": 1.0, "value": 346100.0, "Latitude": 34.17, "Longitude": -118.94, "Population": 928.0}, {"index": 20362, "quantile": 0.0, "value": 110900.0, "Latitude": 34.17, "Longitude": -118.95, "Population": 1184.0}, {"index": 20362, "quantile": 0.25, "value": 247600.0, "Latitude": 34.17, "Longitude": -118.95, "Population": 1184.0}, {"index": 20362, "quantile": 0.5, "value": 247600.0, "Latitude": 34.17, "Longitude": -118.95, "Population": 1184.0}, {"index": 20362, "quantile": 0.75, "value": 247600.0, "Latitude": 34.17, "Longitude": -118.95, "Population": 1184.0}, {"index": 20362, "quantile": 1.0, "value": 371700.0, "Latitude": 34.17, "Longitude": -118.95, "Population": 1184.0}, {"index": 20363, "quantile": 0.0, "value": 263900.0, "Latitude": 34.16, "Longitude": -118.95, "Population": 1397.0}, {"index": 20363, "quantile": 0.25, "value": 291500.0, "Latitude": 34.16, "Longitude": -118.95, "Population": 1397.0}, {"index": 20363, "quantile": 0.5, "value": 291500.0, "Latitude": 34.16, "Longitude": -118.95, "Population": 1397.0}, {"index": 20363, "quantile": 0.75, "value": 300000.0, "Latitude": 34.16, "Longitude": -118.95, "Population": 1397.0}, {"index": 20363, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.95, "Population": 1397.0}, {"index": 20364, "quantile": 0.0, "value": 253700.0, "Latitude": 34.18, "Longitude": -118.93, "Population": 1248.0}, {"index": 20364, "quantile": 0.25, "value": 287900.0, "Latitude": 34.18, "Longitude": -118.93, "Population": 1248.0}, {"index": 20364, "quantile": 0.5, "value": 287900.0, "Latitude": 34.18, "Longitude": -118.93, "Population": 1248.0}, {"index": 20364, "quantile": 0.75, "value": 287900.0, "Latitude": 34.18, "Longitude": -118.93, "Population": 1248.0}, {"index": 20364, "quantile": 1.0, "value": 344700.0, "Latitude": 34.18, "Longitude": -118.93, "Population": 1248.0}, {"index": 20365, "quantile": 0.0, "value": 143000.0, "Latitude": 34.18, "Longitude": -118.92, "Population": 1067.0}, {"index": 20365, "quantile": 0.25, "value": 259300.0, "Latitude": 34.18, "Longitude": -118.92, "Population": 1067.0}, {"index": 20365, "quantile": 0.5, "value": 259300.0, "Latitude": 34.18, "Longitude": -118.92, "Population": 1067.0}, {"index": 20365, "quantile": 0.75, "value": 267425.0, "Latitude": 34.18, "Longitude": -118.92, "Population": 1067.0}, {"index": 20365, "quantile": 1.0, "value": 402600.0, "Latitude": 34.18, "Longitude": -118.92, "Population": 1067.0}, {"index": 20366, "quantile": 0.0, "value": 150800.0, "Latitude": 34.17, "Longitude": -118.92, "Population": 685.0}, {"index": 20366, "quantile": 0.25, "value": 294800.0, "Latitude": 34.17, "Longitude": -118.92, "Population": 685.0}, {"index": 20366, "quantile": 0.5, "value": 294800.0, "Latitude": 34.17, "Longitude": -118.92, "Population": 685.0}, {"index": 20366, "quantile": 0.75, "value": 294800.0, "Latitude": 34.17, "Longitude": -118.92, "Population": 685.0}, {"index": 20366, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.92, "Population": 685.0}, {"index": 20367, "quantile": 0.0, "value": 224100.0, "Latitude": 34.16, "Longitude": -118.94, "Population": 493.0}, {"index": 20367, "quantile": 0.25, "value": 441000.0, "Latitude": 34.16, "Longitude": -118.94, "Population": 493.0}, {"index": 20367, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.94, "Population": 493.0}, {"index": 20367, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.94, "Population": 493.0}, {"index": 20367, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.94, "Population": 493.0}, {"index": 20368, "quantile": 0.0, "value": 114300.0, "Latitude": 34.18, "Longitude": -118.91, "Population": 1381.0}, {"index": 20368, "quantile": 0.25, "value": 176000.0, "Latitude": 34.18, "Longitude": -118.91, "Population": 1381.0}, {"index": 20368, "quantile": 0.5, "value": 176000.0, "Latitude": 34.18, "Longitude": -118.91, "Population": 1381.0}, {"index": 20368, "quantile": 0.75, "value": 176000.0, "Latitude": 34.18, "Longitude": -118.91, "Population": 1381.0}, {"index": 20368, "quantile": 1.0, "value": 369100.0, "Latitude": 34.18, "Longitude": -118.91, "Population": 1381.0}, {"index": 20369, "quantile": 0.0, "value": 150800.0, "Latitude": 34.18, "Longitude": -118.9, "Population": 539.0}, {"index": 20369, "quantile": 0.25, "value": 297875.0, "Latitude": 34.18, "Longitude": -118.9, "Population": 539.0}, {"index": 20369, "quantile": 0.5, "value": 302600.0, "Latitude": 34.18, "Longitude": -118.9, "Population": 539.0}, {"index": 20369, "quantile": 0.75, "value": 302600.0, "Latitude": 34.18, "Longitude": -118.9, "Population": 539.0}, {"index": 20369, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.9, "Population": 539.0}, {"index": 20370, "quantile": 0.0, "value": 262100.0, "Latitude": 34.18, "Longitude": -118.9, "Population": 1121.0}, {"index": 20370, "quantile": 0.25, "value": 333800.0, "Latitude": 34.18, "Longitude": -118.9, "Population": 1121.0}, {"index": 20370, "quantile": 0.5, "value": 333800.0, "Latitude": 34.18, "Longitude": -118.9, "Population": 1121.0}, {"index": 20370, "quantile": 0.75, "value": 333800.0, "Latitude": 34.18, "Longitude": -118.9, "Population": 1121.0}, {"index": 20370, "quantile": 1.0, "value": 404699.99999999994, "Latitude": 34.18, "Longitude": -118.9, "Population": 1121.0}, {"index": 20371, "quantile": 0.0, "value": 122500.00000000001, "Latitude": 34.17, "Longitude": -118.9, "Population": 1880.0}, {"index": 20371, "quantile": 0.25, "value": 313800.0, "Latitude": 34.17, "Longitude": -118.9, "Population": 1880.0}, {"index": 20371, "quantile": 0.5, "value": 313800.0, "Latitude": 34.17, "Longitude": -118.9, "Population": 1880.0}, {"index": 20371, "quantile": 0.75, "value": 313800.0, "Latitude": 34.17, "Longitude": -118.9, "Population": 1880.0}, {"index": 20371, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.9, "Population": 1880.0}, {"index": 20372, "quantile": 0.0, "value": 110700.0, "Latitude": 34.17, "Longitude": -118.88, "Population": 1701.0}, {"index": 20372, "quantile": 0.25, "value": 244400.0, "Latitude": 34.17, "Longitude": -118.88, "Population": 1701.0}, {"index": 20372, "quantile": 0.5, "value": 294600.0, "Latitude": 34.17, "Longitude": -118.88, "Population": 1701.0}, {"index": 20372, "quantile": 0.75, "value": 367300.0, "Latitude": 34.17, "Longitude": -118.88, "Population": 1701.0}, {"index": 20372, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.88, "Population": 1701.0}, {"index": 20373, "quantile": 0.0, "value": 84500.0, "Latitude": 34.17, "Longitude": -118.85, "Population": 220.0}, {"index": 20373, "quantile": 0.25, "value": 318800.0, "Latitude": 34.17, "Longitude": -118.85, "Population": 220.0}, {"index": 20373, "quantile": 0.5, "value": 318800.0, "Latitude": 34.17, "Longitude": -118.85, "Population": 220.0}, {"index": 20373, "quantile": 0.75, "value": 318800.0, "Latitude": 34.17, "Longitude": -118.85, "Population": 220.0}, {"index": 20373, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.85, "Population": 220.0}, {"index": 20374, "quantile": 0.0, "value": 195800.0, "Latitude": 34.16, "Longitude": -118.84, "Population": 2571.0}, {"index": 20374, "quantile": 0.25, "value": 309700.0, "Latitude": 34.16, "Longitude": -118.84, "Population": 2571.0}, {"index": 20374, "quantile": 0.5, "value": 399400.0, "Latitude": 34.16, "Longitude": -118.84, "Population": 2571.0}, {"index": 20374, "quantile": 0.75, "value": 399400.0, "Latitude": 34.16, "Longitude": -118.84, "Population": 2571.0}, {"index": 20374, "quantile": 1.0, "value": 452100.0, "Latitude": 34.16, "Longitude": -118.84, "Population": 2571.0}, {"index": 20375, "quantile": 0.0, "value": 193500.0, "Latitude": 34.15, "Longitude": -118.84, "Population": 1527.0}, {"index": 20375, "quantile": 0.25, "value": 358500.0, "Latitude": 34.15, "Longitude": -118.84, "Population": 1527.0}, {"index": 20375, "quantile": 0.5, "value": 358500.0, "Latitude": 34.15, "Longitude": -118.84, "Population": 1527.0}, {"index": 20375, "quantile": 0.75, "value": 358500.0, "Latitude": 34.15, "Longitude": -118.84, "Population": 1527.0}, {"index": 20375, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.84, "Population": 1527.0}, {"index": 20376, "quantile": 0.0, "value": 410799.99999999994, "Latitude": 34.16, "Longitude": -118.86, "Population": 578.0}, {"index": 20376, "quantile": 0.25, "value": 410799.99999999994, "Latitude": 34.16, "Longitude": -118.86, "Population": 578.0}, {"index": 20376, "quantile": 0.5, "value": 410799.99999999994, "Latitude": 34.16, "Longitude": -118.86, "Population": 578.0}, {"index": 20376, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.86, "Population": 578.0}, {"index": 20376, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.16, "Longitude": -118.86, "Population": 578.0}, {"index": 20377, "quantile": 0.0, "value": 224100.0, "Latitude": 34.14, "Longitude": -118.85, "Population": 759.0}, {"index": 20377, "quantile": 0.25, "value": 366300.0, "Latitude": 34.14, "Longitude": -118.85, "Population": 759.0}, {"index": 20377, "quantile": 0.5, "value": 366300.0, "Latitude": 34.14, "Longitude": -118.85, "Population": 759.0}, {"index": 20377, "quantile": 0.75, "value": 419225.00000000006, "Latitude": 34.14, "Longitude": -118.85, "Population": 759.0}, {"index": 20377, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.85, "Population": 759.0}, {"index": 20378, "quantile": 0.0, "value": 182400.0, "Latitude": 34.15, "Longitude": -118.82, "Population": 222.0}, {"index": 20378, "quantile": 0.25, "value": 337500.0, "Latitude": 34.15, "Longitude": -118.82, "Population": 222.0}, {"index": 20378, "quantile": 0.5, "value": 337500.0, "Latitude": 34.15, "Longitude": -118.82, "Population": 222.0}, {"index": 20378, "quantile": 0.75, "value": 369200.0, "Latitude": 34.15, "Longitude": -118.82, "Population": 222.0}, {"index": 20378, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.15, "Longitude": -118.82, "Population": 222.0}, {"index": 20379, "quantile": 0.0, "value": 95200.0, "Latitude": 34.15, "Longitude": -118.83, "Population": 1227.0}, {"index": 20379, "quantile": 0.25, "value": 233199.99999999997, "Latitude": 34.15, "Longitude": -118.83, "Population": 1227.0}, {"index": 20379, "quantile": 0.5, "value": 233199.99999999997, "Latitude": 34.15, "Longitude": -118.83, "Population": 1227.0}, {"index": 20379, "quantile": 0.75, "value": 241600.0, "Latitude": 34.15, "Longitude": -118.83, "Population": 1227.0}, {"index": 20379, "quantile": 1.0, "value": 478400.0, "Latitude": 34.15, "Longitude": -118.83, "Population": 1227.0}, {"index": 20380, "quantile": 0.0, "value": 410799.99999999994, "Latitude": 34.14, "Longitude": -118.83, "Population": 450.0}, {"index": 20380, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.83, "Population": 450.0}, {"index": 20380, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.83, "Population": 450.0}, {"index": 20380, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.83, "Population": 450.0}, {"index": 20380, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.83, "Population": 450.0}, {"index": 20381, "quantile": 0.0, "value": 177400.0, "Latitude": 34.14, "Longitude": -118.83, "Population": 671.0}, {"index": 20381, "quantile": 0.25, "value": 321800.0, "Latitude": 34.14, "Longitude": -118.83, "Population": 671.0}, {"index": 20381, "quantile": 0.5, "value": 321800.0, "Latitude": 34.14, "Longitude": -118.83, "Population": 671.0}, {"index": 20381, "quantile": 0.75, "value": 340825.0, "Latitude": 34.14, "Longitude": -118.83, "Population": 671.0}, {"index": 20381, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.83, "Population": 671.0}, {"index": 20382, "quantile": 0.0, "value": 173200.0, "Latitude": 34.14, "Longitude": -118.85, "Population": 1409.0}, {"index": 20382, "quantile": 0.25, "value": 391650.0, "Latitude": 34.14, "Longitude": -118.85, "Population": 1409.0}, {"index": 20382, "quantile": 0.5, "value": 423400.0, "Latitude": 34.14, "Longitude": -118.85, "Population": 1409.0}, {"index": 20382, "quantile": 0.75, "value": 423400.0, "Latitude": 34.14, "Longitude": -118.85, "Population": 1409.0}, {"index": 20382, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.85, "Population": 1409.0}, {"index": 20383, "quantile": 0.0, "value": 134600.0, "Latitude": 34.19, "Longitude": -118.95, "Population": 1318.0}, {"index": 20383, "quantile": 0.25, "value": 211700.0, "Latitude": 34.19, "Longitude": -118.95, "Population": 1318.0}, {"index": 20383, "quantile": 0.5, "value": 241400.00000000003, "Latitude": 34.19, "Longitude": -118.95, "Population": 1318.0}, {"index": 20383, "quantile": 0.75, "value": 250900.0, "Latitude": 34.19, "Longitude": -118.95, "Population": 1318.0}, {"index": 20383, "quantile": 1.0, "value": 365900.0, "Latitude": 34.19, "Longitude": -118.95, "Population": 1318.0}, {"index": 20384, "quantile": 0.0, "value": 154800.0, "Latitude": 34.18, "Longitude": -118.94, "Population": 1898.0}, {"index": 20384, "quantile": 0.25, "value": 235524.99999999997, "Latitude": 34.18, "Longitude": -118.94, "Population": 1898.0}, {"index": 20384, "quantile": 0.5, "value": 244650.0, "Latitude": 34.18, "Longitude": -118.94, "Population": 1898.0}, {"index": 20384, "quantile": 0.75, "value": 265800.0, "Latitude": 34.18, "Longitude": -118.94, "Population": 1898.0}, {"index": 20384, "quantile": 1.0, "value": 340600.0, "Latitude": 34.18, "Longitude": -118.94, "Population": 1898.0}, {"index": 20385, "quantile": 0.0, "value": 161000.0, "Latitude": 34.18, "Longitude": -118.94, "Population": 1713.0}, {"index": 20385, "quantile": 0.25, "value": 242099.99999999997, "Latitude": 34.18, "Longitude": -118.94, "Population": 1713.0}, {"index": 20385, "quantile": 0.5, "value": 242099.99999999997, "Latitude": 34.18, "Longitude": -118.94, "Population": 1713.0}, {"index": 20385, "quantile": 0.75, "value": 242099.99999999997, "Latitude": 34.18, "Longitude": -118.94, "Population": 1713.0}, {"index": 20385, "quantile": 1.0, "value": 276800.0, "Latitude": 34.18, "Longitude": -118.94, "Population": 1713.0}, {"index": 20386, "quantile": 0.0, "value": 137200.0, "Latitude": 34.2, "Longitude": -118.93, "Population": 1655.0}, {"index": 20386, "quantile": 0.25, "value": 213700.0, "Latitude": 34.2, "Longitude": -118.93, "Population": 1655.0}, {"index": 20386, "quantile": 0.5, "value": 281300.0, "Latitude": 34.2, "Longitude": -118.93, "Population": 1655.0}, {"index": 20386, "quantile": 0.75, "value": 281300.0, "Latitude": 34.2, "Longitude": -118.93, "Population": 1655.0}, {"index": 20386, "quantile": 1.0, "value": 299300.0, "Latitude": 34.2, "Longitude": -118.93, "Population": 1655.0}, {"index": 20387, "quantile": 0.0, "value": 97400.0, "Latitude": 34.19, "Longitude": -118.92, "Population": 2585.0}, {"index": 20387, "quantile": 0.25, "value": 174200.0, "Latitude": 34.19, "Longitude": -118.92, "Population": 2585.0}, {"index": 20387, "quantile": 0.5, "value": 213000.0, "Latitude": 34.19, "Longitude": -118.92, "Population": 2585.0}, {"index": 20387, "quantile": 0.75, "value": 238700.0, "Latitude": 34.19, "Longitude": -118.92, "Population": 2585.0}, {"index": 20387, "quantile": 1.0, "value": 475000.0, "Latitude": 34.19, "Longitude": -118.92, "Population": 2585.0}, {"index": 20388, "quantile": 0.0, "value": 308400.0, "Latitude": 34.2, "Longitude": -118.9, "Population": 2304.0}, {"index": 20388, "quantile": 0.25, "value": 371800.0, "Latitude": 34.2, "Longitude": -118.9, "Population": 2304.0}, {"index": 20388, "quantile": 0.5, "value": 399200.0, "Latitude": 34.2, "Longitude": -118.9, "Population": 2304.0}, {"index": 20388, "quantile": 0.75, "value": 428599.99999999994, "Latitude": 34.2, "Longitude": -118.9, "Population": 2304.0}, {"index": 20388, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.9, "Population": 2304.0}, {"index": 20389, "quantile": 0.0, "value": 411800.00000000006, "Latitude": 34.19, "Longitude": -118.9, "Population": 573.0}, {"index": 20389, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.9, "Population": 573.0}, {"index": 20389, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.9, "Population": 573.0}, {"index": 20389, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.9, "Population": 573.0}, {"index": 20389, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.9, "Population": 573.0}, {"index": 20390, "quantile": 0.0, "value": 170300.0, "Latitude": 34.22, "Longitude": -118.91, "Population": 2659.0}, {"index": 20390, "quantile": 0.25, "value": 312000.0, "Latitude": 34.22, "Longitude": -118.91, "Population": 2659.0}, {"index": 20390, "quantile": 0.5, "value": 312000.0, "Latitude": 34.22, "Longitude": -118.91, "Population": 2659.0}, {"index": 20390, "quantile": 0.75, "value": 312000.0, "Latitude": 34.22, "Longitude": -118.91, "Population": 2659.0}, {"index": 20390, "quantile": 1.0, "value": 422900.0, "Latitude": 34.22, "Longitude": -118.91, "Population": 2659.0}, {"index": 20391, "quantile": 0.0, "value": 183400.0, "Latitude": 34.22, "Longitude": -118.89, "Population": 1651.0}, {"index": 20391, "quantile": 0.25, "value": 271200.0, "Latitude": 34.22, "Longitude": -118.89, "Population": 1651.0}, {"index": 20391, "quantile": 0.5, "value": 300900.0, "Latitude": 34.22, "Longitude": -118.89, "Population": 1651.0}, {"index": 20391, "quantile": 0.75, "value": 351800.0, "Latitude": 34.22, "Longitude": -118.89, "Population": 1651.0}, {"index": 20391, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.89, "Population": 1651.0}, {"index": 20392, "quantile": 0.0, "value": 105300.0, "Latitude": 34.23, "Longitude": -118.87, "Population": 1858.0}, {"index": 20392, "quantile": 0.25, "value": 304200.0, "Latitude": 34.23, "Longitude": -118.87, "Population": 1858.0}, {"index": 20392, "quantile": 0.5, "value": 362050.0, "Latitude": 34.23, "Longitude": -118.87, "Population": 1858.0}, {"index": 20392, "quantile": 0.75, "value": 380000.0, "Latitude": 34.23, "Longitude": -118.87, "Population": 1858.0}, {"index": 20392, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -118.87, "Population": 1858.0}, {"index": 20393, "quantile": 0.0, "value": 153200.0, "Latitude": 34.22, "Longitude": -118.88, "Population": 2007.0}, {"index": 20393, "quantile": 0.25, "value": 264225.0, "Latitude": 34.22, "Longitude": -118.88, "Population": 2007.0}, {"index": 20393, "quantile": 0.5, "value": 302700.0, "Latitude": 34.22, "Longitude": -118.88, "Population": 2007.0}, {"index": 20393, "quantile": 0.75, "value": 302700.0, "Latitude": 34.22, "Longitude": -118.88, "Population": 2007.0}, {"index": 20393, "quantile": 1.0, "value": 335600.0, "Latitude": 34.22, "Longitude": -118.88, "Population": 2007.0}, {"index": 20394, "quantile": 0.0, "value": 177500.0, "Latitude": 34.22, "Longitude": -118.87, "Population": 1566.0}, {"index": 20394, "quantile": 0.25, "value": 264900.0, "Latitude": 34.22, "Longitude": -118.87, "Population": 1566.0}, {"index": 20394, "quantile": 0.5, "value": 305400.0, "Latitude": 34.22, "Longitude": -118.87, "Population": 1566.0}, {"index": 20394, "quantile": 0.75, "value": 305400.0, "Latitude": 34.22, "Longitude": -118.87, "Population": 1566.0}, {"index": 20394, "quantile": 1.0, "value": 437399.99999999994, "Latitude": 34.22, "Longitude": -118.87, "Population": 1566.0}, {"index": 20395, "quantile": 0.0, "value": 253799.99999999997, "Latitude": 34.25, "Longitude": -118.85, "Population": 1992.0}, {"index": 20395, "quantile": 0.25, "value": 342900.0, "Latitude": 34.25, "Longitude": -118.85, "Population": 1992.0}, {"index": 20395, "quantile": 0.5, "value": 342900.0, "Latitude": 34.25, "Longitude": -118.85, "Population": 1992.0}, {"index": 20395, "quantile": 0.75, "value": 342900.0, "Latitude": 34.25, "Longitude": -118.85, "Population": 1992.0}, {"index": 20395, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.85, "Population": 1992.0}, {"index": 20396, "quantile": 0.0, "value": 185600.0, "Latitude": 34.23, "Longitude": -118.85, "Population": 2230.0}, {"index": 20396, "quantile": 0.25, "value": 290900.0, "Latitude": 34.23, "Longitude": -118.85, "Population": 2230.0}, {"index": 20396, "quantile": 0.5, "value": 290900.0, "Latitude": 34.23, "Longitude": -118.85, "Population": 2230.0}, {"index": 20396, "quantile": 0.75, "value": 290900.0, "Latitude": 34.23, "Longitude": -118.85, "Population": 2230.0}, {"index": 20396, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -118.85, "Population": 2230.0}, {"index": 20397, "quantile": 0.0, "value": 158600.0, "Latitude": 34.22, "Longitude": -118.86, "Population": 886.0}, {"index": 20397, "quantile": 0.25, "value": 232200.0, "Latitude": 34.22, "Longitude": -118.86, "Population": 886.0}, {"index": 20397, "quantile": 0.5, "value": 232200.0, "Latitude": 34.22, "Longitude": -118.86, "Population": 886.0}, {"index": 20397, "quantile": 0.75, "value": 237675.0, "Latitude": 34.22, "Longitude": -118.86, "Population": 886.0}, {"index": 20397, "quantile": 1.0, "value": 372000.0, "Latitude": 34.22, "Longitude": -118.86, "Population": 886.0}, {"index": 20398, "quantile": 0.0, "value": 118600.0, "Latitude": 34.22, "Longitude": -118.86, "Population": 1004.0}, {"index": 20398, "quantile": 0.25, "value": 220699.99999999997, "Latitude": 34.22, "Longitude": -118.86, "Population": 1004.0}, {"index": 20398, "quantile": 0.5, "value": 228200.0, "Latitude": 34.22, "Longitude": -118.86, "Population": 1004.0}, {"index": 20398, "quantile": 0.75, "value": 245100.0, "Latitude": 34.22, "Longitude": -118.86, "Population": 1004.0}, {"index": 20398, "quantile": 1.0, "value": 372000.0, "Latitude": 34.22, "Longitude": -118.86, "Population": 1004.0}, {"index": 20399, "quantile": 0.0, "value": 153200.0, "Latitude": 34.22, "Longitude": -118.86, "Population": 673.0}, {"index": 20399, "quantile": 0.25, "value": 251399.99999999997, "Latitude": 34.22, "Longitude": -118.86, "Population": 673.0}, {"index": 20399, "quantile": 0.5, "value": 251399.99999999997, "Latitude": 34.22, "Longitude": -118.86, "Population": 673.0}, {"index": 20399, "quantile": 0.75, "value": 251399.99999999997, "Latitude": 34.22, "Longitude": -118.86, "Population": 673.0}, {"index": 20399, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.22, "Longitude": -118.86, "Population": 673.0}, {"index": 20400, "quantile": 0.0, "value": 159600.0, "Latitude": 34.21, "Longitude": -118.85, "Population": 691.0}, {"index": 20400, "quantile": 0.25, "value": 238725.0, "Latitude": 34.21, "Longitude": -118.85, "Population": 691.0}, {"index": 20400, "quantile": 0.5, "value": 241400.00000000003, "Latitude": 34.21, "Longitude": -118.85, "Population": 691.0}, {"index": 20400, "quantile": 0.75, "value": 241400.00000000003, "Latitude": 34.21, "Longitude": -118.85, "Population": 691.0}, {"index": 20400, "quantile": 1.0, "value": 329400.0, "Latitude": 34.21, "Longitude": -118.85, "Population": 691.0}, {"index": 20401, "quantile": 0.0, "value": 164800.0, "Latitude": 34.21, "Longitude": -118.85, "Population": 1360.0}, {"index": 20401, "quantile": 0.25, "value": 201700.0, "Latitude": 34.21, "Longitude": -118.85, "Population": 1360.0}, {"index": 20401, "quantile": 0.5, "value": 206700.00000000003, "Latitude": 34.21, "Longitude": -118.85, "Population": 1360.0}, {"index": 20401, "quantile": 0.75, "value": 206700.00000000003, "Latitude": 34.21, "Longitude": -118.85, "Population": 1360.0}, {"index": 20401, "quantile": 1.0, "value": 262500.0, "Latitude": 34.21, "Longitude": -118.85, "Population": 1360.0}, {"index": 20402, "quantile": 0.0, "value": 114500.0, "Latitude": 34.21, "Longitude": -118.86, "Population": 2020.0}, {"index": 20402, "quantile": 0.25, "value": 205950.0, "Latitude": 34.21, "Longitude": -118.86, "Population": 2020.0}, {"index": 20402, "quantile": 0.5, "value": 226500.0, "Latitude": 34.21, "Longitude": -118.86, "Population": 2020.0}, {"index": 20402, "quantile": 0.75, "value": 235400.0, "Latitude": 34.21, "Longitude": -118.86, "Population": 2020.0}, {"index": 20402, "quantile": 1.0, "value": 293300.0, "Latitude": 34.21, "Longitude": -118.86, "Population": 2020.0}, {"index": 20403, "quantile": 0.0, "value": 227000.0, "Latitude": 34.22, "Longitude": -118.88, "Population": 1565.0}, {"index": 20403, "quantile": 0.25, "value": 274800.0, "Latitude": 34.22, "Longitude": -118.88, "Population": 1565.0}, {"index": 20403, "quantile": 0.5, "value": 274800.0, "Latitude": 34.22, "Longitude": -118.88, "Population": 1565.0}, {"index": 20403, "quantile": 0.75, "value": 275950.0, "Latitude": 34.22, "Longitude": -118.88, "Population": 1565.0}, {"index": 20403, "quantile": 1.0, "value": 341300.0, "Latitude": 34.22, "Longitude": -118.88, "Population": 1565.0}, {"index": 20404, "quantile": 0.0, "value": 120000.0, "Latitude": 34.21, "Longitude": -118.87, "Population": 1881.0}, {"index": 20404, "quantile": 0.25, "value": 243500.0, "Latitude": 34.21, "Longitude": -118.87, "Population": 1881.0}, {"index": 20404, "quantile": 0.5, "value": 293600.0, "Latitude": 34.21, "Longitude": -118.87, "Population": 1881.0}, {"index": 20404, "quantile": 0.75, "value": 327300.0, "Latitude": 34.21, "Longitude": -118.87, "Population": 1881.0}, {"index": 20404, "quantile": 1.0, "value": 392900.0, "Latitude": 34.21, "Longitude": -118.87, "Population": 1881.0}, {"index": 20405, "quantile": 0.0, "value": 196600.0, "Latitude": 34.21, "Longitude": -118.88, "Population": 654.0}, {"index": 20405, "quantile": 0.25, "value": 300000.0, "Latitude": 34.21, "Longitude": -118.88, "Population": 654.0}, {"index": 20405, "quantile": 0.5, "value": 300000.0, "Latitude": 34.21, "Longitude": -118.88, "Population": 654.0}, {"index": 20405, "quantile": 0.75, "value": 324025.0, "Latitude": 34.21, "Longitude": -118.88, "Population": 654.0}, {"index": 20405, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.88, "Population": 654.0}, {"index": 20406, "quantile": 0.0, "value": 165200.0, "Latitude": 34.2, "Longitude": -118.87, "Population": 775.0}, {"index": 20406, "quantile": 0.25, "value": 300000.0, "Latitude": 34.2, "Longitude": -118.87, "Population": 775.0}, {"index": 20406, "quantile": 0.5, "value": 324350.0, "Latitude": 34.2, "Longitude": -118.87, "Population": 775.0}, {"index": 20406, "quantile": 0.75, "value": 345000.0, "Latitude": 34.2, "Longitude": -118.87, "Population": 775.0}, {"index": 20406, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.87, "Population": 775.0}, {"index": 20407, "quantile": 0.0, "value": 288500.0, "Latitude": 34.2, "Longitude": -118.88, "Population": 1938.0}, {"index": 20407, "quantile": 0.25, "value": 316000.0, "Latitude": 34.2, "Longitude": -118.88, "Population": 1938.0}, {"index": 20407, "quantile": 0.5, "value": 316000.0, "Latitude": 34.2, "Longitude": -118.88, "Population": 1938.0}, {"index": 20407, "quantile": 0.75, "value": 316875.0, "Latitude": 34.2, "Longitude": -118.88, "Population": 1938.0}, {"index": 20407, "quantile": 1.0, "value": 404699.99999999994, "Latitude": 34.2, "Longitude": -118.88, "Population": 1938.0}, {"index": 20408, "quantile": 0.0, "value": 195900.0, "Latitude": 34.19, "Longitude": -118.88, "Population": 842.0}, {"index": 20408, "quantile": 0.25, "value": 309900.0, "Latitude": 34.19, "Longitude": -118.88, "Population": 842.0}, {"index": 20408, "quantile": 0.5, "value": 309900.0, "Latitude": 34.19, "Longitude": -118.88, "Population": 842.0}, {"index": 20408, "quantile": 0.75, "value": 372700.0, "Latitude": 34.19, "Longitude": -118.88, "Population": 842.0}, {"index": 20408, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.88, "Population": 842.0}, {"index": 20409, "quantile": 0.0, "value": 179700.0, "Latitude": 34.2, "Longitude": -118.86, "Population": 1199.0}, {"index": 20409, "quantile": 0.25, "value": 249899.99999999997, "Latitude": 34.2, "Longitude": -118.86, "Population": 1199.0}, {"index": 20409, "quantile": 0.5, "value": 264600.0, "Latitude": 34.2, "Longitude": -118.86, "Population": 1199.0}, {"index": 20409, "quantile": 0.75, "value": 264600.0, "Latitude": 34.2, "Longitude": -118.86, "Population": 1199.0}, {"index": 20409, "quantile": 1.0, "value": 326700.0, "Latitude": 34.2, "Longitude": -118.86, "Population": 1199.0}, {"index": 20410, "quantile": 0.0, "value": 186400.0, "Latitude": 34.19, "Longitude": -118.86, "Population": 1474.0}, {"index": 20410, "quantile": 0.25, "value": 243500.0, "Latitude": 34.19, "Longitude": -118.86, "Population": 1474.0}, {"index": 20410, "quantile": 0.5, "value": 243500.0, "Latitude": 34.19, "Longitude": -118.86, "Population": 1474.0}, {"index": 20410, "quantile": 0.75, "value": 263100.0, "Latitude": 34.19, "Longitude": -118.86, "Population": 1474.0}, {"index": 20410, "quantile": 1.0, "value": 350400.0, "Latitude": 34.19, "Longitude": -118.86, "Population": 1474.0}, {"index": 20411, "quantile": 0.0, "value": 185300.0, "Latitude": 34.19, "Longitude": -118.87, "Population": 1338.0}, {"index": 20411, "quantile": 0.25, "value": 200950.0, "Latitude": 34.19, "Longitude": -118.87, "Population": 1338.0}, {"index": 20411, "quantile": 0.5, "value": 223150.0, "Latitude": 34.19, "Longitude": -118.87, "Population": 1338.0}, {"index": 20411, "quantile": 0.75, "value": 236125.0, "Latitude": 34.19, "Longitude": -118.87, "Population": 1338.0}, {"index": 20411, "quantile": 1.0, "value": 395100.0, "Latitude": 34.19, "Longitude": -118.87, "Population": 1338.0}, {"index": 20412, "quantile": 0.0, "value": 116700.0, "Latitude": 34.19, "Longitude": -118.88, "Population": 3232.0}, {"index": 20412, "quantile": 0.25, "value": 223600.00000000003, "Latitude": 34.19, "Longitude": -118.88, "Population": 3232.0}, {"index": 20412, "quantile": 0.5, "value": 228700.0, "Latitude": 34.19, "Longitude": -118.88, "Population": 3232.0}, {"index": 20412, "quantile": 0.75, "value": 228700.0, "Latitude": 34.19, "Longitude": -118.88, "Population": 3232.0}, {"index": 20412, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.88, "Population": 3232.0}, {"index": 20413, "quantile": 0.0, "value": 150000.0, "Latitude": 34.18, "Longitude": -118.87, "Population": 3188.0}, {"index": 20413, "quantile": 0.25, "value": 212800.0, "Latitude": 34.18, "Longitude": -118.87, "Population": 3188.0}, {"index": 20413, "quantile": 0.5, "value": 212800.0, "Latitude": 34.18, "Longitude": -118.87, "Population": 3188.0}, {"index": 20413, "quantile": 0.75, "value": 213400.00000000003, "Latitude": 34.18, "Longitude": -118.87, "Population": 3188.0}, {"index": 20413, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.87, "Population": 3188.0}, {"index": 20414, "quantile": 0.0, "value": 108300.0, "Latitude": 34.18, "Longitude": -118.85, "Population": 3089.0}, {"index": 20414, "quantile": 0.25, "value": 173800.0, "Latitude": 34.18, "Longitude": -118.85, "Population": 3089.0}, {"index": 20414, "quantile": 0.5, "value": 173800.0, "Latitude": 34.18, "Longitude": -118.85, "Population": 3089.0}, {"index": 20414, "quantile": 0.75, "value": 193500.0, "Latitude": 34.18, "Longitude": -118.85, "Population": 3089.0}, {"index": 20414, "quantile": 1.0, "value": 280900.0, "Latitude": 34.18, "Longitude": -118.85, "Population": 3089.0}, {"index": 20415, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 34.17, "Longitude": -118.84, "Population": 1877.0}, {"index": 20415, "quantile": 0.25, "value": 185800.0, "Latitude": 34.17, "Longitude": -118.84, "Population": 1877.0}, {"index": 20415, "quantile": 0.5, "value": 216650.0, "Latitude": 34.17, "Longitude": -118.84, "Population": 1877.0}, {"index": 20415, "quantile": 0.75, "value": 255100.00000000003, "Latitude": 34.17, "Longitude": -118.84, "Population": 1877.0}, {"index": 20415, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.84, "Population": 1877.0}, {"index": 20416, "quantile": 0.0, "value": 170300.0, "Latitude": 34.2, "Longitude": -118.85, "Population": 848.0}, {"index": 20416, "quantile": 0.25, "value": 323700.0, "Latitude": 34.2, "Longitude": -118.85, "Population": 848.0}, {"index": 20416, "quantile": 0.5, "value": 323700.0, "Latitude": 34.2, "Longitude": -118.85, "Population": 848.0}, {"index": 20416, "quantile": 0.75, "value": 348200.0, "Latitude": 34.2, "Longitude": -118.85, "Population": 848.0}, {"index": 20416, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.2, "Longitude": -118.85, "Population": 848.0}, {"index": 20417, "quantile": 0.0, "value": 165200.0, "Latitude": 34.19, "Longitude": -118.86, "Population": 586.0}, {"index": 20417, "quantile": 0.25, "value": 345500.0, "Latitude": 34.19, "Longitude": -118.86, "Population": 586.0}, {"index": 20417, "quantile": 0.5, "value": 422900.0, "Latitude": 34.19, "Longitude": -118.86, "Population": 586.0}, {"index": 20417, "quantile": 0.75, "value": 422900.0, "Latitude": 34.19, "Longitude": -118.86, "Population": 586.0}, {"index": 20417, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.86, "Population": 586.0}, {"index": 20418, "quantile": 0.0, "value": 275100.0, "Latitude": 34.19, "Longitude": -118.86, "Population": 736.0}, {"index": 20418, "quantile": 0.25, "value": 336100.0, "Latitude": 34.19, "Longitude": -118.86, "Population": 736.0}, {"index": 20418, "quantile": 0.5, "value": 392900.0, "Latitude": 34.19, "Longitude": -118.86, "Population": 736.0}, {"index": 20418, "quantile": 0.75, "value": 392900.0, "Latitude": 34.19, "Longitude": -118.86, "Population": 736.0}, {"index": 20418, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.86, "Population": 736.0}, {"index": 20419, "quantile": 0.0, "value": 239000.0, "Latitude": 34.19, "Longitude": -118.85, "Population": 967.0}, {"index": 20419, "quantile": 0.25, "value": 300625.0, "Latitude": 34.19, "Longitude": -118.85, "Population": 967.0}, {"index": 20419, "quantile": 0.5, "value": 335450.0, "Latitude": 34.19, "Longitude": -118.85, "Population": 967.0}, {"index": 20419, "quantile": 0.75, "value": 392750.0, "Latitude": 34.19, "Longitude": -118.85, "Population": 967.0}, {"index": 20419, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.85, "Population": 967.0}, {"index": 20420, "quantile": 0.0, "value": 229999.99999999997, "Latitude": 34.18, "Longitude": -118.83, "Population": 2050.0}, {"index": 20420, "quantile": 0.25, "value": 348300.0, "Latitude": 34.18, "Longitude": -118.83, "Population": 2050.0}, {"index": 20420, "quantile": 0.5, "value": 348300.0, "Latitude": 34.18, "Longitude": -118.83, "Population": 2050.0}, {"index": 20420, "quantile": 0.75, "value": 348300.0, "Latitude": 34.18, "Longitude": -118.83, "Population": 2050.0}, {"index": 20420, "quantile": 1.0, "value": 409300.0, "Latitude": 34.18, "Longitude": -118.83, "Population": 2050.0}, {"index": 20421, "quantile": 0.0, "value": 235200.0, "Latitude": 34.17, "Longitude": -118.83, "Population": 1917.0}, {"index": 20421, "quantile": 0.25, "value": 353900.0, "Latitude": 34.17, "Longitude": -118.83, "Population": 1917.0}, {"index": 20421, "quantile": 0.5, "value": 353900.0, "Latitude": 34.17, "Longitude": -118.83, "Population": 1917.0}, {"index": 20421, "quantile": 0.75, "value": 390000.0, "Latitude": 34.17, "Longitude": -118.83, "Population": 1917.0}, {"index": 20421, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.17, "Longitude": -118.83, "Population": 1917.0}, {"index": 20422, "quantile": 0.0, "value": 139100.0, "Latitude": 34.14, "Longitude": -118.9, "Population": 576.0}, {"index": 20422, "quantile": 0.25, "value": 314700.0, "Latitude": 34.14, "Longitude": -118.9, "Population": 576.0}, {"index": 20422, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.9, "Population": 576.0}, {"index": 20422, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.9, "Population": 576.0}, {"index": 20422, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.14, "Longitude": -118.9, "Population": 576.0}, {"index": 20423, "quantile": 0.0, "value": 150000.0, "Latitude": 34.08, "Longitude": -119.0, "Population": 578.0}, {"index": 20423, "quantile": 0.25, "value": 428599.99999999994, "Latitude": 34.08, "Longitude": -119.0, "Population": 578.0}, {"index": 20423, "quantile": 0.5, "value": 428599.99999999994, "Latitude": 34.08, "Longitude": -119.0, "Population": 578.0}, {"index": 20423, "quantile": 0.75, "value": 428599.99999999994, "Latitude": 34.08, "Longitude": -119.0, "Population": 578.0}, {"index": 20423, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.08, "Longitude": -119.0, "Population": 578.0}, {"index": 20424, "quantile": 0.0, "value": 204400.0, "Latitude": 34.18, "Longitude": -118.75, "Population": 6187.0}, {"index": 20424, "quantile": 0.25, "value": 357600.0, "Latitude": 34.18, "Longitude": -118.75, "Population": 6187.0}, {"index": 20424, "quantile": 0.5, "value": 357600.0, "Latitude": 34.18, "Longitude": -118.75, "Population": 6187.0}, {"index": 20424, "quantile": 0.75, "value": 357600.0, "Latitude": 34.18, "Longitude": -118.75, "Population": 6187.0}, {"index": 20424, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.75, "Population": 6187.0}, {"index": 20425, "quantile": 0.0, "value": 185600.0, "Latitude": 34.17, "Longitude": -118.75, "Population": 2703.0}, {"index": 20425, "quantile": 0.25, "value": 325900.0, "Latitude": 34.17, "Longitude": -118.75, "Population": 2703.0}, {"index": 20425, "quantile": 0.5, "value": 325900.0, "Latitude": 34.17, "Longitude": -118.75, "Population": 2703.0}, {"index": 20425, "quantile": 0.75, "value": 325900.0, "Latitude": 34.17, "Longitude": -118.75, "Population": 2703.0}, {"index": 20425, "quantile": 1.0, "value": 382100.0, "Latitude": 34.17, "Longitude": -118.75, "Population": 2703.0}, {"index": 20426, "quantile": 0.0, "value": 386100.0, "Latitude": 34.18, "Longitude": -118.69, "Population": 415.0}, {"index": 20426, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.69, "Population": 415.0}, {"index": 20426, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.69, "Population": 415.0}, {"index": 20426, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.69, "Population": 415.0}, {"index": 20426, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.18, "Longitude": -118.69, "Population": 415.0}, {"index": 20427, "quantile": 0.0, "value": 193500.0, "Latitude": 34.19, "Longitude": -118.8, "Population": 5495.0}, {"index": 20427, "quantile": 0.25, "value": 433175.00000000006, "Latitude": 34.19, "Longitude": -118.8, "Population": 5495.0}, {"index": 20427, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.8, "Population": 5495.0}, {"index": 20427, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.8, "Population": 5495.0}, {"index": 20427, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.19, "Longitude": -118.8, "Population": 5495.0}, {"index": 20428, "quantile": 0.0, "value": 332700.0, "Latitude": 34.23, "Longitude": -118.83, "Population": 3385.0}, {"index": 20428, "quantile": 0.25, "value": 425800.0, "Latitude": 34.23, "Longitude": -118.83, "Population": 3385.0}, {"index": 20428, "quantile": 0.5, "value": 425800.0, "Latitude": 34.23, "Longitude": -118.83, "Population": 3385.0}, {"index": 20428, "quantile": 0.75, "value": 425800.0, "Latitude": 34.23, "Longitude": -118.83, "Population": 3385.0}, {"index": 20428, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.23, "Longitude": -118.83, "Population": 3385.0}, {"index": 20429, "quantile": 0.0, "value": 276600.0, "Latitude": 34.22, "Longitude": -118.84, "Population": 1418.0}, {"index": 20429, "quantile": 0.25, "value": 344900.0, "Latitude": 34.22, "Longitude": -118.84, "Population": 1418.0}, {"index": 20429, "quantile": 0.5, "value": 361900.0, "Latitude": 34.22, "Longitude": -118.84, "Population": 1418.0}, {"index": 20429, "quantile": 0.75, "value": 361900.0, "Latitude": 34.22, "Longitude": -118.84, "Population": 1418.0}, {"index": 20429, "quantile": 1.0, "value": 391200.0, "Latitude": 34.22, "Longitude": -118.84, "Population": 1418.0}, {"index": 20430, "quantile": 0.0, "value": 105300.0, "Latitude": 34.21, "Longitude": -118.84, "Population": 2537.0}, {"index": 20430, "quantile": 0.25, "value": 224700.0, "Latitude": 34.21, "Longitude": -118.84, "Population": 2537.0}, {"index": 20430, "quantile": 0.5, "value": 224700.0, "Latitude": 34.21, "Longitude": -118.84, "Population": 2537.0}, {"index": 20430, "quantile": 0.75, "value": 224700.0, "Latitude": 34.21, "Longitude": -118.84, "Population": 2537.0}, {"index": 20430, "quantile": 1.0, "value": 452100.0, "Latitude": 34.21, "Longitude": -118.84, "Population": 2537.0}, {"index": 20431, "quantile": 0.0, "value": 130600.0, "Latitude": 34.21, "Longitude": -118.8, "Population": 661.0}, {"index": 20431, "quantile": 0.25, "value": 227000.0, "Latitude": 34.21, "Longitude": -118.8, "Population": 661.0}, {"index": 20431, "quantile": 0.5, "value": 255100.00000000003, "Latitude": 34.21, "Longitude": -118.8, "Population": 661.0}, {"index": 20431, "quantile": 0.75, "value": 274800.0, "Latitude": 34.21, "Longitude": -118.8, "Population": 661.0}, {"index": 20431, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.8, "Population": 661.0}, {"index": 20432, "quantile": 0.0, "value": 206999.99999999997, "Latitude": 34.25, "Longitude": -118.74, "Population": 960.0}, {"index": 20432, "quantile": 0.25, "value": 214699.99999999997, "Latitude": 34.25, "Longitude": -118.74, "Population": 960.0}, {"index": 20432, "quantile": 0.5, "value": 214699.99999999997, "Latitude": 34.25, "Longitude": -118.74, "Population": 960.0}, {"index": 20432, "quantile": 0.75, "value": 214699.99999999997, "Latitude": 34.25, "Longitude": -118.74, "Population": 960.0}, {"index": 20432, "quantile": 1.0, "value": 263000.0, "Latitude": 34.25, "Longitude": -118.74, "Population": 960.0}, {"index": 20433, "quantile": 0.0, "value": 187700.0, "Latitude": 34.26, "Longitude": -118.74, "Population": 2347.0}, {"index": 20433, "quantile": 0.25, "value": 222400.00000000003, "Latitude": 34.26, "Longitude": -118.74, "Population": 2347.0}, {"index": 20433, "quantile": 0.5, "value": 222400.00000000003, "Latitude": 34.26, "Longitude": -118.74, "Population": 2347.0}, {"index": 20433, "quantile": 0.75, "value": 225875.0, "Latitude": 34.26, "Longitude": -118.74, "Population": 2347.0}, {"index": 20433, "quantile": 1.0, "value": 302700.0, "Latitude": 34.26, "Longitude": -118.74, "Population": 2347.0}, {"index": 20434, "quantile": 0.0, "value": 196100.0, "Latitude": 34.24, "Longitude": -118.7, "Population": 1011.0}, {"index": 20434, "quantile": 0.25, "value": 204300.00000000003, "Latitude": 34.24, "Longitude": -118.7, "Population": 1011.0}, {"index": 20434, "quantile": 0.5, "value": 204300.00000000003, "Latitude": 34.24, "Longitude": -118.7, "Population": 1011.0}, {"index": 20434, "quantile": 0.75, "value": 258675.00000000003, "Latitude": 34.24, "Longitude": -118.7, "Population": 1011.0}, {"index": 20434, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.7, "Population": 1011.0}, {"index": 20435, "quantile": 0.0, "value": 234300.0, "Latitude": 34.25, "Longitude": -118.64, "Population": 581.0}, {"index": 20435, "quantile": 0.25, "value": 252999.99999999997, "Latitude": 34.25, "Longitude": -118.64, "Population": 581.0}, {"index": 20435, "quantile": 0.5, "value": 252999.99999999997, "Latitude": 34.25, "Longitude": -118.64, "Population": 581.0}, {"index": 20435, "quantile": 0.75, "value": 355900.0, "Latitude": 34.25, "Longitude": -118.64, "Population": 581.0}, {"index": 20435, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.64, "Population": 581.0}, {"index": 20436, "quantile": 0.0, "value": 386100.0, "Latitude": 34.21, "Longitude": -118.69, "Population": 1179.0}, {"index": 20436, "quantile": 0.25, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.69, "Population": 1179.0}, {"index": 20436, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.69, "Population": 1179.0}, {"index": 20436, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.69, "Population": 1179.0}, {"index": 20436, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.21, "Longitude": -118.69, "Population": 1179.0}, {"index": 20437, "quantile": 0.0, "value": 190300.0, "Latitude": 34.25, "Longitude": -118.81, "Population": 3950.0}, {"index": 20437, "quantile": 0.25, "value": 320800.0, "Latitude": 34.25, "Longitude": -118.81, "Population": 3950.0}, {"index": 20437, "quantile": 0.5, "value": 320800.0, "Latitude": 34.25, "Longitude": -118.81, "Population": 3950.0}, {"index": 20437, "quantile": 0.75, "value": 320800.0, "Latitude": 34.25, "Longitude": -118.81, "Population": 3950.0}, {"index": 20437, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.81, "Population": 3950.0}, {"index": 20438, "quantile": 0.0, "value": 165200.0, "Latitude": 34.26, "Longitude": -118.79, "Population": 761.0}, {"index": 20438, "quantile": 0.25, "value": 291900.0, "Latitude": 34.26, "Longitude": -118.79, "Population": 761.0}, {"index": 20438, "quantile": 0.5, "value": 316350.0, "Latitude": 34.26, "Longitude": -118.79, "Population": 761.0}, {"index": 20438, "quantile": 0.75, "value": 344900.0, "Latitude": 34.26, "Longitude": -118.79, "Population": 761.0}, {"index": 20438, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -118.79, "Population": 761.0}, {"index": 20439, "quantile": 0.0, "value": 106300.0, "Latitude": 34.27, "Longitude": -118.8, "Population": 1577.0}, {"index": 20439, "quantile": 0.25, "value": 232575.00000000003, "Latitude": 34.27, "Longitude": -118.8, "Population": 1577.0}, {"index": 20439, "quantile": 0.5, "value": 264100.0, "Latitude": 34.27, "Longitude": -118.8, "Population": 1577.0}, {"index": 20439, "quantile": 0.75, "value": 264100.0, "Latitude": 34.27, "Longitude": -118.8, "Population": 1577.0}, {"index": 20439, "quantile": 1.0, "value": 353400.0, "Latitude": 34.27, "Longitude": -118.8, "Population": 1577.0}, {"index": 20440, "quantile": 0.0, "value": 138200.0, "Latitude": 34.24, "Longitude": -118.77, "Population": 6700.0}, {"index": 20440, "quantile": 0.25, "value": 308100.0, "Latitude": 34.24, "Longitude": -118.77, "Population": 6700.0}, {"index": 20440, "quantile": 0.5, "value": 308100.0, "Latitude": 34.24, "Longitude": -118.77, "Population": 6700.0}, {"index": 20440, "quantile": 0.75, "value": 308100.0, "Latitude": 34.24, "Longitude": -118.77, "Population": 6700.0}, {"index": 20440, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.24, "Longitude": -118.77, "Population": 6700.0}, {"index": 20441, "quantile": 0.0, "value": 154800.0, "Latitude": 34.26, "Longitude": -118.78, "Population": 1834.0}, {"index": 20441, "quantile": 0.25, "value": 254500.0, "Latitude": 34.26, "Longitude": -118.78, "Population": 1834.0}, {"index": 20441, "quantile": 0.5, "value": 254500.0, "Latitude": 34.26, "Longitude": -118.78, "Population": 1834.0}, {"index": 20441, "quantile": 0.75, "value": 254500.0, "Latitude": 34.26, "Longitude": -118.78, "Population": 1834.0}, {"index": 20441, "quantile": 1.0, "value": 348300.0, "Latitude": 34.26, "Longitude": -118.78, "Population": 1834.0}, {"index": 20442, "quantile": 0.0, "value": 194100.0, "Latitude": 34.25, "Longitude": -118.78, "Population": 833.0}, {"index": 20442, "quantile": 0.25, "value": 334550.0, "Latitude": 34.25, "Longitude": -118.78, "Population": 833.0}, {"index": 20442, "quantile": 0.5, "value": 404699.99999999994, "Latitude": 34.25, "Longitude": -118.78, "Population": 833.0}, {"index": 20442, "quantile": 0.75, "value": 404699.99999999994, "Latitude": 34.25, "Longitude": -118.78, "Population": 833.0}, {"index": 20442, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.25, "Longitude": -118.78, "Population": 833.0}, {"index": 20443, "quantile": 0.0, "value": 70100.0, "Latitude": 34.27, "Longitude": -118.85, "Population": 130.0}, {"index": 20443, "quantile": 0.25, "value": 184700.0, "Latitude": 34.27, "Longitude": -118.85, "Population": 130.0}, {"index": 20443, "quantile": 0.5, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -118.85, "Population": 130.0}, {"index": 20443, "quantile": 0.75, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -118.85, "Population": 130.0}, {"index": 20443, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -118.85, "Population": 130.0}, {"index": 20444, "quantile": 0.0, "value": 199600.0, "Latitude": 34.3, "Longitude": -118.9, "Population": 3188.0}, {"index": 20444, "quantile": 0.25, "value": 208599.99999999997, "Latitude": 34.3, "Longitude": -118.9, "Population": 3188.0}, {"index": 20444, "quantile": 0.5, "value": 208599.99999999997, "Latitude": 34.3, "Longitude": -118.9, "Population": 3188.0}, {"index": 20444, "quantile": 0.75, "value": 225274.99999999997, "Latitude": 34.3, "Longitude": -118.9, "Population": 3188.0}, {"index": 20444, "quantile": 1.0, "value": 386800.0, "Latitude": 34.3, "Longitude": -118.9, "Population": 3188.0}, {"index": 20445, "quantile": 0.0, "value": 133800.0, "Latitude": 34.33, "Longitude": -118.83, "Population": 3196.0}, {"index": 20445, "quantile": 0.25, "value": 242600.00000000003, "Latitude": 34.33, "Longitude": -118.83, "Population": 3196.0}, {"index": 20445, "quantile": 0.5, "value": 242600.00000000003, "Latitude": 34.33, "Longitude": -118.83, "Population": 3196.0}, {"index": 20445, "quantile": 0.75, "value": 242600.00000000003, "Latitude": 34.33, "Longitude": -118.83, "Population": 3196.0}, {"index": 20445, "quantile": 1.0, "value": 457300.00000000006, "Latitude": 34.33, "Longitude": -118.83, "Population": 3196.0}, {"index": 20446, "quantile": 0.0, "value": 125000.0, "Latitude": 34.29, "Longitude": -118.89, "Population": 1334.0}, {"index": 20446, "quantile": 0.25, "value": 187700.0, "Latitude": 34.29, "Longitude": -118.89, "Population": 1334.0}, {"index": 20446, "quantile": 0.5, "value": 194100.0, "Latitude": 34.29, "Longitude": -118.89, "Population": 1334.0}, {"index": 20446, "quantile": 0.75, "value": 194100.0, "Latitude": 34.29, "Longitude": -118.89, "Population": 1334.0}, {"index": 20446, "quantile": 1.0, "value": 375000.0, "Latitude": 34.29, "Longitude": -118.89, "Population": 1334.0}, {"index": 20447, "quantile": 0.0, "value": 52500.0, "Latitude": 34.33, "Longitude": -118.89, "Population": 265.0}, {"index": 20447, "quantile": 0.25, "value": 206500.00000000003, "Latitude": 34.33, "Longitude": -118.89, "Population": 265.0}, {"index": 20447, "quantile": 0.5, "value": 375000.0, "Latitude": 34.33, "Longitude": -118.89, "Population": 265.0}, {"index": 20447, "quantile": 0.75, "value": 375000.0, "Latitude": 34.33, "Longitude": -118.89, "Population": 265.0}, {"index": 20447, "quantile": 1.0, "value": 375000.0, "Latitude": 34.33, "Longitude": -118.89, "Population": 265.0}, {"index": 20448, "quantile": 0.0, "value": 67500.0, "Latitude": 34.28, "Longitude": -118.89, "Population": 678.0}, {"index": 20448, "quantile": 0.25, "value": 195700.0, "Latitude": 34.28, "Longitude": -118.89, "Population": 678.0}, {"index": 20448, "quantile": 0.5, "value": 195700.0, "Latitude": 34.28, "Longitude": -118.89, "Population": 678.0}, {"index": 20448, "quantile": 0.75, "value": 204800.0, "Latitude": 34.28, "Longitude": -118.89, "Population": 678.0}, {"index": 20448, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -118.89, "Population": 678.0}, {"index": 20449, "quantile": 0.0, "value": 140200.0, "Latitude": 34.28, "Longitude": -118.88, "Population": 2751.0}, {"index": 20449, "quantile": 0.25, "value": 182100.0, "Latitude": 34.28, "Longitude": -118.88, "Population": 2751.0}, {"index": 20449, "quantile": 0.5, "value": 182100.0, "Latitude": 34.28, "Longitude": -118.88, "Population": 2751.0}, {"index": 20449, "quantile": 0.75, "value": 182100.0, "Latitude": 34.28, "Longitude": -118.88, "Population": 2751.0}, {"index": 20449, "quantile": 1.0, "value": 271200.0, "Latitude": 34.28, "Longitude": -118.88, "Population": 2751.0}, {"index": 20450, "quantile": 0.0, "value": 118200.0, "Latitude": 34.28, "Longitude": -118.91, "Population": 3246.0}, {"index": 20450, "quantile": 0.25, "value": 242600.00000000003, "Latitude": 34.28, "Longitude": -118.91, "Population": 3246.0}, {"index": 20450, "quantile": 0.5, "value": 280200.0, "Latitude": 34.28, "Longitude": -118.91, "Population": 3246.0}, {"index": 20450, "quantile": 0.75, "value": 280200.0, "Latitude": 34.28, "Longitude": -118.91, "Population": 3246.0}, {"index": 20450, "quantile": 1.0, "value": 319100.0, "Latitude": 34.28, "Longitude": -118.91, "Population": 3246.0}, {"index": 20451, "quantile": 0.0, "value": 165200.0, "Latitude": 34.26, "Longitude": -118.9, "Population": 11956.0}, {"index": 20451, "quantile": 0.25, "value": 321300.0, "Latitude": 34.26, "Longitude": -118.9, "Population": 11956.0}, {"index": 20451, "quantile": 0.5, "value": 321300.0, "Latitude": 34.26, "Longitude": -118.9, "Population": 11956.0}, {"index": 20451, "quantile": 0.75, "value": 321300.0, "Latitude": 34.26, "Longitude": -118.9, "Population": 11956.0}, {"index": 20451, "quantile": 1.0, "value": 419700.0, "Latitude": 34.26, "Longitude": -118.9, "Population": 11956.0}, {"index": 20452, "quantile": 0.0, "value": 137500.0, "Latitude": 34.28, "Longitude": -118.81, "Population": 1882.0}, {"index": 20452, "quantile": 0.25, "value": 196800.0, "Latitude": 34.28, "Longitude": -118.81, "Population": 1882.0}, {"index": 20452, "quantile": 0.5, "value": 196800.0, "Latitude": 34.28, "Longitude": -118.81, "Population": 1882.0}, {"index": 20452, "quantile": 0.75, "value": 202599.99999999997, "Latitude": 34.28, "Longitude": -118.81, "Population": 1882.0}, {"index": 20452, "quantile": 1.0, "value": 335200.0, "Latitude": 34.28, "Longitude": -118.81, "Population": 1882.0}, {"index": 20453, "quantile": 0.0, "value": 113700.0, "Latitude": 34.27, "Longitude": -118.78, "Population": 1798.0}, {"index": 20453, "quantile": 0.25, "value": 170900.0, "Latitude": 34.27, "Longitude": -118.78, "Population": 1798.0}, {"index": 20453, "quantile": 0.5, "value": 170900.0, "Latitude": 34.27, "Longitude": -118.78, "Population": 1798.0}, {"index": 20453, "quantile": 0.75, "value": 209050.0, "Latitude": 34.27, "Longitude": -118.78, "Population": 1798.0}, {"index": 20453, "quantile": 1.0, "value": 335200.0, "Latitude": 34.27, "Longitude": -118.78, "Population": 1798.0}, {"index": 20454, "quantile": 0.0, "value": 134400.0, "Latitude": 34.27, "Longitude": -118.79, "Population": 595.0}, {"index": 20454, "quantile": 0.25, "value": 198500.0, "Latitude": 34.27, "Longitude": -118.79, "Population": 595.0}, {"index": 20454, "quantile": 0.5, "value": 198500.0, "Latitude": 34.27, "Longitude": -118.79, "Population": 595.0}, {"index": 20454, "quantile": 0.75, "value": 200000.0, "Latitude": 34.27, "Longitude": -118.79, "Population": 595.0}, {"index": 20454, "quantile": 1.0, "value": 385700.0, "Latitude": 34.27, "Longitude": -118.79, "Population": 595.0}, {"index": 20455, "quantile": 0.0, "value": 67500.0, "Latitude": 34.27, "Longitude": -118.77, "Population": 1816.0}, {"index": 20455, "quantile": 0.25, "value": 196400.0, "Latitude": 34.27, "Longitude": -118.77, "Population": 1816.0}, {"index": 20455, "quantile": 0.5, "value": 196400.0, "Latitude": 34.27, "Longitude": -118.77, "Population": 1816.0}, {"index": 20455, "quantile": 0.75, "value": 196400.0, "Latitude": 34.27, "Longitude": -118.77, "Population": 1816.0}, {"index": 20455, "quantile": 1.0, "value": 418499.99999999994, "Latitude": 34.27, "Longitude": -118.77, "Population": 1816.0}, {"index": 20456, "quantile": 0.0, "value": 92700.0, "Latitude": 34.27, "Longitude": -118.77, "Population": 1053.0}, {"index": 20456, "quantile": 0.25, "value": 207200.0, "Latitude": 34.27, "Longitude": -118.77, "Population": 1053.0}, {"index": 20456, "quantile": 0.5, "value": 209900.00000000003, "Latitude": 34.27, "Longitude": -118.77, "Population": 1053.0}, {"index": 20456, "quantile": 0.75, "value": 209900.00000000003, "Latitude": 34.27, "Longitude": -118.77, "Population": 1053.0}, {"index": 20456, "quantile": 1.0, "value": 319100.0, "Latitude": 34.27, "Longitude": -118.77, "Population": 1053.0}, {"index": 20457, "quantile": 0.0, "value": 140300.0, "Latitude": 34.28, "Longitude": -118.77, "Population": 2180.0}, {"index": 20457, "quantile": 0.25, "value": 208199.99999999997, "Latitude": 34.28, "Longitude": -118.77, "Population": 2180.0}, {"index": 20457, "quantile": 0.5, "value": 208199.99999999997, "Latitude": 34.28, "Longitude": -118.77, "Population": 2180.0}, {"index": 20457, "quantile": 0.75, "value": 208199.99999999997, "Latitude": 34.28, "Longitude": -118.77, "Population": 2180.0}, {"index": 20457, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -118.77, "Population": 2180.0}, {"index": 20458, "quantile": 0.0, "value": 156200.0, "Latitude": 34.28, "Longitude": -118.77, "Population": 1024.0}, {"index": 20458, "quantile": 0.25, "value": 185200.0, "Latitude": 34.28, "Longitude": -118.77, "Population": 1024.0}, {"index": 20458, "quantile": 0.5, "value": 185200.0, "Latitude": 34.28, "Longitude": -118.77, "Population": 1024.0}, {"index": 20458, "quantile": 0.75, "value": 186825.00000000003, "Latitude": 34.28, "Longitude": -118.77, "Population": 1024.0}, {"index": 20458, "quantile": 1.0, "value": 359900.0, "Latitude": 34.28, "Longitude": -118.77, "Population": 1024.0}, {"index": 20459, "quantile": 0.0, "value": 171100.0, "Latitude": 34.28, "Longitude": -118.77, "Population": 1915.0}, {"index": 20459, "quantile": 0.25, "value": 187700.0, "Latitude": 34.28, "Longitude": -118.77, "Population": 1915.0}, {"index": 20459, "quantile": 0.5, "value": 187700.0, "Latitude": 34.28, "Longitude": -118.77, "Population": 1915.0}, {"index": 20459, "quantile": 0.75, "value": 213200.0, "Latitude": 34.28, "Longitude": -118.77, "Population": 1915.0}, {"index": 20459, "quantile": 1.0, "value": 353700.0, "Latitude": 34.28, "Longitude": -118.77, "Population": 1915.0}, {"index": 20460, "quantile": 0.0, "value": 196600.0, "Latitude": 34.29, "Longitude": -118.75, "Population": 2734.0}, {"index": 20460, "quantile": 0.25, "value": 296100.0, "Latitude": 34.29, "Longitude": -118.75, "Population": 2734.0}, {"index": 20460, "quantile": 0.5, "value": 313700.0, "Latitude": 34.29, "Longitude": -118.75, "Population": 2734.0}, {"index": 20460, "quantile": 0.75, "value": 337400.0, "Latitude": 34.29, "Longitude": -118.75, "Population": 2734.0}, {"index": 20460, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.29, "Longitude": -118.75, "Population": 2734.0}, {"index": 20461, "quantile": 0.0, "value": 149900.0, "Latitude": 34.28, "Longitude": -118.75, "Population": 1665.0}, {"index": 20461, "quantile": 0.25, "value": 247600.0, "Latitude": 34.28, "Longitude": -118.75, "Population": 1665.0}, {"index": 20461, "quantile": 0.5, "value": 266300.0, "Latitude": 34.28, "Longitude": -118.75, "Population": 1665.0}, {"index": 20461, "quantile": 0.75, "value": 305400.0, "Latitude": 34.28, "Longitude": -118.75, "Population": 1665.0}, {"index": 20461, "quantile": 1.0, "value": 430199.99999999994, "Latitude": 34.28, "Longitude": -118.75, "Population": 1665.0}, {"index": 20462, "quantile": 0.0, "value": 120000.0, "Latitude": 34.28, "Longitude": -118.76, "Population": 1114.0}, {"index": 20462, "quantile": 0.25, "value": 265375.0, "Latitude": 34.28, "Longitude": -118.76, "Population": 1114.0}, {"index": 20462, "quantile": 0.5, "value": 266300.0, "Latitude": 34.28, "Longitude": -118.76, "Population": 1114.0}, {"index": 20462, "quantile": 0.75, "value": 266300.0, "Latitude": 34.28, "Longitude": -118.76, "Population": 1114.0}, {"index": 20462, "quantile": 1.0, "value": 341300.0, "Latitude": 34.28, "Longitude": -118.76, "Population": 1114.0}, {"index": 20463, "quantile": 0.0, "value": 154800.0, "Latitude": 34.27, "Longitude": -118.75, "Population": 1629.0}, {"index": 20463, "quantile": 0.25, "value": 264400.0, "Latitude": 34.27, "Longitude": -118.75, "Population": 1629.0}, {"index": 20463, "quantile": 0.5, "value": 264400.0, "Latitude": 34.27, "Longitude": -118.75, "Population": 1629.0}, {"index": 20463, "quantile": 0.75, "value": 264400.0, "Latitude": 34.27, "Longitude": -118.75, "Population": 1629.0}, {"index": 20463, "quantile": 1.0, "value": 375000.0, "Latitude": 34.27, "Longitude": -118.75, "Population": 1629.0}, {"index": 20464, "quantile": 0.0, "value": 134100.0, "Latitude": 34.28, "Longitude": -118.75, "Population": 928.0}, {"index": 20464, "quantile": 0.25, "value": 183800.0, "Latitude": 34.28, "Longitude": -118.75, "Population": 928.0}, {"index": 20464, "quantile": 0.5, "value": 187950.0, "Latitude": 34.28, "Longitude": -118.75, "Population": 928.0}, {"index": 20464, "quantile": 0.75, "value": 203900.00000000003, "Latitude": 34.28, "Longitude": -118.75, "Population": 928.0}, {"index": 20464, "quantile": 1.0, "value": 354200.0, "Latitude": 34.28, "Longitude": -118.75, "Population": 928.0}, {"index": 20465, "quantile": 0.0, "value": 155500.0, "Latitude": 34.27, "Longitude": -118.75, "Population": 690.0}, {"index": 20465, "quantile": 0.25, "value": 188000.0, "Latitude": 34.27, "Longitude": -118.75, "Population": 690.0}, {"index": 20465, "quantile": 0.5, "value": 188000.0, "Latitude": 34.27, "Longitude": -118.75, "Population": 690.0}, {"index": 20465, "quantile": 0.75, "value": 188000.0, "Latitude": 34.27, "Longitude": -118.75, "Population": 690.0}, {"index": 20465, "quantile": 1.0, "value": 359900.0, "Latitude": 34.27, "Longitude": -118.75, "Population": 690.0}, {"index": 20466, "quantile": 0.0, "value": 192200.0, "Latitude": 34.27, "Longitude": -118.75, "Population": 1567.0}, {"index": 20466, "quantile": 0.25, "value": 233300.00000000003, "Latitude": 34.27, "Longitude": -118.75, "Population": 1567.0}, {"index": 20466, "quantile": 0.5, "value": 233300.00000000003, "Latitude": 34.27, "Longitude": -118.75, "Population": 1567.0}, {"index": 20466, "quantile": 0.75, "value": 233300.00000000003, "Latitude": 34.27, "Longitude": -118.75, "Population": 1567.0}, {"index": 20466, "quantile": 1.0, "value": 265700.0, "Latitude": 34.27, "Longitude": -118.75, "Population": 1567.0}, {"index": 20467, "quantile": 0.0, "value": 166000.0, "Latitude": 34.27, "Longitude": -118.75, "Population": 1717.0}, {"index": 20467, "quantile": 0.25, "value": 234800.0, "Latitude": 34.27, "Longitude": -118.75, "Population": 1717.0}, {"index": 20467, "quantile": 0.5, "value": 238099.99999999997, "Latitude": 34.27, "Longitude": -118.75, "Population": 1717.0}, {"index": 20467, "quantile": 0.75, "value": 266100.0, "Latitude": 34.27, "Longitude": -118.75, "Population": 1717.0}, {"index": 20467, "quantile": 1.0, "value": 480800.0, "Latitude": 34.27, "Longitude": -118.75, "Population": 1717.0}, {"index": 20468, "quantile": 0.0, "value": 104299.99999999999, "Latitude": 34.27, "Longitude": -118.71, "Population": 719.0}, {"index": 20468, "quantile": 0.25, "value": 179400.0, "Latitude": 34.27, "Longitude": -118.71, "Population": 719.0}, {"index": 20468, "quantile": 0.5, "value": 179400.0, "Latitude": 34.27, "Longitude": -118.71, "Population": 719.0}, {"index": 20468, "quantile": 0.75, "value": 179400.0, "Latitude": 34.27, "Longitude": -118.71, "Population": 719.0}, {"index": 20468, "quantile": 1.0, "value": 381800.0, "Latitude": 34.27, "Longitude": -118.71, "Population": 719.0}, {"index": 20469, "quantile": 0.0, "value": 134600.0, "Latitude": 34.27, "Longitude": -118.73, "Population": 2301.0}, {"index": 20469, "quantile": 0.25, "value": 201500.0, "Latitude": 34.27, "Longitude": -118.73, "Population": 2301.0}, {"index": 20469, "quantile": 0.5, "value": 234600.0, "Latitude": 34.27, "Longitude": -118.73, "Population": 2301.0}, {"index": 20469, "quantile": 0.75, "value": 238899.99999999997, "Latitude": 34.27, "Longitude": -118.73, "Population": 2301.0}, {"index": 20469, "quantile": 1.0, "value": 354200.0, "Latitude": 34.27, "Longitude": -118.73, "Population": 2301.0}, {"index": 20470, "quantile": 0.0, "value": 146000.0, "Latitude": 34.27, "Longitude": -118.74, "Population": 1488.0}, {"index": 20470, "quantile": 0.25, "value": 215000.0, "Latitude": 34.27, "Longitude": -118.74, "Population": 1488.0}, {"index": 20470, "quantile": 0.5, "value": 215000.0, "Latitude": 34.27, "Longitude": -118.74, "Population": 1488.0}, {"index": 20470, "quantile": 0.75, "value": 218624.99999999997, "Latitude": 34.27, "Longitude": -118.74, "Population": 1488.0}, {"index": 20470, "quantile": 1.0, "value": 299300.0, "Latitude": 34.27, "Longitude": -118.74, "Population": 1488.0}, {"index": 20471, "quantile": 0.0, "value": 171100.0, "Latitude": 34.26, "Longitude": -118.77, "Population": 1825.0}, {"index": 20471, "quantile": 0.25, "value": 196900.0, "Latitude": 34.26, "Longitude": -118.77, "Population": 1825.0}, {"index": 20471, "quantile": 0.5, "value": 196900.0, "Latitude": 34.26, "Longitude": -118.77, "Population": 1825.0}, {"index": 20471, "quantile": 0.75, "value": 225800.0, "Latitude": 34.26, "Longitude": -118.77, "Population": 1825.0}, {"index": 20471, "quantile": 1.0, "value": 320500.0, "Latitude": 34.26, "Longitude": -118.77, "Population": 1825.0}, {"index": 20472, "quantile": 0.0, "value": 125699.99999999999, "Latitude": 34.26, "Longitude": -118.76, "Population": 962.0}, {"index": 20472, "quantile": 0.25, "value": 190400.0, "Latitude": 34.26, "Longitude": -118.76, "Population": 962.0}, {"index": 20472, "quantile": 0.5, "value": 190400.0, "Latitude": 34.26, "Longitude": -118.76, "Population": 962.0}, {"index": 20472, "quantile": 0.75, "value": 190425.0, "Latitude": 34.26, "Longitude": -118.76, "Population": 962.0}, {"index": 20472, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -118.76, "Population": 962.0}, {"index": 20473, "quantile": 0.0, "value": 158000.0, "Latitude": 34.26, "Longitude": -118.76, "Population": 1067.0}, {"index": 20473, "quantile": 0.25, "value": 222100.0, "Latitude": 34.26, "Longitude": -118.76, "Population": 1067.0}, {"index": 20473, "quantile": 0.5, "value": 222100.0, "Latitude": 34.26, "Longitude": -118.76, "Population": 1067.0}, {"index": 20473, "quantile": 0.75, "value": 222100.0, "Latitude": 34.26, "Longitude": -118.76, "Population": 1067.0}, {"index": 20473, "quantile": 1.0, "value": 329200.0, "Latitude": 34.26, "Longitude": -118.76, "Population": 1067.0}, {"index": 20474, "quantile": 0.0, "value": 152800.0, "Latitude": 34.26, "Longitude": -118.75, "Population": 1040.0}, {"index": 20474, "quantile": 0.25, "value": 213300.0, "Latitude": 34.26, "Longitude": -118.75, "Population": 1040.0}, {"index": 20474, "quantile": 0.5, "value": 226700.0, "Latitude": 34.26, "Longitude": -118.75, "Population": 1040.0}, {"index": 20474, "quantile": 0.75, "value": 242099.99999999997, "Latitude": 34.26, "Longitude": -118.75, "Population": 1040.0}, {"index": 20474, "quantile": 1.0, "value": 361700.0, "Latitude": 34.26, "Longitude": -118.75, "Population": 1040.0}, {"index": 20475, "quantile": 0.0, "value": 177200.0, "Latitude": 34.26, "Longitude": -118.75, "Population": 1325.0}, {"index": 20475, "quantile": 0.25, "value": 193400.0, "Latitude": 34.26, "Longitude": -118.75, "Population": 1325.0}, {"index": 20475, "quantile": 0.5, "value": 193400.0, "Latitude": 34.26, "Longitude": -118.75, "Population": 1325.0}, {"index": 20475, "quantile": 0.75, "value": 220075.00000000003, "Latitude": 34.26, "Longitude": -118.75, "Population": 1325.0}, {"index": 20475, "quantile": 1.0, "value": 286700.0, "Latitude": 34.26, "Longitude": -118.75, "Population": 1325.0}, {"index": 20476, "quantile": 0.0, "value": 125699.99999999999, "Latitude": 34.26, "Longitude": -118.74, "Population": 1798.0}, {"index": 20476, "quantile": 0.25, "value": 175000.0, "Latitude": 34.26, "Longitude": -118.74, "Population": 1798.0}, {"index": 20476, "quantile": 0.5, "value": 226550.00000000003, "Latitude": 34.26, "Longitude": -118.74, "Population": 1798.0}, {"index": 20476, "quantile": 0.75, "value": 276925.0, "Latitude": 34.26, "Longitude": -118.74, "Population": 1798.0}, {"index": 20476, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.26, "Longitude": -118.74, "Population": 1798.0}, {"index": 20477, "quantile": 0.0, "value": 181100.0, "Latitude": 34.28, "Longitude": -118.74, "Population": 1974.0}, {"index": 20477, "quantile": 0.25, "value": 235300.00000000003, "Latitude": 34.28, "Longitude": -118.74, "Population": 1974.0}, {"index": 20477, "quantile": 0.5, "value": 255200.0, "Latitude": 34.28, "Longitude": -118.74, "Population": 1974.0}, {"index": 20477, "quantile": 0.75, "value": 274800.0, "Latitude": 34.28, "Longitude": -118.74, "Population": 1974.0}, {"index": 20477, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -118.74, "Population": 1974.0}, {"index": 20478, "quantile": 0.0, "value": 190900.0, "Latitude": 34.27, "Longitude": -118.73, "Population": 1699.0}, {"index": 20478, "quantile": 0.25, "value": 225800.0, "Latitude": 34.27, "Longitude": -118.73, "Population": 1699.0}, {"index": 20478, "quantile": 0.5, "value": 225800.0, "Latitude": 34.27, "Longitude": -118.73, "Population": 1699.0}, {"index": 20478, "quantile": 0.75, "value": 225800.0, "Latitude": 34.27, "Longitude": -118.73, "Population": 1699.0}, {"index": 20478, "quantile": 1.0, "value": 311900.0, "Latitude": 34.27, "Longitude": -118.73, "Population": 1699.0}, {"index": 20479, "quantile": 0.0, "value": 158200.0, "Latitude": 34.28, "Longitude": -118.71, "Population": 1773.0}, {"index": 20479, "quantile": 0.25, "value": 186600.0, "Latitude": 34.28, "Longitude": -118.71, "Population": 1773.0}, {"index": 20479, "quantile": 0.5, "value": 186600.0, "Latitude": 34.28, "Longitude": -118.71, "Population": 1773.0}, {"index": 20479, "quantile": 0.75, "value": 199800.0, "Latitude": 34.28, "Longitude": -118.71, "Population": 1773.0}, {"index": 20479, "quantile": 1.0, "value": 271500.0, "Latitude": 34.28, "Longitude": -118.71, "Population": 1773.0}, {"index": 20480, "quantile": 0.0, "value": 126499.99999999999, "Latitude": 34.28, "Longitude": -118.7, "Population": 1200.0}, {"index": 20480, "quantile": 0.25, "value": 196100.0, "Latitude": 34.28, "Longitude": -118.7, "Population": 1200.0}, {"index": 20480, "quantile": 0.5, "value": 196100.0, "Latitude": 34.28, "Longitude": -118.7, "Population": 1200.0}, {"index": 20480, "quantile": 0.75, "value": 250975.00000000003, "Latitude": 34.28, "Longitude": -118.7, "Population": 1200.0}, {"index": 20480, "quantile": 1.0, "value": 454399.99999999994, "Latitude": 34.28, "Longitude": -118.7, "Population": 1200.0}, {"index": 20481, "quantile": 0.0, "value": 167500.0, "Latitude": 34.28, "Longitude": -118.7, "Population": 467.0}, {"index": 20481, "quantile": 0.25, "value": 234450.0, "Latitude": 34.28, "Longitude": -118.7, "Population": 467.0}, {"index": 20481, "quantile": 0.5, "value": 250000.0, "Latitude": 34.28, "Longitude": -118.7, "Population": 467.0}, {"index": 20481, "quantile": 0.75, "value": 250000.0, "Latitude": 34.28, "Longitude": -118.7, "Population": 467.0}, {"index": 20481, "quantile": 1.0, "value": 291500.0, "Latitude": 34.28, "Longitude": -118.7, "Population": 467.0}, {"index": 20482, "quantile": 0.0, "value": 118600.0, "Latitude": 34.28, "Longitude": -118.72, "Population": 1392.0}, {"index": 20482, "quantile": 0.25, "value": 219400.0, "Latitude": 34.28, "Longitude": -118.72, "Population": 1392.0}, {"index": 20482, "quantile": 0.5, "value": 238450.0, "Latitude": 34.28, "Longitude": -118.72, "Population": 1392.0}, {"index": 20482, "quantile": 0.75, "value": 271774.99999999994, "Latitude": 34.28, "Longitude": -118.72, "Population": 1392.0}, {"index": 20482, "quantile": 1.0, "value": 376800.0, "Latitude": 34.28, "Longitude": -118.72, "Population": 1392.0}, {"index": 20483, "quantile": 0.0, "value": 177300.0, "Latitude": 34.28, "Longitude": -118.72, "Population": 1283.0}, {"index": 20483, "quantile": 0.25, "value": 218600.0, "Latitude": 34.28, "Longitude": -118.72, "Population": 1283.0}, {"index": 20483, "quantile": 0.5, "value": 225800.0, "Latitude": 34.28, "Longitude": -118.72, "Population": 1283.0}, {"index": 20483, "quantile": 0.75, "value": 257875.0, "Latitude": 34.28, "Longitude": -118.72, "Population": 1283.0}, {"index": 20483, "quantile": 1.0, "value": 386800.0, "Latitude": 34.28, "Longitude": -118.72, "Population": 1283.0}, {"index": 20484, "quantile": 0.0, "value": 154800.0, "Latitude": 34.28, "Longitude": -118.72, "Population": 1705.0}, {"index": 20484, "quantile": 0.25, "value": 218600.0, "Latitude": 34.28, "Longitude": -118.72, "Population": 1705.0}, {"index": 20484, "quantile": 0.5, "value": 218600.0, "Latitude": 34.28, "Longitude": -118.72, "Population": 1705.0}, {"index": 20484, "quantile": 0.75, "value": 253399.99999999997, "Latitude": 34.28, "Longitude": -118.72, "Population": 1705.0}, {"index": 20484, "quantile": 1.0, "value": 344700.0, "Latitude": 34.28, "Longitude": -118.72, "Population": 1705.0}, {"index": 20485, "quantile": 0.0, "value": 130600.0, "Latitude": 34.28, "Longitude": -118.67, "Population": 2133.0}, {"index": 20485, "quantile": 0.25, "value": 235300.00000000003, "Latitude": 34.28, "Longitude": -118.67, "Population": 2133.0}, {"index": 20485, "quantile": 0.5, "value": 235300.00000000003, "Latitude": 34.28, "Longitude": -118.67, "Population": 2133.0}, {"index": 20485, "quantile": 0.75, "value": 235300.00000000003, "Latitude": 34.28, "Longitude": -118.67, "Population": 2133.0}, {"index": 20485, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.28, "Longitude": -118.67, "Population": 2133.0}, {"index": 20486, "quantile": 0.0, "value": 158200.0, "Latitude": 34.28, "Longitude": -118.68, "Population": 3199.0}, {"index": 20486, "quantile": 0.25, "value": 238000.0, "Latitude": 34.28, "Longitude": -118.68, "Population": 3199.0}, {"index": 20486, "quantile": 0.5, "value": 238000.0, "Latitude": 34.28, "Longitude": -118.68, "Population": 3199.0}, {"index": 20486, "quantile": 0.75, "value": 238000.0, "Latitude": 34.28, "Longitude": -118.68, "Population": 3199.0}, {"index": 20486, "quantile": 1.0, "value": 319000.0, "Latitude": 34.28, "Longitude": -118.68, "Population": 3199.0}, {"index": 20487, "quantile": 0.0, "value": 229199.99999999997, "Latitude": 34.3, "Longitude": -118.67, "Population": 2440.0}, {"index": 20487, "quantile": 0.25, "value": 393000.0, "Latitude": 34.3, "Longitude": -118.67, "Population": 2440.0}, {"index": 20487, "quantile": 0.5, "value": 393000.0, "Latitude": 34.3, "Longitude": -118.67, "Population": 2440.0}, {"index": 20487, "quantile": 0.75, "value": 393000.0, "Latitude": 34.3, "Longitude": -118.67, "Population": 2440.0}, {"index": 20487, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.3, "Longitude": -118.67, "Population": 2440.0}, {"index": 20488, "quantile": 0.0, "value": 106300.0, "Latitude": 34.28, "Longitude": -118.68, "Population": 3188.0}, {"index": 20488, "quantile": 0.25, "value": 223000.0, "Latitude": 34.28, "Longitude": -118.68, "Population": 3188.0}, {"index": 20488, "quantile": 0.5, "value": 223000.0, "Latitude": 34.28, "Longitude": -118.68, "Population": 3188.0}, {"index": 20488, "quantile": 0.75, "value": 223000.0, "Latitude": 34.28, "Longitude": -118.68, "Population": 3188.0}, {"index": 20488, "quantile": 1.0, "value": 325200.0, "Latitude": 34.28, "Longitude": -118.68, "Population": 3188.0}, {"index": 20489, "quantile": 0.0, "value": 125899.99999999999, "Latitude": 34.27, "Longitude": -118.68, "Population": 2476.0}, {"index": 20489, "quantile": 0.25, "value": 196800.0, "Latitude": 34.27, "Longitude": -118.68, "Population": 2476.0}, {"index": 20489, "quantile": 0.5, "value": 217100.00000000003, "Latitude": 34.27, "Longitude": -118.68, "Population": 2476.0}, {"index": 20489, "quantile": 0.75, "value": 236500.00000000003, "Latitude": 34.27, "Longitude": -118.68, "Population": 2476.0}, {"index": 20489, "quantile": 1.0, "value": 353200.0, "Latitude": 34.27, "Longitude": -118.68, "Population": 2476.0}, {"index": 20490, "quantile": 0.0, "value": 142000.0, "Latitude": 34.27, "Longitude": -118.68, "Population": 817.0}, {"index": 20490, "quantile": 0.25, "value": 209100.00000000003, "Latitude": 34.27, "Longitude": -118.68, "Population": 817.0}, {"index": 20490, "quantile": 0.5, "value": 209100.00000000003, "Latitude": 34.27, "Longitude": -118.68, "Population": 817.0}, {"index": 20490, "quantile": 0.75, "value": 223800.0, "Latitude": 34.27, "Longitude": -118.68, "Population": 817.0}, {"index": 20490, "quantile": 1.0, "value": 332500.0, "Latitude": 34.27, "Longitude": -118.68, "Population": 817.0}, {"index": 20491, "quantile": 0.0, "value": 85700.0, "Latitude": 34.27, "Longitude": -118.67, "Population": 1390.0}, {"index": 20491, "quantile": 0.25, "value": 172550.0, "Latitude": 34.27, "Longitude": -118.67, "Population": 1390.0}, {"index": 20491, "quantile": 0.5, "value": 217349.99999999997, "Latitude": 34.27, "Longitude": -118.67, "Population": 1390.0}, {"index": 20491, "quantile": 0.75, "value": 243925.00000000003, "Latitude": 34.27, "Longitude": -118.67, "Population": 1390.0}, {"index": 20491, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.27, "Longitude": -118.67, "Population": 1390.0}, {"index": 20492, "quantile": 0.0, "value": 106300.0, "Latitude": 34.27, "Longitude": -118.67, "Population": 1859.0}, {"index": 20492, "quantile": 0.25, "value": 204599.99999999997, "Latitude": 34.27, "Longitude": -118.67, "Population": 1859.0}, {"index": 20492, "quantile": 0.5, "value": 204599.99999999997, "Latitude": 34.27, "Longitude": -118.67, "Population": 1859.0}, {"index": 20492, "quantile": 0.75, "value": 229049.99999999997, "Latitude": 34.27, "Longitude": -118.67, "Population": 1859.0}, {"index": 20492, "quantile": 1.0, "value": 353400.0, "Latitude": 34.27, "Longitude": -118.67, "Population": 1859.0}, {"index": 20493, "quantile": 0.0, "value": 102800.0, "Latitude": 34.27, "Longitude": -118.65, "Population": 934.0}, {"index": 20493, "quantile": 0.25, "value": 229199.99999999997, "Latitude": 34.27, "Longitude": -118.65, "Population": 934.0}, {"index": 20493, "quantile": 0.5, "value": 229199.99999999997, "Latitude": 34.27, "Longitude": -118.65, "Population": 934.0}, {"index": 20493, "quantile": 0.75, "value": 240250.0, "Latitude": 34.27, "Longitude": -118.65, "Population": 934.0}, {"index": 20493, "quantile": 1.0, "value": 417000.0, "Latitude": 34.27, "Longitude": -118.65, "Population": 934.0}, {"index": 20494, "quantile": 0.0, "value": 159300.0, "Latitude": 34.29, "Longitude": -118.71, "Population": 1203.0}, {"index": 20494, "quantile": 0.25, "value": 302000.0, "Latitude": 34.29, "Longitude": -118.71, "Population": 1203.0}, {"index": 20494, "quantile": 0.5, "value": 302000.0, "Latitude": 34.29, "Longitude": -118.71, "Population": 1203.0}, {"index": 20494, "quantile": 0.75, "value": 302825.0, "Latitude": 34.29, "Longitude": -118.71, "Population": 1203.0}, {"index": 20494, "quantile": 1.0, "value": 480800.0, "Latitude": 34.29, "Longitude": -118.71, "Population": 1203.0}, {"index": 20495, "quantile": 0.0, "value": 110900.0, "Latitude": 34.29, "Longitude": -118.71, "Population": 1432.0}, {"index": 20495, "quantile": 0.25, "value": 221200.00000000003, "Latitude": 34.29, "Longitude": -118.71, "Population": 1432.0}, {"index": 20495, "quantile": 0.5, "value": 221200.00000000003, "Latitude": 34.29, "Longitude": -118.71, "Population": 1432.0}, {"index": 20495, "quantile": 0.75, "value": 223475.0, "Latitude": 34.29, "Longitude": -118.71, "Population": 1432.0}, {"index": 20495, "quantile": 1.0, "value": 430900.0, "Latitude": 34.29, "Longitude": -118.71, "Population": 1432.0}, {"index": 20496, "quantile": 0.0, "value": 87100.0, "Latitude": 34.28, "Longitude": -118.7, "Population": 1837.0}, {"index": 20496, "quantile": 0.25, "value": 238300.0, "Latitude": 34.28, "Longitude": -118.7, "Population": 1837.0}, {"index": 20496, "quantile": 0.5, "value": 238300.0, "Latitude": 34.28, "Longitude": -118.7, "Population": 1837.0}, {"index": 20496, "quantile": 0.75, "value": 238300.0, "Latitude": 34.28, "Longitude": -118.7, "Population": 1837.0}, {"index": 20496, "quantile": 1.0, "value": 338100.0, "Latitude": 34.28, "Longitude": -118.7, "Population": 1837.0}, {"index": 20497, "quantile": 0.0, "value": 120000.0, "Latitude": 34.3, "Longitude": -118.7, "Population": 1284.0}, {"index": 20497, "quantile": 0.25, "value": 244099.99999999997, "Latitude": 34.3, "Longitude": -118.7, "Population": 1284.0}, {"index": 20497, "quantile": 0.5, "value": 244099.99999999997, "Latitude": 34.3, "Longitude": -118.7, "Population": 1284.0}, {"index": 20497, "quantile": 0.75, "value": 244099.99999999997, "Latitude": 34.3, "Longitude": -118.7, "Population": 1284.0}, {"index": 20497, "quantile": 1.0, "value": 327300.0, "Latitude": 34.3, "Longitude": -118.7, "Population": 1284.0}, {"index": 20498, "quantile": 0.0, "value": 155000.0, "Latitude": 34.29, "Longitude": -118.7, "Population": 862.0}, {"index": 20498, "quantile": 0.25, "value": 229800.0, "Latitude": 34.29, "Longitude": -118.7, "Population": 862.0}, {"index": 20498, "quantile": 0.5, "value": 229800.0, "Latitude": 34.29, "Longitude": -118.7, "Population": 862.0}, {"index": 20498, "quantile": 0.75, "value": 229800.0, "Latitude": 34.29, "Longitude": -118.7, "Population": 862.0}, {"index": 20498, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.29, "Longitude": -118.7, "Population": 862.0}, {"index": 20499, "quantile": 0.0, "value": 217499.99999999997, "Latitude": 34.3, "Longitude": -118.71, "Population": 978.0}, {"index": 20499, "quantile": 0.25, "value": 236700.0, "Latitude": 34.3, "Longitude": -118.71, "Population": 978.0}, {"index": 20499, "quantile": 0.5, "value": 236700.0, "Latitude": 34.3, "Longitude": -118.71, "Population": 978.0}, {"index": 20499, "quantile": 0.75, "value": 255625.00000000003, "Latitude": 34.3, "Longitude": -118.71, "Population": 978.0}, {"index": 20499, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.3, "Longitude": -118.71, "Population": 978.0}, {"index": 20500, "quantile": 0.0, "value": 166000.0, "Latitude": 34.3, "Longitude": -118.7, "Population": 756.0}, {"index": 20500, "quantile": 0.25, "value": 227000.0, "Latitude": 34.3, "Longitude": -118.7, "Population": 756.0}, {"index": 20500, "quantile": 0.5, "value": 227000.0, "Latitude": 34.3, "Longitude": -118.7, "Population": 756.0}, {"index": 20500, "quantile": 0.75, "value": 236700.0, "Latitude": 34.3, "Longitude": -118.7, "Population": 756.0}, {"index": 20500, "quantile": 1.0, "value": 480800.0, "Latitude": 34.3, "Longitude": -118.7, "Population": 756.0}, {"index": 20501, "quantile": 0.0, "value": 127200.0, "Latitude": 34.3, "Longitude": -118.71, "Population": 699.0}, {"index": 20501, "quantile": 0.25, "value": 307075.00000000006, "Latitude": 34.3, "Longitude": -118.71, "Population": 699.0}, {"index": 20501, "quantile": 0.5, "value": 335000.0, "Latitude": 34.3, "Longitude": -118.71, "Population": 699.0}, {"index": 20501, "quantile": 0.75, "value": 335000.0, "Latitude": 34.3, "Longitude": -118.71, "Population": 699.0}, {"index": 20501, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.3, "Longitude": -118.71, "Population": 699.0}, {"index": 20502, "quantile": 0.0, "value": 67500.0, "Latitude": 34.33, "Longitude": -118.68, "Population": 67.0}, {"index": 20502, "quantile": 0.25, "value": 257925.0, "Latitude": 34.33, "Longitude": -118.68, "Population": 67.0}, {"index": 20502, "quantile": 0.5, "value": 325000.0, "Latitude": 34.33, "Longitude": -118.68, "Population": 67.0}, {"index": 20502, "quantile": 0.75, "value": 325000.0, "Latitude": 34.33, "Longitude": -118.68, "Population": 67.0}, {"index": 20502, "quantile": 1.0, "value": 461100.0, "Latitude": 34.33, "Longitude": -118.68, "Population": 67.0}, {"index": 20503, "quantile": 0.0, "value": 250000.0, "Latitude": 34.33, "Longitude": -118.75, "Population": 243.0}, {"index": 20503, "quantile": 0.25, "value": 330000.0, "Latitude": 34.33, "Longitude": -118.75, "Population": 243.0}, {"index": 20503, "quantile": 0.5, "value": 330000.0, "Latitude": 34.33, "Longitude": -118.75, "Population": 243.0}, {"index": 20503, "quantile": 0.75, "value": 364150.0, "Latitude": 34.33, "Longitude": -118.75, "Population": 243.0}, {"index": 20503, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.33, "Longitude": -118.75, "Population": 243.0}, {"index": 20504, "quantile": 0.0, "value": 311600.0, "Latitude": 34.29, "Longitude": -118.73, "Population": 2526.0}, {"index": 20504, "quantile": 0.25, "value": 343900.0, "Latitude": 34.29, "Longitude": -118.73, "Population": 2526.0}, {"index": 20504, "quantile": 0.5, "value": 343900.0, "Latitude": 34.29, "Longitude": -118.73, "Population": 2526.0}, {"index": 20504, "quantile": 0.75, "value": 345100.0, "Latitude": 34.29, "Longitude": -118.73, "Population": 2526.0}, {"index": 20504, "quantile": 1.0, "value": 419700.0, "Latitude": 34.29, "Longitude": -118.73, "Population": 2526.0}, {"index": 20505, "quantile": 0.0, "value": 226900.0, "Latitude": 34.29, "Longitude": -118.72, "Population": 1595.0}, {"index": 20505, "quantile": 0.25, "value": 248000.0, "Latitude": 34.29, "Longitude": -118.72, "Population": 1595.0}, {"index": 20505, "quantile": 0.5, "value": 248000.0, "Latitude": 34.29, "Longitude": -118.72, "Population": 1595.0}, {"index": 20505, "quantile": 0.75, "value": 249625.0, "Latitude": 34.29, "Longitude": -118.72, "Population": 1595.0}, {"index": 20505, "quantile": 1.0, "value": 422200.00000000006, "Latitude": 34.29, "Longitude": -118.72, "Population": 1595.0}, {"index": 20506, "quantile": 0.0, "value": 165200.0, "Latitude": 34.29, "Longitude": -118.73, "Population": 2510.0}, {"index": 20506, "quantile": 0.25, "value": 276500.0, "Latitude": 34.29, "Longitude": -118.73, "Population": 2510.0}, {"index": 20506, "quantile": 0.5, "value": 276500.0, "Latitude": 34.29, "Longitude": -118.73, "Population": 2510.0}, {"index": 20506, "quantile": 0.75, "value": 322450.0, "Latitude": 34.29, "Longitude": -118.73, "Population": 2510.0}, {"index": 20506, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 34.29, "Longitude": -118.73, "Population": 2510.0}, {"index": 20507, "quantile": 0.0, "value": 32500.0, "Latitude": 38.59, "Longitude": -121.52, "Population": 3814.0}, {"index": 20507, "quantile": 0.25, "value": 69100.0, "Latitude": 38.59, "Longitude": -121.52, "Population": 3814.0}, {"index": 20507, "quantile": 0.5, "value": 69100.0, "Latitude": 38.59, "Longitude": -121.52, "Population": 3814.0}, {"index": 20507, "quantile": 0.75, "value": 69100.0, "Latitude": 38.59, "Longitude": -121.52, "Population": 3814.0}, {"index": 20507, "quantile": 1.0, "value": 212800.0, "Latitude": 38.59, "Longitude": -121.52, "Population": 3814.0}, {"index": 20508, "quantile": 0.0, "value": 56100.00000000001, "Latitude": 38.58, "Longitude": -121.51, "Population": 1372.0}, {"index": 20508, "quantile": 0.25, "value": 76000.0, "Latitude": 38.58, "Longitude": -121.51, "Population": 1372.0}, {"index": 20508, "quantile": 0.5, "value": 76000.0, "Latitude": 38.58, "Longitude": -121.51, "Population": 1372.0}, {"index": 20508, "quantile": 0.75, "value": 81324.99999999999, "Latitude": 38.58, "Longitude": -121.51, "Population": 1372.0}, {"index": 20508, "quantile": 1.0, "value": 409999.99999999994, "Latitude": 38.58, "Longitude": -121.51, "Population": 1372.0}, {"index": 20509, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 38.6, "Longitude": -121.53, "Population": 3196.0}, {"index": 20509, "quantile": 0.25, "value": 78200.0, "Latitude": 38.6, "Longitude": -121.53, "Population": 3196.0}, {"index": 20509, "quantile": 0.5, "value": 91900.0, "Latitude": 38.6, "Longitude": -121.53, "Population": 3196.0}, {"index": 20509, "quantile": 0.75, "value": 107700.0, "Latitude": 38.6, "Longitude": -121.53, "Population": 3196.0}, {"index": 20509, "quantile": 1.0, "value": 193600.0, "Latitude": 38.6, "Longitude": -121.53, "Population": 3196.0}, {"index": 20510, "quantile": 0.0, "value": 49800.0, "Latitude": 38.59, "Longitude": -121.54, "Population": 1481.0}, {"index": 20510, "quantile": 0.25, "value": 59475.0, "Latitude": 38.59, "Longitude": -121.54, "Population": 1481.0}, {"index": 20510, "quantile": 0.5, "value": 67850.00000000001, "Latitude": 38.59, "Longitude": -121.54, "Population": 1481.0}, {"index": 20510, "quantile": 0.75, "value": 76025.0, "Latitude": 38.59, "Longitude": -121.54, "Population": 1481.0}, {"index": 20510, "quantile": 1.0, "value": 164800.0, "Latitude": 38.59, "Longitude": -121.54, "Population": 1481.0}, {"index": 20511, "quantile": 0.0, "value": 39400.0, "Latitude": 38.59, "Longitude": -121.54, "Population": 1304.0}, {"index": 20511, "quantile": 0.25, "value": 63900.0, "Latitude": 38.59, "Longitude": -121.54, "Population": 1304.0}, {"index": 20511, "quantile": 0.5, "value": 69300.0, "Latitude": 38.59, "Longitude": -121.54, "Population": 1304.0}, {"index": 20511, "quantile": 0.75, "value": 73500.0, "Latitude": 38.59, "Longitude": -121.54, "Population": 1304.0}, {"index": 20511, "quantile": 1.0, "value": 155700.0, "Latitude": 38.59, "Longitude": -121.54, "Population": 1304.0}, {"index": 20512, "quantile": 0.0, "value": 22500.0, "Latitude": 38.59, "Longitude": -121.55, "Population": 285.0}, {"index": 20512, "quantile": 0.25, "value": 69600.0, "Latitude": 38.59, "Longitude": -121.55, "Population": 285.0}, {"index": 20512, "quantile": 0.5, "value": 69600.0, "Latitude": 38.59, "Longitude": -121.55, "Population": 285.0}, {"index": 20512, "quantile": 0.75, "value": 69600.0, "Latitude": 38.59, "Longitude": -121.55, "Population": 285.0}, {"index": 20512, "quantile": 1.0, "value": 137500.0, "Latitude": 38.59, "Longitude": -121.55, "Population": 285.0}, {"index": 20513, "quantile": 0.0, "value": 54200.00000000001, "Latitude": 38.67, "Longitude": -121.63, "Population": 391.0}, {"index": 20513, "quantile": 0.25, "value": 112500.0, "Latitude": 38.67, "Longitude": -121.63, "Population": 391.0}, {"index": 20513, "quantile": 0.5, "value": 225000.0, "Latitude": 38.67, "Longitude": -121.63, "Population": 391.0}, {"index": 20513, "quantile": 0.75, "value": 225000.0, "Latitude": 38.67, "Longitude": -121.63, "Population": 391.0}, {"index": 20513, "quantile": 1.0, "value": 275000.0, "Latitude": 38.67, "Longitude": -121.63, "Population": 391.0}, {"index": 20514, "quantile": 0.0, "value": 52800.0, "Latitude": 38.58, "Longitude": -121.52, "Population": 508.0}, {"index": 20514, "quantile": 0.25, "value": 79500.0, "Latitude": 38.58, "Longitude": -121.52, "Population": 508.0}, {"index": 20514, "quantile": 0.5, "value": 109300.0, "Latitude": 38.58, "Longitude": -121.52, "Population": 508.0}, {"index": 20514, "quantile": 0.75, "value": 140600.0, "Latitude": 38.58, "Longitude": -121.52, "Population": 508.0}, {"index": 20514, "quantile": 1.0, "value": 258300.00000000003, "Latitude": 38.58, "Longitude": -121.52, "Population": 508.0}, {"index": 20515, "quantile": 0.0, "value": 73100.0, "Latitude": 38.56, "Longitude": -121.53, "Population": 1103.0}, {"index": 20515, "quantile": 0.25, "value": 86600.0, "Latitude": 38.56, "Longitude": -121.53, "Population": 1103.0}, {"index": 20515, "quantile": 0.5, "value": 86600.0, "Latitude": 38.56, "Longitude": -121.53, "Population": 1103.0}, {"index": 20515, "quantile": 0.75, "value": 86600.0, "Latitude": 38.56, "Longitude": -121.53, "Population": 1103.0}, {"index": 20515, "quantile": 1.0, "value": 164400.0, "Latitude": 38.56, "Longitude": -121.53, "Population": 1103.0}, {"index": 20516, "quantile": 0.0, "value": 72100.0, "Latitude": 38.57, "Longitude": -121.52, "Population": 1041.0}, {"index": 20516, "quantile": 0.25, "value": 86200.0, "Latitude": 38.57, "Longitude": -121.52, "Population": 1041.0}, {"index": 20516, "quantile": 0.5, "value": 86200.0, "Latitude": 38.57, "Longitude": -121.52, "Population": 1041.0}, {"index": 20516, "quantile": 0.75, "value": 92700.0, "Latitude": 38.57, "Longitude": -121.52, "Population": 1041.0}, {"index": 20516, "quantile": 1.0, "value": 164400.0, "Latitude": 38.57, "Longitude": -121.52, "Population": 1041.0}, {"index": 20517, "quantile": 0.0, "value": 32500.0, "Latitude": 38.58, "Longitude": -121.54, "Population": 2524.0}, {"index": 20517, "quantile": 0.25, "value": 74300.0, "Latitude": 38.58, "Longitude": -121.54, "Population": 2524.0}, {"index": 20517, "quantile": 0.5, "value": 74300.0, "Latitude": 38.58, "Longitude": -121.54, "Population": 2524.0}, {"index": 20517, "quantile": 0.75, "value": 74300.0, "Latitude": 38.58, "Longitude": -121.54, "Population": 2524.0}, {"index": 20517, "quantile": 1.0, "value": 179100.0, "Latitude": 38.58, "Longitude": -121.54, "Population": 2524.0}, {"index": 20518, "quantile": 0.0, "value": 45000.0, "Latitude": 38.58, "Longitude": -121.56, "Population": 2046.0}, {"index": 20518, "quantile": 0.25, "value": 82300.0, "Latitude": 38.58, "Longitude": -121.56, "Population": 2046.0}, {"index": 20518, "quantile": 0.5, "value": 82300.0, "Latitude": 38.58, "Longitude": -121.56, "Population": 2046.0}, {"index": 20518, "quantile": 0.75, "value": 82300.0, "Latitude": 38.58, "Longitude": -121.56, "Population": 2046.0}, {"index": 20518, "quantile": 1.0, "value": 182200.0, "Latitude": 38.58, "Longitude": -121.56, "Population": 2046.0}, {"index": 20519, "quantile": 0.0, "value": 64700.0, "Latitude": 38.58, "Longitude": -121.53, "Population": 2414.0}, {"index": 20519, "quantile": 0.25, "value": 76400.0, "Latitude": 38.58, "Longitude": -121.53, "Population": 2414.0}, {"index": 20519, "quantile": 0.5, "value": 76400.0, "Latitude": 38.58, "Longitude": -121.53, "Population": 2414.0}, {"index": 20519, "quantile": 0.75, "value": 76400.0, "Latitude": 38.58, "Longitude": -121.53, "Population": 2414.0}, {"index": 20519, "quantile": 1.0, "value": 179800.0, "Latitude": 38.58, "Longitude": -121.53, "Population": 2414.0}, {"index": 20520, "quantile": 0.0, "value": 45000.0, "Latitude": 38.58, "Longitude": -121.53, "Population": 732.0}, {"index": 20520, "quantile": 0.25, "value": 81250.0, "Latitude": 38.58, "Longitude": -121.53, "Population": 732.0}, {"index": 20520, "quantile": 0.5, "value": 87500.0, "Latitude": 38.58, "Longitude": -121.53, "Population": 732.0}, {"index": 20520, "quantile": 0.75, "value": 103650.0, "Latitude": 38.58, "Longitude": -121.53, "Population": 732.0}, {"index": 20520, "quantile": 1.0, "value": 221000.0, "Latitude": 38.58, "Longitude": -121.53, "Population": 732.0}, {"index": 20521, "quantile": 0.0, "value": 79500.0, "Latitude": 38.57, "Longitude": -121.53, "Population": 1518.0}, {"index": 20521, "quantile": 0.25, "value": 118500.0, "Latitude": 38.57, "Longitude": -121.53, "Population": 1518.0}, {"index": 20521, "quantile": 0.5, "value": 118500.0, "Latitude": 38.57, "Longitude": -121.53, "Population": 1518.0}, {"index": 20521, "quantile": 0.75, "value": 128925.0, "Latitude": 38.57, "Longitude": -121.53, "Population": 1518.0}, {"index": 20521, "quantile": 1.0, "value": 327300.0, "Latitude": 38.57, "Longitude": -121.53, "Population": 1518.0}, {"index": 20522, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 38.54, "Longitude": -121.54, "Population": 969.0}, {"index": 20522, "quantile": 0.25, "value": 73100.0, "Latitude": 38.54, "Longitude": -121.54, "Population": 969.0}, {"index": 20522, "quantile": 0.5, "value": 73100.0, "Latitude": 38.54, "Longitude": -121.54, "Population": 969.0}, {"index": 20522, "quantile": 0.75, "value": 83600.0, "Latitude": 38.54, "Longitude": -121.54, "Population": 969.0}, {"index": 20522, "quantile": 1.0, "value": 159400.0, "Latitude": 38.54, "Longitude": -121.54, "Population": 969.0}, {"index": 20523, "quantile": 0.0, "value": 70800.0, "Latitude": 38.51, "Longitude": -121.55, "Population": 1088.0}, {"index": 20523, "quantile": 0.25, "value": 143600.0, "Latitude": 38.51, "Longitude": -121.55, "Population": 1088.0}, {"index": 20523, "quantile": 0.5, "value": 146900.0, "Latitude": 38.51, "Longitude": -121.55, "Population": 1088.0}, {"index": 20523, "quantile": 0.75, "value": 146900.0, "Latitude": 38.51, "Longitude": -121.55, "Population": 1088.0}, {"index": 20523, "quantile": 1.0, "value": 213000.0, "Latitude": 38.51, "Longitude": -121.55, "Population": 1088.0}, {"index": 20524, "quantile": 0.0, "value": 94900.0, "Latitude": 38.55, "Longitude": -121.55, "Population": 2909.0}, {"index": 20524, "quantile": 0.25, "value": 115900.0, "Latitude": 38.55, "Longitude": -121.55, "Population": 2909.0}, {"index": 20524, "quantile": 0.5, "value": 115900.0, "Latitude": 38.55, "Longitude": -121.55, "Population": 2909.0}, {"index": 20524, "quantile": 0.75, "value": 144400.0, "Latitude": 38.55, "Longitude": -121.55, "Population": 2909.0}, {"index": 20524, "quantile": 1.0, "value": 326500.0, "Latitude": 38.55, "Longitude": -121.55, "Population": 2909.0}, {"index": 20525, "quantile": 0.0, "value": 69800.0, "Latitude": 38.44, "Longitude": -121.56, "Population": 653.0}, {"index": 20525, "quantile": 0.25, "value": 126975.0, "Latitude": 38.44, "Longitude": -121.56, "Population": 653.0}, {"index": 20525, "quantile": 0.5, "value": 141700.0, "Latitude": 38.44, "Longitude": -121.56, "Population": 653.0}, {"index": 20525, "quantile": 0.75, "value": 141700.0, "Latitude": 38.44, "Longitude": -121.56, "Population": 653.0}, {"index": 20525, "quantile": 1.0, "value": 204300.00000000003, "Latitude": 38.44, "Longitude": -121.56, "Population": 653.0}, {"index": 20526, "quantile": 0.0, "value": 71800.0, "Latitude": 38.38, "Longitude": -121.61, "Population": 952.0}, {"index": 20526, "quantile": 0.25, "value": 101125.0, "Latitude": 38.38, "Longitude": -121.61, "Population": 952.0}, {"index": 20526, "quantile": 0.5, "value": 124299.99999999999, "Latitude": 38.38, "Longitude": -121.61, "Population": 952.0}, {"index": 20526, "quantile": 0.75, "value": 143725.0, "Latitude": 38.38, "Longitude": -121.61, "Population": 952.0}, {"index": 20526, "quantile": 1.0, "value": 326500.0, "Latitude": 38.38, "Longitude": -121.61, "Population": 952.0}, {"index": 20527, "quantile": 0.0, "value": 37900.0, "Latitude": 38.54, "Longitude": -121.79, "Population": 4479.0}, {"index": 20527, "quantile": 0.25, "value": 104125.0, "Latitude": 38.54, "Longitude": -121.79, "Population": 4479.0}, {"index": 20527, "quantile": 0.5, "value": 137500.0, "Latitude": 38.54, "Longitude": -121.79, "Population": 4479.0}, {"index": 20527, "quantile": 0.75, "value": 176900.0, "Latitude": 38.54, "Longitude": -121.79, "Population": 4479.0}, {"index": 20527, "quantile": 1.0, "value": 375000.0, "Latitude": 38.54, "Longitude": -121.79, "Population": 4479.0}, {"index": 20528, "quantile": 0.0, "value": 108400.00000000001, "Latitude": 38.55, "Longitude": -121.8, "Population": 2258.0}, {"index": 20528, "quantile": 0.25, "value": 220050.0, "Latitude": 38.55, "Longitude": -121.8, "Population": 2258.0}, {"index": 20528, "quantile": 0.5, "value": 223200.00000000003, "Latitude": 38.55, "Longitude": -121.8, "Population": 2258.0}, {"index": 20528, "quantile": 0.75, "value": 223200.00000000003, "Latitude": 38.55, "Longitude": -121.8, "Population": 2258.0}, {"index": 20528, "quantile": 1.0, "value": 282600.0, "Latitude": 38.55, "Longitude": -121.8, "Population": 2258.0}, {"index": 20529, "quantile": 0.0, "value": 81900.0, "Latitude": 38.55, "Longitude": -121.78, "Population": 5633.0}, {"index": 20529, "quantile": 0.25, "value": 165750.0, "Latitude": 38.55, "Longitude": -121.78, "Population": 5633.0}, {"index": 20529, "quantile": 0.5, "value": 204300.00000000003, "Latitude": 38.55, "Longitude": -121.78, "Population": 5633.0}, {"index": 20529, "quantile": 0.75, "value": 204300.00000000003, "Latitude": 38.55, "Longitude": -121.78, "Population": 5633.0}, {"index": 20529, "quantile": 1.0, "value": 275000.0, "Latitude": 38.55, "Longitude": -121.78, "Population": 5633.0}, {"index": 20530, "quantile": 0.0, "value": 93400.0, "Latitude": 38.57, "Longitude": -121.76, "Population": 7984.0}, {"index": 20530, "quantile": 0.25, "value": 172000.0, "Latitude": 38.57, "Longitude": -121.76, "Population": 7984.0}, {"index": 20530, "quantile": 0.5, "value": 201799.99999999997, "Latitude": 38.57, "Longitude": -121.76, "Population": 7984.0}, {"index": 20530, "quantile": 0.75, "value": 201799.99999999997, "Latitude": 38.57, "Longitude": -121.76, "Population": 7984.0}, {"index": 20530, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.57, "Longitude": -121.76, "Population": 7984.0}, {"index": 20531, "quantile": 0.0, "value": 127499.99999999999, "Latitude": 38.58, "Longitude": -121.81, "Population": 808.0}, {"index": 20531, "quantile": 0.25, "value": 284700.0, "Latitude": 38.58, "Longitude": -121.81, "Population": 808.0}, {"index": 20531, "quantile": 0.5, "value": 286000.0, "Latitude": 38.58, "Longitude": -121.81, "Population": 808.0}, {"index": 20531, "quantile": 0.75, "value": 286000.0, "Latitude": 38.58, "Longitude": -121.81, "Population": 808.0}, {"index": 20531, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.58, "Longitude": -121.81, "Population": 808.0}, {"index": 20532, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.6, "Longitude": -121.7, "Population": 1400.0}, {"index": 20532, "quantile": 0.25, "value": 97500.0, "Latitude": 38.6, "Longitude": -121.7, "Population": 1400.0}, {"index": 20532, "quantile": 0.5, "value": 131950.0, "Latitude": 38.6, "Longitude": -121.7, "Population": 1400.0}, {"index": 20532, "quantile": 0.75, "value": 146150.0, "Latitude": 38.6, "Longitude": -121.7, "Population": 1400.0}, {"index": 20532, "quantile": 1.0, "value": 338900.0, "Latitude": 38.6, "Longitude": -121.7, "Population": 1400.0}, {"index": 20533, "quantile": 0.0, "value": 96800.0, "Latitude": 38.54, "Longitude": -121.67, "Population": 2553.0}, {"index": 20533, "quantile": 0.25, "value": 201474.99999999997, "Latitude": 38.54, "Longitude": -121.67, "Population": 2553.0}, {"index": 20533, "quantile": 0.5, "value": 326500.0, "Latitude": 38.54, "Longitude": -121.67, "Population": 2553.0}, {"index": 20533, "quantile": 0.75, "value": 326500.0, "Latitude": 38.54, "Longitude": -121.67, "Population": 2553.0}, {"index": 20533, "quantile": 1.0, "value": 326500.0, "Latitude": 38.54, "Longitude": -121.67, "Population": 2553.0}, {"index": 20534, "quantile": 0.0, "value": 52500.0, "Latitude": 38.56, "Longitude": -121.74, "Population": 2248.0}, {"index": 20534, "quantile": 0.25, "value": 132025.0, "Latitude": 38.56, "Longitude": -121.74, "Population": 2248.0}, {"index": 20534, "quantile": 0.5, "value": 179100.0, "Latitude": 38.56, "Longitude": -121.74, "Population": 2248.0}, {"index": 20534, "quantile": 0.75, "value": 179100.0, "Latitude": 38.56, "Longitude": -121.74, "Population": 2248.0}, {"index": 20534, "quantile": 1.0, "value": 350000.0, "Latitude": 38.56, "Longitude": -121.74, "Population": 2248.0}, {"index": 20535, "quantile": 0.0, "value": 32500.0, "Latitude": 38.55, "Longitude": -121.74, "Population": 1300.0}, {"index": 20535, "quantile": 0.25, "value": 74250.0, "Latitude": 38.55, "Longitude": -121.74, "Population": 1300.0}, {"index": 20535, "quantile": 0.5, "value": 97350.0, "Latitude": 38.55, "Longitude": -121.74, "Population": 1300.0}, {"index": 20535, "quantile": 0.75, "value": 131575.0, "Latitude": 38.55, "Longitude": -121.74, "Population": 1300.0}, {"index": 20535, "quantile": 1.0, "value": 212500.0, "Latitude": 38.55, "Longitude": -121.74, "Population": 1300.0}, {"index": 20536, "quantile": 0.0, "value": 50500.0, "Latitude": 38.55, "Longitude": -121.73, "Population": 1224.0}, {"index": 20536, "quantile": 0.25, "value": 130800.0, "Latitude": 38.55, "Longitude": -121.73, "Population": 1224.0}, {"index": 20536, "quantile": 0.5, "value": 130800.0, "Latitude": 38.55, "Longitude": -121.73, "Population": 1224.0}, {"index": 20536, "quantile": 0.75, "value": 130800.0, "Latitude": 38.55, "Longitude": -121.73, "Population": 1224.0}, {"index": 20536, "quantile": 1.0, "value": 225000.0, "Latitude": 38.55, "Longitude": -121.73, "Population": 1224.0}, {"index": 20537, "quantile": 0.0, "value": 52800.0, "Latitude": 38.54, "Longitude": -121.73, "Population": 521.0}, {"index": 20537, "quantile": 0.25, "value": 137500.0, "Latitude": 38.54, "Longitude": -121.73, "Population": 521.0}, {"index": 20537, "quantile": 0.5, "value": 137500.0, "Latitude": 38.54, "Longitude": -121.73, "Population": 521.0}, {"index": 20537, "quantile": 0.75, "value": 137500.0, "Latitude": 38.54, "Longitude": -121.73, "Population": 521.0}, {"index": 20537, "quantile": 1.0, "value": 187500.0, "Latitude": 38.54, "Longitude": -121.73, "Population": 521.0}, {"index": 20538, "quantile": 0.0, "value": 74000.0, "Latitude": 38.56, "Longitude": -121.73, "Population": 1623.0}, {"index": 20538, "quantile": 0.25, "value": 145200.0, "Latitude": 38.56, "Longitude": -121.73, "Population": 1623.0}, {"index": 20538, "quantile": 0.5, "value": 145200.0, "Latitude": 38.56, "Longitude": -121.73, "Population": 1623.0}, {"index": 20538, "quantile": 0.75, "value": 145200.0, "Latitude": 38.56, "Longitude": -121.73, "Population": 1623.0}, {"index": 20538, "quantile": 1.0, "value": 242600.00000000003, "Latitude": 38.56, "Longitude": -121.73, "Population": 1623.0}, {"index": 20539, "quantile": 0.0, "value": 97300.0, "Latitude": 38.56, "Longitude": -121.71, "Population": 4071.0}, {"index": 20539, "quantile": 0.25, "value": 144400.0, "Latitude": 38.56, "Longitude": -121.71, "Population": 4071.0}, {"index": 20539, "quantile": 0.5, "value": 164100.0, "Latitude": 38.56, "Longitude": -121.71, "Population": 4071.0}, {"index": 20539, "quantile": 0.75, "value": 164100.0, "Latitude": 38.56, "Longitude": -121.71, "Population": 4071.0}, {"index": 20539, "quantile": 1.0, "value": 326500.0, "Latitude": 38.56, "Longitude": -121.71, "Population": 4071.0}, {"index": 20540, "quantile": 0.0, "value": 77500.0, "Latitude": 38.54, "Longitude": -121.72, "Population": 1386.0}, {"index": 20540, "quantile": 0.25, "value": 162250.0, "Latitude": 38.54, "Longitude": -121.72, "Population": 1386.0}, {"index": 20540, "quantile": 0.5, "value": 194300.0, "Latitude": 38.54, "Longitude": -121.72, "Population": 1386.0}, {"index": 20540, "quantile": 0.75, "value": 194300.0, "Latitude": 38.54, "Longitude": -121.72, "Population": 1386.0}, {"index": 20540, "quantile": 1.0, "value": 333300.0, "Latitude": 38.54, "Longitude": -121.72, "Population": 1386.0}, {"index": 20541, "quantile": 0.0, "value": 108700.0, "Latitude": 38.54, "Longitude": -121.7, "Population": 2828.0}, {"index": 20541, "quantile": 0.25, "value": 226500.0, "Latitude": 38.54, "Longitude": -121.7, "Population": 2828.0}, {"index": 20541, "quantile": 0.5, "value": 226500.0, "Latitude": 38.54, "Longitude": -121.7, "Population": 2828.0}, {"index": 20541, "quantile": 0.75, "value": 226500.0, "Latitude": 38.54, "Longitude": -121.7, "Population": 2828.0}, {"index": 20541, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 38.54, "Longitude": -121.7, "Population": 2828.0}, {"index": 20542, "quantile": 0.0, "value": 137500.0, "Latitude": 38.55, "Longitude": -121.75, "Population": 979.0}, {"index": 20542, "quantile": 0.25, "value": 189400.0, "Latitude": 38.55, "Longitude": -121.75, "Population": 979.0}, {"index": 20542, "quantile": 0.5, "value": 236200.0, "Latitude": 38.55, "Longitude": -121.75, "Population": 979.0}, {"index": 20542, "quantile": 0.75, "value": 236200.0, "Latitude": 38.55, "Longitude": -121.75, "Population": 979.0}, {"index": 20542, "quantile": 1.0, "value": 361100.0, "Latitude": 38.55, "Longitude": -121.75, "Population": 979.0}, {"index": 20543, "quantile": 0.0, "value": 37900.0, "Latitude": 38.55, "Longitude": -121.74, "Population": 3717.0}, {"index": 20543, "quantile": 0.25, "value": 108800.00000000001, "Latitude": 38.55, "Longitude": -121.74, "Population": 3717.0}, {"index": 20543, "quantile": 0.5, "value": 182600.0, "Latitude": 38.55, "Longitude": -121.74, "Population": 3717.0}, {"index": 20543, "quantile": 0.75, "value": 182600.0, "Latitude": 38.55, "Longitude": -121.74, "Population": 3717.0}, {"index": 20543, "quantile": 1.0, "value": 324200.0, "Latitude": 38.55, "Longitude": -121.74, "Population": 3717.0}, {"index": 20544, "quantile": 0.0, "value": 55000.00000000001, "Latitude": 38.55, "Longitude": -121.76, "Population": 6330.0}, {"index": 20544, "quantile": 0.25, "value": 73500.0, "Latitude": 38.55, "Longitude": -121.76, "Population": 6330.0}, {"index": 20544, "quantile": 0.5, "value": 98500.0, "Latitude": 38.55, "Longitude": -121.76, "Population": 6330.0}, {"index": 20544, "quantile": 0.75, "value": 122400.0, "Latitude": 38.55, "Longitude": -121.76, "Population": 6330.0}, {"index": 20544, "quantile": 1.0, "value": 225000.0, "Latitude": 38.55, "Longitude": -121.76, "Population": 6330.0}, {"index": 20545, "quantile": 0.0, "value": 84400.0, "Latitude": 38.55, "Longitude": -121.75, "Population": 2199.0}, {"index": 20545, "quantile": 0.25, "value": 185975.0, "Latitude": 38.55, "Longitude": -121.75, "Population": 2199.0}, {"index": 20545, "quantile": 0.5, "value": 227700.0, "Latitude": 38.55, "Longitude": -121.75, "Population": 2199.0}, {"index": 20545, "quantile": 0.75, "value": 227700.0, "Latitude": 38.55, "Longitude": -121.75, "Population": 2199.0}, {"index": 20545, "quantile": 1.0, "value": 227700.0, "Latitude": 38.55, "Longitude": -121.75, "Population": 2199.0}, {"index": 20546, "quantile": 0.0, "value": 71800.0, "Latitude": 38.69, "Longitude": -121.77, "Population": 775.0}, {"index": 20546, "quantile": 0.25, "value": 107500.0, "Latitude": 38.69, "Longitude": -121.77, "Population": 775.0}, {"index": 20546, "quantile": 0.5, "value": 135700.00000000003, "Latitude": 38.69, "Longitude": -121.77, "Population": 775.0}, {"index": 20546, "quantile": 0.75, "value": 160700.0, "Latitude": 38.69, "Longitude": -121.77, "Population": 775.0}, {"index": 20546, "quantile": 1.0, "value": 282100.0, "Latitude": 38.69, "Longitude": -121.77, "Population": 775.0}, {"index": 20547, "quantile": 0.0, "value": 51600.0, "Latitude": 38.68, "Longitude": -121.77, "Population": 1820.0}, {"index": 20547, "quantile": 0.25, "value": 86750.0, "Latitude": 38.68, "Longitude": -121.77, "Population": 1820.0}, {"index": 20547, "quantile": 0.5, "value": 99050.0, "Latitude": 38.68, "Longitude": -121.77, "Population": 1820.0}, {"index": 20547, "quantile": 0.75, "value": 112275.00000000001, "Latitude": 38.68, "Longitude": -121.77, "Population": 1820.0}, {"index": 20547, "quantile": 1.0, "value": 225000.0, "Latitude": 38.68, "Longitude": -121.77, "Population": 1820.0}, {"index": 20548, "quantile": 0.0, "value": 54100.00000000001, "Latitude": 38.68, "Longitude": -121.76, "Population": 701.0}, {"index": 20548, "quantile": 0.25, "value": 69400.0, "Latitude": 38.68, "Longitude": -121.76, "Population": 701.0}, {"index": 20548, "quantile": 0.5, "value": 69400.0, "Latitude": 38.68, "Longitude": -121.76, "Population": 701.0}, {"index": 20548, "quantile": 0.75, "value": 69400.0, "Latitude": 38.68, "Longitude": -121.76, "Population": 701.0}, {"index": 20548, "quantile": 1.0, "value": 270000.0, "Latitude": 38.68, "Longitude": -121.76, "Population": 701.0}, {"index": 20549, "quantile": 0.0, "value": 89600.0, "Latitude": 38.69, "Longitude": -121.8, "Population": 2118.0}, {"index": 20549, "quantile": 0.25, "value": 122200.0, "Latitude": 38.69, "Longitude": -121.8, "Population": 2118.0}, {"index": 20549, "quantile": 0.5, "value": 122200.0, "Latitude": 38.69, "Longitude": -121.8, "Population": 2118.0}, {"index": 20549, "quantile": 0.75, "value": 126699.99999999999, "Latitude": 38.69, "Longitude": -121.8, "Population": 2118.0}, {"index": 20549, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.69, "Longitude": -121.8, "Population": 2118.0}, {"index": 20550, "quantile": 0.0, "value": 61300.0, "Latitude": 38.69, "Longitude": -121.79, "Population": 1061.0}, {"index": 20550, "quantile": 0.25, "value": 98125.0, "Latitude": 38.69, "Longitude": -121.79, "Population": 1061.0}, {"index": 20550, "quantile": 0.5, "value": 103099.99999999999, "Latitude": 38.69, "Longitude": -121.79, "Population": 1061.0}, {"index": 20550, "quantile": 0.75, "value": 103099.99999999999, "Latitude": 38.69, "Longitude": -121.79, "Population": 1061.0}, {"index": 20550, "quantile": 1.0, "value": 275000.0, "Latitude": 38.69, "Longitude": -121.79, "Population": 1061.0}, {"index": 20551, "quantile": 0.0, "value": 62700.0, "Latitude": 38.69, "Longitude": -121.78, "Population": 1579.0}, {"index": 20551, "quantile": 0.25, "value": 83300.0, "Latitude": 38.69, "Longitude": -121.78, "Population": 1579.0}, {"index": 20551, "quantile": 0.5, "value": 96300.0, "Latitude": 38.69, "Longitude": -121.78, "Population": 1579.0}, {"index": 20551, "quantile": 0.75, "value": 105650.0, "Latitude": 38.69, "Longitude": -121.78, "Population": 1579.0}, {"index": 20551, "quantile": 1.0, "value": 275000.0, "Latitude": 38.69, "Longitude": -121.78, "Population": 1579.0}, {"index": 20552, "quantile": 0.0, "value": 88200.0, "Latitude": 38.68, "Longitude": -121.8, "Population": 1847.0}, {"index": 20552, "quantile": 0.25, "value": 124899.99999999999, "Latitude": 38.68, "Longitude": -121.8, "Population": 1847.0}, {"index": 20552, "quantile": 0.5, "value": 145900.0, "Latitude": 38.68, "Longitude": -121.8, "Population": 1847.0}, {"index": 20552, "quantile": 0.75, "value": 187500.0, "Latitude": 38.68, "Longitude": -121.8, "Population": 1847.0}, {"index": 20552, "quantile": 1.0, "value": 390800.0, "Latitude": 38.68, "Longitude": -121.8, "Population": 1847.0}, {"index": 20553, "quantile": 0.0, "value": 67500.0, "Latitude": 38.68, "Longitude": -121.79, "Population": 2225.0}, {"index": 20553, "quantile": 0.25, "value": 95300.0, "Latitude": 38.68, "Longitude": -121.79, "Population": 2225.0}, {"index": 20553, "quantile": 0.5, "value": 95300.0, "Latitude": 38.68, "Longitude": -121.79, "Population": 2225.0}, {"index": 20553, "quantile": 0.75, "value": 96300.0, "Latitude": 38.68, "Longitude": -121.79, "Population": 2225.0}, {"index": 20553, "quantile": 1.0, "value": 275000.0, "Latitude": 38.68, "Longitude": -121.79, "Population": 2225.0}, {"index": 20554, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 38.68, "Longitude": -121.78, "Population": 1659.0}, {"index": 20554, "quantile": 0.25, "value": 97800.0, "Latitude": 38.68, "Longitude": -121.78, "Population": 1659.0}, {"index": 20554, "quantile": 0.5, "value": 97800.0, "Latitude": 38.68, "Longitude": -121.78, "Population": 1659.0}, {"index": 20554, "quantile": 0.75, "value": 97800.0, "Latitude": 38.68, "Longitude": -121.78, "Population": 1659.0}, {"index": 20554, "quantile": 1.0, "value": 233500.0, "Latitude": 38.68, "Longitude": -121.78, "Population": 1659.0}, {"index": 20555, "quantile": 0.0, "value": 81600.0, "Latitude": 38.67, "Longitude": -121.8, "Population": 1700.0}, {"index": 20555, "quantile": 0.25, "value": 121249.99999999999, "Latitude": 38.67, "Longitude": -121.8, "Population": 1700.0}, {"index": 20555, "quantile": 0.5, "value": 172000.0, "Latitude": 38.67, "Longitude": -121.8, "Population": 1700.0}, {"index": 20555, "quantile": 0.75, "value": 172000.0, "Latitude": 38.67, "Longitude": -121.8, "Population": 1700.0}, {"index": 20555, "quantile": 1.0, "value": 201799.99999999997, "Latitude": 38.67, "Longitude": -121.8, "Population": 1700.0}, {"index": 20556, "quantile": 0.0, "value": 37900.0, "Latitude": 38.67, "Longitude": -121.79, "Population": 1876.0}, {"index": 20556, "quantile": 0.25, "value": 143850.0, "Latitude": 38.67, "Longitude": -121.79, "Population": 1876.0}, {"index": 20556, "quantile": 0.5, "value": 152500.0, "Latitude": 38.67, "Longitude": -121.79, "Population": 1876.0}, {"index": 20556, "quantile": 0.75, "value": 152500.0, "Latitude": 38.67, "Longitude": -121.79, "Population": 1876.0}, {"index": 20556, "quantile": 1.0, "value": 350000.0, "Latitude": 38.67, "Longitude": -121.79, "Population": 1876.0}, {"index": 20557, "quantile": 0.0, "value": 72500.0, "Latitude": 38.68, "Longitude": -121.78, "Population": 1855.0}, {"index": 20557, "quantile": 0.25, "value": 118550.0, "Latitude": 38.68, "Longitude": -121.78, "Population": 1855.0}, {"index": 20557, "quantile": 0.5, "value": 119400.0, "Latitude": 38.68, "Longitude": -121.78, "Population": 1855.0}, {"index": 20557, "quantile": 0.75, "value": 119400.0, "Latitude": 38.68, "Longitude": -121.78, "Population": 1855.0}, {"index": 20557, "quantile": 1.0, "value": 192000.0, "Latitude": 38.68, "Longitude": -121.78, "Population": 1855.0}, {"index": 20558, "quantile": 0.0, "value": 115199.99999999999, "Latitude": 38.67, "Longitude": -121.8, "Population": 1073.0}, {"index": 20558, "quantile": 0.25, "value": 154400.0, "Latitude": 38.67, "Longitude": -121.8, "Population": 1073.0}, {"index": 20558, "quantile": 0.5, "value": 154400.0, "Latitude": 38.67, "Longitude": -121.8, "Population": 1073.0}, {"index": 20558, "quantile": 0.75, "value": 154400.0, "Latitude": 38.67, "Longitude": -121.8, "Population": 1073.0}, {"index": 20558, "quantile": 1.0, "value": 298400.0, "Latitude": 38.67, "Longitude": -121.8, "Population": 1073.0}, {"index": 20559, "quantile": 0.0, "value": 94200.0, "Latitude": 38.67, "Longitude": -121.79, "Population": 981.0}, {"index": 20559, "quantile": 0.25, "value": 167200.0, "Latitude": 38.67, "Longitude": -121.79, "Population": 981.0}, {"index": 20559, "quantile": 0.5, "value": 167200.0, "Latitude": 38.67, "Longitude": -121.79, "Population": 981.0}, {"index": 20559, "quantile": 0.75, "value": 185825.0, "Latitude": 38.67, "Longitude": -121.79, "Population": 981.0}, {"index": 20559, "quantile": 1.0, "value": 258700.00000000003, "Latitude": 38.67, "Longitude": -121.79, "Population": 981.0}, {"index": 20560, "quantile": 0.0, "value": 80600.0, "Latitude": 38.67, "Longitude": -121.78, "Population": 1123.0}, {"index": 20560, "quantile": 0.25, "value": 117400.0, "Latitude": 38.67, "Longitude": -121.78, "Population": 1123.0}, {"index": 20560, "quantile": 0.5, "value": 143600.0, "Latitude": 38.67, "Longitude": -121.78, "Population": 1123.0}, {"index": 20560, "quantile": 0.75, "value": 183000.0, "Latitude": 38.67, "Longitude": -121.78, "Population": 1123.0}, {"index": 20560, "quantile": 1.0, "value": 326500.0, "Latitude": 38.67, "Longitude": -121.78, "Population": 1123.0}, {"index": 20561, "quantile": 0.0, "value": 56000.00000000001, "Latitude": 38.67, "Longitude": -121.77, "Population": 1548.0}, {"index": 20561, "quantile": 0.25, "value": 99200.0, "Latitude": 38.67, "Longitude": -121.77, "Population": 1548.0}, {"index": 20561, "quantile": 0.5, "value": 108900.0, "Latitude": 38.67, "Longitude": -121.77, "Population": 1548.0}, {"index": 20561, "quantile": 0.75, "value": 108900.0, "Latitude": 38.67, "Longitude": -121.77, "Population": 1548.0}, {"index": 20561, "quantile": 1.0, "value": 225000.0, "Latitude": 38.67, "Longitude": -121.77, "Population": 1548.0}, {"index": 20562, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 38.67, "Longitude": -121.77, "Population": 1415.0}, {"index": 20562, "quantile": 0.25, "value": 92800.0, "Latitude": 38.67, "Longitude": -121.77, "Population": 1415.0}, {"index": 20562, "quantile": 0.5, "value": 103899.99999999999, "Latitude": 38.67, "Longitude": -121.77, "Population": 1415.0}, {"index": 20562, "quantile": 0.75, "value": 145200.0, "Latitude": 38.67, "Longitude": -121.77, "Population": 1415.0}, {"index": 20562, "quantile": 1.0, "value": 275000.0, "Latitude": 38.67, "Longitude": -121.77, "Population": 1415.0}, {"index": 20563, "quantile": 0.0, "value": 85900.0, "Latitude": 38.67, "Longitude": -121.75, "Population": 6837.0}, {"index": 20563, "quantile": 0.25, "value": 132500.0, "Latitude": 38.67, "Longitude": -121.75, "Population": 6837.0}, {"index": 20563, "quantile": 0.5, "value": 132500.0, "Latitude": 38.67, "Longitude": -121.75, "Population": 6837.0}, {"index": 20563, "quantile": 0.75, "value": 132500.0, "Latitude": 38.67, "Longitude": -121.75, "Population": 6837.0}, {"index": 20563, "quantile": 1.0, "value": 201799.99999999997, "Latitude": 38.67, "Longitude": -121.75, "Population": 6837.0}, {"index": 20564, "quantile": 0.0, "value": 22500.0, "Latitude": 38.72, "Longitude": -121.71, "Population": 550.0}, {"index": 20564, "quantile": 0.25, "value": 83600.0, "Latitude": 38.72, "Longitude": -121.71, "Population": 550.0}, {"index": 20564, "quantile": 0.5, "value": 103050.0, "Latitude": 38.72, "Longitude": -121.71, "Population": 550.0}, {"index": 20564, "quantile": 0.75, "value": 130800.0, "Latitude": 38.72, "Longitude": -121.71, "Population": 550.0}, {"index": 20564, "quantile": 1.0, "value": 275000.0, "Latitude": 38.72, "Longitude": -121.71, "Population": 550.0}, {"index": 20565, "quantile": 0.0, "value": 61600.0, "Latitude": 38.65, "Longitude": -121.7, "Population": 808.0}, {"index": 20565, "quantile": 0.25, "value": 101349.99999999999, "Latitude": 38.65, "Longitude": -121.7, "Population": 808.0}, {"index": 20565, "quantile": 0.5, "value": 225000.0, "Latitude": 38.65, "Longitude": -121.7, "Population": 808.0}, {"index": 20565, "quantile": 0.75, "value": 225000.0, "Latitude": 38.65, "Longitude": -121.7, "Population": 808.0}, {"index": 20565, "quantile": 1.0, "value": 225000.0, "Latitude": 38.65, "Longitude": -121.7, "Population": 808.0}, {"index": 20566, "quantile": 0.0, "value": 94200.0, "Latitude": 38.65, "Longitude": -121.84, "Population": 1554.0}, {"index": 20566, "quantile": 0.25, "value": 131700.0, "Latitude": 38.65, "Longitude": -121.84, "Population": 1554.0}, {"index": 20566, "quantile": 0.5, "value": 136550.0, "Latitude": 38.65, "Longitude": -121.84, "Population": 1554.0}, {"index": 20566, "quantile": 0.75, "value": 160700.0, "Latitude": 38.65, "Longitude": -121.84, "Population": 1554.0}, {"index": 20566, "quantile": 1.0, "value": 326500.0, "Latitude": 38.65, "Longitude": -121.84, "Population": 1554.0}, {"index": 20567, "quantile": 0.0, "value": 71800.0, "Latitude": 38.66, "Longitude": -121.79, "Population": 3060.0}, {"index": 20567, "quantile": 0.25, "value": 165000.0, "Latitude": 38.66, "Longitude": -121.79, "Population": 3060.0}, {"index": 20567, "quantile": 0.5, "value": 165000.0, "Latitude": 38.66, "Longitude": -121.79, "Population": 3060.0}, {"index": 20567, "quantile": 0.75, "value": 165000.0, "Latitude": 38.66, "Longitude": -121.79, "Population": 3060.0}, {"index": 20567, "quantile": 1.0, "value": 300600.0, "Latitude": 38.66, "Longitude": -121.79, "Population": 3060.0}, {"index": 20568, "quantile": 0.0, "value": 115199.99999999999, "Latitude": 38.66, "Longitude": -121.78, "Population": 1907.0}, {"index": 20568, "quantile": 0.25, "value": 139900.0, "Latitude": 38.66, "Longitude": -121.78, "Population": 1907.0}, {"index": 20568, "quantile": 0.5, "value": 139900.0, "Latitude": 38.66, "Longitude": -121.78, "Population": 1907.0}, {"index": 20568, "quantile": 0.75, "value": 145300.0, "Latitude": 38.66, "Longitude": -121.78, "Population": 1907.0}, {"index": 20568, "quantile": 1.0, "value": 298400.0, "Latitude": 38.66, "Longitude": -121.78, "Population": 1907.0}, {"index": 20569, "quantile": 0.0, "value": 94200.0, "Latitude": 38.66, "Longitude": -121.76, "Population": 2866.0}, {"index": 20569, "quantile": 0.25, "value": 133400.0, "Latitude": 38.66, "Longitude": -121.76, "Population": 2866.0}, {"index": 20569, "quantile": 0.5, "value": 133400.0, "Latitude": 38.66, "Longitude": -121.76, "Population": 2866.0}, {"index": 20569, "quantile": 0.75, "value": 133400.0, "Latitude": 38.66, "Longitude": -121.76, "Population": 2866.0}, {"index": 20569, "quantile": 1.0, "value": 221000.0, "Latitude": 38.66, "Longitude": -121.76, "Population": 2866.0}, {"index": 20570, "quantile": 0.0, "value": 71700.0, "Latitude": 38.54, "Longitude": -121.96, "Population": 894.0}, {"index": 20570, "quantile": 0.25, "value": 135600.0, "Latitude": 38.54, "Longitude": -121.96, "Population": 894.0}, {"index": 20570, "quantile": 0.5, "value": 139600.0, "Latitude": 38.54, "Longitude": -121.96, "Population": 894.0}, {"index": 20570, "quantile": 0.75, "value": 139600.0, "Latitude": 38.54, "Longitude": -121.96, "Population": 894.0}, {"index": 20570, "quantile": 1.0, "value": 239200.0, "Latitude": 38.54, "Longitude": -121.96, "Population": 894.0}, {"index": 20571, "quantile": 0.0, "value": 71800.0, "Latitude": 38.53, "Longitude": -121.99, "Population": 2561.0}, {"index": 20571, "quantile": 0.25, "value": 122200.0, "Latitude": 38.53, "Longitude": -121.99, "Population": 2561.0}, {"index": 20571, "quantile": 0.5, "value": 127299.99999999999, "Latitude": 38.53, "Longitude": -121.99, "Population": 2561.0}, {"index": 20571, "quantile": 0.75, "value": 127299.99999999999, "Latitude": 38.53, "Longitude": -121.99, "Population": 2561.0}, {"index": 20571, "quantile": 1.0, "value": 178500.0, "Latitude": 38.53, "Longitude": -121.99, "Population": 2561.0}, {"index": 20572, "quantile": 0.0, "value": 62700.0, "Latitude": 38.52, "Longitude": -121.98, "Population": 1583.0}, {"index": 20572, "quantile": 0.25, "value": 101549.99999999999, "Latitude": 38.52, "Longitude": -121.98, "Population": 1583.0}, {"index": 20572, "quantile": 0.5, "value": 113900.0, "Latitude": 38.52, "Longitude": -121.98, "Population": 1583.0}, {"index": 20572, "quantile": 0.75, "value": 162500.0, "Latitude": 38.52, "Longitude": -121.98, "Population": 1583.0}, {"index": 20572, "quantile": 1.0, "value": 275000.0, "Latitude": 38.52, "Longitude": -121.98, "Population": 1583.0}, {"index": 20573, "quantile": 0.0, "value": 129500.0, "Latitude": 38.56, "Longitude": -122.05, "Population": 457.0}, {"index": 20573, "quantile": 0.25, "value": 225000.0, "Latitude": 38.56, "Longitude": -122.05, "Population": 457.0}, {"index": 20573, "quantile": 0.5, "value": 225000.0, "Latitude": 38.56, "Longitude": -122.05, "Population": 457.0}, {"index": 20573, "quantile": 0.75, "value": 225000.0, "Latitude": 38.56, "Longitude": -122.05, "Population": 457.0}, {"index": 20573, "quantile": 1.0, "value": 431400.0, "Latitude": 38.56, "Longitude": -122.05, "Population": 457.0}, {"index": 20574, "quantile": 0.0, "value": 54400.00000000001, "Latitude": 38.57, "Longitude": -121.92, "Population": 898.0}, {"index": 20574, "quantile": 0.25, "value": 122625.0, "Latitude": 38.57, "Longitude": -121.92, "Population": 898.0}, {"index": 20574, "quantile": 0.5, "value": 193800.0, "Latitude": 38.57, "Longitude": -121.92, "Population": 898.0}, {"index": 20574, "quantile": 0.75, "value": 193800.0, "Latitude": 38.57, "Longitude": -121.92, "Population": 898.0}, {"index": 20574, "quantile": 1.0, "value": 218800.00000000003, "Latitude": 38.57, "Longitude": -121.92, "Population": 898.0}, {"index": 20575, "quantile": 0.0, "value": 82800.0, "Latitude": 38.72, "Longitude": -121.9, "Population": 259.0}, {"index": 20575, "quantile": 0.25, "value": 133225.0, "Latitude": 38.72, "Longitude": -121.9, "Population": 259.0}, {"index": 20575, "quantile": 0.5, "value": 187500.0, "Latitude": 38.72, "Longitude": -121.9, "Population": 259.0}, {"index": 20575, "quantile": 0.75, "value": 187500.0, "Latitude": 38.72, "Longitude": -121.9, "Population": 259.0}, {"index": 20575, "quantile": 1.0, "value": 187500.0, "Latitude": 38.72, "Longitude": -121.9, "Population": 259.0}, {"index": 20576, "quantile": 0.0, "value": 70800.0, "Latitude": 38.83, "Longitude": -122.0, "Population": 194.0}, {"index": 20576, "quantile": 0.25, "value": 98400.0, "Latitude": 38.83, "Longitude": -122.0, "Population": 194.0}, {"index": 20576, "quantile": 0.5, "value": 98400.0, "Latitude": 38.83, "Longitude": -122.0, "Population": 194.0}, {"index": 20576, "quantile": 0.75, "value": 98400.0, "Latitude": 38.83, "Longitude": -122.0, "Population": 194.0}, {"index": 20576, "quantile": 1.0, "value": 245800.00000000003, "Latitude": 38.83, "Longitude": -122.0, "Population": 194.0}, {"index": 20577, "quantile": 0.0, "value": 58199.99999999999, "Latitude": 38.89, "Longitude": -121.94, "Population": 774.0}, {"index": 20577, "quantile": 0.25, "value": 91700.0, "Latitude": 38.89, "Longitude": -121.94, "Population": 774.0}, {"index": 20577, "quantile": 0.5, "value": 91700.0, "Latitude": 38.89, "Longitude": -121.94, "Population": 774.0}, {"index": 20577, "quantile": 0.75, "value": 91700.0, "Latitude": 38.89, "Longitude": -121.94, "Population": 774.0}, {"index": 20577, "quantile": 1.0, "value": 275000.0, "Latitude": 38.89, "Longitude": -121.94, "Population": 774.0}, {"index": 20578, "quantile": 0.0, "value": 22500.0, "Latitude": 38.84, "Longitude": -121.81, "Population": 238.0}, {"index": 20578, "quantile": 0.25, "value": 85750.0, "Latitude": 38.84, "Longitude": -121.81, "Population": 238.0}, {"index": 20578, "quantile": 0.5, "value": 275000.0, "Latitude": 38.84, "Longitude": -121.81, "Population": 238.0}, {"index": 20578, "quantile": 0.75, "value": 275000.0, "Latitude": 38.84, "Longitude": -121.81, "Population": 238.0}, {"index": 20578, "quantile": 1.0, "value": 275000.0, "Latitude": 38.84, "Longitude": -121.81, "Population": 238.0}, {"index": 20579, "quantile": 0.0, "value": 52000.0, "Latitude": 38.8, "Longitude": -121.72, "Population": 567.0}, {"index": 20579, "quantile": 0.25, "value": 66800.0, "Latitude": 38.8, "Longitude": -121.72, "Population": 567.0}, {"index": 20579, "quantile": 0.5, "value": 89900.0, "Latitude": 38.8, "Longitude": -121.72, "Population": 567.0}, {"index": 20579, "quantile": 0.75, "value": 108600.00000000001, "Latitude": 38.8, "Longitude": -121.72, "Population": 567.0}, {"index": 20579, "quantile": 1.0, "value": 275000.0, "Latitude": 38.8, "Longitude": -121.72, "Population": 567.0}, {"index": 20580, "quantile": 0.0, "value": 65800.0, "Latitude": 38.76, "Longitude": -121.77, "Population": 1145.0}, {"index": 20580, "quantile": 0.25, "value": 93400.0, "Latitude": 38.76, "Longitude": -121.77, "Population": 1145.0}, {"index": 20580, "quantile": 0.5, "value": 98150.0, "Latitude": 38.76, "Longitude": -121.77, "Population": 1145.0}, {"index": 20580, "quantile": 0.75, "value": 132625.0, "Latitude": 38.76, "Longitude": -121.77, "Population": 1145.0}, {"index": 20580, "quantile": 1.0, "value": 275000.0, "Latitude": 38.76, "Longitude": -121.77, "Population": 1145.0}, {"index": 20581, "quantile": 0.0, "value": 71700.0, "Latitude": 38.83, "Longitude": -122.21, "Population": 459.0}, {"index": 20581, "quantile": 0.25, "value": 123400.0, "Latitude": 38.83, "Longitude": -122.21, "Population": 459.0}, {"index": 20581, "quantile": 0.5, "value": 123400.0, "Latitude": 38.83, "Longitude": -122.21, "Population": 459.0}, {"index": 20581, "quantile": 0.75, "value": 141750.0, "Latitude": 38.83, "Longitude": -122.21, "Population": 459.0}, {"index": 20581, "quantile": 1.0, "value": 277000.0, "Latitude": 38.83, "Longitude": -122.21, "Population": 459.0}, {"index": 20582, "quantile": 0.0, "value": 73600.0, "Latitude": 38.9, "Longitude": -122.16, "Population": 488.0}, {"index": 20582, "quantile": 0.25, "value": 93875.0, "Latitude": 38.9, "Longitude": -122.16, "Population": 488.0}, {"index": 20582, "quantile": 0.5, "value": 116400.00000000001, "Latitude": 38.9, "Longitude": -122.16, "Population": 488.0}, {"index": 20582, "quantile": 0.75, "value": 146900.0, "Latitude": 38.9, "Longitude": -122.16, "Population": 488.0}, {"index": 20582, "quantile": 1.0, "value": 326500.0, "Latitude": 38.9, "Longitude": -122.16, "Population": 488.0}, {"index": 20583, "quantile": 0.0, "value": 67500.0, "Latitude": 38.73, "Longitude": -122.0, "Population": 208.0}, {"index": 20583, "quantile": 0.25, "value": 137500.0, "Latitude": 38.73, "Longitude": -122.0, "Population": 208.0}, {"index": 20583, "quantile": 0.5, "value": 137500.0, "Latitude": 38.73, "Longitude": -122.0, "Population": 208.0}, {"index": 20583, "quantile": 0.75, "value": 137500.0, "Latitude": 38.73, "Longitude": -122.0, "Population": 208.0}, {"index": 20583, "quantile": 1.0, "value": 211800.0, "Latitude": 38.73, "Longitude": -122.0, "Population": 208.0}, {"index": 20584, "quantile": 0.0, "value": 71800.0, "Latitude": 38.65, "Longitude": -121.95, "Population": 755.0}, {"index": 20584, "quantile": 0.25, "value": 91725.0, "Latitude": 38.65, "Longitude": -121.95, "Population": 755.0}, {"index": 20584, "quantile": 0.5, "value": 98500.0, "Latitude": 38.65, "Longitude": -121.95, "Population": 755.0}, {"index": 20584, "quantile": 0.75, "value": 118300.0, "Latitude": 38.65, "Longitude": -121.95, "Population": 755.0}, {"index": 20584, "quantile": 1.0, "value": 239200.0, "Latitude": 38.65, "Longitude": -121.95, "Population": 755.0}, {"index": 20585, "quantile": 0.0, "value": 79800.0, "Latitude": 38.68, "Longitude": -122.04, "Population": 689.0}, {"index": 20585, "quantile": 0.25, "value": 83600.0, "Latitude": 38.68, "Longitude": -122.04, "Population": 689.0}, {"index": 20585, "quantile": 0.5, "value": 83600.0, "Latitude": 38.68, "Longitude": -122.04, "Population": 689.0}, {"index": 20585, "quantile": 0.75, "value": 100774.99999999999, "Latitude": 38.68, "Longitude": -122.04, "Population": 689.0}, {"index": 20585, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 38.68, "Longitude": -122.04, "Population": 689.0}, {"index": 20586, "quantile": 0.0, "value": 70000.0, "Latitude": 38.69, "Longitude": -122.03, "Population": 939.0}, {"index": 20586, "quantile": 0.25, "value": 96300.0, "Latitude": 38.69, "Longitude": -122.03, "Population": 939.0}, {"index": 20586, "quantile": 0.5, "value": 96300.0, "Latitude": 38.69, "Longitude": -122.03, "Population": 939.0}, {"index": 20586, "quantile": 0.75, "value": 98125.0, "Latitude": 38.69, "Longitude": -122.03, "Population": 939.0}, {"index": 20586, "quantile": 1.0, "value": 275000.0, "Latitude": 38.69, "Longitude": -122.03, "Population": 939.0}, {"index": 20587, "quantile": 0.0, "value": 44400.0, "Latitude": 39.15, "Longitude": -121.6, "Population": 940.0}, {"index": 20587, "quantile": 0.25, "value": 68575.0, "Latitude": 39.15, "Longitude": -121.6, "Population": 940.0}, {"index": 20587, "quantile": 0.5, "value": 70300.0, "Latitude": 39.15, "Longitude": -121.6, "Population": 940.0}, {"index": 20587, "quantile": 0.75, "value": 70300.0, "Latitude": 39.15, "Longitude": -121.6, "Population": 940.0}, {"index": 20587, "quantile": 1.0, "value": 154900.0, "Latitude": 39.15, "Longitude": -121.6, "Population": 940.0}, {"index": 20588, "quantile": 0.0, "value": 47000.0, "Latitude": 39.15, "Longitude": -121.59, "Population": 938.0}, {"index": 20588, "quantile": 0.25, "value": 61300.0, "Latitude": 39.15, "Longitude": -121.59, "Population": 938.0}, {"index": 20588, "quantile": 0.5, "value": 61300.0, "Latitude": 39.15, "Longitude": -121.59, "Population": 938.0}, {"index": 20588, "quantile": 0.75, "value": 74725.0, "Latitude": 39.15, "Longitude": -121.59, "Population": 938.0}, {"index": 20588, "quantile": 1.0, "value": 175000.0, "Latitude": 39.15, "Longitude": -121.59, "Population": 938.0}, {"index": 20589, "quantile": 0.0, "value": 46200.0, "Latitude": 39.15, "Longitude": -121.59, "Population": 938.0}, {"index": 20589, "quantile": 0.25, "value": 57450.0, "Latitude": 39.15, "Longitude": -121.59, "Population": 938.0}, {"index": 20589, "quantile": 0.5, "value": 63250.00000000001, "Latitude": 39.15, "Longitude": -121.59, "Population": 938.0}, {"index": 20589, "quantile": 0.75, "value": 70925.0, "Latitude": 39.15, "Longitude": -121.59, "Population": 938.0}, {"index": 20589, "quantile": 1.0, "value": 123100.00000000001, "Latitude": 39.15, "Longitude": -121.59, "Population": 938.0}, {"index": 20590, "quantile": 0.0, "value": 32500.0, "Latitude": 39.14, "Longitude": -121.59, "Population": 804.0}, {"index": 20590, "quantile": 0.25, "value": 63300.0, "Latitude": 39.14, "Longitude": -121.59, "Population": 804.0}, {"index": 20590, "quantile": 0.5, "value": 69049.99999999999, "Latitude": 39.14, "Longitude": -121.59, "Population": 804.0}, {"index": 20590, "quantile": 0.75, "value": 86900.0, "Latitude": 39.14, "Longitude": -121.59, "Population": 804.0}, {"index": 20590, "quantile": 1.0, "value": 130200.0, "Latitude": 39.14, "Longitude": -121.59, "Population": 804.0}, {"index": 20591, "quantile": 0.0, "value": 32500.0, "Latitude": 39.15, "Longitude": -121.58, "Population": 702.0}, {"index": 20591, "quantile": 0.25, "value": 55500.00000000001, "Latitude": 39.15, "Longitude": -121.58, "Population": 702.0}, {"index": 20591, "quantile": 0.5, "value": 55500.00000000001, "Latitude": 39.15, "Longitude": -121.58, "Population": 702.0}, {"index": 20591, "quantile": 0.75, "value": 67125.0, "Latitude": 39.15, "Longitude": -121.58, "Population": 702.0}, {"index": 20591, "quantile": 1.0, "value": 327300.0, "Latitude": 39.15, "Longitude": -121.58, "Population": 702.0}, {"index": 20592, "quantile": 0.0, "value": 41800.0, "Latitude": 39.14, "Longitude": -121.58, "Population": 520.0}, {"index": 20592, "quantile": 0.25, "value": 55000.00000000001, "Latitude": 39.14, "Longitude": -121.58, "Population": 520.0}, {"index": 20592, "quantile": 0.5, "value": 55000.00000000001, "Latitude": 39.14, "Longitude": -121.58, "Population": 520.0}, {"index": 20592, "quantile": 0.75, "value": 57899.99999999999, "Latitude": 39.14, "Longitude": -121.58, "Population": 520.0}, {"index": 20592, "quantile": 1.0, "value": 200000.0, "Latitude": 39.14, "Longitude": -121.58, "Population": 520.0}, {"index": 20593, "quantile": 0.0, "value": 70800.0, "Latitude": 39.16, "Longitude": -121.58, "Population": 537.0}, {"index": 20593, "quantile": 0.25, "value": 79800.0, "Latitude": 39.16, "Longitude": -121.58, "Population": 537.0}, {"index": 20593, "quantile": 0.5, "value": 79800.0, "Latitude": 39.16, "Longitude": -121.58, "Population": 537.0}, {"index": 20593, "quantile": 0.75, "value": 83400.0, "Latitude": 39.16, "Longitude": -121.58, "Population": 537.0}, {"index": 20593, "quantile": 1.0, "value": 281900.0, "Latitude": 39.16, "Longitude": -121.58, "Population": 537.0}, {"index": 20594, "quantile": 0.0, "value": 84700.0, "Latitude": 39.16, "Longitude": -121.57, "Population": 870.0}, {"index": 20594, "quantile": 0.25, "value": 84700.0, "Latitude": 39.16, "Longitude": -121.57, "Population": 870.0}, {"index": 20594, "quantile": 0.5, "value": 84700.0, "Latitude": 39.16, "Longitude": -121.57, "Population": 870.0}, {"index": 20594, "quantile": 0.75, "value": 111074.99999999999, "Latitude": 39.16, "Longitude": -121.57, "Population": 870.0}, {"index": 20594, "quantile": 1.0, "value": 172800.0, "Latitude": 39.16, "Longitude": -121.57, "Population": 870.0}, {"index": 20595, "quantile": 0.0, "value": 57999.99999999999, "Latitude": 39.16, "Longitude": -121.56, "Population": 2029.0}, {"index": 20595, "quantile": 0.25, "value": 88800.0, "Latitude": 39.16, "Longitude": -121.56, "Population": 2029.0}, {"index": 20595, "quantile": 0.5, "value": 88800.0, "Latitude": 39.16, "Longitude": -121.56, "Population": 2029.0}, {"index": 20595, "quantile": 0.75, "value": 88800.0, "Latitude": 39.16, "Longitude": -121.56, "Population": 2029.0}, {"index": 20595, "quantile": 1.0, "value": 182500.0, "Latitude": 39.16, "Longitude": -121.56, "Population": 2029.0}, {"index": 20596, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 39.16, "Longitude": -121.57, "Population": 914.0}, {"index": 20596, "quantile": 0.25, "value": 68500.0, "Latitude": 39.16, "Longitude": -121.57, "Population": 914.0}, {"index": 20596, "quantile": 0.5, "value": 68500.0, "Latitude": 39.16, "Longitude": -121.57, "Population": 914.0}, {"index": 20596, "quantile": 0.75, "value": 99100.0, "Latitude": 39.16, "Longitude": -121.57, "Population": 914.0}, {"index": 20596, "quantile": 1.0, "value": 225000.0, "Latitude": 39.16, "Longitude": -121.57, "Population": 914.0}, {"index": 20597, "quantile": 0.0, "value": 50300.0, "Latitude": 39.16, "Longitude": -121.58, "Population": 888.0}, {"index": 20597, "quantile": 0.25, "value": 68700.0, "Latitude": 39.16, "Longitude": -121.58, "Population": 888.0}, {"index": 20597, "quantile": 0.5, "value": 68700.0, "Latitude": 39.16, "Longitude": -121.58, "Population": 888.0}, {"index": 20597, "quantile": 0.75, "value": 69300.0, "Latitude": 39.16, "Longitude": -121.58, "Population": 888.0}, {"index": 20597, "quantile": 1.0, "value": 138100.0, "Latitude": 39.16, "Longitude": -121.58, "Population": 888.0}, {"index": 20598, "quantile": 0.0, "value": 55500.00000000001, "Latitude": 39.15, "Longitude": -121.58, "Population": 837.0}, {"index": 20598, "quantile": 0.25, "value": 55500.00000000001, "Latitude": 39.15, "Longitude": -121.58, "Population": 837.0}, {"index": 20598, "quantile": 0.5, "value": 55500.00000000001, "Latitude": 39.15, "Longitude": -121.58, "Population": 837.0}, {"index": 20598, "quantile": 0.75, "value": 74800.0, "Latitude": 39.15, "Longitude": -121.58, "Population": 837.0}, {"index": 20598, "quantile": 1.0, "value": 175000.0, "Latitude": 39.15, "Longitude": -121.58, "Population": 837.0}, {"index": 20599, "quantile": 0.0, "value": 39400.0, "Latitude": 39.16, "Longitude": -121.56, "Population": 1009.0}, {"index": 20599, "quantile": 0.25, "value": 63000.0, "Latitude": 39.16, "Longitude": -121.56, "Population": 1009.0}, {"index": 20599, "quantile": 0.5, "value": 63000.0, "Latitude": 39.16, "Longitude": -121.56, "Population": 1009.0}, {"index": 20599, "quantile": 0.75, "value": 63000.0, "Latitude": 39.16, "Longitude": -121.56, "Population": 1009.0}, {"index": 20599, "quantile": 1.0, "value": 112500.0, "Latitude": 39.16, "Longitude": -121.56, "Population": 1009.0}, {"index": 20600, "quantile": 0.0, "value": 71700.0, "Latitude": 39.16, "Longitude": -121.57, "Population": 769.0}, {"index": 20600, "quantile": 0.25, "value": 71700.0, "Latitude": 39.16, "Longitude": -121.57, "Population": 769.0}, {"index": 20600, "quantile": 0.5, "value": 71700.0, "Latitude": 39.16, "Longitude": -121.57, "Population": 769.0}, {"index": 20600, "quantile": 0.75, "value": 111200.00000000001, "Latitude": 39.16, "Longitude": -121.57, "Population": 769.0}, {"index": 20600, "quantile": 1.0, "value": 500000.99999999994, "Latitude": 39.16, "Longitude": -121.57, "Population": 769.0}, {"index": 20601, "quantile": 0.0, "value": 36700.0, "Latitude": 39.13, "Longitude": -121.57, "Population": 413.0}, {"index": 20601, "quantile": 0.25, "value": 57899.99999999999, "Latitude": 39.13, "Longitude": -121.57, "Population": 413.0}, {"index": 20601, "quantile": 0.5, "value": 57899.99999999999, "Latitude": 39.13, "Longitude": -121.57, "Population": 413.0}, {"index": 20601, "quantile": 0.75, "value": 58275.0, "Latitude": 39.13, "Longitude": -121.57, "Population": 413.0}, {"index": 20601, "quantile": 1.0, "value": 193800.0, "Latitude": 39.13, "Longitude": -121.57, "Population": 413.0}, {"index": 20602, "quantile": 0.0, "value": 39400.0, "Latitude": 39.13, "Longitude": -121.56, "Population": 1607.0}, {"index": 20602, "quantile": 0.25, "value": 69700.0, "Latitude": 39.13, "Longitude": -121.56, "Population": 1607.0}, {"index": 20602, "quantile": 0.5, "value": 69700.0, "Latitude": 39.13, "Longitude": -121.56, "Population": 1607.0}, {"index": 20602, "quantile": 0.75, "value": 69700.0, "Latitude": 39.13, "Longitude": -121.56, "Population": 1607.0}, {"index": 20602, "quantile": 1.0, "value": 103099.99999999999, "Latitude": 39.13, "Longitude": -121.56, "Population": 1607.0}, {"index": 20603, "quantile": 0.0, "value": 40000.0, "Latitude": 39.13, "Longitude": -121.54, "Population": 2707.0}, {"index": 20603, "quantile": 0.25, "value": 59600.0, "Latitude": 39.13, "Longitude": -121.54, "Population": 2707.0}, {"index": 20603, "quantile": 0.5, "value": 59600.0, "Latitude": 39.13, "Longitude": -121.54, "Population": 2707.0}, {"index": 20603, "quantile": 0.75, "value": 59600.0, "Latitude": 39.13, "Longitude": -121.54, "Population": 2707.0}, {"index": 20603, "quantile": 1.0, "value": 100499.99999999999, "Latitude": 39.13, "Longitude": -121.54, "Population": 2707.0}, {"index": 20604, "quantile": 0.0, "value": 56599.99999999999, "Latitude": 39.12, "Longitude": -121.54, "Population": 3265.0}, {"index": 20604, "quantile": 0.25, "value": 59000.0, "Latitude": 39.12, "Longitude": -121.54, "Population": 3265.0}, {"index": 20604, "quantile": 0.5, "value": 78800.0, "Latitude": 39.12, "Longitude": -121.54, "Population": 3265.0}, {"index": 20604, "quantile": 0.75, "value": 89400.0, "Latitude": 39.12, "Longitude": -121.54, "Population": 3265.0}, {"index": 20604, "quantile": 1.0, "value": 160100.0, "Latitude": 39.12, "Longitude": -121.54, "Population": 3265.0}, {"index": 20605, "quantile": 0.0, "value": 53000.0, "Latitude": 39.12, "Longitude": -121.58, "Population": 2017.0}, {"index": 20605, "quantile": 0.25, "value": 61200.0, "Latitude": 39.12, "Longitude": -121.58, "Population": 2017.0}, {"index": 20605, "quantile": 0.5, "value": 61200.0, "Latitude": 39.12, "Longitude": -121.58, "Population": 2017.0}, {"index": 20605, "quantile": 0.75, "value": 61200.0, "Latitude": 39.12, "Longitude": -121.58, "Population": 2017.0}, {"index": 20605, "quantile": 1.0, "value": 96200.0, "Latitude": 39.12, "Longitude": -121.58, "Population": 2017.0}, {"index": 20606, "quantile": 0.0, "value": 47000.0, "Latitude": 39.12, "Longitude": -121.57, "Population": 1702.0}, {"index": 20606, "quantile": 0.25, "value": 56599.99999999999, "Latitude": 39.12, "Longitude": -121.57, "Population": 1702.0}, {"index": 20606, "quantile": 0.5, "value": 56599.99999999999, "Latitude": 39.12, "Longitude": -121.57, "Population": 1702.0}, {"index": 20606, "quantile": 0.75, "value": 57424.99999999999, "Latitude": 39.12, "Longitude": -121.57, "Population": 1702.0}, {"index": 20606, "quantile": 1.0, "value": 118800.0, "Latitude": 39.12, "Longitude": -121.57, "Population": 1702.0}, {"index": 20607, "quantile": 0.0, "value": 39400.0, "Latitude": 39.1, "Longitude": -121.57, "Population": 832.0}, {"index": 20607, "quantile": 0.25, "value": 54825.0, "Latitude": 39.1, "Longitude": -121.57, "Population": 832.0}, {"index": 20607, "quantile": 0.5, "value": 58199.99999999999, "Latitude": 39.1, "Longitude": -121.57, "Population": 832.0}, {"index": 20607, "quantile": 0.75, "value": 63000.0, "Latitude": 39.1, "Longitude": -121.57, "Population": 832.0}, {"index": 20607, "quantile": 1.0, "value": 123500.00000000001, "Latitude": 39.1, "Longitude": -121.57, "Population": 832.0}, {"index": 20608, "quantile": 0.0, "value": 39400.0, "Latitude": 39.1, "Longitude": -121.59, "Population": 768.0}, {"index": 20608, "quantile": 0.25, "value": 57899.99999999999, "Latitude": 39.1, "Longitude": -121.59, "Population": 768.0}, {"index": 20608, "quantile": 0.5, "value": 63000.0, "Latitude": 39.1, "Longitude": -121.59, "Population": 768.0}, {"index": 20608, "quantile": 0.75, "value": 71649.99999999999, "Latitude": 39.1, "Longitude": -121.59, "Population": 768.0}, {"index": 20608, "quantile": 1.0, "value": 110400.00000000001, "Latitude": 39.1, "Longitude": -121.59, "Population": 768.0}, {"index": 20609, "quantile": 0.0, "value": 56399.99999999999, "Latitude": 39.11, "Longitude": -121.56, "Population": 1527.0}, {"index": 20609, "quantile": 0.25, "value": 57499.99999999999, "Latitude": 39.11, "Longitude": -121.56, "Population": 1527.0}, {"index": 20609, "quantile": 0.5, "value": 57499.99999999999, "Latitude": 39.11, "Longitude": -121.56, "Population": 1527.0}, {"index": 20609, "quantile": 0.75, "value": 67050.0, "Latitude": 39.11, "Longitude": -121.56, "Population": 1527.0}, {"index": 20609, "quantile": 1.0, "value": 178000.0, "Latitude": 39.11, "Longitude": -121.56, "Population": 1527.0}, {"index": 20610, "quantile": 0.0, "value": 39400.0, "Latitude": 39.1, "Longitude": -121.56, "Population": 1195.0}, {"index": 20610, "quantile": 0.25, "value": 47975.0, "Latitude": 39.1, "Longitude": -121.56, "Population": 1195.0}, {"index": 20610, "quantile": 0.5, "value": 57450.0, "Latitude": 39.1, "Longitude": -121.56, "Population": 1195.0}, {"index": 20610, "quantile": 0.75, "value": 65200.0, "Latitude": 39.1, "Longitude": -121.56, "Population": 1195.0}, {"index": 20610, "quantile": 1.0, "value": 262500.0, "Latitude": 39.1, "Longitude": -121.56, "Population": 1195.0}, {"index": 20611, "quantile": 0.0, "value": 39400.0, "Latitude": 39.1, "Longitude": -121.55, "Population": 1163.0}, {"index": 20611, "quantile": 0.25, "value": 47000.0, "Latitude": 39.1, "Longitude": -121.55, "Population": 1163.0}, {"index": 20611, "quantile": 0.5, "value": 47000.0, "Latitude": 39.1, "Longitude": -121.55, "Population": 1163.0}, {"index": 20611, "quantile": 0.75, "value": 49375.0, "Latitude": 39.1, "Longitude": -121.55, "Population": 1163.0}, {"index": 20611, "quantile": 1.0, "value": 108600.00000000001, "Latitude": 39.1, "Longitude": -121.55, "Population": 1163.0}, {"index": 20612, "quantile": 0.0, "value": 39400.0, "Latitude": 39.08, "Longitude": -121.56, "Population": 761.0}, {"index": 20612, "quantile": 0.25, "value": 48300.0, "Latitude": 39.08, "Longitude": -121.56, "Population": 761.0}, {"index": 20612, "quantile": 0.5, "value": 48300.0, "Latitude": 39.08, "Longitude": -121.56, "Population": 761.0}, {"index": 20612, "quantile": 0.75, "value": 53100.0, "Latitude": 39.08, "Longitude": -121.56, "Population": 761.0}, {"index": 20612, "quantile": 1.0, "value": 123500.00000000001, "Latitude": 39.08, "Longitude": -121.56, "Population": 761.0}, {"index": 20613, "quantile": 0.0, "value": 42500.0, "Latitude": 39.09, "Longitude": -121.55, "Population": 1167.0}, {"index": 20613, "quantile": 0.25, "value": 53400.0, "Latitude": 39.09, "Longitude": -121.55, "Population": 1167.0}, {"index": 20613, "quantile": 0.5, "value": 53400.0, "Latitude": 39.09, "Longitude": -121.55, "Population": 1167.0}, {"index": 20613, "quantile": 0.75, "value": 57149.99999999999, "Latitude": 39.09, "Longitude": -121.55, "Population": 1167.0}, {"index": 20613, "quantile": 1.0, "value": 200000.0, "Latitude": 39.09, "Longitude": -121.55, "Population": 1167.0}, {"index": 20614, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 39.08, "Longitude": -121.54, "Population": 1455.0}, {"index": 20614, "quantile": 0.25, "value": 57999.99999999999, "Latitude": 39.08, "Longitude": -121.54, "Population": 1455.0}, {"index": 20614, "quantile": 0.5, "value": 57999.99999999999, "Latitude": 39.08, "Longitude": -121.54, "Population": 1455.0}, {"index": 20614, "quantile": 0.75, "value": 77700.0, "Latitude": 39.08, "Longitude": -121.54, "Population": 1455.0}, {"index": 20614, "quantile": 1.0, "value": 160100.0, "Latitude": 39.08, "Longitude": -121.54, "Population": 1455.0}, {"index": 20615, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 39.08, "Longitude": -121.54, "Population": 724.0}, {"index": 20615, "quantile": 0.25, "value": 57499.99999999999, "Latitude": 39.08, "Longitude": -121.54, "Population": 724.0}, {"index": 20615, "quantile": 0.5, "value": 57499.99999999999, "Latitude": 39.08, "Longitude": -121.54, "Population": 724.0}, {"index": 20615, "quantile": 0.75, "value": 80200.0, "Latitude": 39.08, "Longitude": -121.54, "Population": 724.0}, {"index": 20615, "quantile": 1.0, "value": 225000.0, "Latitude": 39.08, "Longitude": -121.54, "Population": 724.0}, {"index": 20616, "quantile": 0.0, "value": 34600.0, "Latitude": 39.08, "Longitude": -121.53, "Population": 1157.0}, {"index": 20616, "quantile": 0.25, "value": 58124.99999999999, "Latitude": 39.08, "Longitude": -121.53, "Population": 1157.0}, {"index": 20616, "quantile": 0.5, "value": 70100.0, "Latitude": 39.08, "Longitude": -121.53, "Population": 1157.0}, {"index": 20616, "quantile": 0.75, "value": 88900.0, "Latitude": 39.08, "Longitude": -121.53, "Population": 1157.0}, {"index": 20616, "quantile": 1.0, "value": 158600.0, "Latitude": 39.08, "Longitude": -121.53, "Population": 1157.0}, {"index": 20617, "quantile": 0.0, "value": 70800.0, "Latitude": 39.06, "Longitude": -121.53, "Population": 308.0}, {"index": 20617, "quantile": 0.25, "value": 70800.0, "Latitude": 39.06, "Longitude": -121.53, "Population": 308.0}, {"index": 20617, "quantile": 0.5, "value": 70800.0, "Latitude": 39.06, "Longitude": -121.53, "Population": 308.0}, {"index": 20617, "quantile": 0.75, "value": 109325.0, "Latitude": 39.06, "Longitude": -121.53, "Population": 308.0}, {"index": 20617, "quantile": 1.0, "value": 175000.0, "Latitude": 39.06, "Longitude": -121.53, "Population": 308.0}, {"index": 20618, "quantile": 0.0, "value": 41800.0, "Latitude": 39.06, "Longitude": -121.55, "Population": 726.0}, {"index": 20618, "quantile": 0.25, "value": 63400.0, "Latitude": 39.06, "Longitude": -121.55, "Population": 726.0}, {"index": 20618, "quantile": 0.5, "value": 63400.0, "Latitude": 39.06, "Longitude": -121.55, "Population": 726.0}, {"index": 20618, "quantile": 0.75, "value": 68250.00000000001, "Latitude": 39.06, "Longitude": -121.55, "Population": 726.0}, {"index": 20618, "quantile": 1.0, "value": 225000.0, "Latitude": 39.06, "Longitude": -121.55, "Population": 726.0}, {"index": 20619, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 39.01, "Longitude": -121.56, "Population": 1023.0}, {"index": 20619, "quantile": 0.25, "value": 99100.0, "Latitude": 39.01, "Longitude": -121.56, "Population": 1023.0}, {"index": 20619, "quantile": 0.5, "value": 99100.0, "Latitude": 39.01, "Longitude": -121.56, "Population": 1023.0}, {"index": 20619, "quantile": 0.75, "value": 99100.0, "Latitude": 39.01, "Longitude": -121.56, "Population": 1023.0}, {"index": 20619, "quantile": 1.0, "value": 225000.0, "Latitude": 39.01, "Longitude": -121.56, "Population": 1023.0}, {"index": 20620, "quantile": 0.0, "value": 92800.0, "Latitude": 39.05, "Longitude": -121.48, "Population": 151.0}, {"index": 20620, "quantile": 0.25, "value": 100000.0, "Latitude": 39.05, "Longitude": -121.48, "Population": 151.0}, {"index": 20620, "quantile": 0.5, "value": 100000.0, "Latitude": 39.05, "Longitude": -121.48, "Population": 151.0}, {"index": 20620, "quantile": 0.75, "value": 100000.0, "Latitude": 39.05, "Longitude": -121.48, "Population": 151.0}, {"index": 20620, "quantile": 1.0, "value": 447400.0, "Latitude": 39.05, "Longitude": -121.48, "Population": 151.0}, {"index": 20621, "quantile": 0.0, "value": 41800.0, "Latitude": 39.01, "Longitude": -121.47, "Population": 484.0}, {"index": 20621, "quantile": 0.25, "value": 70825.0, "Latitude": 39.01, "Longitude": -121.47, "Population": 484.0}, {"index": 20621, "quantile": 0.5, "value": 98650.0, "Latitude": 39.01, "Longitude": -121.47, "Population": 484.0}, {"index": 20621, "quantile": 0.75, "value": 112500.0, "Latitude": 39.01, "Longitude": -121.47, "Population": 484.0}, {"index": 20621, "quantile": 1.0, "value": 220800.00000000003, "Latitude": 39.01, "Longitude": -121.47, "Population": 484.0}, {"index": 20622, "quantile": 0.0, "value": 57499.99999999999, "Latitude": 39.0, "Longitude": -121.44, "Population": 457.0}, {"index": 20622, "quantile": 0.25, "value": 67000.0, "Latitude": 39.0, "Longitude": -121.44, "Population": 457.0}, {"index": 20622, "quantile": 0.5, "value": 67000.0, "Latitude": 39.0, "Longitude": -121.44, "Population": 457.0}, {"index": 20622, "quantile": 0.75, "value": 74325.0, "Latitude": 39.0, "Longitude": -121.44, "Population": 457.0}, {"index": 20622, "quantile": 1.0, "value": 268800.0, "Latitude": 39.0, "Longitude": -121.44, "Population": 457.0}, {"index": 20623, "quantile": 0.0, "value": 68500.0, "Latitude": 39.03, "Longitude": -121.37, "Population": 598.0}, {"index": 20623, "quantile": 0.25, "value": 92325.0, "Latitude": 39.03, "Longitude": -121.37, "Population": 598.0}, {"index": 20623, "quantile": 0.5, "value": 97500.0, "Latitude": 39.03, "Longitude": -121.37, "Population": 598.0}, {"index": 20623, "quantile": 0.75, "value": 115449.99999999999, "Latitude": 39.03, "Longitude": -121.37, "Population": 598.0}, {"index": 20623, "quantile": 1.0, "value": 187500.0, "Latitude": 39.03, "Longitude": -121.37, "Population": 598.0}, {"index": 20624, "quantile": 0.0, "value": 71700.0, "Latitude": 39.04, "Longitude": -121.41, "Population": 731.0}, {"index": 20624, "quantile": 0.25, "value": 87200.0, "Latitude": 39.04, "Longitude": -121.41, "Population": 731.0}, {"index": 20624, "quantile": 0.5, "value": 87200.0, "Latitude": 39.04, "Longitude": -121.41, "Population": 731.0}, {"index": 20624, "quantile": 0.75, "value": 90500.0, "Latitude": 39.04, "Longitude": -121.41, "Population": 731.0}, {"index": 20624, "quantile": 1.0, "value": 220100.0, "Latitude": 39.04, "Longitude": -121.41, "Population": 731.0}, {"index": 20625, "quantile": 0.0, "value": 81300.0, "Latitude": 39.12, "Longitude": -121.52, "Population": 29.0}, {"index": 20625, "quantile": 0.25, "value": 103600.0, "Latitude": 39.12, "Longitude": -121.52, "Population": 29.0}, {"index": 20625, "quantile": 0.5, "value": 142550.0, "Latitude": 39.12, "Longitude": -121.52, "Population": 29.0}, {"index": 20625, "quantile": 0.75, "value": 179800.0, "Latitude": 39.12, "Longitude": -121.52, "Population": 29.0}, {"index": 20625, "quantile": 1.0, "value": 500000.0, "Latitude": 39.12, "Longitude": -121.52, "Population": 29.0}, {"index": 20626, "quantile": 0.0, "value": 41800.0, "Latitude": 39.18, "Longitude": -121.43, "Population": 504.0}, {"index": 20626, "quantile": 0.25, "value": 59175.0, "Latitude": 39.18, "Longitude": -121.43, "Population": 504.0}, {"index": 20626, "quantile": 0.5, "value": 69600.0, "Latitude": 39.18, "Longitude": -121.43, "Population": 504.0}, {"index": 20626, "quantile": 0.75, "value": 100250.0, "Latitude": 39.18, "Longitude": -121.43, "Population": 504.0}, {"index": 20626, "quantile": 1.0, "value": 195800.0, "Latitude": 39.18, "Longitude": -121.43, "Population": 504.0}, {"index": 20627, "quantile": 0.0, "value": 71700.0, "Latitude": 39.13, "Longitude": -121.32, "Population": 169.0}, {"index": 20627, "quantile": 0.25, "value": 154500.0, "Latitude": 39.13, "Longitude": -121.32, "Population": 169.0}, {"index": 20627, "quantile": 0.5, "value": 162500.0, "Latitude": 39.13, "Longitude": -121.32, "Population": 169.0}, {"index": 20627, "quantile": 0.75, "value": 162500.0, "Latitude": 39.13, "Longitude": -121.32, "Population": 169.0}, {"index": 20627, "quantile": 1.0, "value": 207900.00000000003, "Latitude": 39.13, "Longitude": -121.32, "Population": 169.0}, {"index": 20628, "quantile": 0.0, "value": 71200.0, "Latitude": 39.1, "Longitude": -121.48, "Population": 1018.0}, {"index": 20628, "quantile": 0.25, "value": 92400.0, "Latitude": 39.1, "Longitude": -121.48, "Population": 1018.0}, {"index": 20628, "quantile": 0.5, "value": 92400.0, "Latitude": 39.1, "Longitude": -121.48, "Population": 1018.0}, {"index": 20628, "quantile": 0.75, "value": 92700.0, "Latitude": 39.1, "Longitude": -121.48, "Population": 1018.0}, {"index": 20628, "quantile": 1.0, "value": 144400.0, "Latitude": 39.1, "Longitude": -121.48, "Population": 1018.0}, {"index": 20629, "quantile": 0.0, "value": 41800.0, "Latitude": 39.12, "Longitude": -121.39, "Population": 6912.0}, {"index": 20629, "quantile": 0.25, "value": 63125.0, "Latitude": 39.12, "Longitude": -121.39, "Population": 6912.0}, {"index": 20629, "quantile": 0.5, "value": 82400.0, "Latitude": 39.12, "Longitude": -121.39, "Population": 6912.0}, {"index": 20629, "quantile": 0.75, "value": 110349.99999999999, "Latitude": 39.12, "Longitude": -121.39, "Population": 6912.0}, {"index": 20629, "quantile": 1.0, "value": 193800.0, "Latitude": 39.12, "Longitude": -121.39, "Population": 6912.0}, {"index": 20630, "quantile": 0.0, "value": 85900.0, "Latitude": 39.29, "Longitude": -121.32, "Population": 1257.0}, {"index": 20630, "quantile": 0.25, "value": 114450.00000000001, "Latitude": 39.29, "Longitude": -121.32, "Population": 1257.0}, {"index": 20630, "quantile": 0.5, "value": 126500.00000000001, "Latitude": 39.29, "Longitude": -121.32, "Population": 1257.0}, {"index": 20630, "quantile": 0.75, "value": 156125.0, "Latitude": 39.29, "Longitude": -121.32, "Population": 1257.0}, {"index": 20630, "quantile": 1.0, "value": 240800.0, "Latitude": 39.29, "Longitude": -121.32, "Population": 1257.0}, {"index": 20631, "quantile": 0.0, "value": 81300.0, "Latitude": 39.33, "Longitude": -121.4, "Population": 1200.0}, {"index": 20631, "quantile": 0.25, "value": 107200.0, "Latitude": 39.33, "Longitude": -121.4, "Population": 1200.0}, {"index": 20631, "quantile": 0.5, "value": 107200.0, "Latitude": 39.33, "Longitude": -121.4, "Population": 1200.0}, {"index": 20631, "quantile": 0.75, "value": 115599.99999999999, "Latitude": 39.33, "Longitude": -121.4, "Population": 1200.0}, {"index": 20631, "quantile": 1.0, "value": 182100.0, "Latitude": 39.33, "Longitude": -121.4, "Population": 1200.0}, {"index": 20632, "quantile": 0.0, "value": 68500.0, "Latitude": 39.26, "Longitude": -121.45, "Population": 1047.0}, {"index": 20632, "quantile": 0.25, "value": 115599.99999999999, "Latitude": 39.26, "Longitude": -121.45, "Population": 1047.0}, {"index": 20632, "quantile": 0.5, "value": 115599.99999999999, "Latitude": 39.26, "Longitude": -121.45, "Population": 1047.0}, {"index": 20632, "quantile": 0.75, "value": 115599.99999999999, "Latitude": 39.26, "Longitude": -121.45, "Population": 1047.0}, {"index": 20632, "quantile": 1.0, "value": 239200.0, "Latitude": 39.26, "Longitude": -121.45, "Population": 1047.0}, {"index": 20633, "quantile": 0.0, "value": 49800.0, "Latitude": 39.19, "Longitude": -121.53, "Population": 1082.0}, {"index": 20633, "quantile": 0.25, "value": 98275.0, "Latitude": 39.19, "Longitude": -121.53, "Population": 1082.0}, {"index": 20633, "quantile": 0.5, "value": 98300.0, "Latitude": 39.19, "Longitude": -121.53, "Population": 1082.0}, {"index": 20633, "quantile": 0.75, "value": 98300.0, "Latitude": 39.19, "Longitude": -121.53, "Population": 1082.0}, {"index": 20633, "quantile": 1.0, "value": 161100.0, "Latitude": 39.19, "Longitude": -121.53, "Population": 1082.0}, {"index": 20634, "quantile": 0.0, "value": 84700.0, "Latitude": 39.27, "Longitude": -121.56, "Population": 1041.0}, {"index": 20634, "quantile": 0.25, "value": 116799.99999999999, "Latitude": 39.27, "Longitude": -121.56, "Population": 1041.0}, {"index": 20634, "quantile": 0.5, "value": 116799.99999999999, "Latitude": 39.27, "Longitude": -121.56, "Population": 1041.0}, {"index": 20634, "quantile": 0.75, "value": 116799.99999999999, "Latitude": 39.27, "Longitude": -121.56, "Population": 1041.0}, {"index": 20634, "quantile": 1.0, "value": 191700.0, "Latitude": 39.27, "Longitude": -121.56, "Population": 1041.0}, {"index": 20635, "quantile": 0.0, "value": 32500.0, "Latitude": 39.48, "Longitude": -121.09, "Population": 845.0}, {"index": 20635, "quantile": 0.25, "value": 70125.0, "Latitude": 39.48, "Longitude": -121.09, "Population": 845.0}, {"index": 20635, "quantile": 0.5, "value": 78100.0, "Latitude": 39.48, "Longitude": -121.09, "Population": 845.0}, {"index": 20635, "quantile": 0.75, "value": 78100.0, "Latitude": 39.48, "Longitude": -121.09, "Population": 845.0}, {"index": 20635, "quantile": 1.0, "value": 118500.0, "Latitude": 39.48, "Longitude": -121.09, "Population": 845.0}, {"index": 20636, "quantile": 0.0, "value": 34600.0, "Latitude": 39.49, "Longitude": -121.21, "Population": 356.0}, {"index": 20636, "quantile": 0.25, "value": 77100.0, "Latitude": 39.49, "Longitude": -121.21, "Population": 356.0}, {"index": 20636, "quantile": 0.5, "value": 77100.0, "Latitude": 39.49, "Longitude": -121.21, "Population": 356.0}, {"index": 20636, "quantile": 0.75, "value": 77100.0, "Latitude": 39.49, "Longitude": -121.21, "Population": 356.0}, {"index": 20636, "quantile": 1.0, "value": 156800.0, "Latitude": 39.49, "Longitude": -121.21, "Population": 356.0}, {"index": 20637, "quantile": 0.0, "value": 49000.0, "Latitude": 39.43, "Longitude": -121.22, "Population": 1007.0}, {"index": 20637, "quantile": 0.25, "value": 83300.0, "Latitude": 39.43, "Longitude": -121.22, "Population": 1007.0}, {"index": 20637, "quantile": 0.5, "value": 92300.0, "Latitude": 39.43, "Longitude": -121.22, "Population": 1007.0}, {"index": 20637, "quantile": 0.75, "value": 92300.0, "Latitude": 39.43, "Longitude": -121.22, "Population": 1007.0}, {"index": 20637, "quantile": 1.0, "value": 100499.99999999999, "Latitude": 39.43, "Longitude": -121.22, "Population": 1007.0}, {"index": 20638, "quantile": 0.0, "value": 50300.0, "Latitude": 39.43, "Longitude": -121.32, "Population": 741.0}, {"index": 20638, "quantile": 0.25, "value": 84700.0, "Latitude": 39.43, "Longitude": -121.32, "Population": 741.0}, {"index": 20638, "quantile": 0.5, "value": 84700.0, "Latitude": 39.43, "Longitude": -121.32, "Population": 741.0}, {"index": 20638, "quantile": 0.75, "value": 84700.0, "Latitude": 39.43, "Longitude": -121.32, "Population": 741.0}, {"index": 20638, "quantile": 1.0, "value": 155400.0, "Latitude": 39.43, "Longitude": -121.32, "Population": 741.0}, {"index": 20639, "quantile": 0.0, "value": 56200.00000000001, "Latitude": 39.37, "Longitude": -121.24, "Population": 1387.0}, {"index": 20639, "quantile": 0.25, "value": 89400.0, "Latitude": 39.37, "Longitude": -121.24, "Population": 1387.0}, {"index": 20639, "quantile": 0.5, "value": 89400.0, "Latitude": 39.37, "Longitude": -121.24, "Population": 1387.0}, {"index": 20639, "quantile": 0.75, "value": 89400.0, "Latitude": 39.37, "Longitude": -121.24, "Population": 1387.0}, {"index": 20639, "quantile": 1.0, "value": 177000.0, "Latitude": 39.37, "Longitude": -121.24, "Population": 1387.0}]}}; + var spec = {"config": {"view": {"continuousWidth": 300, "continuousHeight": 300}}, "data": {"name": "data-8ea6c4275444a89cc10b1a90be22c28d"}, "mark": {"type": "geoshape", "stroke": "black", "strokeWidth": 0.5}, "encoding": {"color": {"field": "value", "scale": {"domain": [14999.000000000002, 500000.99999999994], "scheme": "lightgreyred"}, "title": "Prediction", "type": "quantitative"}, "tooltip": [{"field": "county_fips", "title": "County FIPS", "type": "nominal"}, {"field": "Population", "format": ",.0f", "title": "Population", "type": "nominal"}, {"field": "value", "format": "$,.0f", "title": "Predicted Value", "type": "quantitative"}]}, "height": 650, "params": [{"name": "quantile", "bind": {"input": "range", "max": 1, "min": 0, "name": "Predicted Quantile: ", "step": 0.05}, "value": 0.5}], "projection": {"type": "mercator"}, "title": "Quantile Predictions on the California Housing Dataset by County", "transform": [{"calculate": "'q_' + quantile", "as": "quantile_col"}, {"calculate": "datum[datum.quantile_col]", "as": "value"}], "width": 650, "$schema": "https://vega.github.io/schema/vega-lite/v5.20.1.json", "datasets": {"data-8ea6c4275444a89cc10b1a90be22c28d": [{"county_fips": 6093, "Latitude": 41.78, "Longitude": -121.62, "Population": 43531.0, "q_0": 45127.089499437185, "q_0.05": 56336.46362362454, "q_0.1": 59262.64531023868, "q_0.15": 61282.51115297145, "q_0.2": 63499.0907629046, "q_0.25": 65517.381865796786, "q_0.3": 67321.19845627254, "q_0.35": 68816.80538007397, "q_0.4": 71250.25705818842, "q_0.45": 73119.41340653787, "q_0.5": 74893.27605614389, "q_0.55": 76964.0943235855, "q_0.6": 79984.07755392708, "q_0.65": 82684.21125175164, "q_0.7": 85861.81778502677, "q_0.75": 90480.48459718362, "q_0.8": 94490.35216282649, "q_0.85": 99179.01977900806, "q_0.9": 105059.48151891757, "q_0.95": 115701.39980703407, "q_1": 160458.31476419105, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-122.2893322740011, 42.00798725405221], [-121.44584816215905, 41.99670703014216], [-121.44584816215905, 41.183456601579636], [-122.50110062548484, 41.18291944806011], [-122.48315415502012, 41.320430749058794], [-122.57647580143669, 41.368237412296615], [-122.80260132929222, 41.20279412828258], [-122.88515509342994, 41.20494274236068], [-122.97488744575357, 41.11201518348267], [-122.9138694461735, 40.99706433030408], [-123.03949473942657, 41.004584479577446], [-123.11128062128547, 41.07548874415489], [-123.24049520863149, 41.07548874415489], [-123.40919203099989, 41.179696526942955], [-123.47738861876584, 41.36770025877709], [-123.66044261750604, 41.3822034038043], [-123.6101925002048, 41.461702124694156], [-123.69274626434253, 41.55194391597455], [-123.66044261750604, 41.725981656301], [-123.70351414662137, 41.81890921517902], [-123.56353167699652, 41.90324231774461], [-123.52046014788118, 42.001004258298366], [-123.22972732635264, 42.003152872376475], [-122.2893322740011, 42.00798725405221]]]}}, {"county_fips": 6015, "Latitude": 41.8, "Longitude": -124.17, "Population": 16045.0, "q_0": 47007.971330632594, "q_0.05": 59491.99906512933, "q_0.1": 63990.96727952633, "q_0.15": 69162.13337488314, "q_0.2": 71412.74041757557, "q_0.25": 72958.50420691805, "q_0.3": 75546.41757556872, "q_0.35": 78500.4705515737, "q_0.4": 80813.51822997819, "q_0.45": 83359.26706138984, "q_0.5": 85001.40230601434, "q_0.55": 88358.54845746339, "q_0.6": 90569.67404175756, "q_0.65": 93659.78217513244, "q_0.7": 99351.5761919601, "q_0.75": 103385.47210969147, "q_0.8": 108575.58491741975, "q_0.85": 116372.00623247118, "q_0.9": 125259.23215955126, "q_0.95": 145162.477407292, "q_1": 171946.4319102524, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-123.52046014788118, 42.001004258298366], [-123.56353167699652, 41.90324231774461], [-123.70351414662137, 41.81890921517902], [-123.66044261750604, 41.725981656301], [-123.69274626434253, 41.55194391597455], [-123.6101925002048, 41.461702124694156], [-123.66044261750604, 41.3822034038043], [-123.77171073438733, 41.38112909676524], [-123.77171073438733, 41.465462199330844], [-124.06962214410174, 41.46492504581131], [-124.15576520233242, 41.73135319149626], [-124.25626543693488, 41.78077131529267], [-124.21319390781954, 41.99831849070074], [-123.82196085168854, 41.99509556958358], [-123.52046014788118, 42.001004258298366]]]}}, {"county_fips": 6049, "Latitude": 41.78, "Longitude": -121.16, "Population": 9678.0, "q_0": 36910.208720810086, "q_0.05": 39582.79499896673, "q_0.1": 43740.183922298, "q_0.15": 48320.25315147758, "q_0.2": 51178.41082868361, "q_0.25": 56327.41268857202, "q_0.3": 58395.58896466212, "q_0.35": 60675.40452572846, "q_0.4": 62831.944616656336, "q_0.45": 64587.30316181029, "q_0.5": 67430.38334366605, "q_0.55": 69451.03688778673, "q_0.6": 72964.84190948542, "q_0.65": 76028.95639594957, "q_0.7": 77721.82889026658, "q_0.75": 81408.888716677, "q_0.8": 85597.62554246745, "q_0.85": 92270.36009506094, "q_0.9": 101579.40173589585, "q_0.95": 114035.53368464559, "q_1": 173583.6949783013, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-120.87873969547377, 41.993484109025005], [-119.99936264270228, 41.99509556958358], [-119.99936264270228, 41.183993755099166], [-121.33458004527776, 41.183993755099166], [-121.44584816215905, 41.183456601579636], [-121.44584816215905, 41.99670703014216], [-120.87873969547377, 41.993484109025005]]]}}, {"county_fips": 6023, "Latitude": 40.8, "Longitude": -124.17, "Population": 114223.0, "q_0": 54266.70566348283, "q_0.05": 66011.55939696908, "q_0.1": 70823.74679355296, "q_0.15": 74667.3135883316, "q_0.2": 77056.69471122278, "q_0.25": 79100.90065048196, "q_0.3": 80996.34014165273, "q_0.35": 83298.8381937088, "q_0.4": 85313.65434282062, "q_0.45": 87459.11038057134, "q_0.5": 89610.43222468329, "q_0.55": 91891.76601910299, "q_0.6": 94970.96048956865, "q_0.65": 97876.85251656847, "q_0.7": 100984.16352223282, "q_0.75": 104891.49733416212, "q_0.8": 109180.09210054018, "q_0.85": 116542.93303450267, "q_0.9": 127176.58597655465, "q_0.95": 139953.6069793299, "q_1": 192607.4146800557, "type": "Feature", "geometry": {"type": "MultiPolygon", "coordinates": [[[[-123.66044261750604, 41.3822034038043], [-123.47738861876584, 41.36770025877709], [-123.40919203099989, 41.179696526942955], [-123.46303144239407, 41.074951590635365], [-123.41995991327873, 41.00941886125318], [-123.48097791285879, 40.914879841816585], [-123.62454967657658, 40.93153160092189], [-123.5455852065318, 40.73224764517771], [-123.5455852065318, 40.00171885862221], [-124.0265506149864, 40.00118170510268], [-124.11269367321708, 40.102703720293114], [-124.36394425972323, 40.25955254799474], [-124.41060508293151, 40.43896182351646], [-124.2742119073996, 40.699481280486616], [-124.15576520233242, 40.80852344495042], [-124.22396179009837, 40.75856816763449], [-124.12705084958887, 40.94979482058578], [-124.16294379051831, 41.07011720895963], [-124.1055150850312, 41.22857749721983], [-124.06962214410174, 41.46492504581131], [-123.77171073438733, 41.465462199330844], [-123.77171073438733, 41.38112909676524], [-123.66044261750604, 41.3822034038043]]]]}}, {"county_fips": 6105, "Latitude": 41.15, "Longitude": -122.68, "Population": 13063.0, "q_0": 47064.6099670826, "q_0.05": 55405.350838245424, "q_0.1": 59629.749751205694, "q_0.15": 63395.91571614484, "q_0.2": 65906.23674500498, "q_0.25": 68710.64456862895, "q_0.3": 71005.45969532267, "q_0.35": 73921.34004440022, "q_0.4": 76662.86457934625, "q_0.45": 79298.15011865574, "q_0.5": 81223.3790094159, "q_0.55": 83948.27260200566, "q_0.6": 86216.9792543826, "q_0.65": 89598.58837939218, "q_0.7": 93964.26701370282, "q_0.75": 98234.41973512976, "q_0.8": 101419.22988593738, "q_0.85": 109199.14988899944, "q_0.9": 119335.61662711477, "q_0.95": 125077.07571002065, "q_1": 176956.11643573453, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-122.50110062548484, 41.18291944806011], [-122.4580290963695, 41.09912349901404], [-122.54417215460018, 41.07334013007679], [-122.60519015418025, 40.88963362639886], [-122.75235121199098, 40.68497813545942], [-122.6985118005968, 40.5694901287613], [-123.00001250440418, 40.41801283625494], [-123.06461979807719, 40.28694737749057], [-122.97847673984651, 40.24290078888943], [-122.98924462212534, 40.146750308894255], [-122.93540521073118, 39.97808410376306], [-123.5455852065318, 39.97647264320448], [-123.5455852065318, 40.00171885862221], [-123.5455852065318, 40.73224764517771], [-123.62454967657658, 40.93153160092189], [-123.48097791285879, 40.914879841816585], [-123.41995991327873, 41.00941886125318], [-123.46303144239407, 41.074951590635365], [-123.40919203099989, 41.179696526942955], [-123.24049520863149, 41.07548874415489], [-123.11128062128547, 41.07548874415489], [-123.03949473942657, 41.004584479577446], [-122.9138694461735, 40.99706433030408], [-122.97488744575357, 41.11201518348267], [-122.88515509342994, 41.20494274236068], [-122.80260132929222, 41.20279412828258], [-122.57647580143669, 41.368237412296615], [-122.48315415502012, 41.320430749058794], [-122.50110062548484, 41.18291944806011]]]}}, {"county_fips": 6035, "Latitude": 41.07, "Longitude": -121.11, "Population": 27214.0, "q_0": 52953.99794223561, "q_0.05": 70030.09884618211, "q_0.1": 75667.75556698757, "q_0.15": 80289.14198574264, "q_0.2": 83709.75233335783, "q_0.25": 87416.76710516647, "q_0.3": 89665.96531197178, "q_0.35": 92873.48570588668, "q_0.4": 96180.62541339017, "q_0.45": 99101.90912765489, "q_0.5": 102725.82126846476, "q_0.55": 106231.07187477034, "q_0.6": 110596.61056808995, "q_0.65": 115111.49720731979, "q_0.7": 119647.53288748438, "q_0.75": 126204.45267141912, "q_0.8": 132948.6595134857, "q_0.85": 137555.83302711838, "q_0.9": 149756.96406261486, "q_0.95": 166326.31623429118, "q_1": 234333.9126185052, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-119.99936264270228, 41.183993755099166], [-119.99936264270228, 39.72186187494911], [-120.15011299460596, 39.70789588344143], [-120.10704146549062, 39.939409050357185], [-120.21113099418602, 40.086051961187806], [-120.34034558153203, 40.11505825124222], [-120.58082828575934, 40.28533591693199], [-120.76747157859248, 40.31541651402546], [-120.928989812775, 40.19187120453445], [-121.06179369421396, 40.25632962687758], [-121.06179369421396, 40.446481972789826], [-121.32740145709187, 40.44540766575077], [-121.32022286890599, 40.905748231984646], [-121.33458004527776, 41.183993755099166], [-119.99936264270228, 41.183993755099166]]]}}, {"county_fips": 6089, "Latitude": 40.59, "Longitude": -122.39, "Population": 147036.0, "q_0": 56584.84386816834, "q_0.05": 68192.54587311951, "q_0.1": 73209.93491389864, "q_0.15": 76382.44127288555, "q_0.2": 79108.2887184091, "q_0.25": 81637.88834027041, "q_0.3": 84023.28586196578, "q_0.35": 86369.53586196578, "q_0.4": 88724.78481460322, "q_0.45": 90861.9998163715, "q_0.5": 92891.31505209609, "q_0.55": 95338.22006175359, "q_0.6": 98150.93011235344, "q_0.65": 100699.59645937051, "q_0.7": 103889.06539894991, "q_0.75": 107556.76177942817, "q_0.8": 112391.55200087054, "q_0.85": 118750.09324247121, "q_0.9": 127041.69897168042, "q_0.95": 139784.36971217932, "q_1": 189205.0509807122, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-121.44584816215905, 41.183456601579636], [-121.33458004527776, 41.183993755099166], [-121.32022286890599, 40.905748231984646], [-121.32740145709187, 40.44540766575077], [-121.49609827946028, 40.44540766575077], [-122.0093673347514, 40.426607292567354], [-122.31086803855877, 40.37128048005617], [-122.52622568413545, 40.386857932122425], [-122.65544027148147, 40.32830819849408], [-122.74158332971214, 40.36537179134138], [-123.06461979807719, 40.28694737749057], [-123.00001250440418, 40.41801283625494], [-122.6985118005968, 40.5694901287613], [-122.75235121199098, 40.68497813545942], [-122.60519015418025, 40.88963362639886], [-122.54417215460018, 41.07334013007679], [-122.4580290963695, 41.09912349901404], [-122.50110062548484, 41.18291944806011], [-121.44584816215905, 41.183456601579636]]]}}, {"county_fips": 6103, "Latitude": 40.05, "Longitude": -122.1, "Population": 49625.0, "q_0": 51586.97430730479, "q_0.05": 58945.82901763224, "q_0.1": 63054.51385390428, "q_0.15": 66110.07073047859, "q_0.2": 68001.44241813602, "q_0.25": 69764.10025188916, "q_0.3": 71471.26609571789, "q_0.35": 73607.36191435768, "q_0.4": 75207.74891687658, "q_0.45": 77439.42750629723, "q_0.5": 80206.21460957179, "q_0.55": 82839.53360201512, "q_0.6": 84970.74458438288, "q_0.65": 87212.90267002519, "q_0.7": 90110.5041813602, "q_0.75": 94520.74206549118, "q_0.8": 99356.22246851385, "q_0.85": 105428.94508816118, "q_0.9": 110699.00755667506, "q_0.95": 120767.53602015112, "q_1": 165925.7457934509, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-121.49609827946028, 40.44540766575077], [-121.47097322080967, 40.3492571857556], [-121.384830162579, 40.34066272944318], [-121.36688369211427, 40.21282019179597], [-121.44584816215905, 40.15051038353094], [-121.5858306317839, 40.09948079917596], [-121.65043792545691, 39.982918485438795], [-121.80477757145354, 39.88515654488504], [-122.04526027568085, 39.88461939136552], [-122.04526027568085, 39.79706336768277], [-122.93899450482411, 39.798137674721815], [-122.93540521073118, 39.97808410376306], [-122.98924462212534, 40.146750308894255], [-122.97847673984651, 40.24290078888943], [-123.06461979807719, 40.28694737749057], [-122.74158332971214, 40.36537179134138], [-122.65544027148147, 40.32830819849408], [-122.52622568413545, 40.386857932122425], [-122.31086803855877, 40.37128048005617], [-122.0093673347514, 40.426607292567354], [-121.49609827946028, 40.44540766575077]]]}}, {"county_fips": 6063, "Latitude": 39.93, "Longitude": -120.98, "Population": 19739.0, "q_0": 46847.06479558235, "q_0.05": 58302.50164648665, "q_0.1": 64388.34794062516, "q_0.15": 69818.5432392725, "q_0.2": 73722.84918182279, "q_0.25": 76205.9906783525, "q_0.3": 80291.58012057349, "q_0.35": 83462.84056943108, "q_0.4": 86351.15558032322, "q_0.45": 88897.29545569685, "q_0.5": 91306.46942600943, "q_0.55": 94349.20487360048, "q_0.6": 98396.32605501798, "q_0.65": 101767.86640660622, "q_0.7": 106701.65712548762, "q_0.75": 110186.2138406201, "q_0.8": 116384.92324839151, "q_0.85": 123483.19975682657, "q_0.9": 132062.08708647854, "q_0.95": 149978.98054612693, "q_1": 195843.29879933127, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-121.32740145709187, 40.44540766575077], [-121.06179369421396, 40.446481972789826], [-121.06179369421396, 40.25632962687758], [-120.928989812775, 40.19187120453445], [-120.76747157859248, 40.31541651402546], [-120.58082828575934, 40.28533591693199], [-120.34034558153203, 40.11505825124222], [-120.21113099418602, 40.086051961187806], [-120.10704146549062, 39.939409050357185], [-120.15011299460596, 39.70789588344143], [-120.65620346171119, 39.7052101158438], [-120.6813285203618, 39.67674097930892], [-120.87156110728787, 39.77665153394077], [-121.00795428281978, 39.63699161886399], [-121.07615087058574, 39.59724225841905], [-121.42790169169433, 39.9007339969513], [-121.3776515743931, 40.051674135938136], [-121.44584816215905, 40.15051038353094], [-121.36688369211427, 40.21282019179597], [-121.384830162579, 40.34066272944318], [-121.47097322080967, 40.3492571857556], [-121.49609827946028, 40.44540766575077], [-121.32740145709187, 40.44540766575077]]]}}, {"county_fips": 6007, "Latitude": 39.76, "Longitude": -121.83, "Population": 182120.0, "q_0": 51439.82929387217, "q_0.05": 63169.83433999561, "q_0.1": 68196.17043707446, "q_0.15": 71861.77577970568, "q_0.2": 74337.95288820557, "q_0.25": 76653.94410278936, "q_0.3": 79615.68581155282, "q_0.35": 82021.18026575884, "q_0.4": 84503.7519218098, "q_0.45": 87252.93979244454, "q_0.5": 90055.90077970568, "q_0.55": 92219.06234900065, "q_0.6": 94522.01175049417, "q_0.65": 97156.5115583132, "q_0.7": 100625.20321765868, "q_0.75": 104788.65583132001, "q_0.8": 109851.77531298045, "q_0.85": 114961.38082033824, "q_0.9": 126430.82308368111, "q_0.95": 140294.9911322205, "q_1": 197213.21047111796, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-121.07615087058574, 39.59724225841905], [-121.16229392881641, 39.519892151607294], [-121.30227639844126, 39.519892151607294], [-121.37047298620722, 39.36841485910093], [-121.6253128668063, 39.29589913396491], [-121.90886710014894, 39.304493590277325], [-121.89092062968422, 39.38399231116719], [-121.85143839466183, 39.53761821775166], [-121.99501015837961, 39.533320989595445], [-121.99501015837961, 39.67083229059413], [-121.94117074698545, 39.70037573416806], [-122.04526027568085, 39.79706336768277], [-122.04526027568085, 39.88461939136552], [-121.80477757145354, 39.88515654488504], [-121.65043792545691, 39.982918485438795], [-121.5858306317839, 40.09948079917596], [-121.44584816215905, 40.15051038353094], [-121.3776515743931, 40.051674135938136], [-121.42790169169433, 39.9007339969513], [-121.07615087058574, 39.59724225841905]]]}}, {"county_fips": 6045, "Latitude": 39.74, "Longitude": -123.15, "Population": 71433.0, "q_0": 58735.75129141993, "q_0.05": 71989.14171321379, "q_0.1": 78596.93880979379, "q_0.15": 83763.12404630912, "q_0.2": 87252.84196379824, "q_0.25": 91011.87091400333, "q_0.3": 95134.96591211345, "q_0.35": 98071.72959276524, "q_0.4": 101414.99727016925, "q_0.45": 105472.6713143785, "q_0.5": 109086.6280290622, "q_0.55": 112762.88039141573, "q_0.6": 116570.24512480226, "q_0.65": 121285.56696484819, "q_0.7": 126751.20350538267, "q_0.75": 130631.84277574791, "q_0.8": 137102.1082692873, "q_0.85": 144178.4700348578, "q_0.9": 155198.61786569233, "q_0.95": 169313.92598658882, "q_1": 246348.00670558427, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-123.5455852065318, 40.00171885862221], [-123.5455852065318, 39.97647264320448], [-122.93540521073118, 39.97808410376306], [-122.93899450482411, 39.798137674721815], [-122.88874438752289, 39.582739113391845], [-122.88874438752289, 39.53117237551734], [-123.06103050398424, 39.50270323898246], [-123.07538768035602, 39.40816421954587], [-123.01436968077596, 39.235737939777984], [-123.09333415082074, 39.07244326984205], [-122.98924462212534, 38.99724177710839], [-122.94617309301, 38.900554143593695], [-122.81695850566399, 38.85006171275824], [-123.08256626854191, 38.85274748035587], [-123.14358426812197, 38.809238045274256], [-123.3697097959775, 38.805477970637575], [-123.5384066183459, 38.76841437779028], [-123.74299638164376, 38.950509420909626], [-123.69274626434253, 39.02248799252612], [-123.82913943987444, 39.34692871831989], [-123.77171073438733, 39.533320989595445], [-123.85426449852505, 39.83090403941291], [-124.0265506149864, 40.00118170510268], [-123.5455852065318, 40.00171885862221]]]}}, {"county_fips": 6021, "Latitude": 39.75, "Longitude": -122.2, "Population": 24798.0, "q_0": 49521.86466650536, "q_0.05": 57991.005524639084, "q_0.1": 61174.5685135898, "q_0.15": 63076.82434067263, "q_0.2": 65152.13404306799, "q_0.25": 66864.20175014115, "q_0.3": 68925.53633357529, "q_0.35": 70404.14085813372, "q_0.4": 71564.54552786515, "q_0.45": 73284.22009839503, "q_0.5": 75560.19840309702, "q_0.55": 78063.4466489233, "q_0.6": 79988.63376078715, "q_0.65": 82779.27494152755, "q_0.7": 87144.82216307767, "q_0.75": 92076.31361400113, "q_0.8": 97281.97838535366, "q_0.85": 101715.7030808936, "q_0.9": 108828.93660779097, "q_0.95": 125333.18231308977, "q_1": 175411.7630454069, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-122.04526027568085, 39.79706336768277], [-121.94117074698545, 39.70037573416806], [-121.99501015837961, 39.67083229059413], [-121.99501015837961, 39.533320989595445], [-121.85143839466183, 39.53761821775166], [-121.89092062968422, 39.38399231116719], [-122.13858192209742, 39.41461006178018], [-122.13858192209742, 39.38614092524529], [-122.73799403561921, 39.382918004128136], [-122.73440474152626, 39.58112765283327], [-122.88874438752289, 39.582739113391845], [-122.93899450482411, 39.798137674721815], [-122.04526027568085, 39.79706336768277]]]}}, {"county_fips": 6091, "Latitude": 39.61, "Longitude": -120.08, "Population": 3318.0, "q_0": 36538.847498493065, "q_0.05": 58551.55063291139, "q_0.1": 65338.8908981314, "q_0.15": 68420.36769138034, "q_0.2": 72311.91078963231, "q_0.25": 75822.09915611814, "q_0.3": 80256.33212778783, "q_0.35": 85555.76552139844, "q_0.4": 87232.35684147077, "q_0.45": 90023.73417721518, "q_0.5": 93499.11091018686, "q_0.55": 97248.83815551538, "q_0.6": 101314.13502109704, "q_0.65": 105032.50602772755, "q_0.7": 109378.37854128993, "q_0.75": 112833.9135021097, "q_0.8": 118707.73960216998, "q_0.85": 125572.5768535262, "q_0.9": 135632.01326100063, "q_0.95": 164591.68173598553, "q_1": 225039.933694997, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-120.15011299460596, 39.70789588344143], [-119.99936264270228, 39.72186187494911], [-120.00295193679523, 39.4479135799908], [-120.5054531098075, 39.44683927295174], [-120.56288181529462, 39.51559492345108], [-120.65979275580413, 39.52526368680255], [-120.76029299040658, 39.45167365462748], [-121.01872216509861, 39.39473538155771], [-121.00795428281978, 39.63699161886399], [-120.87156110728787, 39.77665153394077], [-120.6813285203618, 39.67674097930892], [-120.65620346171119, 39.7052101158438], [-120.15011299460596, 39.70789588344143]]]}}, {"county_fips": 6115, "Latitude": 39.12, "Longitude": -121.6, "Population": 59722.0, "q_0": 49181.43062857908, "q_0.05": 59098.70926961589, "q_0.1": 62319.21369009745, "q_0.15": 64481.681122534406, "q_0.2": 67039.85733900405, "q_0.25": 69449.97906968957, "q_0.3": 71261.9563979773, "q_0.35": 73606.65692709554, "q_0.4": 75926.59154080573, "q_0.45": 78222.79469877097, "q_0.5": 81103.51545494123, "q_0.55": 83526.98503064197, "q_0.6": 86778.59046917384, "q_0.65": 90416.51535447573, "q_0.7": 94261.77438799772, "q_0.75": 98553.43926861123, "q_0.8": 104075.15220521751, "q_0.85": 113562.72713572886, "q_0.9": 123412.98834600319, "q_0.95": 149710.61325809584, "q_1": 202761.48487994375, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-121.00795428281978, 39.63699161886399], [-121.01872216509861, 39.39473538155771], [-121.12640098788697, 39.37969508301098], [-121.2807406338836, 39.230366404582725], [-121.2807406338836, 39.03484252347522], [-121.41354451532256, 38.99670462358887], [-121.58224133769096, 38.93170904772621], [-121.6253128668063, 39.29589913396491], [-121.37047298620722, 39.36841485910093], [-121.30227639844126, 39.519892151607294], [-121.16229392881641, 39.519892151607294], [-121.07615087058574, 39.59724225841905], [-121.00795428281978, 39.63699161886399]]]}}, {"county_fips": 6033, "Latitude": 39.42, "Longitude": -122.89, "Population": 50631.0, "q_0": 53922.65821334755, "q_0.05": 66699.21049752127, "q_0.1": 71503.83198040727, "q_0.15": 74996.74020955541, "q_0.2": 77742.58853271711, "q_0.25": 80686.94031324683, "q_0.3": 84418.46872469435, "q_0.35": 87993.86443088227, "q_0.4": 91053.2085086212, "q_0.45": 94623.6324583753, "q_0.5": 97622.38845766427, "q_0.55": 101582.10829333807, "q_0.6": 105560.05372202801, "q_0.65": 109996.03503782267, "q_0.7": 114831.23501412179, "q_0.75": 119993.34498627324, "q_0.8": 125928.28899290948, "q_0.85": 134899.19679642905, "q_0.9": 145629.89295095892, "q_0.95": 164111.77275384645, "q_1": 236112.78400584622, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-122.73799403561921, 39.382918004128136], [-122.77388697654865, 39.32168250290216], [-122.66261885966736, 39.21640041307504], [-122.47597556683422, 39.17396528503248], [-122.49392203729896, 39.05955158537343], [-122.33958239130233, 38.923651744933316], [-122.39701109678944, 38.86402770426592], [-122.4652076845554, 38.704493108966666], [-122.62672591873792, 38.66742951611937], [-122.81695850566399, 38.85006171275824], [-122.94617309301, 38.900554143593695], [-122.98924462212534, 38.99724177710839], [-123.09333415082074, 39.07244326984205], [-123.01436968077596, 39.235737939777984], [-123.07538768035602, 39.40816421954587], [-123.06103050398424, 39.50270323898246], [-122.88874438752289, 39.53117237551734], [-122.88874438752289, 39.582739113391845], [-122.73440474152626, 39.58112765283327], [-122.73799403561921, 39.382918004128136]]]}}, {"county_fips": 6057, "Latitude": 39.15, "Longitude": -121.07, "Population": 78510.0, "q_0": 74498.59951598523, "q_0.05": 95977.88071583238, "q_0.1": 105692.74805757229, "q_0.15": 113039.68831995924, "q_0.2": 119023.74576487072, "q_0.25": 124596.07661444401, "q_0.3": 129379.87606674309, "q_0.35": 133718.37982422623, "q_0.4": 137886.23589351674, "q_0.45": 141313.1725257929, "q_0.5": 144635.40950197427, "q_0.55": 148083.75041396, "q_0.6": 151543.29410266207, "q_0.65": 156451.16246338046, "q_0.7": 161099.8240988409, "q_0.75": 166323.90714558656, "q_0.8": 171131.78754298817, "q_0.85": 178641.91930964205, "q_0.9": 190414.268118711, "q_0.95": 214426.03719271428, "q_1": 280867.97374856705, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-120.00295193679523, 39.4479135799908], [-120.00654123088816, 39.315773814187374], [-120.64902487352529, 39.31523666066785], [-120.94693628323972, 39.144421841458545], [-121.04384722374922, 39.01335638269418], [-121.2807406338836, 39.03484252347522], [-121.2807406338836, 39.230366404582725], [-121.12640098788697, 39.37969508301098], [-121.01872216509861, 39.39473538155771], [-120.76029299040658, 39.45167365462748], [-120.65979275580413, 39.52526368680255], [-120.56288181529462, 39.51559492345108], [-120.5054531098075, 39.44683927295174], [-120.00295193679523, 39.4479135799908]]]}}, {"county_fips": 6011, "Latitude": 39.03, "Longitude": -121.91, "Population": 16275.0, "q_0": 51573.385499231954, "q_0.05": 61449.179723502304, "q_0.1": 64285.98341013825, "q_0.15": 65409.04915514593, "q_0.2": 67260.93026113672, "q_0.25": 68881.51920122888, "q_0.3": 71692.0737327189, "q_0.35": 73974.8866359447, "q_0.4": 76645.05683563749, "q_0.45": 78796.83440860215, "q_0.5": 80968.60829493088, "q_0.55": 83186.39907834101, "q_0.6": 86533.19324116744, "q_0.65": 89945.70414746544, "q_0.7": 94298.33425499233, "q_0.75": 101060.75576036866, "q_0.8": 109017.46728110599, "q_0.85": 117164.03317972347, "q_0.9": 126235.87834101387, "q_0.95": 150586.22396313364, "q_1": 204488.75084485408, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-121.89092062968422, 39.38399231116719], [-121.90886710014894, 39.304493590277325], [-121.95193862926428, 39.249166777766135], [-121.89092062968422, 39.074054730400626], [-121.84067051238299, 39.062774506490584], [-121.8334919241971, 38.92472605197237], [-122.33958239130233, 38.923651744933316], [-122.49392203729896, 39.05955158537343], [-122.47597556683422, 39.17396528503248], [-122.66261885966736, 39.21640041307504], [-122.77388697654865, 39.32168250290216], [-122.73799403561921, 39.382918004128136], [-122.13858192209742, 39.38614092524529], [-122.13858192209742, 39.41461006178018], [-121.89092062968422, 39.38399231116719]]]}}, {"county_fips": 6061, "Latitude": 39.17, "Longitude": -120.1, "Population": 173857.0, "q_0": 91055.64390274766, "q_0.05": 110974.78030795424, "q_0.1": 120842.18800508464, "q_0.15": 126998.60557814756, "q_0.2": 131484.35967490525, "q_0.25": 135539.56455592814, "q_0.3": 139830.84143865362, "q_0.35": 143411.4682181333, "q_0.4": 147274.74959305636, "q_0.45": 152822.3426724262, "q_0.5": 157377.0394634671, "q_0.55": 161317.53927078002, "q_0.6": 165396.73283215516, "q_0.65": 171003.7060630288, "q_0.7": 175841.74183380595, "q_0.75": 182760.13059583452, "q_0.8": 189275.93907636736, "q_0.85": 198369.99647986563, "q_0.9": 209500.96996957273, "q_0.95": 229117.2395186849, "q_1": 301540.37875380344, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-120.00654123088816, 39.315773814187374], [-120.00295193679523, 39.165370828720064], [-120.00295193679523, 39.11272978380651], [-120.00295193679523, 39.06760888816631], [-120.14293440642007, 39.06760888816631], [-120.23984534692958, 39.02302514604565], [-120.4336672279486, 39.028396681240906], [-120.56288181529462, 38.91344582806232], [-120.76747157859248, 39.009596308057496], [-120.8572039309161, 38.952120881468204], [-121.03666863556334, 38.9150572886209], [-121.14434745835169, 38.712013258240034], [-121.48891969127439, 38.735110859579656], [-121.47097322080967, 38.925263205491895], [-121.41354451532256, 38.99670462358887], [-121.2807406338836, 39.03484252347522], [-121.04384722374922, 39.01335638269418], [-120.94693628323972, 39.144421841458545], [-120.64902487352529, 39.31523666066785], [-120.00654123088816, 39.315773814187374]]]}}, {"county_fips": 6101, "Latitude": 39.16, "Longitude": -121.62, "Population": 62921.0, "q_0": 63017.33443524419, "q_0.05": 72430.04473864051, "q_0.1": 76735.25929339966, "q_0.15": 80717.08070437533, "q_0.2": 83722.67478266398, "q_0.25": 86707.7362883616, "q_0.3": 89271.63061616948, "q_0.35": 92732.36622113443, "q_0.4": 95680.0384609272, "q_0.45": 98969.50708030706, "q_0.5": 101648.5108310421, "q_0.55": 104642.65968436611, "q_0.6": 107483.63058438359, "q_0.65": 110506.90151141908, "q_0.7": 116131.02843247882, "q_0.75": 121646.19006373071, "q_0.8": 128086.19793073855, "q_0.85": 136982.48406732248, "q_0.9": 149008.59808331085, "q_0.95": 169911.25935697142, "q_1": 241777.54159978384, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-121.6253128668063, 39.29589913396491], [-121.58224133769096, 38.93170904772621], [-121.41354451532256, 38.99670462358887], [-121.47097322080967, 38.925263205491895], [-121.48891969127439, 38.735110859579656], [-121.60377710224863, 38.73564801309918], [-121.69350945457225, 38.7668029172317], [-121.7294023955017, 38.85919332259019], [-121.8334919241971, 38.92472605197237], [-121.84067051238299, 39.062774506490584], [-121.89092062968422, 39.074054730400626], [-121.95193862926428, 39.249166777766135], [-121.90886710014894, 39.304493590277325], [-121.6253128668063, 39.29589913396491]]]}}, {"county_fips": 6017, "Latitude": 38.95, "Longitude": -119.95, "Population": 125528.0, "q_0": 83635.76497673825, "q_0.05": 105801.95928398446, "q_0.1": 113618.9881938691, "q_0.15": 119213.7608342362, "q_0.2": 124282.17194570135, "q_0.25": 128702.80017207317, "q_0.3": 132230.10149130074, "q_0.35": 135703.91358900006, "q_0.4": 138799.85979223758, "q_0.45": 141669.927785036, "q_0.5": 145288.749522019, "q_0.55": 149733.25246160218, "q_0.6": 153359.47517685298, "q_0.65": 157529.79932764004, "q_0.7": 161168.5870881397, "q_0.75": 165549.65007807023, "q_0.8": 171743.50790261934, "q_0.85": 178809.95849531575, "q_0.9": 192677.759782678, "q_0.95": 214182.64818964692, "q_1": 288455.94155088905, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-120.00295193679523, 39.06760888816631], [-119.99936264270228, 38.99885323766697], [-119.90604099628571, 38.93332050828479], [-119.87732664354215, 38.86725062538308], [-120.07114852456118, 38.70288164840809], [-120.07473781865411, 38.70127018784951], [-120.2649704055802, 38.56214742629225], [-120.63107840306057, 38.50306053914438], [-120.82848957817254, 38.55999881221415], [-121.0259007532845, 38.50843207433964], [-121.14434745835169, 38.712013258240034], [-121.03666863556334, 38.9150572886209], [-120.8572039309161, 38.952120881468204], [-120.76747157859248, 39.009596308057496], [-120.56288181529462, 38.91344582806232], [-120.4336672279486, 39.028396681240906], [-120.23984534692958, 39.02302514604565], [-120.14293440642007, 39.06760888816631], [-120.00295193679523, 39.06760888816631]]]}}, {"county_fips": 6003, "Latitude": 38.69, "Longitude": -119.78, "Population": 1113.0, "q_0": 52301.5274034142, "q_0.05": 79518.82749326146, "q_0.1": 88825.13926325247, "q_0.15": 91702.55615453729, "q_0.2": 96773.51302785265, "q_0.25": 100539.01617250676, "q_0.3": 108478.5265049416, "q_0.35": 113574.09703504042, "q_0.4": 118840.53908355795, "q_0.45": 126279.32614555256, "q_0.5": 132169.40700808624, "q_0.55": 132246.6307277628, "q_0.6": 139044.42048517521, "q_0.65": 144689.47888589397, "q_0.7": 152929.36208445643, "q_0.75": 156872.59658580413, "q_0.8": 161338.36477987422, "q_0.85": 175679.69002695417, "q_0.9": 194073.944294699, "q_0.95": 209439.73944294694, "q_1": 265723.36028751126, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-119.57941523382773, 38.7093274906424], [-119.61171888066423, 38.66313228796316], [-119.54352229289827, 38.477277170207124], [-119.64043323340779, 38.326874184739815], [-119.75170135028908, 38.416578822500675], [-119.88450523172804, 38.35910339591138], [-120.02089840725995, 38.437527809762194], [-120.07114852456118, 38.510043534898216], [-120.07473781865411, 38.70127018784951], [-120.07114852456118, 38.70288164840809], [-119.87732664354215, 38.86725062538308], [-119.90604099628571, 38.93332050828479], [-119.57941523382773, 38.7093274906424]]]}}, {"county_fips": 6113, "Latitude": 38.53, "Longitude": -121.52, "Population": 157454.0, "q_0": 77553.02564558538, "q_0.05": 97469.01999949191, "q_0.1": 105643.6119120505, "q_0.15": 111557.20108730168, "q_0.2": 116777.96270656827, "q_0.25": 121620.03791583574, "q_0.3": 126355.60741549914, "q_0.35": 130873.5027373074, "q_0.4": 133965.17065301613, "q_0.45": 137347.63816733778, "q_0.5": 141592.4400142264, "q_0.55": 146275.65924015903, "q_0.6": 150681.26576650958, "q_0.65": 156160.72776811008, "q_0.7": 164464.3887103535, "q_0.75": 172225.33279561016, "q_0.8": 183210.17986205494, "q_0.85": 196442.4081001435, "q_0.9": 209122.58100778642, "q_0.95": 231557.8103763639, "q_1": 326386.542920472, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-121.8334919241971, 38.92472605197237], [-121.7294023955017, 38.85919332259019], [-121.69350945457225, 38.7668029172317], [-121.60377710224863, 38.73564801309918], [-121.63608074908512, 38.691064270978515], [-121.514044749925, 38.54388420662836], [-121.5212233381109, 38.361789163509016], [-121.60018780815568, 38.313445346751664], [-121.69350945457225, 38.31559396082977], [-121.69350945457225, 38.525620986964476], [-121.9375814528925, 38.533141136237845], [-122.1062782752609, 38.513803609534904], [-122.1062782752609, 38.513803609534904], [-122.2893322740011, 38.839855795887246], [-122.39701109678944, 38.86402770426592], [-122.33958239130233, 38.923651744933316], [-121.8334919241971, 38.92472605197237]]]}}, {"county_fips": 6055, "Latitude": 38.3, "Longitude": -122.29, "Population": 108030.0, "q_0": 94277.77746922152, "q_0.05": 119961.59349254836, "q_0.1": 131138.5768767935, "q_0.15": 139148.40039803757, "q_0.2": 146004.23030639638, "q_0.25": 152189.25437378505, "q_0.3": 157576.74553364806, "q_0.35": 163307.8698509673, "q_0.4": 170253.31611589374, "q_0.45": 176461.65907618255, "q_0.5": 181702.42293807276, "q_0.55": 187232.07599740813, "q_0.6": 192647.3964639452, "q_0.65": 198908.99941821716, "q_0.7": 204718.04210867352, "q_0.75": 211092.0519670462, "q_0.8": 218662.85484587614, "q_0.85": 230208.97282236413, "q_0.9": 245543.47291493107, "q_0.95": 265315.63912940846, "q_1": 347933.95360547997, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-122.1062782752609, 38.513803609534904], [-122.1062782752609, 38.51326645601537], [-122.13140333391152, 38.427859046410724], [-122.06320674614557, 38.31559396082977], [-122.20677850986337, 38.31559396082977], [-122.19959992167747, 38.15605936553052], [-122.29292156809404, 38.15659651905004], [-122.30368945037287, 38.15659651905004], [-122.40418968497534, 38.15552221201099], [-122.41136827316123, 38.157670826089095], [-122.35752886176705, 38.22535216954938], [-122.39701109678944, 38.30538804395877], [-122.64467238920264, 38.603508247295764], [-122.62672591873792, 38.66742951611937], [-122.4652076845554, 38.704493108966666], [-122.39701109678944, 38.86402770426592], [-122.2893322740011, 38.839855795887246], [-122.1062782752609, 38.513803609534904]]]}}, {"county_fips": 6097, "Latitude": 38.27, "Longitude": -122.42, "Population": 385296.0, "q_0": 102126.96108965574, "q_0.05": 135901.0246148416, "q_0.1": 149287.6957975167, "q_0.15": 158509.16011326356, "q_0.2": 166210.1713487812, "q_0.25": 173812.40468367178, "q_0.3": 179717.9282940908, "q_0.35": 185451.13595780905, "q_0.4": 190810.36299364644, "q_0.45": 195927.7105653835, "q_0.5": 200686.35140255804, "q_0.55": 205907.1137385283, "q_0.6": 211200.59014368174, "q_0.65": 217026.94262333374, "q_0.7": 224143.38389186494, "q_0.75": 231498.69645675013, "q_0.8": 241314.4010319339, "q_0.85": 251959.76934616498, "q_0.9": 266825.9939153275, "q_0.95": 290327.8091783979, "q_1": 367904.8146853328, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-122.81695850566399, 38.85006171275824], [-122.62672591873792, 38.66742951611937], [-122.64467238920264, 38.603508247295764], [-122.39701109678944, 38.30538804395877], [-122.35752886176705, 38.22535216954938], [-122.41136827316123, 38.157670826089095], [-122.50110062548484, 38.1125499304489], [-122.55135074278607, 38.15820797960862], [-122.74158332971214, 38.207088949885495], [-122.89592297570877, 38.312371039712616], [-123.00719109259006, 38.29625643412683], [-123.1292270917502, 38.4498823407113], [-123.25485238500326, 38.512192148976325], [-123.5384066183459, 38.76841437779028], [-123.3697097959775, 38.805477970637575], [-123.14358426812197, 38.809238045274256], [-123.08256626854191, 38.85274748035587], [-122.81695850566399, 38.85006171275824]]]}}, {"county_fips": 6067, "Latitude": 38.72, "Longitude": -121.27, "Population": 1016152.0, "q_0": 75247.0628016281, "q_0.05": 93848.57952845638, "q_0.1": 100709.91554413119, "q_0.15": 105686.92667533991, "q_0.2": 110080.75329281446, "q_0.25": 113783.63207472897, "q_0.3": 117314.61610074084, "q_0.35": 120541.1544827939, "q_0.4": 123629.69721065352, "q_0.45": 127150.11685259685, "q_0.5": 130885.37964792669, "q_0.55": 134492.28295569954, "q_0.6": 138457.03542383423, "q_0.65": 143128.75369039277, "q_0.7": 148231.71886686244, "q_0.75": 153524.74897948338, "q_0.8": 160512.49747104765, "q_0.85": 168390.50070835857, "q_0.9": 179167.7217066935, "q_0.95": 198852.85651684, "q_1": 272267.04001665104, "type": "Feature", "geometry": {"type": "MultiPolygon", "coordinates": [[[[-121.0259007532845, 38.50843207433964], [-121.0259007532845, 38.29786789468541], [-121.34175863346366, 38.22857509066654], [-121.47097322080967, 38.25972999479905], [-121.57506274950507, 38.10878985581222], [-121.67915227820048, 38.093212403745966], [-121.65761651364281, 38.182379887987295], [-121.60018780815568, 38.313445346751664], [-121.5212233381109, 38.361789163509016], [-121.514044749925, 38.54388420662836], [-121.63608074908512, 38.691064270978515], [-121.60377710224863, 38.73564801309918], [-121.48891969127439, 38.735110859579656], [-121.14434745835169, 38.712013258240034], [-121.0259007532845, 38.50843207433964]]]]}}, {"county_fips": 6051, "Latitude": 38.51, "Longitude": -119.54, "Population": 9956.0, "q_0": 70040.30735235034, "q_0.05": 79709.17888710325, "q_0.1": 87435.9260747288, "q_0.15": 93347.40759341102, "q_0.2": 98367.45480112494, "q_0.25": 103394.00361591, "q_0.3": 108688.30755323423, "q_0.35": 113026.65478103656, "q_0.4": 118452.01285656891, "q_0.45": 123064.90056247488, "q_0.5": 126269.61128967456, "q_0.55": 130752.7621534753, "q_0.6": 137209.62233828846, "q_0.65": 142986.0179791081, "q_0.7": 151152.51807955003, "q_0.75": 158016.04811169143, "q_0.8": 166934.704700683, "q_0.85": 178460.79650462032, "q_0.9": 197130.39674568104, "q_0.95": 241469.06749698674, "q_1": 291457.5587585376, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-119.32816464732159, 38.53582690383547], [-119.15587853086024, 38.4149673619421], [-118.42725182999243, 37.89607706207988], [-117.83501830465653, 37.46474278590042], [-118.77900265110102, 37.46313132534184], [-119.02307464942128, 37.585602327793794], [-119.11639629583784, 37.73009662454632], [-119.27073594183447, 37.73922823437826], [-119.20253935406852, 37.79509220040897], [-119.19895005997557, 37.88533399168936], [-119.32098605913569, 37.96805563369638], [-119.3532897059722, 38.0856922544726], [-119.55070088108417, 38.14370483458141], [-119.63325464522191, 38.1990316470926], [-119.64043323340779, 38.326874184739815], [-119.54352229289827, 38.477277170207124], [-119.61171888066423, 38.66313228796316], [-119.57941523382773, 38.7093274906424], [-119.32816464732159, 38.53582690383547]]]}}, {"county_fips": 6005, "Latitude": 38.48, "Longitude": -120.56, "Population": 30039.0, "q_0": 80116.46193282066, "q_0.05": 93759.2361596591, "q_0.1": 101283.50011651519, "q_0.15": 107261.9263291055, "q_0.2": 112444.73451180132, "q_0.25": 115343.56170311928, "q_0.3": 118276.83378274909, "q_0.35": 121818.91957122408, "q_0.4": 125178.351476414, "q_0.45": 128657.26372382569, "q_0.5": 132543.49512300675, "q_0.55": 135632.12257398714, "q_0.6": 139835.586404341, "q_0.65": 144445.7566829788, "q_0.7": 148195.07972968474, "q_0.75": 153759.45936948634, "q_0.8": 161044.7551516362, "q_0.85": 167897.92386564132, "q_0.9": 177824.26079430082, "q_0.95": 199414.38396750888, "q_1": 278669.33210160123, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-120.07473781865411, 38.70127018784951], [-120.07114852456118, 38.70288164840809], [-120.07473781865411, 38.70127018784951], [-120.07114852456118, 38.510043534898216], [-120.41572075748388, 38.47351709557044], [-120.61313193259585, 38.39831560283679], [-120.63107840306057, 38.33976586920844], [-120.80336451952192, 38.288736284853464], [-120.89668616593849, 38.2215920949127], [-120.99359710644801, 38.22535216954938], [-121.0259007532845, 38.29786789468541], [-121.0259007532845, 38.50843207433964], [-120.82848957817254, 38.55999881221415], [-120.63107840306057, 38.50306053914438], [-120.2649704055802, 38.56214742629225], [-120.07473781865411, 38.70127018784951]]]}}, {"county_fips": 6095, "Latitude": 38.12, "Longitude": -122.22, "Population": 329647.0, "q_0": 91585.81391609812, "q_0.05": 118173.81380689041, "q_0.1": 126115.40784536186, "q_0.15": 133185.10805498002, "q_0.2": 138591.02840311, "q_0.25": 143064.80280421177, "q_0.3": 146511.21156873868, "q_0.35": 150494.91785151995, "q_0.4": 154927.94267807686, "q_0.45": 158549.59553704417, "q_0.5": 162895.93322554126, "q_0.55": 167566.47808109887, "q_0.6": 172444.4246117817, "q_0.65": 178463.57121405625, "q_0.7": 184114.41984911132, "q_0.75": 191472.8349112839, "q_0.8": 200988.79625781518, "q_0.85": 211536.0593817022, "q_0.9": 226073.86906600095, "q_0.95": 249929.16236231485, "q_1": 314476.1087253941, "type": "Feature", "geometry": {"type": "MultiPolygon", "coordinates": [[[[-122.30368945037287, 38.15659651905004], [-122.2498500389787, 38.081395026316386], [-122.40418968497534, 38.15552221201099], [-122.30368945037287, 38.15659651905004]]], [[[-121.60018780815568, 38.313445346751664], [-121.65761651364281, 38.182379887987295], [-121.79759898326765, 38.0631318066525], [-121.90886710014894, 38.05024012218387], [-122.05602815795967, 38.13349891771042], [-122.13140333391152, 38.04379427994956], [-122.24267145079281, 38.071726262964916], [-122.29292156809404, 38.15659651905004], [-122.19959992167747, 38.15605936553052], [-122.20677850986337, 38.31559396082977], [-122.06320674614557, 38.31559396082977], [-122.13140333391152, 38.427859046410724], [-122.1062782752609, 38.51326645601537], [-122.1062782752609, 38.513803609534904], [-121.9375814528925, 38.533141136237845], [-121.69350945457225, 38.525620986964476], [-121.69350945457225, 38.31559396082977], [-121.60018780815568, 38.313445346751664]]]]}}, {"county_fips": 6009, "Latitude": 38.15, "Longitude": -120.46, "Population": 31998.0, "q_0": 68435.13969623101, "q_0.05": 89744.76545409088, "q_0.1": 97391.17319832489, "q_0.15": 101745.00375023439, "q_0.2": 105592.41702606413, "q_0.25": 109209.88577411088, "q_0.3": 110884.71341958872, "q_0.35": 112579.29229951873, "q_0.4": 114902.11763235202, "q_0.45": 117068.98884305269, "q_0.5": 119328.12050753173, "q_0.55": 122732.29717482343, "q_0.6": 126650.5437839865, "q_0.65": 130644.08963060193, "q_0.7": 134035.067504219, "q_0.75": 139543.56366022877, "q_0.8": 143845.72785799112, "q_0.85": 149514.2007312957, "q_0.9": 156947.61828864308, "q_0.95": 180708.63507094193, "q_1": 242192.85005312832, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-120.07114852456118, 38.510043534898216], [-120.02089840725995, 38.437527809762194], [-120.14293440642007, 38.394018374680584], [-120.27214899376608, 38.27047306518958], [-120.51981028617928, 37.951941028110596], [-120.65620346171119, 37.83108148621722], [-120.92540051868205, 38.077634951679705], [-120.99359710644801, 38.22535216954938], [-120.89668616593849, 38.2215920949127], [-120.80336451952192, 38.288736284853464], [-120.63107840306057, 38.33976586920844], [-120.61313193259585, 38.39831560283679], [-120.41572075748388, 38.47351709557044], [-120.07114852456118, 38.510043534898216]]]}}, {"county_fips": 6109, "Latitude": 38.0, "Longitude": -120.4, "Population": 48456.0, "q_0": 63291.87097573056, "q_0.05": 81146.92906967146, "q_0.1": 86585.88059270266, "q_0.15": 93413.72915634802, "q_0.2": 97623.75887403004, "q_0.25": 101172.98683341588, "q_0.3": 104858.85236090474, "q_0.35": 109111.82010483737, "q_0.4": 112710.16303450553, "q_0.45": 116481.59846045898, "q_0.5": 119426.37237906555, "q_0.55": 123540.72736090474, "q_0.6": 128223.79148093115, "q_0.65": 131893.27678718837, "q_0.7": 136248.8864124154, "q_0.75": 140362.13368829453, "q_0.8": 146565.8647019977, "q_0.85": 154772.76876135048, "q_0.9": 168568.8371718673, "q_0.95": 191442.64497894995, "q_1": 287913.33816245664, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-119.64043323340779, 38.326874184739815], [-119.63325464522191, 38.1990316470926], [-119.55070088108417, 38.14370483458141], [-119.3532897059722, 38.0856922544726], [-119.32098605913569, 37.96805563369638], [-119.19895005997557, 37.88533399168936], [-119.20253935406852, 37.79509220040897], [-119.27073594183447, 37.73922823437826], [-119.31021817685686, 37.77790328778414], [-119.53275441061945, 37.90306005783372], [-119.6655582920584, 37.80046373560424], [-119.90604099628571, 37.757491454042146], [-120.08191640684001, 37.827858565100065], [-120.26138111148725, 37.73331954566348], [-120.34752416971793, 37.72687370342916], [-120.39059569883327, 37.63448329807067], [-120.65620346171119, 37.83108148621722], [-120.51981028617928, 37.951941028110596], [-120.27214899376608, 38.27047306518958], [-120.14293440642007, 38.394018374680584], [-120.02089840725995, 38.437527809762194], [-119.88450523172804, 38.35910339591138], [-119.75170135028908, 38.416578822500675], [-119.64043323340779, 38.326874184739815]]]}}, {"county_fips": 6041, "Latitude": 38.1, "Longitude": -122.49, "Population": 194484.0, "q_0": 155962.0400649925, "q_0.05": 215105.31755825673, "q_0.1": 237239.20325065302, "q_0.15": 252292.03519569733, "q_0.2": 264283.3872606487, "q_0.25": 273645.9001203184, "q_0.3": 284960.79144299787, "q_0.35": 293991.2212367084, "q_0.4": 301714.3326237634, "q_0.45": 310052.8549855001, "q_0.5": 317381.94447872316, "q_0.55": 326892.5272978754, "q_0.6": 333954.1787108451, "q_0.65": 343032.90932930214, "q_0.7": 353785.34386222, "q_0.75": 364731.01524547004, "q_0.8": 378768.1037000473, "q_0.85": 392123.2825905987, "q_0.9": 409833.38367783476, "q_0.95": 434050.53852424875, "q_1": 482719.3465837806, "type": "Feature", "geometry": {"type": "MultiPolygon", "coordinates": [[[[-122.55135074278607, 38.15820797960862], [-122.48674344911306, 38.106104088214586], [-122.50827921367073, 37.928843426770975], [-122.44008262590478, 37.88049961001363], [-122.5298149782284, 37.81926410878765], [-122.81695850566399, 37.993301849114104], [-122.93899450482411, 38.037348437715245], [-123.00719109259006, 38.008879301180365], [-122.95694097528884, 38.11845861916369], [-123.00719109259006, 38.29625643412683], [-122.89592297570877, 38.312371039712616], [-122.74158332971214, 38.207088949885495], [-122.55135074278607, 38.15820797960862]]]]}}, {"county_fips": 6077, "Latitude": 37.96, "Longitude": -121.28, "Population": 477524.0, "q_0": 67873.45473735352, "q_0.05": 85197.4334902539, "q_0.1": 91800.43260652867, "q_0.15": 96396.33103257637, "q_0.2": 100103.95871202285, "q_0.25": 103928.17628014508, "q_0.3": 107253.5898090986, "q_0.35": 110908.48917541317, "q_0.4": 114320.81775994504, "q_0.45": 117657.01776245801, "q_0.5": 121359.66139921763, "q_0.55": 125156.94118201389, "q_0.6": 129132.78896139252, "q_0.65": 133728.62930658984, "q_0.7": 138563.52963620677, "q_0.75": 144140.14848677762, "q_0.8": 151133.45837277288, "q_0.85": 160544.22649123392, "q_0.9": 173192.8515745806, "q_0.95": 196775.32776153655, "q_1": 278824.5425465526, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-121.0259007532845, 38.29786789468541], [-120.99359710644801, 38.22535216954938], [-120.92540051868205, 38.077634951679705], [-120.9218112245891, 37.73922823437826], [-121.00077569463389, 37.76017722163978], [-121.15511534063052, 37.71989070767532], [-121.47097322080967, 37.48193169852526], [-121.55711627904034, 37.54155573919265], [-121.55711627904034, 37.81657834119002], [-121.58224133769096, 38.0405713588324], [-121.57506274950507, 38.10878985581222], [-121.47097322080967, 38.25972999479905], [-121.34175863346366, 38.22857509066654], [-121.0259007532845, 38.29786789468541]]]}}, {"county_fips": 6013, "Latitude": 37.88, "Longitude": -122.23, "Population": 838087.0, "q_0": 127807.41533993487, "q_0.05": 167276.3218011376, "q_0.1": 181376.00607216195, "q_0.15": 190969.26576596464, "q_0.2": 198586.16090453617, "q_0.25": 204827.14054268828, "q_0.3": 210438.99540143207, "q_0.35": 216067.9587095373, "q_0.4": 221315.33384433837, "q_0.45": 226271.84425363955, "q_0.5": 231893.4664432213, "q_0.55": 237538.43959159372, "q_0.6": 243601.29001762345, "q_0.65": 249961.51735798313, "q_0.7": 257701.66038490037, "q_0.75": 266113.074031097, "q_0.8": 275680.92273260414, "q_0.85": 288031.22406122513, "q_0.9": 304237.559471988, "q_0.95": 329987.64284101763, "q_1": 397939.7441208371, "type": "Feature", "geometry": {"type": "MultiPolygon", "coordinates": [[[[-121.58224133769096, 38.0405713588324], [-121.55711627904034, 37.81657834119002], [-121.96270651154312, 37.71827924711674], [-122.04526027568085, 37.79831512152613], [-122.13858192209742, 37.803686656721396], [-122.31086803855877, 37.89768852263846], [-122.39701109678944, 37.95247818163013], [-122.24626074488576, 38.058297424976764], [-122.15652839256214, 38.023919599727094], [-122.03090309930907, 38.05776027145724], [-121.77965251280293, 38.014787989895154], [-121.60377710224863, 38.10073255301933], [-121.58224133769096, 38.0405713588324]]]]}}, {"county_fips": 6099, "Latitude": 37.92, "Longitude": -120.84, "Population": 370481.0, "q_0": 71097.64744480823, "q_0.05": 86846.56184797602, "q_0.1": 93775.32132552007, "q_0.15": 99295.57845071677, "q_0.2": 103327.17953147394, "q_0.25": 107065.78751676875, "q_0.3": 110340.00504749232, "q_0.35": 113566.21191100219, "q_0.4": 116832.81614981605, "q_0.45": 120052.86016017015, "q_0.5": 123199.44922951514, "q_0.55": 126940.83637487482, "q_0.6": 130455.05495828396, "q_0.65": 134646.8445507327, "q_0.7": 139472.11952029928, "q_0.75": 145041.86601202222, "q_0.8": 151803.98897649272, "q_0.85": 159777.65313200944, "q_0.9": 171643.43506684556, "q_0.95": 192032.0416836491, "q_1": 263822.95004062285, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-120.39059569883327, 37.63448329807067], [-120.98282922416917, 37.400821517076814], [-120.96488275370444, 37.34334609048752], [-121.23049051658236, 37.136541985469975], [-121.2807406338836, 37.18220003462969], [-121.40636592713666, 37.15587951217291], [-121.4566160444379, 37.28372204982013], [-121.40636592713666, 37.31057972579643], [-121.47097322080967, 37.48193169852526], [-121.15511534063052, 37.71989070767532], [-121.00077569463389, 37.76017722163978], [-120.9218112245891, 37.73922823437826], [-120.92540051868205, 38.077634951679705], [-120.65620346171119, 37.83108148621722], [-120.39059569883327, 37.63448329807067]]]}}, {"county_fips": 6001, "Latitude": 37.85, "Longitude": -122.24, "Population": 1179304.0, "q_0": 113362.65988752688, "q_0.05": 154145.19899109984, "q_0.1": 169103.8667069729, "q_0.15": 177989.0680126159, "q_0.2": 185786.11460403763, "q_0.25": 192307.66347608418, "q_0.3": 197602.6073370395, "q_0.35": 202643.24688375517, "q_0.4": 207820.6837278598, "q_0.45": 212902.72207929424, "q_0.5": 217959.26499189352, "q_0.55": 222947.3642970769, "q_0.6": 228406.7895970844, "q_0.65": 234533.60038755913, "q_0.7": 241570.19230054336, "q_0.75": 249060.26318404754, "q_0.8": 258994.0651806489, "q_0.85": 271881.29702905274, "q_0.9": 289031.6072658959, "q_0.95": 319193.19864670176, "q_1": 398836.6416878091, "type": "Feature", "geometry": {"type": "MultiPolygon", "coordinates": [[[[-121.55711627904034, 37.81657834119002], [-121.55711627904034, 37.54155573919265], [-121.47097322080967, 37.48193169852526], [-121.8657955710336, 37.484617466122884], [-121.98783157019373, 37.46259417182232], [-122.1134568634468, 37.50288068578678], [-122.16011768665508, 37.66563820220318], [-122.32881450902349, 37.79885227504566], [-122.31086803855877, 37.89768852263846], [-122.13858192209742, 37.803686656721396], [-122.04526027568085, 37.79831512152613], [-121.96270651154312, 37.71827924711674], [-121.55711627904034, 37.81657834119002]]]]}}, {"county_fips": 6043, "Latitude": 37.53, "Longitude": -120.19, "Population": 14302.0, "q_0": 54294.49727310865, "q_0.05": 70533.06180953713, "q_0.1": 77401.45084603551, "q_0.15": 80494.85491539644, "q_0.2": 83950.5313942106, "q_0.25": 86862.28149909104, "q_0.3": 90479.7580757936, "q_0.35": 94781.88924625926, "q_0.4": 97470.45588029646, "q_0.45": 102002.4241364844, "q_0.5": 104471.96196336177, "q_0.55": 107590.8376450846, "q_0.6": 109526.71794154664, "q_0.65": 112676.06628443574, "q_0.7": 116173.4065165711, "q_0.75": 121793.6914417564, "q_0.8": 128086.16836806042, "q_0.85": 134209.14522444413, "q_0.9": 141671.05929240666, "q_0.95": 157415.0, "q_1": 207295.36001957767, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-119.31021817685686, 37.77790328778414], [-119.58300452792068, 37.56035611237607], [-119.65120111568663, 37.416398969143074], [-119.76246923256792, 37.4169361226626], [-120.04602346591057, 37.18488580222732], [-120.17882734734953, 37.261698755519554], [-120.39059569883327, 37.63448329807067], [-120.34752416971793, 37.72687370342916], [-120.26138111148725, 37.73331954566348], [-120.08191640684001, 37.827858565100065], [-119.90604099628571, 37.757491454042146], [-119.6655582920584, 37.80046373560424], [-119.53275441061945, 37.90306005783372], [-119.31021817685686, 37.77790328778414]]]}}, {"county_fips": 6075, "Latitude": 37.8, "Longitude": -122.42, "Population": 575214.0, "q_0": 165675.84193708777, "q_0.05": 229454.93890621577, "q_0.1": 254156.3869690237, "q_0.15": 269314.98410504614, "q_0.2": 280227.5226767777, "q_0.25": 289392.6775839079, "q_0.3": 298177.02444307687, "q_0.35": 306150.8001190861, "q_0.4": 312256.7465864878, "q_0.45": 319028.13703421684, "q_0.5": 326155.46323107573, "q_0.55": 333005.2866387988, "q_0.6": 340373.2748980379, "q_0.65": 347974.46983261884, "q_0.7": 356127.12428852567, "q_0.75": 365313.9263582771, "q_0.8": 375510.01761779096, "q_0.85": 385841.0981080954, "q_0.9": 399269.43044293084, "q_0.95": 418713.7086204438, "q_1": 465830.61172885215, "type": "Feature", "geometry": {"type": "MultiPolygon", "coordinates": [[[[-122.39701109678944, 37.708073330245746], [-122.50110062548484, 37.708073330245746], [-122.51186850776368, 37.77521752018651], [-122.41495756725416, 37.8101324989557], [-122.39701109678944, 37.708073330245746]]]]}}, {"county_fips": 6039, "Latitude": 36.85, "Longitude": -119.88, "Population": 90624.0, "q_0": 60640.34913488701, "q_0.05": 72553.54503222104, "q_0.1": 77751.2641684322, "q_0.15": 80250.748521363, "q_0.2": 82880.41053142655, "q_0.25": 85376.83531956215, "q_0.3": 88127.72195003531, "q_0.35": 90551.03691075213, "q_0.4": 92834.25256002825, "q_0.45": 94912.35477356991, "q_0.5": 97153.32443944209, "q_0.55": 99372.94495939265, "q_0.6": 101541.22488524011, "q_0.65": 104884.06977180438, "q_0.7": 108603.41106108757, "q_0.75": 112448.2700388418, "q_0.8": 118032.62628001413, "q_0.85": 124174.69190280719, "q_0.9": 135315.0903072034, "q_0.95": 156993.75843595513, "q_1": 226631.24045506708, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-119.27073594183447, 37.73922823437826], [-119.11639629583784, 37.73009662454632], [-119.02307464942128, 37.585602327793794], [-119.28509311820625, 37.37664960869814], [-119.38559335280871, 37.149433669938595], [-119.53993299880534, 37.096255471505515], [-119.73375487982436, 36.97915600424882], [-119.81630864396209, 36.85346208067971], [-120.1931845237213, 36.776649127387486], [-120.3690599342756, 36.78470643018037], [-120.5449353448299, 37.04415158011148], [-120.47673875706394, 37.096255471505515], [-120.29009546423082, 37.15265659105575], [-120.04602346591057, 37.18488580222732], [-119.76246923256792, 37.4169361226626], [-119.65120111568663, 37.416398969143074], [-119.58300452792068, 37.56035611237607], [-119.31021817685686, 37.77790328778414], [-119.27073594183447, 37.73922823437826]]]}}, {"county_fips": 6081, "Latitude": 37.68, "Longitude": -122.4, "Population": 608919.0, "q_0": 175504.81438253692, "q_0.05": 230488.7713829754, "q_0.1": 252201.7525309606, "q_0.15": 265607.41489262116, "q_0.2": 275651.5260009952, "q_0.25": 284502.7082534787, "q_0.3": 291844.6147320087, "q_0.35": 298249.14656391076, "q_0.4": 304808.45734161686, "q_0.45": 311039.03528498864, "q_0.5": 317711.6964325304, "q_0.55": 324594.91444592795, "q_0.6": 331196.9734194532, "q_0.65": 338484.88534985774, "q_0.7": 346034.58641428495, "q_0.75": 353759.2287106331, "q_0.8": 363964.3616290508, "q_0.85": 376222.2208461223, "q_0.9": 391718.2288895568, "q_0.95": 412218.13044132304, "q_1": 459297.7424074466, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-122.39701109678944, 37.708073330245746], [-122.36111815586, 37.59258532354763], [-122.26061792125753, 37.572710643325166], [-122.11704615753975, 37.465817092939474], [-122.19242133349158, 37.433587881767906], [-122.15652839256214, 37.286407817417754], [-122.15652839256214, 37.216040706359834], [-122.3216359208376, 37.187571569824954], [-122.29292156809404, 37.107535695415564], [-122.42213615544006, 37.239138307699456], [-122.40060039088239, 37.35999784959283], [-122.45085050818362, 37.48032023796668], [-122.51545780185663, 37.517383830813976], [-122.50110062548484, 37.708073330245746], [-122.39701109678944, 37.708073330245746]]]}}, {"county_fips": 6047, "Latitude": 37.51, "Longitude": -120.46, "Population": 176457.0, "q_0": 56593.31905223369, "q_0.05": 68172.51214176825, "q_0.1": 73307.2899346583, "q_0.15": 77221.76419750988, "q_0.2": 80639.4348764855, "q_0.25": 83386.32584709022, "q_0.3": 86004.8933167854, "q_0.35": 88751.22451928798, "q_0.4": 91586.88632358024, "q_0.45": 94918.95917985684, "q_0.5": 98262.40698867146, "q_0.55": 101374.56972520218, "q_0.6": 105257.93547436486, "q_0.65": 109366.28960596633, "q_0.7": 114175.63123027139, "q_0.75": 120090.59827606726, "q_0.8": 126795.019636512, "q_0.85": 135507.85621992892, "q_0.9": 147347.90606210017, "q_0.95": 169253.05451186406, "q_1": 241457.05461953903, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-120.04602346591057, 37.18488580222732], [-120.29009546423082, 37.15265659105575], [-120.47673875706394, 37.096255471505515], [-120.5449353448299, 37.04415158011148], [-120.9218112245891, 36.74119699509876], [-121.14434745835169, 36.838958935652514], [-121.21613334021059, 36.96142993810446], [-121.23049051658236, 37.136541985469975], [-120.96488275370444, 37.34334609048752], [-120.98282922416917, 37.400821517076814], [-120.39059569883327, 37.63448329807067], [-120.17882734734953, 37.261698755519554], [-120.04602346591057, 37.18488580222732]]]}}, {"county_fips": 6019, "Latitude": 36.73, "Longitude": -119.81, "Population": 657623.0, "q_0": 55532.01204185377, "q_0.05": 65994.95319506769, "q_0.1": 70306.7270305327, "q_0.15": 73750.12343698442, "q_0.2": 77219.27761042421, "q_0.25": 80087.46809342131, "q_0.3": 82510.74060670019, "q_0.35": 85259.67441832174, "q_0.4": 87833.47985091762, "q_0.45": 90555.48582546535, "q_0.5": 93510.37317733717, "q_0.55": 96394.78684595885, "q_0.6": 99839.20170067044, "q_0.65": 103889.07002188185, "q_0.7": 108181.40347585166, "q_0.75": 112824.9265962413, "q_0.8": 118641.83833594628, "q_0.85": 125399.39466160702, "q_0.9": 135017.83786394336, "q_0.95": 152887.0681965199, "q_1": 220144.5784073854, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-118.77900265110102, 37.46313132534184], [-118.78618123928692, 37.34334609048752], [-118.66773453421973, 37.26116160200003], [-118.66773453421973, 37.15373089809481], [-118.43443041817832, 37.056506111060585], [-118.36264453631942, 36.84379331732825], [-118.36982312450532, 36.747105683813544], [-118.98359241439888, 36.74280845565734], [-118.98359241439888, 36.65847535309174], [-119.30303958867097, 36.66008681365032], [-119.31021817685686, 36.57467940404567], [-119.47173641103939, 36.57521655756519], [-119.57941523382773, 36.48873484092149], [-119.6655582920584, 36.41836772986357], [-119.95988040767989, 36.399030203160635], [-119.95988040767989, 36.18148302775256], [-120.31522052288142, 35.90646042575519], [-120.64184628533941, 36.10144715334317], [-120.63107840306057, 36.20511778261171], [-120.67773922626886, 36.267427590876736], [-120.59518546213113, 36.328663092102715], [-120.59518546213113, 36.488197687401964], [-120.9218112245891, 36.74119699509876], [-120.5449353448299, 37.04415158011148], [-120.3690599342756, 36.78470643018037], [-120.1931845237213, 36.776649127387486], [-119.81630864396209, 36.85346208067971], [-119.73375487982436, 36.97915600424882], [-119.53993299880534, 37.096255471505515], [-119.38559335280871, 37.149433669938595], [-119.28509311820625, 37.37664960869814], [-119.02307464942128, 37.585602327793794], [-118.77900265110102, 37.46313132534184]]]}}, {"county_fips": 6085, "Latitude": 37.47, "Longitude": -121.92, "Population": 1489953.0, "q_0": 148067.39592255594, "q_0.05": 201684.61787519473, "q_0.1": 219079.160492982, "q_0.15": 230302.3255253689, "q_0.2": 238880.33585556055, "q_0.25": 246333.82662674595, "q_0.3": 252929.410152535, "q_0.35": 258863.3238498127, "q_0.4": 264590.7060687149, "q_0.45": 270291.1035096409, "q_0.5": 275710.0139084924, "q_0.55": 281287.54594426806, "q_0.6": 286820.910962829, "q_0.65": 292660.64995264955, "q_0.7": 299143.808876186, "q_0.75": 307003.6564171823, "q_0.8": 315887.20221309, "q_0.85": 326931.69866814587, "q_0.9": 341579.10505922005, "q_0.95": 366841.1698305248, "q_1": 437759.62584725826, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-121.47097322080967, 37.48193169852526], [-121.40636592713666, 37.31057972579643], [-121.4566160444379, 37.28372204982013], [-121.40636592713666, 37.15587951217291], [-121.2807406338836, 37.18220003462969], [-121.23049051658236, 37.136541985469975], [-121.21613334021059, 36.96142993810446], [-121.48891969127439, 36.98291607888551], [-121.58224133769096, 36.90073159039801], [-121.75452745415231, 37.046300194189584], [-122.02731380521612, 37.166622582563434], [-122.15652839256214, 37.286407817417754], [-122.19242133349158, 37.433587881767906], [-122.11704615753975, 37.465817092939474], [-121.98783157019373, 37.46259417182232], [-121.8657955710336, 37.484617466122884], [-121.47097322080967, 37.48193169852526]]]}}, {"county_fips": 6027, "Latitude": 37.35, "Longitude": -118.18, "Population": 18281.0, "q_0": 49477.21946283026, "q_0.05": 60948.21016355779, "q_0.1": 67241.06011706142, "q_0.15": 69410.54920409169, "q_0.2": 75794.7322356545, "q_0.25": 79339.0555768284, "q_0.3": 83471.35988184453, "q_0.35": 87718.19539412505, "q_0.4": 93330.85936217931, "q_0.45": 97440.37580001094, "q_0.5": 101624.05776489251, "q_0.55": 107354.59958426782, "q_0.6": 116738.12154696131, "q_0.65": 124750.77402767904, "q_0.7": 130243.02116952026, "q_0.75": 134907.07291723648, "q_0.8": 142691.28712871287, "q_0.85": 151324.37038455223, "q_0.9": 171811.71161315028, "q_0.95": 194738.25365133196, "q_1": 305705.99513155734, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-117.83501830465653, 37.46474278590042], [-117.16740960336878, 36.97109870145593], [-115.89321020037336, 36.00099944519179], [-115.65272749614606, 35.810309945760025], [-115.73528126028378, 35.79526964721329], [-116.7043906653789, 35.79526964721329], [-117.63760712954456, 35.79580680073282], [-118.00730442111788, 35.78667519090087], [-117.98217936246726, 35.92579795245813], [-118.01807230339672, 35.9558785495516], [-118.0970367734415, 36.33134885970034], [-118.21548347850869, 36.43394518192983], [-118.36982312450532, 36.747105683813544], [-118.36264453631942, 36.84379331732825], [-118.43443041817832, 37.056506111060585], [-118.66773453421973, 37.15373089809481], [-118.66773453421973, 37.26116160200003], [-118.78618123928692, 37.34334609048752], [-118.77900265110102, 37.46313132534184], [-117.83501830465653, 37.46474278590042]]]}}, {"county_fips": 6087, "Latitude": 37.13, "Longitude": -121.96, "Population": 216957.0, "q_0": 109651.27947934384, "q_0.05": 158042.26010223225, "q_0.1": 175289.16186156703, "q_0.15": 187411.5252792028, "q_0.2": 197063.46015569905, "q_0.25": 205623.53390303146, "q_0.3": 212807.89744050664, "q_0.35": 219225.27074489414, "q_0.4": 226031.1323672433, "q_0.45": 232368.0981945731, "q_0.5": 238665.15044455815, "q_0.55": 245177.67007748078, "q_0.6": 251400.0334720705, "q_0.65": 258678.41828104187, "q_0.7": 266126.04357084585, "q_0.75": 275416.76334941946, "q_0.8": 286090.96820107213, "q_0.85": 300578.6599339961, "q_0.9": 319949.67624921066, "q_0.95": 344933.04070783604, "q_1": 422261.4319565628, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-121.58224133769096, 36.90073159039801], [-121.64325933727102, 36.89536005520275], [-121.74375957187348, 36.90932604671043], [-121.80477757145354, 36.85507354123829], [-121.88374204149832, 36.949612560674886], [-122.1062782752609, 36.95444694235062], [-122.29292156809404, 37.107535695415564], [-122.3216359208376, 37.187571569824954], [-122.15652839256214, 37.216040706359834], [-122.15652839256214, 37.286407817417754], [-122.02731380521612, 37.166622582563434], [-121.75452745415231, 37.046300194189584], [-121.58224133769096, 36.90073159039801]]]}}, {"county_fips": 6069, "Latitude": 36.9, "Longitude": -121.29, "Population": 36697.0, "q_0": 82424.25538872388, "q_0.05": 112198.5464751887, "q_0.1": 128199.1012889337, "q_0.15": 140111.75423059106, "q_0.2": 149920.5624437965, "q_0.25": 157288.31375861788, "q_0.3": 166396.6784750797, "q_0.35": 172443.98969943047, "q_0.4": 178039.84685396627, "q_0.45": 182754.67367904732, "q_0.5": 191412.78306128568, "q_0.55": 196843.68490612312, "q_0.6": 203177.01991988445, "q_0.65": 210099.43578494157, "q_0.7": 216472.30209553914, "q_0.75": 225012.1018066872, "q_0.8": 238607.93906858872, "q_0.85": 251539.05019483875, "q_0.9": 270191.08183230244, "q_0.95": 299393.1915265553, "q_1": 387677.1161947843, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-121.21613334021059, 36.96142993810446], [-121.14434745835169, 36.838958935652514], [-120.9218112245891, 36.74119699509876], [-120.59518546213113, 36.488197687401964], [-120.59518546213113, 36.328663092102715], [-120.67773922626886, 36.267427590876736], [-120.74952510812776, 36.31039987243882], [-120.70645357901242, 36.202432015014075], [-120.92540051868205, 36.309325565399774], [-121.0259007532845, 36.259907441603374], [-121.04384722374922, 36.32329155690745], [-121.23049051658236, 36.47208308181618], [-121.30945498662714, 36.50001506483154], [-121.32022286890599, 36.61174299689297], [-121.47097322080967, 36.688555950185204], [-121.45302675034495, 36.720785161356766], [-121.64325933727102, 36.89536005520275], [-121.58224133769096, 36.90073159039801], [-121.48891969127439, 36.98291607888551], [-121.21613334021059, 36.96142993810446]]]}}, {"county_fips": 6053, "Latitude": 36.72, "Longitude": -121.64, "Population": 327367.0, "q_0": 92673.68091469207, "q_0.05": 125463.21426716803, "q_0.1": 141539.51229048744, "q_0.15": 152336.69693035644, "q_0.2": 161705.77648938348, "q_0.25": 168689.85732221024, "q_0.3": 174687.34518751127, "q_0.35": 180395.51232103418, "q_0.4": 186662.75212529057, "q_0.45": 192312.01213011696, "q_0.5": 197560.80657182916, "q_0.55": 204488.14467249296, "q_0.6": 210178.8580919885, "q_0.65": 216521.17964547433, "q_0.7": 223642.3462871945, "q_0.75": 231052.09195031875, "q_0.8": 239305.34552474745, "q_0.85": 251147.93402206083, "q_0.9": 266972.5473865723, "q_0.95": 297098.8642549493, "q_1": 366722.4577828553, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-121.64325933727102, 36.89536005520275], [-121.45302675034495, 36.720785161356766], [-121.47097322080967, 36.688555950185204], [-121.32022286890599, 36.61174299689297], [-121.30945498662714, 36.50001506483154], [-121.23049051658236, 36.47208308181618], [-121.04384722374922, 36.32329155690745], [-121.0259007532845, 36.259907441603374], [-120.92540051868205, 36.309325565399774], [-120.70645357901242, 36.202432015014075], [-120.74952510812776, 36.31039987243882], [-120.67773922626886, 36.267427590876736], [-120.63107840306057, 36.20511778261171], [-120.64184628533941, 36.10144715334317], [-120.31522052288142, 35.90646042575519], [-120.21472028827897, 35.78828665145945], [-121.3453479275566, 35.79526964721329], [-121.46379463262377, 35.88336282441557], [-121.514044749925, 36.0074452874261], [-121.57506274950507, 36.02463420005094], [-121.71504521912992, 36.19437471222118], [-121.89809921787011, 36.30449118372404], [-121.97706368791489, 36.57843947868235], [-121.82272404191826, 36.65686389253316], [-121.80477757145354, 36.85507354123829], [-121.74375957187348, 36.90932604671043], [-121.64325933727102, 36.89536005520275]]]}}, {"county_fips": 6107, "Latitude": 36.52, "Longitude": -119.54, "Population": 318394.0, "q_0": 50230.059165687795, "q_0.05": 58368.840524633, "q_0.1": 61218.92403751327, "q_0.15": 63884.16904841171, "q_0.2": 65911.64630614899, "q_0.25": 67733.1588346514, "q_0.3": 69557.99369334849, "q_0.35": 71245.04622888622, "q_0.4": 73207.03554087074, "q_0.45": 75271.71271757633, "q_0.5": 77203.81877171052, "q_0.55": 80038.53059102873, "q_0.6": 81999.80575638988, "q_0.65": 83899.62684284251, "q_0.7": 86628.93620482799, "q_0.75": 90133.30684309377, "q_0.8": 93831.20301890111, "q_0.85": 98209.979974497, "q_0.9": 105097.51902988124, "q_0.95": 118965.3701577291, "q_1": 165375.62162917643, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-118.00730442111788, 35.78667519090087], [-119.53993299880534, 35.78989811201803], [-119.53275441061945, 36.269039051435314], [-119.47891499922528, 36.26796474439626], [-119.47532570513232, 36.40064166371921], [-119.57941523382773, 36.48873484092149], [-119.47173641103939, 36.57521655756519], [-119.31021817685686, 36.57467940404567], [-119.30303958867097, 36.66008681365032], [-118.98359241439888, 36.65847535309174], [-118.98359241439888, 36.74280845565734], [-118.36982312450532, 36.747105683813544], [-118.21548347850869, 36.43394518192983], [-118.0970367734415, 36.33134885970034], [-118.01807230339672, 35.9558785495516], [-117.98217936246726, 35.92579795245813], [-118.00730442111788, 35.78667519090087]]]}}, {"county_fips": 6031, "Latitude": 36.41, "Longitude": -119.69, "Population": 91842.0, "q_0": 45729.87405544304, "q_0.05": 55789.31246053004, "q_0.1": 58954.51492781081, "q_0.15": 61082.89361076632, "q_0.2": 63418.33518433832, "q_0.25": 65211.735916029706, "q_0.3": 67455.83676313669, "q_0.35": 69277.04699375013, "q_0.4": 71080.99562291762, "q_0.45": 72731.62904771237, "q_0.5": 74777.81951612551, "q_0.55": 77211.45483547832, "q_0.6": 79035.62640186406, "q_0.65": 81913.12493194835, "q_0.7": 84676.13488382222, "q_0.75": 87857.38088238497, "q_0.8": 92366.49332549378, "q_0.85": 99354.1944861828, "q_0.9": 106363.98989569045, "q_0.95": 120889.74374469195, "q_1": 180614.20431828575, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-119.53993299880534, 35.78989811201803], [-120.1931845237213, 35.788823804978975], [-120.21472028827897, 35.78828665145945], [-120.31522052288142, 35.90646042575519], [-119.95988040767989, 36.18148302775256], [-119.95988040767989, 36.399030203160635], [-119.6655582920584, 36.41836772986357], [-119.57941523382773, 36.48873484092149], [-119.47532570513232, 36.40064166371921], [-119.47891499922528, 36.26796474439626], [-119.53275441061945, 36.269039051435314], [-119.53993299880534, 35.78989811201803]]]}}, {"county_fips": 6071, "Latitude": 34.09, "Longitude": -117.71, "Population": 1400497.0, "q_0": 80631.3968898184, "q_0.05": 99626.71916355408, "q_0.1": 105980.68294326942, "q_0.15": 110500.40042570602, "q_0.2": 114366.09012372037, "q_0.25": 117526.62001418068, "q_0.3": 120359.17437166949, "q_0.35": 122930.56831967509, "q_0.4": 125720.51570263985, "q_0.45": 128572.5749965905, "q_0.5": 131456.77325620834, "q_0.55": 134551.75988952492, "q_0.6": 137575.94651398752, "q_0.65": 141502.1941317975, "q_0.7": 145680.3426854895, "q_0.75": 150953.40327041043, "q_0.8": 157305.49372044354, "q_0.85": 165171.0227484957, "q_0.9": 175929.6559959072, "q_0.95": 194911.17706596298, "q_1": 271795.72614150547, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-114.63336797374971, 35.00081959183419], [-114.63695726784266, 34.87458851474555], [-114.46826044547426, 34.71075669129009], [-114.33904585812824, 34.45077438783945], [-114.13804538892333, 34.303057169969776], [-114.2564920939905, 34.17414032528351], [-114.4323675045448, 34.087658608639806], [-115.31533385140924, 34.08121276640549], [-115.31533385140924, 34.03770333132388], [-116.93051619323442, 34.034480410206726], [-116.93051619323442, 34.00439981311326], [-117.22842760294884, 34.00439981311326], [-117.55864265949978, 34.03286894964815], [-117.673500070474, 33.870111433231735], [-117.7847681873553, 33.94531292596539], [-117.73451807005407, 34.020514418699044], [-117.64837501182339, 34.287479717903516], [-117.66991077638107, 34.55927939878373], [-117.66991077638107, 34.823021776871045], [-117.63401783545162, 34.823021776871045], [-117.63760712954456, 35.79580680073282], [-116.7043906653789, 35.79526964721329], [-115.73528126028378, 35.79526964721329], [-115.65272749614606, 35.810309945760025], [-114.63336797374971, 35.00081959183419]]]}}, {"county_fips": 6079, "Latitude": 35.69, "Longitude": -120.9, "Population": 200262.0, "q_0": 70726.46533041715, "q_0.05": 104030.61779069419, "q_0.1": 120768.40558867883, "q_0.15": 132475.2268777901, "q_0.2": 143188.31890223807, "q_0.25": 153018.21001987398, "q_0.3": 161247.50721554764, "q_0.35": 168431.93049605016, "q_0.4": 176383.35870010286, "q_0.45": 184218.1243820595, "q_0.5": 191603.50016478414, "q_0.55": 199629.6160280033, "q_0.6": 207664.76595659685, "q_0.65": 215369.00193246847, "q_0.7": 225313.03182830493, "q_0.75": 237112.16727836535, "q_0.8": 248646.57352767876, "q_0.85": 262646.93488030677, "q_0.9": 277118.1815212072, "q_0.95": 302058.5779059432, "q_1": 365078.8250342052, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-120.21472028827897, 35.78828665145945], [-120.1931845237213, 35.788823804978975], [-120.19677381781425, 35.615323218172044], [-120.0890949950259, 35.613711757613466], [-120.0890949950259, 35.52723004096976], [-119.99936264270228, 35.43913686376749], [-119.88450523172804, 35.43752540320891], [-119.88450523172804, 35.34996937952615], [-119.81630864396209, 35.351043686565205], [-119.81630864396209, 35.26348766288245], [-119.66914758615135, 35.26187620232387], [-119.66914758615135, 35.17485733216064], [-119.55429017517712, 35.17861740679732], [-119.56146876336301, 35.08837561551694], [-119.47532570513232, 35.07709539160689], [-119.47532570513232, 34.89983473016328], [-119.74093346801024, 34.9723504552993], [-120.10345217139768, 35.11308467741514], [-120.21113099418602, 35.02338003965428], [-120.33316699334615, 34.99383659608034], [-120.2972740524167, 34.90842918647569], [-120.45879228659922, 34.9970595171975], [-120.64902487352529, 34.97503622289693], [-120.63107840306057, 35.11308467741514], [-120.89668616593849, 35.24683590377714], [-120.82848957817254, 35.33492908097942], [-120.90745404821733, 35.44880562711896], [-121.00795428281978, 35.461160158068054], [-121.17306181109524, 35.6389579730312], [-121.29150851616242, 35.66474134196845], [-121.3453479275566, 35.79526964721329], [-120.21472028827897, 35.78828665145945]]]}}, {"county_fips": 6029, "Latitude": 35.42, "Longitude": -119.02, "Population": 521777.0, "q_0": 52270.3577102862, "q_0.05": 65761.77233760784, "q_0.1": 70203.19061591446, "q_0.15": 74326.15511990755, "q_0.2": 77409.70985689289, "q_0.25": 79917.09744776024, "q_0.3": 82325.34644110415, "q_0.35": 84620.34401669679, "q_0.4": 87071.17416060885, "q_0.45": 89643.55352957298, "q_0.5": 92386.55925807384, "q_0.55": 95701.96084725851, "q_0.6": 99149.12355278213, "q_0.65": 102813.77153458279, "q_0.7": 107525.41687349194, "q_0.75": 112955.47524133873, "q_0.8": 119330.09219839127, "q_0.85": 128051.81623241345, "q_0.9": 140595.50837963348, "q_0.95": 160784.23697134983, "q_1": 235779.15715142677, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-117.63760712954456, 35.79580680073282], [-117.63401783545162, 34.823021776871045], [-117.66991077638107, 34.823021776871045], [-118.89386006207526, 34.81818739519531], [-118.88309217979642, 34.78810679810184], [-118.97641382621299, 34.81227870648052], [-119.24561088318386, 34.8138901670391], [-119.27791453002035, 34.87888574290176], [-119.44302205829582, 34.89876042312422], [-119.47532570513232, 34.89983473016328], [-119.47532570513232, 35.07709539160689], [-119.56146876336301, 35.08837561551694], [-119.55429017517712, 35.17861740679732], [-119.66914758615135, 35.17485733216064], [-119.66914758615135, 35.26187620232387], [-119.81630864396209, 35.26348766288245], [-119.81630864396209, 35.351043686565205], [-119.88450523172804, 35.34996937952615], [-119.88450523172804, 35.43752540320891], [-119.99936264270228, 35.43913686376749], [-120.0890949950259, 35.52723004096976], [-120.0890949950259, 35.613711757613466], [-120.19677381781425, 35.615323218172044], [-120.1931845237213, 35.788823804978975], [-119.53993299880534, 35.78989811201803], [-118.00730442111788, 35.78667519090087], [-117.63760712954456, 35.79580680073282]]]}}, {"county_fips": 6083, "Latitude": 34.44, "Longitude": -119.77, "Population": 323681.0, "q_0": 95282.97984744239, "q_0.05": 137636.21983681465, "q_0.1": 154837.68258872163, "q_0.15": 166449.28986563932, "q_0.2": 175586.5229686018, "q_0.25": 183998.2426926511, "q_0.3": 190395.27563557948, "q_0.35": 196962.0856429633, "q_0.4": 203610.5468655868, "q_0.45": 209542.21198958234, "q_0.5": 216137.64121310797, "q_0.55": 222757.70921370114, "q_0.6": 229463.99321863192, "q_0.65": 237132.07285877145, "q_0.7": 246560.91400174864, "q_0.75": 257113.91078407445, "q_0.8": 270056.6278953661, "q_0.85": 286531.8093794507, "q_0.9": 306607.5685749241, "q_0.95": 337331.66245918046, "q_1": 417006.9502874744, "type": "Feature", "geometry": {"type": "MultiPolygon", "coordinates": [[[[-120.11422005367652, 33.89374618809089], [-120.23625605283664, 34.00869704126947], [-120.04243417181762, 34.03555471724577], [-120.00295193679523, 33.94155285132871], [-120.11422005367652, 33.89374618809089]]], [[[-119.76605852666086, 33.95874176395354], [-119.87732664354215, 33.98345082585174], [-119.92039817265749, 34.077989845288336], [-119.55787946927006, 33.99634251032037], [-119.76605852666086, 33.95874176395354]]], [[[-119.47532570513232, 34.89983473016328], [-119.44302205829582, 34.89876042312422], [-119.44302205829582, 34.43143686113651], [-119.47532570513232, 34.37396143454722], [-119.56505805745596, 34.4147851020312], [-119.87732664354215, 34.405653492199264], [-120.00654123088816, 34.4599059976714], [-120.29368475832376, 34.47064906806192], [-120.47673875706394, 34.453460155437085], [-120.50904240390045, 34.52114149889737], [-120.64902487352529, 34.577005464928085], [-120.60595334440995, 34.71129384480962], [-120.64902487352529, 34.97503622289693], [-120.45879228659922, 34.9970595171975], [-120.2972740524167, 34.90842918647569], [-120.33316699334615, 34.99383659608034], [-120.21113099418602, 35.02338003965428], [-120.10345217139768, 35.11308467741514], [-119.74093346801024, 34.9723504552993], [-119.47532570513232, 34.89983473016328]]]]}}, {"county_fips": 6111, "Latitude": 34.23, "Longitude": -118.66, "Population": 640100.0, "q_0": 124771.34947664427, "q_0.05": 173435.93390095298, "q_0.1": 191150.06836900485, "q_0.15": 201912.7930432745, "q_0.2": 210564.63176378692, "q_0.25": 217700.3539907827, "q_0.3": 223403.95486955164, "q_0.35": 228920.20508826745, "q_0.4": 234121.18132010623, "q_0.45": 238808.78406967662, "q_0.5": 243721.43428839243, "q_0.55": 249395.07047219184, "q_0.6": 254985.7475372598, "q_0.65": 260823.70742227777, "q_0.7": 267488.04407592566, "q_0.75": 275615.82121699734, "q_0.8": 286419.92779940635, "q_0.85": 300052.53695641307, "q_0.9": 314058.8521368536, "q_0.95": 339882.2143854085, "q_1": 416620.68632557406, "type": "Feature", "geometry": {"type": "MultiPolygon", "coordinates": [[[[-118.94769947346944, 34.045223480597244], [-119.2168965304403, 34.1451340352291], [-119.27432523592742, 34.26330780952485], [-119.47532570513232, 34.37396143454722], [-119.44302205829582, 34.43143686113651], [-119.44302205829582, 34.89876042312422], [-119.27791453002035, 34.87888574290176], [-119.24561088318386, 34.8138901670391], [-118.97641382621299, 34.81227870648052], [-118.88309217979642, 34.78810679810184], [-118.63184159329029, 34.2810338756692], [-118.67132382831268, 34.167694483049196], [-118.78977053337987, 34.16876879008825], [-118.94769947346944, 34.045223480597244]]]]}}, {"county_fips": 6037, "Latitude": 34.27, "Longitude": -118.27, "Population": 8673461.0, "q_0": 124451.36599138452, "q_0.05": 162988.51131806555, "q_0.1": 176242.58150737057, "q_0.15": 184865.6771466546, "q_0.2": 191856.82574939806, "q_0.25": 197897.75690407786, "q_0.3": 203324.01886038342, "q_0.35": 208611.98942495967, "q_0.4": 213556.7654408315, "q_0.45": 218598.20328198283, "q_0.5": 223777.36510638602, "q_0.55": 228894.7008904865, "q_0.6": 234145.47799128862, "q_0.65": 239806.77714184107, "q_0.7": 246159.39234575446, "q_0.75": 253348.02587441736, "q_0.8": 261635.80301736525, "q_0.85": 271965.2664433552, "q_0.9": 285839.5292770326, "q_0.95": 307512.5202639926, "q_1": 377709.1002160499, "type": "Feature", "geometry": {"type": "MultiPolygon", "coordinates": [[[[-118.42725182999243, 32.80225023641384], [-118.49903771185133, 32.85220551372977], [-118.5923593582679, 33.03483771036864], [-118.36982312450532, 32.839313829261144], [-118.42725182999243, 32.80225023641384]]], [[[-118.32316230129703, 33.29911724197549], [-118.47032335910777, 33.32597491795179], [-118.54210924096667, 33.47476644286052], [-118.36623383041237, 33.40601079236118], [-118.32316230129703, 33.29911724197549]]], [[[-117.66991077638107, 34.823021776871045], [-117.66991077638107, 34.55927939878373], [-117.64837501182339, 34.287479717903516], [-117.73451807005407, 34.020514418699044], [-117.7847681873553, 33.94531292596539], [-117.97500077428138, 33.94531292596539], [-118.11857253799917, 33.744954663182156], [-118.11857253799917, 33.75140050541647], [-118.12934042027801, 33.75730919413125], [-118.12934042027801, 33.75301196597505], [-118.22266206669457, 33.765366496924145], [-118.2729121839958, 33.729377211115896], [-118.43084112408538, 33.77342379971704], [-118.39135888906299, 33.84110514317732], [-118.47032335910777, 33.97807929065648], [-118.54210924096667, 34.03770333132388], [-118.78259194519397, 34.0215887257381], [-118.94769947346944, 34.045223480597244], [-118.78977053337987, 34.16876879008825], [-118.67132382831268, 34.167694483049196], [-118.63184159329029, 34.2810338756692], [-118.88309217979642, 34.78810679810184], [-118.89386006207526, 34.81818739519531], [-117.66991077638107, 34.823021776871045]]]]}}, {"county_fips": 6065, "Latitude": 34.0, "Longitude": -117.35, "Population": 1165588.0, "q_0": 83505.06686324842, "q_0.05": 102493.7754120667, "q_0.1": 110292.26935246417, "q_0.15": 115306.97928427541, "q_0.2": 119714.17411641162, "q_0.25": 123344.12318074654, "q_0.3": 126795.06580369736, "q_0.35": 130437.39179281188, "q_0.4": 133116.0128759047, "q_0.45": 136324.33638301012, "q_0.5": 139844.72161346892, "q_0.55": 143435.18300291355, "q_0.6": 148088.4799311592, "q_0.65": 153299.90609975395, "q_0.7": 158939.2811782551, "q_0.75": 165540.8620704743, "q_0.8": 173501.23394424102, "q_0.85": 183468.02501484228, "q_0.9": 197769.63685032792, "q_0.95": 221610.6696534281, "q_1": 305971.565191131, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-114.62618938556383, 33.43662854297417], [-116.08703208139238, 33.4269597796227], [-117.03101642783687, 33.4269597796227], [-117.24278477932063, 33.431794161298434], [-117.37199936666664, 33.49195535548536], [-117.50839254219855, 33.50484703995399], [-117.41507089578198, 33.65578717894082], [-117.5371068949421, 33.71111399145201], [-117.673500070474, 33.870111433231735], [-117.55864265949978, 34.03286894964815], [-117.22842760294884, 34.00439981311326], [-116.93051619323442, 34.00439981311326], [-116.93051619323442, 34.034480410206726], [-115.31533385140924, 34.03770333132388], [-115.31533385140924, 34.08121276640549], [-114.4323675045448, 34.087658608639806], [-114.43595679863775, 34.02749741445288], [-114.53645703324021, 33.925438245742924], [-114.4969747982178, 33.696610846424804], [-114.52568915096137, 33.55104224263323], [-114.62618938556383, 33.43662854297417]]]}}, {"county_fips": 6059, "Latitude": 33.93, "Longitude": -117.98, "Population": 2324862.0, "q_0": 142920.77858513754, "q_0.05": 182648.5120553392, "q_0.1": 196113.6820495152, "q_0.15": 204991.5128153843, "q_0.2": 211957.68175977757, "q_0.25": 218078.93573037884, "q_0.3": 223685.32789516108, "q_0.35": 228656.9967747978, "q_0.4": 233557.05321425528, "q_0.45": 238458.35229239412, "q_0.5": 243105.5834929127, "q_0.55": 248169.9671675996, "q_0.6": 253434.05257688413, "q_0.65": 259095.5687327033, "q_0.7": 265466.8014511829, "q_0.75": 272810.4495531348, "q_0.8": 281244.2745054115, "q_0.85": 292678.5292938032, "q_0.9": 308232.690298435, "q_0.95": 332877.58431238064, "q_1": 407715.2731693321, "type": "Feature", "geometry": {"type": "MultiPolygon", "coordinates": [[[[-117.7847681873553, 33.94531292596539], [-117.673500070474, 33.870111433231735], [-117.5371068949421, 33.71111399145201], [-117.41507089578198, 33.65578717894082], [-117.50839254219855, 33.50484703995399], [-117.59453560042923, 33.38667326565824], [-117.88526842195776, 33.60583190162489], [-117.8888577160507, 33.60851766922252], [-117.92475065698015, 33.616574972015414], [-117.92475065698015, 33.614963511456835], [-118.11857253799917, 33.744954663182156], [-117.97500077428138, 33.94531292596539], [-117.7847681873553, 33.94531292596539]]]]}}, {"county_fips": 6073, "Latitude": 32.76, "Longitude": -117.18, "Population": 2393323.0, "q_0": 98091.8329907831, "q_0.05": 127701.89999135093, "q_0.1": 138715.4002923968, "q_0.15": 146489.44530270257, "q_0.2": 152280.2977306448, "q_0.25": 157552.39400448665, "q_0.3": 162422.11943803658, "q_0.35": 166893.14929848583, "q_0.4": 171331.33660396026, "q_0.45": 175655.22897494404, "q_0.5": 180061.9332221351, "q_0.55": 184738.1577317395, "q_0.6": 189745.43064893456, "q_0.65": 194975.48729151895, "q_0.7": 200879.36227817976, "q_0.75": 208026.67962546216, "q_0.8": 216620.82238135012, "q_0.85": 227137.11465355905, "q_0.9": 242050.9803965867, "q_0.95": 265903.99130577024, "q_1": 341370.5861858178, "type": "Feature", "geometry": {"type": "MultiPolygon", "coordinates": [[[[-116.08703208139238, 33.4269597796227], [-116.07985349320649, 33.075661377852626], [-116.10138925776417, 33.07458707081358], [-116.1049785518571, 32.618543732735915], [-117.12433807425344, 32.534210630170314], [-117.12433807425344, 32.67279623820805], [-117.23560619113474, 32.717379980328715], [-117.28226701434302, 32.843073903897825], [-117.24996336750652, 32.87422880803034], [-117.31098136708658, 33.0874787552822], [-117.50839254219855, 33.33564368130326], [-117.59453560042923, 33.38667326565824], [-117.50839254219855, 33.50484703995399], [-117.37199936666664, 33.49195535548536], [-117.24278477932063, 33.431794161298434], [-117.03101642783687, 33.4269597796227], [-116.08703208139238, 33.4269597796227]]]]}}, {"county_fips": 6025, "Latitude": 33.12, "Longitude": -115.52, "Population": 108633.0, "q_0": 48760.88481400679, "q_0.05": 58557.05655739969, "q_0.1": 62981.54778014047, "q_0.15": 65511.91879999632, "q_0.2": 67996.28805243342, "q_0.25": 70150.95528062375, "q_0.3": 72186.11849069803, "q_0.35": 75235.49345042482, "q_0.4": 77515.37948873731, "q_0.45": 79789.0895952427, "q_0.5": 81832.49058757468, "q_0.55": 84320.12358123223, "q_0.6": 86840.63940055048, "q_0.65": 89918.32978929055, "q_0.7": 93503.35294063498, "q_0.75": 97788.21835906216, "q_0.8": 104568.06581793746, "q_0.85": 110919.34765678935, "q_0.9": 120592.53637476644, "q_0.95": 138386.97509964742, "q_1": 196389.83794979425, "type": "Feature", "geometry": {"type": "Polygon", "coordinates": [[[-114.51492126868254, 33.026243254056226], [-114.46467115138131, 32.913441014955744], [-114.52568915096137, 32.75659218725412], [-114.71951103198039, 32.71845428736777], [-116.1049785518571, 32.618543732735915], [-116.10138925776417, 33.07458707081358], [-116.07985349320649, 33.075661377852626], [-116.08703208139238, 33.4269597796227], [-114.62618938556383, 33.43662854297417], [-114.72668962016628, 33.4043993318026], [-114.73027891425923, 33.3055630842098], [-114.6728502087721, 33.22552720980041], [-114.70874314970156, 33.08909021584078], [-114.65849303240033, 33.03268909629054], [-114.51492126868254, 33.026243254056226]]]}}]}}; var opt = { "mode": "vega-lite", "renderer": "canvas", @@ -431,18 +432,19 @@ });
    import os
    -import pickle
     import shutil
     import tempfile
     
     import altair as alt
    +import geopandas as gpd
    +import joblib
     import numpy as np
     import pandas as pd
     from sklearn import datasets
    +from sklearn.base import BaseEstimator, RegressorMixin, clone
    +from sklearn.model_selection import KFold
     from skops import hub_utils
    -
    -import quantile_forest
    -from quantile_forest import RandomForestQuantileRegressor
    +from vega_datasets import data
     
     alt.data_transformers.disable_max_rows()
     
    @@ -451,8 +453,53 @@
     load_existing = True
     
     random_state = np.random.RandomState(0)
    -quantiles = np.linspace(0, 1, num=5, endpoint=True).round(2).tolist()
    -sample_frac = 1
    +quantiles = np.linspace(0, 1, num=21, endpoint=True).round(2).tolist()
    +
    +
    +class CrossValidationPipeline(BaseEstimator, RegressorMixin):
    +    """Cross-validation pipeline for scikit-learn compatible models."""
    +
    +    def __init__(self, base_model, n_splits=5, random_state=None):
    +        self.base_model = base_model
    +        self.n_splits = n_splits
    +        self.random_state = random_state
    +        self.fold_models = {}
    +        self.fold_indices = {}
    +
    +    def fit(self, X, y):
    +        """Fit the model using k-fold cross-validation."""
    +        kf = KFold(n_splits=self.n_splits, shuffle=True, random_state=self.random_state)
    +        for fold_idx, (train_idx, test_idx) in enumerate(kf.split(X)):
    +            X_train, y_train = X.iloc[train_idx], y[train_idx]
    +            model = clone(self.base_model)
    +            model.fit(X_train, y_train)
    +            self.fold_models[fold_idx] = model
    +            self.fold_indices[fold_idx] = test_idx
    +        return self
    +
    +    def predict(self, X, quantiles=None):
    +        """Predict using the appropriate k-fold model."""
    +        if quantiles is None:
    +            quantiles = 0.5
    +        if not isinstance(quantiles, list):
    +            quantiles = [quantiles]
    +        y_pred = np.empty((X.shape[0], len(quantiles)) if len(quantiles) > 1 else (X.shape[0]))
    +        for fold_idx, test_idx in self.fold_indices.items():
    +            fold_model = self.fold_models[fold_idx]
    +            y_pred[test_idx] = fold_model.predict(X.iloc[test_idx], quantiles=quantiles)
    +        return y_pred
    +
    +    def save(self, filename):
    +        with open(filename, "wb") as f:
    +            joblib.dump(self.__getstate__(), f)
    +
    +    @classmethod
    +    def load(cls, filename):
    +        with open(filename, "rb") as f:
    +            state = joblib.load(f)
    +        obj = cls(base_model=None)
    +        obj.__setstate__(state)
    +        return obj
     
     
     def fit_and_upload_model(token, repo_id, local_dir="./local_repo", random_state=None):
    @@ -465,21 +512,27 @@
             median_absolute_error,
             r2_score,
         )
    -    from sklearn.model_selection import train_test_split
    +    from sklearn.pipeline import Pipeline
         from skops import card
     
    +    import quantile_forest
    +    from quantile_forest import RandomForestQuantileRegressor
    +
         # Load the California Housing dataset.
         X, y = datasets.fetch_california_housing(as_frame=True, return_X_y=True)
     
    -    X_train, X_test, y_train, y_test = train_test_split(X, y, random_state=random_state)
    +    # Define the model pipeline.
    +    qrf = RandomForestQuantileRegressor(random_state=random_state)
    +    pipeline = Pipeline(
    +        [("cv_model", CrossValidationPipeline(qrf, n_splits=5, random_state=random_state))]
    +    )
     
    -    # Fit the model.
    -    qrf = RandomForestQuantileRegressor(random_state=random_state).fit(X_train, y_train)
    +    # Fit the model pipeline.
    +    pipeline.fit(X, y)
     
    -    # Save the model to a file.
    +    # Save the pipeline (with all models) to a file.
         model_filename = "model.pkl"
    -    with open(model_filename, mode="bw") as f:
    -        pickle.dump(qrf, file=f)
    +    pipeline.named_steps["cv_model"].save(model_filename)
     
         # Prepare model repository.
         if os.path.exists(local_dir):
    @@ -492,7 +545,7 @@
             requirements=[f"quantile-forest={quantile_forest.__version__}"],
             dst=local_dir,
             task="tabular-regression",
    -        data=X_train,
    +        data=X,
         )
     
         # Create a model card.
    @@ -509,19 +562,18 @@
             "prediction-intervals",
         ]
         model_description = (
    -        "This is a RandomForestQuantileRegressor trained on the California housing dataset."
    +        "This is a RandomForestQuantileRegressor trained on the California Housing dataset."
         )
         limitations = "This model is not ready to be used in production."
         training_procedure = (
    -        "The model was trained using default parameters on a standard train-test split."
    +        "The model was trained using default parameters on a 5-fold cross-validation pipeline."
         )
         get_started_code = """<details>
     <summary> Click to expand </summary>
     
     ```python
    -import pickle
    -with open(qrf_pkl_filename, 'rb') as file:
    -    qrf = pickle.load(file)
    +from examples.plot_qrf_huggingface_inference import CrossValidationPipeline
    +pipeline = CrossValidationPipeline.load(qrf_pkl_filename)
     ```
     
     </details>"""
    @@ -535,11 +587,11 @@
         )
     
         # Add performance metrics to the model card.
    -    y_pred = qrf.predict(X_test)
    -    mape = mean_absolute_percentage_error(y_test, y_pred)
    -    mdae = median_absolute_error(y_test, y_pred)
    -    mse = mean_squared_error(y_test, y_pred)
    -    r2 = r2_score(y_test, y_pred)
    +    y_pred = pipeline.predict(X)
    +    mape = mean_absolute_percentage_error(y, y_pred)
    +    mdae = median_absolute_error(y, y_pred)
    +    mse = mean_squared_error(y, y_pred)
    +    r2 = r2_score(y, y_pred)
         model_card.add_metrics(
             **{
                 "Mean Absolute Percentage Error": mape,
    @@ -577,23 +629,21 @@
     local_dir = "./local_repo"
     with tempfile.TemporaryDirectory() as local_dir:
         hub_utils.download(repo_id=repo_id, dst=local_dir)
    -    with open(f"{local_dir}/{model_filename}", "rb") as file:
    -        qrf = pickle.load(file)
    +    pipeline = CrossValidationPipeline.load(f"{local_dir}/{model_filename}")
     
     # Fetch the California Housing dataset and estimate quantiles.
     X, y = datasets.fetch_california_housing(as_frame=True, return_X_y=True)
    -y_pred = qrf.predict(X, quantiles=quantiles) * 100_000  # predict in dollars
    +y_pred = pipeline.predict(X, quantiles=quantiles) * 100_000  # predict in dollars
     
     df = (
         pd.DataFrame(y_pred, columns=quantiles)
         .reset_index()
    -    .sample(frac=sample_frac, random_state=random_state)
    -    .melt(id_vars=["index"], var_name="quantile", value_name="value")
    +    .rename(columns={q: f"q_{q:.3g}" for q in quantiles})
         .merge(X[["Latitude", "Longitude", "Population"]].reset_index(), on="index", how="right")
     )
     
     
    -def plot_quantiles_by_latlon(df, quantiles, color_scheme="cividis"):
    +def plot_quantiles_by_latlon(df, quantiles, color_scheme="lightgreyred"):
         """Plot quantile predictions on California Housing dataset by lat/lon."""
         # Slider for varying the displayed quantile estimates.
         slider = alt.binding_range(
    @@ -605,35 +655,69 @@
     
         quantile_val = alt.param(name="quantile", value=0.5, bind=slider)
     
    +    # Load the US counties data and filter to California counties.
    +    ca_counties = (
    +        gpd.read_file(data.us_10m.url, layer="counties")
    +        .set_crs("EPSG:4326")
    +        .assign(**{"county_fips": lambda x: x["id"].astype(int)})
    +        .drop(columns=["id"])
    +        .query("(county_fips >= 6000) & (county_fips < 7000)")
    +    )
    +
    +    x_min = df[[f"q_{q:.3g}" for q in quantiles]].min().min()
    +    x_max = df[[f"q_{q:.3g}" for q in quantiles]].max().max()
    +
    +    df = (
    +        gpd.GeoDataFrame(
    +            df, geometry=gpd.points_from_xy(df["Longitude"], df["Latitude"]), crs="4326"
    +        )
    +        .sjoin(ca_counties, how="right")
    +        .drop(columns=["index_left0"])
    +        .assign(
    +            **{f"w_q_{q:.3g}": lambda x, q=q: x[f"q_{q:.3g}"] * x["Population"] for q in quantiles}
    +        )
    +    )
    +
    +    grouped = (
    +        df.groupby("county_fips")
    +        .agg({**{f"w_q_{q:.3g}": "sum" for q in quantiles}, **{"Population": "sum"}})
    +        .reset_index()
    +        .assign(
    +            **{f"q_{q:.3g}": lambda x, q=q: x[f"w_q_{q:.3g}"] / x["Population"] for q in quantiles}
    +        )
    +    )
    +
    +    df = (
    +        df[["county_fips", "Latitude", "Longitude", "geometry"]]
    +        .drop_duplicates(subset=["county_fips"])
    +        .merge(
    +            grouped[["county_fips", "Population"] + [f"q_{q:.3g}" for q in quantiles]],
    +            on="county_fips",
    +            how="left",
    +        )
    +    )
    +
         chart = (
             alt.Chart(df)
             .add_params(quantile_val)
    -        .transform_filter("datum.quantile == quantile")
    -        .mark_circle()
    +        .transform_calculate(quantile_col="'q_' + quantile")
    +        .transform_calculate(value=f"datum[datum.quantile_col]")
    +        .mark_geoshape(stroke="black", strokeWidth=0.5)
             .encode(
    -            x=alt.X(
    -                "Longitude:Q",
    -                axis=alt.Axis(tickMinStep=1, format=".1f"),
    -                scale=alt.Scale(zero=False),
    -                title="Longitude",
    -            ),
    -            y=alt.Y(
    -                "Latitude:Q",
    -                axis=alt.Axis(tickMinStep=1, format=".1f"),
    -                scale=alt.Scale(zero=False),
    -                title="Latitude",
    +            color=alt.Color(
    +                "value:Q",
    +                scale=alt.Scale(domain=[x_min, x_max], scheme=color_scheme),
    +                title="Prediction",
                 ),
    -            color=alt.Color("value:Q", scale=alt.Scale(scheme=color_scheme), title="Prediction"),
    -            size=alt.Size("Population:Q"),
                 tooltip=[
    -                alt.Tooltip("index:N", title="Row ID"),
    -                alt.Tooltip("Latitude:Q", format=".2f", title="Latitude"),
    -                alt.Tooltip("Longitude:Q", format=".2f", title="Longitude"),
    +                alt.Tooltip("county_fips:N", title="County FIPS"),
    +                alt.Tooltip("Population:N", format=",.0f", title="Population"),
                     alt.Tooltip("value:Q", format="$,.0f", title="Predicted Value"),
                 ],
             )
    +        .project(type="mercator")
             .properties(
    -            title="Quantile Predictions on the California Housing Dataset",
    +            title="Quantile Predictions on the California Housing Dataset by County",
                 height=650,
                 width=650,
             )
    diff --git a/gallery/plot_qrf_interpolation_methods.html b/gallery/plot_qrf_interpolation_methods.html
    index c4117e0..864f786 100644
    --- a/gallery/plot_qrf_interpolation_methods.html
    +++ b/gallery/plot_qrf_interpolation_methods.html
    @@ -420,7 +420,7 @@
       // embed when document is loaded, to ensure vega library is available
       // this works on all modern browsers, except IE8 and older
       document.addEventListener("DOMContentLoaded", function(event) {
    -      var spec = {"config": {"view": {"continuousWidth": 300, "continuousHeight": 300, "stroke": null}, "facet": {"spacing": 15}, "range": {"category": ["#000000", "#006aff", "#ffd237", "#0d4599", "#f2a619", "#a6e5ff"]}, "scale": {"bandPaddingInner": 0.9}, "title": {"anchor": "middle"}}, "data": {"name": "data-fcdafb2b6a27b865a219137f2e0a9e5d"}, "facet": {"column": {"field": "X", "header": {"labelOrient": "bottom", "titleOrient": "bottom"}, "title": "Samples (Feature Values)", "type": "nominal"}}, "spec": {"layer": [{"mark": {"type": "bar"}, "encoding": {"color": {"condition": {"param": "param_12", "field": "method", "sort": ["Actual", "Linear", "Lower", "Higher", "Midpoint", "Nearest"], "title": null, "type": "nominal"}, "value": "lightgray"}, "tooltip": [{"field": "method", "title": "Method", "type": "nominal"}, {"field": "X", "title": "X Values", "type": "nominal"}, {"field": "y_pred", "format": ",.3f", "title": "Predicted Y", "type": "quantitative"}, {"field": "y_pred_low", "format": ",.3f", "title": "Predicted Lower Y", "type": "quantitative"}, {"field": "y_pred_upp", "format": ",.3f", "title": "Predicted Upper Y", "type": "quantitative"}, {"field": "quantile_low", "format": ".3f", "title": "Lower Quantile", "type": "quantitative"}, {"field": "quantile_upp", "format": ".3f", "title": "Upper Quantile", "type": "quantitative"}], "x": {"axis": {"labels": false, "tickSize": 0}, "field": "method", "sort": ["Actual", "Linear", "Lower", "Higher", "Midpoint", "Nearest"], "title": null, "type": "nominal"}, "y": {"field": "y_pred_low", "title": "", "type": "quantitative"}, "y2": {"field": "y_pred_upp", "title": null}}, "name": "view_13"}, {"mark": {"type": "circle", "opacity": 1, "size": 75}, "encoding": {"color": {"condition": {"param": "param_12", "field": "method", "sort": ["Actual", "Linear", "Lower", "Higher", "Midpoint", "Nearest"], "title": null, "type": "nominal"}, "value": "lightgray"}, "tooltip": [{"field": "method", "title": "Method", "type": "nominal"}, {"field": "X", "title": "X Values", "type": "nominal"}, {"field": "y_pred", "format": ",.3f", "title": "Predicted Y", "type": "quantitative"}, {"field": "y_pred_low", "format": ",.3f", "title": "Predicted Lower Y", "type": "quantitative"}, {"field": "y_pred_upp", "format": ",.3f", "title": "Predicted Upper Y", "type": "quantitative"}, {"field": "quantile_low", "format": ".3f", "title": "Lower Quantile", "type": "quantitative"}, {"field": "quantile_upp", "format": ".3f", "title": "Upper Quantile", "type": "quantitative"}], "x": {"axis": {"labels": false, "tickSize": 0}, "field": "method", "sort": ["Actual", "Linear", "Lower", "Higher", "Midpoint", "Nearest"], "title": null, "type": "nominal"}, "y": {"field": "y_pred", "title": "Actual and Predicted Values", "type": "quantitative"}}}], "height": 400, "transform": [{"filter": "(datum.method == 'Actual')| (datum.quantile_low == round((0.5 - interval / 2) * 1000) / 1000)| (datum.quantile_upp == round((0.5 + interval / 2) * 1000) / 1000)"}], "width": {"step": 20}}, "params": [{"name": "interval", "bind": {"input": "range", "max": 1, "min": 0, "name": "Prediction Interval: ", "step": 0.01}, "value": 0.8}, {"name": "param_12", "select": {"type": "point", "fields": ["method"], "on": "click"}, "bind": "legend", "views": ["view_13"]}], "title": "QRF Predictions by Quantile Interpolation on Toy Dataset", "$schema": "https://vega.github.io/schema/vega-lite/v5.20.1.json", "datasets": {"data-fcdafb2b6a27b865a219137f2e0a9e5d": [{"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.01, "y_pred_upp": -0.99, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.01, "y_pred_upp": -0.99, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.01, "y_pred_upp": -0.99, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.495, "y_pred_upp": 1.505, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.495, "y_pred_upp": 1.505, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.02, "y_pred_upp": -0.98, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.02, "y_pred_upp": -0.98, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.02, "y_pred_upp": -0.98, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.49, "y_pred_upp": 1.51, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.49, "y_pred_upp": 1.51, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.03, "y_pred_upp": -0.97, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.03, "y_pred_upp": -0.97, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.03, "y_pred_upp": -0.97, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.4849999999999999, "y_pred_upp": 1.5150000000000001, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.4849999999999999, "y_pred_upp": 1.5150000000000001, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.04, "y_pred_upp": -0.96, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.04, "y_pred_upp": -0.96, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.04, "y_pred_upp": -0.96, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.48, "y_pred_upp": 1.52, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.48, "y_pred_upp": 1.52, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.05, "y_pred_upp": -0.95, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.05, "y_pred_upp": -0.95, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.05, "y_pred_upp": -0.95, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.475, "y_pred_upp": 1.525, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.475, "y_pred_upp": 1.525, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.06, "y_pred_upp": -0.94, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.06, "y_pred_upp": -0.94, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.06, "y_pred_upp": -0.94, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.47, "y_pred_upp": 1.53, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.47, "y_pred_upp": 1.53, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0699999999999998, "y_pred_upp": -0.9299999999999999, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0699999999999998, "y_pred_upp": -0.9299999999999999, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0699999999999998, "y_pred_upp": -0.9299999999999999, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.465, "y_pred_upp": 1.5350000000000001, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.465, "y_pred_upp": 1.5350000000000001, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.08, "y_pred_upp": -0.9199999999999999, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.08, "y_pred_upp": -0.9199999999999999, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.08, "y_pred_upp": -0.9199999999999999, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.46, "y_pred_upp": 1.54, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.46, "y_pred_upp": 1.54, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0899999999999999, "y_pred_upp": -0.9099999999999999, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0899999999999999, "y_pred_upp": -0.9099999999999999, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0899999999999999, "y_pred_upp": -0.9099999999999999, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.455, "y_pred_upp": 1.545, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.455, "y_pred_upp": 1.545, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1, "y_pred_upp": -0.8999999999999999, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1, "y_pred_upp": -0.8999999999999999, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1, "y_pred_upp": -0.8999999999999999, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.45, "y_pred_upp": 1.55, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.45, "y_pred_upp": 1.55, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1099999999999999, "y_pred_upp": -0.8899999999999999, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1099999999999999, "y_pred_upp": -0.8899999999999999, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1099999999999999, "y_pred_upp": -0.8899999999999999, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.445, "y_pred_upp": 1.5550000000000002, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.445, "y_pred_upp": 1.5550000000000002, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.12, "y_pred_upp": -0.8799999999999999, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.12, "y_pred_upp": -0.8799999999999999, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.12, "y_pred_upp": -0.8799999999999999, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.44, "y_pred_upp": 1.56, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.44, "y_pred_upp": 1.56, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.13, "y_pred_upp": -0.8700000000000001, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.13, "y_pred_upp": -0.8700000000000001, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.13, "y_pred_upp": -0.8700000000000001, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.435, "y_pred_upp": 1.565, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.435, "y_pred_upp": 1.565, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1400000000000001, "y_pred_upp": -0.8600000000000001, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1400000000000001, "y_pred_upp": -0.8600000000000001, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1400000000000001, "y_pred_upp": -0.8600000000000001, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.43, "y_pred_upp": 1.5699999999999998, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.43, "y_pred_upp": 1.5699999999999998, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.15, "y_pred_upp": -0.8500000000000001, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.15, "y_pred_upp": -0.8500000000000001, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.15, "y_pred_upp": -0.8500000000000001, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.425, "y_pred_upp": 1.575, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.425, "y_pred_upp": 1.575, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1600000000000001, "y_pred_upp": -0.8400000000000001, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1600000000000001, "y_pred_upp": -0.8400000000000001, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1600000000000001, "y_pred_upp": -0.8400000000000001, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.42, "y_pred_upp": 1.58, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.42, "y_pred_upp": 1.58, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.17, "y_pred_upp": -0.8300000000000001, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.17, "y_pred_upp": -0.8300000000000001, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.17, "y_pred_upp": -0.8300000000000001, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.415, "y_pred_upp": 1.585, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.415, "y_pred_upp": 1.585, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1800000000000002, "y_pred_upp": -0.8200000000000001, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1800000000000002, "y_pred_upp": -0.8200000000000001, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1800000000000002, "y_pred_upp": -0.8200000000000001, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.41, "y_pred_upp": 1.5899999999999999, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.41, "y_pred_upp": 1.5899999999999999, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.19, "y_pred_upp": -0.81, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.19, "y_pred_upp": -0.81, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.19, "y_pred_upp": -0.81, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.405, "y_pred_upp": 1.595, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.405, "y_pred_upp": 1.595, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.2, "y_pred_upp": -0.8, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.2, "y_pred_upp": -0.8, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.2, "y_pred_upp": -0.8, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.4, "y_pred_upp": 1.6, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.4, "y_pred_upp": 1.6, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.21, "y_pred_upp": -0.79, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.21, "y_pred_upp": -0.79, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.21, "y_pred_upp": -0.79, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.395, "y_pred_upp": 1.605, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.395, "y_pred_upp": 1.605, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.22, "y_pred_upp": -0.78, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.22, "y_pred_upp": -0.78, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.22, "y_pred_upp": -0.78, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.3900000000000001, "y_pred_upp": 1.6099999999999999, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.3900000000000001, "y_pred_upp": 1.6099999999999999, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.23, "y_pred_upp": -0.77, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.23, "y_pred_upp": -0.77, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.23, "y_pred_upp": -0.77, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.385, "y_pred_upp": 1.615, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.385, "y_pred_upp": 1.615, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.24, "y_pred_upp": -0.76, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.24, "y_pred_upp": -0.76, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.24, "y_pred_upp": -0.76, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.38, "y_pred_upp": 1.62, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.38, "y_pred_upp": 1.62, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.25, "y_pred_upp": -0.75, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.25, "y_pred_upp": -0.75, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.25, "y_pred_upp": -0.75, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.375, "y_pred_upp": 1.625, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.375, "y_pred_upp": 1.625, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.26, "y_pred_upp": -0.74, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.26, "y_pred_upp": -0.74, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.26, "y_pred_upp": -0.74, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.37, "y_pred_upp": 1.63, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.37, "y_pred_upp": 1.63, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.27, "y_pred_upp": -0.73, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.27, "y_pred_upp": -0.73, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.27, "y_pred_upp": -0.73, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.365, "y_pred_upp": 1.635, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.365, "y_pred_upp": 1.635, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.28, "y_pred_upp": -0.72, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.28, "y_pred_upp": -0.72, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.28, "y_pred_upp": -0.72, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.3599999999999999, "y_pred_upp": 1.6400000000000001, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.3599999999999999, "y_pred_upp": 1.6400000000000001, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.29, "y_pred_upp": -0.71, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.29, "y_pred_upp": -0.71, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.29, "y_pred_upp": -0.71, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.355, "y_pred_upp": 1.645, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.355, "y_pred_upp": 1.645, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3, "y_pred_upp": -0.7, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3, "y_pred_upp": -0.7, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3, "y_pred_upp": -0.7, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.35, "y_pred_upp": 1.65, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.35, "y_pred_upp": 1.65, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.31, "y_pred_upp": -0.69, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.31, "y_pred_upp": -0.69, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.31, "y_pred_upp": -0.69, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.345, "y_pred_upp": 1.655, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.345, "y_pred_upp": 1.655, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3199999999999998, "y_pred_upp": -0.6799999999999999, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3199999999999998, "y_pred_upp": -0.6799999999999999, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3199999999999998, "y_pred_upp": -0.6799999999999999, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.34, "y_pred_upp": 1.6600000000000001, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.34, "y_pred_upp": 1.6600000000000001, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.33, "y_pred_upp": -0.6699999999999999, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.33, "y_pred_upp": -0.6699999999999999, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.33, "y_pred_upp": -0.6699999999999999, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.335, "y_pred_upp": 1.665, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.335, "y_pred_upp": 1.665, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3399999999999999, "y_pred_upp": -0.6599999999999999, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3399999999999999, "y_pred_upp": -0.6599999999999999, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3399999999999999, "y_pred_upp": -0.6599999999999999, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.33, "y_pred_upp": 1.67, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.33, "y_pred_upp": 1.67, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.35, "y_pred_upp": -0.6499999999999999, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.35, "y_pred_upp": -0.6499999999999999, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.35, "y_pred_upp": -0.6499999999999999, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.325, "y_pred_upp": 1.675, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.325, "y_pred_upp": 1.675, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3599999999999999, "y_pred_upp": -0.6399999999999999, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3599999999999999, "y_pred_upp": -0.6399999999999999, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3599999999999999, "y_pred_upp": -0.6399999999999999, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.32, "y_pred_upp": 1.6800000000000002, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.32, "y_pred_upp": 1.6800000000000002, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.37, "y_pred_upp": -0.6299999999999999, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.37, "y_pred_upp": -0.6299999999999999, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.37, "y_pred_upp": -0.6299999999999999, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.315, "y_pred_upp": 1.685, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.315, "y_pred_upp": 1.685, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.38, "y_pred_upp": -0.6200000000000001, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.38, "y_pred_upp": -0.6200000000000001, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.38, "y_pred_upp": -0.6200000000000001, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.31, "y_pred_upp": 1.69, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.31, "y_pred_upp": 1.69, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3900000000000001, "y_pred_upp": -0.6100000000000001, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3900000000000001, "y_pred_upp": -0.6100000000000001, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3900000000000001, "y_pred_upp": -0.6100000000000001, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.305, "y_pred_upp": 1.6949999999999998, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.305, "y_pred_upp": 1.6949999999999998, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.4, "y_pred_upp": -0.6000000000000001, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.4, "y_pred_upp": -0.6000000000000001, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.4, "y_pred_upp": -0.6000000000000001, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.3, "y_pred_upp": 1.7, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.3, "y_pred_upp": 1.7, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.4100000000000001, "y_pred_upp": -0.5900000000000001, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.4100000000000001, "y_pred_upp": -0.5900000000000001, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.4100000000000001, "y_pred_upp": -0.5900000000000001, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.295, "y_pred_upp": 1.705, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.295, "y_pred_upp": 1.705, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.42, "y_pred_upp": -0.5800000000000001, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.42, "y_pred_upp": -0.5800000000000001, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.42, "y_pred_upp": -0.5800000000000001, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.29, "y_pred_upp": 1.71, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.29, "y_pred_upp": 1.71, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.4300000000000002, "y_pred_upp": -0.5700000000000001, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.4300000000000002, "y_pred_upp": -0.5700000000000001, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.4300000000000002, "y_pred_upp": -0.5700000000000001, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.285, "y_pred_upp": 1.7149999999999999, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.285, "y_pred_upp": 1.7149999999999999, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.44, "y_pred_upp": -0.56, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.44, "y_pred_upp": -0.56, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.44, "y_pred_upp": -0.56, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.28, "y_pred_upp": 1.72, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.28, "y_pred_upp": 1.72, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.45, "y_pred_upp": -0.55, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.45, "y_pred_upp": -0.55, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.45, "y_pred_upp": -0.55, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.275, "y_pred_upp": 1.725, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.275, "y_pred_upp": 1.725, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.46, "y_pred_upp": -0.54, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.46, "y_pred_upp": -0.54, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.46, "y_pred_upp": -0.54, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.27, "y_pred_upp": 1.73, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.27, "y_pred_upp": 1.73, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.47, "y_pred_upp": -0.53, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.47, "y_pred_upp": -0.53, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.47, "y_pred_upp": -0.53, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.2650000000000001, "y_pred_upp": 1.7349999999999999, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.2650000000000001, "y_pred_upp": 1.7349999999999999, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.48, "y_pred_upp": -0.52, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.48, "y_pred_upp": -0.52, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.48, "y_pred_upp": -0.52, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.26, "y_pred_upp": 1.74, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.26, "y_pred_upp": 1.74, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.49, "y_pred_upp": -0.51, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.49, "y_pred_upp": -0.51, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.49, "y_pred_upp": -0.51, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.255, "y_pred_upp": 1.745, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.255, "y_pred_upp": 1.745, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.25, "y_pred_upp": 1.75, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.25, "y_pred_upp": 1.75, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.51, "y_pred_upp": -0.49, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.51, "y_pred_upp": -0.49, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.51, "y_pred_upp": -0.49, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.245, "y_pred_upp": 1.755, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.245, "y_pred_upp": 1.755, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.52, "y_pred_upp": -0.48, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.52, "y_pred_upp": -0.48, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.52, "y_pred_upp": -0.48, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.24, "y_pred_upp": 1.76, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.24, "y_pred_upp": 1.76, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.53, "y_pred_upp": -0.47, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.53, "y_pred_upp": -0.47, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.53, "y_pred_upp": -0.47, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.2349999999999999, "y_pred_upp": 1.7650000000000001, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.2349999999999999, "y_pred_upp": 1.7650000000000001, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.54, "y_pred_upp": -0.45999999999999996, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.54, "y_pred_upp": -0.45999999999999996, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.54, "y_pred_upp": -0.45999999999999996, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.23, "y_pred_upp": 1.77, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.23, "y_pred_upp": 1.77, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.55, "y_pred_upp": -0.44999999999999996, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.55, "y_pred_upp": -0.44999999999999996, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.55, "y_pred_upp": -0.44999999999999996, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.225, "y_pred_upp": 1.775, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.225, "y_pred_upp": 1.775, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.56, "y_pred_upp": -0.43999999999999995, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.56, "y_pred_upp": -0.43999999999999995, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.56, "y_pred_upp": -0.43999999999999995, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.22, "y_pred_upp": 1.78, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.22, "y_pred_upp": 1.78, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.57, "y_pred_upp": -0.42999999999999994, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.57, "y_pred_upp": -0.42999999999999994, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.57, "y_pred_upp": -0.42999999999999994, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.215, "y_pred_upp": 1.7850000000000001, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.215, "y_pred_upp": 1.7850000000000001, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.58, "y_pred_upp": -0.41999999999999993, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.58, "y_pred_upp": -0.41999999999999993, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.58, "y_pred_upp": -0.41999999999999993, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.21, "y_pred_upp": 1.79, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.21, "y_pred_upp": 1.79, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.59, "y_pred_upp": -0.4099999999999999, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.59, "y_pred_upp": -0.4099999999999999, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.59, "y_pred_upp": -0.4099999999999999, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.205, "y_pred_upp": 1.795, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.205, "y_pred_upp": 1.795, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.6, "y_pred_upp": -0.3999999999999999, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.6, "y_pred_upp": -0.3999999999999999, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.6, "y_pred_upp": -0.3999999999999999, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.2, "y_pred_upp": 1.8, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.2, "y_pred_upp": 1.8, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.6099999999999999, "y_pred_upp": -0.3899999999999999, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.6099999999999999, "y_pred_upp": -0.3899999999999999, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.6099999999999999, "y_pred_upp": -0.3899999999999999, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.195, "y_pred_upp": 1.8050000000000002, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.195, "y_pred_upp": 1.8050000000000002, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.62, "y_pred_upp": -0.3799999999999999, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.62, "y_pred_upp": -0.3799999999999999, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.62, "y_pred_upp": -0.3799999999999999, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.19, "y_pred_upp": 1.81, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.19, "y_pred_upp": 1.81, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.63, "y_pred_upp": -0.3700000000000001, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.63, "y_pred_upp": -0.3700000000000001, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.63, "y_pred_upp": -0.3700000000000001, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.185, "y_pred_upp": 1.815, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.185, "y_pred_upp": 1.815, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.6400000000000001, "y_pred_upp": -0.3600000000000001, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.6400000000000001, "y_pred_upp": -0.3600000000000001, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.6400000000000001, "y_pred_upp": -0.3600000000000001, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.18, "y_pred_upp": 1.8199999999999998, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.18, "y_pred_upp": 1.8199999999999998, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.65, "y_pred_upp": -0.3500000000000001, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.65, "y_pred_upp": -0.3500000000000001, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.65, "y_pred_upp": -0.3500000000000001, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.175, "y_pred_upp": 1.825, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.175, "y_pred_upp": 1.825, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.66, "y_pred_upp": -0.3400000000000001, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.66, "y_pred_upp": -0.3400000000000001, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.66, "y_pred_upp": -0.3400000000000001, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.17, "y_pred_upp": 1.83, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.17, "y_pred_upp": 1.83, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.67, "y_pred_upp": -0.33000000000000007, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.67, "y_pred_upp": -0.33000000000000007, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.67, "y_pred_upp": -0.33000000000000007, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.165, "y_pred_upp": 1.835, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.165, "y_pred_upp": 1.835, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.68, "y_pred_upp": -0.32000000000000006, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.68, "y_pred_upp": -0.32000000000000006, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.68, "y_pred_upp": -0.32000000000000006, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.16, "y_pred_upp": 1.8399999999999999, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.16, "y_pred_upp": 1.8399999999999999, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.69, "y_pred_upp": -0.31000000000000005, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.69, "y_pred_upp": -0.31000000000000005, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.69, "y_pred_upp": -0.31000000000000005, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.155, "y_pred_upp": 1.845, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.155, "y_pred_upp": 1.845, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.7, "y_pred_upp": -0.30000000000000004, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.7, "y_pred_upp": -0.30000000000000004, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.7, "y_pred_upp": -0.30000000000000004, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.15, "y_pred_upp": 1.85, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.15, "y_pred_upp": 1.85, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.71, "y_pred_upp": -0.29000000000000004, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.71, "y_pred_upp": -0.29000000000000004, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.71, "y_pred_upp": -0.29000000000000004, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.145, "y_pred_upp": 1.855, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.145, "y_pred_upp": 1.855, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.72, "y_pred_upp": -0.28, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.72, "y_pred_upp": -0.28, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.72, "y_pred_upp": -0.28, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.1400000000000001, "y_pred_upp": 1.8599999999999999, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.1400000000000001, "y_pred_upp": 1.8599999999999999, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.73, "y_pred_upp": -0.27, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.73, "y_pred_upp": -0.27, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.73, "y_pred_upp": -0.27, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.135, "y_pred_upp": 1.865, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.135, "y_pred_upp": 1.865, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.74, "y_pred_upp": -0.26, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.74, "y_pred_upp": -0.26, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.74, "y_pred_upp": -0.26, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.13, "y_pred_upp": 1.87, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.13, "y_pred_upp": 1.87, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.75, "y_pred_upp": -0.25, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.75, "y_pred_upp": -0.25, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.75, "y_pred_upp": -0.25, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.125, "y_pred_upp": 1.875, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.125, "y_pred_upp": 1.875, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.76, "y_pred_upp": -0.24, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.76, "y_pred_upp": -0.24, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.76, "y_pred_upp": -0.24, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.12, "y_pred_upp": 1.88, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.12, "y_pred_upp": 1.88, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.77, "y_pred_upp": -0.22999999999999998, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.77, "y_pred_upp": -0.22999999999999998, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.77, "y_pred_upp": -0.22999999999999998, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.115, "y_pred_upp": 1.885, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.115, "y_pred_upp": 1.885, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.78, "y_pred_upp": -0.21999999999999997, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.78, "y_pred_upp": -0.21999999999999997, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.78, "y_pred_upp": -0.21999999999999997, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.11, "y_pred_upp": 1.8900000000000001, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.11, "y_pred_upp": 1.8900000000000001, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.79, "y_pred_upp": -0.20999999999999996, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.79, "y_pred_upp": -0.20999999999999996, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.79, "y_pred_upp": -0.20999999999999996, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.105, "y_pred_upp": 1.895, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.105, "y_pred_upp": 1.895, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.8, "y_pred_upp": -0.19999999999999996, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.8, "y_pred_upp": -0.19999999999999996, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.8, "y_pred_upp": -0.19999999999999996, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.1, "y_pred_upp": 1.9, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.1, "y_pred_upp": 1.9, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.81, "y_pred_upp": -0.18999999999999995, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.81, "y_pred_upp": -0.18999999999999995, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.81, "y_pred_upp": -0.18999999999999995, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.095, "y_pred_upp": 1.905, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.095, "y_pred_upp": 1.905, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.82, "y_pred_upp": -0.17999999999999994, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.82, "y_pred_upp": -0.17999999999999994, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.82, "y_pred_upp": -0.17999999999999994, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.09, "y_pred_upp": 1.9100000000000001, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.09, "y_pred_upp": 1.9100000000000001, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.83, "y_pred_upp": -0.16999999999999993, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.83, "y_pred_upp": -0.16999999999999993, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.83, "y_pred_upp": -0.16999999999999993, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.085, "y_pred_upp": 1.915, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.085, "y_pred_upp": 1.915, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.84, "y_pred_upp": -0.15999999999999992, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.84, "y_pred_upp": -0.15999999999999992, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.84, "y_pred_upp": -0.15999999999999992, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.08, "y_pred_upp": 1.92, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.08, "y_pred_upp": 1.92, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.85, "y_pred_upp": -0.1499999999999999, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.85, "y_pred_upp": -0.1499999999999999, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.85, "y_pred_upp": -0.1499999999999999, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.075, "y_pred_upp": 1.925, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.075, "y_pred_upp": 1.925, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.8599999999999999, "y_pred_upp": -0.1399999999999999, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.8599999999999999, "y_pred_upp": -0.1399999999999999, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.8599999999999999, "y_pred_upp": -0.1399999999999999, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.07, "y_pred_upp": 1.9300000000000002, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.07, "y_pred_upp": 1.9300000000000002, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.87, "y_pred_upp": -0.1299999999999999, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.87, "y_pred_upp": -0.1299999999999999, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.87, "y_pred_upp": -0.1299999999999999, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.065, "y_pred_upp": 1.935, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.065, "y_pred_upp": 1.935, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.88, "y_pred_upp": -0.1200000000000001, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.88, "y_pred_upp": -0.1200000000000001, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.88, "y_pred_upp": -0.1200000000000001, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.06, "y_pred_upp": 1.94, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.06, "y_pred_upp": 1.94, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.89, "y_pred_upp": -0.1100000000000001, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.89, "y_pred_upp": -0.1100000000000001, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.89, "y_pred_upp": -0.1100000000000001, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.055, "y_pred_upp": 1.9449999999999998, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.055, "y_pred_upp": 1.9449999999999998, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.9, "y_pred_upp": -0.10000000000000009, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.9, "y_pred_upp": -0.10000000000000009, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.9, "y_pred_upp": -0.10000000000000009, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.05, "y_pred_upp": 1.95, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.05, "y_pred_upp": 1.95, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.91, "y_pred_upp": -0.09000000000000008, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.91, "y_pred_upp": -0.09000000000000008, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.91, "y_pred_upp": -0.09000000000000008, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.045, "y_pred_upp": 1.955, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.045, "y_pred_upp": 1.955, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.92, "y_pred_upp": -0.08000000000000007, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.92, "y_pred_upp": -0.08000000000000007, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.92, "y_pred_upp": -0.08000000000000007, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.04, "y_pred_upp": 1.96, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.04, "y_pred_upp": 1.96, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.93, "y_pred_upp": -0.07000000000000006, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.93, "y_pred_upp": -0.07000000000000006, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.93, "y_pred_upp": -0.07000000000000006, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.035, "y_pred_upp": 1.9649999999999999, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.035, "y_pred_upp": 1.9649999999999999, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.94, "y_pred_upp": -0.06000000000000005, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.94, "y_pred_upp": -0.06000000000000005, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.94, "y_pred_upp": -0.06000000000000005, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.03, "y_pred_upp": 1.97, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.03, "y_pred_upp": 1.97, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.95, "y_pred_upp": -0.050000000000000044, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.95, "y_pred_upp": -0.050000000000000044, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.95, "y_pred_upp": -0.050000000000000044, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.025, "y_pred_upp": 1.975, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.025, "y_pred_upp": 1.975, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.96, "y_pred_upp": -0.040000000000000036, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.96, "y_pred_upp": -0.040000000000000036, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.96, "y_pred_upp": -0.040000000000000036, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.02, "y_pred_upp": 1.98, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.02, "y_pred_upp": 1.98, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.97, "y_pred_upp": -0.030000000000000027, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.97, "y_pred_upp": -0.030000000000000027, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.97, "y_pred_upp": -0.030000000000000027, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.015, "y_pred_upp": 1.9849999999999999, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.015, "y_pred_upp": 1.9849999999999999, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.98, "y_pred_upp": -0.020000000000000018, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.98, "y_pred_upp": -0.020000000000000018, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.98, "y_pred_upp": -0.020000000000000018, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.01, "y_pred_upp": 1.99, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.01, "y_pred_upp": 1.99, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.99, "y_pred_upp": -0.010000000000000009, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.99, "y_pred_upp": -0.010000000000000009, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.99, "y_pred_upp": -0.010000000000000009, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.005, "y_pred_upp": 1.995, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.005, "y_pred_upp": 1.995, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": -2.0, "y_pred_upp": -2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": 0.0, "y_pred_upp": 0.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}]}};
    +      var spec = {"config": {"view": {"continuousWidth": 300, "continuousHeight": 300, "stroke": null}, "facet": {"spacing": 15}, "range": {"category": ["#000000", "#006aff", "#ffd237", "#0d4599", "#f2a619", "#a6e5ff"]}, "scale": {"bandPaddingInner": 0.9}, "title": {"anchor": "middle"}}, "data": {"name": "data-67ffcdc33d92b4fac7e06be19bab905a"}, "facet": {"column": {"field": "X", "header": {"labelOrient": "bottom", "titleOrient": "bottom"}, "title": "Samples (Feature Values)", "type": "nominal"}}, "spec": {"layer": [{"mark": {"type": "bar"}, "encoding": {"color": {"condition": {"param": "param_12", "field": "method", "sort": ["Actual", "Linear", "Lower", "Higher", "Midpoint", "Nearest"], "title": null, "type": "nominal"}, "value": "lightgray"}, "tooltip": [{"field": "method", "title": "Method", "type": "nominal"}, {"field": "X", "title": "X Values", "type": "nominal"}, {"field": "y_pred", "format": ",.3f", "title": "Predicted Y", "type": "quantitative"}, {"field": "y_pred_low", "format": ",.3f", "title": "Predicted Lower Y", "type": "quantitative"}, {"field": "y_pred_upp", "format": ",.3f", "title": "Predicted Upper Y", "type": "quantitative"}, {"field": "quantile_low", "format": ".3f", "title": "Lower Quantile", "type": "quantitative"}, {"field": "quantile_upp", "format": ".3f", "title": "Upper Quantile", "type": "quantitative"}], "x": {"axis": {"labels": false, "tickSize": 0}, "field": "method", "sort": ["Actual", "Linear", "Lower", "Higher", "Midpoint", "Nearest"], "title": null, "type": "nominal"}, "y": {"field": "y_pred_low", "title": "", "type": "quantitative"}, "y2": {"field": "y_pred_upp", "title": null}}, "name": "view_13"}, {"mark": {"type": "circle", "opacity": 1, "size": 75}, "encoding": {"color": {"condition": {"param": "param_12", "field": "method", "sort": ["Actual", "Linear", "Lower", "Higher", "Midpoint", "Nearest"], "title": null, "type": "nominal"}, "value": "lightgray"}, "tooltip": [{"field": "method", "title": "Method", "type": "nominal"}, {"field": "X", "title": "X Values", "type": "nominal"}, {"field": "y_pred", "format": ",.3f", "title": "Predicted Y", "type": "quantitative"}, {"field": "y_pred_low", "format": ",.3f", "title": "Predicted Lower Y", "type": "quantitative"}, {"field": "y_pred_upp", "format": ",.3f", "title": "Predicted Upper Y", "type": "quantitative"}, {"field": "quantile_low", "format": ".3f", "title": "Lower Quantile", "type": "quantitative"}, {"field": "quantile_upp", "format": ".3f", "title": "Upper Quantile", "type": "quantitative"}], "x": {"axis": {"labels": false, "tickSize": 0}, "field": "method", "sort": ["Actual", "Linear", "Lower", "Higher", "Midpoint", "Nearest"], "title": null, "type": "nominal"}, "y": {"field": "y_pred", "title": "Actual and Predicted Values", "type": "quantitative"}}}], "height": 400, "transform": [{"filter": "(datum.method == 'Actual')| (datum.quantile_low == round((0.5 - interval / 2) * 1000) / 1000)| (datum.quantile_upp == round((0.5 + interval / 2) * 1000) / 1000)"}], "width": {"step": 20}}, "params": [{"name": "interval", "bind": {"input": "range", "max": 1, "min": 0, "name": "Prediction Interval: ", "step": 0.01}, "value": 0.8}, {"name": "param_12", "select": {"type": "point", "fields": ["method"], "on": "click"}, "bind": "legend", "views": ["view_13"]}], "title": "QRF Predictions by Quantile Interpolation on Toy Dataset", "$schema": "https://vega.github.io/schema/vega-lite/v5.20.1.json", "datasets": {"data-67ffcdc33d92b4fac7e06be19bab905a": [{"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.5, "quantile_upp": 0.5}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.01, "y_pred_upp": -0.99, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.01, "y_pred_upp": -0.99, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.01, "y_pred_upp": -0.99, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.495, "y_pred_upp": 1.505, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.495, "y_pred_upp": 1.505, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.495, "quantile_upp": 0.505}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.02, "y_pred_upp": -0.98, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.02, "y_pred_upp": -0.98, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.02, "y_pred_upp": -0.98, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.49, "y_pred_upp": 1.51, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.49, "y_pred_upp": 1.51, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.49, "quantile_upp": 0.51}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.03, "y_pred_upp": -0.97, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.03, "y_pred_upp": -0.97, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.03, "y_pred_upp": -0.97, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.4849999999999999, "y_pred_upp": 1.5150000000000001, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.4849999999999999, "y_pred_upp": 1.5150000000000001, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.485, "quantile_upp": 0.515}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.04, "y_pred_upp": -0.96, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.04, "y_pred_upp": -0.96, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.04, "y_pred_upp": -0.96, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.48, "y_pred_upp": 1.52, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.48, "y_pred_upp": 1.52, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.48, "quantile_upp": 0.52}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.05, "y_pred_upp": -0.95, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.05, "y_pred_upp": -0.95, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.05, "y_pred_upp": -0.95, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.475, "y_pred_upp": 1.525, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.475, "y_pred_upp": 1.525, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.475, "quantile_upp": 0.525}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.06, "y_pred_upp": -0.94, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.06, "y_pred_upp": -0.94, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.06, "y_pred_upp": -0.94, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.47, "y_pred_upp": 1.53, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.47, "y_pred_upp": 1.53, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.47, "quantile_upp": 0.53}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0699999999999998, "y_pred_upp": -0.9299999999999999, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0699999999999998, "y_pred_upp": -0.9299999999999999, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0699999999999998, "y_pred_upp": -0.9299999999999999, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.465, "y_pred_upp": 1.5350000000000001, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.465, "y_pred_upp": 1.5350000000000001, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.465, "quantile_upp": 0.535}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.08, "y_pred_upp": -0.9199999999999999, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.08, "y_pred_upp": -0.9199999999999999, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.08, "y_pred_upp": -0.9199999999999999, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.46, "y_pred_upp": 1.54, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.46, "y_pred_upp": 1.54, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.46, "quantile_upp": 0.54}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0899999999999999, "y_pred_upp": -0.9099999999999999, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0899999999999999, "y_pred_upp": -0.9099999999999999, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0899999999999999, "y_pred_upp": -0.9099999999999999, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.455, "y_pred_upp": 1.545, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.455, "y_pred_upp": 1.545, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.455, "quantile_upp": 0.545}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1, "y_pred_upp": -0.8999999999999999, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1, "y_pred_upp": -0.8999999999999999, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1, "y_pred_upp": -0.8999999999999999, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.45, "y_pred_upp": 1.55, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.45, "y_pred_upp": 1.55, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.45, "quantile_upp": 0.55}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1099999999999999, "y_pred_upp": -0.8899999999999999, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1099999999999999, "y_pred_upp": -0.8899999999999999, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1099999999999999, "y_pred_upp": -0.8899999999999999, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.445, "y_pred_upp": 1.5550000000000002, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.445, "y_pred_upp": 1.5550000000000002, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.445, "quantile_upp": 0.555}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.12, "y_pred_upp": -0.8799999999999999, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.12, "y_pred_upp": -0.8799999999999999, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.12, "y_pred_upp": -0.8799999999999999, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.44, "y_pred_upp": 1.56, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.44, "y_pred_upp": 1.56, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.44, "quantile_upp": 0.56}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.13, "y_pred_upp": -0.8700000000000001, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.13, "y_pred_upp": -0.8700000000000001, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.13, "y_pred_upp": -0.8700000000000001, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.435, "y_pred_upp": 1.565, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.435, "y_pred_upp": 1.565, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.435, "quantile_upp": 0.565}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1400000000000001, "y_pred_upp": -0.8600000000000001, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1400000000000001, "y_pred_upp": -0.8600000000000001, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1400000000000001, "y_pred_upp": -0.8600000000000001, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.43, "y_pred_upp": 1.5699999999999998, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.43, "y_pred_upp": 1.5699999999999998, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.43, "quantile_upp": 0.57}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.15, "y_pred_upp": -0.8500000000000001, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.15, "y_pred_upp": -0.8500000000000001, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.15, "y_pred_upp": -0.8500000000000001, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.425, "y_pred_upp": 1.575, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.425, "y_pred_upp": 1.575, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.425, "quantile_upp": 0.575}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1600000000000001, "y_pred_upp": -0.8400000000000001, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1600000000000001, "y_pred_upp": -0.8400000000000001, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1600000000000001, "y_pred_upp": -0.8400000000000001, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.42, "y_pred_upp": 1.58, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.42, "y_pred_upp": 1.58, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.42, "quantile_upp": 0.58}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.17, "y_pred_upp": -0.8300000000000001, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.17, "y_pred_upp": -0.8300000000000001, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.17, "y_pred_upp": -0.8300000000000001, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.415, "y_pred_upp": 1.585, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.415, "y_pred_upp": 1.585, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.415, "quantile_upp": 0.585}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1800000000000002, "y_pred_upp": -0.8200000000000001, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1800000000000002, "y_pred_upp": -0.8200000000000001, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.1800000000000002, "y_pred_upp": -0.8200000000000001, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.41, "y_pred_upp": 1.5899999999999999, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.41, "y_pred_upp": 1.5899999999999999, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.41, "quantile_upp": 0.59}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.19, "y_pred_upp": -0.81, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.19, "y_pred_upp": -0.81, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.19, "y_pred_upp": -0.81, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.405, "y_pred_upp": 1.595, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.405, "y_pred_upp": 1.595, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.405, "quantile_upp": 0.595}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.2, "y_pred_upp": -0.8, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.2, "y_pred_upp": -0.8, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.2, "y_pred_upp": -0.8, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.4, "y_pred_upp": 1.6, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.4, "y_pred_upp": 1.6, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.4, "quantile_upp": 0.6}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.21, "y_pred_upp": -0.79, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.21, "y_pred_upp": -0.79, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.21, "y_pred_upp": -0.79, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.395, "y_pred_upp": 1.605, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.395, "y_pred_upp": 1.605, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.395, "quantile_upp": 0.605}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.22, "y_pred_upp": -0.78, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.22, "y_pred_upp": -0.78, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.22, "y_pred_upp": -0.78, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.3900000000000001, "y_pred_upp": 1.6099999999999999, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.3900000000000001, "y_pred_upp": 1.6099999999999999, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.39, "quantile_upp": 0.61}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.23, "y_pred_upp": -0.77, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.23, "y_pred_upp": -0.77, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.23, "y_pred_upp": -0.77, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.385, "y_pred_upp": 1.615, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.385, "y_pred_upp": 1.615, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.385, "quantile_upp": 0.615}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.24, "y_pred_upp": -0.76, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.24, "y_pred_upp": -0.76, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.24, "y_pred_upp": -0.76, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.38, "y_pred_upp": 1.62, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.38, "y_pred_upp": 1.62, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.38, "quantile_upp": 0.62}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.25, "y_pred_upp": -0.75, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.25, "y_pred_upp": -0.75, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.25, "y_pred_upp": -0.75, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.375, "y_pred_upp": 1.625, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.375, "y_pred_upp": 1.625, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.375, "quantile_upp": 0.625}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.26, "y_pred_upp": -0.74, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.26, "y_pred_upp": -0.74, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.26, "y_pred_upp": -0.74, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.37, "y_pred_upp": 1.63, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.37, "y_pred_upp": 1.63, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.37, "quantile_upp": 0.63}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.27, "y_pred_upp": -0.73, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.27, "y_pred_upp": -0.73, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.27, "y_pred_upp": -0.73, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.365, "y_pred_upp": 1.635, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.365, "y_pred_upp": 1.635, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.365, "quantile_upp": 0.635}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.28, "y_pred_upp": -0.72, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.28, "y_pred_upp": -0.72, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.28, "y_pred_upp": -0.72, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.3599999999999999, "y_pred_upp": 1.6400000000000001, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.3599999999999999, "y_pred_upp": 1.6400000000000001, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.36, "quantile_upp": 0.64}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.29, "y_pred_upp": -0.71, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.29, "y_pred_upp": -0.71, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.29, "y_pred_upp": -0.71, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.355, "y_pred_upp": 1.645, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.355, "y_pred_upp": 1.645, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.355, "quantile_upp": 0.645}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3, "y_pred_upp": -0.7, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3, "y_pred_upp": -0.7, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3, "y_pred_upp": -0.7, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.35, "y_pred_upp": 1.65, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.35, "y_pred_upp": 1.65, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.35, "quantile_upp": 0.65}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.31, "y_pred_upp": -0.69, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.31, "y_pred_upp": -0.69, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.31, "y_pred_upp": -0.69, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.345, "y_pred_upp": 1.655, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.345, "y_pred_upp": 1.655, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.345, "quantile_upp": 0.655}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3199999999999998, "y_pred_upp": -0.6799999999999999, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3199999999999998, "y_pred_upp": -0.6799999999999999, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3199999999999998, "y_pred_upp": -0.6799999999999999, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.34, "y_pred_upp": 1.6600000000000001, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.34, "y_pred_upp": 1.6600000000000001, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.34, "quantile_upp": 0.66}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.33, "y_pred_upp": -0.6699999999999999, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.33, "y_pred_upp": -0.6699999999999999, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.33, "y_pred_upp": -0.6699999999999999, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.335, "y_pred_upp": 1.665, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.335, "y_pred_upp": 1.665, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.335, "quantile_upp": 0.665}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3399999999999999, "y_pred_upp": -0.6599999999999999, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3399999999999999, "y_pred_upp": -0.6599999999999999, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3399999999999999, "y_pred_upp": -0.6599999999999999, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.33, "y_pred_upp": 1.67, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.33, "y_pred_upp": 1.67, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.33, "quantile_upp": 0.67}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.35, "y_pred_upp": -0.6499999999999999, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.35, "y_pred_upp": -0.6499999999999999, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.35, "y_pred_upp": -0.6499999999999999, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.325, "y_pred_upp": 1.675, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.325, "y_pred_upp": 1.675, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.325, "quantile_upp": 0.675}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3599999999999999, "y_pred_upp": -0.6399999999999999, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3599999999999999, "y_pred_upp": -0.6399999999999999, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3599999999999999, "y_pred_upp": -0.6399999999999999, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.32, "y_pred_upp": 1.6800000000000002, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.32, "y_pred_upp": 1.6800000000000002, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.32, "quantile_upp": 0.68}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.37, "y_pred_upp": -0.6299999999999999, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.37, "y_pred_upp": -0.6299999999999999, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.37, "y_pred_upp": -0.6299999999999999, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.315, "y_pred_upp": 1.685, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.315, "y_pred_upp": 1.685, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.315, "quantile_upp": 0.685}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.38, "y_pred_upp": -0.6200000000000001, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.38, "y_pred_upp": -0.6200000000000001, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.38, "y_pred_upp": -0.6200000000000001, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.31, "y_pred_upp": 1.69, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.31, "y_pred_upp": 1.69, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.31, "quantile_upp": 0.69}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3900000000000001, "y_pred_upp": -0.6100000000000001, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3900000000000001, "y_pred_upp": -0.6100000000000001, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.3900000000000001, "y_pred_upp": -0.6100000000000001, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.305, "y_pred_upp": 1.6949999999999998, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.305, "y_pred_upp": 1.6949999999999998, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.305, "quantile_upp": 0.695}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.4, "y_pred_upp": -0.6000000000000001, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.4, "y_pred_upp": -0.6000000000000001, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.4, "y_pred_upp": -0.6000000000000001, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.3, "y_pred_upp": 1.7, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.3, "y_pred_upp": 1.7, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.3, "quantile_upp": 0.7}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.4100000000000001, "y_pred_upp": -0.5900000000000001, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.4100000000000001, "y_pred_upp": -0.5900000000000001, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.4100000000000001, "y_pred_upp": -0.5900000000000001, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.295, "y_pred_upp": 1.705, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.295, "y_pred_upp": 1.705, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.295, "quantile_upp": 0.705}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.42, "y_pred_upp": -0.5800000000000001, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.42, "y_pred_upp": -0.5800000000000001, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.42, "y_pred_upp": -0.5800000000000001, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.29, "y_pred_upp": 1.71, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.29, "y_pred_upp": 1.71, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.29, "quantile_upp": 0.71}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.4300000000000002, "y_pred_upp": -0.5700000000000001, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.4300000000000002, "y_pred_upp": -0.5700000000000001, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.4300000000000002, "y_pred_upp": -0.5700000000000001, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.285, "y_pred_upp": 1.7149999999999999, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.285, "y_pred_upp": 1.7149999999999999, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.285, "quantile_upp": 0.715}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.44, "y_pred_upp": -0.56, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.44, "y_pred_upp": -0.56, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.44, "y_pred_upp": -0.56, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.28, "y_pred_upp": 1.72, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.28, "y_pred_upp": 1.72, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.28, "quantile_upp": 0.72}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.45, "y_pred_upp": -0.55, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.45, "y_pred_upp": -0.55, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.45, "y_pred_upp": -0.55, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.275, "y_pred_upp": 1.725, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.275, "y_pred_upp": 1.725, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.275, "quantile_upp": 0.725}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.46, "y_pred_upp": -0.54, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.46, "y_pred_upp": -0.54, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.46, "y_pred_upp": -0.54, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.27, "y_pred_upp": 1.73, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.27, "y_pred_upp": 1.73, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.27, "quantile_upp": 0.73}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.47, "y_pred_upp": -0.53, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.47, "y_pred_upp": -0.53, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.47, "y_pred_upp": -0.53, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.2650000000000001, "y_pred_upp": 1.7349999999999999, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.2650000000000001, "y_pred_upp": 1.7349999999999999, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.265, "quantile_upp": 0.735}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.48, "y_pred_upp": -0.52, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.48, "y_pred_upp": -0.52, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.48, "y_pred_upp": -0.52, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.26, "y_pred_upp": 1.74, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.26, "y_pred_upp": 1.74, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.26, "quantile_upp": 0.74}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.49, "y_pred_upp": -0.51, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.49, "y_pred_upp": -0.51, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.49, "y_pred_upp": -0.51, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.255, "y_pred_upp": 1.745, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.255, "y_pred_upp": 1.745, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": -1.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.255, "quantile_upp": 0.745}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.25, "y_pred_upp": 1.75, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.25, "y_pred_upp": 1.75, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.25, "quantile_upp": 0.75}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.51, "y_pred_upp": -0.49, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.51, "y_pred_upp": -0.49, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.51, "y_pred_upp": -0.49, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.245, "y_pred_upp": 1.755, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.245, "y_pred_upp": 1.755, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.245, "quantile_upp": 0.755}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.52, "y_pred_upp": -0.48, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.52, "y_pred_upp": -0.48, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.52, "y_pred_upp": -0.48, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.24, "y_pred_upp": 1.76, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.24, "y_pred_upp": 1.76, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.24, "quantile_upp": 0.76}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.53, "y_pred_upp": -0.47, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.53, "y_pred_upp": -0.47, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.53, "y_pred_upp": -0.47, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.2349999999999999, "y_pred_upp": 1.7650000000000001, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.2349999999999999, "y_pred_upp": 1.7650000000000001, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.235, "quantile_upp": 0.765}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.54, "y_pred_upp": -0.45999999999999996, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.54, "y_pred_upp": -0.45999999999999996, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.54, "y_pred_upp": -0.45999999999999996, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.23, "y_pred_upp": 1.77, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.23, "y_pred_upp": 1.77, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.23, "quantile_upp": 0.77}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.55, "y_pred_upp": -0.44999999999999996, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.55, "y_pred_upp": -0.44999999999999996, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.55, "y_pred_upp": -0.44999999999999996, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.225, "y_pred_upp": 1.775, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.225, "y_pred_upp": 1.775, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.225, "quantile_upp": 0.775}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.56, "y_pred_upp": -0.43999999999999995, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.56, "y_pred_upp": -0.43999999999999995, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.56, "y_pred_upp": -0.43999999999999995, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.22, "y_pred_upp": 1.78, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.22, "y_pred_upp": 1.78, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.22, "quantile_upp": 0.78}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.57, "y_pred_upp": -0.42999999999999994, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.57, "y_pred_upp": -0.42999999999999994, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.57, "y_pred_upp": -0.42999999999999994, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.215, "y_pred_upp": 1.7850000000000001, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.215, "y_pred_upp": 1.7850000000000001, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.215, "quantile_upp": 0.785}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.58, "y_pred_upp": -0.41999999999999993, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.58, "y_pred_upp": -0.41999999999999993, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.58, "y_pred_upp": -0.41999999999999993, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.21, "y_pred_upp": 1.79, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.21, "y_pred_upp": 1.79, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.21, "quantile_upp": 0.79}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.59, "y_pred_upp": -0.4099999999999999, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.59, "y_pred_upp": -0.4099999999999999, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.59, "y_pred_upp": -0.4099999999999999, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.205, "y_pred_upp": 1.795, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.205, "y_pred_upp": 1.795, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.205, "quantile_upp": 0.795}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.6, "y_pred_upp": -0.3999999999999999, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.6, "y_pred_upp": -0.3999999999999999, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.6, "y_pred_upp": -0.3999999999999999, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.2, "y_pred_upp": 1.8, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.2, "y_pred_upp": 1.8, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.2, "quantile_upp": 0.8}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.6099999999999999, "y_pred_upp": -0.3899999999999999, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.6099999999999999, "y_pred_upp": -0.3899999999999999, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.6099999999999999, "y_pred_upp": -0.3899999999999999, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.195, "y_pred_upp": 1.8050000000000002, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.195, "y_pred_upp": 1.8050000000000002, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.195, "quantile_upp": 0.805}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.62, "y_pred_upp": -0.3799999999999999, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.62, "y_pred_upp": -0.3799999999999999, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.62, "y_pred_upp": -0.3799999999999999, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.19, "y_pred_upp": 1.81, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.19, "y_pred_upp": 1.81, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.19, "quantile_upp": 0.81}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.63, "y_pred_upp": -0.3700000000000001, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.63, "y_pred_upp": -0.3700000000000001, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.63, "y_pred_upp": -0.3700000000000001, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.185, "y_pred_upp": 1.815, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.185, "y_pred_upp": 1.815, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.185, "quantile_upp": 0.815}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.6400000000000001, "y_pred_upp": -0.3600000000000001, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.6400000000000001, "y_pred_upp": -0.3600000000000001, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.6400000000000001, "y_pred_upp": -0.3600000000000001, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.18, "y_pred_upp": 1.8199999999999998, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.18, "y_pred_upp": 1.8199999999999998, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.18, "quantile_upp": 0.82}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.65, "y_pred_upp": -0.3500000000000001, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.65, "y_pred_upp": -0.3500000000000001, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.65, "y_pred_upp": -0.3500000000000001, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.175, "y_pred_upp": 1.825, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.175, "y_pred_upp": 1.825, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.175, "quantile_upp": 0.825}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.66, "y_pred_upp": -0.3400000000000001, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.66, "y_pred_upp": -0.3400000000000001, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.66, "y_pred_upp": -0.3400000000000001, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.17, "y_pred_upp": 1.83, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.17, "y_pred_upp": 1.83, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.17, "quantile_upp": 0.83}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.67, "y_pred_upp": -0.33000000000000007, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.67, "y_pred_upp": -0.33000000000000007, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.67, "y_pred_upp": -0.33000000000000007, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.165, "y_pred_upp": 1.835, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.165, "y_pred_upp": 1.835, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.165, "quantile_upp": 0.835}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.68, "y_pred_upp": -0.32000000000000006, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.68, "y_pred_upp": -0.32000000000000006, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.68, "y_pred_upp": -0.32000000000000006, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.16, "y_pred_upp": 1.8399999999999999, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.16, "y_pred_upp": 1.8399999999999999, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.16, "quantile_upp": 0.84}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.69, "y_pred_upp": -0.31000000000000005, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.69, "y_pred_upp": -0.31000000000000005, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.69, "y_pred_upp": -0.31000000000000005, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.155, "y_pred_upp": 1.845, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.155, "y_pred_upp": 1.845, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.155, "quantile_upp": 0.845}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.7, "y_pred_upp": -0.30000000000000004, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.7, "y_pred_upp": -0.30000000000000004, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.7, "y_pred_upp": -0.30000000000000004, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.15, "y_pred_upp": 1.85, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.15, "y_pred_upp": 1.85, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.15, "quantile_upp": 0.85}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.71, "y_pred_upp": -0.29000000000000004, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.71, "y_pred_upp": -0.29000000000000004, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.71, "y_pred_upp": -0.29000000000000004, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.145, "y_pred_upp": 1.855, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.145, "y_pred_upp": 1.855, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.145, "quantile_upp": 0.855}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.72, "y_pred_upp": -0.28, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.72, "y_pred_upp": -0.28, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.72, "y_pred_upp": -0.28, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.1400000000000001, "y_pred_upp": 1.8599999999999999, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.1400000000000001, "y_pred_upp": 1.8599999999999999, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.14, "quantile_upp": 0.86}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.73, "y_pred_upp": -0.27, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.73, "y_pred_upp": -0.27, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.73, "y_pred_upp": -0.27, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.135, "y_pred_upp": 1.865, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.135, "y_pred_upp": 1.865, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.135, "quantile_upp": 0.865}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.74, "y_pred_upp": -0.26, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.74, "y_pred_upp": -0.26, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.74, "y_pred_upp": -0.26, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.13, "y_pred_upp": 1.87, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.13, "y_pred_upp": 1.87, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.13, "quantile_upp": 0.87}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.75, "y_pred_upp": -0.25, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.75, "y_pred_upp": -0.25, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.75, "y_pred_upp": -0.25, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.125, "y_pred_upp": 1.875, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.125, "y_pred_upp": 1.875, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.125, "quantile_upp": 0.875}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.76, "y_pred_upp": -0.24, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.76, "y_pred_upp": -0.24, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.76, "y_pred_upp": -0.24, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.12, "y_pred_upp": 1.88, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.12, "y_pred_upp": 1.88, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.12, "quantile_upp": 0.88}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.77, "y_pred_upp": -0.22999999999999998, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.77, "y_pred_upp": -0.22999999999999998, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.77, "y_pred_upp": -0.22999999999999998, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.115, "y_pred_upp": 1.885, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.115, "y_pred_upp": 1.885, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.115, "quantile_upp": 0.885}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.78, "y_pred_upp": -0.21999999999999997, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.78, "y_pred_upp": -0.21999999999999997, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.78, "y_pred_upp": -0.21999999999999997, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.11, "y_pred_upp": 1.8900000000000001, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.11, "y_pred_upp": 1.8900000000000001, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.11, "quantile_upp": 0.89}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.79, "y_pred_upp": -0.20999999999999996, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.79, "y_pred_upp": -0.20999999999999996, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.79, "y_pred_upp": -0.20999999999999996, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.105, "y_pred_upp": 1.895, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.105, "y_pred_upp": 1.895, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.105, "quantile_upp": 0.895}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.8, "y_pred_upp": -0.19999999999999996, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.8, "y_pred_upp": -0.19999999999999996, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.8, "y_pred_upp": -0.19999999999999996, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.1, "y_pred_upp": 1.9, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.1, "y_pred_upp": 1.9, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.1, "quantile_upp": 0.9}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.81, "y_pred_upp": -0.18999999999999995, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.81, "y_pred_upp": -0.18999999999999995, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.81, "y_pred_upp": -0.18999999999999995, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.095, "y_pred_upp": 1.905, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.095, "y_pred_upp": 1.905, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.095, "quantile_upp": 0.905}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.82, "y_pred_upp": -0.17999999999999994, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.82, "y_pred_upp": -0.17999999999999994, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.82, "y_pred_upp": -0.17999999999999994, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.09, "y_pred_upp": 1.9100000000000001, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.09, "y_pred_upp": 1.9100000000000001, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.09, "quantile_upp": 0.91}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.83, "y_pred_upp": -0.16999999999999993, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.83, "y_pred_upp": -0.16999999999999993, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.83, "y_pred_upp": -0.16999999999999993, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.085, "y_pred_upp": 1.915, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.085, "y_pred_upp": 1.915, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.085, "quantile_upp": 0.915}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.84, "y_pred_upp": -0.15999999999999992, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.84, "y_pred_upp": -0.15999999999999992, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.84, "y_pred_upp": -0.15999999999999992, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.08, "y_pred_upp": 1.92, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.08, "y_pred_upp": 1.92, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.08, "quantile_upp": 0.92}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.85, "y_pred_upp": -0.1499999999999999, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.85, "y_pred_upp": -0.1499999999999999, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.85, "y_pred_upp": -0.1499999999999999, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.075, "y_pred_upp": 1.925, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.075, "y_pred_upp": 1.925, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.075, "quantile_upp": 0.925}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.8599999999999999, "y_pred_upp": -0.1399999999999999, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.8599999999999999, "y_pred_upp": -0.1399999999999999, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.8599999999999999, "y_pred_upp": -0.1399999999999999, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.07, "y_pred_upp": 1.9300000000000002, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.07, "y_pred_upp": 1.9300000000000002, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.07, "quantile_upp": 0.93}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.87, "y_pred_upp": -0.1299999999999999, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.87, "y_pred_upp": -0.1299999999999999, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.87, "y_pred_upp": -0.1299999999999999, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.065, "y_pred_upp": 1.935, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.065, "y_pred_upp": 1.935, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.065, "quantile_upp": 0.935}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.88, "y_pred_upp": -0.1200000000000001, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.88, "y_pred_upp": -0.1200000000000001, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.88, "y_pred_upp": -0.1200000000000001, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.06, "y_pred_upp": 1.94, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.06, "y_pred_upp": 1.94, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.06, "quantile_upp": 0.94}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.89, "y_pred_upp": -0.1100000000000001, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.89, "y_pred_upp": -0.1100000000000001, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.89, "y_pred_upp": -0.1100000000000001, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.055, "y_pred_upp": 1.9449999999999998, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.055, "y_pred_upp": 1.9449999999999998, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.055, "quantile_upp": 0.945}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.9, "y_pred_upp": -0.10000000000000009, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.9, "y_pred_upp": -0.10000000000000009, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.9, "y_pred_upp": -0.10000000000000009, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.05, "y_pred_upp": 1.95, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.05, "y_pred_upp": 1.95, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.05, "quantile_upp": 0.95}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.91, "y_pred_upp": -0.09000000000000008, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.91, "y_pred_upp": -0.09000000000000008, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.91, "y_pred_upp": -0.09000000000000008, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.045, "y_pred_upp": 1.955, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.045, "y_pred_upp": 1.955, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.045, "quantile_upp": 0.955}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.92, "y_pred_upp": -0.08000000000000007, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.92, "y_pred_upp": -0.08000000000000007, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.92, "y_pred_upp": -0.08000000000000007, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.04, "y_pred_upp": 1.96, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.04, "y_pred_upp": 1.96, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.04, "quantile_upp": 0.96}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.93, "y_pred_upp": -0.07000000000000006, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.93, "y_pred_upp": -0.07000000000000006, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.93, "y_pred_upp": -0.07000000000000006, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.035, "y_pred_upp": 1.9649999999999999, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.035, "y_pred_upp": 1.9649999999999999, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.035, "quantile_upp": 0.965}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.94, "y_pred_upp": -0.06000000000000005, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.94, "y_pred_upp": -0.06000000000000005, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.94, "y_pred_upp": -0.06000000000000005, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.03, "y_pred_upp": 1.97, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.03, "y_pred_upp": 1.97, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.03, "quantile_upp": 0.97}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.95, "y_pred_upp": -0.050000000000000044, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.95, "y_pred_upp": -0.050000000000000044, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.95, "y_pred_upp": -0.050000000000000044, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.025, "y_pred_upp": 1.975, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.025, "y_pred_upp": 1.975, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.025, "quantile_upp": 0.975}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.96, "y_pred_upp": -0.040000000000000036, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.96, "y_pred_upp": -0.040000000000000036, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.96, "y_pred_upp": -0.040000000000000036, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.02, "y_pred_upp": 1.98, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.02, "y_pred_upp": 1.98, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.02, "quantile_upp": 0.98}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.97, "y_pred_upp": -0.030000000000000027, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.97, "y_pred_upp": -0.030000000000000027, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.97, "y_pred_upp": -0.030000000000000027, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.015, "y_pred_upp": 1.9849999999999999, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.015, "y_pred_upp": 1.9849999999999999, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.015, "quantile_upp": 0.985}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.98, "y_pred_upp": -0.020000000000000018, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.98, "y_pred_upp": -0.020000000000000018, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.98, "y_pred_upp": -0.020000000000000018, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.01, "y_pred_upp": 1.99, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.01, "y_pred_upp": 1.99, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.01, "quantile_upp": 0.99}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.99, "y_pred_upp": -0.010000000000000009, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.99, "y_pred_upp": -0.010000000000000009, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.99, "y_pred_upp": -0.010000000000000009, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.005, "y_pred_upp": 1.995, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.005, "y_pred_upp": 1.995, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": -1.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 1.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.0, "y_pred_upp": 0.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 2.0, "y_pred_upp": 2.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -1.5, "y_pred_upp": -0.5, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.5, "y_pred_upp": 1.5, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.005, "quantile_upp": 0.995}, {"method": "Actual", "X": "Sample 1 ([-1, -1])", "y_pred": -2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 3 ([-1, -1])", "y_pred": 0.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Actual", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": null, "y_pred_upp": null, "quantile_low": null, "quantile_upp": null}, {"method": "Linear", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Linear", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Linear", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Linear", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Linear", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Lower", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Lower", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Lower", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Lower", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Lower", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Higher", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Higher", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Higher", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Higher", "X": "Sample 4 ([1, 1])", "y_pred": 2.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Higher", "X": "Sample 5 ([1, 1])", "y_pred": 2.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Midpoint", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Midpoint", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Midpoint", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Midpoint", "X": "Sample 4 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Midpoint", "X": "Sample 5 ([1, 1])", "y_pred": 1.5, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Nearest", "X": "Sample 1 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Nearest", "X": "Sample 2 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Nearest", "X": "Sample 3 ([-1, -1])", "y_pred": -1.0, "y_pred_low": -2.0, "y_pred_upp": 0.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Nearest", "X": "Sample 4 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}, {"method": "Nearest", "X": "Sample 5 ([1, 1])", "y_pred": 1.0, "y_pred_low": 1.0, "y_pred_upp": 2.0, "quantile_low": 0.0, "quantile_upp": 1.0}]}};
           var opt = {
             "mode": "vega-lite",
             "renderer": "canvas",
    @@ -470,8 +470,8 @@
             "method": ["Actual"] * len(y),
             "X": [f"Sample {idx + 1} ({x})" for idx, x in enumerate(X.tolist())],
             "y_pred": y.tolist(),
    -        "y_pred_low": y.tolist(),
    -        "y_pred_upp": y.tolist(),
    +        "y_pred_low": [None] * len(y),
    +        "y_pred_upp": [None] * len(y),
             "quantile_low": [None] * len(y),
             "quantile_upp": [None] * len(y),
         }
    diff --git a/gallery/plot_qrf_multitarget.html b/gallery/plot_qrf_multitarget.html
    index 002d2e7..389c4ea 100644
    --- a/gallery/plot_qrf_multitarget.html
    +++ b/gallery/plot_qrf_multitarget.html
    @@ -419,7 +419,7 @@
       // embed when document is loaded, to ensure vega library is available
       // this works on all modern browsers, except IE8 and older
       document.addEventListener("DOMContentLoaded", function(event) {
    -      var spec = {"config": {"view": {"continuousWidth": 300, "continuousHeight": 300}, "range": {"category": ["#f2a619", "#006aff"]}}, "layer": [{"mark": {"type": "circle", "color": "black", "opacity": 0.25, "size": 25}, "encoding": {"color": {"condition": {"param": "param_13", "field": "target", "type": "nominal"}, "value": "lightgray"}, "tooltip": [{"field": "target", "title": "Target", "type": "nominal"}, {"field": "x", "format": ",.3f", "title": "X", "type": "quantitative"}, {"field": "y", "format": ",.3f", "title": "Y", "type": "quantitative"}, {"field": "y_true", "format": ",.3f", "title": "Y", "type": "quantitative"}, {"field": "y_pred", "format": ",.3f", "title": "Predicted Y", "type": "quantitative"}, {"field": "y_pred_low", "format": ",.3f", "title": "Predicted Lower Y", "type": "quantitative"}, {"field": "y_pred_upp", "format": ",.3f", "title": "Predicted Upper Y", "type": "quantitative"}, {"field": "quantile_low", "format": ".3f", "title": "Lower Quantile", "type": "quantitative"}, {"field": "quantile_upp", "format": ".3f", "title": "Upper Quantile", "type": "quantitative"}], "x": {"field": "x", "scale": {"nice": false}, "type": "quantitative"}, "y": {"field": "y", "type": "quantitative"}}, "name": "view_14", "transform": [{"calculate": "round((0.5 - interval / 2) * 1000) / 1000", "as": "quantile_low"}, {"calculate": "round((0.5 + interval / 2) * 1000) / 1000", "as": "quantile_upp"}, {"calculate": "'q_' + datum.quantile_low", "as": "quantile_low_col"}, {"calculate": "'q_' + datum.quantile_upp", "as": "quantile_upp_col"}, {"calculate": "datum[datum.quantile_low_col]", "as": "y_pred_low"}, {"calculate": "datum[datum.quantile_upp_col]", "as": "y_pred_upp"}]}, {"mark": {"type": "area", "opacity": 0.25}, "encoding": {"color": {"condition": {"param": "param_13", "field": "target", "legend": {"symbolOpacity": 1}, "scale": {"range": ["#f2a619", "#006aff"]}, "sort": ["0", "1"], "title": "Target", "type": "nominal"}, "value": "lightgray"}, "tooltip": [{"field": "target", "title": "Target", "type": "nominal"}, {"field": "x", "format": ",.3f", "title": "X", "type": "quantitative"}, {"field": "y", "format": ",.3f", "title": "Y", "type": "quantitative"}, {"field": "y_true", "format": ",.3f", "title": "Y", "type": "quantitative"}, {"field": "y_pred", "format": ",.3f", "title": "Predicted Y", "type": "quantitative"}, {"field": "y_pred_low", "format": ",.3f", "title": "Predicted Lower Y", "type": "quantitative"}, {"field": "y_pred_upp", "format": ",.3f", "title": "Predicted Upper Y", "type": "quantitative"}, {"field": "quantile_low", "format": ".3f", "title": "Lower Quantile", "type": "quantitative"}, {"field": "quantile_upp", "format": ".3f", "title": "Upper Quantile", "type": "quantitative"}], "x": {"field": "x", "scale": {"nice": false}, "title": "X", "type": "quantitative"}, "y": {"field": "y_pred_low", "title": "Y", "type": "quantitative"}, "y2": {"field": "y_pred_upp", "title": null}}, "transform": [{"calculate": "round((0.5 - interval / 2) * 1000) / 1000", "as": "quantile_low"}, {"calculate": "round((0.5 + interval / 2) * 1000) / 1000", "as": "quantile_upp"}, {"calculate": "'q_' + datum.quantile_low", "as": "quantile_low_col"}, {"calculate": "'q_' + datum.quantile_upp", "as": "quantile_upp_col"}, {"calculate": "datum[datum.quantile_low_col]", "as": "y_pred_low"}, {"calculate": "datum[datum.quantile_upp_col]", "as": "y_pred_upp"}]}, {"mark": {"type": "line", "color": "black", "size": 3}, "encoding": {"color": {"condition": {"param": "param_13", "field": "target", "legend": {"symbolOpacity": 1}, "scale": {"range": ["#f2a619", "#006aff"]}, "sort": ["0", "1"], "title": "Target", "type": "nominal"}, "value": "lightgray"}, "tooltip": [{"field": "target", "title": "Target", "type": "nominal"}, {"field": "x", "format": ",.3f", "title": "X", "type": "quantitative"}, {"field": "y", "format": ",.3f", "title": "Y", "type": "quantitative"}, {"field": "y_true", "format": ",.3f", "title": "Y", "type": "quantitative"}, {"field": "y_pred", "format": ",.3f", "title": "Predicted Y", "type": "quantitative"}, {"field": "y_pred_low", "format": ",.3f", "title": "Predicted Lower Y", "type": "quantitative"}, {"field": "y_pred_upp", "format": ",.3f", "title": "Predicted Upper Y", "type": "quantitative"}, {"field": "quantile_low", "format": ".3f", "title": "Lower Quantile", "type": "quantitative"}, {"field": "quantile_upp", "format": ".3f", "title": "Upper Quantile", "type": "quantitative"}], "x": {"field": "x", "scale": {"nice": false}, "title": "X", "type": "quantitative"}, "y": {"field": "y_pred", "title": "Y", "type": "quantitative"}}, "transform": [{"calculate": "round((0.5 - interval / 2) * 1000) / 1000", "as": "quantile_low"}, {"calculate": "round((0.5 + interval / 2) * 1000) / 1000", "as": "quantile_upp"}, {"calculate": "'q_' + datum.quantile_low", "as": "quantile_low_col"}, {"calculate": "'q_' + datum.quantile_upp", "as": "quantile_upp_col"}, {"calculate": "datum[datum.quantile_low_col]", "as": "y_pred_low"}, {"calculate": "datum[datum.quantile_upp_col]", "as": "y_pred_upp"}]}], "data": {"name": "data-527de81f259ac533d86811e1b384c59a"}, "height": 400, "params": [{"name": "interval", "bind": {"input": "range", "max": 1, "min": 0, "name": "Prediction Interval: ", "step": 0.05}, "value": 0.95}, {"name": "param_13", "select": {"type": "point", "fields": ["target"], "on": "click"}, "bind": "legend", "views": ["view_14"]}], "title": "Multi-target Predictions and Prediction Intervals on Toy Dataset", "width": 650, "$schema": "https://vega.github.io/schema/vega-lite/v5.20.1.json", "datasets": {"data-527de81f259ac533d86811e1b384c59a": [{"x": 0.0, "y": 0.6931471805599453, "y_true": 0.6931471805599453, "y_pred": 1.0444457946389574, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.6931471805599453, "q_0.075": 0.7410188983214286, "q_0.1": 0.7410188983214286, "q_0.125": 0.7787904478851987, "q_0.15": 0.7787904478851987, "q_0.175": 0.8132129947522136, "q_0.2": 0.8132129947522136, "q_0.225": 0.8330400929952239, "q_0.25": 0.8330400929952239, "q_0.275": 0.9006826179216104, "q_0.3": 0.9006826179216104, "q_0.325": 0.9062972335104696, "q_0.35": 0.9716937209516215, "q_0.375": 0.9716937209516215, "q_0.4": 0.9766656726129547, "q_0.425": 0.9766656726129547, "q_0.45": 0.980881043242205, "q_0.475": 1.0444457946389574, "q_0.5": 1.0444457946389574, "q_0.525": 1.0849927516393927, "q_0.55": 1.0849927516393927, "q_0.575": 1.1092592232848468, "q_0.6": 1.1092592232848468, "q_0.625": 1.1311071001664577, "q_0.65": 1.1311071001664577, "q_0.675": 1.1420194367216203, "q_0.7": 1.1649343419054004, "q_0.725": 1.1649343419054004, "q_0.75": 1.2142273431689061, "q_0.775": 1.3120250517938707, "q_0.8": 1.3120250517938707, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5313677594631567, "q_0.95": 1.5424331407865945, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.040016006402561026, "y": 0.7410188983214286, "y_true": 0.7129576541011083, "y_pred": 1.0444457946389574, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.6931471805599453, "q_0.075": 0.7410188983214286, "q_0.1": 0.7410188983214286, "q_0.125": 0.7787904478851987, "q_0.15": 0.7787904478851987, "q_0.175": 0.8132129947522136, "q_0.2": 0.8132129947522136, "q_0.225": 0.8330400929952239, "q_0.25": 0.8330400929952239, "q_0.275": 0.9006826179216104, "q_0.3": 0.9006826179216104, "q_0.325": 0.9062972335104696, "q_0.35": 0.9716937209516215, "q_0.375": 0.9716937209516215, "q_0.4": 0.9766656726129547, "q_0.425": 0.9766656726129547, "q_0.45": 0.980881043242205, "q_0.475": 1.0444457946389574, "q_0.5": 1.0444457946389574, "q_0.525": 1.0849927516393927, "q_0.55": 1.0849927516393927, "q_0.575": 1.1092592232848468, "q_0.6": 1.1092592232848468, "q_0.625": 1.1311071001664577, "q_0.65": 1.1311071001664577, "q_0.675": 1.1420194367216203, "q_0.7": 1.1649343419054004, "q_0.725": 1.1649343419054004, "q_0.75": 1.2142273431689061, "q_0.775": 1.3120250517938707, "q_0.8": 1.3120250517938707, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5313677594631567, "q_0.95": 1.5424331407865945, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.08003201280512205, "y": 0.7787904478851987, "y_true": 0.7323832843664831, "y_pred": 1.0444457946389574, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.6931471805599453, "q_0.075": 0.7410188983214286, "q_0.1": 0.7410188983214286, "q_0.125": 0.7787904478851987, "q_0.15": 0.7787904478851987, "q_0.175": 0.8132129947522136, "q_0.2": 0.8132129947522136, "q_0.225": 0.8330400929952239, "q_0.25": 0.8330400929952239, "q_0.275": 0.9006826179216104, "q_0.3": 0.9006826179216104, "q_0.325": 0.9062972335104696, "q_0.35": 0.9716937209516215, "q_0.375": 0.9716937209516215, "q_0.4": 0.9766656726129547, "q_0.425": 0.9766656726129547, "q_0.45": 0.980881043242205, "q_0.475": 1.0444457946389574, "q_0.5": 1.0444457946389574, "q_0.525": 1.0849927516393927, "q_0.55": 1.0849927516393927, "q_0.575": 1.1092592232848468, "q_0.6": 1.1092592232848468, "q_0.625": 1.1311071001664577, "q_0.65": 1.1311071001664577, "q_0.675": 1.1420194367216203, "q_0.7": 1.1649343419054004, "q_0.725": 1.1649343419054004, "q_0.75": 1.2142273431689061, "q_0.775": 1.3120250517938707, "q_0.8": 1.3120250517938707, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5313677594631567, "q_0.95": 1.5424331407865945, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.12004801920768307, "y": 0.8132129947522136, "y_true": 0.7514387389970627, "y_pred": 1.0444457946389574, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.6931471805599453, "q_0.075": 0.7410188983214286, "q_0.1": 0.7410188983214286, "q_0.125": 0.7787904478851987, "q_0.15": 0.7787904478851987, "q_0.175": 0.8132129947522136, "q_0.2": 0.8132129947522136, "q_0.225": 0.8330400929952239, "q_0.25": 0.8330400929952239, "q_0.275": 0.9006826179216104, "q_0.3": 0.9006826179216104, "q_0.325": 0.9062972335104696, "q_0.35": 0.9716937209516215, "q_0.375": 0.9716937209516215, "q_0.4": 0.9766656726129547, "q_0.425": 0.9766656726129547, "q_0.45": 0.980881043242205, "q_0.475": 1.0444457946389574, "q_0.5": 1.0444457946389574, "q_0.525": 1.0849927516393927, "q_0.55": 1.0849927516393927, "q_0.575": 1.1092592232848468, "q_0.6": 1.1092592232848468, "q_0.625": 1.1311071001664577, "q_0.65": 1.1311071001664577, "q_0.675": 1.1420194367216203, "q_0.7": 1.1649343419054004, "q_0.725": 1.1649343419054004, "q_0.75": 1.2142273431689061, "q_0.775": 1.3120250517938707, "q_0.8": 1.3120250517938707, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5313677594631567, "q_0.95": 1.5424331407865945, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.1600640256102441, "y": 0.8330400929952239, "y_true": 0.7701378627429976, "y_pred": 1.0444457946389574, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.6931471805599453, "q_0.075": 0.7410188983214286, "q_0.1": 0.7410188983214286, "q_0.125": 0.7787904478851987, "q_0.15": 0.7787904478851987, "q_0.175": 0.8132129947522136, "q_0.2": 0.8132129947522136, "q_0.225": 0.8330400929952239, "q_0.25": 0.8330400929952239, "q_0.275": 0.9006826179216104, "q_0.3": 0.9006826179216104, "q_0.325": 0.9062972335104696, "q_0.35": 0.9716937209516215, "q_0.375": 0.9716937209516215, "q_0.4": 0.9766656726129547, "q_0.425": 0.9766656726129547, "q_0.45": 0.980881043242205, "q_0.475": 1.0444457946389574, "q_0.5": 1.0444457946389574, "q_0.525": 1.0849927516393927, "q_0.55": 1.0849927516393927, "q_0.575": 1.1092592232848468, "q_0.6": 1.1092592232848468, "q_0.625": 1.1311071001664577, "q_0.65": 1.1311071001664577, "q_0.675": 1.1420194367216203, "q_0.7": 1.1649343419054004, "q_0.725": 1.1649343419054004, "q_0.75": 1.2142273431689061, "q_0.775": 1.3120250517938707, "q_0.8": 1.3120250517938707, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5313677594631567, "q_0.95": 1.5424331407865945, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.20008003201280514, "y": 0.9062972335104696, "y_true": 0.7884937378902386, "y_pred": 1.0444457946389574, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.6931471805599453, "q_0.075": 0.7410188983214286, "q_0.1": 0.7410188983214286, "q_0.125": 0.7787904478851987, "q_0.15": 0.7787904478851987, "q_0.175": 0.8132129947522136, "q_0.2": 0.8132129947522136, "q_0.225": 0.8330400929952239, "q_0.25": 0.8330400929952239, "q_0.275": 0.9006826179216104, "q_0.3": 0.9006826179216104, "q_0.325": 0.9062972335104696, "q_0.35": 0.9716937209516215, "q_0.375": 0.9716937209516215, "q_0.4": 0.9766656726129547, "q_0.425": 0.9766656726129547, "q_0.45": 0.980881043242205, "q_0.475": 1.0444457946389574, "q_0.5": 1.0444457946389574, "q_0.525": 1.0849927516393927, "q_0.55": 1.0849927516393927, "q_0.575": 1.1092592232848468, "q_0.6": 1.1092592232848468, "q_0.625": 1.1311071001664577, "q_0.65": 1.1311071001664577, "q_0.675": 1.1420194367216203, "q_0.7": 1.1649343419054004, "q_0.725": 1.1649343419054004, "q_0.75": 1.2142273431689061, "q_0.775": 1.3120250517938707, "q_0.8": 1.3120250517938707, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5313677594631567, "q_0.95": 1.5424331407865945, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.24009603841536614, "y": 0.9006826179216104, "y_true": 0.8065187392404464, "y_pred": 1.0444457946389574, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.6931471805599453, "q_0.075": 0.7410188983214286, "q_0.1": 0.7410188983214286, "q_0.125": 0.7787904478851987, "q_0.15": 0.7787904478851987, "q_0.175": 0.8132129947522136, "q_0.2": 0.8132129947522136, "q_0.225": 0.8330400929952239, "q_0.25": 0.8330400929952239, "q_0.275": 0.9006826179216104, "q_0.3": 0.9006826179216104, "q_0.325": 0.9062972335104696, "q_0.35": 0.9716937209516215, "q_0.375": 0.9716937209516215, "q_0.4": 0.9766656726129547, "q_0.425": 0.9766656726129547, "q_0.45": 0.980881043242205, "q_0.475": 1.0444457946389574, "q_0.5": 1.0444457946389574, "q_0.525": 1.0849927516393927, "q_0.55": 1.0849927516393927, "q_0.575": 1.1092592232848468, "q_0.6": 1.1092592232848468, "q_0.625": 1.1311071001664577, "q_0.65": 1.1311071001664577, "q_0.675": 1.1420194367216203, "q_0.7": 1.1649343419054004, "q_0.725": 1.1649343419054004, "q_0.75": 1.2142273431689061, "q_0.775": 1.3120250517938707, "q_0.8": 1.3120250517938707, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5313677594631567, "q_0.95": 1.5424331407865945, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.2801120448179272, "y": 1.0444457946389574, "y_true": 0.8242245842229012, "y_pred": 1.0444457946389574, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.6931471805599453, "q_0.075": 0.7410188983214286, "q_0.1": 0.7410188983214286, "q_0.125": 0.7787904478851987, "q_0.15": 0.7787904478851987, "q_0.175": 0.8132129947522136, "q_0.2": 0.8132129947522136, "q_0.225": 0.8330400929952239, "q_0.25": 0.8330400929952239, "q_0.275": 0.9006826179216104, "q_0.3": 0.9006826179216104, "q_0.325": 0.9062972335104696, "q_0.35": 0.9716937209516215, "q_0.375": 0.9716937209516215, "q_0.4": 0.9766656726129547, "q_0.425": 0.9766656726129547, "q_0.45": 0.980881043242205, "q_0.475": 1.0444457946389574, "q_0.5": 1.0444457946389574, "q_0.525": 1.0849927516393927, "q_0.55": 1.0849927516393927, "q_0.575": 1.1092592232848468, "q_0.6": 1.1092592232848468, "q_0.625": 1.1311071001664577, "q_0.65": 1.1311071001664577, "q_0.675": 1.1420194367216203, "q_0.7": 1.1649343419054004, "q_0.725": 1.1649343419054004, "q_0.75": 1.2142273431689061, "q_0.775": 1.3120250517938707, "q_0.8": 1.3120250517938707, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5313677594631567, "q_0.95": 1.5424331407865945, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.3201280512204882, "y": 1.1092592232848468, "y_true": 0.8416223786466485, "y_pred": 1.0444457946389574, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.6931471805599453, "q_0.075": 0.7410188983214286, "q_0.1": 0.7410188983214286, "q_0.125": 0.7787904478851987, "q_0.15": 0.7787904478851987, "q_0.175": 0.8132129947522136, "q_0.2": 0.8132129947522136, "q_0.225": 0.8330400929952239, "q_0.25": 0.8330400929952239, "q_0.275": 0.9006826179216104, "q_0.3": 0.9006826179216104, "q_0.325": 0.9062972335104696, "q_0.35": 0.9716937209516215, "q_0.375": 0.9716937209516215, "q_0.4": 0.9766656726129547, "q_0.425": 0.9766656726129547, "q_0.45": 0.980881043242205, "q_0.475": 1.0444457946389574, "q_0.5": 1.0444457946389574, "q_0.525": 1.0849927516393927, "q_0.55": 1.0849927516393927, "q_0.575": 1.1092592232848468, "q_0.6": 1.1092592232848468, "q_0.625": 1.1311071001664577, "q_0.65": 1.1311071001664577, "q_0.675": 1.1420194367216203, "q_0.7": 1.1649343419054004, "q_0.725": 1.1649343419054004, "q_0.75": 1.2142273431689061, "q_0.775": 1.3120250517938707, "q_0.8": 1.3120250517938707, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5313677594631567, "q_0.95": 1.5424331407865945, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.36014405762304924, "y": 0.9766656726129547, "y_true": 0.8587226585402692, "y_pred": 1.0849927516393927, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7410188983214286, "q_0.1": 0.7787904478851987, "q_0.125": 0.7787904478851987, "q_0.15": 0.8132129947522136, "q_0.175": 0.8132129947522136, "q_0.2": 0.8330400929952239, "q_0.225": 0.8330400929952239, "q_0.25": 0.9006826179216104, "q_0.275": 0.9062972335104696, "q_0.3": 0.9062972335104696, "q_0.325": 0.9716937209516215, "q_0.35": 0.9716937209516215, "q_0.375": 0.9766656726129547, "q_0.4": 0.9766656726129547, "q_0.425": 0.980881043242205, "q_0.45": 1.0444457946389574, "q_0.475": 1.0444457946389574, "q_0.5": 1.0849927516393927, "q_0.525": 1.0849927516393927, "q_0.55": 1.1092592232848468, "q_0.575": 1.1092592232848468, "q_0.6": 1.1311071001664577, "q_0.625": 1.1311071001664577, "q_0.65": 1.1420194367216203, "q_0.675": 1.1649343419054004, "q_0.7": 1.1649343419054004, "q_0.725": 1.2142273431689061, "q_0.75": 1.2282413433151587, "q_0.775": 1.3120250517938707, "q_0.8": 1.3493178859171078, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5424331407865945, "q_0.95": 1.6051265844232472, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.4001600640256103, "y": 1.1420194367216203, "y_true": 0.875535428474002, "y_pred": 1.0849927516393927, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7410188983214286, "q_0.1": 0.7787904478851987, "q_0.125": 0.8132129947522136, "q_0.15": 0.8132129947522136, "q_0.175": 0.8330400929952239, "q_0.2": 0.8465685979805027, "q_0.225": 0.9006826179216104, "q_0.25": 0.9062972335104696, "q_0.275": 0.9062972335104696, "q_0.3": 0.9716937209516215, "q_0.325": 0.9716937209516215, "q_0.35": 0.9766656726129547, "q_0.375": 0.980881043242205, "q_0.4": 0.980881043242205, "q_0.425": 1.0444457946389574, "q_0.45": 1.0849927516393927, "q_0.475": 1.0849927516393927, "q_0.5": 1.0849927516393927, "q_0.525": 1.1092592232848468, "q_0.55": 1.1311071001664577, "q_0.575": 1.1311071001664577, "q_0.6": 1.1420194367216203, "q_0.625": 1.1420194367216203, "q_0.65": 1.1649343419054004, "q_0.675": 1.2142273431689061, "q_0.7": 1.2142273431689061, "q_0.725": 1.2282413433151587, "q_0.75": 1.3120250517938707, "q_0.775": 1.3493178859171078, "q_0.8": 1.3493178859171078, "q_0.825": 1.4701425818214489, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5424331407865945, "q_0.95": 1.6051265844232472, "q_0.975": 1.6247141109079883, "q_1": 2.131129095015233}, {"x": 0.4401760704281713, "y": 1.0849927516393927, "y_true": 0.8920701967132478, "y_pred": 1.0849927516393927, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7410188983214286, "q_0.1": 0.7787904478851987, "q_0.125": 0.8132129947522136, "q_0.15": 0.8132129947522136, "q_0.175": 0.8330400929952239, "q_0.2": 0.8465685979805027, "q_0.225": 0.9006826179216104, "q_0.25": 0.9062972335104696, "q_0.275": 0.9062972335104696, "q_0.3": 0.9716937209516215, "q_0.325": 0.9716937209516215, "q_0.35": 0.9766656726129547, "q_0.375": 0.980881043242205, "q_0.4": 0.980881043242205, "q_0.425": 1.0444457946389574, "q_0.45": 1.0849927516393927, "q_0.475": 1.0849927516393927, "q_0.5": 1.0849927516393927, "q_0.525": 1.1092592232848468, "q_0.55": 1.1311071001664577, "q_0.575": 1.1311071001664577, "q_0.6": 1.1420194367216203, "q_0.625": 1.1420194367216203, "q_0.65": 1.1649343419054004, "q_0.675": 1.2142273431689061, "q_0.7": 1.2142273431689061, "q_0.725": 1.2282413433151587, "q_0.75": 1.3120250517938707, "q_0.775": 1.3493178859171078, "q_0.8": 1.3493178859171078, "q_0.825": 1.4701425818214489, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5424331407865945, "q_0.95": 1.6051265844232472, "q_0.975": 1.6247141109079883, "q_1": 2.131129095015233}, {"x": 0.4801920768307323, "y": 1.1311071001664577, "y_true": 0.9083360075127411, "y_pred": 1.0849927516393927, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7410188983214286, "q_0.1": 0.7787904478851987, "q_0.125": 0.8132129947522136, "q_0.15": 0.8132129947522136, "q_0.175": 0.8330400929952239, "q_0.2": 0.8465685979805027, "q_0.225": 0.9006826179216104, "q_0.25": 0.9062972335104696, "q_0.275": 0.9062972335104696, "q_0.3": 0.9716937209516215, "q_0.325": 0.9716937209516215, "q_0.35": 0.9766656726129547, "q_0.375": 0.980881043242205, "q_0.4": 0.980881043242205, "q_0.425": 1.0444457946389574, "q_0.45": 1.0849927516393927, "q_0.475": 1.0849927516393927, "q_0.5": 1.0849927516393927, "q_0.525": 1.1092592232848468, "q_0.55": 1.1311071001664577, "q_0.575": 1.1311071001664577, "q_0.6": 1.1420194367216203, "q_0.625": 1.1420194367216203, "q_0.65": 1.1649343419054004, "q_0.675": 1.2142273431689061, "q_0.7": 1.2142273431689061, "q_0.725": 1.2282413433151587, "q_0.75": 1.3120250517938707, "q_0.775": 1.3493178859171078, "q_0.8": 1.3493178859171078, "q_0.825": 1.4701425818214489, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5424331407865945, "q_0.95": 1.6051265844232472, "q_0.975": 1.6247141109079883, "q_1": 2.131129095015233}, {"x": 0.5202080832332934, "y": 1.3120250517938707, "y_true": 0.9243414708260176, "y_pred": 1.1092592232848468, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7787904478851987, "q_0.1": 0.7787904478851987, "q_0.125": 0.8132129947522136, "q_0.15": 0.8330400929952239, "q_0.175": 0.8330400929952239, "q_0.2": 0.9006826179216104, "q_0.225": 0.9062972335104696, "q_0.25": 0.9062972335104696, "q_0.275": 0.9716937209516215, "q_0.3": 0.9716937209516215, "q_0.325": 0.9766656726129547, "q_0.35": 0.980881043242205, "q_0.375": 0.980881043242205, "q_0.4": 1.0444457946389574, "q_0.425": 1.0849927516393927, "q_0.45": 1.0849927516393927, "q_0.475": 1.0892393841773471, "q_0.5": 1.1092592232848468, "q_0.525": 1.1311071001664577, "q_0.55": 1.1311071001664577, "q_0.575": 1.1420194367216203, "q_0.6": 1.1649343419054004, "q_0.625": 1.1649343419054004, "q_0.65": 1.2142273431689061, "q_0.675": 1.2142273431689061, "q_0.7": 1.3120250517938707, "q_0.725": 1.3120250517938707, "q_0.75": 1.3120250517938707, "q_0.775": 1.3493178859171078, "q_0.8": 1.4701425818214489, "q_0.825": 1.4701425818214489, "q_0.85": 1.5302121733734677, "q_0.875": 1.5313677594631567, "q_0.9": 1.5313677594631567, "q_0.925": 1.5424331407865945, "q_0.95": 1.6051265844232472, "q_0.975": 1.817111346635527, "q_1": 2.131129095015233}, {"x": 0.5602240896358543, "y": 0.9716937209516215, "y_true": 0.9400947896745109, "y_pred": 1.1092592232848468, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7787904478851987, "q_0.1": 0.7787904478851987, "q_0.125": 0.8132129947522136, "q_0.15": 0.8330400929952239, "q_0.175": 0.8330400929952239, "q_0.2": 0.9006826179216104, "q_0.225": 0.9062972335104696, "q_0.25": 0.9062972335104696, "q_0.275": 0.9716937209516215, "q_0.3": 0.9716937209516215, "q_0.325": 0.9766656726129547, "q_0.35": 0.980881043242205, "q_0.375": 0.980881043242205, "q_0.4": 1.0444457946389574, "q_0.425": 1.0849927516393927, "q_0.45": 1.0849927516393927, "q_0.475": 1.0892393841773471, "q_0.5": 1.1092592232848468, "q_0.525": 1.1311071001664577, "q_0.55": 1.1311071001664577, "q_0.575": 1.1420194367216203, "q_0.6": 1.1649343419054004, "q_0.625": 1.1649343419054004, "q_0.65": 1.2142273431689061, "q_0.675": 1.2142273431689061, "q_0.7": 1.3120250517938707, "q_0.725": 1.3120250517938707, "q_0.75": 1.3120250517938707, "q_0.775": 1.3493178859171078, "q_0.8": 1.4701425818214489, "q_0.825": 1.4701425818214489, "q_0.85": 1.5302121733734677, "q_0.875": 1.5313677594631567, "q_0.9": 1.5313677594631567, "q_0.925": 1.5424331407865945, "q_0.95": 1.6051265844232472, "q_0.975": 1.817111346635527, "q_1": 2.131129095015233}, {"x": 0.6002400960384154, "y": 0.9965679461113708, "y_true": 0.9556037853940932, "y_pred": 1.1092592232848468, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7787904478851987, "q_0.1": 0.7787904478851987, "q_0.125": 0.8132129947522136, "q_0.15": 0.8330400929952239, "q_0.175": 0.8330400929952239, "q_0.2": 0.9006826179216104, "q_0.225": 0.9062972335104696, "q_0.25": 0.9062972335104696, "q_0.275": 0.9716937209516215, "q_0.3": 0.9716937209516215, "q_0.325": 0.9766656726129547, "q_0.35": 0.980881043242205, "q_0.375": 0.980881043242205, "q_0.4": 1.0444457946389574, "q_0.425": 1.0849927516393927, "q_0.45": 1.0849927516393927, "q_0.475": 1.0892393841773471, "q_0.5": 1.1092592232848468, "q_0.525": 1.1311071001664577, "q_0.55": 1.1311071001664577, "q_0.575": 1.1420194367216203, "q_0.6": 1.1649343419054004, "q_0.625": 1.1649343419054004, "q_0.65": 1.2142273431689061, "q_0.675": 1.2142273431689061, "q_0.7": 1.3120250517938707, "q_0.725": 1.3120250517938707, "q_0.75": 1.3120250517938707, "q_0.775": 1.3493178859171078, "q_0.8": 1.4701425818214489, "q_0.825": 1.4701425818214489, "q_0.85": 1.5302121733734677, "q_0.875": 1.5313677594631567, "q_0.9": 1.5313677594631567, "q_0.925": 1.5424331407865945, "q_0.95": 1.6051265844232472, "q_0.975": 1.817111346635527, "q_1": 2.131129095015233}, {"x": 0.6402561024409764, "y": 0.980881043242205, "y_true": 0.9708759209535744, "y_pred": 1.1092592232848468, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7787904478851987, "q_0.1": 0.7787904478851987, "q_0.125": 0.8132129947522136, "q_0.15": 0.8330400929952239, "q_0.175": 0.8330400929952239, "q_0.2": 0.9006826179216104, "q_0.225": 0.9062972335104696, "q_0.25": 0.9062972335104696, "q_0.275": 0.9716937209516215, "q_0.3": 0.9716937209516215, "q_0.325": 0.9766656726129547, "q_0.35": 0.980881043242205, "q_0.375": 0.980881043242205, "q_0.4": 1.0444457946389574, "q_0.425": 1.0849927516393927, "q_0.45": 1.0849927516393927, "q_0.475": 1.0892393841773471, "q_0.5": 1.1092592232848468, "q_0.525": 1.1311071001664577, "q_0.55": 1.1311071001664577, "q_0.575": 1.1420194367216203, "q_0.6": 1.1649343419054004, "q_0.625": 1.1649343419054004, "q_0.65": 1.2142273431689061, "q_0.675": 1.2142273431689061, "q_0.7": 1.3120250517938707, "q_0.725": 1.3120250517938707, "q_0.75": 1.3120250517938707, "q_0.775": 1.3493178859171078, "q_0.8": 1.4701425818214489, "q_0.825": 1.4701425818214489, "q_0.85": 1.5302121733734677, "q_0.875": 1.5313677594631567, "q_0.9": 1.5313677594631567, "q_0.925": 1.5424331407865945, "q_0.95": 1.6051265844232472, "q_0.975": 1.817111346635527, "q_1": 2.131129095015233}, {"x": 0.6802721088435374, "y": 1.4180111788048868, "y_true": 0.9859183225191974, "y_pred": 1.1092592232848468, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7787904478851987, "q_0.1": 0.7787904478851987, "q_0.125": 0.8132129947522136, "q_0.15": 0.8330400929952239, "q_0.175": 0.8330400929952239, "q_0.2": 0.9006826179216104, "q_0.225": 0.9062972335104696, "q_0.25": 0.9062972335104696, "q_0.275": 0.9716937209516215, "q_0.3": 0.9716937209516215, "q_0.325": 0.9766656726129547, "q_0.35": 0.980881043242205, "q_0.375": 0.980881043242205, "q_0.4": 1.0444457946389574, "q_0.425": 1.0849927516393927, "q_0.45": 1.0849927516393927, "q_0.475": 1.0892393841773471, "q_0.5": 1.1092592232848468, "q_0.525": 1.1311071001664577, "q_0.55": 1.1311071001664577, "q_0.575": 1.1420194367216203, "q_0.6": 1.1649343419054004, "q_0.625": 1.1649343419054004, "q_0.65": 1.2142273431689061, "q_0.675": 1.2142273431689061, "q_0.7": 1.3120250517938707, "q_0.725": 1.3120250517938707, "q_0.75": 1.3120250517938707, "q_0.775": 1.3493178859171078, "q_0.8": 1.4701425818214489, "q_0.825": 1.4701425818214489, "q_0.85": 1.5302121733734677, "q_0.875": 1.5313677594631567, "q_0.9": 1.5313677594631567, "q_0.925": 1.5424331407865945, "q_0.95": 1.6051265844232472, "q_0.975": 1.817111346635527, "q_1": 2.131129095015233}, {"x": 0.7202881152460985, "y": 1.4228814447683114, "y_true": 1.0007377994211089, "y_pred": 1.1420194367216203, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7787904478851987, "q_0.1": 0.8132129947522136, "q_0.125": 0.8330400929952239, "q_0.15": 0.8330400929952239, "q_0.175": 0.9006826179216104, "q_0.2": 0.9062972335104696, "q_0.225": 0.9716937209516215, "q_0.25": 0.9716937209516215, "q_0.275": 0.9766656726129547, "q_0.3": 0.980881043242205, "q_0.325": 0.980881043242205, "q_0.35": 1.0444457946389574, "q_0.375": 1.0849927516393927, "q_0.4": 1.0849927516393927, "q_0.425": 1.1092592232848468, "q_0.45": 1.1311071001664577, "q_0.475": 1.1420194367216203, "q_0.5": 1.1420194367216203, "q_0.525": 1.1649343419054004, "q_0.55": 1.1649343419054004, "q_0.575": 1.2142273431689061, "q_0.6": 1.2282413433151587, "q_0.625": 1.3120250517938707, "q_0.65": 1.3120250517938707, "q_0.675": 1.3493178859171078, "q_0.7": 1.3493178859171078, "q_0.725": 1.4701425818214489, "q_0.75": 1.4701425818214489, "q_0.775": 1.5302121733734677, "q_0.8": 1.5302121733734677, "q_0.825": 1.5313677594631567, "q_0.85": 1.5424331407865945, "q_0.875": 1.5424331407865945, "q_0.9": 1.6051265844232472, "q_0.925": 1.6705455740235249, "q_0.95": 1.810798120795545, "q_0.975": 1.817111346635527, "q_1": 2.6531125699971754}, {"x": 0.7603041216486595, "y": 1.507321066079486, "y_true": 1.0153408626618339, "y_pred": 1.2282413433151587, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.7787904478851987, "q_0.075": 0.8132129947522136, "q_0.1": 0.8330400929952239, "q_0.125": 0.9006826179216104, "q_0.15": 0.9062972335104696, "q_0.175": 0.9716937209516215, "q_0.2": 0.9716937209516215, "q_0.225": 0.980881043242205, "q_0.25": 0.980881043242205, "q_0.275": 1.0444457946389574, "q_0.3": 1.0849927516393927, "q_0.325": 1.1092592232848468, "q_0.35": 1.1311071001664577, "q_0.375": 1.1420194367216203, "q_0.4": 1.1649343419054004, "q_0.425": 1.1649343419054004, "q_0.45": 1.2142273431689061, "q_0.475": 1.2142273431689061, "q_0.5": 1.2282413433151587, "q_0.525": 1.2282413433151587, "q_0.55": 1.3120250517938707, "q_0.575": 1.3493178859171078, "q_0.6": 1.3493178859171078, "q_0.625": 1.3741874360040838, "q_0.65": 1.4701425818214489, "q_0.675": 1.4924396863121363, "q_0.7": 1.5302121733734677, "q_0.725": 1.5313677594631567, "q_0.75": 1.5313677594631567, "q_0.775": 1.5321967456881715, "q_0.8": 1.5424331407865945, "q_0.825": 1.6051265844232472, "q_0.85": 1.6051265844232472, "q_0.875": 1.670070018872164, "q_0.9": 1.716533989941627, "q_0.925": 1.7712334500695817, "q_0.95": 1.817111346635527, "q_0.975": 1.991006943066451, "q_1": 2.872711616098489}, {"x": 0.8003201280512205, "y": 1.6051265844232472, "y_true": 1.0297337420926809, "y_pred": 1.2282413433151587, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.7787904478851987, "q_0.075": 0.8132129947522136, "q_0.1": 0.8330400929952239, "q_0.125": 0.9006826179216104, "q_0.15": 0.9062972335104696, "q_0.175": 0.9716937209516215, "q_0.2": 0.9716937209516215, "q_0.225": 0.980881043242205, "q_0.25": 0.980881043242205, "q_0.275": 1.0444457946389574, "q_0.3": 1.0849927516393927, "q_0.325": 1.1092592232848468, "q_0.35": 1.1311071001664577, "q_0.375": 1.1420194367216203, "q_0.4": 1.1649343419054004, "q_0.425": 1.1649343419054004, "q_0.45": 1.2142273431689061, "q_0.475": 1.2142273431689061, "q_0.5": 1.2282413433151587, "q_0.525": 1.3120250517938707, "q_0.55": 1.3120250517938707, "q_0.575": 1.3493178859171078, "q_0.6": 1.3493178859171078, "q_0.625": 1.4701425818214489, "q_0.65": 1.4701425818214489, "q_0.675": 1.496216935018273, "q_0.7": 1.5302121733734677, "q_0.725": 1.5313677594631567, "q_0.75": 1.5313677594631567, "q_0.775": 1.5321967456881715, "q_0.8": 1.5424331407865945, "q_0.825": 1.6051265844232472, "q_0.85": 1.6051265844232472, "q_0.875": 1.670070018872164, "q_0.9": 1.716533989941627, "q_0.925": 1.7712334500695817, "q_0.95": 1.817111346635527, "q_0.975": 1.991006943066451, "q_1": 2.872711616098489}, {"x": 0.8403361344537815, "y": 1.5313677594631567, "y_true": 1.0439224023714895, "y_pred": 1.2282413433151587, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.7787904478851987, "q_0.075": 0.8132129947522136, "q_0.1": 0.8330400929952239, "q_0.125": 0.9006826179216104, "q_0.15": 0.9062972335104696, "q_0.175": 0.9716937209516215, "q_0.2": 0.9716937209516215, "q_0.225": 0.980881043242205, "q_0.25": 0.980881043242205, "q_0.275": 1.0444457946389574, "q_0.3": 1.0849927516393927, "q_0.325": 1.1092592232848468, "q_0.35": 1.1311071001664577, "q_0.375": 1.1420194367216203, "q_0.4": 1.1649343419054004, "q_0.425": 1.1649343419054004, "q_0.45": 1.2142273431689061, "q_0.475": 1.2142273431689061, "q_0.5": 1.2282413433151587, "q_0.525": 1.3120250517938707, "q_0.55": 1.3120250517938707, "q_0.575": 1.3493178859171078, "q_0.6": 1.3493178859171078, "q_0.625": 1.4701425818214489, "q_0.65": 1.4701425818214489, "q_0.675": 1.496216935018273, "q_0.7": 1.5302121733734677, "q_0.725": 1.5313677594631567, "q_0.75": 1.5313677594631567, "q_0.775": 1.5321967456881715, "q_0.8": 1.5424331407865945, "q_0.825": 1.6051265844232472, "q_0.85": 1.6051265844232472, "q_0.875": 1.670070018872164, "q_0.9": 1.716533989941627, "q_0.925": 1.7712334500695817, "q_0.95": 1.817111346635527, "q_0.975": 1.991006943066451, "q_1": 2.872711616098489}, {"x": 0.8803521408563426, "y": 1.3493178859171078, "y_true": 1.0579125578040236, "y_pred": 1.2282413433151587, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.7787904478851987, "q_0.075": 0.8132129947522136, "q_0.1": 0.8330400929952239, "q_0.125": 0.9006826179216104, "q_0.15": 0.9062972335104696, "q_0.175": 0.9716937209516215, "q_0.2": 0.9716937209516215, "q_0.225": 0.980881043242205, "q_0.25": 0.980881043242205, "q_0.275": 1.0444457946389574, "q_0.3": 1.0849927516393927, "q_0.325": 1.1092592232848468, "q_0.35": 1.1311071001664577, "q_0.375": 1.1420194367216203, "q_0.4": 1.1649343419054004, "q_0.425": 1.1649343419054004, "q_0.45": 1.2142273431689061, "q_0.475": 1.2142273431689061, "q_0.5": 1.2282413433151587, "q_0.525": 1.3120250517938707, "q_0.55": 1.3120250517938707, "q_0.575": 1.3493178859171078, "q_0.6": 1.3493178859171078, "q_0.625": 1.4701425818214489, "q_0.65": 1.4701425818214489, "q_0.675": 1.496216935018273, "q_0.7": 1.5302121733734677, "q_0.725": 1.5313677594631567, "q_0.75": 1.5313677594631567, "q_0.775": 1.5321967456881715, "q_0.8": 1.5424331407865945, "q_0.825": 1.6051265844232472, "q_0.85": 1.6051265844232472, "q_0.875": 1.670070018872164, "q_0.9": 1.716533989941627, "q_0.925": 1.7712334500695817, "q_0.95": 1.817111346635527, "q_0.975": 1.991006943066451, "q_1": 2.872711616098489}, {"x": 0.9203681472589036, "y": 1.5810181732354338, "y_true": 1.0717096861614406, "y_pred": 1.2282413433151587, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.7787904478851987, "q_0.075": 0.8132129947522136, "q_0.1": 0.8330400929952239, "q_0.125": 0.9006826179216104, "q_0.15": 0.9062972335104696, "q_0.175": 0.9716937209516215, "q_0.2": 0.9716937209516215, "q_0.225": 0.980881043242205, "q_0.25": 0.980881043242205, "q_0.275": 1.0444457946389574, "q_0.3": 1.0849927516393927, "q_0.325": 1.1092592232848468, "q_0.35": 1.1311071001664577, "q_0.375": 1.1420194367216203, "q_0.4": 1.1649343419054004, "q_0.425": 1.1649343419054004, "q_0.45": 1.2142273431689061, "q_0.475": 1.2142273431689061, "q_0.5": 1.2282413433151587, "q_0.525": 1.3120250517938707, "q_0.55": 1.3120250517938707, "q_0.575": 1.3493178859171078, "q_0.6": 1.3493178859171078, "q_0.625": 1.4701425818214489, "q_0.65": 1.4701425818214489, "q_0.675": 1.496216935018273, "q_0.7": 1.5302121733734677, "q_0.725": 1.5313677594631567, "q_0.75": 1.5313677594631567, "q_0.775": 1.5321967456881715, "q_0.8": 1.5424331407865945, "q_0.825": 1.6051265844232472, "q_0.85": 1.6051265844232472, "q_0.875": 1.670070018872164, "q_0.9": 1.716533989941627, "q_0.925": 1.7712334500695817, "q_0.95": 1.817111346635527, "q_0.975": 1.991006943066451, "q_1": 2.872711616098489}, {"x": 0.9603841536614646, "y": 1.1649343419054004, "y_true": 1.085319041557447, "y_pred": 1.2282413433151587, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.7787904478851987, "q_0.075": 0.8132129947522136, "q_0.1": 0.8330400929952239, "q_0.125": 0.9006826179216104, "q_0.15": 0.9062972335104696, "q_0.175": 0.9716937209516215, "q_0.2": 0.9716937209516215, "q_0.225": 0.980881043242205, "q_0.25": 0.980881043242205, "q_0.275": 1.0444457946389574, "q_0.3": 1.0849927516393927, "q_0.325": 1.1092592232848468, "q_0.35": 1.1311071001664577, "q_0.375": 1.1420194367216203, "q_0.4": 1.1649343419054004, "q_0.425": 1.1649343419054004, "q_0.45": 1.2142273431689061, "q_0.475": 1.2142273431689061, "q_0.5": 1.2282413433151587, "q_0.525": 1.3120250517938707, "q_0.55": 1.3120250517938707, "q_0.575": 1.3493178859171078, "q_0.6": 1.3493178859171078, "q_0.625": 1.4701425818214489, "q_0.65": 1.4701425818214489, "q_0.675": 1.496216935018273, "q_0.7": 1.5302121733734677, "q_0.725": 1.5313677594631567, "q_0.75": 1.5313677594631567, "q_0.775": 1.5321967456881715, "q_0.8": 1.5424331407865945, "q_0.825": 1.6051265844232472, "q_0.85": 1.6051265844232472, "q_0.875": 1.670070018872164, "q_0.9": 1.716533989941627, "q_0.925": 1.7712334500695817, "q_0.95": 1.817111346635527, "q_0.975": 1.991006943066451, "q_1": 2.872711616098489}, {"x": 1.0004001600640255, "y": 1.5424331407865945, "y_true": 1.098745666460905, "y_pred": 1.3120250517938707, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.7787904478851987, "q_0.075": 0.8132129947522136, "q_0.1": 0.8330400929952239, "q_0.125": 0.9006826179216104, "q_0.15": 0.9062972335104696, "q_0.175": 0.9716937209516215, "q_0.2": 0.980881043242205, "q_0.225": 0.980881043242205, "q_0.25": 1.0849927516393927, "q_0.275": 1.0849927516393927, "q_0.3": 1.1311071001664577, "q_0.325": 1.1420194367216203, "q_0.35": 1.1649343419054004, "q_0.375": 1.1649343419054004, "q_0.4": 1.2142273431689061, "q_0.425": 1.2142273431689061, "q_0.45": 1.2282413433151587, "q_0.475": 1.3120250517938707, "q_0.5": 1.3120250517938707, "q_0.525": 1.3493178859171078, "q_0.55": 1.3493178859171078, "q_0.575": 1.4701425818214489, "q_0.6": 1.4701425818214489, "q_0.625": 1.5302121733734677, "q_0.65": 1.5302121733734677, "q_0.675": 1.5313677594631567, "q_0.7": 1.5313677594631567, "q_0.725": 1.5424331407865945, "q_0.75": 1.5424331407865945, "q_0.775": 1.6051265844232472, "q_0.8": 1.6229657790998766, "q_0.825": 1.6684850939372062, "q_0.85": 1.716533989941627, "q_0.875": 1.7672163357661597, "q_0.9": 1.817111346635527, "q_0.925": 1.817111346635527, "q_0.95": 1.991006943066451, "q_0.975": 2.210752693377513, "q_1": 2.909998452479544}, {"x": 1.0404161664665867, "y": 1.2142273431689061, "y_true": 1.1119944029126185, "y_pred": 1.3493178859171078, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.7787904478851987, "q_0.075": 0.8132129947522136, "q_0.1": 0.8330400929952239, "q_0.125": 0.9006826179216104, "q_0.15": 0.9716937209516215, "q_0.175": 0.9716937209516215, "q_0.2": 0.980881043242205, "q_0.225": 1.0444457946389574, "q_0.25": 1.0849927516393927, "q_0.275": 1.1092592232848468, "q_0.3": 1.1311071001664577, "q_0.325": 1.1420194367216203, "q_0.35": 1.1649343419054004, "q_0.375": 1.1649343419054004, "q_0.4": 1.2142273431689061, "q_0.425": 1.2142273431689061, "q_0.45": 1.2282413433151587, "q_0.475": 1.3120250517938707, "q_0.5": 1.3493178859171078, "q_0.525": 1.3493178859171078, "q_0.55": 1.3741874360040838, "q_0.575": 1.4701425818214489, "q_0.6": 1.4701425818214489, "q_0.625": 1.5302121733734677, "q_0.65": 1.5302121733734677, "q_0.675": 1.5313677594631567, "q_0.7": 1.5313677594631567, "q_0.725": 1.5424331407865945, "q_0.75": 1.5424331407865945, "q_0.775": 1.6051265844232472, "q_0.8": 1.6247141109079883, "q_0.825": 1.6764107542236288, "q_0.85": 1.7203913275562177, "q_0.875": 1.768986714122081, "q_0.9": 1.817111346635527, "q_0.925": 1.817111346635527, "q_0.95": 1.991006943066451, "q_0.975": 2.212732041065697, "q_1": 2.909998452479544}, {"x": 1.0804321728691477, "y": 1.817111346635527, "y_true": 1.125069903008739, "y_pred": 1.4701425818214489, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.8132129947522136, "q_0.075": 0.9006826179216104, "q_0.1": 0.9062972335104696, "q_0.125": 0.9716937209516215, "q_0.15": 0.980881043242205, "q_0.175": 1.0444457946389574, "q_0.2": 1.0849927516393927, "q_0.225": 1.120183161725653, "q_0.25": 1.1420194367216203, "q_0.275": 1.1649343419054004, "q_0.3": 1.1649343419054004, "q_0.325": 1.2142273431689061, "q_0.35": 1.2282413433151587, "q_0.375": 1.2282413433151587, "q_0.4": 1.3120250517938707, "q_0.425": 1.3493178859171078, "q_0.45": 1.3741874360040838, "q_0.475": 1.4701425818214489, "q_0.5": 1.4701425818214489, "q_0.525": 1.5302121733734677, "q_0.55": 1.5302121733734677, "q_0.575": 1.5313677594631567, "q_0.6": 1.5321967456881715, "q_0.625": 1.5424331407865945, "q_0.65": 1.6051265844232472, "q_0.675": 1.6229657790998766, "q_0.7": 1.664015554358561, "q_0.725": 1.6764107542236288, "q_0.75": 1.7043784685826144, "q_0.775": 1.7648049144038847, "q_0.8": 1.768986714122081, "q_0.825": 1.803700555376618, "q_0.85": 1.817111346635527, "q_0.875": 1.817111346635527, "q_0.9": 1.991006943066451, "q_0.925": 2.131129095015233, "q_0.95": 2.3184958723421283, "q_0.975": 2.5958901123042017, "q_1": 3.1261867096353892}, {"x": 1.1204481792717087, "y": 1.5302121733734677, "y_true": 1.1379766387075902, "y_pred": 1.5302121733734677, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.8132129947522136, "q_0.075": 0.9006826179216104, "q_0.1": 0.9062972335104696, "q_0.125": 0.9716937209516215, "q_0.15": 0.980881043242205, "q_0.175": 1.0444457946389574, "q_0.2": 1.0849927516393927, "q_0.225": 1.1311071001664577, "q_0.25": 1.1420194367216203, "q_0.275": 1.1649343419054004, "q_0.3": 1.2142273431689061, "q_0.325": 1.2142273431689061, "q_0.35": 1.2282413433151587, "q_0.375": 1.3120250517938707, "q_0.4": 1.3493178859171078, "q_0.425": 1.3493178859171078, "q_0.45": 1.4701425818214489, "q_0.475": 1.4701425818214489, "q_0.5": 1.5302121733734677, "q_0.525": 1.5302121733734677, "q_0.55": 1.5313677594631567, "q_0.575": 1.5313677594631567, "q_0.6": 1.5424331407865945, "q_0.625": 1.5424331407865945, "q_0.65": 1.6051265844232472, "q_0.675": 1.6247141109079883, "q_0.7": 1.6661077065347696, "q_0.725": 1.6826725014894182, "q_0.75": 1.716533989941627, "q_0.775": 1.7648049144038847, "q_0.8": 1.7712334500695817, "q_0.825": 1.8104658457513367, "q_0.85": 1.817111346635527, "q_0.875": 1.8842268827810746, "q_0.9": 1.9987015539561785, "q_0.925": 2.131129095015233, "q_0.95": 2.3184958723421283, "q_0.975": 2.5958901123042017, "q_1": 3.1261867096353892}, {"x": 1.1604641856742697, "y": 1.4701425818214489, "y_true": 1.1507189110116425, "y_pred": 1.5302121733734677, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.8132129947522136, "q_0.075": 0.9006826179216104, "q_0.1": 0.9062972335104696, "q_0.125": 0.9716937209516215, "q_0.15": 0.980881043242205, "q_0.175": 1.0444457946389574, "q_0.2": 1.0849927516393927, "q_0.225": 1.1311071001664577, "q_0.25": 1.1420194367216203, "q_0.275": 1.1649343419054004, "q_0.3": 1.2142273431689061, "q_0.325": 1.2142273431689061, "q_0.35": 1.2282413433151587, "q_0.375": 1.3120250517938707, "q_0.4": 1.3493178859171078, "q_0.425": 1.3493178859171078, "q_0.45": 1.4701425818214489, "q_0.475": 1.4701425818214489, "q_0.5": 1.5302121733734677, "q_0.525": 1.5302121733734677, "q_0.55": 1.5313677594631567, "q_0.575": 1.5313677594631567, "q_0.6": 1.5424331407865945, "q_0.625": 1.5424331407865945, "q_0.65": 1.6051265844232472, "q_0.675": 1.6247141109079883, "q_0.7": 1.6661077065347696, "q_0.725": 1.6826725014894182, "q_0.75": 1.716533989941627, "q_0.775": 1.7648049144038847, "q_0.8": 1.7712334500695817, "q_0.825": 1.8104658457513367, "q_0.85": 1.817111346635527, "q_0.875": 1.8842268827810746, "q_0.9": 1.9987015539561785, "q_0.925": 2.131129095015233, "q_0.95": 2.3184958723421283, "q_0.975": 2.5958901123042017, "q_1": 3.1261867096353892}, {"x": 1.2004801920768309, "y": 1.3719494161825827, "y_true": 1.1633008585718112, "y_pred": 1.5302121733734677, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.8132129947522136, "q_0.075": 0.9006826179216104, "q_0.1": 0.9062972335104696, "q_0.125": 0.9716937209516215, "q_0.15": 0.980881043242205, "q_0.175": 1.0444457946389574, "q_0.2": 1.0995526346266669, "q_0.225": 1.1311071001664577, "q_0.25": 1.1420194367216203, "q_0.275": 1.1649343419054004, "q_0.3": 1.2142273431689061, "q_0.325": 1.2142273431689061, "q_0.35": 1.2282413433151587, "q_0.375": 1.3120250517938707, "q_0.4": 1.3493178859171078, "q_0.425": 1.3493178859171078, "q_0.45": 1.4701425818214489, "q_0.475": 1.4701425818214489, "q_0.5": 1.5302121733734677, "q_0.525": 1.5302121733734677, "q_0.55": 1.5313677594631567, "q_0.575": 1.531554281363785, "q_0.6": 1.5424331407865945, "q_0.625": 1.6051265844232472, "q_0.65": 1.6051265844232472, "q_0.675": 1.6247141109079883, "q_0.7": 1.670070018872164, "q_0.725": 1.6877824433781654, "q_0.75": 1.716533989941627, "q_0.775": 1.7672163357661597, "q_0.8": 1.7712334500695817, "q_0.825": 1.817111346635527, "q_0.85": 1.817111346635527, "q_0.875": 1.8842268827810746, "q_0.9": 1.9987015539561785, "q_0.925": 2.131129095015233, "q_0.95": 2.3184958723421283, "q_0.975": 2.5958901123042017, "q_1": 3.1261867096353892}, {"x": 1.2404961984793919, "y": 1.8002987378962394, "y_true": 1.175726465757154, "y_pred": 1.5302121733734677, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.8132129947522136, "q_0.075": 0.9006826179216104, "q_0.1": 0.9716937209516215, "q_0.125": 0.9766656726129547, "q_0.15": 0.980881043242205, "q_0.175": 1.0849927516393927, "q_0.2": 1.1311071001664577, "q_0.225": 1.1420194367216203, "q_0.25": 1.1649343419054004, "q_0.275": 1.2142273431689061, "q_0.3": 1.2142273431689061, "q_0.325": 1.2282413433151587, "q_0.35": 1.3120250517938707, "q_0.375": 1.3493178859171078, "q_0.4": 1.3493178859171078, "q_0.425": 1.4701425818214489, "q_0.45": 1.4701425818214489, "q_0.475": 1.5302121733734677, "q_0.5": 1.5302121733734677, "q_0.525": 1.5313677594631567, "q_0.55": 1.5321967456881715, "q_0.575": 1.5424331407865945, "q_0.6": 1.6051265844232472, "q_0.625": 1.6051265844232472, "q_0.65": 1.6247141109079883, "q_0.675": 1.670070018872164, "q_0.7": 1.6877824433781654, "q_0.725": 1.716533989941627, "q_0.75": 1.7648049144038847, "q_0.775": 1.768986714122081, "q_0.8": 1.8104658457513367, "q_0.825": 1.817111346635527, "q_0.85": 1.84226373565085, "q_0.875": 1.991006943066451, "q_0.9": 2.0448375540058765, "q_0.925": 2.212732041065697, "q_0.95": 2.4200006765706483, "q_0.975": 2.5958901123042017, "q_1": 3.1261867096353892}, {"x": 1.2805122048819528, "y": 1.5640499355830475, "y_true": 1.1879995702293304, "y_pred": 1.5313677594631567, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7787904478851987, "q_0.05": 0.8132129947522136, "q_0.075": 0.9006826179216104, "q_0.1": 0.9716937209516215, "q_0.125": 0.980881043242205, "q_0.15": 1.0444457946389574, "q_0.175": 1.0849927516393927, "q_0.2": 1.1311071001664577, "q_0.225": 1.1649343419054004, "q_0.25": 1.1649343419054004, "q_0.275": 1.2142273431689061, "q_0.3": 1.2282413433151587, "q_0.325": 1.3120250517938707, "q_0.35": 1.3493178859171078, "q_0.375": 1.3493178859171078, "q_0.4": 1.4701425818214489, "q_0.425": 1.4701425818214489, "q_0.45": 1.5302121733734677, "q_0.475": 1.5302121733734677, "q_0.5": 1.5313677594631567, "q_0.525": 1.5315542813637852, "q_0.55": 1.5424331407865945, "q_0.575": 1.6051265844232472, "q_0.6": 1.6229657790998766, "q_0.625": 1.6296267913393099, "q_0.65": 1.670070018872164, "q_0.675": 1.6826725014894182, "q_0.7": 1.716533989941627, "q_0.725": 1.7648049144038847, "q_0.75": 1.7685441195331006, "q_0.775": 1.7712334500695817, "q_0.8": 1.817111346635527, "q_0.825": 1.817111346635527, "q_0.85": 1.8842268827810746, "q_0.875": 1.9987015539561785, "q_0.9": 2.107913978250884, "q_0.925": 2.212732041065697, "q_0.95": 2.474176271622056, "q_0.975": 2.619272689399041, "q_1": 3.1261867096353892}, {"x": 1.3205282112845138, "y": 1.6786286334145946, "y_true": 1.200123870057861, "y_pred": 1.670070018872164, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.8132129947522136, "q_0.05": 0.9716937209516215, "q_0.075": 0.980881043242205, "q_0.1": 1.0849927516393927, "q_0.125": 1.1311071001664577, "q_0.15": 1.1649343419054004, "q_0.175": 1.2142273431689061, "q_0.2": 1.2282413433151587, "q_0.225": 1.3120250517938707, "q_0.25": 1.3493178859171078, "q_0.275": 1.4701425818214489, "q_0.3": 1.4924396863121363, "q_0.325": 1.5302121733734677, "q_0.35": 1.5313677594631567, "q_0.375": 1.5321967456881715, "q_0.4": 1.5424331407865945, "q_0.425": 1.6055725642901635, "q_0.45": 1.6247141109079883, "q_0.475": 1.6661077065347696, "q_0.5": 1.670070018872164, "q_0.525": 1.6826725014894182, "q_0.55": 1.6877824433781654, "q_0.575": 1.716533989941627, "q_0.6": 1.7574617652410602, "q_0.625": 1.7648049144038847, "q_0.65": 1.768986714122081, "q_0.675": 1.7712334500695817, "q_0.7": 1.8104658457513367, "q_0.725": 1.817111346635527, "q_0.75": 1.8842268827810746, "q_0.775": 1.991006943066451, "q_0.8": 1.9987015539561785, "q_0.825": 2.052779019229926, "q_0.85": 2.131129095015233, "q_0.875": 2.212732041065697, "q_0.9": 2.3184958723421283, "q_0.925": 2.5184190141508207, "q_0.95": 2.5958901123042017, "q_0.975": 2.6531125699971754, "q_1": 3.1261867096353892}, {"x": 1.3605442176870748, "y": 1.2282413433151587, "y_true": 1.2121029304091862, "y_pred": 1.6877824433781654, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.8330400929952239, "q_0.05": 0.9716937209516215, "q_0.075": 1.0849927516393927, "q_0.1": 1.1311071001664577, "q_0.125": 1.1649343419054004, "q_0.15": 1.2142273431689061, "q_0.175": 1.2282413433151587, "q_0.2": 1.3493178859171078, "q_0.225": 1.3741874360040838, "q_0.25": 1.4701425818214489, "q_0.275": 1.4924396863121363, "q_0.3": 1.5302121733734677, "q_0.325": 1.5321967456881715, "q_0.35": 1.5424331407865945, "q_0.375": 1.6051265844232472, "q_0.4": 1.6247141109079883, "q_0.425": 1.664015554358561, "q_0.45": 1.670070018872164, "q_0.475": 1.6764107542236288, "q_0.5": 1.6877824433781654, "q_0.525": 1.7043784685826144, "q_0.55": 1.7551073660875638, "q_0.575": 1.7574617652410602, "q_0.6": 1.7672163357661597, "q_0.625": 1.768986714122081, "q_0.65": 1.792857186315018, "q_0.675": 1.8104658457513367, "q_0.7": 1.817111346635527, "q_0.725": 1.8842268827810746, "q_0.75": 1.991006943066451, "q_0.775": 1.9987015539561785, "q_0.8": 2.052779019229926, "q_0.825": 2.131129095015233, "q_0.85": 2.212732041065697, "q_0.875": 2.3184958723421283, "q_0.9": 2.4200006765706483, "q_0.925": 2.5184190141508207, "q_0.95": 2.619272689399041, "q_0.975": 2.685199489210169, "q_1": 3.1261867096353892}, {"x": 1.400560224089636, "y": 1.7648049144038847, "y_true": 1.2239401898398046, "y_pred": 1.768986714122081, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.1420194367216203, "q_0.05": 1.2282413433151587, "q_0.075": 1.3741874360040838, "q_0.1": 1.4924396863121363, "q_0.125": 1.5302121733734677, "q_0.15": 1.5321967456881715, "q_0.175": 1.6051265844232472, "q_0.2": 1.6247141109079883, "q_0.225": 1.6502600491508608, "q_0.25": 1.6661077065347696, "q_0.275": 1.670070018872164, "q_0.3": 1.6764107542236288, "q_0.325": 1.6826725014894182, "q_0.35": 1.6877824433781654, "q_0.375": 1.7043784685826144, "q_0.4": 1.716533989941627, "q_0.425": 1.7551073660875638, "q_0.45": 1.7648049144038847, "q_0.475": 1.7672163357661597, "q_0.5": 1.768986714122081, "q_0.525": 1.7712334500695817, "q_0.55": 1.7945981753237494, "q_0.575": 1.8104658457513367, "q_0.6": 1.817111346635527, "q_0.625": 1.8842268827810746, "q_0.65": 1.991006943066451, "q_0.675": 1.9987015539561785, "q_0.7": 2.0130716931096693, "q_0.725": 2.052779019229926, "q_0.75": 2.131129095015233, "q_0.775": 2.202835302624778, "q_0.8": 2.212732041065697, "q_0.825": 2.3184958723421283, "q_0.85": 2.4200006765706483, "q_0.875": 2.5136943009649872, "q_0.9": 2.5184190141508207, "q_0.925": 2.5958901123042017, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.440576230492197, "y": 1.7817716862396447, "y_true": 1.2356389662212746, "y_pred": 1.768986714122081, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.1420194367216203, "q_0.05": 1.2282413433151587, "q_0.075": 1.3741874360040838, "q_0.1": 1.4924396863121363, "q_0.125": 1.5302121733734677, "q_0.15": 1.5321967456881715, "q_0.175": 1.6051265844232472, "q_0.2": 1.6247141109079883, "q_0.225": 1.6502600491508608, "q_0.25": 1.6661077065347696, "q_0.275": 1.670070018872164, "q_0.3": 1.6764107542236288, "q_0.325": 1.6826725014894182, "q_0.35": 1.6877824433781654, "q_0.375": 1.7043784685826144, "q_0.4": 1.716533989941627, "q_0.425": 1.7551073660875638, "q_0.45": 1.7648049144038847, "q_0.475": 1.7672163357661597, "q_0.5": 1.768986714122081, "q_0.525": 1.7712334500695817, "q_0.55": 1.7945981753237494, "q_0.575": 1.8104658457513367, "q_0.6": 1.817111346635527, "q_0.625": 1.8842268827810746, "q_0.65": 1.991006943066451, "q_0.675": 1.9987015539561785, "q_0.7": 2.0130716931096693, "q_0.725": 2.052779019229926, "q_0.75": 2.131129095015233, "q_0.775": 2.202835302624778, "q_0.8": 2.212732041065697, "q_0.825": 2.3184958723421283, "q_0.85": 2.4200006765706483, "q_0.875": 2.5136943009649872, "q_0.9": 2.5184190141508207, "q_0.925": 2.5958901123042017, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.480592236894758, "y": 1.8076853555060417, "y_true": 1.2472024623226312, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.2282413433151587, "q_0.05": 1.3741874360040838, "q_0.075": 1.4924396863121363, "q_0.1": 1.5312522008541878, "q_0.125": 1.5321967456881715, "q_0.15": 1.6229657790998766, "q_0.175": 1.6247141109079883, "q_0.2": 1.664015554358561, "q_0.225": 1.6661077065347696, "q_0.25": 1.670070018872164, "q_0.275": 1.6764107542236288, "q_0.3": 1.6826725014894182, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7574617652410602, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.792857186315018, "q_0.55": 1.803700555376618, "q_0.575": 1.817111346635527, "q_0.6": 1.8842268827810746, "q_0.625": 1.9595371749883188, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.0130716931096693, "q_0.725": 2.1053345208326175, "q_0.75": 2.131129095015233, "q_0.775": 2.2092777186214563, "q_0.8": 2.2354707656576482, "q_0.825": 2.3184958723421283, "q_0.85": 2.4200006765706483, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.5958901123042017, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.520608243297319, "y": 2.131129095015233, "y_true": 1.2586337710737128, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7574617652410602, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.131129095015233, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.4200006765706483, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.5606242496998801, "y": 1.9110181506093467, "y_true": 1.2699358805310348, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7574617652410602, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.131129095015233, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.4200006765706483, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.600640256102441, "y": 1.6247141109079883, "y_true": 1.2811116785661651, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7574617652410602, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.131129095015233, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.4200006765706483, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.640656262505002, "y": 1.716533989941627, "y_true": 1.292163957294997, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7574617652410602, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.131129095015233, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.4200006765706483, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.680672268907563, "y": 1.991006943066451, "y_true": 1.3030954172649167, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7648049144038847, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.202835302624778, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.474176271622056, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.720688275310124, "y": 1.3741874360040838, "y_true": 1.3139086714155777, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7648049144038847, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.202835302624778, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.474176271622056, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.7607042817126852, "y": 2.0016983947518012, "y_true": 1.3246062488278088, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7648049144038847, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.202835302624778, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.474176271622056, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.8007202881152462, "y": 2.025864867289325, "y_true": 1.3351905982741148, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7648049144038847, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.202835302624778, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.474176271622056, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.8407362945178072, "y": 1.5653167977646547, "y_true": 1.3456640915832385, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7648049144038847, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.202835302624778, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.474176271622056, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.8807523009203682, "y": 1.4924396863121363, "y_true": 1.3560290268303452, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7648049144038847, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.202835302624778, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.474176271622056, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.9207683073229291, "y": 1.7043784685826144, "y_true": 1.3662876313635677, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7648049144038847, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.202835302624778, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.474176271622056, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.9607843137254903, "y": 1.7712334500695817, "y_true": 1.3764420646768791, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.000800320128051, "y": 2.0130716931096693, "y_true": 1.3864944211385632, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.0408163265306123, "y": 1.8842268827810746, "y_true": 1.3964467325839087, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.0808323329331735, "y": 2.5184190141508207, "y_true": 1.4063009707801488, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.1208483393357342, "y": 1.5321967456881715, "y_true": 1.4160590497711343, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.1608643457382954, "y": 1.6661077065347696, "y_true": 1.4257228281087087, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.2008803521408566, "y": 1.6229657790998766, "y_true": 1.4352941109772928, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.2408963585434174, "y": 2.212732041065697, "y_true": 1.444774652217755, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.2809123649459786, "y": 1.7551073660875638, "y_true": 1.4541661562562431, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.3209283713485394, "y": 2.023157161489369, "y_true": 1.46347027994328, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.3609443777511006, "y": 1.768986714122081, "y_true": 1.4726886343080914, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.4009603841536618, "y": 1.6764107542236288, "y_true": 1.4818227862328077, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.4409763905562225, "y": 1.6272709219333723, "y_true": 1.4908742600508942, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.4809923969587837, "y": 2.3184958723421283, "y_true": 1.4998445390738864, "y_pred": 1.7945981753237494, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.6229657790998766, "q_0.125": 1.6247141109079883, "q_0.15": 1.664015554358561, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.7945981753237494, "q_0.525": 1.8104658457513367, "q_0.55": 1.84226373565085, "q_0.575": 1.8842268827810746, "q_0.6": 1.991006943066451, "q_0.625": 1.9987015539561785, "q_0.65": 2.0130716931096693, "q_0.675": 2.052779019229926, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.2354707656576482, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.5136943009649872, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.5210084033613445, "y": 1.6826725014894182, "y_true": 1.508735067050255, "y_pred": 1.7945981753237494, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.6229657790998766, "q_0.125": 1.6247141109079883, "q_0.15": 1.664015554358561, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.7945981753237494, "q_0.525": 1.8104658457513367, "q_0.55": 1.84226373565085, "q_0.575": 1.8842268827810746, "q_0.6": 1.991006943066451, "q_0.625": 1.9987015539561785, "q_0.65": 2.0130716931096693, "q_0.675": 2.052779019229926, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.2354707656576482, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.5136943009649872, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.5610244097639057, "y": 1.7672163357661597, "y_true": 1.5175472495599924, "y_pred": 1.7945981753237494, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.6229657790998766, "q_0.125": 1.6247141109079883, "q_0.15": 1.664015554358561, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.7945981753237494, "q_0.525": 1.8104658457513367, "q_0.55": 1.84226373565085, "q_0.575": 1.8842268827810746, "q_0.6": 1.991006943066451, "q_0.625": 1.9987015539561785, "q_0.65": 2.0130716931096693, "q_0.675": 2.052779019229926, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.2354707656576482, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.5136943009649872, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.601040416166467, "y": 1.9987015539561785, "y_true": 1.5262824553482839, "y_pred": 1.7945981753237494, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.6229657790998766, "q_0.125": 1.6247141109079883, "q_0.15": 1.664015554358561, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.7945981753237494, "q_0.525": 1.8104658457513367, "q_0.55": 1.84226373565085, "q_0.575": 1.8842268827810746, "q_0.6": 1.991006943066451, "q_0.625": 1.9987015539561785, "q_0.65": 2.0130716931096693, "q_0.675": 2.052779019229926, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.2354707656576482, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.5136943009649872, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.6410564225690276, "y": 2.5958901123042017, "y_true": 1.5349420176014335, "y_pred": 1.817111346635527, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.4701425818214489, "q_0.05": 1.5302121733734677, "q_0.075": 1.5321967456881715, "q_0.1": 1.6229657790998766, "q_0.125": 1.664015554358561, "q_0.15": 1.6661077065347696, "q_0.175": 1.670070018872164, "q_0.2": 1.6764107542236288, "q_0.225": 1.6826725014894182, "q_0.25": 1.6877824433781654, "q_0.275": 1.7043784685826144, "q_0.3": 1.7551073660875638, "q_0.325": 1.7574617652410602, "q_0.35": 1.7648049144038847, "q_0.375": 1.7672163357661597, "q_0.4": 1.768986714122081, "q_0.425": 1.7712334500695817, "q_0.45": 1.7945981753237494, "q_0.475": 1.8104658457513367, "q_0.5": 1.817111346635527, "q_0.525": 1.8842268827810746, "q_0.55": 1.9406553141414435, "q_0.575": 1.9987015539561785, "q_0.6": 2.0130716931096693, "q_0.625": 2.052779019229926, "q_0.65": 2.1053345208326175, "q_0.675": 2.131129095015233, "q_0.7": 2.2092777186214563, "q_0.725": 2.212732041065697, "q_0.75": 2.2551246557154423, "q_0.775": 2.3184958723421283, "q_0.8": 2.4200006765706483, "q_0.825": 2.5136943009649872, "q_0.85": 2.5184190141508207, "q_0.875": 2.5958901123042017, "q_0.9": 2.619272689399041, "q_0.925": 2.6531125699971754, "q_0.95": 2.856057754169509, "q_0.975": 2.909998452479544, "q_1": 3.1261867096353892}, {"x": 2.681072428971589, "y": 1.670070018872164, "y_true": 1.5435272351680187, "y_pred": 1.84226373565085, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.4701425818214489, "q_0.05": 1.5302121733734677, "q_0.075": 1.5321967456881715, "q_0.1": 1.6247141109079883, "q_0.125": 1.664015554358561, "q_0.15": 1.6661077065347696, "q_0.175": 1.670070018872164, "q_0.2": 1.6764107542236288, "q_0.225": 1.6826725014894182, "q_0.25": 1.6877824433781654, "q_0.275": 1.7043784685826144, "q_0.3": 1.7551073660875638, "q_0.325": 1.7574617652410602, "q_0.35": 1.7648049144038847, "q_0.375": 1.7672163357661597, "q_0.4": 1.768986714122081, "q_0.425": 1.7712334500695817, "q_0.45": 1.7945981753237494, "q_0.475": 1.8104658457513367, "q_0.5": 1.84226373565085, "q_0.525": 1.8842268827810746, "q_0.55": 1.991006943066451, "q_0.575": 1.9987015539561785, "q_0.6": 2.0130716931096693, "q_0.625": 2.052779019229926, "q_0.65": 2.1053345208326175, "q_0.675": 2.202835302624778, "q_0.7": 2.2092777186214563, "q_0.725": 2.2354707656576482, "q_0.75": 2.3184958723421283, "q_0.775": 2.4200006765706483, "q_0.8": 2.474176271622056, "q_0.825": 2.5184190141508207, "q_0.85": 2.5776346523445244, "q_0.875": 2.5958901123042017, "q_0.9": 2.619272689399041, "q_0.925": 2.6531125699971754, "q_0.95": 2.872711616098489, "q_0.975": 2.909998452479544, "q_1": 3.383543721206884}, {"x": 2.7210884353741496, "y": 2.6531125699971754, "y_true": 1.5520393737280682, "y_pred": 1.8842268827810746, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6229657790998766, "q_0.1": 1.6247141109079883, "q_0.125": 1.664015554358561, "q_0.15": 1.670070018872164, "q_0.175": 1.6764107542236288, "q_0.2": 1.6826725014894182, "q_0.225": 1.6877824433781654, "q_0.25": 1.716533989941627, "q_0.275": 1.7551073660875638, "q_0.3": 1.7574617652410602, "q_0.325": 1.7648049144038847, "q_0.35": 1.7672163357661597, "q_0.375": 1.7712334500695817, "q_0.4": 1.792857186315018, "q_0.425": 1.803700555376618, "q_0.45": 1.8104658457513367, "q_0.475": 1.84226373565085, "q_0.5": 1.8842268827810746, "q_0.525": 1.991006943066451, "q_0.55": 1.9987015539561785, "q_0.575": 2.0130716931096693, "q_0.6": 2.052779019229926, "q_0.625": 2.131129095015233, "q_0.65": 2.202835302624778, "q_0.675": 2.2092777186214563, "q_0.7": 2.2354707656576482, "q_0.725": 2.3184958723421283, "q_0.75": 2.4200006765706483, "q_0.775": 2.474176271622056, "q_0.8": 2.5136943009649872, "q_0.825": 2.5776346523445244, "q_0.85": 2.5958901123042017, "q_0.875": 2.619272689399041, "q_0.9": 2.6531125699971754, "q_0.925": 2.685199489210169, "q_0.95": 2.872711616098489, "q_0.975": 2.909998452479544, "q_1": 3.383543721206884}, {"x": 2.7611044417767108, "y": 1.6877824433781654, "y_true": 1.5604796669128986, "y_pred": 1.8842268827810746, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6229657790998766, "q_0.1": 1.6247141109079883, "q_0.125": 1.664015554358561, "q_0.15": 1.670070018872164, "q_0.175": 1.6764107542236288, "q_0.2": 1.6877824433781654, "q_0.225": 1.7043784685826144, "q_0.25": 1.716533989941627, "q_0.275": 1.7551073660875638, "q_0.3": 1.7574617652410602, "q_0.325": 1.7669149080958753, "q_0.35": 1.768986714122081, "q_0.375": 1.7712334500695817, "q_0.4": 1.7945981753237494, "q_0.425": 1.803700555376618, "q_0.45": 1.8104658457513367, "q_0.475": 1.84226373565085, "q_0.5": 1.8842268827810746, "q_0.525": 1.991006943066451, "q_0.55": 1.9987015539561785, "q_0.575": 2.052779019229926, "q_0.6": 2.1053345208326175, "q_0.625": 2.131129095015233, "q_0.65": 2.202835302624778, "q_0.675": 2.212732041065697, "q_0.7": 2.2551246557154423, "q_0.725": 2.3184958723421283, "q_0.75": 2.4200006765706483, "q_0.775": 2.474176271622056, "q_0.8": 2.5136943009649872, "q_0.825": 2.5776346523445244, "q_0.85": 2.5958901123042017, "q_0.875": 2.619272689399041, "q_0.9": 2.6531125699971754, "q_0.925": 2.685199489210169, "q_0.95": 2.872711616098489, "q_0.975": 2.909998452479544, "q_1": 3.383543721206884}, {"x": 2.801120448179272, "y": 2.872711616098489, "y_true": 1.5688493173780862, "y_pred": 1.991006943066451, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.6661077065347696, "q_0.15": 1.670070018872164, "q_0.175": 1.6826725014894182, "q_0.2": 1.6877824433781654, "q_0.225": 1.716533989941627, "q_0.25": 1.7551073660875638, "q_0.275": 1.7574617652410602, "q_0.3": 1.7672163357661597, "q_0.325": 1.768986714122081, "q_0.35": 1.7712334500695817, "q_0.375": 1.7945981753237494, "q_0.4": 1.803700555376618, "q_0.425": 1.8104658457513367, "q_0.45": 1.84226373565085, "q_0.475": 1.9406553141414435, "q_0.5": 1.991006943066451, "q_0.525": 1.9987015539561785, "q_0.55": 2.052779019229926, "q_0.575": 2.1053345208326175, "q_0.6": 2.131129095015233, "q_0.625": 2.202835302624778, "q_0.65": 2.212732041065697, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5136943009649872, "q_0.8": 2.570565666904585, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.8831467923834517, "q_0.975": 3.0591136781708457, "q_1": 3.383543721206884}, {"x": 2.8411364545818327, "y": 2.207845416829082, "y_true": 1.5771494978319072, "y_pred": 1.9987015539561785, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6764107542236288, "q_0.175": 1.6877824433781654, "q_0.2": 1.7043784685826144, "q_0.225": 1.7551073660875638, "q_0.25": 1.7574617652410602, "q_0.275": 1.7648049144038847, "q_0.3": 1.768986714122081, "q_0.325": 1.7712334500695817, "q_0.35": 1.7945981753237494, "q_0.375": 1.803700555376618, "q_0.4": 1.8104658457513367, "q_0.425": 1.84226373565085, "q_0.45": 1.8842268827810746, "q_0.475": 1.9406553141414435, "q_0.5": 1.9987015539561785, "q_0.525": 2.052779019229926, "q_0.55": 2.052779019229926, "q_0.575": 2.131129095015233, "q_0.6": 2.202835302624778, "q_0.625": 2.2092777186214563, "q_0.65": 2.2354707656576482, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5184190141508207, "q_0.8": 2.5776346523445244, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.09962285058553, "q_1": 3.4502440034500017}, {"x": 2.881152460984394, "y": 2.909998452479544, "y_true": 1.5853813520214493, "y_pred": 1.9987015539561785, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6764107542236288, "q_0.175": 1.6877824433781654, "q_0.2": 1.7043784685826144, "q_0.225": 1.7551073660875638, "q_0.25": 1.7574617652410602, "q_0.275": 1.7648049144038847, "q_0.3": 1.768986714122081, "q_0.325": 1.7712334500695817, "q_0.35": 1.7945981753237494, "q_0.375": 1.803700555376618, "q_0.4": 1.8104658457513367, "q_0.425": 1.84226373565085, "q_0.45": 1.8842268827810746, "q_0.475": 1.9406553141414435, "q_0.5": 1.9987015539561785, "q_0.525": 2.052779019229926, "q_0.55": 2.052779019229926, "q_0.575": 2.131129095015233, "q_0.6": 2.202835302624778, "q_0.625": 2.2092777186214563, "q_0.65": 2.2354707656576482, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5184190141508207, "q_0.8": 2.5776346523445244, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.09962285058553, "q_1": 3.4502440034500017}, {"x": 2.9211684673869547, "y": 2.4200006765706483, "y_true": 1.5935459956784626, "y_pred": 1.9987015539561785, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6764107542236288, "q_0.175": 1.6877824433781654, "q_0.2": 1.7043784685826144, "q_0.225": 1.7551073660875638, "q_0.25": 1.7574617652410602, "q_0.275": 1.7648049144038847, "q_0.3": 1.768986714122081, "q_0.325": 1.7712334500695817, "q_0.35": 1.7945981753237494, "q_0.375": 1.803700555376618, "q_0.4": 1.8104658457513367, "q_0.425": 1.84226373565085, "q_0.45": 1.8842268827810746, "q_0.475": 1.9406553141414435, "q_0.5": 1.9987015539561785, "q_0.525": 2.052779019229926, "q_0.55": 2.052779019229926, "q_0.575": 2.131129095015233, "q_0.6": 2.202835302624778, "q_0.625": 2.2092777186214563, "q_0.65": 2.2354707656576482, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5184190141508207, "q_0.8": 2.5776346523445244, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.09962285058553, "q_1": 3.4502440034500017}, {"x": 2.961184473789516, "y": 2.619272689399041, "y_true": 1.6016445174269123, "y_pred": 1.9987015539561785, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6764107542236288, "q_0.175": 1.6877824433781654, "q_0.2": 1.7043784685826144, "q_0.225": 1.7551073660875638, "q_0.25": 1.7574617652410602, "q_0.275": 1.7648049144038847, "q_0.3": 1.768986714122081, "q_0.325": 1.7712334500695817, "q_0.35": 1.7945981753237494, "q_0.375": 1.803700555376618, "q_0.4": 1.8104658457513367, "q_0.425": 1.84226373565085, "q_0.45": 1.8842268827810746, "q_0.475": 1.9406553141414435, "q_0.5": 1.9987015539561785, "q_0.525": 2.052779019229926, "q_0.55": 2.052779019229926, "q_0.575": 2.131129095015233, "q_0.6": 2.202835302624778, "q_0.625": 2.2092777186214563, "q_0.65": 2.2354707656576482, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5184190141508207, "q_0.8": 2.5776346523445244, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.09962285058553, "q_1": 3.4502440034500017}, {"x": 3.001200480192077, "y": 1.664015554358561, "y_true": 1.6096779796540748, "y_pred": 1.9987015539561785, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6764107542236288, "q_0.175": 1.6877824433781654, "q_0.2": 1.7043784685826144, "q_0.225": 1.7551073660875638, "q_0.25": 1.7574617652410602, "q_0.275": 1.7648049144038847, "q_0.3": 1.768986714122081, "q_0.325": 1.7712334500695817, "q_0.35": 1.7945981753237494, "q_0.375": 1.803700555376618, "q_0.4": 1.8104658457513367, "q_0.425": 1.84226373565085, "q_0.45": 1.8842268827810746, "q_0.475": 1.9406553141414435, "q_0.5": 1.9987015539561785, "q_0.525": 2.052779019229926, "q_0.55": 2.052779019229926, "q_0.575": 2.131129095015233, "q_0.6": 2.202835302624778, "q_0.625": 2.2092777186214563, "q_0.65": 2.2354707656576482, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5184190141508207, "q_0.8": 2.5776346523445244, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.09962285058553, "q_1": 3.4502440034500017}, {"x": 3.041216486594638, "y": 2.0126002830372514, "y_true": 1.617647419346922, "y_pred": 1.9987015539561785, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6764107542236288, "q_0.175": 1.6877824433781654, "q_0.2": 1.7043784685826144, "q_0.225": 1.7551073660875638, "q_0.25": 1.7574617652410602, "q_0.275": 1.7648049144038847, "q_0.3": 1.768986714122081, "q_0.325": 1.7712334500695817, "q_0.35": 1.7945981753237494, "q_0.375": 1.803700555376618, "q_0.4": 1.8104658457513367, "q_0.425": 1.84226373565085, "q_0.45": 1.8842268827810746, "q_0.475": 1.9406553141414435, "q_0.5": 1.9987015539561785, "q_0.525": 2.052779019229926, "q_0.55": 2.052779019229926, "q_0.575": 2.131129095015233, "q_0.6": 2.202835302624778, "q_0.625": 2.2092777186214563, "q_0.65": 2.2354707656576482, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5184190141508207, "q_0.8": 2.5776346523445244, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.09962285058553, "q_1": 3.4502440034500017}, {"x": 3.081232492997199, "y": 1.7945981753237494, "y_true": 1.6255538488954429, "y_pred": 1.9987015539561785, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6764107542236288, "q_0.175": 1.6877824433781654, "q_0.2": 1.7043784685826144, "q_0.225": 1.7551073660875638, "q_0.25": 1.7574617652410602, "q_0.275": 1.7648049144038847, "q_0.3": 1.768986714122081, "q_0.325": 1.7712334500695817, "q_0.35": 1.7945981753237494, "q_0.375": 1.803700555376618, "q_0.4": 1.8104658457513367, "q_0.425": 1.84226373565085, "q_0.45": 1.8842268827810746, "q_0.475": 1.9406553141414435, "q_0.5": 1.9987015539561785, "q_0.525": 2.052779019229926, "q_0.55": 2.052779019229926, "q_0.575": 2.131129095015233, "q_0.6": 2.202835302624778, "q_0.625": 2.2092777186214563, "q_0.65": 2.2354707656576482, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5184190141508207, "q_0.8": 2.5776346523445244, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.09962285058553, "q_1": 3.4502440034500017}, {"x": 3.1212484993997602, "y": 2.052779019229926, "y_true": 1.6333982568644532, "y_pred": 1.9987015539561785, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6764107542236288, "q_0.175": 1.6877824433781654, "q_0.2": 1.7043784685826144, "q_0.225": 1.7551073660875638, "q_0.25": 1.7574617652410602, "q_0.275": 1.7648049144038847, "q_0.3": 1.768986714122081, "q_0.325": 1.7712334500695817, "q_0.35": 1.7945981753237494, "q_0.375": 1.803700555376618, "q_0.4": 1.8104658457513367, "q_0.425": 1.84226373565085, "q_0.45": 1.8842268827810746, "q_0.475": 1.9406553141414435, "q_0.5": 1.9987015539561785, "q_0.525": 2.052779019229926, "q_0.55": 2.052779019229926, "q_0.575": 2.131129095015233, "q_0.6": 2.202835302624778, "q_0.625": 2.2092777186214563, "q_0.65": 2.2354707656576482, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5184190141508207, "q_0.8": 2.5776346523445244, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.09962285058553, "q_1": 3.4502440034500017}, {"x": 3.161264505802321, "y": 1.8104658457513367, "y_true": 1.6411816087353703, "y_pred": 1.9987015539561785, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6764107542236288, "q_0.175": 1.6877824433781654, "q_0.2": 1.7043784685826144, "q_0.225": 1.7551073660875638, "q_0.25": 1.7574617652410602, "q_0.275": 1.7648049144038847, "q_0.3": 1.768986714122081, "q_0.325": 1.7712334500695817, "q_0.35": 1.7945981753237494, "q_0.375": 1.803700555376618, "q_0.4": 1.8104658457513367, "q_0.425": 1.84226373565085, "q_0.45": 1.8842268827810746, "q_0.475": 1.991006943066451, "q_0.5": 1.9987015539561785, "q_0.525": 2.052779019229926, "q_0.55": 2.1053345208326175, "q_0.575": 2.131129095015233, "q_0.6": 2.202835302624778, "q_0.625": 2.2092777186214563, "q_0.65": 2.2354707656576482, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5184190141508207, "q_0.8": 2.5776346523445244, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.09962285058553, "q_1": 3.4502440034500017}, {"x": 3.201280512204882, "y": 2.1053345208326175, "y_true": 1.6489048476193418, "y_pred": 2.0130716931096693, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.6229657790998766, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6826725014894182, "q_0.175": 1.6877824433781654, "q_0.2": 1.716533989941627, "q_0.225": 1.7574617652410602, "q_0.25": 1.7574617652410602, "q_0.275": 1.7672163357661597, "q_0.3": 1.7712334500695817, "q_0.325": 1.7945981753237494, "q_0.35": 1.803700555376618, "q_0.375": 1.8104658457513367, "q_0.4": 1.8221418244385938, "q_0.425": 1.8842268827810746, "q_0.45": 1.9406553141414435, "q_0.475": 1.9987015539561785, "q_0.5": 2.0130716931096693, "q_0.525": 2.052779019229926, "q_0.55": 2.1053345208326175, "q_0.575": 2.202835302624778, "q_0.6": 2.2092777186214563, "q_0.625": 2.216940168135394, "q_0.65": 2.2551246557154423, "q_0.675": 2.3184958723421283, "q_0.7": 2.4200006765706483, "q_0.725": 2.474176271622056, "q_0.75": 2.5136943009649872, "q_0.775": 2.5776346523445244, "q_0.8": 2.5958901123042017, "q_0.825": 2.619272689399041, "q_0.85": 2.6531125699971754, "q_0.875": 2.685199489210169, "q_0.9": 2.856057754169509, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.1261867096353892, "q_1": 4.121099826150706}, {"x": 3.241296518607443, "y": 2.2551246557154423, "y_true": 1.6565688949430466, "y_pred": 2.052779019229926, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.6229657790998766, "q_0.075": 1.664015554358561, "q_0.1": 1.6661077065347696, "q_0.125": 1.670070018872164, "q_0.15": 1.6877824433781654, "q_0.175": 1.7043784685826144, "q_0.2": 1.7551073660875638, "q_0.225": 1.7574617652410602, "q_0.25": 1.7648049144038847, "q_0.275": 1.768986714122081, "q_0.3": 1.792857186315018, "q_0.325": 1.7945981753237494, "q_0.35": 1.803700555376618, "q_0.375": 1.8104658457513367, "q_0.4": 1.84226373565085, "q_0.425": 1.9406553141414435, "q_0.45": 1.991006943066451, "q_0.475": 2.0130716931096693, "q_0.5": 2.052779019229926, "q_0.525": 2.1053345208326175, "q_0.55": 2.1805335299151243, "q_0.575": 2.202835302624778, "q_0.6": 2.212732041065697, "q_0.625": 2.2354707656576482, "q_0.65": 2.2551246557154423, "q_0.675": 2.383383895116443, "q_0.7": 2.4200006765706483, "q_0.725": 2.4929473355599368, "q_0.75": 2.5184190141508207, "q_0.775": 2.5776346523445244, "q_0.8": 2.5958901123042017, "q_0.825": 2.619272689399041, "q_0.85": 2.6531125699971754, "q_0.875": 2.685199489210169, "q_0.9": 2.856057754169509, "q_0.925": 2.8831467923834517, "q_0.95": 2.909998452479544, "q_0.975": 3.1261867096353892, "q_1": 4.121099826150706}, {"x": 3.281312525010004, "y": 1.7574617652410602, "y_true": 1.6641746511084146, "y_pred": 2.052779019229926, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.6229657790998766, "q_0.075": 1.664015554358561, "q_0.1": 1.6661077065347696, "q_0.125": 1.6764107542236288, "q_0.15": 1.6877824433781654, "q_0.175": 1.7043784685826144, "q_0.2": 1.7551073660875638, "q_0.225": 1.7574617652410602, "q_0.25": 1.7648049144038847, "q_0.275": 1.768986714122081, "q_0.3": 1.792857186315018, "q_0.325": 1.7945981753237494, "q_0.35": 1.803700555376618, "q_0.375": 1.8104658457513367, "q_0.4": 1.84226373565085, "q_0.425": 1.9406553141414435, "q_0.45": 1.991006943066451, "q_0.475": 2.0130716931096693, "q_0.5": 2.052779019229926, "q_0.525": 2.1053345208326175, "q_0.55": 2.202835302624778, "q_0.575": 2.2092777186214563, "q_0.6": 2.212732041065697, "q_0.625": 2.2502111832009897, "q_0.65": 2.2551246557154423, "q_0.675": 2.4200006765706483, "q_0.7": 2.474176271622056, "q_0.725": 2.5136943009649872, "q_0.75": 2.5184190141508207, "q_0.775": 2.5776346523445244, "q_0.8": 2.5958901123042017, "q_0.825": 2.619272689399041, "q_0.85": 2.6531125699971754, "q_0.875": 2.685199489210169, "q_0.9": 2.856057754169509, "q_0.925": 2.8831467923834517, "q_0.95": 2.909998452479544, "q_0.975": 3.1261867096353892, "q_1": 4.121099826150706}, {"x": 3.3213285314125653, "y": 2.685199489210169, "y_true": 1.6717229961274478, "y_pred": 2.202835302624778, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.5321967456881715, "q_0.05": 1.6247141109079883, "q_0.075": 1.664015554358561, "q_0.1": 1.670070018872164, "q_0.125": 1.6877824433781654, "q_0.15": 1.7043784685826144, "q_0.175": 1.7551073660875638, "q_0.2": 1.7648049144038847, "q_0.225": 1.768986714122081, "q_0.25": 1.792857186315018, "q_0.275": 1.7945981753237494, "q_0.3": 1.803700555376618, "q_0.325": 1.8104658457513367, "q_0.35": 1.84226373565085, "q_0.375": 1.9406553141414435, "q_0.4": 1.991006943066451, "q_0.425": 2.0130716931096693, "q_0.45": 2.052779019229926, "q_0.475": 2.131129095015233, "q_0.5": 2.202835302624778, "q_0.525": 2.2092777186214563, "q_0.55": 2.216940168135394, "q_0.575": 2.2354707656576482, "q_0.6": 2.2551246557154423, "q_0.625": 2.383383895116443, "q_0.65": 2.474176271622056, "q_0.675": 2.474176271622056, "q_0.7": 2.5136943009649872, "q_0.725": 2.5776346523445244, "q_0.75": 2.5958901123042017, "q_0.775": 2.619272689399041, "q_0.8": 2.6531125699971754, "q_0.825": 2.685199489210169, "q_0.85": 2.790013136861556, "q_0.875": 2.856057754169509, "q_0.9": 2.8831467923834517, "q_0.925": 2.909998452479544, "q_0.95": 3.09962285058553, "q_0.975": 3.1261867096353892, "q_1": 4.145837035670981}, {"x": 3.361344537815126, "y": 2.5136943009649872, "y_true": 1.6792147902332606, "y_pred": 2.202835302624778, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.6247141109079883, "q_0.075": 1.664015554358561, "q_0.1": 1.670070018872164, "q_0.125": 1.6877824433781654, "q_0.15": 1.7043784685826144, "q_0.175": 1.7574617652410602, "q_0.2": 1.7648049144038847, "q_0.225": 1.768986714122081, "q_0.25": 1.792857186315018, "q_0.275": 1.803700555376618, "q_0.3": 1.803700555376618, "q_0.325": 1.8104658457513367, "q_0.35": 1.84226373565085, "q_0.375": 1.9406553141414435, "q_0.4": 1.991006943066451, "q_0.425": 2.0130716931096693, "q_0.45": 2.1053345208326175, "q_0.475": 2.131129095015233, "q_0.5": 2.202835302624778, "q_0.525": 2.2092777186214563, "q_0.55": 2.216940168135394, "q_0.575": 2.2551246557154423, "q_0.6": 2.3184958723421283, "q_0.625": 2.4200006765706483, "q_0.65": 2.474176271622056, "q_0.675": 2.5136943009649872, "q_0.7": 2.5184190141508207, "q_0.725": 2.5776346523445244, "q_0.75": 2.5958901123042017, "q_0.775": 2.619272689399041, "q_0.8": 2.6531125699971754, "q_0.825": 2.685199489210169, "q_0.85": 2.856057754169509, "q_0.875": 2.872711616098489, "q_0.9": 2.8831467923834517, "q_0.925": 2.909998452479544, "q_0.95": 3.09962285058553, "q_0.975": 3.1261867096353892, "q_1": 4.145837035670981}, {"x": 3.4013605442176873, "y": 2.0799351989769708, "y_true": 1.6866508744683995, "y_pred": 2.202835302624778, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.6247141109079883, "q_0.075": 1.664015554358561, "q_0.1": 1.670070018872164, "q_0.125": 1.6877824433781654, "q_0.15": 1.7043784685826144, "q_0.175": 1.7574617652410602, "q_0.2": 1.7648049144038847, "q_0.225": 1.768986714122081, "q_0.25": 1.792857186315018, "q_0.275": 1.803700555376618, "q_0.3": 1.803700555376618, "q_0.325": 1.8104658457513367, "q_0.35": 1.84226373565085, "q_0.375": 1.9406553141414435, "q_0.4": 1.991006943066451, "q_0.425": 2.0130716931096693, "q_0.45": 2.1053345208326175, "q_0.475": 2.131129095015233, "q_0.5": 2.202835302624778, "q_0.525": 2.2092777186214563, "q_0.55": 2.216940168135394, "q_0.575": 2.2551246557154423, "q_0.6": 2.3184958723421283, "q_0.625": 2.4200006765706483, "q_0.65": 2.474176271622056, "q_0.675": 2.5136943009649872, "q_0.7": 2.5184190141508207, "q_0.725": 2.5776346523445244, "q_0.75": 2.5958901123042017, "q_0.775": 2.619272689399041, "q_0.8": 2.6531125699971754, "q_0.825": 2.685199489210169, "q_0.85": 2.856057754169509, "q_0.875": 2.872711616098489, "q_0.9": 2.8831467923834517, "q_0.925": 2.909998452479544, "q_0.95": 3.09962285058553, "q_0.975": 3.1261867096353892, "q_1": 4.145837035670981}, {"x": 3.441376550620248, "y": 2.474176271622056, "y_true": 1.6940320712514525, "y_pred": 2.202835302624778, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.6247141109079883, "q_0.075": 1.664015554358561, "q_0.1": 1.670070018872164, "q_0.125": 1.6877824433781654, "q_0.15": 1.7043784685826144, "q_0.175": 1.7574617652410602, "q_0.2": 1.7648049144038847, "q_0.225": 1.768986714122081, "q_0.25": 1.792857186315018, "q_0.275": 1.803700555376618, "q_0.3": 1.803700555376618, "q_0.325": 1.8104658457513367, "q_0.35": 1.84226373565085, "q_0.375": 1.9406553141414435, "q_0.4": 1.991006943066451, "q_0.425": 2.0130716931096693, "q_0.45": 2.1053345208326175, "q_0.475": 2.131129095015233, "q_0.5": 2.202835302624778, "q_0.525": 2.2092777186214563, "q_0.55": 2.216940168135394, "q_0.575": 2.2551246557154423, "q_0.6": 2.3184958723421283, "q_0.625": 2.4200006765706483, "q_0.65": 2.474176271622056, "q_0.675": 2.5136943009649872, "q_0.7": 2.5184190141508207, "q_0.725": 2.5776346523445244, "q_0.75": 2.5958901123042017, "q_0.775": 2.619272689399041, "q_0.8": 2.6531125699971754, "q_0.825": 2.685199489210169, "q_0.85": 2.856057754169509, "q_0.875": 2.872711616098489, "q_0.9": 2.8831467923834517, "q_0.925": 2.909998452479544, "q_0.95": 3.09962285058553, "q_0.975": 3.1261867096353892, "q_1": 4.145837035670981}, {"x": 3.4813925570228093, "y": 1.84226373565085, "y_true": 1.7013591849228982, "y_pred": 2.202835302624778, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.6247141109079883, "q_0.075": 1.664015554358561, "q_0.1": 1.670070018872164, "q_0.125": 1.6877824433781654, "q_0.15": 1.7043784685826144, "q_0.175": 1.7574617652410602, "q_0.2": 1.7648049144038847, "q_0.225": 1.768986714122081, "q_0.25": 1.792857186315018, "q_0.275": 1.803700555376618, "q_0.3": 1.803700555376618, "q_0.325": 1.8104658457513367, "q_0.35": 1.84226373565085, "q_0.375": 1.9406553141414435, "q_0.4": 1.991006943066451, "q_0.425": 2.0130716931096693, "q_0.45": 2.1053345208326175, "q_0.475": 2.131129095015233, "q_0.5": 2.202835302624778, "q_0.525": 2.2092777186214563, "q_0.55": 2.216940168135394, "q_0.575": 2.2551246557154423, "q_0.6": 2.3184958723421283, "q_0.625": 2.4200006765706483, "q_0.65": 2.474176271622056, "q_0.675": 2.5136943009649872, "q_0.7": 2.5184190141508207, "q_0.725": 2.5776346523445244, "q_0.75": 2.5958901123042017, "q_0.775": 2.619272689399041, "q_0.8": 2.6531125699971754, "q_0.825": 2.685199489210169, "q_0.85": 2.856057754169509, "q_0.875": 2.872711616098489, "q_0.9": 2.8831467923834517, "q_0.925": 2.909998452479544, "q_0.95": 3.09962285058553, "q_0.975": 3.1261867096353892, "q_1": 4.145837035670981}, {"x": 3.5214085634253705, "y": 2.5776346523445244, "y_true": 1.7086330022711016, "y_pred": 2.2092777186214563, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.6247141109079883, "q_0.075": 1.6661077065347696, "q_0.1": 1.6764107542236288, "q_0.125": 1.6877824433781654, "q_0.15": 1.716533989941627, "q_0.175": 1.7574617652410602, "q_0.2": 1.7672163357661597, "q_0.225": 1.7712334500695817, "q_0.25": 1.7945981753237494, "q_0.275": 1.803700555376618, "q_0.3": 1.8104658457513367, "q_0.325": 1.84226373565085, "q_0.35": 1.8842268827810746, "q_0.375": 1.9406553141414435, "q_0.4": 2.0130716931096693, "q_0.425": 2.052779019229926, "q_0.45": 2.131129095015233, "q_0.475": 2.202835302624778, "q_0.5": 2.2092777186214563, "q_0.525": 2.216940168135394, "q_0.55": 2.2354707656576482, "q_0.575": 2.2551246557154423, "q_0.6": 2.383383895116443, "q_0.625": 2.4200006765706483, "q_0.65": 2.474176271622056, "q_0.675": 2.5136943009649872, "q_0.7": 2.5776346523445244, "q_0.725": 2.5776346523445244, "q_0.75": 2.619272689399041, "q_0.775": 2.6531125699971754, "q_0.8": 2.685199489210169, "q_0.825": 2.790013136861556, "q_0.85": 2.856057754169509, "q_0.875": 2.872711616098489, "q_0.9": 2.909998452479544, "q_0.925": 3.0591136781708457, "q_0.95": 3.1261867096353892, "q_0.975": 3.2333966941851915, "q_1": 4.220853543430095}, {"x": 3.561424569827931, "y": 3.1261867096353892, "y_true": 1.7158542930393204, "y_pred": 2.2092777186214563, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.6502600491508612, "q_0.075": 1.6661077065347696, "q_0.1": 1.6764107542236288, "q_0.125": 1.6877824433781654, "q_0.15": 1.716533989941627, "q_0.175": 1.7574617652410602, "q_0.2": 1.7672163357661597, "q_0.225": 1.7712334500695817, "q_0.25": 1.7945981753237494, "q_0.275": 1.803700555376618, "q_0.3": 1.8104658457513367, "q_0.325": 1.84226373565085, "q_0.35": 1.9406553141414435, "q_0.375": 1.991006943066451, "q_0.4": 2.0130716931096693, "q_0.425": 2.1053345208326175, "q_0.45": 2.131129095015233, "q_0.475": 2.202835302624778, "q_0.5": 2.2092777186214563, "q_0.525": 2.216940168135394, "q_0.55": 2.2551246557154423, "q_0.575": 2.281503793339521, "q_0.6": 2.4200006765706483, "q_0.625": 2.474176271622056, "q_0.65": 2.474176271622056, "q_0.675": 2.5184190141508207, "q_0.7": 2.5776346523445244, "q_0.725": 2.5958901123042017, "q_0.75": 2.619272689399041, "q_0.775": 2.6531125699971754, "q_0.8": 2.685199489210169, "q_0.825": 2.856057754169509, "q_0.85": 2.8668226551730065, "q_0.875": 2.8831467923834517, "q_0.9": 2.909998452479544, "q_0.925": 3.09962285058553, "q_0.95": 3.1261867096353892, "q_0.975": 3.2821385056335823, "q_1": 4.220853543430095}, {"x": 3.6014405762304924, "y": 2.2092777186214563, "y_true": 1.7230238104145328, "y_pred": 2.212732041065697, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.664015554358561, "q_0.075": 1.6661077065347696, "q_0.1": 1.6764107542236288, "q_0.125": 1.6877824433781654, "q_0.15": 1.7551073660875638, "q_0.175": 1.7574617652410602, "q_0.2": 1.7672163357661597, "q_0.225": 1.792857186315018, "q_0.25": 1.7945981753237494, "q_0.275": 1.803700555376618, "q_0.3": 1.8104658457513367, "q_0.325": 1.84226373565085, "q_0.35": 1.9406553141414435, "q_0.375": 1.9987015539561785, "q_0.4": 2.052779019229926, "q_0.425": 2.1053345208326175, "q_0.45": 2.202835302624778, "q_0.475": 2.202835302624778, "q_0.5": 2.212732041065697, "q_0.525": 2.2354707656576482, "q_0.55": 2.2551246557154423, "q_0.575": 2.3184958723421283, "q_0.6": 2.4200006765706483, "q_0.625": 2.474176271622056, "q_0.65": 2.5136943009649872, "q_0.675": 2.5222306518170607, "q_0.7": 2.5776346523445244, "q_0.725": 2.5958901123042017, "q_0.75": 2.619272689399041, "q_0.775": 2.6531125699971754, "q_0.8": 2.685199489210169, "q_0.825": 2.856057754169509, "q_0.85": 2.872711616098489, "q_0.875": 2.9092325521106526, "q_0.9": 3.0004285568723192, "q_0.925": 3.09962285058553, "q_0.95": 3.1261867096353892, "q_0.975": 3.383543721206884, "q_1": 4.220853543430095}, {"x": 3.641456582633053, "y": 2.7546360695069616, "y_true": 1.7301422914988684, "y_pred": 2.212732041065697, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.664015554358561, "q_0.075": 1.6661077065347696, "q_0.1": 1.6764107542236288, "q_0.125": 1.6877824433781654, "q_0.15": 1.7551073660875638, "q_0.175": 1.7574617652410602, "q_0.2": 1.7672163357661597, "q_0.225": 1.792857186315018, "q_0.25": 1.7945981753237494, "q_0.275": 1.803700555376618, "q_0.3": 1.8104658457513367, "q_0.325": 1.84226373565085, "q_0.35": 1.9406553141414435, "q_0.375": 1.9987015539561785, "q_0.4": 2.052779019229926, "q_0.425": 2.1053345208326175, "q_0.45": 2.202835302624778, "q_0.475": 2.202835302624778, "q_0.5": 2.212732041065697, "q_0.525": 2.2354707656576482, "q_0.55": 2.2551246557154423, "q_0.575": 2.3184958723421283, "q_0.6": 2.4200006765706483, "q_0.625": 2.474176271622056, "q_0.65": 2.5136943009649872, "q_0.675": 2.5222306518170607, "q_0.7": 2.5776346523445244, "q_0.725": 2.5958901123042017, "q_0.75": 2.619272689399041, "q_0.775": 2.6531125699971754, "q_0.8": 2.685199489210169, "q_0.825": 2.856057754169509, "q_0.85": 2.872711616098489, "q_0.875": 2.9092325521106526, "q_0.9": 3.0004285568723192, "q_0.925": 3.09962285058553, "q_0.95": 3.1261867096353892, "q_0.975": 3.383543721206884, "q_1": 4.220853543430095}, {"x": 3.6814725890356144, "y": 1.9406553141414435, "y_true": 1.7372104577643788, "y_pred": 2.212732041065697, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.664015554358561, "q_0.075": 1.6661077065347696, "q_0.1": 1.6764107542236288, "q_0.125": 1.7043784685826144, "q_0.15": 1.7551073660875638, "q_0.175": 1.7574617652410602, "q_0.2": 1.768986714122081, "q_0.225": 1.792857186315018, "q_0.25": 1.803700555376618, "q_0.275": 1.803700555376618, "q_0.3": 1.8104658457513367, "q_0.325": 1.84226373565085, "q_0.35": 1.9406553141414435, "q_0.375": 1.9987015539561785, "q_0.4": 2.052779019229926, "q_0.425": 2.1053345208326175, "q_0.45": 2.202835302624778, "q_0.475": 2.2092777186214563, "q_0.5": 2.212732041065697, "q_0.525": 2.2354707656576482, "q_0.55": 2.2551246557154423, "q_0.575": 2.3184958723421283, "q_0.6": 2.4200006765706483, "q_0.625": 2.474176271622056, "q_0.65": 2.5136943009649872, "q_0.675": 2.570565666904585, "q_0.7": 2.5776346523445244, "q_0.725": 2.5970398121460088, "q_0.75": 2.619272689399041, "q_0.775": 2.6632524543579312, "q_0.8": 2.685199489210169, "q_0.825": 2.856057754169509, "q_0.85": 2.872711616098489, "q_0.875": 2.9092325521106526, "q_0.9": 3.0004285568723192, "q_0.925": 3.09962285058553, "q_0.95": 3.1261867096353892, "q_0.975": 3.383543721206884, "q_1": 4.220853543430095}, {"x": 3.7214885954381756, "y": 2.856057754169509, "y_true": 1.744229015491845, "y_pred": 2.216940168135394, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.664015554358561, "q_0.075": 1.670070018872164, "q_0.1": 1.6826725014894182, "q_0.125": 1.7043784685826144, "q_0.15": 1.7574617652410602, "q_0.175": 1.7648049144038847, "q_0.2": 1.7694360613115812, "q_0.225": 1.792857186315018, "q_0.25": 1.803700555376618, "q_0.275": 1.8104658457513367, "q_0.3": 1.84226373565085, "q_0.325": 1.8842268827810746, "q_0.35": 1.9406553141414435, "q_0.375": 2.0130716931096693, "q_0.4": 2.1053345208326175, "q_0.425": 2.131129095015233, "q_0.45": 2.202835302624778, "q_0.475": 2.2092777186214563, "q_0.5": 2.216940168135394, "q_0.525": 2.2354707656576482, "q_0.55": 2.2551246557154423, "q_0.575": 2.388265505794307, "q_0.6": 2.474176271622056, "q_0.625": 2.474176271622056, "q_0.65": 2.5136943009649872, "q_0.675": 2.5776346523445244, "q_0.7": 2.5958901123042017, "q_0.725": 2.619272689399041, "q_0.75": 2.6531125699971754, "q_0.775": 2.685199489210169, "q_0.8": 2.834805762593552, "q_0.825": 2.856057754169509, "q_0.85": 2.872711616098489, "q_0.875": 2.909998452479544, "q_0.9": 3.032908898568775, "q_0.925": 3.09962285058553, "q_0.95": 3.1261867096353892, "q_0.975": 3.383543721206884, "q_1": 4.220853543430095}, {"x": 3.7615046018407363, "y": 2.202835302624778, "y_true": 1.7511986561942958, "y_pred": 2.216940168135394, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.664015554358561, "q_0.075": 1.670070018872164, "q_0.1": 1.6826725014894182, "q_0.125": 1.7043784685826144, "q_0.15": 1.7574617652410602, "q_0.175": 1.7648049144038847, "q_0.2": 1.7694360613115812, "q_0.225": 1.792857186315018, "q_0.25": 1.803700555376618, "q_0.275": 1.8104658457513367, "q_0.3": 1.84226373565085, "q_0.325": 1.8842268827810746, "q_0.35": 1.9406553141414435, "q_0.375": 2.0130716931096693, "q_0.4": 2.1053345208326175, "q_0.425": 2.131129095015233, "q_0.45": 2.202835302624778, "q_0.475": 2.2092777186214563, "q_0.5": 2.216940168135394, "q_0.525": 2.2354707656576482, "q_0.55": 2.2551246557154423, "q_0.575": 2.388265505794307, "q_0.6": 2.474176271622056, "q_0.625": 2.474176271622056, "q_0.65": 2.5136943009649872, "q_0.675": 2.5776346523445244, "q_0.7": 2.5958901123042017, "q_0.725": 2.619272689399041, "q_0.75": 2.6531125699971754, "q_0.775": 2.685199489210169, "q_0.8": 2.834805762593552, "q_0.825": 2.856057754169509, "q_0.85": 2.872711616098489, "q_0.875": 2.909998452479544, "q_0.9": 3.032908898568775, "q_0.925": 3.09962285058553, "q_0.95": 3.1261867096353892, "q_0.975": 3.383543721206884, "q_1": 4.220853543430095}, {"x": 3.8015206082432975, "y": 2.0455349681156223, "y_true": 1.7581200570258706, "y_pred": 2.216940168135394, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.664015554358561, "q_0.075": 1.670070018872164, "q_0.1": 1.6826725014894182, "q_0.125": 1.7043784685826144, "q_0.15": 1.7574617652410602, "q_0.175": 1.7648049144038847, "q_0.2": 1.7694360613115812, "q_0.225": 1.792857186315018, "q_0.25": 1.803700555376618, "q_0.275": 1.8104658457513367, "q_0.3": 1.84226373565085, "q_0.325": 1.8842268827810746, "q_0.35": 1.9406553141414435, "q_0.375": 2.0130716931096693, "q_0.4": 2.1053345208326175, "q_0.425": 2.131129095015233, "q_0.45": 2.202835302624778, "q_0.475": 2.2092777186214563, "q_0.5": 2.216940168135394, "q_0.525": 2.2354707656576482, "q_0.55": 2.2551246557154423, "q_0.575": 2.388265505794307, "q_0.6": 2.474176271622056, "q_0.625": 2.474176271622056, "q_0.65": 2.5136943009649872, "q_0.675": 2.5776346523445244, "q_0.7": 2.5958901123042017, "q_0.725": 2.619272689399041, "q_0.75": 2.6531125699971754, "q_0.775": 2.685199489210169, "q_0.8": 2.834805762593552, "q_0.825": 2.856057754169509, "q_0.85": 2.872711616098489, "q_0.875": 2.909998452479544, "q_0.9": 3.032908898568775, "q_0.925": 3.09962285058553, "q_0.95": 3.1261867096353892, "q_0.975": 3.383543721206884, "q_1": 4.220853543430095}, {"x": 3.8415366146458583, "y": 2.6900609399373545, "y_true": 1.7649938811766253, "y_pred": 2.226941649797617, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.664015554358561, "q_0.075": 1.670070018872164, "q_0.1": 1.6826725014894182, "q_0.125": 1.7043784685826144, "q_0.15": 1.7574617652410602, "q_0.175": 1.7648049144038847, "q_0.2": 1.7712334500695817, "q_0.225": 1.7945981753237494, "q_0.25": 1.803700555376618, "q_0.275": 1.8104658457513367, "q_0.3": 1.84226373565085, "q_0.325": 1.9406553141414435, "q_0.35": 1.991006943066451, "q_0.375": 2.052779019229926, "q_0.4": 2.1053345208326175, "q_0.425": 2.202835302624778, "q_0.45": 2.202835302624778, "q_0.475": 2.2092777186214563, "q_0.5": 2.226941649797617, "q_0.525": 2.2551246557154423, "q_0.55": 2.3184958723421283, "q_0.575": 2.4200006765706483, "q_0.6": 2.474176271622056, "q_0.625": 2.5136943009649872, "q_0.65": 2.5184190141508207, "q_0.675": 2.5776346523445244, "q_0.7": 2.5958901123042017, "q_0.725": 2.619272689399041, "q_0.75": 2.6531125699971754, "q_0.775": 2.685199489210169, "q_0.8": 2.856057754169509, "q_0.825": 2.856057754169509, "q_0.85": 2.8831467923834517, "q_0.875": 2.909998452479544, "q_0.9": 3.043646254675835, "q_0.925": 3.09962285058553, "q_0.95": 3.1261867096353892, "q_0.975": 3.400760216249977, "q_1": 4.220853543430095}, {"x": 3.8815526210484195, "y": 1.803700555376618, "y_true": 1.771820778253864, "y_pred": 2.261848190210194, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.6229657790998766, "q_0.05": 1.664015554358561, "q_0.075": 1.6764107542236288, "q_0.1": 1.7043784685826144, "q_0.125": 1.7571674653468734, "q_0.15": 1.7648049144038847, "q_0.175": 1.7712334500695817, "q_0.2": 1.7945981753237494, "q_0.225": 1.803700555376618, "q_0.25": 1.8104658457513367, "q_0.275": 1.84226373565085, "q_0.3": 1.9406553141414435, "q_0.325": 1.9987015539561785, "q_0.35": 2.052779019229926, "q_0.375": 2.131129095015233, "q_0.4": 2.202835302624778, "q_0.425": 2.212732041065697, "q_0.45": 2.218440390384727, "q_0.475": 2.2354707656576482, "q_0.5": 2.261848190210194, "q_0.525": 2.383383895116443, "q_0.55": 2.474176271622056, "q_0.575": 2.474176271622056, "q_0.6": 2.5184190141508207, "q_0.625": 2.5776346523445244, "q_0.65": 2.5958901123042017, "q_0.675": 2.619272689399041, "q_0.7": 2.6531125699971754, "q_0.725": 2.685199489210169, "q_0.75": 2.856057754169509, "q_0.775": 2.856057754169509, "q_0.8": 2.8831467923834517, "q_0.825": 2.909998452479544, "q_0.85": 3.0004285568723192, "q_0.875": 3.080145613344567, "q_0.9": 3.1021769845920146, "q_0.925": 3.1261867096353892, "q_0.95": 3.383543721206884, "q_0.975": 3.591210407032153, "q_1": 4.220853543430095}, {"x": 3.9215686274509807, "y": 3.09962285058553, "y_true": 1.778601384650544, "y_pred": 2.6107505974951346, "target": "0", "q_0": 1.3741874360040838, "q_0.025": 1.665950795121554, "q_0.05": 1.7043784685826144, "q_0.075": 1.7648049144038847, "q_0.1": 1.792857186315018, "q_0.125": 1.803700555376618, "q_0.15": 1.84226373565085, "q_0.175": 1.9406553141414435, "q_0.2": 2.1053345208326175, "q_0.225": 2.202835302624778, "q_0.25": 2.212732041065697, "q_0.275": 2.226941649797617, "q_0.3": 2.2354707656576482, "q_0.325": 2.2551246557154423, "q_0.35": 2.3184958723421283, "q_0.375": 2.4077919485057735, "q_0.4": 2.474176271622056, "q_0.425": 2.5136943009649872, "q_0.45": 2.570565666904585, "q_0.475": 2.5776346523445244, "q_0.5": 2.6107505974951346, "q_0.525": 2.619272689399041, "q_0.55": 2.685199489210169, "q_0.575": 2.790013136861556, "q_0.6": 2.856057754169509, "q_0.625": 2.8668226551730065, "q_0.65": 2.8831467923834517, "q_0.675": 2.909998452479544, "q_0.7": 3.0004285568723192, "q_0.725": 3.043646254675835, "q_0.75": 3.0770546660691322, "q_0.775": 3.09962285058553, "q_0.8": 3.1021769845920146, "q_0.825": 3.1261867096353892, "q_0.85": 3.2406924266645625, "q_0.875": 3.3031300214793093, "q_0.9": 3.443379248267086, "q_0.925": 3.4515743706701665, "q_0.95": 3.7077674505663416, "q_0.975": 3.838272181680196, "q_1": 4.220853543430095}, {"x": 3.9615846338535414, "y": 1.792857186315018, "y_true": 1.7853363239012692, "y_pred": 2.619272689399041, "target": "0", "q_0": 1.3741874360040838, "q_0.025": 1.670070018872164, "q_0.05": 1.7574617652410602, "q_0.075": 1.792857186315018, "q_0.1": 1.803700555376618, "q_0.125": 1.84226373565085, "q_0.15": 1.9406553141414435, "q_0.175": 2.1053345208326175, "q_0.2": 2.202835302624778, "q_0.225": 2.216940168135394, "q_0.25": 2.234382596088047, "q_0.275": 2.2354707656576482, "q_0.3": 2.2551246557154423, "q_0.325": 2.3184958723421283, "q_0.35": 2.4077919485057735, "q_0.375": 2.474176271622056, "q_0.4": 2.4962789016985347, "q_0.425": 2.5222306518170607, "q_0.45": 2.5776346523445244, "q_0.475": 2.5970398121460088, "q_0.5": 2.619272689399041, "q_0.525": 2.685199489210169, "q_0.55": 2.790013136861556, "q_0.575": 2.834805762593552, "q_0.6": 2.856057754169509, "q_0.625": 2.8831467923834517, "q_0.65": 2.9092325521106526, "q_0.675": 2.9296501080623756, "q_0.7": 3.032908898568775, "q_0.725": 3.0591136781708457, "q_0.75": 3.09962285058553, "q_0.775": 3.09962285058553, "q_0.8": 3.1261867096353892, "q_0.825": 3.192339156729705, "q_0.85": 3.245516283035614, "q_0.875": 3.383543721206884, "q_0.9": 3.4464811358462413, "q_0.925": 3.523972476623229, "q_0.95": 3.720593281166275, "q_0.975": 3.838272181680196, "q_1": 4.220853543430095}, {"x": 4.001600640256102, "y": 2.8831467923834517, "y_true": 1.7920262070263822, "y_pred": 2.685199489210169, "target": "0", "q_0": 1.3741874360040838, "q_0.025": 1.6877824433781654, "q_0.05": 1.76765893035514, "q_0.075": 1.792857186315018, "q_0.1": 1.8104658457513367, "q_0.125": 1.9406553141414435, "q_0.15": 2.052779019229926, "q_0.175": 2.202835302624778, "q_0.2": 2.212732041065697, "q_0.225": 2.226941649797617, "q_0.25": 2.2354707656576482, "q_0.275": 2.2551246557154423, "q_0.3": 2.3184958723421283, "q_0.325": 2.383383895116443, "q_0.35": 2.474176271622056, "q_0.375": 2.4962789016985347, "q_0.4": 2.5222306518170607, "q_0.425": 2.5776346523445244, "q_0.45": 2.600467508483291, "q_0.475": 2.619272689399041, "q_0.5": 2.685199489210169, "q_0.525": 2.790013136861556, "q_0.55": 2.834805762593552, "q_0.575": 2.856057754169509, "q_0.6": 2.8831467923834517, "q_0.625": 2.9092325521106526, "q_0.65": 2.9296501080623756, "q_0.675": 3.032908898568775, "q_0.7": 3.0591136781708457, "q_0.725": 3.080145613344567, "q_0.75": 3.09962285058553, "q_0.775": 3.1261867096353892, "q_0.8": 3.192339156729705, "q_0.825": 3.2406924266645625, "q_0.85": 3.3031300214793093, "q_0.875": 3.4039613919304736, "q_0.9": 3.4502440034500017, "q_0.925": 3.6229763422274246, "q_0.95": 3.7699761313336246, "q_0.975": 3.8880626509514538, "q_1": 4.846116951227636}, {"x": 4.041616646658664, "y": 2.2354707656576482, "y_true": 1.7986716328646177, "y_pred": 2.790013136861556, "target": "0", "q_0": 1.3741874360040836, "q_0.025": 1.7043784685826144, "q_0.05": 1.792857186315018, "q_0.075": 1.803700555376618, "q_0.1": 1.84226373565085, "q_0.125": 2.052779019229926, "q_0.15": 2.202835302624778, "q_0.175": 2.216940168135394, "q_0.2": 2.234382596088047, "q_0.225": 2.2354707656576482, "q_0.25": 2.261848190210194, "q_0.275": 2.383383895116443, "q_0.3": 2.4077919485057735, "q_0.325": 2.474176271622056, "q_0.35": 2.5136943009649872, "q_0.375": 2.570565666904585, "q_0.4": 2.5958901123042017, "q_0.425": 2.6107505974951346, "q_0.45": 2.6728123390432823, "q_0.475": 2.7296536503975375, "q_0.5": 2.790013136861556, "q_0.525": 2.856057754169509, "q_0.55": 2.872711616098489, "q_0.575": 2.8953130280276334, "q_0.6": 2.909998452479544, "q_0.625": 3.0004285568723192, "q_0.65": 3.032908898568775, "q_0.675": 3.0591136781708457, "q_0.7": 3.09962285058553, "q_0.725": 3.09962285058553, "q_0.75": 3.1261867096353892, "q_0.775": 3.192339156729705, "q_0.8": 3.2406924266645625, "q_0.825": 3.3031300214793093, "q_0.85": 3.4039613919304736, "q_0.875": 3.4502440034500017, "q_0.9": 3.5825488999124793, "q_0.925": 3.720593281166275, "q_0.95": 3.818194086927954, "q_0.975": 3.8910066999300055, "q_1": 4.846116951227636}, {"x": 4.081632653061225, "y": 3.0004285568723192, "y_true": 1.805273188394778, "y_pred": 2.9287208072498823, "target": "0", "q_0": 1.3741874360040838, "q_0.025": 1.792857186315018, "q_0.05": 1.9406553141414435, "q_0.075": 2.202835302624778, "q_0.1": 2.216940168135394, "q_0.125": 2.234382596088047, "q_0.15": 2.261848190210194, "q_0.175": 2.291510317733951, "q_0.2": 2.383383895116443, "q_0.225": 2.4719739635811773, "q_0.25": 2.5136943009649872, "q_0.275": 2.570565666904585, "q_0.3": 2.5970398121460088, "q_0.325": 2.6107505974951346, "q_0.35": 2.685199489210169, "q_0.375": 2.7365751482019363, "q_0.4": 2.834805762593552, "q_0.425": 2.8668226551730065, "q_0.45": 2.8831467923834517, "q_0.475": 2.9092325521106526, "q_0.5": 2.9287208072498823, "q_0.525": 3.0004285568723192, "q_0.55": 3.032908898568775, "q_0.575": 3.0591136781708457, "q_0.6": 3.080145613344567, "q_0.625": 3.09962285058553, "q_0.65": 3.1261867096353892, "q_0.675": 3.192339156729705, "q_0.7": 3.2406924266645625, "q_0.725": 3.2776857598481253, "q_0.75": 3.383543721206884, "q_0.775": 3.4039613919304736, "q_0.8": 3.4485490608990115, "q_0.825": 3.4515743706701665, "q_0.85": 3.591210407032153, "q_0.875": 3.7077674505663416, "q_0.9": 3.7787657822455847, "q_0.925": 3.838178691490339, "q_0.95": 3.8880626509514538, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.121648659463785, "y": 3.383543721206884, "y_true": 1.811831449046859, "y_pred": 3.0004285568723192, "target": "0", "q_0": 1.5321967456881715, "q_0.025": 1.8052227457109298, "q_0.05": 2.1805335299151243, "q_0.075": 2.216940168135394, "q_0.1": 2.234382596088047, "q_0.125": 2.2551246557154423, "q_0.15": 2.291510317733951, "q_0.175": 2.383383895116443, "q_0.2": 2.4200006765706483, "q_0.225": 2.4962789016985347, "q_0.25": 2.570565666904585, "q_0.275": 2.5970398121460088, "q_0.3": 2.6107505974951346, "q_0.325": 2.685199489210169, "q_0.35": 2.7365751482019363, "q_0.375": 2.834805762593552, "q_0.4": 2.8668226551730065, "q_0.425": 2.8831467923834517, "q_0.45": 2.9092325521106526, "q_0.475": 2.92830262188426, "q_0.5": 3.0004285568723192, "q_0.525": 3.032908898568775, "q_0.55": 3.0591136781708457, "q_0.575": 3.0770546660691322, "q_0.6": 3.09962285058553, "q_0.625": 3.1021769845920146, "q_0.65": 3.192339156729705, "q_0.675": 3.2406924266645625, "q_0.7": 3.245516283035614, "q_0.725": 3.3031300214793093, "q_0.75": 3.383543721206884, "q_0.775": 3.443379248267086, "q_0.8": 3.4502440034500017, "q_0.825": 3.5246676117067777, "q_0.85": 3.6229763422274246, "q_0.875": 3.720593281166275, "q_0.9": 3.7787657822455847, "q_0.925": 3.838272181680196, "q_0.95": 3.8910066999300055, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.161664665866347, "y": 2.22661534869503, "y_true": 1.8183469790030427, "y_pred": 3.0004285568723192, "target": "0", "q_0": 1.5321967456881715, "q_0.025": 1.8052227457109298, "q_0.05": 2.1805335299151243, "q_0.075": 2.216940168135394, "q_0.1": 2.234382596088047, "q_0.125": 2.2551246557154423, "q_0.15": 2.291510317733951, "q_0.175": 2.383383895116443, "q_0.2": 2.4200006765706483, "q_0.225": 2.4962789016985347, "q_0.25": 2.570565666904585, "q_0.275": 2.5970398121460088, "q_0.3": 2.6107505974951346, "q_0.325": 2.685199489210169, "q_0.35": 2.7365751482019363, "q_0.375": 2.834805762593552, "q_0.4": 2.8668226551730065, "q_0.425": 2.8831467923834517, "q_0.45": 2.9092325521106526, "q_0.475": 2.92830262188426, "q_0.5": 3.0004285568723192, "q_0.525": 3.032908898568775, "q_0.55": 3.0591136781708457, "q_0.575": 3.0770546660691322, "q_0.6": 3.09962285058553, "q_0.625": 3.1021769845920146, "q_0.65": 3.192339156729705, "q_0.675": 3.2406924266645625, "q_0.7": 3.245516283035614, "q_0.725": 3.3031300214793093, "q_0.75": 3.383543721206884, "q_0.775": 3.443379248267086, "q_0.8": 3.4502440034500017, "q_0.825": 3.5246676117067777, "q_0.85": 3.6229763422274246, "q_0.875": 3.720593281166275, "q_0.9": 3.7787657822455847, "q_0.925": 3.838272181680196, "q_0.95": 3.8910066999300055, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.201680672268908, "y": 2.7748932781113425, "y_true": 1.824820331488943, "y_pred": 3.0004285568723192, "target": "0", "q_0": 1.664015554358561, "q_0.025": 1.84226373565085, "q_0.05": 2.202835302624778, "q_0.075": 2.216940168135394, "q_0.1": 2.234382596088047, "q_0.125": 2.261848190210194, "q_0.15": 2.291510317733951, "q_0.175": 2.383383895116443, "q_0.2": 2.474176271622056, "q_0.225": 2.5136943009649872, "q_0.25": 2.570565666904585, "q_0.275": 2.5970398121460088, "q_0.3": 2.6531125699971754, "q_0.325": 2.7119071736370666, "q_0.35": 2.790013136861556, "q_0.375": 2.834805762593552, "q_0.4": 2.8668226551730065, "q_0.425": 2.8953130280276334, "q_0.45": 2.909998452479544, "q_0.475": 2.9296501080623756, "q_0.5": 3.0004285568723192, "q_0.525": 3.032908898568775, "q_0.55": 3.0591136781708457, "q_0.575": 3.080145613344567, "q_0.6": 3.09962285058553, "q_0.625": 3.1261867096353892, "q_0.65": 3.192339156729705, "q_0.675": 3.2406924266645625, "q_0.7": 3.2776857598481253, "q_0.725": 3.316561629701986, "q_0.75": 3.383543721206884, "q_0.775": 3.443379248267086, "q_0.8": 3.4502440034500017, "q_0.825": 3.5246676117067777, "q_0.85": 3.6229763422274246, "q_0.875": 3.720593281166275, "q_0.9": 3.7787657822455847, "q_0.925": 3.838272181680196, "q_0.95": 3.8910066999300055, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.2416966786714685, "y": 2.812055496118488, "y_true": 1.8312520490554909, "y_pred": 3.0004285568723192, "target": "0", "q_0": 1.664015554358561, "q_0.025": 1.84226373565085, "q_0.05": 2.202835302624778, "q_0.075": 2.216940168135394, "q_0.1": 2.234382596088047, "q_0.125": 2.261848190210194, "q_0.15": 2.291510317733951, "q_0.175": 2.383383895116443, "q_0.2": 2.474176271622056, "q_0.225": 2.5136943009649872, "q_0.25": 2.570565666904585, "q_0.275": 2.5970398121460088, "q_0.3": 2.6531125699971754, "q_0.325": 2.7119071736370666, "q_0.35": 2.790013136861556, "q_0.375": 2.834805762593552, "q_0.4": 2.8668226551730065, "q_0.425": 2.8953130280276334, "q_0.45": 2.909998452479544, "q_0.475": 2.9296501080623756, "q_0.5": 3.0004285568723192, "q_0.525": 3.032908898568775, "q_0.55": 3.0591136781708457, "q_0.575": 3.080145613344567, "q_0.6": 3.09962285058553, "q_0.625": 3.1261867096353892, "q_0.65": 3.192339156729705, "q_0.675": 3.2406924266645625, "q_0.7": 3.2776857598481253, "q_0.725": 3.316561629701986, "q_0.75": 3.383543721206884, "q_0.775": 3.443379248267086, "q_0.8": 3.4502440034500017, "q_0.825": 3.5246676117067777, "q_0.85": 3.6229763422274246, "q_0.875": 3.720593281166275, "q_0.9": 3.7787657822455847, "q_0.925": 3.838272181680196, "q_0.95": 3.8910066999300055, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.28171268507403, "y": 2.790013136861556, "y_true": 1.8376426638518066, "y_pred": 3.0004285568723192, "target": "0", "q_0": 1.664015554358561, "q_0.025": 1.84226373565085, "q_0.05": 2.202835302624778, "q_0.075": 2.216940168135394, "q_0.1": 2.234382596088047, "q_0.125": 2.261848190210194, "q_0.15": 2.291510317733951, "q_0.175": 2.383383895116443, "q_0.2": 2.474176271622056, "q_0.225": 2.5136943009649872, "q_0.25": 2.570565666904585, "q_0.275": 2.5970398121460088, "q_0.3": 2.6531125699971754, "q_0.325": 2.7119071736370666, "q_0.35": 2.790013136861556, "q_0.375": 2.834805762593552, "q_0.4": 2.8668226551730065, "q_0.425": 2.8953130280276334, "q_0.45": 2.909998452479544, "q_0.475": 2.9296501080623756, "q_0.5": 3.0004285568723192, "q_0.525": 3.032908898568775, "q_0.55": 3.0591136781708457, "q_0.575": 3.080145613344567, "q_0.6": 3.09962285058553, "q_0.625": 3.1261867096353892, "q_0.65": 3.192339156729705, "q_0.675": 3.2406924266645625, "q_0.7": 3.2776857598481253, "q_0.725": 3.316561629701986, "q_0.75": 3.383543721206884, "q_0.775": 3.443379248267086, "q_0.8": 3.4502440034500017, "q_0.825": 3.5246676117067777, "q_0.85": 3.6229763422274246, "q_0.875": 3.720593281166275, "q_0.9": 3.7787657822455847, "q_0.925": 3.838272181680196, "q_0.95": 3.8910066999300055, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.321728691476591, "y": 2.216940168135394, "y_true": 1.8439926978894121, "y_pred": 3.0004285568723192, "target": "0", "q_0": 1.664015554358561, "q_0.025": 1.84226373565085, "q_0.05": 2.202835302624778, "q_0.075": 2.216940168135394, "q_0.1": 2.234382596088047, "q_0.125": 2.261848190210194, "q_0.15": 2.291510317733951, "q_0.175": 2.383383895116443, "q_0.2": 2.474176271622056, "q_0.225": 2.5136943009649872, "q_0.25": 2.570565666904585, "q_0.275": 2.5970398121460088, "q_0.3": 2.6531125699971754, "q_0.325": 2.7119071736370666, "q_0.35": 2.790013136861556, "q_0.375": 2.834805762593552, "q_0.4": 2.8668226551730065, "q_0.425": 2.8953130280276334, "q_0.45": 2.909998452479544, "q_0.475": 2.9296501080623756, "q_0.5": 3.0004285568723192, "q_0.525": 3.032908898568775, "q_0.55": 3.0591136781708457, "q_0.575": 3.080145613344567, "q_0.6": 3.09962285058553, "q_0.625": 3.1261867096353892, "q_0.65": 3.192339156729705, "q_0.675": 3.2406924266645625, "q_0.7": 3.2776857598481253, "q_0.725": 3.316561629701986, "q_0.75": 3.383543721206884, "q_0.775": 3.443379248267086, "q_0.8": 3.4502440034500017, "q_0.825": 3.5246676117067777, "q_0.85": 3.6229763422274246, "q_0.875": 3.720593281166275, "q_0.9": 3.7787657822455847, "q_0.925": 3.838272181680196, "q_0.95": 3.8910066999300055, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.361744697879152, "y": 3.4502440034500017, "y_true": 1.8503026632981054, "y_pred": 3.032908898568775, "target": "0", "q_0": 1.6640155543585609, "q_0.025": 1.9406553141414435, "q_0.05": 2.216940168135394, "q_0.075": 2.226941649797617, "q_0.1": 2.2354707656576482, "q_0.125": 2.2820077831633534, "q_0.15": 2.383383895116443, "q_0.175": 2.4077919485057735, "q_0.2": 2.4962789016985347, "q_0.225": 2.570565666904585, "q_0.25": 2.5970398121460088, "q_0.275": 2.6107505974951346, "q_0.3": 2.7033422632676607, "q_0.325": 2.7365751482019363, "q_0.35": 2.834805762593552, "q_0.375": 2.8668226551730065, "q_0.4": 2.8953130280276334, "q_0.425": 2.909998452479544, "q_0.45": 2.9296501080623756, "q_0.475": 3.0004285568723192, "q_0.5": 3.032908898568775, "q_0.525": 3.0591136781708457, "q_0.55": 3.0770546660691322, "q_0.575": 3.09962285058553, "q_0.6": 3.1021769845920146, "q_0.625": 3.192339156729705, "q_0.65": 3.2333966941851915, "q_0.675": 3.245516283035614, "q_0.7": 3.3031300214793093, "q_0.725": 3.383543721206884, "q_0.75": 3.4110179337091537, "q_0.775": 3.4502440034500017, "q_0.8": 3.510764910035774, "q_0.825": 3.591210407032153, "q_0.85": 3.7077674505663416, "q_0.875": 3.7436071785977734, "q_0.9": 3.779269555217234, "q_0.925": 3.8398282075568995, "q_0.95": 3.8910066999300055, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.401760704281713, "y": 2.6107505974951346, "y_true": 1.8565730625738148, "y_pred": 3.032908898568775, "target": "0", "q_0": 1.6640155543585609, "q_0.025": 1.9406553141414435, "q_0.05": 2.216940168135394, "q_0.075": 2.226941649797617, "q_0.1": 2.2354707656576482, "q_0.125": 2.2820077831633534, "q_0.15": 2.383383895116443, "q_0.175": 2.4077919485057735, "q_0.2": 2.4962789016985347, "q_0.225": 2.570565666904585, "q_0.25": 2.5970398121460088, "q_0.275": 2.6107505974951346, "q_0.3": 2.7033422632676607, "q_0.325": 2.7365751482019363, "q_0.35": 2.834805762593552, "q_0.375": 2.8668226551730065, "q_0.4": 2.8953130280276334, "q_0.425": 2.909998452479544, "q_0.45": 2.9296501080623756, "q_0.475": 3.0004285568723192, "q_0.5": 3.032908898568775, "q_0.525": 3.0591136781708457, "q_0.55": 3.0770546660691322, "q_0.575": 3.09962285058553, "q_0.6": 3.1021769845920146, "q_0.625": 3.192339156729705, "q_0.65": 3.2333966941851915, "q_0.675": 3.245516283035614, "q_0.7": 3.3031300214793093, "q_0.725": 3.383543721206884, "q_0.75": 3.4110179337091537, "q_0.775": 3.4502440034500017, "q_0.8": 3.510764910035774, "q_0.825": 3.591210407032153, "q_0.85": 3.7077674505663416, "q_0.875": 3.7436071785977734, "q_0.9": 3.779269555217234, "q_0.925": 3.8398282075568995, "q_0.95": 3.8910066999300055, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.441776710684274, "y": 3.296710068167026, "y_true": 1.862804388818727, "y_pred": 3.032908898568775, "target": "0", "q_0": 1.664015554358561, "q_0.025": 2.052779019229926, "q_0.05": 2.216940168135394, "q_0.075": 2.234382596088047, "q_0.1": 2.2354707656576482, "q_0.125": 2.2820077831633534, "q_0.15": 2.383383895116443, "q_0.175": 2.415727621747941, "q_0.2": 2.4962789016985347, "q_0.225": 2.570565666904585, "q_0.25": 2.5970398121460088, "q_0.275": 2.6531125699971754, "q_0.3": 2.7119071736370666, "q_0.325": 2.780226479307891, "q_0.35": 2.834805762593552, "q_0.375": 2.8668226551730065, "q_0.4": 2.8953130280276334, "q_0.425": 2.9219528283124196, "q_0.45": 2.9296501080623756, "q_0.475": 3.0004285568723192, "q_0.5": 3.032908898568775, "q_0.525": 3.0591136781708457, "q_0.55": 3.080145613344567, "q_0.575": 3.09962285058553, "q_0.6": 3.1261867096353892, "q_0.625": 3.192339156729705, "q_0.65": 3.2406924266645625, "q_0.675": 3.245516283035614, "q_0.7": 3.3031300214793093, "q_0.725": 3.383543721206884, "q_0.75": 3.443379248267086, "q_0.775": 3.4502440034500017, "q_0.8": 3.510764910035774, "q_0.825": 3.591210407032153, "q_0.85": 3.7077674505663416, "q_0.875": 3.7436071785977734, "q_0.9": 3.815675187873755, "q_0.925": 3.8398282075568995, "q_0.95": 3.8910066999300055, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.481792717086835, "y": 3.0591136781708457, "y_true": 1.8689971259739828, "y_pred": 3.0591136781708457, "target": "0", "q_0": 1.664015554358561, "q_0.025": 2.1805335299151243, "q_0.05": 2.216940168135394, "q_0.075": 2.234382596088047, "q_0.1": 2.261848190210194, "q_0.125": 2.291510317733951, "q_0.15": 2.385448149482302, "q_0.175": 2.474176271622056, "q_0.2": 2.5222306518170607, "q_0.225": 2.570565666904585, "q_0.25": 2.6107505974951346, "q_0.275": 2.6728123390432823, "q_0.3": 2.730270846144857, "q_0.325": 2.790013136861556, "q_0.35": 2.856057754169509, "q_0.375": 2.8831467923834517, "q_0.4": 2.9092325521106526, "q_0.425": 2.927791506437389, "q_0.45": 2.9881016302452914, "q_0.475": 3.032908898568775, "q_0.5": 3.0591136781708457, "q_0.525": 3.0770546660691322, "q_0.55": 3.080145613344567, "q_0.575": 3.1021769845920146, "q_0.6": 3.192339156729705, "q_0.625": 3.2333966941851915, "q_0.65": 3.2406924266645625, "q_0.675": 3.2776857598481253, "q_0.7": 3.383543721206884, "q_0.725": 3.4039613919304736, "q_0.75": 3.4485490608990115, "q_0.775": 3.4515743706701665, "q_0.8": 3.5347720158482066, "q_0.825": 3.6229763422274246, "q_0.85": 3.720593281166275, "q_0.875": 3.7787657822455847, "q_0.9": 3.837524260161338, "q_0.925": 3.883842726075107, "q_0.95": 4.013013244551293, "q_0.975": 4.145837035670981, "q_1": 4.846116951227636}, {"x": 4.5218087234893956, "y": 2.383383895116443, "y_true": 1.8751517490452128, "y_pred": 3.0591136781708457, "target": "0", "q_0": 1.664015554358561, "q_0.025": 2.1805335299151243, "q_0.05": 2.216940168135394, "q_0.075": 2.234382596088047, "q_0.1": 2.261848190210194, "q_0.125": 2.291510317733951, "q_0.15": 2.385448149482302, "q_0.175": 2.474176271622056, "q_0.2": 2.5222306518170607, "q_0.225": 2.570565666904585, "q_0.25": 2.6107505974951346, "q_0.275": 2.6728123390432823, "q_0.3": 2.730270846144857, "q_0.325": 2.790013136861556, "q_0.35": 2.856057754169509, "q_0.375": 2.8831467923834517, "q_0.4": 2.9092325521106526, "q_0.425": 2.927791506437389, "q_0.45": 2.9881016302452914, "q_0.475": 3.032908898568775, "q_0.5": 3.0591136781708457, "q_0.525": 3.0770546660691322, "q_0.55": 3.080145613344567, "q_0.575": 3.1021769845920146, "q_0.6": 3.192339156729705, "q_0.625": 3.2333966941851915, "q_0.65": 3.2406924266645625, "q_0.675": 3.2776857598481253, "q_0.7": 3.383543721206884, "q_0.725": 3.4039613919304736, "q_0.75": 3.4485490608990115, "q_0.775": 3.4515743706701665, "q_0.8": 3.5347720158482066, "q_0.825": 3.6229763422274246, "q_0.85": 3.720593281166275, "q_0.875": 3.7787657822455847, "q_0.9": 3.837524260161338, "q_0.925": 3.883842726075107, "q_0.95": 4.013013244551293, "q_0.975": 4.145837035670981, "q_1": 4.846116951227636}, {"x": 4.561824729891957, "y": 3.2776857598481253, "y_true": 1.8812687243211708, "y_pred": 3.0770546660691322, "target": "0", "q_0": 1.664015554358561, "q_0.025": 2.202835302624778, "q_0.05": 2.234382596088047, "q_0.075": 2.2354707656576482, "q_0.1": 2.2820077831633534, "q_0.125": 2.383383895116443, "q_0.15": 2.4719739635811773, "q_0.175": 2.5222306518170607, "q_0.2": 2.570565666904585, "q_0.225": 2.6107505974951346, "q_0.25": 2.6728123390432823, "q_0.275": 2.7327396291341355, "q_0.3": 2.790013136861556, "q_0.325": 2.856057754169509, "q_0.35": 2.8831467923834517, "q_0.375": 2.9092325521106526, "q_0.4": 2.927791506437389, "q_0.425": 2.9881016302452914, "q_0.45": 3.032908898568775, "q_0.475": 3.0591136781708457, "q_0.5": 3.0770546660691322, "q_0.525": 3.0978533899536744, "q_0.55": 3.1021769845920146, "q_0.575": 3.192339156729705, "q_0.6": 3.2333966941851915, "q_0.625": 3.245516283035614, "q_0.65": 3.3031300214793093, "q_0.675": 3.383543721206884, "q_0.7": 3.4039613919304736, "q_0.725": 3.4485490608990115, "q_0.75": 3.4515743706701665, "q_0.775": 3.5347720158482066, "q_0.8": 3.6229763422274246, "q_0.825": 3.710590087602741, "q_0.85": 3.7436071785977734, "q_0.875": 3.815675187873755, "q_0.9": 3.838272181680196, "q_0.925": 3.8880626509514538, "q_0.95": 4.013013244551293, "q_0.975": 4.168436862981786, "q_1": 4.846116951227636}, {"x": 4.601840736294518, "y": 2.570565666904585, "y_true": 1.8873485095857245, "y_pred": 3.0770546660691322, "target": "0", "q_0": 1.664015554358561, "q_0.025": 2.202835302624778, "q_0.05": 2.234382596088047, "q_0.075": 2.2354707656576482, "q_0.1": 2.2820077831633534, "q_0.125": 2.383383895116443, "q_0.15": 2.4719739635811773, "q_0.175": 2.5222306518170607, "q_0.2": 2.570565666904585, "q_0.225": 2.6107505974951346, "q_0.25": 2.6728123390432823, "q_0.275": 2.7327396291341355, "q_0.3": 2.790013136861556, "q_0.325": 2.856057754169509, "q_0.35": 2.8831467923834517, "q_0.375": 2.9092325521106526, "q_0.4": 2.927791506437389, "q_0.425": 2.9881016302452914, "q_0.45": 3.032908898568775, "q_0.475": 3.0591136781708457, "q_0.5": 3.0770546660691322, "q_0.525": 3.0978533899536744, "q_0.55": 3.1021769845920146, "q_0.575": 3.192339156729705, "q_0.6": 3.2333966941851915, "q_0.625": 3.245516283035614, "q_0.65": 3.3031300214793093, "q_0.675": 3.383543721206884, "q_0.7": 3.4039613919304736, "q_0.725": 3.4485490608990115, "q_0.75": 3.4515743706701665, "q_0.775": 3.5347720158482066, "q_0.8": 3.6229763422274246, "q_0.825": 3.710590087602741, "q_0.85": 3.7436071785977734, "q_0.875": 3.815675187873755, "q_0.9": 3.838272181680196, "q_0.925": 3.8880626509514538, "q_0.95": 4.013013244551293, "q_0.975": 4.168436862981786, "q_1": 4.846116951227636}, {"x": 4.641856742697079, "y": 3.417887955057335, "y_true": 1.893391554323441, "y_pred": 3.0770546660691322, "target": "0", "q_0": 1.664015554358561, "q_0.025": 2.202835302624778, "q_0.05": 2.234382596088047, "q_0.075": 2.2354707656576482, "q_0.1": 2.2820077831633534, "q_0.125": 2.383383895116443, "q_0.15": 2.4719739635811773, "q_0.175": 2.5222306518170607, "q_0.2": 2.570565666904585, "q_0.225": 2.6107505974951346, "q_0.25": 2.6728123390432823, "q_0.275": 2.7327396291341355, "q_0.3": 2.790013136861556, "q_0.325": 2.856057754169509, "q_0.35": 2.8831467923834517, "q_0.375": 2.9092325521106526, "q_0.4": 2.927791506437389, "q_0.425": 2.9881016302452914, "q_0.45": 3.032908898568775, "q_0.475": 3.0591136781708457, "q_0.5": 3.0770546660691322, "q_0.525": 3.0978533899536744, "q_0.55": 3.1021769845920146, "q_0.575": 3.192339156729705, "q_0.6": 3.2333966941851915, "q_0.625": 3.245516283035614, "q_0.65": 3.3031300214793093, "q_0.675": 3.383543721206884, "q_0.7": 3.4039613919304736, "q_0.725": 3.4485490608990115, "q_0.75": 3.4515743706701665, "q_0.775": 3.5347720158482066, "q_0.8": 3.6229763422274246, "q_0.825": 3.710590087602741, "q_0.85": 3.7436071785977734, "q_0.875": 3.815675187873755, "q_0.9": 3.838272181680196, "q_0.925": 3.8880626509514538, "q_0.95": 4.013013244551293, "q_0.975": 4.168436862981786, "q_1": 4.846116951227636}, {"x": 4.68187274909964, "y": 2.9092325521106526, "y_true": 1.8993982999189936, "y_pred": 3.080145613344567, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.216940168135394, "q_0.05": 2.234382596088047, "q_0.075": 2.261848190210194, "q_0.1": 2.291510317733951, "q_0.125": 2.4040264387750425, "q_0.15": 2.4962789016985347, "q_0.175": 2.5222306518170607, "q_0.2": 2.5970398121460088, "q_0.225": 2.6632524543579312, "q_0.25": 2.7296536503975375, "q_0.275": 2.77495674062515, "q_0.3": 2.834805762593552, "q_0.325": 2.8668226551730065, "q_0.35": 2.9092325521106526, "q_0.375": 2.927791506437389, "q_0.4": 2.947065811950295, "q_0.425": 3.0139026064740246, "q_0.45": 3.043646254675835, "q_0.475": 3.0770546660691322, "q_0.5": 3.080145613344567, "q_0.525": 3.1021769845920146, "q_0.55": 3.192339156729705, "q_0.575": 3.2333966941851915, "q_0.6": 3.2406924266645625, "q_0.625": 3.2776857598481253, "q_0.65": 3.383543721206884, "q_0.675": 3.4039613919304736, "q_0.7": 3.443379248267086, "q_0.725": 3.4502440034500017, "q_0.75": 3.5246676117067777, "q_0.775": 3.591210407032153, "q_0.8": 3.7077674505663416, "q_0.825": 3.7436071785977734, "q_0.85": 3.779269555217234, "q_0.875": 3.837524260161338, "q_0.9": 3.8414148207619707, "q_0.925": 3.8910066999300055, "q_0.95": 4.07672327288903, "q_0.975": 4.220853543430095, "q_1": 4.846116951227636}, {"x": 4.721888755502201, "y": 3.443379248267086, "y_true": 1.90536917985062, "y_pred": 3.09962285058553, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7033422632676607, "q_0.25": 2.7365751482019363, "q_0.275": 2.790013136861556, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.032908898568775, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.09962285058553, "q_0.525": 3.144357047858117, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.315251282390422, "q_0.65": 3.3879555135279835, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.510764910035774, "q_0.75": 3.5479028714337835, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.815675187873755, "q_0.875": 3.838272181680196, "q_0.9": 3.883842726075107, "q_0.925": 3.8910066999300055, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 4.761904761904762, "y": 3.1241131072758273, "y_true": 1.9113046198778378, "y_pred": 3.09962285058553, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7033422632676607, "q_0.25": 2.7365751482019363, "q_0.275": 2.790013136861556, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.032908898568775, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.09962285058553, "q_0.525": 3.144357047858117, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.315251282390422, "q_0.65": 3.3879555135279835, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.510764910035774, "q_0.75": 3.5479028714337835, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.815675187873755, "q_0.875": 3.838272181680196, "q_0.9": 3.883842726075107, "q_0.925": 3.8910066999300055, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 4.8019207683073235, "y": 3.192339156729705, "y_true": 1.9172050382236192, "y_pred": 3.09962285058553, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7033422632676607, "q_0.25": 2.7365751482019363, "q_0.275": 2.790013136861556, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.032908898568775, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.09962285058553, "q_0.525": 3.144357047858117, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.315251282390422, "q_0.65": 3.3879555135279835, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.510764910035774, "q_0.75": 3.5479028714337835, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.815675187873755, "q_0.875": 3.838272181680196, "q_0.9": 3.883842726075107, "q_0.925": 3.8910066999300055, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 4.841936774709884, "y": 2.8079396531511223, "y_true": 1.9230708457512267, "y_pred": 3.09962285058553, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7033422632676607, "q_0.25": 2.7365751482019363, "q_0.275": 2.790013136861556, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.032908898568775, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.09962285058553, "q_0.525": 3.144357047858117, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.315251282390422, "q_0.65": 3.3879555135279835, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.510764910035774, "q_0.75": 3.5479028714337835, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.815675187873755, "q_0.875": 3.838272181680196, "q_0.9": 3.883842726075107, "q_0.925": 3.8910066999300055, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 4.881952781112445, "y": 3.6229763422274246, "y_true": 1.9289024461358895, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 4.921968787515006, "y": 3.080145613344567, "y_true": 1.9347002360315049, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 4.961984793917567, "y": 2.697216869003998, "y_true": 1.9404646052325338, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.002000800320128, "y": 3.032908898568775, "y_true": 1.9461959368312576, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.042016806722689, "y": 1.9864181399125111, "y_true": 1.9518946073705536, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.082032813125251, "y": 2.502005760236582, "y_true": 1.9575609869923432, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.122048819527811, "y": 3.159361769467524, "y_true": 1.9631954395818552, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.162064825930372, "y": 2.4962789016985347, "y_true": 1.9687983229078512, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.202080832332934, "y": 3.1021769845920146, "y_true": 1.9743699887589417, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.2420968387354945, "y": 2.7651218330701277, "y_true": 1.9799107830761262, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.282112845138055, "y": 2.234382596088047, "y_true": 1.9854210460816837, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.322128851540617, "y": 2.540950423797595, "y_true": 1.9909011124045284, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.362144857943178, "y": 3.0509947536910063, "y_true": 1.9963513112021503, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.402160864345738, "y": 3.09880735123128, "y_true": 2.001771966279253, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.2354707656576482, "q_0.075": 2.2820077831633534, "q_0.1": 2.380403175168106, "q_0.125": 2.4077919485057735, "q_0.15": 2.5222306518170607, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.824875739926762, "q_0.3": 2.8668226551730065, "q_0.325": 2.9092325521106526, "q_0.35": 2.927791506437389, "q_0.375": 2.947065811950295, "q_0.4": 3.0139026064740246, "q_0.425": 3.043646254675835, "q_0.45": 3.0770546660691322, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.383543721206884, "q_0.65": 3.4039613919304736, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.631058997846261, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.981902096858289, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.442176870748299, "y": 3.0770546660691322, "y_true": 2.00716339620319, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.2354707656576482, "q_0.075": 2.2820077831633534, "q_0.1": 2.380403175168106, "q_0.125": 2.4077919485057735, "q_0.15": 2.5222306518170607, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.824875739926762, "q_0.3": 2.8668226551730065, "q_0.325": 2.9092325521106526, "q_0.35": 2.927791506437389, "q_0.375": 2.947065811950295, "q_0.4": 3.0139026064740246, "q_0.425": 3.043646254675835, "q_0.45": 3.0770546660691322, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.383543721206884, "q_0.65": 3.4039613919304736, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.631058997846261, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.981902096858289, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.482192877150861, "y": 3.2333966941851915, "y_true": 2.0125259144163086, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.2354707656576482, "q_0.075": 2.2820077831633534, "q_0.1": 2.383383895116443, "q_0.125": 2.4077919485057735, "q_0.15": 2.5222306518170607, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.824875739926762, "q_0.3": 2.8668226551730065, "q_0.325": 2.9092325521106526, "q_0.35": 2.927791506437389, "q_0.375": 2.947065811950295, "q_0.4": 3.0139026064740246, "q_0.425": 3.043646254675835, "q_0.45": 3.0770546660691322, "q_0.475": 3.0881841176937774, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.245516283035614, "q_0.6": 3.2776857598481253, "q_0.625": 3.383543721206884, "q_0.65": 3.4039613919304736, "q_0.675": 3.443379248267086, "q_0.7": 3.4515743706701665, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.7077674505663416, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.8398282075568995, "q_0.9": 3.8880626509514538, "q_0.925": 3.987845038924685, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.5222088835534215, "y": 3.2406924266645625, "y_true": 2.0178598293452943, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.2354707656576482, "q_0.075": 2.2820077831633534, "q_0.1": 2.383383895116443, "q_0.125": 2.4077919485057735, "q_0.15": 2.5222306518170607, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.824875739926762, "q_0.3": 2.8668226551730065, "q_0.325": 2.9092325521106526, "q_0.35": 2.927791506437389, "q_0.375": 2.947065811950295, "q_0.4": 3.0139026064740246, "q_0.425": 3.043646254675835, "q_0.45": 3.0770546660691322, "q_0.475": 3.0881841176937774, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.245516283035614, "q_0.6": 3.2776857598481253, "q_0.625": 3.383543721206884, "q_0.65": 3.4039613919304736, "q_0.675": 3.443379248267086, "q_0.7": 3.4515743706701665, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.7077674505663416, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.8398282075568995, "q_0.9": 3.8880626509514538, "q_0.925": 3.987845038924685, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.562224889955982, "y": 2.834805762593552, "y_true": 2.023165444507619, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.2354707656576482, "q_0.075": 2.2820077831633534, "q_0.1": 2.383383895116443, "q_0.125": 2.4719739635811773, "q_0.15": 2.5222306518170607, "q_0.175": 2.570565666904585, "q_0.2": 2.6632524543579312, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.824875739926762, "q_0.3": 2.8668226551730065, "q_0.325": 2.9092325521106526, "q_0.35": 2.927791506437389, "q_0.375": 2.947065811950295, "q_0.4": 3.032908898568775, "q_0.425": 3.043646254675835, "q_0.45": 3.0770546660691322, "q_0.475": 3.0978533899536744, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2393223513601743, "q_0.575": 3.245516283035614, "q_0.6": 3.3031300214793093, "q_0.625": 3.383543721206884, "q_0.65": 3.4071368357308813, "q_0.675": 3.4485490608990115, "q_0.7": 3.4515743706701665, "q_0.725": 3.5347720158482066, "q_0.75": 3.591210407032153, "q_0.775": 3.7077674505663416, "q_0.8": 3.7436071785977734, "q_0.825": 3.779269555217234, "q_0.85": 3.8311879734601337, "q_0.875": 3.8398282075568995, "q_0.9": 3.8880626509514538, "q_0.925": 4.013013244551293, "q_0.95": 4.145837035670981, "q_0.975": 4.319988909788199, "q_1": 4.846116951227636}, {"x": 5.602240896358544, "y": 3.720593281166275, "y_true": 2.0284430586151756, "y_pred": 3.144357047858117, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.383383895116443, "q_0.125": 2.4719739635811773, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6632524543579312, "q_0.225": 2.7296536503975375, "q_0.25": 2.7365751482019363, "q_0.275": 2.834805762593552, "q_0.3": 2.8831467923834517, "q_0.325": 2.916112755207713, "q_0.35": 2.927791506437389, "q_0.375": 2.9881016302452914, "q_0.4": 3.032908898568775, "q_0.425": 3.0591136781708457, "q_0.45": 3.080145613344567, "q_0.475": 3.09962285058553, "q_0.5": 3.144357047858117, "q_0.525": 3.2333966941851915, "q_0.55": 3.2406924266645625, "q_0.575": 3.2776857598481253, "q_0.6": 3.383543721206884, "q_0.625": 3.4039613919304736, "q_0.65": 3.443379248267086, "q_0.675": 3.4515743706701665, "q_0.7": 3.5246676117067777, "q_0.725": 3.591210407032153, "q_0.75": 3.631058997846261, "q_0.775": 3.720593281166275, "q_0.8": 3.7787657822455847, "q_0.825": 3.815675187873755, "q_0.85": 3.838272181680196, "q_0.875": 3.883842726075107, "q_0.9": 3.8910066999300055, "q_0.925": 4.013013244551293, "q_0.95": 4.145837035670981, "q_0.975": 4.319988909788199, "q_1": 4.846116951227636}, {"x": 5.642256902761105, "y": 2.7296536503975375, "y_true": 2.0336929656751956, "y_pred": 3.192339156729705, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4719739635811773, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.765717445332221, "q_0.275": 2.834805762593552, "q_0.3": 2.8831467923834517, "q_0.325": 2.916112755207713, "q_0.35": 2.9280702966811365, "q_0.375": 2.9881016302452914, "q_0.4": 3.032908898568775, "q_0.425": 3.0591136781708457, "q_0.45": 3.080145613344567, "q_0.475": 3.1021769845920146, "q_0.5": 3.192339156729705, "q_0.525": 3.2333966941851915, "q_0.55": 3.245516283035614, "q_0.575": 3.3031300214793093, "q_0.6": 3.383543721206884, "q_0.625": 3.4039613919304736, "q_0.65": 3.443379248267086, "q_0.675": 3.4515743706701665, "q_0.7": 3.5246676117067777, "q_0.725": 3.591210407032153, "q_0.75": 3.7077674505663416, "q_0.775": 3.720593281166275, "q_0.8": 3.7787657822455847, "q_0.825": 3.818194086927954, "q_0.85": 3.838272181680196, "q_0.875": 3.883842726075107, "q_0.9": 3.8910066999300055, "q_0.925": 4.07672327288903, "q_0.95": 4.145837035670981, "q_0.975": 4.319988909788199, "q_1": 4.846116951227636}, {"x": 5.6822729091636655, "y": 2.8668226551730065, "y_true": 2.03891545508853, "y_pred": 3.192339156729705, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4719739635811773, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.765717445332221, "q_0.275": 2.834805762593552, "q_0.3": 2.8831467923834517, "q_0.325": 2.916112755207713, "q_0.35": 2.9280702966811365, "q_0.375": 2.9881016302452914, "q_0.4": 3.032908898568775, "q_0.425": 3.0591136781708457, "q_0.45": 3.080145613344567, "q_0.475": 3.1021769845920146, "q_0.5": 3.192339156729705, "q_0.525": 3.2333966941851915, "q_0.55": 3.245516283035614, "q_0.575": 3.3031300214793093, "q_0.6": 3.383543721206884, "q_0.625": 3.4039613919304736, "q_0.65": 3.443379248267086, "q_0.675": 3.4515743706701665, "q_0.7": 3.5246676117067777, "q_0.725": 3.591210407032153, "q_0.75": 3.7077674505663416, "q_0.775": 3.720593281166275, "q_0.8": 3.7787657822455847, "q_0.825": 3.818194086927954, "q_0.85": 3.838272181680196, "q_0.875": 3.883842726075107, "q_0.9": 3.8910066999300055, "q_0.925": 4.07672327288903, "q_0.95": 4.145837035670981, "q_0.975": 4.319988909788199, "q_1": 4.846116951227636}, {"x": 5.722288915566227, "y": 3.7436071785977734, "y_true": 2.044110811745377, "y_pred": 3.2287979460588954, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.77495674062515, "q_0.275": 2.834805762593552, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2287979460588954, "q_0.525": 3.2406924266645625, "q_0.55": 3.2776857598481253, "q_0.575": 3.34145822862183, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4502440034500017, "q_0.675": 3.5246676117067777, "q_0.7": 3.5479028714337835, "q_0.725": 3.6229763422274246, "q_0.75": 3.720593281166275, "q_0.775": 3.7436071785977734, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.9247237424272536, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.332879274641352, "q_1": 4.846116951227636}, {"x": 5.762304921968788, "y": 3.59020931992085, "y_true": 2.0492793161185356, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 5.802320928371349, "y": 3.4039613919304736, "y_true": 2.0544212443542644, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 5.842336934773909, "y": 2.2522861350471604, "y_true": 2.0595368683608113, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 5.882352941176471, "y": 3.838272181680196, "y_true": 2.0646264558946954, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 5.922368947579032, "y": 3.4515743706701665, "y_true": 2.0696902706448004, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 5.9623849539815925, "y": 4.013013244551293, "y_true": 2.0747285723143527, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.002400960384154, "y": 2.3706058406277295, "y_true": 2.0797416167008422, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.042416966786715, "y": 3.779269555217234, "y_true": 2.084729655773952, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.082432973189276, "y": 2.4077919485057735, "y_true": 2.0896929377515496, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.122448979591837, "y": 3.3031300214793093, "y_true": 2.094631707173811, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.162464985994398, "y": 2.3433296974491618, "y_true": 2.099546204975511, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.202480992396959, "y": 3.7787657822455847, "y_true": 2.104436668556556, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.2424969987995205, "y": 3.7077674505663416, "y_true": 2.1093033318507945, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.282513005202081, "y": 3.244082281027921, "y_true": 2.114146425393166, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.790013136861556, "q_0.275": 2.8549951545907084, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.2776857598481253, "q_0.575": 3.34145822862183, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.815675187873755, "q_0.825": 3.837524260161338, "q_0.85": 3.8402587246070436, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.322529011604642, "y": 2.9296501080623756, "y_true": 2.118966176385226, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.790013136861556, "q_0.275": 2.8549951545907084, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.2776857598481253, "q_0.575": 3.34145822862183, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.815675187873755, "q_0.825": 3.837524260161338, "q_0.85": 3.8402587246070436, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.362545018007203, "y": 2.261848190210194, "y_true": 2.123762808759104, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.790013136861556, "q_0.275": 2.8549951545907084, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.2776857598481253, "q_0.575": 3.34145822862183, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.815675187873755, "q_0.825": 3.837524260161338, "q_0.85": 3.8402587246070436, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.402561024409764, "y": 3.5246676117067777, "y_true": 2.1285365432399344, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.7009490381200547, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.8668226551730065, "q_0.3": 2.8953130280276334, "q_0.325": 2.927791506437389, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.442577030812325, "y": 3.043646254675835, "y_true": 2.1332875974068015, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.7009490381200547, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.8668226551730065, "q_0.3": 2.8953130280276334, "q_0.325": 2.927791506437389, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.482593037214886, "y": 3.591210407032153, "y_true": 2.1380161857522477, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.7009490381200547, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.8668226551730065, "q_0.3": 2.8953130280276334, "q_0.325": 2.927791506437389, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.5226090436174475, "y": 3.8910066999300055, "y_true": 2.142722519740377, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.7009490381200547, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.8668226551730065, "q_0.3": 2.8953130280276334, "q_0.325": 2.927791506437389, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.562625050020008, "y": 4.121099826150706, "y_true": 2.1474068078635997, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.7009490381200547, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.8668226551730065, "q_0.3": 2.8953130280276334, "q_0.325": 2.927791506437389, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.602641056422569, "y": 3.8880626509514538, "y_true": 2.1520692556980565, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.7009490381200547, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.8668226551730065, "q_0.3": 2.8953130280276334, "q_0.325": 2.927791506437389, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.642657062825131, "y": 2.1805335299151243, "y_true": 2.156710065957753, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.77495674062515, "q_0.275": 2.834805762593552, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.682673069227691, "y": 2.8953130280276334, "y_true": 2.1613294385474435, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.77495674062515, "q_0.275": 2.834805762593552, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.722689075630252, "y": 3.6581469980224885, "y_true": 2.1659275706143046, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.77495674062515, "q_0.275": 2.834805762593552, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.762705082032813, "y": 2.5222306518170607, "y_true": 2.1705046565984176, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.77495674062515, "q_0.275": 2.834805762593552, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.802721088435375, "y": 3.245516283035614, "y_true": 2.1750608882821094, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.77495674062515, "q_0.275": 2.834805762593552, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.842737094837935, "y": 2.291510317733951, "y_true": 2.179596454838168, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4719739635811773, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.77495674062515, "q_0.275": 2.834805762593552, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.882753101240496, "y": 2.5970398121460088, "y_true": 2.1841115428769724, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4719739635811773, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.77495674062515, "q_0.275": 2.834805762593552, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.922769107643058, "y": 2.226941649797617, "y_true": 2.1886063364925645, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4719739635811773, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.77495674062515, "q_0.275": 2.834805762593552, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.4485490608990115, "q_0.65": 3.4515743706701665, "q_0.675": 3.5288622742760825, "q_0.7": 3.591210407032153, "q_0.725": 3.7077674505663416, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.818194086927954, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.9627851140456185, "y": 3.8398282075568995, "y_true": 2.1930810173076867, "y_pred": 3.2406924266645625, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.3734481619553187, "q_0.1": 2.4077919485057735, "q_0.125": 2.5222306518170607, "q_0.15": 2.5970398121460088, "q_0.175": 2.6728123390432823, "q_0.2": 2.7119071736370666, "q_0.225": 2.7365751482019363, "q_0.25": 2.824875739926762, "q_0.275": 2.8953130280276334, "q_0.3": 2.9219528283124196, "q_0.325": 2.9296501080623756, "q_0.35": 2.9881016302452914, "q_0.375": 3.032908898568775, "q_0.4": 3.0770546660691322, "q_0.425": 3.0978533899536744, "q_0.45": 3.144357047858117, "q_0.475": 3.2287979460588954, "q_0.5": 3.2406924266645625, "q_0.525": 3.3031300214793093, "q_0.55": 3.383543721206884, "q_0.575": 3.4039613919304736, "q_0.6": 3.4485490608990115, "q_0.625": 3.4515743706701665, "q_0.65": 3.5302604951325156, "q_0.675": 3.591210407032153, "q_0.7": 3.7077674505663416, "q_0.725": 3.7436071785977734, "q_0.75": 3.779269555217234, "q_0.775": 3.818296370661341, "q_0.8": 3.838272181680196, "q_0.825": 3.8414148207619707, "q_0.85": 3.8880626509514538, "q_0.875": 3.987845038924685, "q_0.9": 4.121099826150706, "q_0.925": 4.168436862981786, "q_0.95": 4.319988909788199, "q_0.975": 4.491086186299703, "q_1": 5.098424890837123}, {"x": 7.002801120448179, "y": 2.6632524543579312, "y_true": 2.1975357645178186, "y_pred": 3.245516283035614, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.3734481619553187, "q_0.1": 2.4719739635811773, "q_0.125": 2.5222306518170607, "q_0.15": 2.5970398121460088, "q_0.175": 2.6728123390432823, "q_0.2": 2.7296536503975375, "q_0.225": 2.7365751482019363, "q_0.25": 2.824875739926762, "q_0.275": 2.8953130280276334, "q_0.3": 2.9219528283124196, "q_0.325": 2.9296501080623756, "q_0.35": 2.9881016302452914, "q_0.375": 3.032908898568775, "q_0.4": 3.0770546660691322, "q_0.425": 3.0978533899536744, "q_0.45": 3.144357047858117, "q_0.475": 3.2333966941851915, "q_0.5": 3.245516283035614, "q_0.525": 3.313635400154829, "q_0.55": 3.3879555135279835, "q_0.575": 3.4110179337091537, "q_0.6": 3.4485490608990115, "q_0.625": 3.510764910035774, "q_0.65": 3.5347720158482066, "q_0.675": 3.591210407032153, "q_0.7": 3.7077674505663416, "q_0.725": 3.7436071785977734, "q_0.75": 3.779269555217234, "q_0.775": 3.8311879734601337, "q_0.8": 3.838272181680196, "q_0.825": 3.8744596464902683, "q_0.85": 3.8910066999300055, "q_0.875": 4.013013244551293, "q_0.9": 4.121099826150706, "q_0.925": 4.220853543430095, "q_0.95": 4.319988909788199, "q_0.975": 4.491086186299703, "q_1": 5.098424890837123}, {"x": 7.042817126850741, "y": 2.9219528283124196, "y_true": 2.2019707549342393, "y_pred": 3.245516283035614, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.3734481619553187, "q_0.1": 2.4719739635811773, "q_0.125": 2.5222306518170607, "q_0.15": 2.5970398121460088, "q_0.175": 2.6728123390432823, "q_0.2": 2.7296536503975375, "q_0.225": 2.7365751482019363, "q_0.25": 2.824875739926762, "q_0.275": 2.8953130280276334, "q_0.3": 2.9219528283124196, "q_0.325": 2.9296501080623756, "q_0.35": 2.9881016302452914, "q_0.375": 3.032908898568775, "q_0.4": 3.0770546660691322, "q_0.425": 3.0978533899536744, "q_0.45": 3.144357047858117, "q_0.475": 3.2333966941851915, "q_0.5": 3.245516283035614, "q_0.525": 3.315251282390422, "q_0.55": 3.3879555135279835, "q_0.575": 3.4110179337091537, "q_0.6": 3.4485490608990115, "q_0.625": 3.510764910035774, "q_0.65": 3.5347720158482066, "q_0.675": 3.591210407032153, "q_0.7": 3.7077674505663416, "q_0.725": 3.7436071785977734, "q_0.75": 3.779269555217234, "q_0.775": 3.8311879734601337, "q_0.8": 3.838272181680196, "q_0.825": 3.883842726075107, "q_0.85": 3.8910066999300055, "q_0.875": 4.013013244551293, "q_0.9": 4.121099826150706, "q_0.925": 4.220853543430095, "q_0.95": 4.319988909788199, "q_0.975": 4.491086186299703, "q_1": 5.098424890837123}, {"x": 7.082833133253302, "y": 4.145837035670981, "y_true": 2.206386163026132, "y_pred": 3.245516283035614, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.3734481619553187, "q_0.1": 2.4719739635811773, "q_0.125": 2.5222306518170607, "q_0.15": 2.5970398121460088, "q_0.175": 2.6728123390432823, "q_0.2": 2.7296536503975375, "q_0.225": 2.7365751482019363, "q_0.25": 2.824875739926762, "q_0.275": 2.8953130280276334, "q_0.3": 2.9219528283124196, "q_0.325": 2.9296501080623756, "q_0.35": 2.9881016302452914, "q_0.375": 3.032908898568775, "q_0.4": 3.0770546660691322, "q_0.425": 3.0978533899536744, "q_0.45": 3.144357047858117, "q_0.475": 3.2333966941851915, "q_0.5": 3.245516283035614, "q_0.525": 3.315251282390422, "q_0.55": 3.3879555135279835, "q_0.575": 3.4110179337091537, "q_0.6": 3.4485490608990115, "q_0.625": 3.510764910035774, "q_0.65": 3.5347720158482066, "q_0.675": 3.591210407032153, "q_0.7": 3.7077674505663416, "q_0.725": 3.7436071785977734, "q_0.75": 3.779269555217234, "q_0.775": 3.8311879734601337, "q_0.8": 3.838272181680196, "q_0.825": 3.883842726075107, "q_0.85": 3.8910066999300055, "q_0.875": 4.013013244551293, "q_0.9": 4.121099826150706, "q_0.925": 4.220853543430095, "q_0.95": 4.319988909788199, "q_0.975": 4.491086186299703, "q_1": 5.098424890837123}, {"x": 7.122849139655862, "y": 3.6863056050017757, "y_true": 2.2107821609617715, "y_pred": 3.245516283035614, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.3734481619553187, "q_0.1": 2.4719739635811773, "q_0.125": 2.5222306518170607, "q_0.15": 2.5970398121460088, "q_0.175": 2.6728123390432823, "q_0.2": 2.7296536503975375, "q_0.225": 2.7365751482019363, "q_0.25": 2.824875739926762, "q_0.275": 2.8953130280276334, "q_0.3": 2.9219528283124196, "q_0.325": 2.9296501080623756, "q_0.35": 2.9881016302452914, "q_0.375": 3.032908898568775, "q_0.4": 3.0770546660691322, "q_0.425": 3.0978533899536744, "q_0.45": 3.144357047858117, "q_0.475": 3.2333966941851915, "q_0.5": 3.245516283035614, "q_0.525": 3.315251282390422, "q_0.55": 3.3879555135279835, "q_0.575": 3.4110179337091537, "q_0.6": 3.4485490608990115, "q_0.625": 3.510764910035774, "q_0.65": 3.5347720158482066, "q_0.675": 3.591210407032153, "q_0.7": 3.7077674505663416, "q_0.725": 3.7436071785977734, "q_0.75": 3.779269555217234, "q_0.775": 3.8311879734601337, "q_0.8": 3.838272181680196, "q_0.825": 3.883842726075107, "q_0.85": 3.8910066999300055, "q_0.875": 4.013013244551293, "q_0.9": 4.121099826150706, "q_0.925": 4.220853543430095, "q_0.95": 4.319988909788199, "q_0.975": 4.491086186299703, "q_1": 5.098424890837123}, {"x": 7.162865146058424, "y": 2.2820077831633534, "y_true": 2.215158918648805, "y_pred": 3.245516283035614, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.3734481619553187, "q_0.1": 2.4719739635811773, "q_0.125": 2.5222306518170607, "q_0.15": 2.5970398121460088, "q_0.175": 2.6728123390432823, "q_0.2": 2.7296536503975375, "q_0.225": 2.7365751482019363, "q_0.25": 2.824875739926762, "q_0.275": 2.8953130280276334, "q_0.3": 2.9219528283124196, "q_0.325": 2.9296501080623756, "q_0.35": 2.9881016302452914, "q_0.375": 3.032908898568775, "q_0.4": 3.0770546660691322, "q_0.425": 3.0978533899536744, "q_0.45": 3.144357047858117, "q_0.475": 3.2333966941851915, "q_0.5": 3.245516283035614, "q_0.525": 3.315251282390422, "q_0.55": 3.3879555135279835, "q_0.575": 3.4110179337091537, "q_0.6": 3.4485490608990115, "q_0.625": 3.510764910035774, "q_0.65": 3.5347720158482066, "q_0.675": 3.591210407032153, "q_0.7": 3.7077674505663416, "q_0.725": 3.7436071785977734, "q_0.75": 3.779269555217234, "q_0.775": 3.8311879734601337, "q_0.8": 3.838272181680196, "q_0.825": 3.883842726075107, "q_0.85": 3.8910066999300055, "q_0.875": 4.013013244551293, "q_0.9": 4.121099826150706, "q_0.925": 4.220853543430095, "q_0.95": 4.319988909788199, "q_0.975": 4.491086186299703, "q_1": 5.098424890837123}, {"x": 7.202881152460985, "y": 2.566113060254038, "y_true": 2.219516603773658, "y_pred": 3.245516283035614, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.383383895116443, "q_0.1": 2.4719739635811773, "q_0.125": 2.5222306518170607, "q_0.15": 2.6107505974951346, "q_0.175": 2.7009490381200547, "q_0.2": 2.7296536503975375, "q_0.225": 2.765717445332221, "q_0.25": 2.824875739926762, "q_0.275": 2.8953130280276334, "q_0.3": 2.9219528283124196, "q_0.325": 2.9296501080623756, "q_0.35": 3.0004285568723192, "q_0.375": 3.043646254675835, "q_0.4": 3.080145613344567, "q_0.425": 3.102082945055512, "q_0.45": 3.144357047858117, "q_0.475": 3.2333966941851915, "q_0.5": 3.245516283035614, "q_0.525": 3.34145822862183, "q_0.55": 3.3879555135279835, "q_0.575": 3.428627727830244, "q_0.6": 3.4485490608990115, "q_0.625": 3.510764910035774, "q_0.65": 3.5347720158482066, "q_0.675": 3.6229763422274246, "q_0.7": 3.710590087602741, "q_0.725": 3.7437586819928548, "q_0.75": 3.815675187873755, "q_0.775": 3.837524260161338, "q_0.8": 3.8398282075568995, "q_0.825": 3.883842726075107, "q_0.85": 3.8910066999300055, "q_0.875": 4.07672327288903, "q_0.9": 4.145837035670981, "q_0.925": 4.220853543430095, "q_0.95": 4.319988909788199, "q_0.975": 4.491086186299703, "q_1": 5.098424890837123}, {"x": 7.242897158863546, "y": 3.5347720158482066, "y_true": 2.2238553818400804, "y_pred": 3.2776857598481253, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.4040264387750425, "q_0.1": 2.4719739635811773, "q_0.125": 2.5222306518170607, "q_0.15": 2.622852263631275, "q_0.175": 2.7009490381200547, "q_0.2": 2.7327396291341355, "q_0.225": 2.77495674062515, "q_0.25": 2.834805762593552, "q_0.275": 2.9092325521106526, "q_0.3": 2.9219528283124196, "q_0.325": 2.947065811950295, "q_0.35": 3.0004285568723192, "q_0.375": 3.043646254675835, "q_0.4": 3.080145613344567, "q_0.425": 3.1021769845920146, "q_0.45": 3.144357047858117, "q_0.475": 3.2393223513601743, "q_0.5": 3.2776857598481253, "q_0.525": 3.34145822862183, "q_0.55": 3.3879555135279835, "q_0.575": 3.428627727830244, "q_0.6": 3.4502440034500017, "q_0.625": 3.5246676117067777, "q_0.65": 3.5347720158482066, "q_0.675": 3.6229763422274246, "q_0.7": 3.710590087602741, "q_0.725": 3.7787657822455847, "q_0.75": 3.815675187873755, "q_0.775": 3.837524260161338, "q_0.8": 3.8398282075568995, "q_0.825": 3.883842726075107, "q_0.85": 3.9242756478982983, "q_0.875": 4.07672327288903, "q_0.9": 4.145837035670981, "q_0.925": 4.220853543430095, "q_0.95": 4.332879274641352, "q_0.975": 4.561545107079835, "q_1": 5.098424890837123}, {"x": 7.282913165266106, "y": 3.4485490608990115, "y_true": 2.228175416206869, "y_pred": 3.2776857598481253, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.4040264387750425, "q_0.1": 2.4719739635811773, "q_0.125": 2.5222306518170607, "q_0.15": 2.622852263631275, "q_0.175": 2.7009490381200547, "q_0.2": 2.7327396291341355, "q_0.225": 2.77495674062515, "q_0.25": 2.834805762593552, "q_0.275": 2.9092325521106526, "q_0.3": 2.9219528283124196, "q_0.325": 2.947065811950295, "q_0.35": 3.0004285568723192, "q_0.375": 3.043646254675835, "q_0.4": 3.080145613344567, "q_0.425": 3.1021769845920146, "q_0.45": 3.144357047858117, "q_0.475": 3.2393223513601743, "q_0.5": 3.2776857598481253, "q_0.525": 3.34145822862183, "q_0.55": 3.3879555135279835, "q_0.575": 3.428627727830244, "q_0.6": 3.4502440034500017, "q_0.625": 3.5246676117067777, "q_0.65": 3.5347720158482066, "q_0.675": 3.6229763422274246, "q_0.7": 3.710590087602741, "q_0.725": 3.7787657822455847, "q_0.75": 3.815675187873755, "q_0.775": 3.837524260161338, "q_0.8": 3.8398282075568995, "q_0.825": 3.883842726075107, "q_0.85": 3.9242756478982983, "q_0.875": 4.07672327288903, "q_0.9": 4.145837035670981, "q_0.925": 4.220853543430095, "q_0.95": 4.332879274641352, "q_0.975": 4.561545107079835, "q_1": 5.098424890837123}, {"x": 7.322929171668668, "y": 2.7365751482019363, "y_true": 2.23247686812477, "y_pred": 3.2776857598481253, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.4040264387750425, "q_0.1": 2.4719739635811773, "q_0.125": 2.5222306518170607, "q_0.15": 2.622852263631275, "q_0.175": 2.7009490381200547, "q_0.2": 2.7327396291341355, "q_0.225": 2.77495674062515, "q_0.25": 2.834805762593552, "q_0.275": 2.9092325521106526, "q_0.3": 2.9219528283124196, "q_0.325": 2.947065811950295, "q_0.35": 3.0004285568723192, "q_0.375": 3.043646254675835, "q_0.4": 3.080145613344567, "q_0.425": 3.1021769845920146, "q_0.45": 3.144357047858117, "q_0.475": 3.2393223513601743, "q_0.5": 3.2776857598481253, "q_0.525": 3.34145822862183, "q_0.55": 3.3879555135279835, "q_0.575": 3.428627727830244, "q_0.6": 3.4502440034500017, "q_0.625": 3.5246676117067777, "q_0.65": 3.5347720158482066, "q_0.675": 3.6229763422274246, "q_0.7": 3.710590087602741, "q_0.725": 3.7787657822455847, "q_0.75": 3.815675187873755, "q_0.775": 3.837524260161338, "q_0.8": 3.8398282075568995, "q_0.825": 3.883842726075107, "q_0.85": 3.9242756478982983, "q_0.875": 4.07672327288903, "q_0.9": 4.145837035670981, "q_0.925": 4.220853543430095, "q_0.95": 4.332879274641352, "q_0.975": 4.561545107079835, "q_1": 5.098424890837123}, {"x": 7.362945178071229, "y": 4.220853543430095, "y_true": 2.2367598967725946, "y_pred": 3.3144433412726255, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.2354707656576482, "q_0.05": 2.291510317733951, "q_0.075": 2.4040264387750425, "q_0.1": 2.4868086848133726, "q_0.125": 2.570565666904585, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8668226551730065, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.0139026064740246, "q_0.375": 3.0770546660691322, "q_0.4": 3.0978533899536744, "q_0.425": 3.144357047858117, "q_0.45": 3.224854641665987, "q_0.475": 3.2406924266645625, "q_0.5": 3.3144433412726255, "q_0.525": 3.3879555135279835, "q_0.55": 3.4110179337091537, "q_0.575": 3.4485490608990115, "q_0.6": 3.510764910035774, "q_0.625": 3.5347720158482066, "q_0.65": 3.591210407032153, "q_0.675": 3.710590087602741, "q_0.7": 3.7437586819928548, "q_0.725": 3.815675187873755, "q_0.75": 3.8311879734601337, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.8910066999300055, "q_0.85": 4.013013244551293, "q_0.875": 4.121099826150706, "q_0.9": 4.220853543430095, "q_0.925": 4.26983108832092, "q_0.95": 4.379160003250951, "q_0.975": 4.592835836821823, "q_1": 5.1235119091523575}, {"x": 7.4029611844737895, "y": 3.5479028714337835, "y_true": 2.2410246592925653, "y_pred": 3.315251282390422, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.291510317733951, "q_0.075": 2.4040264387750425, "q_0.1": 2.4868086848133726, "q_0.125": 2.570565666904585, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8668226551730065, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.0139026064740246, "q_0.375": 3.0770546660691322, "q_0.4": 3.0978533899536744, "q_0.425": 3.144357047858117, "q_0.45": 3.2287979460588954, "q_0.475": 3.245516283035614, "q_0.5": 3.315251282390422, "q_0.525": 3.3879555135279835, "q_0.55": 3.4110179337091537, "q_0.575": 3.4485490608990115, "q_0.6": 3.510764910035774, "q_0.625": 3.5347720158482066, "q_0.65": 3.591210407032153, "q_0.675": 3.710590087602741, "q_0.7": 3.7437586819928548, "q_0.725": 3.815675187873755, "q_0.75": 3.8311879734601337, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.8910066999300055, "q_0.85": 4.013013244551293, "q_0.875": 4.121099826150706, "q_0.9": 4.220853543430095, "q_0.925": 4.26983108832092, "q_0.95": 4.379160003250951, "q_0.975": 4.6303096697848725, "q_1": 5.1235119091523575}, {"x": 7.442977190876351, "y": 3.3879555135279835, "y_true": 2.2452713108249123, "y_pred": 3.315251282390422, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.291510317733951, "q_0.075": 2.4040264387750425, "q_0.1": 2.4868086848133726, "q_0.125": 2.570565666904585, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8668226551730065, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.0139026064740246, "q_0.375": 3.0770546660691322, "q_0.4": 3.0978533899536744, "q_0.425": 3.144357047858117, "q_0.45": 3.2287979460588954, "q_0.475": 3.245516283035614, "q_0.5": 3.315251282390422, "q_0.525": 3.3879555135279835, "q_0.55": 3.4110179337091537, "q_0.575": 3.4485490608990115, "q_0.6": 3.510764910035774, "q_0.625": 3.5347720158482066, "q_0.65": 3.591210407032153, "q_0.675": 3.710590087602741, "q_0.7": 3.7437586819928548, "q_0.725": 3.815675187873755, "q_0.75": 3.8311879734601337, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.8910066999300055, "q_0.85": 4.013013244551293, "q_0.875": 4.121099826150706, "q_0.9": 4.220853543430095, "q_0.925": 4.26983108832092, "q_0.95": 4.379160003250951, "q_0.975": 4.6303096697848725, "q_1": 5.1235119091523575}, {"x": 7.482993197278912, "y": 3.510764910035774, "y_true": 2.249500004541733, "y_pred": 3.315251282390422, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.291510317733951, "q_0.075": 2.4040264387750425, "q_0.1": 2.4868086848133726, "q_0.125": 2.570565666904585, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8668226551730065, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.0139026064740246, "q_0.375": 3.0770546660691322, "q_0.4": 3.0978533899536744, "q_0.425": 3.144357047858117, "q_0.45": 3.2287979460588954, "q_0.475": 3.245516283035614, "q_0.5": 3.315251282390422, "q_0.525": 3.3879555135279835, "q_0.55": 3.4110179337091537, "q_0.575": 3.4485490608990115, "q_0.6": 3.510764910035774, "q_0.625": 3.5347720158482066, "q_0.65": 3.591210407032153, "q_0.675": 3.710590087602741, "q_0.7": 3.7437586819928548, "q_0.725": 3.815675187873755, "q_0.75": 3.8311879734601337, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.8910066999300055, "q_0.85": 4.013013244551293, "q_0.875": 4.121099826150706, "q_0.9": 4.220853543430095, "q_0.925": 4.26983108832092, "q_0.95": 4.379160003250951, "q_0.975": 4.6303096697848725, "q_1": 5.1235119091523575}, {"x": 7.523009203681473, "y": 3.818194086927954, "y_true": 2.2537108916801465, "y_pred": 3.315251282390422, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.291510317733951, "q_0.075": 2.4040264387750425, "q_0.1": 2.4868086848133726, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.032908898568775, "q_0.375": 3.0770546660691322, "q_0.4": 3.0978533899536744, "q_0.425": 3.144357047858117, "q_0.45": 3.2287979460588954, "q_0.475": 3.245516283035614, "q_0.5": 3.315251282390422, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4485490608990115, "q_0.6": 3.510764910035774, "q_0.625": 3.5347720158482066, "q_0.65": 3.6229763422274246, "q_0.675": 3.710590087602741, "q_0.7": 3.7787657822455847, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.8910066999300055, "q_0.85": 4.07672327288903, "q_0.875": 4.141840531532175, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.379160003250951, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.563025210084034, "y": 2.927791506437389, "y_true": 2.257904121574747, "y_pred": 3.315251282390422, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.291510317733951, "q_0.075": 2.4040264387750425, "q_0.1": 2.4868086848133726, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.032908898568775, "q_0.375": 3.0770546660691322, "q_0.4": 3.0978533899536744, "q_0.425": 3.144357047858117, "q_0.45": 3.2287979460588954, "q_0.475": 3.245516283035614, "q_0.5": 3.315251282390422, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4485490608990115, "q_0.6": 3.510764910035774, "q_0.625": 3.5347720158482066, "q_0.65": 3.6229763422274246, "q_0.675": 3.710590087602741, "q_0.7": 3.7787657822455847, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.8910066999300055, "q_0.85": 4.07672327288903, "q_0.875": 4.141840531532175, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.379160003250951, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.603041216486595, "y": 3.119097669858246, "y_true": 2.2620798416893817, "y_pred": 3.315251282390422, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.291510317733951, "q_0.075": 2.4040264387750425, "q_0.1": 2.4868086848133726, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.032908898568775, "q_0.375": 3.0770546660691322, "q_0.4": 3.0978533899536744, "q_0.425": 3.144357047858117, "q_0.45": 3.2287979460588954, "q_0.475": 3.245516283035614, "q_0.5": 3.315251282390422, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4485490608990115, "q_0.6": 3.510764910035774, "q_0.625": 3.5347720158482066, "q_0.65": 3.6229763422274246, "q_0.675": 3.710590087602741, "q_0.7": 3.7787657822455847, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.8910066999300055, "q_0.85": 4.07672327288903, "q_0.875": 4.141840531532175, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.379160003250951, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.643057222889156, "y": 2.718820039004306, "y_true": 2.2662381976482693, "y_pred": 3.315251282390422, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.291510317733951, "q_0.075": 2.4040264387750425, "q_0.1": 2.4868086848133726, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.032908898568775, "q_0.375": 3.0770546660691322, "q_0.4": 3.0978533899536744, "q_0.425": 3.144357047858117, "q_0.45": 3.2287979460588954, "q_0.475": 3.245516283035614, "q_0.5": 3.315251282390422, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4485490608990115, "q_0.6": 3.510764910035774, "q_0.625": 3.5347720158482066, "q_0.65": 3.6229763422274246, "q_0.675": 3.710590087602741, "q_0.7": 3.7787657822455847, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.8910066999300055, "q_0.85": 4.07672327288903, "q_0.875": 4.141840531532175, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.379160003250951, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.6830732292917165, "y": 2.6728123390432823, "y_true": 2.2703793332664706, "y_pred": 3.315251282390422, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.291510317733951, "q_0.075": 2.4040264387750425, "q_0.1": 2.4868086848133726, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.032908898568775, "q_0.375": 3.0770546660691322, "q_0.4": 3.0978533899536744, "q_0.425": 3.144357047858117, "q_0.45": 3.2287979460588954, "q_0.475": 3.245516283035614, "q_0.5": 3.315251282390422, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4485490608990115, "q_0.6": 3.510764910035774, "q_0.625": 3.5347720158482066, "q_0.65": 3.6229763422274246, "q_0.675": 3.710590087602741, "q_0.7": 3.7787657822455847, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.8910066999300055, "q_0.85": 4.07672327288903, "q_0.875": 4.141840531532175, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.379160003250951, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.723089235694278, "y": 4.319988909788199, "y_true": 2.274503390579735, "y_pred": 3.315251282390422, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.102082945055512, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.315251282390422, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4502440034500017, "q_0.6": 3.5163259907041704, "q_0.625": 3.5479028714337835, "q_0.65": 3.6229763422274246, "q_0.675": 3.720593281166275, "q_0.7": 3.7787657822455847, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.430984381976515, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.763105242096839, "y": 3.883842726075107, "y_true": 2.2786105098737304, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.8031212484994, "y": 3.3495008967525233, "y_true": 2.2827008297126783, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.843137254901961, "y": 2.782456894829542, "y_true": 2.2867744869674036, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.883153261304522, "y": 2.8463860029564954, "y_true": 2.2908316168428153, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.923169267707083, "y": 2.4218779432705593, "y_true": 2.294872352904835, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.9631852741096445, "y": 3.251627077119279, "y_true": 2.298896827106779, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 8.003201280512204, "y": 2.9881016302452914, "y_true": 2.3029051698152148, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 8.043217286914766, "y": 3.84025632129978, "y_true": 2.3068975098353013, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 8.083233293317328, "y": 3.144357047858117, "y_true": 2.310873974435623, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 8.123249299719888, "y": 2.7119071736370666, "y_true": 2.3148346893725344, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 8.16326530612245, "y": 2.3734481619553187, "y_true": 2.3187797789140263, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7296536503975375, "q_0.2": 2.765717445332221, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.927791506437389, "q_0.3": 2.947065811950295, "q_0.325": 3.0004285568723192, "q_0.35": 3.043646254675835, "q_0.375": 3.090193743781081, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2393223513601743, "q_0.475": 3.2776857598481253, "q_0.5": 3.34145822862183, "q_0.525": 3.396818774846513, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.8880626509514538, "q_0.825": 3.981902096858289, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 8.20328131252501, "y": 2.4719739635811773, "y_true": 2.3227093658631155, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7296536503975375, "q_0.2": 2.765717445332221, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.927791506437389, "q_0.3": 2.947065811950295, "q_0.325": 3.0004285568723192, "q_0.35": 3.043646254675835, "q_0.375": 3.090193743781081, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2393223513601743, "q_0.475": 3.2776857598481253, "q_0.5": 3.34145822862183, "q_0.525": 3.396818774846513, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.8880626509514538, "q_0.825": 3.981902096858289, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 8.24329731892757, "y": 3.837524260161338, "y_true": 2.3266235715807846, "y_pred": 3.4039613919304736, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.2820077831633534, "q_0.05": 2.4040264387750425, "q_0.075": 2.4868086848133726, "q_0.1": 2.5970398121460088, "q_0.125": 2.6944181644900924, "q_0.15": 2.7296536503975375, "q_0.175": 2.765717445332221, "q_0.2": 2.821344705246254, "q_0.225": 2.8953130280276334, "q_0.25": 2.927791506437389, "q_0.275": 2.947065811950295, "q_0.3": 3.006085017919566, "q_0.325": 3.043646254675835, "q_0.35": 3.090193743781081, "q_0.375": 3.1042040700915985, "q_0.4": 3.192339156729705, "q_0.425": 3.2393223513601743, "q_0.45": 3.3031300214793093, "q_0.475": 3.34145822862183, "q_0.5": 3.4039613919304736, "q_0.525": 3.443379248267086, "q_0.55": 3.5017659929301264, "q_0.575": 3.5347720158482066, "q_0.6": 3.6229763422274246, "q_0.625": 3.710590087602741, "q_0.65": 3.7787657822455847, "q_0.675": 3.815675187873755, "q_0.7": 3.8311879734601337, "q_0.725": 3.8398282075568995, "q_0.75": 3.883842726075107, "q_0.775": 3.8910066999300055, "q_0.8": 3.987845038924685, "q_0.825": 4.107386791407774, "q_0.85": 4.168436862981786, "q_0.875": 4.225897014990431, "q_0.9": 4.332879274641352, "q_0.925": 4.458734239354661, "q_0.95": 4.561545107079835, "q_0.975": 4.7473811120448595, "q_1": 5.1235119091523575}, {"x": 8.283313325330132, "y": 3.34145822862183, "y_true": 2.3305225160084735, "y_pred": 3.4110179337091537, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.2820077831633534, "q_0.05": 2.4040264387750425, "q_0.075": 2.4868086848133726, "q_0.1": 2.5970398121460088, "q_0.125": 2.7009490381200547, "q_0.15": 2.7296536503975375, "q_0.175": 2.765717445332221, "q_0.2": 2.824875739926762, "q_0.225": 2.8953130280276334, "q_0.25": 2.927791506437389, "q_0.275": 2.947065811950295, "q_0.3": 3.006085017919566, "q_0.325": 3.043646254675835, "q_0.35": 3.090193743781081, "q_0.375": 3.1042040700915985, "q_0.4": 3.196977400510694, "q_0.425": 3.2393223513601743, "q_0.45": 3.3031300214793093, "q_0.475": 3.34145822862183, "q_0.5": 3.4110179337091537, "q_0.525": 3.4485490608990115, "q_0.55": 3.510764910035774, "q_0.575": 3.5347720158482066, "q_0.6": 3.631058997846261, "q_0.625": 3.710590087602741, "q_0.65": 3.779269555217234, "q_0.675": 3.818194086927954, "q_0.7": 3.837524260161338, "q_0.725": 3.8398282075568995, "q_0.75": 3.883842726075107, "q_0.775": 3.9247237424272536, "q_0.8": 4.013013244551293, "q_0.825": 4.121099826150706, "q_0.85": 4.220853543430095, "q_0.875": 4.26983108832092, "q_0.9": 4.343951804396252, "q_0.925": 4.491086186299703, "q_0.95": 4.584934108857597, "q_0.975": 4.761946363458604, "q_1": 5.1235119091523575}, {"x": 8.323329331732694, "y": 3.532330025040343, "y_true": 2.3344063176901293, "y_pred": 3.4110179337091537, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.2820077831633534, "q_0.05": 2.4040264387750425, "q_0.075": 2.4868086848133726, "q_0.1": 2.5970398121460088, "q_0.125": 2.7009490381200547, "q_0.15": 2.7296536503975375, "q_0.175": 2.765717445332221, "q_0.2": 2.824875739926762, "q_0.225": 2.8953130280276334, "q_0.25": 2.927791506437389, "q_0.275": 2.947065811950295, "q_0.3": 3.006085017919566, "q_0.325": 3.043646254675835, "q_0.35": 3.090193743781081, "q_0.375": 3.1042040700915985, "q_0.4": 3.196977400510694, "q_0.425": 3.2393223513601743, "q_0.45": 3.3031300214793093, "q_0.475": 3.34145822862183, "q_0.5": 3.4110179337091537, "q_0.525": 3.4485490608990115, "q_0.55": 3.510764910035774, "q_0.575": 3.5347720158482066, "q_0.6": 3.631058997846261, "q_0.625": 3.710590087602741, "q_0.65": 3.779269555217234, "q_0.675": 3.818194086927954, "q_0.7": 3.837524260161338, "q_0.725": 3.8398282075568995, "q_0.75": 3.883842726075107, "q_0.775": 3.9247237424272536, "q_0.8": 4.013013244551293, "q_0.825": 4.121099826150706, "q_0.85": 4.220853543430095, "q_0.875": 4.26983108832092, "q_0.9": 4.343951804396252, "q_0.925": 4.491086186299703, "q_0.95": 4.584934108857597, "q_0.975": 4.761946363458604, "q_1": 5.1235119091523575}, {"x": 8.363345338135254, "y": 4.343951804396252, "y_true": 2.338275093793833, "y_pred": 3.4110179337091537, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.2820077831633534, "q_0.05": 2.4040264387750425, "q_0.075": 2.4868086848133726, "q_0.1": 2.5970398121460088, "q_0.125": 2.7009490381200547, "q_0.15": 2.7307337429553464, "q_0.175": 2.77495674062515, "q_0.2": 2.824875739926762, "q_0.225": 2.8953130280276334, "q_0.25": 2.927791506437389, "q_0.275": 2.947065811950295, "q_0.3": 3.006085017919566, "q_0.325": 3.043646254675835, "q_0.35": 3.090193743781081, "q_0.375": 3.1042040700915985, "q_0.4": 3.196977400510694, "q_0.425": 3.2393223513601743, "q_0.45": 3.3031300214793093, "q_0.475": 3.34145822862183, "q_0.5": 3.4110179337091537, "q_0.525": 3.4485490608990115, "q_0.55": 3.510764910035774, "q_0.575": 3.5347720158482066, "q_0.6": 3.631058997846261, "q_0.625": 3.720593281166275, "q_0.65": 3.779269555217234, "q_0.675": 3.818194086927954, "q_0.7": 3.837524260161338, "q_0.725": 3.8398282075568995, "q_0.75": 3.883842726075107, "q_0.775": 3.9247237424272536, "q_0.8": 4.07672327288903, "q_0.825": 4.121099826150706, "q_0.85": 4.220853543430095, "q_0.875": 4.26983108832092, "q_0.9": 4.343951804396252, "q_0.925": 4.491086186299703, "q_0.95": 4.584934108857597, "q_0.975": 4.761946363458604, "q_1": 5.1235119091523575}, {"x": 8.403361344537815, "y": 4.561545107079835, "y_true": 2.342128960133012, "y_pred": 3.4110179337091537, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.2820077831633534, "q_0.05": 2.4040264387750425, "q_0.075": 2.4868086848133726, "q_0.1": 2.5970398121460088, "q_0.125": 2.7009490381200547, "q_0.15": 2.7307337429553464, "q_0.175": 2.77495674062515, "q_0.2": 2.824875739926762, "q_0.225": 2.8953130280276334, "q_0.25": 2.927791506437389, "q_0.275": 2.947065811950295, "q_0.3": 3.006085017919566, "q_0.325": 3.043646254675835, "q_0.35": 3.090193743781081, "q_0.375": 3.1042040700915985, "q_0.4": 3.196977400510694, "q_0.425": 3.2393223513601743, "q_0.45": 3.3031300214793093, "q_0.475": 3.34145822862183, "q_0.5": 3.4110179337091537, "q_0.525": 3.4485490608990115, "q_0.55": 3.510764910035774, "q_0.575": 3.5347720158482066, "q_0.6": 3.631058997846261, "q_0.625": 3.720593281166275, "q_0.65": 3.779269555217234, "q_0.675": 3.818194086927954, "q_0.7": 3.837524260161338, "q_0.725": 3.8398282075568995, "q_0.75": 3.883842726075107, "q_0.775": 3.9247237424272536, "q_0.8": 4.07672327288903, "q_0.825": 4.121099826150706, "q_0.85": 4.220853543430095, "q_0.875": 4.26983108832092, "q_0.9": 4.343951804396252, "q_0.925": 4.491086186299703, "q_0.95": 4.584934108857597, "q_0.975": 4.761946363458604, "q_1": 5.1235119091523575}, {"x": 8.443377350940377, "y": 2.832969798795942, "y_true": 2.34596803118724, "y_pred": 3.4110179337091537, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.2820077831633534, "q_0.05": 2.4040264387750425, "q_0.075": 2.4868086848133726, "q_0.1": 2.5970398121460088, "q_0.125": 2.7009490381200547, "q_0.15": 2.7307337429553464, "q_0.175": 2.77495674062515, "q_0.2": 2.824875739926762, "q_0.225": 2.8953130280276334, "q_0.25": 2.927791506437389, "q_0.275": 2.947065811950295, "q_0.3": 3.006085017919566, "q_0.325": 3.043646254675835, "q_0.35": 3.090193743781081, "q_0.375": 3.1042040700915985, "q_0.4": 3.196977400510694, "q_0.425": 3.2393223513601743, "q_0.45": 3.3031300214793093, "q_0.475": 3.34145822862183, "q_0.5": 3.4110179337091537, "q_0.525": 3.4485490608990115, "q_0.55": 3.510764910035774, "q_0.575": 3.5347720158482066, "q_0.6": 3.631058997846261, "q_0.625": 3.720593281166275, "q_0.65": 3.779269555217234, "q_0.675": 3.818194086927954, "q_0.7": 3.837524260161338, "q_0.725": 3.8398282075568995, "q_0.75": 3.883842726075107, "q_0.775": 3.9247237424272536, "q_0.8": 4.07672327288903, "q_0.825": 4.121099826150706, "q_0.85": 4.220853543430095, "q_0.875": 4.26983108832092, "q_0.9": 4.343951804396252, "q_0.925": 4.491086186299703, "q_0.95": 4.584934108857597, "q_0.975": 4.761946363458604, "q_1": 5.1235119091523575}, {"x": 8.483393357342937, "y": 3.8414148207619707, "y_true": 2.349792420122642, "y_pred": 3.4110179337091537, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.2820077831633534, "q_0.05": 2.4040264387750425, "q_0.075": 2.4868086848133726, "q_0.1": 2.5970398121460088, "q_0.125": 2.7009490381200547, "q_0.15": 2.7307337429553464, "q_0.175": 2.77495674062515, "q_0.2": 2.824875739926762, "q_0.225": 2.8953130280276334, "q_0.25": 2.927791506437389, "q_0.275": 2.947065811950295, "q_0.3": 3.006085017919566, "q_0.325": 3.043646254675835, "q_0.35": 3.090193743781081, "q_0.375": 3.1042040700915985, "q_0.4": 3.196977400510694, "q_0.425": 3.2393223513601743, "q_0.45": 3.3031300214793093, "q_0.475": 3.34145822862183, "q_0.5": 3.4110179337091537, "q_0.525": 3.4485490608990115, "q_0.55": 3.510764910035774, "q_0.575": 3.5347720158482066, "q_0.6": 3.631058997846261, "q_0.625": 3.720593281166275, "q_0.65": 3.779269555217234, "q_0.675": 3.818194086927954, "q_0.7": 3.837524260161338, "q_0.725": 3.8398282075568995, "q_0.75": 3.883842726075107, "q_0.775": 3.9247237424272536, "q_0.8": 4.07672327288903, "q_0.825": 4.121099826150706, "q_0.85": 4.220853543430095, "q_0.875": 4.26983108832092, "q_0.9": 4.343951804396252, "q_0.925": 4.491086186299703, "q_0.95": 4.584934108857597, "q_0.975": 4.761946363458604, "q_1": 5.1235119091523575}, {"x": 8.523409363745499, "y": 2.947065811950295, "y_true": 2.353602238811912, "y_pred": 3.4110179337091537, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.2820077831633534, "q_0.05": 2.4040264387750425, "q_0.075": 2.4868086848133726, "q_0.1": 2.5970398121460088, "q_0.125": 2.7009490381200547, "q_0.15": 2.7307337429553464, "q_0.175": 2.77495674062515, "q_0.2": 2.824875739926762, "q_0.225": 2.8953130280276334, "q_0.25": 2.927791506437389, "q_0.275": 2.947065811950295, "q_0.3": 3.006085017919566, "q_0.325": 3.043646254675835, "q_0.35": 3.090193743781081, "q_0.375": 3.1042040700915985, "q_0.4": 3.196977400510694, "q_0.425": 3.2393223513601743, "q_0.45": 3.3031300214793093, "q_0.475": 3.34145822862183, "q_0.5": 3.4110179337091537, "q_0.525": 3.4485490608990115, "q_0.55": 3.510764910035774, "q_0.575": 3.5347720158482066, "q_0.6": 3.631058997846261, "q_0.625": 3.720593281166275, "q_0.65": 3.779269555217234, "q_0.675": 3.818194086927954, "q_0.7": 3.837524260161338, "q_0.725": 3.8398282075568995, "q_0.75": 3.883842726075107, "q_0.775": 3.9247237424272536, "q_0.8": 4.07672327288903, "q_0.825": 4.121099826150706, "q_0.85": 4.220853543430095, "q_0.875": 4.26983108832092, "q_0.9": 4.343951804396252, "q_0.925": 4.491086186299703, "q_0.95": 4.584934108857597, "q_0.975": 4.761946363458604, "q_1": 5.1235119091523575}, {"x": 8.56342537014806, "y": 2.4040264387750425, "y_true": 2.3573975978539474, "y_pred": 3.4110179337091537, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.2820077831633534, "q_0.05": 2.4040264387750425, "q_0.075": 2.4868086848133726, "q_0.1": 2.5970398121460088, "q_0.125": 2.7009490381200547, "q_0.15": 2.7307337429553464, "q_0.175": 2.77495674062515, "q_0.2": 2.824875739926762, "q_0.225": 2.8953130280276334, "q_0.25": 2.927791506437389, "q_0.275": 2.947065811950295, "q_0.3": 3.006085017919566, "q_0.325": 3.043646254675835, "q_0.35": 3.090193743781081, "q_0.375": 3.1042040700915985, "q_0.4": 3.196977400510694, "q_0.425": 3.2393223513601743, "q_0.45": 3.3031300214793093, "q_0.475": 3.34145822862183, "q_0.5": 3.4110179337091537, "q_0.525": 3.4485490608990115, "q_0.55": 3.510764910035774, "q_0.575": 3.5347720158482066, "q_0.6": 3.631058997846261, "q_0.625": 3.720593281166275, "q_0.65": 3.779269555217234, "q_0.675": 3.818194086927954, "q_0.7": 3.837524260161338, "q_0.725": 3.8398282075568995, "q_0.75": 3.883842726075107, "q_0.775": 3.9247237424272536, "q_0.8": 4.07672327288903, "q_0.825": 4.121099826150706, "q_0.85": 4.220853543430095, "q_0.875": 4.26983108832092, "q_0.9": 4.343951804396252, "q_0.925": 4.491086186299703, "q_0.95": 4.584934108857597, "q_0.975": 4.761946363458604, "q_1": 5.1235119091523575}, {"x": 8.60344137655062, "y": 4.07672327288903, "y_true": 2.361178606593116, "y_pred": 3.428627727830244, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.291510317733951, "q_0.05": 2.4077919485057735, "q_0.075": 2.5222306518170607, "q_0.1": 2.6632524543579312, "q_0.125": 2.7033422632676607, "q_0.15": 2.7365751482019363, "q_0.175": 2.7787208396842487, "q_0.2": 2.834805762593552, "q_0.225": 2.916112755207713, "q_0.25": 2.9296501080623756, "q_0.275": 2.9881016302452914, "q_0.3": 3.0139026064740246, "q_0.325": 3.090193743781081, "q_0.35": 3.102082945055512, "q_0.375": 3.144357047858117, "q_0.4": 3.2287979460588954, "q_0.425": 3.245516283035614, "q_0.45": 3.315251282390422, "q_0.475": 3.3879555135279835, "q_0.5": 3.428627727830244, "q_0.525": 3.4658397344054217, "q_0.55": 3.5302604951325156, "q_0.575": 3.591210407032153, "q_0.6": 3.710590087602741, "q_0.625": 3.7437586819928548, "q_0.65": 3.815675187873755, "q_0.675": 3.8311879734601337, "q_0.7": 3.838272181680196, "q_0.725": 3.8414148207619707, "q_0.75": 3.8910066999300055, "q_0.775": 3.987845038924685, "q_0.8": 4.107386791407774, "q_0.825": 4.165816883231287, "q_0.85": 4.222370584304638, "q_0.875": 4.319988909788199, "q_0.9": 4.379160003250951, "q_0.925": 4.541027179576249, "q_0.95": 4.678890956362663, "q_0.975": 4.799851495906518, "q_1": 5.1235119091523575}, {"x": 8.643457382953182, "y": 3.090193743781081, "y_true": 2.364945373138156, "y_pred": 3.428627727830244, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.291510317733951, "q_0.05": 2.4719739635811773, "q_0.075": 2.5222306518170607, "q_0.1": 2.6632524543579312, "q_0.125": 2.7033422632676607, "q_0.15": 2.7365751482019363, "q_0.175": 2.797400316262737, "q_0.2": 2.834805762593552, "q_0.225": 2.916112755207713, "q_0.25": 2.947065811950295, "q_0.275": 2.9881016302452914, "q_0.3": 3.0139026064740246, "q_0.325": 3.090193743781081, "q_0.35": 3.102082945055512, "q_0.375": 3.144357047858117, "q_0.4": 3.2287979460588954, "q_0.425": 3.245516283035614, "q_0.45": 3.315251282390422, "q_0.475": 3.3879555135279835, "q_0.5": 3.428627727830244, "q_0.525": 3.4658397344054217, "q_0.55": 3.5302604951325156, "q_0.575": 3.591210407032153, "q_0.6": 3.710590087602741, "q_0.625": 3.7437586819928548, "q_0.65": 3.815675187873755, "q_0.675": 3.8311879734601337, "q_0.7": 3.838272181680196, "q_0.725": 3.861764891757854, "q_0.75": 3.8910066999300055, "q_0.775": 3.987845038924685, "q_0.8": 4.107386791407774, "q_0.825": 4.168436862981786, "q_0.85": 4.222370584304638, "q_0.875": 4.319988909788199, "q_0.9": 4.379160003250951, "q_0.925": 4.541027179576249, "q_0.95": 4.678890956362663, "q_0.975": 4.799851495906518, "q_1": 5.1235119091523575}, {"x": 8.683473389355743, "y": 3.2393223513601743, "y_true": 2.3686980043807253, "y_pred": 3.428627727830244, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.291510317733951, "q_0.05": 2.4719739635811773, "q_0.075": 2.5645675980204152, "q_0.1": 2.6632524543579312, "q_0.125": 2.710836559840891, "q_0.15": 2.7365751482019363, "q_0.175": 2.797400316262737, "q_0.2": 2.834805762593552, "q_0.225": 2.916112755207713, "q_0.25": 2.947065811950295, "q_0.275": 2.9881016302452914, "q_0.3": 3.0139026064740246, "q_0.325": 3.090193743781081, "q_0.35": 3.102082945055512, "q_0.375": 3.144357047858117, "q_0.4": 3.2287979460588954, "q_0.425": 3.245516283035614, "q_0.45": 3.315251282390422, "q_0.475": 3.3879555135279835, "q_0.5": 3.428627727830244, "q_0.525": 3.4671132335920856, "q_0.55": 3.5302604951325156, "q_0.575": 3.591210407032153, "q_0.6": 3.710590087602741, "q_0.625": 3.7437586819928548, "q_0.65": 3.815675187873755, "q_0.675": 3.8311879734601337, "q_0.7": 3.8398282075568995, "q_0.725": 3.861764891757854, "q_0.75": 3.9242756478982983, "q_0.775": 3.987845038924685, "q_0.8": 4.107386791407774, "q_0.825": 4.168436862981786, "q_0.85": 4.222370584304638, "q_0.875": 4.319988909788199, "q_0.9": 4.379160003250951, "q_0.925": 4.560568725411009, "q_0.95": 4.678890956362663, "q_0.975": 4.799851495906518, "q_1": 5.1235119091523575}, {"x": 8.723489395758303, "y": 3.710590087602741, "y_true": 2.372436606013601, "y_pred": 3.443379248267086, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4719739635811773, "q_0.075": 2.5645675980204152, "q_0.1": 2.6728123390432823, "q_0.125": 2.7119071736370666, "q_0.15": 2.765717445332221, "q_0.175": 2.821344705246254, "q_0.2": 2.8668226551730065, "q_0.225": 2.9219528283124196, "q_0.25": 2.947065811950295, "q_0.275": 2.998695503122546, "q_0.3": 3.032908898568775, "q_0.325": 3.090193743781081, "q_0.35": 3.1021769845920146, "q_0.375": 3.144357047858117, "q_0.4": 3.2287979460588954, "q_0.425": 3.2776857598481253, "q_0.45": 3.34145822862183, "q_0.475": 3.4039613919304736, "q_0.5": 3.443379248267086, "q_0.525": 3.510764910035774, "q_0.55": 3.5347720158482066, "q_0.575": 3.631058997846261, "q_0.6": 3.710590087602741, "q_0.625": 3.779269555217234, "q_0.65": 3.818194086927954, "q_0.675": 3.837524260161338, "q_0.7": 3.8398282075568995, "q_0.725": 3.883842726075107, "q_0.75": 3.9247237424272536, "q_0.775": 4.07672327288903, "q_0.8": 4.121099826150706, "q_0.825": 4.220853543430095, "q_0.85": 4.26983108832092, "q_0.875": 4.332879274641352, "q_0.9": 4.458734239354661, "q_0.925": 4.561545107079835, "q_0.95": 4.7102509061059825, "q_0.975": 4.799851495906518, "q_1": 5.1235119091523575}, {"x": 8.763505402160865, "y": 4.26983108832092, "y_true": 2.376161282548542, "y_pred": 3.4485490608990115, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5645675980204152, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.821344705246254, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.043646254675835, "q_0.325": 3.0978533899536744, "q_0.35": 3.1042040700915985, "q_0.375": 3.2023475804836123, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.34145822862183, "q_0.475": 3.4110179337091537, "q_0.5": 3.4485490608990115, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.837524260161338, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.981902096858289, "q_0.775": 4.07672327288903, "q_0.8": 4.145837035670981, "q_0.825": 4.220853543430095, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.7102509061059825, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 8.803521408563427, "y": 3.815675187873755, "y_true": 2.37987213733382, "y_pred": 3.4485490608990115, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5645675980204152, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.821344705246254, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.043646254675835, "q_0.325": 3.0978533899536744, "q_0.35": 3.1042040700915985, "q_0.375": 3.2023475804836123, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.34145822862183, "q_0.475": 3.4110179337091537, "q_0.5": 3.4485490608990115, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.837524260161338, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.981902096858289, "q_0.775": 4.07672327288903, "q_0.8": 4.145837035670981, "q_0.825": 4.220853543430095, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.7102509061059825, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 8.843537414965986, "y": 4.379160003250951, "y_true": 2.383569272571424, "y_pred": 3.4485490608990115, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5645675980204152, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.821344705246254, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.043646254675835, "q_0.325": 3.0978533899536744, "q_0.35": 3.1042040700915985, "q_0.375": 3.2023475804836123, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.34145822862183, "q_0.475": 3.4110179337091537, "q_0.5": 3.4485490608990115, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.837524260161338, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.981902096858289, "q_0.775": 4.07672327288903, "q_0.8": 4.145837035670981, "q_0.825": 4.220853543430095, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.7102509061059825, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 8.883553421368548, "y": 3.0139026064740246, "y_true": 2.387252789333952, "y_pred": 3.4485490608990115, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5645675980204152, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.821344705246254, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.043646254675835, "q_0.325": 3.0978533899536744, "q_0.35": 3.1042040700915985, "q_0.375": 3.2023475804836123, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.34145822862183, "q_0.475": 3.4110179337091537, "q_0.5": 3.4485490608990115, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.837524260161338, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.981902096858289, "q_0.775": 4.07672327288903, "q_0.8": 4.145837035670981, "q_0.825": 4.220853543430095, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.7102509061059825, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 8.923569427771108, "y": 4.222370584304638, "y_true": 2.3909227875811885, "y_pred": 3.4485490608990115, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5645675980204152, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.821344705246254, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.043646254675835, "q_0.325": 3.0978533899536744, "q_0.35": 3.1042040700915985, "q_0.375": 3.2023475804836123, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.34145822862183, "q_0.475": 3.4110179337091537, "q_0.5": 3.4485490608990115, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.837524260161338, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.981902096858289, "q_0.775": 4.07672327288903, "q_0.8": 4.145837035670981, "q_0.825": 4.220853543430095, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.7102509061059825, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 8.96358543417367, "y": 2.821344705246254, "y_true": 2.3945793661763823, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.003601440576231, "y": 4.592449569452844, "y_true": 2.3982226229022268, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.043617446978791, "y": 3.987845038924685, "y_true": 2.4018526544765475, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.083633453381353, "y": 2.9034891913015297, "y_true": 2.4054695565677107, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.123649459783914, "y": 4.602117178062964, "y_true": 2.409073423809751, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.163665466186474, "y": 4.107386791407774, "y_true": 2.412664349817228, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.203681472589036, "y": 3.006085017919566, "y_true": 2.416242427199818, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.243697478991598, "y": 2.916112755207713, "y_true": 2.4198077475766446, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.283713485394157, "y": 3.631058997846261, "y_true": 2.423360401590354, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.323729491796719, "y": 2.4868086848133726, "y_true": 2.4269004789209454, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.36374549819928, "y": 2.9155581893024, "y_true": 2.4304280682993507, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.40376150460184, "y": 3.428627727830244, "y_true": 2.4339432575207818, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.443777511004402, "y": 3.315251282390422, "y_true": 2.4374461334578403, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.483793517406964, "y": 3.5302604951325156, "y_true": 2.4409367820733996, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.523809523809524, "y": 3.0978533899536744, "y_true": 2.4444152884332633, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.563825530212085, "y": 3.8311879734601337, "y_true": 2.447881736718604, "y_pred": 3.4671132335920856, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5970398121460088, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.824875739926762, "q_0.2": 2.9092467288491344, "q_0.225": 2.927791506437389, "q_0.25": 2.968623296146495, "q_0.275": 3.0139026064740246, "q_0.3": 3.0773637607966755, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2406924266645625, "q_0.425": 3.315251282390422, "q_0.45": 3.3879555135279835, "q_0.475": 3.428627727830244, "q_0.5": 3.4671132335920856, "q_0.525": 3.5302604951325156, "q_0.55": 3.631058997846261, "q_0.575": 3.710590087602741, "q_0.6": 3.779269555217234, "q_0.625": 3.815675187873755, "q_0.65": 3.8311879734601337, "q_0.675": 3.8398282075568995, "q_0.7": 3.883842726075107, "q_0.725": 3.9247237424272536, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.168436862981786, "q_0.825": 4.225897014990431, "q_0.85": 4.319988909788199, "q_0.875": 4.379160003250951, "q_0.9": 4.516482171419353, "q_0.925": 4.667711335355222, "q_0.95": 4.7473811120448595, "q_0.975": 4.846116951227636, "q_1": 5.1235119091523575}, {"x": 9.603841536614647, "y": 4.491086186299703, "y_true": 2.451336210238187, "y_pred": 3.4671132335920856, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5970398121460088, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.824875739926762, "q_0.2": 2.9092467288491344, "q_0.225": 2.927791506437389, "q_0.25": 2.968623296146495, "q_0.275": 3.0139026064740246, "q_0.3": 3.0773637607966755, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2406924266645625, "q_0.425": 3.315251282390422, "q_0.45": 3.3879555135279835, "q_0.475": 3.428627727830244, "q_0.5": 3.4671132335920856, "q_0.525": 3.5302604951325156, "q_0.55": 3.631058997846261, "q_0.575": 3.710590087602741, "q_0.6": 3.779269555217234, "q_0.625": 3.815675187873755, "q_0.65": 3.8311879734601337, "q_0.675": 3.8398282075568995, "q_0.7": 3.883842726075107, "q_0.725": 3.9247237424272536, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.168436862981786, "q_0.825": 4.225897014990431, "q_0.85": 4.319988909788199, "q_0.875": 4.379160003250951, "q_0.9": 4.516482171419353, "q_0.925": 4.667711335355222, "q_0.95": 4.7473811120448595, "q_0.975": 4.846116951227636, "q_1": 5.1235119091523575}, {"x": 9.643857543017207, "y": 2.7327396291341355, "y_true": 2.454778791440382, "y_pred": 3.4671132335920856, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5970398121460088, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.824875739926762, "q_0.2": 2.9092467288491344, "q_0.225": 2.927791506437389, "q_0.25": 2.968623296146495, "q_0.275": 3.0139026064740246, "q_0.3": 3.0773637607966755, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2406924266645625, "q_0.425": 3.315251282390422, "q_0.45": 3.3879555135279835, "q_0.475": 3.428627727830244, "q_0.5": 3.4671132335920856, "q_0.525": 3.5302604951325156, "q_0.55": 3.631058997846261, "q_0.575": 3.710590087602741, "q_0.6": 3.779269555217234, "q_0.625": 3.815675187873755, "q_0.65": 3.8311879734601337, "q_0.675": 3.8398282075568995, "q_0.7": 3.883842726075107, "q_0.725": 3.9247237424272536, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.168436862981786, "q_0.825": 4.225897014990431, "q_0.85": 4.319988909788199, "q_0.875": 4.379160003250951, "q_0.9": 4.516482171419353, "q_0.925": 4.667711335355222, "q_0.95": 4.7473811120448595, "q_0.975": 4.846116951227636, "q_1": 5.1235119091523575}, {"x": 9.683873549419769, "y": 3.6837437991325412, "y_true": 2.458209561924973, "y_pred": 3.4671132335920856, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5970398121460088, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.824875739926762, "q_0.2": 2.9092467288491344, "q_0.225": 2.927791506437389, "q_0.25": 2.968623296146495, "q_0.275": 3.0139026064740246, "q_0.3": 3.0773637607966755, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2406924266645625, "q_0.425": 3.315251282390422, "q_0.45": 3.3879555135279835, "q_0.475": 3.428627727830244, "q_0.5": 3.4671132335920856, "q_0.525": 3.5302604951325156, "q_0.55": 3.631058997846261, "q_0.575": 3.710590087602741, "q_0.6": 3.779269555217234, "q_0.625": 3.815675187873755, "q_0.65": 3.8311879734601337, "q_0.675": 3.8398282075568995, "q_0.7": 3.883842726075107, "q_0.725": 3.9247237424272536, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.168436862981786, "q_0.825": 4.225897014990431, "q_0.85": 4.319988909788199, "q_0.875": 4.379160003250951, "q_0.9": 4.516482171419353, "q_0.925": 4.667711335355222, "q_0.95": 4.7473811120448595, "q_0.975": 4.846116951227636, "q_1": 5.1235119091523575}, {"x": 9.72388955582233, "y": 2.77495674062515, "y_true": 2.461628602454763, "y_pred": 3.4758467498002674, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5970398121460088, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.824875739926762, "q_0.2": 2.9092467288491344, "q_0.225": 2.927791506437389, "q_0.25": 2.968623296146495, "q_0.275": 3.0139026064740246, "q_0.3": 3.080145613344567, "q_0.325": 3.102082945055512, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2406924266645625, "q_0.425": 3.315251282390422, "q_0.45": 3.3879555135279835, "q_0.475": 3.428627727830244, "q_0.5": 3.4758467498002674, "q_0.525": 3.5302604951325156, "q_0.55": 3.631058997846261, "q_0.575": 3.710590087602741, "q_0.6": 3.779269555217234, "q_0.625": 3.818194086927954, "q_0.65": 3.8311879734601337, "q_0.675": 3.8398282075568995, "q_0.7": 3.883842726075107, "q_0.725": 3.9247237424272536, "q_0.75": 4.013013244551293, "q_0.775": 4.107386791407774, "q_0.8": 4.168436862981786, "q_0.825": 4.225897014990431, "q_0.85": 4.332879274641352, "q_0.875": 4.379160003250951, "q_0.9": 4.541027179576249, "q_0.925": 4.667711335355222, "q_0.95": 4.7473811120448595, "q_0.975": 4.846116951227636, "q_1": 5.1235119091523575}, {"x": 9.76390556222489, "y": 4.168436862981786, "y_true": 2.4650359929669805, "y_pred": 3.4973687741546082, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.622852263631275, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.824875739926762, "q_0.2": 2.9092467288491344, "q_0.225": 2.927791506437389, "q_0.25": 2.968623296146495, "q_0.275": 3.0139026064740246, "q_0.3": 3.090193743781081, "q_0.325": 3.102082945055512, "q_0.35": 3.144357047858117, "q_0.375": 3.2287979460588954, "q_0.4": 3.245516283035614, "q_0.425": 3.315251282390422, "q_0.45": 3.396818774846513, "q_0.475": 3.428627727830244, "q_0.5": 3.4973687741546082, "q_0.525": 3.5302604951325156, "q_0.55": 3.631058997846261, "q_0.575": 3.720593281166275, "q_0.6": 3.779269555217234, "q_0.625": 3.818194086927954, "q_0.65": 3.8311879734601337, "q_0.675": 3.8412632643907143, "q_0.7": 3.883842726075107, "q_0.725": 3.9247237424272536, "q_0.75": 4.013013244551293, "q_0.775": 4.121099826150706, "q_0.8": 4.168436862981786, "q_0.825": 4.267634384654358, "q_0.85": 4.332879274641352, "q_0.875": 4.430984381976515, "q_0.9": 4.553734053729181, "q_0.925": 4.678890956362663, "q_0.95": 4.7473811120448595, "q_0.975": 4.846116951227636, "q_1": 5.1235119091523575}, {"x": 9.803921568627452, "y": 3.4110179337091537, "y_true": 2.4684318125844955, "y_pred": 3.4973687741546082, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.622852263631275, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.824875739926762, "q_0.2": 2.9092467288491344, "q_0.225": 2.927791506437389, "q_0.25": 2.968623296146495, "q_0.275": 3.0139026064740246, "q_0.3": 3.090193743781081, "q_0.325": 3.102082945055512, "q_0.35": 3.144357047858117, "q_0.375": 3.2287979460588954, "q_0.4": 3.245516283035614, "q_0.425": 3.315251282390422, "q_0.45": 3.396818774846513, "q_0.475": 3.428627727830244, "q_0.5": 3.4973687741546082, "q_0.525": 3.5302604951325156, "q_0.55": 3.631058997846261, "q_0.575": 3.720593281166275, "q_0.6": 3.779269555217234, "q_0.625": 3.818194086927954, "q_0.65": 3.8311879734601337, "q_0.675": 3.8412632643907143, "q_0.7": 3.883842726075107, "q_0.725": 3.9247237424272536, "q_0.75": 4.013013244551293, "q_0.775": 4.121099826150706, "q_0.8": 4.168436862981786, "q_0.825": 4.267634384654358, "q_0.85": 4.332879274641352, "q_0.875": 4.430984381976515, "q_0.9": 4.553734053729181, "q_0.925": 4.678890956362663, "q_0.95": 4.7473811120448595, "q_0.975": 4.846116951227636, "q_1": 5.1235119091523575}, {"x": 9.843937575030012, "y": 3.819557870039772, "y_true": 2.4718161396268408, "y_pred": 3.5302604951325156, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4040264387750425, "q_0.05": 2.5222306518170607, "q_0.075": 2.6632524543579312, "q_0.1": 2.7033422632676607, "q_0.125": 2.765717445332221, "q_0.15": 2.821344705246254, "q_0.175": 2.846044226164811, "q_0.2": 2.916112755207713, "q_0.225": 2.947065811950295, "q_0.25": 3.0004285568723192, "q_0.275": 3.04320054346157, "q_0.3": 3.0978533899536744, "q_0.325": 3.1042040700915985, "q_0.35": 3.196977400510694, "q_0.375": 3.2333966941851915, "q_0.4": 3.313635400154829, "q_0.425": 3.34145822862183, "q_0.45": 3.4110179337091537, "q_0.475": 3.4658397344054217, "q_0.5": 3.5302604951325156, "q_0.525": 3.5939174580101216, "q_0.55": 3.710590087602741, "q_0.575": 3.7787657822455847, "q_0.6": 3.815675187873755, "q_0.625": 3.8311879734601337, "q_0.65": 3.8398282075568995, "q_0.675": 3.861764891757854, "q_0.7": 3.9247237424272536, "q_0.725": 3.987845038924685, "q_0.75": 4.107386791407774, "q_0.775": 4.168436862981786, "q_0.8": 4.225897014990431, "q_0.825": 4.332879274641352, "q_0.85": 4.379160003250951, "q_0.875": 4.516482171419353, "q_0.9": 4.6303096697848725, "q_0.925": 4.7102509061059825, "q_0.95": 4.799851495906518, "q_0.975": 4.911074061617013, "q_1": 5.739659267521479}, {"x": 9.883953581432573, "y": 2.9127310904526706, "y_true": 2.4751890516210544, "y_pred": 3.5302604951325156, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4040264387750425, "q_0.05": 2.5222306518170607, "q_0.075": 2.6632524543579312, "q_0.1": 2.7033422632676607, "q_0.125": 2.765717445332221, "q_0.15": 2.821344705246254, "q_0.175": 2.846044226164811, "q_0.2": 2.916112755207713, "q_0.225": 2.947065811950295, "q_0.25": 3.0004285568723192, "q_0.275": 3.04320054346157, "q_0.3": 3.0978533899536744, "q_0.325": 3.1042040700915985, "q_0.35": 3.196977400510694, "q_0.375": 3.2333966941851915, "q_0.4": 3.313635400154829, "q_0.425": 3.34145822862183, "q_0.45": 3.4110179337091537, "q_0.475": 3.4658397344054217, "q_0.5": 3.5302604951325156, "q_0.525": 3.5939174580101216, "q_0.55": 3.710590087602741, "q_0.575": 3.7787657822455847, "q_0.6": 3.815675187873755, "q_0.625": 3.8311879734601337, "q_0.65": 3.8398282075568995, "q_0.675": 3.861764891757854, "q_0.7": 3.9247237424272536, "q_0.725": 3.987845038924685, "q_0.75": 4.107386791407774, "q_0.775": 4.168436862981786, "q_0.8": 4.225897014990431, "q_0.825": 4.332879274641352, "q_0.85": 4.379160003250951, "q_0.875": 4.516482171419353, "q_0.9": 4.6303096697848725, "q_0.925": 4.7102509061059825, "q_0.95": 4.799851495906518, "q_0.975": 4.911074061617013, "q_1": 5.739659267521479}, {"x": 9.923969587835135, "y": 2.824875739926762, "y_true": 2.478550625312332, "y_pred": 3.5302604951325156, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4040264387750425, "q_0.05": 2.5222306518170607, "q_0.075": 2.6632524543579312, "q_0.1": 2.7033422632676607, "q_0.125": 2.765717445332221, "q_0.15": 2.821344705246254, "q_0.175": 2.846044226164811, "q_0.2": 2.916112755207713, "q_0.225": 2.947065811950295, "q_0.25": 3.0004285568723192, "q_0.275": 3.04320054346157, "q_0.3": 3.0978533899536744, "q_0.325": 3.1042040700915985, "q_0.35": 3.196977400510694, "q_0.375": 3.2333966941851915, "q_0.4": 3.313635400154829, "q_0.425": 3.34145822862183, "q_0.45": 3.4110179337091537, "q_0.475": 3.4658397344054217, "q_0.5": 3.5302604951325156, "q_0.525": 3.5939174580101216, "q_0.55": 3.710590087602741, "q_0.575": 3.7787657822455847, "q_0.6": 3.815675187873755, "q_0.625": 3.8311879734601337, "q_0.65": 3.8398282075568995, "q_0.675": 3.861764891757854, "q_0.7": 3.9247237424272536, "q_0.725": 3.987845038924685, "q_0.75": 4.107386791407774, "q_0.775": 4.168436862981786, "q_0.8": 4.225897014990431, "q_0.825": 4.332879274641352, "q_0.85": 4.379160003250951, "q_0.875": 4.516482171419353, "q_0.9": 4.6303096697848725, "q_0.925": 4.7102509061059825, "q_0.95": 4.799851495906518, "q_0.975": 4.911074061617013, "q_1": 5.739659267521479}, {"x": 9.963985594237695, "y": 3.6506082490974796, "y_true": 2.4819009366745073, "y_pred": 3.5302604951325156, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4040264387750425, "q_0.05": 2.5222306518170607, "q_0.075": 2.6680323967006068, "q_0.1": 2.7033422632676607, "q_0.125": 2.765717445332221, "q_0.15": 2.821344705246254, "q_0.175": 2.846044226164811, "q_0.2": 2.9219528283124196, "q_0.225": 2.960696216243868, "q_0.25": 3.006085017919566, "q_0.275": 3.043646254675835, "q_0.3": 3.0978533899536744, "q_0.325": 3.137274274020074, "q_0.35": 3.2023475804836123, "q_0.375": 3.2333966941851915, "q_0.4": 3.313635400154829, "q_0.425": 3.34145822862183, "q_0.45": 3.4110179337091537, "q_0.475": 3.4658397344054217, "q_0.5": 3.5302604951325156, "q_0.525": 3.6229763422274246, "q_0.55": 3.710590087602741, "q_0.575": 3.779269555217234, "q_0.6": 3.815675187873755, "q_0.625": 3.8311879734601337, "q_0.65": 3.8398282075568995, "q_0.675": 3.883842726075107, "q_0.7": 3.9247237424272536, "q_0.725": 3.987845038924685, "q_0.75": 4.121099826150706, "q_0.775": 4.168436862981786, "q_0.8": 4.225897014990431, "q_0.825": 4.332879274641352, "q_0.85": 4.430984381976515, "q_0.875": 4.541027179576249, "q_0.9": 4.6303096697848725, "q_0.925": 4.719492496051645, "q_0.95": 4.799851495906518, "q_0.975": 4.911074061617013, "q_1": 5.739659267521479}, {"x": 10.004001600640256, "y": 3.3380915059019878, "y_true": 2.4852400609203524, "y_pred": 3.5347720158482066, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.4040264387750425, "q_0.05": 2.5645675980204152, "q_0.075": 2.6944181644900924, "q_0.1": 2.7119071736370666, "q_0.125": 2.765717445332221, "q_0.15": 2.821344705246254, "q_0.175": 2.879996078557204, "q_0.2": 2.9219528283124196, "q_0.225": 2.968623296146495, "q_0.25": 3.006085017919566, "q_0.275": 3.0770546660691322, "q_0.3": 3.102082945055512, "q_0.325": 3.137274274020074, "q_0.35": 3.224854641665987, "q_0.375": 3.2393223513601743, "q_0.4": 3.313635400154829, "q_0.425": 3.3879555135279835, "q_0.45": 3.428627727830244, "q_0.475": 3.4973687741546082, "q_0.5": 3.5347720158482066, "q_0.525": 3.631058997846261, "q_0.55": 3.7437586819928548, "q_0.575": 3.8091914719569306, "q_0.6": 3.819557870039772, "q_0.625": 3.837524260161338, "q_0.65": 3.8414148207619707, "q_0.675": 3.8910066999300055, "q_0.7": 3.981902096858289, "q_0.725": 4.07672327288903, "q_0.75": 4.145837035670981, "q_0.775": 4.222370584304638, "q_0.8": 4.26983108832092, "q_0.825": 4.343951804396252, "q_0.85": 4.488815540569284, "q_0.875": 4.561545107079835, "q_0.9": 4.678890956362663, "q_0.925": 4.719492496051645, "q_0.95": 4.799851495906518, "q_0.975": 4.911074061617013, "q_1": 5.739659267521479}, {"x": 10.044017607042818, "y": 4.7473811120448595, "y_true": 2.4885680725117116, "y_pred": 3.6229763422274246, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4719739635811773, "q_0.05": 2.5645675980204152, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.9092467288491344, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.1042040700915985, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.2776857598481253, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4658397344054217, "q_0.475": 3.5246676117067777, "q_0.5": 3.6229763422274246, "q_0.525": 3.710590087602741, "q_0.55": 3.7831312830132577, "q_0.575": 3.818194086927954, "q_0.6": 3.8342896220489835, "q_0.625": 3.8412632643907143, "q_0.65": 3.8880626509514538, "q_0.675": 3.9504540019212526, "q_0.7": 4.07672327288903, "q_0.725": 4.145078780548356, "q_0.75": 4.220853543430095, "q_0.775": 4.26983108832092, "q_0.8": 4.343951804396252, "q_0.825": 4.458734239354661, "q_0.85": 4.561545107079835, "q_0.875": 4.6303096697848725, "q_0.9": 4.7102509061059825, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.084033613445378, "y": 4.332879274641352, "y_true": 2.4918850451694627, "y_pred": 3.6229763422274246, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4719739635811773, "q_0.05": 2.5645675980204152, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.9092467288491344, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.1042040700915985, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.2776857598481253, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4658397344054217, "q_0.475": 3.5246676117067777, "q_0.5": 3.6229763422274246, "q_0.525": 3.710590087602741, "q_0.55": 3.7831312830132577, "q_0.575": 3.818194086927954, "q_0.6": 3.8342896220489835, "q_0.625": 3.8412632643907143, "q_0.65": 3.8880626509514538, "q_0.675": 3.9504540019212526, "q_0.7": 4.07672327288903, "q_0.725": 4.145078780548356, "q_0.75": 4.220853543430095, "q_0.775": 4.26983108832092, "q_0.8": 4.343951804396252, "q_0.825": 4.458734239354661, "q_0.85": 4.561545107079835, "q_0.875": 4.6303096697848725, "q_0.9": 4.7102509061059825, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.12404961984794, "y": 4.298803613637672, "y_true": 2.4951910518833165, "y_pred": 3.6229763422274246, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4719739635811773, "q_0.05": 2.5645675980204152, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.9092467288491344, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.1042040700915985, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.2776857598481253, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4658397344054217, "q_0.475": 3.5246676117067777, "q_0.5": 3.6229763422274246, "q_0.525": 3.710590087602741, "q_0.55": 3.7831312830132577, "q_0.575": 3.818194086927954, "q_0.6": 3.8342896220489835, "q_0.625": 3.8412632643907143, "q_0.65": 3.8880626509514538, "q_0.675": 3.9504540019212526, "q_0.7": 4.07672327288903, "q_0.725": 4.145078780548356, "q_0.75": 4.220853543430095, "q_0.775": 4.26983108832092, "q_0.8": 4.343951804396252, "q_0.825": 4.458734239354661, "q_0.85": 4.561545107079835, "q_0.875": 4.6303096697848725, "q_0.9": 4.7102509061059825, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.164065626250501, "y": 4.678890956362663, "y_true": 2.498486164921454, "y_pred": 3.6229763422274246, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4719739635811773, "q_0.05": 2.5645675980204152, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.9092467288491344, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.1042040700915985, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.2776857598481253, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4658397344054217, "q_0.475": 3.5246676117067777, "q_0.5": 3.6229763422274246, "q_0.525": 3.710590087602741, "q_0.55": 3.7831312830132577, "q_0.575": 3.818194086927954, "q_0.6": 3.8342896220489835, "q_0.625": 3.8412632643907143, "q_0.65": 3.8880626509514538, "q_0.675": 3.9504540019212526, "q_0.7": 4.07672327288903, "q_0.725": 4.145078780548356, "q_0.75": 4.220853543430095, "q_0.775": 4.26983108832092, "q_0.8": 4.343951804396252, "q_0.825": 4.458734239354661, "q_0.85": 4.561545107079835, "q_0.875": 4.6303096697848725, "q_0.9": 4.7102509061059825, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.204081632653061, "y": 2.7033422632676607, "y_true": 2.5017704558400053, "y_pred": 3.6229763422274246, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4719739635811773, "q_0.05": 2.5645675980204152, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.9092467288491344, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.1042040700915985, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.2776857598481253, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4658397344054217, "q_0.475": 3.5246676117067777, "q_0.5": 3.6229763422274246, "q_0.525": 3.710590087602741, "q_0.55": 3.7831312830132577, "q_0.575": 3.818194086927954, "q_0.6": 3.8342896220489835, "q_0.625": 3.8412632643907143, "q_0.65": 3.8880626509514538, "q_0.675": 3.9504540019212526, "q_0.7": 4.07672327288903, "q_0.725": 4.145078780548356, "q_0.75": 4.220853543430095, "q_0.775": 4.26983108832092, "q_0.8": 4.343951804396252, "q_0.825": 4.458734239354661, "q_0.85": 4.561545107079835, "q_0.875": 4.6303096697848725, "q_0.9": 4.7102509061059825, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.244097639055623, "y": 3.8412632643907143, "y_true": 2.5050439954923718, "y_pred": 3.6229763422274246, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4719739635811773, "q_0.05": 2.5645675980204152, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.9092467288491344, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.1042040700915985, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.2776857598481253, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4658397344054217, "q_0.475": 3.5246676117067777, "q_0.5": 3.6229763422274246, "q_0.525": 3.710590087602741, "q_0.55": 3.7831312830132577, "q_0.575": 3.818194086927954, "q_0.6": 3.8342896220489835, "q_0.625": 3.8412632643907143, "q_0.65": 3.8880626509514538, "q_0.675": 3.9504540019212526, "q_0.7": 4.07672327288903, "q_0.725": 4.145078780548356, "q_0.75": 4.220853543430095, "q_0.775": 4.26983108832092, "q_0.8": 4.343951804396252, "q_0.825": 4.458734239354661, "q_0.85": 4.561545107079835, "q_0.875": 4.6303096697848725, "q_0.9": 4.7102509061059825, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.284113645458184, "y": 3.9247237424272536, "y_true": 2.508306854038401, "y_pred": 3.631058997846261, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4719739635811773, "q_0.05": 2.5663670186856664, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.916112755207713, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.1118353636213394, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.279100020382263, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4658397344054217, "q_0.475": 3.5302604951325156, "q_0.5": 3.631058997846261, "q_0.525": 3.726115372945981, "q_0.55": 3.7831312830132577, "q_0.575": 3.818194086927954, "q_0.6": 3.837524260161338, "q_0.625": 3.8412632643907143, "q_0.65": 3.8910066999300055, "q_0.675": 3.981902096858289, "q_0.7": 4.07672327288903, "q_0.725": 4.145078780548356, "q_0.75": 4.222370584304638, "q_0.775": 4.292485548550159, "q_0.8": 4.343951804396252, "q_0.825": 4.458734239354661, "q_0.85": 4.561545107079835, "q_0.875": 4.667711335355222, "q_0.9": 4.7102509061059825, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.324129651860744, "y": 4.846116951227636, "y_true": 2.5115591009534057, "y_pred": 3.631058997846261, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.4719739635811773, "q_0.05": 2.570565666904585, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.916112755207713, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.137274274020074, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.279100020382263, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4671132335920856, "q_0.475": 3.5302604951325156, "q_0.5": 3.631058997846261, "q_0.525": 3.726115372945981, "q_0.55": 3.7831312830132577, "q_0.575": 3.819557870039772, "q_0.6": 3.837524260161338, "q_0.625": 3.8414148207619707, "q_0.65": 3.892272226422649, "q_0.675": 3.981902096858289, "q_0.7": 4.07672327288903, "q_0.725": 4.145837035670981, "q_0.75": 4.222370584304638, "q_0.775": 4.319988909788199, "q_0.8": 4.379160003250951, "q_0.825": 4.491086186299703, "q_0.85": 4.561545107079835, "q_0.875": 4.667711335355222, "q_0.9": 4.710531503341457, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.364145658263306, "y": 3.224854641665987, "y_true": 2.5148008050370425, "y_pred": 3.631058997846261, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.4719739635811773, "q_0.05": 2.570565666904585, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.916112755207713, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.137274274020074, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.279100020382263, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4671132335920856, "q_0.475": 3.5302604951325156, "q_0.5": 3.631058997846261, "q_0.525": 3.726115372945981, "q_0.55": 3.7831312830132577, "q_0.575": 3.819557870039772, "q_0.6": 3.837524260161338, "q_0.625": 3.8414148207619707, "q_0.65": 3.892272226422649, "q_0.675": 3.981902096858289, "q_0.7": 4.07672327288903, "q_0.725": 4.145837035670981, "q_0.75": 4.222370584304638, "q_0.775": 4.319988909788199, "q_0.8": 4.379160003250951, "q_0.825": 4.491086186299703, "q_0.85": 4.561545107079835, "q_0.875": 4.667711335355222, "q_0.9": 4.710531503341457, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.404161664665867, "y": 3.1042040700915985, "y_true": 2.5180320344220437, "y_pred": 3.631058997846261, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.4719739635811773, "q_0.05": 2.570565666904585, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.916112755207713, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.137274274020074, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.279100020382263, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4671132335920856, "q_0.475": 3.5302604951325156, "q_0.5": 3.631058997846261, "q_0.525": 3.726115372945981, "q_0.55": 3.7831312830132577, "q_0.575": 3.819557870039772, "q_0.6": 3.837524260161338, "q_0.625": 3.8414148207619707, "q_0.65": 3.892272226422649, "q_0.675": 3.981902096858289, "q_0.7": 4.07672327288903, "q_0.725": 4.145837035670981, "q_0.75": 4.222370584304638, "q_0.775": 4.319988909788199, "q_0.8": 4.379160003250951, "q_0.825": 4.491086186299703, "q_0.85": 4.561545107079835, "q_0.875": 4.667711335355222, "q_0.9": 4.710531503341457, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.444177671068427, "y": 2.765717445332221, "y_true": 2.521252856582809, "y_pred": 3.631058997846261, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.4719739635811773, "q_0.05": 2.570565666904585, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.916112755207713, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.137274274020074, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.279100020382263, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4671132335920856, "q_0.475": 3.5302604951325156, "q_0.5": 3.631058997846261, "q_0.525": 3.726115372945981, "q_0.55": 3.7831312830132577, "q_0.575": 3.819557870039772, "q_0.6": 3.837524260161338, "q_0.625": 3.8414148207619707, "q_0.65": 3.892272226422649, "q_0.675": 3.981902096858289, "q_0.7": 4.07672327288903, "q_0.725": 4.145837035670981, "q_0.75": 4.222370584304638, "q_0.775": 4.319988909788199, "q_0.8": 4.379160003250951, "q_0.825": 4.491086186299703, "q_0.85": 4.561545107079835, "q_0.875": 4.667711335355222, "q_0.9": 4.710531503341457, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.484193677470989, "y": 2.5645675980204152, "y_true": 2.5244633383438617, "y_pred": 3.631058997846261, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4719739635811773, "q_0.05": 2.5970398121460088, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.846044226164811, "q_0.175": 2.916112755207713, "q_0.2": 2.960696216243868, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.137274274020074, "q_0.325": 3.2023475804836123, "q_0.35": 3.2287979460588954, "q_0.375": 3.3031300214793093, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4671132335920856, "q_0.475": 3.5302604951325156, "q_0.5": 3.631058997846261, "q_0.525": 3.7436071785977734, "q_0.55": 3.8091914719569306, "q_0.575": 3.819557870039772, "q_0.6": 3.837524260161338, "q_0.625": 3.8414148207619707, "q_0.65": 3.9242756478982983, "q_0.675": 3.981902096858289, "q_0.7": 4.107386791407774, "q_0.725": 4.1625492107003454, "q_0.75": 4.222370584304638, "q_0.775": 4.319988909788199, "q_0.8": 4.379160003250951, "q_0.825": 4.491086186299703, "q_0.85": 4.562970702560892, "q_0.875": 4.667711335355222, "q_0.9": 4.719492496051645, "q_0.925": 4.799851495906518, "q_0.95": 4.846116951227636, "q_0.975": 5.046269926735264, "q_1": 5.739659267521479}, {"x": 10.52420968387355, "y": 4.799851495906518, "y_true": 2.527663545888165, "y_pred": 3.710590087602741, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4868086848133726, "q_0.05": 2.622852263631275, "q_0.075": 2.7033422632676607, "q_0.1": 2.765717445332221, "q_0.125": 2.821344705246254, "q_0.15": 2.8752713291986387, "q_0.175": 2.927791506437389, "q_0.2": 2.968623296146495, "q_0.225": 3.006085017919566, "q_0.25": 3.080145613344567, "q_0.275": 3.102082945055512, "q_0.3": 3.141680583121348, "q_0.325": 3.224854641665987, "q_0.35": 3.2393223513601743, "q_0.375": 3.313635400154829, "q_0.4": 3.396818774846513, "q_0.425": 3.4485490608990115, "q_0.45": 3.5017659929301264, "q_0.475": 3.5479028714337835, "q_0.5": 3.710590087602741, "q_0.525": 3.7437586819928548, "q_0.55": 3.815675187873755, "q_0.575": 3.8311879734601337, "q_0.6": 3.8412632643907143, "q_0.625": 3.8910066999300055, "q_0.65": 3.981902096858289, "q_0.675": 4.07672327288903, "q_0.7": 4.145078780548356, "q_0.725": 4.222370584304638, "q_0.75": 4.3148356410695, "q_0.775": 4.379160003250951, "q_0.8": 4.458734239354661, "q_0.825": 4.561545107079835, "q_0.85": 4.6303096697848725, "q_0.875": 4.678890956362663, "q_0.9": 4.7473811120448595, "q_0.925": 4.799851495906518, "q_0.95": 4.846116951227636, "q_0.975": 5.074047614891026, "q_1": 5.739659267521479}, {"x": 10.56422569027611, "y": 4.170753205997345, "y_true": 2.5308535447653107, "y_pred": 3.710590087602741, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4868086848133726, "q_0.05": 2.622852263631275, "q_0.075": 2.7033422632676607, "q_0.1": 2.765717445332221, "q_0.125": 2.821344705246254, "q_0.15": 2.879996078557204, "q_0.175": 2.927791506437389, "q_0.2": 2.968623296146495, "q_0.225": 3.006085017919566, "q_0.25": 3.090193743781081, "q_0.275": 3.1021182098817004, "q_0.3": 3.144357047858117, "q_0.325": 3.224854641665987, "q_0.35": 3.2393223513601743, "q_0.375": 3.313635400154829, "q_0.4": 3.396818774846513, "q_0.425": 3.4658397344054217, "q_0.45": 3.5017659929301264, "q_0.475": 3.591210407032153, "q_0.5": 3.710590087602741, "q_0.525": 3.7787657822455847, "q_0.55": 3.815675187873755, "q_0.575": 3.8311879734601337, "q_0.6": 3.8412632643907143, "q_0.625": 3.892272226422649, "q_0.65": 3.981902096858289, "q_0.675": 4.07672327288903, "q_0.7": 4.145837035670981, "q_0.725": 4.222370584304638, "q_0.75": 4.3148356410695, "q_0.775": 4.379160003250951, "q_0.8": 4.487592885175985, "q_0.825": 4.561545107079835, "q_0.85": 4.6303096697848725, "q_0.875": 4.678890956362663, "q_0.9": 4.7473811120448595, "q_0.925": 4.799851495906518, "q_0.95": 4.846116951227636, "q_0.975": 5.074047614891026, "q_1": 5.739659267521479}, {"x": 10.604241696678672, "y": 4.458734239354661, "y_true": 2.534033399899574, "y_pred": 3.710590087602741, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4868086848133726, "q_0.05": 2.622852263631275, "q_0.075": 2.7033422632676607, "q_0.1": 2.765717445332221, "q_0.125": 2.821344705246254, "q_0.15": 2.879996078557204, "q_0.175": 2.927791506437389, "q_0.2": 2.968623296146495, "q_0.225": 3.006085017919566, "q_0.25": 3.090193743781081, "q_0.275": 3.1021182098817004, "q_0.3": 3.144357047858117, "q_0.325": 3.224854641665987, "q_0.35": 3.2393223513601743, "q_0.375": 3.313635400154829, "q_0.4": 3.396818774846513, "q_0.425": 3.4658397344054217, "q_0.45": 3.5017659929301264, "q_0.475": 3.591210407032153, "q_0.5": 3.710590087602741, "q_0.525": 3.7787657822455847, "q_0.55": 3.815675187873755, "q_0.575": 3.8311879734601337, "q_0.6": 3.8412632643907143, "q_0.625": 3.892272226422649, "q_0.65": 3.981902096858289, "q_0.675": 4.07672327288903, "q_0.7": 4.145837035670981, "q_0.725": 4.222370584304638, "q_0.75": 4.3148356410695, "q_0.775": 4.379160003250951, "q_0.8": 4.487592885175985, "q_0.825": 4.561545107079835, "q_0.85": 4.6303096697848725, "q_0.875": 4.678890956362663, "q_0.9": 4.7473811120448595, "q_0.925": 4.799851495906518, "q_0.95": 4.846116951227636, "q_0.975": 5.074047614891026, "q_1": 5.739659267521479}, {"x": 10.644257703081234, "y": 3.2287979460588954, "y_true": 2.537203175597842, "y_pred": 3.710590087602741, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4868086848133726, "q_0.05": 2.622852263631275, "q_0.075": 2.7033422632676607, "q_0.1": 2.765717445332221, "q_0.125": 2.821344705246254, "q_0.15": 2.879996078557204, "q_0.175": 2.927791506437389, "q_0.2": 2.968623296146495, "q_0.225": 3.006085017919566, "q_0.25": 3.090193743781081, "q_0.275": 3.1021182098817004, "q_0.3": 3.144357047858117, "q_0.325": 3.224854641665987, "q_0.35": 3.2393223513601743, "q_0.375": 3.313635400154829, "q_0.4": 3.396818774846513, "q_0.425": 3.4658397344054217, "q_0.45": 3.5017659929301264, "q_0.475": 3.591210407032153, "q_0.5": 3.710590087602741, "q_0.525": 3.7787657822455847, "q_0.55": 3.815675187873755, "q_0.575": 3.8311879734601337, "q_0.6": 3.8412632643907143, "q_0.625": 3.892272226422649, "q_0.65": 3.981902096858289, "q_0.675": 4.07672327288903, "q_0.7": 4.145837035670981, "q_0.725": 4.222370584304638, "q_0.75": 4.3148356410695, "q_0.775": 4.379160003250951, "q_0.8": 4.487592885175985, "q_0.825": 4.561545107079835, "q_0.85": 4.6303096697848725, "q_0.875": 4.678890956362663, "q_0.9": 4.7473811120448595, "q_0.925": 4.799851495906518, "q_0.95": 4.846116951227636, "q_0.975": 5.074047614891026, "q_1": 5.739659267521479}, {"x": 10.684273709483794, "y": 3.981902096858289, "y_true": 2.5403629355574187, "y_pred": 3.710590087602741, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.4908335269895665, "q_0.05": 2.622852263631275, "q_0.075": 2.7033422632676607, "q_0.1": 2.765717445332221, "q_0.125": 2.821344705246254, "q_0.15": 2.879996078557204, "q_0.175": 2.927791506437389, "q_0.2": 2.968623296146495, "q_0.225": 3.0139026064740246, "q_0.25": 3.090193743781081, "q_0.275": 3.1042040700915985, "q_0.3": 3.144357047858117, "q_0.325": 3.224854641665987, "q_0.35": 3.245516283035614, "q_0.375": 3.315251282390422, "q_0.4": 3.4039613919304736, "q_0.425": 3.4658397344054217, "q_0.45": 3.5017659929301264, "q_0.475": 3.5939174580101216, "q_0.5": 3.710590087602741, "q_0.525": 3.7831312830132577, "q_0.55": 3.818194086927954, "q_0.575": 3.8342896220489835, "q_0.6": 3.8414148207619707, "q_0.625": 3.9242756478982983, "q_0.65": 3.981902096858289, "q_0.675": 4.107386791407774, "q_0.7": 4.145837035670981, "q_0.725": 4.222370584304638, "q_0.75": 4.319988909788199, "q_0.775": 4.379160003250951, "q_0.8": 4.491086186299703, "q_0.825": 4.561545107079835, "q_0.85": 4.6303096697848725, "q_0.875": 4.7102509061059825, "q_0.9": 4.7473811120448595, "q_0.925": 4.807196844362165, "q_0.95": 4.846116951227636, "q_0.975": 5.074047614891026, "q_1": 5.739659267521479}, {"x": 10.724289715886355, "y": 2.7009490381200547, "y_true": 2.543512742873702, "y_pred": 3.710590087602741, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.4908335269895665, "q_0.05": 2.622852263631275, "q_0.075": 2.7033422632676607, "q_0.1": 2.765717445332221, "q_0.125": 2.821344705246254, "q_0.15": 2.879996078557204, "q_0.175": 2.927791506437389, "q_0.2": 2.968623296146495, "q_0.225": 3.0139026064740246, "q_0.25": 3.090193743781081, "q_0.275": 3.1042040700915985, "q_0.3": 3.144357047858117, "q_0.325": 3.224854641665987, "q_0.35": 3.245516283035614, "q_0.375": 3.315251282390422, "q_0.4": 3.4039613919304736, "q_0.425": 3.4658397344054217, "q_0.45": 3.5017659929301264, "q_0.475": 3.5939174580101216, "q_0.5": 3.710590087602741, "q_0.525": 3.7831312830132577, "q_0.55": 3.818194086927954, "q_0.575": 3.8342896220489835, "q_0.6": 3.8414148207619707, "q_0.625": 3.9242756478982983, "q_0.65": 3.981902096858289, "q_0.675": 4.107386791407774, "q_0.7": 4.145837035670981, "q_0.725": 4.222370584304638, "q_0.75": 4.319988909788199, "q_0.775": 4.379160003250951, "q_0.8": 4.491086186299703, "q_0.825": 4.561545107079835, "q_0.85": 4.6303096697848725, "q_0.875": 4.7102509061059825, "q_0.9": 4.7473811120448595, "q_0.925": 4.807196844362165, "q_0.95": 4.846116951227636, "q_0.975": 5.074047614891026, "q_1": 5.739659267521479}, {"x": 10.764305722288915, "y": 3.7437586819928548, "y_true": 2.546652660047747, "y_pred": 3.710590087602741, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.4908335269895665, "q_0.05": 2.622852263631275, "q_0.075": 2.7033422632676607, "q_0.1": 2.765717445332221, "q_0.125": 2.821344705246254, "q_0.15": 2.879996078557204, "q_0.175": 2.927791506437389, "q_0.2": 2.968623296146495, "q_0.225": 3.0139026064740246, "q_0.25": 3.090193743781081, "q_0.275": 3.1042040700915985, "q_0.3": 3.144357047858117, "q_0.325": 3.224854641665987, "q_0.35": 3.245516283035614, "q_0.375": 3.315251282390422, "q_0.4": 3.4039613919304736, "q_0.425": 3.4658397344054217, "q_0.45": 3.5017659929301264, "q_0.475": 3.5939174580101216, "q_0.5": 3.710590087602741, "q_0.525": 3.7831312830132577, "q_0.55": 3.818194086927954, "q_0.575": 3.8342896220489835, "q_0.6": 3.8414148207619707, "q_0.625": 3.9242756478982983, "q_0.65": 3.981902096858289, "q_0.675": 4.107386791407774, "q_0.7": 4.145837035670981, "q_0.725": 4.222370584304638, "q_0.75": 4.319988909788199, "q_0.775": 4.379160003250951, "q_0.8": 4.491086186299703, "q_0.825": 4.561545107079835, "q_0.85": 4.6303096697848725, "q_0.875": 4.7102509061059825, "q_0.9": 4.7473811120448595, "q_0.925": 4.807196844362165, "q_0.95": 4.846116951227636, "q_0.975": 5.074047614891026, "q_1": 5.739659267521479}, {"x": 10.804321728691477, "y": 4.962695985699031, "y_true": 2.549782748993705, "y_pred": 3.726115372945981, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.5222306518170607, "q_0.05": 2.6632524543579312, "q_0.075": 2.7033422632676607, "q_0.1": 2.765717445332221, "q_0.125": 2.824875739926762, "q_0.15": 2.879996078557204, "q_0.175": 2.9296501080623756, "q_0.2": 2.968623296146495, "q_0.225": 3.0139026064740246, "q_0.25": 3.090193743781081, "q_0.275": 3.1042040700915985, "q_0.3": 3.196977400510694, "q_0.325": 3.2287979460588954, "q_0.35": 3.252886021784421, "q_0.375": 3.315251282390422, "q_0.4": 3.4110179337091537, "q_0.425": 3.4658397344054217, "q_0.45": 3.510764910035774, "q_0.475": 3.631058997846261, "q_0.5": 3.726115372945981, "q_0.525": 3.7831312830132577, "q_0.55": 3.818194086927954, "q_0.575": 3.837524260161338, "q_0.6": 3.861764891757854, "q_0.625": 3.9242756478982983, "q_0.65": 3.981902096858289, "q_0.675": 4.107386791407774, "q_0.7": 4.165816883231287, "q_0.725": 4.225897014990431, "q_0.75": 4.332879274641352, "q_0.775": 4.430984381976515, "q_0.8": 4.491086186299703, "q_0.825": 4.562970702560892, "q_0.85": 4.667711335355222, "q_0.875": 4.7102509061059825, "q_0.9": 4.761946363458604, "q_0.925": 4.808528447292236, "q_0.95": 4.911074061617013, "q_0.975": 5.074047614891026, "q_1": 5.739659267521479}, {"x": 10.844337735094038, "y": 4.719492496051645, "y_true": 2.552903071046149, "y_pred": 3.7437586819928548, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.5645675980204152, "q_0.05": 2.6944181644900924, "q_0.075": 2.7296536503975375, "q_0.1": 2.797400316262737, "q_0.125": 2.846044226164811, "q_0.15": 2.9092467288491344, "q_0.175": 2.960696216243868, "q_0.2": 2.998695503122546, "q_0.225": 3.04320054346157, "q_0.25": 3.0978533899536744, "q_0.275": 3.137274274020074, "q_0.3": 3.2001995084944435, "q_0.325": 3.2287979460588954, "q_0.35": 3.3066611116038334, "q_0.375": 3.34145822862183, "q_0.4": 3.428627727830244, "q_0.425": 3.496594284909133, "q_0.45": 3.5302604951325156, "q_0.475": 3.700449806681924, "q_0.5": 3.7437586819928548, "q_0.525": 3.8091914719569306, "q_0.55": 3.8311879734601337, "q_0.575": 3.8412632643907143, "q_0.6": 3.8910066999300055, "q_0.625": 3.981902096858289, "q_0.65": 4.07672327288903, "q_0.675": 4.145078780548356, "q_0.7": 4.222370584304638, "q_0.725": 4.3148356410695, "q_0.75": 4.379160003250951, "q_0.775": 4.491086186299703, "q_0.8": 4.561545107079835, "q_0.825": 4.598676244447554, "q_0.85": 4.678890956362663, "q_0.875": 4.719492496051645, "q_0.9": 4.799851495906518, "q_0.925": 4.8345914932497145, "q_0.95": 4.941107875289828, "q_0.975": 5.098424890837123, "q_1": 5.739659267521479}, {"x": 10.884353741496598, "y": 3.393032408659865, "y_true": 2.556013686967287, "y_pred": 3.7437586819928548, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.5645675980204152, "q_0.05": 2.6944181644900924, "q_0.075": 2.7296536503975375, "q_0.1": 2.797400316262737, "q_0.125": 2.846044226164811, "q_0.15": 2.9092467288491344, "q_0.175": 2.960696216243868, "q_0.2": 2.998695503122546, "q_0.225": 3.04320054346157, "q_0.25": 3.0978533899536744, "q_0.275": 3.137274274020074, "q_0.3": 3.2001995084944435, "q_0.325": 3.2287979460588954, "q_0.35": 3.3066611116038334, "q_0.375": 3.34145822862183, "q_0.4": 3.428627727830244, "q_0.425": 3.496594284909133, "q_0.45": 3.5302604951325156, "q_0.475": 3.700449806681924, "q_0.5": 3.7437586819928548, "q_0.525": 3.8091914719569306, "q_0.55": 3.8311879734601337, "q_0.575": 3.8412632643907143, "q_0.6": 3.8910066999300055, "q_0.625": 3.981902096858289, "q_0.65": 4.07672327288903, "q_0.675": 4.145078780548356, "q_0.7": 4.222370584304638, "q_0.725": 4.3148356410695, "q_0.75": 4.379160003250951, "q_0.775": 4.491086186299703, "q_0.8": 4.561545107079835, "q_0.825": 4.598676244447554, "q_0.85": 4.678890956362663, "q_0.875": 4.719492496051645, "q_0.9": 4.799851495906518, "q_0.925": 4.8345914932497145, "q_0.95": 4.941107875289828, "q_0.975": 5.098424890837123, "q_1": 5.739659267521479}, {"x": 10.92436974789916, "y": 4.942447233853703, "y_true": 2.55911465695406, "y_pred": 3.7437586819928548, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.5645675980204152, "q_0.05": 2.6944181644900924, "q_0.075": 2.7327396291341355, "q_0.1": 2.797400316262737, "q_0.125": 2.846044226164811, "q_0.15": 2.916112755207713, "q_0.175": 2.960696216243868, "q_0.2": 2.998695503122546, "q_0.225": 3.04320054346157, "q_0.25": 3.102082945055512, "q_0.275": 3.137274274020074, "q_0.3": 3.2023475804836123, "q_0.325": 3.2287979460588954, "q_0.35": 3.3134229936626607, "q_0.375": 3.3879555135279835, "q_0.4": 3.443379248267086, "q_0.425": 3.4973687741546082, "q_0.45": 3.5347720158482066, "q_0.475": 3.700449806681924, "q_0.5": 3.7437586819928548, "q_0.525": 3.815675187873755, "q_0.55": 3.8311879734601337, "q_0.575": 3.8414148207619707, "q_0.6": 3.9242756478982983, "q_0.625": 3.981902096858289, "q_0.65": 4.107386791407774, "q_0.675": 4.145837035670981, "q_0.7": 4.225897014990431, "q_0.725": 4.319988909788199, "q_0.75": 4.430984381976515, "q_0.775": 4.491086186299703, "q_0.8": 4.562970702560892, "q_0.825": 4.6303096697848725, "q_0.85": 4.678890956362663, "q_0.875": 4.719492496051645, "q_0.9": 4.799851495906518, "q_0.925": 4.846116951227636, "q_0.95": 4.943530463335117, "q_0.975": 5.098424890837123, "q_1": 5.739659267521479}, {"x": 10.964385754301722, "y": 3.137274274020074, "y_true": 2.562206040645131, "y_pred": 3.7437586819928548, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.5645675980204152, "q_0.05": 2.6944181644900924, "q_0.075": 2.7327396291341355, "q_0.1": 2.797400316262737, "q_0.125": 2.846044226164811, "q_0.15": 2.916112755207713, "q_0.175": 2.960696216243868, "q_0.2": 2.998695503122546, "q_0.225": 3.04320054346157, "q_0.25": 3.102082945055512, "q_0.275": 3.137274274020074, "q_0.3": 3.2023475804836123, "q_0.325": 3.2287979460588954, "q_0.35": 3.3134229936626607, "q_0.375": 3.3879555135279835, "q_0.4": 3.443379248267086, "q_0.425": 3.4973687741546082, "q_0.45": 3.5347720158482066, "q_0.475": 3.700449806681924, "q_0.5": 3.7437586819928548, "q_0.525": 3.815675187873755, "q_0.55": 3.8311879734601337, "q_0.575": 3.8414148207619707, "q_0.6": 3.9242756478982983, "q_0.625": 3.981902096858289, "q_0.65": 4.107386791407774, "q_0.675": 4.145837035670981, "q_0.7": 4.225897014990431, "q_0.725": 4.319988909788199, "q_0.75": 4.430984381976515, "q_0.775": 4.491086186299703, "q_0.8": 4.562970702560892, "q_0.825": 4.6303096697848725, "q_0.85": 4.678890956362663, "q_0.875": 4.719492496051645, "q_0.9": 4.799851495906518, "q_0.925": 4.846116951227636, "q_0.95": 4.943530463335117, "q_0.975": 5.098424890837123, "q_1": 5.739659267521479}, {"x": 11.004401760704281, "y": 4.924604710723981, "y_true": 2.565287897127769, "y_pred": 3.815675187873755, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.7839341708801855, "q_0.1": 2.846044226164811, "q_0.125": 2.9092467288491344, "q_0.15": 2.960696216243868, "q_0.175": 2.9881016302452914, "q_0.2": 3.04320054346157, "q_0.225": 3.0978533899536744, "q_0.25": 3.137274274020074, "q_0.275": 3.196977400510694, "q_0.3": 3.2287979460588954, "q_0.325": 3.3093872703115013, "q_0.35": 3.3879555135279835, "q_0.375": 3.4658397344054217, "q_0.4": 3.4973687741546082, "q_0.425": 3.5479028714337835, "q_0.45": 3.700449806681924, "q_0.475": 3.750760102043388, "q_0.5": 3.815675187873755, "q_0.525": 3.837524260161338, "q_0.55": 3.8645636789296227, "q_0.575": 3.9247237424272536, "q_0.6": 4.027732258990045, "q_0.625": 4.136443449838539, "q_0.65": 4.193999721096671, "q_0.675": 4.26983108832092, "q_0.7": 4.343951804396252, "q_0.725": 4.458734239354661, "q_0.75": 4.541027179576249, "q_0.775": 4.584934108857597, "q_0.8": 4.6303096697848725, "q_0.825": 4.678890956362663, "q_0.85": 4.7473811120448595, "q_0.875": 4.799851495906518, "q_0.9": 4.8345914932497145, "q_0.925": 4.911074061617013, "q_0.95": 5.046269926735264, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.044417767106843, "y": 4.911074061617013, "y_true": 2.568360284944626, "y_pred": 3.815675187873755, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.846044226164811, "q_0.125": 2.9092467288491344, "q_0.15": 2.960696216243868, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.0978533899536744, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.2333966941851915, "q_0.325": 3.3093872703115013, "q_0.35": 3.3879555135279835, "q_0.375": 3.4658397344054217, "q_0.4": 3.4973687741546082, "q_0.425": 3.5479028714337835, "q_0.45": 3.700449806681924, "q_0.475": 3.7831312830132577, "q_0.5": 3.815675187873755, "q_0.525": 3.8398282075568995, "q_0.55": 3.883842726075107, "q_0.575": 3.9247237424272536, "q_0.6": 4.069835625836726, "q_0.625": 4.140867442851671, "q_0.65": 4.193999721096671, "q_0.675": 4.26983108832092, "q_0.7": 4.363848250848673, "q_0.725": 4.458734239354661, "q_0.75": 4.541027179576249, "q_0.775": 4.584934108857597, "q_0.8": 4.6303096697848725, "q_0.825": 4.678890956362663, "q_0.85": 4.7473811120448595, "q_0.875": 4.799851495906518, "q_0.9": 4.8345914932497145, "q_0.925": 4.911109901880989, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.084433773509405, "y": 4.562970702560892, "y_true": 2.5714232621004056, "y_pred": 3.815675187873755, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.846044226164811, "q_0.125": 2.9092467288491344, "q_0.15": 2.960696216243868, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.0978533899536744, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.2333966941851915, "q_0.325": 3.3093872703115013, "q_0.35": 3.3879555135279835, "q_0.375": 3.4658397344054217, "q_0.4": 3.4973687741546082, "q_0.425": 3.5479028714337835, "q_0.45": 3.700449806681924, "q_0.475": 3.7831312830132577, "q_0.5": 3.815675187873755, "q_0.525": 3.8398282075568995, "q_0.55": 3.883842726075107, "q_0.575": 3.9247237424272536, "q_0.6": 4.069835625836726, "q_0.625": 4.140867442851671, "q_0.65": 4.193999721096671, "q_0.675": 4.26983108832092, "q_0.7": 4.363848250848673, "q_0.725": 4.458734239354661, "q_0.75": 4.541027179576249, "q_0.775": 4.584934108857597, "q_0.8": 4.6303096697848725, "q_0.825": 4.678890956362663, "q_0.85": 4.7473811120448595, "q_0.875": 4.799851495906518, "q_0.9": 4.8345914932497145, "q_0.925": 4.911109901880989, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.124449779911965, "y": 4.147585744709453, "y_true": 2.5744768860684384, "y_pred": 3.818194086927954, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.846044226164811, "q_0.125": 2.9092467288491344, "q_0.15": 2.960696216243868, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.102082945055512, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.2393223513601743, "q_0.325": 3.313635400154829, "q_0.35": 3.396818774846513, "q_0.375": 3.4658397344054217, "q_0.4": 3.4973687741546082, "q_0.425": 3.55521308297961, "q_0.45": 3.700449806681924, "q_0.475": 3.7831312830132577, "q_0.5": 3.818194086927954, "q_0.525": 3.8412632643907143, "q_0.55": 3.883842726075107, "q_0.575": 3.9247237424272536, "q_0.6": 4.07672327288903, "q_0.625": 4.145078780548356, "q_0.65": 4.220853543430095, "q_0.675": 4.292485548550159, "q_0.7": 4.379160003250951, "q_0.725": 4.481419269190689, "q_0.75": 4.553734053729181, "q_0.775": 4.584934108857597, "q_0.8": 4.639886941915621, "q_0.825": 4.7102509061059825, "q_0.85": 4.7473811120448595, "q_0.875": 4.799851495906518, "q_0.9": 4.8345914932497145, "q_0.925": 4.911109901880989, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.164465786314526, "y": 4.761946363458604, "y_true": 2.577521213797151, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.8677194118950418, "q_0.125": 2.9092467288491344, "q_0.15": 2.960696216243868, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.102082945055512, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.2393223513601743, "q_0.325": 3.313635400154829, "q_0.35": 3.396818774846513, "q_0.375": 3.4658397344054217, "q_0.4": 3.4973687741546082, "q_0.425": 3.5939174580101216, "q_0.45": 3.710590087602741, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.8412632643907143, "q_0.55": 3.8880626509514538, "q_0.575": 3.9247237424272536, "q_0.6": 4.07672327288903, "q_0.625": 4.145078780548356, "q_0.65": 4.222370584304638, "q_0.675": 4.3148356410695, "q_0.7": 4.379160003250951, "q_0.725": 4.491086186299703, "q_0.75": 4.553734053729181, "q_0.775": 4.584934108857597, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.7473811120448595, "q_0.875": 4.799851495906518, "q_0.9": 4.8345914932497145, "q_0.925": 4.911109901880989, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.204481792717088, "y": 3.313635400154829, "y_true": 2.5805563017164372, "y_pred": 3.818194086927954, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.871306438783182, "q_0.125": 2.9092467288491344, "q_0.15": 2.960696216243868, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.102082945055512, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.2393223513601743, "q_0.325": 3.313635400154829, "q_0.35": 3.396818774846513, "q_0.375": 3.4658397344054217, "q_0.4": 3.4973687741546082, "q_0.425": 3.591210407032153, "q_0.45": 3.710590087602741, "q_0.475": 3.7831312830132577, "q_0.5": 3.818194086927954, "q_0.525": 3.8412632643907143, "q_0.55": 3.885407374516176, "q_0.575": 3.9247237424272536, "q_0.6": 4.07672327288903, "q_0.625": 4.145078780548356, "q_0.65": 4.220853543430095, "q_0.675": 4.292485548550159, "q_0.7": 4.379160003250951, "q_0.725": 4.491086186299703, "q_0.75": 4.553734053729181, "q_0.775": 4.584934108857597, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.7473811120448595, "q_0.875": 4.799851495906518, "q_0.9": 4.846116951227636, "q_0.925": 4.9193045828823845, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.244497799119648, "y": 4.7102509061059825, "y_true": 2.5835822057439364, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.871306438783182, "q_0.125": 2.9092467288491344, "q_0.15": 2.9677570284515236, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.102082945055512, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.252886021784421, "q_0.325": 3.313635400154829, "q_0.35": 3.396818774846513, "q_0.375": 3.4658397344054217, "q_0.4": 3.5017659929301264, "q_0.425": 3.5939174580101216, "q_0.45": 3.710590087602741, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.8412632643907143, "q_0.55": 3.892272226422649, "q_0.575": 3.981902096858289, "q_0.6": 4.107386791407774, "q_0.625": 4.145078780548356, "q_0.65": 4.222370584304638, "q_0.675": 4.3148356410695, "q_0.7": 4.430984381976515, "q_0.725": 4.491086186299703, "q_0.75": 4.553734053729181, "q_0.775": 4.5894350717899695, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.752957362878236, "q_0.875": 4.807196844362165, "q_0.9": 4.846116951227636, "q_0.925": 4.943530463335117, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.28451380552221, "y": 4.136443449838539, "y_true": 2.5865989812912122, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.871306438783182, "q_0.125": 2.9092467288491344, "q_0.15": 2.9677570284515236, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.102082945055512, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.2393223513601743, "q_0.325": 3.313635400154829, "q_0.35": 3.396818774846513, "q_0.375": 3.4658397344054217, "q_0.4": 3.5017659929301264, "q_0.425": 3.5939174580101216, "q_0.45": 3.710590087602741, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.8412632643907143, "q_0.55": 3.892272226422649, "q_0.575": 3.981902096858289, "q_0.6": 4.107386791407774, "q_0.625": 4.145078780548356, "q_0.65": 4.222370584304638, "q_0.675": 4.3148356410695, "q_0.7": 4.430984381976515, "q_0.725": 4.491086186299703, "q_0.75": 4.553734053729181, "q_0.775": 4.5894350717899695, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.752957362878236, "q_0.875": 4.807196844362165, "q_0.9": 4.846116951227636, "q_0.925": 4.943530463335117, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.324529811924771, "y": 2.622852263631275, "y_true": 2.589606683269845, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.871306438783182, "q_0.125": 2.9092467288491344, "q_0.15": 2.9677570284515236, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.102082945055512, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.2393223513601743, "q_0.325": 3.313635400154829, "q_0.35": 3.396818774846513, "q_0.375": 3.4658397344054217, "q_0.4": 3.5017659929301264, "q_0.425": 3.5939174580101216, "q_0.45": 3.710590087602741, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.8412632643907143, "q_0.55": 3.892272226422649, "q_0.575": 3.981902096858289, "q_0.6": 4.107386791407774, "q_0.625": 4.145078780548356, "q_0.65": 4.222370584304638, "q_0.675": 4.3148356410695, "q_0.7": 4.430984381976515, "q_0.725": 4.491086186299703, "q_0.75": 4.553734053729181, "q_0.775": 4.5894350717899695, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.752957362878236, "q_0.875": 4.807196844362165, "q_0.9": 4.846116951227636, "q_0.925": 4.943530463335117, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.364545818327331, "y": 3.4658397344054217, "y_true": 2.592605366097425, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.871306438783182, "q_0.125": 2.9092467288491344, "q_0.15": 2.9677570284515236, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.102082945055512, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.2393223513601743, "q_0.325": 3.313635400154829, "q_0.35": 3.396818774846513, "q_0.375": 3.4658397344054217, "q_0.4": 3.5017659929301264, "q_0.425": 3.5939174580101216, "q_0.45": 3.710590087602741, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.8412632643907143, "q_0.55": 3.892272226422649, "q_0.575": 3.981902096858289, "q_0.6": 4.107386791407774, "q_0.625": 4.145078780548356, "q_0.65": 4.222370584304638, "q_0.675": 4.3148356410695, "q_0.7": 4.430984381976515, "q_0.725": 4.491086186299703, "q_0.75": 4.553734053729181, "q_0.775": 4.5894350717899695, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.752957362878236, "q_0.875": 4.807196844362165, "q_0.9": 4.846116951227636, "q_0.925": 4.943530463335117, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.404561824729893, "y": 2.968623296146495, "y_true": 2.595595083703463, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.871306438783182, "q_0.125": 2.9092467288491344, "q_0.15": 2.9677570284515236, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.102082945055512, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.2393223513601743, "q_0.325": 3.313635400154829, "q_0.35": 3.396818774846513, "q_0.375": 3.4658397344054217, "q_0.4": 3.5017659929301264, "q_0.425": 3.5939174580101216, "q_0.45": 3.710590087602741, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.8412632643907143, "q_0.55": 3.892272226422649, "q_0.575": 3.981902096858289, "q_0.6": 4.107386791407774, "q_0.625": 4.145078780548356, "q_0.65": 4.222370584304638, "q_0.675": 4.3148356410695, "q_0.7": 4.430984381976515, "q_0.725": 4.491086186299703, "q_0.75": 4.553734053729181, "q_0.775": 4.5894350717899695, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.752957362878236, "q_0.875": 4.807196844362165, "q_0.9": 4.846116951227636, "q_0.925": 4.943530463335117, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.444577831132454, "y": 5.074047614891026, "y_true": 2.598575889535207, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.622852263631275, "q_0.05": 2.7327396291341355, "q_0.075": 2.821344705246254, "q_0.1": 2.8752713291986387, "q_0.125": 2.917572773483889, "q_0.15": 2.968623296146495, "q_0.175": 2.998695503122546, "q_0.2": 3.0522031936820517, "q_0.225": 3.102082945055512, "q_0.25": 3.1778977333904392, "q_0.275": 3.224854641665987, "q_0.3": 3.252886021784421, "q_0.325": 3.313635400154829, "q_0.35": 3.4110179337091537, "q_0.375": 3.4671132335920856, "q_0.4": 3.5017659929301264, "q_0.425": 3.6008775686965366, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.981902096858289, "q_0.6": 4.114426410309593, "q_0.625": 4.145837035670981, "q_0.65": 4.225897014990431, "q_0.675": 4.328614438582447, "q_0.7": 4.430984381976515, "q_0.725": 4.516482171419353, "q_0.75": 4.561545107079835, "q_0.775": 4.598676244447554, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.761946363458604, "q_0.875": 4.808528447292236, "q_0.9": 4.846116951227636, "q_0.925": 4.943530463335117, "q_0.95": 5.074047614891026, "q_0.975": 5.148743240539422, "q_1": 5.841440913742378}, {"x": 11.484593837535014, "y": 3.8091914719569306, "y_true": 2.601547836563378, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6728123390432823, "q_0.05": 2.7327396291341355, "q_0.075": 2.824875739926762, "q_0.1": 2.8752713291986387, "q_0.125": 2.927791506437389, "q_0.15": 2.968623296146495, "q_0.175": 3.004943825726753, "q_0.2": 3.0522031936820517, "q_0.225": 3.102082945055512, "q_0.25": 3.196977400510694, "q_0.275": 3.224854641665987, "q_0.3": 3.261975420924286, "q_0.325": 3.313635400154829, "q_0.35": 3.412938678772533, "q_0.375": 3.4758467498002674, "q_0.4": 3.5017659929301264, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.1625492107003454, "q_0.65": 4.225897014990431, "q_0.675": 4.3290684137821405, "q_0.7": 4.430984381976515, "q_0.725": 4.516482171419353, "q_0.75": 4.562970702560892, "q_0.775": 4.598676244447554, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.093549435647894, "q_0.975": 5.223705005544777, "q_1": 5.841440913742378}, {"x": 11.524609843937576, "y": 3.861764891757854, "y_true": 2.6045109772878168, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6728123390432823, "q_0.05": 2.7327396291341355, "q_0.075": 2.824875739926762, "q_0.1": 2.8752713291986387, "q_0.125": 2.927791506437389, "q_0.15": 2.968623296146495, "q_0.175": 3.004943825726753, "q_0.2": 3.0522031936820517, "q_0.225": 3.102082945055512, "q_0.25": 3.196977400510694, "q_0.275": 3.224854641665987, "q_0.3": 3.261975420924286, "q_0.325": 3.313635400154829, "q_0.35": 3.412938678772533, "q_0.375": 3.4758467498002674, "q_0.4": 3.5017659929301264, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.1625492107003454, "q_0.65": 4.225897014990431, "q_0.675": 4.3290684137821405, "q_0.7": 4.430984381976515, "q_0.725": 4.516482171419353, "q_0.75": 4.562970702560892, "q_0.775": 4.598676244447554, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.093549435647894, "q_0.975": 5.223705005544777, "q_1": 5.841440913742378}, {"x": 11.564625850340137, "y": 4.225897014990431, "y_true": 2.6074653637430476, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6728123390432823, "q_0.05": 2.7327396291341355, "q_0.075": 2.824875739926762, "q_0.1": 2.8752713291986387, "q_0.125": 2.927791506437389, "q_0.15": 2.968623296146495, "q_0.175": 3.004943825726753, "q_0.2": 3.0522031936820517, "q_0.225": 3.102082945055512, "q_0.25": 3.196977400510694, "q_0.275": 3.224854641665987, "q_0.3": 3.261975420924286, "q_0.325": 3.313635400154829, "q_0.35": 3.412938678772533, "q_0.375": 3.4758467498002674, "q_0.4": 3.5017659929301264, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.1625492107003454, "q_0.65": 4.225897014990431, "q_0.675": 4.3290684137821405, "q_0.7": 4.430984381976515, "q_0.725": 4.516482171419353, "q_0.75": 4.562970702560892, "q_0.775": 4.598676244447554, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.093549435647894, "q_0.975": 5.223705005544777, "q_1": 5.841440913742378}, {"x": 11.604641856742697, "y": 3.5444284517808726, "y_true": 2.6104110475037627, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6728123390432823, "q_0.05": 2.7327396291341355, "q_0.075": 2.824875739926762, "q_0.1": 2.8752713291986387, "q_0.125": 2.927791506437389, "q_0.15": 2.968623296146495, "q_0.175": 3.004943825726753, "q_0.2": 3.0522031936820517, "q_0.225": 3.102082945055512, "q_0.25": 3.196977400510694, "q_0.275": 3.224854641665987, "q_0.3": 3.261975420924286, "q_0.325": 3.313635400154829, "q_0.35": 3.412938678772533, "q_0.375": 3.4758467498002674, "q_0.4": 3.5017659929301264, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.1625492107003454, "q_0.65": 4.225897014990431, "q_0.675": 4.3290684137821405, "q_0.7": 4.430984381976515, "q_0.725": 4.516482171419353, "q_0.75": 4.562970702560892, "q_0.775": 4.598676244447554, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.093549435647894, "q_0.975": 5.223705005544777, "q_1": 5.841440913742378}, {"x": 11.644657863145259, "y": 2.960696216243868, "y_true": 2.613348079690224, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6728123390432823, "q_0.05": 2.7327396291341355, "q_0.075": 2.824875739926762, "q_0.1": 2.8752713291986387, "q_0.125": 2.927791506437389, "q_0.15": 2.968623296146495, "q_0.175": 3.004943825726753, "q_0.2": 3.0522031936820517, "q_0.225": 3.102082945055512, "q_0.25": 3.196977400510694, "q_0.275": 3.224854641665987, "q_0.3": 3.261975420924286, "q_0.325": 3.313635400154829, "q_0.35": 3.412938678772533, "q_0.375": 3.4758467498002674, "q_0.4": 3.5017659929301264, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.1625492107003454, "q_0.65": 4.225897014990431, "q_0.675": 4.3290684137821405, "q_0.7": 4.430984381976515, "q_0.725": 4.516482171419353, "q_0.75": 4.562970702560892, "q_0.775": 4.598676244447554, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.093549435647894, "q_0.975": 5.223705005544777, "q_1": 5.841440913742378}, {"x": 11.684673869547819, "y": 4.704779864585316, "y_true": 2.6162765109735857, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6728123390432823, "q_0.05": 2.7327396291341355, "q_0.075": 2.824875739926762, "q_0.1": 2.8752713291986387, "q_0.125": 2.927791506437389, "q_0.15": 2.968623296146495, "q_0.175": 3.004943825726753, "q_0.2": 3.0522031936820517, "q_0.225": 3.102082945055512, "q_0.25": 3.196977400510694, "q_0.275": 3.224854641665987, "q_0.3": 3.261975420924286, "q_0.325": 3.313635400154829, "q_0.35": 3.412938678772533, "q_0.375": 3.4758467498002674, "q_0.4": 3.5017659929301264, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.1625492107003454, "q_0.65": 4.225897014990431, "q_0.675": 4.3290684137821405, "q_0.7": 4.430984381976515, "q_0.725": 4.516482171419353, "q_0.75": 4.562970702560892, "q_0.775": 4.598676244447554, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.093549435647894, "q_0.975": 5.223705005544777, "q_1": 5.841440913742378}, {"x": 11.72468987595038, "y": 3.102082945055512, "y_true": 2.61919639158114, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6728123390432823, "q_0.05": 2.7327396291341355, "q_0.075": 2.824875739926762, "q_0.1": 2.8752713291986387, "q_0.125": 2.927791506437389, "q_0.15": 2.968623296146495, "q_0.175": 3.004943825726753, "q_0.2": 3.0522031936820517, "q_0.225": 3.102082945055512, "q_0.25": 3.196977400510694, "q_0.275": 3.224854641665987, "q_0.3": 3.261975420924286, "q_0.325": 3.313635400154829, "q_0.35": 3.412938678772533, "q_0.375": 3.4758467498002674, "q_0.4": 3.5017659929301264, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.1625492107003454, "q_0.65": 4.225897014990431, "q_0.675": 4.3290684137821405, "q_0.7": 4.430984381976515, "q_0.725": 4.516482171419353, "q_0.75": 4.562970702560892, "q_0.775": 4.598676244447554, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.093549435647894, "q_0.975": 5.223705005544777, "q_1": 5.841440913742378}, {"x": 11.764705882352942, "y": 3.9242756478982983, "y_true": 2.6221077713014855, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6728123390432823, "q_0.05": 2.7327396291341355, "q_0.075": 2.824875739926762, "q_0.1": 2.8752713291986387, "q_0.125": 2.927791506437389, "q_0.15": 2.968623296146495, "q_0.175": 3.004943825726753, "q_0.2": 3.0522031936820517, "q_0.225": 3.102082945055512, "q_0.25": 3.196977400510694, "q_0.275": 3.224854641665987, "q_0.3": 3.261975420924286, "q_0.325": 3.313635400154829, "q_0.35": 3.412938678772533, "q_0.375": 3.4758467498002674, "q_0.4": 3.5017659929301264, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.1625492107003454, "q_0.65": 4.225897014990431, "q_0.675": 4.3290684137821405, "q_0.7": 4.430984381976515, "q_0.725": 4.516482171419353, "q_0.75": 4.562970702560892, "q_0.775": 4.598676244447554, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.093549435647894, "q_0.975": 5.223705005544777, "q_1": 5.841440913742378}, {"x": 11.804721888755502, "y": 3.196977400510694, "y_true": 2.625010699489622, "y_pred": 3.8238489319904967, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6944181644900924, "q_0.05": 2.765717445332221, "q_0.075": 2.824875739926762, "q_0.1": 2.879996078557204, "q_0.125": 2.947065811950295, "q_0.15": 2.968623296146495, "q_0.175": 3.006085017919566, "q_0.2": 3.0522031936820517, "q_0.225": 3.1042040700915985, "q_0.25": 3.196977400510694, "q_0.275": 3.2287979460588954, "q_0.3": 3.278734707705796, "q_0.325": 3.313635400154829, "q_0.35": 3.428627727830244, "q_0.375": 3.4758467498002674, "q_0.4": 3.510764910035774, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.8238489319904967, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.165816883231287, "q_0.65": 4.225897014990431, "q_0.675": 4.332879274641352, "q_0.7": 4.458734239354661, "q_0.725": 4.521416495656883, "q_0.75": 4.562970702560892, "q_0.775": 4.627724691528132, "q_0.8": 4.667711335355222, "q_0.825": 4.719492496051645, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.098424890837123, "q_0.975": 5.228614293242584, "q_1": 5.841440913742378}, {"x": 11.844737895158064, "y": 2.8776957582789406, "y_true": 2.62790522507197, "y_pred": 3.8238489319904967, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6944181644900924, "q_0.05": 2.765717445332221, "q_0.075": 2.824875739926762, "q_0.1": 2.879996078557204, "q_0.125": 2.947065811950295, "q_0.15": 2.968623296146495, "q_0.175": 3.006085017919566, "q_0.2": 3.0522031936820517, "q_0.225": 3.1042040700915985, "q_0.25": 3.196977400510694, "q_0.275": 3.2287979460588954, "q_0.3": 3.278734707705796, "q_0.325": 3.313635400154829, "q_0.35": 3.428627727830244, "q_0.375": 3.4758467498002674, "q_0.4": 3.510764910035774, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.8238489319904967, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.165816883231287, "q_0.65": 4.225897014990431, "q_0.675": 4.332879274641352, "q_0.7": 4.458734239354661, "q_0.725": 4.521416495656883, "q_0.75": 4.562970702560892, "q_0.775": 4.627724691528132, "q_0.8": 4.667711335355222, "q_0.825": 4.719492496051645, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.098424890837123, "q_0.975": 5.228614293242584, "q_1": 5.841440913742378}, {"x": 11.884753901560625, "y": 4.8345914932497145, "y_true": 2.630791396551321, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.77495674062515, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.137274274020074, "q_0.25": 3.2023475804836123, "q_0.275": 3.252886021784421, "q_0.3": 3.3093872703115013, "q_0.325": 3.396818774846513, "q_0.35": 3.4671132335920856, "q_0.375": 3.4973687741546082, "q_0.4": 3.5694675885460723, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.7473811120448595, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.911109901880989, "q_0.925": 4.965004010676292, "q_0.95": 5.098424890837123, "q_0.975": 5.234352137028019, "q_1": 5.841440913742378}, {"x": 11.924769907963185, "y": 5.1235119091523575, "y_true": 2.633669262011709, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.77495674062515, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.137274274020074, "q_0.25": 3.2023475804836123, "q_0.275": 3.252886021784421, "q_0.3": 3.3093872703115013, "q_0.325": 3.396818774846513, "q_0.35": 3.4671132335920856, "q_0.375": 3.4973687741546082, "q_0.4": 3.5694675885460723, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.7473811120448595, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.911109901880989, "q_0.925": 4.965004010676292, "q_0.95": 5.098424890837123, "q_0.975": 5.234352137028019, "q_1": 5.841440913742378}, {"x": 11.964785914365747, "y": 5.098424890837123, "y_true": 2.636538869123223, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.77495674062515, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.137274274020074, "q_0.25": 3.2023475804836123, "q_0.275": 3.252886021784421, "q_0.3": 3.3093872703115013, "q_0.325": 3.396818774846513, "q_0.35": 3.4671132335920856, "q_0.375": 3.4973687741546082, "q_0.4": 3.5694675885460723, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.7473811120448595, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.911109901880989, "q_0.925": 4.965004010676292, "q_0.95": 5.098424890837123, "q_0.975": 5.234352137028019, "q_1": 5.841440913742378}, {"x": 12.004801920768308, "y": 4.965004010676292, "y_true": 2.6394002651467403, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.77495674062515, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.137274274020074, "q_0.25": 3.2023475804836123, "q_0.275": 3.252886021784421, "q_0.3": 3.3093872703115013, "q_0.325": 3.396818774846513, "q_0.35": 3.4671132335920856, "q_0.375": 3.4973687741546082, "q_0.4": 3.5694675885460723, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.7473811120448595, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.911109901880989, "q_0.925": 4.965004010676292, "q_0.95": 5.098424890837123, "q_0.975": 5.234352137028019, "q_1": 5.841440913742378}, {"x": 12.044817927170868, "y": 4.6303096697848725, "y_true": 2.6422534969386, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.77495674062515, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.137274274020074, "q_0.25": 3.2023475804836123, "q_0.275": 3.252886021784421, "q_0.3": 3.3093872703115013, "q_0.325": 3.396818774846513, "q_0.35": 3.4671132335920856, "q_0.375": 3.4973687741546082, "q_0.4": 3.5694675885460723, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.7473811120448595, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.911109901880989, "q_0.925": 4.965004010676292, "q_0.95": 5.098424890837123, "q_0.975": 5.234352137028019, "q_1": 5.841440913742378}, {"x": 12.08483393357343, "y": 3.5017659929301264, "y_true": 2.6450986109552037, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.77495674062515, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.137274274020074, "q_0.25": 3.2023475804836123, "q_0.275": 3.252886021784421, "q_0.3": 3.3093872703115013, "q_0.325": 3.396818774846513, "q_0.35": 3.4671132335920856, "q_0.375": 3.4973687741546082, "q_0.4": 3.5694675885460723, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.7473811120448595, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.911109901880989, "q_0.925": 4.965004010676292, "q_0.95": 5.098424890837123, "q_0.975": 5.234352137028019, "q_1": 5.841440913742378}, {"x": 12.124849939975991, "y": 2.856731779926114, "y_true": 2.6479356532575586, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.9677570284515236, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.144357047858117, "q_0.25": 3.224854641665987, "q_0.275": 3.261975420924286, "q_0.3": 3.313635400154829, "q_0.325": 3.4109119316117766, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.752957362878236, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.9193045828823845, "q_0.925": 5.046269926735264, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.164865946378551, "y": 3.700449806681924, "y_true": 2.6507646695157465, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.9677570284515236, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.144357047858117, "q_0.25": 3.224854641665987, "q_0.275": 3.261975420924286, "q_0.3": 3.313635400154829, "q_0.325": 3.4109119316117766, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.752957362878236, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.9193045828823845, "q_0.925": 5.046269926735264, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.204881952781113, "y": 3.252886021784421, "y_true": 2.6535857050133393, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.9677570284515236, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.144357047858117, "q_0.25": 3.224854641665987, "q_0.275": 3.261975420924286, "q_0.3": 3.313635400154829, "q_0.325": 3.4109119316117766, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.752957362878236, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.9193045828823845, "q_0.925": 5.046269926735264, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.244897959183675, "y": 2.998695503122546, "y_true": 2.656398804651746, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.9677570284515236, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.144357047858117, "q_0.25": 3.224854641665987, "q_0.275": 3.261975420924286, "q_0.3": 3.313635400154829, "q_0.325": 3.4109119316117766, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.752957362878236, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.9193045828823845, "q_0.925": 5.046269926735264, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.284913965586234, "y": 2.797400316262737, "y_true": 2.6592040129545005, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.144357047858117, "q_0.25": 3.224854641665987, "q_0.275": 3.261975420924286, "q_0.3": 3.313635400154829, "q_0.325": 3.4109119316117766, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.752957362878236, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.9193045828823845, "q_0.925": 5.046269926735264, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.324929971988796, "y": 4.541027179576249, "y_true": 2.662001374071493, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.144357047858117, "q_0.25": 3.224854641665987, "q_0.275": 3.261975420924286, "q_0.3": 3.313635400154829, "q_0.325": 3.4109119316117766, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.752957362878236, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.9193045828823845, "q_0.925": 5.046269926735264, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.364945978391358, "y": 2.6944181644900924, "y_true": 2.6647909317831346, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.144357047858117, "q_0.25": 3.224854641665987, "q_0.275": 3.261975420924286, "q_0.3": 3.313635400154829, "q_0.325": 3.4109119316117766, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.752957362878236, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.9193045828823845, "q_0.925": 5.046269926735264, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.404961984793918, "y": 4.667711335355222, "y_true": 2.667572729504472, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.850465113373024, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.1778977333904392, "q_0.25": 3.224854641665987, "q_0.275": 3.261975420924286, "q_0.3": 3.313635400154829, "q_0.325": 3.4110179337091537, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.114426410309593, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3290684137821405, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.639886941915621, "q_0.8": 4.7102509061059825, "q_0.825": 4.752957362878236, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.9193045828823845, "q_0.925": 5.046269926735264, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.44497799119648, "y": 3.0522031936820517, "y_true": 2.6703468102892414, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.871306438783182, "q_0.1": 2.879996078557204, "q_0.125": 2.9677570284515236, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.1778977333904392, "q_0.25": 3.224854641665987, "q_0.275": 3.278734707705796, "q_0.3": 3.313635400154829, "q_0.325": 3.4110179337091537, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.114426410309593, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3290684137821405, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.639886941915621, "q_0.8": 4.7102509061059825, "q_0.825": 4.761946363458604, "q_0.85": 4.808528447292236, "q_0.875": 4.846116951227636, "q_0.9": 4.9193045828823845, "q_0.925": 5.074047614891026, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.484993997599041, "y": 2.879996078557204, "y_true": 2.6731132168338645, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.871306438783182, "q_0.1": 2.879996078557204, "q_0.125": 2.9677570284515236, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.1778977333904392, "q_0.25": 3.224854641665987, "q_0.275": 3.278734707705796, "q_0.3": 3.313635400154829, "q_0.325": 3.4110179337091537, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.114426410309593, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3290684137821405, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.639886941915621, "q_0.8": 4.7102509061059825, "q_0.825": 4.761946363458604, "q_0.85": 4.808528447292236, "q_0.875": 4.846116951227636, "q_0.9": 4.9193045828823845, "q_0.925": 5.074047614891026, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.5250100040016, "y": 2.9092467288491344, "y_true": 2.6758719914813938, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.871306438783182, "q_0.1": 2.879996078557204, "q_0.125": 2.9677570284515236, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.1778977333904392, "q_0.25": 3.224854641665987, "q_0.275": 3.278734707705796, "q_0.3": 3.313635400154829, "q_0.325": 3.4110179337091537, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.114426410309593, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3290684137821405, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.639886941915621, "q_0.8": 4.7102509061059825, "q_0.825": 4.761946363458604, "q_0.85": 4.808528447292236, "q_0.875": 4.846116951227636, "q_0.9": 4.9193045828823845, "q_0.925": 5.074047614891026, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.565026010404162, "y": 4.430984381976515, "y_true": 2.6786231762254, "y_pred": 3.861764891757854, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.871306438783182, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 2.998695503122546, "q_0.175": 3.0522031936820517, "q_0.2": 3.1118353636213394, "q_0.225": 3.196977400510694, "q_0.25": 3.252886021784421, "q_0.275": 3.279100020382263, "q_0.3": 3.34145822862183, "q_0.325": 3.4658397344054217, "q_0.35": 3.4961772522384926, "q_0.375": 3.5302604951325156, "q_0.4": 3.6008775686965366, "q_0.425": 3.700449806681924, "q_0.45": 3.7831312830132577, "q_0.475": 3.819557870039772, "q_0.5": 3.861764891757854, "q_0.525": 3.9242756478982983, "q_0.55": 4.027732258990045, "q_0.575": 4.136443449838539, "q_0.6": 4.165816883231287, "q_0.625": 4.26983108832092, "q_0.65": 4.343951804396252, "q_0.675": 4.460154591907973, "q_0.7": 4.521416495656883, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.7102509061059825, "q_0.825": 4.761946363458604, "q_0.85": 4.808528447292236, "q_0.875": 4.846116951227636, "q_0.9": 4.943530463335117, "q_0.925": 5.074047614891026, "q_0.95": 5.142663275069371, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.605042016806722, "y": 3.321883305009888, "y_true": 2.681366812713808, "y_pred": 3.8645636789296227, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.004943825726753, "q_0.175": 3.0522031936820517, "q_0.2": 3.1167929555434855, "q_0.225": 3.2023475804836123, "q_0.25": 3.252886021784421, "q_0.275": 3.301867099225344, "q_0.3": 3.396818774846513, "q_0.325": 3.4658397344054217, "q_0.35": 3.4973687741546082, "q_0.375": 3.5440824750994477, "q_0.4": 3.631058997846261, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8311879734601337, "q_0.5": 3.8645636789296227, "q_0.525": 3.9242756478982983, "q_0.55": 4.06298111849937, "q_0.575": 4.140867442851671, "q_0.6": 4.165816883231287, "q_0.625": 4.26983108832092, "q_0.65": 4.379160003250951, "q_0.675": 4.460154591907973, "q_0.7": 4.521416495656883, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.71165389228335, "q_0.825": 4.761946363458604, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.074047614891026, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.645058023209284, "y": 3.7831312830132577, "y_true": 2.68410294225268, "y_pred": 3.8645636789296227, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.004943825726753, "q_0.175": 3.0522031936820517, "q_0.2": 3.1167929555434855, "q_0.225": 3.2023475804836123, "q_0.25": 3.252886021784421, "q_0.275": 3.301867099225344, "q_0.3": 3.396818774846513, "q_0.325": 3.4658397344054217, "q_0.35": 3.4973687741546082, "q_0.375": 3.5440824750994477, "q_0.4": 3.631058997846261, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8311879734601337, "q_0.5": 3.8645636789296227, "q_0.525": 3.9242756478982983, "q_0.55": 4.06298111849937, "q_0.575": 4.140867442851671, "q_0.6": 4.165816883231287, "q_0.625": 4.26983108832092, "q_0.65": 4.379160003250951, "q_0.675": 4.460154591907973, "q_0.7": 4.521416495656883, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.71165389228335, "q_0.825": 4.761946363458604, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.074047614891026, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.685074029611846, "y": 4.145078780548356, "y_true": 2.6868316058099464, "y_pred": 3.8645636789296227, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.821344705246254, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.006085017919566, "q_0.175": 3.090193743781081, "q_0.2": 3.137274274020074, "q_0.225": 3.2023475804836123, "q_0.25": 3.252886021784421, "q_0.275": 3.3081744359429157, "q_0.3": 3.396818774846513, "q_0.325": 3.4671132335920856, "q_0.35": 3.4973687741546082, "q_0.375": 3.55521308297961, "q_0.4": 3.6406966428255956, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8332040450428844, "q_0.5": 3.8645636789296227, "q_0.525": 3.924432480983433, "q_0.55": 4.06298111849937, "q_0.575": 4.140867442851671, "q_0.6": 4.165816883231287, "q_0.625": 4.292485548550159, "q_0.65": 4.379160003250951, "q_0.675": 4.460154591907973, "q_0.7": 4.541027179576249, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.719492496051645, "q_0.825": 4.761946363458604, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.098424890837123, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.725090036014405, "y": 4.943530463335117, "y_true": 2.689552844019086, "y_pred": 3.8645636789296227, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.821344705246254, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.006085017919566, "q_0.175": 3.090193743781081, "q_0.2": 3.137274274020074, "q_0.225": 3.2023475804836123, "q_0.25": 3.252886021784421, "q_0.275": 3.3081744359429157, "q_0.3": 3.396818774846513, "q_0.325": 3.4671132335920856, "q_0.35": 3.4973687741546082, "q_0.375": 3.55521308297961, "q_0.4": 3.6406966428255956, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8332040450428844, "q_0.5": 3.8645636789296227, "q_0.525": 3.924432480983433, "q_0.55": 4.06298111849937, "q_0.575": 4.140867442851671, "q_0.6": 4.165816883231287, "q_0.625": 4.292485548550159, "q_0.65": 4.379160003250951, "q_0.675": 4.460154591907973, "q_0.7": 4.541027179576249, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.719492496051645, "q_0.825": 4.761946363458604, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.098424890837123, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.765106042416967, "y": 4.598676244447554, "y_true": 2.6922666971827582, "y_pred": 3.8645636789296227, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.821344705246254, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.006085017919566, "q_0.175": 3.090193743781081, "q_0.2": 3.137274274020074, "q_0.225": 3.2023475804836123, "q_0.25": 3.252886021784421, "q_0.275": 3.3081744359429157, "q_0.3": 3.396818774846513, "q_0.325": 3.4671132335920856, "q_0.35": 3.4973687741546082, "q_0.375": 3.55521308297961, "q_0.4": 3.6406966428255956, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8332040450428844, "q_0.5": 3.8645636789296227, "q_0.525": 3.924432480983433, "q_0.55": 4.06298111849937, "q_0.575": 4.140867442851671, "q_0.6": 4.165816883231287, "q_0.625": 4.292485548550159, "q_0.65": 4.379160003250951, "q_0.675": 4.460154591907973, "q_0.7": 4.541027179576249, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.719492496051645, "q_0.825": 4.761946363458604, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.098424890837123, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.805122048819529, "y": 3.404594684830774, "y_true": 2.694973205276382, "y_pred": 3.8645636789296227, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.821344705246254, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.006085017919566, "q_0.175": 3.090193743781081, "q_0.2": 3.137274274020074, "q_0.225": 3.2023475804836123, "q_0.25": 3.252886021784421, "q_0.275": 3.3081744359429157, "q_0.3": 3.396818774846513, "q_0.325": 3.4671132335920856, "q_0.35": 3.4973687741546082, "q_0.375": 3.55521308297961, "q_0.4": 3.6406966428255956, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8332040450428844, "q_0.5": 3.8645636789296227, "q_0.525": 3.924432480983433, "q_0.55": 4.06298111849937, "q_0.575": 4.140867442851671, "q_0.6": 4.165816883231287, "q_0.625": 4.292485548550159, "q_0.65": 4.379160003250951, "q_0.675": 4.460154591907973, "q_0.7": 4.541027179576249, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.719492496051645, "q_0.825": 4.761946363458604, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.098424890837123, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.845138055222089, "y": 3.04320054346157, "y_true": 2.6976724079516714, "y_pred": 3.8645636789296227, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.821344705246254, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.006085017919566, "q_0.175": 3.090193743781081, "q_0.2": 3.137274274020074, "q_0.225": 3.2023475804836123, "q_0.25": 3.252886021784421, "q_0.275": 3.3081744359429157, "q_0.3": 3.396818774846513, "q_0.325": 3.4671132335920856, "q_0.35": 3.4973687741546082, "q_0.375": 3.55521308297961, "q_0.4": 3.6406966428255956, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8332040450428844, "q_0.5": 3.8645636789296227, "q_0.525": 3.924432480983433, "q_0.55": 4.06298111849937, "q_0.575": 4.140867442851671, "q_0.6": 4.165816883231287, "q_0.625": 4.292485548550159, "q_0.65": 4.379160003250951, "q_0.675": 4.460154591907973, "q_0.7": 4.541027179576249, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.719492496051645, "q_0.825": 4.761946363458604, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.098424890837123, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.88515406162465, "y": 2.846044226164811, "y_true": 2.70036434454012, "y_pred": 3.8645636789296227, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.821344705246254, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.006085017919566, "q_0.175": 3.090193743781081, "q_0.2": 3.137274274020074, "q_0.225": 3.2023475804836123, "q_0.25": 3.252886021784421, "q_0.275": 3.3081744359429157, "q_0.3": 3.396818774846513, "q_0.325": 3.4671132335920856, "q_0.35": 3.4973687741546082, "q_0.375": 3.55521308297961, "q_0.4": 3.6406966428255956, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8332040450428844, "q_0.5": 3.8645636789296227, "q_0.525": 3.924432480983433, "q_0.55": 4.06298111849937, "q_0.575": 4.140867442851671, "q_0.6": 4.165816883231287, "q_0.625": 4.292485548550159, "q_0.65": 4.379160003250951, "q_0.675": 4.460154591907973, "q_0.7": 4.541027179576249, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.719492496051645, "q_0.825": 4.761946363458604, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.098424890837123, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.925170068027212, "y": 3.4973687741546082, "y_true": 2.7030490540564394, "y_pred": 3.8645636789296227, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.821344705246254, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.006085017919566, "q_0.175": 3.090193743781081, "q_0.2": 3.137274274020074, "q_0.225": 3.2023475804836123, "q_0.25": 3.252886021784421, "q_0.275": 3.3081744359429157, "q_0.3": 3.396818774846513, "q_0.325": 3.4671132335920856, "q_0.35": 3.4973687741546082, "q_0.375": 3.55521308297961, "q_0.4": 3.6406966428255956, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8332040450428844, "q_0.5": 3.8645636789296227, "q_0.525": 3.924432480983433, "q_0.55": 4.06298111849937, "q_0.575": 4.140867442851671, "q_0.6": 4.165816883231287, "q_0.625": 4.292485548550159, "q_0.65": 4.379160003250951, "q_0.675": 4.460154591907973, "q_0.7": 4.541027179576249, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.719492496051645, "q_0.825": 4.761946363458604, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.098424890837123, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.965186074429772, "y": 3.396818774846513, "y_true": 2.705726575201953, "y_pred": 3.883842726075107, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.824875739926762, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.006085017919566, "q_0.175": 3.0978533899536744, "q_0.2": 3.137274274020074, "q_0.225": 3.2023475804836123, "q_0.25": 3.261975420924286, "q_0.275": 3.3081744359429157, "q_0.3": 3.396818774846513, "q_0.325": 3.4671132335920856, "q_0.35": 3.4973687741546082, "q_0.375": 3.55521308297961, "q_0.4": 3.6406966428255956, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8342896220489835, "q_0.5": 3.883842726075107, "q_0.525": 3.9247237424272536, "q_0.55": 4.06298111849937, "q_0.575": 4.145078780548356, "q_0.6": 4.165816883231287, "q_0.625": 4.292485548550159, "q_0.65": 4.379160003250951, "q_0.675": 4.469221529047629, "q_0.7": 4.541027179576249, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.719492496051645, "q_0.825": 4.799851495906518, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.098424890837123, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 13.005202080832333, "y": 3.9123475124715013, "y_true": 2.7083969463679436, "y_pred": 3.9242756478982983, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.7033422632676607, "q_0.05": 2.846044226164811, "q_0.075": 2.879996078557204, "q_0.1": 2.9677570284515236, "q_0.125": 3.004943825726753, "q_0.15": 3.0978533899536744, "q_0.175": 3.1416805831213503, "q_0.2": 3.2023475804836123, "q_0.225": 3.278734707705796, "q_0.25": 3.309084061719355, "q_0.275": 3.396818774846513, "q_0.3": 3.4671132335920856, "q_0.325": 3.4973687741546082, "q_0.35": 3.55521308297961, "q_0.375": 3.6406966428255956, "q_0.4": 3.710590087602741, "q_0.425": 3.7831312830132577, "q_0.45": 3.8311879734601337, "q_0.475": 3.8645636789296227, "q_0.5": 3.9242756478982983, "q_0.525": 4.027732258990045, "q_0.55": 4.136443449838539, "q_0.575": 4.1625492107003454, "q_0.6": 4.225897014990431, "q_0.625": 4.3290684137821405, "q_0.65": 4.458734239354661, "q_0.675": 4.516482171419353, "q_0.7": 4.553734053729181, "q_0.725": 4.5894350717899695, "q_0.75": 4.6303096697848725, "q_0.775": 4.7102509061059825, "q_0.8": 4.761946363458604, "q_0.825": 4.808528447292236, "q_0.85": 4.846116951227636, "q_0.875": 4.943530463335117, "q_0.9": 5.074047614891026, "q_0.925": 5.142663275069371, "q_0.95": 5.2667743091875785, "q_0.975": 5.408225574077972, "q_1": 6.03586784484234}, {"x": 13.045218087234895, "y": 4.516482171419353, "y_true": 2.7110602056389546, "y_pred": 3.9845289295109616, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.77495674062515, "q_0.05": 2.871306438783182, "q_0.075": 2.9092467288491344, "q_0.1": 2.968623296146495, "q_0.125": 3.04320054346157, "q_0.15": 3.1118353636213394, "q_0.175": 3.196977400510694, "q_0.2": 3.252886021784421, "q_0.225": 3.279100020382263, "q_0.25": 3.314615806477712, "q_0.275": 3.4658397344054217, "q_0.3": 3.4758467498002674, "q_0.325": 3.5353468981678033, "q_0.35": 3.5939174580101216, "q_0.375": 3.6661062176696593, "q_0.4": 3.729572609585341, "q_0.425": 3.8091914719569306, "q_0.45": 3.861764891757854, "q_0.475": 3.9045822653151347, "q_0.5": 3.9845289295109616, "q_0.525": 4.069835625836726, "q_0.55": 4.140867442851671, "q_0.575": 4.165816883231287, "q_0.6": 4.292485548550159, "q_0.625": 4.36214694502621, "q_0.65": 4.463780629542646, "q_0.675": 4.521416495656883, "q_0.7": 4.562970702560892, "q_0.725": 4.598676244447554, "q_0.75": 4.639886941915621, "q_0.775": 4.719492496051645, "q_0.8": 4.799851495906518, "q_0.825": 4.8189846428564, "q_0.85": 4.911074061617013, "q_0.875": 4.965004010676292, "q_0.9": 5.098424890837123, "q_0.925": 5.228614293242584, "q_0.95": 5.307878968728166, "q_0.975": 5.408225574077972, "q_1": 6.03586784484234}, {"x": 13.085234093637455, "y": 4.553734053729181, "y_true": 2.7137163907960495, "y_pred": 3.9845289295109616, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.77495674062515, "q_0.05": 2.871306438783182, "q_0.075": 2.9092467288491344, "q_0.1": 2.968623296146495, "q_0.125": 3.04320054346157, "q_0.15": 3.1118353636213394, "q_0.175": 3.196977400510694, "q_0.2": 3.252886021784421, "q_0.225": 3.279100020382263, "q_0.25": 3.314615806477712, "q_0.275": 3.4658397344054217, "q_0.3": 3.4758467498002674, "q_0.325": 3.5353468981678033, "q_0.35": 3.5939174580101216, "q_0.375": 3.6661062176696593, "q_0.4": 3.729572609585341, "q_0.425": 3.8091914719569306, "q_0.45": 3.861764891757854, "q_0.475": 3.9045822653151347, "q_0.5": 3.9845289295109616, "q_0.525": 4.069835625836726, "q_0.55": 4.140867442851671, "q_0.575": 4.165816883231287, "q_0.6": 4.292485548550159, "q_0.625": 4.36214694502621, "q_0.65": 4.463780629542646, "q_0.675": 4.521416495656883, "q_0.7": 4.562970702560892, "q_0.725": 4.598676244447554, "q_0.75": 4.639886941915621, "q_0.775": 4.719492496051645, "q_0.8": 4.799851495906518, "q_0.825": 4.8189846428564, "q_0.85": 4.911074061617013, "q_0.875": 4.965004010676292, "q_0.9": 5.098424890837123, "q_0.925": 5.228614293242584, "q_0.95": 5.307878968728166, "q_0.975": 5.408225574077972, "q_1": 6.03586784484234}, {"x": 13.125250100040017, "y": 3.4671132335920856, "y_true": 2.7163655393200306, "y_pred": 3.9845289295109616, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.77495674062515, "q_0.05": 2.871306438783182, "q_0.075": 2.9092467288491344, "q_0.1": 2.968623296146495, "q_0.125": 3.04320054346157, "q_0.15": 3.1118353636213394, "q_0.175": 3.196977400510694, "q_0.2": 3.252886021784421, "q_0.225": 3.279100020382263, "q_0.25": 3.314615806477712, "q_0.275": 3.4658397344054217, "q_0.3": 3.4758467498002674, "q_0.325": 3.5353468981678033, "q_0.35": 3.5939174580101216, "q_0.375": 3.6661062176696593, "q_0.4": 3.729572609585341, "q_0.425": 3.8091914719569306, "q_0.45": 3.861764891757854, "q_0.475": 3.9045822653151347, "q_0.5": 3.9845289295109616, "q_0.525": 4.069835625836726, "q_0.55": 4.140867442851671, "q_0.575": 4.165816883231287, "q_0.6": 4.292485548550159, "q_0.625": 4.36214694502621, "q_0.65": 4.463780629542646, "q_0.675": 4.521416495656883, "q_0.7": 4.562970702560892, "q_0.725": 4.598676244447554, "q_0.75": 4.639886941915621, "q_0.775": 4.719492496051645, "q_0.8": 4.799851495906518, "q_0.825": 4.8189846428564, "q_0.85": 4.911074061617013, "q_0.875": 4.965004010676292, "q_0.9": 5.098424890837123, "q_0.925": 5.228614293242584, "q_0.95": 5.307878968728166, "q_0.975": 5.408225574077972, "q_1": 6.03586784484234}, {"x": 13.165266106442578, "y": 3.726115372945981, "y_true": 2.7190076883946075, "y_pred": 3.9845289295109616, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.77495674062515, "q_0.05": 2.871306438783182, "q_0.075": 2.9092467288491344, "q_0.1": 2.968623296146495, "q_0.125": 3.04320054346157, "q_0.15": 3.1118353636213394, "q_0.175": 3.196977400510694, "q_0.2": 3.252886021784421, "q_0.225": 3.279100020382263, "q_0.25": 3.314615806477712, "q_0.275": 3.4658397344054217, "q_0.3": 3.4758467498002674, "q_0.325": 3.5353468981678033, "q_0.35": 3.5939174580101216, "q_0.375": 3.6661062176696593, "q_0.4": 3.729572609585341, "q_0.425": 3.8091914719569306, "q_0.45": 3.861764891757854, "q_0.475": 3.9045822653151347, "q_0.5": 3.9845289295109616, "q_0.525": 4.069835625836726, "q_0.55": 4.140867442851671, "q_0.575": 4.165816883231287, "q_0.6": 4.292485548550159, "q_0.625": 4.36214694502621, "q_0.65": 4.463780629542646, "q_0.675": 4.521416495656883, "q_0.7": 4.562970702560892, "q_0.725": 4.598676244447554, "q_0.75": 4.639886941915621, "q_0.775": 4.719492496051645, "q_0.8": 4.799851495906518, "q_0.825": 4.8189846428564, "q_0.85": 4.911074061617013, "q_0.875": 4.965004010676292, "q_0.9": 5.098424890837123, "q_0.925": 5.228614293242584, "q_0.95": 5.307878968728166, "q_0.975": 5.408225574077972, "q_1": 6.03586784484234}, {"x": 13.205282112845138, "y": 3.2023475804836123, "y_true": 2.721642874909533, "y_pred": 3.9845289295109616, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.77495674062515, "q_0.05": 2.871306438783182, "q_0.075": 2.9092467288491344, "q_0.1": 2.968623296146495, "q_0.125": 3.04320054346157, "q_0.15": 3.1118353636213394, "q_0.175": 3.196977400510694, "q_0.2": 3.252886021784421, "q_0.225": 3.279100020382263, "q_0.25": 3.314615806477712, "q_0.275": 3.4658397344054217, "q_0.3": 3.4758467498002674, "q_0.325": 3.5353468981678033, "q_0.35": 3.5939174580101216, "q_0.375": 3.6661062176696593, "q_0.4": 3.729572609585341, "q_0.425": 3.8091914719569306, "q_0.45": 3.861764891757854, "q_0.475": 3.9045822653151347, "q_0.5": 3.9845289295109616, "q_0.525": 4.069835625836726, "q_0.55": 4.140867442851671, "q_0.575": 4.165816883231287, "q_0.6": 4.292485548550159, "q_0.625": 4.36214694502621, "q_0.65": 4.463780629542646, "q_0.675": 4.521416495656883, "q_0.7": 4.562970702560892, "q_0.725": 4.598676244447554, "q_0.75": 4.639886941915621, "q_0.775": 4.719492496051645, "q_0.8": 4.799851495906518, "q_0.825": 4.8189846428564, "q_0.85": 4.911074061617013, "q_0.875": 4.965004010676292, "q_0.9": 5.098424890837123, "q_0.925": 5.228614293242584, "q_0.95": 5.307878968728166, "q_0.975": 5.408225574077972, "q_1": 6.03586784484234}, {"x": 13.2452981192477, "y": 4.8189846428564, "y_true": 2.724271135463691, "y_pred": 4.027732258990045, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.797400316262737, "q_0.05": 2.8752713291986387, "q_0.075": 2.960696216243868, "q_0.1": 2.971201880049892, "q_0.125": 3.0522031936820517, "q_0.15": 3.1416805831213503, "q_0.175": 3.2023475804836123, "q_0.2": 3.278734707705796, "q_0.225": 3.3081744359429157, "q_0.25": 3.396818774846513, "q_0.275": 3.4671132335920856, "q_0.3": 3.4973687741546082, "q_0.325": 3.55521308297961, "q_0.35": 3.6008775686965366, "q_0.375": 3.700449806681924, "q_0.4": 3.7437586819928548, "q_0.425": 3.8238489319904967, "q_0.45": 3.8645636789296227, "q_0.475": 3.9242756478982983, "q_0.5": 4.027732258990045, "q_0.525": 4.114426410309593, "q_0.55": 4.145078780548356, "q_0.575": 4.193999721096671, "q_0.6": 4.3148356410695, "q_0.625": 4.430984381976515, "q_0.65": 4.487592885175985, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.598676244447554, "q_0.75": 4.667711335355222, "q_0.775": 4.752957362878236, "q_0.8": 4.807196844362165, "q_0.825": 4.8345914932497145, "q_0.85": 4.9193045828823845, "q_0.875": 5.046269926735264, "q_0.9": 5.1235119091523575, "q_0.925": 5.234352137028019, "q_0.95": 5.366425487227998, "q_0.975": 5.50277970168295, "q_1": 6.03586784484234}, {"x": 13.285314125650261, "y": 2.8780647317981676, "y_true": 2.7268925063681477, "y_pred": 4.027732258990045, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.797400316262737, "q_0.05": 2.8752713291986387, "q_0.075": 2.960696216243868, "q_0.1": 2.971201880049892, "q_0.125": 3.0522031936820517, "q_0.15": 3.1416805831213503, "q_0.175": 3.2023475804836123, "q_0.2": 3.278734707705796, "q_0.225": 3.3081744359429157, "q_0.25": 3.396818774846513, "q_0.275": 3.4671132335920856, "q_0.3": 3.4973687741546082, "q_0.325": 3.55521308297961, "q_0.35": 3.6008775686965366, "q_0.375": 3.700449806681924, "q_0.4": 3.7437586819928548, "q_0.425": 3.8238489319904967, "q_0.45": 3.8645636789296227, "q_0.475": 3.9242756478982983, "q_0.5": 4.027732258990045, "q_0.525": 4.114426410309593, "q_0.55": 4.145078780548356, "q_0.575": 4.193999721096671, "q_0.6": 4.3148356410695, "q_0.625": 4.430984381976515, "q_0.65": 4.487592885175985, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.598676244447554, "q_0.75": 4.667711335355222, "q_0.775": 4.752957362878236, "q_0.8": 4.807196844362165, "q_0.825": 4.8345914932497145, "q_0.85": 4.9193045828823845, "q_0.875": 5.046269926735264, "q_0.9": 5.1235119091523575, "q_0.925": 5.234352137028019, "q_0.95": 5.366425487227998, "q_0.975": 5.50277970168295, "q_1": 6.03586784484234}, {"x": 13.325330132052821, "y": 4.584934108857597, "y_true": 2.72950702364916, "y_pred": 4.027732258990045, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.797400316262737, "q_0.05": 2.8752713291986387, "q_0.075": 2.960696216243868, "q_0.1": 2.971201880049892, "q_0.125": 3.0522031936820517, "q_0.15": 3.1416805831213503, "q_0.175": 3.2023475804836123, "q_0.2": 3.278734707705796, "q_0.225": 3.3081744359429157, "q_0.25": 3.396818774846513, "q_0.275": 3.4671132335920856, "q_0.3": 3.4973687741546082, "q_0.325": 3.55521308297961, "q_0.35": 3.6008775686965366, "q_0.375": 3.700449806681924, "q_0.4": 3.7437586819928548, "q_0.425": 3.8238489319904967, "q_0.45": 3.8645636789296227, "q_0.475": 3.9242756478982983, "q_0.5": 4.027732258990045, "q_0.525": 4.114426410309593, "q_0.55": 4.145078780548356, "q_0.575": 4.193999721096671, "q_0.6": 4.3148356410695, "q_0.625": 4.430984381976515, "q_0.65": 4.487592885175985, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.598676244447554, "q_0.75": 4.667711335355222, "q_0.775": 4.752957362878236, "q_0.8": 4.807196844362165, "q_0.825": 4.8345914932497145, "q_0.85": 4.9193045828823845, "q_0.875": 5.046269926735264, "q_0.9": 5.1235119091523575, "q_0.925": 5.234352137028019, "q_0.95": 5.366425487227998, "q_0.975": 5.50277970168295, "q_1": 6.03586784484234}, {"x": 13.365346138455383, "y": 4.807196844362165, "y_true": 2.7321147230511484, "y_pred": 4.027732258990045, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.797400316262737, "q_0.05": 2.8752713291986387, "q_0.075": 2.960696216243868, "q_0.1": 2.998695503122546, "q_0.125": 3.0522031936820517, "q_0.15": 3.1416805831213503, "q_0.175": 3.224854641665987, "q_0.2": 3.278734707705796, "q_0.225": 3.3081744359429157, "q_0.25": 3.4109119316117766, "q_0.275": 3.4671132335920856, "q_0.3": 3.4973687741546082, "q_0.325": 3.5694675885460723, "q_0.35": 3.6406966428255956, "q_0.375": 3.700449806681924, "q_0.4": 3.7831312830132577, "q_0.425": 3.8342896220489835, "q_0.45": 3.885407374516176, "q_0.475": 3.9247237424272536, "q_0.5": 4.027732258990045, "q_0.525": 4.118197616851171, "q_0.55": 4.1625492107003454, "q_0.575": 4.193999721096671, "q_0.6": 4.3148356410695, "q_0.625": 4.430984381976515, "q_0.65": 4.491086186299703, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.627724691528132, "q_0.75": 4.678890956362663, "q_0.775": 4.752957362878236, "q_0.8": 4.808528447292236, "q_0.825": 4.846116951227636, "q_0.85": 4.9193045828823845, "q_0.875": 5.046269926735264, "q_0.9": 5.142663275069371, "q_0.925": 5.2470244104838155, "q_0.95": 5.366425487227998, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.405362144857945, "y": 4.808528447292236, "y_true": 2.7347156400396284, "y_pred": 4.036485823112227, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.797400316262737, "q_0.05": 2.8752713291986387, "q_0.075": 2.9677570284515236, "q_0.1": 3.004943825726753, "q_0.125": 3.102082945055512, "q_0.15": 3.1778977333904392, "q_0.175": 3.252886021784421, "q_0.2": 3.279100020382263, "q_0.225": 3.3093872703115013, "q_0.25": 3.412938678772533, "q_0.275": 3.4758467498002674, "q_0.3": 3.5370715451265924, "q_0.325": 3.5939174580101216, "q_0.35": 3.6497409378753063, "q_0.375": 3.726115372945981, "q_0.4": 3.7831312830132577, "q_0.425": 3.8412632643907143, "q_0.45": 3.892272226422649, "q_0.475": 3.981902096858289, "q_0.5": 4.036485823112227, "q_0.525": 4.136443449838539, "q_0.55": 4.1625492107003454, "q_0.575": 4.200888205559467, "q_0.6": 4.3148356410695, "q_0.625": 4.430984381976515, "q_0.65": 4.516482171419353, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.627724691528132, "q_0.75": 4.678890956362663, "q_0.775": 4.761946363458604, "q_0.8": 4.808528447292236, "q_0.825": 4.898065250498959, "q_0.85": 4.943530463335117, "q_0.875": 5.074047614891026, "q_0.9": 5.148743240539422, "q_0.925": 5.2667743091875785, "q_0.95": 5.371496654750119, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.445378151260504, "y": 3.430065213540005, "y_true": 2.737309809804103, "y_pred": 4.06298111849937, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.8153586080003756, "q_0.05": 2.8752713291986387, "q_0.075": 2.9677570284515236, "q_0.1": 3.004943825726753, "q_0.125": 3.102082945055512, "q_0.15": 3.1778977333904392, "q_0.175": 3.252886021784421, "q_0.2": 3.279100020382263, "q_0.225": 3.3093872703115013, "q_0.25": 3.412938678772533, "q_0.275": 3.4758467498002674, "q_0.3": 3.5440824750994477, "q_0.325": 3.5939174580101216, "q_0.35": 3.6497409378753063, "q_0.375": 3.726115372945981, "q_0.4": 3.8070959694947897, "q_0.425": 3.861764891757854, "q_0.45": 3.892272226422649, "q_0.475": 3.981902096858289, "q_0.5": 4.06298111849937, "q_0.525": 4.136443449838539, "q_0.55": 4.1625492107003454, "q_0.575": 4.223252191976086, "q_0.6": 4.317471278544529, "q_0.625": 4.430984381976515, "q_0.65": 4.516482171419353, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.628936081320426, "q_0.75": 4.7102509061059825, "q_0.775": 4.761946363458604, "q_0.8": 4.808528447292236, "q_0.825": 4.911074061617013, "q_0.85": 4.943530463335117, "q_0.875": 5.074047614891026, "q_0.9": 5.182625141469851, "q_0.925": 5.2667743091875785, "q_0.95": 5.371496654750119, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.485394157663066, "y": 3.7391524336522743, "y_true": 2.739897267260922, "y_pred": 4.06298111849937, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.8153586080003756, "q_0.05": 2.8752713291986387, "q_0.075": 2.9677570284515236, "q_0.1": 3.004943825726753, "q_0.125": 3.102082945055512, "q_0.15": 3.1778977333904392, "q_0.175": 3.252886021784421, "q_0.2": 3.279100020382263, "q_0.225": 3.3093872703115013, "q_0.25": 3.412938678772533, "q_0.275": 3.4758467498002674, "q_0.3": 3.5440824750994477, "q_0.325": 3.5939174580101216, "q_0.35": 3.6497409378753063, "q_0.375": 3.726115372945981, "q_0.4": 3.8070959694947897, "q_0.425": 3.861764891757854, "q_0.45": 3.892272226422649, "q_0.475": 3.981902096858289, "q_0.5": 4.06298111849937, "q_0.525": 4.136443449838539, "q_0.55": 4.1625492107003454, "q_0.575": 4.223252191976086, "q_0.6": 4.317471278544529, "q_0.625": 4.430984381976515, "q_0.65": 4.516482171419353, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.628936081320426, "q_0.75": 4.7102509061059825, "q_0.775": 4.761946363458604, "q_0.8": 4.808528447292236, "q_0.825": 4.911074061617013, "q_0.85": 4.943530463335117, "q_0.875": 5.074047614891026, "q_0.9": 5.182625141469851, "q_0.925": 5.2667743091875785, "q_0.95": 5.371496654750119, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.525410164065626, "y": 4.3148356410695, "y_true": 2.7424780470560988, "y_pred": 4.06298111849937, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.8153586080003756, "q_0.05": 2.8752713291986387, "q_0.075": 2.9677570284515236, "q_0.1": 3.004943825726753, "q_0.125": 3.102082945055512, "q_0.15": 3.1778977333904392, "q_0.175": 3.252886021784421, "q_0.2": 3.279100020382263, "q_0.225": 3.3093872703115013, "q_0.25": 3.412938678772533, "q_0.275": 3.4758467498002674, "q_0.3": 3.5440824750994477, "q_0.325": 3.5939174580101216, "q_0.35": 3.6497409378753063, "q_0.375": 3.726115372945981, "q_0.4": 3.8070959694947897, "q_0.425": 3.861764891757854, "q_0.45": 3.892272226422649, "q_0.475": 3.981902096858289, "q_0.5": 4.06298111849937, "q_0.525": 4.136443449838539, "q_0.55": 4.1625492107003454, "q_0.575": 4.223252191976086, "q_0.6": 4.317471278544529, "q_0.625": 4.430984381976515, "q_0.65": 4.516482171419353, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.628936081320426, "q_0.75": 4.7102509061059825, "q_0.775": 4.761946363458604, "q_0.8": 4.808528447292236, "q_0.825": 4.911074061617013, "q_0.85": 4.943530463335117, "q_0.875": 5.074047614891026, "q_0.9": 5.182625141469851, "q_0.925": 5.2667743091875785, "q_0.95": 5.371496654750119, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.565426170468188, "y": 3.4758467498002674, "y_true": 2.7450521835680983, "y_pred": 4.06298111849937, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.8153586080003756, "q_0.05": 2.8752713291986387, "q_0.075": 2.9677570284515236, "q_0.1": 3.004943825726753, "q_0.125": 3.102082945055512, "q_0.15": 3.1778977333904392, "q_0.175": 3.252886021784421, "q_0.2": 3.279100020382263, "q_0.225": 3.3093872703115013, "q_0.25": 3.412938678772533, "q_0.275": 3.4758467498002674, "q_0.3": 3.5440824750994477, "q_0.325": 3.5939174580101216, "q_0.35": 3.6497409378753063, "q_0.375": 3.726115372945981, "q_0.4": 3.8070959694947897, "q_0.425": 3.861764891757854, "q_0.45": 3.892272226422649, "q_0.475": 3.981902096858289, "q_0.5": 4.06298111849937, "q_0.525": 4.136443449838539, "q_0.55": 4.1625492107003454, "q_0.575": 4.223252191976086, "q_0.6": 4.317471278544529, "q_0.625": 4.430984381976515, "q_0.65": 4.516482171419353, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.628936081320426, "q_0.75": 4.7102509061059825, "q_0.775": 4.761946363458604, "q_0.8": 4.808528447292236, "q_0.825": 4.911074061617013, "q_0.85": 4.943530463335117, "q_0.875": 5.074047614891026, "q_0.9": 5.182625141469851, "q_0.925": 5.2667743091875785, "q_0.95": 5.371496654750119, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.60544217687075, "y": 3.7420222599036737, "y_true": 2.7476197109105795, "y_pred": 4.06298111849937, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.824875739926762, "q_0.05": 2.8752713291986387, "q_0.075": 2.9677570284515236, "q_0.1": 3.004943825726753, "q_0.125": 3.1118353636213394, "q_0.15": 3.196977400510694, "q_0.175": 3.2529557651755714, "q_0.2": 3.279100020382263, "q_0.225": 3.313635400154829, "q_0.25": 3.457582456433952, "q_0.275": 3.4961772522384926, "q_0.3": 3.5440824750994477, "q_0.325": 3.5939174580101216, "q_0.35": 3.655817169828787, "q_0.375": 3.726115372945981, "q_0.4": 3.8070959694947897, "q_0.425": 3.861764891757854, "q_0.45": 3.892272226422649, "q_0.475": 3.9845289295109616, "q_0.5": 4.06298111849937, "q_0.525": 4.136443449838539, "q_0.55": 4.165816883231287, "q_0.575": 4.225897014990431, "q_0.6": 4.3290684137821405, "q_0.625": 4.430984381976515, "q_0.65": 4.516482171419353, "q_0.675": 4.553734053729181, "q_0.7": 4.584934108857597, "q_0.725": 4.6303096697848725, "q_0.75": 4.7102509061059825, "q_0.775": 4.761946363458604, "q_0.8": 4.808528447292236, "q_0.825": 4.911074061617013, "q_0.85": 4.943530463335117, "q_0.875": 5.098424890837123, "q_0.9": 5.220432147079574, "q_0.925": 5.2667743091875785, "q_0.95": 5.371496654750119, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.645458183273309, "y": 3.279100020382263, "y_true": 2.7501806629351124, "y_pred": 4.06298111849937, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.846044226164811, "q_0.05": 2.8752713291986387, "q_0.075": 2.9677570284515236, "q_0.1": 3.004943825726753, "q_0.125": 3.1118353636213394, "q_0.15": 3.196977400510694, "q_0.175": 3.261975420924286, "q_0.2": 3.279100020382263, "q_0.225": 3.313635400154829, "q_0.25": 3.4658397344054217, "q_0.275": 3.4961772522384926, "q_0.3": 3.5440824750994477, "q_0.325": 3.5939174580101216, "q_0.35": 3.655817169828787, "q_0.375": 3.726115372945981, "q_0.4": 3.8070959694947897, "q_0.425": 3.861764891757854, "q_0.45": 3.892272226422649, "q_0.475": 3.9845289295109616, "q_0.5": 4.06298111849937, "q_0.525": 4.136443449838539, "q_0.55": 4.1625492107003454, "q_0.575": 4.222370584304638, "q_0.6": 4.317471278544529, "q_0.625": 4.430984381976515, "q_0.65": 4.516482171419353, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.6303096697848725, "q_0.75": 4.7102509061059825, "q_0.775": 4.761946363458604, "q_0.8": 4.810619686405075, "q_0.825": 4.911074061617013, "q_0.85": 4.943530463335117, "q_0.875": 5.098424890837123, "q_0.9": 5.220432147079574, "q_0.925": 5.274576374578992, "q_0.95": 5.371496654750119, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.68547418967587, "y": 3.9883029264723833, "y_true": 2.752735073233853, "y_pred": 4.06298111849937, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.846044226164811, "q_0.05": 2.8752713291986387, "q_0.075": 2.9677570284515236, "q_0.1": 3.004943825726753, "q_0.125": 3.1118353636213394, "q_0.15": 3.196977400510694, "q_0.175": 3.261975420924286, "q_0.2": 3.279100020382263, "q_0.225": 3.313635400154829, "q_0.25": 3.4658397344054217, "q_0.275": 3.4961772522384926, "q_0.3": 3.5440824750994477, "q_0.325": 3.5939174580101216, "q_0.35": 3.655817169828787, "q_0.375": 3.726115372945981, "q_0.4": 3.8070959694947897, "q_0.425": 3.861764891757854, "q_0.45": 3.892272226422649, "q_0.475": 3.9845289295109616, "q_0.5": 4.06298111849937, "q_0.525": 4.136443449838539, "q_0.55": 4.1625492107003454, "q_0.575": 4.222370584304638, "q_0.6": 4.317471278544529, "q_0.625": 4.430984381976515, "q_0.65": 4.516482171419353, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.6303096697848725, "q_0.75": 4.7102509061059825, "q_0.775": 4.761946363458604, "q_0.8": 4.810619686405075, "q_0.825": 4.911074061617013, "q_0.85": 4.943530463335117, "q_0.875": 5.098424890837123, "q_0.9": 5.220432147079574, "q_0.925": 5.274576374578992, "q_0.95": 5.371496654750119, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.725490196078432, "y": 2.8752713291986387, "y_true": 2.755282975142189, "y_pred": 4.06298111849937, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.846044226164811, "q_0.05": 2.8752713291986387, "q_0.075": 2.9677570284515236, "q_0.1": 3.004943825726753, "q_0.125": 3.1118353636213394, "q_0.15": 3.2023475804836123, "q_0.175": 3.261975420924286, "q_0.2": 3.301867099225344, "q_0.225": 3.314615806477712, "q_0.25": 3.4658397344054217, "q_0.275": 3.4961772522384926, "q_0.3": 3.55521308297961, "q_0.325": 3.6008775686965366, "q_0.35": 3.6661062176696593, "q_0.375": 3.729572609585341, "q_0.4": 3.8091914719569306, "q_0.425": 3.862954376305856, "q_0.45": 3.9045822653151347, "q_0.475": 3.9845289295109616, "q_0.5": 4.06298111849937, "q_0.525": 4.140867442851671, "q_0.55": 4.165816883231287, "q_0.575": 4.225897014990431, "q_0.6": 4.3290684137821405, "q_0.625": 4.458734239354661, "q_0.65": 4.516482171419353, "q_0.675": 4.553734053729181, "q_0.7": 4.5894350717899695, "q_0.725": 4.6303096697848725, "q_0.75": 4.7102509061059825, "q_0.775": 4.795087147074819, "q_0.8": 4.8189846428564, "q_0.825": 4.911109901880989, "q_0.85": 4.965004010676292, "q_0.875": 5.1235119091523575, "q_0.9": 5.228614293242584, "q_0.925": 5.274576374578992, "q_0.95": 5.371496654750119, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.765506202480992, "y": 4.911109901880989, "y_true": 2.7578244017413485, "y_pred": 4.114426410309593, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.871306438783182, "q_0.05": 2.9092467288491344, "q_0.075": 2.971201880049892, "q_0.1": 3.0522031936820517, "q_0.125": 3.1416805831213503, "q_0.15": 3.252886021784421, "q_0.175": 3.279100020382263, "q_0.2": 3.3093872703115013, "q_0.225": 3.412938678772533, "q_0.25": 3.4758467498002674, "q_0.275": 3.5370715451265924, "q_0.3": 3.5939174580101216, "q_0.325": 3.6497409378753063, "q_0.35": 3.700449806681924, "q_0.375": 3.7831312830132577, "q_0.4": 3.8342896220489835, "q_0.425": 3.885407374516176, "q_0.45": 3.9247237424272536, "q_0.475": 4.027732258990045, "q_0.5": 4.114426410309593, "q_0.525": 4.145078780548356, "q_0.55": 4.173175410950672, "q_0.575": 4.292485548550159, "q_0.6": 4.332879274641352, "q_0.625": 4.460154591907973, "q_0.65": 4.521416495656883, "q_0.675": 4.553734053729181, "q_0.7": 4.598676244447554, "q_0.725": 4.639886941915621, "q_0.75": 4.752957362878236, "q_0.775": 4.808528447292236, "q_0.8": 4.86795027450146, "q_0.825": 4.9193045828823845, "q_0.85": 5.047921879055577, "q_0.875": 5.148743240539422, "q_0.9": 5.234352137028019, "q_0.925": 5.307878968728166, "q_0.95": 5.408225574077972, "q_0.975": 5.5855680330200475, "q_1": 6.242380127117748}, {"x": 13.805522208883554, "y": 2.9677570284515236, "y_true": 2.7603593858609794, "y_pred": 4.114426410309593, "target": "0", "q_0": 2.564567598020415, "q_0.025": 2.871306438783182, "q_0.05": 2.9092467288491344, "q_0.075": 2.971201880049892, "q_0.1": 3.0978533899536744, "q_0.125": 3.1416805831213503, "q_0.15": 3.252886021784421, "q_0.175": 3.279100020382263, "q_0.2": 3.3093872703115013, "q_0.225": 3.412938678772533, "q_0.25": 3.4758467498002674, "q_0.275": 3.541278103110306, "q_0.3": 3.5939174580101216, "q_0.325": 3.6497409378753063, "q_0.35": 3.700449806681924, "q_0.375": 3.7831312830132577, "q_0.4": 3.8342896220489835, "q_0.425": 3.885407374516176, "q_0.45": 3.9247237424272536, "q_0.475": 4.027732258990045, "q_0.5": 4.114426410309593, "q_0.525": 4.145078780548356, "q_0.55": 4.173175410950672, "q_0.575": 4.292485548550159, "q_0.6": 4.332879274641352, "q_0.625": 4.460154591907973, "q_0.65": 4.521416495656883, "q_0.675": 4.553734053729181, "q_0.7": 4.598676244447554, "q_0.725": 4.639886941915621, "q_0.75": 4.752957362878236, "q_0.775": 4.808528447292236, "q_0.8": 4.885721790323394, "q_0.825": 4.931753990024515, "q_0.85": 5.074047614891026, "q_0.875": 5.148743240539422, "q_0.9": 5.2470244104838155, "q_0.925": 5.366038114054975, "q_0.95": 5.408225574077972, "q_0.975": 5.5855680330200475, "q_1": 6.242380127117748}, {"x": 13.845538215286116, "y": 4.1625492107003454, "y_true": 2.7628879600816916, "y_pred": 4.118197616851171, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.871306438783182, "q_0.05": 2.960696216243868, "q_0.075": 2.998695503122546, "q_0.1": 3.1118353636213394, "q_0.125": 3.1826983980540335, "q_0.15": 3.261975420924286, "q_0.175": 3.301867099225344, "q_0.2": 3.313635400154829, "q_0.225": 3.435866409981173, "q_0.25": 3.4961772522384926, "q_0.275": 3.55521308297961, "q_0.3": 3.5939174580101216, "q_0.325": 3.655817169828787, "q_0.35": 3.726115372945981, "q_0.375": 3.8070959694947897, "q_0.4": 3.861764891757854, "q_0.425": 3.892272226422649, "q_0.45": 3.9845289295109616, "q_0.475": 4.06298111849937, "q_0.5": 4.118197616851171, "q_0.525": 4.1625492107003454, "q_0.55": 4.185803414891856, "q_0.575": 4.303231360684637, "q_0.6": 4.36214694502621, "q_0.625": 4.469221529047629, "q_0.65": 4.521416495656883, "q_0.675": 4.562970702560892, "q_0.7": 4.598676244447554, "q_0.725": 4.667711335355222, "q_0.75": 4.752957362878236, "q_0.775": 4.808528447292236, "q_0.8": 4.911074061617013, "q_0.825": 4.943530463335117, "q_0.85": 5.098424890837123, "q_0.875": 5.220432147079574, "q_0.9": 5.2667743091875785, "q_0.925": 5.366425487227998, "q_0.95": 5.408225574077972, "q_0.975": 5.5855680330200475, "q_1": 6.242380127117748}, {"x": 13.885554221688675, "y": 3.5939174580101216, "y_true": 2.7654101567375706, "y_pred": 4.118197616851171, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.871306438783182, "q_0.05": 2.9677570284515236, "q_0.075": 3.004943825726753, "q_0.1": 3.1118353636213394, "q_0.125": 3.196977400510694, "q_0.15": 3.261975420924286, "q_0.175": 3.301867099225344, "q_0.2": 3.314615806477712, "q_0.225": 3.4658397344054217, "q_0.25": 3.4973687741546082, "q_0.275": 3.55521308297961, "q_0.3": 3.6008775686965366, "q_0.325": 3.655817169828787, "q_0.35": 3.729572609585341, "q_0.375": 3.8091914719569306, "q_0.4": 3.8645636789296227, "q_0.425": 3.892272226422649, "q_0.45": 3.9845289295109616, "q_0.475": 4.06298111849937, "q_0.5": 4.118197616851171, "q_0.525": 4.1625492107003454, "q_0.55": 4.193999721096671, "q_0.575": 4.3148356410695, "q_0.6": 4.365559434072187, "q_0.625": 4.469221529047629, "q_0.65": 4.521416495656883, "q_0.675": 4.584551555518483, "q_0.7": 4.598676244447554, "q_0.725": 4.667711335355222, "q_0.75": 4.752957362878236, "q_0.775": 4.808528447292236, "q_0.8": 4.911109901880989, "q_0.825": 4.954433805911926, "q_0.85": 5.1235119091523575, "q_0.875": 5.220432147079574, "q_0.9": 5.2667743091875785, "q_0.925": 5.366425487227998, "q_0.95": 5.408225574077972, "q_0.975": 5.5855680330200475, "q_1": 6.242380127117748}, {"x": 13.925570228091237, "y": 4.3290684137821405, "y_true": 2.7679260079186587, "y_pred": 4.131382586341973, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.871306438783182, "q_0.05": 2.9677570284515236, "q_0.075": 3.004943825726753, "q_0.1": 3.1416805831213503, "q_0.125": 3.2023475804836123, "q_0.15": 3.278734707705796, "q_0.175": 3.3081744359429157, "q_0.2": 3.396818774846513, "q_0.225": 3.4671132335920856, "q_0.25": 3.5167201807054154, "q_0.275": 3.5694675885460723, "q_0.3": 3.6406966428255956, "q_0.325": 3.6745321998247378, "q_0.35": 3.729572609585341, "q_0.375": 3.8238489319904967, "q_0.4": 3.8693965820271985, "q_0.425": 3.912983691938516, "q_0.45": 4.008679579573958, "q_0.475": 4.06298111849937, "q_0.5": 4.131382586341973, "q_0.525": 4.1625492107003454, "q_0.55": 4.193999721096671, "q_0.575": 4.3148356410695, "q_0.6": 4.365559434072187, "q_0.625": 4.469221529047629, "q_0.65": 4.521416495656883, "q_0.675": 4.584551555518483, "q_0.7": 4.627724691528132, "q_0.725": 4.667711335355222, "q_0.75": 4.761946363458604, "q_0.775": 4.8189846428564, "q_0.8": 4.911109901880989, "q_0.825": 5.046269926735264, "q_0.85": 5.142663275069371, "q_0.875": 5.228614293242584, "q_0.9": 5.274576374578992, "q_0.925": 5.371496654750119, "q_0.95": 5.50277970168295, "q_0.975": 5.626988860131206, "q_1": 6.242380127117748}, {"x": 13.965586234493799, "y": 5.366425487227998, "y_true": 2.7704355454734038, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.871306438783182, "q_0.05": 2.968623296146495, "q_0.075": 3.04320054346157, "q_0.1": 3.1416805831213503, "q_0.125": 3.2287979460588954, "q_0.15": 3.278734707705796, "q_0.175": 3.3081744359429157, "q_0.2": 3.4109119316117766, "q_0.225": 3.4758467498002674, "q_0.25": 3.5370715451265924, "q_0.275": 3.5694675885460723, "q_0.3": 3.6406966428255956, "q_0.325": 3.6745321998247378, "q_0.35": 3.7309155525253, "q_0.375": 3.8342896220489835, "q_0.4": 3.885407374516176, "q_0.425": 3.912983691938516, "q_0.45": 4.027732258990045, "q_0.475": 4.069835625836726, "q_0.5": 4.140867442851671, "q_0.525": 4.1625492107003454, "q_0.55": 4.193999721096671, "q_0.575": 4.3148356410695, "q_0.6": 4.402495810646449, "q_0.625": 4.487592885175985, "q_0.65": 4.521416495656883, "q_0.675": 4.584934108857597, "q_0.7": 4.627724691528132, "q_0.725": 4.678890956362663, "q_0.75": 4.761946363458604, "q_0.775": 4.8189846428564, "q_0.8": 4.9193045828823845, "q_0.825": 5.046269926735264, "q_0.85": 5.148743240539422, "q_0.875": 5.234352137028019, "q_0.9": 5.274576374578992, "q_0.925": 5.371496654750119, "q_0.95": 5.50277970168295, "q_0.975": 5.632220747720184, "q_1": 6.242380127117748}, {"x": 14.005602240896359, "y": 4.521416495656883, "y_true": 2.772938801011079, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.871306438783182, "q_0.05": 2.968623296146495, "q_0.075": 3.04320054346157, "q_0.1": 3.1416805831213503, "q_0.125": 3.2287979460588954, "q_0.15": 3.278734707705796, "q_0.175": 3.3081744359429157, "q_0.2": 3.4109119316117766, "q_0.225": 3.4758467498002674, "q_0.25": 3.5370715451265924, "q_0.275": 3.5694675885460723, "q_0.3": 3.6406966428255956, "q_0.325": 3.6745321998247378, "q_0.35": 3.7309155525253, "q_0.375": 3.8342896220489835, "q_0.4": 3.885407374516176, "q_0.425": 3.912983691938516, "q_0.45": 4.027732258990045, "q_0.475": 4.069835625836726, "q_0.5": 4.140867442851671, "q_0.525": 4.1625492107003454, "q_0.55": 4.193999721096671, "q_0.575": 4.3148356410695, "q_0.6": 4.402495810646449, "q_0.625": 4.487592885175985, "q_0.65": 4.521416495656883, "q_0.675": 4.584934108857597, "q_0.7": 4.627724691528132, "q_0.725": 4.678890956362663, "q_0.75": 4.761946363458604, "q_0.775": 4.8189846428564, "q_0.8": 4.9193045828823845, "q_0.825": 5.046269926735264, "q_0.85": 5.148743240539422, "q_0.875": 5.234352137028019, "q_0.9": 5.274576374578992, "q_0.925": 5.371496654750119, "q_0.95": 5.50277970168295, "q_0.975": 5.632220747720184, "q_1": 6.242380127117748}, {"x": 14.04561824729892, "y": 2.871306438783182, "y_true": 2.7754358059041726, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.871306438783182, "q_0.05": 2.968623296146495, "q_0.075": 3.04320054346157, "q_0.1": 3.1416805831213503, "q_0.125": 3.2287979460588954, "q_0.15": 3.278734707705796, "q_0.175": 3.3081744359429157, "q_0.2": 3.4109119316117766, "q_0.225": 3.4758467498002674, "q_0.25": 3.5370715451265924, "q_0.275": 3.5694675885460723, "q_0.3": 3.6406966428255956, "q_0.325": 3.6745321998247378, "q_0.35": 3.7309155525253, "q_0.375": 3.8342896220489835, "q_0.4": 3.885407374516176, "q_0.425": 3.912983691938516, "q_0.45": 4.027732258990045, "q_0.475": 4.069835625836726, "q_0.5": 4.140867442851671, "q_0.525": 4.1625492107003454, "q_0.55": 4.193999721096671, "q_0.575": 4.3148356410695, "q_0.6": 4.402495810646449, "q_0.625": 4.487592885175985, "q_0.65": 4.521416495656883, "q_0.675": 4.584934108857597, "q_0.7": 4.627724691528132, "q_0.725": 4.678890956362663, "q_0.75": 4.761946363458604, "q_0.775": 4.8189846428564, "q_0.8": 4.9193045828823845, "q_0.825": 5.046269926735264, "q_0.85": 5.148743240539422, "q_0.875": 5.234352137028019, "q_0.9": 5.274576374578992, "q_0.925": 5.371496654750119, "q_0.95": 5.50277970168295, "q_0.975": 5.632220747720184, "q_1": 6.242380127117748}, {"x": 14.085634253701482, "y": 3.945928162986964, "y_true": 2.7779265912907447, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.871306438783182, "q_0.05": 2.968623296146495, "q_0.075": 3.04320054346157, "q_0.1": 3.1416805831213503, "q_0.125": 3.2287979460588954, "q_0.15": 3.278734707705796, "q_0.175": 3.3081744359429157, "q_0.2": 3.4109119316117766, "q_0.225": 3.4758467498002674, "q_0.25": 3.5370715451265924, "q_0.275": 3.5694675885460723, "q_0.3": 3.6406966428255956, "q_0.325": 3.6745321998247378, "q_0.35": 3.7309155525253, "q_0.375": 3.8342896220489835, "q_0.4": 3.885407374516176, "q_0.425": 3.912983691938516, "q_0.45": 4.027732258990045, "q_0.475": 4.069835625836726, "q_0.5": 4.140867442851671, "q_0.525": 4.1625492107003454, "q_0.55": 4.193999721096671, "q_0.575": 4.3148356410695, "q_0.6": 4.402495810646449, "q_0.625": 4.487592885175985, "q_0.65": 4.521416495656883, "q_0.675": 4.584934108857597, "q_0.7": 4.627724691528132, "q_0.725": 4.678890956362663, "q_0.75": 4.761946363458604, "q_0.775": 4.8189846428564, "q_0.8": 4.9193045828823845, "q_0.825": 5.046269926735264, "q_0.85": 5.148743240539422, "q_0.875": 5.234352137028019, "q_0.9": 5.274576374578992, "q_0.925": 5.371496654750119, "q_0.95": 5.50277970168295, "q_0.975": 5.632220747720184, "q_1": 6.242380127117748}, {"x": 14.125650260104042, "y": 4.165816883231287, "y_true": 2.780411188076759, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.874379228855161, "q_0.05": 2.968623296146495, "q_0.075": 3.04320054346157, "q_0.1": 3.1416805831213503, "q_0.125": 3.252886021784421, "q_0.15": 3.278734707705796, "q_0.175": 3.3081744359429157, "q_0.2": 3.4109119316117766, "q_0.225": 3.4758467498002674, "q_0.25": 3.5440824750994477, "q_0.275": 3.5939174580101216, "q_0.3": 3.6497409378753063, "q_0.325": 3.6958675157093475, "q_0.35": 3.7428206085109315, "q_0.375": 3.8342896220489835, "q_0.4": 3.885407374516176, "q_0.425": 3.9242756478982983, "q_0.45": 4.027732258990045, "q_0.475": 4.069835625836726, "q_0.5": 4.140867442851671, "q_0.525": 4.165816883231287, "q_0.55": 4.193999721096671, "q_0.575": 4.3148356410695, "q_0.6": 4.4097836676209035, "q_0.625": 4.487592885175985, "q_0.65": 4.521416495656883, "q_0.675": 4.584934108857597, "q_0.7": 4.627724691528132, "q_0.725": 4.7102509061059825, "q_0.75": 4.783970333134151, "q_0.775": 4.8345914932497145, "q_0.8": 4.9193045828823845, "q_0.825": 5.046269926735264, "q_0.85": 5.148743240539422, "q_0.875": 5.234352137028019, "q_0.9": 5.301065443389686, "q_0.925": 5.371496654750119, "q_0.95": 5.50277970168295, "q_0.975": 5.636087795068564, "q_1": 6.242380127117748}, {"x": 14.165666266506603, "y": 4.240774505104614, "y_true": 2.7828896269383834, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.8752713291986387, "q_0.05": 2.971201880049892, "q_0.075": 3.1118353636213394, "q_0.1": 3.1778977333904392, "q_0.125": 3.261975420924286, "q_0.15": 3.279100020382263, "q_0.175": 3.3093872703115013, "q_0.2": 3.412938678772533, "q_0.225": 3.4961772522384926, "q_0.25": 3.55521308297961, "q_0.275": 3.6008775686965366, "q_0.3": 3.655817169828787, "q_0.325": 3.726115372945981, "q_0.35": 3.8070959694947897, "q_0.375": 3.8645636789296227, "q_0.4": 3.892272226422649, "q_0.425": 3.9845289295109616, "q_0.45": 4.029958252933678, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.165816883231287, "q_0.55": 4.209113929947946, "q_0.575": 4.3290684137821405, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.6303096697848725, "q_0.725": 4.71165389228335, "q_0.75": 4.807196844362165, "q_0.775": 4.898065250498959, "q_0.8": 4.943530463335117, "q_0.825": 5.1235119091523575, "q_0.85": 5.220432147079574, "q_0.875": 5.2667743091875785, "q_0.9": 5.307878968728166, "q_0.925": 5.381095740590758, "q_0.95": 5.528362067750777, "q_0.975": 5.688110136034942, "q_1": 6.242380127117748}, {"x": 14.205682272909165, "y": 4.639886941915621, "y_true": 2.7853619383242623, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.8752713291986387, "q_0.05": 2.971201880049892, "q_0.075": 3.1118353636213394, "q_0.1": 3.1778977333904392, "q_0.125": 3.261975420924286, "q_0.15": 3.279100020382263, "q_0.175": 3.3093872703115013, "q_0.2": 3.412938678772533, "q_0.225": 3.4961772522384926, "q_0.25": 3.55521308297961, "q_0.275": 3.6008775686965366, "q_0.3": 3.6497409378753063, "q_0.325": 3.726115372945981, "q_0.35": 3.8070959694947897, "q_0.375": 3.8645636789296227, "q_0.4": 3.892272226422649, "q_0.425": 3.9845289295109616, "q_0.45": 4.029958252933678, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.165816883231287, "q_0.55": 4.200888205559467, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.5354805799677065, "q_0.675": 4.5894350717899695, "q_0.7": 4.6303096697848725, "q_0.725": 4.71165389228335, "q_0.75": 4.807196844362165, "q_0.775": 4.898065250498959, "q_0.8": 4.943530463335117, "q_0.825": 5.1235119091523575, "q_0.85": 5.220432147079574, "q_0.875": 5.2667743091875785, "q_0.9": 5.307878968728166, "q_0.925": 5.381095740590758, "q_0.95": 5.528362067750777, "q_0.975": 5.688110136034942, "q_1": 6.242380127117748}, {"x": 14.245698279311725, "y": 3.5440824750994477, "y_true": 2.787828152457761, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.8752713291986387, "q_0.05": 2.971201880049892, "q_0.075": 3.1118353636213394, "q_0.1": 3.1778977333904392, "q_0.125": 3.261975420924286, "q_0.15": 3.279100020382263, "q_0.175": 3.3093872703115013, "q_0.2": 3.412938678772533, "q_0.225": 3.4961772522384926, "q_0.25": 3.55521308297961, "q_0.275": 3.6008775686965366, "q_0.3": 3.6497409378753063, "q_0.325": 3.726115372945981, "q_0.35": 3.8070959694947897, "q_0.375": 3.8645636789296227, "q_0.4": 3.892272226422649, "q_0.425": 3.9845289295109616, "q_0.45": 4.029958252933678, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.165816883231287, "q_0.55": 4.200888205559467, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.5354805799677065, "q_0.675": 4.5894350717899695, "q_0.7": 4.6303096697848725, "q_0.725": 4.71165389228335, "q_0.75": 4.807196844362165, "q_0.775": 4.898065250498959, "q_0.8": 4.943530463335117, "q_0.825": 5.1235119091523575, "q_0.85": 5.220432147079574, "q_0.875": 5.2667743091875785, "q_0.9": 5.307878968728166, "q_0.925": 5.381095740590758, "q_0.95": 5.528362067750777, "q_0.975": 5.688110136034942, "q_1": 6.242380127117748}, {"x": 14.285714285714286, "y": 3.1416805831213503, "y_true": 2.790288299339182, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.8752713291986387, "q_0.05": 2.971201880049892, "q_0.075": 3.1118353636213394, "q_0.1": 3.1778977333904392, "q_0.125": 3.261975420924286, "q_0.15": 3.279100020382263, "q_0.175": 3.3093872703115013, "q_0.2": 3.412938678772533, "q_0.225": 3.4961772522384926, "q_0.25": 3.55521308297961, "q_0.275": 3.6008775686965366, "q_0.3": 3.6497409378753063, "q_0.325": 3.726115372945981, "q_0.35": 3.8070959694947897, "q_0.375": 3.8645636789296227, "q_0.4": 3.892272226422649, "q_0.425": 3.9845289295109616, "q_0.45": 4.029958252933678, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.165816883231287, "q_0.55": 4.200888205559467, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.5354805799677065, "q_0.675": 4.5894350717899695, "q_0.7": 4.6303096697848725, "q_0.725": 4.71165389228335, "q_0.75": 4.807196844362165, "q_0.775": 4.898065250498959, "q_0.8": 4.943530463335117, "q_0.825": 5.1235119091523575, "q_0.85": 5.220432147079574, "q_0.875": 5.2667743091875785, "q_0.9": 5.307878968728166, "q_0.925": 5.381095740590758, "q_0.95": 5.528362067750777, "q_0.975": 5.688110136034942, "q_1": 6.242380127117748}, {"x": 14.325730292116848, "y": 3.8645636789296227, "y_true": 2.7927424087479573, "y_pred": 4.142786519563793, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.8752713291986387, "q_0.05": 2.998695503122546, "q_0.075": 3.1118353636213394, "q_0.1": 3.1826983980540335, "q_0.125": 3.267402534811233, "q_0.15": 3.301867099225344, "q_0.175": 3.314615806477712, "q_0.2": 3.4658397344054217, "q_0.225": 3.4973687741546082, "q_0.25": 3.5694675885460723, "q_0.275": 3.6008775686965366, "q_0.3": 3.6661062176696593, "q_0.325": 3.729572609585341, "q_0.35": 3.8091914719569306, "q_0.375": 3.8645636789296227, "q_0.4": 3.9045822653151347, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.142786519563793, "q_0.525": 4.165816883231287, "q_0.55": 4.225897014990431, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.487592885175985, "q_0.65": 4.553734053729181, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.808528447292236, "q_0.775": 4.911109901880989, "q_0.8": 5.046269926735264, "q_0.825": 5.142663275069371, "q_0.85": 5.228614293242584, "q_0.875": 5.2667743091875785, "q_0.9": 5.366425487227998, "q_0.925": 5.402319596127429, "q_0.95": 5.528362067750777, "q_0.975": 5.688110136034942, "q_1": 6.242380127117748}, {"x": 14.365746298519408, "y": 5.408225574077972, "y_true": 2.7951905102448076, "y_pred": 4.142786519563793, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.8752713291986387, "q_0.05": 3.004943825726753, "q_0.075": 3.1167929555434855, "q_0.1": 3.196977400510694, "q_0.125": 3.278734707705796, "q_0.15": 3.301867099225344, "q_0.175": 3.314615806477712, "q_0.2": 3.4671132335920856, "q_0.225": 3.5167201807054154, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6661062176696593, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.9113792226808037, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.142786519563793, "q_0.525": 4.173175410950672, "q_0.55": 4.229787797704703, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.487592885175985, "q_0.65": 4.553734053729181, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.808528447292236, "q_0.775": 4.911109901880989, "q_0.8": 5.046269926735264, "q_0.825": 5.146887050752741, "q_0.85": 5.228614293242584, "q_0.875": 5.274576374578992, "q_0.9": 5.366425487227998, "q_0.925": 5.408225574077972, "q_0.95": 5.528362067750777, "q_0.975": 5.688110136034942, "q_1": 6.242380127117748}, {"x": 14.40576230492197, "y": 3.3093872703115013, "y_true": 2.797632633173881, "y_pred": 4.142786519563793, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.8752713291986387, "q_0.05": 3.004943825726753, "q_0.075": 3.1167929555434855, "q_0.1": 3.196977400510694, "q_0.125": 3.278734707705796, "q_0.15": 3.301867099225344, "q_0.175": 3.314615806477712, "q_0.2": 3.4671132335920856, "q_0.225": 3.5167201807054154, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6661062176696593, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.9113792226808037, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.142786519563793, "q_0.525": 4.173175410950672, "q_0.55": 4.229787797704703, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.487592885175985, "q_0.65": 4.553734053729181, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.808528447292236, "q_0.775": 4.911109901880989, "q_0.8": 5.046269926735264, "q_0.825": 5.146887050752741, "q_0.85": 5.228614293242584, "q_0.875": 5.274576374578992, "q_0.9": 5.366425487227998, "q_0.925": 5.408225574077972, "q_0.95": 5.528362067750777, "q_0.975": 5.688110136034942, "q_1": 6.242380127117748}, {"x": 14.44577831132453, "y": 5.274576374578992, "y_true": 2.8000688066648634, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.485794317727091, "y": 4.292485548550159, "y_true": 2.802499059635062, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.525810324129653, "y": 4.05800474062702, "y_true": 2.804923420791467, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.565826330532213, "y": 5.228614293242584, "y_true": 2.8073419186327833, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.605842336934774, "y": 4.069835625836726, "y_true": 2.809754581451444, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.645858343337336, "y": 4.803771789890052, "y_true": 2.812161437335593, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.685874349739896, "y": 3.912983691938516, "y_true": 2.8145625141710493, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.725890356142457, "y": 5.307878968728166, "y_true": 2.816957839643244, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.765906362545019, "y": 4.722332793726734, "y_true": 2.819347441239138, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.805922368947579, "y": 4.752957362878236, "y_true": 2.821731346249111, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.84593837535014, "y": 3.729572609585341, "y_true": 2.8241095817688353, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.885954381752702, "y": 4.9193045828823845, "y_true": 2.826482174701121, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.925970388155262, "y": 4.5894350717899695, "y_true": 2.8288491517577428, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.965986394557824, "y": 3.4961772522384926, "y_true": 2.8312105394612455, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.006002400960385, "y": 3.278734707705796, "y_true": 2.833566364146725, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.046018407362945, "y": 5.046269926735264, "y_true": 2.835916651963593, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.086034413765507, "y": 5.50277970168295, "y_true": 2.838261428877317, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.126050420168069, "y": 4.114426410309593, "y_true": 2.8406007206711408, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.166066426570628, "y": 4.487592885175985, "y_true": 2.842934552947788, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.20608243297319, "y": 5.234352137028019, "y_true": 2.845262951131141, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.246098439375752, "y": 4.122257617769244, "y_true": 2.847585940467904, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.286114445778312, "y": 5.505931149616502, "y_true": 2.849903546029246, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.326130452180873, "y": 4.460154591907973, "y_true": 2.8522157927124234, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.366146458583433, "y": 5.148743240539422, "y_true": 2.8545227052423834, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.406162464985995, "y": 5.399457320990901, "y_true": 2.856824308173354, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.446178471388556, "y": 5.142663275069371, "y_true": 2.8591206258904083, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.486194477791116, "y": 3.3081744359429157, "y_true": 2.861411682611018, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.526210484193678, "y": 4.627724691528132, "y_true": 2.863697502386583, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.56622649059624, "y": 3.9845289295109616, "y_true": 2.8659781091039487, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.6062424969988, "y": 3.044463041960935, "y_true": 2.8682535264869022, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.646258503401361, "y": 4.06298111849937, "y_true": 2.870523778097653, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.686274509803923, "y": 3.6008775686965366, "y_true": 2.872788887338298, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.726290516206483, "y": 5.2667743091875785, "y_true": 2.8750488774522682, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.766306522609044, "y": 2.971201880049892, "y_true": 2.87730377152576, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.806322529011606, "y": 5.5855680330200475, "y_true": 2.8795535924891507, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.846338535414166, "y": 3.885407374516176, "y_true": 2.881798363118396, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.886354541816727, "y": 3.892272226422649, "y_true": 2.8840381060364155, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.926370548219289, "y": 2.9324641007110412, "y_true": 2.886272843714459, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.966386554621849, "y": 3.412938678772533, "y_true": 2.8885025984734614, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.00640256102441, "y": 4.027732258990045, "y_true": 2.8907273924853762, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.046418567426972, "y": 5.528362067750777, "y_true": 2.8929472477745044, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.086434573829532, "y": 3.1778977333904392, "y_true": 2.8951621862187973, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.126450580232092, "y": 5.582618534061875, "y_true": 2.897372229551153, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.166466586634655, "y": 5.371496654750119, "y_true": 2.899577399360695, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.206482593037215, "y": 4.193999721096671, "y_true": 2.901777717094038, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.246498599439775, "y": 3.8342896220489835, "y_true": 2.90397320405654, "y_pred": 4.142786519563793, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.9092467288491344, "q_0.05": 3.004943825726753, "q_0.075": 3.1347141092104986, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.8693965820271985, "q_0.4": 3.912983691938516, "q_0.425": 3.999623085800325, "q_0.45": 4.06298111849937, "q_0.475": 4.114426410309593, "q_0.5": 4.142786519563793, "q_0.525": 4.179511356570599, "q_0.55": 4.229787797704703, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.487592885175985, "q_0.65": 4.553734053729181, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.046269926735264, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.28651460584234, "y": 3.5694675885460723, "y_true": 2.9061638814135375, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.960696216243868, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2239329197299758, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.3265306122449, "y": 4.6609499014317555, "y_true": 2.908349770191573, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.960696216243868, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2239329197299758, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.366546618647458, "y": 3.004943825726753, "y_true": 2.9105308912796044, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.960696216243868, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2239329197299758, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.40656262505002, "y": 2.957291408469296, "y_true": 2.9127072654302033, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.960696216243868, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2239329197299758, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.44657863145258, "y": 4.140867442851671, "y_true": 2.9148789132607376, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.960696216243868, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2239329197299758, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.48659463785514, "y": 3.1118353636213394, "y_true": 2.9170458552545466, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.9677570284515236, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2336155612040027, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.526610644257705, "y": 3.6406966428255956, "y_true": 2.919208111762099, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.9677570284515236, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2336155612040027, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.566626650660265, "y": 3.55521308297961, "y_true": 2.921365703002138, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.9677570284515236, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2336155612040027, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.606642657062824, "y": 3.6497409378753063, "y_true": 2.923518649062818, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.9677570284515236, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2336155612040027, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.646658663465388, "y": 3.301867099225344, "y_true": 2.925666969902826, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.9677570284515236, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2336155612040027, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.686674669867948, "y": 2.9623884850603757, "y_true": 2.927810685352491, "y_pred": 4.142786519563793, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.9677570284515236, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.252886021784421, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.8693965820271985, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.142786519563793, "q_0.525": 4.179511356570599, "q_0.55": 4.225897014990431, "q_0.575": 4.3290684137821405, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.553734053729181, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8345914932497145, "q_0.775": 4.9193045828823845, "q_0.8": 5.074047614891026, "q_0.825": 5.203515163590286, "q_0.85": 5.2470244104838155, "q_0.875": 5.301821570548665, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.726690676270508, "y": 3.261975420924286, "y_true": 2.929949815114883, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.9677570284515236, "q_0.05": 3.04320054346157, "q_0.075": 3.1416805831213503, "q_0.1": 3.2529557651755714, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4961772522384926, "q_0.225": 3.55521308297961, "q_0.25": 3.6008775686965366, "q_0.275": 3.6497409378753063, "q_0.3": 3.6958675157093475, "q_0.325": 3.7428206085109315, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.487592885175985, "q_0.65": 4.569452698793235, "q_0.675": 4.627724691528132, "q_0.7": 4.7102509061059825, "q_0.725": 4.778676612210022, "q_0.75": 4.898065250498959, "q_0.775": 4.943530463335117, "q_0.8": 5.142663275069371, "q_0.825": 5.220432147079574, "q_0.85": 5.2667743091875785, "q_0.875": 5.307878968728166, "q_0.9": 5.381095740590758, "q_0.925": 5.50277970168295, "q_0.95": 5.626988860131206, "q_0.975": 5.790336695635354, "q_1": 6.599518656870281}, {"x": 16.76670668267307, "y": 4.71165389228335, "y_true": 2.9320843787668998, "y_pred": 4.287968664437169, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 3.004943825726753, "q_0.05": 3.1778977333904392, "q_0.075": 3.261975420924286, "q_0.1": 3.301867099225344, "q_0.125": 3.4109119316117766, "q_0.15": 3.4961772522384926, "q_0.175": 3.5440824750994477, "q_0.2": 3.6176363298258356, "q_0.225": 3.6661062176696593, "q_0.25": 3.729572609585341, "q_0.275": 3.78425267544463, "q_0.3": 3.8432099046545245, "q_0.325": 3.885407374516176, "q_0.35": 3.936839014505173, "q_0.375": 4.027732258990045, "q_0.4": 4.06298111849937, "q_0.425": 4.131382586341973, "q_0.45": 4.1625492107003454, "q_0.475": 4.193999721096671, "q_0.5": 4.287968664437169, "q_0.525": 4.3290684137821405, "q_0.55": 4.430984381976515, "q_0.575": 4.487592885175985, "q_0.6": 4.569452698793235, "q_0.625": 4.627724691528132, "q_0.65": 4.71165389228335, "q_0.675": 4.778676612210029, "q_0.7": 4.896547077857406, "q_0.725": 4.950424417897871, "q_0.75": 5.142663275069371, "q_0.775": 5.220432147079574, "q_0.8": 5.2667743091875785, "q_0.825": 5.336697389489906, "q_0.85": 5.383242435781614, "q_0.875": 5.50277970168295, "q_0.9": 5.626988860131206, "q_0.925": 5.739659267521479, "q_0.95": 5.841440913742378, "q_0.975": 6.03586784484234, "q_1": 6.798118186971974}, {"x": 16.80672268907563, "y": 5.739659267521479, "y_true": 2.9342143957603413, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 3.1118353636213394, "q_0.05": 3.1993939814985075, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4671132335920856, "q_0.15": 3.5288513853630223, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.6958675157093475, "q_0.25": 3.7428206085109315, "q_0.275": 3.8238489319904967, "q_0.3": 3.8693965820271985, "q_0.325": 3.912983691938516, "q_0.35": 4.008679579573958, "q_0.375": 4.036485823112227, "q_0.4": 4.118197616851171, "q_0.425": 4.142786519563793, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.3969663939127726, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.5894350717899695, "q_0.625": 4.71165389228335, "q_0.65": 4.755115878250611, "q_0.675": 4.885721790323394, "q_0.7": 4.934866341810061, "q_0.725": 5.098424890837123, "q_0.75": 5.203515163590286, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.371496654750119, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.858069295852243, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 16.84673869547819, "y": 5.790336695635354, "y_true": 2.936339885422974, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 16.886754701880754, "y": 4.118197616851171, "y_true": 2.9384608669595824, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 16.926770708283314, "y": 3.4109119316117766, "y_true": 2.9405773594530107, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 16.966786714685874, "y": 4.787768604618933, "y_true": 2.9426893818651925, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 17.006802721088437, "y": 4.36214694502621, "y_true": 2.944796953038171, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 17.046818727490997, "y": 5.8092323226734965, "y_true": 2.9469000916951056, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 17.086834733893557, "y": 3.138066532419398, "y_true": 2.948998816441273, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 17.12685074029612, "y": 5.220432147079574, "y_true": 2.9510931457650518, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 17.16686674669868, "y": 3.789423215510584, "y_true": 2.9531830980389016, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 17.20688275310124, "y": 3.655817169828787, "y_true": 2.9552686915203292, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 17.246898759503804, "y": 4.881259996735652, "y_true": 2.9573499443528464, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 17.286914765906364, "y": 3.6745321998247378, "y_true": 2.959426874566915, "y_pred": 4.3290684137821405, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6072760534299473, "q_0.2": 3.6661062176696593, "q_0.225": 3.729572609585341, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.885407374516176, "q_0.325": 3.936839014505173, "q_0.35": 4.016424591290319, "q_0.375": 4.057949921677107, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.193999721096671, "q_0.475": 4.242694663487959, "q_0.5": 4.3290684137821405, "q_0.525": 4.4097836676209035, "q_0.55": 4.473660885725792, "q_0.575": 4.541027179576249, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.896547077857406, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.250238965484575, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408851359265172, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 17.326930772308923, "y": 4.898065250498959, "y_true": 2.9614995000808872, "y_pred": 4.36214694502621, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1167929555434855, "q_0.05": 3.2239329197299758, "q_0.075": 3.279100020382263, "q_0.1": 3.4109119316117766, "q_0.125": 3.477387628605698, "q_0.15": 3.5440824750994477, "q_0.175": 3.6406966428255956, "q_0.2": 3.6745321998247378, "q_0.225": 3.7309155525253, "q_0.25": 3.8070959694947897, "q_0.275": 3.8432099046545245, "q_0.3": 3.892272226422649, "q_0.325": 3.936985109287485, "q_0.35": 4.027732258990045, "q_0.375": 4.069835625836726, "q_0.4": 4.131382586341973, "q_0.425": 4.173036624306573, "q_0.45": 4.200888205559467, "q_0.475": 4.292485548550159, "q_0.5": 4.36214694502621, "q_0.525": 4.430984381976515, "q_0.55": 4.487592885175985, "q_0.575": 4.575934724528623, "q_0.6": 4.636192778120208, "q_0.625": 4.72483394521576, "q_0.65": 4.808528447292236, "q_0.675": 4.898065250498959, "q_0.7": 5.028023342034318, "q_0.725": 5.148743240539422, "q_0.75": 5.220432147079574, "q_0.775": 5.2667743091875785, "q_0.8": 5.336697389489906, "q_0.825": 5.383242435781614, "q_0.85": 5.50277970168295, "q_0.875": 5.626988860131206, "q_0.9": 5.737732678435663, "q_0.925": 5.793534138012153, "q_0.95": 5.921469300691284, "q_0.975": 6.117099521421366, "q_1": 6.912706312096574}, {"x": 17.366946778711487, "y": 4.469221529047629, "y_true": 2.963567838701931, "y_pred": 4.36214694502621, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1167929555434855, "q_0.05": 3.2239329197299758, "q_0.075": 3.279100020382263, "q_0.1": 3.4109119316117766, "q_0.125": 3.4961772522384926, "q_0.15": 3.5440824750994477, "q_0.175": 3.6406966428255956, "q_0.2": 3.6745321998247378, "q_0.225": 3.7309155525253, "q_0.25": 3.8070959694947897, "q_0.275": 3.8432099046545245, "q_0.3": 3.8947475521088504, "q_0.325": 3.936985109287485, "q_0.35": 4.027732258990045, "q_0.375": 4.069835625836726, "q_0.4": 4.131382586341973, "q_0.425": 4.173175410950672, "q_0.45": 4.200888205559467, "q_0.475": 4.292485548550159, "q_0.5": 4.36214694502621, "q_0.525": 4.432691464669937, "q_0.55": 4.487592885175985, "q_0.575": 4.584551555518483, "q_0.6": 4.636192778120208, "q_0.625": 4.725392345301849, "q_0.65": 4.808528447292236, "q_0.675": 4.911074061617013, "q_0.7": 5.028023342034318, "q_0.725": 5.148743240539422, "q_0.75": 5.220432147079574, "q_0.775": 5.2667743091875785, "q_0.8": 5.3509524223356895, "q_0.825": 5.386612467019537, "q_0.85": 5.50277970168295, "q_0.875": 5.626988860131206, "q_0.9": 5.737732678435663, "q_0.925": 5.793534138012153, "q_0.95": 5.921469300691284, "q_0.975": 6.117099521421366, "q_1": 6.912706312096574}, {"x": 17.406962785114047, "y": 4.200888205559467, "y_true": 2.965631908126947, "y_pred": 4.36214694502621, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1167929555434855, "q_0.05": 3.2239329197299758, "q_0.075": 3.301867099225344, "q_0.1": 3.4109119316117766, "q_0.125": 3.4961772522384926, "q_0.15": 3.55521308297961, "q_0.175": 3.6497409378753063, "q_0.2": 3.6745321998247378, "q_0.225": 3.731146240479181, "q_0.25": 3.8070959694947897, "q_0.275": 3.8522930960504125, "q_0.3": 3.9045822653151347, "q_0.325": 3.9390573426093383, "q_0.35": 4.029958252933678, "q_0.375": 4.092302528219274, "q_0.4": 4.132369506939863, "q_0.425": 4.173175410950672, "q_0.45": 4.200888205559467, "q_0.475": 4.306813298062806, "q_0.5": 4.36214694502621, "q_0.525": 4.460154591907973, "q_0.55": 4.487592885175985, "q_0.575": 4.584551555518483, "q_0.6": 4.639886941915621, "q_0.625": 4.750636583013389, "q_0.65": 4.8166207162838575, "q_0.675": 4.911109901880989, "q_0.7": 5.046269926735264, "q_0.725": 5.175976092671058, "q_0.75": 5.220432147079574, "q_0.775": 5.274576374578992, "q_0.8": 5.355259507868923, "q_0.825": 5.386612467019537, "q_0.85": 5.528362067750777, "q_0.875": 5.636087795068564, "q_0.9": 5.737732678435663, "q_0.925": 5.793534138012153, "q_0.95": 5.921469300691284, "q_0.975": 6.117099521421366, "q_1": 6.912706312096574}, {"x": 17.446978791516607, "y": 4.584551555518483, "y_true": 2.9676917259434807, "y_pred": 4.36214694502621, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1167929555434855, "q_0.05": 3.2239329197299758, "q_0.075": 3.301867099225344, "q_0.1": 3.4109119316117766, "q_0.125": 3.4961772522384926, "q_0.15": 3.55521308297961, "q_0.175": 3.6497409378753063, "q_0.2": 3.6745321998247378, "q_0.225": 3.731146240479181, "q_0.25": 3.8070959694947897, "q_0.275": 3.8522930960504125, "q_0.3": 3.9045822653151347, "q_0.325": 3.9390573426093383, "q_0.35": 4.029958252933678, "q_0.375": 4.092302528219274, "q_0.4": 4.132369506939863, "q_0.425": 4.173175410950672, "q_0.45": 4.200888205559467, "q_0.475": 4.306813298062806, "q_0.5": 4.36214694502621, "q_0.525": 4.460154591907973, "q_0.55": 4.487592885175985, "q_0.575": 4.584551555518483, "q_0.6": 4.639886941915621, "q_0.625": 4.750636583013389, "q_0.65": 4.8166207162838575, "q_0.675": 4.911109901880989, "q_0.7": 5.046269926735264, "q_0.725": 5.175976092671058, "q_0.75": 5.220432147079574, "q_0.775": 5.274576374578992, "q_0.8": 5.355259507868923, "q_0.825": 5.386612467019537, "q_0.85": 5.528362067750777, "q_0.875": 5.636087795068564, "q_0.9": 5.737732678435663, "q_0.925": 5.793534138012153, "q_0.95": 5.921469300691284, "q_0.975": 6.117099521421366, "q_1": 6.912706312096574}, {"x": 17.48699479791917, "y": 3.8070959694947897, "y_true": 2.9697473096306184, "y_pred": 4.36214694502621, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1167929555434855, "q_0.05": 3.2239329197299758, "q_0.075": 3.301867099225344, "q_0.1": 3.4109119316117766, "q_0.125": 3.4961772522384926, "q_0.15": 3.55521308297961, "q_0.175": 3.6497409378753063, "q_0.2": 3.6745321998247378, "q_0.225": 3.731146240479181, "q_0.25": 3.8070959694947897, "q_0.275": 3.8522930960504125, "q_0.3": 3.9045822653151347, "q_0.325": 3.9390573426093383, "q_0.35": 4.029958252933678, "q_0.375": 4.092302528219274, "q_0.4": 4.132369506939863, "q_0.425": 4.173175410950672, "q_0.45": 4.200888205559467, "q_0.475": 4.306813298062806, "q_0.5": 4.36214694502621, "q_0.525": 4.460154591907973, "q_0.55": 4.487592885175985, "q_0.575": 4.584551555518483, "q_0.6": 4.639886941915621, "q_0.625": 4.750636583013389, "q_0.65": 4.8166207162838575, "q_0.675": 4.911109901880989, "q_0.7": 5.046269926735264, "q_0.725": 5.175976092671058, "q_0.75": 5.220432147079574, "q_0.775": 5.274576374578992, "q_0.8": 5.355259507868923, "q_0.825": 5.386612467019537, "q_0.85": 5.528362067750777, "q_0.875": 5.636087795068564, "q_0.9": 5.737732678435663, "q_0.925": 5.793534138012153, "q_0.95": 5.921469300691284, "q_0.975": 6.117099521421366, "q_1": 6.912706312096574}, {"x": 17.52701080432173, "y": 5.034452551965099, "y_true": 2.971798676559878, "y_pred": 4.36214694502621, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1167929555434855, "q_0.05": 3.2239329197299758, "q_0.075": 3.301867099225344, "q_0.1": 3.4109119316117766, "q_0.125": 3.4961772522384926, "q_0.15": 3.55521308297961, "q_0.175": 3.6497409378753063, "q_0.2": 3.6745321998247378, "q_0.225": 3.731146240479181, "q_0.25": 3.8070959694947897, "q_0.275": 3.8522930960504125, "q_0.3": 3.9045822653151347, "q_0.325": 3.9390573426093383, "q_0.35": 4.029958252933678, "q_0.375": 4.092302528219274, "q_0.4": 4.132369506939863, "q_0.425": 4.173175410950672, "q_0.45": 4.200888205559467, "q_0.475": 4.306813298062806, "q_0.5": 4.36214694502621, "q_0.525": 4.460154591907973, "q_0.55": 4.487592885175985, "q_0.575": 4.584551555518483, "q_0.6": 4.639886941915621, "q_0.625": 4.750636583013389, "q_0.65": 4.8166207162838575, "q_0.675": 4.911109901880989, "q_0.7": 5.046269926735264, "q_0.725": 5.175976092671058, "q_0.75": 5.220432147079574, "q_0.775": 5.274576374578992, "q_0.8": 5.355259507868923, "q_0.825": 5.386612467019537, "q_0.85": 5.528362067750777, "q_0.875": 5.636087795068564, "q_0.9": 5.737732678435663, "q_0.925": 5.793534138012153, "q_0.95": 5.921469300691284, "q_0.975": 6.117099521421366, "q_1": 6.912706312096574}, {"x": 17.56702681072429, "y": 4.185803414891856, "y_true": 2.9738458439960906, "y_pred": 4.36214694502621, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1167929555434855, "q_0.05": 3.2239329197299758, "q_0.075": 3.301867099225344, "q_0.1": 3.4109119316117766, "q_0.125": 3.4961772522384926, "q_0.15": 3.55521308297961, "q_0.175": 3.6497409378753063, "q_0.2": 3.6745321998247378, "q_0.225": 3.731146240479181, "q_0.25": 3.8070959694947897, "q_0.275": 3.8522930960504125, "q_0.3": 3.9045822653151347, "q_0.325": 3.9390573426093383, "q_0.35": 4.029958252933678, "q_0.375": 4.092302528219274, "q_0.4": 4.132369506939863, "q_0.425": 4.173175410950672, "q_0.45": 4.200888205559467, "q_0.475": 4.306813298062806, "q_0.5": 4.36214694502621, "q_0.525": 4.460154591907973, "q_0.55": 4.487592885175985, "q_0.575": 4.584551555518483, "q_0.6": 4.639886941915621, "q_0.625": 4.750636583013389, "q_0.65": 4.8166207162838575, "q_0.675": 4.911109901880989, "q_0.7": 5.046269926735264, "q_0.725": 5.175976092671058, "q_0.75": 5.220432147079574, "q_0.775": 5.274576374578992, "q_0.8": 5.355259507868923, "q_0.825": 5.386612467019537, "q_0.85": 5.528362067750777, "q_0.875": 5.636087795068564, "q_0.9": 5.737732678435663, "q_0.925": 5.793534138012153, "q_0.95": 5.921469300691284, "q_0.975": 6.117099521421366, "q_1": 6.912706312096574}, {"x": 17.607042817126853, "y": 4.029958252933678, "y_true": 2.9758888290982717, "y_pred": 4.36214694502621, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1167929555434855, "q_0.05": 3.2239329197299758, "q_0.075": 3.301867099225344, "q_0.1": 3.4109119316117766, "q_0.125": 3.4961772522384926, "q_0.15": 3.55521308297961, "q_0.175": 3.6497409378753063, "q_0.2": 3.6745321998247378, "q_0.225": 3.731146240479181, "q_0.25": 3.8070959694947897, "q_0.275": 3.8522930960504125, "q_0.3": 3.9045822653151347, "q_0.325": 3.9390573426093383, "q_0.35": 4.029958252933678, "q_0.375": 4.092302528219274, "q_0.4": 4.132369506939863, "q_0.425": 4.173175410950672, "q_0.45": 4.200888205559467, "q_0.475": 4.306813298062806, "q_0.5": 4.36214694502621, "q_0.525": 4.460154591907973, "q_0.55": 4.487592885175985, "q_0.575": 4.584551555518483, "q_0.6": 4.639886941915621, "q_0.625": 4.750636583013389, "q_0.65": 4.8166207162838575, "q_0.675": 4.911109901880989, "q_0.7": 5.046269926735264, "q_0.725": 5.175976092671058, "q_0.75": 5.220432147079574, "q_0.775": 5.274576374578992, "q_0.8": 5.355259507868923, "q_0.825": 5.386612467019537, "q_0.85": 5.528362067750777, "q_0.875": 5.636087795068564, "q_0.9": 5.737732678435663, "q_0.925": 5.793534138012153, "q_0.95": 5.921469300691284, "q_0.975": 6.117099521421366, "q_1": 6.912706312096574}, {"x": 17.647058823529413, "y": 5.402319596127429, "y_true": 2.9779276489204842, "y_pred": 4.4006738464028325, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1416805831213503, "q_0.05": 3.2529557651755714, "q_0.075": 3.3081744359429157, "q_0.1": 3.412938678772533, "q_0.125": 3.5128745437220785, "q_0.15": 3.5694675885460723, "q_0.175": 3.655817169828787, "q_0.2": 3.6958675157093475, "q_0.225": 3.7428206085109315, "q_0.25": 3.8238489319904967, "q_0.275": 3.8693965820271985, "q_0.3": 3.912983691938516, "q_0.325": 4.008679579573958, "q_0.35": 4.036485823112227, "q_0.375": 4.118197616851171, "q_0.4": 4.153701107600792, "q_0.425": 4.185803414891856, "q_0.45": 4.229787797704703, "q_0.475": 4.317471278544529, "q_0.5": 4.4006738464028325, "q_0.525": 4.469221529047629, "q_0.55": 4.5354805799677065, "q_0.575": 4.6137686088177094, "q_0.6": 4.71165389228335, "q_0.625": 4.771997812919494, "q_0.65": 4.885721790323394, "q_0.675": 4.943530463335117, "q_0.7": 5.1235119091523575, "q_0.725": 5.203515163590286, "q_0.75": 5.2470244104838155, "q_0.775": 5.301821570548665, "q_0.8": 5.371496654750119, "q_0.825": 5.402319596127429, "q_0.85": 5.533933880357063, "q_0.875": 5.6570912498687855, "q_0.9": 5.739659267521479, "q_0.925": 5.841440913742378, "q_0.95": 5.923190597868797, "q_0.975": 6.122592326270759, "q_1": 6.912706312096574}, {"x": 17.687074829931973, "y": 5.688110136034942, "y_true": 2.979962320412693, "y_pred": 4.4006738464028325, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1416805831213503, "q_0.05": 3.2529557651755714, "q_0.075": 3.3081744359429157, "q_0.1": 3.412938678772533, "q_0.125": 3.5128745437220785, "q_0.15": 3.5694675885460723, "q_0.175": 3.655817169828787, "q_0.2": 3.6958675157093475, "q_0.225": 3.7428206085109315, "q_0.25": 3.8238489319904967, "q_0.275": 3.8693965820271985, "q_0.3": 3.912983691938516, "q_0.325": 4.008679579573958, "q_0.35": 4.036485823112227, "q_0.375": 4.118197616851171, "q_0.4": 4.153701107600792, "q_0.425": 4.185803414891856, "q_0.45": 4.229787797704703, "q_0.475": 4.317471278544529, "q_0.5": 4.4006738464028325, "q_0.525": 4.469221529047629, "q_0.55": 4.5354805799677065, "q_0.575": 4.6137686088177094, "q_0.6": 4.71165389228335, "q_0.625": 4.771997812919494, "q_0.65": 4.885721790323394, "q_0.675": 4.943530463335117, "q_0.7": 5.1235119091523575, "q_0.725": 5.203515163590286, "q_0.75": 5.2470244104838155, "q_0.775": 5.301821570548665, "q_0.8": 5.371496654750119, "q_0.825": 5.402319596127429, "q_0.85": 5.533933880357063, "q_0.875": 5.6570912498687855, "q_0.9": 5.739659267521479, "q_0.925": 5.841440913742378, "q_0.95": 5.923190597868797, "q_0.975": 6.122592326270759, "q_1": 6.912706312096574}, {"x": 17.727090836334533, "y": 3.1167929555434855, "y_true": 2.981992860421609, "y_pred": 4.4006738464028325, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1416805831213503, "q_0.05": 3.2529557651755714, "q_0.075": 3.3081744359429157, "q_0.1": 3.412938678772533, "q_0.125": 3.5128745437220785, "q_0.15": 3.5694675885460723, "q_0.175": 3.655817169828787, "q_0.2": 3.6958675157093475, "q_0.225": 3.7428206085109315, "q_0.25": 3.8238489319904967, "q_0.275": 3.8693965820271985, "q_0.3": 3.912983691938516, "q_0.325": 4.008679579573958, "q_0.35": 4.036485823112227, "q_0.375": 4.118197616851171, "q_0.4": 4.153701107600792, "q_0.425": 4.185803414891856, "q_0.45": 4.229787797704703, "q_0.475": 4.317471278544529, "q_0.5": 4.4006738464028325, "q_0.525": 4.469221529047629, "q_0.55": 4.5354805799677065, "q_0.575": 4.6137686088177094, "q_0.6": 4.71165389228335, "q_0.625": 4.771997812919494, "q_0.65": 4.885721790323394, "q_0.675": 4.943530463335117, "q_0.7": 5.1235119091523575, "q_0.725": 5.203515163590286, "q_0.75": 5.2470244104838155, "q_0.775": 5.301821570548665, "q_0.8": 5.371496654750119, "q_0.825": 5.402319596127429, "q_0.85": 5.533933880357063, "q_0.875": 5.6570912498687855, "q_0.9": 5.739659267521479, "q_0.925": 5.841440913742378, "q_0.95": 5.923190597868797, "q_0.975": 6.122592326270759, "q_1": 6.912706312096574}, {"x": 17.767106842737096, "y": 3.6661062176696593, "y_true": 2.9840192856915286, "y_pred": 4.4006738464028325, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1416805831213503, "q_0.05": 3.2529557651755714, "q_0.075": 3.3081744359429157, "q_0.1": 3.412938678772533, "q_0.125": 3.5128745437220785, "q_0.15": 3.5694675885460723, "q_0.175": 3.655817169828787, "q_0.2": 3.6958675157093475, "q_0.225": 3.7428206085109315, "q_0.25": 3.8238489319904967, "q_0.275": 3.8693965820271985, "q_0.3": 3.912983691938516, "q_0.325": 4.008679579573958, "q_0.35": 4.036485823112227, "q_0.375": 4.118197616851171, "q_0.4": 4.153701107600792, "q_0.425": 4.185803414891856, "q_0.45": 4.229787797704703, "q_0.475": 4.317471278544529, "q_0.5": 4.4006738464028325, "q_0.525": 4.469221529047629, "q_0.55": 4.5354805799677065, "q_0.575": 4.6137686088177094, "q_0.6": 4.71165389228335, "q_0.625": 4.771997812919494, "q_0.65": 4.885721790323394, "q_0.675": 4.943530463335117, "q_0.7": 5.1235119091523575, "q_0.725": 5.203515163590286, "q_0.75": 5.2470244104838155, "q_0.775": 5.301821570548665, "q_0.8": 5.371496654750119, "q_0.825": 5.402319596127429, "q_0.85": 5.533933880357063, "q_0.875": 5.6570912498687855, "q_0.9": 5.739659267521479, "q_0.925": 5.841440913742378, "q_0.95": 5.923190597868797, "q_0.975": 6.122592326270759, "q_1": 6.912706312096574}, {"x": 17.807122849139656, "y": 4.008679579573958, "y_true": 2.98604161286516, "y_pred": 4.4097836676209035, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1700424123361106, "q_0.05": 3.2529557651755714, "q_0.075": 3.3081744359429157, "q_0.1": 3.457582456433952, "q_0.125": 3.5167201807054154, "q_0.15": 3.5991375410249336, "q_0.175": 3.6661062176696593, "q_0.2": 3.729572609585341, "q_0.225": 3.7502079753195243, "q_0.25": 3.8238489319904967, "q_0.275": 3.88200032622564, "q_0.3": 3.936839014505173, "q_0.325": 4.016424591290319, "q_0.35": 4.06298111849937, "q_0.375": 4.131382586341973, "q_0.4": 4.173175410950672, "q_0.425": 4.200888205559467, "q_0.45": 4.292485548550159, "q_0.475": 4.36214694502621, "q_0.5": 4.4097836676209035, "q_0.525": 4.473660885725792, "q_0.55": 4.569452698793235, "q_0.575": 4.628936081320426, "q_0.6": 4.728370737995101, "q_0.625": 4.807196844362165, "q_0.65": 4.898065250498959, "q_0.675": 5.005688497266193, "q_0.7": 5.148743240539422, "q_0.725": 5.205500818890663, "q_0.75": 5.251219964400493, "q_0.775": 5.3257398400197555, "q_0.8": 5.381095740590758, "q_0.825": 5.408851359265172, "q_0.85": 5.5855680330200475, "q_0.875": 5.6583979794921895, "q_0.9": 5.790336695635354, "q_0.925": 5.8537511302532375, "q_0.95": 5.953160083310513, "q_0.975": 6.126986315347967, "q_1": 6.912706312096574}, {"x": 17.847138855542216, "y": 5.381095740590758, "y_true": 2.988059858484444, "y_pred": 4.432691464669937, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1778977333904392, "q_0.05": 3.2529557651755714, "q_0.075": 3.3093872703115013, "q_0.1": 3.457582456433952, "q_0.125": 3.5167201807054154, "q_0.15": 3.6008775686965366, "q_0.175": 3.6661062176696593, "q_0.2": 3.7309155525253, "q_0.225": 3.76905797357372, "q_0.25": 3.8342896220489835, "q_0.275": 3.885407374516176, "q_0.3": 3.936985109287485, "q_0.325": 4.025548572432858, "q_0.35": 4.069835625836726, "q_0.375": 4.131382586341973, "q_0.4": 4.173175410950672, "q_0.425": 4.200888205559467, "q_0.45": 4.306813298062806, "q_0.475": 4.36214694502621, "q_0.5": 4.432691464669937, "q_0.525": 4.481640192758833, "q_0.55": 4.584551555518483, "q_0.575": 4.688021822613865, "q_0.6": 4.752957362878236, "q_0.625": 4.8166207162838575, "q_0.65": 4.914205579846556, "q_0.675": 5.028023342034318, "q_0.7": 5.161299509811205, "q_0.725": 5.220432147079574, "q_0.75": 5.2667743091875785, "q_0.775": 5.336697389489906, "q_0.8": 5.383242435781614, "q_0.825": 5.453930998005581, "q_0.85": 5.626988860131206, "q_0.875": 5.688110136034942, "q_0.9": 5.790336695635354, "q_0.925": 5.8537511302532375, "q_0.95": 5.988485084814867, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 17.88715486194478, "y": 5.885922913564549, "y_true": 2.990074038991367, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6745321998247378, "q_0.2": 3.733091146033754, "q_0.225": 3.8070959694947897, "q_0.25": 3.8432099046545245, "q_0.275": 3.9045822653151347, "q_0.3": 3.9394969072533668, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 17.92717086834734, "y": 5.841440913742378, "y_true": 2.9920841707287615, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6745321998247378, "q_0.2": 3.733091146033754, "q_0.225": 3.8070959694947897, "q_0.25": 3.8432099046545245, "q_0.275": 3.9045822653151347, "q_0.3": 3.9394969072533668, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 17.9671868747499, "y": 5.6570912498687855, "y_true": 2.994090269941106, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.675662025372961, "q_0.2": 3.738339553729039, "q_0.225": 3.8070959694947897, "q_0.25": 3.8522930960504125, "q_0.275": 3.9045822653151347, "q_0.3": 3.963006765702231, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.7294848141644845, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.007202881152462, "y": 3.8693965820271985, "y_true": 2.9960923527753094, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.675662025372961, "q_0.2": 3.738339553729039, "q_0.225": 3.8070959694947897, "q_0.25": 3.8522930960504125, "q_0.275": 3.9045822653151347, "q_0.3": 3.963006765702231, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.7294848141644845, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.047218887555022, "y": 5.921469300691284, "y_true": 2.9980904352814925, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.675662025372961, "q_0.2": 3.738339553729039, "q_0.225": 3.8070959694947897, "q_0.25": 3.8522930960504125, "q_0.275": 3.9045822653151347, "q_0.3": 3.963006765702231, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.7294848141644845, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.087234893957582, "y": 3.7356291683820824, "y_true": 3.0000845334137587, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.675662025372961, "q_0.2": 3.738339553729039, "q_0.225": 3.8070959694947897, "q_0.25": 3.8522930960504125, "q_0.275": 3.9045822653151347, "q_0.3": 3.963006765702231, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.7294848141644845, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.127250900360146, "y": 3.314615806477712, "y_true": 3.0020746630309603, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.675662025372961, "q_0.2": 3.738339553729039, "q_0.225": 3.8070959694947897, "q_0.25": 3.8522930960504125, "q_0.275": 3.9045822653151347, "q_0.3": 3.963006765702231, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.7294848141644845, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.167266906762706, "y": 5.8124178713968035, "y_true": 3.0040608398974524, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.675662025372961, "q_0.2": 3.738339553729039, "q_0.225": 3.8070959694947897, "q_0.25": 3.8522930960504125, "q_0.275": 3.9045822653151347, "q_0.3": 3.963006765702231, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.7294848141644845, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.207282913165265, "y": 3.6958675157093475, "y_true": 3.0060430796838453, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.675662025372961, "q_0.2": 3.738339553729039, "q_0.225": 3.8070959694947897, "q_0.25": 3.8522930960504125, "q_0.275": 3.9045822653151347, "q_0.3": 3.963006765702231, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.7294848141644845, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.24729891956783, "y": 5.047921879055577, "y_true": 3.0080213979677444, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.675662025372961, "q_0.2": 3.738339553729039, "q_0.225": 3.8070959694947897, "q_0.25": 3.8522930960504125, "q_0.275": 3.9045822653151347, "q_0.3": 3.963006765702231, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.7294848141644845, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.28731492597039, "y": 3.1826983980540335, "y_true": 3.0099958102344844, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.675662025372961, "q_0.2": 3.738339553729039, "q_0.225": 3.8070959694947897, "q_0.25": 3.8522930960504125, "q_0.275": 3.9045822653151347, "q_0.3": 3.963006765702231, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.7294848141644845, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.32733093237295, "y": 5.175976092671058, "y_true": 3.0119663318778587, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6958675157093475, "q_0.2": 3.740445247763777, "q_0.225": 3.8070959694947897, "q_0.25": 3.8645636789296227, "q_0.275": 3.9045822653151347, "q_0.3": 3.9845289295109616, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.367563273352806, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.367346938775512, "y": 5.626988860131206, "y_true": 3.0139329782008373, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6958675157093475, "q_0.2": 3.740445247763777, "q_0.225": 3.8070959694947897, "q_0.25": 3.8645636789296227, "q_0.275": 3.9045822653151347, "q_0.3": 3.9845289295109616, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.367563273352806, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.407362945178072, "y": 3.8238489319904967, "y_true": 3.015895764416281, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6958675157093475, "q_0.2": 3.740445247763777, "q_0.225": 3.8070959694947897, "q_0.25": 3.8645636789296227, "q_0.275": 3.9045822653151347, "q_0.3": 3.9845289295109616, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.367563273352806, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.44737895158063, "y": 4.142786519563793, "y_true": 3.0178547056476464, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6958675157093475, "q_0.2": 3.740445247763777, "q_0.225": 3.8070959694947897, "q_0.25": 3.8645636789296227, "q_0.275": 3.9045822653151347, "q_0.3": 3.9845289295109616, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.367563273352806, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.487394957983195, "y": 4.131382586341973, "y_true": 3.0198098169296874, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6958675157093475, "q_0.2": 3.740445247763777, "q_0.225": 3.8070959694947897, "q_0.25": 3.8645636789296227, "q_0.275": 3.9045822653151347, "q_0.3": 3.9845289295109616, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.367563273352806, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.527410964385755, "y": 5.2470244104838155, "y_true": 3.021761113209145, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.3633265429749772, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6958675157093475, "q_0.2": 3.742345536361501, "q_0.225": 3.8070959694947897, "q_0.25": 3.8645636789296227, "q_0.275": 3.9045822653151347, "q_0.3": 3.9845289295109616, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.3148356410695, "q_0.475": 4.394892632142071, "q_0.5": 4.46740666717732, "q_0.525": 4.5354805799677065, "q_0.55": 4.627724691528132, "q_0.575": 4.71165389228335, "q_0.6": 4.778676612210029, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.402319596127429, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.168706421972327, "q_1": 6.912706312096574}, {"x": 18.567426970788315, "y": 3.7309155525253, "y_true": 3.023708609345434, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.3633265429749772, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6958675157093475, "q_0.2": 3.742345536361501, "q_0.225": 3.8070959694947897, "q_0.25": 3.8645636789296227, "q_0.275": 3.9045822653151347, "q_0.3": 3.9845289295109616, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.3148356410695, "q_0.475": 4.394892632142071, "q_0.5": 4.46740666717732, "q_0.525": 4.5354805799677065, "q_0.55": 4.627724691528132, "q_0.575": 4.71165389228335, "q_0.6": 4.778676612210029, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.402319596127429, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.168706421972327, "q_1": 6.912706312096574}, {"x": 18.60744297719088, "y": 3.5370715451265924, "y_true": 3.025652320111323, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.3633265429749772, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6958675157093475, "q_0.2": 3.742345536361501, "q_0.225": 3.8070959694947897, "q_0.25": 3.8645636789296227, "q_0.275": 3.9045822653151347, "q_0.3": 3.9845289295109616, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.3148356410695, "q_0.475": 4.394892632142071, "q_0.5": 4.46740666717732, "q_0.525": 4.5354805799677065, "q_0.55": 4.627724691528132, "q_0.575": 4.71165389228335, "q_0.6": 4.778676612210029, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.402319596127429, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.168706421972327, "q_1": 6.912706312096574}, {"x": 18.647458983593438, "y": 4.365559434072187, "y_true": 3.027592260193603, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.3633265429749772, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6958675157093475, "q_0.2": 3.742345536361501, "q_0.225": 3.8070959694947897, "q_0.25": 3.8645636789296227, "q_0.275": 3.9045822653151347, "q_0.3": 3.9845289295109616, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.3148356410695, "q_0.475": 4.394892632142071, "q_0.5": 4.46740666717732, "q_0.525": 4.5354805799677065, "q_0.55": 4.627724691528132, "q_0.575": 4.71165389228335, "q_0.6": 4.778676612210029, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.402319596127429, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.168706421972327, "q_1": 6.912706312096574}, {"x": 18.687474989995998, "y": 3.936839014505173, "y_true": 3.029528444193759, "y_pred": 4.469221529047629, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.3633265429749772, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6497409378753063, "q_0.175": 3.6958675157093475, "q_0.2": 3.7428206085109315, "q_0.225": 3.8238489319904967, "q_0.25": 3.8693965820271985, "q_0.275": 3.912983691938516, "q_0.3": 4.008679579573958, "q_0.325": 4.036485823112227, "q_0.35": 4.118197616851171, "q_0.375": 4.172866996186007, "q_0.4": 4.200888205559467, "q_0.425": 4.287968664437169, "q_0.45": 4.317471278544529, "q_0.475": 4.4006738464028325, "q_0.5": 4.469221529047629, "q_0.525": 4.5354805799677065, "q_0.55": 4.628936081320426, "q_0.575": 4.72483394521576, "q_0.6": 4.778676612210029, "q_0.625": 4.885721790323394, "q_0.65": 4.950424417897871, "q_0.675": 5.061725310928203, "q_0.7": 5.200393199907028, "q_0.725": 5.2470244104838155, "q_0.75": 5.301821570548665, "q_0.775": 5.366425487227998, "q_0.8": 5.402319596127429, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.836017832799923, "q_0.925": 5.921469300691284, "q_0.95": 6.034894372456506, "q_0.975": 6.176722432262553, "q_1": 6.912706312096574}, {"x": 18.72749099639856, "y": 5.533933880357063, "y_true": 3.0314608866286252, "y_pred": 4.473660885725792, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.4109119316117766, "q_0.1": 3.4961772522384926, "q_0.125": 3.5440824750994477, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.88200032622564, "q_0.275": 3.936839014505173, "q_0.3": 4.016424591290319, "q_0.325": 4.06298111849937, "q_0.35": 4.132369506939863, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.36214694502621, "q_0.475": 4.4097836676209035, "q_0.5": 4.473660885725792, "q_0.525": 4.5742407230328475, "q_0.55": 4.688126828066639, "q_0.575": 4.752957362878236, "q_0.6": 4.8166207162838575, "q_0.625": 4.898065250498959, "q_0.65": 5.005688497266193, "q_0.675": 5.146182978764693, "q_0.7": 5.203515163590286, "q_0.725": 5.2470244104838155, "q_0.75": 5.317565836666096, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.5855680330200475, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 18.76750700280112, "y": 3.7428206085109315, "y_true": 3.0333896019310385, "y_pred": 4.473660885725792, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.4109119316117766, "q_0.1": 3.4961772522384926, "q_0.125": 3.5440824750994477, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.88200032622564, "q_0.275": 3.936839014505173, "q_0.3": 4.016424591290319, "q_0.325": 4.06298111849937, "q_0.35": 4.132369506939863, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.36214694502621, "q_0.475": 4.4097836676209035, "q_0.5": 4.473660885725792, "q_0.525": 4.5742407230328475, "q_0.55": 4.688126828066639, "q_0.575": 4.752957362878236, "q_0.6": 4.8166207162838575, "q_0.625": 4.898065250498959, "q_0.65": 5.005688497266193, "q_0.675": 5.146182978764693, "q_0.7": 5.203515163590286, "q_0.725": 5.2470244104838155, "q_0.75": 5.317565836666096, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.5855680330200475, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 18.80752300920368, "y": 4.5354805799677065, "y_true": 3.0353146044504866, "y_pred": 4.473660885725792, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.4109119316117766, "q_0.1": 3.4961772522384926, "q_0.125": 3.5440824750994477, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.88200032622564, "q_0.275": 3.936839014505173, "q_0.3": 4.016424591290319, "q_0.325": 4.06298111849937, "q_0.35": 4.132369506939863, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.36214694502621, "q_0.475": 4.4097836676209035, "q_0.5": 4.473660885725792, "q_0.525": 4.5742407230328475, "q_0.55": 4.688126828066639, "q_0.575": 4.752957362878236, "q_0.6": 4.8166207162838575, "q_0.625": 4.898065250498959, "q_0.65": 5.005688497266193, "q_0.675": 5.146182978764693, "q_0.7": 5.203515163590286, "q_0.725": 5.2470244104838155, "q_0.75": 5.317565836666096, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.5855680330200475, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 18.847539015606245, "y": 5.8537511302532375, "y_true": 3.0372359084537477, "y_pred": 4.473660885725792, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.4109119316117766, "q_0.1": 3.5081658607027437, "q_0.125": 3.55521308297961, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.069835625836726, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.36214694502621, "q_0.475": 4.415948017352997, "q_0.5": 4.473660885725792, "q_0.525": 4.575934724528623, "q_0.55": 4.6955165158138525, "q_0.575": 4.7537597243022, "q_0.6": 4.8166207162838575, "q_0.625": 4.898065250498959, "q_0.65": 5.005688497266193, "q_0.675": 5.1485304493545545, "q_0.7": 5.205500818890663, "q_0.725": 5.250238965484575, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.5855680330200475, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 18.887555022008804, "y": 4.934866341810061, "y_true": 3.0391535281255257, "y_pred": 4.473660885725792, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.4109119316117766, "q_0.1": 3.5081658607027437, "q_0.125": 3.55521308297961, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.069835625836726, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.36214694502621, "q_0.475": 4.415948017352997, "q_0.5": 4.473660885725792, "q_0.525": 4.575934724528623, "q_0.55": 4.6955165158138525, "q_0.575": 4.7537597243022, "q_0.6": 4.8166207162838575, "q_0.625": 4.898065250498959, "q_0.65": 5.005688497266193, "q_0.675": 5.1485304493545545, "q_0.7": 5.205500818890663, "q_0.725": 5.250238965484575, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.5855680330200475, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 18.927571028411364, "y": 5.636087795068564, "y_true": 3.041067477569077, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.8713064387831815, "q_0.025": 3.2074637311577288, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.55521308297961, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.076254740803165, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.415948017352997, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8166207162838575, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 18.967587034813928, "y": 5.858069295852243, "y_true": 3.0429777708068357, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.8713064387831815, "q_0.025": 3.2074637311577288, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.55521308297961, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.076254740803165, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.415948017352997, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8166207162838575, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.007603041216488, "y": 5.2942602989588465, "y_true": 3.0448844217810254, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.8713064387831815, "q_0.025": 3.2074637311577288, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.55521308297961, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.076254740803165, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.415948017352997, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8166207162838575, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.047619047619047, "y": 5.144190705167716, "y_true": 3.0467874443542753, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.8713064387831815, "q_0.025": 3.2074637311577288, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.55521308297961, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.076254740803165, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.415948017352997, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8166207162838575, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.08763505402161, "y": 5.952684660315428, "y_true": 3.04868685231022, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.8713064387831815, "q_0.025": 3.2074637311577288, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.55521308297961, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.076254740803165, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.415948017352997, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8166207162838575, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.12765106042417, "y": 6.03586784484234, "y_true": 3.0505826593541023, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.8713064387831815, "q_0.025": 3.2074637311577288, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.55521308297961, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.076254740803165, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.415948017352997, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8166207162838575, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.16766706682673, "y": 4.4097836676209035, "y_true": 3.052474879113364, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.5694675885460723, "q_0.15": 3.664457894812739, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.0955120857025005, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.425994085743159, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8189846428564, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6583979794921895, "q_0.875": 5.786333977573899, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.207683073229294, "y": 3.267402534811233, "y_true": 3.054363525138235, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.5694675885460723, "q_0.15": 3.664457894812739, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.0955120857025005, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.425994085743159, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8189846428564, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6583979794921895, "q_0.875": 5.786333977573899, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.247699079631854, "y": 3.936985109287485, "y_true": 3.0562486109023146, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.5694675885460723, "q_0.15": 3.664457894812739, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.0955120857025005, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.425994085743159, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8189846428564, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6583979794921895, "q_0.875": 5.786333977573899, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.287715086034414, "y": 3.5167201807054154, "y_true": 3.0581301498031492, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.5694675885460723, "q_0.15": 3.664457894812739, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.0955120857025005, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.425994085743159, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8189846428564, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6583979794921895, "q_0.875": 5.786333977573899, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.327731092436977, "y": 4.317471278544529, "y_true": 3.0600081551628038, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.8713064387831815, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.435274744216397, "q_0.1": 3.5128745437220785, "q_0.125": 3.5694675885460723, "q_0.15": 3.6661062176696593, "q_0.175": 3.7309155525253, "q_0.2": 3.76905797357372, "q_0.225": 3.8342896220489835, "q_0.25": 3.892272226422649, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.097637794907386, "q_0.35": 4.142786519563793, "q_0.375": 4.179511356570599, "q_0.4": 4.226347047129022, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.432691464669937, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.86795027450146, "q_0.625": 4.917301257812121, "q_0.65": 5.028023342034318, "q_0.675": 5.161299509811205, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.410544530319537, "q_0.825": 5.612905749075997, "q_0.85": 5.6583979794921895, "q_0.875": 5.790173953485768, "q_0.9": 5.841440913742378, "q_0.925": 5.923190597868797, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.367747098839537, "y": 3.457582456433952, "y_true": 3.061882640228425, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.435274744216397, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.7309155525253, "q_0.2": 3.76905797357372, "q_0.225": 3.8342896220489835, "q_0.25": 3.8947475521088504, "q_0.275": 3.936985109287485, "q_0.3": 4.027732258990045, "q_0.325": 4.114426410309593, "q_0.35": 4.142786519563793, "q_0.375": 4.184637733393867, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.365559434072187, "q_0.475": 4.460154591907973, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.71165389228335, "q_0.575": 4.755115878250611, "q_0.6": 4.86795027450146, "q_0.625": 4.917301257812121, "q_0.65": 5.028023342034318, "q_0.675": 5.175976092671058, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.336697389489906, "q_0.775": 5.381095740590758, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.6583979794921895, "q_0.875": 5.790336695635354, "q_0.9": 5.841440913742378, "q_0.925": 5.923190597868797, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.407763105242097, "y": 4.885721790323394, "y_true": 3.063753618172807, "y_pred": 4.487592885175985, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.435274744216397, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.76905797357372, "q_0.225": 3.8432099046545245, "q_0.25": 3.8947475521088504, "q_0.275": 3.936985109287485, "q_0.3": 4.027732258990045, "q_0.325": 4.114426410309593, "q_0.35": 4.142786519563793, "q_0.375": 4.184637733393867, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.365559434072187, "q_0.475": 4.460999052820556, "q_0.5": 4.487592885175985, "q_0.525": 4.584934108857597, "q_0.55": 4.71165389228335, "q_0.575": 4.764822990685219, "q_0.6": 4.86795027450146, "q_0.625": 4.9193045828823845, "q_0.65": 5.028023342034318, "q_0.675": 5.175976092671058, "q_0.7": 5.205500818890663, "q_0.725": 5.260355785997356, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.6583979794921895, "q_0.875": 5.790336695635354, "q_0.9": 5.841440913742378, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.44777911164466, "y": 4.220887696355675, "y_true": 3.065621102094942, "y_pred": 4.487592885175985, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.435274744216397, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.76905797357372, "q_0.225": 3.8432099046545245, "q_0.25": 3.8947475521088504, "q_0.275": 3.936985109287485, "q_0.3": 4.027732258990045, "q_0.325": 4.114426410309593, "q_0.35": 4.142786519563793, "q_0.375": 4.184637733393867, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.365559434072187, "q_0.475": 4.460999052820556, "q_0.5": 4.487592885175985, "q_0.525": 4.584934108857597, "q_0.55": 4.71165389228335, "q_0.575": 4.764822990685219, "q_0.6": 4.86795027450146, "q_0.625": 4.9193045828823845, "q_0.65": 5.028023342034318, "q_0.675": 5.175976092671058, "q_0.7": 5.205500818890663, "q_0.725": 5.260355785997356, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.6583979794921895, "q_0.875": 5.790336695635354, "q_0.9": 5.841440913742378, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.48779511804722, "y": 5.77139767685229, "y_true": 3.0674851050205723, "y_pred": 4.487592885175985, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.435274744216397, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.76905797357372, "q_0.225": 3.8432099046545245, "q_0.25": 3.8947475521088504, "q_0.275": 3.936985109287485, "q_0.3": 4.027732258990045, "q_0.325": 4.114426410309593, "q_0.35": 4.142786519563793, "q_0.375": 4.184637733393867, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.365559434072187, "q_0.475": 4.460999052820556, "q_0.5": 4.487592885175985, "q_0.525": 4.584934108857597, "q_0.55": 4.71165389228335, "q_0.575": 4.764822990685219, "q_0.6": 4.86795027450146, "q_0.625": 4.9193045828823845, "q_0.65": 5.028023342034318, "q_0.675": 5.175976092671058, "q_0.7": 5.205500818890663, "q_0.725": 5.260355785997356, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.6583979794921895, "q_0.875": 5.790336695635354, "q_0.9": 5.841440913742378, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.52781112444978, "y": 5.9938088106593055, "y_true": 3.069345639902737, "y_pred": 4.487592885175985, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.435274744216397, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.76905797357372, "q_0.225": 3.8432099046545245, "q_0.25": 3.8947475521088504, "q_0.275": 3.936985109287485, "q_0.3": 4.027732258990045, "q_0.325": 4.114426410309593, "q_0.35": 4.142786519563793, "q_0.375": 4.184637733393867, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.365559434072187, "q_0.475": 4.460999052820556, "q_0.5": 4.487592885175985, "q_0.525": 4.584934108857597, "q_0.55": 4.71165389228335, "q_0.575": 4.764822990685219, "q_0.6": 4.86795027450146, "q_0.625": 4.9193045828823845, "q_0.65": 5.028023342034318, "q_0.675": 5.175976092671058, "q_0.7": 5.205500818890663, "q_0.725": 5.260355785997356, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.6583979794921895, "q_0.875": 5.790336695635354, "q_0.9": 5.841440913742378, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.56782713085234, "y": 4.72483394521576, "y_true": 3.0712027196223093, "y_pred": 4.487592885175985, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.435274744216397, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.76905797357372, "q_0.225": 3.8432099046545245, "q_0.25": 3.8947475521088504, "q_0.275": 3.936985109287485, "q_0.3": 4.027732258990045, "q_0.325": 4.114426410309593, "q_0.35": 4.142786519563793, "q_0.375": 4.184637733393867, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.365559434072187, "q_0.475": 4.460999052820556, "q_0.5": 4.487592885175985, "q_0.525": 4.584934108857597, "q_0.55": 4.71165389228335, "q_0.575": 4.764822990685219, "q_0.6": 4.86795027450146, "q_0.625": 4.9193045828823845, "q_0.65": 5.028023342034318, "q_0.675": 5.175976092671058, "q_0.7": 5.205500818890663, "q_0.725": 5.260355785997356, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.6583979794921895, "q_0.875": 5.790336695635354, "q_0.9": 5.841440913742378, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.607843137254903, "y": 3.9045822653151347, "y_true": 3.073056356988534, "y_pred": 4.487592885175985, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.435274744216397, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.76905797357372, "q_0.225": 3.8432099046545245, "q_0.25": 3.8947475521088504, "q_0.275": 3.936985109287485, "q_0.3": 4.027732258990045, "q_0.325": 4.114426410309593, "q_0.35": 4.142786519563793, "q_0.375": 4.184637733393867, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.365559434072187, "q_0.475": 4.460999052820556, "q_0.5": 4.487592885175985, "q_0.525": 4.584934108857597, "q_0.55": 4.71165389228335, "q_0.575": 4.764822990685219, "q_0.6": 4.86795027450146, "q_0.625": 4.9193045828823845, "q_0.65": 5.028023342034318, "q_0.675": 5.175976092671058, "q_0.7": 5.205500818890663, "q_0.725": 5.260355785997356, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.6583979794921895, "q_0.875": 5.790336695635354, "q_0.9": 5.841440913742378, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.647859143657463, "y": 4.86795027450146, "y_true": 3.074906564739556, "y_pred": 4.487592885175985, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.435274744216397, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.76905797357372, "q_0.225": 3.8432099046545245, "q_0.25": 3.8947475521088504, "q_0.275": 3.936985109287485, "q_0.3": 4.027732258990045, "q_0.325": 4.114426410309593, "q_0.35": 4.142786519563793, "q_0.375": 4.184637733393867, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.365559434072187, "q_0.475": 4.460999052820556, "q_0.5": 4.487592885175985, "q_0.525": 4.584934108857597, "q_0.55": 4.71165389228335, "q_0.575": 4.764822990685219, "q_0.6": 4.86795027450146, "q_0.625": 4.9193045828823845, "q_0.65": 5.028023342034318, "q_0.675": 5.175976092671058, "q_0.7": 5.205500818890663, "q_0.725": 5.260355785997356, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.6583979794921895, "q_0.875": 5.790336695635354, "q_0.9": 5.841440913742378, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.687875150060023, "y": 5.793534138012153, "y_true": 3.0767533555429463, "y_pred": 4.516482171419353, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.457582456433952, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.78425267544463, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.936985109287485, "q_0.3": 4.029958252933678, "q_0.325": 4.1166823061580855, "q_0.35": 4.142786519563793, "q_0.375": 4.185803414891856, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.394892632142071, "q_0.475": 4.46740666717732, "q_0.5": 4.516482171419353, "q_0.525": 4.627724691528132, "q_0.55": 4.72483394521576, "q_0.575": 4.771997812919494, "q_0.6": 4.86795027450146, "q_0.625": 4.934866341810061, "q_0.65": 5.046269926735264, "q_0.675": 5.175976092671058, "q_0.7": 5.220432147079574, "q_0.725": 5.274576374578992, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.688110136034942, "q_0.875": 5.790336695635354, "q_0.9": 5.8537511302532375, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.727891156462587, "y": 4.31160082340736, "y_true": 3.0785967419962215, "y_pred": 4.516482171419353, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.457582456433952, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.78425267544463, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.936985109287485, "q_0.3": 4.029958252933678, "q_0.325": 4.1166823061580855, "q_0.35": 4.142786519563793, "q_0.375": 4.185803414891856, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.394892632142071, "q_0.475": 4.46740666717732, "q_0.5": 4.516482171419353, "q_0.525": 4.627724691528132, "q_0.55": 4.72483394521576, "q_0.575": 4.771997812919494, "q_0.6": 4.86795027450146, "q_0.625": 4.934866341810061, "q_0.65": 5.046269926735264, "q_0.675": 5.175976092671058, "q_0.7": 5.220432147079574, "q_0.725": 5.274576374578992, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.688110136034942, "q_0.875": 5.790336695635354, "q_0.9": 5.8537511302532375, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.767907162865146, "y": 4.755115878250611, "y_true": 3.080436736627361, "y_pred": 4.516482171419353, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.457582456433952, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.78425267544463, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.936985109287485, "q_0.3": 4.029958252933678, "q_0.325": 4.1166823061580855, "q_0.35": 4.142786519563793, "q_0.375": 4.185803414891856, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.394892632142071, "q_0.475": 4.46740666717732, "q_0.5": 4.516482171419353, "q_0.525": 4.627724691528132, "q_0.55": 4.72483394521576, "q_0.575": 4.771997812919494, "q_0.6": 4.86795027450146, "q_0.625": 4.934866341810061, "q_0.65": 5.046269926735264, "q_0.675": 5.175976092671058, "q_0.7": 5.220432147079574, "q_0.725": 5.274576374578992, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.688110136034942, "q_0.875": 5.790336695635354, "q_0.9": 5.8537511302532375, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.807923169267706, "y": 3.906830188992029, "y_true": 3.0822733518953163, "y_pred": 4.516482171419353, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.457582456433952, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.78425267544463, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.936985109287485, "q_0.3": 4.029958252933678, "q_0.325": 4.1166823061580855, "q_0.35": 4.142786519563793, "q_0.375": 4.185803414891856, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.394892632142071, "q_0.475": 4.46740666717732, "q_0.5": 4.516482171419353, "q_0.525": 4.627724691528132, "q_0.55": 4.72483394521576, "q_0.575": 4.771997812919494, "q_0.6": 4.86795027450146, "q_0.625": 4.934866341810061, "q_0.65": 5.046269926735264, "q_0.675": 5.175976092671058, "q_0.7": 5.220432147079574, "q_0.725": 5.274576374578992, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.688110136034942, "q_0.875": 5.790336695635354, "q_0.9": 5.8537511302532375, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.84793917567027, "y": 4.46740666717732, "y_true": 3.084106600190518, "y_pred": 4.516482171419353, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.457582456433952, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.78425267544463, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.936985109287485, "q_0.3": 4.029958252933678, "q_0.325": 4.1166823061580855, "q_0.35": 4.142786519563793, "q_0.375": 4.185803414891856, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.394892632142071, "q_0.475": 4.46740666717732, "q_0.5": 4.516482171419353, "q_0.525": 4.627724691528132, "q_0.55": 4.72483394521576, "q_0.575": 4.771997812919494, "q_0.6": 4.86795027450146, "q_0.625": 4.934866341810061, "q_0.65": 5.046269926735264, "q_0.675": 5.175976092671058, "q_0.7": 5.220432147079574, "q_0.725": 5.274576374578992, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.688110136034942, "q_0.875": 5.790336695635354, "q_0.9": 5.8537511302532375, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.88795518207283, "y": 4.306813298062806, "y_true": 3.085936493835377, "y_pred": 4.516482171419353, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.457582456433952, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.78425267544463, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.936985109287485, "q_0.3": 4.029958252933678, "q_0.325": 4.1166823061580855, "q_0.35": 4.142786519563793, "q_0.375": 4.185803414891856, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.394892632142071, "q_0.475": 4.46740666717732, "q_0.5": 4.516482171419353, "q_0.525": 4.627724691528132, "q_0.55": 4.72483394521576, "q_0.575": 4.771997812919494, "q_0.6": 4.86795027450146, "q_0.625": 4.934866341810061, "q_0.65": 5.046269926735264, "q_0.675": 5.175976092671058, "q_0.7": 5.220432147079574, "q_0.725": 5.274576374578992, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.688110136034942, "q_0.875": 5.790336695635354, "q_0.9": 5.8537511302532375, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.92797118847539, "y": 3.8432099046545245, "y_true": 3.0877630450847815, "y_pred": 4.516482171419353, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.457582456433952, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.78425267544463, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.936985109287485, "q_0.3": 4.029958252933678, "q_0.325": 4.1166823061580855, "q_0.35": 4.142786519563793, "q_0.375": 4.185803414891856, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.394892632142071, "q_0.475": 4.46740666717732, "q_0.5": 4.516482171419353, "q_0.525": 4.627724691528132, "q_0.55": 4.72483394521576, "q_0.575": 4.771997812919494, "q_0.6": 4.86795027450146, "q_0.625": 4.934866341810061, "q_0.65": 5.046269926735264, "q_0.675": 5.175976092671058, "q_0.7": 5.220432147079574, "q_0.725": 5.274576374578992, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.688110136034942, "q_0.875": 5.790336695635354, "q_0.9": 5.8537511302532375, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.967987194877953, "y": 4.628936081320426, "y_true": 3.0895862661265903, "y_pred": 4.5354805799677065, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.278734707705796, "q_0.075": 3.457582456433952, "q_0.1": 3.5167201807054154, "q_0.125": 3.613674538163367, "q_0.15": 3.6745321998247378, "q_0.175": 3.738339553729039, "q_0.2": 3.78425267544463, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.9845289295109616, "q_0.3": 4.036485823112227, "q_0.325": 4.1166823061580855, "q_0.35": 4.172866996186007, "q_0.375": 4.193999721096671, "q_0.4": 4.2502592436525894, "q_0.425": 4.317471278544529, "q_0.45": 4.4006738464028325, "q_0.475": 4.46740666717732, "q_0.5": 4.5354805799677065, "q_0.525": 4.628936081320426, "q_0.55": 4.725392345301849, "q_0.575": 4.778676612210029, "q_0.6": 4.885721790323394, "q_0.625": 4.944475332278714, "q_0.65": 5.047921879055577, "q_0.675": 5.182625141469851, "q_0.7": 5.223368661173108, "q_0.725": 5.2942602989588465, "q_0.75": 5.352029193718996, "q_0.775": 5.386612467019537, "q_0.8": 5.528362067750777, "q_0.825": 5.636087795068564, "q_0.85": 5.7294848141644845, "q_0.875": 5.793534138012153, "q_0.9": 5.8537511302532375, "q_0.925": 5.959341958573792, "q_0.95": 6.105857021781258, "q_0.975": 6.242380127117748, "q_1": 6.912706312096574}, {"x": 20.008003201280513, "y": 4.036485823112227, "y_true": 3.091406169082119, "y_pred": 4.5354805799677065, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.278734707705796, "q_0.075": 3.457582456433952, "q_0.1": 3.5167201807054154, "q_0.125": 3.613674538163367, "q_0.15": 3.6745321998247378, "q_0.175": 3.738339553729039, "q_0.2": 3.78425267544463, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.9845289295109616, "q_0.3": 4.036485823112227, "q_0.325": 4.1166823061580855, "q_0.35": 4.172866996186007, "q_0.375": 4.193999721096671, "q_0.4": 4.2502592436525894, "q_0.425": 4.317471278544529, "q_0.45": 4.4006738464028325, "q_0.475": 4.46740666717732, "q_0.5": 4.5354805799677065, "q_0.525": 4.628936081320426, "q_0.55": 4.725392345301849, "q_0.575": 4.778676612210029, "q_0.6": 4.885721790323394, "q_0.625": 4.944475332278714, "q_0.65": 5.047921879055577, "q_0.675": 5.182625141469851, "q_0.7": 5.223368661173108, "q_0.725": 5.2942602989588465, "q_0.75": 5.352029193718996, "q_0.775": 5.386612467019537, "q_0.8": 5.528362067750777, "q_0.825": 5.636087795068564, "q_0.85": 5.7294848141644845, "q_0.875": 5.793534138012153, "q_0.9": 5.8537511302532375, "q_0.925": 5.959341958573792, "q_0.95": 6.105857021781258, "q_0.975": 6.242380127117748, "q_1": 6.912706312096574}, {"x": 20.048019207683073, "y": 4.229787797704703, "y_true": 3.0932227660066247, "y_pred": 4.553734053729181, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.278734707705796, "q_0.075": 3.457582456433952, "q_0.1": 3.5167201807054154, "q_0.125": 3.6176363298258356, "q_0.15": 3.6745321998247378, "q_0.175": 3.740445247763777, "q_0.2": 3.8070959694947897, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.9846922539106893, "q_0.3": 4.036485823112227, "q_0.325": 4.1166823061580855, "q_0.35": 4.172866996186007, "q_0.375": 4.200888205559467, "q_0.4": 4.287968664437169, "q_0.425": 4.317471278544529, "q_0.45": 4.4006738464028325, "q_0.475": 4.469221529047629, "q_0.5": 4.553734053729181, "q_0.525": 4.636192778120208, "q_0.55": 4.728370737995101, "q_0.575": 4.778676612210029, "q_0.6": 4.885721790323394, "q_0.625": 4.950424417897871, "q_0.65": 5.047921879055577, "q_0.675": 5.200393199907028, "q_0.7": 5.234352137028019, "q_0.725": 5.301821570548665, "q_0.75": 5.366038114054975, "q_0.775": 5.386612467019537, "q_0.8": 5.533933880357063, "q_0.825": 5.636087795068564, "q_0.85": 5.737732678435663, "q_0.875": 5.793534138012153, "q_0.9": 5.858069295852243, "q_0.925": 5.988485084814867, "q_0.95": 6.117099521421366, "q_0.975": 6.242380127117748, "q_1": 6.912706312096574}, {"x": 20.088035214085636, "y": 4.6955165158138525, "y_true": 3.0950360688897858, "y_pred": 4.584551555518483, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.3093872703115013, "q_0.075": 3.4725130308115375, "q_0.1": 3.5167201807054154, "q_0.125": 3.6176363298258356, "q_0.15": 3.6958675157093475, "q_0.175": 3.7428206085109315, "q_0.2": 3.8070959694947897, "q_0.225": 3.8693965820271985, "q_0.25": 3.9049613456499497, "q_0.275": 4.008679579573958, "q_0.3": 4.039347576253682, "q_0.325": 4.131382586341973, "q_0.35": 4.179511356570599, "q_0.375": 4.209113929947946, "q_0.4": 4.306813298062806, "q_0.425": 4.365559434072187, "q_0.45": 4.432691464669937, "q_0.475": 4.481640192758833, "q_0.5": 4.584551555518483, "q_0.525": 4.6955165158138525, "q_0.55": 4.755115878250611, "q_0.575": 4.85589252691835, "q_0.6": 4.917301257812121, "q_0.625": 5.015290345978547, "q_0.65": 5.154466836504394, "q_0.675": 5.205500818890663, "q_0.7": 5.250238965484575, "q_0.725": 5.3257398400197555, "q_0.75": 5.381095740590758, "q_0.775": 5.402633907328516, "q_0.8": 5.576540737942507, "q_0.825": 5.6570912498687855, "q_0.85": 5.739659267521479, "q_0.875": 5.839162152306624, "q_0.9": 5.921469300691284, "q_0.925": 6.035527129507298, "q_0.95": 6.122592326270759, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.128051220488196, "y": 5.386612467019537, "y_true": 3.0968460896561747, "y_pred": 4.621895266555519, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5167201807054154, "q_0.125": 3.6216866358884126, "q_0.15": 3.6958675157093475, "q_0.175": 3.7428206085109315, "q_0.2": 3.8115185839505323, "q_0.225": 3.8693965820271985, "q_0.25": 3.9326399713631393, "q_0.275": 4.016424591290319, "q_0.3": 4.039347576253682, "q_0.325": 4.140867442851671, "q_0.35": 4.179511356570599, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.374614594803363, "q_0.45": 4.461932404355518, "q_0.475": 4.497809695965421, "q_0.5": 4.621895266555519, "q_0.525": 4.71165389228335, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.3257398400197555, "q_0.75": 5.381095740590758, "q_0.775": 5.408851359265172, "q_0.8": 5.5855680330200475, "q_0.825": 5.6583979794921895, "q_0.85": 5.786333977573899, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.168067226890756, "y": 4.1166823061580855, "y_true": 3.0986528401657303, "y_pred": 4.621895266555519, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5167201807054154, "q_0.125": 3.6216866358884126, "q_0.15": 3.6958675157093475, "q_0.175": 3.7428206085109315, "q_0.2": 3.8115185839505323, "q_0.225": 3.8693965820271985, "q_0.25": 3.9326399713631393, "q_0.275": 4.016424591290319, "q_0.3": 4.039347576253682, "q_0.325": 4.140867442851671, "q_0.35": 4.179511356570599, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.374614594803363, "q_0.45": 4.461932404355518, "q_0.475": 4.497809695965421, "q_0.5": 4.621895266555519, "q_0.525": 4.71165389228335, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.3257398400197555, "q_0.75": 5.381095740590758, "q_0.775": 5.408851359265172, "q_0.8": 5.5855680330200475, "q_0.825": 5.6583979794921895, "q_0.85": 5.786333977573899, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.20808323329332, "y": 5.923190597868797, "y_true": 3.100456332214224, "y_pred": 4.621895266555519, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5167201807054154, "q_0.125": 3.6216866358884126, "q_0.15": 3.6958675157093475, "q_0.175": 3.7428206085109315, "q_0.2": 3.8115185839505323, "q_0.225": 3.8693965820271985, "q_0.25": 3.9326399713631393, "q_0.275": 4.016424591290319, "q_0.3": 4.039347576253682, "q_0.325": 4.140867442851671, "q_0.35": 4.179511356570599, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.374614594803363, "q_0.45": 4.461932404355518, "q_0.475": 4.497809695965421, "q_0.5": 4.621895266555519, "q_0.525": 4.71165389228335, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.3257398400197555, "q_0.75": 5.381095740590758, "q_0.775": 5.408851359265172, "q_0.8": 5.5855680330200475, "q_0.825": 5.6583979794921895, "q_0.85": 5.786333977573899, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.24809923969588, "y": 5.737732678435663, "y_true": 3.10225657753372, "y_pred": 4.621895266555519, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5167201807054154, "q_0.125": 3.6216866358884126, "q_0.15": 3.6958675157093475, "q_0.175": 3.7428206085109315, "q_0.2": 3.8115185839505323, "q_0.225": 3.8693965820271985, "q_0.25": 3.9326399713631393, "q_0.275": 4.016424591290319, "q_0.3": 4.039347576253682, "q_0.325": 4.140867442851671, "q_0.35": 4.179511356570599, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.374614594803363, "q_0.45": 4.461932404355518, "q_0.475": 4.497809695965421, "q_0.5": 4.621895266555519, "q_0.525": 4.71165389228335, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.3257398400197555, "q_0.75": 5.381095740590758, "q_0.775": 5.408851359265172, "q_0.8": 5.5855680330200475, "q_0.825": 5.6583979794921895, "q_0.85": 5.786333977573899, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.28811524609844, "y": 3.2529557651755714, "y_true": 3.104053587793035, "y_pred": 4.621895266555519, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5167201807054154, "q_0.125": 3.6216866358884126, "q_0.15": 3.6958675157093475, "q_0.175": 3.7428206085109315, "q_0.2": 3.8115185839505323, "q_0.225": 3.8693965820271985, "q_0.25": 3.9326399713631393, "q_0.275": 4.016424591290319, "q_0.3": 4.039347576253682, "q_0.325": 4.140867442851671, "q_0.35": 4.179511356570599, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.374614594803363, "q_0.45": 4.461932404355518, "q_0.475": 4.497809695965421, "q_0.5": 4.621895266555519, "q_0.525": 4.71165389228335, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.3257398400197555, "q_0.75": 5.381095740590758, "q_0.775": 5.408851359265172, "q_0.8": 5.5855680330200475, "q_0.825": 5.6583979794921895, "q_0.85": 5.786333977573899, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.328131252501002, "y": 3.88200032622564, "y_true": 3.1058473745981927, "y_pred": 4.621895266555519, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5167201807054154, "q_0.125": 3.6216866358884126, "q_0.15": 3.6958675157093475, "q_0.175": 3.7428206085109315, "q_0.2": 3.8115185839505323, "q_0.225": 3.8693965820271985, "q_0.25": 3.9326399713631393, "q_0.275": 4.016424591290319, "q_0.3": 4.039347576253682, "q_0.325": 4.140867442851671, "q_0.35": 4.179511356570599, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.374614594803363, "q_0.45": 4.461932404355518, "q_0.475": 4.497809695965421, "q_0.5": 4.621895266555519, "q_0.525": 4.71165389228335, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.3257398400197555, "q_0.75": 5.381095740590758, "q_0.775": 5.408851359265172, "q_0.8": 5.5855680330200475, "q_0.825": 5.6583979794921895, "q_0.85": 5.786333977573899, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.368147258903562, "y": 4.473660885725792, "y_true": 3.107637949492871, "y_pred": 4.628936081320426, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5288513853630223, "q_0.125": 3.634267078356909, "q_0.15": 3.6958675157093475, "q_0.175": 3.746050182507501, "q_0.2": 3.8207365854712005, "q_0.225": 3.8693965820271985, "q_0.25": 3.936839014505173, "q_0.275": 4.016424591290319, "q_0.3": 4.069835625836726, "q_0.325": 4.142786519563793, "q_0.35": 4.184637733393867, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.394892632142071, "q_0.45": 4.461932404355518, "q_0.475": 4.516482171419353, "q_0.5": 4.628936081320426, "q_0.525": 4.72483394521576, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.336697389489906, "q_0.75": 5.383242435781614, "q_0.775": 5.41041754249046, "q_0.8": 5.612905749075997, "q_0.825": 5.6583979794921895, "q_0.85": 5.790173953485768, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.408163265306122, "y": 3.4299813523716915, "y_true": 3.1094253239588494, "y_pred": 4.628936081320426, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5288513853630223, "q_0.125": 3.634267078356909, "q_0.15": 3.6958675157093475, "q_0.175": 3.746050182507501, "q_0.2": 3.8207365854712005, "q_0.225": 3.8693965820271985, "q_0.25": 3.936839014505173, "q_0.275": 4.016424591290319, "q_0.3": 4.069835625836726, "q_0.325": 4.142786519563793, "q_0.35": 4.184637733393867, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.394892632142071, "q_0.45": 4.461932404355518, "q_0.475": 4.516482171419353, "q_0.5": 4.628936081320426, "q_0.525": 4.72483394521576, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.336697389489906, "q_0.75": 5.383242435781614, "q_0.775": 5.41041754249046, "q_0.8": 5.612905749075997, "q_0.825": 5.6583979794921895, "q_0.85": 5.790173953485768, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.448179271708685, "y": 4.179511356570599, "y_true": 3.111209509416451, "y_pred": 4.628936081320426, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5288513853630223, "q_0.125": 3.634267078356909, "q_0.15": 3.6958675157093475, "q_0.175": 3.746050182507501, "q_0.2": 3.8207365854712005, "q_0.225": 3.8693965820271985, "q_0.25": 3.936839014505173, "q_0.275": 4.016424591290319, "q_0.3": 4.069835625836726, "q_0.325": 4.142786519563793, "q_0.35": 4.184637733393867, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.394892632142071, "q_0.45": 4.461932404355518, "q_0.475": 4.516482171419353, "q_0.5": 4.628936081320426, "q_0.525": 4.72483394521576, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.336697389489906, "q_0.75": 5.383242435781614, "q_0.775": 5.41041754249046, "q_0.8": 5.612905749075997, "q_0.825": 5.6583979794921895, "q_0.85": 5.790173953485768, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.488195278111245, "y": 5.383242435781614, "y_true": 3.112990517224979, "y_pred": 4.628936081320426, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5288513853630223, "q_0.125": 3.634267078356909, "q_0.15": 3.6958675157093475, "q_0.175": 3.746050182507501, "q_0.2": 3.8207365854712005, "q_0.225": 3.8693965820271985, "q_0.25": 3.936839014505173, "q_0.275": 4.016424591290319, "q_0.3": 4.069835625836726, "q_0.325": 4.142786519563793, "q_0.35": 4.184637733393867, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.394892632142071, "q_0.45": 4.461932404355518, "q_0.475": 4.516482171419353, "q_0.5": 4.628936081320426, "q_0.525": 4.72483394521576, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.336697389489906, "q_0.75": 5.383242435781614, "q_0.775": 5.41041754249046, "q_0.8": 5.612905749075997, "q_0.825": 5.6583979794921895, "q_0.85": 5.790173953485768, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.528211284513805, "y": 5.203515163590286, "y_true": 3.1147683586831523, "y_pred": 4.628936081320426, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.476007283781178, "q_0.1": 3.5288513853630223, "q_0.125": 3.634267078356909, "q_0.15": 3.6958675157093475, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936839014505173, "q_0.275": 4.016424591290319, "q_0.3": 4.0955120857025005, "q_0.325": 4.142786519563793, "q_0.35": 4.184637733393867, "q_0.375": 4.229787797704703, "q_0.4": 4.317471278544529, "q_0.425": 4.394892632142071, "q_0.45": 4.46740666717732, "q_0.475": 4.5354805799677065, "q_0.5": 4.628936081320426, "q_0.525": 4.72483394521576, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.944475332278714, "q_0.625": 5.046269926735264, "q_0.65": 5.182625141469851, "q_0.675": 5.212656982887996, "q_0.7": 5.260355785997356, "q_0.725": 5.336697389489906, "q_0.75": 5.383242435781614, "q_0.775": 5.410544530319537, "q_0.8": 5.612905749075997, "q_0.825": 5.6583979794921895, "q_0.85": 5.790173953485768, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.296446398739077, "q_1": 6.925093622294119}, {"x": 20.56822729091637, "y": 5.028023342034318, "y_true": 3.1165430450295344, "y_pred": 4.628936081320426, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.476007283781178, "q_0.1": 3.5288513853630223, "q_0.125": 3.634267078356909, "q_0.15": 3.6958675157093475, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936839014505173, "q_0.275": 4.016424591290319, "q_0.3": 4.0955120857025005, "q_0.325": 4.142786519563793, "q_0.35": 4.184637733393867, "q_0.375": 4.229787797704703, "q_0.4": 4.317471278544529, "q_0.425": 4.394892632142071, "q_0.45": 4.46740666717732, "q_0.475": 4.5354805799677065, "q_0.5": 4.628936081320426, "q_0.525": 4.72483394521576, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.944475332278714, "q_0.625": 5.046269926735264, "q_0.65": 5.182625141469851, "q_0.675": 5.212656982887996, "q_0.7": 5.260355785997356, "q_0.725": 5.336697389489906, "q_0.75": 5.383242435781614, "q_0.775": 5.410544530319537, "q_0.8": 5.612905749075997, "q_0.825": 5.6583979794921895, "q_0.85": 5.790173953485768, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.296446398739077, "q_1": 6.925093622294119}, {"x": 20.60824329731893, "y": 5.301821570548665, "y_true": 3.1183145874429594, "y_pred": 4.628936081320426, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.476007283781178, "q_0.1": 3.5288513853630223, "q_0.125": 3.634267078356909, "q_0.15": 3.6958675157093475, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936839014505173, "q_0.275": 4.016424591290319, "q_0.3": 4.0955120857025005, "q_0.325": 4.142786519563793, "q_0.35": 4.184637733393867, "q_0.375": 4.229787797704703, "q_0.4": 4.317471278544529, "q_0.425": 4.394892632142071, "q_0.45": 4.46740666717732, "q_0.475": 4.5354805799677065, "q_0.5": 4.628936081320426, "q_0.525": 4.72483394521576, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.944475332278714, "q_0.625": 5.046269926735264, "q_0.65": 5.182625141469851, "q_0.675": 5.212656982887996, "q_0.7": 5.260355785997356, "q_0.725": 5.336697389489906, "q_0.75": 5.383242435781614, "q_0.775": 5.410544530319537, "q_0.8": 5.612905749075997, "q_0.825": 5.6583979794921895, "q_0.85": 5.790173953485768, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.296446398739077, "q_1": 6.925093622294119}, {"x": 20.64825930372149, "y": 3.7502079753195243, "y_true": 3.1200829970429558, "y_pred": 4.628936081320426, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4760845779201355, "q_0.1": 3.5288513853630223, "q_0.125": 3.634267078356909, "q_0.15": 3.6958675157093475, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936839014505173, "q_0.275": 4.016424591290319, "q_0.3": 4.0955120857025005, "q_0.325": 4.142786519563793, "q_0.35": 4.184637733393867, "q_0.375": 4.229787797704703, "q_0.4": 4.317471278544529, "q_0.425": 4.4006738464028325, "q_0.45": 4.46740666717732, "q_0.475": 4.5354805799677065, "q_0.5": 4.628936081320426, "q_0.525": 4.72483394521576, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.944475332278714, "q_0.625": 5.047921879055577, "q_0.65": 5.182625141469851, "q_0.675": 5.220432147079574, "q_0.7": 5.2667743091875785, "q_0.725": 5.336697389489906, "q_0.75": 5.383242435781614, "q_0.775": 5.453930998005581, "q_0.8": 5.626988860131206, "q_0.825": 5.688110136034942, "q_0.85": 5.790336695635354, "q_0.875": 5.847596021997817, "q_0.9": 5.923190597868797, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.296446398739077, "q_1": 6.925093622294119}, {"x": 20.68827531012405, "y": 4.173175410950672, "y_true": 3.1218482848901647, "y_pred": 4.636192778120208, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.642957716588023, "q_0.15": 3.729572609585341, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.114426410309593, "q_0.325": 4.1625492107003454, "q_0.35": 4.185803414891856, "q_0.375": 4.2502592436525894, "q_0.4": 4.317471278544529, "q_0.425": 4.4006738464028325, "q_0.45": 4.46740666717732, "q_0.475": 4.569257889367949, "q_0.5": 4.636192778120208, "q_0.525": 4.728370737995101, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.950424417897871, "q_0.625": 5.047921879055577, "q_0.65": 5.182625141469851, "q_0.675": 5.222634532649728, "q_0.7": 5.2942602989588465, "q_0.725": 5.3509524223356895, "q_0.75": 5.383242435781614, "q_0.775": 5.484003419948014, "q_0.8": 5.626988860131206, "q_0.825": 5.688110136034942, "q_0.85": 5.790336695635354, "q_0.875": 5.8537511302532375, "q_0.9": 5.953160083310513, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.307730002995395, "q_1": 6.925093622294119}, {"x": 20.72829131652661, "y": 5.205500818890663, "y_true": 3.1236104619867535, "y_pred": 4.636192778120208, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.642957716588023, "q_0.15": 3.729572609585341, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.114426410309593, "q_0.325": 4.1625492107003454, "q_0.35": 4.185803414891856, "q_0.375": 4.2502592436525894, "q_0.4": 4.317471278544529, "q_0.425": 4.4006738464028325, "q_0.45": 4.46740666717732, "q_0.475": 4.569257889367949, "q_0.5": 4.636192778120208, "q_0.525": 4.728370737995101, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.950424417897871, "q_0.625": 5.047921879055577, "q_0.65": 5.182625141469851, "q_0.675": 5.222634532649728, "q_0.7": 5.2942602989588465, "q_0.725": 5.3509524223356895, "q_0.75": 5.383242435781614, "q_0.775": 5.484003419948014, "q_0.8": 5.626988860131206, "q_0.825": 5.688110136034942, "q_0.85": 5.790336695635354, "q_0.875": 5.8537511302532375, "q_0.9": 5.953160083310513, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.307730002995395, "q_1": 6.925093622294119}, {"x": 20.76830732292917, "y": 5.833812766287782, "y_true": 3.12536953927683, "y_pred": 4.636192778120208, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.642957716588023, "q_0.15": 3.729572609585341, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.114426410309593, "q_0.325": 4.1625492107003454, "q_0.35": 4.185803414891856, "q_0.375": 4.2502592436525894, "q_0.4": 4.317471278544529, "q_0.425": 4.4006738464028325, "q_0.45": 4.46740666717732, "q_0.475": 4.569257889367949, "q_0.5": 4.636192778120208, "q_0.525": 4.728370737995101, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.950424417897871, "q_0.625": 5.047921879055577, "q_0.65": 5.182625141469851, "q_0.675": 5.222634532649728, "q_0.7": 5.2942602989588465, "q_0.725": 5.3509524223356895, "q_0.75": 5.383242435781614, "q_0.775": 5.484003419948014, "q_0.8": 5.626988860131206, "q_0.825": 5.688110136034942, "q_0.85": 5.790336695635354, "q_0.875": 5.8537511302532375, "q_0.9": 5.953160083310513, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.307730002995395, "q_1": 6.925093622294119}, {"x": 20.808323329331735, "y": 4.80289988099017, "y_true": 3.1271255276468484, "y_pred": 4.636192778120208, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.642957716588023, "q_0.15": 3.729572609585341, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.114426410309593, "q_0.325": 4.1625492107003454, "q_0.35": 4.185803414891856, "q_0.375": 4.2502592436525894, "q_0.4": 4.317471278544529, "q_0.425": 4.4006738464028325, "q_0.45": 4.46740666717732, "q_0.475": 4.569257889367949, "q_0.5": 4.636192778120208, "q_0.525": 4.728370737995101, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.950424417897871, "q_0.625": 5.047921879055577, "q_0.65": 5.182625141469851, "q_0.675": 5.222634532649728, "q_0.7": 5.2942602989588465, "q_0.725": 5.3509524223356895, "q_0.75": 5.383242435781614, "q_0.775": 5.484003419948014, "q_0.8": 5.626988860131206, "q_0.825": 5.688110136034942, "q_0.85": 5.790336695635354, "q_0.875": 5.8537511302532375, "q_0.9": 5.953160083310513, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.307730002995395, "q_1": 6.925093622294119}, {"x": 20.848339335734295, "y": 4.00075947507023, "y_true": 3.128878437926013, "y_pred": 4.636192778120208, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.642957716588023, "q_0.15": 3.729572609585341, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.114426410309593, "q_0.325": 4.1625492107003454, "q_0.35": 4.185803414891856, "q_0.375": 4.2502592436525894, "q_0.4": 4.317471278544529, "q_0.425": 4.4006738464028325, "q_0.45": 4.46740666717732, "q_0.475": 4.569257889367949, "q_0.5": 4.636192778120208, "q_0.525": 4.728370737995101, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.950424417897871, "q_0.625": 5.047921879055577, "q_0.65": 5.182625141469851, "q_0.675": 5.222634532649728, "q_0.7": 5.2942602989588465, "q_0.725": 5.3509524223356895, "q_0.75": 5.383242435781614, "q_0.775": 5.484003419948014, "q_0.8": 5.626988860131206, "q_0.825": 5.688110136034942, "q_0.85": 5.790336695635354, "q_0.875": 5.8537511302532375, "q_0.9": 5.953160083310513, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.307730002995395, "q_1": 6.925093622294119}, {"x": 20.888355342136855, "y": 3.2239329197299758, "y_true": 3.1306282808866808, "y_pred": 4.636192778120208, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.642957716588023, "q_0.15": 3.729572609585341, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.114426410309593, "q_0.325": 4.1625492107003454, "q_0.35": 4.185803414891856, "q_0.375": 4.2502592436525894, "q_0.4": 4.317471278544529, "q_0.425": 4.4006738464028325, "q_0.45": 4.46740666717732, "q_0.475": 4.569257889367949, "q_0.5": 4.636192778120208, "q_0.525": 4.728370737995101, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.950424417897871, "q_0.625": 5.047921879055577, "q_0.65": 5.182625141469851, "q_0.675": 5.222634532649728, "q_0.7": 5.2942602989588465, "q_0.725": 5.3509524223356895, "q_0.75": 5.383242435781614, "q_0.775": 5.484003419948014, "q_0.8": 5.626988860131206, "q_0.825": 5.688110136034942, "q_0.85": 5.790336695635354, "q_0.875": 5.8537511302532375, "q_0.9": 5.953160083310513, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.307730002995395, "q_1": 6.925093622294119}, {"x": 20.928371348539418, "y": 5.3257398400197555, "y_true": 3.132375067244758, "y_pred": 4.681477938104428, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.7309155525253, "q_0.175": 3.748814903876299, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.469221529047629, "q_0.475": 4.569452698793235, "q_0.5": 4.681477938104428, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.890285211642836, "q_0.6": 4.950424417897871, "q_0.625": 5.138908745036272, "q_0.65": 5.182625141469851, "q_0.675": 5.223368661173108, "q_0.7": 5.2942602989588465, "q_0.725": 5.3509524223356895, "q_0.75": 5.386612467019537, "q_0.775": 5.50277970168295, "q_0.8": 5.626988860131206, "q_0.825": 5.7294848141644845, "q_0.85": 5.790685482401363, "q_0.875": 5.8537511302532375, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.168706421972327, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 20.968387354941978, "y": 3.1584775691928564, "y_true": 3.134118807660092, "y_pred": 4.681477938104428, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.7309155525253, "q_0.175": 3.748814903876299, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.469221529047629, "q_0.475": 4.569452698793235, "q_0.5": 4.681477938104428, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.890285211642836, "q_0.6": 4.950424417897871, "q_0.625": 5.138908745036272, "q_0.65": 5.182625141469851, "q_0.675": 5.223368661173108, "q_0.7": 5.2942602989588465, "q_0.725": 5.3509524223356895, "q_0.75": 5.386612467019537, "q_0.775": 5.50277970168295, "q_0.8": 5.626988860131206, "q_0.825": 5.7294848141644845, "q_0.85": 5.790685482401363, "q_0.875": 5.8537511302532375, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.168706421972327, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.008403361344538, "y": 4.287968664437169, "y_true": 3.135859512736865, "y_pred": 4.681477938104428, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6497409378753063, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.469221529047629, "q_0.475": 4.569452698793235, "q_0.5": 4.681477938104428, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.890285211642836, "q_0.6": 4.950424417897871, "q_0.625": 5.142432982777434, "q_0.65": 5.200393199907028, "q_0.675": 5.223368661173108, "q_0.7": 5.301821570548665, "q_0.725": 5.355259507868923, "q_0.75": 5.386612467019537, "q_0.775": 5.51035773693595, "q_0.8": 5.626988860131206, "q_0.825": 5.7294848141644845, "q_0.85": 5.790685482401363, "q_0.875": 5.8537511302532375, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.168706421972327, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.0484193677471, "y": 4.778676612210029, "y_true": 3.1375971930239777, "y_pred": 4.681477938104428, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6497409378753063, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.469221529047629, "q_0.475": 4.569452698793235, "q_0.5": 4.681477938104428, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.890285211642836, "q_0.6": 4.950424417897871, "q_0.625": 5.142432982777434, "q_0.65": 5.200393199907028, "q_0.675": 5.223368661173108, "q_0.7": 5.301821570548665, "q_0.725": 5.355259507868923, "q_0.75": 5.386612467019537, "q_0.775": 5.51035773693595, "q_0.8": 5.626988860131206, "q_0.825": 5.7294848141644845, "q_0.85": 5.790685482401363, "q_0.875": 5.8537511302532375, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.168706421972327, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.08843537414966, "y": 5.9933167980933195, "y_true": 3.1393318590154355, "y_pred": 4.688021822613865, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6497409378753063, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.569452698793235, "q_0.5": 4.688021822613865, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.896547077857406, "q_0.6": 4.950424417897871, "q_0.625": 5.142432982777434, "q_0.65": 5.200393199907028, "q_0.675": 5.228614293242584, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.51035773693595, "q_0.8": 5.636087795068564, "q_0.825": 5.7294848141644845, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.168706421972327, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.12845138055222, "y": 3.4182159713715228, "y_true": 3.141063521150726, "y_pred": 4.688126828066639, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.5742407230328475, "q_0.5": 4.688126828066639, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.896547077857406, "q_0.6": 4.963909904070533, "q_0.625": 5.146182978764693, "q_0.65": 5.200393199907028, "q_0.675": 5.235279733245411, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.521610443695214, "q_0.8": 5.636087795068564, "q_0.825": 5.737732678435663, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.176722432262553, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.168467386954784, "y": 4.4006738464028325, "y_true": 3.1427921898152, "y_pred": 4.688126828066639, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.5742407230328475, "q_0.5": 4.688126828066639, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.896547077857406, "q_0.6": 4.963909904070533, "q_0.625": 5.146182978764693, "q_0.65": 5.200393199907028, "q_0.675": 5.235279733245411, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.521610443695214, "q_0.8": 5.636087795068564, "q_0.825": 5.737732678435663, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.176722432262553, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.208483393357344, "y": 3.2199003274256977, "y_true": 3.1445178753404393, "y_pred": 4.688126828066639, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.5742407230328475, "q_0.5": 4.688126828066639, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.896547077857406, "q_0.6": 4.963909904070533, "q_0.625": 5.146182978764693, "q_0.65": 5.200393199907028, "q_0.675": 5.235279733245411, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.521610443695214, "q_0.8": 5.636087795068564, "q_0.825": 5.737732678435663, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.176722432262553, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.248499399759904, "y": 4.209113929947946, "y_true": 3.1462405880046336, "y_pred": 4.688126828066639, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.5742407230328475, "q_0.5": 4.688126828066639, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.896547077857406, "q_0.6": 4.963909904070533, "q_0.625": 5.146182978764693, "q_0.65": 5.200393199907028, "q_0.675": 5.235279733245411, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.521610443695214, "q_0.8": 5.636087795068564, "q_0.825": 5.737732678435663, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.176722432262553, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.288515406162468, "y": 5.079410060075877, "y_true": 3.1479603380329437, "y_pred": 4.688126828066639, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.5742407230328475, "q_0.5": 4.688126828066639, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.896547077857406, "q_0.6": 4.963909904070533, "q_0.625": 5.146182978764693, "q_0.65": 5.200393199907028, "q_0.675": 5.235279733245411, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.521610443695214, "q_0.8": 5.636087795068564, "q_0.825": 5.737732678435663, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.176722432262553, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.328531412565027, "y": 4.016424591290319, "y_true": 3.1496771355978663, "y_pred": 4.688126828066639, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.5742407230328475, "q_0.5": 4.688126828066639, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.896547077857406, "q_0.6": 4.963909904070533, "q_0.625": 5.146182978764693, "q_0.65": 5.200393199907028, "q_0.675": 5.235279733245411, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.521610443695214, "q_0.8": 5.636087795068564, "q_0.825": 5.737732678435663, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.176722432262553, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.368547418967587, "y": 3.8032216466095914, "y_true": 3.1513909908195963, "y_pred": 4.688126828066639, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.5742407230328475, "q_0.5": 4.688126828066639, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.896547077857406, "q_0.6": 4.963909904070533, "q_0.625": 5.146182978764693, "q_0.65": 5.200393199907028, "q_0.675": 5.235279733245411, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.521610443695214, "q_0.8": 5.636087795068564, "q_0.825": 5.737732678435663, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.176722432262553, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.40856342537015, "y": 3.5128745437220785, "y_true": 3.1531019137663834, "y_pred": 4.688126828066639, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.730781258231304, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.363511940644604, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.5742407230328475, "q_0.5": 4.688126828066639, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.898065250498959, "q_0.6": 4.987023085582278, "q_0.625": 5.146182978764693, "q_0.65": 5.200393199907028, "q_0.675": 5.2417729067671255, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.528362067750777, "q_0.8": 5.636087795068564, "q_0.825": 5.737320285222089, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.105857021781258, "q_0.95": 6.176722432262553, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.44857943177271, "y": 4.950424417897871, "y_true": 3.1548099144548876, "y_pred": 4.688126828066639, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.730781258231304, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.363511940644604, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.5742407230328475, "q_0.5": 4.688126828066639, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.898065250498959, "q_0.6": 4.987023085582278, "q_0.625": 5.146182978764693, "q_0.65": 5.200393199907028, "q_0.675": 5.2417729067671255, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.528362067750777, "q_0.8": 5.636087795068564, "q_0.825": 5.737320285222089, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.105857021781258, "q_0.95": 6.176722432262553, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.48859543817527, "y": 5.320896309825398, "y_true": 3.1565150028505315, "y_pred": 4.6955165158138525, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5370715451265924, "q_0.125": 3.6515861446280082, "q_0.15": 3.7309155525253, "q_0.175": 3.7502079753195243, "q_0.2": 3.8207365854712005, "q_0.225": 3.892272226422649, "q_0.25": 3.936985109287485, "q_0.275": 4.029958252933678, "q_0.3": 4.1166823061580855, "q_0.325": 4.173175410950672, "q_0.35": 4.209113929947946, "q_0.375": 4.306813298062806, "q_0.4": 4.367563273352806, "q_0.425": 4.432691464669937, "q_0.45": 4.481640192758833, "q_0.475": 4.584551555518483, "q_0.5": 4.6955165158138525, "q_0.525": 4.7564639567660585, "q_0.55": 4.8166207162838575, "q_0.575": 4.917301257812121, "q_0.6": 5.015290345978547, "q_0.625": 5.148743240539422, "q_0.65": 5.203515163590286, "q_0.675": 5.2470244104838155, "q_0.7": 5.309391833312436, "q_0.725": 5.366038114054975, "q_0.75": 5.402319596127429, "q_0.775": 5.533933880357063, "q_0.8": 5.636087795068564, "q_0.825": 5.737732678435663, "q_0.85": 5.793534138012153, "q_0.875": 5.921469300691284, "q_0.9": 5.9933167980933195, "q_0.925": 6.117099521421366, "q_0.95": 6.177399855702102, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.52861144457783, "y": 5.251219964400493, "y_true": 3.158217188867848, "y_pred": 4.749622494847907, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.435274744216397, "q_0.075": 3.477387628605698, "q_0.1": 3.5694675885460723, "q_0.125": 3.655817169828787, "q_0.15": 3.731146240479181, "q_0.175": 3.7502079753195243, "q_0.2": 3.8238489319904967, "q_0.225": 3.9045822653151347, "q_0.25": 3.998948728797799, "q_0.275": 4.036937507457324, "q_0.3": 4.132369506939863, "q_0.325": 4.179511356570599, "q_0.35": 4.229787797704703, "q_0.375": 4.329248332012304, "q_0.4": 4.4006738464028325, "q_0.425": 4.469221529047629, "q_0.45": 4.569452698793235, "q_0.475": 4.658443494530879, "q_0.5": 4.749622494847907, "q_0.525": 4.7891841984093775, "q_0.55": 4.885721790323394, "q_0.575": 4.950424417897871, "q_0.6": 5.138908745036272, "q_0.625": 5.182625141469851, "q_0.65": 5.223368661173108, "q_0.675": 5.2942602989588465, "q_0.7": 5.3509524223356895, "q_0.725": 5.383242435781614, "q_0.75": 5.453930998005581, "q_0.775": 5.612905749075997, "q_0.8": 5.6583979794921895, "q_0.825": 5.790173953485768, "q_0.85": 5.841440913742378, "q_0.875": 5.953160083310513, "q_0.9": 6.042452142147785, "q_0.925": 6.122592326270759, "q_0.95": 6.200664817196285, "q_0.975": 6.408709400648361, "q_1": 6.925093622294119}, {"x": 21.568627450980394, "y": 6.117099521421366, "y_true": 3.1599164823708272, "y_pred": 4.749622494847907, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.435274744216397, "q_0.075": 3.477387628605698, "q_0.1": 3.5694675885460723, "q_0.125": 3.655817169828787, "q_0.15": 3.731146240479181, "q_0.175": 3.7502079753195243, "q_0.2": 3.8238489319904967, "q_0.225": 3.9045822653151347, "q_0.25": 3.998948728797799, "q_0.275": 4.036937507457324, "q_0.3": 4.132369506939863, "q_0.325": 4.179511356570599, "q_0.35": 4.229787797704703, "q_0.375": 4.329248332012304, "q_0.4": 4.4006738464028325, "q_0.425": 4.469221529047629, "q_0.45": 4.569452698793235, "q_0.475": 4.658443494530879, "q_0.5": 4.749622494847907, "q_0.525": 4.7891841984093775, "q_0.55": 4.885721790323394, "q_0.575": 4.950424417897871, "q_0.6": 5.138908745036272, "q_0.625": 5.182625141469851, "q_0.65": 5.223368661173108, "q_0.675": 5.2942602989588465, "q_0.7": 5.3509524223356895, "q_0.725": 5.383242435781614, "q_0.75": 5.453930998005581, "q_0.775": 5.612905749075997, "q_0.8": 5.6583979794921895, "q_0.825": 5.790173953485768, "q_0.85": 5.841440913742378, "q_0.875": 5.953160083310513, "q_0.9": 6.042452142147785, "q_0.925": 6.122592326270759, "q_0.95": 6.200664817196285, "q_0.975": 6.408709400648361, "q_1": 6.925093622294119}, {"x": 21.608643457382954, "y": 3.1700424123361106, "y_true": 3.1616128931732588, "y_pred": 4.749622494847907, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.435274744216397, "q_0.075": 3.477387628605698, "q_0.1": 3.5694675885460723, "q_0.125": 3.655817169828787, "q_0.15": 3.731146240479181, "q_0.175": 3.7502079753195243, "q_0.2": 3.8238489319904967, "q_0.225": 3.9045822653151347, "q_0.25": 3.998948728797799, "q_0.275": 4.036937507457324, "q_0.3": 4.132369506939863, "q_0.325": 4.179511356570599, "q_0.35": 4.229787797704703, "q_0.375": 4.329248332012304, "q_0.4": 4.4006738464028325, "q_0.425": 4.469221529047629, "q_0.45": 4.569452698793235, "q_0.475": 4.658443494530879, "q_0.5": 4.749622494847907, "q_0.525": 4.7891841984093775, "q_0.55": 4.885721790323394, "q_0.575": 4.950424417897871, "q_0.6": 5.138908745036272, "q_0.625": 5.182625141469851, "q_0.65": 5.223368661173108, "q_0.675": 5.2942602989588465, "q_0.7": 5.3509524223356895, "q_0.725": 5.383242435781614, "q_0.75": 5.453930998005581, "q_0.775": 5.612905749075997, "q_0.8": 5.6583979794921895, "q_0.825": 5.790173953485768, "q_0.85": 5.841440913742378, "q_0.875": 5.953160083310513, "q_0.9": 6.042452142147785, "q_0.925": 6.122592326270759, "q_0.95": 6.200664817196285, "q_0.975": 6.408709400648361, "q_1": 6.925093622294119}, {"x": 21.648659463785513, "y": 5.182625141469851, "y_true": 3.163306431039073, "y_pred": 4.749622494847907, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.435274744216397, "q_0.075": 3.477387628605698, "q_0.1": 3.5694675885460723, "q_0.125": 3.655817169828787, "q_0.15": 3.731146240479181, "q_0.175": 3.7502079753195243, "q_0.2": 3.8238489319904967, "q_0.225": 3.9045822653151347, "q_0.25": 3.998948728797799, "q_0.275": 4.036937507457324, "q_0.3": 4.132369506939863, "q_0.325": 4.179511356570599, "q_0.35": 4.229787797704703, "q_0.375": 4.329248332012304, "q_0.4": 4.4006738464028325, "q_0.425": 4.469221529047629, "q_0.45": 4.569452698793235, "q_0.475": 4.658443494530879, "q_0.5": 4.749622494847907, "q_0.525": 4.7891841984093775, "q_0.55": 4.885721790323394, "q_0.575": 4.950424417897871, "q_0.6": 5.138908745036272, "q_0.625": 5.182625141469851, "q_0.65": 5.223368661173108, "q_0.675": 5.2942602989588465, "q_0.7": 5.3509524223356895, "q_0.725": 5.383242435781614, "q_0.75": 5.453930998005581, "q_0.775": 5.612905749075997, "q_0.8": 5.6583979794921895, "q_0.825": 5.790173953485768, "q_0.85": 5.841440913742378, "q_0.875": 5.953160083310513, "q_0.9": 6.042452142147785, "q_0.925": 6.122592326270759, "q_0.95": 6.200664817196285, "q_0.975": 6.408709400648361, "q_1": 6.925093622294119}, {"x": 21.688675470188077, "y": 5.039341170535793, "y_true": 3.164997105682676, "y_pred": 4.749622494847907, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.435274744216397, "q_0.075": 3.477387628605698, "q_0.1": 3.5694675885460723, "q_0.125": 3.655817169828787, "q_0.15": 3.731146240479181, "q_0.175": 3.7502079753195243, "q_0.2": 3.8238489319904967, "q_0.225": 3.9045822653151347, "q_0.25": 3.998948728797799, "q_0.275": 4.036937507457324, "q_0.3": 4.132369506939863, "q_0.325": 4.179511356570599, "q_0.35": 4.229787797704703, "q_0.375": 4.329248332012304, "q_0.4": 4.4006738464028325, "q_0.425": 4.469221529047629, "q_0.45": 4.569452698793235, "q_0.475": 4.658443494530879, "q_0.5": 4.749622494847907, "q_0.525": 4.7891841984093775, "q_0.55": 4.885721790323394, "q_0.575": 4.950424417897871, "q_0.6": 5.138908745036272, "q_0.625": 5.182625141469851, "q_0.65": 5.223368661173108, "q_0.675": 5.2942602989588465, "q_0.7": 5.3509524223356895, "q_0.725": 5.383242435781614, "q_0.75": 5.453930998005581, "q_0.775": 5.612905749075997, "q_0.8": 5.6583979794921895, "q_0.825": 5.790173953485768, "q_0.85": 5.841440913742378, "q_0.875": 5.953160083310513, "q_0.9": 6.042452142147785, "q_0.925": 6.122592326270759, "q_0.95": 6.200664817196285, "q_0.975": 6.408709400648361, "q_1": 6.925093622294119}, {"x": 21.728691476590637, "y": 5.005688497266193, "y_true": 3.1666849267692867, "y_pred": 4.749622494847907, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.435274744216397, "q_0.075": 3.477387628605698, "q_0.1": 3.5694675885460723, "q_0.125": 3.655817169828787, "q_0.15": 3.731146240479181, "q_0.175": 3.7502079753195243, "q_0.2": 3.8238489319904967, "q_0.225": 3.9045822653151347, "q_0.25": 3.998948728797799, "q_0.275": 4.036937507457324, "q_0.3": 4.132369506939863, "q_0.325": 4.179511356570599, "q_0.35": 4.229787797704703, "q_0.375": 4.329248332012304, "q_0.4": 4.4006738464028325, "q_0.425": 4.469221529047629, "q_0.45": 4.569452698793235, "q_0.475": 4.658443494530879, "q_0.5": 4.749622494847907, "q_0.525": 4.7891841984093775, "q_0.55": 4.885721790323394, "q_0.575": 4.950424417897871, "q_0.6": 5.138908745036272, "q_0.625": 5.182625141469851, "q_0.65": 5.223368661173108, "q_0.675": 5.2942602989588465, "q_0.7": 5.3509524223356895, "q_0.725": 5.383242435781614, "q_0.75": 5.453930998005581, "q_0.775": 5.612905749075997, "q_0.8": 5.6583979794921895, "q_0.825": 5.790173953485768, "q_0.85": 5.841440913742378, "q_0.875": 5.953160083310513, "q_0.9": 6.042452142147785, "q_0.925": 6.122592326270759, "q_0.95": 6.200664817196285, "q_0.975": 6.408709400648361, "q_1": 6.925093622294119}, {"x": 21.768707482993197, "y": 6.177399855702102, "y_true": 3.1683699039152655, "y_pred": 4.750636583013389, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.435274744216397, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.664457894812739, "q_0.15": 3.731146240479181, "q_0.175": 3.76905797357372, "q_0.2": 3.8238489319904967, "q_0.225": 3.9045822653151347, "q_0.25": 4.008679579573958, "q_0.275": 4.039347576253682, "q_0.3": 4.142786519563793, "q_0.325": 4.184637733393867, "q_0.35": 4.2502592436525894, "q_0.375": 4.36214694502621, "q_0.4": 4.4097836676209035, "q_0.425": 4.473660885725792, "q_0.45": 4.57390582955391, "q_0.475": 4.688021822613865, "q_0.5": 4.750636583013389, "q_0.525": 4.79005076402758, "q_0.55": 4.896547077857406, "q_0.575": 4.963909904070533, "q_0.6": 5.142432982777434, "q_0.625": 5.182625141469851, "q_0.65": 5.223368661173108, "q_0.675": 5.301821570548665, "q_0.7": 5.3509524223356895, "q_0.725": 5.386612467019537, "q_0.75": 5.484003419948014, "q_0.775": 5.612905749075997, "q_0.8": 5.688110136034942, "q_0.825": 5.790336695635354, "q_0.85": 5.8537511302532375, "q_0.875": 5.953160083310513, "q_0.9": 6.042452142147785, "q_0.925": 6.126986315347967, "q_0.95": 6.23727783563905, "q_0.975": 6.408709400648361, "q_1": 6.925093622294119}, {"x": 21.80872348939576, "y": 3.222812183180076, "y_true": 3.170052046688446, "y_pred": 4.750636583013389, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.435274744216397, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.664457894812739, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8238489319904967, "q_0.225": 3.9045822653151347, "q_0.25": 4.008679579573958, "q_0.275": 4.039347576253682, "q_0.3": 4.142786519563793, "q_0.325": 4.184637733393867, "q_0.35": 4.2502592436525894, "q_0.375": 4.36214694502621, "q_0.4": 4.4097836676209035, "q_0.425": 4.473660885725792, "q_0.45": 4.573939318901804, "q_0.475": 4.688021822613865, "q_0.5": 4.750636583013389, "q_0.525": 4.79005076402758, "q_0.55": 4.896547077857406, "q_0.575": 4.963909904070533, "q_0.6": 5.142432982777434, "q_0.625": 5.182625141469851, "q_0.65": 5.223368661173108, "q_0.675": 5.301821570548665, "q_0.7": 5.3509524223356895, "q_0.725": 5.386612467019537, "q_0.75": 5.484003419948014, "q_0.775": 5.626284704578448, "q_0.8": 5.688110136034942, "q_0.825": 5.790336695635354, "q_0.85": 5.8537511302532375, "q_0.875": 5.988485084814867, "q_0.9": 6.078580758878237, "q_0.925": 6.126986315347967, "q_0.95": 6.2381189553050875, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 21.84873949579832, "y": 5.3509524223356895, "y_true": 3.1717313646084584, "y_pred": 4.7537597243022, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.664457894812739, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8238489319904967, "q_0.225": 3.9049613456499497, "q_0.25": 4.008679579573958, "q_0.275": 4.039347576253682, "q_0.3": 4.142786519563793, "q_0.325": 4.185803414891856, "q_0.35": 4.287968664437169, "q_0.375": 4.365559434072187, "q_0.4": 4.415948017352997, "q_0.425": 4.481640192758833, "q_0.45": 4.575934724528623, "q_0.475": 4.6955165158138525, "q_0.5": 4.7537597243022, "q_0.525": 4.8166207162838575, "q_0.55": 4.898065250498959, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2417729067671255, "q_0.675": 5.307878968728166, "q_0.7": 5.366038114054975, "q_0.725": 5.386612467019537, "q_0.75": 5.51035773693595, "q_0.775": 5.626988860131206, "q_0.8": 5.7294848141644845, "q_0.825": 5.790685482401363, "q_0.85": 5.8537511302532375, "q_0.875": 5.988485084814867, "q_0.9": 6.10121953615741, "q_0.925": 6.128637492932218, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 21.88875550220088, "y": 5.720747484981661, "y_true": 3.1734078671470547, "y_pred": 4.7537597243022, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.664457894812739, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8238489319904967, "q_0.225": 3.9049613456499497, "q_0.25": 4.008679579573958, "q_0.275": 4.039347576253682, "q_0.3": 4.142786519563793, "q_0.325": 4.185803414891856, "q_0.35": 4.287968664437169, "q_0.375": 4.365559434072187, "q_0.4": 4.415948017352997, "q_0.425": 4.481640192758833, "q_0.45": 4.575934724528623, "q_0.475": 4.6955165158138525, "q_0.5": 4.7537597243022, "q_0.525": 4.8166207162838575, "q_0.55": 4.898065250498959, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2417729067671255, "q_0.675": 5.307878968728166, "q_0.7": 5.366038114054975, "q_0.725": 5.386612467019537, "q_0.75": 5.51035773693595, "q_0.775": 5.626988860131206, "q_0.8": 5.7294848141644845, "q_0.825": 5.790685482401363, "q_0.85": 5.8537511302532375, "q_0.875": 5.988485084814867, "q_0.9": 6.10121953615741, "q_0.925": 6.128637492932218, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 21.928771508603443, "y": 4.771997812919494, "y_true": 3.175081563728427, "y_pred": 4.755115878250611, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.664457894812739, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.052918724854845, "q_0.3": 4.153701107600792, "q_0.325": 4.188467214408424, "q_0.35": 4.287968664437169, "q_0.375": 4.367563273352806, "q_0.4": 4.415948017352997, "q_0.425": 4.481640192758833, "q_0.45": 4.575934724528623, "q_0.475": 4.6955165158138525, "q_0.5": 4.755115878250611, "q_0.525": 4.8166207162838575, "q_0.55": 4.898065250498959, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2470244104838155, "q_0.675": 5.309391833312436, "q_0.7": 5.366038114054975, "q_0.725": 5.402319596127429, "q_0.75": 5.533933880357063, "q_0.775": 5.636087795068564, "q_0.8": 5.7294848141644845, "q_0.825": 5.793534138012153, "q_0.85": 5.858069295852243, "q_0.875": 5.9933167980933195, "q_0.9": 6.105857021781258, "q_0.925": 6.128637492932218, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 21.968787515006003, "y": 4.223443860985988, "y_true": 3.1767524637295277, "y_pred": 4.755115878250611, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.664457894812739, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.052918724854845, "q_0.3": 4.153701107600792, "q_0.325": 4.188467214408424, "q_0.35": 4.287968664437169, "q_0.375": 4.367563273352806, "q_0.4": 4.415948017352997, "q_0.425": 4.481640192758833, "q_0.45": 4.575934724528623, "q_0.475": 4.6955165158138525, "q_0.5": 4.755115878250611, "q_0.525": 4.8166207162838575, "q_0.55": 4.898065250498959, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2470244104838155, "q_0.675": 5.309391833312436, "q_0.7": 5.366038114054975, "q_0.725": 5.402319596127429, "q_0.75": 5.533933880357063, "q_0.775": 5.636087795068564, "q_0.8": 5.7294848141644845, "q_0.825": 5.793534138012153, "q_0.85": 5.858069295852243, "q_0.875": 5.9933167980933195, "q_0.9": 6.105857021781258, "q_0.925": 6.128637492932218, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 22.008803521408563, "y": 5.6583979794921895, "y_true": 3.1784205764803843, "y_pred": 4.755115878250611, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.6661062176696593, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.069012393132045, "q_0.3": 4.153701107600792, "q_0.325": 4.200888205559467, "q_0.35": 4.287968664437169, "q_0.375": 4.367563273352806, "q_0.4": 4.432691464669937, "q_0.425": 4.481640192758833, "q_0.45": 4.584551555518483, "q_0.475": 4.6955165158138525, "q_0.5": 4.755115878250611, "q_0.525": 4.8166207162838575, "q_0.55": 4.917301257812121, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2470244104838155, "q_0.675": 5.3257398400197555, "q_0.7": 5.366038114054975, "q_0.725": 5.402319596127429, "q_0.75": 5.533933880357063, "q_0.775": 5.636087795068564, "q_0.8": 5.737732678435663, "q_0.825": 5.793534138012153, "q_0.85": 5.921469300691284, "q_0.875": 5.9933167980933195, "q_0.9": 6.105857021781258, "q_0.925": 6.128637492932218, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 22.048819527811126, "y": 3.4851967300593474, "y_true": 3.1800859112644098, "y_pred": 4.755115878250611, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.6661062176696593, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.069012393132045, "q_0.3": 4.153701107600792, "q_0.325": 4.200888205559467, "q_0.35": 4.287968664437169, "q_0.375": 4.367563273352806, "q_0.4": 4.432691464669937, "q_0.425": 4.481640192758833, "q_0.45": 4.584551555518483, "q_0.475": 4.6955165158138525, "q_0.5": 4.755115878250611, "q_0.525": 4.8166207162838575, "q_0.55": 4.917301257812121, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2470244104838155, "q_0.675": 5.3257398400197555, "q_0.7": 5.366038114054975, "q_0.725": 5.402319596127429, "q_0.75": 5.533933880357063, "q_0.775": 5.636087795068564, "q_0.8": 5.737732678435663, "q_0.825": 5.793534138012153, "q_0.85": 5.921469300691284, "q_0.875": 5.9933167980933195, "q_0.9": 6.105857021781258, "q_0.925": 6.128637492932218, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 22.088835534213686, "y": 4.569452698793235, "y_true": 3.1817484773187155, "y_pred": 4.755115878250611, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.6661062176696593, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.069582773500545, "q_0.3": 4.153701107600792, "q_0.325": 4.200888205559467, "q_0.35": 4.287968664437169, "q_0.375": 4.367563273352806, "q_0.4": 4.432691464669937, "q_0.425": 4.481640192758833, "q_0.45": 4.584551555518483, "q_0.475": 4.6955165158138525, "q_0.5": 4.755115878250611, "q_0.525": 4.8166207162838575, "q_0.55": 4.917301257812121, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2470244104838155, "q_0.675": 5.3257398400197555, "q_0.7": 5.366038114054975, "q_0.725": 5.402633907328516, "q_0.75": 5.533933880357063, "q_0.775": 5.636087795068564, "q_0.8": 5.737732678435663, "q_0.825": 5.793534138012153, "q_0.85": 5.921469300691284, "q_0.875": 5.9933167980933195, "q_0.9": 6.105857021781258, "q_0.925": 6.168706421972327, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 22.128851540616246, "y": 4.8166207162838575, "y_true": 3.183408283834417, "y_pred": 4.755115878250611, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.6661062176696593, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.069582773500545, "q_0.3": 4.153701107600792, "q_0.325": 4.200888205559467, "q_0.35": 4.287968664437169, "q_0.375": 4.367563273352806, "q_0.4": 4.432691464669937, "q_0.425": 4.481640192758833, "q_0.45": 4.584551555518483, "q_0.475": 4.6955165158138525, "q_0.5": 4.755115878250611, "q_0.525": 4.8166207162838575, "q_0.55": 4.917301257812121, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2470244104838155, "q_0.675": 5.3257398400197555, "q_0.7": 5.366038114054975, "q_0.725": 5.402633907328516, "q_0.75": 5.533933880357063, "q_0.775": 5.636087795068564, "q_0.8": 5.737732678435663, "q_0.825": 5.793534138012153, "q_0.85": 5.921469300691284, "q_0.875": 5.9933167980933195, "q_0.9": 6.105857021781258, "q_0.925": 6.168706421972327, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 22.16886754701881, "y": 5.366038114054975, "y_true": 3.185065339956939, "y_pred": 4.755115878250611, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.6661062176696593, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.069582773500545, "q_0.3": 4.153701107600792, "q_0.325": 4.200888205559467, "q_0.35": 4.287968664437169, "q_0.375": 4.367563273352806, "q_0.4": 4.432691464669937, "q_0.425": 4.481640192758833, "q_0.45": 4.584551555518483, "q_0.475": 4.6955165158138525, "q_0.5": 4.755115878250611, "q_0.525": 4.8166207162838575, "q_0.55": 4.917301257812121, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2470244104838155, "q_0.675": 5.3257398400197555, "q_0.7": 5.366038114054975, "q_0.725": 5.402633907328516, "q_0.75": 5.533933880357063, "q_0.775": 5.636087795068564, "q_0.8": 5.737732678435663, "q_0.825": 5.793534138012153, "q_0.85": 5.921469300691284, "q_0.875": 5.9933167980933195, "q_0.9": 6.105857021781258, "q_0.925": 6.168706421972327, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 22.20888355342137, "y": 3.4725130308115375, "y_true": 3.186719654786318, "y_pred": 4.755115878250611, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.6661062176696593, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.069582773500545, "q_0.3": 4.153701107600792, "q_0.325": 4.200888205559467, "q_0.35": 4.287968664437169, "q_0.375": 4.367563273352806, "q_0.4": 4.432691464669937, "q_0.425": 4.481640192758833, "q_0.45": 4.584551555518483, "q_0.475": 4.6955165158138525, "q_0.5": 4.755115878250611, "q_0.525": 4.8166207162838575, "q_0.55": 4.917301257812121, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2470244104838155, "q_0.675": 5.3257398400197555, "q_0.7": 5.366038114054975, "q_0.725": 5.402633907328516, "q_0.75": 5.533933880357063, "q_0.775": 5.636087795068564, "q_0.8": 5.737732678435663, "q_0.825": 5.793534138012153, "q_0.85": 5.921469300691284, "q_0.875": 5.9933167980933195, "q_0.9": 6.105857021781258, "q_0.925": 6.168706421972327, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 22.24889955982393, "y": 3.9049613456499497, "y_true": 3.1883712373775026, "y_pred": 4.755115878250611, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.6661062176696593, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.069582773500545, "q_0.3": 4.153701107600792, "q_0.325": 4.200888205559467, "q_0.35": 4.287968664437169, "q_0.375": 4.367563273352806, "q_0.4": 4.432691464669937, "q_0.425": 4.481640192758833, "q_0.45": 4.584551555518483, "q_0.475": 4.6955165158138525, "q_0.5": 4.755115878250611, "q_0.525": 4.8166207162838575, "q_0.55": 4.917301257812121, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2470244104838155, "q_0.675": 5.3257398400197555, "q_0.7": 5.366038114054975, "q_0.725": 5.402633907328516, "q_0.75": 5.533933880357063, "q_0.775": 5.636087795068564, "q_0.8": 5.737732678435663, "q_0.825": 5.793534138012153, "q_0.85": 5.921469300691284, "q_0.875": 5.9933167980933195, "q_0.9": 6.105857021781258, "q_0.925": 6.168706421972327, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 22.288915566226493, "y": 4.481640192758833, "y_true": 3.19002009674065, "y_pred": 4.771997812919494, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.461883211429853, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.6661062176696593, "q_0.15": 3.7365026110356876, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.0955120857025005, "q_0.3": 4.172866996186007, "q_0.325": 4.209113929947946, "q_0.35": 4.306813298062806, "q_0.375": 4.390163237022276, "q_0.4": 4.432691464669937, "q_0.425": 4.501414112513693, "q_0.45": 4.621895266555519, "q_0.475": 4.71165389228335, "q_0.5": 4.771997812919494, "q_0.525": 4.85589252691835, "q_0.55": 4.917301257812121, "q_0.575": 5.015290345978547, "q_0.6": 5.1485304493545545, "q_0.625": 5.203515163590286, "q_0.65": 5.250238965484575, "q_0.675": 5.3257398400197555, "q_0.7": 5.366354531508699, "q_0.725": 5.402633907328516, "q_0.75": 5.545253349624581, "q_0.775": 5.636500464109794, "q_0.8": 5.737732678435663, "q_0.825": 5.836017832799923, "q_0.85": 5.923190597868797, "q_0.875": 5.9933167980933195, "q_0.9": 6.117099521421366, "q_0.925": 6.168706421972327, "q_0.95": 6.242380127117748, "q_0.975": 6.422219416707716, "q_1": 6.925093622294119}, {"x": 22.328931572629052, "y": 5.154853913628727, "y_true": 3.1916662418414203, "y_pred": 4.771997812919494, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.4692782300457945, "q_0.075": 3.5128745437220785, "q_0.1": 3.613674538163367, "q_0.125": 3.6661062176696593, "q_0.15": 3.738339553729039, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.025548572432858, "q_0.275": 4.0955120857025005, "q_0.3": 4.172866996186007, "q_0.325": 4.209113929947946, "q_0.35": 4.31160082340736, "q_0.375": 4.394892632142071, "q_0.4": 4.461932404355518, "q_0.425": 4.5354805799677065, "q_0.45": 4.628936081320426, "q_0.475": 4.72483394521576, "q_0.5": 4.771997812919494, "q_0.525": 4.86795027450146, "q_0.55": 4.934866341810061, "q_0.575": 5.028023342034318, "q_0.6": 5.161299509811205, "q_0.625": 5.205500818890663, "q_0.65": 5.251219964400493, "q_0.675": 5.336697389489906, "q_0.7": 5.366354531508699, "q_0.725": 5.410544530319537, "q_0.75": 5.576540737942507, "q_0.775": 5.6570912498687855, "q_0.8": 5.775208191415703, "q_0.825": 5.836017832799923, "q_0.85": 5.931007805822089, "q_0.875": 6.03586784484234, "q_0.9": 6.117099521421366, "q_0.925": 6.176722432262553, "q_0.95": 6.293456463402652, "q_0.975": 6.432153619155224, "q_1": 6.925093622294119}, {"x": 22.368947579031612, "y": 5.988485084814867, "y_true": 3.1933096816012716, "y_pred": 4.771997812919494, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.4692782300457945, "q_0.075": 3.5128745437220785, "q_0.1": 3.613674538163367, "q_0.125": 3.6661062176696593, "q_0.15": 3.738339553729039, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.025548572432858, "q_0.275": 4.0955120857025005, "q_0.3": 4.172866996186007, "q_0.325": 4.209113929947946, "q_0.35": 4.31160082340736, "q_0.375": 4.394892632142071, "q_0.4": 4.461932404355518, "q_0.425": 4.5354805799677065, "q_0.45": 4.628936081320426, "q_0.475": 4.72483394521576, "q_0.5": 4.771997812919494, "q_0.525": 4.86795027450146, "q_0.55": 4.934866341810061, "q_0.575": 5.028023342034318, "q_0.6": 5.161299509811205, "q_0.625": 5.205500818890663, "q_0.65": 5.251219964400493, "q_0.675": 5.336697389489906, "q_0.7": 5.366354531508699, "q_0.725": 5.410544530319537, "q_0.75": 5.576540737942507, "q_0.775": 5.6570912498687855, "q_0.8": 5.775208191415703, "q_0.825": 5.836017832799923, "q_0.85": 5.931007805822089, "q_0.875": 6.03586784484234, "q_0.9": 6.117099521421366, "q_0.925": 6.176722432262553, "q_0.95": 6.293456463402652, "q_0.975": 6.432153619155224, "q_1": 6.925093622294119}, {"x": 22.408963585434176, "y": 5.146182978764693, "y_true": 3.1949504248977485, "y_pred": 4.771997812919494, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.4692782300457945, "q_0.075": 3.5128745437220785, "q_0.1": 3.613674538163367, "q_0.125": 3.6661062176696593, "q_0.15": 3.738339553729039, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.025548572432858, "q_0.275": 4.0955120857025005, "q_0.3": 4.172866996186007, "q_0.325": 4.209113929947946, "q_0.35": 4.31160082340736, "q_0.375": 4.394892632142071, "q_0.4": 4.461932404355518, "q_0.425": 4.5354805799677065, "q_0.45": 4.628936081320426, "q_0.475": 4.72483394521576, "q_0.5": 4.771997812919494, "q_0.525": 4.86795027450146, "q_0.55": 4.934866341810061, "q_0.575": 5.028023342034318, "q_0.6": 5.161299509811205, "q_0.625": 5.205500818890663, "q_0.65": 5.251219964400493, "q_0.675": 5.336697389489906, "q_0.7": 5.366354531508699, "q_0.725": 5.410544530319537, "q_0.75": 5.576540737942507, "q_0.775": 5.6570912498687855, "q_0.8": 5.775208191415703, "q_0.825": 5.836017832799923, "q_0.85": 5.931007805822089, "q_0.875": 6.03586784484234, "q_0.9": 6.117099521421366, "q_0.925": 6.176722432262553, "q_0.95": 6.293456463402652, "q_0.975": 6.432153619155224, "q_1": 6.925093622294119}, {"x": 22.448979591836736, "y": 3.6176363298258356, "y_true": 3.196588480564768, "y_pred": 4.771997812919494, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.4692782300457945, "q_0.075": 3.5128745437220785, "q_0.1": 3.613674538163367, "q_0.125": 3.6661062176696593, "q_0.15": 3.738339553729039, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.025548572432858, "q_0.275": 4.0955120857025005, "q_0.3": 4.172866996186007, "q_0.325": 4.209113929947946, "q_0.35": 4.31160082340736, "q_0.375": 4.394892632142071, "q_0.4": 4.461932404355518, "q_0.425": 4.5354805799677065, "q_0.45": 4.628936081320426, "q_0.475": 4.72483394521576, "q_0.5": 4.771997812919494, "q_0.525": 4.86795027450146, "q_0.55": 4.934866341810061, "q_0.575": 5.028023342034318, "q_0.6": 5.161299509811205, "q_0.625": 5.205500818890663, "q_0.65": 5.251219964400493, "q_0.675": 5.336697389489906, "q_0.7": 5.366354531508699, "q_0.725": 5.410544530319537, "q_0.75": 5.576540737942507, "q_0.775": 5.6570912498687855, "q_0.8": 5.775208191415703, "q_0.825": 5.836017832799923, "q_0.85": 5.931007805822089, "q_0.875": 6.03586784484234, "q_0.9": 6.117099521421366, "q_0.925": 6.176722432262553, "q_0.95": 6.293456463402652, "q_0.975": 6.432153619155224, "q_1": 6.925093622294119}, {"x": 22.488995598239296, "y": 6.293456463402652, "y_true": 3.1982238573929087, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.52901160464186, "y": 5.953160083310513, "y_true": 3.199856564129691, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.56902761104442, "y": 4.79005076402758, "y_true": 3.201486609479858, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.60904361744698, "y": 6.119236906760326, "y_true": 3.2031140021056563, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.649059623849542, "y": 4.917301257812121, "y_true": 3.2047387506271097, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.689075630252102, "y": 6.128637492932218, "y_true": 3.2063608636222933, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.729091636654662, "y": 5.836017832799923, "y_true": 3.207980349627607, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.769107643057225, "y": 6.277503039414318, "y_true": 3.209597217138044, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.809123649459785, "y": 6.126986315347967, "y_true": 3.211211474607458, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.849139655862345, "y": 3.3271133239830646, "y_true": 3.212823130448827, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.88915566226491, "y": 3.76905797357372, "y_true": 3.2144321930345208, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.92917166866747, "y": 4.451579517200024, "y_true": 3.2160386706965567, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.969187675070028, "y": 6.242380127117748, "y_true": 3.217642571726862, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.00920368147259, "y": 4.172866996186007, "y_true": 3.21924390437753, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.04921968787515, "y": 3.731146240479181, "y_true": 3.220842676861072, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.265811530709045, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.469719019525334, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.08923569427771, "y": 6.042452142147785, "y_true": 3.222438897350675, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.265811530709045, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.469719019525334, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.129251700680275, "y": 4.6450956571637185, "y_true": 3.224032573980449, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.265811530709045, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.469719019525334, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.169267707082835, "y": 6.117281834842629, "y_true": 3.2256237148456752, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.265811530709045, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.469719019525334, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.209283713485394, "y": 3.7378245528241587, "y_true": 3.2272123280030556, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.265811530709045, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.469719019525334, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.249299719887958, "y": 5.336697389489906, "y_true": 3.2287984214709544, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.2942602989588465, "q_0.675": 5.3509524223356895, "q_0.7": 5.386612467019537, "q_0.725": 5.484003419948014, "q_0.75": 5.5855680330200475, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.841440913742378, "q_0.85": 5.988485084814867, "q_0.875": 6.078580758878237, "q_0.9": 6.122592326270759, "q_0.925": 6.187298251146786, "q_0.95": 6.307730002995395, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.289315726290518, "y": 4.634839475911025, "y_true": 3.2303820032296446, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.2942602989588465, "q_0.675": 5.3509524223356895, "q_0.7": 5.386612467019537, "q_0.725": 5.484003419948014, "q_0.75": 5.5855680330200475, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.841440913742378, "q_0.85": 5.988485084814867, "q_0.875": 6.078580758878237, "q_0.9": 6.122592326270759, "q_0.925": 6.187298251146786, "q_0.95": 6.307730002995395, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.329331732693078, "y": 3.4760845779201355, "y_true": 3.231963081221545, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.2942602989588465, "q_0.675": 5.3509524223356895, "q_0.7": 5.386612467019537, "q_0.725": 5.484003419948014, "q_0.75": 5.5855680330200475, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.841440913742378, "q_0.85": 5.988485084814867, "q_0.875": 6.078580758878237, "q_0.9": 6.122592326270759, "q_0.925": 6.187298251146786, "q_0.95": 6.307730002995395, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.369347739095637, "y": 5.457575602506877, "y_true": 3.2335416633514624, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.2942602989588465, "q_0.675": 5.3509524223356895, "q_0.7": 5.386612467019537, "q_0.725": 5.484003419948014, "q_0.75": 5.5855680330200475, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.841440913742378, "q_0.85": 5.988485084814867, "q_0.875": 6.078580758878237, "q_0.9": 6.122592326270759, "q_0.925": 6.187298251146786, "q_0.95": 6.307730002995395, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.4093637454982, "y": 4.025548572432858, "y_true": 3.2351177574868273, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.2942602989588465, "q_0.675": 5.3509524223356895, "q_0.7": 5.386612467019537, "q_0.725": 5.484003419948014, "q_0.75": 5.5855680330200475, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.841440913742378, "q_0.85": 5.988485084814867, "q_0.875": 6.078580758878237, "q_0.9": 6.122592326270759, "q_0.925": 6.187298251146786, "q_0.95": 6.307730002995395, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.44937975190076, "y": 3.3633265429749772, "y_true": 3.236691371457928, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.2942602989588465, "q_0.675": 5.3509524223356895, "q_0.7": 5.386612467019537, "q_0.725": 5.484003419948014, "q_0.75": 5.5855680330200475, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.841440913742378, "q_0.85": 5.988485084814867, "q_0.875": 6.078580758878237, "q_0.9": 6.122592326270759, "q_0.925": 6.187298251146786, "q_0.95": 6.307730002995395, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.48939575830332, "y": 3.4299787773406125, "y_true": 3.2382625130581464, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.2942602989588465, "q_0.675": 5.3509524223356895, "q_0.7": 5.386612467019537, "q_0.725": 5.484003419948014, "q_0.75": 5.5855680330200475, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.841440913742378, "q_0.85": 5.988485084814867, "q_0.875": 6.078580758878237, "q_0.9": 6.122592326270759, "q_0.925": 6.187298251146786, "q_0.95": 6.307730002995395, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.529411764705884, "y": 3.435274744216397, "y_true": 3.239831190044189, "y_pred": 4.789617481218478, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.314615806477712, "q_0.05": 3.4725130308115375, "q_0.075": 3.5167201807054154, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.740445247763777, "q_0.175": 3.78425267544463, "q_0.2": 3.8693965820271985, "q_0.225": 3.936985109287485, "q_0.25": 4.025548572432858, "q_0.275": 4.1166823061580855, "q_0.3": 4.173175410950672, "q_0.325": 4.229787797704703, "q_0.35": 4.334888292304965, "q_0.375": 4.4097836676209035, "q_0.4": 4.469221529047629, "q_0.425": 4.57390582955391, "q_0.45": 4.681477938104428, "q_0.475": 4.749622494847907, "q_0.5": 4.789617481218478, "q_0.525": 4.890285211642836, "q_0.55": 4.950424417897871, "q_0.575": 5.138908745036272, "q_0.6": 5.182625141469851, "q_0.625": 5.223368661173108, "q_0.65": 5.301821570548665, "q_0.675": 5.355259507868923, "q_0.7": 5.386612467019537, "q_0.725": 5.484003419948014, "q_0.75": 5.612905749075997, "q_0.775": 5.688110136034942, "q_0.8": 5.790336695635354, "q_0.825": 5.841440913742378, "q_0.85": 5.988485084814867, "q_0.875": 6.10121953615741, "q_0.9": 6.126986315347967, "q_0.925": 6.187298251146786, "q_0.95": 6.365611531052373, "q_0.975": 6.476154977791679, "q_1": 6.925093622294119}, {"x": 23.569427771108444, "y": 6.147507102793787, "y_true": 3.2413974101363143, "y_pred": 4.79005076402758, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5288513853630223, "q_0.1": 3.6176363298258356, "q_0.125": 3.6932152795377187, "q_0.15": 3.740445247763777, "q_0.175": 3.78425267544463, "q_0.2": 3.88200032622564, "q_0.225": 3.9394969072533668, "q_0.25": 4.036485823112227, "q_0.275": 4.1166823061580855, "q_0.3": 4.179511356570599, "q_0.325": 4.2502592436525894, "q_0.35": 4.367563273352806, "q_0.375": 4.415948017352997, "q_0.4": 4.481640192758833, "q_0.425": 4.5742407230328475, "q_0.45": 4.688021822613865, "q_0.475": 4.750636583013389, "q_0.5": 4.79005076402758, "q_0.525": 4.896547077857406, "q_0.55": 4.963909904070533, "q_0.575": 5.142432982777434, "q_0.6": 5.182625141469851, "q_0.625": 5.223368661173108, "q_0.65": 5.301821570548665, "q_0.675": 5.366038114054975, "q_0.7": 5.402633907328516, "q_0.725": 5.51035773693595, "q_0.75": 5.612905749075997, "q_0.775": 5.7294848141644845, "q_0.8": 5.790685482401363, "q_0.825": 5.8537511302532375, "q_0.85": 5.9933167980933195, "q_0.875": 6.105857021781258, "q_0.9": 6.128637492932218, "q_0.925": 6.23727783563905, "q_0.95": 6.391783668350065, "q_0.975": 6.534139925125569, "q_1": 6.925093622294119}, {"x": 23.609443777511004, "y": 5.612905749075997, "y_true": 3.2429611810185652, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7309155525253, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.132369506939863, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.516189423982684, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.931007805822089, "q_0.85": 6.042452142147785, "q_0.875": 6.117099521421366, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 23.649459783913567, "y": 6.122592326270759, "y_true": 3.24452251033899, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7309155525253, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.132369506939863, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.516189423982684, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.931007805822089, "q_0.85": 6.042452142147785, "q_0.875": 6.117099521421366, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 23.689475790316127, "y": 5.402633907328516, "y_true": 3.2460814057098712, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7309155525253, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.132369506939863, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.516189423982684, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.931007805822089, "q_0.85": 6.042452142147785, "q_0.875": 6.117099521421366, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 23.729491796718687, "y": 4.944475332278714, "y_true": 3.2476378747079457, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7309155525253, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.132369506939863, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.516189423982684, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.931007805822089, "q_0.85": 6.042452142147785, "q_0.875": 6.117099521421366, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 23.76950780312125, "y": 4.226347047129022, "y_true": 3.2491919248746273, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 23.80952380952381, "y": 6.455427492962729, "y_true": 3.2507435637162234, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 23.84953981592637, "y": 4.415948017352997, "y_true": 3.252292798704156, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 23.889555822328933, "y": 4.766716338132079, "y_true": 3.253839637275175, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 23.929571828731493, "y": 4.4718412678871164, "y_true": 3.2553840868315738, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 23.969587835134053, "y": 6.408709400648361, "y_true": 3.2569261547414006, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.009603841536617, "y": 3.8207365854712005, "y_true": 3.25846584833867, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.049619847939177, "y": 4.316406165297147, "y_true": 3.260003174923573, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.089635854341736, "y": 5.453930998005581, "y_true": 3.261538141762683, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.1296518607443, "y": 3.4668551830514125, "y_true": 3.2630707560891645, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.16966786714686, "y": 5.223368661173108, "y_true": 3.264601025102973, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.20968387354942, "y": 4.807603220352423, "y_true": 3.266128955971063, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.249699879951983, "y": 4.184637733393867, "y_true": 3.2676545558275873, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.289715886354543, "y": 4.039347576253682, "y_true": 3.2691778317740963, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.329731892757103, "y": 4.9335931103953525, "y_true": 3.2706987908797367, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.369747899159666, "y": 4.461932404355518, "y_true": 3.2722174401814486, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.409763905562226, "y": 4.750636583013389, "y_true": 3.273733786684161, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.449779911964786, "y": 4.367563273352806, "y_true": 3.2752478373609857, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.3633265429749772, "q_0.05": 3.477387628605698, "q_0.075": 3.5370715451265924, "q_0.1": 3.6515861446280082, "q_0.125": 3.731146240479181, "q_0.15": 3.747275193333788, "q_0.175": 3.8207365854712005, "q_0.2": 3.8947475521088504, "q_0.225": 3.998948728797799, "q_0.25": 4.069012393132045, "q_0.275": 4.142786519563793, "q_0.3": 4.209113929947946, "q_0.325": 4.31160082340736, "q_0.35": 4.394892632142071, "q_0.375": 4.461932404355518, "q_0.4": 4.5354805799677065, "q_0.425": 4.621895266555519, "q_0.45": 4.697130253460805, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.1485304493545545, "q_0.6": 5.200393199907028, "q_0.625": 5.250238965484575, "q_0.65": 5.336697389489906, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.558633104373527, "q_0.75": 5.636500464109794, "q_0.775": 5.775208191415703, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.177399855702102, "q_0.925": 6.293456463402652, "q_0.95": 6.419488182023176, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.48979591836735, "y": 6.419488182023176, "y_true": 3.276759599153409, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.3633265429749772, "q_0.05": 3.477387628605698, "q_0.075": 3.5370715451265924, "q_0.1": 3.6515861446280082, "q_0.125": 3.731146240479181, "q_0.15": 3.747275193333788, "q_0.175": 3.8207365854712005, "q_0.2": 3.8947475521088504, "q_0.225": 3.998948728797799, "q_0.25": 4.069012393132045, "q_0.275": 4.142786519563793, "q_0.3": 4.209113929947946, "q_0.325": 4.31160082340736, "q_0.35": 4.394892632142071, "q_0.375": 4.461932404355518, "q_0.4": 4.5354805799677065, "q_0.425": 4.621895266555519, "q_0.45": 4.697130253460805, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.1485304493545545, "q_0.6": 5.200393199907028, "q_0.625": 5.250238965484575, "q_0.65": 5.336697389489906, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.558633104373527, "q_0.75": 5.636500464109794, "q_0.775": 5.775208191415703, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.177399855702102, "q_0.925": 6.293456463402652, "q_0.95": 6.419488182023176, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.52981192476991, "y": 3.7105924034989815, "y_true": 3.2782690789714826, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.3633265429749772, "q_0.05": 3.477387628605698, "q_0.075": 3.5370715451265924, "q_0.1": 3.6515861446280082, "q_0.125": 3.731146240479181, "q_0.15": 3.747275193333788, "q_0.175": 3.8207365854712005, "q_0.2": 3.8947475521088504, "q_0.225": 3.998948728797799, "q_0.25": 4.069012393132045, "q_0.275": 4.142786519563793, "q_0.3": 4.209113929947946, "q_0.325": 4.31160082340736, "q_0.35": 4.394892632142071, "q_0.375": 4.461932404355518, "q_0.4": 4.5354805799677065, "q_0.425": 4.621895266555519, "q_0.45": 4.697130253460805, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.1485304493545545, "q_0.6": 5.200393199907028, "q_0.625": 5.250238965484575, "q_0.65": 5.336697389489906, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.558633104373527, "q_0.75": 5.636500464109794, "q_0.775": 5.775208191415703, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.177399855702102, "q_0.925": 6.293456463402652, "q_0.95": 6.419488182023176, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.56982793117247, "y": 3.5935578817817606, "y_true": 3.279776283694014, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.3633265429749772, "q_0.05": 3.477387628605698, "q_0.075": 3.5370715451265924, "q_0.1": 3.6515861446280082, "q_0.125": 3.731146240479181, "q_0.15": 3.747275193333788, "q_0.175": 3.8207365854712005, "q_0.2": 3.8947475521088504, "q_0.225": 3.998948728797799, "q_0.25": 4.069012393132045, "q_0.275": 4.142786519563793, "q_0.3": 4.209113929947946, "q_0.325": 4.31160082340736, "q_0.35": 4.394892632142071, "q_0.375": 4.461932404355518, "q_0.4": 4.5354805799677065, "q_0.425": 4.621895266555519, "q_0.45": 4.697130253460805, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.1485304493545545, "q_0.6": 5.200393199907028, "q_0.625": 5.250238965484575, "q_0.65": 5.336697389489906, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.558633104373527, "q_0.75": 5.636500464109794, "q_0.775": 5.775208191415703, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.177399855702102, "q_0.925": 6.293456463402652, "q_0.95": 6.419488182023176, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.609843937575032, "y": 4.394892632142071, "y_true": 3.2812812201687556, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.3633265429749772, "q_0.05": 3.477387628605698, "q_0.075": 3.5370715451265924, "q_0.1": 3.6515861446280082, "q_0.125": 3.731146240479181, "q_0.15": 3.747275193333788, "q_0.175": 3.8207365854712005, "q_0.2": 3.8947475521088504, "q_0.225": 3.998948728797799, "q_0.25": 4.069012393132045, "q_0.275": 4.142786519563793, "q_0.3": 4.209113929947946, "q_0.325": 4.31160082340736, "q_0.35": 4.394892632142071, "q_0.375": 4.461932404355518, "q_0.4": 4.5354805799677065, "q_0.425": 4.621895266555519, "q_0.45": 4.697130253460805, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.1485304493545545, "q_0.6": 5.200393199907028, "q_0.625": 5.250238965484575, "q_0.65": 5.336697389489906, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.558633104373527, "q_0.75": 5.636500464109794, "q_0.775": 5.775208191415703, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.177399855702102, "q_0.925": 6.293456463402652, "q_0.95": 6.419488182023176, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.649859943977592, "y": 5.200393199907028, "y_true": 3.282783895212588, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.3633265429749772, "q_0.05": 3.477387628605698, "q_0.075": 3.5370715451265924, "q_0.1": 3.6515861446280082, "q_0.125": 3.731146240479181, "q_0.15": 3.747275193333788, "q_0.175": 3.8207365854712005, "q_0.2": 3.8947475521088504, "q_0.225": 3.998948728797799, "q_0.25": 4.069012393132045, "q_0.275": 4.142786519563793, "q_0.3": 4.209113929947946, "q_0.325": 4.31160082340736, "q_0.35": 4.394892632142071, "q_0.375": 4.461932404355518, "q_0.4": 4.5354805799677065, "q_0.425": 4.621895266555519, "q_0.45": 4.697130253460805, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.1485304493545545, "q_0.6": 5.200393199907028, "q_0.625": 5.250238965484575, "q_0.65": 5.336697389489906, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.558633104373527, "q_0.75": 5.636500464109794, "q_0.775": 5.775208191415703, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.177399855702102, "q_0.925": 6.293456463402652, "q_0.95": 6.419488182023176, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.689875950380152, "y": 5.424035071751712, "y_true": 3.284284315611707, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.3633265429749772, "q_0.05": 3.477387628605698, "q_0.075": 3.5530661753553163, "q_0.1": 3.6515861446280082, "q_0.125": 3.731146240479181, "q_0.15": 3.747275193333788, "q_0.175": 3.8207365854712005, "q_0.2": 3.8947475521088504, "q_0.225": 3.998948728797799, "q_0.25": 4.069012393132045, "q_0.275": 4.142786519563793, "q_0.3": 4.209113929947946, "q_0.325": 4.31160082340736, "q_0.35": 4.394892632142071, "q_0.375": 4.461932404355518, "q_0.4": 4.5354805799677065, "q_0.425": 4.628936081320426, "q_0.45": 4.71165389228335, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.1485304493545545, "q_0.6": 5.201641985380331, "q_0.625": 5.250238965484575, "q_0.65": 5.336697389489906, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.576540737942507, "q_0.75": 5.636500464109794, "q_0.775": 5.775208191415703, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.177399855702102, "q_0.925": 6.293456463402652, "q_0.95": 6.419488182023176, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.729891956782716, "y": 4.575934724528623, "y_true": 3.28578248812181, "y_pred": 4.86795027450146, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.477387628605698, "q_0.075": 3.5935578817817606, "q_0.1": 3.655817169828787, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.153701107600792, "q_0.3": 4.226347047129022, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.469221529047629, "q_0.4": 4.57034332494537, "q_0.425": 4.636192778120208, "q_0.45": 4.725392345301849, "q_0.475": 4.771997812919494, "q_0.5": 4.86795027450146, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.205500818890663, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.386612467019537, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.988485084814867, "q_0.85": 6.10121953615741, "q_0.875": 6.126986315347967, "q_0.9": 6.187298251146786, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 24.769907963185275, "y": 6.534139925125569, "y_true": 3.287278419468274, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.227035197244159, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.473660885725792, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402633907328516, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 24.809923969587835, "y": 4.432691464669937, "y_true": 3.2887721163463395, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.227035197244159, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.473660885725792, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402633907328516, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 24.8499399759904, "y": 5.636500464109794, "y_true": 3.290263585421291, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.227035197244159, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.473660885725792, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402633907328516, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 24.88995598239296, "y": 5.366354531508699, "y_true": 3.2917528333286326, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.227035197244159, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.473660885725792, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402633907328516, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 24.92997198879552, "y": 5.9400550222449535, "y_true": 3.293239866674267, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.227035197244159, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.473660885725792, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402633907328516, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 24.969987995198082, "y": 6.474234630612757, "y_true": 3.2947246920346718, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.227035197244159, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.473660885725792, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402633907328516, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 25.01000400160064, "y": 6.195583247002345, "y_true": 3.2962073159570733, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.227035197244159, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.473660885725792, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402633907328516, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 25.0500200080032, "y": 5.790173953485768, "y_true": 3.2976877449596183, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.227035197244159, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.473660885725792, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402633907328516, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 25.090036014405765, "y": 5.576540737942507, "y_true": 3.2991659855315487, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.227035197244159, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.473660885725792, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402633907328516, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 25.130052020808325, "y": 4.395401448239653, "y_true": 3.3006420441333706, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.153701107600792, "q_0.3": 4.226347047129022, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.4708862878019415, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402319596127429, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.432153619155224, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 25.170068027210885, "y": 3.78425267544463, "y_true": 3.302115927197024, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.153701107600792, "q_0.3": 4.226347047129022, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.4708862878019415, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402319596127429, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.432153619155224, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 25.210084033613445, "y": 3.5081658607027437, "y_true": 3.303587641126051, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.153701107600792, "q_0.3": 4.226347047129022, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.4708862878019415, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402319596127429, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.432153619155224, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 25.250100040016008, "y": 4.0955120857025005, "y_true": 3.305057192295762, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.153701107600792, "q_0.3": 4.226347047129022, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.4708862878019415, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402319596127429, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.432153619155224, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 25.290116046418568, "y": 4.719736202194806, "y_true": 3.3065245870534032, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.457582456433952, "q_0.05": 3.5081658607027437, "q_0.075": 3.604450951150449, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.229787797704703, "q_0.325": 4.365559434072187, "q_0.35": 4.4097836676209035, "q_0.375": 4.481640192758833, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.047921879055577, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.402633907328516, "q_0.7": 5.51035773693595, "q_0.725": 5.583934389900637, "q_0.75": 5.721728809124186, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 6.0240193207180575, "q_0.85": 6.105857021781258, "q_0.875": 6.128637492932218, "q_0.9": 6.228374735311647, "q_0.925": 6.307730002995395, "q_0.95": 6.434114769602721, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 25.330132052821128, "y": 5.015290345978547, "y_true": 3.307989831718319, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.37014805922369, "y": 5.839162152306624, "y_true": 3.309452932582117, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.41016406562625, "y": 6.449590975103732, "y_true": 3.310913895908829, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.45018007202881, "y": 3.6966281525276585, "y_true": 3.3123727279350725, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.490196078431374, "y": 3.664457894812739, "y_true": 3.3138294348702098, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.530212084833934, "y": 5.248470893925431, "y_true": 3.315284022896507, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.570228091236494, "y": 5.76148664914103, "y_true": 3.3167364981692917, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.610244097639058, "y": 6.10121953615741, "y_true": 3.31818686681711, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.650260104041617, "y": 6.391783668350065, "y_true": 3.319635134941878, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.690276110444177, "y": 6.5509474359898325, "y_true": 3.3210813086190414, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.73029211684674, "y": 4.636192778120208, "y_true": 3.3225253938977235, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5086367290046776, "q_0.075": 3.6176363298258356, "q_0.1": 3.6661062176696593, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.2381189553050875, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.7703081232493, "y": 4.5742407230328475, "y_true": 3.3239673968008803, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.6661062176696593, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.7904238923268565, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.241360264102225, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.81032412965186, "y": 3.8115185839505323, "y_true": 3.3254073233254484, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.6661062176696593, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.7904238923268565, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.241360264102225, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.850340136054424, "y": 5.580470229338927, "y_true": 3.3268451794424987, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.6661062176696593, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.7904238923268565, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.241360264102225, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.890356142456984, "y": 5.490188782079054, "y_true": 3.3282809710973793, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.6661062176696593, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.7904238923268565, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.241360264102225, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.930372148859544, "y": 6.168706421972327, "y_true": 3.329714704209869, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.6661062176696593, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.7904238923268565, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.241360264102225, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.970388155262107, "y": 3.6515861446280082, "y_true": 3.331146384674319, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.497809695965421, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.051071692998246, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.010404161664667, "y": 4.9733592782847715, "y_true": 3.332576018359801, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.497809695965421, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.051071692998246, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.050420168067227, "y": 5.250238965484575, "y_true": 3.334003611110251, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.497809695965421, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.051071692998246, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.09043617446979, "y": 4.132369506939863, "y_true": 3.3354291687446116, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.497809695965421, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.051071692998246, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.13045218087235, "y": 3.8947475521088504, "y_true": 3.3368526970569756, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.497809695965421, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.051071692998246, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.17046818727491, "y": 6.176722432262553, "y_true": 3.3382742018167266, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.497809695965421, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.051071692998246, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.210484193677473, "y": 3.5330697952670147, "y_true": 3.3396936887686794, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.497809695965421, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.051071692998246, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.250500200080033, "y": 4.896547077857406, "y_true": 3.3411111636332205, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.497809695965421, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.051071692998246, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.290516206482593, "y": 3.7255363039077203, "y_true": 3.3425266321064435, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.497809695965421, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.051071692998246, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.330532212885156, "y": 4.85589252691835, "y_true": 3.3439400998602893, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.87472399147363, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.370548219287716, "y": 6.58850509452502, "y_true": 3.3453515725426817, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.87472399147363, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.410564225690276, "y": 4.749622494847907, "y_true": 3.3467610557776615, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.87472399147363, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.45058023209284, "y": 6.187298251146786, "y_true": 3.348168555165523, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.87472399147363, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.4905962384954, "y": 3.738339553729039, "y_true": 3.3495740762829462, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.87472399147363, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.53061224489796, "y": 4.2502592436525894, "y_true": 3.350977624683129, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.87472399147363, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.570628251300523, "y": 4.691659187252942, "y_true": 3.3523792058959208, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5167201807054154, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9368682334616354, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790389013650255, "q_0.8": 5.921469300691284, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.476154977791679, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.610644257703083, "y": 4.680436012105764, "y_true": 3.35377882542795, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2510013864745355, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.128917020180318, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.286940140213808, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 26.650660264105642, "y": 5.583934389900637, "y_true": 3.3551764887627584, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2510013864745355, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.128917020180318, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.286940140213808, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 26.690676270508206, "y": 4.501414112513693, "y_true": 3.356572201360925, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2510013864745355, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.128917020180318, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.286940140213808, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 26.730692276910766, "y": 5.7294848141644845, "y_true": 3.357965968660198, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2510013864745355, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.128917020180318, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.286940140213808, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 26.770708283313326, "y": 5.484003419948014, "y_true": 3.3593577960756194, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.28118379660951, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.084668395031892, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 26.81072428971589, "y": 4.688126828066639, "y_true": 3.360747688999653, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.28118379660951, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.084668395031892, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 26.85074029611845, "y": 4.798540955748366, "y_true": 3.3621356528023076, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.28118379660951, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.084668395031892, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 26.89075630252101, "y": 5.408851359265172, "y_true": 3.3635216928312652, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.28118379660951, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.084668395031892, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 26.930772308923572, "y": 3.598127328343025, "y_true": 3.3649058144120003, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.28118379660951, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.084668395031892, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 26.970788315326132, "y": 6.105857021781258, "y_true": 3.366288022847905, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.28118379660951, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.084668395031892, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.010804321728692, "y": 5.545253349624581, "y_true": 3.367668323420411, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.28118379660951, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.084668395031892, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.050820328131252, "y": 5.790685482401363, "y_true": 3.3690467213891098, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.28118379660951, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.084668395031892, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.090836334533815, "y": 5.161299509811205, "y_true": 3.370423221991874, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.28118379660951, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.084668395031892, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.130852340936375, "y": 3.740445247763777, "y_true": 3.371797830444976, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.029958252933678, "q_0.25": 4.097106367606164, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.744322151526749, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.212862255489252, "q_0.625": 5.266571194204961, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.525745492508707, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.170868347338935, "y": 4.725296244098797, "y_true": 3.3731705519432054, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.029958252933678, "q_0.25": 4.097106367606164, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.744322151526749, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.212862255489252, "q_0.625": 5.266571194204961, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.525745492508707, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.2108843537415, "y": 4.728370737995101, "y_true": 3.37454139165999, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.029958252933678, "q_0.25": 4.097106367606164, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.744322151526749, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.212862255489252, "q_0.625": 5.266571194204961, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.525745492508707, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.25090036014406, "y": 4.448555220234842, "y_true": 3.3759103547475102, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.029958252933678, "q_0.25": 4.097106367606164, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.744322151526749, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.212862255489252, "q_0.625": 5.266571194204961, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.525745492508707, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.290916366546618, "y": 3.477387628605698, "y_true": 3.3772774463368154, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.029958252933678, "q_0.25": 4.097106367606164, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.744322151526749, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.212862255489252, "q_0.625": 5.266571194204961, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.525745492508707, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.33093237294918, "y": 5.843987110564567, "y_true": 3.37864267153794, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.029958252933678, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.744322151526749, "q_0.475": 4.789660809499389, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.220432147079574, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.737732678435663, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.534139925125569, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.37094837935174, "y": 3.747275193333788, "y_true": 3.380006035440019, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.035775417732042, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.746707306021273, "q_0.475": 4.79005076402758, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366243785399895, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.737732678435663, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.078580758878237, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.296446398739077, "q_0.925": 6.408709400648361, "q_0.95": 6.534139925125569, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.4109643857543, "y": 5.410544530319537, "y_true": 3.381367543111399, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.035775417732042, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.746707306021273, "q_0.475": 4.79005076402758, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366243785399895, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.737732678435663, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.078580758878237, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.296446398739077, "q_0.925": 6.408709400648361, "q_0.95": 6.534139925125569, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.450980392156865, "y": 5.737227799463616, "y_true": 3.3827271995997545, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.035775417732042, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.746707306021273, "q_0.475": 4.79005076402758, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366243785399895, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.737732678435663, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.078580758878237, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.296446398739077, "q_0.925": 6.408709400648361, "q_0.95": 6.534139925125569, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.490996398559425, "y": 5.51035773693595, "y_true": 3.384085009932197, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.035775417732042, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.746707306021273, "q_0.475": 4.79005076402758, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366243785399895, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.737732678435663, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.078580758878237, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.296446398739077, "q_0.925": 6.408709400648361, "q_0.95": 6.534139925125569, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.531012404961984, "y": 6.599518656870281, "y_true": 3.3854409791153897, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.035775417732042, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.746707306021273, "q_0.475": 4.79005076402758, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366243785399895, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.737732678435663, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.078580758878237, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.296446398739077, "q_0.925": 6.408709400648361, "q_0.95": 6.534139925125569, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.571028411364548, "y": 3.733091146033754, "y_true": 3.386795112135656, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.035775417732042, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.746707306021273, "q_0.475": 4.79005076402758, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366243785399895, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.737732678435663, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.078580758878237, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.296446398739077, "q_0.925": 6.408709400648361, "q_0.95": 6.534139925125569, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.611044417767108, "y": 6.296446398739077, "y_true": 3.3881474139590906, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036485823112227, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.748297409017619, "q_0.475": 4.79005076402758, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.220432147079574, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.737732678435663, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.078580758878237, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.296446398739077, "q_0.925": 6.408709400648361, "q_0.95": 6.534139925125569, "q_0.975": 6.683379939022111, "q_1": 7.489627098039405}, {"x": 27.651060424169668, "y": 3.4874366868915905, "y_true": 3.389497889531668, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036485823112227, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.748297409017619, "q_0.475": 4.79005076402758, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.220432147079574, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.737732678435663, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.078580758878237, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.296446398739077, "q_0.925": 6.408709400648361, "q_0.95": 6.534139925125569, "q_0.975": 6.683379939022111, "q_1": 7.489627098039405}, {"x": 27.69107643057223, "y": 5.186341049709219, "y_true": 3.3908465437793516, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.287968664437169, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.089093257546786, "q_0.575": 5.161299509811205, "q_0.6": 5.212862255489252, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.738695972978572, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.078580758878237, "q_0.85": 6.126986315347967, "q_0.875": 6.200664817196285, "q_0.9": 6.296446398739077, "q_0.925": 6.419488182023176, "q_0.95": 6.534139925125569, "q_0.975": 6.683379939022111, "q_1": 7.489627098039405}, {"x": 27.73109243697479, "y": 4.749635323947886, "y_true": 3.3921933816082013, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.88200032622564, "q_0.2": 3.9551964171836125, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.288793511623786, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.607863496884008, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.9651042140046835, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.8189678098003395, "q_0.8": 5.988485084814867, "q_0.825": 6.10121953615741, "q_0.85": 6.13674224822967, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 27.77110844337735, "y": 5.154466836504394, "y_true": 3.393538407904481, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.5354805799677065, "q_0.4": 4.621895266555519, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.810885689049004, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.988485084814867, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 27.811124449779914, "y": 4.621895266555519, "y_true": 3.394881627534764, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.5354805799677065, "q_0.4": 4.621895266555519, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.810885689049004, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.988485084814867, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 27.851140456182474, "y": 4.036937507457324, "y_true": 3.3962230453460402, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 27.891156462585034, "y": 3.461883211429853, "y_true": 3.397562666165819, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 27.931172468987597, "y": 5.142432982777434, "y_true": 3.398900494802236, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 27.971188475390157, "y": 6.23727783563905, "y_true": 3.4002365360441535, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 28.011204481792717, "y": 4.658443494530879, "y_true": 3.4015707946612666, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 28.05122048819528, "y": 4.153744960616817, "y_true": 3.402903275404203, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 28.09123649459784, "y": 3.675662025372961, "y_true": 3.404233983004625, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 28.1312525010004, "y": 3.6932152795377187, "y_true": 3.4055629221753314, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 28.171268507402964, "y": 4.153701107600792, "y_true": 3.406890097610357, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 28.211284513805523, "y": 3.745718472396644, "y_true": 3.4082155139850707, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 28.251300520208083, "y": 4.3042930638725565, "y_true": 3.4095391759562768, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 28.291316526610647, "y": 3.634267078356909, "y_true": 3.4108610881623114, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.8166207162838575, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.083892047307521, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.626988860131206, "q_0.75": 5.775208191415703, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.693602432447822, "q_1": 7.489627098039405}, {"x": 28.331332533013207, "y": 3.6338375540761434, "y_true": 3.4121812552231403, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.8166207162838575, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.083892047307521, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.626988860131206, "q_0.75": 5.775208191415703, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.693602432447822, "q_1": 7.489627098039405}, {"x": 28.371348539415767, "y": 6.307730002995395, "y_true": 3.4134996817404564, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.634267078356909, "q_0.1": 3.675662025372961, "q_0.125": 3.740445247763777, "q_0.15": 3.78425267544463, "q_0.175": 3.8922863001427643, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.185803414891856, "q_0.3": 4.31160082340736, "q_0.325": 4.390163237022276, "q_0.35": 4.461932404355518, "q_0.375": 4.568673461092093, "q_0.4": 4.621895266555519, "q_0.425": 4.688021822613865, "q_0.45": 4.750636583013389, "q_0.475": 4.839964647797142, "q_0.5": 4.896547077857406, "q_0.525": 5.005688497266193, "q_0.55": 5.138908745036272, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.301821570548665, "q_0.65": 5.366354531508699, "q_0.675": 5.453930998005581, "q_0.7": 5.558633104373527, "q_0.725": 5.636500464109794, "q_0.75": 5.775208191415703, "q_0.775": 5.836017832799923, "q_0.8": 6.0240193207180575, "q_0.825": 6.105857021781258, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.432153619155224, "q_0.95": 6.578217225522944, "q_0.975": 6.776237158220718, "q_1": 7.489627098039405}, {"x": 28.41136454581833, "y": 3.963006765702231, "y_true": 3.414816372297776, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.634267078356909, "q_0.1": 3.675662025372961, "q_0.125": 3.740445247763777, "q_0.15": 3.78425267544463, "q_0.175": 3.8922863001427643, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.185803414891856, "q_0.3": 4.31160082340736, "q_0.325": 4.390163237022276, "q_0.35": 4.461932404355518, "q_0.375": 4.568673461092093, "q_0.4": 4.621895266555519, "q_0.425": 4.688021822613865, "q_0.45": 4.750636583013389, "q_0.475": 4.839964647797142, "q_0.5": 4.896547077857406, "q_0.525": 5.005688497266193, "q_0.55": 5.138908745036272, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.301821570548665, "q_0.65": 5.366354531508699, "q_0.675": 5.453930998005581, "q_0.7": 5.558633104373527, "q_0.725": 5.636500464109794, "q_0.75": 5.775208191415703, "q_0.775": 5.836017832799923, "q_0.8": 6.0240193207180575, "q_0.825": 6.105857021781258, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.432153619155224, "q_0.95": 6.578217225522944, "q_0.975": 6.776237158220718, "q_1": 7.489627098039405}, {"x": 28.45138055222089, "y": 5.309391833312436, "y_true": 3.4161313314605324, "y_pred": 4.917301257812121, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.634267078356909, "q_0.1": 3.675662025372961, "q_0.125": 3.740445247763777, "q_0.15": 3.8070959694947897, "q_0.175": 3.8947475521088504, "q_0.2": 3.963006765702231, "q_0.225": 4.039347576253682, "q_0.25": 4.097637794907386, "q_0.275": 4.188950163651021, "q_0.3": 4.329248332012304, "q_0.325": 4.390163237022276, "q_0.35": 4.461932404355518, "q_0.375": 4.568673461092093, "q_0.4": 4.621895266555519, "q_0.425": 4.688126828066639, "q_0.45": 4.750636583013389, "q_0.475": 4.85138162358624, "q_0.5": 4.917301257812121, "q_0.525": 5.0129060390346565, "q_0.55": 5.138908745036272, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.309391833312436, "q_0.65": 5.366354531508699, "q_0.675": 5.455836430328226, "q_0.7": 5.569843877203429, "q_0.725": 5.636500464109794, "q_0.75": 5.775208191415703, "q_0.775": 5.836017832799923, "q_0.8": 6.0240193207180575, "q_0.825": 6.105857021781258, "q_0.85": 6.176722432262553, "q_0.875": 6.23727783563905, "q_0.9": 6.350078141458239, "q_0.925": 6.434114769602721, "q_0.95": 6.578217225522944, "q_0.975": 6.776237158220718, "q_1": 7.489627098039405}, {"x": 28.49139655862345, "y": 6.034894372456506, "y_true": 3.417444563776174, "y_pred": 4.917301257812121, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.634267078356909, "q_0.1": 3.675662025372961, "q_0.125": 3.740445247763777, "q_0.15": 3.8070959694947897, "q_0.175": 3.8947475521088504, "q_0.2": 3.963006765702231, "q_0.225": 4.039347576253682, "q_0.25": 4.097637794907386, "q_0.275": 4.188950163651021, "q_0.3": 4.329248332012304, "q_0.325": 4.390163237022276, "q_0.35": 4.461932404355518, "q_0.375": 4.568673461092093, "q_0.4": 4.621895266555519, "q_0.425": 4.688126828066639, "q_0.45": 4.750636583013389, "q_0.475": 4.85138162358624, "q_0.5": 4.917301257812121, "q_0.525": 5.0129060390346565, "q_0.55": 5.138908745036272, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.309391833312436, "q_0.65": 5.366354531508699, "q_0.675": 5.455836430328226, "q_0.7": 5.569843877203429, "q_0.725": 5.636500464109794, "q_0.75": 5.775208191415703, "q_0.775": 5.836017832799923, "q_0.8": 6.0240193207180575, "q_0.825": 6.105857021781258, "q_0.85": 6.176722432262553, "q_0.875": 6.23727783563905, "q_0.9": 6.350078141458239, "q_0.925": 6.434114769602721, "q_0.95": 6.578217225522944, "q_0.975": 6.776237158220718, "q_1": 7.489627098039405}, {"x": 28.531412565026013, "y": 4.963909904070533, "y_true": 3.418756073774257, "y_pred": 4.917301257812121, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.634267078356909, "q_0.1": 3.675662025372961, "q_0.125": 3.740445247763777, "q_0.15": 3.8070959694947897, "q_0.175": 3.8947475521088504, "q_0.2": 3.963006765702231, "q_0.225": 4.039347576253682, "q_0.25": 4.097637794907386, "q_0.275": 4.188950163651021, "q_0.3": 4.329248332012304, "q_0.325": 4.390163237022276, "q_0.35": 4.461932404355518, "q_0.375": 4.568673461092093, "q_0.4": 4.621895266555519, "q_0.425": 4.688126828066639, "q_0.45": 4.750636583013389, "q_0.475": 4.85138162358624, "q_0.5": 4.917301257812121, "q_0.525": 5.0129060390346565, "q_0.55": 5.138908745036272, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.309391833312436, "q_0.65": 5.366354531508699, "q_0.675": 5.455836430328226, "q_0.7": 5.569843877203429, "q_0.725": 5.636500464109794, "q_0.75": 5.775208191415703, "q_0.775": 5.836017832799923, "q_0.8": 6.0240193207180575, "q_0.825": 6.105857021781258, "q_0.85": 6.176722432262553, "q_0.875": 6.23727783563905, "q_0.9": 6.350078141458239, "q_0.925": 6.434114769602721, "q_0.95": 6.578217225522944, "q_0.975": 6.776237158220718, "q_1": 7.489627098039405}, {"x": 28.571428571428573, "y": 3.9394969072533668, "y_true": 3.420065865966538, "y_pred": 4.917301257812121, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.634267078356909, "q_0.1": 3.675662025372961, "q_0.125": 3.740445247763777, "q_0.15": 3.8070959694947897, "q_0.175": 3.8947475521088504, "q_0.2": 3.963006765702231, "q_0.225": 4.039347576253682, "q_0.25": 4.097637794907386, "q_0.275": 4.188950163651021, "q_0.3": 4.329248332012304, "q_0.325": 4.390163237022276, "q_0.35": 4.461932404355518, "q_0.375": 4.568673461092093, "q_0.4": 4.621895266555519, "q_0.425": 4.688126828066639, "q_0.45": 4.750636583013389, "q_0.475": 4.85138162358624, "q_0.5": 4.917301257812121, "q_0.525": 5.0129060390346565, "q_0.55": 5.138908745036272, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.309391833312436, "q_0.65": 5.366354531508699, "q_0.675": 5.455836430328226, "q_0.7": 5.569843877203429, "q_0.725": 5.636500464109794, "q_0.75": 5.775208191415703, "q_0.775": 5.836017832799923, "q_0.8": 6.0240193207180575, "q_0.825": 6.105857021781258, "q_0.85": 6.176722432262553, "q_0.875": 6.23727783563905, "q_0.9": 6.350078141458239, "q_0.925": 6.434114769602721, "q_0.95": 6.578217225522944, "q_0.975": 6.776237158220718, "q_1": 7.489627098039405}, {"x": 28.611444577831133, "y": 4.097637794907386, "y_true": 3.4213739448470704, "y_pred": 4.917301257812121, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.634267078356909, "q_0.1": 3.675662025372961, "q_0.125": 3.740445247763777, "q_0.15": 3.8070959694947897, "q_0.175": 3.8947475521088504, "q_0.2": 3.963006765702231, "q_0.225": 4.039347576253682, "q_0.25": 4.097637794907386, "q_0.275": 4.188950163651021, "q_0.3": 4.329248332012304, "q_0.325": 4.390163237022276, "q_0.35": 4.461932404355518, "q_0.375": 4.568673461092093, "q_0.4": 4.621895266555519, "q_0.425": 4.688126828066639, "q_0.45": 4.750636583013389, "q_0.475": 4.85138162358624, "q_0.5": 4.917301257812121, "q_0.525": 5.0129060390346565, "q_0.55": 5.138908745036272, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.309391833312436, "q_0.65": 5.366354531508699, "q_0.675": 5.455836430328226, "q_0.7": 5.569843877203429, "q_0.725": 5.636500464109794, "q_0.75": 5.775208191415703, "q_0.775": 5.836017832799923, "q_0.8": 6.0240193207180575, "q_0.825": 6.105857021781258, "q_0.85": 6.176722432262553, "q_0.875": 6.23727783563905, "q_0.9": 6.350078141458239, "q_0.925": 6.434114769602721, "q_0.95": 6.578217225522944, "q_0.975": 6.776237158220718, "q_1": 7.489627098039405}, {"x": 28.651460584233696, "y": 4.890285211642836, "y_true": 3.422680314892293, "y_pred": 4.944475332278714, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4760845779201355, "q_0.05": 3.5330697952670147, "q_0.075": 3.634267078356909, "q_0.1": 3.6932152795377187, "q_0.125": 3.740445247763777, "q_0.15": 3.8207365854712005, "q_0.175": 3.9045822653151347, "q_0.2": 3.9858355247087824, "q_0.225": 4.069012393132045, "q_0.25": 4.132369506939863, "q_0.275": 4.226347047129022, "q_0.3": 4.334888292304965, "q_0.325": 4.395890036738239, "q_0.35": 4.485740541846766, "q_0.375": 4.57390582955391, "q_0.4": 4.636192778120208, "q_0.425": 4.688126828066639, "q_0.45": 4.7537597243022, "q_0.475": 4.85589252691835, "q_0.5": 4.944475332278714, "q_0.525": 5.015290345978547, "q_0.55": 5.142432982777434, "q_0.575": 5.182625141469851, "q_0.6": 5.2417729067671255, "q_0.625": 5.309391833312436, "q_0.65": 5.402319596127429, "q_0.675": 5.484003419948014, "q_0.7": 5.583934389900637, "q_0.725": 5.721728809124186, "q_0.75": 5.786333977573899, "q_0.775": 5.841440913742378, "q_0.8": 6.034894372456506, "q_0.825": 6.117099521421366, "q_0.85": 6.187298251146786, "q_0.875": 6.242380127117748, "q_0.9": 6.391783668350065, "q_0.925": 6.474234630612757, "q_0.95": 6.578217225522944, "q_0.975": 6.777313011351518, "q_1": 7.489627098039405}, {"x": 28.691476590636256, "y": 5.215152835360321, "y_true": 3.423984980561124, "y_pred": 4.950424417897871, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4760845779201355, "q_0.05": 3.5530661753553163, "q_0.075": 3.634267078356909, "q_0.1": 3.6932152795377187, "q_0.125": 3.747275193333788, "q_0.15": 3.8238489319904967, "q_0.175": 3.928440928221106, "q_0.2": 3.998948728797799, "q_0.225": 4.069012393132045, "q_0.25": 4.132369506939863, "q_0.275": 4.242694663487959, "q_0.3": 4.334888292304965, "q_0.325": 4.395890036738239, "q_0.35": 4.497809695965421, "q_0.375": 4.57390582955391, "q_0.4": 4.658443494530879, "q_0.425": 4.725392345301849, "q_0.45": 4.768596663405027, "q_0.475": 4.885248411887277, "q_0.5": 4.950424417897871, "q_0.525": 5.015290345978547, "q_0.55": 5.142432982777434, "q_0.575": 5.200393199907028, "q_0.6": 5.250238965484575, "q_0.625": 5.314760609667232, "q_0.65": 5.402633907328516, "q_0.675": 5.494970241745836, "q_0.7": 5.583934389900637, "q_0.725": 5.7294848141644845, "q_0.75": 5.790173953485768, "q_0.775": 5.923190597868797, "q_0.8": 6.034894372456506, "q_0.825": 6.122592326270759, "q_0.85": 6.187298251146786, "q_0.875": 6.293456463402652, "q_0.9": 6.395220100590806, "q_0.925": 6.476154977791679, "q_0.95": 6.599518656870281, "q_0.975": 6.777313011351518, "q_1": 7.489627098039405}, {"x": 28.731492597038816, "y": 4.6106616954437705, "y_true": 3.4252879462950543, "y_pred": 4.963909904070533, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.477387628605698, "q_0.05": 3.5951918421870643, "q_0.075": 3.6577613329501752, "q_0.1": 3.733091146033754, "q_0.125": 3.7774253866341345, "q_0.15": 3.863858145890777, "q_0.175": 3.9586881278585384, "q_0.2": 4.036937507457324, "q_0.225": 4.0955120857025005, "q_0.25": 4.173175410950672, "q_0.275": 4.288793511623786, "q_0.3": 4.375571468160891, "q_0.325": 4.415948017352997, "q_0.35": 4.516189423982684, "q_0.375": 4.575934724528623, "q_0.4": 4.681477938104428, "q_0.425": 4.744322151526749, "q_0.45": 4.79005076402758, "q_0.475": 4.890285211642836, "q_0.5": 4.963909904070533, "q_0.525": 5.060901296526395, "q_0.55": 5.1485304493545545, "q_0.575": 5.212656982887996, "q_0.6": 5.260355785997356, "q_0.625": 5.355259507868923, "q_0.65": 5.415413344121326, "q_0.675": 5.545253349624581, "q_0.7": 5.636129061972687, "q_0.725": 5.765669741328351, "q_0.75": 5.828589863960346, "q_0.775": 5.9933167980933195, "q_0.8": 6.10121953615741, "q_0.825": 6.168706421972327, "q_0.85": 6.23727783563905, "q_0.875": 6.350078141458239, "q_0.9": 6.432153619155224, "q_0.925": 6.5509474359898325, "q_0.95": 6.667786930836276, "q_0.975": 6.798118186971974, "q_1": 7.489627098039405}, {"x": 28.77150860344138, "y": 6.078580758878237, "y_true": 3.4265892165182334, "y_pred": 5.014710424476773, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.477387628605698, "q_0.05": 3.613674538163367, "q_0.075": 3.666587724755868, "q_0.1": 3.740445247763777, "q_0.125": 3.8115185839505323, "q_0.15": 3.8947475521088504, "q_0.175": 3.9858355247087824, "q_0.2": 4.052918724854845, "q_0.225": 4.122302381529171, "q_0.25": 4.226347047129022, "q_0.275": 4.329248332012304, "q_0.3": 4.394892632142071, "q_0.325": 4.481640192758833, "q_0.35": 4.568673461092093, "q_0.375": 4.621895266555519, "q_0.4": 4.688126828066639, "q_0.425": 4.7537597243022, "q_0.45": 4.85589252691835, "q_0.475": 4.917301257812121, "q_0.5": 5.014710424476773, "q_0.525": 5.138908745036272, "q_0.55": 5.161299509811205, "q_0.575": 5.2417729067671255, "q_0.6": 5.309391833312436, "q_0.625": 5.395930777257884, "q_0.65": 5.484003419948014, "q_0.675": 5.583934389900637, "q_0.7": 5.7011699923444175, "q_0.725": 5.786333977573899, "q_0.75": 5.841440913742378, "q_0.775": 6.034894372456506, "q_0.8": 6.122592326270759, "q_0.825": 6.200664817196285, "q_0.85": 6.296446398739077, "q_0.875": 6.395220100590806, "q_0.9": 6.474234630612757, "q_0.925": 6.578217225522944, "q_0.95": 6.6954419437597, "q_0.975": 6.806474554633876, "q_1": 7.489627098039405}, {"x": 28.81152460984394, "y": 5.977528474251491, "y_true": 3.4278887956375637, "y_pred": 5.014710424476773, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.477387628605698, "q_0.05": 3.613674538163367, "q_0.075": 3.666587724755868, "q_0.1": 3.740445247763777, "q_0.125": 3.8115185839505323, "q_0.15": 3.8947475521088504, "q_0.175": 3.9858355247087824, "q_0.2": 4.052918724854845, "q_0.225": 4.122302381529171, "q_0.25": 4.226347047129022, "q_0.275": 4.329248332012304, "q_0.3": 4.394892632142071, "q_0.325": 4.481640192758833, "q_0.35": 4.568673461092093, "q_0.375": 4.621895266555519, "q_0.4": 4.688126828066639, "q_0.425": 4.7537597243022, "q_0.45": 4.85589252691835, "q_0.475": 4.917301257812121, "q_0.5": 5.014710424476773, "q_0.525": 5.138908745036272, "q_0.55": 5.161299509811205, "q_0.575": 5.2417729067671255, "q_0.6": 5.309391833312436, "q_0.625": 5.395930777257884, "q_0.65": 5.484003419948014, "q_0.675": 5.583934389900637, "q_0.7": 5.7011699923444175, "q_0.725": 5.786333977573899, "q_0.75": 5.841440913742378, "q_0.775": 6.034894372456506, "q_0.8": 6.122592326270759, "q_0.825": 6.200664817196285, "q_0.85": 6.296446398739077, "q_0.875": 6.395220100590806, "q_0.9": 6.474234630612757, "q_0.925": 6.578217225522944, "q_0.95": 6.6954419437597, "q_0.975": 6.806474554633876, "q_1": 7.489627098039405}, {"x": 28.8515406162465, "y": 6.578217225522944, "y_true": 3.4291866880427877, "y_pred": 5.014710424476773, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.477387628605698, "q_0.05": 3.613674538163367, "q_0.075": 3.666587724755868, "q_0.1": 3.740445247763777, "q_0.125": 3.8207365854712005, "q_0.15": 3.9049613456499497, "q_0.175": 3.9858355247087824, "q_0.2": 4.06706166985257, "q_0.225": 4.1297396857595, "q_0.25": 4.229787797704703, "q_0.275": 4.329248332012304, "q_0.3": 4.394892632142071, "q_0.325": 4.486765629118752, "q_0.35": 4.568673461092093, "q_0.375": 4.636192778120208, "q_0.4": 4.688126828066639, "q_0.425": 4.755115878250611, "q_0.45": 4.85589252691835, "q_0.475": 4.917301257812121, "q_0.5": 5.014710424476773, "q_0.525": 5.138908745036272, "q_0.55": 5.161299509811205, "q_0.575": 5.2417729067671255, "q_0.6": 5.309391833312436, "q_0.625": 5.402633907328516, "q_0.65": 5.494970241745836, "q_0.675": 5.583934389900637, "q_0.7": 5.721728809124186, "q_0.725": 5.786333977573899, "q_0.75": 5.8537511302532375, "q_0.775": 6.034894372456506, "q_0.8": 6.122592326270759, "q_0.825": 6.200664817196285, "q_0.85": 6.296446398739077, "q_0.875": 6.408709400648361, "q_0.9": 6.47576604144437, "q_0.925": 6.583499982177306, "q_0.95": 6.7104379315465135, "q_0.975": 6.8116299434565075, "q_1": 7.489627098039405}, {"x": 28.89155662264906, "y": 3.5288513853630223, "y_true": 3.4304828981065785, "y_pred": 5.014710424476773, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.477387628605698, "q_0.05": 3.613674538163367, "q_0.075": 3.666587724755868, "q_0.1": 3.740445247763777, "q_0.125": 3.8207365854712005, "q_0.15": 3.9049613456499497, "q_0.175": 3.9858355247087824, "q_0.2": 4.069012393132045, "q_0.225": 4.1297396857595, "q_0.25": 4.242694663487959, "q_0.275": 4.334888292304965, "q_0.3": 4.395890036738239, "q_0.325": 4.497809695965421, "q_0.35": 4.569452698793235, "q_0.375": 4.636192778120208, "q_0.4": 4.688126828066639, "q_0.425": 4.767417405941826, "q_0.45": 4.85589252691835, "q_0.475": 4.928592475918176, "q_0.5": 5.014710424476773, "q_0.525": 5.138908745036272, "q_0.55": 5.164967520975808, "q_0.575": 5.2417729067671255, "q_0.6": 5.309391833312436, "q_0.625": 5.402633907328516, "q_0.65": 5.494970241745836, "q_0.675": 5.583934389900637, "q_0.7": 5.721728809124186, "q_0.725": 5.786333977573899, "q_0.75": 5.899706034905603, "q_0.775": 6.034894372456506, "q_0.8": 6.122592326270759, "q_0.825": 6.223508182479571, "q_0.85": 6.296446398739077, "q_0.875": 6.408709400648361, "q_0.9": 6.476154977791679, "q_0.925": 6.587166982889164, "q_0.95": 6.72762611268005, "q_0.975": 6.812323555565416, "q_1": 7.489627098039405}, {"x": 28.931572629051622, "y": 6.476154977791679, "y_true": 3.4317774301846273, "y_pred": 5.015290345978547, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5035491258881866, "q_0.05": 3.6176363298258356, "q_0.075": 3.675662025372961, "q_0.1": 3.747275193333788, "q_0.125": 3.8522930960504125, "q_0.15": 3.9288898535936916, "q_0.175": 3.998948728797799, "q_0.2": 4.069012393132045, "q_0.225": 4.142786519563793, "q_0.25": 4.2502592436525894, "q_0.275": 4.334888292304965, "q_0.3": 4.395890036738239, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.771997812919494, "q_0.45": 4.885248411887277, "q_0.475": 4.957868557936048, "q_0.5": 5.015290345978547, "q_0.525": 5.138908745036272, "q_0.55": 5.200393199907028, "q_0.575": 5.2470244104838155, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.042452142147785, "q_0.8": 6.13674224822967, "q_0.825": 6.23727783563905, "q_0.85": 6.307730002995395, "q_0.875": 6.422219416707716, "q_0.9": 6.476154977791679, "q_0.925": 6.599518656870281, "q_0.95": 6.776237158220718, "q_0.975": 6.844044526630338, "q_1": 7.489627098039405}, {"x": 28.971588635454182, "y": 4.767902267399124, "y_true": 3.433070288615731, "y_pred": 5.047921879055577, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6176363298258356, "q_0.075": 3.6932152795377187, "q_0.1": 3.747275193333788, "q_0.125": 3.8522930960504125, "q_0.15": 3.9394969072533668, "q_0.175": 4.001216687292553, "q_0.2": 4.069582773500545, "q_0.225": 4.153701107600792, "q_0.25": 4.2502592436525894, "q_0.275": 4.360488882284714, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.778676612210029, "q_0.45": 4.885721790323394, "q_0.475": 4.957868557936048, "q_0.5": 5.047921879055577, "q_0.525": 5.141263186917729, "q_0.55": 5.203515163590286, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.23727783563905, "q_0.85": 6.350078141458239, "q_0.875": 6.422219416707716, "q_0.9": 6.476154977791679, "q_0.925": 6.613272081057492, "q_0.95": 6.776237158220718, "q_0.975": 6.844044526630338, "q_1": 7.489627098039405}, {"x": 29.011604641856742, "y": 6.422219416707716, "y_true": 3.4343614777218807, "y_pred": 5.047921879055577, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6176363298258356, "q_0.075": 3.6932152795377187, "q_0.1": 3.747275193333788, "q_0.125": 3.8522930960504125, "q_0.15": 3.9394969072533668, "q_0.175": 4.001216687292553, "q_0.2": 4.069582773500545, "q_0.225": 4.153701107600792, "q_0.25": 4.2502592436525894, "q_0.275": 4.360488882284714, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.778676612210029, "q_0.45": 4.885721790323394, "q_0.475": 4.957868557936048, "q_0.5": 5.047921879055577, "q_0.525": 5.141263186917729, "q_0.55": 5.203515163590286, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.23727783563905, "q_0.85": 6.350078141458239, "q_0.875": 6.422219416707716, "q_0.9": 6.476154977791679, "q_0.925": 6.613272081057492, "q_0.95": 6.776237158220718, "q_0.975": 6.844044526630338, "q_1": 7.489627098039405}, {"x": 29.051620648259306, "y": 5.786333977573899, "y_true": 3.435651001808347, "y_pred": 5.047921879055577, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6176363298258356, "q_0.075": 3.6932152795377187, "q_0.1": 3.747275193333788, "q_0.125": 3.8522930960504125, "q_0.15": 3.9394969072533668, "q_0.175": 4.001216687292553, "q_0.2": 4.069582773500545, "q_0.225": 4.153701107600792, "q_0.25": 4.2502592436525894, "q_0.275": 4.360488882284714, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.778676612210029, "q_0.45": 4.885721790323394, "q_0.475": 4.957868557936048, "q_0.5": 5.047921879055577, "q_0.525": 5.141263186917729, "q_0.55": 5.203515163590286, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.23727783563905, "q_0.85": 6.350078141458239, "q_0.875": 6.422219416707716, "q_0.9": 6.476154977791679, "q_0.925": 6.613272081057492, "q_0.95": 6.776237158220718, "q_0.975": 6.844044526630338, "q_1": 7.489627098039405}, {"x": 29.091636654661865, "y": 6.798118186971974, "y_true": 3.4369388651637665, "y_pred": 5.047921879055577, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6176363298258356, "q_0.075": 3.6932152795377187, "q_0.1": 3.747275193333788, "q_0.125": 3.8522930960504125, "q_0.15": 3.9394969072533668, "q_0.175": 4.001216687292553, "q_0.2": 4.069582773500545, "q_0.225": 4.153701107600792, "q_0.25": 4.2502592436525894, "q_0.275": 4.360488882284714, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.778676612210029, "q_0.45": 4.885721790323394, "q_0.475": 4.957868557936048, "q_0.5": 5.047921879055577, "q_0.525": 5.141263186917729, "q_0.55": 5.203515163590286, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.23727783563905, "q_0.85": 6.350078141458239, "q_0.875": 6.422219416707716, "q_0.9": 6.476154977791679, "q_0.925": 6.613272081057492, "q_0.95": 6.776237158220718, "q_0.975": 6.844044526630338, "q_1": 7.489627098039405}, {"x": 29.131652661064425, "y": 6.0240193207180575, "y_true": 3.4382250720602276, "y_pred": 5.047921879055577, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6176363298258356, "q_0.075": 3.6932152795377187, "q_0.1": 3.747275193333788, "q_0.125": 3.8522930960504125, "q_0.15": 3.9394969072533668, "q_0.175": 4.001216687292553, "q_0.2": 4.069582773500545, "q_0.225": 4.153701107600792, "q_0.25": 4.2502592436525894, "q_0.275": 4.360488882284714, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.778676612210029, "q_0.45": 4.885721790323394, "q_0.475": 4.957868557936048, "q_0.5": 5.047921879055577, "q_0.525": 5.141263186917729, "q_0.55": 5.203515163590286, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.23727783563905, "q_0.85": 6.350078141458239, "q_0.875": 6.422219416707716, "q_0.9": 6.476154977791679, "q_0.925": 6.613272081057492, "q_0.95": 6.776237158220718, "q_0.975": 6.844044526630338, "q_1": 7.489627098039405}, {"x": 29.17166866746699, "y": 4.681477938104428, "y_true": 3.439509626753356, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.7735649082777876, "q_0.125": 3.8557613901090195, "q_0.15": 3.9394969072533668, "q_0.175": 4.022071673267338, "q_0.2": 4.069582773500545, "q_0.225": 4.172866996186007, "q_0.25": 4.271015264611869, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.5742407230328475, "q_0.375": 4.658711517982521, "q_0.4": 4.727179380917803, "q_0.425": 4.7891841984093775, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.142432982777434, "q_0.55": 5.20761524272038, "q_0.575": 5.250238965484575, "q_0.6": 5.336697389489906, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790336695635354, "q_0.75": 5.951479115102467, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.2381189553050875, "q_0.85": 6.350078141458239, "q_0.875": 6.432153619155224, "q_0.9": 6.534139925125569, "q_0.925": 6.667786930836276, "q_0.95": 6.777313011351518, "q_0.975": 6.890610821089597, "q_1": 7.6349000581069655}, {"x": 29.21168467386955, "y": 5.1485304493545545, "y_true": 3.4407925334823988, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.8577855790544584, "q_0.15": 3.9394969072533668, "q_0.175": 4.022071673267338, "q_0.2": 4.069582773500545, "q_0.225": 4.158492579747098, "q_0.25": 4.271015264611869, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.5742407230328475, "q_0.375": 4.658711517982521, "q_0.4": 4.725392345301849, "q_0.425": 4.7891841984093775, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.142432982777434, "q_0.55": 5.205500818890663, "q_0.575": 5.250238965484575, "q_0.6": 5.336697389489906, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790336695635354, "q_0.75": 5.951479115102467, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.2381189553050875, "q_0.85": 6.350078141458239, "q_0.875": 6.432153619155224, "q_0.9": 6.534139925125569, "q_0.925": 6.667786930836276, "q_0.95": 6.777313011351518, "q_0.975": 6.890610821089597, "q_1": 7.6349000581069655}, {"x": 29.25170068027211, "y": 4.725392345301849, "y_true": 3.442073796470307, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.8577855790544584, "q_0.15": 3.9394969072533668, "q_0.175": 4.022071673267338, "q_0.2": 4.069582773500545, "q_0.225": 4.158492579747098, "q_0.25": 4.271015264611869, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.5742407230328475, "q_0.375": 4.658711517982521, "q_0.4": 4.725392345301849, "q_0.425": 4.7891841984093775, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.142432982777434, "q_0.55": 5.205500818890663, "q_0.575": 5.250238965484575, "q_0.6": 5.336697389489906, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790336695635354, "q_0.75": 5.951479115102467, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.2381189553050875, "q_0.85": 6.350078141458239, "q_0.875": 6.432153619155224, "q_0.9": 6.534139925125569, "q_0.925": 6.667786930836276, "q_0.95": 6.777313011351518, "q_0.975": 6.890610821089597, "q_1": 7.6349000581069655}, {"x": 29.291716686674672, "y": 4.688021822613865, "y_true": 3.4433534199238225, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.863858145890777, "q_0.15": 3.9394969072533668, "q_0.175": 4.022071673267338, "q_0.2": 4.069582773500545, "q_0.225": 4.172866996186007, "q_0.25": 4.271015264611869, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658711517982521, "q_0.4": 4.725392345301849, "q_0.425": 4.787285173594916, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.141263186917729, "q_0.55": 5.203515163590286, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.2381189553050875, "q_0.85": 6.350188319612394, "q_0.875": 6.432153619155224, "q_0.9": 6.534139925125569, "q_0.925": 6.667786930836276, "q_0.95": 6.777313011351518, "q_0.975": 6.896750279109836, "q_1": 7.6349000581069655}, {"x": 29.33173269307723, "y": 4.334888292304965, "y_true": 3.444631408033556, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.863858145890777, "q_0.15": 3.9394969072533668, "q_0.175": 4.022071673267338, "q_0.2": 4.069582773500545, "q_0.225": 4.172866996186007, "q_0.25": 4.271015264611869, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658711517982521, "q_0.4": 4.725392345301849, "q_0.425": 4.787285173594916, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.141263186917729, "q_0.55": 5.203515163590286, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.2381189553050875, "q_0.85": 6.350188319612394, "q_0.875": 6.432153619155224, "q_0.9": 6.534139925125569, "q_0.925": 6.667786930836276, "q_0.95": 6.777313011351518, "q_0.975": 6.896750279109836, "q_1": 7.6349000581069655}, {"x": 29.37174869947979, "y": 5.138908745036272, "y_true": 3.4459077649740744, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.863858145890777, "q_0.15": 3.9394969072533668, "q_0.175": 4.022071673267338, "q_0.2": 4.069582773500545, "q_0.225": 4.172866996186007, "q_0.25": 4.271015264611869, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658711517982521, "q_0.4": 4.725392345301849, "q_0.425": 4.787285173594916, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.141263186917729, "q_0.55": 5.203515163590286, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.2381189553050875, "q_0.85": 6.350188319612394, "q_0.875": 6.432153619155224, "q_0.9": 6.534139925125569, "q_0.925": 6.667786930836276, "q_0.95": 6.777313011351518, "q_0.975": 6.896750279109836, "q_1": 7.6349000581069655}, {"x": 29.411764705882355, "y": 5.775208191415703, "y_true": 3.447182494903979, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.863858145890777, "q_0.15": 3.9394969072533668, "q_0.175": 4.022071673267338, "q_0.2": 4.069582773500545, "q_0.225": 4.172866996186007, "q_0.25": 4.271015264611869, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658711517982521, "q_0.4": 4.725392345301849, "q_0.425": 4.787285173594916, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.141263186917729, "q_0.55": 5.203515163590286, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.2381189553050875, "q_0.85": 6.350188319612394, "q_0.875": 6.432153619155224, "q_0.9": 6.534139925125569, "q_0.925": 6.667786930836276, "q_0.95": 6.777313011351518, "q_0.975": 6.896750279109836, "q_1": 7.6349000581069655}, {"x": 29.451780712284915, "y": 4.395890036738239, "y_true": 3.4484556019659878, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.863858145890777, "q_0.15": 3.9551964171836125, "q_0.175": 4.035775417732042, "q_0.2": 4.078828774192702, "q_0.225": 4.173175410950672, "q_0.25": 4.28118379660951, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.7891841984093775, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.141263186917729, "q_0.55": 5.205500818890663, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790685482401363, "q_0.75": 5.953160083310513, "q_0.775": 6.078580758878237, "q_0.8": 6.176722432262553, "q_0.825": 6.241360264102225, "q_0.85": 6.365611531052373, "q_0.875": 6.434114769602721, "q_0.9": 6.5509474359898325, "q_0.925": 6.6691524781215294, "q_0.95": 6.777313011351518, "q_0.975": 6.912706312096574, "q_1": 7.6349000581069655}, {"x": 29.491796718687475, "y": 5.2417729067671255, "y_true": 3.4497270902870176, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.863858145890777, "q_0.15": 3.9551964171836125, "q_0.175": 4.035775417732042, "q_0.2": 4.078828774192702, "q_0.225": 4.173175410950672, "q_0.25": 4.28118379660951, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.7891841984093775, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.141263186917729, "q_0.55": 5.205500818890663, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790685482401363, "q_0.75": 5.953160083310513, "q_0.775": 6.078580758878237, "q_0.8": 6.176722432262553, "q_0.825": 6.241360264102225, "q_0.85": 6.365611531052373, "q_0.875": 6.434114769602721, "q_0.9": 6.5509474359898325, "q_0.925": 6.6691524781215294, "q_0.95": 6.777313011351518, "q_0.975": 6.912706312096574, "q_1": 7.6349000581069655}, {"x": 29.531812725090038, "y": 3.8522930960504125, "y_true": 3.4509969639782625, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.863858145890777, "q_0.15": 3.9551964171836125, "q_0.175": 4.035775417732042, "q_0.2": 4.078828774192702, "q_0.225": 4.173175410950672, "q_0.25": 4.28118379660951, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.7891841984093775, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.141263186917729, "q_0.55": 5.205500818890663, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790685482401363, "q_0.75": 5.953160083310513, "q_0.775": 6.078580758878237, "q_0.8": 6.176722432262553, "q_0.825": 6.241360264102225, "q_0.85": 6.365611531052373, "q_0.875": 6.434114769602721, "q_0.9": 6.5509474359898325, "q_0.925": 6.6691524781215294, "q_0.95": 6.777313011351518, "q_0.975": 6.912706312096574, "q_1": 7.6349000581069655}, {"x": 29.571828731492598, "y": 3.998948728797799, "y_true": 3.4522652271352747, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.863858145890777, "q_0.15": 3.9551964171836125, "q_0.175": 4.035775417732042, "q_0.2": 4.078828774192702, "q_0.225": 4.173175410950672, "q_0.25": 4.28118379660951, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.7891841984093775, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.141263186917729, "q_0.55": 5.205500818890663, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790685482401363, "q_0.75": 5.953160083310513, "q_0.775": 6.078580758878237, "q_0.8": 6.176722432262553, "q_0.825": 6.241360264102225, "q_0.85": 6.365611531052373, "q_0.875": 6.434114769602721, "q_0.9": 6.5509474359898325, "q_0.925": 6.6691524781215294, "q_0.95": 6.777313011351518, "q_0.975": 6.912706312096574, "q_1": 7.6349000581069655}, {"x": 29.611844737895158, "y": 3.613674538163367, "y_true": 3.453531883838043, "y_pred": 5.052837625877386, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5128745437220785, "q_0.05": 3.6338375540761434, "q_0.075": 3.6958675157093475, "q_0.1": 3.7774253866341345, "q_0.125": 3.863858145890777, "q_0.15": 3.961847294659666, "q_0.175": 4.035775417732042, "q_0.2": 4.078828774192702, "q_0.225": 4.184637733393867, "q_0.25": 4.285657323308556, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.507905927174601, "q_0.35": 4.5742407230328475, "q_0.375": 4.658711517982521, "q_0.4": 4.728370737995101, "q_0.425": 4.7891841984093775, "q_0.45": 4.8901886683724864, "q_0.475": 4.961930446636361, "q_0.5": 5.052837625877386, "q_0.525": 5.142432982777434, "q_0.55": 5.20761524272038, "q_0.575": 5.251219964400493, "q_0.6": 5.336697389489906, "q_0.625": 5.410544530319537, "q_0.65": 5.515304401496399, "q_0.675": 5.610358088522938, "q_0.7": 5.739659267521479, "q_0.725": 5.790685482401363, "q_0.75": 5.988485084814867, "q_0.775": 6.10121953615741, "q_0.8": 6.187298251146786, "q_0.825": 6.242380127117748, "q_0.85": 6.391783668350065, "q_0.875": 6.434114769602721, "q_0.9": 6.578217225522944, "q_0.925": 6.674273496540186, "q_0.95": 6.777450140005085, "q_0.975": 6.912706312096574, "q_1": 7.6349000581069655}, {"x": 29.65186074429772, "y": 6.777313011351518, "y_true": 3.454796938151073, "y_pred": 5.054603558756522, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5128745437220785, "q_0.05": 3.6338375540761434, "q_0.075": 3.7310654996953225, "q_0.1": 3.7774253866341345, "q_0.125": 3.863858145890777, "q_0.15": 3.961847294659666, "q_0.175": 4.035775417732042, "q_0.2": 4.078828774192702, "q_0.225": 4.184637733393867, "q_0.25": 4.286461922627283, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.507905927174601, "q_0.35": 4.5742407230328475, "q_0.375": 4.663130603098778, "q_0.4": 4.728370737995101, "q_0.425": 4.7891841984093775, "q_0.45": 4.8901886683724864, "q_0.475": 4.961930446636361, "q_0.5": 5.054603558756522, "q_0.525": 5.142432982777434, "q_0.55": 5.20761524272038, "q_0.575": 5.251219964400493, "q_0.6": 5.339548396059068, "q_0.625": 5.410544530319537, "q_0.65": 5.515304401496399, "q_0.675": 5.612905749075997, "q_0.7": 5.743059371733642, "q_0.725": 5.790685482401363, "q_0.75": 5.988485084814867, "q_0.775": 6.10121953615741, "q_0.8": 6.187298251146786, "q_0.825": 6.242380127117748, "q_0.85": 6.391783668350065, "q_0.875": 6.434114769602721, "q_0.9": 6.578217225522944, "q_0.925": 6.683379939022111, "q_0.95": 6.78005558442292, "q_0.975": 6.912706312096574, "q_1": 7.6349000581069655}, {"x": 29.69187675070028, "y": 3.4692782300457945, "y_true": 3.4560603941234618, "y_pred": 5.054603558756522, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5288513853630223, "q_0.05": 3.634267078356909, "q_0.075": 3.733091146033754, "q_0.1": 3.7774253866341345, "q_0.125": 3.8885944221936377, "q_0.15": 3.96493423763629, "q_0.175": 4.036937507457324, "q_0.2": 4.09295049811656, "q_0.225": 4.188950163651021, "q_0.25": 4.288793511623786, "q_0.275": 4.369192312444039, "q_0.3": 4.404153214886817, "q_0.325": 4.516189423982684, "q_0.35": 4.5742407230328475, "q_0.375": 4.681477938104428, "q_0.4": 4.744322151526749, "q_0.425": 4.7891841984093775, "q_0.45": 4.890285211642836, "q_0.475": 4.963909904070533, "q_0.5": 5.054603558756522, "q_0.525": 5.142432982777434, "q_0.55": 5.20761524272038, "q_0.575": 5.256323896547926, "q_0.6": 5.3509524223356895, "q_0.625": 5.410544530319537, "q_0.65": 5.545253349624581, "q_0.675": 5.612905749075997, "q_0.7": 5.765669741328351, "q_0.725": 5.828589863960346, "q_0.75": 6.016309523367708, "q_0.775": 6.105857021781258, "q_0.8": 6.200664817196285, "q_0.825": 6.296446398739077, "q_0.85": 6.393580121720733, "q_0.875": 6.465178563104686, "q_0.9": 6.578217225522944, "q_0.925": 6.6929046867778, "q_0.95": 6.78005558442292, "q_0.975": 6.912706312096574, "q_1": 7.6349000581069655}, {"x": 29.73189275710284, "y": 4.069012393132045, "y_true": 3.457322255788982, "y_pred": 5.060901296526395, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5288513853630223, "q_0.05": 3.634267078356909, "q_0.075": 3.738339553729039, "q_0.1": 3.8115185839505323, "q_0.125": 3.8885944221936377, "q_0.15": 3.979584120101391, "q_0.175": 4.052918724854845, "q_0.2": 4.097637794907386, "q_0.225": 4.22113706700007, "q_0.25": 4.2909192024665375, "q_0.275": 4.375571468160891, "q_0.3": 4.432691464669937, "q_0.325": 4.516189423982684, "q_0.35": 4.575934724528623, "q_0.375": 4.681477938104428, "q_0.4": 4.750636583013389, "q_0.425": 4.8166207162838575, "q_0.45": 4.890285211642836, "q_0.475": 4.9643279125474855, "q_0.5": 5.060901296526395, "q_0.525": 5.1485304493545545, "q_0.55": 5.212656982887996, "q_0.575": 5.260355785997356, "q_0.6": 5.355259507868923, "q_0.625": 5.429067265936801, "q_0.65": 5.558633104373527, "q_0.675": 5.636500464109794, "q_0.7": 5.765669741328351, "q_0.725": 5.828589863960346, "q_0.75": 6.0240193207180575, "q_0.775": 6.122592326270759, "q_0.8": 6.228179537087993, "q_0.825": 6.296446398739077, "q_0.85": 6.408709400648361, "q_0.875": 6.474234630612757, "q_0.9": 6.587166982889164, "q_0.925": 6.6929046867778, "q_0.95": 6.78005558442292, "q_0.975": 6.912706312096574, "q_1": 7.6349000581069655}, {"x": 29.771908763505404, "y": 5.558633104373527, "y_true": 3.4585825271661523, "y_pred": 5.060901296526395, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.6515861446280082, "q_0.075": 3.740445247763777, "q_0.1": 3.839170480254669, "q_0.125": 3.928440928221106, "q_0.15": 3.9858355247087824, "q_0.175": 4.067793191082373, "q_0.2": 4.118197616851171, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.461932404355518, "q_0.325": 4.554022513632217, "q_0.35": 4.606688285832019, "q_0.375": 4.688021822613865, "q_0.4": 4.7537597243022, "q_0.425": 4.85138162358624, "q_0.45": 4.896547077857406, "q_0.475": 4.987023085582278, "q_0.5": 5.060901296526395, "q_0.525": 5.1485304493545545, "q_0.55": 5.212656982887996, "q_0.575": 5.263365170773502, "q_0.6": 5.366038114054975, "q_0.625": 5.457106718543322, "q_0.65": 5.569843877203429, "q_0.675": 5.676922069924459, "q_0.7": 5.775208191415703, "q_0.725": 5.839162152306624, "q_0.75": 6.034894372456506, "q_0.775": 6.159056956340137, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.422219416707716, "q_0.875": 6.476154977791679, "q_0.9": 6.613272081057492, "q_0.925": 6.7104379315465135, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 29.811924769907964, "y": 3.7387682052417097, "y_true": 3.459841212258318, "y_pred": 5.060901296526395, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.6515861446280082, "q_0.075": 3.740445247763777, "q_0.1": 3.839170480254669, "q_0.125": 3.928440928221106, "q_0.15": 3.9858355247087824, "q_0.175": 4.067793191082373, "q_0.2": 4.118197616851171, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.461932404355518, "q_0.325": 4.554022513632217, "q_0.35": 4.606688285832019, "q_0.375": 4.688021822613865, "q_0.4": 4.7537597243022, "q_0.425": 4.85138162358624, "q_0.45": 4.896547077857406, "q_0.475": 4.987023085582278, "q_0.5": 5.060901296526395, "q_0.525": 5.1485304493545545, "q_0.55": 5.212656982887996, "q_0.575": 5.263365170773502, "q_0.6": 5.366038114054975, "q_0.625": 5.457106718543322, "q_0.65": 5.569843877203429, "q_0.675": 5.676922069924459, "q_0.7": 5.775208191415703, "q_0.725": 5.839162152306624, "q_0.75": 6.034894372456506, "q_0.775": 6.159056956340137, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.422219416707716, "q_0.875": 6.476154977791679, "q_0.9": 6.613272081057492, "q_0.925": 6.7104379315465135, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 29.851940776310524, "y": 6.485297502273754, "y_true": 3.4610983150537273, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.1297396857595, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85589252691835, "q_0.45": 4.898240198880959, "q_0.475": 4.989640083841659, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.223368661173108, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.480218367589153, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 29.891956782713088, "y": 5.931007805822089, "y_true": 3.462353839525606, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.1297396857595, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85589252691835, "q_0.45": 4.898240198880959, "q_0.475": 4.989640083841659, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.223368661173108, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.480218367589153, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 29.931972789115648, "y": 6.78005558442292, "y_true": 3.4636077896322326, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.1297396857595, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85589252691835, "q_0.45": 4.898240198880959, "q_0.475": 4.989640083841659, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.223368661173108, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.480218367589153, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 29.971988795518207, "y": 5.20761524272038, "y_true": 3.4648601693170145, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.1297396857595, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85589252691835, "q_0.45": 4.898240198880959, "q_0.475": 4.989640083841659, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.223368661173108, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.480218367589153, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.01200480192077, "y": 4.497809695965421, "y_true": 3.466110982508561, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.05202080832333, "y": 5.355259507868923, "y_true": 3.467360233120759, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.09203681472589, "y": 6.667786930836276, "y_true": 3.4686079250528445, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.132052821128454, "y": 5.260355785997356, "y_true": 3.4698540621894773, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.172068827531014, "y": 4.390163237022276, "y_true": 3.4710986484008113, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.212084833933574, "y": 6.491300139138129, "y_true": 3.47234168754257, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.252100840336137, "y": 4.7537597243022, "y_true": 3.4735831834561157, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.292116846738697, "y": 3.4795865206087635, "y_true": 3.474823139968521, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.332132853141257, "y": 4.329248332012304, "y_true": 3.476061560892639, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.37214885954382, "y": 4.57390582955391, "y_true": 3.477298450027177, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.41216486594638, "y": 6.438907406713138, "y_true": 3.4785338111567623, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.45218087234894, "y": 5.060901296526395, "y_true": 3.4797676480520128, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.747275193333788, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.1297396857595, "q_0.225": 4.24932715550084, "q_0.25": 4.334888292304965, "q_0.275": 4.390163237022276, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.688126828066639, "q_0.4": 4.768596663405027, "q_0.425": 4.85589252691835, "q_0.45": 4.917301257812121, "q_0.475": 5.005688497266193, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.2417729067671255, "q_0.575": 5.267029197552311, "q_0.6": 5.389898531436362, "q_0.625": 5.494970241745836, "q_0.65": 5.578586446580225, "q_0.675": 5.6937689455309854, "q_0.7": 5.786333977573899, "q_0.725": 5.899706034905603, "q_0.75": 6.042452142147785, "q_0.775": 6.176722432262553, "q_0.8": 6.2381189553050875, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.480218367589153, "q_0.9": 6.667786930836276, "q_0.925": 6.743153962452412, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.492196878751503, "y": 5.014710424476773, "y_true": 3.4809999644696084, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.747275193333788, "q_0.1": 3.8522930960504125, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.688126828066639, "q_0.4": 4.771997812919494, "q_0.425": 4.860621883663697, "q_0.45": 4.925571725673944, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.296339648646046, "q_0.6": 5.402382458367646, "q_0.625": 5.494970241745836, "q_0.65": 5.583934389900637, "q_0.675": 5.7011699923444175, "q_0.7": 5.786333977573899, "q_0.725": 5.930976339752404, "q_0.75": 6.078580758878237, "q_0.775": 6.187298251146786, "q_0.8": 6.2381189553050875, "q_0.825": 6.365611531052373, "q_0.85": 6.432153619155224, "q_0.875": 6.534139925125569, "q_0.9": 6.667786930836276, "q_0.925": 6.760228930404921, "q_0.95": 6.798118186971974, "q_0.975": 6.92566764497772, "q_1": 7.6349000581069655}, {"x": 30.532212885154063, "y": 4.642122930422961, "y_true": 3.482230764152356, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.747275193333788, "q_0.1": 3.8522930960504125, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.688126828066639, "q_0.4": 4.771997812919494, "q_0.425": 4.860621883663697, "q_0.45": 4.925571725673944, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.296339648646046, "q_0.6": 5.402382458367646, "q_0.625": 5.494970241745836, "q_0.65": 5.583934389900637, "q_0.675": 5.7011699923444175, "q_0.7": 5.786333977573899, "q_0.725": 5.930976339752404, "q_0.75": 6.078580758878237, "q_0.775": 6.187298251146786, "q_0.8": 6.2381189553050875, "q_0.825": 6.365611531052373, "q_0.85": 6.432153619155224, "q_0.875": 6.534139925125569, "q_0.9": 6.667786930836276, "q_0.925": 6.760228930404921, "q_0.95": 6.798118186971974, "q_0.975": 6.92566764497772, "q_1": 7.6349000581069655}, {"x": 30.572228891556623, "y": 6.523805673489061, "y_true": 3.4834600508292612, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.76905797357372, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.395890036738239, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.628936081320426, "q_0.375": 4.725392345301849, "q_0.4": 4.783772503764348, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.365611531052373, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.612244897959187, "y": 6.748379896051341, "y_true": 3.4846878282155935, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.76905797357372, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.395890036738239, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.628936081320426, "q_0.375": 4.725392345301849, "q_0.4": 4.783772503764348, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.365611531052373, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.652260904361746, "y": 6.912706312096574, "y_true": 3.4859141000129545, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.76905797357372, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.395890036738239, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.628936081320426, "q_0.375": 4.725392345301849, "q_0.4": 4.783772503764348, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.365611531052373, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.692276910764306, "y": 4.7891841984093775, "y_true": 3.487138869909345, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.76905797357372, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.395890036738239, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.628936081320426, "q_0.375": 4.725392345301849, "q_0.4": 4.783772503764348, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.365611531052373, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.732292917166866, "y": 6.82865739139843, "y_true": 3.4883621415792323, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.76905797357372, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.395890036738239, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.628936081320426, "q_0.375": 4.725392345301849, "q_0.4": 4.783772503764348, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.365611531052373, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.77230892356943, "y": 6.228374735311647, "y_true": 3.4895839186836146, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069582773500545, "q_0.2": 4.142786519563793, "q_0.225": 4.2510013864745355, "q_0.25": 4.334888292304965, "q_0.275": 4.395890036738239, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.630750255520367, "q_0.375": 4.725392345301849, "q_0.4": 4.787285173594916, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.59713274204044, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.81232492997199, "y": 5.828589863960346, "y_true": 3.4908042048700887, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069582773500545, "q_0.2": 4.142786519563793, "q_0.225": 4.2510013864745355, "q_0.25": 4.334888292304965, "q_0.275": 4.395890036738239, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.630750255520367, "q_0.375": 4.725392345301849, "q_0.4": 4.787285173594916, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.59713274204044, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.85234093637455, "y": 4.339612644927176, "y_true": 3.4920230037729127, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069582773500545, "q_0.2": 4.142786519563793, "q_0.225": 4.2510013864745355, "q_0.25": 4.334888292304965, "q_0.275": 4.395890036738239, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.630750255520367, "q_0.375": 4.725392345301849, "q_0.4": 4.787285173594916, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.59713274204044, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.892356942777113, "y": 4.242694663487959, "y_true": 3.4932403190130743, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.699550859931227, "q_0.4": 4.783772503764348, "q_0.425": 4.86795027450146, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.786333977573899, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.932372949179673, "y": 4.069582773500545, "y_true": 3.494456154198353, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.699550859931227, "q_0.4": 4.783772503764348, "q_0.425": 4.86795027450146, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.786333977573899, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.972388955582232, "y": 6.6929046867778, "y_true": 3.4956705129233847, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.699550859931227, "q_0.4": 4.783772503764348, "q_0.425": 4.86795027450146, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.786333977573899, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.012404961984796, "y": 4.516189423982684, "y_true": 3.496883398769725, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.699550859931227, "q_0.4": 4.783772503764348, "q_0.425": 4.86795027450146, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.786333977573899, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.052420968387356, "y": 5.069141440544453, "y_true": 3.4980948153059153, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.699550859931227, "q_0.4": 4.783772503764348, "q_0.425": 4.86795027450146, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.786333977573899, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.092436974789916, "y": 5.212656982887996, "y_true": 3.4993047660875414, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.699550859931227, "q_0.4": 4.783772503764348, "q_0.425": 4.86795027450146, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.786333977573899, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.13245298119248, "y": 6.200664817196285, "y_true": 3.5005132546573, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.699550859931227, "q_0.4": 4.783772503764348, "q_0.425": 4.86795027450146, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.786333977573899, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.17246898759504, "y": 6.432153619155224, "y_true": 3.5017202845450583, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.699550859931227, "q_0.4": 4.783772503764348, "q_0.425": 4.86795027450146, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.786333977573899, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.2124849939976, "y": 3.9858355247087824, "y_true": 3.502925859267918, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.390163237022276, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.688126828066639, "q_0.4": 4.779695790520897, "q_0.425": 4.860621883663697, "q_0.45": 4.936558709715239, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.59713274204044, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.251313585511198, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.252501000400162, "y": 4.987023085582278, "y_true": 3.5041299823302747, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.390163237022276, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.688126828066639, "q_0.4": 4.779695790520897, "q_0.425": 4.860621883663697, "q_0.45": 4.936558709715239, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.59713274204044, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.251313585511198, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.292517006802722, "y": 6.434114769602721, "y_true": 3.5053326572238808, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.390163237022276, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.688126828066639, "q_0.4": 4.779695790520897, "q_0.425": 4.860621883663697, "q_0.45": 4.936558709715239, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.59713274204044, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.251313585511198, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.332533013205282, "y": 6.350078141458239, "y_true": 3.506533887427905, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.773650275380591, "q_0.1": 3.863858145890777, "q_0.125": 3.9394969072533668, "q_0.15": 3.998948728797799, "q_0.175": 4.069582773500545, "q_0.2": 4.153701107600792, "q_0.225": 4.2510013864745355, "q_0.25": 4.334888292304965, "q_0.275": 4.395890036738239, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.725392345301849, "q_0.4": 4.783772503764348, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.250238965484575, "q_0.575": 5.309391833312436, "q_0.6": 5.408851359265172, "q_0.625": 5.508081778508232, "q_0.65": 5.59713274204044, "q_0.675": 5.721728809124186, "q_0.7": 5.790173953485768, "q_0.725": 5.951479115102467, "q_0.75": 6.10121953615741, "q_0.775": 6.200664817196285, "q_0.8": 6.262837166853249, "q_0.825": 6.391783668350065, "q_0.85": 6.434114769602721, "q_0.875": 6.578217225522944, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.809549107129772, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.372549019607845, "y": 3.863858145890777, "y_true": 3.5077336764089937, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.6702174450027054, "q_0.075": 3.773650275380591, "q_0.1": 3.863858145890777, "q_0.125": 3.9394969072533668, "q_0.15": 3.998948728797799, "q_0.175": 4.069582773500545, "q_0.2": 4.153701107600792, "q_0.225": 4.2510013864745355, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.6955165158138525, "q_0.4": 4.783772503764348, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.408851359265172, "q_0.625": 5.508081778508232, "q_0.65": 5.59713274204044, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.105857021781258, "q_0.775": 6.200664817196285, "q_0.8": 6.271309337268203, "q_0.825": 6.392785686480926, "q_0.85": 6.434114769602721, "q_0.875": 6.578217225522944, "q_0.9": 6.674273496540186, "q_0.925": 6.776237158220718, "q_0.95": 6.812323555565416, "q_0.975": 6.938394669406211, "q_1": 7.6349000581069655}, {"x": 31.412565026010405, "y": 4.052918724854845, "y_true": 3.5089320276213303, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.675662025372961, "q_0.075": 3.773650275380591, "q_0.1": 3.863858145890777, "q_0.125": 3.9394969072533668, "q_0.15": 3.998948728797799, "q_0.175": 4.069582773500545, "q_0.2": 4.153701107600792, "q_0.225": 4.271015264611869, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.688126828066639, "q_0.4": 4.778676612210029, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.250238965484575, "q_0.575": 5.309391833312436, "q_0.6": 5.409189993476045, "q_0.625": 5.508081778508232, "q_0.65": 5.59713274204044, "q_0.675": 5.721728809124186, "q_0.7": 5.790173953485768, "q_0.725": 5.951479115102467, "q_0.75": 6.105857021781258, "q_0.775": 6.207417961050581, "q_0.8": 6.293456463402652, "q_0.825": 6.393580121720733, "q_0.85": 6.434114769602721, "q_0.875": 6.578217225522944, "q_0.9": 6.683379939022111, "q_0.925": 6.776237158220718, "q_0.95": 6.820626532093259, "q_0.975": 6.938394669406211, "q_1": 7.6349000581069655}, {"x": 31.452581032412965, "y": 4.568673461092093, "y_true": 3.5101289445066945, "y_pred": 5.084668395031892, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.604450951150449, "q_0.05": 3.6932152795377187, "q_0.075": 3.7774253866341345, "q_0.1": 3.870270084783503, "q_0.125": 3.9551964171836125, "q_0.15": 4.022071673267338, "q_0.175": 4.069582773500545, "q_0.2": 4.188950163651021, "q_0.225": 4.28118379660951, "q_0.25": 4.360488882284714, "q_0.275": 4.395890036738239, "q_0.3": 4.501414112513693, "q_0.325": 4.568673461092093, "q_0.35": 4.636192778120208, "q_0.375": 4.725392345301849, "q_0.4": 4.7891841984093775, "q_0.425": 4.888772666825256, "q_0.45": 4.957868557936048, "q_0.475": 5.014710424476773, "q_0.5": 5.084668395031892, "q_0.525": 5.203515163590286, "q_0.55": 5.256323896547926, "q_0.575": 5.314760609667232, "q_0.6": 5.415669597479313, "q_0.625": 5.515304401496399, "q_0.65": 5.59713274204044, "q_0.675": 5.7294848141644845, "q_0.7": 5.817480042329025, "q_0.725": 6.004238342598643, "q_0.75": 6.130004122697612, "q_0.775": 6.228374735311647, "q_0.8": 6.3076949047129585, "q_0.825": 6.40640674168122, "q_0.85": 6.465178563104686, "q_0.875": 6.587166982889164, "q_0.9": 6.683379939022111, "q_0.925": 6.777313011351518, "q_0.95": 6.831774415864712, "q_0.975": 6.9462980892058255, "q_1": 7.6349000581069655}, {"x": 31.49259703881553, "y": 3.773650275380591, "y_true": 3.5113244304945233, "y_pred": 5.084668395031892, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.604450951150449, "q_0.05": 3.6932152795377187, "q_0.075": 3.7774253866341345, "q_0.1": 3.870270084783503, "q_0.125": 3.9551964171836125, "q_0.15": 4.022071673267338, "q_0.175": 4.069582773500545, "q_0.2": 4.188950163651021, "q_0.225": 4.28118379660951, "q_0.25": 4.360488882284714, "q_0.275": 4.395890036738239, "q_0.3": 4.501414112513693, "q_0.325": 4.568673461092093, "q_0.35": 4.636192778120208, "q_0.375": 4.725392345301849, "q_0.4": 4.7891841984093775, "q_0.425": 4.888772666825256, "q_0.45": 4.957868557936048, "q_0.475": 5.014710424476773, "q_0.5": 5.084668395031892, "q_0.525": 5.203515163590286, "q_0.55": 5.256323896547926, "q_0.575": 5.314760609667232, "q_0.6": 5.415669597479313, "q_0.625": 5.515304401496399, "q_0.65": 5.59713274204044, "q_0.675": 5.7294848141644845, "q_0.7": 5.817480042329025, "q_0.725": 6.004238342598643, "q_0.75": 6.130004122697612, "q_0.775": 6.228374735311647, "q_0.8": 6.3076949047129585, "q_0.825": 6.40640674168122, "q_0.85": 6.465178563104686, "q_0.875": 6.587166982889164, "q_0.9": 6.683379939022111, "q_0.925": 6.777313011351518, "q_0.95": 6.831774415864712, "q_0.975": 6.9462980892058255, "q_1": 7.6349000581069655}, {"x": 31.53261304521809, "y": 4.991298285394343, "y_true": 3.5125184890019674, "y_pred": 5.084668395031892, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.604450951150449, "q_0.05": 3.6932152795377187, "q_0.075": 3.7774253866341345, "q_0.1": 3.870270084783503, "q_0.125": 3.9551964171836125, "q_0.15": 4.022071673267338, "q_0.175": 4.069582773500545, "q_0.2": 4.188950163651021, "q_0.225": 4.28118379660951, "q_0.25": 4.360488882284714, "q_0.275": 4.395890036738239, "q_0.3": 4.501414112513693, "q_0.325": 4.568673461092093, "q_0.35": 4.636192778120208, "q_0.375": 4.725392345301849, "q_0.4": 4.7891841984093775, "q_0.425": 4.888772666825256, "q_0.45": 4.957868557936048, "q_0.475": 5.014710424476773, "q_0.5": 5.084668395031892, "q_0.525": 5.203515163590286, "q_0.55": 5.256323896547926, "q_0.575": 5.314760609667232, "q_0.6": 5.415669597479313, "q_0.625": 5.515304401496399, "q_0.65": 5.59713274204044, "q_0.675": 5.7294848141644845, "q_0.7": 5.817480042329025, "q_0.725": 6.004238342598643, "q_0.75": 6.130004122697612, "q_0.775": 6.228374735311647, "q_0.8": 6.3076949047129585, "q_0.825": 6.40640674168122, "q_0.85": 6.465178563104686, "q_0.875": 6.587166982889164, "q_0.9": 6.683379939022111, "q_0.925": 6.777313011351518, "q_0.95": 6.831774415864712, "q_0.975": 6.9462980892058255, "q_1": 7.6349000581069655}, {"x": 31.57262905162065, "y": 3.8885944221936377, "y_true": 3.5137111234339535, "y_pred": 5.084668395031892, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.604450951150449, "q_0.05": 3.6932152795377187, "q_0.075": 3.7774253866341345, "q_0.1": 3.870270084783503, "q_0.125": 3.9551964171836125, "q_0.15": 4.022071673267338, "q_0.175": 4.069582773500545, "q_0.2": 4.188950163651021, "q_0.225": 4.28118379660951, "q_0.25": 4.360488882284714, "q_0.275": 4.395890036738239, "q_0.3": 4.501414112513693, "q_0.325": 4.568673461092093, "q_0.35": 4.636192778120208, "q_0.375": 4.725392345301849, "q_0.4": 4.7891841984093775, "q_0.425": 4.888772666825256, "q_0.45": 4.957868557936048, "q_0.475": 5.014710424476773, "q_0.5": 5.084668395031892, "q_0.525": 5.203515163590286, "q_0.55": 5.256323896547926, "q_0.575": 5.314760609667232, "q_0.6": 5.415669597479313, "q_0.625": 5.515304401496399, "q_0.65": 5.59713274204044, "q_0.675": 5.7294848141644845, "q_0.7": 5.817480042329025, "q_0.725": 6.004238342598643, "q_0.75": 6.130004122697612, "q_0.775": 6.228374735311647, "q_0.8": 6.3076949047129585, "q_0.825": 6.40640674168122, "q_0.85": 6.465178563104686, "q_0.875": 6.587166982889164, "q_0.9": 6.683379939022111, "q_0.925": 6.777313011351518, "q_0.95": 6.831774415864712, "q_0.975": 6.9462980892058255, "q_1": 7.6349000581069655}, {"x": 31.61264505802321, "y": 5.494970241745836, "y_true": 3.5149023371832375, "y_pred": 5.084668395031892, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.604450951150449, "q_0.05": 3.6932152795377187, "q_0.075": 3.7774253866341345, "q_0.1": 3.870270084783503, "q_0.125": 3.9551964171836125, "q_0.15": 4.022071673267338, "q_0.175": 4.069582773500545, "q_0.2": 4.188950163651021, "q_0.225": 4.28118379660951, "q_0.25": 4.360488882284714, "q_0.275": 4.395890036738239, "q_0.3": 4.501414112513693, "q_0.325": 4.568673461092093, "q_0.35": 4.636192778120208, "q_0.375": 4.725392345301849, "q_0.4": 4.7891841984093775, "q_0.425": 4.888772666825256, "q_0.45": 4.957868557936048, "q_0.475": 5.014710424476773, "q_0.5": 5.084668395031892, "q_0.525": 5.203515163590286, "q_0.55": 5.256323896547926, "q_0.575": 5.314760609667232, "q_0.6": 5.415669597479313, "q_0.625": 5.515304401496399, "q_0.65": 5.59713274204044, "q_0.675": 5.7294848141644845, "q_0.7": 5.817480042329025, "q_0.725": 6.004238342598643, "q_0.75": 6.130004122697612, "q_0.775": 6.228374735311647, "q_0.8": 6.3076949047129585, "q_0.825": 6.40640674168122, "q_0.85": 6.465178563104686, "q_0.875": 6.587166982889164, "q_0.9": 6.683379939022111, "q_0.925": 6.777313011351518, "q_0.95": 6.831774415864712, "q_0.975": 6.9462980892058255, "q_1": 7.6349000581069655}, {"x": 31.65266106442577, "y": 4.375571468160891, "y_true": 3.5160921336304676, "y_pred": 5.084668395031892, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.604450951150449, "q_0.05": 3.6932152795377187, "q_0.075": 3.7774253866341345, "q_0.1": 3.870270084783503, "q_0.125": 3.9551964171836125, "q_0.15": 4.022071673267338, "q_0.175": 4.069582773500545, "q_0.2": 4.188950163651021, "q_0.225": 4.28118379660951, "q_0.25": 4.360488882284714, "q_0.275": 4.395890036738239, "q_0.3": 4.501414112513693, "q_0.325": 4.568673461092093, "q_0.35": 4.636192778120208, "q_0.375": 4.725392345301849, "q_0.4": 4.7891841984093775, "q_0.425": 4.888772666825256, "q_0.45": 4.957868557936048, "q_0.475": 5.014710424476773, "q_0.5": 5.084668395031892, "q_0.525": 5.203515163590286, "q_0.55": 5.256323896547926, "q_0.575": 5.314760609667232, "q_0.6": 5.415669597479313, "q_0.625": 5.515304401496399, "q_0.65": 5.59713274204044, "q_0.675": 5.7294848141644845, "q_0.7": 5.817480042329025, "q_0.725": 6.004238342598643, "q_0.75": 6.130004122697612, "q_0.775": 6.228374735311647, "q_0.8": 6.3076949047129585, "q_0.825": 6.40640674168122, "q_0.85": 6.465178563104686, "q_0.875": 6.587166982889164, "q_0.9": 6.683379939022111, "q_0.925": 6.777313011351518, "q_0.95": 6.831774415864712, "q_0.975": 6.9462980892058255, "q_1": 7.6349000581069655}, {"x": 31.69267707082833, "y": 5.59713274204044, "y_true": 3.5172805161442384, "y_pred": 5.084668395031892, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.604450951150449, "q_0.05": 3.6932152795377187, "q_0.075": 3.7774253866341345, "q_0.1": 3.870270084783503, "q_0.125": 3.9551964171836125, "q_0.15": 4.022071673267338, "q_0.175": 4.069582773500545, "q_0.2": 4.188950163651021, "q_0.225": 4.28118379660951, "q_0.25": 4.360488882284714, "q_0.275": 4.395890036738239, "q_0.3": 4.501414112513693, "q_0.325": 4.568673461092093, "q_0.35": 4.636192778120208, "q_0.375": 4.725392345301849, "q_0.4": 4.7891841984093775, "q_0.425": 4.888772666825256, "q_0.45": 4.957868557936048, "q_0.475": 5.014710424476773, "q_0.5": 5.084668395031892, "q_0.525": 5.203515163590286, "q_0.55": 5.256323896547926, "q_0.575": 5.314760609667232, "q_0.6": 5.415669597479313, "q_0.625": 5.515304401496399, "q_0.65": 5.59713274204044, "q_0.675": 5.7294848141644845, "q_0.7": 5.817480042329025, "q_0.725": 6.004238342598643, "q_0.75": 6.130004122697612, "q_0.775": 6.228374735311647, "q_0.8": 6.3076949047129585, "q_0.825": 6.40640674168122, "q_0.85": 6.465178563104686, "q_0.875": 6.587166982889164, "q_0.9": 6.683379939022111, "q_0.925": 6.777313011351518, "q_0.95": 6.831774415864712, "q_0.975": 6.9462980892058255, "q_1": 7.6349000581069655}, {"x": 31.732693077230895, "y": 3.928440928221106, "y_true": 3.518467488081149, "y_pred": 5.128917020180318, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.604450951150449, "q_0.05": 3.6932152795377187, "q_0.075": 3.7774253866341345, "q_0.1": 3.8885944221936377, "q_0.125": 3.961847294659666, "q_0.15": 4.035775417732042, "q_0.175": 4.078828774192702, "q_0.2": 4.188950163651021, "q_0.225": 4.288793511623786, "q_0.25": 4.369192312444039, "q_0.275": 4.3993899242287675, "q_0.3": 4.508471559559456, "q_0.325": 4.57390582955391, "q_0.35": 4.658443494530879, "q_0.375": 4.728370737995101, "q_0.4": 4.7891841984093775, "q_0.425": 4.8901886683724864, "q_0.45": 4.957868557936048, "q_0.475": 5.015290345978547, "q_0.5": 5.128917020180318, "q_0.525": 5.20761524272038, "q_0.55": 5.260355785997356, "q_0.575": 5.355259507868923, "q_0.6": 5.429067265936801, "q_0.625": 5.545253349624581, "q_0.65": 5.610358088522938, "q_0.675": 5.743059371733642, "q_0.7": 5.8189678098003395, "q_0.725": 6.016309523367708, "q_0.75": 6.13674224822967, "q_0.775": 6.228374735311647, "q_0.8": 6.307730002995395, "q_0.825": 6.416305303663277, "q_0.85": 6.474234630612757, "q_0.875": 6.599518656870281, "q_0.9": 6.6929046867778, "q_0.925": 6.777313011351518, "q_0.95": 6.844044526630338, "q_0.975": 6.957989572911767, "q_1": 7.6349000581069655}, {"x": 31.772709083633455, "y": 6.925093622294119, "y_true": 3.519653052785861, "y_pred": 5.164967520975808, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.613674538163367, "q_0.05": 3.740445247763777, "q_0.075": 3.839170480254669, "q_0.1": 3.928440928221106, "q_0.125": 3.9858355247087824, "q_0.15": 4.069012393132045, "q_0.175": 4.1297396857595, "q_0.2": 4.2502592436525894, "q_0.225": 4.329248332012304, "q_0.25": 4.390163237022276, "q_0.275": 4.497809695965421, "q_0.3": 4.554022513632217, "q_0.325": 4.607863496884008, "q_0.35": 4.688021822613865, "q_0.375": 4.783772503764348, "q_0.4": 4.868624028958877, "q_0.425": 4.925571725673944, "q_0.45": 4.989640083841659, "q_0.475": 5.069141440544453, "q_0.5": 5.164967520975808, "q_0.525": 5.256323896547926, "q_0.55": 5.314760609667232, "q_0.575": 5.415669597479313, "q_0.6": 5.51035773693595, "q_0.625": 5.59713274204044, "q_0.65": 5.721728809124186, "q_0.675": 5.7891257975066495, "q_0.7": 5.931007805822089, "q_0.725": 6.105857021781258, "q_0.75": 6.228179537087993, "q_0.775": 6.293456463402652, "q_0.8": 6.392785686480926, "q_0.825": 6.434114769602721, "q_0.85": 6.578217225522944, "q_0.875": 6.6691524781215294, "q_0.9": 6.760228930404921, "q_0.925": 6.798118186971974, "q_0.95": 6.912706312096574, "q_0.975": 6.989018274918326, "q_1": 7.76888055408128}, {"x": 31.812725090036015, "y": 6.776237158220718, "y_true": 3.520837213591153, "y_pred": 5.164967520975808, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.613674538163367, "q_0.05": 3.740445247763777, "q_0.075": 3.839170480254669, "q_0.1": 3.928440928221106, "q_0.125": 3.9858355247087824, "q_0.15": 4.069012393132045, "q_0.175": 4.1297396857595, "q_0.2": 4.2502592436525894, "q_0.225": 4.329248332012304, "q_0.25": 4.390163237022276, "q_0.275": 4.497809695965421, "q_0.3": 4.554022513632217, "q_0.325": 4.607863496884008, "q_0.35": 4.688021822613865, "q_0.375": 4.783772503764348, "q_0.4": 4.868624028958877, "q_0.425": 4.925571725673944, "q_0.45": 4.989640083841659, "q_0.475": 5.069141440544453, "q_0.5": 5.164967520975808, "q_0.525": 5.256323896547926, "q_0.55": 5.314760609667232, "q_0.575": 5.415669597479313, "q_0.6": 5.51035773693595, "q_0.625": 5.59713274204044, "q_0.65": 5.721728809124186, "q_0.675": 5.7891257975066495, "q_0.7": 5.931007805822089, "q_0.725": 6.105857021781258, "q_0.75": 6.228179537087993, "q_0.775": 6.293456463402652, "q_0.8": 6.392785686480926, "q_0.825": 6.434114769602721, "q_0.85": 6.578217225522944, "q_0.875": 6.6691524781215294, "q_0.9": 6.760228930404921, "q_0.925": 6.798118186971974, "q_0.95": 6.912706312096574, "q_0.975": 6.989018274918326, "q_1": 7.76888055408128}, {"x": 31.852741096438578, "y": 4.8901886683724864, "y_true": 3.522019973817979, "y_pred": 5.165680393444788, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.613674538163367, "q_0.05": 3.7440798572064216, "q_0.075": 3.839170480254669, "q_0.1": 3.928440928221106, "q_0.125": 3.9858355247087824, "q_0.15": 4.069012393132045, "q_0.175": 4.1297396857595, "q_0.2": 4.2502592436525894, "q_0.225": 4.329248332012304, "q_0.25": 4.390163237022276, "q_0.275": 4.497809695965421, "q_0.3": 4.554022513632217, "q_0.325": 4.607863496884008, "q_0.35": 4.688021822613865, "q_0.375": 4.783772503764348, "q_0.4": 4.868624028958877, "q_0.425": 4.925571725673944, "q_0.45": 4.989640083841659, "q_0.475": 5.069141440544453, "q_0.5": 5.165680393444788, "q_0.525": 5.256323896547926, "q_0.55": 5.319239185848991, "q_0.575": 5.415669597479313, "q_0.6": 5.515304401496399, "q_0.625": 5.59713274204044, "q_0.65": 5.721728809124186, "q_0.675": 5.7891257975066495, "q_0.7": 5.951479115102467, "q_0.725": 6.105857021781258, "q_0.75": 6.228179537087993, "q_0.775": 6.296446398739077, "q_0.8": 6.392785686480926, "q_0.825": 6.434114769602721, "q_0.85": 6.578217225522944, "q_0.875": 6.674273496540186, "q_0.9": 6.760228930404921, "q_0.925": 6.806474554633876, "q_0.95": 6.912706312096574, "q_0.975": 6.989018274918326, "q_1": 7.76888055408128}, {"x": 31.892757102841138, "y": 4.369192312444039, "y_true": 3.5232013367755224, "y_pred": 5.182625141469851, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.613674538163367, "q_0.05": 3.7440798572064216, "q_0.075": 3.8522930960504125, "q_0.1": 3.928440928221106, "q_0.125": 3.9858355247087824, "q_0.15": 4.069012393132045, "q_0.175": 4.1297396857595, "q_0.2": 4.2502592436525894, "q_0.225": 4.329248332012304, "q_0.25": 4.390163237022276, "q_0.275": 4.497809695965421, "q_0.3": 4.554022513632217, "q_0.325": 4.607863496884008, "q_0.35": 4.688126828066639, "q_0.375": 4.787285173594916, "q_0.4": 4.868624028958877, "q_0.425": 4.925571725673944, "q_0.45": 4.989640083841659, "q_0.475": 5.069141440544453, "q_0.5": 5.182625141469851, "q_0.525": 5.256323896547926, "q_0.55": 5.326080791687565, "q_0.575": 5.415669597479313, "q_0.6": 5.515304401496399, "q_0.625": 5.59713274204044, "q_0.65": 5.721728809124186, "q_0.675": 5.7891257975066495, "q_0.7": 5.951479115102467, "q_0.725": 6.105857021781258, "q_0.75": 6.228179537087993, "q_0.775": 6.296446398739077, "q_0.8": 6.393580121720733, "q_0.825": 6.451875145234029, "q_0.85": 6.578217225522944, "q_0.875": 6.674273496540186, "q_0.9": 6.7618297531865, "q_0.925": 6.806474554633876, "q_0.95": 6.912706312096574, "q_0.975": 6.989018274918326, "q_1": 7.76888055408128}, {"x": 31.932773109243698, "y": 4.3993899242287675, "y_true": 3.5243813057612536, "y_pred": 5.182625141469851, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.613674538163367, "q_0.05": 3.7440798572064216, "q_0.075": 3.8522930960504125, "q_0.1": 3.928440928221106, "q_0.125": 3.9858355247087824, "q_0.15": 4.069012393132045, "q_0.175": 4.1297396857595, "q_0.2": 4.2502592436525894, "q_0.225": 4.329248332012304, "q_0.25": 4.390163237022276, "q_0.275": 4.497809695965421, "q_0.3": 4.554022513632217, "q_0.325": 4.607863496884008, "q_0.35": 4.688126828066639, "q_0.375": 4.787285173594916, "q_0.4": 4.868624028958877, "q_0.425": 4.925571725673944, "q_0.45": 4.989640083841659, "q_0.475": 5.069141440544453, "q_0.5": 5.182625141469851, "q_0.525": 5.256323896547926, "q_0.55": 5.326080791687565, "q_0.575": 5.415669597479313, "q_0.6": 5.515304401496399, "q_0.625": 5.59713274204044, "q_0.65": 5.721728809124186, "q_0.675": 5.7891257975066495, "q_0.7": 5.951479115102467, "q_0.725": 6.105857021781258, "q_0.75": 6.228179537087993, "q_0.775": 6.296446398739077, "q_0.8": 6.393580121720733, "q_0.825": 6.451875145234029, "q_0.85": 6.578217225522944, "q_0.875": 6.674273496540186, "q_0.9": 6.7618297531865, "q_0.925": 6.806474554633876, "q_0.95": 6.912706312096574, "q_0.975": 6.989018274918326, "q_1": 7.76888055408128}, {"x": 31.97278911564626, "y": 5.215350277738969, "y_true": 3.5255598840609825, "y_pred": 5.182625141469851, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.613674538163367, "q_0.05": 3.7440798572064216, "q_0.075": 3.8522930960504125, "q_0.1": 3.928440928221106, "q_0.125": 3.9858355247087824, "q_0.15": 4.069012393132045, "q_0.175": 4.1297396857595, "q_0.2": 4.2502592436525894, "q_0.225": 4.329248332012304, "q_0.25": 4.390163237022276, "q_0.275": 4.497809695965421, "q_0.3": 4.554022513632217, "q_0.325": 4.607863496884008, "q_0.35": 4.688126828066639, "q_0.375": 4.787285173594916, "q_0.4": 4.868624028958877, "q_0.425": 4.925571725673944, "q_0.45": 4.989640083841659, "q_0.475": 5.069141440544453, "q_0.5": 5.182625141469851, "q_0.525": 5.256323896547926, "q_0.55": 5.326080791687565, "q_0.575": 5.415669597479313, "q_0.6": 5.515304401496399, "q_0.625": 5.59713274204044, "q_0.65": 5.721728809124186, "q_0.675": 5.7891257975066495, "q_0.7": 5.951479115102467, "q_0.725": 6.105857021781258, "q_0.75": 6.228179537087993, "q_0.775": 6.296446398739077, "q_0.8": 6.393580121720733, "q_0.825": 6.451875145234029, "q_0.85": 6.578217225522944, "q_0.875": 6.674273496540186, "q_0.9": 6.7618297531865, "q_0.925": 6.806474554633876, "q_0.95": 6.912706312096574, "q_0.975": 6.989018274918326, "q_1": 7.76888055408128}, {"x": 32.01280512204882, "y": 3.666587724755868, "y_true": 3.5267370749489153, "y_pred": 5.182625141469851, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.613674538163367, "q_0.05": 3.7440798572064216, "q_0.075": 3.8522930960504125, "q_0.1": 3.928440928221106, "q_0.125": 3.9858355247087824, "q_0.15": 4.069012393132045, "q_0.175": 4.1297396857595, "q_0.2": 4.2502592436525894, "q_0.225": 4.329248332012304, "q_0.25": 4.390163237022276, "q_0.275": 4.497809695965421, "q_0.3": 4.554022513632217, "q_0.325": 4.607863496884008, "q_0.35": 4.688126828066639, "q_0.375": 4.787285173594916, "q_0.4": 4.868624028958877, "q_0.425": 4.925571725673944, "q_0.45": 4.989640083841659, "q_0.475": 5.069141440544453, "q_0.5": 5.182625141469851, "q_0.525": 5.256323896547926, "q_0.55": 5.326080791687565, "q_0.575": 5.415669597479313, "q_0.6": 5.515304401496399, "q_0.625": 5.59713274204044, "q_0.65": 5.721728809124186, "q_0.675": 5.7891257975066495, "q_0.7": 5.951479115102467, "q_0.725": 6.105857021781258, "q_0.75": 6.228179537087993, "q_0.775": 6.296446398739077, "q_0.8": 6.393580121720733, "q_0.825": 6.451875145234029, "q_0.85": 6.578217225522944, "q_0.875": 6.674273496540186, "q_0.9": 6.7618297531865, "q_0.925": 6.806474554633876, "q_0.95": 6.912706312096574, "q_0.975": 6.989018274918326, "q_1": 7.76888055408128}, {"x": 32.052821128451384, "y": 5.765669741328351, "y_true": 3.52791288168771, "y_pred": 5.20761524272038, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.613674538163367, "q_0.05": 3.7440798572064216, "q_0.075": 3.8522930960504125, "q_0.1": 3.928440928221106, "q_0.125": 3.991892136289005, "q_0.15": 4.069012393132045, "q_0.175": 4.1297396857595, "q_0.2": 4.2510013864745355, "q_0.225": 4.329248332012304, "q_0.25": 4.390163237022276, "q_0.275": 4.497809695965421, "q_0.3": 4.554022513632217, "q_0.325": 4.607863496884008, "q_0.35": 4.688126828066639, "q_0.375": 4.787285173594916, "q_0.4": 4.885248411887277, "q_0.425": 4.936857362874977, "q_0.45": 5.014710424476773, "q_0.475": 5.084668395031892, "q_0.5": 5.20761524272038, "q_0.525": 5.260355785997356, "q_0.55": 5.355259507868923, "q_0.575": 5.423618812332768, "q_0.6": 5.5262024339768, "q_0.625": 5.606967643882146, "q_0.65": 5.721728809124186, "q_0.675": 5.790685482401363, "q_0.7": 5.951479115102467, "q_0.725": 6.130004122697612, "q_0.75": 6.228374735311647, "q_0.775": 6.305348612831134, "q_0.8": 6.393580121720733, "q_0.825": 6.459476819212006, "q_0.85": 6.583499982177306, "q_0.875": 6.682241633711865, "q_0.9": 6.776237158220718, "q_0.925": 6.806474554633876, "q_0.95": 6.912706312096574, "q_0.975": 7.013591013188307, "q_1": 7.76888055408128}, {"x": 32.092837134853944, "y": 4.957868557936048, "y_true": 3.529087307528528, "y_pred": 5.20761524272038, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.613674538163367, "q_0.05": 3.7440798572064216, "q_0.075": 3.8522930960504125, "q_0.1": 3.928440928221106, "q_0.125": 3.991892136289005, "q_0.15": 4.069012393132045, "q_0.175": 4.1297396857595, "q_0.2": 4.2510013864745355, "q_0.225": 4.329248332012304, "q_0.25": 4.390163237022276, "q_0.275": 4.497809695965421, "q_0.3": 4.568673461092093, "q_0.325": 4.607863496884008, "q_0.35": 4.6955165158138525, "q_0.375": 4.787285173594916, "q_0.4": 4.885248411887277, "q_0.425": 4.936857362874977, "q_0.45": 5.014710424476773, "q_0.475": 5.084668395031892, "q_0.5": 5.20761524272038, "q_0.525": 5.260355785997356, "q_0.55": 5.355259507868923, "q_0.575": 5.423618812332768, "q_0.6": 5.526488887106085, "q_0.625": 5.606967643882146, "q_0.65": 5.721728809124186, "q_0.675": 5.790685482401363, "q_0.7": 5.951479115102467, "q_0.725": 6.130004122697612, "q_0.75": 6.228374735311647, "q_0.775": 6.305348612831134, "q_0.8": 6.393580121720733, "q_0.825": 6.4646387933210105, "q_0.85": 6.583499982177306, "q_0.875": 6.681103328401634, "q_0.9": 6.776237158220718, "q_0.925": 6.806474554633876, "q_0.95": 6.912706312096574, "q_0.975": 7.013591013188307, "q_1": 7.76888055408128}, {"x": 32.132853141256504, "y": 4.85138162358624, "y_true": 3.5302603557110896, "y_pred": 5.260355785997356, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.634267078356909, "q_0.05": 3.7774253866341345, "q_0.075": 3.863858145890777, "q_0.1": 3.961847294659666, "q_0.125": 4.036937507457324, "q_0.15": 4.097637794907386, "q_0.175": 4.22113706700007, "q_0.2": 4.288793511623786, "q_0.225": 4.369192312444039, "q_0.25": 4.441696003187549, "q_0.275": 4.521081568301867, "q_0.3": 4.5848821471711805, "q_0.325": 4.681477938104428, "q_0.35": 4.768596663405027, "q_0.375": 4.860621883663697, "q_0.4": 4.898240198880959, "q_0.425": 4.987023085582278, "q_0.45": 5.069141440544453, "q_0.475": 5.164967520975808, "q_0.5": 5.260355785997356, "q_0.525": 5.355259507868923, "q_0.55": 5.42004166564872, "q_0.575": 5.515304401496399, "q_0.6": 5.59713274204044, "q_0.625": 5.721728809124186, "q_0.65": 5.786333977573899, "q_0.675": 5.931007805822089, "q_0.7": 6.105857021781258, "q_0.725": 6.228179537087993, "q_0.75": 6.271309337268203, "q_0.775": 6.391783668350065, "q_0.8": 6.434114769602721, "q_0.825": 6.567324734442829, "q_0.85": 6.667786930836276, "q_0.875": 6.7104379315465135, "q_0.9": 6.796688721434432, "q_0.925": 6.890610821089597, "q_0.95": 6.957989572911767, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.172869147659064, "y": 6.365611531052373, "y_true": 3.531432029463728, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.870270084783503, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.111068382018161, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688021822613865, "q_0.35": 4.787285173594916, "q_0.375": 4.868624028958877, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.20761524272038, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.53079761373451, "q_0.6": 5.637808825368412, "q_0.625": 5.721728809124186, "q_0.65": 5.8128111056012735, "q_0.675": 5.951479115102467, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.305348612831134, "q_0.775": 6.393580121720733, "q_0.8": 6.451875145234029, "q_0.825": 6.583499982177306, "q_0.85": 6.6691524781215294, "q_0.875": 6.743153962452412, "q_0.9": 6.798118186971974, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.212885154061624, "y": 6.016309523367708, "y_true": 3.532602332003441, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.870270084783503, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.111068382018161, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688021822613865, "q_0.35": 4.787285173594916, "q_0.375": 4.868624028958877, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.20761524272038, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.53079761373451, "q_0.6": 5.637808825368412, "q_0.625": 5.721728809124186, "q_0.65": 5.8128111056012735, "q_0.675": 5.951479115102467, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.305348612831134, "q_0.775": 6.393580121720733, "q_0.8": 6.451875145234029, "q_0.825": 6.583499982177306, "q_0.85": 6.6691524781215294, "q_0.875": 6.743153962452412, "q_0.9": 6.798118186971974, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.252901160464184, "y": 6.8778924865738595, "y_true": 3.533771266535946, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.870270084783503, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.111068382018161, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688021822613865, "q_0.35": 4.787285173594916, "q_0.375": 4.868624028958877, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.20761524272038, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.53079761373451, "q_0.6": 5.637808825368412, "q_0.625": 5.721728809124186, "q_0.65": 5.8128111056012735, "q_0.675": 5.951479115102467, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.305348612831134, "q_0.775": 6.393580121720733, "q_0.8": 6.451875145234029, "q_0.825": 6.583499982177306, "q_0.85": 6.6691524781215294, "q_0.875": 6.743153962452412, "q_0.9": 6.798118186971974, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.29291716686675, "y": 4.768596663405027, "y_true": 3.5349388362557312, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.870270084783503, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.111068382018161, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688021822613865, "q_0.35": 4.787285173594916, "q_0.375": 4.868624028958877, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.20761524272038, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.53079761373451, "q_0.6": 5.637808825368412, "q_0.625": 5.721728809124186, "q_0.65": 5.8128111056012735, "q_0.675": 5.951479115102467, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.305348612831134, "q_0.775": 6.393580121720733, "q_0.8": 6.451875145234029, "q_0.825": 6.583499982177306, "q_0.85": 6.6691524781215294, "q_0.875": 6.743153962452412, "q_0.9": 6.798118186971974, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.33293317326931, "y": 6.683379939022111, "y_true": 3.5361050443461086, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.870270084783503, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.111068382018161, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688021822613865, "q_0.35": 4.787285173594916, "q_0.375": 4.868624028958877, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.20761524272038, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.53079761373451, "q_0.6": 5.637808825368412, "q_0.625": 5.721728809124186, "q_0.65": 5.8128111056012735, "q_0.675": 5.951479115102467, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.305348612831134, "q_0.775": 6.393580121720733, "q_0.8": 6.451875145234029, "q_0.825": 6.583499982177306, "q_0.85": 6.6691524781215294, "q_0.875": 6.743153962452412, "q_0.9": 6.798118186971974, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.37294917967187, "y": 6.2381189553050875, "y_true": 3.537269893979266, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.870270084783503, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.111068382018161, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688021822613865, "q_0.35": 4.787285173594916, "q_0.375": 4.868624028958877, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.20761524272038, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.53079761373451, "q_0.6": 5.637808825368412, "q_0.625": 5.721728809124186, "q_0.65": 5.8128111056012735, "q_0.675": 5.951479115102467, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.305348612831134, "q_0.775": 6.393580121720733, "q_0.8": 6.451875145234029, "q_0.825": 6.583499982177306, "q_0.85": 6.6691524781215294, "q_0.875": 6.743153962452412, "q_0.9": 6.798118186971974, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.41296518607443, "y": 4.792616476370049, "y_true": 3.538433388316318, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.870270084783503, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.111068382018161, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688021822613865, "q_0.35": 4.787285173594916, "q_0.375": 4.868624028958877, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.20761524272038, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.53079761373451, "q_0.6": 5.637808825368412, "q_0.625": 5.721728809124186, "q_0.65": 5.8128111056012735, "q_0.675": 5.951479115102467, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.305348612831134, "q_0.775": 6.393580121720733, "q_0.8": 6.451875145234029, "q_0.825": 6.583499982177306, "q_0.85": 6.6691524781215294, "q_0.875": 6.743153962452412, "q_0.9": 6.798118186971974, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.45298119247699, "y": 5.721728809124186, "y_true": 3.5395955305073605, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.870270084783503, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.111068382018161, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688021822613865, "q_0.35": 4.787285173594916, "q_0.375": 4.868624028958877, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.20761524272038, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.53079761373451, "q_0.6": 5.637808825368412, "q_0.625": 5.721728809124186, "q_0.65": 5.8128111056012735, "q_0.675": 5.951479115102467, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.305348612831134, "q_0.775": 6.393580121720733, "q_0.8": 6.451875145234029, "q_0.825": 6.583499982177306, "q_0.85": 6.6691524781215294, "q_0.875": 6.743153962452412, "q_0.9": 6.798118186971974, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.49299719887955, "y": 4.554022513632217, "y_true": 3.5407563236915163, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.112576769131043, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688126828066639, "q_0.35": 4.787285173594916, "q_0.375": 4.885248411887277, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.209884025795806, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.545253349624581, "q_0.6": 5.644622067914058, "q_0.625": 5.7260770285449505, "q_0.65": 5.8189678098003395, "q_0.675": 5.989441443190204, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.307730002995395, "q_0.775": 6.393580121720733, "q_0.8": 6.4646387933210105, "q_0.825": 6.583499982177306, "q_0.85": 6.674273496540186, "q_0.875": 6.743153962452412, "q_0.9": 6.806474554633876, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.53301320528212, "y": 6.613272081057492, "y_true": 3.541915770996992, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.112576769131043, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688126828066639, "q_0.35": 4.787285173594916, "q_0.375": 4.885248411887277, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.209884025795806, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.545253349624581, "q_0.6": 5.644622067914058, "q_0.625": 5.7260770285449505, "q_0.65": 5.8189678098003395, "q_0.675": 5.989441443190204, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.307730002995395, "q_0.775": 6.393580121720733, "q_0.8": 6.4646387933210105, "q_0.825": 6.583499982177306, "q_0.85": 6.674273496540186, "q_0.875": 6.743153962452412, "q_0.9": 6.806474554633876, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.57302921168468, "y": 3.938112330647517, "y_true": 3.543073875541124, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.112576769131043, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688126828066639, "q_0.35": 4.787285173594916, "q_0.375": 4.885248411887277, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.209884025795806, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.545253349624581, "q_0.6": 5.644622067914058, "q_0.625": 5.7260770285449505, "q_0.65": 5.8189678098003395, "q_0.675": 5.989441443190204, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.307730002995395, "q_0.775": 6.393580121720733, "q_0.8": 6.4646387933210105, "q_0.825": 6.583499982177306, "q_0.85": 6.674273496540186, "q_0.875": 6.743153962452412, "q_0.9": 6.806474554633876, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.61304521808724, "y": 4.2909192024665375, "y_true": 3.5442306404304316, "y_pred": 5.267029197552311, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.78425267544463, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.1218232669049515, "q_0.175": 4.24932715550084, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.725392345301849, "q_0.35": 4.7891841984093775, "q_0.375": 4.885248411887277, "q_0.4": 4.936857362874977, "q_0.425": 5.014710424476773, "q_0.45": 5.097073359111136, "q_0.475": 5.212656982887996, "q_0.5": 5.267029197552311, "q_0.525": 5.380267819921747, "q_0.55": 5.45528654643082, "q_0.575": 5.558633104373527, "q_0.6": 5.676922069924459, "q_0.625": 5.7294848141644845, "q_0.65": 5.8189678098003395, "q_0.675": 6.016309523367708, "q_0.7": 6.147903247744509, "q_0.725": 6.2381189553050875, "q_0.75": 6.315309345863373, "q_0.775": 6.395220100590806, "q_0.8": 6.465178563104686, "q_0.825": 6.587166982889164, "q_0.85": 6.683379939022111, "q_0.875": 6.760228930404921, "q_0.9": 6.809549107129772, "q_0.925": 6.9036364853327825, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.6530612244898, "y": 4.188950163651021, "y_true": 3.545386068760666, "y_pred": 5.267029197552311, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.78425267544463, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.1218232669049515, "q_0.175": 4.24932715550084, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.725392345301849, "q_0.35": 4.7891841984093775, "q_0.375": 4.885248411887277, "q_0.4": 4.936857362874977, "q_0.425": 5.014710424476773, "q_0.45": 5.097073359111136, "q_0.475": 5.212656982887996, "q_0.5": 5.267029197552311, "q_0.525": 5.380267819921747, "q_0.55": 5.45528654643082, "q_0.575": 5.558633104373527, "q_0.6": 5.676922069924459, "q_0.625": 5.7294848141644845, "q_0.65": 5.8189678098003395, "q_0.675": 6.016309523367708, "q_0.7": 6.147903247744509, "q_0.725": 6.2381189553050875, "q_0.75": 6.315309345863373, "q_0.775": 6.395220100590806, "q_0.8": 6.465178563104686, "q_0.825": 6.587166982889164, "q_0.85": 6.683379939022111, "q_0.875": 6.760228930404921, "q_0.9": 6.809549107129772, "q_0.925": 6.9036364853327825, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.69307723089236, "y": 4.964100455990332, "y_true": 3.5465401636168594, "y_pred": 5.267029197552311, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.78425267544463, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.1218232669049515, "q_0.175": 4.24932715550084, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.725392345301849, "q_0.35": 4.7891841984093775, "q_0.375": 4.885248411887277, "q_0.4": 4.936857362874977, "q_0.425": 5.014710424476773, "q_0.45": 5.097073359111136, "q_0.475": 5.212656982887996, "q_0.5": 5.267029197552311, "q_0.525": 5.380267819921747, "q_0.55": 5.45528654643082, "q_0.575": 5.558633104373527, "q_0.6": 5.676922069924459, "q_0.625": 5.7294848141644845, "q_0.65": 5.8189678098003395, "q_0.675": 6.016309523367708, "q_0.7": 6.147903247744509, "q_0.725": 6.2381189553050875, "q_0.75": 6.315309345863373, "q_0.775": 6.395220100590806, "q_0.8": 6.465178563104686, "q_0.825": 6.587166982889164, "q_0.85": 6.683379939022111, "q_0.875": 6.760228930404921, "q_0.9": 6.809549107129772, "q_0.925": 6.9036364853327825, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.733093237294916, "y": 6.16977970939884, "y_true": 3.547692928073376, "y_pred": 5.267029197552311, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.7774253866341345, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.1218232669049515, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.725392345301849, "q_0.35": 4.7891841984093775, "q_0.375": 4.885248411887277, "q_0.4": 4.936857362874977, "q_0.425": 5.014710424476773, "q_0.45": 5.097073359111136, "q_0.475": 5.212656982887996, "q_0.5": 5.267029197552311, "q_0.525": 5.380267819921747, "q_0.55": 5.45528654643082, "q_0.575": 5.558633104373527, "q_0.6": 5.676922069924459, "q_0.625": 5.7294848141644845, "q_0.65": 5.8189678098003395, "q_0.675": 6.016309523367708, "q_0.7": 6.147903247744509, "q_0.725": 6.2381189553050875, "q_0.75": 6.315309345863373, "q_0.775": 6.395220100590806, "q_0.8": 6.465178563104686, "q_0.825": 6.587166982889164, "q_0.85": 6.683379939022111, "q_0.875": 6.760228930404921, "q_0.9": 6.809549107129772, "q_0.925": 6.907808121481193, "q_0.95": 6.9594339029261665, "q_0.975": 7.173017440070793, "q_1": 7.76888055408128}, {"x": 32.77310924369748, "y": 5.403382019876286, "y_true": 3.548844365193959, "y_pred": 5.267029197552311, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.7774253866341345, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.1218232669049515, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.725392345301849, "q_0.35": 4.7891841984093775, "q_0.375": 4.885248411887277, "q_0.4": 4.936857362874977, "q_0.425": 5.014710424476773, "q_0.45": 5.097073359111136, "q_0.475": 5.212656982887996, "q_0.5": 5.267029197552311, "q_0.525": 5.380267819921747, "q_0.55": 5.45528654643082, "q_0.575": 5.558633104373527, "q_0.6": 5.676922069924459, "q_0.625": 5.7294848141644845, "q_0.65": 5.8189678098003395, "q_0.675": 6.016309523367708, "q_0.7": 6.147903247744509, "q_0.725": 6.2381189553050875, "q_0.75": 6.315309345863373, "q_0.775": 6.395220100590806, "q_0.8": 6.465178563104686, "q_0.825": 6.587166982889164, "q_0.85": 6.683379939022111, "q_0.875": 6.760228930404921, "q_0.9": 6.809549107129772, "q_0.925": 6.907808121481193, "q_0.95": 6.9594339029261665, "q_0.975": 7.173017440070793, "q_1": 7.76888055408128}, {"x": 32.81312525010004, "y": 5.267029197552311, "y_true": 3.5499944780317816, "y_pred": 5.267029197552311, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.7774253866341345, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.1218232669049515, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.725392345301849, "q_0.35": 4.7891841984093775, "q_0.375": 4.885248411887277, "q_0.4": 4.936857362874977, "q_0.425": 5.014710424476773, "q_0.45": 5.097073359111136, "q_0.475": 5.212656982887996, "q_0.5": 5.267029197552311, "q_0.525": 5.380267819921747, "q_0.55": 5.45528654643082, "q_0.575": 5.558633104373527, "q_0.6": 5.676922069924459, "q_0.625": 5.7294848141644845, "q_0.65": 5.8189678098003395, "q_0.675": 6.016309523367708, "q_0.7": 6.147903247744509, "q_0.725": 6.2381189553050875, "q_0.75": 6.315309345863373, "q_0.775": 6.395220100590806, "q_0.8": 6.465178563104686, "q_0.825": 6.587166982889164, "q_0.85": 6.683379939022111, "q_0.875": 6.760228930404921, "q_0.9": 6.809549107129772, "q_0.925": 6.907808121481193, "q_0.95": 6.9594339029261665, "q_0.975": 7.173017440070793, "q_1": 7.76888055408128}, {"x": 32.8531412565026, "y": 3.5530661753553163, "y_true": 3.551143269629494, "y_pred": 5.267029197552311, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.78425267544463, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.122302381529171, "q_0.175": 4.24932715550084, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.725392345301849, "q_0.35": 4.7891841984093775, "q_0.375": 4.885248411887277, "q_0.4": 4.955720988370454, "q_0.425": 5.014710424476773, "q_0.45": 5.097073359111136, "q_0.475": 5.212656982887996, "q_0.5": 5.267029197552311, "q_0.525": 5.380267819921747, "q_0.55": 5.45528654643082, "q_0.575": 5.558633104373527, "q_0.6": 5.676922069924459, "q_0.625": 5.7294848141644845, "q_0.65": 5.8189678098003395, "q_0.675": 6.016309523367708, "q_0.7": 6.147903247744509, "q_0.725": 6.2381189553050875, "q_0.75": 6.350078141458239, "q_0.775": 6.40640674168122, "q_0.8": 6.474234630612757, "q_0.825": 6.587166982889164, "q_0.85": 6.683379939022111, "q_0.875": 6.760228930404921, "q_0.9": 6.809549107129772, "q_0.925": 6.907808121481193, "q_0.95": 6.9594339029261665, "q_0.975": 7.173017440070793, "q_1": 7.76888055408128}, {"x": 32.89315726290516, "y": 5.051071692998246, "y_true": 3.552290743019273, "y_pred": 5.267029197552311, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.78425267544463, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.06706166985257, "q_0.15": 4.122302381529171, "q_0.175": 4.24932715550084, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.725392345301849, "q_0.35": 4.7891841984093775, "q_0.375": 4.888332134958008, "q_0.4": 4.957868557936048, "q_0.425": 5.014710424476773, "q_0.45": 5.124874775655833, "q_0.475": 5.212656982887996, "q_0.5": 5.267029197552311, "q_0.525": 5.380267819921747, "q_0.55": 5.457106718543322, "q_0.575": 5.558633104373527, "q_0.6": 5.676922069924459, "q_0.625": 5.743059371733642, "q_0.65": 5.8189678098003395, "q_0.675": 6.016309523367708, "q_0.7": 6.147903247744509, "q_0.725": 6.2381189553050875, "q_0.75": 6.350078141458239, "q_0.775": 6.40640674168122, "q_0.8": 6.474573826231529, "q_0.825": 6.587166982889164, "q_0.85": 6.683379939022111, "q_0.875": 6.760228930404921, "q_0.9": 6.809549107129772, "q_0.925": 6.907808121481193, "q_0.95": 6.9594339029261665, "q_0.975": 7.173017440070793, "q_1": 7.76888055408128}, {"x": 32.93317326930772, "y": 3.7774253866341345, "y_true": 3.553436901222869, "y_pred": 5.267029197552311, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.78425267544463, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.06706166985257, "q_0.15": 4.122302381529171, "q_0.175": 4.24932715550084, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.725392345301849, "q_0.35": 4.7891841984093775, "q_0.375": 4.888332134958008, "q_0.4": 4.957868557936048, "q_0.425": 5.014710424476773, "q_0.45": 5.124874775655833, "q_0.475": 5.212656982887996, "q_0.5": 5.267029197552311, "q_0.525": 5.380267819921747, "q_0.55": 5.457106718543322, "q_0.575": 5.558633104373527, "q_0.6": 5.676922069924459, "q_0.625": 5.743059371733642, "q_0.65": 5.8189678098003395, "q_0.675": 6.016309523367708, "q_0.7": 6.147903247744509, "q_0.725": 6.2381189553050875, "q_0.75": 6.350078141458239, "q_0.775": 6.40640674168122, "q_0.8": 6.474573826231529, "q_0.825": 6.587166982889164, "q_0.85": 6.683379939022111, "q_0.875": 6.760228930404921, "q_0.9": 6.809549107129772, "q_0.925": 6.907808121481193, "q_0.95": 6.9594339029261665, "q_0.975": 7.173017440070793, "q_1": 7.76888055408128}, {"x": 32.97318927571028, "y": 4.288793511623786, "y_true": 3.554581747251653, "y_pred": 5.286940140213808, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.8051011248602893, "q_0.075": 3.890429119135321, "q_0.1": 3.978082321979567, "q_0.125": 4.06706166985257, "q_0.15": 4.122302381529171, "q_0.175": 4.24932715550084, "q_0.2": 4.2909192024665375, "q_0.225": 4.3762248716476595, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.744322151526749, "q_0.35": 4.810885689049004, "q_0.375": 4.888772666825256, "q_0.4": 4.957868557936048, "q_0.425": 5.051071692998246, "q_0.45": 5.128917020180318, "q_0.475": 5.212862255489252, "q_0.5": 5.286940140213808, "q_0.525": 5.395930777257884, "q_0.55": 5.457106718543322, "q_0.575": 5.569843877203429, "q_0.6": 5.678347134066301, "q_0.625": 5.743059371733642, "q_0.65": 5.828589863960346, "q_0.675": 6.016309523367708, "q_0.7": 6.166671893644826, "q_0.725": 6.2381189553050875, "q_0.75": 6.350078141458239, "q_0.775": 6.408709400648361, "q_0.8": 6.47576604144437, "q_0.825": 6.613272081057492, "q_0.85": 6.683379939022111, "q_0.875": 6.776237158220718, "q_0.9": 6.812323555565416, "q_0.925": 6.907808121481193, "q_0.95": 6.96528613619982, "q_0.975": 7.173017440070793, "q_1": 7.76888055408128}, {"x": 33.01320528211285, "y": 6.844044526630338, "y_true": 3.5557252841066678, "y_pred": 5.407795904004388, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7735649082777876, "q_0.05": 3.8557613901090195, "q_0.075": 3.9551964171836125, "q_0.1": 4.013729678877427, "q_0.125": 4.09295049811656, "q_0.15": 4.215227491801819, "q_0.175": 4.286461922627283, "q_0.2": 4.360488882284714, "q_0.225": 4.486765629118752, "q_0.25": 4.521081568301867, "q_0.275": 4.606688285832019, "q_0.3": 4.728370737995101, "q_0.325": 4.810885689049004, "q_0.35": 4.885248411887277, "q_0.375": 4.955720988370454, "q_0.4": 5.045065994911716, "q_0.425": 5.138908745036272, "q_0.45": 5.2417729067671255, "q_0.475": 5.314760609667232, "q_0.5": 5.407795904004388, "q_0.525": 5.481153573906607, "q_0.55": 5.578586446580225, "q_0.575": 5.678347134066301, "q_0.6": 5.743059371733642, "q_0.625": 5.828589863960346, "q_0.65": 6.016309523367708, "q_0.675": 6.167747892366451, "q_0.7": 6.251313585511198, "q_0.725": 6.352281704541352, "q_0.75": 6.416305303663277, "q_0.775": 6.47576604144437, "q_0.8": 6.599518656870281, "q_0.825": 6.690604747733197, "q_0.85": 6.760228930404921, "q_0.875": 6.812323555565416, "q_0.9": 6.896750279109836, "q_0.925": 6.957989572911767, "q_0.95": 7.046283867148457, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.05322128851541, "y": 4.316776145736932, "y_true": 3.55686751477867, "y_pred": 5.415669597479313, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7736374703151707, "q_0.05": 3.862691537907575, "q_0.075": 3.9564574542412085, "q_0.1": 4.022071673267338, "q_0.125": 4.09295049811656, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.360488882284714, "q_0.225": 4.486765629118752, "q_0.25": 4.521081568301867, "q_0.275": 4.607863496884008, "q_0.3": 4.744322151526749, "q_0.325": 4.810885689049004, "q_0.35": 4.888772666825256, "q_0.375": 4.957868557936048, "q_0.4": 5.051071692998246, "q_0.425": 5.141263186917729, "q_0.45": 5.256323896547926, "q_0.475": 5.326098736512186, "q_0.5": 5.415669597479313, "q_0.525": 5.494970241745836, "q_0.55": 5.578586446580225, "q_0.575": 5.680116126954365, "q_0.6": 5.743059371733642, "q_0.625": 5.837733778524463, "q_0.65": 6.0240193207180575, "q_0.675": 6.200664817196285, "q_0.7": 6.251313585511198, "q_0.725": 6.365611531052373, "q_0.75": 6.416305303663277, "q_0.775": 6.476154977791679, "q_0.8": 6.613272081057492, "q_0.825": 6.6929046867778, "q_0.85": 6.776237158220718, "q_0.875": 6.8192697241043785, "q_0.9": 6.9036364853327825, "q_0.925": 6.959047488980644, "q_0.95": 7.046283867148457, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.09323729491797, "y": 6.587166982889164, "y_true": 3.55800844224818, "y_pred": 5.415669597479313, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.773650275380591, "q_0.05": 3.862691537907575, "q_0.075": 3.957489211833787, "q_0.1": 4.022071673267338, "q_0.125": 4.0955120857025005, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.367563273352806, "q_0.225": 4.486765629118752, "q_0.25": 4.521081568301867, "q_0.275": 4.607863496884008, "q_0.3": 4.744322151526749, "q_0.325": 4.810885689049004, "q_0.35": 4.888772666825256, "q_0.375": 4.957868557936048, "q_0.4": 5.051071692998246, "q_0.425": 5.141263186917729, "q_0.45": 5.256323896547926, "q_0.475": 5.355259507868923, "q_0.5": 5.415669597479313, "q_0.525": 5.494970241745836, "q_0.55": 5.596197385576483, "q_0.575": 5.680116126954365, "q_0.6": 5.743059371733642, "q_0.625": 5.886105011789981, "q_0.65": 6.0240193207180575, "q_0.675": 6.200664817196285, "q_0.7": 6.262837166853249, "q_0.725": 6.365611531052373, "q_0.75": 6.419488182023176, "q_0.775": 6.476154977791679, "q_0.8": 6.613272081057492, "q_0.825": 6.6929046867778, "q_0.85": 6.776237158220718, "q_0.875": 6.82266174407658, "q_0.9": 6.907808121481193, "q_0.925": 6.9594339029261665, "q_0.95": 7.046283867148457, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.13325330132053, "y": 6.393580121720733, "y_true": 3.5591480694855293, "y_pred": 5.415669597479313, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.773650275380591, "q_0.05": 3.862691537907575, "q_0.075": 3.957489211833787, "q_0.1": 4.022071673267338, "q_0.125": 4.0955120857025005, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.367563273352806, "q_0.225": 4.486765629118752, "q_0.25": 4.521081568301867, "q_0.275": 4.607863496884008, "q_0.3": 4.744322151526749, "q_0.325": 4.810885689049004, "q_0.35": 4.888772666825256, "q_0.375": 4.957868557936048, "q_0.4": 5.051071692998246, "q_0.425": 5.141263186917729, "q_0.45": 5.256323896547926, "q_0.475": 5.355259507868923, "q_0.5": 5.415669597479313, "q_0.525": 5.494970241745836, "q_0.55": 5.596197385576483, "q_0.575": 5.680116126954365, "q_0.6": 5.743059371733642, "q_0.625": 5.886105011789981, "q_0.65": 6.0240193207180575, "q_0.675": 6.200664817196285, "q_0.7": 6.262837166853249, "q_0.725": 6.365611531052373, "q_0.75": 6.419488182023176, "q_0.775": 6.476154977791679, "q_0.8": 6.613272081057492, "q_0.825": 6.6929046867778, "q_0.85": 6.776237158220718, "q_0.875": 6.82266174407658, "q_0.9": 6.907808121481193, "q_0.925": 6.9594339029261665, "q_0.95": 7.046283867148457, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.17326930772309, "y": 4.122302381529171, "y_true": 3.5602863994509044, "y_pred": 5.415669597479313, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.773650275380591, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.097637794907386, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.486765629118752, "q_0.25": 4.554022513632217, "q_0.275": 4.607863496884008, "q_0.3": 4.744322151526749, "q_0.325": 4.810885689049004, "q_0.35": 4.888772666825256, "q_0.375": 4.957868557936048, "q_0.4": 5.051071692998246, "q_0.425": 5.141263186917729, "q_0.45": 5.256323896547926, "q_0.475": 5.355259507868923, "q_0.5": 5.415669597479313, "q_0.525": 5.494970241745836, "q_0.55": 5.596197385576483, "q_0.575": 5.680116126954365, "q_0.6": 5.746991044011962, "q_0.625": 5.896533308901491, "q_0.65": 6.074951271072937, "q_0.675": 6.200664817196285, "q_0.7": 6.262837166853249, "q_0.725": 6.365611531052373, "q_0.75": 6.422219416707716, "q_0.775": 6.4777042327958245, "q_0.8": 6.613272081057492, "q_0.825": 6.6954419437597, "q_0.85": 6.776237158220718, "q_0.875": 6.82266174407658, "q_0.9": 6.907808121481193, "q_0.925": 6.9594339029261665, "q_0.95": 7.046283867148457, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.21328531412565, "y": 5.7011699923444175, "y_true": 3.5614234350943956, "y_pred": 5.415669597479313, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.773650275380591, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.486765629118752, "q_0.25": 4.554022513632217, "q_0.275": 4.607863496884008, "q_0.3": 4.744322151526749, "q_0.325": 4.820690945452143, "q_0.35": 4.889067854114831, "q_0.375": 4.957868557936048, "q_0.4": 5.051071692998246, "q_0.425": 5.141263186917729, "q_0.45": 5.256323896547926, "q_0.475": 5.355259507868923, "q_0.5": 5.415669597479313, "q_0.525": 5.508081778508232, "q_0.55": 5.596197385576483, "q_0.575": 5.680116126954365, "q_0.6": 5.746991044011962, "q_0.625": 5.896533308901491, "q_0.65": 6.074951271072937, "q_0.675": 6.207417961050581, "q_0.7": 6.262837166853249, "q_0.725": 6.371714549575328, "q_0.75": 6.422594742018269, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.777313011351518, "q_0.875": 6.82266174407658, "q_0.9": 6.907808121481193, "q_0.925": 6.9594339029261665, "q_0.95": 7.065958062458219, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.253301320528216, "y": 3.971283130141508, "y_true": 3.5625591793560405, "y_pred": 5.415669597479313, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.773650275380591, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.486765629118752, "q_0.25": 4.554022513632217, "q_0.275": 4.607863496884008, "q_0.3": 4.744322151526749, "q_0.325": 4.820690945452143, "q_0.35": 4.889067854114831, "q_0.375": 4.957868557936048, "q_0.4": 5.051071692998246, "q_0.425": 5.141263186917729, "q_0.45": 5.256323896547926, "q_0.475": 5.355259507868923, "q_0.5": 5.415669597479313, "q_0.525": 5.508081778508232, "q_0.55": 5.596197385576483, "q_0.575": 5.680116126954365, "q_0.6": 5.746991044011962, "q_0.625": 5.896533308901491, "q_0.65": 6.074951271072937, "q_0.675": 6.207417961050581, "q_0.7": 6.262837166853249, "q_0.725": 6.371714549575328, "q_0.75": 6.422594742018269, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.777313011351518, "q_0.875": 6.82266174407658, "q_0.9": 6.907808121481193, "q_0.925": 6.9594339029261665, "q_0.95": 7.065958062458219, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.293317326930776, "y": 6.13674224822967, "y_true": 3.5636936351658703, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.333333333333336, "y": 5.8189678098003395, "y_true": 3.5648268054439574, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.373349339735896, "y": 6.4380139754329075, "y_true": 3.5659586931004568, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.413365346138455, "y": 5.263365170773502, "y_true": 3.5670893010356535, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.453381352541015, "y": 6.806474554633876, "y_true": 3.5682186321400065, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.49339735894358, "y": 3.7440798572064216, "y_true": 3.5693466892941927, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.53341336534614, "y": 4.607863496884008, "y_true": 3.570473475369151, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.5734293717487, "y": 6.105091447158197, "y_true": 3.5715989932261265, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.61344537815126, "y": 5.054603558756522, "y_true": 3.572723245716715, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.65346138455382, "y": 4.1870275548525475, "y_true": 3.5738462356829044, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.69347739095638, "y": 3.9551964171836125, "y_true": 3.5749679659571187, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.73349339735894, "y": 6.47576604144437, "y_true": 3.576088439362261, "y_pred": 5.429067265936801, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7774253866341345, "q_0.05": 3.870270084783503, "q_0.075": 3.961847294659666, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.3762248716476595, "q_0.225": 4.507905927174601, "q_0.25": 4.57390582955391, "q_0.275": 4.637356298509388, "q_0.3": 4.761465645334576, "q_0.325": 4.839964647797142, "q_0.35": 4.894947785189663, "q_0.375": 4.961930446636361, "q_0.4": 5.060901296526395, "q_0.425": 5.165680393444788, "q_0.45": 5.267029197552311, "q_0.475": 5.380267819921747, "q_0.5": 5.429067265936801, "q_0.525": 5.515304401496399, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.775208191415703, "q_0.625": 5.900806625736318, "q_0.65": 6.130004122697612, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.51015583193452, "q_0.8": 6.665954088408167, "q_0.825": 6.7104379315465135, "q_0.85": 6.783823531596502, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106052211711557, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 33.77350940376151, "y": 5.256323896547926, "y_true": 3.577207658711757, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7774253866341345, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.3762248716476595, "q_0.225": 4.507905927174601, "q_0.25": 4.5742407230328475, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.894947785189663, "q_0.375": 4.963909904070533, "q_0.4": 5.069141440544453, "q_0.425": 5.165680393444788, "q_0.45": 5.267029197552311, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.5262024339768, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.51015583193452, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 33.81352541016407, "y": 6.7104379315465135, "y_true": 3.5783256268095953, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7951981113878515, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.383429840009689, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.069141440544453, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.526918566800015, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.534139925125569, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 33.85354141656663, "y": 6.183465539550445, "y_true": 3.5794423464503713, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7951981113878515, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.383429840009689, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.069141440544453, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.526918566800015, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.534139925125569, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 33.89355742296919, "y": 5.036029126629676, "y_true": 3.580557820419328, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7951981113878515, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.383429840009689, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.069141440544453, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.526918566800015, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.534139925125569, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 33.93357342937175, "y": 4.908924150756576, "y_true": 3.581672051492398, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7951981113878515, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.383429840009689, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.069141440544453, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.526918566800015, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.534139925125569, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 33.97358943577431, "y": 5.415669597479313, "y_true": 3.582785042436247, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7951981113878515, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.383429840009689, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.069141440544453, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.526918566800015, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.534139925125569, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.013605442176875, "y": 6.7451599115110845, "y_true": 3.5838967960083106, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7951981113878515, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.383429840009689, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.069141440544453, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.526918566800015, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.534139925125569, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.053621448579435, "y": 6.207417961050581, "y_true": 3.585007314956839, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7951981113878515, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.383429840009689, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.069141440544453, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.526918566800015, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.534139925125569, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.093637454981994, "y": 3.604450951150449, "y_true": 3.586116602020937, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7951981113878515, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.383429840009689, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.069141440544453, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.526918566800015, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.534139925125569, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.133653461384554, "y": 6.057843142810192, "y_true": 3.587224659930604, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7951981113878515, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.383429840009689, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.069141440544453, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.526918566800015, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.534139925125569, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.173669467787114, "y": 6.86205166742157, "y_true": 3.588331491406773, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.8051011248602893, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.390163237022276, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.85138162358624, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.084668395031892, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.53079761373451, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.786333977573899, "q_0.625": 5.9308279997096065, "q_0.65": 6.13674224822967, "q_0.675": 6.228193779501523, "q_0.7": 6.305348612831134, "q_0.725": 6.393580121720733, "q_0.75": 6.451875145234029, "q_0.775": 6.567324734442829, "q_0.8": 6.667786930836276, "q_0.825": 6.72762611268005, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.108062313023018, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.213685474189674, "y": 6.119678964156959, "y_true": 3.589437099161355, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.8051011248602893, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.390163237022276, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.85138162358624, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.084668395031892, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.53079761373451, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.786333977573899, "q_0.625": 5.9308279997096065, "q_0.65": 6.13674224822967, "q_0.675": 6.228193779501523, "q_0.7": 6.305348612831134, "q_0.725": 6.393580121720733, "q_0.75": 6.451875145234029, "q_0.775": 6.567324734442829, "q_0.8": 6.667786930836276, "q_0.825": 6.72762611268005, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.108062313023018, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.25370148059224, "y": 4.22113706700007, "y_true": 3.590541485897273, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.8051011248602893, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.390163237022276, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.85138162358624, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.084668395031892, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.53079761373451, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.786333977573899, "q_0.625": 5.9308279997096065, "q_0.65": 6.13674224822967, "q_0.675": 6.228193779501523, "q_0.7": 6.305348612831134, "q_0.725": 6.393580121720733, "q_0.75": 6.451875145234029, "q_0.775": 6.567324734442829, "q_0.8": 6.667786930836276, "q_0.825": 6.72762611268005, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.108062313023018, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.2937174869948, "y": 5.314760609667232, "y_true": 3.5916446543085065, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.8051011248602893, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.390163237022276, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.85138162358624, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.084668395031892, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.53079761373451, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.786333977573899, "q_0.625": 5.9308279997096065, "q_0.65": 6.13674224822967, "q_0.675": 6.228193779501523, "q_0.7": 6.305348612831134, "q_0.725": 6.393580121720733, "q_0.75": 6.451875145234029, "q_0.775": 6.567324734442829, "q_0.8": 6.667786930836276, "q_0.825": 6.72762611268005, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.108062313023018, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.33373349339736, "y": 4.09295049811656, "y_true": 3.592746607080129, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.8051011248602893, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.390163237022276, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.85138162358624, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.084668395031892, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.53079761373451, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.786333977573899, "q_0.625": 5.9308279997096065, "q_0.65": 6.13674224822967, "q_0.675": 6.228193779501523, "q_0.7": 6.305348612831134, "q_0.725": 6.393580121720733, "q_0.75": 6.451875145234029, "q_0.775": 6.567324734442829, "q_0.8": 6.667786930836276, "q_0.825": 6.72762611268005, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.108062313023018, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.37374949979992, "y": 4.874013741567046, "y_true": 3.593847346888346, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.8051011248602893, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.390163237022276, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.85138162358624, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.084668395031892, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.53079761373451, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.786333977573899, "q_0.625": 5.9308279997096065, "q_0.65": 6.13674224822967, "q_0.675": 6.228193779501523, "q_0.7": 6.305348612831134, "q_0.725": 6.393580121720733, "q_0.75": 6.451875145234029, "q_0.775": 6.567324734442829, "q_0.8": 6.667786930836276, "q_0.825": 6.72762611268005, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.108062313023018, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.41376550620248, "y": 6.9377376395973425, "y_true": 3.5949468764005363, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.971283130141508, "q_0.1": 4.06706166985257, "q_0.125": 4.122302381529171, "q_0.15": 4.271015264611869, "q_0.175": 4.329248332012304, "q_0.2": 4.404153214886817, "q_0.225": 4.516189423982684, "q_0.25": 4.5848821471711805, "q_0.275": 4.671423009467839, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.216614980798683, "q_0.45": 5.326098736512186, "q_0.475": 5.407795904004388, "q_0.5": 5.481153573906607, "q_0.525": 5.569843877203429, "q_0.55": 5.676922069924459, "q_0.575": 5.721728809124186, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.147903247744509, "q_0.675": 6.241360264102225, "q_0.7": 6.325065319230509, "q_0.725": 6.395220100590806, "q_0.75": 6.465178563104686, "q_0.775": 6.583499982177306, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.938394669406211, "q_0.925": 6.986633512608696, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.45378151260504, "y": 6.890610821089597, "y_true": 3.59604519827529, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.971283130141508, "q_0.1": 4.06706166985257, "q_0.125": 4.122302381529171, "q_0.15": 4.271015264611869, "q_0.175": 4.329248332012304, "q_0.2": 4.404153214886817, "q_0.225": 4.516189423982684, "q_0.25": 4.5848821471711805, "q_0.275": 4.671423009467839, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.216614980798683, "q_0.45": 5.326098736512186, "q_0.475": 5.407795904004388, "q_0.5": 5.481153573906607, "q_0.525": 5.569843877203429, "q_0.55": 5.676922069924459, "q_0.575": 5.721728809124186, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.147903247744509, "q_0.675": 6.241360264102225, "q_0.7": 6.325065319230509, "q_0.725": 6.395220100590806, "q_0.75": 6.465178563104686, "q_0.775": 6.583499982177306, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.938394669406211, "q_0.925": 6.986633512608696, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.49379751900761, "y": 4.606688285832019, "y_true": 3.597142315162447, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.971283130141508, "q_0.1": 4.06706166985257, "q_0.125": 4.122302381529171, "q_0.15": 4.271015264611869, "q_0.175": 4.329248332012304, "q_0.2": 4.404153214886817, "q_0.225": 4.516189423982684, "q_0.25": 4.5848821471711805, "q_0.275": 4.671423009467839, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.216614980798683, "q_0.45": 5.326098736512186, "q_0.475": 5.407795904004388, "q_0.5": 5.481153573906607, "q_0.525": 5.569843877203429, "q_0.55": 5.676922069924459, "q_0.575": 5.721728809124186, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.147903247744509, "q_0.675": 6.241360264102225, "q_0.7": 6.325065319230509, "q_0.725": 6.395220100590806, "q_0.75": 6.465178563104686, "q_0.775": 6.583499982177306, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.938394669406211, "q_0.925": 6.986633512608696, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.53381352541017, "y": 4.810885689049004, "y_true": 3.5982382297031337, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.971283130141508, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.329248332012304, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.681477938104428, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.2417729067671255, "q_0.45": 5.355259507868923, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.569843877203429, "q_0.55": 5.676922069924459, "q_0.575": 5.7260770285449505, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.241360264102225, "q_0.7": 6.325065319230509, "q_0.725": 6.395220100590806, "q_0.75": 6.465178563104686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.57382953181273, "y": 5.743059371733642, "y_true": 3.5993329445298037, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.971283130141508, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.329248332012304, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.681477938104428, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.2417729067671255, "q_0.45": 5.355259507868923, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.569843877203429, "q_0.55": 5.676922069924459, "q_0.575": 5.7260770285449505, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.241360264102225, "q_0.7": 6.325065319230509, "q_0.725": 6.395220100590806, "q_0.75": 6.465178563104686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.61384553821529, "y": 7.041674651878425, "y_true": 3.600426462266275, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.971283130141508, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.329248332012304, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.681477938104428, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.2417729067671255, "q_0.45": 5.355259507868923, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.569843877203429, "q_0.55": 5.676922069924459, "q_0.575": 5.7260770285449505, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.241360264102225, "q_0.7": 6.325065319230509, "q_0.725": 6.395220100590806, "q_0.75": 6.465178563104686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.65386154461785, "y": 4.1297396857595, "y_true": 3.6015187855277673, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.971283130141508, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.329248332012304, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.681477938104428, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.2417729067671255, "q_0.45": 5.355259507868923, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.569843877203429, "q_0.55": 5.676922069924459, "q_0.575": 5.7260770285449505, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.241360264102225, "q_0.7": 6.325065319230509, "q_0.725": 6.395220100590806, "q_0.75": 6.465178563104686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.69387755102041, "y": 4.521081568301867, "y_true": 3.602609916920939, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.971283130141508, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.329248332012304, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.681477938104428, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.2417729067671255, "q_0.45": 5.355259507868923, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.569843877203429, "q_0.55": 5.676922069924459, "q_0.575": 5.7260770285449505, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.241360264102225, "q_0.7": 6.325065319230509, "q_0.725": 6.395220100590806, "q_0.75": 6.465178563104686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.733893557422974, "y": 6.72762611268005, "y_true": 3.603699859043926, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.971283130141508, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.329248332012304, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.681477938104428, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.2417729067671255, "q_0.45": 5.355259507868923, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.569843877203429, "q_0.55": 5.676922069924459, "q_0.575": 5.7260770285449505, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.241360264102225, "q_0.7": 6.325065319230509, "q_0.725": 6.395220100590806, "q_0.75": 6.465178563104686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.773909563825534, "y": 5.364394775256847, "y_true": 3.6047886144863766, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.334888292304965, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.688021822613865, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.256323896547926, "q_0.45": 5.371678888514724, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.578586446580225, "q_0.55": 5.676922069924459, "q_0.575": 5.726840795853789, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.251313585511198, "q_0.7": 6.350078141458239, "q_0.725": 6.40640674168122, "q_0.75": 6.475082619659686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.81392557022809, "y": 6.82266174407658, "y_true": 3.605876185829492, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.334888292304965, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.688021822613865, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.256323896547926, "q_0.45": 5.371678888514724, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.578586446580225, "q_0.55": 5.676922069924459, "q_0.575": 5.726840795853789, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.251313585511198, "q_0.7": 6.350078141458239, "q_0.725": 6.40640674168122, "q_0.75": 6.475082619659686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.85394157663065, "y": 4.271015264611869, "y_true": 3.606962575646059, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.334888292304965, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.688021822613865, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.256323896547926, "q_0.45": 5.371678888514724, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.578586446580225, "q_0.55": 5.676922069924459, "q_0.575": 5.726840795853789, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.251313585511198, "q_0.7": 6.350078141458239, "q_0.725": 6.40640674168122, "q_0.75": 6.475082619659686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.89395758303321, "y": 5.515304401496399, "y_true": 3.6080477865004887, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.334888292304965, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.688021822613865, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.256323896547926, "q_0.45": 5.371678888514724, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.578586446580225, "q_0.55": 5.676922069924459, "q_0.575": 5.726840795853789, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.251313585511198, "q_0.7": 6.350078141458239, "q_0.725": 6.40640674168122, "q_0.75": 6.475082619659686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.93397358943577, "y": 4.777726278812617, "y_true": 3.609131820948854, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.334888292304965, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.688021822613865, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.256323896547926, "q_0.45": 5.371678888514724, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.578586446580225, "q_0.55": 5.676922069924459, "q_0.575": 5.726840795853789, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.251313585511198, "q_0.7": 6.350078141458239, "q_0.725": 6.40640674168122, "q_0.75": 6.475082619659686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.97398959583834, "y": 4.744322151526749, "y_true": 3.6102146815389213, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.334888292304965, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.688021822613865, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.256323896547926, "q_0.45": 5.371678888514724, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.578586446580225, "q_0.55": 5.676922069924459, "q_0.575": 5.726840795853789, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.251313585511198, "q_0.7": 6.350078141458239, "q_0.725": 6.40640674168122, "q_0.75": 6.475082619659686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 35.0140056022409, "y": 5.212862255489252, "y_true": 3.611296370810192, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.334888292304965, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.688021822613865, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.256323896547926, "q_0.45": 5.371678888514724, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.578586446580225, "q_0.55": 5.676922069924459, "q_0.575": 5.726840795853789, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.251313585511198, "q_0.7": 6.350078141458239, "q_0.725": 6.40640674168122, "q_0.75": 6.475082619659686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 35.05402160864346, "y": 5.164967520975808, "y_true": 3.612376891293934, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.334888292304965, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.688021822613865, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.256323896547926, "q_0.45": 5.371678888514724, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.578586446580225, "q_0.55": 5.676922069924459, "q_0.575": 5.726840795853789, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.251313585511198, "q_0.7": 6.350078141458239, "q_0.725": 6.40640674168122, "q_0.75": 6.475082619659686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 35.09403761504602, "y": 4.894947785189663, "y_true": 3.6134562455132198, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.334888292304965, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.688021822613865, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.256323896547926, "q_0.45": 5.371678888514724, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.578586446580225, "q_0.55": 5.676922069924459, "q_0.575": 5.726840795853789, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.251313585511198, "q_0.7": 6.350078141458239, "q_0.725": 6.40640674168122, "q_0.75": 6.475082619659686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 35.13405362144858, "y": 6.896750279109836, "y_true": 3.61453443598296, "y_pred": 5.508081778508232, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.8293881107048575, "q_0.05": 3.9048173966958144, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.343943727416559, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.725392345301849, "q_0.3": 4.810885689049004, "q_0.325": 4.885248411887277, "q_0.35": 4.925571725673944, "q_0.375": 5.025263307888901, "q_0.4": 5.141263186917729, "q_0.425": 5.260355785997356, "q_0.45": 5.373524653579246, "q_0.475": 5.423618812332768, "q_0.5": 5.508081778508232, "q_0.525": 5.578586446580225, "q_0.55": 5.678347134066301, "q_0.575": 5.726840795853789, "q_0.6": 5.828589863960346, "q_0.625": 6.016309523367708, "q_0.65": 6.166671893644826, "q_0.675": 6.251313585511198, "q_0.7": 6.352281704541352, "q_0.725": 6.40640674168122, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.683379939022111, "q_0.825": 6.747738463072244, "q_0.85": 6.812323555565416, "q_0.875": 6.896750279109836, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.17406962785114, "y": 6.241360264102225, "y_true": 3.6156114652099394, "y_pred": 5.508081778508232, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.345317435289933, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.731697955527121, "q_0.3": 4.810885689049004, "q_0.325": 4.885248411887277, "q_0.35": 4.932552688902458, "q_0.375": 5.045065994911716, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.423618812332768, "q_0.5": 5.508081778508232, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.837733778524463, "q_0.625": 6.016309523367708, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.40640674168122, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.812323555565416, "q_0.875": 6.896750279109836, "q_0.9": 6.947672830813641, "q_0.925": 7.013591013188307, "q_0.95": 7.133566376914873, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.214085634253706, "y": 6.228179537087993, "y_true": 3.616687335692853, "y_pred": 5.508081778508232, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.345317435289933, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.731697955527121, "q_0.3": 4.810885689049004, "q_0.325": 4.885248411887277, "q_0.35": 4.932552688902458, "q_0.375": 5.045065994911716, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.423618812332768, "q_0.5": 5.508081778508232, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.837733778524463, "q_0.625": 6.016309523367708, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.40640674168122, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.812323555565416, "q_0.875": 6.896750279109836, "q_0.9": 6.947672830813641, "q_0.925": 7.013591013188307, "q_0.95": 7.133566376914873, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.254101640656266, "y": 4.658711517982521, "y_true": 3.6177620499223373, "y_pred": 5.508081778508232, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.345317435289933, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.731697955527121, "q_0.3": 4.810885689049004, "q_0.325": 4.885248411887277, "q_0.35": 4.932552688902458, "q_0.375": 5.045065994911716, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.423618812332768, "q_0.5": 5.508081778508232, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.837733778524463, "q_0.625": 6.016309523367708, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.40640674168122, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.812323555565416, "q_0.875": 6.896750279109836, "q_0.9": 6.947672830813641, "q_0.925": 7.013591013188307, "q_0.95": 7.133566376914873, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.294117647058826, "y": 5.6937689455309854, "y_true": 3.61883561038101, "y_pred": 5.508081778508232, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.345317435289933, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.731697955527121, "q_0.3": 4.810885689049004, "q_0.325": 4.885248411887277, "q_0.35": 4.932552688902458, "q_0.375": 5.045065994911716, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.423618812332768, "q_0.5": 5.508081778508232, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.837733778524463, "q_0.625": 6.016309523367708, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.40640674168122, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.812323555565416, "q_0.875": 6.896750279109836, "q_0.9": 6.947672830813641, "q_0.925": 7.013591013188307, "q_0.95": 7.133566376914873, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.334133653461386, "y": 6.419310866258337, "y_true": 3.6199080195435, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888420241331456, "q_0.35": 4.936857362874977, "q_0.375": 5.045065994911716, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.423618812332768, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.837733778524463, "q_0.625": 6.016309523367708, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.40640674168122, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.812323555565416, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.133566376914873, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.374149659863946, "y": 6.480218367589153, "y_true": 3.620979279876483, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888420241331456, "q_0.35": 4.936857362874977, "q_0.375": 5.045065994911716, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.423618812332768, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.837733778524463, "q_0.625": 6.016309523367708, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.40640674168122, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.812323555565416, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.133566376914873, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.414165666266506, "y": 4.860621883663697, "y_true": 3.6220493938387173, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888420241331456, "q_0.35": 4.936857362874977, "q_0.375": 5.045065994911716, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.423618812332768, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.837733778524463, "q_0.625": 6.016309523367708, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.40640674168122, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.812323555565416, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.133566376914873, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.454181672669066, "y": 6.395220100590806, "y_true": 3.623118363881075, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.49419767907163, "y": 6.271309337268203, "y_true": 3.6241861924465772, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.53421368547419, "y": 4.134428478218292, "y_true": 3.625252881970427, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.57422969187675, "y": 6.743153962452412, "y_true": 3.6263184348800435, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.61424569827931, "y": 5.216333176463438, "y_true": 3.627382853595094, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.65426170468187, "y": 5.380267819921747, "y_true": 3.6284461405275272, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.69427771108443, "y": 5.244812438023339, "y_true": 3.629508298081607, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.734293717487, "y": 5.676922069924459, "y_true": 3.630569328653943, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.77430972388956, "y": 5.870819824508271, "y_true": 3.631629234633526, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.81432573029212, "y": 5.429067265936801, "y_true": 3.6326880184017565, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.85434173669468, "y": 6.760228930404921, "y_true": 3.633745682332481, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.89435774309724, "y": 5.899706034905603, "y_true": 3.6348022287920196, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.9343737494998, "y": 5.084668395031892, "y_true": 3.6358576601392016, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.974389755902365, "y": 5.141263186917729, "y_true": 3.6369119787253945, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 36.014405762304925, "y": 6.566152500987498, "y_true": 3.637965186894537, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 36.054421768707485, "y": 4.896821574928517, "y_true": 3.6390172869831687, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979433940289208, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.267029197552311, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.896533308901491, "q_0.625": 6.0240193207180575, "q_0.65": 6.187298251146786, "q_0.675": 6.262837166853249, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.588611728085426, "q_0.8": 6.690604747733197, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.329586185680565, "q_1": 7.965287091381542}, {"x": 36.094437775110045, "y": 4.404153214886817, "y_true": 3.6400682813204632, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979433940289208, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.267029197552311, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.896533308901491, "q_0.625": 6.0240193207180575, "q_0.65": 6.187298251146786, "q_0.675": 6.262837166853249, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.588611728085426, "q_0.8": 6.690604747733197, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.329586185680565, "q_1": 7.965287091381542}, {"x": 36.134453781512605, "y": 3.8557613901090195, "y_true": 3.6411181722282575, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.046528456278647, "q_0.4": 5.141263186917729, "q_0.425": 5.267029197552311, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.200664817196285, "q_0.675": 6.262837166853249, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.591982800210019, "q_0.8": 6.690604747733197, "q_0.825": 6.760228930404921, "q_0.85": 6.82266174407658, "q_0.875": 6.8982771758681185, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.3141555555119915, "q_1": 7.965287091381542}, {"x": 36.174469787915164, "y": 6.809549107129772, "y_true": 3.6421669620210833, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.1485304493545545, "q_0.425": 5.267029197552311, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.680116126954365, "q_0.575": 5.743059371733642, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.200664817196285, "q_0.675": 6.262837166853249, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.476154977791679, "q_0.775": 6.602393733805759, "q_0.8": 6.690604747733197, "q_0.825": 6.760228930404921, "q_0.85": 6.82266174407658, "q_0.875": 6.9036364853327825, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.329586185680565, "q_1": 7.965287091381542}, {"x": 36.21448579431773, "y": 6.965319847274817, "y_true": 3.643214653006197, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.1485304493545545, "q_0.425": 5.267029197552311, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.680116126954365, "q_0.575": 5.743059371733642, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.200664817196285, "q_0.675": 6.262837166853249, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.476154977791679, "q_0.775": 6.602393733805759, "q_0.8": 6.690604747733197, "q_0.825": 6.760228930404921, "q_0.85": 6.82266174407658, "q_0.875": 6.9036364853327825, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.329586185680565, "q_1": 7.965287091381542}, {"x": 36.25450180072029, "y": 4.078828774192702, "y_true": 3.6442612474836116, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.1485304493545545, "q_0.425": 5.267029197552311, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.680116126954365, "q_0.575": 5.743059371733642, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.200664817196285, "q_0.675": 6.262837166853249, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.476154977791679, "q_0.775": 6.602393733805759, "q_0.8": 6.690604747733197, "q_0.825": 6.760228930404921, "q_0.85": 6.82266174407658, "q_0.875": 6.9036364853327825, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.329586185680565, "q_1": 7.965287091381542}, {"x": 36.29451780712285, "y": 4.855715823041448, "y_true": 3.645306747746125, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.1485304493545545, "q_0.425": 5.267029197552311, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.680116126954365, "q_0.575": 5.743059371733642, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.200664817196285, "q_0.675": 6.262837166853249, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.476154977791679, "q_0.775": 6.602393733805759, "q_0.8": 6.690604747733197, "q_0.825": 6.760228930404921, "q_0.85": 6.82266174407658, "q_0.875": 6.9036364853327825, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.329586185680565, "q_1": 7.965287091381542}, {"x": 36.33453381352541, "y": 4.28118379660951, "y_true": 3.646351156079353, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.1485304493545545, "q_0.425": 5.267029197552311, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.680116126954365, "q_0.575": 5.743059371733642, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.200664817196285, "q_0.675": 6.262837166853249, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.476154977791679, "q_0.775": 6.602393733805759, "q_0.8": 6.690604747733197, "q_0.825": 6.760228930404921, "q_0.85": 6.82266174407658, "q_0.875": 6.9036364853327825, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.329586185680565, "q_1": 7.965287091381542}, {"x": 36.37454981992797, "y": 4.06706166985257, "y_true": 3.647394474761756, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.1485304493545545, "q_0.425": 5.267029197552311, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.680116126954365, "q_0.575": 5.743059371733642, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.200664817196285, "q_0.675": 6.262837166853249, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.476154977791679, "q_0.775": 6.602393733805759, "q_0.8": 6.690604747733197, "q_0.825": 6.760228930404921, "q_0.85": 6.82266174407658, "q_0.875": 6.9036364853327825, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.329586185680565, "q_1": 7.965287091381542}, {"x": 36.41456582633053, "y": 6.907808121481193, "y_true": 3.6484367060646705, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.607863496884008, "q_0.275": 4.744322151526749, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.429067265936801, "q_0.5": 5.515304401496399, "q_0.525": 5.596197385576483, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.264606100395435, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.4777042327958245, "q_0.775": 6.613272081057492, "q_0.8": 6.6929046867778, "q_0.825": 6.767832838617403, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.959047488980644, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.4545818327331, "y": 3.855551502021863, "y_true": 3.6494778522523394, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.607863496884008, "q_0.275": 4.744322151526749, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.429067265936801, "q_0.5": 5.515304401496399, "q_0.525": 5.59713274204044, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.264606100395435, "q_0.7": 6.371714549575328, "q_0.725": 6.416305303663277, "q_0.75": 6.480218367589153, "q_0.775": 6.613272081057492, "q_0.8": 6.6954419437597, "q_0.825": 6.776237158220718, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.959047488980644, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.49459783913566, "y": 7.203990983280248, "y_true": 3.65051791558194, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.607863496884008, "q_0.275": 4.744322151526749, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.429067265936801, "q_0.5": 5.515304401496399, "q_0.525": 5.59713274204044, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.264606100395435, "q_0.7": 6.371714549575328, "q_0.725": 6.416305303663277, "q_0.75": 6.480218367589153, "q_0.775": 6.613272081057492, "q_0.8": 6.6954419437597, "q_0.825": 6.776237158220718, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.959047488980644, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.53461384553822, "y": 4.001216687292553, "y_true": 3.6515568983036144, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.607863496884008, "q_0.275": 4.744322151526749, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.429067265936801, "q_0.5": 5.515304401496399, "q_0.525": 5.59713274204044, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.264606100395435, "q_0.7": 6.371714549575328, "q_0.725": 6.416305303663277, "q_0.75": 6.480218367589153, "q_0.775": 6.613272081057492, "q_0.8": 6.6954419437597, "q_0.825": 6.776237158220718, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.959047488980644, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.57462985194078, "y": 6.783823531596502, "y_true": 3.652594802660498, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.607863496884008, "q_0.275": 4.744322151526749, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.429067265936801, "q_0.5": 5.515304401496399, "q_0.525": 5.59713274204044, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.264606100395435, "q_0.7": 6.371714549575328, "q_0.725": 6.416305303663277, "q_0.75": 6.480218367589153, "q_0.775": 6.613272081057492, "q_0.8": 6.6954419437597, "q_0.825": 6.776237158220718, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.959047488980644, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.61464585834334, "y": 5.708572196595031, "y_true": 3.65363163088875, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.607863496884008, "q_0.275": 4.744322151526749, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.429067265936801, "q_0.5": 5.515304401496399, "q_0.525": 5.59713274204044, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.264606100395435, "q_0.7": 6.371714549575328, "q_0.725": 6.416305303663277, "q_0.75": 6.480218367589153, "q_0.775": 6.613272081057492, "q_0.8": 6.6954419437597, "q_0.825": 6.776237158220718, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.959047488980644, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.6546618647459, "y": 4.989640083841659, "y_true": 3.65466738521758, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.607863496884008, "q_0.275": 4.744322151526749, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.429067265936801, "q_0.5": 5.515304401496399, "q_0.525": 5.59713274204044, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.264606100395435, "q_0.7": 6.371714549575328, "q_0.725": 6.416305303663277, "q_0.75": 6.480218367589153, "q_0.775": 6.613272081057492, "q_0.8": 6.6954419437597, "q_0.825": 6.776237158220718, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.959047488980644, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.694677871148464, "y": 4.898240198880959, "y_true": 3.6557020678692793, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.607863496884008, "q_0.275": 4.744322151526749, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.429067265936801, "q_0.5": 5.515304401496399, "q_0.525": 5.59713274204044, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.264606100395435, "q_0.7": 6.371714549575328, "q_0.725": 6.416305303663277, "q_0.75": 6.480218367589153, "q_0.775": 6.613272081057492, "q_0.8": 6.6954419437597, "q_0.825": 6.776237158220718, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.959047488980644, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.734693877551024, "y": 6.40640674168122, "y_true": 3.6567356810592466, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.774709883953584, "y": 4.800185133965764, "y_true": 3.6577682269960197, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.814725890356144, "y": 6.046641216411357, "y_true": 3.6587997078813013, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.8547418967587, "y": 5.539667016894479, "y_true": 3.659830125909988, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.89475790316126, "y": 5.423618812332768, "y_true": 3.6608594832701993, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.93477390956383, "y": 6.938394669406211, "y_true": 3.661887782143304, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.97478991596639, "y": 5.680116126954365, "y_true": 3.6629150247039477, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.01480592236895, "y": 6.672043643334824, "y_true": 3.663941213120083, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.05482192877151, "y": 6.305348612831134, "y_true": 3.664966349552993, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.09483793517407, "y": 3.806341849571222, "y_true": 3.665990436157323, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.13485394157663, "y": 6.48200664890112, "y_true": 3.6670134750811036, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.1748699479792, "y": 4.457915401701425, "y_true": 3.6680354684657814, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.21488595438176, "y": 6.9594339029261665, "y_true": 3.669056418446242, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.254901960784316, "y": 3.826503740571061, "y_true": 3.67007632715084, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.294917967186876, "y": 4.885248411887277, "y_true": 3.671095196701425, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.334933973589436, "y": 4.035775417732042, "y_true": 3.672113029213366, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.374949979991996, "y": 5.407795904004388, "y_true": 3.6731298267955808, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.414965986394556, "y": 6.665954088408167, "y_true": 3.6741455915505594, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.45498199279712, "y": 4.763391593420938, "y_true": 3.6751603255743928, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.49499799919968, "y": 4.227166146671564, "y_true": 3.676174030956796, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.53501400560224, "y": 4.883179011880089, "y_true": 3.6771867097811364, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.5750300120048, "y": 6.650981183363797, "y_true": 3.6781983641244587, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.61504601840736, "y": 4.192121719521206, "y_true": 3.679208996057509, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.65506202480992, "y": 4.51115508859659, "y_true": 3.6802186076447625, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.69507803121249, "y": 3.9329301819469604, "y_true": 3.6812272009444476, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.73509403761505, "y": 6.262837166853249, "y_true": 3.6822347780085707, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.77511004401761, "y": 5.128917020180318, "y_true": 3.6832413408829425, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.81512605042017, "y": 4.821551313762399, "y_true": 3.6842468916072013, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.85514205682273, "y": 6.315309345863373, "y_true": 3.6852514322148395, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.89515806322529, "y": 4.916224993387786, "y_true": 3.6862549647332274, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.935174069627855, "y": 6.352281704541352, "y_true": 3.6872574911836375, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.975190076030415, "y": 6.674273496540186, "y_true": 3.6882590135812694, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.015206082432975, "y": 4.486765629118752, "y_true": 3.6892595339352736, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.055222088835535, "y": 7.259281786558782, "y_true": 3.6902590542487763, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.095238095238095, "y": 4.286461922627283, "y_true": 3.691257576518904, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.135254101640655, "y": 4.758775600430898, "y_true": 3.6922551027368047, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.17527010804322, "y": 4.352748975276191, "y_true": 3.6932516348876763, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.21528611444578, "y": 4.961930446636361, "y_true": 3.6942471749507853, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.25530212084834, "y": 5.457106718543322, "y_true": 3.6952417248994935, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.2953181272509, "y": 5.613197928782787, "y_true": 3.696235286701282, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.33533413365346, "y": 6.831774415864712, "y_true": 3.6972278623177712, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.37535014005602, "y": 6.96528613619982, "y_true": 3.6982194537047475, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.41536614645859, "y": 4.507905927174601, "y_true": 3.6992100628121842, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.45538215286115, "y": 5.989441443190204, "y_true": 3.7001996915842668, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.49539815926371, "y": 4.111068382018161, "y_true": 3.7011883419594125, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.53541416566627, "y": 5.389898531436362, "y_true": 3.7021760158702963, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.57543017206883, "y": 4.888772666825256, "y_true": 3.703162715243872, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.61544617847139, "y": 4.868624028958877, "y_true": 3.704148442001394, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.655462184873954, "y": 5.481153573906607, "y_true": 3.7051331980584434, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.695478191276514, "y": 6.392785686480926, "y_true": 3.7061169853249445, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.735494197679074, "y": 3.961847294659666, "y_true": 3.7070998057051923, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.775510204081634, "y": 6.9462980892058255, "y_true": 3.7080816610978724, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.815526210484194, "y": 6.416305303663277, "y_true": 3.709062553396082, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.889067854114831, "q_0.35": 4.9602003327052175, "q_0.375": 5.054603558756522, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.452291878953412, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.130004122697612, "q_0.65": 6.222956394507974, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.855542216886754, "y": 4.360488882284714, "y_true": 3.710042484487355, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.889067854114831, "q_0.35": 4.9602003327052175, "q_0.375": 5.054603558756522, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.452291878953412, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.130004122697612, "q_0.65": 6.222956394507974, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.89555822328932, "y": 7.173017440070793, "y_true": 3.71102145625368, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.889067854114831, "q_0.35": 4.9602003327052175, "q_0.375": 5.054603558756522, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.452291878953412, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.130004122697612, "q_0.65": 6.222956394507974, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.93557422969188, "y": 5.578908084824642, "y_true": 3.711999470571524, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.889067854114831, "q_0.35": 4.9602003327052175, "q_0.375": 5.054603558756522, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.452291878953412, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.130004122697612, "q_0.65": 6.222956394507974, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.97559023609444, "y": 7.400539537651774, "y_true": 3.7129765293118546, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.889067854114831, "q_0.35": 4.9602003327052175, "q_0.375": 5.054603558756522, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.452291878953412, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.130004122697612, "q_0.65": 6.222956394507974, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 39.015606242497, "y": 4.441696003187549, "y_true": 3.7139526343401603, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.889067854114831, "q_0.35": 4.9602003327052175, "q_0.375": 5.054603558756522, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.452291878953412, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.130004122697612, "q_0.65": 6.222956394507974, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 39.05562224889956, "y": 5.688882953610304, "y_true": 3.7149277875164715, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.889067854114831, "q_0.35": 4.9602003327052175, "q_0.375": 5.054603558756522, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.452291878953412, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.130004122697612, "q_0.65": 6.222956394507974, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 39.09563825530212, "y": 4.787285173594916, "y_true": 3.715901990695383, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.889067854114831, "q_0.35": 4.9602003327052175, "q_0.375": 5.054603558756522, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.452291878953412, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.130004122697612, "q_0.65": 6.222956394507974, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 39.13565426170468, "y": 4.839964647797142, "y_true": 3.716875245726075, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.889067854114831, "q_0.35": 4.9602003327052175, "q_0.375": 5.054603558756522, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.452291878953412, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.130004122697612, "q_0.65": 6.222956394507974, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 39.17567026810725, "y": 5.900806625736318, "y_true": 3.7178475544523337, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.280178234335019, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.8901886683724864, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.77118230326571, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.432153619155224, "q_0.75": 6.49436389982853, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.186720061721006, "q_0.975": 7.372770930943545, "q_1": 7.965287091381542}, {"x": 39.21568627450981, "y": 7.123886149069307, "y_true": 3.7188189187125706, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.25570228091237, "y": 6.6954419437597, "y_true": 3.719789340339848, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.295718287314926, "y": 6.39662375300381, "y_true": 3.720758821161894, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.335734293717486, "y": 5.7891257975066495, "y_true": 3.7217273630011287, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.375750300120046, "y": 7.133566376914873, "y_true": 3.7226949676746797, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.41576630652261, "y": 5.5450147821035, "y_true": 3.7236616369944064, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.45578231292517, "y": 6.957989572911767, "y_true": 3.724627372766918, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.49579831932773, "y": 6.812323555565416, "y_true": 3.7255921767935956, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.53581432573029, "y": 4.518214254087626, "y_true": 3.72655605087061, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.57583033213285, "y": 6.583499982177306, "y_true": 3.7275189967889446, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.61584633853541, "y": 3.7735649082777876, "y_true": 3.728481016334413, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.65586234493798, "y": 4.925571725673944, "y_true": 3.72944211128768, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 39.69587835134054, "y": 4.581208346808396, "y_true": 3.730402283424281, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 39.7358943577431, "y": 5.610358088522938, "y_true": 3.731361534514643, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 39.77591036414566, "y": 6.4646387933210105, "y_true": 3.732319866324101, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 39.81592637054822, "y": 4.095565995090559, "y_true": 3.733277280612921, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 39.85594237695078, "y": 5.644622067914058, "y_true": 3.734233779136318, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 39.895958383353346, "y": 7.217665693207217, "y_true": 3.735189363644474, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 39.935974389755906, "y": 4.5848821471711805, "y_true": 3.7361440358825595, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 39.975990396158466, "y": 6.251313585511198, "y_true": 3.7370977975907516, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 40.016006402561025, "y": 5.9399856783026515, "y_true": 3.738050650504252, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 40.056022408963585, "y": 3.776388597079375, "y_true": 3.7390025963533087, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 40.096038415366145, "y": 5.508081778508232, "y_true": 3.739953636863231, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 40.13605442176871, "y": 6.375321789501001, "y_true": 3.740903773754412, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 40.17607042817127, "y": 3.90534738851618, "y_true": 3.7418530087423445, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 40.21608643457383, "y": 7.013591013188307, "y_true": 3.7428013435376415, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 40.25610244097639, "y": 5.678347134066301, "y_true": 3.7437487798460536, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.29611844737895, "y": 3.858777982499974, "y_true": 3.744695319368488, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.33613445378151, "y": 4.5808494163937, "y_true": 3.745640963801026, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.37615046018408, "y": 7.296838654021558, "y_true": 3.7465857148349424, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.41616646658664, "y": 5.915896850946639, "y_true": 3.7475295741567223, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.4561824729892, "y": 4.148768848576335, "y_true": 3.74847254344808, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.49619847939176, "y": 4.820690945452143, "y_true": 3.749414624385978, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.53621448579432, "y": 5.452291878953412, "y_true": 3.750355818642642, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.57623049219688, "y": 3.8293881107048575, "y_true": 3.7512961278855816, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.616246498599445, "y": 5.286940140213808, "y_true": 3.7522355537776075, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.656262505002005, "y": 5.578586446580225, "y_true": 3.7531740979768466, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.696278511404564, "y": 4.663130603098778, "y_true": 3.7541117621367635, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.736294517807124, "y": 5.951479115102467, "y_true": 3.755048547906174, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.776310524209684, "y": 6.567324734442829, "y_true": 3.7559844569292666, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.816326530612244, "y": 4.637356298509388, "y_true": 3.7569194908456156, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.85634253701481, "y": 6.074951271072937, "y_true": 3.757853651290203, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.189093809614454, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.636192778120208, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.803132007569111, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.462026852817328, "q_1": 7.965287091381542}, {"x": 40.89635854341737, "y": 6.147903247744509, "y_true": 3.75878693989343, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.189093809614454, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.636192778120208, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.803132007569111, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.462026852817328, "q_1": 7.965287091381542}, {"x": 40.93637454981993, "y": 7.303611598224526, "y_true": 3.759719358281139, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.189093809614454, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.636192778120208, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.803132007569111, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.462026852817328, "q_1": 7.965287091381542}, {"x": 40.97639055622249, "y": 6.6691524781215294, "y_true": 3.760650908074629, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.189093809614454, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.636192778120208, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.803132007569111, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.462026852817328, "q_1": 7.965287091381542}, {"x": 41.01640656262505, "y": 6.93274725807559, "y_true": 3.7615815908906707, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.189093809614454, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.636192778120208, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.803132007569111, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.462026852817328, "q_1": 7.965287091381542}, {"x": 41.05642256902761, "y": 5.596197385576483, "y_true": 3.7625114083415268, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.09643857543017, "y": 4.456637245889789, "y_true": 3.7634403620349657, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.13645458183274, "y": 7.489627098039405, "y_true": 3.764368453574279, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665352288293604, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.1764705882353, "y": 4.24932715550084, "y_true": 3.7652956845582994, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.21648659463786, "y": 5.53079761373451, "y_true": 3.766222056581416, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.25650260104042, "y": 4.022071673267338, "y_true": 3.7671475712335907, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.29651860744298, "y": 7.302515047456258, "y_true": 3.7680722301003744, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.33653461384554, "y": 7.383267540600972, "y_true": 3.768996034762925, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.3765506202481, "y": 6.465178563104686, "y_true": 3.769918986798022, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.41656662665066, "y": 5.0824529218913534, "y_true": 3.7708410877780825, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.45658263305322, "y": 4.725310183002998, "y_true": 3.771762339271178, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.49659863945578, "y": 4.767417405941826, "y_true": 3.7726827428410505, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.53661464585834, "y": 4.2510013864745355, "y_true": 3.7736023000471284, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.5766306522609, "y": 5.746991044011962, "y_true": 3.774521012444541, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.61664665866347, "y": 4.3075720372474695, "y_true": 3.775438881584137, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.65666266506603, "y": 4.9651042140046835, "y_true": 3.7763559090124974, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.69667867146859, "y": 6.130004122697612, "y_true": 3.777272096271952, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.73669467787115, "y": 6.51015583193452, "y_true": 3.778187444900597, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.77671068427371, "y": 3.870270084783503, "y_true": 3.7791019564323074, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.81672669067627, "y": 5.395930777257884, "y_true": 3.7800156323967533, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.856742697078836, "y": 6.231523353160165, "y_true": 3.7809284743194174, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.896758703481396, "y": 6.989018274918326, "y_true": 3.7818404837216075, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.936774709883956, "y": 5.569843877203429, "y_true": 3.7827516621204733, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.976790716286516, "y": 7.428515977004673, "y_true": 3.783662011029021, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 42.016806722689076, "y": 4.783772503764348, "y_true": 3.7845715319561277, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 42.056822729091635, "y": 3.8363070147488783, "y_true": 3.785480226406559, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 42.0968387354942, "y": 5.606967643882146, "y_true": 3.78638809588098, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.299912331309536, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.259281786558782, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 42.13685474189676, "y": 4.75140420823128, "y_true": 3.7872951418759744, "y_pred": 5.539419070834594, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.2118045562879844, "q_0.425": 5.326098736512186, "q_0.45": 5.407795904004388, "q_0.475": 5.457106718543322, "q_0.5": 5.539419070834594, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.081019501896454, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.17687074829932, "y": 6.88974959583751, "y_true": 3.788201365884055, "y_pred": 5.539419070834594, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.2118045562879844, "q_0.425": 5.326098736512186, "q_0.45": 5.407795904004388, "q_0.475": 5.457106718543322, "q_0.5": 5.539419070834594, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.081019501896454, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.21688675470188, "y": 4.665782496864037, "y_true": 3.789106769393682, "y_pred": 5.539419070834594, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.2118045562879844, "q_0.425": 5.326098736512186, "q_0.45": 5.407795904004388, "q_0.475": 5.457106718543322, "q_0.5": 5.539419070834594, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.081019501896454, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.25690276110444, "y": 4.9602003327052175, "y_true": 3.7900113538892763, "y_pred": 5.539419070834594, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.2118045562879844, "q_0.425": 5.326098736512186, "q_0.45": 5.407795904004388, "q_0.475": 5.457106718543322, "q_0.5": 5.539419070834594, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.081019501896454, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.296918767507, "y": 6.7723245441073825, "y_true": 3.790915120851233, "y_pred": 5.539419070834594, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.2118045562879844, "q_0.425": 5.326098736512186, "q_0.45": 5.407795904004388, "q_0.475": 5.457106718543322, "q_0.5": 5.539419070834594, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.081019501896454, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.33693477390957, "y": 6.4871967563725725, "y_true": 3.791818071755939, "y_pred": 5.558633104373527, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.44921214265093, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.212656982887996, "q_0.425": 5.326098736512186, "q_0.45": 5.407795904004388, "q_0.475": 5.457106718543322, "q_0.5": 5.558633104373527, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.081019501896454, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.37695078031213, "y": 5.896533308901491, "y_true": 3.792720208075783, "y_pred": 5.558633104373527, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.44921214265093, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.212656982887996, "q_0.425": 5.326098736512186, "q_0.45": 5.407795904004388, "q_0.475": 5.457106718543322, "q_0.5": 5.558633104373527, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.081019501896454, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.41696678671469, "y": 6.451875145234029, "y_true": 3.7936215312791743, "y_pred": 5.558633104373527, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.44921214265093, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.212656982887996, "q_0.425": 5.326098736512186, "q_0.45": 5.407795904004388, "q_0.475": 5.457106718543322, "q_0.5": 5.558633104373527, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.081019501896454, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.45698279311725, "y": 5.373524653579246, "y_true": 3.794522042830555, "y_pred": 5.568939382488213, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.212862255489252, "q_0.425": 5.342937656487511, "q_0.45": 5.407795904004388, "q_0.475": 5.465138958871356, "q_0.5": 5.568939382488213, "q_0.525": 5.637808825368412, "q_0.55": 5.6937689455309854, "q_0.575": 5.786752750563808, "q_0.6": 5.900806625736318, "q_0.625": 6.13674224822967, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.454343177345563, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.081019501896454, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.49699879951981, "y": 3.815454918041093, "y_true": 3.795421744190413, "y_pred": 5.568939382488213, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.182691680591658, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.212862255489252, "q_0.425": 5.355259507868923, "q_0.45": 5.407795904004388, "q_0.475": 5.481153573906607, "q_0.5": 5.568939382488213, "q_0.525": 5.637808825368412, "q_0.55": 5.6937689455309854, "q_0.575": 5.7891257975066495, "q_0.6": 5.900806625736318, "q_0.625": 6.13674224822967, "q_0.65": 6.2381189553050875, "q_0.675": 6.305348612831134, "q_0.7": 6.393580121720733, "q_0.725": 6.4646387933210105, "q_0.75": 6.51015583193452, "q_0.775": 6.667786930836276, "q_0.8": 6.72762611268005, "q_0.825": 6.809549107129772, "q_0.85": 6.890610821089597, "q_0.875": 6.9462980892058255, "q_0.9": 6.986633512608696, "q_0.925": 7.105755522534984, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.53701480592237, "y": 3.839170480254669, "y_true": 3.7963206368152997, "y_pred": 5.569843877203429, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.097073359111136, "q_0.4": 5.212862255489252, "q_0.425": 5.371678888514724, "q_0.45": 5.407795904004388, "q_0.475": 5.481153573906607, "q_0.5": 5.569843877203429, "q_0.525": 5.644622067914058, "q_0.55": 5.6937689455309854, "q_0.575": 5.7891257975066495, "q_0.6": 5.9308279997096065, "q_0.625": 6.13674224822967, "q_0.65": 6.238731551316144, "q_0.675": 6.307554511583209, "q_0.7": 6.393580121720733, "q_0.725": 6.4646387933210105, "q_0.75": 6.567324734442829, "q_0.775": 6.6691524781215294, "q_0.8": 6.743153962452412, "q_0.825": 6.812323555565416, "q_0.85": 6.896750279109836, "q_0.875": 6.9462980892058255, "q_0.9": 6.989018274918326, "q_0.925": 7.105755522534984, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.577030812324935, "y": 5.726840795853789, "y_true": 3.797218722157841, "y_pred": 5.569843877203429, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.097073359111136, "q_0.4": 5.212862255489252, "q_0.425": 5.371678888514724, "q_0.45": 5.407795904004388, "q_0.475": 5.481153573906607, "q_0.5": 5.569843877203429, "q_0.525": 5.644622067914058, "q_0.55": 5.6937689455309854, "q_0.575": 5.7891257975066495, "q_0.6": 5.9308279997096065, "q_0.625": 6.13674224822967, "q_0.65": 6.238731551316144, "q_0.675": 6.307554511583209, "q_0.7": 6.393580121720733, "q_0.725": 6.4646387933210105, "q_0.75": 6.567324734442829, "q_0.775": 6.6691524781215294, "q_0.8": 6.743153962452412, "q_0.825": 6.812323555565416, "q_0.85": 6.896750279109836, "q_0.875": 6.9462980892058255, "q_0.9": 6.989018274918326, "q_0.925": 7.105755522534984, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.617046818727495, "y": 4.112576769131043, "y_true": 3.7981160016667532, "y_pred": 5.569843877203429, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.097073359111136, "q_0.4": 5.212862255489252, "q_0.425": 5.371678888514724, "q_0.45": 5.407795904004388, "q_0.475": 5.481153573906607, "q_0.5": 5.569843877203429, "q_0.525": 5.644622067914058, "q_0.55": 5.6937689455309854, "q_0.575": 5.7891257975066495, "q_0.6": 5.9308279997096065, "q_0.625": 6.13674224822967, "q_0.65": 6.238731551316144, "q_0.675": 6.307554511583209, "q_0.7": 6.393580121720733, "q_0.725": 6.4646387933210105, "q_0.75": 6.567324734442829, "q_0.775": 6.6691524781215294, "q_0.8": 6.743153962452412, "q_0.825": 6.812323555565416, "q_0.85": 6.896750279109836, "q_0.875": 6.9462980892058255, "q_0.9": 6.989018274918326, "q_0.925": 7.105755522534984, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.657062825130055, "y": 3.991892136289005, "y_true": 3.799012476786856, "y_pred": 5.569843877203429, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.097073359111136, "q_0.4": 5.212862255489252, "q_0.425": 5.371678888514724, "q_0.45": 5.407795904004388, "q_0.475": 5.481153573906607, "q_0.5": 5.569843877203429, "q_0.525": 5.644622067914058, "q_0.55": 5.6937689455309854, "q_0.575": 5.7891257975066495, "q_0.6": 5.9308279997096065, "q_0.625": 6.13674224822967, "q_0.65": 6.238731551316144, "q_0.675": 6.307554511583209, "q_0.7": 6.393580121720733, "q_0.725": 6.4646387933210105, "q_0.75": 6.567324734442829, "q_0.775": 6.6691524781215294, "q_0.8": 6.743153962452412, "q_0.825": 6.812323555565416, "q_0.85": 6.896750279109836, "q_0.875": 6.9462980892058255, "q_0.9": 6.989018274918326, "q_0.925": 7.105755522534984, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.697078831532615, "y": 7.44693605030826, "y_true": 3.799908148959087, "y_pred": 5.569843877203429, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.8993800807638372, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.761465645334576, "q_0.3": 4.839964647797142, "q_0.325": 4.898240198880959, "q_0.35": 4.961930446636361, "q_0.375": 5.113263378116729, "q_0.4": 5.216614980798683, "q_0.425": 5.373524653579246, "q_0.45": 5.407795904004388, "q_0.475": 5.481153573906607, "q_0.5": 5.569843877203429, "q_0.525": 5.644622067914058, "q_0.55": 5.7011699923444175, "q_0.575": 5.8113512300418835, "q_0.6": 5.931007805822089, "q_0.625": 6.147903247744509, "q_0.65": 6.241360264102225, "q_0.675": 6.315309345863373, "q_0.7": 6.395220100590806, "q_0.725": 6.465016632169584, "q_0.75": 6.567324734442829, "q_0.775": 6.6691524781215294, "q_0.8": 6.743153962452412, "q_0.825": 6.812323555565416, "q_0.85": 6.896750279109836, "q_0.875": 6.957989572911767, "q_0.9": 7.013591013188307, "q_0.925": 7.110456675747525, "q_0.95": 7.285662691296467, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.737094837935174, "y": 7.046283867148457, "y_true": 3.800803019620515, "y_pred": 5.578586446580225, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.078828774192702, "q_0.125": 4.192121719521206, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.554022513632217, "q_0.25": 4.658711517982521, "q_0.275": 4.767417405941826, "q_0.3": 4.860621883663697, "q_0.325": 4.925571725673944, "q_0.35": 4.987023085582278, "q_0.375": 5.128917020180318, "q_0.4": 5.263365170773502, "q_0.425": 5.373524653579246, "q_0.45": 5.423618812332768, "q_0.475": 5.508775886820478, "q_0.5": 5.578586446580225, "q_0.525": 5.676922069924459, "q_0.55": 5.726840795853789, "q_0.575": 5.8189678098003395, "q_0.6": 5.989441443190204, "q_0.625": 6.163423239964418, "q_0.65": 6.251313585511198, "q_0.675": 6.352281704541352, "q_0.7": 6.416305303663277, "q_0.725": 6.47576604144437, "q_0.75": 6.587166982889164, "q_0.775": 6.690604747733197, "q_0.8": 6.760228930404921, "q_0.825": 6.831774415864712, "q_0.85": 6.9265908013145685, "q_0.875": 6.9594339029261665, "q_0.9": 7.041674651878425, "q_0.925": 7.133566376914873, "q_0.95": 7.302515047456258, "q_0.975": 7.500916760847806, "q_1": 7.965287091381542}, {"x": 42.777110844337734, "y": 4.3762248716476595, "y_true": 3.8016970902043554, "y_pred": 5.578586446580225, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.078828774192702, "q_0.125": 4.192121719521206, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.554022513632217, "q_0.25": 4.658711517982521, "q_0.275": 4.767417405941826, "q_0.3": 4.860621883663697, "q_0.325": 4.925571725673944, "q_0.35": 4.987023085582278, "q_0.375": 5.128917020180318, "q_0.4": 5.263365170773502, "q_0.425": 5.373524653579246, "q_0.45": 5.423618812332768, "q_0.475": 5.508775886820478, "q_0.5": 5.578586446580225, "q_0.525": 5.676922069924459, "q_0.55": 5.726840795853789, "q_0.575": 5.8189678098003395, "q_0.6": 5.989441443190204, "q_0.625": 6.163423239964418, "q_0.65": 6.251313585511198, "q_0.675": 6.352281704541352, "q_0.7": 6.416305303663277, "q_0.725": 6.47576604144437, "q_0.75": 6.587166982889164, "q_0.775": 6.690604747733197, "q_0.8": 6.760228930404921, "q_0.825": 6.831774415864712, "q_0.85": 6.9265908013145685, "q_0.875": 6.9594339029261665, "q_0.9": 7.041674651878425, "q_0.925": 7.133566376914873, "q_0.95": 7.302515047456258, "q_0.975": 7.500916760847806, "q_1": 7.965287091381542}, {"x": 42.8171268507403, "y": 3.8051011248602893, "y_true": 3.8025903621399815, "y_pred": 5.578586446580225, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.078828774192702, "q_0.125": 4.192121719521206, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.554022513632217, "q_0.25": 4.658711517982521, "q_0.275": 4.767417405941826, "q_0.3": 4.860621883663697, "q_0.325": 4.925571725673944, "q_0.35": 4.987023085582278, "q_0.375": 5.128917020180318, "q_0.4": 5.263365170773502, "q_0.425": 5.373524653579246, "q_0.45": 5.423618812332768, "q_0.475": 5.508775886820478, "q_0.5": 5.578586446580225, "q_0.525": 5.676922069924459, "q_0.55": 5.726840795853789, "q_0.575": 5.8189678098003395, "q_0.6": 5.989441443190204, "q_0.625": 6.163423239964418, "q_0.65": 6.251313585511198, "q_0.675": 6.352281704541352, "q_0.7": 6.416305303663277, "q_0.725": 6.47576604144437, "q_0.75": 6.587166982889164, "q_0.775": 6.690604747733197, "q_0.8": 6.760228930404921, "q_0.825": 6.831774415864712, "q_0.85": 6.9265908013145685, "q_0.875": 6.9594339029261665, "q_0.9": 7.041674651878425, "q_0.925": 7.133566376914873, "q_0.95": 7.302515047456258, "q_0.975": 7.500916760847806, "q_1": 7.965287091381542}, {"x": 42.85714285714286, "y": 7.363870009768699, "y_true": 3.80348283685294, "y_pred": 5.644622067914058, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.839170480254669, "q_0.05": 3.9551964171836125, "q_0.075": 4.001216687292553, "q_0.1": 4.112576769131043, "q_0.125": 4.271015264611869, "q_0.15": 4.3075720372474695, "q_0.175": 4.404153214886817, "q_0.2": 4.51115508859659, "q_0.225": 4.607863496884008, "q_0.25": 4.732597939884491, "q_0.275": 4.839964647797142, "q_0.3": 4.898240198880959, "q_0.325": 4.961930446636361, "q_0.35": 5.102990519792822, "q_0.375": 5.212862255489252, "q_0.4": 5.326098736512186, "q_0.425": 5.40151772933469, "q_0.45": 5.465138958871356, "q_0.475": 5.564816871242331, "q_0.5": 5.644622067914058, "q_0.525": 5.721728809124186, "q_0.55": 5.8128111056012735, "q_0.575": 5.951479115102467, "q_0.6": 6.147903247744509, "q_0.625": 6.2381189553050875, "q_0.65": 6.307554511583209, "q_0.675": 6.395220100590806, "q_0.7": 6.465178563104686, "q_0.725": 6.583499982177306, "q_0.75": 6.675079238341156, "q_0.775": 6.747738463072244, "q_0.8": 6.82266174407658, "q_0.825": 6.912706312096574, "q_0.85": 6.9594339029261665, "q_0.875": 7.046283867148457, "q_0.9": 7.1144450602403815, "q_0.925": 7.284985967820072, "q_0.95": 7.457908853071276, "q_0.975": 7.568454379323775, "q_1": 8.350605653893716}, {"x": 42.89715886354542, "y": 4.856958933780043, "y_true": 3.804374515764965, "y_pred": 5.644622067914058, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.839170480254669, "q_0.05": 3.9551964171836125, "q_0.075": 4.001216687292553, "q_0.1": 4.112576769131043, "q_0.125": 4.271015264611869, "q_0.15": 4.3075720372474695, "q_0.175": 4.404153214886817, "q_0.2": 4.51115508859659, "q_0.225": 4.607863496884008, "q_0.25": 4.732597939884491, "q_0.275": 4.839964647797142, "q_0.3": 4.898240198880959, "q_0.325": 4.961930446636361, "q_0.35": 5.102990519792822, "q_0.375": 5.212862255489252, "q_0.4": 5.326098736512186, "q_0.425": 5.40151772933469, "q_0.45": 5.465138958871356, "q_0.475": 5.564816871242331, "q_0.5": 5.644622067914058, "q_0.525": 5.721728809124186, "q_0.55": 5.8128111056012735, "q_0.575": 5.951479115102467, "q_0.6": 6.147903247744509, "q_0.625": 6.2381189553050875, "q_0.65": 6.307554511583209, "q_0.675": 6.395220100590806, "q_0.7": 6.465178563104686, "q_0.725": 6.583499982177306, "q_0.75": 6.675079238341156, "q_0.775": 6.747738463072244, "q_0.8": 6.82266174407658, "q_0.825": 6.912706312096574, "q_0.85": 6.9594339029261665, "q_0.875": 7.046283867148457, "q_0.9": 7.1144450602403815, "q_0.925": 7.284985967820072, "q_0.95": 7.457908853071276, "q_0.975": 7.568454379323775, "q_1": 8.350605653893716}, {"x": 42.93717486994798, "y": 4.508471559559456, "y_true": 3.8052654002939894, "y_pred": 5.644622067914058, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.839170480254669, "q_0.05": 3.9551964171836125, "q_0.075": 4.022071673267338, "q_0.1": 4.1218232669049515, "q_0.125": 4.271828158606835, "q_0.15": 4.3436102864082, "q_0.175": 4.404153214886817, "q_0.2": 4.515644042998396, "q_0.225": 4.609256145343828, "q_0.25": 4.744322151526749, "q_0.275": 4.843551038072556, "q_0.3": 4.9094411838194745, "q_0.325": 4.9651042140046835, "q_0.35": 5.1226554097052235, "q_0.375": 5.216614980798683, "q_0.4": 5.3399790009292065, "q_0.425": 5.40151772933469, "q_0.45": 5.481153573906607, "q_0.475": 5.568939382488213, "q_0.5": 5.644622067914058, "q_0.525": 5.726840795853789, "q_0.55": 5.817480042329025, "q_0.575": 5.951479115102467, "q_0.6": 6.152797806255528, "q_0.625": 6.241360264102225, "q_0.65": 6.315309345863373, "q_0.675": 6.40640674168122, "q_0.7": 6.475082619659686, "q_0.725": 6.587166982889164, "q_0.75": 6.687848398930965, "q_0.775": 6.760228930404921, "q_0.8": 6.831774415864712, "q_0.825": 6.93274725807559, "q_0.85": 6.96528613619982, "q_0.875": 7.049884809491566, "q_0.9": 7.123886149069307, "q_0.925": 7.285662691296467, "q_0.95": 7.484458296526635, "q_0.975": 7.581158473169777, "q_1": 8.350605653893716}, {"x": 42.97719087635054, "y": 6.422594742018269, "y_true": 3.8061554918541614, "y_pred": 5.678347134066301, "target": "0", "q_0": 3.553066175355316, "q_0.025": 3.8557613901090195, "q_0.05": 3.961847294659666, "q_0.075": 4.022071673267338, "q_0.1": 4.1297396857595, "q_0.125": 4.2787871181567905, "q_0.15": 4.347606948412228, "q_0.175": 4.441696003187549, "q_0.2": 4.521081568301867, "q_0.225": 4.637356298509388, "q_0.25": 4.761465645334576, "q_0.275": 4.868624028958877, "q_0.3": 4.932552688902458, "q_0.325": 5.025263307888901, "q_0.35": 5.138394279592555, "q_0.375": 5.263365170773502, "q_0.4": 5.373524653579246, "q_0.425": 5.423618812332768, "q_0.45": 5.508775886820478, "q_0.475": 5.578586446580225, "q_0.5": 5.678347134066301, "q_0.525": 5.765669741328351, "q_0.55": 5.840927161373823, "q_0.575": 6.074951271072937, "q_0.6": 6.163423239964418, "q_0.625": 6.251313585511198, "q_0.65": 6.352281704541352, "q_0.675": 6.422594742018269, "q_0.7": 6.480218367589153, "q_0.725": 6.613272081057492, "q_0.75": 6.6938026241113056, "q_0.775": 6.789883435653076, "q_0.8": 6.86205166742157, "q_0.825": 6.9462980892058255, "q_0.85": 6.986633512608696, "q_0.875": 7.074316859151154, "q_0.9": 7.151894971260996, "q_0.925": 7.302515047456258, "q_0.95": 7.489627098039405, "q_0.975": 7.5863544222920725, "q_1": 8.350605653893716}, {"x": 43.0172068827531, "y": 4.219199771645813, "y_true": 3.807044791855855, "y_pred": 5.678347134066301, "target": "0", "q_0": 3.553066175355316, "q_0.025": 3.8557613901090195, "q_0.05": 3.961847294659666, "q_0.075": 4.022071673267338, "q_0.1": 4.1297396857595, "q_0.125": 4.2787871181567905, "q_0.15": 4.347606948412228, "q_0.175": 4.441696003187549, "q_0.2": 4.521081568301867, "q_0.225": 4.637356298509388, "q_0.25": 4.761465645334576, "q_0.275": 4.868624028958877, "q_0.3": 4.932552688902458, "q_0.325": 5.025263307888901, "q_0.35": 5.138394279592555, "q_0.375": 5.263365170773502, "q_0.4": 5.373524653579246, "q_0.425": 5.423618812332768, "q_0.45": 5.508775886820478, "q_0.475": 5.578586446580225, "q_0.5": 5.678347134066301, "q_0.525": 5.765669741328351, "q_0.55": 5.840927161373823, "q_0.575": 6.074951271072937, "q_0.6": 6.163423239964418, "q_0.625": 6.251313585511198, "q_0.65": 6.352281704541352, "q_0.675": 6.422594742018269, "q_0.7": 6.480218367589153, "q_0.725": 6.613272081057492, "q_0.75": 6.6938026241113056, "q_0.775": 6.789883435653076, "q_0.8": 6.86205166742157, "q_0.825": 6.9462980892058255, "q_0.85": 6.986633512608696, "q_0.875": 7.074316859151154, "q_0.9": 7.151894971260996, "q_0.925": 7.302515047456258, "q_0.95": 7.489627098039405, "q_0.975": 7.5863544222920725, "q_1": 8.350605653893716}, {"x": 43.05722288915566, "y": 4.809761525624716, "y_true": 3.807933301705686, "y_pred": 5.688882953610304, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.862691537907575, "q_0.05": 3.9662192189256635, "q_0.075": 4.035775417732042, "q_0.1": 4.188950163651021, "q_0.125": 4.28118379660951, "q_0.15": 4.347606948412228, "q_0.175": 4.486765629118752, "q_0.2": 4.5808494163937, "q_0.225": 4.663130603098778, "q_0.25": 4.783772503764348, "q_0.275": 4.888772666825256, "q_0.3": 4.955720988370454, "q_0.325": 5.051071692998246, "q_0.35": 5.164967520975808, "q_0.375": 5.290215727365148, "q_0.4": 5.3812903189554415, "q_0.425": 5.452291878953412, "q_0.45": 5.5262024339768, "q_0.475": 5.606967643882146, "q_0.5": 5.688882953610304, "q_0.525": 5.7891257975066495, "q_0.55": 5.899706034905603, "q_0.575": 6.130004122697612, "q_0.6": 6.185318079855138, "q_0.625": 6.271309337268203, "q_0.65": 6.375321789501001, "q_0.675": 6.459344460901524, "q_0.7": 6.51015583193452, "q_0.725": 6.665954088408167, "q_0.75": 6.743153962452412, "q_0.775": 6.812323555565416, "q_0.8": 6.9036364853327825, "q_0.825": 6.959266822883218, "q_0.85": 7.041674651878425, "q_0.875": 7.105755522534984, "q_0.9": 7.203990983280248, "q_0.925": 7.329586185680565, "q_0.95": 7.500916760847806, "q_0.975": 7.616453705764474, "q_1": 8.350605653893716}, {"x": 43.09723889555823, "y": 7.500916760847806, "y_true": 3.808821022806523, "y_pred": 5.688882953610304, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.862691537907575, "q_0.05": 3.9662192189256635, "q_0.075": 4.035775417732042, "q_0.1": 4.188950163651021, "q_0.125": 4.28118379660951, "q_0.15": 4.347606948412228, "q_0.175": 4.486765629118752, "q_0.2": 4.5808494163937, "q_0.225": 4.663130603098778, "q_0.25": 4.785528838679632, "q_0.275": 4.889067854114831, "q_0.3": 4.955720988370454, "q_0.325": 5.054603558756522, "q_0.35": 5.165680393444788, "q_0.375": 5.293790197765075, "q_0.4": 5.381425115449694, "q_0.425": 5.452291878953412, "q_0.45": 5.5262024339768, "q_0.475": 5.606967643882146, "q_0.5": 5.688882953610304, "q_0.525": 5.7891257975066495, "q_0.55": 5.899706034905603, "q_0.575": 6.130004122697612, "q_0.6": 6.185318079855138, "q_0.625": 6.271309337268203, "q_0.65": 6.375321789501001, "q_0.675": 6.459344460901524, "q_0.7": 6.51015583193452, "q_0.725": 6.668674536571691, "q_0.75": 6.743153962452412, "q_0.775": 6.8192697241043785, "q_0.8": 6.9036364853327825, "q_0.825": 6.9594339029261665, "q_0.85": 7.0433988184683685, "q_0.875": 7.105755522534984, "q_0.9": 7.203990983280248, "q_0.925": 7.329586185680565, "q_0.95": 7.500916760847806, "q_0.975": 7.6349000581069655, "q_1": 8.350605653893716}, {"x": 43.13725490196079, "y": 6.231548013298918, "y_true": 3.809707956557502, "y_pred": 5.688882953610304, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.862691537907575, "q_0.05": 3.9662192189256635, "q_0.075": 4.035775417732042, "q_0.1": 4.188950163651021, "q_0.125": 4.28118379660951, "q_0.15": 4.347606948412228, "q_0.175": 4.486765629118752, "q_0.2": 4.5808494163937, "q_0.225": 4.663130603098778, "q_0.25": 4.785528838679632, "q_0.275": 4.889067854114831, "q_0.3": 4.955720988370454, "q_0.325": 5.054603558756522, "q_0.35": 5.165680393444788, "q_0.375": 5.293790197765075, "q_0.4": 5.381425115449694, "q_0.425": 5.452291878953412, "q_0.45": 5.5262024339768, "q_0.475": 5.606967643882146, "q_0.5": 5.688882953610304, "q_0.525": 5.7891257975066495, "q_0.55": 5.899706034905603, "q_0.575": 6.130004122697612, "q_0.6": 6.185318079855138, "q_0.625": 6.271309337268203, "q_0.65": 6.375321789501001, "q_0.675": 6.459344460901524, "q_0.7": 6.51015583193452, "q_0.725": 6.668674536571691, "q_0.75": 6.743153962452412, "q_0.775": 6.8192697241043785, "q_0.8": 6.9036364853327825, "q_0.825": 6.9594339029261665, "q_0.85": 7.0433988184683685, "q_0.875": 7.105755522534984, "q_0.9": 7.203990983280248, "q_0.925": 7.329586185680565, "q_0.95": 7.500916760847806, "q_0.975": 7.6349000581069655, "q_1": 8.350605653893716}, {"x": 43.17727090836335, "y": 5.783031141582168, "y_true": 3.810594104354041, "y_pred": 5.688882953610304, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.862691537907575, "q_0.05": 3.9662192189256635, "q_0.075": 4.035775417732042, "q_0.1": 4.188950163651021, "q_0.125": 4.28118379660951, "q_0.15": 4.347606948412228, "q_0.175": 4.486765629118752, "q_0.2": 4.5808494163937, "q_0.225": 4.663130603098778, "q_0.25": 4.785528838679632, "q_0.275": 4.889067854114831, "q_0.3": 4.955720988370454, "q_0.325": 5.054603558756522, "q_0.35": 5.165680393444788, "q_0.375": 5.293790197765075, "q_0.4": 5.381425115449694, "q_0.425": 5.452291878953412, "q_0.45": 5.5262024339768, "q_0.475": 5.606967643882146, "q_0.5": 5.688882953610304, "q_0.525": 5.7891257975066495, "q_0.55": 5.899706034905603, "q_0.575": 6.130004122697612, "q_0.6": 6.185318079855138, "q_0.625": 6.271309337268203, "q_0.65": 6.375321789501001, "q_0.675": 6.459344460901524, "q_0.7": 6.51015583193452, "q_0.725": 6.668674536571691, "q_0.75": 6.743153962452412, "q_0.775": 6.8192697241043785, "q_0.8": 6.9036364853327825, "q_0.825": 6.9594339029261665, "q_0.85": 7.0433988184683685, "q_0.875": 7.105755522534984, "q_0.9": 7.203990983280248, "q_0.925": 7.329586185680565, "q_0.95": 7.500916760847806, "q_0.975": 7.6349000581069655, "q_1": 8.350605653893716}, {"x": 43.21728691476591, "y": 5.319239185848991, "y_true": 3.8114794675878496, "y_pred": 5.688882953610304, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.862691537907575, "q_0.05": 3.9662192189256635, "q_0.075": 4.035775417732042, "q_0.1": 4.188950163651021, "q_0.125": 4.28118379660951, "q_0.15": 4.347606948412228, "q_0.175": 4.486765629118752, "q_0.2": 4.5808494163937, "q_0.225": 4.663130603098778, "q_0.25": 4.785528838679632, "q_0.275": 4.889067854114831, "q_0.3": 4.955720988370454, "q_0.325": 5.054603558756522, "q_0.35": 5.165680393444788, "q_0.375": 5.293790197765075, "q_0.4": 5.381425115449694, "q_0.425": 5.452291878953412, "q_0.45": 5.5262024339768, "q_0.475": 5.606967643882146, "q_0.5": 5.688882953610304, "q_0.525": 5.7891257975066495, "q_0.55": 5.899706034905603, "q_0.575": 6.130004122697612, "q_0.6": 6.185318079855138, "q_0.625": 6.271309337268203, "q_0.65": 6.375321789501001, "q_0.675": 6.459344460901524, "q_0.7": 6.51015583193452, "q_0.725": 6.668674536571691, "q_0.75": 6.743153962452412, "q_0.775": 6.8192697241043785, "q_0.8": 6.9036364853327825, "q_0.825": 6.9594339029261665, "q_0.85": 7.0433988184683685, "q_0.875": 7.105755522534984, "q_0.9": 7.203990983280248, "q_0.925": 7.329586185680565, "q_0.95": 7.500916760847806, "q_0.975": 7.6349000581069655, "q_1": 8.350605653893716}, {"x": 43.25730292116847, "y": 6.747738463072244, "y_true": 3.8123640476469456, "y_pred": 5.6937689455309854, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.862691537907575, "q_0.05": 3.9662192189256635, "q_0.075": 4.060462534449218, "q_0.1": 4.189093809614454, "q_0.125": 4.28118379660951, "q_0.15": 4.352748975276191, "q_0.175": 4.492839865884417, "q_0.2": 4.581208346808396, "q_0.225": 4.671423009467839, "q_0.25": 4.787285173594916, "q_0.275": 4.894947785189663, "q_0.3": 4.9602003327052175, "q_0.325": 5.084668395031892, "q_0.35": 5.165680393444788, "q_0.375": 5.314760609667232, "q_0.4": 5.389898531436362, "q_0.425": 5.45528654643082, "q_0.45": 5.526918566800015, "q_0.475": 5.610358088522938, "q_0.5": 5.6937689455309854, "q_0.525": 5.8113512300418835, "q_0.55": 5.900806625736318, "q_0.575": 6.1363701305086895, "q_0.6": 6.207417961050581, "q_0.625": 6.271309337268203, "q_0.65": 6.392785686480926, "q_0.675": 6.4646387933210105, "q_0.7": 6.545234794393515, "q_0.725": 6.6691524781215294, "q_0.75": 6.743153962452412, "q_0.775": 6.8192697241043785, "q_0.8": 6.907808121481193, "q_0.825": 6.9594339029261665, "q_0.85": 7.046283867148457, "q_0.875": 7.106151108103749, "q_0.9": 7.228085904229239, "q_0.925": 7.363870009768699, "q_0.95": 7.500916760847806, "q_0.975": 7.6349000581069655, "q_1": 8.350605653893716}, {"x": 43.29731892757103, "y": 4.347606948412228, "y_true": 3.813247845915666, "y_pred": 5.6937689455309854, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.862691537907575, "q_0.05": 3.9662192189256635, "q_0.075": 4.060462534449218, "q_0.1": 4.189093809614454, "q_0.125": 4.28118379660951, "q_0.15": 4.352748975276191, "q_0.175": 4.492839865884417, "q_0.2": 4.581208346808396, "q_0.225": 4.671423009467839, "q_0.25": 4.787285173594916, "q_0.275": 4.894947785189663, "q_0.3": 4.9602003327052175, "q_0.325": 5.084668395031892, "q_0.35": 5.165680393444788, "q_0.375": 5.314760609667232, "q_0.4": 5.389898531436362, "q_0.425": 5.45528654643082, "q_0.45": 5.526918566800015, "q_0.475": 5.610358088522938, "q_0.5": 5.6937689455309854, "q_0.525": 5.8113512300418835, "q_0.55": 5.900806625736318, "q_0.575": 6.1363701305086895, "q_0.6": 6.207417961050581, "q_0.625": 6.271309337268203, "q_0.65": 6.392785686480926, "q_0.675": 6.4646387933210105, "q_0.7": 6.545234794393515, "q_0.725": 6.6691524781215294, "q_0.75": 6.743153962452412, "q_0.775": 6.8192697241043785, "q_0.8": 6.907808121481193, "q_0.825": 6.9594339029261665, "q_0.85": 7.046283867148457, "q_0.875": 7.106151108103749, "q_0.9": 7.228085904229239, "q_0.925": 7.363870009768699, "q_0.95": 7.500916760847806, "q_0.975": 7.6349000581069655, "q_1": 8.350605653893716}, {"x": 43.337334933973594, "y": 7.4821085536349505, "y_true": 3.8141308637746807, "y_pred": 5.6937689455309854, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.862691537907575, "q_0.05": 3.9662192189256635, "q_0.075": 4.060462534449218, "q_0.1": 4.189093809614454, "q_0.125": 4.28118379660951, "q_0.15": 4.352748975276191, "q_0.175": 4.492839865884417, "q_0.2": 4.581208346808396, "q_0.225": 4.671423009467839, "q_0.25": 4.787285173594916, "q_0.275": 4.894947785189663, "q_0.3": 4.9602003327052175, "q_0.325": 5.084668395031892, "q_0.35": 5.165680393444788, "q_0.375": 5.314760609667232, "q_0.4": 5.389898531436362, "q_0.425": 5.45528654643082, "q_0.45": 5.526918566800015, "q_0.475": 5.610358088522938, "q_0.5": 5.6937689455309854, "q_0.525": 5.8113512300418835, "q_0.55": 5.900806625736318, "q_0.575": 6.1363701305086895, "q_0.6": 6.207417961050581, "q_0.625": 6.271309337268203, "q_0.65": 6.392785686480926, "q_0.675": 6.4646387933210105, "q_0.7": 6.545234794393515, "q_0.725": 6.6691524781215294, "q_0.75": 6.743153962452412, "q_0.775": 6.8192697241043785, "q_0.8": 6.907808121481193, "q_0.825": 6.9594339029261665, "q_0.85": 7.046283867148457, "q_0.875": 7.106151108103749, "q_0.9": 7.228085904229239, "q_0.925": 7.363870009768699, "q_0.95": 7.500916760847806, "q_0.975": 7.6349000581069655, "q_1": 8.350605653893716}, {"x": 43.377350940376154, "y": 7.081019501896454, "y_true": 3.815013102601005, "y_pred": 5.743059371733642, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.862691537907575, "q_0.05": 3.978082321979567, "q_0.075": 4.0672567421805175, "q_0.1": 4.192121719521206, "q_0.125": 4.286461922627283, "q_0.15": 4.3762248716476595, "q_0.175": 4.507905927174601, "q_0.2": 4.607863496884008, "q_0.225": 4.71519306064387, "q_0.25": 4.843551038072556, "q_0.275": 4.9094411838194745, "q_0.3": 4.9651042140046835, "q_0.325": 5.113263378116729, "q_0.35": 5.20520435895069, "q_0.375": 5.326098736512186, "q_0.4": 5.395930777257884, "q_0.425": 5.465138958871356, "q_0.45": 5.539419070834594, "q_0.475": 5.637808825368412, "q_0.5": 5.743059371733642, "q_0.525": 5.817480042329025, "q_0.55": 5.951479115102467, "q_0.575": 6.152797806255528, "q_0.6": 6.228369435935068, "q_0.625": 6.307554511583209, "q_0.65": 6.40640674168122, "q_0.675": 6.47576604144437, "q_0.7": 6.587166982889164, "q_0.725": 6.687848398930965, "q_0.75": 6.78005558442292, "q_0.775": 6.844044526630338, "q_0.8": 6.9462980892058255, "q_0.825": 6.986633512608696, "q_0.85": 7.074316859151154, "q_0.875": 7.123886149069307, "q_0.9": 7.285662691296467, "q_0.925": 7.446020005529373, "q_0.95": 7.505505452941607, "q_0.975": 7.671882404954735, "q_1": 8.350605653893716}, {"x": 43.417366946778714, "y": 6.159056956340137, "y_true": 3.8158945637680133, "y_pred": 5.743059371733642, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.8697891893665486, "q_0.05": 3.978082321979567, "q_0.075": 4.078828774192702, "q_0.1": 4.211287775002987, "q_0.125": 4.286461922627283, "q_0.15": 4.3762248716476595, "q_0.175": 4.508471559559456, "q_0.2": 4.609025084519022, "q_0.225": 4.731697955527121, "q_0.25": 4.843551038072556, "q_0.275": 4.9094411838194745, "q_0.3": 4.966974597924747, "q_0.325": 5.113263378116729, "q_0.35": 5.20520435895069, "q_0.375": 5.326098736512186, "q_0.4": 5.395930777257884, "q_0.425": 5.465138958871356, "q_0.45": 5.539419070834594, "q_0.475": 5.644622067914058, "q_0.5": 5.743059371733642, "q_0.525": 5.817480042329025, "q_0.55": 5.951847545383844, "q_0.575": 6.152797806255528, "q_0.6": 6.2381189553050875, "q_0.625": 6.307554511583209, "q_0.65": 6.40640674168122, "q_0.675": 6.4777042327958245, "q_0.7": 6.591982800210019, "q_0.725": 6.687848398930965, "q_0.75": 6.783823531596502, "q_0.775": 6.844044526630338, "q_0.8": 6.9462980892058255, "q_0.825": 6.986633512608696, "q_0.85": 7.074316859151154, "q_0.875": 7.133566376914873, "q_0.9": 7.285662691296467, "q_0.925": 7.446020005529373, "q_0.95": 7.51211729450557, "q_0.975": 7.671882404954735, "q_1": 8.350605653893716}, {"x": 43.45738295318127, "y": 3.979584120101391, "y_true": 3.816775248645452, "y_pred": 5.746991044011962, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.870270084783503, "q_0.05": 3.978082321979567, "q_0.075": 4.078828774192702, "q_0.1": 4.211287775002987, "q_0.125": 4.286461922627283, "q_0.15": 4.377382656107809, "q_0.175": 4.508471559559456, "q_0.2": 4.609256145343828, "q_0.225": 4.731697955527121, "q_0.25": 4.843551038072556, "q_0.275": 4.925571725673944, "q_0.3": 4.981246200893748, "q_0.325": 5.124874775655833, "q_0.35": 5.2115914496379805, "q_0.375": 5.32881547845157, "q_0.4": 5.395930777257884, "q_0.425": 5.481153573906607, "q_0.45": 5.568939382488213, "q_0.475": 5.644622067914058, "q_0.5": 5.746991044011962, "q_0.525": 5.8189678098003395, "q_0.55": 5.982629814453092, "q_0.575": 6.159056956340137, "q_0.6": 6.24056933934931, "q_0.625": 6.3092835525930475, "q_0.65": 6.416305303663277, "q_0.675": 6.4777042327958245, "q_0.7": 6.591982800210019, "q_0.725": 6.690604747733197, "q_0.75": 6.783823531596502, "q_0.775": 6.86205166742157, "q_0.8": 6.946573037527391, "q_0.825": 6.989018274918326, "q_0.85": 7.081019501896454, "q_0.875": 7.133566376914873, "q_0.9": 7.285662691296467, "q_0.925": 7.446020005529373, "q_0.95": 7.51211729450557, "q_0.975": 7.671882404954735, "q_1": 8.350605653893716}, {"x": 43.49739895958383, "y": 6.4777042327958245, "y_true": 3.8176551585994503, "y_pred": 5.773454518537434, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.870270084783503, "q_0.05": 3.978082321979567, "q_0.075": 4.08584701570202, "q_0.1": 4.24932715550084, "q_0.125": 4.3075720372474695, "q_0.15": 4.394361878070937, "q_0.175": 4.515095438240721, "q_0.2": 4.620467243062304, "q_0.225": 4.758775600430898, "q_0.25": 4.868624028958877, "q_0.275": 4.932552688902458, "q_0.3": 5.025263307888901, "q_0.325": 5.128917020180318, "q_0.35": 5.216614980798683, "q_0.375": 5.342937656487511, "q_0.4": 5.407795904004388, "q_0.425": 5.508775886820478, "q_0.45": 5.569843877203429, "q_0.475": 5.678347134066301, "q_0.5": 5.773454518537434, "q_0.525": 5.873021342369511, "q_0.55": 6.081381990664249, "q_0.575": 6.163423239964418, "q_0.6": 6.251313585511198, "q_0.625": 6.325194360607169, "q_0.65": 6.451875145234029, "q_0.675": 6.49436389982853, "q_0.7": 6.650981183363797, "q_0.725": 6.6954419437597, "q_0.75": 6.809549107129772, "q_0.775": 6.896750279109836, "q_0.8": 6.959047488980644, "q_0.825": 7.041674651878425, "q_0.85": 7.095665621339528, "q_0.875": 7.173017440070793, "q_0.9": 7.303611598224526, "q_0.925": 7.484458296526635, "q_0.95": 7.530502547889955, "q_0.975": 7.699648512881511, "q_1": 8.350605653893716}, {"x": 43.53741496598639, "y": 7.285662691296467, "y_true": 3.818534294992536, "y_pred": 5.773454518537434, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.870270084783503, "q_0.05": 3.978082321979567, "q_0.075": 4.09295049811656, "q_0.1": 4.2510013864745355, "q_0.125": 4.3075720372474695, "q_0.15": 4.394361878070937, "q_0.175": 4.515644042998396, "q_0.2": 4.621868606794217, "q_0.225": 4.758775600430898, "q_0.25": 4.868624028958877, "q_0.275": 4.932552688902458, "q_0.3": 5.025263307888901, "q_0.325": 5.128917020180318, "q_0.35": 5.235457427682123, "q_0.375": 5.342937656487511, "q_0.4": 5.407795904004388, "q_0.425": 5.508775886820478, "q_0.45": 5.569843877203429, "q_0.475": 5.678347134066301, "q_0.5": 5.773454518537434, "q_0.525": 5.886105011789981, "q_0.55": 6.087499373460008, "q_0.575": 6.166671893644826, "q_0.6": 6.251313585511198, "q_0.625": 6.345091246477267, "q_0.65": 6.451875145234029, "q_0.675": 6.49436389982853, "q_0.7": 6.654975900260792, "q_0.725": 6.6954419437597, "q_0.75": 6.809549107129772, "q_0.775": 6.8982771758681185, "q_0.8": 6.959047488980644, "q_0.825": 7.0433988184683685, "q_0.85": 7.095665621339528, "q_0.875": 7.173017440070793, "q_0.9": 7.303611598224526, "q_0.925": 7.484458296526635, "q_0.95": 7.530502547889955, "q_0.975": 7.699648512881511, "q_1": 8.350605653893716}, {"x": 43.57743097238896, "y": 5.8113512300418835, "y_true": 3.8194126591836444, "y_pred": 5.77433135497657, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.870270084783503, "q_0.05": 3.978082321979567, "q_0.075": 4.09295049811656, "q_0.1": 4.2510013864745355, "q_0.125": 4.3075720372474695, "q_0.15": 4.394361878070937, "q_0.175": 4.518214254087626, "q_0.2": 4.636025148763184, "q_0.225": 4.758775600430898, "q_0.25": 4.876300922834117, "q_0.275": 4.936857362874977, "q_0.3": 5.035331047471773, "q_0.325": 5.134040926735094, "q_0.35": 5.236730700678295, "q_0.375": 5.342937656487511, "q_0.4": 5.407795904004388, "q_0.425": 5.508775886820478, "q_0.45": 5.569843877203429, "q_0.475": 5.678347134066301, "q_0.5": 5.77433135497657, "q_0.525": 5.886105011789981, "q_0.55": 6.087499373460008, "q_0.575": 6.166671893644826, "q_0.6": 6.251313585511198, "q_0.625": 6.345091246477267, "q_0.65": 6.451875145234029, "q_0.675": 6.507863533141688, "q_0.7": 6.657930086880654, "q_0.725": 6.6954419437597, "q_0.75": 6.812323555565416, "q_0.775": 6.8982771758681185, "q_0.8": 6.959203447694513, "q_0.825": 7.0433988184683685, "q_0.85": 7.095665621339528, "q_0.875": 7.1775743802712535, "q_0.9": 7.303611598224526, "q_0.925": 7.484458296526635, "q_0.95": 7.530502547889955, "q_0.975": 7.699648512881511, "q_1": 8.350605653893716}, {"x": 43.61744697879152, "y": 5.165680393444788, "y_true": 3.8202902525281357, "y_pred": 5.783031141582168, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.890429119135321, "q_0.05": 3.979584120101391, "q_0.075": 4.108785346341911, "q_0.1": 4.271015264611869, "q_0.125": 4.3075720372474695, "q_0.15": 4.394361878070937, "q_0.175": 4.518214254087626, "q_0.2": 4.637356298509388, "q_0.225": 4.761465645334576, "q_0.25": 4.885248411887277, "q_0.275": 4.936857362874977, "q_0.3": 5.035331047471773, "q_0.325": 5.134040926735094, "q_0.35": 5.251305429080203, "q_0.375": 5.342937656487511, "q_0.4": 5.407795904004388, "q_0.425": 5.508775886820478, "q_0.45": 5.569843877203429, "q_0.475": 5.678347134066301, "q_0.5": 5.783031141582168, "q_0.525": 5.886105011789981, "q_0.55": 6.087499373460008, "q_0.575": 6.166671893644826, "q_0.6": 6.251313585511198, "q_0.625": 6.352281704541352, "q_0.65": 6.454343177345563, "q_0.675": 6.507863533141688, "q_0.7": 6.657930086880654, "q_0.725": 6.7104379315465135, "q_0.75": 6.812323555565416, "q_0.775": 6.9036364853327825, "q_0.8": 6.962945242890364, "q_0.825": 7.049884809491566, "q_0.85": 7.105755522534984, "q_0.875": 7.186720061721006, "q_0.9": 7.309012012122501, "q_0.925": 7.489627098039405, "q_0.95": 7.559253690893296, "q_0.975": 7.699648512881511, "q_1": 8.350605653893716}, {"x": 43.65746298519408, "y": 4.2781032883980785, "y_true": 3.8211670763778027, "y_pred": 5.783031141582168, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.890429119135321, "q_0.05": 3.979584120101391, "q_0.075": 4.108785346341911, "q_0.1": 4.271015264611869, "q_0.125": 4.3075720372474695, "q_0.15": 4.394361878070937, "q_0.175": 4.518214254087626, "q_0.2": 4.637356298509388, "q_0.225": 4.761465645334576, "q_0.25": 4.885248411887277, "q_0.275": 4.936857362874977, "q_0.3": 5.035331047471773, "q_0.325": 5.134040926735094, "q_0.35": 5.251305429080203, "q_0.375": 5.342937656487511, "q_0.4": 5.407795904004388, "q_0.425": 5.508775886820478, "q_0.45": 5.569843877203429, "q_0.475": 5.678347134066301, "q_0.5": 5.783031141582168, "q_0.525": 5.886105011789981, "q_0.55": 6.087499373460008, "q_0.575": 6.166671893644826, "q_0.6": 6.251313585511198, "q_0.625": 6.352281704541352, "q_0.65": 6.454343177345563, "q_0.675": 6.507863533141688, "q_0.7": 6.657930086880654, "q_0.725": 6.7104379315465135, "q_0.75": 6.812323555565416, "q_0.775": 6.9036364853327825, "q_0.8": 6.962945242890364, "q_0.825": 7.049884809491566, "q_0.85": 7.105755522534984, "q_0.875": 7.186720061721006, "q_0.9": 7.309012012122501, "q_0.925": 7.489627098039405, "q_0.95": 7.559253690893296, "q_0.975": 7.699648512881511, "q_1": 8.350605653893716}, {"x": 43.69747899159664, "y": 6.690604747733197, "y_true": 3.8220431320808865, "y_pred": 5.783031141582168, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.890429119135321, "q_0.05": 3.979584120101391, "q_0.075": 4.111068382018161, "q_0.1": 4.271828158606835, "q_0.125": 4.331266554023453, "q_0.15": 4.404153214886817, "q_0.175": 4.521081568301867, "q_0.2": 4.637356298509388, "q_0.225": 4.761465645334576, "q_0.25": 4.885248411887277, "q_0.275": 4.936857362874977, "q_0.3": 5.045065994911716, "q_0.325": 5.141263186917729, "q_0.35": 5.251422081944615, "q_0.375": 5.3615518218203295, "q_0.4": 5.407795904004388, "q_0.425": 5.508775886820478, "q_0.45": 5.569843877203429, "q_0.475": 5.680116126954365, "q_0.5": 5.783031141582168, "q_0.525": 5.886105011789981, "q_0.55": 6.126331203044849, "q_0.575": 6.167747892366451, "q_0.6": 6.262837166853249, "q_0.625": 6.365611531052373, "q_0.65": 6.459344460901524, "q_0.675": 6.51015583193452, "q_0.7": 6.665954088408167, "q_0.725": 6.72762611268005, "q_0.75": 6.8192697241043785, "q_0.775": 6.907808121481193, "q_0.8": 6.965319847274817, "q_0.825": 7.065958062458219, "q_0.85": 7.106151108103749, "q_0.875": 7.203217120438564, "q_0.9": 7.325282589647719, "q_0.925": 7.498113162592052, "q_0.95": 7.559253690893296, "q_0.975": 7.704953745544701, "q_1": 8.350605653893716}, {"x": 43.7374949979992, "y": 7.186720061721006, "y_true": 3.822918420982088, "y_pred": 5.783031141582168, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.890429119135321, "q_0.05": 3.979584120101391, "q_0.075": 4.111068382018161, "q_0.1": 4.271828158606835, "q_0.125": 4.331266554023453, "q_0.15": 4.404153214886817, "q_0.175": 4.521081568301867, "q_0.2": 4.637356298509388, "q_0.225": 4.761465645334576, "q_0.25": 4.885248411887277, "q_0.275": 4.936857362874977, "q_0.3": 5.045065994911716, "q_0.325": 5.141263186917729, "q_0.35": 5.251422081944615, "q_0.375": 5.3615518218203295, "q_0.4": 5.407795904004388, "q_0.425": 5.508775886820478, "q_0.45": 5.569843877203429, "q_0.475": 5.680116126954365, "q_0.5": 5.783031141582168, "q_0.525": 5.886105011789981, "q_0.55": 6.126331203044849, "q_0.575": 6.167747892366451, "q_0.6": 6.262837166853249, "q_0.625": 6.365611531052373, "q_0.65": 6.459344460901524, "q_0.675": 6.51015583193452, "q_0.7": 6.665954088408167, "q_0.725": 6.72762611268005, "q_0.75": 6.8192697241043785, "q_0.775": 6.907808121481193, "q_0.8": 6.965319847274817, "q_0.825": 7.065958062458219, "q_0.85": 7.106151108103749, "q_0.875": 7.203217120438564, "q_0.9": 7.325282589647719, "q_0.925": 7.498113162592052, "q_0.95": 7.559253690893296, "q_0.975": 7.704953745544701, "q_1": 8.350605653893716}, {"x": 43.77751100440176, "y": 4.204920604080426, "y_true": 3.8237929444225784, "y_pred": 5.783031141582168, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.890429119135321, "q_0.05": 3.979584120101391, "q_0.075": 4.111068382018161, "q_0.1": 4.271828158606835, "q_0.125": 4.331266554023453, "q_0.15": 4.404153214886817, "q_0.175": 4.521081568301867, "q_0.2": 4.637356298509388, "q_0.225": 4.761465645334576, "q_0.25": 4.885248411887277, "q_0.275": 4.936857362874977, "q_0.3": 5.045065994911716, "q_0.325": 5.141263186917729, "q_0.35": 5.251422081944615, "q_0.375": 5.3615518218203295, "q_0.4": 5.407795904004388, "q_0.425": 5.508775886820478, "q_0.45": 5.569843877203429, "q_0.475": 5.680116126954365, "q_0.5": 5.783031141582168, "q_0.525": 5.886105011789981, "q_0.55": 6.126331203044849, "q_0.575": 6.167747892366451, "q_0.6": 6.262837166853249, "q_0.625": 6.365611531052373, "q_0.65": 6.459344460901524, "q_0.675": 6.51015583193452, "q_0.7": 6.665954088408167, "q_0.725": 6.72762611268005, "q_0.75": 6.8192697241043785, "q_0.775": 6.907808121481193, "q_0.8": 6.965319847274817, "q_0.825": 7.065958062458219, "q_0.85": 7.106151108103749, "q_0.875": 7.203217120438564, "q_0.9": 7.325282589647719, "q_0.925": 7.498113162592052, "q_0.95": 7.559253690893296, "q_0.975": 7.704953745544701, "q_1": 8.350605653893716}, {"x": 43.817527010804326, "y": 6.710780833392947, "y_true": 3.8246667037400166, "y_pred": 5.783031141582168, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.890429119135321, "q_0.05": 3.979584120101391, "q_0.075": 4.111068382018161, "q_0.1": 4.271828158606835, "q_0.125": 4.331266554023453, "q_0.15": 4.404153214886817, "q_0.175": 4.521081568301867, "q_0.2": 4.658711517982521, "q_0.225": 4.761465645334576, "q_0.25": 4.888772666825256, "q_0.275": 4.936857362874977, "q_0.3": 5.045065994911716, "q_0.325": 5.141263186917729, "q_0.35": 5.251422081944615, "q_0.375": 5.3615518218203295, "q_0.4": 5.413052805033671, "q_0.425": 5.508775886820478, "q_0.45": 5.572482639826347, "q_0.475": 5.680116126954365, "q_0.5": 5.783031141582168, "q_0.525": 5.896533308901491, "q_0.55": 6.12908589278443, "q_0.575": 6.167747892366451, "q_0.6": 6.262837166853249, "q_0.625": 6.365611531052373, "q_0.65": 6.462962586402595, "q_0.675": 6.51015583193452, "q_0.7": 6.665954088408167, "q_0.725": 6.739029346385659, "q_0.75": 6.8192697241043785, "q_0.775": 6.9265908013145685, "q_0.8": 6.965319847274817, "q_0.825": 7.065958062458219, "q_0.85": 7.106151108103749, "q_0.875": 7.203990983280248, "q_0.9": 7.329586185680565, "q_0.925": 7.498113162592052, "q_0.95": 7.559253690893296, "q_0.975": 7.704953745544701, "q_1": 8.350605653893716}, {"x": 43.857543017206886, "y": 3.890429119135321, "y_true": 3.825539700268555, "y_pred": 5.783031141582168, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.890429119135321, "q_0.05": 3.979584120101391, "q_0.075": 4.111068382018161, "q_0.1": 4.271828158606835, "q_0.125": 4.331266554023453, "q_0.15": 4.404153214886817, "q_0.175": 4.521081568301867, "q_0.2": 4.658711517982521, "q_0.225": 4.761465645334576, "q_0.25": 4.888772666825256, "q_0.275": 4.936857362874977, "q_0.3": 5.045065994911716, "q_0.325": 5.141263186917729, "q_0.35": 5.251422081944615, "q_0.375": 5.3615518218203295, "q_0.4": 5.413052805033671, "q_0.425": 5.508775886820478, "q_0.45": 5.572482639826347, "q_0.475": 5.680116126954365, "q_0.5": 5.783031141582168, "q_0.525": 5.896533308901491, "q_0.55": 6.12908589278443, "q_0.575": 6.167747892366451, "q_0.6": 6.262837166853249, "q_0.625": 6.365611531052373, "q_0.65": 6.462962586402595, "q_0.675": 6.51015583193452, "q_0.7": 6.665954088408167, "q_0.725": 6.739029346385659, "q_0.75": 6.8192697241043785, "q_0.775": 6.9265908013145685, "q_0.8": 6.965319847274817, "q_0.825": 7.065958062458219, "q_0.85": 7.106151108103749, "q_0.875": 7.203990983280248, "q_0.9": 7.329586185680565, "q_0.925": 7.498113162592052, "q_0.95": 7.559253690893296, "q_0.975": 7.704953745544701, "q_1": 8.350605653893716}, {"x": 43.897559023609446, "y": 7.505459640160026, "y_true": 3.826411935338857, "y_pred": 5.8113512300418835, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.890429119135321, "q_0.05": 3.986526029621062, "q_0.075": 4.1218232669049515, "q_0.1": 4.27536769755606, "q_0.125": 4.3436102864082, "q_0.15": 4.441696003187549, "q_0.175": 4.5808494163937, "q_0.2": 4.665422589602663, "q_0.225": 4.783772503764348, "q_0.25": 4.894947785189663, "q_0.275": 4.955720988370454, "q_0.3": 5.084668395031892, "q_0.325": 5.164967520975808, "q_0.35": 5.286940140213808, "q_0.375": 5.373524653579246, "q_0.4": 5.429067265936801, "q_0.425": 5.5161034848371715, "q_0.45": 5.596197385576483, "q_0.475": 5.693242084446407, "q_0.5": 5.8113512300418835, "q_0.525": 5.900806625736318, "q_0.55": 6.145811128810768, "q_0.575": 6.185318079855138, "q_0.6": 6.271309337268203, "q_0.625": 6.375321789501001, "q_0.65": 6.475082619659686, "q_0.675": 6.567324734442829, "q_0.7": 6.675079238341156, "q_0.725": 6.757343395456734, "q_0.75": 6.8340923655005525, "q_0.775": 6.944732131840182, "q_0.8": 6.986633512608696, "q_0.825": 7.074316859151154, "q_0.85": 7.110456675747525, "q_0.875": 7.265420303827962, "q_0.9": 7.363870009768699, "q_0.925": 7.500916760847806, "q_0.95": 7.581158473169777, "q_0.975": 7.713279231665364, "q_1": 8.350605653893716}, {"x": 43.937575030012006, "y": 6.167747892366451, "y_true": 3.8272834102781053, "y_pred": 5.8128111056012735, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.90534738851618, "q_0.05": 3.986526029621062, "q_0.075": 4.1218232669049515, "q_0.1": 4.2787871181567905, "q_0.125": 4.343943727416559, "q_0.15": 4.460486351845997, "q_0.175": 4.5808494163937, "q_0.2": 4.665422589602663, "q_0.225": 4.787285173594916, "q_0.25": 4.896821574928517, "q_0.275": 4.9602003327052175, "q_0.3": 5.084668395031892, "q_0.325": 5.165680393444788, "q_0.35": 5.289126834881126, "q_0.375": 5.373524653579246, "q_0.4": 5.443071112494653, "q_0.425": 5.516986682213815, "q_0.45": 5.605612913662584, "q_0.475": 5.7011699923444175, "q_0.5": 5.8128111056012735, "q_0.525": 5.9308279997096065, "q_0.55": 6.145811128810768, "q_0.575": 6.218800839753577, "q_0.6": 6.299772939475638, "q_0.625": 6.392785686480926, "q_0.65": 6.475082619659686, "q_0.675": 6.583499982177306, "q_0.7": 6.684542071478193, "q_0.725": 6.78005558442292, "q_0.75": 6.85301778366183, "q_0.775": 6.9462980892058255, "q_0.8": 6.989018274918326, "q_0.825": 7.081019501896454, "q_0.85": 7.1144450602403815, "q_0.875": 7.271846270275043, "q_0.9": 7.372770930943545, "q_0.925": 7.502285855193768, "q_0.95": 7.581158473169777, "q_0.975": 7.720562189265623, "q_1": 8.350605653893716}, {"x": 43.977591036414566, "y": 5.9308279997096065, "y_true": 3.828154126410018, "y_pred": 5.8128111056012735, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.90534738851618, "q_0.05": 3.986526029621062, "q_0.075": 4.1218232669049515, "q_0.1": 4.2787871181567905, "q_0.125": 4.347606948412228, "q_0.15": 4.482762043517262, "q_0.175": 4.581208346808396, "q_0.2": 4.671423009467839, "q_0.225": 4.810885689049004, "q_0.25": 4.909365837454605, "q_0.275": 4.961930446636361, "q_0.3": 5.097073359111136, "q_0.325": 5.165680393444788, "q_0.35": 5.290215727365148, "q_0.375": 5.380267819921747, "q_0.4": 5.452291878953412, "q_0.425": 5.5262024339768, "q_0.45": 5.605612913662584, "q_0.475": 5.721728809124186, "q_0.5": 5.8128111056012735, "q_0.525": 5.9308279997096065, "q_0.55": 6.147903247744509, "q_0.575": 6.220095836224706, "q_0.6": 6.305348612831134, "q_0.625": 6.393580121720733, "q_0.65": 6.4777042327958245, "q_0.675": 6.591982800210019, "q_0.7": 6.687848398930965, "q_0.725": 6.789883435653076, "q_0.75": 6.874872671732287, "q_0.775": 6.947672830813641, "q_0.8": 7.009896962615171, "q_0.825": 7.081019501896454, "q_0.85": 7.126925553910155, "q_0.875": 7.282279073914468, "q_0.9": 7.372770930943545, "q_0.925": 7.505459640160026, "q_0.95": 7.5863544222920725, "q_0.975": 7.728221570660173, "q_1": 8.350605653893716}, {"x": 44.017607042817126, "y": 4.955720988370454, "y_true": 3.8290240850548565, "y_pred": 5.8128111056012735, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.90534738851618, "q_0.05": 3.986526029621062, "q_0.075": 4.1218232669049515, "q_0.1": 4.2787871181567905, "q_0.125": 4.347606948412228, "q_0.15": 4.482762043517262, "q_0.175": 4.5848821471711805, "q_0.2": 4.671423009467839, "q_0.225": 4.810885689049004, "q_0.25": 4.909365837454605, "q_0.275": 4.961930446636361, "q_0.3": 5.097073359111136, "q_0.325": 5.165680393444788, "q_0.35": 5.293790197765075, "q_0.375": 5.380267819921747, "q_0.4": 5.452291878953412, "q_0.425": 5.5262024339768, "q_0.45": 5.606764434349211, "q_0.475": 5.7260770285449505, "q_0.5": 5.8128111056012735, "q_0.525": 5.9308279997096065, "q_0.55": 6.147903247744509, "q_0.575": 6.222956394507974, "q_0.6": 6.305348612831134, "q_0.625": 6.395220100590806, "q_0.65": 6.4777042327958245, "q_0.675": 6.591982800210019, "q_0.7": 6.687848398930965, "q_0.725": 6.789883435653076, "q_0.75": 6.874872671732287, "q_0.775": 6.947950637275577, "q_0.8": 7.013591013188307, "q_0.825": 7.086538961463197, "q_0.85": 7.133566376914873, "q_0.875": 7.285662691296467, "q_0.9": 7.432407535192752, "q_0.925": 7.505459640160026, "q_0.95": 7.5863544222920725, "q_0.975": 7.735699598519275, "q_1": 8.350605653893716}, {"x": 44.05762304921969, "y": 7.36858224384209, "y_true": 3.8298932875294405, "y_pred": 5.8128111056012735, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.90534738851618, "q_0.05": 3.986526029621062, "q_0.075": 4.1218232669049515, "q_0.1": 4.2787871181567905, "q_0.125": 4.347606948412228, "q_0.15": 4.482762043517262, "q_0.175": 4.5848821471711805, "q_0.2": 4.671423009467839, "q_0.225": 4.810885689049004, "q_0.25": 4.909365837454605, "q_0.275": 4.961930446636361, "q_0.3": 5.097073359111136, "q_0.325": 5.165680393444788, "q_0.35": 5.293790197765075, "q_0.375": 5.380267819921747, "q_0.4": 5.452291878953412, "q_0.425": 5.5262024339768, "q_0.45": 5.606764434349211, "q_0.475": 5.7260770285449505, "q_0.5": 5.8128111056012735, "q_0.525": 5.9308279997096065, "q_0.55": 6.147903247744509, "q_0.575": 6.222956394507974, "q_0.6": 6.305348612831134, "q_0.625": 6.395220100590806, "q_0.65": 6.4777042327958245, "q_0.675": 6.591982800210019, "q_0.7": 6.687848398930965, "q_0.725": 6.789883435653076, "q_0.75": 6.874872671732287, "q_0.775": 6.947950637275577, "q_0.8": 7.013591013188307, "q_0.825": 7.086538961463197, "q_0.85": 7.133566376914873, "q_0.875": 7.285662691296467, "q_0.9": 7.432407535192752, "q_0.925": 7.505459640160026, "q_0.95": 7.5863544222920725, "q_0.975": 7.735699598519275, "q_1": 8.350605653893716}, {"x": 44.09763905562225, "y": 4.843551038072556, "y_true": 3.8307617351471586, "y_pred": 5.8128111056012735, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.932256793888082, "q_0.05": 3.991892136289005, "q_0.075": 4.122302381529171, "q_0.1": 4.2787871181567905, "q_0.125": 4.347606948412228, "q_0.15": 4.482762043517262, "q_0.175": 4.5848821471711805, "q_0.2": 4.671423009467839, "q_0.225": 4.810885689049004, "q_0.25": 4.9094411838194745, "q_0.275": 4.961930446636361, "q_0.3": 5.097073359111136, "q_0.325": 5.165680393444788, "q_0.35": 5.293790197765075, "q_0.375": 5.380267819921747, "q_0.4": 5.452291878953412, "q_0.425": 5.5262024339768, "q_0.45": 5.606967643882146, "q_0.475": 5.7260770285449505, "q_0.5": 5.8128111056012735, "q_0.525": 5.9308279997096065, "q_0.55": 6.149186327608602, "q_0.575": 6.222956394507974, "q_0.6": 6.305348612831134, "q_0.625": 6.40640674168122, "q_0.65": 6.4777042327958245, "q_0.675": 6.591982800210019, "q_0.7": 6.6900672953369185, "q_0.725": 6.796693131461655, "q_0.75": 6.87538470553876, "q_0.775": 6.947950637275577, "q_0.8": 7.013591013188307, "q_0.825": 7.086538961463197, "q_0.85": 7.133566376914873, "q_0.875": 7.285662691296467, "q_0.9": 7.432407535192752, "q_0.925": 7.505459640160026, "q_0.95": 7.5863544222920725, "q_0.975": 7.735699598519275, "q_1": 8.350605653893716}, {"x": 44.13765506202481, "y": 6.986633512608696, "y_true": 3.8316294292179807, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 3.991892136289005, "q_0.075": 4.1297396857595, "q_0.1": 4.279355501564982, "q_0.125": 4.347606948412228, "q_0.15": 4.482762043517262, "q_0.175": 4.5848821471711805, "q_0.2": 4.671423009467839, "q_0.225": 4.820690945452143, "q_0.25": 4.9094411838194745, "q_0.275": 4.9651042140046835, "q_0.3": 5.097073359111136, "q_0.325": 5.165680393444788, "q_0.35": 5.293790197765075, "q_0.375": 5.380267819921747, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.606967643882146, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.951479115102467, "q_0.55": 6.151969434046788, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.40640674168122, "q_0.65": 6.480218367589153, "q_0.675": 6.601616879484233, "q_0.7": 6.6900672953369185, "q_0.725": 6.797446669766952, "q_0.75": 6.890610821089597, "q_0.775": 6.957989572911767, "q_0.8": 7.041674651878425, "q_0.825": 7.088056572014871, "q_0.85": 7.1392490646782765, "q_0.875": 7.285662691296467, "q_0.9": 7.446020005529373, "q_0.925": 7.505459640160026, "q_0.95": 7.5863544222920725, "q_0.975": 7.735699598519275, "q_1": 8.350605653893716}, {"x": 44.17767106842737, "y": 7.5863544222920725, "y_true": 3.8324963710484696, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 4.001216687292553, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.3514634685602, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.83900096267989, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.49436389982853, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.089347137727554, "q_0.85": 7.15012057883883, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.21768707482993, "y": 6.8192697241043785, "y_true": 3.833362561941793, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 4.001216687292553, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.3514634685602, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.83900096267989, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.49436389982853, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.089347137727554, "q_0.85": 7.15012057883883, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.25770308123249, "y": 5.8128111056012735, "y_true": 3.834228003197735, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 4.001216687292553, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.3514634685602, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.83900096267989, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.49436389982853, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.089347137727554, "q_0.85": 7.15012057883883, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.29771908763506, "y": 4.087050824118204, "y_true": 3.835092696112708, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 4.001216687292553, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.3514634685602, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.83900096267989, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.49436389982853, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.089347137727554, "q_0.85": 7.15012057883883, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.33773509403762, "y": 5.637808825368412, "y_true": 3.835956641979764, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 4.001216687292553, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.3514634685602, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.83900096267989, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.49436389982853, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.089347137727554, "q_0.85": 7.15012057883883, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.37775110044018, "y": 5.508775886820478, "y_true": 3.836819842088607, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 4.001216687292553, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.3514634685602, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.83900096267989, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.49436389982853, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.089347137727554, "q_0.85": 7.15012057883883, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.41776710684274, "y": 4.611532395617609, "y_true": 3.8376822977256047, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 3.991892136289005, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.352748975276191, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.839964647797142, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.480218367589153, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.095665621339528, "q_0.85": 7.151894971260996, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.4577831132453, "y": 5.45528654643082, "y_true": 3.8385440101737975, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 3.991892136289005, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.352748975276191, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.839964647797142, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.480218367589153, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.095665621339528, "q_0.85": 7.151894971260996, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.49779911964786, "y": 5.20520435895069, "y_true": 3.8394049807129136, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 3.991892136289005, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.352748975276191, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.839964647797142, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.480218367589153, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.095665621339528, "q_0.85": 7.151894971260996, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.537815126050425, "y": 4.465300613746695, "y_true": 3.840265210619378, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 3.991892136289005, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.352748975276191, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.839964647797142, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.480218367589153, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.095665621339528, "q_0.85": 7.151894971260996, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.577831132452985, "y": 5.526918566800015, "y_true": 3.8411247011663234, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 3.991892136289005, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.352748975276191, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.839964647797142, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.480218367589153, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.095665621339528, "q_0.85": 7.151894971260996, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.617847138855545, "y": 4.845957870427977, "y_true": 3.8419834536236044, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 3.991892136289005, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.352748975276191, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.839964647797142, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.480218367589153, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.095665621339528, "q_0.85": 7.151894971260996, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.657863145258105, "y": 5.837733778524463, "y_true": 3.842841469257806, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 3.991892136289005, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.352748975276191, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.839964647797142, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.480218367589153, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.095665621339528, "q_0.85": 7.151894971260996, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.697879151660665, "y": 3.978082321979567, "y_true": 3.8436987493322556, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 3.991892136289005, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.352748975276191, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.839964647797142, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.480218367589153, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.095665621339528, "q_0.85": 7.151894971260996, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.737895158063225, "y": 7.309012012122501, "y_true": 3.844555295107035, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.001216687292553, "q_0.075": 4.1693165751878345, "q_0.1": 4.279355501564982, "q_0.125": 4.360488882284714, "q_0.15": 4.486765629118752, "q_0.175": 4.607863496884008, "q_0.2": 4.6993936558912655, "q_0.225": 4.843551038072556, "q_0.25": 4.9227058523285345, "q_0.275": 4.981246200893748, "q_0.3": 5.113263378116729, "q_0.325": 5.20520435895069, "q_0.35": 5.319239185848991, "q_0.375": 5.3812903189554415, "q_0.4": 5.45528654643082, "q_0.425": 5.526542597067826, "q_0.45": 5.613426229379003, "q_0.475": 5.743059371733642, "q_0.5": 5.817480042329025, "q_0.525": 5.989441443190204, "q_0.55": 6.152797806255528, "q_0.575": 6.228369435935068, "q_0.6": 6.307554511583209, "q_0.625": 6.422594742018269, "q_0.65": 6.49436389982853, "q_0.675": 6.64615580544274, "q_0.7": 6.690604747733197, "q_0.725": 6.809549107129772, "q_0.75": 6.8982771758681185, "q_0.775": 6.959203447694513, "q_0.8": 7.049884809491566, "q_0.825": 7.105755522534984, "q_0.85": 7.173017440070793, "q_0.875": 7.303611598224526, "q_0.9": 7.457908853071276, "q_0.925": 7.513275429487973, "q_0.95": 7.6349000581069655, "q_0.975": 7.76888055408128, "q_1": 8.568949105019012}, {"x": 44.777911164465785, "y": 6.967026315509443, "y_true": 3.8454111078389897, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.001216687292553, "q_0.075": 4.1693165751878345, "q_0.1": 4.279355501564982, "q_0.125": 4.360488882284714, "q_0.15": 4.486765629118752, "q_0.175": 4.607863496884008, "q_0.2": 4.6993936558912655, "q_0.225": 4.843551038072556, "q_0.25": 4.9227058523285345, "q_0.275": 4.981246200893748, "q_0.3": 5.113263378116729, "q_0.325": 5.20520435895069, "q_0.35": 5.319239185848991, "q_0.375": 5.3812903189554415, "q_0.4": 5.45528654643082, "q_0.425": 5.526542597067826, "q_0.45": 5.613426229379003, "q_0.475": 5.743059371733642, "q_0.5": 5.817480042329025, "q_0.525": 5.989441443190204, "q_0.55": 6.152797806255528, "q_0.575": 6.228369435935068, "q_0.6": 6.307554511583209, "q_0.625": 6.422594742018269, "q_0.65": 6.49436389982853, "q_0.675": 6.64615580544274, "q_0.7": 6.690604747733197, "q_0.725": 6.809549107129772, "q_0.75": 6.8982771758681185, "q_0.775": 6.959203447694513, "q_0.8": 7.049884809491566, "q_0.825": 7.105755522534984, "q_0.85": 7.173017440070793, "q_0.875": 7.303611598224526, "q_0.9": 7.457908853071276, "q_0.925": 7.513275429487973, "q_0.95": 7.6349000581069655, "q_0.975": 7.76888055408128, "q_1": 8.568949105019012}, {"x": 44.81792717086835, "y": 5.959710438444023, "y_true": 3.8462661887817426, "y_pred": 5.8189678098003395, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.022071673267338, "q_0.075": 4.182691680591658, "q_0.1": 4.28118379660951, "q_0.125": 4.369192312444039, "q_0.15": 4.505482959481341, "q_0.175": 4.609025084519022, "q_0.2": 4.710314112810036, "q_0.225": 4.843551038072556, "q_0.25": 4.931114362328738, "q_0.275": 4.989640083841659, "q_0.3": 5.120782424789921, "q_0.325": 5.20520435895069, "q_0.35": 5.319239185848991, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.613426229379003, "q_0.475": 5.746991044011962, "q_0.5": 5.8189678098003395, "q_0.525": 6.026732097997497, "q_0.55": 6.159056956340137, "q_0.575": 6.24056933934931, "q_0.6": 6.3092835525930475, "q_0.625": 6.422594742018269, "q_0.65": 6.507863533141688, "q_0.675": 6.650981183363797, "q_0.7": 6.693256184228506, "q_0.725": 6.812323555565416, "q_0.75": 6.9036364853327825, "q_0.775": 6.96528613619982, "q_0.8": 7.055294660711404, "q_0.825": 7.105755522534984, "q_0.85": 7.173017440070793, "q_0.875": 7.309012012122501, "q_0.9": 7.463056352753851, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.76888055408128, "q_1": 8.568949105019012}, {"x": 44.85794317727091, "y": 7.105755522534984, "y_true": 3.8471205391857017, "y_pred": 5.8189678098003395, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.022071673267338, "q_0.075": 4.182691680591658, "q_0.1": 4.28118379660951, "q_0.125": 4.369192312444039, "q_0.15": 4.505482959481341, "q_0.175": 4.609025084519022, "q_0.2": 4.710314112810036, "q_0.225": 4.843551038072556, "q_0.25": 4.931114362328738, "q_0.275": 4.989640083841659, "q_0.3": 5.120782424789921, "q_0.325": 5.20520435895069, "q_0.35": 5.319239185848991, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.613426229379003, "q_0.475": 5.746991044011962, "q_0.5": 5.8189678098003395, "q_0.525": 6.026732097997497, "q_0.55": 6.159056956340137, "q_0.575": 6.24056933934931, "q_0.6": 6.3092835525930475, "q_0.625": 6.422594742018269, "q_0.65": 6.507863533141688, "q_0.675": 6.650981183363797, "q_0.7": 6.693256184228506, "q_0.725": 6.812323555565416, "q_0.75": 6.9036364853327825, "q_0.775": 6.96528613619982, "q_0.8": 7.055294660711404, "q_0.825": 7.105755522534984, "q_0.85": 7.173017440070793, "q_0.875": 7.309012012122501, "q_0.9": 7.463056352753851, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.76888055408128, "q_1": 8.568949105019012}, {"x": 44.89795918367347, "y": 7.530502547889955, "y_true": 3.8479741602980746, "y_pred": 5.8189678098003395, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.022071673267338, "q_0.075": 4.182691680591658, "q_0.1": 4.28118379660951, "q_0.125": 4.369192312444039, "q_0.15": 4.505482959481341, "q_0.175": 4.609025084519022, "q_0.2": 4.710314112810036, "q_0.225": 4.843551038072556, "q_0.25": 4.931114362328738, "q_0.275": 4.989640083841659, "q_0.3": 5.120782424789921, "q_0.325": 5.20520435895069, "q_0.35": 5.319239185848991, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.613426229379003, "q_0.475": 5.746991044011962, "q_0.5": 5.8189678098003395, "q_0.525": 6.026732097997497, "q_0.55": 6.159056956340137, "q_0.575": 6.24056933934931, "q_0.6": 6.3092835525930475, "q_0.625": 6.422594742018269, "q_0.65": 6.507863533141688, "q_0.675": 6.650981183363797, "q_0.7": 6.693256184228506, "q_0.725": 6.812323555565416, "q_0.75": 6.9036364853327825, "q_0.775": 6.96528613619982, "q_0.8": 7.055294660711404, "q_0.825": 7.105755522534984, "q_0.85": 7.173017440070793, "q_0.875": 7.309012012122501, "q_0.9": 7.463056352753851, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.76888055408128, "q_1": 8.568949105019012}, {"x": 44.93797519007603, "y": 4.271828158606835, "y_true": 3.8488270533628763, "y_pred": 5.8189678098003395, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.022071673267338, "q_0.075": 4.182691680591658, "q_0.1": 4.28118379660951, "q_0.125": 4.369192312444039, "q_0.15": 4.505482959481341, "q_0.175": 4.609025084519022, "q_0.2": 4.710314112810036, "q_0.225": 4.843551038072556, "q_0.25": 4.931114362328738, "q_0.275": 4.989640083841659, "q_0.3": 5.120782424789921, "q_0.325": 5.20520435895069, "q_0.35": 5.319239185848991, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.613426229379003, "q_0.475": 5.746991044011962, "q_0.5": 5.8189678098003395, "q_0.525": 6.026732097997497, "q_0.55": 6.159056956340137, "q_0.575": 6.24056933934931, "q_0.6": 6.3092835525930475, "q_0.625": 6.422594742018269, "q_0.65": 6.507863533141688, "q_0.675": 6.650981183363797, "q_0.7": 6.693256184228506, "q_0.725": 6.812323555565416, "q_0.75": 6.9036364853327825, "q_0.775": 6.96528613619982, "q_0.8": 7.055294660711404, "q_0.825": 7.105755522534984, "q_0.85": 7.173017440070793, "q_0.875": 7.309012012122501, "q_0.9": 7.463056352753851, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.76888055408128, "q_1": 8.568949105019012}, {"x": 44.97799119647859, "y": 6.264606100395435, "y_true": 3.8496792196209424, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.035775417732042, "q_0.075": 4.182691680591658, "q_0.1": 4.283243525352373, "q_0.125": 4.3762248716476595, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.843551038072556, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.1226554097052235, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.451875145234029, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.907808121481193, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.321362508402874, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.01800720288115, "y": 7.671882404954735, "y_true": 3.850530660309939, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.035775417732042, "q_0.075": 4.182691680591658, "q_0.1": 4.283243525352373, "q_0.125": 4.3762248716476595, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.843551038072556, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.1226554097052235, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.451875145234029, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.907808121481193, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.321362508402874, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.05802320928372, "y": 7.6349000581069655, "y_true": 3.851381376664373, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.035775417732042, "q_0.075": 4.182691680591658, "q_0.1": 4.283243525352373, "q_0.125": 4.3762248716476595, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.843551038072556, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.1226554097052235, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.451875145234029, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.907808121481193, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.321362508402874, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.09803921568628, "y": 6.163423239964418, "y_true": 3.852231369915603, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.035775417732042, "q_0.075": 4.182691680591658, "q_0.1": 4.283243525352373, "q_0.125": 4.3762248716476595, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.843551038072556, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.1226554097052235, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.451875145234029, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.907808121481193, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.321362508402874, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.13805522208884, "y": 4.3436102864082, "y_true": 3.853080641291852, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.035775417732042, "q_0.075": 4.182691680591658, "q_0.1": 4.283243525352373, "q_0.125": 4.3762248716476595, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.843551038072556, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.1226554097052235, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.451875145234029, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.907808121481193, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.321362508402874, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.1780712284914, "y": 6.089018654140633, "y_true": 3.8539291920182137, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.035775417732042, "q_0.075": 4.182691680591658, "q_0.1": 4.283243525352373, "q_0.125": 4.3762248716476595, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.843551038072556, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.1226554097052235, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.451875145234029, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.907808121481193, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.321362508402874, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.21808723489396, "y": 3.862691537907575, "y_true": 3.8547770233166685, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.035775417732042, "q_0.075": 4.182691680591658, "q_0.1": 4.283243525352373, "q_0.125": 4.3762248716476595, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.843551038072556, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.1226554097052235, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.451875145234029, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.907808121481193, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.321362508402874, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.25810324129652, "y": 4.618297266647813, "y_true": 3.8556241364060897, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.298119247699084, "y": 7.523299742234963, "y_true": 3.8564705325022564, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.338135254101644, "y": 5.124874775655833, "y_true": 3.8573162128178624, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.378151260504204, "y": 6.307554511583209, "y_true": 3.8581611785625283, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.418167266906764, "y": 4.936857362874977, "y_true": 3.859005430942811, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.458183273309324, "y": 7.498113162592052, "y_true": 3.859848971162213, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.49819927971188, "y": 6.657930086880654, "y_true": 3.8606918004211948, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.53821528611445, "y": 5.127484626543795, "y_true": 3.861533919917184, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.57823129251701, "y": 6.9036364853327825, "y_true": 3.8623753308445847, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.61824729891957, "y": 4.2787871181567905, "y_true": 3.8632160343947906, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.65826330532213, "y": 5.371678888514724, "y_true": 3.8640560317561907, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.69827931172469, "y": 4.71519306064387, "y_true": 3.8648953241141832, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.73829531812725, "y": 6.49436389982853, "y_true": 3.8657339126511836, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.77831132452982, "y": 4.260520744798736, "y_true": 3.8665717985466364, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.81832733093238, "y": 5.394479411185489, "y_true": 3.8674089829770213, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.85834333733494, "y": 4.932552688902458, "y_true": 3.868245467115868, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85693264038902, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.451875145234029, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.907808121481193, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.898359343737496, "y": 5.817480042329025, "y_true": 3.8690812521337636, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85693264038902, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.451875145234029, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.907808121481193, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.938375350140056, "y": 5.216614980798683, "y_true": 3.869916339198361, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.189093809614454, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85693264038902, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.068705675007118, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.925467917049231, "q_0.775": 6.974000092888221, "q_0.8": 7.073043550409165, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.329586185680565, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.635063297987422, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.978391356542616, "y": 6.590210868042265, "y_true": 3.8707507294743917, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.189093809614454, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85693264038902, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.068705675007118, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.925467917049231, "q_0.775": 6.974000092888221, "q_0.8": 7.073043550409165, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.329586185680565, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.635063297987422, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 46.01840736294518, "y": 3.9662192189256635, "y_true": 3.8715844241236734, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.189093809614454, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85693264038902, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.068705675007118, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.925467917049231, "q_0.775": 6.974000092888221, "q_0.8": 7.073043550409165, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.329586185680565, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.635063297987422, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 46.05842336934774, "y": 6.3141482371854885, "y_true": 3.8724174243051213, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.189093809614454, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85693264038902, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.068705675007118, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.925467917049231, "q_0.775": 6.974000092888221, "q_0.8": 7.073043550409165, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.329586185680565, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.635063297987422, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 46.0984393757503, "y": 4.761465645334576, "y_true": 3.873249731174755, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.189093809614454, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85693264038902, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.068705675007118, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.925467917049231, "q_0.775": 6.974000092888221, "q_0.8": 7.073043550409165, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.329586185680565, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.635063297987422, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 46.13845538215286, "y": 4.9094411838194745, "y_true": 3.8740813458857124, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.189093809614454, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85693264038902, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.068705675007118, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.925467917049231, "q_0.775": 6.974000092888221, "q_0.8": 7.073043550409165, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.329586185680565, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.635063297987422, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 46.17847138855542, "y": 6.959047488980644, "y_true": 3.874912269588255, "y_pred": 5.886105011789981, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.957489211833787, "q_0.05": 4.06235744331653, "q_0.075": 4.192121719521206, "q_0.1": 4.303241173291312, "q_0.125": 4.383429840009689, "q_0.15": 4.51115508859659, "q_0.175": 4.620467243062304, "q_0.2": 4.731697955527121, "q_0.225": 4.876300922834117, "q_0.25": 4.936857362874977, "q_0.275": 5.045065994911716, "q_0.3": 5.13321653313719, "q_0.325": 5.225660716586008, "q_0.35": 5.3399790009292065, "q_0.375": 5.391379062328635, "q_0.4": 5.481153573906607, "q_0.425": 5.539419070834594, "q_0.45": 5.676922069924459, "q_0.475": 5.783031141582168, "q_0.5": 5.886105011789981, "q_0.525": 6.126331203044849, "q_0.55": 6.167747892366451, "q_0.575": 6.251313585511198, "q_0.6": 6.345091246477267, "q_0.625": 6.465043620658768, "q_0.65": 6.562639768728845, "q_0.675": 6.675079238341156, "q_0.7": 6.757343395456734, "q_0.725": 6.844044526630338, "q_0.75": 6.947672830813641, "q_0.775": 7.009896962615171, "q_0.8": 7.077785349853828, "q_0.825": 7.110456675747525, "q_0.85": 7.259281786558782, "q_0.875": 7.362569481123359, "q_0.9": 7.498113162592052, "q_0.925": 7.559253690893296, "q_0.95": 7.671882404954735, "q_0.975": 7.7919426184128975, "q_1": 8.568949105019012}, {"x": 46.21848739495798, "y": 7.559253690893296, "y_true": 3.8757425034297808, "y_pred": 5.886105011789981, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.957489211833787, "q_0.05": 4.06235744331653, "q_0.075": 4.192121719521206, "q_0.1": 4.303241173291312, "q_0.125": 4.383429840009689, "q_0.15": 4.51115508859659, "q_0.175": 4.620467243062304, "q_0.2": 4.731697955527121, "q_0.225": 4.876300922834117, "q_0.25": 4.936857362874977, "q_0.275": 5.045065994911716, "q_0.3": 5.13321653313719, "q_0.325": 5.225660716586008, "q_0.35": 5.3399790009292065, "q_0.375": 5.391379062328635, "q_0.4": 5.481153573906607, "q_0.425": 5.539419070834594, "q_0.45": 5.676922069924459, "q_0.475": 5.783031141582168, "q_0.5": 5.886105011789981, "q_0.525": 6.126331203044849, "q_0.55": 6.167747892366451, "q_0.575": 6.251313585511198, "q_0.6": 6.345091246477267, "q_0.625": 6.465043620658768, "q_0.65": 6.562639768728845, "q_0.675": 6.675079238341156, "q_0.7": 6.757343395456734, "q_0.725": 6.844044526630338, "q_0.75": 6.947672830813641, "q_0.775": 7.009896962615171, "q_0.8": 7.077785349853828, "q_0.825": 7.110456675747525, "q_0.85": 7.259281786558782, "q_0.875": 7.362569481123359, "q_0.9": 7.498113162592052, "q_0.925": 7.559253690893296, "q_0.95": 7.671882404954735, "q_0.975": 7.7919426184128975, "q_1": 8.568949105019012}, {"x": 46.25850340136055, "y": 5.097073359111136, "y_true": 3.8765720485548307, "y_pred": 5.896533308901491, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.957489211833787, "q_0.05": 4.06235744331653, "q_0.075": 4.20314220142323, "q_0.1": 4.303241173291312, "q_0.125": 4.386547959431385, "q_0.15": 4.51115508859659, "q_0.175": 4.620467243062304, "q_0.2": 4.731697955527121, "q_0.225": 4.878558884371987, "q_0.25": 4.936857362874977, "q_0.275": 5.045065994911716, "q_0.3": 5.134040926735094, "q_0.325": 5.251305429080203, "q_0.35": 5.3399790009292065, "q_0.375": 5.391379062328635, "q_0.4": 5.481153573906607, "q_0.425": 5.539811865538276, "q_0.45": 5.678347134066301, "q_0.475": 5.783031141582168, "q_0.5": 5.896533308901491, "q_0.525": 6.126331203044849, "q_0.55": 6.167747892366451, "q_0.575": 6.251313585511198, "q_0.6": 6.352281704541352, "q_0.625": 6.465178563104686, "q_0.65": 6.562639768728845, "q_0.675": 6.675079238341156, "q_0.7": 6.760228930404921, "q_0.725": 6.86205166742157, "q_0.75": 6.947672830813641, "q_0.775": 7.009896962615171, "q_0.8": 7.081019501896454, "q_0.825": 7.110456675747525, "q_0.85": 7.265420303827962, "q_0.875": 7.362569481123359, "q_0.9": 7.498113162592052, "q_0.925": 7.559253690893296, "q_0.95": 7.671882404954735, "q_0.975": 7.7919426184128975, "q_1": 8.568949105019012}, {"x": 46.29851940776311, "y": 7.065958062458219, "y_true": 3.8774009061051014, "y_pred": 5.896533308901491, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.957489211833787, "q_0.05": 4.06235744331653, "q_0.075": 4.20314220142323, "q_0.1": 4.303241173291312, "q_0.125": 4.386547959431385, "q_0.15": 4.51115508859659, "q_0.175": 4.620467243062304, "q_0.2": 4.731697955527121, "q_0.225": 4.878558884371987, "q_0.25": 4.936857362874977, "q_0.275": 5.045065994911716, "q_0.3": 5.134040926735094, "q_0.325": 5.251305429080203, "q_0.35": 5.3399790009292065, "q_0.375": 5.391379062328635, "q_0.4": 5.481153573906607, "q_0.425": 5.539811865538276, "q_0.45": 5.678347134066301, "q_0.475": 5.783031141582168, "q_0.5": 5.896533308901491, "q_0.525": 6.126331203044849, "q_0.55": 6.167747892366451, "q_0.575": 6.251313585511198, "q_0.6": 6.352281704541352, "q_0.625": 6.465178563104686, "q_0.65": 6.562639768728845, "q_0.675": 6.675079238341156, "q_0.7": 6.760228930404921, "q_0.725": 6.86205166742157, "q_0.75": 6.947672830813641, "q_0.775": 7.009896962615171, "q_0.8": 7.081019501896454, "q_0.825": 7.110456675747525, "q_0.85": 7.265420303827962, "q_0.875": 7.362569481123359, "q_0.9": 7.498113162592052, "q_0.925": 7.559253690893296, "q_0.95": 7.671882404954735, "q_0.975": 7.7919426184128975, "q_1": 8.568949105019012}, {"x": 46.33853541416567, "y": 4.279355501564982, "y_true": 3.8782290772194514, "y_pred": 5.896533308901491, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.957489211833787, "q_0.05": 4.06706166985257, "q_0.075": 4.211287775002987, "q_0.1": 4.303241173291312, "q_0.125": 4.386547959431385, "q_0.15": 4.51115508859659, "q_0.175": 4.620467243062304, "q_0.2": 4.731697955527121, "q_0.225": 4.878558884371987, "q_0.25": 4.936857362874977, "q_0.275": 5.045065994911716, "q_0.3": 5.134040926735094, "q_0.325": 5.251305429080203, "q_0.35": 5.3399790009292065, "q_0.375": 5.395930777257884, "q_0.4": 5.4934499542244986, "q_0.425": 5.539811865538276, "q_0.45": 5.678347134066301, "q_0.475": 5.783031141582168, "q_0.5": 5.896533308901491, "q_0.525": 6.130004122697612, "q_0.55": 6.167747892366451, "q_0.575": 6.262837166853249, "q_0.6": 6.365611531052373, "q_0.625": 6.473844612590304, "q_0.65": 6.567324734442829, "q_0.675": 6.679354131929909, "q_0.7": 6.78005558442292, "q_0.725": 6.874872671732287, "q_0.75": 6.947950637275577, "q_0.775": 7.013591013188307, "q_0.8": 7.081019501896454, "q_0.825": 7.110456675747525, "q_0.85": 7.265420303827962, "q_0.875": 7.363870009768699, "q_0.9": 7.498113162592052, "q_0.925": 7.559253690893296, "q_0.95": 7.671882404954735, "q_0.975": 7.82033352456636, "q_1": 8.568949105019012}, {"x": 46.37855142056823, "y": 6.325065319230509, "y_true": 3.8790565630339136, "y_pred": 5.896533308901491, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.957489211833787, "q_0.05": 4.06706166985257, "q_0.075": 4.211287775002987, "q_0.1": 4.303241173291312, "q_0.125": 4.386547959431385, "q_0.15": 4.51115508859659, "q_0.175": 4.620467243062304, "q_0.2": 4.731697955527121, "q_0.225": 4.878558884371987, "q_0.25": 4.936857362874977, "q_0.275": 5.045065994911716, "q_0.3": 5.134040926735094, "q_0.325": 5.251305429080203, "q_0.35": 5.3399790009292065, "q_0.375": 5.395930777257884, "q_0.4": 5.4934499542244986, "q_0.425": 5.539811865538276, "q_0.45": 5.678347134066301, "q_0.475": 5.783031141582168, "q_0.5": 5.896533308901491, "q_0.525": 6.130004122697612, "q_0.55": 6.167747892366451, "q_0.575": 6.262837166853249, "q_0.6": 6.365611531052373, "q_0.625": 6.473844612590304, "q_0.65": 6.567324734442829, "q_0.675": 6.679354131929909, "q_0.7": 6.78005558442292, "q_0.725": 6.874872671732287, "q_0.75": 6.947950637275577, "q_0.775": 7.013591013188307, "q_0.8": 7.081019501896454, "q_0.825": 7.110456675747525, "q_0.85": 7.265420303827962, "q_0.875": 7.363870009768699, "q_0.9": 7.498113162592052, "q_0.925": 7.559253690893296, "q_0.95": 7.671882404954735, "q_0.975": 7.82033352456636, "q_1": 8.568949105019012}, {"x": 46.41856742697079, "y": 6.778127425305961, "y_true": 3.8798833646817017, "y_pred": 5.896533308901491, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.957489211833787, "q_0.05": 4.06706166985257, "q_0.075": 4.211287775002987, "q_0.1": 4.303241173291312, "q_0.125": 4.386547959431385, "q_0.15": 4.51115508859659, "q_0.175": 4.620467243062304, "q_0.2": 4.731697955527121, "q_0.225": 4.878558884371987, "q_0.25": 4.936857362874977, "q_0.275": 5.045065994911716, "q_0.3": 5.134040926735094, "q_0.325": 5.251305429080203, "q_0.35": 5.3399790009292065, "q_0.375": 5.395930777257884, "q_0.4": 5.4934499542244986, "q_0.425": 5.539811865538276, "q_0.45": 5.678347134066301, "q_0.475": 5.783031141582168, "q_0.5": 5.896533308901491, "q_0.525": 6.130004122697612, "q_0.55": 6.167747892366451, "q_0.575": 6.262837166853249, "q_0.6": 6.365611531052373, "q_0.625": 6.473844612590304, "q_0.65": 6.567324734442829, "q_0.675": 6.679354131929909, "q_0.7": 6.78005558442292, "q_0.725": 6.874872671732287, "q_0.75": 6.947950637275577, "q_0.775": 7.013591013188307, "q_0.8": 7.081019501896454, "q_0.825": 7.110456675747525, "q_0.85": 7.265420303827962, "q_0.875": 7.363870009768699, "q_0.9": 7.498113162592052, "q_0.925": 7.559253690893296, "q_0.95": 7.671882404954735, "q_0.975": 7.82033352456636, "q_1": 8.568949105019012}, {"x": 46.45858343337335, "y": 4.482762043517262, "y_true": 3.880709483293222, "y_pred": 5.900806625736318, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.957489211833787, "q_0.05": 4.078828774192702, "q_0.075": 4.211287775002987, "q_0.1": 4.303241173291312, "q_0.125": 4.386547959431385, "q_0.15": 4.515095438240721, "q_0.175": 4.62491878862851, "q_0.2": 4.731697955527121, "q_0.225": 4.885248411887277, "q_0.25": 4.951412658082369, "q_0.275": 5.045065994911716, "q_0.3": 5.134040926735094, "q_0.325": 5.251422081944615, "q_0.35": 5.3399790009292065, "q_0.375": 5.40151772933469, "q_0.4": 5.508775886820478, "q_0.425": 5.568939382488213, "q_0.45": 5.680116126954365, "q_0.475": 5.802539059625862, "q_0.5": 5.900806625736318, "q_0.525": 6.1363701305086895, "q_0.55": 6.167747892366451, "q_0.575": 6.264606100395435, "q_0.6": 6.371714549575328, "q_0.625": 6.475082619659686, "q_0.65": 6.583499982177306, "q_0.675": 6.684542071478193, "q_0.7": 6.789883435653076, "q_0.725": 6.87538470553876, "q_0.75": 6.957989572911767, "q_0.775": 7.0433988184683685, "q_0.8": 7.086538961463197, "q_0.825": 7.1144450602403815, "q_0.85": 7.271846270275043, "q_0.875": 7.372770930943545, "q_0.9": 7.498113162592052, "q_0.925": 7.568223174389312, "q_0.95": 7.671882404954735, "q_0.975": 7.82033352456636, "q_1": 8.568949105019012}, {"x": 46.498599439775916, "y": 5.5262024339768, "y_true": 3.88153491999608, "y_pred": 5.900806625736318, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.957489211833787, "q_0.05": 4.078828774192702, "q_0.075": 4.211287775002987, "q_0.1": 4.303241173291312, "q_0.125": 4.386547959431385, "q_0.15": 4.515095438240721, "q_0.175": 4.62491878862851, "q_0.2": 4.731697955527121, "q_0.225": 4.885248411887277, "q_0.25": 4.951412658082369, "q_0.275": 5.045065994911716, "q_0.3": 5.134040926735094, "q_0.325": 5.251422081944615, "q_0.35": 5.3399790009292065, "q_0.375": 5.40151772933469, "q_0.4": 5.508775886820478, "q_0.425": 5.568939382488213, "q_0.45": 5.680116126954365, "q_0.475": 5.802539059625862, "q_0.5": 5.900806625736318, "q_0.525": 6.1363701305086895, "q_0.55": 6.167747892366451, "q_0.575": 6.264606100395435, "q_0.6": 6.371714549575328, "q_0.625": 6.475082619659686, "q_0.65": 6.583499982177306, "q_0.675": 6.684542071478193, "q_0.7": 6.789883435653076, "q_0.725": 6.87538470553876, "q_0.75": 6.957989572911767, "q_0.775": 7.0433988184683685, "q_0.8": 7.086538961463197, "q_0.825": 7.1144450602403815, "q_0.85": 7.271846270275043, "q_0.875": 7.372770930943545, "q_0.9": 7.498113162592052, "q_0.925": 7.568223174389312, "q_0.95": 7.671882404954735, "q_0.975": 7.82033352456636, "q_1": 8.568949105019012}, {"x": 46.538615446178476, "y": 7.329586185680565, "y_true": 3.8823596759150933, "y_pred": 5.951479115102467, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.961847294659666, "q_0.05": 4.0831525913378846, "q_0.075": 4.2510013864745355, "q_0.1": 4.3075720372474695, "q_0.125": 4.394361878070937, "q_0.15": 4.521081568301867, "q_0.175": 4.639379334929002, "q_0.2": 4.744322151526749, "q_0.225": 4.889067854114831, "q_0.25": 4.9602003327052175, "q_0.275": 5.084668395031892, "q_0.3": 5.160711380239443, "q_0.325": 5.287488820414848, "q_0.35": 5.342937656487511, "q_0.375": 5.40151772933469, "q_0.4": 5.509503614918328, "q_0.425": 5.569843877203429, "q_0.45": 5.693242084446407, "q_0.475": 5.8128111056012735, "q_0.5": 5.951479115102467, "q_0.525": 6.145811128810768, "q_0.55": 6.218800839753577, "q_0.575": 6.299772939475638, "q_0.6": 6.392785686480926, "q_0.625": 6.478961300192492, "q_0.65": 6.601616879484233, "q_0.675": 6.687848398930965, "q_0.7": 6.800119118863604, "q_0.725": 6.8982771758681185, "q_0.75": 6.959203447694513, "q_0.775": 7.055294660711404, "q_0.8": 7.095665621339528, "q_0.825": 7.1392490646782765, "q_0.85": 7.285662691296467, "q_0.875": 7.432407535192752, "q_0.9": 7.502437976787764, "q_0.925": 7.577660059559987, "q_0.95": 7.699648512881511, "q_0.975": 7.825322018467288, "q_1": 8.568949105019012}, {"x": 46.578631452581035, "y": 4.283243525352373, "y_true": 3.883183752172297, "y_pred": 5.951479115102467, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.961847294659666, "q_0.05": 4.0831525913378846, "q_0.075": 4.2510013864745355, "q_0.1": 4.3075720372474695, "q_0.125": 4.394361878070937, "q_0.15": 4.521081568301867, "q_0.175": 4.639379334929002, "q_0.2": 4.744322151526749, "q_0.225": 4.889067854114831, "q_0.25": 4.9602003327052175, "q_0.275": 5.084668395031892, "q_0.3": 5.160711380239443, "q_0.325": 5.287488820414848, "q_0.35": 5.342937656487511, "q_0.375": 5.40151772933469, "q_0.4": 5.509503614918328, "q_0.425": 5.569843877203429, "q_0.45": 5.693242084446407, "q_0.475": 5.8128111056012735, "q_0.5": 5.951479115102467, "q_0.525": 6.145811128810768, "q_0.55": 6.218800839753577, "q_0.575": 6.299772939475638, "q_0.6": 6.392785686480926, "q_0.625": 6.478961300192492, "q_0.65": 6.601616879484233, "q_0.675": 6.687848398930965, "q_0.7": 6.800119118863604, "q_0.725": 6.8982771758681185, "q_0.75": 6.959203447694513, "q_0.775": 7.055294660711404, "q_0.8": 7.095665621339528, "q_0.825": 7.1392490646782765, "q_0.85": 7.285662691296467, "q_0.875": 7.432407535192752, "q_0.9": 7.502437976787764, "q_0.925": 7.577660059559987, "q_0.95": 7.699648512881511, "q_0.975": 7.825322018467288, "q_1": 8.568949105019012}, {"x": 46.618647458983595, "y": 3.9539174431272, "y_true": 3.8840071498869557, "y_pred": 5.951479115102467, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.961847294659666, "q_0.05": 4.0831525913378846, "q_0.075": 4.2510013864745355, "q_0.1": 4.3075720372474695, "q_0.125": 4.394361878070937, "q_0.15": 4.521081568301867, "q_0.175": 4.639379334929002, "q_0.2": 4.744322151526749, "q_0.225": 4.889067854114831, "q_0.25": 4.9602003327052175, "q_0.275": 5.084668395031892, "q_0.3": 5.160711380239443, "q_0.325": 5.287488820414848, "q_0.35": 5.342937656487511, "q_0.375": 5.40151772933469, "q_0.4": 5.509503614918328, "q_0.425": 5.569843877203429, "q_0.45": 5.693242084446407, "q_0.475": 5.8128111056012735, "q_0.5": 5.951479115102467, "q_0.525": 6.145811128810768, "q_0.55": 6.218800839753577, "q_0.575": 6.299772939475638, "q_0.6": 6.392785686480926, "q_0.625": 6.478961300192492, "q_0.65": 6.601616879484233, "q_0.675": 6.687848398930965, "q_0.7": 6.800119118863604, "q_0.725": 6.8982771758681185, "q_0.75": 6.959203447694513, "q_0.775": 7.055294660711404, "q_0.8": 7.095665621339528, "q_0.825": 7.1392490646782765, "q_0.85": 7.285662691296467, "q_0.875": 7.432407535192752, "q_0.9": 7.502437976787764, "q_0.925": 7.577660059559987, "q_0.95": 7.699648512881511, "q_0.975": 7.825322018467288, "q_1": 8.568949105019012}, {"x": 46.658663465386155, "y": 6.166889825150549, "y_true": 3.8848298701755706, "y_pred": 5.951479115102467, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.961847294659666, "q_0.05": 4.0831525913378846, "q_0.075": 4.2510013864745355, "q_0.1": 4.3075720372474695, "q_0.125": 4.394361878070937, "q_0.15": 4.521081568301867, "q_0.175": 4.639379334929002, "q_0.2": 4.744322151526749, "q_0.225": 4.889067854114831, "q_0.25": 4.9602003327052175, "q_0.275": 5.084668395031892, "q_0.3": 5.160711380239443, "q_0.325": 5.287488820414848, "q_0.35": 5.342937656487511, "q_0.375": 5.40151772933469, "q_0.4": 5.509503614918328, "q_0.425": 5.569843877203429, "q_0.45": 5.693242084446407, "q_0.475": 5.8128111056012735, "q_0.5": 5.951479115102467, "q_0.525": 6.145811128810768, "q_0.55": 6.218800839753577, "q_0.575": 6.299772939475638, "q_0.6": 6.392785686480926, "q_0.625": 6.478961300192492, "q_0.65": 6.601616879484233, "q_0.675": 6.687848398930965, "q_0.7": 6.800119118863604, "q_0.725": 6.8982771758681185, "q_0.75": 6.959203447694513, "q_0.775": 7.055294660711404, "q_0.8": 7.095665621339528, "q_0.825": 7.1392490646782765, "q_0.85": 7.285662691296467, "q_0.875": 7.432407535192752, "q_0.9": 7.502437976787764, "q_0.925": 7.577660059559987, "q_0.95": 7.699648512881511, "q_0.975": 7.825322018467288, "q_1": 8.568949105019012}, {"x": 46.698679471788715, "y": 5.568939382488213, "y_true": 3.8856519141518904, "y_pred": 5.989441443190204, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.111068382018161, "q_0.075": 4.271828158606835, "q_0.1": 4.3436102864082, "q_0.125": 4.42070350360095, "q_0.15": 4.564510061852096, "q_0.175": 4.6638580261609865, "q_0.2": 4.761465645334576, "q_0.225": 4.9094411838194745, "q_0.25": 4.966974597924747, "q_0.275": 5.097073359111136, "q_0.3": 5.165680393444788, "q_0.325": 5.290215727365148, "q_0.35": 5.371678888514724, "q_0.375": 5.423618812332768, "q_0.4": 5.516986682213815, "q_0.425": 5.605612913662584, "q_0.45": 5.7260770285449505, "q_0.475": 5.817480042329025, "q_0.5": 5.989441443190204, "q_0.525": 6.152797806255528, "q_0.55": 6.228179537087993, "q_0.575": 6.307554511583209, "q_0.6": 6.422594742018269, "q_0.625": 6.507863533141688, "q_0.65": 6.64615580544274, "q_0.675": 6.693256184228506, "q_0.7": 6.8192697241043785, "q_0.725": 6.9265908013145685, "q_0.75": 6.974000092888221, "q_0.775": 7.073043550409165, "q_0.8": 7.105755522534984, "q_0.825": 7.173017440070793, "q_0.85": 7.309012012122501, "q_0.875": 7.446020005529373, "q_0.9": 7.505505452941607, "q_0.925": 7.5863544222920725, "q_0.95": 7.704953745544701, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 46.738695478191275, "y": 6.974000092888221, "y_true": 3.886473282926918, "y_pred": 6.034011598917915, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.111068382018161, "q_0.075": 4.271828158606835, "q_0.1": 4.3436102864082, "q_0.125": 4.42070350360095, "q_0.15": 4.5808494163937, "q_0.175": 4.665422589602663, "q_0.2": 4.761465645334576, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.371678888514724, "q_0.375": 5.429067265936801, "q_0.4": 5.520626841439223, "q_0.425": 5.605612913662584, "q_0.45": 5.7260770285449505, "q_0.475": 5.837733778524463, "q_0.5": 6.034011598917915, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.4358306629812265, "q_0.625": 6.507863533141688, "q_0.65": 6.650981183363797, "q_0.675": 6.693256184228506, "q_0.7": 6.82245125481038, "q_0.725": 6.9265908013145685, "q_0.75": 6.977296285700267, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.173017440070793, "q_0.85": 7.309012012122501, "q_0.875": 7.446020005529373, "q_0.9": 7.505505452941607, "q_0.925": 7.5863544222920725, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 46.77871148459384, "y": 7.457908853071276, "y_true": 3.887293977608922, "y_pred": 6.034011598917915, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.111068382018161, "q_0.075": 4.271828158606835, "q_0.1": 4.3436102864082, "q_0.125": 4.42070350360095, "q_0.15": 4.5808494163937, "q_0.175": 4.665422589602663, "q_0.2": 4.761465645334576, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.371678888514724, "q_0.375": 5.429067265936801, "q_0.4": 5.520626841439223, "q_0.425": 5.605612913662584, "q_0.45": 5.7260770285449505, "q_0.475": 5.837733778524463, "q_0.5": 6.034011598917915, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.4358306629812265, "q_0.625": 6.507863533141688, "q_0.65": 6.650981183363797, "q_0.675": 6.693256184228506, "q_0.7": 6.82245125481038, "q_0.725": 6.9265908013145685, "q_0.75": 6.977296285700267, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.173017440070793, "q_0.85": 7.309012012122501, "q_0.875": 7.446020005529373, "q_0.9": 7.505505452941607, "q_0.925": 7.5863544222920725, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 46.8187274909964, "y": 5.045065994911716, "y_true": 3.888113999303444, "y_pred": 6.034011598917915, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.111068382018161, "q_0.075": 4.271828158606835, "q_0.1": 4.3436102864082, "q_0.125": 4.42070350360095, "q_0.15": 4.5808494163937, "q_0.175": 4.665422589602663, "q_0.2": 4.761465645334576, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.371678888514724, "q_0.375": 5.429067265936801, "q_0.4": 5.520626841439223, "q_0.425": 5.605612913662584, "q_0.45": 5.7260770285449505, "q_0.475": 5.837733778524463, "q_0.5": 6.034011598917915, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.4358306629812265, "q_0.625": 6.507863533141688, "q_0.65": 6.650981183363797, "q_0.675": 6.693256184228506, "q_0.7": 6.82245125481038, "q_0.725": 6.9265908013145685, "q_0.75": 6.977296285700267, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.173017440070793, "q_0.85": 7.309012012122501, "q_0.875": 7.446020005529373, "q_0.9": 7.505505452941607, "q_0.925": 7.5863544222920725, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 46.85874349739896, "y": 5.391379062328635, "y_true": 3.8889333491133096, "y_pred": 6.034011598917915, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.111068382018161, "q_0.075": 4.271828158606835, "q_0.1": 4.3436102864082, "q_0.125": 4.42070350360095, "q_0.15": 4.5808494163937, "q_0.175": 4.665422589602663, "q_0.2": 4.761465645334576, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.371678888514724, "q_0.375": 5.429067265936801, "q_0.4": 5.520626841439223, "q_0.425": 5.605612913662584, "q_0.45": 5.7260770285449505, "q_0.475": 5.837733778524463, "q_0.5": 6.034011598917915, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.4358306629812265, "q_0.625": 6.507863533141688, "q_0.65": 6.650981183363797, "q_0.675": 6.693256184228506, "q_0.7": 6.82245125481038, "q_0.725": 6.9265908013145685, "q_0.75": 6.977296285700267, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.173017440070793, "q_0.85": 7.309012012122501, "q_0.875": 7.446020005529373, "q_0.9": 7.505505452941607, "q_0.925": 7.5863544222920725, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 46.89875950380152, "y": 5.77118230326571, "y_true": 3.8897520281386337, "y_pred": 6.034011598917915, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.111068382018161, "q_0.075": 4.271828158606835, "q_0.1": 4.3436102864082, "q_0.125": 4.42070350360095, "q_0.15": 4.5808494163937, "q_0.175": 4.665422589602663, "q_0.2": 4.761465645334576, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.371678888514724, "q_0.375": 5.429067265936801, "q_0.4": 5.520626841439223, "q_0.425": 5.605612913662584, "q_0.45": 5.7260770285449505, "q_0.475": 5.837733778524463, "q_0.5": 6.034011598917915, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.4358306629812265, "q_0.625": 6.507863533141688, "q_0.65": 6.650981183363797, "q_0.675": 6.693256184228506, "q_0.7": 6.82245125481038, "q_0.725": 6.9265908013145685, "q_0.75": 6.977296285700267, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.173017440070793, "q_0.85": 7.309012012122501, "q_0.875": 7.446020005529373, "q_0.9": 7.505505452941607, "q_0.925": 7.5863544222920725, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 46.93877551020408, "y": 6.166671893644826, "y_true": 3.890570037476833, "y_pred": 6.067237734445141, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.441696003187549, "q_0.15": 4.581208346808396, "q_0.175": 4.665422589602663, "q_0.2": 4.768596663405027, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.373524653579246, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.606967643882146, "q_0.45": 5.740762275671127, "q_0.475": 5.837733778524463, "q_0.5": 6.067237734445141, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.454343177345563, "q_0.625": 6.51015583193452, "q_0.65": 6.654975900260792, "q_0.675": 6.6954419437597, "q_0.7": 6.828714929954261, "q_0.725": 6.9377376395973425, "q_0.75": 6.986633512608696, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.186720061721006, "q_0.85": 7.315017438005959, "q_0.875": 7.457908853071276, "q_0.9": 7.505505452941607, "q_0.925": 7.601521945496781, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 46.97879151660664, "y": 7.699648512881511, "y_true": 3.8913873782226323, "y_pred": 6.067237734445141, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.441696003187549, "q_0.15": 4.581208346808396, "q_0.175": 4.665422589602663, "q_0.2": 4.768596663405027, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.373524653579246, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.606967643882146, "q_0.45": 5.740762275671127, "q_0.475": 5.837733778524463, "q_0.5": 6.067237734445141, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.454343177345563, "q_0.625": 6.51015583193452, "q_0.65": 6.654975900260792, "q_0.675": 6.6954419437597, "q_0.7": 6.828714929954261, "q_0.725": 6.9377376395973425, "q_0.75": 6.986633512608696, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.186720061721006, "q_0.85": 7.315017438005959, "q_0.875": 7.457908853071276, "q_0.9": 7.505505452941607, "q_0.925": 7.601521945496781, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 47.01880752300921, "y": 6.591982800210019, "y_true": 3.8922040514680747, "y_pred": 6.067237734445141, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.441696003187549, "q_0.15": 4.581208346808396, "q_0.175": 4.665422589602663, "q_0.2": 4.768596663405027, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.373524653579246, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.606967643882146, "q_0.45": 5.740762275671127, "q_0.475": 5.837733778524463, "q_0.5": 6.067237734445141, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.454343177345563, "q_0.625": 6.51015583193452, "q_0.65": 6.654975900260792, "q_0.675": 6.6954419437597, "q_0.7": 6.828714929954261, "q_0.725": 6.9377376395973425, "q_0.75": 6.986633512608696, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.186720061721006, "q_0.85": 7.315017438005959, "q_0.875": 7.457908853071276, "q_0.9": 7.505505452941607, "q_0.925": 7.601521945496781, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 47.05882352941177, "y": 5.40151772933469, "y_true": 3.8930200583025307, "y_pred": 6.067237734445141, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.441696003187549, "q_0.15": 4.581208346808396, "q_0.175": 4.665422589602663, "q_0.2": 4.768596663405027, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.373524653579246, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.606967643882146, "q_0.45": 5.740762275671127, "q_0.475": 5.837733778524463, "q_0.5": 6.067237734445141, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.454343177345563, "q_0.625": 6.51015583193452, "q_0.65": 6.654975900260792, "q_0.675": 6.6954419437597, "q_0.7": 6.828714929954261, "q_0.725": 6.9377376395973425, "q_0.75": 6.986633512608696, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.186720061721006, "q_0.85": 7.315017438005959, "q_0.875": 7.457908853071276, "q_0.9": 7.505505452941607, "q_0.925": 7.601521945496781, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 47.09883953581433, "y": 4.915475714883638, "y_true": 3.893835399812705, "y_pred": 6.067237734445141, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.441696003187549, "q_0.15": 4.581208346808396, "q_0.175": 4.665422589602663, "q_0.2": 4.768596663405027, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.373524653579246, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.606967643882146, "q_0.45": 5.740762275671127, "q_0.475": 5.837733778524463, "q_0.5": 6.067237734445141, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.454343177345563, "q_0.625": 6.51015583193452, "q_0.65": 6.654975900260792, "q_0.675": 6.6954419437597, "q_0.7": 6.828714929954261, "q_0.725": 6.9377376395973425, "q_0.75": 6.986633512608696, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.186720061721006, "q_0.85": 7.315017438005959, "q_0.875": 7.457908853071276, "q_0.9": 7.505505452941607, "q_0.925": 7.601521945496781, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 47.13885554221689, "y": 7.554214804013958, "y_true": 3.894650077082647, "y_pred": 6.067237734445141, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.441696003187549, "q_0.15": 4.581208346808396, "q_0.175": 4.665422589602663, "q_0.2": 4.768596663405027, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.373524653579246, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.606967643882146, "q_0.45": 5.740762275671127, "q_0.475": 5.837733778524463, "q_0.5": 6.067237734445141, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.454343177345563, "q_0.625": 6.51015583193452, "q_0.65": 6.654975900260792, "q_0.675": 6.6954419437597, "q_0.7": 6.828714929954261, "q_0.725": 6.9377376395973425, "q_0.75": 6.986633512608696, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.186720061721006, "q_0.85": 7.315017438005959, "q_0.875": 7.457908853071276, "q_0.9": 7.505505452941607, "q_0.925": 7.601521945496781, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 47.17887154861945, "y": 4.42070350360095, "y_true": 3.8954640911937584, "y_pred": 6.067237734445141, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.441696003187549, "q_0.15": 4.581208346808396, "q_0.175": 4.665422589602663, "q_0.2": 4.768596663405027, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.373524653579246, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.606967643882146, "q_0.45": 5.740762275671127, "q_0.475": 5.837733778524463, "q_0.5": 6.067237734445141, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.454343177345563, "q_0.625": 6.51015583193452, "q_0.65": 6.654975900260792, "q_0.675": 6.6954419437597, "q_0.7": 6.828714929954261, "q_0.725": 6.9377376395973425, "q_0.75": 6.986633512608696, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.186720061721006, "q_0.85": 7.315017438005959, "q_0.875": 7.457908853071276, "q_0.9": 7.505505452941607, "q_0.925": 7.601521945496781, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 47.21888755502201, "y": 6.687848398930965, "y_true": 3.8962774432248026, "y_pred": 6.081435107799955, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.453688787362178, "q_0.15": 4.58685287249369, "q_0.175": 4.665422589602663, "q_0.2": 4.783772503764348, "q_0.225": 4.920466131836241, "q_0.25": 4.989640083841659, "q_0.275": 5.113263378116729, "q_0.3": 5.20520435895069, "q_0.325": 5.30951169458147, "q_0.35": 5.380267819921747, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.610358088522938, "q_0.45": 5.746991044011962, "q_0.475": 5.840927161373823, "q_0.5": 6.081435107799955, "q_0.525": 6.159056956340137, "q_0.55": 6.24056933934931, "q_0.575": 6.3092835525930475, "q_0.6": 6.454343177345563, "q_0.625": 6.545234794393515, "q_0.65": 6.657930086880654, "q_0.675": 6.7104379315465135, "q_0.7": 6.828714929954261, "q_0.725": 6.944732131840182, "q_0.75": 6.989018274918326, "q_0.775": 7.074316859151154, "q_0.8": 7.1079310136290195, "q_0.825": 7.186720061721006, "q_0.85": 7.325282589647719, "q_0.875": 7.457908853071276, "q_0.9": 7.51211729450557, "q_0.925": 7.601521945496781, "q_0.95": 7.720562189265623, "q_0.975": 7.841111830886181, "q_1": 8.568949105019012}, {"x": 47.258903561424574, "y": 7.484458296526635, "y_true": 3.897090134251913, "y_pred": 6.081435107799955, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.453688787362178, "q_0.15": 4.58685287249369, "q_0.175": 4.665422589602663, "q_0.2": 4.783772503764348, "q_0.225": 4.920466131836241, "q_0.25": 4.989640083841659, "q_0.275": 5.113263378116729, "q_0.3": 5.20520435895069, "q_0.325": 5.30951169458147, "q_0.35": 5.380267819921747, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.610358088522938, "q_0.45": 5.746991044011962, "q_0.475": 5.840927161373823, "q_0.5": 6.081435107799955, "q_0.525": 6.159056956340137, "q_0.55": 6.24056933934931, "q_0.575": 6.3092835525930475, "q_0.6": 6.454343177345563, "q_0.625": 6.545234794393515, "q_0.65": 6.657930086880654, "q_0.675": 6.7104379315465135, "q_0.7": 6.828714929954261, "q_0.725": 6.944732131840182, "q_0.75": 6.989018274918326, "q_0.775": 7.074316859151154, "q_0.8": 7.1079310136290195, "q_0.825": 7.186720061721006, "q_0.85": 7.325282589647719, "q_0.875": 7.457908853071276, "q_0.9": 7.51211729450557, "q_0.925": 7.601521945496781, "q_0.95": 7.720562189265623, "q_0.975": 7.841111830886181, "q_1": 8.568949105019012}, {"x": 47.298919567827134, "y": 6.475082619659686, "y_true": 3.8979021653486012, "y_pred": 6.081435107799955, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.453688787362178, "q_0.15": 4.58685287249369, "q_0.175": 4.665422589602663, "q_0.2": 4.783772503764348, "q_0.225": 4.920466131836241, "q_0.25": 4.989640083841659, "q_0.275": 5.113263378116729, "q_0.3": 5.20520435895069, "q_0.325": 5.30951169458147, "q_0.35": 5.380267819921747, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.610358088522938, "q_0.45": 5.746991044011962, "q_0.475": 5.840927161373823, "q_0.5": 6.081435107799955, "q_0.525": 6.159056956340137, "q_0.55": 6.24056933934931, "q_0.575": 6.3092835525930475, "q_0.6": 6.454343177345563, "q_0.625": 6.545234794393515, "q_0.65": 6.657930086880654, "q_0.675": 6.7104379315465135, "q_0.7": 6.828714929954261, "q_0.725": 6.944732131840182, "q_0.75": 6.989018274918326, "q_0.775": 7.074316859151154, "q_0.8": 7.1079310136290195, "q_0.825": 7.186720061721006, "q_0.85": 7.325282589647719, "q_0.875": 7.457908853071276, "q_0.9": 7.51211729450557, "q_0.925": 7.601521945496781, "q_0.95": 7.720562189265623, "q_0.975": 7.841111830886181, "q_1": 8.568949105019012}, {"x": 47.338935574229694, "y": 5.539419070834594, "y_true": 3.898713537585766, "y_pred": 6.081435107799955, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.453688787362178, "q_0.15": 4.58685287249369, "q_0.175": 4.665422589602663, "q_0.2": 4.783772503764348, "q_0.225": 4.920466131836241, "q_0.25": 4.989640083841659, "q_0.275": 5.113263378116729, "q_0.3": 5.20520435895069, "q_0.325": 5.30951169458147, "q_0.35": 5.380267819921747, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.610358088522938, "q_0.45": 5.746991044011962, "q_0.475": 5.840927161373823, "q_0.5": 6.081435107799955, "q_0.525": 6.159056956340137, "q_0.55": 6.24056933934931, "q_0.575": 6.3092835525930475, "q_0.6": 6.454343177345563, "q_0.625": 6.545234794393515, "q_0.65": 6.657930086880654, "q_0.675": 6.7104379315465135, "q_0.7": 6.828714929954261, "q_0.725": 6.944732131840182, "q_0.75": 6.989018274918326, "q_0.775": 7.074316859151154, "q_0.8": 7.1079310136290195, "q_0.825": 7.186720061721006, "q_0.85": 7.325282589647719, "q_0.875": 7.457908853071276, "q_0.9": 7.51211729450557, "q_0.925": 7.601521945496781, "q_0.95": 7.720562189265623, "q_0.975": 7.841111830886181, "q_1": 8.568949105019012}, {"x": 47.378951580632254, "y": 4.671423009467839, "y_true": 3.8995242520317004, "y_pred": 6.081435107799955, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.453688787362178, "q_0.15": 4.58685287249369, "q_0.175": 4.665422589602663, "q_0.2": 4.783772503764348, "q_0.225": 4.920466131836241, "q_0.25": 4.989640083841659, "q_0.275": 5.113263378116729, "q_0.3": 5.20520435895069, "q_0.325": 5.30951169458147, "q_0.35": 5.380267819921747, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.610358088522938, "q_0.45": 5.746991044011962, "q_0.475": 5.840927161373823, "q_0.5": 6.081435107799955, "q_0.525": 6.159056956340137, "q_0.55": 6.24056933934931, "q_0.575": 6.3092835525930475, "q_0.6": 6.454343177345563, "q_0.625": 6.545234794393515, "q_0.65": 6.657930086880654, "q_0.675": 6.7104379315465135, "q_0.7": 6.828714929954261, "q_0.725": 6.944732131840182, "q_0.75": 6.989018274918326, "q_0.775": 7.074316859151154, "q_0.8": 7.1079310136290195, "q_0.825": 7.186720061721006, "q_0.85": 7.325282589647719, "q_0.875": 7.457908853071276, "q_0.9": 7.51211729450557, "q_0.925": 7.601521945496781, "q_0.95": 7.720562189265623, "q_0.975": 7.841111830886181, "q_1": 8.568949105019012}, {"x": 47.418967587034814, "y": 5.326098736512186, "y_true": 3.900334309752103, "y_pred": 6.081435107799955, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.453688787362178, "q_0.15": 4.58685287249369, "q_0.175": 4.665422589602663, "q_0.2": 4.783772503764348, "q_0.225": 4.920466131836241, "q_0.25": 4.989640083841659, "q_0.275": 5.113263378116729, "q_0.3": 5.20520435895069, "q_0.325": 5.30951169458147, "q_0.35": 5.380267819921747, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.610358088522938, "q_0.45": 5.746991044011962, "q_0.475": 5.840927161373823, "q_0.5": 6.081435107799955, "q_0.525": 6.159056956340137, "q_0.55": 6.24056933934931, "q_0.575": 6.3092835525930475, "q_0.6": 6.454343177345563, "q_0.625": 6.545234794393515, "q_0.65": 6.657930086880654, "q_0.675": 6.7104379315465135, "q_0.7": 6.828714929954261, "q_0.725": 6.944732131840182, "q_0.75": 6.989018274918326, "q_0.775": 7.074316859151154, "q_0.8": 7.1079310136290195, "q_0.825": 7.186720061721006, "q_0.85": 7.325282589647719, "q_0.875": 7.457908853071276, "q_0.9": 7.51211729450557, "q_0.925": 7.601521945496781, "q_0.95": 7.720562189265623, "q_0.975": 7.841111830886181, "q_1": 8.568949105019012}, {"x": 47.458983593437374, "y": 6.64431368326343, "y_true": 3.901143711810084, "y_pred": 6.081435107799955, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.453688787362178, "q_0.15": 4.58685287249369, "q_0.175": 4.665422589602663, "q_0.2": 4.783772503764348, "q_0.225": 4.920466131836241, "q_0.25": 4.989640083841659, "q_0.275": 5.113263378116729, "q_0.3": 5.20520435895069, "q_0.325": 5.30951169458147, "q_0.35": 5.380267819921747, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.610358088522938, "q_0.45": 5.746991044011962, "q_0.475": 5.840927161373823, "q_0.5": 6.081435107799955, "q_0.525": 6.159056956340137, "q_0.55": 6.24056933934931, "q_0.575": 6.3092835525930475, "q_0.6": 6.454343177345563, "q_0.625": 6.545234794393515, "q_0.65": 6.657930086880654, "q_0.675": 6.7104379315465135, "q_0.7": 6.828714929954261, "q_0.725": 6.944732131840182, "q_0.75": 6.989018274918326, "q_0.775": 7.074316859151154, "q_0.8": 7.1079310136290195, "q_0.825": 7.186720061721006, "q_0.85": 7.325282589647719, "q_0.875": 7.457908853071276, "q_0.9": 7.51211729450557, "q_0.925": 7.601521945496781, "q_0.95": 7.720562189265623, "q_0.975": 7.841111830886181, "q_1": 8.568949105019012}, {"x": 47.49899959983994, "y": 6.423147591394747, "y_true": 3.901952459266174, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.45528654643082, "q_0.4": 5.53079761373451, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.758136917567491, "q_0.7": 6.86205166742157, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.25659404503719, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.5390156062425, "y": 7.505505452941607, "y_true": 3.9027605531783327, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.45528654643082, "q_0.4": 5.53079761373451, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.758136917567491, "q_0.7": 6.86205166742157, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.25659404503719, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.57903161264506, "y": 7.269755350540212, "y_true": 3.903567994601957, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.45528654643082, "q_0.4": 5.53079761373451, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.758136917567491, "q_0.7": 6.86205166742157, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.25659404503719, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.61904761904762, "y": 7.074316859151154, "y_true": 3.9043747845898893, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.3812903189554415, "q_0.375": 5.45528654643082, "q_0.4": 5.526918566800015, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.757343395456734, "q_0.7": 6.856631337165711, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.247406915343263, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.65906362545018, "y": 7.446020005529373, "y_true": 3.9051809241924262, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.3812903189554415, "q_0.375": 5.45528654643082, "q_0.4": 5.526918566800015, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.757343395456734, "q_0.7": 6.856631337165711, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.247406915343263, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.69907963185274, "y": 4.9797386716114875, "y_true": 3.905986414457326, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.3812903189554415, "q_0.375": 5.45528654643082, "q_0.4": 5.526918566800015, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.757343395456734, "q_0.7": 6.856631337165711, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.247406915343263, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.73909563825531, "y": 5.342937656487511, "y_true": 3.9067912564298175, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.3812903189554415, "q_0.375": 5.45528654643082, "q_0.4": 5.526918566800015, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.757343395456734, "q_0.7": 6.856631337165711, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.247406915343263, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.77911164465787, "y": 5.384357851947599, "y_true": 3.9075954511526065, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.3812903189554415, "q_0.375": 5.45528654643082, "q_0.4": 5.526918566800015, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.757343395456734, "q_0.7": 6.856631337165711, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.247406915343263, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.81912765106043, "y": 6.087499373460008, "y_true": 3.9083989996658874, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.3812903189554415, "q_0.375": 5.45528654643082, "q_0.4": 5.526918566800015, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.757343395456734, "q_0.7": 6.856631337165711, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.247406915343263, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.85914365746299, "y": 6.507863533141688, "y_true": 3.909201903007347, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.3812903189554415, "q_0.375": 5.45528654643082, "q_0.4": 5.526918566800015, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.757343395456734, "q_0.7": 6.856631337165711, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.247406915343263, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.89915966386555, "y": 5.025263307888901, "y_true": 3.910004162212176, "y_pred": 6.123358871367403, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.45528654643082, "q_0.4": 5.53079761373451, "q_0.425": 5.644622067914058, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.123358871367403, "q_0.525": 6.166671893644826, "q_0.55": 6.249456352045211, "q_0.575": 6.325065319230509, "q_0.6": 6.4646387933210105, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.783823531596502, "q_0.7": 6.874872671732287, "q_0.725": 6.947950637275577, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.259281786558782, "q_0.85": 7.33759928006981, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.735699598519275, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.939175670268106, "y": 3.986526029621062, "y_true": 3.9108057783130743, "y_pred": 6.123358871367403, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.45528654643082, "q_0.4": 5.53079761373451, "q_0.425": 5.644622067914058, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.123358871367403, "q_0.525": 6.166671893644826, "q_0.55": 6.249456352045211, "q_0.575": 6.325065319230509, "q_0.6": 6.4646387933210105, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.783823531596502, "q_0.7": 6.874872671732287, "q_0.725": 6.947950637275577, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.259281786558782, "q_0.85": 7.33759928006981, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.735699598519275, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.97919167667067, "y": 5.465138958871356, "y_true": 3.911606752340262, "y_pred": 6.123358871367403, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.607863496884008, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.212862255489252, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.45528654643082, "q_0.4": 5.539419070834594, "q_0.425": 5.656107521638343, "q_0.45": 5.773454518537434, "q_0.475": 5.900806625736318, "q_0.5": 6.123358871367403, "q_0.525": 6.166671893644826, "q_0.55": 6.249456352045211, "q_0.575": 6.345091246477267, "q_0.6": 6.475082619659686, "q_0.625": 6.577643051367236, "q_0.65": 6.679354131929909, "q_0.675": 6.789883435653076, "q_0.7": 6.87538470553876, "q_0.725": 6.947950637275577, "q_0.75": 7.0433988184683685, "q_0.775": 7.088056572014871, "q_0.8": 7.1144450602403815, "q_0.825": 7.265420303827962, "q_0.85": 7.362569481123359, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.01920768307323, "y": 5.113263378116729, "y_true": 3.9124070853214845, "y_pred": 6.123358871367403, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.607863496884008, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.212862255489252, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.45528654643082, "q_0.4": 5.539419070834594, "q_0.425": 5.656107521638343, "q_0.45": 5.773454518537434, "q_0.475": 5.900806625736318, "q_0.5": 6.123358871367403, "q_0.525": 6.166671893644826, "q_0.55": 6.249456352045211, "q_0.575": 6.345091246477267, "q_0.6": 6.475082619659686, "q_0.625": 6.577643051367236, "q_0.65": 6.679354131929909, "q_0.675": 6.789883435653076, "q_0.7": 6.87538470553876, "q_0.725": 6.947950637275577, "q_0.75": 7.0433988184683685, "q_0.775": 7.088056572014871, "q_0.8": 7.1144450602403815, "q_0.825": 7.265420303827962, "q_0.85": 7.362569481123359, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.05922368947579, "y": 7.581158473169777, "y_true": 3.9132067782820217, "y_pred": 6.123358871367403, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.607863496884008, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.212862255489252, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.45528654643082, "q_0.4": 5.539419070834594, "q_0.425": 5.656107521638343, "q_0.45": 5.773454518537434, "q_0.475": 5.900806625736318, "q_0.5": 6.123358871367403, "q_0.525": 6.166671893644826, "q_0.55": 6.249456352045211, "q_0.575": 6.345091246477267, "q_0.6": 6.475082619659686, "q_0.625": 6.577643051367236, "q_0.65": 6.679354131929909, "q_0.675": 6.789883435653076, "q_0.7": 6.87538470553876, "q_0.725": 6.947950637275577, "q_0.75": 7.0433988184683685, "q_0.775": 7.088056572014871, "q_0.8": 7.1144450602403815, "q_0.825": 7.265420303827962, "q_0.85": 7.362569481123359, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.09923969587835, "y": 7.372770930943545, "y_true": 3.914005832244696, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.13925570228091, "y": 7.265420303827962, "y_true": 3.9148042482298786, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.17927170868347, "y": 6.459344460901524, "y_true": 3.9156020272555017, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.21928771508604, "y": 5.25784807583328, "y_true": 3.9163991703370598, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.2593037214886, "y": 6.056115202279489, "y_true": 3.917195678487623, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.29931972789116, "y": 7.095665621339528, "y_true": 3.917991552717841, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.33933573429372, "y": 4.303241173291312, "y_true": 3.9187867940359538, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.37935174069628, "y": 7.0433988184683685, "y_true": 3.919581403447798, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.41936774709884, "y": 4.080990668385973, "y_true": 3.920375381956812, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.4593837535014, "y": 7.106151108103749, "y_true": 3.921168730564049, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.499399759903966, "y": 7.073043550409165, "y_true": 3.92196145026818, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.539415766306526, "y": 4.1218232669049515, "y_true": 3.922753542065503, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.122014912754639, "q_0.075": 4.2787871181567905, "q_0.1": 4.352748975276191, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519022, "q_0.175": 4.687821633353387, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.32881547845157, "q_0.35": 5.389898531436362, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.6737204739936455, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.365611531052373, "q_0.6": 6.475082619659686, "q_0.625": 6.591982800210019, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.875949585473359, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.126925553910155, "q_0.825": 7.271846270275043, "q_0.85": 7.363870009768699, "q_0.875": 7.489627098039405, "q_0.9": 7.536252776490656, "q_0.925": 7.6458828499127875, "q_0.95": 7.736475382963067, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.579431772709086, "y": 6.371714549575328, "y_true": 3.9235450069499502, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.122014912754639, "q_0.075": 4.2787871181567905, "q_0.1": 4.352748975276191, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519022, "q_0.175": 4.687821633353387, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.32881547845157, "q_0.35": 5.389898531436362, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.6737204739936455, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.365611531052373, "q_0.6": 6.475082619659686, "q_0.625": 6.591982800210019, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.875949585473359, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.126925553910155, "q_0.825": 7.271846270275043, "q_0.85": 7.363870009768699, "q_0.875": 7.489627098039405, "q_0.9": 7.536252776490656, "q_0.925": 7.6458828499127875, "q_0.95": 7.736475382963067, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.619447779111646, "y": 5.886105011789981, "y_true": 3.924335845913096, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.122014912754639, "q_0.075": 4.2787871181567905, "q_0.1": 4.352748975276191, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519022, "q_0.175": 4.687821633353387, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.32881547845157, "q_0.35": 5.389898531436362, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.6737204739936455, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.365611531052373, "q_0.6": 6.475082619659686, "q_0.625": 6.591982800210019, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.875949585473359, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.126925553910155, "q_0.825": 7.271846270275043, "q_0.85": 7.363870009768699, "q_0.875": 7.489627098039405, "q_0.9": 7.536252776490656, "q_0.925": 7.6458828499127875, "q_0.95": 7.736475382963067, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.659463785514205, "y": 4.588303312711287, "y_true": 3.9251260599441644, "y_pred": 6.13279763633506, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.979584120101391, "q_0.05": 4.122302381529171, "q_0.075": 4.2787871181567905, "q_0.1": 4.360488882284714, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519022, "q_0.175": 4.687821633353387, "q_0.2": 4.85693264038902, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.32881547845157, "q_0.35": 5.389898531436362, "q_0.375": 5.465138958871356, "q_0.4": 5.539811865538276, "q_0.425": 5.676922069924459, "q_0.45": 5.802539059625862, "q_0.475": 5.9308279997096065, "q_0.5": 6.13279763633506, "q_0.525": 6.167747892366451, "q_0.55": 6.251313585511198, "q_0.575": 6.371714549575328, "q_0.6": 6.47576604144437, "q_0.625": 6.591982800210019, "q_0.65": 6.684542071478193, "q_0.675": 6.797446669766952, "q_0.7": 6.896750279109836, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.089347137727554, "q_0.8": 7.126925553910155, "q_0.825": 7.271846270275043, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.559253690893296, "q_0.925": 7.648274846080652, "q_0.95": 7.753808716222624, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.699479791916765, "y": 4.505482959481341, "y_true": 3.925915650030036, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.2787871181567905, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.687821633353387, "q_0.2": 4.85693264038902, "q_0.225": 4.932552688902458, "q_0.25": 5.041079699526768, "q_0.275": 5.124874775655833, "q_0.3": 5.236730700678295, "q_0.325": 5.32881547845157, "q_0.35": 5.391379062328635, "q_0.375": 5.465138958871356, "q_0.4": 5.539811865538276, "q_0.425": 5.680116126954365, "q_0.45": 5.8113512300418835, "q_0.475": 5.9308279997096065, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.262837166853249, "q_0.575": 6.371714549575328, "q_0.6": 6.4777042327958245, "q_0.625": 6.591982800210019, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.959203447694513, "q_0.75": 7.055294660711404, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.559253690893296, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.73949579831933, "y": 6.947672830813641, "y_true": 3.926704617155255, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.2787871181567905, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.687821633353387, "q_0.2": 4.85693264038902, "q_0.225": 4.932552688902458, "q_0.25": 5.041079699526768, "q_0.275": 5.124874775655833, "q_0.3": 5.236730700678295, "q_0.325": 5.32881547845157, "q_0.35": 5.391379062328635, "q_0.375": 5.465138958871356, "q_0.4": 5.539811865538276, "q_0.425": 5.680116126954365, "q_0.45": 5.8113512300418835, "q_0.475": 5.9308279997096065, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.262837166853249, "q_0.575": 6.371714549575328, "q_0.6": 6.4777042327958245, "q_0.625": 6.591982800210019, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.959203447694513, "q_0.75": 7.055294660711404, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.559253690893296, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.77951180472189, "y": 6.145811128810768, "y_true": 3.927492962302037, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.2787871181567905, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.687821633353387, "q_0.2": 4.85693264038902, "q_0.225": 4.932552688902458, "q_0.25": 5.041079699526768, "q_0.275": 5.124874775655833, "q_0.3": 5.236730700678295, "q_0.325": 5.32881547845157, "q_0.35": 5.391379062328635, "q_0.375": 5.465138958871356, "q_0.4": 5.539811865538276, "q_0.425": 5.680116126954365, "q_0.45": 5.8113512300418835, "q_0.475": 5.9308279997096065, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.262837166853249, "q_0.575": 6.371714549575328, "q_0.6": 6.4777042327958245, "q_0.625": 6.591982800210019, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.959203447694513, "q_0.75": 7.055294660711404, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.559253690893296, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.81952781112445, "y": 7.770241417700996, "y_true": 3.9282806864502784, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.2787871181567905, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.687821633353387, "q_0.2": 4.85693264038902, "q_0.225": 4.932552688902458, "q_0.25": 5.041079699526768, "q_0.275": 5.124874775655833, "q_0.3": 5.236730700678295, "q_0.325": 5.32881547845157, "q_0.35": 5.391379062328635, "q_0.375": 5.465138958871356, "q_0.4": 5.539811865538276, "q_0.425": 5.680116126954365, "q_0.45": 5.8113512300418835, "q_0.475": 5.9308279997096065, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.262837166853249, "q_0.575": 6.371714549575328, "q_0.6": 6.4777042327958245, "q_0.625": 6.591982800210019, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.959203447694513, "q_0.75": 7.055294660711404, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.559253690893296, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.85954381752701, "y": 7.76888055408128, "y_true": 3.9290677905775593, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.279355501564982, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.6993936558912655, "q_0.2": 4.860621883663697, "q_0.225": 4.936857362874977, "q_0.25": 5.045065994911716, "q_0.275": 5.134040926735094, "q_0.3": 5.251305429080203, "q_0.325": 5.338094355588171, "q_0.35": 5.391379062328635, "q_0.375": 5.481153573906607, "q_0.4": 5.568939382488213, "q_0.425": 5.682023309336892, "q_0.45": 5.8128111056012735, "q_0.475": 5.951479115102467, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.264606100395435, "q_0.575": 6.371714549575328, "q_0.6": 6.480218367589153, "q_0.625": 6.601616879484233, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.9594339029261665, "q_0.75": 7.064441943104954, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.568223174389312, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.89955982392957, "y": 7.811194312331844, "y_true": 3.9298542756591544, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.279355501564982, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.6993936558912655, "q_0.2": 4.860621883663697, "q_0.225": 4.936857362874977, "q_0.25": 5.045065994911716, "q_0.275": 5.134040926735094, "q_0.3": 5.251305429080203, "q_0.325": 5.338094355588171, "q_0.35": 5.391379062328635, "q_0.375": 5.481153573906607, "q_0.4": 5.568939382488213, "q_0.425": 5.682023309336892, "q_0.45": 5.8128111056012735, "q_0.475": 5.951479115102467, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.264606100395435, "q_0.575": 6.371714549575328, "q_0.6": 6.480218367589153, "q_0.625": 6.601616879484233, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.9594339029261665, "q_0.75": 7.064441943104954, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.568223174389312, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.93957583033213, "y": 4.39452334774676, "y_true": 3.930640142668039, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.279355501564982, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.6993936558912655, "q_0.2": 4.860621883663697, "q_0.225": 4.936857362874977, "q_0.25": 5.045065994911716, "q_0.275": 5.134040926735094, "q_0.3": 5.251305429080203, "q_0.325": 5.338094355588171, "q_0.35": 5.391379062328635, "q_0.375": 5.481153573906607, "q_0.4": 5.568939382488213, "q_0.425": 5.682023309336892, "q_0.45": 5.8128111056012735, "q_0.475": 5.951479115102467, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.264606100395435, "q_0.575": 6.371714549575328, "q_0.6": 6.480218367589153, "q_0.625": 6.601616879484233, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.9594339029261665, "q_0.75": 7.064441943104954, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.568223174389312, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.9795918367347, "y": 7.601521945496781, "y_true": 3.9314253925748965, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.279355501564982, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.6993936558912655, "q_0.2": 4.860621883663697, "q_0.225": 4.936857362874977, "q_0.25": 5.045065994911716, "q_0.275": 5.134040926735094, "q_0.3": 5.251305429080203, "q_0.325": 5.338094355588171, "q_0.35": 5.391379062328635, "q_0.375": 5.481153573906607, "q_0.4": 5.568939382488213, "q_0.425": 5.682023309336892, "q_0.45": 5.8128111056012735, "q_0.475": 5.951479115102467, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.264606100395435, "q_0.575": 6.371714549575328, "q_0.6": 6.480218367589153, "q_0.625": 6.601616879484233, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.9594339029261665, "q_0.75": 7.064441943104954, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.568223174389312, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 49.01960784313726, "y": 4.889067854114831, "y_true": 3.932210026348125, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.279355501564982, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.6993936558912655, "q_0.2": 4.860621883663697, "q_0.225": 4.936857362874977, "q_0.25": 5.045065994911716, "q_0.275": 5.134040926735094, "q_0.3": 5.251305429080203, "q_0.325": 5.338094355588171, "q_0.35": 5.391379062328635, "q_0.375": 5.481153573906607, "q_0.4": 5.568939382488213, "q_0.425": 5.682023309336892, "q_0.45": 5.8128111056012735, "q_0.475": 5.951479115102467, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.264606100395435, "q_0.575": 6.371714549575328, "q_0.6": 6.480218367589153, "q_0.625": 6.601616879484233, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.9594339029261665, "q_0.75": 7.064441943104954, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.568223174389312, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 49.05962384953982, "y": 5.7260770285449505, "y_true": 3.932994044953845, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.279355501564982, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.6993936558912655, "q_0.2": 4.860621883663697, "q_0.225": 4.936857362874977, "q_0.25": 5.045065994911716, "q_0.275": 5.134040926735094, "q_0.3": 5.251305429080203, "q_0.325": 5.338094355588171, "q_0.35": 5.391379062328635, "q_0.375": 5.481153573906607, "q_0.4": 5.568939382488213, "q_0.425": 5.682023309336892, "q_0.45": 5.8128111056012735, "q_0.475": 5.951479115102467, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.264606100395435, "q_0.575": 6.371714549575328, "q_0.6": 6.480218367589153, "q_0.625": 6.601616879484233, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.9594339029261665, "q_0.75": 7.064441943104954, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.568223174389312, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 49.09963985594238, "y": 6.8982771758681185, "y_true": 3.9337774493559063, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.279355501564982, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.6993936558912655, "q_0.2": 4.860621883663697, "q_0.225": 4.936857362874977, "q_0.25": 5.045065994911716, "q_0.275": 5.134040926735094, "q_0.3": 5.251305429080203, "q_0.325": 5.338094355588171, "q_0.35": 5.391379062328635, "q_0.375": 5.481153573906607, "q_0.4": 5.568939382488213, "q_0.425": 5.682023309336892, "q_0.45": 5.8128111056012735, "q_0.475": 5.951479115102467, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.264606100395435, "q_0.575": 6.371714549575328, "q_0.6": 6.480218367589153, "q_0.625": 6.601616879484233, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.9594339029261665, "q_0.75": 7.064441943104954, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.568223174389312, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 49.13965586234494, "y": 4.731697955527121, "y_true": 3.934560240515896, "y_pred": 6.145811128810768, "target": "0", "q_0": 3.6044509511504486, "q_0.025": 3.986526029621062, "q_0.05": 4.1693165751878345, "q_0.075": 4.279355501564982, "q_0.1": 4.381643112717437, "q_0.125": 4.508471559559456, "q_0.15": 4.613383051865101, "q_0.175": 4.71519306064387, "q_0.2": 4.876300922834117, "q_0.225": 4.955720988370454, "q_0.25": 5.045065994911716, "q_0.275": 5.141263186917729, "q_0.3": 5.251422081944615, "q_0.325": 5.338094355588171, "q_0.35": 5.391379062328635, "q_0.375": 5.508775886820478, "q_0.4": 5.568939382488213, "q_0.425": 5.6937689455309854, "q_0.45": 5.817480042329025, "q_0.475": 5.961087884738324, "q_0.5": 6.145811128810768, "q_0.525": 6.218800839753577, "q_0.55": 6.296669653294615, "q_0.575": 6.402262026196145, "q_0.6": 6.507863533141688, "q_0.625": 6.61309513713776, "q_0.65": 6.690604747733197, "q_0.675": 6.8192697241043785, "q_0.7": 6.9265908013145685, "q_0.725": 6.986633512608696, "q_0.75": 7.073043550409165, "q_0.775": 7.106151108103749, "q_0.8": 7.157877290613817, "q_0.825": 7.2915198671131325, "q_0.85": 7.432407535192752, "q_0.875": 7.505459640160026, "q_0.9": 7.568454379323775, "q_0.925": 7.672438687443597, "q_0.95": 7.76888055408128, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.1796718687475, "y": 6.152797806255528, "y_true": 3.9353424193931437, "y_pred": 6.145811128810768, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.986526029621062, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.508471559559456, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.878558884371987, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.251422081944615, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.508775886820478, "q_0.4": 5.569843877203429, "q_0.425": 5.706218698853002, "q_0.45": 5.817480042329025, "q_0.475": 5.9770566636681925, "q_0.5": 6.145811128810768, "q_0.525": 6.218800839753577, "q_0.55": 6.298661381914654, "q_0.575": 6.422594742018269, "q_0.6": 6.507863533141688, "q_0.625": 6.64615580544274, "q_0.65": 6.690604747733197, "q_0.675": 6.82266174407658, "q_0.7": 6.9265908013145685, "q_0.725": 6.986633512608696, "q_0.75": 7.073043550409165, "q_0.775": 7.106151108103749, "q_0.8": 7.157877290613817, "q_0.825": 7.303611598224526, "q_0.85": 7.437297968645725, "q_0.875": 7.505459640160026, "q_0.9": 7.581158473169777, "q_0.925": 7.6867006295192635, "q_0.95": 7.769747333849526, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.219687875150065, "y": 4.6638580261609865, "y_true": 3.93612398694473, "y_pred": 6.145811128810768, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.986526029621062, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.508807000689098, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.878558884371987, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.251422081944615, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.508775886820478, "q_0.4": 5.569843877203429, "q_0.425": 5.706218698853002, "q_0.45": 5.817480042329025, "q_0.475": 5.9770566636681925, "q_0.5": 6.145811128810768, "q_0.525": 6.218800839753577, "q_0.55": 6.298661381914654, "q_0.575": 6.422594742018269, "q_0.6": 6.545234794393515, "q_0.625": 6.64615580544274, "q_0.65": 6.693256184228506, "q_0.675": 6.82375315809708, "q_0.7": 6.9265908013145685, "q_0.725": 6.989018274918326, "q_0.75": 7.074316859151154, "q_0.775": 7.106151108103749, "q_0.8": 7.166519462847598, "q_0.825": 7.309012012122501, "q_0.85": 7.444051702944519, "q_0.875": 7.505459640160026, "q_0.9": 7.581158473169777, "q_0.925": 7.687481123847246, "q_0.95": 7.769747333849526, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.259703881552625, "y": 4.3471776024952336, "y_true": 3.9369049441254944, "y_pred": 6.147903247744509, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.986526029621062, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.885248411887277, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.257028023970478, "q_0.325": 5.3399790009292065, "q_0.35": 5.39570319151142, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.721166123366081, "q_0.45": 5.837733778524463, "q_0.475": 5.989441443190204, "q_0.5": 6.147903247744509, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.454343177345563, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.7084766354490455, "q_0.675": 6.831774415864712, "q_0.7": 6.946203882849349, "q_0.725": 7.013591013188307, "q_0.75": 7.081019501896454, "q_0.775": 7.1079310136290195, "q_0.8": 7.186720061721006, "q_0.825": 7.322034225079438, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.769747333849526, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.299719887955185, "y": 4.394361878070937, "y_true": 3.9376852918880383, "y_pred": 6.147845293517355, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.991892136289005, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.885248411887277, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.251912263404945, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.826849428695533, "q_0.475": 5.985641521844014, "q_0.5": 6.147845293517355, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.454343177345563, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.7084766354490455, "q_0.675": 6.831774415864712, "q_0.7": 6.946203882849349, "q_0.725": 7.013591013188307, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.769747333849526, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.339735894357744, "y": 5.3399790009292065, "y_true": 3.938465031182738, "y_pred": 6.1477873392902005, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.991892136289005, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.885248411887277, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.255343533627259, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.820159980056004, "q_0.475": 5.985641521844014, "q_0.5": 6.1477873392902005, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.452368751656332, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.7084766354490455, "q_0.675": 6.831774415864712, "q_0.7": 6.944732131840182, "q_0.725": 7.013591013188307, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.769747333849526, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.379751900760304, "y": 3.957489211833787, "y_true": 3.939244162957746, "y_pred": 6.1477873392902005, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.991892136289005, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.885248411887277, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.255343533627259, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.820159980056004, "q_0.475": 5.985641521844014, "q_0.5": 6.1477873392902005, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.452368751656332, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.7084766354490455, "q_0.675": 6.831774415864712, "q_0.7": 6.944732131840182, "q_0.725": 7.013591013188307, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.769747333849526, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.419767907162864, "y": 5.605612913662584, "y_true": 3.9400226881590013, "y_pred": 6.1477873392902005, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.991892136289005, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.885248411887277, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.255343533627259, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.820159980056004, "q_0.475": 5.985641521844014, "q_0.5": 6.1477873392902005, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.452368751656332, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.7084766354490455, "q_0.675": 6.831774415864712, "q_0.7": 6.944732131840182, "q_0.725": 7.013591013188307, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.769747333849526, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.45978391356543, "y": 6.545234794393515, "y_true": 3.9408006077302353, "y_pred": 6.1477873392902005, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.991892136289005, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.885248411887277, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.255343533627259, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.820159980056004, "q_0.475": 5.985641521844014, "q_0.5": 6.1477873392902005, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.452368751656332, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.7084766354490455, "q_0.675": 6.831774415864712, "q_0.7": 6.944732131840182, "q_0.725": 7.013591013188307, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.769747333849526, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.49979991996799, "y": 5.516986682213815, "y_true": 3.9415779226129786, "y_pred": 6.146890586444009, "target": "0", "q_0": 3.6044509511504486, "q_0.025": 3.9974868668911334, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.878558884371987, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.251422081944615, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.817480042329025, "q_0.475": 5.985641521844014, "q_0.5": 6.146890586444009, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.451875145234029, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.6954419437597, "q_0.675": 6.831774415864712, "q_0.7": 6.944732131840182, "q_0.725": 7.009896962615171, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.775046841507674, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.53981592637055, "y": 4.278906386126079, "y_true": 3.9423546337465676, "y_pred": 6.146890586444009, "target": "0", "q_0": 3.6044509511504486, "q_0.025": 3.9974868668911334, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.878558884371987, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.251422081944615, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.817480042329025, "q_0.475": 5.985641521844014, "q_0.5": 6.146890586444009, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.451875145234029, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.6954419437597, "q_0.675": 6.831774415864712, "q_0.7": 6.944732131840182, "q_0.725": 7.009896962615171, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.775046841507674, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.57983193277311, "y": 4.189093809614454, "y_true": 3.9431307420681523, "y_pred": 6.146890586444009, "target": "0", "q_0": 3.6044509511504486, "q_0.025": 3.9974868668911334, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.878558884371987, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.251422081944615, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.817480042329025, "q_0.475": 5.985641521844014, "q_0.5": 6.146890586444009, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.451875145234029, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.6954419437597, "q_0.675": 6.831774415864712, "q_0.7": 6.944732131840182, "q_0.725": 7.009896962615171, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.775046841507674, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.61984793917567, "y": 5.035331047471773, "y_true": 3.9439062485127017, "y_pred": 6.146890586444009, "target": "0", "q_0": 3.6044509511504486, "q_0.025": 3.9974868668911334, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.878558884371987, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.251422081944615, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.817480042329025, "q_0.475": 5.985641521844014, "q_0.5": 6.146890586444009, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.451875145234029, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.6954419437597, "q_0.675": 6.831774415864712, "q_0.7": 6.944732131840182, "q_0.725": 7.009896962615171, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.775046841507674, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.65986394557823, "y": 4.609256145343828, "y_true": 3.9446811540130113, "y_pred": 6.146890586444009, "target": "0", "q_0": 3.6044509511504486, "q_0.025": 3.9974868668911334, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.878558884371987, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.251422081944615, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.817480042329025, "q_0.475": 5.985641521844014, "q_0.5": 6.146890586444009, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.451875145234029, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.6954419437597, "q_0.675": 6.831774415864712, "q_0.7": 6.944732131840182, "q_0.725": 7.009896962615171, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.775046841507674, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.6998799519808, "y": 7.73434453587796, "y_true": 3.9454554594997107, "y_pred": 6.149186327608602, "target": "0", "q_0": 3.604450951150449, "q_0.025": 4.060462534449218, "q_0.05": 4.189093809614454, "q_0.075": 4.303241173291312, "q_0.1": 4.386547959431385, "q_0.125": 4.515644042998396, "q_0.15": 4.62491878862851, "q_0.175": 4.71519306064387, "q_0.2": 4.889067854114831, "q_0.225": 4.961930446636361, "q_0.25": 5.060924075335412, "q_0.275": 5.160711380239443, "q_0.3": 5.2860203426507155, "q_0.325": 5.3399790009292065, "q_0.35": 5.40151772933469, "q_0.375": 5.509503614918328, "q_0.4": 5.598264224247254, "q_0.425": 5.7260770285449505, "q_0.45": 5.837733778524463, "q_0.475": 6.052923387561611, "q_0.5": 6.149186327608602, "q_0.525": 6.222956394507974, "q_0.55": 6.299772939475638, "q_0.575": 6.454343177345563, "q_0.6": 6.553146877273291, "q_0.625": 6.657930086880654, "q_0.65": 6.747738463072244, "q_0.675": 6.8340923655005525, "q_0.7": 6.947672830813641, "q_0.725": 7.0433988184683685, "q_0.75": 7.086538961463197, "q_0.775": 7.110456675747525, "q_0.8": 7.228085904229239, "q_0.825": 7.329586185680565, "q_0.85": 7.457908853071276, "q_0.875": 7.51211729450557, "q_0.9": 7.601521945496781, "q_0.925": 7.704953745544701, "q_0.95": 7.7919426184128975, "q_0.975": 7.917485895467731, "q_1": 8.568949105019012}, {"x": 49.73989595838336, "y": 4.540066781241935, "y_true": 3.9462291659012685, "y_pred": 6.218800839753577, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.343943727416559, "q_0.1": 4.453688787362178, "q_0.125": 4.591790499129065, "q_0.15": 4.665422589602663, "q_0.175": 4.812234588038356, "q_0.2": 4.931114362328738, "q_0.225": 5.035331047471773, "q_0.25": 5.1226554097052235, "q_0.275": 5.216614980798683, "q_0.3": 5.319239185848991, "q_0.325": 5.3812903189554415, "q_0.35": 5.465138958871356, "q_0.375": 5.565408572498045, "q_0.4": 5.688754574402601, "q_0.425": 5.817480042329025, "q_0.45": 5.9770566636681925, "q_0.475": 6.145811128810768, "q_0.5": 6.218800839753577, "q_0.525": 6.250175907946609, "q_0.55": 6.371714549575328, "q_0.575": 6.545234794393515, "q_0.6": 6.64615580544274, "q_0.625": 6.690604747733197, "q_0.65": 6.82245125481038, "q_0.675": 6.9265908013145685, "q_0.7": 6.992746699276601, "q_0.725": 7.074316859151154, "q_0.75": 7.1079310136290195, "q_0.775": 7.157877290613817, "q_0.8": 7.2915198671131325, "q_0.825": 7.409750490544118, "q_0.85": 7.502437976787764, "q_0.875": 7.568454379323775, "q_0.9": 7.671882404954735, "q_0.925": 7.735699598519275, "q_0.95": 7.825779729360713, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 49.77991196478592, "y": 7.110456675747525, "y_true": 3.9470022741439994, "y_pred": 6.220095836224706, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.343943727416559, "q_0.1": 4.453688787362178, "q_0.125": 4.591790499129065, "q_0.15": 4.665422589602663, "q_0.175": 4.843551038072556, "q_0.2": 4.932552688902458, "q_0.225": 5.035331047471773, "q_0.25": 5.124874775655833, "q_0.275": 5.216614980798683, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.465138958871356, "q_0.375": 5.568939382488213, "q_0.4": 5.693242084446407, "q_0.425": 5.837733778524463, "q_0.45": 6.034011598917915, "q_0.475": 6.145811128810768, "q_0.5": 6.220095836224706, "q_0.525": 6.264606100395435, "q_0.55": 6.392785686480926, "q_0.575": 6.545234794393515, "q_0.6": 6.64615580544274, "q_0.625": 6.693256184228506, "q_0.65": 6.82375315809708, "q_0.675": 6.9265908013145685, "q_0.7": 7.009896962615171, "q_0.725": 7.077785349853828, "q_0.75": 7.108169739799926, "q_0.775": 7.157877290613817, "q_0.8": 7.309012012122501, "q_0.825": 7.432407535192752, "q_0.85": 7.505459640160026, "q_0.875": 7.568454379323775, "q_0.9": 7.675270140890328, "q_0.925": 7.736992572592266, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 49.81992797118848, "y": 6.250175907946609, "y_true": 3.947774785152073, "y_pred": 6.220095836224706, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.343943727416559, "q_0.1": 4.455048300258942, "q_0.125": 4.598335254535328, "q_0.15": 4.669138900048054, "q_0.175": 4.85693264038902, "q_0.2": 4.932552688902458, "q_0.225": 5.040305887851542, "q_0.25": 5.124874775655833, "q_0.275": 5.235457427682123, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.46532167906729, "q_0.375": 5.568939382488213, "q_0.4": 5.706218698853002, "q_0.425": 5.837733778524463, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.220095836224706, "q_0.525": 6.264606100395435, "q_0.55": 6.402262026196145, "q_0.575": 6.545234794393515, "q_0.6": 6.654975900260792, "q_0.625": 6.693256184228506, "q_0.65": 6.828714929954261, "q_0.675": 6.9265908013145685, "q_0.7": 7.009896962615171, "q_0.725": 7.081019501896454, "q_0.75": 7.108169739799926, "q_0.775": 7.1625581119899575, "q_0.8": 7.309012012122501, "q_0.825": 7.432407535192752, "q_0.85": 7.505459640160026, "q_0.875": 7.568454379323775, "q_0.9": 7.6867006295192635, "q_0.925": 7.744368028576007, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 49.85994397759104, "y": 6.185318079855138, "y_true": 3.9485466998475176, "y_pred": 6.220095836224706, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.343943727416559, "q_0.1": 4.455048300258942, "q_0.125": 4.598335254535328, "q_0.15": 4.669138900048054, "q_0.175": 4.85693264038902, "q_0.2": 4.932552688902458, "q_0.225": 5.040305887851542, "q_0.25": 5.124874775655833, "q_0.275": 5.235457427682123, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.46532167906729, "q_0.375": 5.568939382488213, "q_0.4": 5.706218698853002, "q_0.425": 5.837733778524463, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.220095836224706, "q_0.525": 6.264606100395435, "q_0.55": 6.402262026196145, "q_0.575": 6.545234794393515, "q_0.6": 6.654975900260792, "q_0.625": 6.693256184228506, "q_0.65": 6.828714929954261, "q_0.675": 6.9265908013145685, "q_0.7": 7.009896962615171, "q_0.725": 7.081019501896454, "q_0.75": 7.108169739799926, "q_0.775": 7.1625581119899575, "q_0.8": 7.309012012122501, "q_0.825": 7.432407535192752, "q_0.85": 7.505459640160026, "q_0.875": 7.568454379323775, "q_0.9": 7.6867006295192635, "q_0.925": 7.744368028576007, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 49.8999599839936, "y": 5.961724635945179, "y_true": 3.949318019150228, "y_pred": 6.220095836224706, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.343943727416559, "q_0.1": 4.455048300258942, "q_0.125": 4.598335254535328, "q_0.15": 4.669138900048054, "q_0.175": 4.85693264038902, "q_0.2": 4.932552688902458, "q_0.225": 5.040305887851542, "q_0.25": 5.124874775655833, "q_0.275": 5.235457427682123, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.46532167906729, "q_0.375": 5.568939382488213, "q_0.4": 5.706218698853002, "q_0.425": 5.837733778524463, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.220095836224706, "q_0.525": 6.264606100395435, "q_0.55": 6.402262026196145, "q_0.575": 6.545234794393515, "q_0.6": 6.654975900260792, "q_0.625": 6.693256184228506, "q_0.65": 6.828714929954261, "q_0.675": 6.9265908013145685, "q_0.7": 7.009896962615171, "q_0.725": 7.081019501896454, "q_0.75": 7.108169739799926, "q_0.775": 7.1625581119899575, "q_0.8": 7.309012012122501, "q_0.825": 7.432407535192752, "q_0.85": 7.505459640160026, "q_0.875": 7.568454379323775, "q_0.9": 7.6867006295192635, "q_0.925": 7.744368028576007, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 49.939975990396164, "y": 7.769747333849526, "y_true": 3.9500887439779717, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.34478490407486, "q_0.1": 4.460486351845997, "q_0.125": 4.606059433029293, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.932552688902458, "q_0.225": 5.041079699526768, "q_0.25": 5.124874775655833, "q_0.275": 5.2479031551940905, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.489146221113229, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.427801865859671, "q_0.575": 6.553146877273291, "q_0.6": 6.654975900260792, "q_0.625": 6.709596251680151, "q_0.65": 6.828714929954261, "q_0.675": 6.93274725807559, "q_0.7": 7.009896962615171, "q_0.725": 7.086538961463197, "q_0.75": 7.108169739799926, "q_0.775": 7.186720061721006, "q_0.8": 7.309967068316329, "q_0.825": 7.432407535192752, "q_0.85": 7.505459640160026, "q_0.875": 7.581158473169777, "q_0.9": 7.687481123847246, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 49.979991996798724, "y": 5.3812903189554415, "y_true": 3.9508588752463973, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.34478490407486, "q_0.1": 4.460486351845997, "q_0.125": 4.606059433029293, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.932552688902458, "q_0.225": 5.041079699526768, "q_0.25": 5.124874775655833, "q_0.275": 5.2479031551940905, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.489146221113229, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.427801865859671, "q_0.575": 6.553146877273291, "q_0.6": 6.654975900260792, "q_0.625": 6.709596251680151, "q_0.65": 6.828714929954261, "q_0.675": 6.93274725807559, "q_0.7": 7.009896962615171, "q_0.725": 7.086538961463197, "q_0.75": 7.108169739799926, "q_0.775": 7.186720061721006, "q_0.8": 7.309967068316329, "q_0.825": 7.432407535192752, "q_0.85": 7.505459640160026, "q_0.875": 7.581158473169777, "q_0.9": 7.687481123847246, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.02000800320128, "y": 7.049884809491566, "y_true": 3.951628413869038, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.34478490407486, "q_0.1": 4.460486351845997, "q_0.125": 4.606059433029293, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.935341696069088, "q_0.225": 5.041079699526768, "q_0.25": 5.13321653313719, "q_0.275": 5.2479031551940905, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.439872045049711, "q_0.575": 6.554279623176743, "q_0.6": 6.657930086880654, "q_0.625": 6.739029346385659, "q_0.65": 6.830550621500532, "q_0.675": 6.944732131840182, "q_0.7": 7.02434904197775, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.186720061721006, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.687481123847246, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.06002400960384, "y": 6.1363701305086895, "y_true": 3.9523973607573204, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.34478490407486, "q_0.1": 4.460486351845997, "q_0.125": 4.606059433029293, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.935341696069088, "q_0.225": 5.041079699526768, "q_0.25": 5.13321653313719, "q_0.275": 5.2479031551940905, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.439872045049711, "q_0.575": 6.554279623176743, "q_0.6": 6.657930086880654, "q_0.625": 6.739029346385659, "q_0.65": 6.830550621500532, "q_0.675": 6.944732131840182, "q_0.7": 7.02434904197775, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.186720061721006, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.687481123847246, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.1000400160064, "y": 5.509503614918328, "y_true": 3.9531657168205694, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.34478490407486, "q_0.1": 4.460486351845997, "q_0.125": 4.606059433029293, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.933212996652008, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.24818044101043, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.6691524781215294, "q_0.625": 6.747072700996834, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.186720061721006, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.687481123847246, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.14005602240896, "y": 7.713279231665364, "y_true": 3.9539334829660167, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.34478490407486, "q_0.1": 4.460486351845997, "q_0.125": 4.606059433029293, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.933212996652008, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.24818044101043, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.6691524781215294, "q_0.625": 6.747072700996834, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.186720061721006, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.687481123847246, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.18007202881153, "y": 6.3092835525930475, "y_true": 3.954700660098805, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.252263575929292, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.7260770285449505, "q_0.425": 5.840927161373823, "q_0.45": 6.074951271072937, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747738463072244, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.437297968645725, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.22008803521409, "y": 4.423540006606536, "y_true": 3.9554672491219955, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.252263575929292, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.7260770285449505, "q_0.425": 5.840927161373823, "q_0.45": 6.074951271072937, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747738463072244, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.437297968645725, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.26010404161665, "y": 5.600048655224016, "y_true": 3.9562332509365743, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.252263575929292, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.7260770285449505, "q_0.425": 5.840927161373823, "q_0.45": 6.074951271072937, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747738463072244, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.437297968645725, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.30012004801921, "y": 7.03462763659444, "y_true": 3.956998666441459, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.252263575929292, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.7260770285449505, "q_0.425": 5.840927161373823, "q_0.45": 6.074951271072937, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747738463072244, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.437297968645725, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.34013605442177, "y": 6.6900672953369185, "y_true": 3.957763496533504, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.252263575929292, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.7260770285449505, "q_0.425": 5.840927161373823, "q_0.45": 6.074951271072937, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747738463072244, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.437297968645725, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.38015206082433, "y": 7.568223174389312, "y_true": 3.958527742107508, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.252263575929292, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.7260770285449505, "q_0.425": 5.840927161373823, "q_0.45": 6.074951271072937, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747738463072244, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.437297968645725, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.42016806722689, "y": 4.981246200893748, "y_true": 3.959291404056219, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.256050144293558, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.935873870923356, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.248649189220896, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.706240551435829, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747239141515686, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.02434904197775, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.460184073629456, "y": 6.947950637275577, "y_true": 3.9600544832703424, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.256050144293558, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.935873870923356, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.248649189220896, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.706240551435829, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747239141515686, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.02434904197775, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.500200080032016, "y": 5.773454518537434, "y_true": 3.960816980638545, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.256050144293558, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.935873870923356, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.248649189220896, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.706240551435829, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747239141515686, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.02434904197775, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.540216086434576, "y": 6.222956394507974, "y_true": 3.961578897047463, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.256050144293558, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.935873870923356, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.248649189220896, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.706240551435829, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747239141515686, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.02434904197775, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.580232092837136, "y": 7.728221570660173, "y_true": 3.9623402333817066, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.256050144293558, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.935873870923356, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.248649189220896, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.706240551435829, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747239141515686, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.02434904197775, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.620248099239696, "y": 7.825322018467288, "y_true": 3.9631009905238685, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.256050144293558, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.935873870923356, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.248649189220896, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.706240551435829, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747239141515686, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.02434904197775, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.660264105642256, "y": 7.362569481123359, "y_true": 3.9638611693545283, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.256050144293558, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.044966337527091, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.706240551435829, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.6691524781215294, "q_0.625": 6.747072700996834, "q_0.65": 6.832122108310087, "q_0.675": 6.938249690190057, "q_0.7": 7.02434904197775, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.188736988651662, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.70028011204482, "y": 5.381425115449694, "y_true": 3.9646207707522576, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.271828158606835, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.657930086880654, "q_0.625": 6.747738463072244, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.228085904229239, "q_0.8": 7.322831888632859, "q_0.825": 7.444051702944519, "q_0.85": 7.5099228760695125, "q_0.875": 7.5863544222920725, "q_0.9": 7.704953745544701, "q_0.925": 7.769747333849526, "q_0.95": 7.842200327395741, "q_0.975": 7.965287091381542, "q_1": 8.656783487070411}, {"x": 50.74029611844738, "y": 7.468457589651054, "y_true": 3.965379795593629, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.271828158606835, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.657930086880654, "q_0.625": 6.747738463072244, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.228085904229239, "q_0.8": 7.322831888632859, "q_0.825": 7.444051702944519, "q_0.85": 7.5099228760695125, "q_0.875": 7.5863544222920725, "q_0.9": 7.704953745544701, "q_0.925": 7.769747333849526, "q_0.95": 7.842200327395741, "q_0.975": 7.965287091381542, "q_1": 8.656783487070411}, {"x": 50.78031212484994, "y": 6.486735056406248, "y_true": 3.96613824475322, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.271828158606835, "q_0.075": 4.3775869710125415, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.935873870923356, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.236730700678295, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.562639768728845, "q_0.6": 6.657930086880654, "q_0.625": 6.747738463072244, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.088056572014871, "q_0.75": 7.1144450602403815, "q_0.775": 7.228085904229239, "q_0.8": 7.325282589647719, "q_0.825": 7.444051702944519, "q_0.85": 7.51211729450557, "q_0.875": 7.601521945496781, "q_0.9": 7.704953745544701, "q_0.925": 7.769747333849526, "q_0.95": 7.8521707561370775, "q_0.975": 7.965287091381542, "q_1": 8.656783487070411}, {"x": 50.8203281312525, "y": 5.6644298872193914, "y_true": 3.9668961191036187, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27395188197637, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.236730700678295, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.088056572014871, "q_0.75": 7.116212837647618, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.51211729450557, "q_0.875": 7.602581038671398, "q_0.9": 7.713279231665364, "q_0.925": 7.78618425494029, "q_0.95": 7.870147641057432, "q_0.975": 7.969313538515071, "q_1": 8.656783487070411}, {"x": 50.86034413765506, "y": 4.108785346341911, "y_true": 3.9676534195154325, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27395188197637, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.236730700678295, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.088056572014871, "q_0.75": 7.116212837647618, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.51211729450557, "q_0.875": 7.602581038671398, "q_0.9": 7.713279231665364, "q_0.925": 7.78618425494029, "q_0.95": 7.870147641057432, "q_0.975": 7.969313538515071, "q_1": 8.656783487070411}, {"x": 50.90036014405762, "y": 7.009896962615171, "y_true": 3.968410146857291, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 50.94037615046019, "y": 5.952531773049255, "y_true": 3.969166301995855, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 50.98039215686275, "y": 7.076047748853316, "y_true": 3.9699218857958183, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.02040816326531, "y": 6.9265908013145685, "y_true": 3.970676899119918, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.06042416966787, "y": 7.1079310136290195, "y_true": 3.9714313428289385, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.10044017607043, "y": 5.160711380239443, "y_true": 3.9721852177817163, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.14045618247299, "y": 7.1392490646782765, "y_true": 3.972938524835148, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.180472188875555, "y": 6.144218411314805, "y_true": 3.973691264844194, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.220488195278115, "y": 5.84667334975221, "y_true": 3.9744434386618877, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.260504201680675, "y": 6.64615580544274, "y_true": 3.9751950471393367, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.300520208083235, "y": 4.060462534449218, "y_true": 3.975946091125732, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.340536214485795, "y": 4.381643112717437, "y_true": 3.9766965714683526, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.380552220888354, "y": 5.134040926735094, "y_true": 3.9774464890125714, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.42056822729092, "y": 7.870147641057432, "y_true": 3.9781958446018604, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.46058423369348, "y": 4.532346603150234, "y_true": 3.978944639077797, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.50060024009604, "y": 5.289126834881126, "y_true": 3.979692873280071, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.5406162464986, "y": 4.182691680591658, "y_true": 3.9804405480464857, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.58063225290116, "y": 5.293790197765075, "y_true": 3.9811876642129698, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.62064825930372, "y": 5.251422081944615, "y_true": 3.981934222613577, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.66066426570629, "y": 7.735699598519275, "y_true": 3.982680224080497, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.70068027210885, "y": 7.334147534573716, "y_true": 3.983425669444056, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.74069627851141, "y": 5.501978965156364, "y_true": 3.9841705595327266, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.78071228491397, "y": 4.0831525913378846, "y_true": 3.9849148951731306, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.82072829131653, "y": 7.282279073914468, "y_true": 3.985658677190045, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.86074429771909, "y": 6.607185528698235, "y_true": 3.986401906406408, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.900760304121654, "y": 4.591790499129065, "y_true": 3.987144583643325, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.940776310524214, "y": 7.9414667619686305, "y_true": 3.987886709720073, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.980792316926774, "y": 4.386547959431385, "y_true": 3.988628285454105, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.861157151647604, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.126925553910155, "q_0.775": 7.255813732982542, "q_0.8": 7.329586185680565, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.976529857351921, "q_1": 8.656783487070411}, {"x": 52.020808323329334, "y": 7.432407535192752, "y_true": 3.9893693116610587, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.060824329731894, "y": 5.158769875740396, "y_true": 3.9901097891547592, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.10084033613445, "y": 5.720157602965614, "y_true": 3.9908497187472243, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.14085634253702, "y": 7.151894971260996, "y_true": 3.9915891012486715, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.18087234893958, "y": 6.684542071478193, "y_true": 3.992327937467522, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.22088835534214, "y": 7.720562189265623, "y_true": 3.993066228210407, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.2609043617447, "y": 6.462962586402595, "y_true": 3.9938039742821716, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.30092036814726, "y": 4.383429840009689, "y_true": 3.994541176485882, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.34093637454982, "y": 7.51211729450557, "y_true": 3.9952778356228285, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.38095238095238, "y": 7.055294660711404, "y_true": 3.9960139524925324, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.42096838735495, "y": 6.828714929954261, "y_true": 3.996749527892751, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.460984393757506, "y": 4.211287775002987, "y_true": 3.997484562619482, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.501000400160066, "y": 5.575066854182933, "y_true": 3.9982190574669696, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.541016406562626, "y": 4.665422589602663, "y_true": 3.998953013227708, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.581032412965186, "y": 7.271846270275043, "y_true": 3.999686430692449, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.621048419367746, "y": 6.789883435653076, "y_true": 4.000419310650205, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.66106442577031, "y": 7.518173922350341, "y_true": 4.0011516538882566, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.70108043217287, "y": 7.8521707561370775, "y_true": 4.001883461192153, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.74109643857543, "y": 7.089347137727554, "y_true": 4.002614733345722, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.78111244497799, "y": 7.965287091381542, "y_true": 4.003345471131074, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.82112845138055, "y": 6.454343177345563, "y_true": 4.004075675328604, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.86114445778311, "y": 4.152819146308496, "y_true": 4.004805346716999, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.90116046418568, "y": 4.06235744331653, "y_true": 4.005534486073245, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.94117647058824, "y": 5.370537129332367, "y_true": 4.006263094172627, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.9811924769908, "y": 7.2915198671131325, "y_true": 4.006991171788736, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.02120848339336, "y": 7.463056352753851, "y_true": 4.007718719693479, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.06122448979592, "y": 7.842200327395741, "y_true": 4.008445738657074, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.10124049619848, "y": 4.269062705563534, "y_true": 4.0091722294480645, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.141256502601045, "y": 4.187808083110198, "y_true": 4.009898192833318, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.181272509003605, "y": 7.656757991337939, "y_true": 4.010623629578033, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.221288515406165, "y": 5.229422460997643, "y_true": 4.011348540445745, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.261304521808725, "y": 6.24056933934931, "y_true": 4.0120729261983294, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.301320528211285, "y": 7.937220566279873, "y_true": 4.012796787596008, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.341336534613845, "y": 5.613426229379003, "y_true": 4.013520125397352, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.38135254101641, "y": 6.675079238341156, "y_true": 4.014242940359287, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.42136854741897, "y": 5.617183387601452, "y_true": 4.014965233237101, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.46138455382153, "y": 7.086538961463197, "y_true": 4.015687004784444, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.50140056022409, "y": 6.126331203044849, "y_true": 4.016408255753337, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.54141656662665, "y": 4.966974597924747, "y_true": 4.017128986894173, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.58143257302921, "y": 5.102990519792822, "y_true": 4.017849198955727, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.62144857943178, "y": 5.05091584037944, "y_true": 4.018568892685153, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.66146458583434, "y": 6.149186327608602, "y_true": 4.019288068827996, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.7014805922369, "y": 6.8340923655005525, "y_true": 4.020006728128194, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.74149659863946, "y": 7.82033352456636, "y_true": 4.02072487132808, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.78151260504202, "y": 6.800119118863604, "y_true": 4.021442499168391, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.82152861144458, "y": 7.15012057883883, "y_true": 4.0221596123882675, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.861544617847144, "y": 4.6993936558912655, "y_true": 4.022876211725265, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.901560624249704, "y": 5.521915768767059, "y_true": 4.023592297915351, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.941576630652264, "y": 5.682023309336892, "y_true": 4.0243078716929155, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.981592637054824, "y": 6.7753474514368275, "y_true": 4.025022933790772, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 54.021608643457384, "y": 5.2115914496379805, "y_true": 4.025737484940161, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 54.061624649859944, "y": 5.242182940034974, "y_true": 4.026451525870763, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 54.101640656262504, "y": 5.45398855741221, "y_true": 4.027165057310688, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 54.14165666266507, "y": 7.277112812756142, "y_true": 4.027878079986496, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 54.18167266906763, "y": 6.345091246477267, "y_true": 4.028590594623189, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 54.22168867547019, "y": 4.331266554023453, "y_true": 4.029302601944224, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 54.26170468187275, "y": 4.343943727416559, "y_true": 4.03001410267151, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 54.30172068827531, "y": 5.520626841439223, "y_true": 4.030725097525419, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 54.34173669467787, "y": 7.108169739799926, "y_true": 4.031435587224786, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.38175270108044, "y": 6.796693131461655, "y_true": 4.032145572486918, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.421768707483, "y": 6.87538470553876, "y_true": 4.03285505402759, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.46178471388556, "y": 7.1144450602403815, "y_true": 4.03356403256106, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.50180072028812, "y": 5.187597105836235, "y_true": 4.034272508800063, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.541816726690676, "y": 6.23740063590811, "y_true": 4.034980483455824, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.581832733093236, "y": 6.218800839753577, "y_true": 4.035687957238056, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.6218487394958, "y": 7.00866441327018, "y_true": 4.036394930854969, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.66186474589836, "y": 7.8830467459184295, "y_true": 4.03710140501327, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.70188075230092, "y": 5.1553308259236506, "y_true": 4.037807380418171, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.74189675870348, "y": 7.228085904229239, "y_true": 4.038512857773389, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.78191276510604, "y": 6.693256184228506, "y_true": 4.039217837781155, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.8219287715086, "y": 6.37373581036337, "y_true": 4.039922321142216, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.86194477791117, "y": 7.157877290613817, "y_true": 4.0406263085558365, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.90196078431373, "y": 7.839738319264051, "y_true": 4.041329800719807, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.94197679071629, "y": 4.189690622545211, "y_true": 4.042032798330448, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.98199279711885, "y": 4.636025148763184, "y_true": 4.042735302082609, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 55.02200880352141, "y": 7.088056572014871, "y_true": 4.043437312669678, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 55.06202480992397, "y": 4.381521249652034, "y_true": 4.0441388307835835, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.24818044101043, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.049695750695342, "q_1": 8.656783487070411}, {"x": 55.102040816326536, "y": 6.123358871367403, "y_true": 4.0448398571148, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.24818044101043, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.049695750695342, "q_1": 8.656783487070411}, {"x": 55.142056822729096, "y": 4.931114362328738, "y_true": 4.045540392352349, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.24818044101043, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.049695750695342, "q_1": 8.656783487070411}, {"x": 55.182072829131656, "y": 5.151267483524238, "y_true": 4.046240437183805, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.24818044101043, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.049695750695342, "q_1": 8.656783487070411}, {"x": 55.222088835534215, "y": 6.874872671732287, "y_true": 4.046939992295301, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.24818044101043, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.049695750695342, "q_1": 8.656783487070411}, {"x": 55.262104841936775, "y": 4.1693165751878345, "y_true": 4.04763905837153, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.319239185848991, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.446101117070942, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.460285715514496, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.887543372929498, "q_0.975": 8.053307058666409, "q_1": 8.656783487070411}, {"x": 55.302120848339335, "y": 7.568454379323775, "y_true": 4.04833763609575, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.319239185848991, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.446101117070942, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.460285715514496, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.887543372929498, "q_0.975": 8.053307058666409, "q_1": 8.656783487070411}, {"x": 55.3421368547419, "y": 5.840927161373823, "y_true": 4.049035726149791, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.319239185848991, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.446101117070942, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.460285715514496, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.887543372929498, "q_0.975": 8.053307058666409, "q_1": 8.656783487070411}, {"x": 55.38215286114446, "y": 6.075459790528447, "y_true": 4.04973332921405, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.319239185848991, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.446101117070942, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.460285715514496, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.887543372929498, "q_0.975": 8.053307058666409, "q_1": 8.656783487070411}, {"x": 55.42216886754702, "y": 6.228369435935068, "y_true": 4.050430445967506, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.319239185848991, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.446101117070942, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.460285715514496, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.887543372929498, "q_0.975": 8.053307058666409, "q_1": 8.656783487070411}, {"x": 55.46218487394958, "y": 6.654975900260792, "y_true": 4.051127077087717, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.319239185848991, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.446101117070942, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.460285715514496, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.887543372929498, "q_0.975": 8.053307058666409, "q_1": 8.656783487070411}, {"x": 55.50220088035214, "y": 5.443071112494653, "y_true": 4.051823223250827, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515644042998396, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.935873870923356, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.466052559851025, "q_0.375": 5.572482639826347, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.438786177128023, "q_0.575": 6.562639768728845, "q_0.6": 6.657930086880654, "q_0.625": 6.747738463072244, "q_0.65": 6.828714929954261, "q_0.675": 6.927076434736595, "q_0.7": 7.0433988184683685, "q_0.725": 7.089347137727554, "q_0.75": 7.126925553910155, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.889030883302941, "q_0.975": 8.062793901452165, "q_1": 8.656783487070411}, {"x": 55.5422168867547, "y": 4.460486351845997, "y_true": 4.05251888513157, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.279355501564982, "q_0.075": 4.381643112717437, "q_0.1": 4.515644042998396, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.935873870923356, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.465138958871356, "q_0.375": 5.572482639826347, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.0406307249432265, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.438786177128023, "q_0.575": 6.562639768728845, "q_0.6": 6.657930086880654, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.938249690190057, "q_0.7": 7.0433988184683685, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.062793901452165, "q_1": 8.656783487070411}, {"x": 55.58223289315727, "y": 5.338094355588171, "y_true": 4.053214063403268, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.279355501564982, "q_0.075": 4.381643112717437, "q_0.1": 4.515644042998396, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.935873870923356, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.465138958871356, "q_0.375": 5.572482639826347, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.0406307249432265, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.438786177128023, "q_0.575": 6.562639768728845, "q_0.6": 6.657930086880654, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.938249690190057, "q_0.7": 7.0433988184683685, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.062793901452165, "q_1": 8.656783487070411}, {"x": 55.62224889955983, "y": 4.732597939884491, "y_true": 4.053908758737845, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.279355501564982, "q_0.075": 4.381643112717437, "q_0.1": 4.515644042998396, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.935873870923356, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.465138958871356, "q_0.375": 5.572482639826347, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.0406307249432265, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.438786177128023, "q_0.575": 6.562639768728845, "q_0.6": 6.657930086880654, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.938249690190057, "q_0.7": 7.0433988184683685, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.062793901452165, "q_1": 8.656783487070411}, {"x": 55.66226490596239, "y": 6.299772939475638, "y_true": 4.0546029718058225, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.279355501564982, "q_0.075": 4.381643112717437, "q_0.1": 4.515644042998396, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.935873870923356, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.465138958871356, "q_0.375": 5.572482639826347, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.0406307249432265, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.438786177128023, "q_0.575": 6.562639768728845, "q_0.6": 6.657930086880654, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.938249690190057, "q_0.7": 7.0433988184683685, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.062793901452165, "q_1": 8.656783487070411}, {"x": 55.70228091236495, "y": 5.339437300956117, "y_true": 4.055296703276329, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.279355501564982, "q_0.075": 4.381643112717437, "q_0.1": 4.515644042998396, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.935873870923356, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.465138958871356, "q_0.375": 5.572482639826347, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.0406307249432265, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.438786177128023, "q_0.575": 6.562639768728845, "q_0.6": 6.657930086880654, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.938249690190057, "q_0.7": 7.0433988184683685, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.062793901452165, "q_1": 8.656783487070411}, {"x": 55.74229691876751, "y": 7.925163327293834, "y_true": 4.055989953817099, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.283243525352373, "q_0.075": 4.383429840009689, "q_0.1": 4.515644042998396, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.341491283836457, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.648274846080652, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.065028221486347, "q_1": 8.656783487070411}, {"x": 55.78231292517007, "y": 7.957500652079471, "y_true": 4.05668272409448, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.283243525352373, "q_0.075": 4.383429840009689, "q_0.1": 4.515644042998396, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.341491283836457, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.648274846080652, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.065028221486347, "q_1": 8.656783487070411}, {"x": 55.822328931572635, "y": 6.562639768728845, "y_true": 4.057375014773436, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.283243525352373, "q_0.075": 4.383429840009689, "q_0.1": 4.515644042998396, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.341491283836457, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.648274846080652, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.065028221486347, "q_1": 8.656783487070411}, {"x": 55.862344937975195, "y": 6.553146877273291, "y_true": 4.0580668265175515, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.283243525352373, "q_0.075": 4.383429840009689, "q_0.1": 4.515644042998396, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.341491283836457, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.648274846080652, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.065028221486347, "q_1": 8.656783487070411}, {"x": 55.902360944377754, "y": 8.041004847563451, "y_true": 4.058758159989033, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.283243525352373, "q_0.075": 4.383429840009689, "q_0.1": 4.515644042998396, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.341491283836457, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.648274846080652, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.065028221486347, "q_1": 8.656783487070411}, {"x": 55.942376950780314, "y": 7.6458828499127875, "y_true": 4.059449015848716, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.283243525352373, "q_0.075": 4.383429840009689, "q_0.1": 4.515644042998396, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.341491283836457, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.648274846080652, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.065028221486347, "q_1": 8.656783487070411}, {"x": 55.982392957182874, "y": 7.153120059519048, "y_true": 4.0601393947560664, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.283243525352373, "q_0.075": 4.383429840009689, "q_0.1": 4.515644042998396, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.93773496334822, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.0895050998178455, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.345706923293874, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.648274846080652, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.068094610848837, "q_1": 8.656783487070411}, {"x": 56.022408963585434, "y": 5.32881547845157, "y_true": 4.060829297369185, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.283243525352373, "q_0.075": 4.383429840009689, "q_0.1": 4.515644042998396, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.93773496334822, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.0895050998178455, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.345706923293874, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.648274846080652, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.068094610848837, "q_1": 8.656783487070411}, {"x": 56.062424969987994, "y": 5.539811865538276, "y_true": 4.061518724344813, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.524621312709386, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.495919686388927, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.653903624837676, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.10244097639056, "y": 4.876300922834117, "y_true": 4.062207676338334, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.524621312709386, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.495919686388927, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.653903624837676, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.14245698279312, "y": 6.033676989944086, "y_true": 4.0628961540037745, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.524621312709386, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.495919686388927, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.653903624837676, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.18247298919568, "y": 8.070860250562202, "y_true": 4.063584157993816, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.524621312709386, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.495919686388927, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.653903624837676, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.22248899559824, "y": 7.755698238457565, "y_true": 4.064271688959791, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.524621312709386, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.495919686388927, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.653903624837676, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.2625050020008, "y": 4.543995366273797, "y_true": 4.064958747551691, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.524621312709386, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.495919686388927, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.653903624837676, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.30252100840336, "y": 4.1676243065287455, "y_true": 4.065645334418166, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.524621312709386, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.495919686388927, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.653903624837676, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.34253701480593, "y": 7.704953745544701, "y_true": 4.066331450206533, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.524621312709386, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.495919686388927, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.653903624837676, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.38255302120849, "y": 6.24241661217028, "y_true": 4.067017095562778, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.283243525352373, "q_0.075": 4.383429840009689, "q_0.1": 4.515644042998396, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.321254834181335, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.29935610539027, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.653903624837676, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.42256902761105, "y": 4.878558884371987, "y_true": 4.067702271131557, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.321254834181335, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.7051626575548084, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.446101117070942, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.656757991337939, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.46258503401361, "y": 6.797446669766952, "y_true": 4.068386977556204, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.321254834181335, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.7051626575548084, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.446101117070942, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.656757991337939, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.50260104041617, "y": 6.679354131929909, "y_true": 4.069071215478731, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.321254834181335, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.7051626575548084, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.446101117070942, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.656757991337939, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.54261704681873, "y": 4.564510061852096, "y_true": 4.069754985539834, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.58263305322129, "y": 5.1226554097052235, "y_true": 4.070438288378895, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.62264905962385, "y": 4.314672127583073, "y_true": 4.071121124633986, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.66266506602641, "y": 4.9227058523285345, "y_true": 4.071803494941873, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.70268107242897, "y": 4.609025084519022, "y_true": 4.07248539993802, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.74269707883153, "y": 4.85693264038902, "y_true": 4.073166840256591, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.78271308523409, "y": 6.854575292342254, "y_true": 4.0738478165304555, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.82272909163666, "y": 4.27536769755606, "y_true": 4.074528329391189, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.86274509803922, "y": 4.488541919131649, "y_true": 4.075208379469082, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.90276110444178, "y": 4.620467243062304, "y_true": 4.075887967393135, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.94277711084434, "y": 5.3615518218203295, "y_true": 4.0765670937910725, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.9827931172469, "y": 5.290215727365148, "y_true": 4.077245759289337, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 57.02280912364946, "y": 5.113696215703577, "y_true": 4.077923964513097, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.313995137830147, "q_0.075": 4.386547959431385, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.878558884371987, "q_0.2": 4.955720988370454, "q_0.225": 5.05189249273273, "q_0.25": 5.151267483524238, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.60451966408088, "q_0.4": 5.706218698853002, "q_0.425": 5.886105011789981, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.055294660711404, "q_0.725": 7.106151108103749, "q_0.75": 7.15012057883883, "q_0.775": 7.282279073914468, "q_0.8": 7.378395279746822, "q_0.825": 7.484458296526635, "q_0.85": 7.568454379323775, "q_0.875": 7.671882404954735, "q_0.9": 7.735699598519275, "q_0.925": 7.825322018467288, "q_0.95": 7.917485895467731, "q_0.975": 8.087444038800733, "q_1": 8.656783487070411}, {"x": 57.062825130052026, "y": 7.126925553910155, "y_true": 4.078601710086252, "y_pred": 6.24241661217028, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.182691680591658, "q_0.05": 4.331266554023453, "q_0.075": 4.42070350360095, "q_0.1": 4.564510061852096, "q_0.125": 4.629083673679015, "q_0.15": 4.7317609288643805, "q_0.175": 4.909365837454605, "q_0.2": 4.977043761741297, "q_0.225": 5.102990519792822, "q_0.25": 5.184031077124445, "q_0.275": 5.287488820414848, "q_0.3": 5.342937656487511, "q_0.325": 5.438541504313273, "q_0.35": 5.539419070834594, "q_0.375": 5.656107521638343, "q_0.4": 5.773454518537434, "q_0.425": 5.952531773049255, "q_0.45": 6.081612164918977, "q_0.475": 6.152797806255528, "q_0.5": 6.24241661217028, "q_0.525": 6.3092835525930475, "q_0.55": 6.465536254452598, "q_0.575": 6.601616879484233, "q_0.6": 6.687848398930965, "q_0.625": 6.797446669766952, "q_0.65": 6.875949585473359, "q_0.675": 6.961121135243478, "q_0.7": 7.081019501896454, "q_0.725": 7.1144450602403815, "q_0.75": 7.202443257596885, "q_0.775": 7.322831888632859, "q_0.8": 7.437297968645725, "q_0.825": 7.51211729450557, "q_0.85": 7.6075721287107125, "q_0.875": 7.704953745544701, "q_0.9": 7.78618425494029, "q_0.925": 7.842200327395741, "q_0.95": 7.954445289561369, "q_0.975": 8.133461699729155, "q_1": 8.75141489812569}, {"x": 57.102841136454586, "y": 8.133461699729155, "y_true": 4.079278996631431, "y_pred": 6.24241661217028, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.182691680591658, "q_0.05": 4.331266554023453, "q_0.075": 4.42070350360095, "q_0.1": 4.564510061852096, "q_0.125": 4.636025148763184, "q_0.15": 4.7317609288643805, "q_0.175": 4.9094411838194745, "q_0.2": 4.981246200893748, "q_0.225": 5.102990519792822, "q_0.25": 5.184887186149939, "q_0.275": 5.287488820414848, "q_0.3": 5.342937656487511, "q_0.325": 5.438541504313273, "q_0.35": 5.539419070834594, "q_0.375": 5.656107521638343, "q_0.4": 5.773454518537434, "q_0.425": 5.952531773049255, "q_0.45": 6.081612164918977, "q_0.475": 6.152797806255528, "q_0.5": 6.24241661217028, "q_0.525": 6.3092835525930475, "q_0.55": 6.465536254452598, "q_0.575": 6.601616879484233, "q_0.6": 6.687848398930965, "q_0.625": 6.797446669766952, "q_0.65": 6.875949585473359, "q_0.675": 6.961121135243478, "q_0.7": 7.081019501896454, "q_0.725": 7.1144450602403815, "q_0.75": 7.228085904229239, "q_0.775": 7.325221322122348, "q_0.8": 7.437297968645725, "q_0.825": 7.51211729450557, "q_0.85": 7.6075721287107125, "q_0.875": 7.704953745544701, "q_0.9": 7.78618425494029, "q_0.925": 7.842200327395741, "q_0.95": 7.954445289561369, "q_0.975": 8.133461699729155, "q_1": 8.75141489812569}, {"x": 57.142857142857146, "y": 6.249456352045211, "y_true": 4.079955824770001, "y_pred": 6.24241661217028, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.182691680591658, "q_0.05": 4.331266554023453, "q_0.075": 4.42070350360095, "q_0.1": 4.564510061852096, "q_0.125": 4.636025148763184, "q_0.15": 4.7317609288643805, "q_0.175": 4.9094411838194745, "q_0.2": 4.981246200893748, "q_0.225": 5.102990519792822, "q_0.25": 5.184887186149939, "q_0.275": 5.287488820414848, "q_0.3": 5.342937656487511, "q_0.325": 5.438541504313273, "q_0.35": 5.539419070834594, "q_0.375": 5.656107521638343, "q_0.4": 5.773454518537434, "q_0.425": 5.952531773049255, "q_0.45": 6.081612164918977, "q_0.475": 6.152797806255528, "q_0.5": 6.24241661217028, "q_0.525": 6.3092835525930475, "q_0.55": 6.465536254452598, "q_0.575": 6.601616879484233, "q_0.6": 6.687848398930965, "q_0.625": 6.797446669766952, "q_0.65": 6.875949585473359, "q_0.675": 6.961121135243478, "q_0.7": 7.081019501896454, "q_0.725": 7.1144450602403815, "q_0.75": 7.228085904229239, "q_0.775": 7.325221322122348, "q_0.8": 7.437297968645725, "q_0.825": 7.51211729450557, "q_0.85": 7.6075721287107125, "q_0.875": 7.704953745544701, "q_0.9": 7.78618425494029, "q_0.925": 7.842200327395741, "q_0.95": 7.954445289561369, "q_0.975": 8.133461699729155, "q_1": 8.75141489812569}, {"x": 57.182873149259706, "y": 7.917485895467731, "y_true": 4.080632195122067, "y_pred": 6.24241661217028, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.182691680591658, "q_0.05": 4.331266554023453, "q_0.075": 4.42070350360095, "q_0.1": 4.564510061852096, "q_0.125": 4.636025148763184, "q_0.15": 4.7317609288643805, "q_0.175": 4.9094411838194745, "q_0.2": 4.981246200893748, "q_0.225": 5.102990519792822, "q_0.25": 5.184887186149939, "q_0.275": 5.287488820414848, "q_0.3": 5.342937656487511, "q_0.325": 5.438541504313273, "q_0.35": 5.539419070834594, "q_0.375": 5.656107521638343, "q_0.4": 5.773454518537434, "q_0.425": 5.952531773049255, "q_0.45": 6.081612164918977, "q_0.475": 6.152797806255528, "q_0.5": 6.24241661217028, "q_0.525": 6.3092835525930475, "q_0.55": 6.465536254452598, "q_0.575": 6.601616879484233, "q_0.6": 6.687848398930965, "q_0.625": 6.797446669766952, "q_0.65": 6.875949585473359, "q_0.675": 6.961121135243478, "q_0.7": 7.081019501896454, "q_0.725": 7.1144450602403815, "q_0.75": 7.228085904229239, "q_0.775": 7.325221322122348, "q_0.8": 7.437297968645725, "q_0.825": 7.51211729450557, "q_0.85": 7.6075721287107125, "q_0.875": 7.704953745544701, "q_0.9": 7.78618425494029, "q_0.925": 7.842200327395741, "q_0.95": 7.954445289561369, "q_0.975": 8.133461699729155, "q_1": 8.75141489812569}, {"x": 57.222889155662266, "y": 5.693242084446407, "y_true": 4.0813081083064775, "y_pred": 6.24241661217028, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.182691680591658, "q_0.05": 4.331266554023453, "q_0.075": 4.42070350360095, "q_0.1": 4.564510061852096, "q_0.125": 4.636025148763184, "q_0.15": 4.7317609288643805, "q_0.175": 4.9094411838194745, "q_0.2": 4.981246200893748, "q_0.225": 5.102990519792822, "q_0.25": 5.184887186149939, "q_0.275": 5.287488820414848, "q_0.3": 5.342937656487511, "q_0.325": 5.438541504313273, "q_0.35": 5.539419070834594, "q_0.375": 5.656107521638343, "q_0.4": 5.773454518537434, "q_0.425": 5.952531773049255, "q_0.45": 6.081612164918977, "q_0.475": 6.152797806255528, "q_0.5": 6.24241661217028, "q_0.525": 6.3092835525930475, "q_0.55": 6.465536254452598, "q_0.575": 6.601616879484233, "q_0.6": 6.687848398930965, "q_0.625": 6.797446669766952, "q_0.65": 6.875949585473359, "q_0.675": 6.961121135243478, "q_0.7": 7.081019501896454, "q_0.725": 7.1144450602403815, "q_0.75": 7.228085904229239, "q_0.775": 7.325221322122348, "q_0.8": 7.437297968645725, "q_0.825": 7.51211729450557, "q_0.85": 7.6075721287107125, "q_0.875": 7.704953745544701, "q_0.9": 7.78618425494029, "q_0.925": 7.842200327395741, "q_0.95": 7.954445289561369, "q_0.975": 8.133461699729155, "q_1": 8.75141489812569}, {"x": 57.262905162064826, "y": 4.515644042998396, "y_true": 4.081983564940827, "y_pred": 6.24241661217028, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.182691680591658, "q_0.05": 4.3429763921581275, "q_0.075": 4.42070350360095, "q_0.1": 4.580811489139448, "q_0.125": 4.636025148763184, "q_0.15": 4.732020561033832, "q_0.175": 4.9094411838194745, "q_0.2": 4.981246200893748, "q_0.225": 5.102990519792822, "q_0.25": 5.184887186149939, "q_0.275": 5.287488820414848, "q_0.3": 5.347108376247142, "q_0.325": 5.438541504313273, "q_0.35": 5.539811865538276, "q_0.375": 5.656107521638343, "q_0.4": 5.773454518537434, "q_0.425": 5.952531773049255, "q_0.45": 6.081612164918977, "q_0.475": 6.152797806255528, "q_0.5": 6.24241661217028, "q_0.525": 6.3092835525930475, "q_0.55": 6.475082619659686, "q_0.575": 6.601616879484233, "q_0.6": 6.687848398930965, "q_0.625": 6.797446669766952, "q_0.65": 6.875949585473359, "q_0.675": 6.974000092888221, "q_0.7": 7.086538961463197, "q_0.725": 7.116212837647618, "q_0.75": 7.228085904229239, "q_0.775": 7.325282589647719, "q_0.8": 7.444051702944519, "q_0.825": 7.51211729450557, "q_0.85": 7.6349000581069655, "q_0.875": 7.704953745544701, "q_0.9": 7.78618425494029, "q_0.925": 7.8521707561370775, "q_0.95": 7.957500652079471, "q_0.975": 8.133461699729155, "q_1": 8.75141489812569}, {"x": 57.30292116846739, "y": 5.744590783872283, "y_true": 4.082658565641456, "y_pred": 6.24241661217028, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.182691680591658, "q_0.05": 4.3429763921581275, "q_0.075": 4.42070350360095, "q_0.1": 4.580811489139448, "q_0.125": 4.636025148763184, "q_0.15": 4.732020561033832, "q_0.175": 4.9094411838194745, "q_0.2": 4.981246200893748, "q_0.225": 5.102990519792822, "q_0.25": 5.184887186149939, "q_0.275": 5.287488820414848, "q_0.3": 5.347108376247142, "q_0.325": 5.438541504313273, "q_0.35": 5.539811865538276, "q_0.375": 5.656107521638343, "q_0.4": 5.773454518537434, "q_0.425": 5.952531773049255, "q_0.45": 6.081612164918977, "q_0.475": 6.152797806255528, "q_0.5": 6.24241661217028, "q_0.525": 6.3092835525930475, "q_0.55": 6.475082619659686, "q_0.575": 6.601616879484233, "q_0.6": 6.687848398930965, "q_0.625": 6.797446669766952, "q_0.65": 6.875949585473359, "q_0.675": 6.974000092888221, "q_0.7": 7.086538961463197, "q_0.725": 7.116212837647618, "q_0.75": 7.228085904229239, "q_0.775": 7.325282589647719, "q_0.8": 7.444051702944519, "q_0.825": 7.51211729450557, "q_0.85": 7.6349000581069655, "q_0.875": 7.704953745544701, "q_0.9": 7.78618425494029, "q_0.925": 7.8521707561370775, "q_0.95": 7.957500652079471, "q_0.975": 8.133461699729155, "q_1": 8.75141489812569}, {"x": 57.34293717486995, "y": 5.287488820414848, "y_true": 4.083333111023463, "y_pred": 6.2482342900515695, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.189093809614454, "q_0.05": 4.3436102864082, "q_0.075": 4.430040839189768, "q_0.1": 4.58685287249369, "q_0.125": 4.636025148763184, "q_0.15": 4.732597939884491, "q_0.175": 4.920466131836241, "q_0.2": 4.981246200893748, "q_0.225": 5.102990519792822, "q_0.25": 5.187597105836235, "q_0.275": 5.287488820414848, "q_0.3": 5.347108376247142, "q_0.325": 5.443071112494653, "q_0.35": 5.539811865538276, "q_0.375": 5.673210161176248, "q_0.4": 5.783031141582168, "q_0.425": 5.957988925578241, "q_0.45": 6.087499373460008, "q_0.475": 6.1611669678151895, "q_0.5": 6.2482342900515695, "q_0.525": 6.325271785433165, "q_0.55": 6.507863533141688, "q_0.575": 6.607185528698235, "q_0.6": 6.6900672953369185, "q_0.625": 6.800119118863604, "q_0.65": 6.8982771758681185, "q_0.675": 6.984478038534571, "q_0.7": 7.086538961463197, "q_0.725": 7.126925553910155, "q_0.75": 7.247406915343263, "q_0.775": 7.329586185680565, "q_0.8": 7.446020005529373, "q_0.825": 7.516675079464473, "q_0.85": 7.6458828499127875, "q_0.875": 7.713279231665364, "q_0.9": 7.787569438223713, "q_0.925": 7.8521707561370775, "q_0.95": 7.957500652079471, "q_0.975": 8.133461699729155, "q_1": 8.75141489812569}, {"x": 57.38295318127251, "y": 6.0907051342513086, "y_true": 4.084007201700699, "y_pred": 6.2482342900515695, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.189093809614454, "q_0.05": 4.343943727416559, "q_0.075": 4.453688787362178, "q_0.1": 4.58685287249369, "q_0.125": 4.639328602508357, "q_0.15": 4.732597939884491, "q_0.175": 4.920466131836241, "q_0.2": 4.990548377091267, "q_0.225": 5.102990519792822, "q_0.25": 5.187597105836235, "q_0.275": 5.289126834881126, "q_0.3": 5.3588816768914995, "q_0.325": 5.443071112494653, "q_0.35": 5.5413418269448105, "q_0.375": 5.6737204739936455, "q_0.4": 5.802539059625862, "q_0.425": 5.957988925578241, "q_0.45": 6.081612164918977, "q_0.475": 6.1611669678151895, "q_0.5": 6.2482342900515695, "q_0.525": 6.325271785433165, "q_0.55": 6.49436389982853, "q_0.575": 6.607185528698235, "q_0.6": 6.690604747733197, "q_0.625": 6.800119118863604, "q_0.65": 6.9036364853327825, "q_0.675": 6.986633512608696, "q_0.7": 7.088056572014871, "q_0.725": 7.128147769944071, "q_0.75": 7.255813732982542, "q_0.775": 7.334147534573716, "q_0.8": 7.457908853071276, "q_0.825": 7.516675079464473, "q_0.85": 7.6458828499127875, "q_0.875": 7.720562189265623, "q_0.9": 7.7919426184128975, "q_0.925": 7.870147641057432, "q_0.95": 7.958802616307166, "q_0.975": 8.16227263890931, "q_1": 8.75141489812569}, {"x": 57.42296918767507, "y": 6.757343395456734, "y_true": 4.084680838285776, "y_pred": 6.2482342900515695, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.209068378464134, "q_0.05": 4.343943727416559, "q_0.075": 4.453688787362178, "q_0.1": 4.58685287249369, "q_0.125": 4.639379334929002, "q_0.15": 4.732597939884491, "q_0.175": 4.920466131836241, "q_0.2": 4.990548377091267, "q_0.225": 5.102990519792822, "q_0.25": 5.187597105836235, "q_0.275": 5.288963033434498, "q_0.3": 5.3588816768914995, "q_0.325": 5.443071112494653, "q_0.35": 5.5413418269448105, "q_0.375": 5.673210161176248, "q_0.4": 5.784501430094777, "q_0.425": 5.957988925578241, "q_0.45": 6.081612164918977, "q_0.475": 6.1611669678151895, "q_0.5": 6.2482342900515695, "q_0.525": 6.325271785433165, "q_0.55": 6.49436389982853, "q_0.575": 6.607185528698235, "q_0.6": 6.692195609630379, "q_0.625": 6.800119118863604, "q_0.65": 6.9036364853327825, "q_0.675": 6.986633512608696, "q_0.7": 7.088056572014871, "q_0.725": 7.128147769944071, "q_0.75": 7.265420303827962, "q_0.775": 7.334824091520664, "q_0.8": 7.4598899101945895, "q_0.825": 7.518297183219039, "q_0.85": 7.64732980904761, "q_0.875": 7.720562189265623, "q_0.9": 7.7919426184128975, "q_0.925": 7.870147641057432, "q_0.95": 7.965287091381542, "q_0.975": 8.16227263890931, "q_1": 8.75141489812569}, {"x": 57.46298519407763, "y": 5.961087884738324, "y_true": 4.085354021390069, "y_pred": 6.2482342900515695, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.209068378464134, "q_0.05": 4.343943727416559, "q_0.075": 4.453688787362178, "q_0.1": 4.58685287249369, "q_0.125": 4.639379334929002, "q_0.15": 4.732597939884491, "q_0.175": 4.920466131836241, "q_0.2": 4.990548377091267, "q_0.225": 5.102990519792822, "q_0.25": 5.187597105836235, "q_0.275": 5.288963033434498, "q_0.3": 5.3588816768914995, "q_0.325": 5.443071112494653, "q_0.35": 5.5413418269448105, "q_0.375": 5.673210161176248, "q_0.4": 5.784501430094777, "q_0.425": 5.957988925578241, "q_0.45": 6.081612164918977, "q_0.475": 6.1611669678151895, "q_0.5": 6.2482342900515695, "q_0.525": 6.325271785433165, "q_0.55": 6.49436389982853, "q_0.575": 6.607185528698235, "q_0.6": 6.692195609630379, "q_0.625": 6.800119118863604, "q_0.65": 6.9036364853327825, "q_0.675": 6.986633512608696, "q_0.7": 7.088056572014871, "q_0.725": 7.128147769944071, "q_0.75": 7.265420303827962, "q_0.775": 7.334824091520664, "q_0.8": 7.4598899101945895, "q_0.825": 7.518297183219039, "q_0.85": 7.64732980904761, "q_0.875": 7.720562189265623, "q_0.9": 7.7919426184128975, "q_0.925": 7.870147641057432, "q_0.95": 7.965287091381542, "q_0.975": 8.16227263890931, "q_1": 8.75141489812569}, {"x": 57.50300120048019, "y": 7.891267869684307, "y_true": 4.086026751623717, "y_pred": 6.250175907946609, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211287775002987, "q_0.05": 4.347606948412228, "q_0.075": 4.460486351845997, "q_0.1": 4.598335254535328, "q_0.125": 4.665422589602663, "q_0.15": 4.761465645334576, "q_0.175": 4.931114362328738, "q_0.2": 5.024010989310101, "q_0.225": 5.120782424789921, "q_0.25": 5.2115914496379805, "q_0.275": 5.290215727365148, "q_0.3": 5.3812903189554415, "q_0.325": 5.465138958871356, "q_0.35": 5.572482639826347, "q_0.375": 5.682023309336892, "q_0.4": 5.839503411873947, "q_0.425": 5.9770566636681925, "q_0.45": 6.0907051342513086, "q_0.475": 6.185318079855138, "q_0.5": 6.250175907946609, "q_0.525": 6.371714549575328, "q_0.55": 6.553146877273291, "q_0.575": 6.642254678323099, "q_0.6": 6.739029346385659, "q_0.625": 6.828714929954261, "q_0.65": 6.927562068158622, "q_0.675": 7.02434904197775, "q_0.7": 7.095665621339528, "q_0.725": 7.151894971260996, "q_0.75": 7.288591279204791, "q_0.775": 7.38092137103429, "q_0.8": 7.484458296526635, "q_0.825": 7.568454379323775, "q_0.85": 7.658270432699586, "q_0.875": 7.735699598519275, "q_0.9": 7.820504109833605, "q_0.925": 7.891267869684307, "q_0.95": 7.979878653405329, "q_0.975": 8.177872505366615, "q_1": 8.75141489812569}, {"x": 57.54301720688276, "y": 7.687481123847246, "y_true": 4.086699029595632, "y_pred": 6.250175907946609, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211287775002987, "q_0.05": 4.347606948412228, "q_0.075": 4.460486351845997, "q_0.1": 4.598335254535328, "q_0.125": 4.665422589602663, "q_0.15": 4.761465645334576, "q_0.175": 4.931114362328738, "q_0.2": 5.024010989310101, "q_0.225": 5.120782424789921, "q_0.25": 5.2115914496379805, "q_0.275": 5.290215727365148, "q_0.3": 5.3812903189554415, "q_0.325": 5.465138958871356, "q_0.35": 5.572482639826347, "q_0.375": 5.682023309336892, "q_0.4": 5.839503411873947, "q_0.425": 5.9770566636681925, "q_0.45": 6.0907051342513086, "q_0.475": 6.185318079855138, "q_0.5": 6.250175907946609, "q_0.525": 6.371714549575328, "q_0.55": 6.553146877273291, "q_0.575": 6.642254678323099, "q_0.6": 6.739029346385659, "q_0.625": 6.828714929954261, "q_0.65": 6.927562068158622, "q_0.675": 7.02434904197775, "q_0.7": 7.095665621339528, "q_0.725": 7.151894971260996, "q_0.75": 7.288591279204791, "q_0.775": 7.38092137103429, "q_0.8": 7.484458296526635, "q_0.825": 7.568454379323775, "q_0.85": 7.658270432699586, "q_0.875": 7.735699598519275, "q_0.9": 7.820504109833605, "q_0.925": 7.891267869684307, "q_0.95": 7.979878653405329, "q_0.975": 8.177872505366615, "q_1": 8.75141489812569}, {"x": 57.58303321328532, "y": 6.944732131840182, "y_true": 4.087370855913495, "y_pred": 6.250175907946609, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211287775002987, "q_0.05": 4.347606948412228, "q_0.075": 4.460486351845997, "q_0.1": 4.598335254535328, "q_0.125": 4.665422589602663, "q_0.15": 4.761465645334576, "q_0.175": 4.931114362328738, "q_0.2": 5.024010989310101, "q_0.225": 5.120782424789921, "q_0.25": 5.2115914496379805, "q_0.275": 5.290215727365148, "q_0.3": 5.3812903189554415, "q_0.325": 5.465138958871356, "q_0.35": 5.572482639826347, "q_0.375": 5.682023309336892, "q_0.4": 5.839503411873947, "q_0.425": 5.9770566636681925, "q_0.45": 6.0907051342513086, "q_0.475": 6.185318079855138, "q_0.5": 6.250175907946609, "q_0.525": 6.371714549575328, "q_0.55": 6.553146877273291, "q_0.575": 6.642254678323099, "q_0.6": 6.739029346385659, "q_0.625": 6.828714929954261, "q_0.65": 6.927562068158622, "q_0.675": 7.02434904197775, "q_0.7": 7.095665621339528, "q_0.725": 7.151894971260996, "q_0.75": 7.288591279204791, "q_0.775": 7.38092137103429, "q_0.8": 7.484458296526635, "q_0.825": 7.568454379323775, "q_0.85": 7.658270432699586, "q_0.875": 7.735699598519275, "q_0.9": 7.820504109833605, "q_0.925": 7.891267869684307, "q_0.95": 7.979878653405329, "q_0.975": 8.177872505366615, "q_1": 8.75141489812569}, {"x": 57.62304921968788, "y": 6.081612164918977, "y_true": 4.088042231183765, "y_pred": 6.250175907946609, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211287775002987, "q_0.05": 4.3708626516283235, "q_0.075": 4.460486351845997, "q_0.1": 4.598335254535328, "q_0.125": 4.665422589602663, "q_0.15": 4.764826637626218, "q_0.175": 4.931114362328738, "q_0.2": 5.024010989310101, "q_0.225": 5.120782424789921, "q_0.25": 5.2115914496379805, "q_0.275": 5.290215727365148, "q_0.3": 5.3812903189554415, "q_0.325": 5.465138958871356, "q_0.35": 5.572482639826347, "q_0.375": 5.682023309336892, "q_0.4": 5.839503411873947, "q_0.425": 5.9770566636681925, "q_0.45": 6.0907051342513086, "q_0.475": 6.185318079855138, "q_0.5": 6.250175907946609, "q_0.525": 6.371714549575328, "q_0.55": 6.553146877273291, "q_0.575": 6.642254678323099, "q_0.6": 6.739029346385659, "q_0.625": 6.828714929954261, "q_0.65": 6.938249690190057, "q_0.675": 7.02434904197775, "q_0.7": 7.105755522534984, "q_0.725": 7.151894971260996, "q_0.75": 7.2915198671131325, "q_0.775": 7.394550905989107, "q_0.8": 7.484458296526635, "q_0.825": 7.568454379323775, "q_0.85": 7.671882404954735, "q_0.875": 7.735699598519275, "q_0.9": 7.820504109833605, "q_0.925": 7.891267869684307, "q_0.95": 8.013159591495198, "q_0.975": 8.177872505366615, "q_1": 8.759634274030816}, {"x": 57.66306522609044, "y": 4.62491878862851, "y_true": 4.08871315601168, "y_pred": 6.250175907946609, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211287775002987, "q_0.05": 4.3708626516283235, "q_0.075": 4.460486351845997, "q_0.1": 4.598335254535328, "q_0.125": 4.665422589602663, "q_0.15": 4.764826637626218, "q_0.175": 4.931114362328738, "q_0.2": 5.024010989310101, "q_0.225": 5.120782424789921, "q_0.25": 5.2115914496379805, "q_0.275": 5.290215727365148, "q_0.3": 5.3812903189554415, "q_0.325": 5.465138958871356, "q_0.35": 5.572482639826347, "q_0.375": 5.682023309336892, "q_0.4": 5.839503411873947, "q_0.425": 5.9770566636681925, "q_0.45": 6.0907051342513086, "q_0.475": 6.185318079855138, "q_0.5": 6.250175907946609, "q_0.525": 6.371714549575328, "q_0.55": 6.553146877273291, "q_0.575": 6.642254678323099, "q_0.6": 6.739029346385659, "q_0.625": 6.828714929954261, "q_0.65": 6.938249690190057, "q_0.675": 7.02434904197775, "q_0.7": 7.105755522534984, "q_0.725": 7.151894971260996, "q_0.75": 7.2915198671131325, "q_0.775": 7.394550905989107, "q_0.8": 7.484458296526635, "q_0.825": 7.568454379323775, "q_0.85": 7.671882404954735, "q_0.875": 7.735699598519275, "q_0.9": 7.820504109833605, "q_0.925": 7.891267869684307, "q_0.95": 8.013159591495198, "q_0.975": 8.177872505366615, "q_1": 8.759634274030816}, {"x": 57.703081232493, "y": 5.706218698853002, "y_true": 4.089383631001263, "y_pred": 6.250175907946609, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211287775002987, "q_0.05": 4.3708626516283235, "q_0.075": 4.460486351845997, "q_0.1": 4.598335254535328, "q_0.125": 4.665422589602663, "q_0.15": 4.764826637626218, "q_0.175": 4.931114362328738, "q_0.2": 5.024010989310101, "q_0.225": 5.120782424789921, "q_0.25": 5.2115914496379805, "q_0.275": 5.290215727365148, "q_0.3": 5.3812903189554415, "q_0.325": 5.465138958871356, "q_0.35": 5.572482639826347, "q_0.375": 5.682023309336892, "q_0.4": 5.839503411873947, "q_0.425": 5.9770566636681925, "q_0.45": 6.0907051342513086, "q_0.475": 6.185318079855138, "q_0.5": 6.250175907946609, "q_0.525": 6.371714549575328, "q_0.55": 6.553146877273291, "q_0.575": 6.642254678323099, "q_0.6": 6.739029346385659, "q_0.625": 6.828714929954261, "q_0.65": 6.938249690190057, "q_0.675": 7.02434904197775, "q_0.7": 7.105755522534984, "q_0.725": 7.151894971260996, "q_0.75": 7.2915198671131325, "q_0.775": 7.394550905989107, "q_0.8": 7.484458296526635, "q_0.825": 7.568454379323775, "q_0.85": 7.671882404954735, "q_0.875": 7.735699598519275, "q_0.9": 7.820504109833605, "q_0.925": 7.891267869684307, "q_0.95": 8.013159591495198, "q_0.975": 8.177872505366615, "q_1": 8.759634274030816}, {"x": 57.74309723889556, "y": 6.959203447694513, "y_true": 4.090053656755317, "y_pred": 6.250175907946609, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211386530730391, "q_0.05": 4.3708626516283235, "q_0.075": 4.482762043517262, "q_0.1": 4.606059433029293, "q_0.125": 4.665422589602663, "q_0.15": 4.764826637626218, "q_0.175": 4.931784502214521, "q_0.2": 5.025263307888901, "q_0.225": 5.1226554097052235, "q_0.25": 5.216614980798683, "q_0.275": 5.293790197765075, "q_0.3": 5.381425115449694, "q_0.325": 5.466052559851025, "q_0.35": 5.598264224247254, "q_0.375": 5.693242084446407, "q_0.4": 5.840642411473849, "q_0.425": 5.9770566636681925, "q_0.45": 6.123358871367403, "q_0.475": 6.185318079855138, "q_0.5": 6.250175907946609, "q_0.525": 6.38830657909329, "q_0.55": 6.556922696951482, "q_0.575": 6.64615580544274, "q_0.6": 6.739029346385659, "q_0.625": 6.8340923655005525, "q_0.65": 6.944732131840182, "q_0.675": 7.0433988184683685, "q_0.7": 7.1077530230764925, "q_0.725": 7.157877290613817, "q_0.75": 7.303487754943594, "q_0.775": 7.409750490544118, "q_0.8": 7.494307419463388, "q_0.825": 7.576381492860504, "q_0.85": 7.672438687443597, "q_0.875": 7.744368028576007, "q_0.9": 7.820504109833605, "q_0.925": 7.898807765374084, "q_0.95": 8.027380510540096, "q_0.975": 8.19749931912753, "q_1": 8.759634274030816}, {"x": 57.78311324529812, "y": 5.251305429080203, "y_true": 4.09072323387544, "y_pred": 6.250175907946609, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211386530730391, "q_0.05": 4.3708626516283235, "q_0.075": 4.482762043517262, "q_0.1": 4.606059433029293, "q_0.125": 4.665422589602663, "q_0.15": 4.764826637626218, "q_0.175": 4.931784502214521, "q_0.2": 5.025263307888901, "q_0.225": 5.1226554097052235, "q_0.25": 5.216614980798683, "q_0.275": 5.293790197765075, "q_0.3": 5.381425115449694, "q_0.325": 5.466052559851025, "q_0.35": 5.598264224247254, "q_0.375": 5.693242084446407, "q_0.4": 5.840642411473849, "q_0.425": 5.9770566636681925, "q_0.45": 6.123358871367403, "q_0.475": 6.185318079855138, "q_0.5": 6.250175907946609, "q_0.525": 6.38830657909329, "q_0.55": 6.556922696951482, "q_0.575": 6.64615580544274, "q_0.6": 6.739029346385659, "q_0.625": 6.8340923655005525, "q_0.65": 6.944732131840182, "q_0.675": 7.0433988184683685, "q_0.7": 7.1077530230764925, "q_0.725": 7.157877290613817, "q_0.75": 7.303487754943594, "q_0.775": 7.409750490544118, "q_0.8": 7.494307419463388, "q_0.825": 7.576381492860504, "q_0.85": 7.672438687443597, "q_0.875": 7.744368028576007, "q_0.9": 7.820504109833605, "q_0.925": 7.898807765374084, "q_0.95": 8.027380510540096, "q_0.975": 8.19749931912753, "q_1": 8.759634274030816}, {"x": 57.823129251700685, "y": 4.515095438240721, "y_true": 4.0913923629620195, "y_pred": 6.250175907946609, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211386530730391, "q_0.05": 4.3708626516283235, "q_0.075": 4.482762043517262, "q_0.1": 4.606059433029293, "q_0.125": 4.665422589602663, "q_0.15": 4.764826637626218, "q_0.175": 4.931784502214521, "q_0.2": 5.025263307888901, "q_0.225": 5.1226554097052235, "q_0.25": 5.216614980798683, "q_0.275": 5.293790197765075, "q_0.3": 5.381425115449694, "q_0.325": 5.466052559851025, "q_0.35": 5.598264224247254, "q_0.375": 5.693242084446407, "q_0.4": 5.840642411473849, "q_0.425": 5.9770566636681925, "q_0.45": 6.123358871367403, "q_0.475": 6.185318079855138, "q_0.5": 6.250175907946609, "q_0.525": 6.38830657909329, "q_0.55": 6.556922696951482, "q_0.575": 6.64615580544274, "q_0.6": 6.739029346385659, "q_0.625": 6.8340923655005525, "q_0.65": 6.944732131840182, "q_0.675": 7.0433988184683685, "q_0.7": 7.1077530230764925, "q_0.725": 7.157877290613817, "q_0.75": 7.303487754943594, "q_0.775": 7.409750490544118, "q_0.8": 7.494307419463388, "q_0.825": 7.576381492860504, "q_0.85": 7.672438687443597, "q_0.875": 7.744368028576007, "q_0.9": 7.820504109833605, "q_0.925": 7.898807765374084, "q_0.95": 8.027380510540096, "q_0.975": 8.19749931912753, "q_1": 8.759634274030816}, {"x": 57.863145258103245, "y": 7.7919426184128975, "y_true": 4.092061044614239, "y_pred": 6.253251670123682, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211386530730391, "q_0.05": 4.374179160246665, "q_0.075": 4.505482959481341, "q_0.1": 4.606059433029293, "q_0.125": 4.665422589602663, "q_0.15": 4.773197724835218, "q_0.175": 4.932552688902458, "q_0.2": 5.025263307888901, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.381425115449694, "q_0.325": 5.480378124576764, "q_0.35": 5.598264224247254, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.9793170140524055, "q_0.45": 6.123358871367403, "q_0.475": 6.20421541989995, "q_0.5": 6.253251670123682, "q_0.525": 6.399834503882525, "q_0.55": 6.562639768728845, "q_0.575": 6.64615580544274, "q_0.6": 6.747738463072244, "q_0.625": 6.8340923655005525, "q_0.65": 6.944732131840182, "q_0.675": 7.049884809491566, "q_0.7": 7.1079310136290195, "q_0.725": 7.1608603901938235, "q_0.75": 7.309967068316329, "q_0.775": 7.409750490544118, "q_0.8": 7.494307419463388, "q_0.825": 7.578682912919554, "q_0.85": 7.675270140890328, "q_0.875": 7.744368028576007, "q_0.9": 7.825322018467288, "q_0.925": 7.906764005708316, "q_0.95": 8.049695750695342, "q_0.975": 8.19749931912753, "q_1": 8.759634274030816}, {"x": 57.903161264505805, "y": 6.982745760397966, "y_true": 4.092729279430081, "y_pred": 6.253251670123682, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211386530730391, "q_0.05": 4.374179160246665, "q_0.075": 4.505482959481341, "q_0.1": 4.606059433029293, "q_0.125": 4.665422589602663, "q_0.15": 4.773197724835218, "q_0.175": 4.932552688902458, "q_0.2": 5.025263307888901, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.381425115449694, "q_0.325": 5.480378124576764, "q_0.35": 5.598264224247254, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.9793170140524055, "q_0.45": 6.123358871367403, "q_0.475": 6.20421541989995, "q_0.5": 6.253251670123682, "q_0.525": 6.399834503882525, "q_0.55": 6.562639768728845, "q_0.575": 6.64615580544274, "q_0.6": 6.747738463072244, "q_0.625": 6.8340923655005525, "q_0.65": 6.944732131840182, "q_0.675": 7.049884809491566, "q_0.7": 7.1079310136290195, "q_0.725": 7.1608603901938235, "q_0.75": 7.309967068316329, "q_0.775": 7.409750490544118, "q_0.8": 7.494307419463388, "q_0.825": 7.578682912919554, "q_0.85": 7.675270140890328, "q_0.875": 7.744368028576007, "q_0.9": 7.825322018467288, "q_0.925": 7.906764005708316, "q_0.95": 8.049695750695342, "q_0.975": 8.19749931912753, "q_1": 8.759634274030816}, {"x": 57.943177270908365, "y": 6.601616879484233, "y_true": 4.09339706800633, "y_pred": 6.253251670123682, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211386530730391, "q_0.05": 4.374179160246665, "q_0.075": 4.505482959481341, "q_0.1": 4.606059433029293, "q_0.125": 4.665422589602663, "q_0.15": 4.773197724835218, "q_0.175": 4.932552688902458, "q_0.2": 5.025263307888901, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.381425115449694, "q_0.325": 5.480378124576764, "q_0.35": 5.598264224247254, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.9793170140524055, "q_0.45": 6.123358871367403, "q_0.475": 6.20421541989995, "q_0.5": 6.253251670123682, "q_0.525": 6.399834503882525, "q_0.55": 6.562639768728845, "q_0.575": 6.64615580544274, "q_0.6": 6.747738463072244, "q_0.625": 6.8340923655005525, "q_0.65": 6.944732131840182, "q_0.675": 7.049884809491566, "q_0.7": 7.1079310136290195, "q_0.725": 7.1608603901938235, "q_0.75": 7.309967068316329, "q_0.775": 7.409750490544118, "q_0.8": 7.494307419463388, "q_0.825": 7.578682912919554, "q_0.85": 7.675270140890328, "q_0.875": 7.744368028576007, "q_0.9": 7.825322018467288, "q_0.925": 7.906764005708316, "q_0.95": 8.049695750695342, "q_0.975": 8.19749931912753, "q_1": 8.759634274030816}, {"x": 57.983193277310924, "y": 7.325282589647719, "y_true": 4.094064410938576, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.023209283713484, "y": 7.502437976787764, "y_true": 4.094731308821217, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.06322529011605, "y": 6.067237734445141, "y_true": 4.0953977622474635, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.10324129651861, "y": 7.690682463990887, "y_true": 4.096063771809338, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.14325730292117, "y": 7.83568461919981, "y_true": 4.096729338097685, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.18327330932373, "y": 5.205496440377085, "y_true": 4.097394461702166, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.22328931572629, "y": 6.577643051367236, "y_true": 4.0980591432112705, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.26330532212885, "y": 6.2482342900515695, "y_true": 4.098723383212311, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.30332132853142, "y": 6.295639755296914, "y_true": 4.099387182291436, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.34333733493398, "y": 7.928847622412846, "y_true": 4.100050541033622, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.38335334133654, "y": 5.347108376247142, "y_true": 4.100713460022685, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.4233693477391, "y": 8.118396488973131, "y_true": 4.10137593984128, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.46338535414166, "y": 7.787569438223713, "y_true": 4.102037981070906, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.50340136054422, "y": 5.9770566636681925, "y_true": 4.102699584291906, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.543417366946784, "y": 7.444051702944519, "y_true": 4.103360750083472, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.583433373349344, "y": 7.247406915343263, "y_true": 4.1040214790236496, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.9349732185676265, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.605612913662584, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.422594742018269, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.502437976787764, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.068094610848837, "q_0.975": 8.21869896050462, "q_1": 8.759634274030816}, {"x": 58.623449379751904, "y": 6.875949585473359, "y_true": 4.1046817716893385, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.9349732185676265, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.605612913662584, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.422594742018269, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.502437976787764, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.068094610848837, "q_0.975": 8.21869896050462, "q_1": 8.759634274030816}, {"x": 58.66346538615446, "y": 5.413052805033671, "y_true": 4.105341628656295, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809901, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.605612913662584, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.298661381914654, "q_0.525": 6.416270884920758, "q_0.55": 6.562639768728845, "q_0.575": 6.654975900260792, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.068094610848837, "q_0.975": 8.21869896050462, "q_1": 8.759634274030816}, {"x": 58.70348139255702, "y": 4.909365837454605, "y_true": 4.10600105049914, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809901, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.605612913662584, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.298661381914654, "q_0.525": 6.416270884920758, "q_0.55": 6.562639768728845, "q_0.575": 6.654975900260792, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.068094610848837, "q_0.975": 8.21869896050462, "q_1": 8.759634274030816}, {"x": 58.74349739895958, "y": 6.8532488474470465, "y_true": 4.106660037791354, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809898, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.985641521844014, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.067328013508208, "q_0.975": 8.221416748584316, "q_1": 8.759634274030816}, {"x": 58.78351340536215, "y": 7.555694682677963, "y_true": 4.107318591105287, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809898, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.985641521844014, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.067328013508208, "q_0.975": 8.221416748584316, "q_1": 8.759634274030816}, {"x": 58.82352941176471, "y": 4.17447335519898, "y_true": 4.107976711012158, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809898, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.985641521844014, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.067328013508208, "q_0.975": 8.221416748584316, "q_1": 8.759634274030816}, {"x": 58.86354541816727, "y": 6.739029346385659, "y_true": 4.108634398082061, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809898, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.985641521844014, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.067328013508208, "q_0.975": 8.221416748584316, "q_1": 8.759634274030816}, {"x": 58.90356142456983, "y": 5.921854006258333, "y_true": 4.109291652883964, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809898, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.985641521844014, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.067328013508208, "q_0.975": 8.221416748584316, "q_1": 8.759634274030816}, {"x": 58.94357743097239, "y": 7.78618425494029, "y_true": 4.109948475985713, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809898, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.985641521844014, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.067328013508208, "q_0.975": 8.221416748584316, "q_1": 8.759634274030816}, {"x": 58.98359343737495, "y": 5.426737897848413, "y_true": 4.110604867954039, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809898, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.985641521844014, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.067328013508208, "q_0.975": 8.221416748584316, "q_1": 8.759634274030816}, {"x": 59.02360944377752, "y": 6.052923387561611, "y_true": 4.111260829354554, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809898, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.985641521844014, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.067328013508208, "q_0.975": 8.221416748584316, "q_1": 8.759634274030816}, {"x": 59.063625450180076, "y": 6.220095836224706, "y_true": 4.11191636075176, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809898, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.985641521844014, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.067328013508208, "q_0.975": 8.221416748584316, "q_1": 8.759634274030816}, {"x": 59.103641456582636, "y": 4.687821633353387, "y_true": 4.112571462709049, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.9349732185676265, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.9793170140524055, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.505459640160026, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.775046841507674, "q_0.9": 7.840312638765685, "q_0.925": 7.923803031070612, "q_0.95": 8.068094610848837, "q_0.975": 8.221805004024278, "q_1": 8.759634274030816}, {"x": 59.143657462985196, "y": 7.033757690335763, "y_true": 4.113226135788707, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609256145343828, "q_0.125": 4.687350626979153, "q_0.15": 4.85693264038902, "q_0.175": 4.935873870923356, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.4934499542244986, "q_0.35": 5.605612913662584, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.298661381914654, "q_0.525": 6.416270884920758, "q_0.55": 6.574642394839567, "q_0.575": 6.654975900260792, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.064441943104954, "q_0.7": 7.1144450602403815, "q_0.725": 7.228085904229239, "q_0.75": 7.325282589647719, "q_0.775": 7.432407535192752, "q_0.8": 7.505505452941607, "q_0.825": 7.602581038671398, "q_0.85": 7.687481123847246, "q_0.875": 7.775046841507674, "q_0.9": 7.840312638765685, "q_0.925": 7.934691520554733, "q_0.95": 8.072351672806978, "q_0.975": 8.221805004024278, "q_1": 8.759634274030816}, {"x": 59.183673469387756, "y": 7.516675079464473, "y_true": 4.113880380551916, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609256145343828, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.935873870923356, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.605612913662584, "q_0.375": 5.706218698853002, "q_0.4": 5.877072172932184, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.778923927027959, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.1144450602403815, "q_0.725": 7.228085904229239, "q_0.75": 7.325282589647719, "q_0.775": 7.437297968645725, "q_0.8": 7.50977496937789, "q_0.825": 7.602581038671398, "q_0.85": 7.687481123847246, "q_0.875": 7.775046841507674, "q_0.9": 7.841111830886181, "q_0.925": 7.934691520554733, "q_0.95": 8.072351672806978, "q_0.975": 8.221805004024278, "q_1": 8.759634274030816}, {"x": 59.223689475790316, "y": 4.3518502240033134, "y_true": 4.114534197558758, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609256145343828, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.935873870923356, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.605612913662584, "q_0.375": 5.706218698853002, "q_0.4": 5.877072172932184, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.778923927027959, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.1144450602403815, "q_0.725": 7.228085904229239, "q_0.75": 7.325282589647719, "q_0.775": 7.437297968645725, "q_0.8": 7.50977496937789, "q_0.825": 7.602581038671398, "q_0.85": 7.687481123847246, "q_0.875": 7.775046841507674, "q_0.9": 7.841111830886181, "q_0.925": 7.934691520554733, "q_0.95": 8.072351672806978, "q_0.975": 8.221805004024278, "q_1": 8.759634274030816}, {"x": 59.26370548219288, "y": 5.30951169458147, "y_true": 4.115187587368213, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609256145343828, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.935873870923356, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.605612913662584, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.778923927027959, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.246440864787576, "q_0.75": 7.325282589647719, "q_0.775": 7.437297968645725, "q_0.8": 7.5099228760695125, "q_0.825": 7.602581038671398, "q_0.85": 7.699648512881511, "q_0.875": 7.783919898282058, "q_0.9": 7.841111830886181, "q_0.925": 7.934691520554733, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.30372148859544, "y": 4.271800682832958, "y_true": 4.115840550538174, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609256145343828, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.935873870923356, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.605612913662584, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.778923927027959, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.246440864787576, "q_0.75": 7.325282589647719, "q_0.775": 7.437297968645725, "q_0.8": 7.5099228760695125, "q_0.825": 7.602581038671398, "q_0.85": 7.699648512881511, "q_0.875": 7.783919898282058, "q_0.9": 7.841111830886181, "q_0.925": 7.934691520554733, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.343737494998, "y": 8.038378604768745, "y_true": 4.116493087625433, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.936857362874977, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.609825398631992, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.998995959093903, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.247406915343263, "q_0.75": 7.325282589647719, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6075721287107125, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.842200327395741, "q_0.925": 7.9414667619686305, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.38375350140056, "y": 6.85301778366183, "y_true": 4.1171451991857, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.936857362874977, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.609825398631992, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.998995959093903, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.247406915343263, "q_0.75": 7.325282589647719, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6075721287107125, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.842200327395741, "q_0.925": 7.9414667619686305, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.42376950780312, "y": 8.072351672806978, "y_true": 4.117796885773593, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.936857362874977, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.609825398631992, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.998995959093903, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.247406915343263, "q_0.75": 7.325282589647719, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6075721287107125, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.842200327395741, "q_0.925": 7.9414667619686305, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.46378551420568, "y": 6.298661381914654, "y_true": 4.118448147942651, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.936857362874977, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.609825398631992, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.998995959093903, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.247406915343263, "q_0.75": 7.325282589647719, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6075721287107125, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.842200327395741, "q_0.925": 7.9414667619686305, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.50380152060825, "y": 7.409750490544118, "y_true": 4.11909898624533, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.936857362874977, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.609825398631992, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.998995959093903, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.247406915343263, "q_0.75": 7.325282589647719, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6075721287107125, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.842200327395741, "q_0.925": 7.9414667619686305, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.54381752701081, "y": 5.656107521638343, "y_true": 4.1197494012330065, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.936857362874977, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.609825398631992, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.998995959093903, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.247406915343263, "q_0.75": 7.325282589647719, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6075721287107125, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.842200327395741, "q_0.925": 7.9414667619686305, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.58383353341337, "y": 5.572482639826347, "y_true": 4.120399393455985, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.936857362874977, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.609825398631992, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.998995959093903, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.247406915343263, "q_0.75": 7.325282589647719, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6075721287107125, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.842200327395741, "q_0.925": 7.9414667619686305, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.62384953981593, "y": 5.6737204739936455, "y_true": 4.121048963463495, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.936857362874977, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.609825398631992, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.998995959093903, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.247406915343263, "q_0.75": 7.325282589647719, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6075721287107125, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.842200327395741, "q_0.925": 7.9414667619686305, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.66386554621849, "y": 6.82245125481038, "y_true": 4.121698111803698, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515644042998396, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.40151772933469, "q_0.325": 5.509503614918328, "q_0.35": 5.613426229379003, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.874872671732287, "q_0.65": 6.959047488980644, "q_0.675": 7.065958062458219, "q_0.7": 7.126925553910155, "q_0.725": 7.247406915343263, "q_0.75": 7.329586185680565, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6355530176287925, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.849023144623965, "q_0.925": 7.944021526451298, "q_0.95": 8.084607236378016, "q_0.975": 8.244306119580855, "q_1": 8.759634274030816}, {"x": 59.70388155262105, "y": 5.598264224247254, "y_true": 4.122346839023688, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515644042998396, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.40151772933469, "q_0.325": 5.509503614918328, "q_0.35": 5.613426229379003, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.874872671732287, "q_0.65": 6.959047488980644, "q_0.675": 7.065958062458219, "q_0.7": 7.126925553910155, "q_0.725": 7.247406915343263, "q_0.75": 7.329586185680565, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6355530176287925, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.849023144623965, "q_0.925": 7.944021526451298, "q_0.95": 8.084607236378016, "q_0.975": 8.244306119580855, "q_1": 8.759634274030816}, {"x": 59.74389755902361, "y": 7.820504109833605, "y_true": 4.1229951456694955, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515644042998396, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.40151772933469, "q_0.325": 5.509503614918328, "q_0.35": 5.613426229379003, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.874872671732287, "q_0.65": 6.959047488980644, "q_0.675": 7.065958062458219, "q_0.7": 7.126925553910155, "q_0.725": 7.247406915343263, "q_0.75": 7.329586185680565, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6355530176287925, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.849023144623965, "q_0.925": 7.944021526451298, "q_0.95": 8.084607236378016, "q_0.975": 8.244306119580855, "q_1": 8.759634274030816}, {"x": 59.783913565426175, "y": 8.16227263890931, "y_true": 4.12364303228609, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515644042998396, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.861157151647604, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.413052805033671, "q_0.325": 5.509503614918328, "q_0.35": 5.613426229379003, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.431816264420449, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.874872671732287, "q_0.65": 6.959203447694513, "q_0.675": 7.069322733758634, "q_0.7": 7.126925553910155, "q_0.725": 7.255813732982542, "q_0.75": 7.334147534573716, "q_0.775": 7.444051702944519, "q_0.8": 7.5133051252567515, "q_0.825": 7.6355530176287925, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.849023144623965, "q_0.925": 7.954445289561369, "q_0.95": 8.084607236378016, "q_0.975": 8.253158928769395, "q_1": 8.759634274030816}, {"x": 59.823929571828735, "y": 4.249282115995472, "y_true": 4.124290499417379, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.256050144293558, "q_0.05": 4.381643112717437, "q_0.075": 4.515644042998396, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.40151772933469, "q_0.325": 5.508775886820478, "q_0.35": 5.613894526792925, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.4358306629812265, "q_0.55": 6.577643051367236, "q_0.575": 6.675079238341156, "q_0.6": 6.791127718349811, "q_0.625": 6.87538470553876, "q_0.65": 6.959203447694513, "q_0.675": 7.077785349853828, "q_0.7": 7.1392490646782765, "q_0.725": 7.271846270275043, "q_0.75": 7.341491283836457, "q_0.775": 7.4598899101945895, "q_0.8": 7.516675079464473, "q_0.825": 7.6458828499127875, "q_0.85": 7.720562189265623, "q_0.875": 7.787569438223713, "q_0.9": 7.855099678303955, "q_0.925": 7.957500652079471, "q_0.95": 8.087444038800733, "q_0.975": 8.25568969274555, "q_1": 8.759634274030816}, {"x": 59.863945578231295, "y": 4.920466131836241, "y_true": 4.12493754760622, "y_pred": 6.299772939475638, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.256050144293558, "q_0.05": 4.381643112717437, "q_0.075": 4.516317338226719, "q_0.1": 4.611532395617609, "q_0.125": 4.687821633353387, "q_0.15": 4.857566317077806, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.613426229379003, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.299772939475638, "q_0.525": 6.4358306629812265, "q_0.55": 6.5813610942184555, "q_0.575": 6.675079238341156, "q_0.6": 6.791127718349811, "q_0.625": 6.87538470553876, "q_0.65": 6.960449944601343, "q_0.675": 7.077785349853828, "q_0.7": 7.1392490646782765, "q_0.725": 7.271846270275043, "q_0.75": 7.362569481123359, "q_0.775": 7.4598899101945895, "q_0.8": 7.518297183219039, "q_0.825": 7.64732980904761, "q_0.85": 7.720562189265623, "q_0.875": 7.7919426184128975, "q_0.9": 7.870147641057432, "q_0.925": 7.958802616307166, "q_0.95": 8.092158159258524, "q_0.975": 8.262361706864532, "q_1": 8.759634274030816}, {"x": 59.903961584633855, "y": 4.58685287249369, "y_true": 4.125584177394412, "y_pred": 6.299772939475638, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.256050144293558, "q_0.05": 4.381643112717437, "q_0.075": 4.524621312709386, "q_0.1": 4.611532395617609, "q_0.125": 4.687821633353387, "q_0.15": 4.861157151647604, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.216614980798683, "q_0.275": 5.293790197765075, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.613426229379003, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.299772939475638, "q_0.525": 6.4358306629812265, "q_0.55": 6.584403129278517, "q_0.575": 6.675079238341156, "q_0.6": 6.796693131461655, "q_0.625": 6.875949585473359, "q_0.65": 6.961121135243478, "q_0.675": 7.083657251950617, "q_0.7": 7.15012057883883, "q_0.725": 7.277634175261337, "q_0.75": 7.372770930943545, "q_0.775": 7.463056352753851, "q_0.8": 7.518297183219039, "q_0.825": 7.648274846080652, "q_0.85": 7.720562189265623, "q_0.875": 7.7919426184128975, "q_0.9": 7.870147641057432, "q_0.925": 7.958802616307166, "q_0.95": 8.107815238235931, "q_0.975": 8.262361706864532, "q_1": 8.759634274030816}, {"x": 59.943977591036415, "y": 4.300344718267344, "y_true": 4.126230389322708, "y_pred": 6.299772939475638, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.256050144293558, "q_0.05": 4.381643112717437, "q_0.075": 4.524621312709386, "q_0.1": 4.611532395617609, "q_0.125": 4.687821633353387, "q_0.15": 4.861157151647604, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.216614980798683, "q_0.275": 5.293790197765075, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.613426229379003, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.299772939475638, "q_0.525": 6.4358306629812265, "q_0.55": 6.584403129278517, "q_0.575": 6.675079238341156, "q_0.6": 6.796693131461655, "q_0.625": 6.875949585473359, "q_0.65": 6.961121135243478, "q_0.675": 7.083657251950617, "q_0.7": 7.15012057883883, "q_0.725": 7.277634175261337, "q_0.75": 7.372770930943545, "q_0.775": 7.463056352753851, "q_0.8": 7.518297183219039, "q_0.825": 7.648274846080652, "q_0.85": 7.720562189265623, "q_0.875": 7.7919426184128975, "q_0.9": 7.870147641057432, "q_0.925": 7.958802616307166, "q_0.95": 8.107815238235931, "q_0.975": 8.262361706864532, "q_1": 8.759634274030816}, {"x": 59.983993597438975, "y": 5.0630309141950365, "y_true": 4.12687618393081, "y_pred": 6.299772939475638, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.256050144293558, "q_0.05": 4.381643112717437, "q_0.075": 4.524621312709386, "q_0.1": 4.611532395617609, "q_0.125": 4.687821633353387, "q_0.15": 4.861157151647604, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.216614980798683, "q_0.275": 5.293790197765075, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.613426229379003, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.299772939475638, "q_0.525": 6.4358306629812265, "q_0.55": 6.584403129278517, "q_0.575": 6.675079238341156, "q_0.6": 6.796693131461655, "q_0.625": 6.875949585473359, "q_0.65": 6.961121135243478, "q_0.675": 7.083657251950617, "q_0.7": 7.15012057883883, "q_0.725": 7.277634175261337, "q_0.75": 7.372770930943545, "q_0.775": 7.463056352753851, "q_0.8": 7.518297183219039, "q_0.825": 7.648274846080652, "q_0.85": 7.720562189265623, "q_0.875": 7.7919426184128975, "q_0.9": 7.870147641057432, "q_0.925": 7.958802616307166, "q_0.95": 8.107815238235931, "q_0.975": 8.262361706864532, "q_1": 8.759634274030816}, {"x": 60.02400960384154, "y": 5.964408368429123, "y_true": 4.127521561757377, "y_pred": 6.299772939475638, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.256050144293558, "q_0.05": 4.381643112717437, "q_0.075": 4.524621312709386, "q_0.1": 4.611532395617609, "q_0.125": 4.687821633353387, "q_0.15": 4.861157151647604, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.216614980798683, "q_0.275": 5.293790197765075, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.613426229379003, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.299772939475638, "q_0.525": 6.4358306629812265, "q_0.55": 6.584403129278517, "q_0.575": 6.675079238341156, "q_0.6": 6.796693131461655, "q_0.625": 6.875949585473359, "q_0.65": 6.961121135243478, "q_0.675": 7.083657251950617, "q_0.7": 7.15012057883883, "q_0.725": 7.277634175261337, "q_0.75": 7.372770930943545, "q_0.775": 7.463056352753851, "q_0.8": 7.518297183219039, "q_0.825": 7.648274846080652, "q_0.85": 7.720562189265623, "q_0.875": 7.7919426184128975, "q_0.9": 7.870147641057432, "q_0.925": 7.958802616307166, "q_0.95": 8.107815238235931, "q_0.975": 8.262361706864532, "q_1": 8.759634274030816}, {"x": 60.0640256102441, "y": 7.569806385080851, "y_true": 4.128166523340026, "y_pred": 6.303355969642889, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.256050144293558, "q_0.05": 4.381643112717437, "q_0.075": 4.524621312709386, "q_0.1": 4.613383051865101, "q_0.125": 4.687821633353387, "q_0.15": 4.861157151647604, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.40151772933469, "q_0.325": 5.497566174498546, "q_0.35": 5.6165482121384915, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.303355969642889, "q_0.525": 6.438786177128023, "q_0.55": 6.585532854626287, "q_0.575": 6.675079238341156, "q_0.6": 6.796693131461655, "q_0.625": 6.875949585473359, "q_0.65": 6.962794825803428, "q_0.675": 7.086538961463197, "q_0.7": 7.15012057883883, "q_0.725": 7.282279073914468, "q_0.75": 7.378395279746822, "q_0.775": 7.463056352753851, "q_0.8": 7.523299742234963, "q_0.825": 7.648274846080652, "q_0.85": 7.728221570660173, "q_0.875": 7.7919426184128975, "q_0.9": 7.870147641057432, "q_0.925": 7.958802616307166, "q_0.95": 8.107815238235931, "q_0.975": 8.262361706864532, "q_1": 8.759634274030816}, {"x": 60.10404161664666, "y": 5.041079699526768, "y_true": 4.128811069215332, "y_pred": 6.303355969642889, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.256050144293558, "q_0.05": 4.381643112717437, "q_0.075": 4.527518296624702, "q_0.1": 4.613383051865101, "q_0.125": 4.687821633353387, "q_0.15": 4.861157151647604, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.40151772933469, "q_0.325": 5.509230716881635, "q_0.35": 5.6165482121384915, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.303355969642889, "q_0.525": 6.438786177128023, "q_0.55": 6.585532854626287, "q_0.575": 6.675079238341156, "q_0.6": 6.796693131461655, "q_0.625": 6.875949585473359, "q_0.65": 6.974000092888221, "q_0.675": 7.086538961463197, "q_0.7": 7.15012057883883, "q_0.725": 7.282279073914468, "q_0.75": 7.378395279746822, "q_0.775": 7.463056352753851, "q_0.8": 7.523299742234963, "q_0.825": 7.648274846080652, "q_0.85": 7.728221570660173, "q_0.875": 7.7919426184128975, "q_0.9": 7.870147641057432, "q_0.925": 7.958802616307166, "q_0.95": 8.107815238235931, "q_0.975": 8.262361706864532, "q_1": 8.759634274030816}, {"x": 60.14405762304922, "y": 6.1611669678151895, "y_true": 4.129455199918835, "y_pred": 6.303355969642889, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.256050144293558, "q_0.05": 4.381643112717437, "q_0.075": 4.527518296624702, "q_0.1": 4.613383051865101, "q_0.125": 4.687821633353387, "q_0.15": 4.861157151647604, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.40151772933469, "q_0.325": 5.509230716881635, "q_0.35": 5.6165482121384915, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.303355969642889, "q_0.525": 6.438786177128023, "q_0.55": 6.585532854626287, "q_0.575": 6.675079238341156, "q_0.6": 6.796693131461655, "q_0.625": 6.875949585473359, "q_0.65": 6.974000092888221, "q_0.675": 7.086538961463197, "q_0.7": 7.15012057883883, "q_0.725": 7.282279073914468, "q_0.75": 7.378395279746822, "q_0.775": 7.463056352753851, "q_0.8": 7.523299742234963, "q_0.825": 7.648274846080652, "q_0.85": 7.728221570660173, "q_0.875": 7.7919426184128975, "q_0.9": 7.870147641057432, "q_0.925": 7.958802616307166, "q_0.95": 8.107815238235931, "q_0.975": 8.262361706864532, "q_1": 8.759634274030816}, {"x": 60.18407362945178, "y": 7.954445289561369, "y_true": 4.130098915985043, "y_pred": 6.327380002784864, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.303241173291312, "q_0.05": 4.388611874925633, "q_0.075": 4.557606719214216, "q_0.1": 4.62491878862851, "q_0.125": 4.7271700827333865, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.05091584037944, "q_0.225": 5.13321653313719, "q_0.25": 5.236730700678295, "q_0.275": 5.321254834181335, "q_0.3": 5.429411953563314, "q_0.325": 5.539811865538276, "q_0.35": 5.656107521638343, "q_0.375": 5.756006867404569, "q_0.4": 5.921854006258333, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.246120396171547, "q_0.5": 6.327380002784864, "q_0.525": 6.462962586402595, "q_0.55": 6.601616879484233, "q_0.575": 6.693256184228506, "q_0.6": 6.82375315809708, "q_0.625": 6.927562068158622, "q_0.65": 7.017123002296461, "q_0.675": 7.110456675747525, "q_0.7": 7.228085904229239, "q_0.725": 7.322831888632859, "q_0.75": 7.432407535192752, "q_0.775": 7.505505452941607, "q_0.8": 7.602581038671398, "q_0.825": 7.6867006295192635, "q_0.85": 7.769747333849526, "q_0.875": 7.840312638765685, "q_0.9": 7.923803031070612, "q_0.925": 8.049695750695342, "q_0.95": 8.16227263890931, "q_0.975": 8.330653642760094, "q_1": 9.052052760289175}, {"x": 60.22408963585434, "y": 6.87602430705853, "y_true": 4.130742217947426, "y_pred": 6.345091246477267, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.303241173291312, "q_0.05": 4.388611874925633, "q_0.075": 4.557606719214216, "q_0.1": 4.6233876387201605, "q_0.125": 4.7271700827333865, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.05091584037944, "q_0.225": 5.13321653313719, "q_0.25": 5.236730700678295, "q_0.275": 5.321254834181335, "q_0.3": 5.437071183128024, "q_0.325": 5.539811865538276, "q_0.35": 5.656107521638343, "q_0.375": 5.758925211820149, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.146890586444009, "q_0.475": 6.2482342900515695, "q_0.5": 6.345091246477267, "q_0.525": 6.465536254452598, "q_0.55": 6.607185528698235, "q_0.575": 6.7084766354490455, "q_0.6": 6.828714929954261, "q_0.625": 6.938249690190057, "q_0.65": 7.02434904197775, "q_0.675": 7.116212837647618, "q_0.7": 7.247406915343263, "q_0.725": 7.325282589647719, "q_0.75": 7.437297968645725, "q_0.775": 7.5099228760695125, "q_0.8": 7.6075721287107125, "q_0.825": 7.687481123847246, "q_0.85": 7.775046841507674, "q_0.875": 7.841111830886181, "q_0.9": 7.934691520554733, "q_0.925": 8.049695750695342, "q_0.95": 8.168759440796432, "q_0.975": 8.330653642760094, "q_1": 9.052052760289175}, {"x": 60.26410564225691, "y": 7.415635195024064, "y_true": 4.131385106338432, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.324914770233221, "q_0.05": 4.410849548025042, "q_0.075": 4.580811489139448, "q_0.1": 4.629281794590717, "q_0.125": 4.731697955527121, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.045065994911716, "q_0.225": 5.13321653313719, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.067237734445141, "q_0.45": 6.1477873392902005, "q_0.475": 6.253251670123682, "q_0.5": 6.371591548732639, "q_0.525": 6.500147298514093, "q_0.55": 6.610945882647042, "q_0.575": 6.71005982948768, "q_0.6": 6.840595785366216, "q_0.625": 6.947672830813641, "q_0.65": 7.064441943104954, "q_0.675": 7.1392490646782765, "q_0.7": 7.277634175261337, "q_0.725": 7.362569481123359, "q_0.75": 7.463033246915256, "q_0.775": 7.518297183219039, "q_0.8": 7.6458828499127875, "q_0.825": 7.712264273562155, "q_0.85": 7.787569438223713, "q_0.875": 7.870147641057432, "q_0.9": 7.958802616307166, "q_0.925": 8.068094610848837, "q_0.95": 8.19749931912753, "q_0.975": 8.351384810193501, "q_1": 9.052052760289175}, {"x": 60.30412164865947, "y": 6.399834503882525, "y_true": 4.13202758168948, "y_pred": 6.371714549575328, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.324914770233221, "q_0.05": 4.415323350822995, "q_0.075": 4.580811489139448, "q_0.1": 4.636025148763184, "q_0.125": 4.731697955527121, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.13321653313719, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.067237734445141, "q_0.45": 6.1477873392902005, "q_0.475": 6.253251670123682, "q_0.5": 6.371714549575328, "q_0.525": 6.514932326533614, "q_0.55": 6.612988970785921, "q_0.575": 6.710214355423524, "q_0.6": 6.840595785366216, "q_0.625": 6.947950637275577, "q_0.65": 7.064441943104954, "q_0.675": 7.1392490646782765, "q_0.7": 7.277634175261337, "q_0.725": 7.3715856589146345, "q_0.75": 7.463056352753851, "q_0.775": 7.518297183219039, "q_0.8": 7.64732980904761, "q_0.825": 7.713279231665364, "q_0.85": 7.787569438223713, "q_0.875": 7.887543372929498, "q_0.9": 7.958802616307166, "q_0.925": 8.072351672806978, "q_0.95": 8.19749931912753, "q_0.975": 8.351384810193501, "q_1": 9.052052760289175}, {"x": 60.34413765506203, "y": 8.168759440796432, "y_true": 4.132669644530963, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.324914770233221, "q_0.05": 4.415323350822995, "q_0.075": 4.580811489139448, "q_0.1": 4.636025148763184, "q_0.125": 4.731697955527121, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.437071183128024, "q_0.325": 5.539811865538276, "q_0.35": 5.656107521638343, "q_0.375": 5.764540600700155, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.253251670123682, "q_0.5": 6.38830657909329, "q_0.525": 6.507863533141688, "q_0.55": 6.612988970785921, "q_0.575": 6.710214355423524, "q_0.6": 6.840595785366216, "q_0.625": 6.947950637275577, "q_0.65": 7.064441943104954, "q_0.675": 7.15012057883883, "q_0.7": 7.282279073914468, "q_0.725": 7.378395279746822, "q_0.75": 7.46937059082763, "q_0.775": 7.559253690893296, "q_0.8": 7.64732980904761, "q_0.825": 7.720562189265623, "q_0.85": 7.7919426184128975, "q_0.875": 7.887543372929498, "q_0.9": 7.958802616307166, "q_0.925": 8.072351672806978, "q_0.95": 8.206721886437666, "q_0.975": 8.353987139950119, "q_1": 9.052052760289175}, {"x": 60.38415366146459, "y": 6.556922696951482, "y_true": 4.133311295392257, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.959972695457308, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.253251670123682, "q_0.5": 6.38830657909329, "q_0.525": 6.514932326533614, "q_0.55": 6.612988970785921, "q_0.575": 6.710214355423524, "q_0.6": 6.840595785366216, "q_0.625": 6.959047488980644, "q_0.65": 7.064441943104954, "q_0.675": 7.15012057883883, "q_0.7": 7.282279073914468, "q_0.725": 7.378395279746822, "q_0.75": 7.46937059082763, "q_0.775": 7.564607068510808, "q_0.8": 7.648274846080652, "q_0.825": 7.728221570660173, "q_0.85": 7.7919426184128975, "q_0.875": 7.889030883302941, "q_0.9": 7.961135356983236, "q_0.925": 8.072351672806978, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.42416966786715, "y": 4.321356707515843, "y_true": 4.133952534801717, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.959972695457308, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.253251670123682, "q_0.5": 6.38830657909329, "q_0.525": 6.514932326533614, "q_0.55": 6.612988970785921, "q_0.575": 6.710214355423524, "q_0.6": 6.840595785366216, "q_0.625": 6.959047488980644, "q_0.65": 7.064441943104954, "q_0.675": 7.15012057883883, "q_0.7": 7.282279073914468, "q_0.725": 7.378395279746822, "q_0.75": 7.46937059082763, "q_0.775": 7.564607068510808, "q_0.8": 7.648274846080652, "q_0.825": 7.728221570660173, "q_0.85": 7.7919426184128975, "q_0.875": 7.889030883302941, "q_0.9": 7.961135356983236, "q_0.925": 8.072351672806978, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.46418567426971, "y": 4.949976547986341, "y_true": 4.134593363286685, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.959972695457308, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.253251670123682, "q_0.5": 6.38830657909329, "q_0.525": 6.514932326533614, "q_0.55": 6.612988970785921, "q_0.575": 6.710214355423524, "q_0.6": 6.840595785366216, "q_0.625": 6.959047488980644, "q_0.65": 7.064441943104954, "q_0.675": 7.15012057883883, "q_0.7": 7.282279073914468, "q_0.725": 7.378395279746822, "q_0.75": 7.46937059082763, "q_0.775": 7.564607068510808, "q_0.8": 7.648274846080652, "q_0.825": 7.728221570660173, "q_0.85": 7.7919426184128975, "q_0.875": 7.889030883302941, "q_0.9": 7.961135356983236, "q_0.925": 8.072351672806978, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.504201680672274, "y": 5.802539059625862, "y_true": 4.135233781373486, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.320448574848399, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.288384606409618, "q_0.5": 6.38830657909329, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.85301778366183, "q_0.625": 6.959203447694513, "q_0.65": 7.069322733758634, "q_0.675": 7.157877290613817, "q_0.7": 7.303487754943594, "q_0.725": 7.38092137103429, "q_0.75": 7.46937059082763, "q_0.775": 7.568223174389312, "q_0.8": 7.648274846080652, "q_0.825": 7.728612872168439, "q_0.85": 7.805474688475007, "q_0.875": 7.889030883302941, "q_0.9": 7.965287091381542, "q_0.925": 8.084607236378016, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.544217687074834, "y": 6.612988970785921, "y_true": 4.135873789587437, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.584233693477394, "y": 7.317181882158675, "y_true": 4.136513388452847, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.624249699879954, "y": 5.839503411873947, "y_true": 4.137152578493017, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.664265706282514, "y": 7.064441943104954, "y_true": 4.137791360230251, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.704281712685074, "y": 7.394550905989107, "y_true": 4.138429734185846, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.74429771908764, "y": 5.44713201020163, "y_true": 4.139067700880104, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.7843137254902, "y": 8.177872505366615, "y_true": 4.139705260832335, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.82432973189276, "y": 6.819718730684032, "y_true": 4.14034241456085, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.86434573829532, "y": 7.775046841507674, "y_true": 4.140979162582975, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.90436174469788, "y": 6.435186831666117, "y_true": 4.1416155054150465, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.94437775110044, "y": 7.202281511884648, "y_true": 4.142251443572417, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.98439375750301, "y": 7.322831888632859, "y_true": 4.142886977569455, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.02440976390557, "y": 7.892342736365135, "y_true": 4.143522107919549, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.06442577030813, "y": 4.764826637626218, "y_true": 4.14415683513511, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.104441776710686, "y": 6.449841538418785, "y_true": 4.144791159727576, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.144457783113246, "y": 5.914397719106047, "y_true": 4.14542508220741, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.184473789515806, "y": 7.958802616307166, "y_true": 4.146058603084105, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.22448979591837, "y": 4.580811489139448, "y_true": 4.146691722866187, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.146890586444009, "q_0.475": 6.264606100395435, "q_0.5": 6.38830657909329, "q_0.525": 6.54144698591108, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.85301778366183, "q_0.625": 6.959203447694513, "q_0.65": 7.069322733758634, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.648274846080652, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.26450580232093, "y": 8.206721886437666, "y_true": 4.147324442061217, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.146890586444009, "q_0.475": 6.264606100395435, "q_0.5": 6.38830657909329, "q_0.525": 6.54144698591108, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.85301778366183, "q_0.625": 6.959203447694513, "q_0.65": 7.069322733758634, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.648274846080652, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.30452180872349, "y": 7.7653514014903475, "y_true": 4.147956761175793, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.731697955527121, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.289883693528926, "q_0.5": 6.38830657909329, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.85301778366183, "q_0.625": 6.959203447694513, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.481576741542824, "q_0.775": 7.574491953654589, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.21869896050462, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.34453781512605, "y": 4.453688787362178, "y_true": 4.148588680715552, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.731697955527121, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.289883693528926, "q_0.5": 6.38830657909329, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.85301778366183, "q_0.625": 6.959203447694513, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.481576741542824, "q_0.775": 7.574491953654589, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.21869896050462, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.38455382152861, "y": 6.178540257466989, "y_true": 4.149220201185172, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.731697955527121, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.289883693528926, "q_0.5": 6.38830657909329, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.85301778366183, "q_0.625": 6.959203447694513, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.481576741542824, "q_0.775": 7.574491953654589, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.21869896050462, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.42456982793117, "y": 7.116212837647618, "y_true": 4.149851323088378, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.731697955527121, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.289883693528926, "q_0.5": 6.38830657909329, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.85301778366183, "q_0.625": 6.959203447694513, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.481576741542824, "q_0.775": 7.574491953654589, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.21869896050462, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.46458583433373, "y": 7.202443257596885, "y_true": 4.150482046927942, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.731697955527121, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.289883693528926, "q_0.5": 6.38830657909329, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.85301778366183, "q_0.625": 6.959203447694513, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.481576741542824, "q_0.775": 7.574491953654589, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.21869896050462, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.5046018407363, "y": 7.899683305981368, "y_true": 4.151112373205683, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.731697955527121, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.289883693528926, "q_0.5": 6.38830657909329, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.85301778366183, "q_0.625": 6.959203447694513, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.481576741542824, "q_0.775": 7.574491953654589, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.21869896050462, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.54461784713886, "y": 7.4598899101945895, "y_true": 4.151742302422471, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3429763921581275, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.074316859151154, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.394550905989107, "q_0.75": 7.4842277450376, "q_0.775": 7.578682912919554, "q_0.8": 7.653903624837676, "q_0.825": 7.729252645206323, "q_0.85": 7.820504109833605, "q_0.875": 7.891267869684307, "q_0.9": 7.975557626239649, "q_0.925": 8.087444038800733, "q_0.95": 8.221805004024278, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.58463385354142, "y": 5.438541504313273, "y_true": 4.152371835078234, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3429763921581275, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.074316859151154, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.394550905989107, "q_0.75": 7.4842277450376, "q_0.775": 7.578682912919554, "q_0.8": 7.653903624837676, "q_0.825": 7.729252645206323, "q_0.85": 7.820504109833605, "q_0.875": 7.891267869684307, "q_0.9": 7.975557626239649, "q_0.925": 8.087444038800733, "q_0.95": 8.221805004024278, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.62464985994398, "y": 6.21510491613075, "y_true": 4.153000971671952, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3429763921581275, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.074316859151154, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.394550905989107, "q_0.75": 7.4842277450376, "q_0.775": 7.578682912919554, "q_0.8": 7.653903624837676, "q_0.825": 7.729252645206323, "q_0.85": 7.820504109833605, "q_0.875": 7.891267869684307, "q_0.9": 7.975557626239649, "q_0.925": 8.087444038800733, "q_0.95": 8.221805004024278, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.66466586634654, "y": 7.057477260743734, "y_true": 4.153629712701669, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3429763921581275, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.074316859151154, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.394550905989107, "q_0.75": 7.4842277450376, "q_0.775": 7.578682912919554, "q_0.8": 7.653903624837676, "q_0.825": 7.729252645206323, "q_0.85": 7.820504109833605, "q_0.875": 7.891267869684307, "q_0.9": 7.975557626239649, "q_0.925": 8.087444038800733, "q_0.95": 8.221805004024278, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.7046818727491, "y": 4.7271700827333865, "y_true": 4.154258058664484, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3429763921581275, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.074316859151154, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.394550905989107, "q_0.75": 7.4842277450376, "q_0.775": 7.578682912919554, "q_0.8": 7.653903624837676, "q_0.825": 7.729252645206323, "q_0.85": 7.820504109833605, "q_0.875": 7.891267869684307, "q_0.9": 7.975557626239649, "q_0.925": 8.087444038800733, "q_0.95": 8.221805004024278, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.744697879151666, "y": 4.957828291869556, "y_true": 4.154886010056565, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3429763921581275, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.074316859151154, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.394550905989107, "q_0.75": 7.4842277450376, "q_0.775": 7.578682912919554, "q_0.8": 7.653903624837676, "q_0.825": 7.729252645206323, "q_0.85": 7.820504109833605, "q_0.875": 7.891267869684307, "q_0.9": 7.975557626239649, "q_0.925": 8.087444038800733, "q_0.95": 8.221805004024278, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.784713885554225, "y": 6.146890586444009, "y_true": 4.155513567373141, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3429763921581275, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.074316859151154, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.394550905989107, "q_0.75": 7.4842277450376, "q_0.775": 7.578682912919554, "q_0.8": 7.653903624837676, "q_0.825": 7.729252645206323, "q_0.85": 7.820504109833605, "q_0.875": 7.891267869684307, "q_0.9": 7.975557626239649, "q_0.925": 8.087444038800733, "q_0.95": 8.221805004024278, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.824729891956785, "y": 5.390982361126445, "y_true": 4.156140731108515, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.909365837454605, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.314141050363568, "q_0.3": 5.438541504313273, "q_0.325": 5.5650225234108275, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.402262026196145, "q_0.525": 6.553146877273291, "q_0.55": 6.627671675619592, "q_0.575": 6.760766198616192, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.840312638765685, "q_0.875": 7.923803031070612, "q_0.9": 8.013159591495198, "q_0.925": 8.118396488973131, "q_0.95": 8.253158928769395, "q_0.975": 8.399641360022773, "q_1": 9.06553779600127}, {"x": 61.864745898359345, "y": 7.728612872168439, "y_true": 4.156767501756055, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.909365837454605, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.314141050363568, "q_0.3": 5.438541504313273, "q_0.325": 5.5650225234108275, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.402262026196145, "q_0.525": 6.553146877273291, "q_0.55": 6.627671675619592, "q_0.575": 6.760766198616192, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.840312638765685, "q_0.875": 7.923803031070612, "q_0.9": 8.013159591495198, "q_0.925": 8.118396488973131, "q_0.95": 8.253158928769395, "q_0.975": 8.399641360022773, "q_1": 9.06553779600127}, {"x": 61.904761904761905, "y": 6.585532854626287, "y_true": 4.157393879808204, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.909365837454605, "q_0.175": 4.9611273743122535, "q_0.2": 5.045065994911716, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5650225234108275, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.1864739195534355, "q_0.7": 7.322831888632859, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602581038671398, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 61.944777911164465, "y": 5.602281000911959, "y_true": 4.158019865756482, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.909365837454605, "q_0.175": 4.9611273743122535, "q_0.2": 5.045065994911716, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5650225234108275, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.1864739195534355, "q_0.7": 7.322831888632859, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602581038671398, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 61.98479391756703, "y": 7.675270140890328, "y_true": 4.158645460091484, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429856766564394, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.909365837454605, "q_0.175": 4.9611273743122535, "q_0.2": 5.045065994911716, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.322328101125433, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602581038671398, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.02480992396959, "y": 7.494307419463388, "y_true": 4.159270663302886, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429856766564394, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.909365837454605, "q_0.175": 4.9611273743122535, "q_0.2": 5.045065994911716, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.322328101125433, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602581038671398, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.06482593037215, "y": 8.297240998500218, "y_true": 4.159895475879446, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429856766564394, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.909365837454605, "q_0.175": 4.9611273743122535, "q_0.2": 5.045065994911716, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.322328101125433, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602581038671398, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.10484193677471, "y": 7.672438687443597, "y_true": 4.160519898309006, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429856766564394, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.909365837454605, "q_0.175": 4.9611273743122535, "q_0.2": 5.045065994911716, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.322328101125433, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602581038671398, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.14485794317727, "y": 5.879245072438962, "y_true": 4.161143931078495, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.755334316521691, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602581038671398, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.18487394957983, "y": 4.690386217793669, "y_true": 4.161767574673932, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.755334316521691, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602581038671398, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.2248899559824, "y": 7.648274846080652, "y_true": 4.162390829580426, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.26490596238496, "y": 4.410849548025042, "y_true": 4.163013696282179, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.30492196878752, "y": 5.6165482121384915, "y_true": 4.163636175262489, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.34493797519008, "y": 7.979878653405329, "y_true": 4.164258267003755, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.38495398159264, "y": 8.151317697729668, "y_true": 4.164879971987473, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.4249699879952, "y": 6.82375315809708, "y_true": 4.165501290694241, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.464985994397765, "y": 7.02434904197775, "y_true": 4.1661222236037645, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.505002000800324, "y": 4.3429763921581275, "y_true": 4.166742771194855, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.545018007202884, "y": 6.303355969642889, "y_true": 4.167362933945432, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.585034013605444, "y": 6.438786177128023, "y_true": 4.1679827123325275, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.625050020008004, "y": 5.581042974970659, "y_true": 4.168602106832286, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.665066026410564, "y": 4.454147400110522, "y_true": 4.16922111791997, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.70508203281313, "y": 5.120782424789921, "y_true": 4.169839746069957, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.74509803921569, "y": 5.6578426900977075, "y_true": 4.170457991755748, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.78511404561825, "y": 5.9793170140524055, "y_true": 4.1710758554499625, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.82513005202081, "y": 6.627671675619592, "y_true": 4.171693337624348, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.86514605842337, "y": 7.1751285535239955, "y_true": 4.1723104387497765, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.90516206482593, "y": 5.4934499542244986, "y_true": 4.17292715929625, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.9451780712285, "y": 5.5413418269448105, "y_true": 4.1735434997329, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.98519407763106, "y": 4.256050144293558, "y_true": 4.174159460527993, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.02521008403362, "y": 4.34478490407486, "y_true": 4.174775042148929, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.06522609043618, "y": 5.2479031551940905, "y_true": 4.175390245062246, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.10524209683874, "y": 7.255813732982542, "y_true": 4.176005069733623, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.1452581032413, "y": 6.791127718349811, "y_true": 4.176619516627878, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.18527410964386, "y": 7.38092137103429, "y_true": 4.177233586208975, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.982263155741037, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.418573339780122, "q_0.75": 7.504656265577897, "q_0.775": 7.602581038671398, "q_0.8": 7.674137559511644, "q_0.825": 7.747226894051673, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.22529011604642, "y": 7.378395279746822, "y_true": 4.17784727894002, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.982263155741037, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.418573339780122, "q_0.75": 7.504656265577897, "q_0.775": 7.602581038671398, "q_0.8": 7.674137559511644, "q_0.825": 7.747226894051673, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.26530612244898, "y": 7.744368028576007, "y_true": 4.178460595283273, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.982263155741037, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.418573339780122, "q_0.75": 7.504656265577897, "q_0.775": 7.602581038671398, "q_0.8": 7.674137559511644, "q_0.825": 7.747226894051673, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.30532212885154, "y": 7.178225371728468, "y_true": 4.179073535700138, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.982263155741037, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.418573339780122, "q_0.75": 7.504656265577897, "q_0.775": 7.602581038671398, "q_0.8": 7.674137559511644, "q_0.825": 7.747226894051673, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.3453381352541, "y": 8.256546502020454, "y_true": 4.1796861006511765, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.982263155741037, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.418573339780122, "q_0.75": 7.504656265577897, "q_0.775": 7.602581038671398, "q_0.8": 7.674137559511644, "q_0.825": 7.747226894051673, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.38535414165666, "y": 7.923803031070612, "y_true": 4.180298290596098, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.982263155741037, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.418573339780122, "q_0.75": 7.504656265577897, "q_0.775": 7.602581038671398, "q_0.8": 7.674137559511644, "q_0.825": 7.747226894051673, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.42537014805922, "y": 6.624884863409077, "y_true": 4.180910105993774, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.418573339780122, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.46538615446179, "y": 6.631861940238117, "y_true": 4.181521547302231, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.50540216086435, "y": 4.324914770233221, "y_true": 4.182132614978657, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.54541816726691, "y": 8.343972148531499, "y_true": 4.182743309479401, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.58543417366947, "y": 4.7317609288643805, "y_true": 4.183353631259979, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.62545018007203, "y": 7.2701810486766485, "y_true": 4.183963580775071, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.66546618647459, "y": 7.6075721287107125, "y_true": 4.184573158478527, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.705482192877156, "y": 5.740762275671127, "y_true": 4.185182364823366, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.745498199279716, "y": 5.006755641483721, "y_true": 4.185791200261783, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.785514205682276, "y": 4.598335254535328, "y_true": 4.186399665245143, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.825530212084836, "y": 7.309967068316329, "y_true": 4.18700776022399, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.865546218487395, "y": 6.076229323149602, "y_true": 4.187615485648047, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.905562224889955, "y": 7.166519462847598, "y_true": 4.188222841966217, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.94557823129252, "y": 8.00932911236957, "y_true": 4.188829829626585, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.98559423769508, "y": 4.801301240708443, "y_true": 4.189436449076421, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.02561024409763, "y": 8.027380510540096, "y_true": 4.190042700762182, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.0656262505002, "y": 5.909352220321944, "y_true": 4.190648585129512, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.10564225690277, "y": 5.466052559851025, "y_true": 4.1912541026232475, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.14565826330532, "y": 8.130677289535292, "y_true": 4.191859253687416, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.18567426970789, "y": 8.330653642760094, "y_true": 4.19246403876524, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.22569027611044, "y": 5.024010989310101, "y_true": 4.1930684582991375, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.26570628251301, "y": 6.938249690190057, "y_true": 4.193672512730727, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.30572228891558, "y": 4.639328602508357, "y_true": 4.194276202500824, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.34573829531813, "y": 6.915499728729733, "y_true": 4.194879528049448, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.3857543017207, "y": 7.653903624837676, "y_true": 4.195482489815823, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.42577030812325, "y": 7.057916165512762, "y_true": 4.196085088238377, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.46578631452581, "y": 5.941777400652301, "y_true": 4.196687323754748, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.50580232092837, "y": 5.799325852907073, "y_true": 4.1972891968017825, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.54581832733093, "y": 5.842223259934395, "y_true": 4.1978907078155405, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.5858343337335, "y": 6.665468530459509, "y_true": 4.198491857231292, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.289126834881126, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.62585034013605, "y": 7.887543372929498, "y_true": 4.1990926454835265, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.289126834881126, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.66586634653862, "y": 8.087444038800733, "y_true": 4.199693073005948, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.289126834881126, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.70588235294117, "y": 4.424324688724378, "y_true": 4.200293140231481, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.289126834881126, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.74589835934374, "y": 4.9611273743122535, "y_true": 4.2008928475922716, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.289126834881126, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.78591436574631, "y": 4.671308716371486, "y_true": 4.2014921955196876, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.287488820414848, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.842200327395741, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.133461699729155, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.82593037214886, "y": 5.0115860009527955, "y_true": 4.202091184444322, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.287488820414848, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.842200327395741, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.133461699729155, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.86594637855143, "y": 5.654152155726985, "y_true": 4.2026898147959955, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.287488820414848, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.842200327395741, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.133461699729155, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.90596238495398, "y": 6.32475872585219, "y_true": 4.203288087003756, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.287488820414848, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.842200327395741, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.133461699729155, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.94597839135655, "y": 6.840595785366216, "y_true": 4.203886001495882, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.287488820414848, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.842200327395741, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.133461699729155, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.9859943977591, "y": 7.271751297428264, "y_true": 4.204483558699886, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.287488820414848, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.842200327395741, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.133461699729155, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.02601040416167, "y": 7.934691520554733, "y_true": 4.205080759042512, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.287488820414848, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.842200327395741, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.133461699729155, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.06602641056423, "y": 8.350605653893716, "y_true": 4.205677602949742, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.287488820414848, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.842200327395741, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.133461699729155, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.10604241696679, "y": 6.984478038534571, "y_true": 4.206274090846794, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.886199312154281, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.475082619659686, "q_0.55": 6.612988970785921, "q_0.575": 6.737452877306334, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.434726674575022, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.133461699729155, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.14605842336935, "y": 7.750524417643925, "y_true": 4.206870223158127, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875610657512601, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.9414667619686305, "q_0.9": 8.049695750695342, "q_0.925": 8.159333173662095, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.1860744297719, "y": 7.46937059082763, "y_true": 4.2074660003074404, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.429411953563314, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.289883693528926, "q_0.5": 6.371591548732639, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.861075300814898, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.159333173662095, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.22609043617447, "y": 5.497566174498546, "y_true": 4.208061422717677, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.519898809594144, "q_0.35": 5.634402059728512, "q_0.375": 5.751022109966033, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.371591548732639, "q_0.525": 6.456944525411682, "q_0.55": 6.607185528698235, "q_0.575": 6.709596251680151, "q_0.6": 6.846413164888051, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.421378921844798, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.9414667619686305, "q_0.9": 8.049695750695342, "q_0.925": 8.160164203356791, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.26610644257703, "y": 7.881028382150689, "y_true": 4.208656490811024, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.519898809594144, "q_0.35": 5.634402059728512, "q_0.375": 5.751022109966033, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.371591548732639, "q_0.525": 6.456944525411682, "q_0.55": 6.607185528698235, "q_0.575": 6.709596251680151, "q_0.6": 6.846413164888051, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.421378921844798, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.9414667619686305, "q_0.9": 8.049695750695342, "q_0.925": 8.160164203356791, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.3061224489796, "y": 4.388611874925633, "y_true": 4.2092512050089175, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.34613845538216, "y": 4.211386530730391, "y_true": 4.20984556573204, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.38615446178471, "y": 5.3588816768914995, "y_true": 4.210439573400325, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.42617046818728, "y": 6.150036565559704, "y_true": 4.2110332284329575, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.46618647458983, "y": 6.8906398439322105, "y_true": 4.211626531248377, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.5062024809924, "y": 4.639379334929002, "y_true": 4.212219482264279, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.54621848739497, "y": 7.038039115989212, "y_true": 4.212812081897617, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.58623449379752, "y": 7.579826538061985, "y_true": 4.213404330564601, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.62625050020009, "y": 4.99214345940004, "y_true": 4.213996228680705, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.66626650660264, "y": 5.957988925578241, "y_true": 4.2145877766606645, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.7062825130052, "y": 6.399271480556851, "y_true": 4.215178974918477, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.74629851940776, "y": 6.113765403330026, "y_true": 4.2157698238674115, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.78631452581033, "y": 7.576844328604437, "y_true": 4.21636032392, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.82633053221289, "y": 8.253158928769395, "y_true": 4.216950475488047, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.86634653861545, "y": 7.575297385189395, "y_true": 4.217540278982626, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.90636254501801, "y": 4.545956483531799, "y_true": 4.218129734814085, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.94637855142057, "y": 7.602581038671398, "y_true": 4.218718843392049, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.98639455782313, "y": 4.499311186910622, "y_true": 4.219307605125414, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.0264105642257, "y": 5.21217195589657, "y_true": 4.219896020422359, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.06642657062825, "y": 4.864361193267596, "y_true": 4.220484089690342, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.10644257703082, "y": 5.05189249273273, "y_true": 4.2210718133361, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.14645858343337, "y": 6.444215516736463, "y_true": 4.2216591917656565, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.18647458983594, "y": 7.0483624646042555, "y_true": 4.222246225384318, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.22649059623849, "y": 6.201976558634519, "y_true": 4.222832914596678, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.26650660264106, "y": 8.262454249336805, "y_true": 4.223419259806619, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.30652260904363, "y": 5.235457427682123, "y_true": 4.224005261417313, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.34653861544618, "y": 7.437297968645725, "y_true": 4.224590919831223, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.38655462184875, "y": 7.889030883302941, "y_true": 4.225176235450106, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.4265706282513, "y": 6.592643613372832, "y_true": 4.2257612086750145, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.46658663465386, "y": 6.1477873392902005, "y_true": 4.226345839906296, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.50660264105643, "y": 6.738193405313481, "y_true": 4.226930129543598, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.54661864745898, "y": 6.034011598917915, "y_true": 4.227514077985867, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.58663465386155, "y": 6.567357280860742, "y_true": 4.22809768563135, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.6266506602641, "y": 5.985641521844014, "y_true": 4.2286809528776, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.66666666666667, "y": 5.9170809943129035, "y_true": 4.229263880121471, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.70668267306922, "y": 7.1608603901938235, "y_true": 4.229846467759128, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.74669867947179, "y": 4.621868606794217, "y_true": 4.230428716186038, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.78671468587436, "y": 4.933212996652008, "y_true": 4.231010625796984, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.82673069227691, "y": 7.821059018883674, "y_true": 4.231592196986056, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.86674669867948, "y": 7.4842277450376, "y_true": 4.232173430146658, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.90676270508203, "y": 5.419964320297897, "y_true": 4.232754325671509, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.9467787114846, "y": 5.824928661078668, "y_true": 4.233334883952643, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.98679471788716, "y": 8.141111237815675, "y_true": 4.233915105381412, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.02681072428972, "y": 7.6867006295192635, "y_true": 4.234494990348487, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.06682673069228, "y": 6.827916935577122, "y_true": 4.235074539243861, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.10684273709484, "y": 5.170581004496657, "y_true": 4.235653752456848, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.1468587434974, "y": 4.423049631682392, "y_true": 4.236232630376086, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.18687474989996, "y": 6.057690520263299, "y_true": 4.236811173389539, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.22689075630252, "y": 7.077785349853828, "y_true": 4.237389381884497, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.26690676270509, "y": 7.736992572592266, "y_true": 4.23796725624758, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.30692276910764, "y": 7.840312638765685, "y_true": 4.238544796864738, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.34693877551021, "y": 4.3775869710125415, "y_true": 4.239122004121251, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.38695478191276, "y": 5.271306804154225, "y_true": 4.239698878401734, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.42697078831533, "y": 5.673210161176248, "y_true": 4.2402754200901365, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.46698679471788, "y": 5.038500327276012, "y_true": 4.240851629569743, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.50700280112045, "y": 7.6355530176287925, "y_true": 4.241427507223178, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.54701880752302, "y": 7.486479851529196, "y_true": 4.242003053432403, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.58703481392557, "y": 6.427801865859671, "y_true": 4.242578268578722, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.62705082032814, "y": 8.399641360022773, "y_true": 4.243153153042781, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.66706682673069, "y": 4.8529901311723895, "y_true": 4.243727707204569, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.70708283313326, "y": 8.049695750695342, "y_true": 4.244301931443422, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.74709883953582, "y": 4.737565998831183, "y_true": 4.244875826138022, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.78711484593838, "y": 4.935873870923356, "y_true": 4.245449391666399, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.82713085234094, "y": 7.192142411399674, "y_true": 4.2460226284059335, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.8671468587435, "y": 4.710314112810036, "y_true": 4.246595536733357, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.90716286514606, "y": 6.642254678323099, "y_true": 4.2471681170247555, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.94717887154862, "y": 6.026732097997497, "y_true": 4.247740369655566, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.98719487795118, "y": 7.33261344710559, "y_true": 4.248312295000585, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.02721088435375, "y": 8.062793901452165, "y_true": 4.248883893433963, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.0672268907563, "y": 7.5099228760695125, "y_true": 4.249455165329213, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.10724289715887, "y": 7.849023144623965, "y_true": 4.250026111059204, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.14725890356142, "y": 4.3901615057447385, "y_true": 4.25059673099617, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.18727490996399, "y": 5.565408572498045, "y_true": 4.251167025511706, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.22729091636656, "y": 6.4358306629812265, "y_true": 4.251736994976774, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.26730692276911, "y": 6.015105570276598, "y_true": 4.2523066397616995, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.30732292917168, "y": 5.233061773139259, "y_true": 4.252875960236177, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.34733893557423, "y": 5.558562596484324, "y_true": 4.25344495676927, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.3873549419768, "y": 8.262361706864532, "y_true": 4.254013629729411, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.42737094837935, "y": 5.501991629045078, "y_true": 4.254581979484406, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.46738695478192, "y": 5.756006867404569, "y_true": 4.255150006401434, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.50740296118448, "y": 4.271452468633496, "y_true": 4.255717710847046, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.54741896758703, "y": 7.841111830886181, "y_true": 4.256285093187173, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.5874349739896, "y": 4.913776847538599, "y_true": 4.256852153787121, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.62745098039215, "y": 5.123635492586353, "y_true": 4.257418893011575, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.66746698679472, "y": 5.3412598812816725, "y_true": 4.257985311224603, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.70748299319729, "y": 8.013159591495198, "y_true": 4.258551408789651, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.74749899959984, "y": 5.135478975411495, "y_true": 4.25911718606955, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.78751500600241, "y": 7.645545020022812, "y_true": 4.2596826434265145, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.82753101240496, "y": 7.691248195796737, "y_true": 4.260247781222146, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.86754701880753, "y": 8.19749931912753, "y_true": 4.260812599817434, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.90756302521008, "y": 4.752186087747524, "y_true": 4.261377099572755, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.94757903161265, "y": 5.184887186149939, "y_true": 4.261941280847875, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.98759503801521, "y": 7.418573339780122, "y_true": 4.2625051440019535, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.02761104441777, "y": 5.0958542573717915, "y_true": 4.263068689393541, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.06762705082033, "y": 5.480378124576764, "y_true": 4.263631917380585, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.10764305722289, "y": 4.972851849322481, "y_true": 4.264194828320424, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.14765906362545, "y": 4.9988223773521305, "y_true": 4.264757422569797, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.187675070028, "y": 6.312486188186416, "y_true": 4.265319700484841, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.22769107643057, "y": 4.732225820309146, "y_true": 4.26588166242109, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.26770708283314, "y": 5.634402059728512, "y_true": 4.266443308733482, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.3077230892357, "y": 6.081258050680933, "y_true": 4.267004639776355, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.34773909563826, "y": 4.371979857968353, "y_true": 4.267565655903452, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.38775510204081, "y": 5.920103148237866, "y_true": 4.268126357467921, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.42777110844338, "y": 4.669138900048054, "y_true": 4.268686744822315, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.46778711484595, "y": 6.3695003111396895, "y_true": 4.269246818318597, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.448744433669469, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732525767528159, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.5133051252567515, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.860603397764244, "q_0.875": 7.961135356983236, "q_0.9": 8.065028221486347, "q_0.925": 8.177872505366615, "q_0.95": 8.304538377149415, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.5078031212485, "y": 7.783919898282058, "y_true": 4.269806578308135, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05091584037944, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.2860203426507155, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.913052347788571, "q_0.425": 6.039386478687201, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.500147298514093, "q_0.55": 6.612988970785921, "q_0.575": 6.737452877306334, "q_0.6": 6.877415819285887, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.334824091520664, "q_0.725": 7.444051702944519, "q_0.75": 7.5133051252567515, "q_0.775": 7.6181077415725165, "q_0.8": 7.6867006295192635, "q_0.825": 7.783919898282058, "q_0.85": 7.887543372929498, "q_0.875": 7.969313538515071, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.3175637586431, "q_0.975": 8.47353212124489, "q_1": 9.117904357059661}, {"x": 69.54781912765107, "y": 7.753808716222624, "y_true": 4.270366025141712, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05091584037944, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.2860203426507155, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.913052347788571, "q_0.425": 6.039386478687201, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.500147298514093, "q_0.55": 6.612988970785921, "q_0.575": 6.737452877306334, "q_0.6": 6.877415819285887, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.334824091520664, "q_0.725": 7.444051702944519, "q_0.75": 7.5133051252567515, "q_0.775": 7.6181077415725165, "q_0.8": 7.6867006295192635, "q_0.825": 7.783919898282058, "q_0.85": 7.887543372929498, "q_0.875": 7.969313538515071, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.3175637586431, "q_0.975": 8.47353212124489, "q_1": 9.117904357059661}, {"x": 69.58783513405362, "y": 4.613383051865101, "y_true": 4.2709251591695185, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05091584037944, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.2860203426507155, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.913052347788571, "q_0.425": 6.039386478687201, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.500147298514093, "q_0.55": 6.612988970785921, "q_0.575": 6.737452877306334, "q_0.6": 6.877415819285887, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.334824091520664, "q_0.725": 7.444051702944519, "q_0.75": 7.5133051252567515, "q_0.775": 7.6181077415725165, "q_0.8": 7.6867006295192635, "q_0.825": 7.783919898282058, "q_0.85": 7.887543372929498, "q_0.875": 7.969313538515071, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.3175637586431, "q_0.975": 8.47353212124489, "q_1": 9.117904357059661}, {"x": 69.62785114045619, "y": 6.831165801686161, "y_true": 4.271483980741162, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05091584037944, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.2860203426507155, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.913052347788571, "q_0.425": 6.039386478687201, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.500147298514093, "q_0.55": 6.612988970785921, "q_0.575": 6.737452877306334, "q_0.6": 6.877415819285887, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.334824091520664, "q_0.725": 7.444051702944519, "q_0.75": 7.5133051252567515, "q_0.775": 7.6181077415725165, "q_0.8": 7.6867006295192635, "q_0.825": 7.783919898282058, "q_0.85": 7.887543372929498, "q_0.875": 7.969313538515071, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.3175637586431, "q_0.975": 8.47353212124489, "q_1": 9.117904357059661}, {"x": 69.66786714685874, "y": 7.825703771484614, "y_true": 4.27204249020566, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05091584037944, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.2860203426507155, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.913052347788571, "q_0.425": 6.039386478687201, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.500147298514093, "q_0.55": 6.612988970785921, "q_0.575": 6.737452877306334, "q_0.6": 6.877415819285887, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.334824091520664, "q_0.725": 7.444051702944519, "q_0.75": 7.5133051252567515, "q_0.775": 7.6181077415725165, "q_0.8": 7.6867006295192635, "q_0.825": 7.783919898282058, "q_0.85": 7.887543372929498, "q_0.875": 7.969313538515071, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.3175637586431, "q_0.975": 8.47353212124489, "q_1": 9.117904357059661}, {"x": 69.7078831532613, "y": 5.2860203426507155, "y_true": 4.2726006879114475, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 69.74789915966387, "y": 7.518297183219039, "y_true": 4.273158574206378, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 69.78791516606643, "y": 8.068094610848837, "y_true": 4.27371614943772, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 69.827931172469, "y": 7.708566595928236, "y_true": 4.274273413952164, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 69.86794717887155, "y": 4.732020561033832, "y_true": 4.274830368095818, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 69.90796318527411, "y": 4.313995137830147, "y_true": 4.2753870122142175, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 69.94797919167668, "y": 5.093061326625452, "y_true": 4.275943346652316, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 69.98799519807923, "y": 5.429411953563314, "y_true": 4.276499371754492, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.0280112044818, "y": 6.903888973579131, "y_true": 4.2770550878645555, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.06802721088435, "y": 5.916012034000652, "y_true": 4.277610495325735, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.10804321728692, "y": 7.277634175261337, "y_true": 4.278165594480696, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.14805922368947, "y": 5.784501430094777, "y_true": 4.2787203856715275, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.18807523009204, "y": 4.9379495433283065, "y_true": 4.279274869239751, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.2280912364946, "y": 5.6137286715780395, "y_true": 4.2798290455263235, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.26810724289716, "y": 8.053307058666409, "y_true": 4.2803829148716295, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.30812324929973, "y": 8.371003816899552, "y_true": 4.280936477615494, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.34813925570228, "y": 5.167065115015842, "y_true": 4.281489734097175, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.38815526210485, "y": 7.64732980904761, "y_true": 4.282042684655367, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.42817126850741, "y": 5.449436989388218, "y_true": 4.282595329628205, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.46818727490997, "y": 8.070536155761484, "y_true": 4.283147669353263, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.50820328131253, "y": 4.990548377091267, "y_true": 4.283699704167556, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.54821928771509, "y": 7.128147769944071, "y_true": 4.28425143440754, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.58823529411765, "y": 4.644463340279043, "y_true": 4.284802860409117, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.6282513005202, "y": 8.445329155603197, "y_true": 4.2853539825076306, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.66826730692277, "y": 7.279044131397248, "y_true": 4.285904801037873, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.70828331332534, "y": 7.883202521282729, "y_true": 4.286455316334081, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.74829931972789, "y": 6.7084766354490455, "y_true": 4.2870055287299405, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.78831532613046, "y": 6.325271785433165, "y_true": 4.287555438558589, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.82833133253301, "y": 6.946203882849349, "y_true": 4.288105046152611, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.86834733893558, "y": 6.54893756694938, "y_true": 4.288654351844047, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.90836334533813, "y": 6.296005743754593, "y_true": 4.289203355964387, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.9483793517407, "y": 7.537122532574793, "y_true": 4.289752058844577, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.98839535814326, "y": 5.052377723222724, "y_true": 4.29030046081502, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.02841136454582, "y": 5.022961792631538, "y_true": 4.290848562205572, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.06842737094838, "y": 6.138653415907718, "y_true": 4.29139636334555, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.10844337735094, "y": 5.664158343458555, "y_true": 4.291943864563729, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.1484593837535, "y": 4.609649563181977, "y_true": 4.292491066188345, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.18847539015607, "y": 7.906764005708316, "y_true": 4.293037968547094, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.22849139655862, "y": 7.595916950510564, "y_true": 4.293584571967135, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.26850740296119, "y": 6.62232618333511, "y_true": 4.294130876775093, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.30852340936374, "y": 8.487108437956586, "y_true": 4.294676883297056, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.34853941576631, "y": 4.606059433029293, "y_true": 4.295222591858577, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.38855542216886, "y": 7.578682912919554, "y_true": 4.295768002784679, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.42857142857143, "y": 5.437071183128024, "y_true": 4.296313116399852, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.468587434974, "y": 5.875623573260997, "y_true": 4.296857933028056, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.50860344137655, "y": 5.236730700678295, "y_true": 4.297402452992721, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.54861944777912, "y": 7.678387747062077, "y_true": 4.297946676616751, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.58863545418167, "y": 4.916531801106208, "y_true": 4.298490604222519, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.62865146058424, "y": 7.898807765374084, "y_true": 4.299034236131879, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.920466131836241, "q_0.175": 4.972851849322481, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.338094355588171, "q_0.3": 5.454014158790365, "q_0.325": 5.592212067468457, "q_0.35": 5.673210161176248, "q_0.375": 5.784501430094777, "q_0.4": 5.952531773049255, "q_0.425": 6.068705675007118, "q_0.45": 6.1742452684924825, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.908155437208337, "q_0.625": 6.984478038534571, "q_0.65": 7.108169739799926, "q_0.675": 7.255813732982542, "q_0.7": 7.339281484523887, "q_0.725": 7.46937059082763, "q_0.75": 7.523299742234963, "q_0.775": 7.645545020022812, "q_0.8": 7.712264273562155, "q_0.825": 7.823620854172216, "q_0.85": 7.898807765374084, "q_0.875": 7.979878653405329, "q_0.9": 8.087444038800733, "q_0.925": 8.221805004024278, "q_0.95": 8.353987139950119, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 71.6686674669868, "y": 7.135040034552558, "y_true": 4.299577572666153, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.922481880279304, "q_0.175": 4.972851849322481, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.338094355588171, "q_0.3": 5.454014158790365, "q_0.325": 5.592212067468457, "q_0.35": 5.673210161176248, "q_0.375": 5.784501430094777, "q_0.4": 5.952531773049255, "q_0.425": 6.068891780047043, "q_0.45": 6.180114464839802, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.908155437208337, "q_0.625": 6.984478038534571, "q_0.65": 7.108169739799926, "q_0.675": 7.255813732982542, "q_0.7": 7.339281484523887, "q_0.725": 7.46937059082763, "q_0.75": 7.518297183219039, "q_0.775": 7.645545020022812, "q_0.8": 7.712264273562155, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 7.979878653405329, "q_0.9": 8.087444038800733, "q_0.925": 8.221805004024278, "q_0.95": 8.353987139950119, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 71.70868347338936, "y": 4.553121442458908, "y_true": 4.300120614146144, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 71.74869947979192, "y": 7.777350988843385, "y_true": 4.300663360892132, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 71.78871548619448, "y": 6.992746699276601, "y_true": 4.301205813223875, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 71.82873149259704, "y": 8.182412195194702, "y_true": 4.301747971460611, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 71.8687474989996, "y": 7.5133051252567515, "y_true": 4.3022898359210595, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 71.90876350540216, "y": 6.709596251680151, "y_true": 4.3028314069234215, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 71.94877951180473, "y": 7.891957264054015, "y_true": 4.303372684785383, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 71.98879551820728, "y": 5.496834259748343, "y_true": 4.3039136698241105, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 72.02881152460985, "y": 6.651337245831529, "y_true": 4.304454362356261, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 72.0688275310124, "y": 5.5650225234108275, "y_true": 4.304994762697976, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 72.10884353741497, "y": 8.461019066614918, "y_true": 4.305534871164884, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 72.14885954381754, "y": 5.277021526049126, "y_true": 4.306074688072102, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 72.18887555022009, "y": 4.374179160246665, "y_true": 4.306614213734239, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 72.22889155662266, "y": 5.706240551435829, "y_true": 4.307153448465393, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 72.26890756302521, "y": 6.465536254452598, "y_true": 4.307692392579156, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 72.30892356942778, "y": 4.430040839189768, "y_true": 4.308231046388612, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.977043761741297, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.598264224247254, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.1144450602403815, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 72.34893957583033, "y": 6.71086839399545, "y_true": 4.30876941020634, "y_pred": 6.427801865859671, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.609025084519022, "q_0.1": 4.67869742851378, "q_0.125": 4.755614343993165, "q_0.15": 4.931784502214521, "q_0.175": 4.977043761741297, "q_0.2": 5.0630309141950365, "q_0.225": 5.135478975411495, "q_0.25": 5.236730700678295, "q_0.275": 5.3588816768914995, "q_0.3": 5.4741072109626785, "q_0.325": 5.60090035532502, "q_0.35": 5.688614811687864, "q_0.375": 5.802539059625862, "q_0.4": 5.957988925578241, "q_0.425": 6.081258050680933, "q_0.45": 6.220095836224706, "q_0.475": 6.325271785433165, "q_0.5": 6.427801865859671, "q_0.525": 6.562639768728845, "q_0.55": 6.64615580544274, "q_0.575": 6.789661109836697, "q_0.6": 6.915499728729733, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.564607068510808, "q_0.775": 7.6458828499127875, "q_0.8": 7.729996186871609, "q_0.825": 7.838171093255294, "q_0.85": 7.906764005708316, "q_0.875": 8.013159591495198, "q_0.9": 8.107815238235931, "q_0.925": 8.244306119580855, "q_0.95": 8.371003816899552, "q_0.975": 8.511672702219997, "q_1": 9.117904357059661}, {"x": 72.3889555822329, "y": 8.065028221486347, "y_true": 4.309307484344413, "y_pred": 6.444215516736463, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.524621312709386, "q_0.075": 4.613383051865101, "q_0.1": 4.693007450504758, "q_0.125": 4.773197724835218, "q_0.15": 4.933212996652008, "q_0.175": 4.990548377091267, "q_0.2": 5.078068846600801, "q_0.225": 5.167065115015842, "q_0.25": 5.24818044101043, "q_0.275": 5.40151772933469, "q_0.3": 5.4934499542244986, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.864985404400768, "q_0.4": 5.985641521844014, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.364758681587269, "q_0.5": 6.444215516736463, "q_0.525": 6.586965632995195, "q_0.55": 6.7084766354490455, "q_0.575": 6.821675824365898, "q_0.6": 6.927562068158622, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.39349892724248, "q_0.725": 7.485418535152848, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.944021526451298, "q_0.875": 8.049695750695342, "q_0.9": 8.130677289535292, "q_0.925": 8.262361706864532, "q_0.95": 8.399641360022773, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.42897158863546, "y": 7.33759928006981, "y_true": 4.309845269114404, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.524621312709386, "q_0.075": 4.613383051865101, "q_0.1": 4.694172874974996, "q_0.125": 4.773197724835218, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.078068846600801, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.413052805033671, "q_0.3": 5.4934499542244986, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.875623573260997, "q_0.4": 5.985641521844014, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.586965632995195, "q_0.55": 6.7084766354490455, "q_0.575": 6.82245125481038, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.39349892724248, "q_0.725": 7.486479851529196, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.944021526451298, "q_0.875": 8.053307058666409, "q_0.9": 8.130677289535292, "q_0.925": 8.262361706864532, "q_0.95": 8.399641360022773, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.46898759503802, "y": 6.987192538543265, "y_true": 4.310382764827378, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.524621312709386, "q_0.075": 4.613383051865101, "q_0.1": 4.694172874974996, "q_0.125": 4.773197724835218, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.078068846600801, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.413052805033671, "q_0.3": 5.4934499542244986, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.875623573260997, "q_0.4": 5.985641521844014, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.586965632995195, "q_0.55": 6.7084766354490455, "q_0.575": 6.82245125481038, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.39349892724248, "q_0.725": 7.486479851529196, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.944021526451298, "q_0.875": 8.053307058666409, "q_0.9": 8.130677289535292, "q_0.925": 8.262361706864532, "q_0.95": 8.399641360022773, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.50900360144058, "y": 8.419077548226216, "y_true": 4.310919971793904, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.524621312709386, "q_0.075": 4.613383051865101, "q_0.1": 4.694172874974996, "q_0.125": 4.773197724835218, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.078068846600801, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.413052805033671, "q_0.3": 5.4934499542244986, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.875623573260997, "q_0.4": 5.985641521844014, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.586965632995195, "q_0.55": 6.7084766354490455, "q_0.575": 6.82245125481038, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.39349892724248, "q_0.725": 7.486479851529196, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.944021526451298, "q_0.875": 8.053307058666409, "q_0.9": 8.130677289535292, "q_0.925": 8.262361706864532, "q_0.95": 8.399641360022773, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.54901960784314, "y": 8.43009558223072, "y_true": 4.311456890324049, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.524621312709386, "q_0.075": 4.613383051865101, "q_0.1": 4.694172874974996, "q_0.125": 4.773197724835218, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.078068846600801, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.413052805033671, "q_0.3": 5.4934499542244986, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.875623573260997, "q_0.4": 5.985641521844014, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.586965632995195, "q_0.55": 6.7084766354490455, "q_0.575": 6.82245125481038, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.39349892724248, "q_0.725": 7.486479851529196, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.944021526451298, "q_0.875": 8.053307058666409, "q_0.9": 8.130677289535292, "q_0.925": 8.262361706864532, "q_0.95": 8.399641360022773, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.5890356142457, "y": 7.855099678303955, "y_true": 4.311993520727379, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.524621312709386, "q_0.075": 4.613383051865101, "q_0.1": 4.694172874974996, "q_0.125": 4.773197724835218, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.078068846600801, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.413052805033671, "q_0.3": 5.4934499542244986, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.875623573260997, "q_0.4": 5.985641521844014, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.586965632995195, "q_0.55": 6.7084766354490455, "q_0.575": 6.82245125481038, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.39349892724248, "q_0.725": 7.486479851529196, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.944021526451298, "q_0.875": 8.053307058666409, "q_0.9": 8.130677289535292, "q_0.925": 8.262361706864532, "q_0.95": 8.399641360022773, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.62905162064827, "y": 6.925236174926521, "y_true": 4.312529863312964, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.524621312709386, "q_0.075": 4.613383051865101, "q_0.1": 4.694172874974996, "q_0.125": 4.773197724835218, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.078068846600801, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.413052805033671, "q_0.3": 5.4934499542244986, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.875623573260997, "q_0.4": 5.985641521844014, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.586965632995195, "q_0.55": 6.7084766354490455, "q_0.575": 6.82245125481038, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.39349892724248, "q_0.725": 7.486479851529196, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.944021526451298, "q_0.875": 8.053307058666409, "q_0.9": 8.130677289535292, "q_0.925": 8.262361706864532, "q_0.95": 8.399641360022773, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.66906762705082, "y": 6.4102501286231135, "y_true": 4.313065918389377, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.524621312709386, "q_0.075": 4.613383051865101, "q_0.1": 4.694172874974996, "q_0.125": 4.773197724835218, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.078068846600801, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.413052805033671, "q_0.3": 5.4934499542244986, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.875623573260997, "q_0.4": 5.985641521844014, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.586965632995195, "q_0.55": 6.7084766354490455, "q_0.575": 6.82245125481038, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.39349892724248, "q_0.725": 7.486479851529196, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.944021526451298, "q_0.875": 8.053307058666409, "q_0.9": 8.130677289535292, "q_0.925": 8.262361706864532, "q_0.95": 8.399641360022773, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.70908363345339, "y": 4.3708626516283235, "y_true": 4.313601686264693, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.524621312709386, "q_0.075": 4.613383051865101, "q_0.1": 4.694172874974996, "q_0.125": 4.773197724835218, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.078068846600801, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.413052805033671, "q_0.3": 5.4934499542244986, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.875623573260997, "q_0.4": 5.985641521844014, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.586965632995195, "q_0.55": 6.7084766354490455, "q_0.575": 6.82245125481038, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.39349892724248, "q_0.725": 7.486479851529196, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.944021526451298, "q_0.875": 8.053307058666409, "q_0.9": 8.130677289535292, "q_0.925": 8.262361706864532, "q_0.95": 8.399641360022773, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.74909963985594, "y": 6.921468824024663, "y_true": 4.3141371672464945, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.5439034078690606, "q_0.075": 4.613383051865101, "q_0.1": 4.69777579925783, "q_0.125": 4.773197724835218, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.082973149448729, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.419964320297897, "q_0.3": 5.497566174498546, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.875623573260997, "q_0.4": 6.02262314226934, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.592643613372832, "q_0.55": 6.7084766354490455, "q_0.575": 6.82245125481038, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.394550905989107, "q_0.725": 7.486479851529196, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.954445289561369, "q_0.875": 8.053307058666409, "q_0.9": 8.133461699729155, "q_0.925": 8.262361706864532, "q_0.95": 8.411171895527225, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.78911564625851, "y": 8.568949105019012, "y_true": 4.314672361641869, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.706679514948626, "q_0.125": 4.7758565031849525, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.082973149448729, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.419964320297897, "q_0.3": 5.497566174498546, "q_0.325": 5.62140566354136, "q_0.35": 5.7260770285449505, "q_0.375": 5.879245072438962, "q_0.4": 6.026732097997497, "q_0.425": 6.138653415907718, "q_0.45": 6.272889904759298, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.592643613372832, "q_0.55": 6.7084766354490455, "q_0.575": 6.82375315809708, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.309967068316329, "q_0.7": 7.394550905989107, "q_0.725": 7.486479851529196, "q_0.75": 7.595916950510564, "q_0.775": 7.669390382418008, "q_0.8": 7.753808716222624, "q_0.825": 7.855099678303955, "q_0.85": 7.958802616307166, "q_0.875": 8.053307058666409, "q_0.9": 8.160164203356791, "q_0.925": 8.262454249336805, "q_0.95": 8.411171895527225, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.82913165266106, "y": 7.834476236336158, "y_true": 4.315207269757412, "y_pred": 6.446757353769544, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.381521249652034, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.706679514948626, "q_0.125": 4.7982156998918475, "q_0.15": 4.935873870923356, "q_0.175": 4.99214345940004, "q_0.2": 5.082973149448729, "q_0.225": 5.170581004496657, "q_0.25": 5.251305429080203, "q_0.275": 5.425175682468657, "q_0.3": 5.520626841439223, "q_0.325": 5.634402059728512, "q_0.35": 5.740762275671127, "q_0.375": 5.879245072438962, "q_0.4": 6.034011598917915, "q_0.425": 6.146890586444009, "q_0.45": 6.289883693528926, "q_0.475": 6.371591548732639, "q_0.5": 6.446757353769544, "q_0.525": 6.592643613372832, "q_0.55": 6.709596251680151, "q_0.575": 6.82375315809708, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.396331630299205, "q_0.725": 7.494307419463388, "q_0.75": 7.595916950510564, "q_0.775": 7.672438687443597, "q_0.8": 7.775046841507674, "q_0.825": 7.855099678303955, "q_0.85": 7.961135356983236, "q_0.875": 8.062793901452165, "q_0.9": 8.16227263890931, "q_0.925": 8.262454249336805, "q_0.95": 8.411171895527225, "q_0.975": 8.560528974284738, "q_1": 9.117904357059661}, {"x": 72.86914765906363, "y": 5.781123634460956, "y_true": 4.315741891899225, "y_pred": 6.446757353769544, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.381521249652034, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.706679514948626, "q_0.125": 4.7982156998918475, "q_0.15": 4.935873870923356, "q_0.175": 4.99214345940004, "q_0.2": 5.082973149448729, "q_0.225": 5.170581004496657, "q_0.25": 5.251305429080203, "q_0.275": 5.425175682468657, "q_0.3": 5.520626841439223, "q_0.325": 5.634402059728512, "q_0.35": 5.740762275671127, "q_0.375": 5.879245072438962, "q_0.4": 6.034011598917915, "q_0.425": 6.146890586444009, "q_0.45": 6.289883693528926, "q_0.475": 6.371591548732639, "q_0.5": 6.446757353769544, "q_0.525": 6.592643613372832, "q_0.55": 6.709596251680151, "q_0.575": 6.82375315809708, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.396331630299205, "q_0.725": 7.494307419463388, "q_0.75": 7.595916950510564, "q_0.775": 7.672438687443597, "q_0.8": 7.775046841507674, "q_0.825": 7.855099678303955, "q_0.85": 7.961135356983236, "q_0.875": 8.062793901452165, "q_0.9": 8.16227263890931, "q_0.925": 8.262454249336805, "q_0.95": 8.411171895527225, "q_0.975": 8.560528974284738, "q_1": 9.117904357059661}, {"x": 72.9091636654662, "y": 4.970509766280765, "y_true": 4.316276228372921, "y_pred": 6.446757353769544, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.381521249652034, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.706679514948626, "q_0.125": 4.7982156998918475, "q_0.15": 4.935873870923356, "q_0.175": 4.99214345940004, "q_0.2": 5.082973149448729, "q_0.225": 5.170581004496657, "q_0.25": 5.251305429080203, "q_0.275": 5.425175682468657, "q_0.3": 5.520626841439223, "q_0.325": 5.634402059728512, "q_0.35": 5.740762275671127, "q_0.375": 5.879245072438962, "q_0.4": 6.034011598917915, "q_0.425": 6.146890586444009, "q_0.45": 6.289883693528926, "q_0.475": 6.371591548732639, "q_0.5": 6.446757353769544, "q_0.525": 6.592643613372832, "q_0.55": 6.709596251680151, "q_0.575": 6.82375315809708, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.396331630299205, "q_0.725": 7.494307419463388, "q_0.75": 7.595916950510564, "q_0.775": 7.672438687443597, "q_0.8": 7.775046841507674, "q_0.825": 7.855099678303955, "q_0.85": 7.961135356983236, "q_0.875": 8.062793901452165, "q_0.9": 8.16227263890931, "q_0.925": 8.262454249336805, "q_0.95": 8.411171895527225, "q_0.975": 8.560528974284738, "q_1": 9.117904357059661}, {"x": 72.94917967186875, "y": 7.690910947028105, "y_true": 4.316810279483623, "y_pred": 6.446757353769544, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.381521249652034, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.706679514948626, "q_0.125": 4.7982156998918475, "q_0.15": 4.935873870923356, "q_0.175": 4.99214345940004, "q_0.2": 5.082973149448729, "q_0.225": 5.170581004496657, "q_0.25": 5.251305429080203, "q_0.275": 5.425175682468657, "q_0.3": 5.520626841439223, "q_0.325": 5.634402059728512, "q_0.35": 5.740762275671127, "q_0.375": 5.879245072438962, "q_0.4": 6.034011598917915, "q_0.425": 6.146890586444009, "q_0.45": 6.289883693528926, "q_0.475": 6.371591548732639, "q_0.5": 6.446757353769544, "q_0.525": 6.592643613372832, "q_0.55": 6.709596251680151, "q_0.575": 6.82375315809708, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.396331630299205, "q_0.725": 7.494307419463388, "q_0.75": 7.595916950510564, "q_0.775": 7.672438687443597, "q_0.8": 7.775046841507674, "q_0.825": 7.855099678303955, "q_0.85": 7.961135356983236, "q_0.875": 8.062793901452165, "q_0.9": 8.16227263890931, "q_0.925": 8.262454249336805, "q_0.95": 8.411171895527225, "q_0.975": 8.560528974284738, "q_1": 9.117904357059661}, {"x": 72.98919567827132, "y": 7.519192224745076, "y_true": 4.3173440455359655, "y_pred": 6.446757353769544, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.381521249652034, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.706679514948626, "q_0.125": 4.7982156998918475, "q_0.15": 4.935873870923356, "q_0.175": 4.99214345940004, "q_0.2": 5.082973149448729, "q_0.225": 5.170581004496657, "q_0.25": 5.251305429080203, "q_0.275": 5.425175682468657, "q_0.3": 5.520626841439223, "q_0.325": 5.634402059728512, "q_0.35": 5.740762275671127, "q_0.375": 5.879245072438962, "q_0.4": 6.034011598917915, "q_0.425": 6.146890586444009, "q_0.45": 6.289883693528926, "q_0.475": 6.371591548732639, "q_0.5": 6.446757353769544, "q_0.525": 6.592643613372832, "q_0.55": 6.709596251680151, "q_0.575": 6.82375315809708, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.396331630299205, "q_0.725": 7.494307419463388, "q_0.75": 7.595916950510564, "q_0.775": 7.672438687443597, "q_0.8": 7.775046841507674, "q_0.825": 7.855099678303955, "q_0.85": 7.961135356983236, "q_0.875": 8.062793901452165, "q_0.9": 8.16227263890931, "q_0.925": 8.262454249336805, "q_0.95": 8.411171895527225, "q_0.975": 8.560528974284738, "q_1": 9.117904357059661}, {"x": 73.02921168467387, "y": 8.48049153649446, "y_true": 4.317877526834094, "y_pred": 6.454343177345563, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.381643112717437, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.710314112810036, "q_0.125": 4.7982156998918475, "q_0.15": 4.935873870923356, "q_0.175": 4.99214345940004, "q_0.2": 5.082973149448729, "q_0.225": 5.170581004496657, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.634402059728512, "q_0.35": 5.751022109966033, "q_0.375": 5.880725247445652, "q_0.4": 6.034011598917915, "q_0.425": 6.146890586444009, "q_0.45": 6.289883693528926, "q_0.475": 6.371591548732639, "q_0.5": 6.454343177345563, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.828579125837872, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.396331630299205, "q_0.725": 7.494307419463388, "q_0.75": 7.595916950510564, "q_0.775": 7.672438687443597, "q_0.8": 7.775046841507674, "q_0.825": 7.855099678303955, "q_0.85": 7.961135356983236, "q_0.875": 8.062793901452165, "q_0.9": 8.168759440796432, "q_0.925": 8.266762790364961, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.06922769107643, "y": 8.084607236378016, "y_true": 4.31841072368167, "y_pred": 6.454343177345563, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.381643112717437, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.710314112810036, "q_0.125": 4.7982156998918475, "q_0.15": 4.935873870923356, "q_0.175": 4.99214345940004, "q_0.2": 5.082973149448729, "q_0.225": 5.170581004496657, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.634402059728512, "q_0.35": 5.751022109966033, "q_0.375": 5.880725247445652, "q_0.4": 6.034011598917915, "q_0.425": 6.146890586444009, "q_0.45": 6.289883693528926, "q_0.475": 6.371591548732639, "q_0.5": 6.454343177345563, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.828579125837872, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.396331630299205, "q_0.725": 7.494307419463388, "q_0.75": 7.595916950510564, "q_0.775": 7.672438687443597, "q_0.8": 7.775046841507674, "q_0.825": 7.855099678303955, "q_0.85": 7.961135356983236, "q_0.875": 8.062793901452165, "q_0.9": 8.168759440796432, "q_0.925": 8.266762790364961, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.10924369747899, "y": 6.711371446457694, "y_true": 4.318943636381867, "y_pred": 6.454343177345563, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.381643112717437, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.710314112810036, "q_0.125": 4.7982156998918475, "q_0.15": 4.935873870923356, "q_0.175": 4.99214345940004, "q_0.2": 5.082973149448729, "q_0.225": 5.170581004496657, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.634402059728512, "q_0.35": 5.751022109966033, "q_0.375": 5.880725247445652, "q_0.4": 6.034011598917915, "q_0.425": 6.146890586444009, "q_0.45": 6.289883693528926, "q_0.475": 6.371591548732639, "q_0.5": 6.454343177345563, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.828579125837872, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.396331630299205, "q_0.725": 7.494307419463388, "q_0.75": 7.595916950510564, "q_0.775": 7.672438687443597, "q_0.8": 7.775046841507674, "q_0.825": 7.855099678303955, "q_0.85": 7.961135356983236, "q_0.875": 8.062793901452165, "q_0.9": 8.168759440796432, "q_0.925": 8.266762790364961, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.14925970388155, "y": 4.755614343993165, "y_true": 4.319476265237377, "y_pred": 6.454343177345563, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.381643112717437, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.710314112810036, "q_0.125": 4.7982156998918475, "q_0.15": 4.935873870923356, "q_0.175": 4.99214345940004, "q_0.2": 5.082973149448729, "q_0.225": 5.170581004496657, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.634402059728512, "q_0.35": 5.751022109966033, "q_0.375": 5.880725247445652, "q_0.4": 6.034011598917915, "q_0.425": 6.146890586444009, "q_0.45": 6.289883693528926, "q_0.475": 6.371591548732639, "q_0.5": 6.454343177345563, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.828579125837872, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.396331630299205, "q_0.725": 7.494307419463388, "q_0.75": 7.595916950510564, "q_0.775": 7.672438687443597, "q_0.8": 7.775046841507674, "q_0.825": 7.855099678303955, "q_0.85": 7.961135356983236, "q_0.875": 8.062793901452165, "q_0.9": 8.168759440796432, "q_0.925": 8.266762790364961, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.18927571028412, "y": 6.402262026196145, "y_true": 4.3200086105504045, "y_pred": 6.460278013670872, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.386547959431385, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.810019457720938, "q_0.15": 4.936325118550387, "q_0.175": 5.006226138839089, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.654152155726985, "q_0.35": 5.756006867404569, "q_0.375": 5.909160566020582, "q_0.4": 6.034011598917915, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.371591548732639, "q_0.5": 6.460278013670872, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.15012057883883, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.672438687443597, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.963071720147777, "q_0.875": 8.065028221486347, "q_0.9": 8.168759440796432, "q_0.925": 8.297240998500218, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.22929171668667, "y": 5.6716750974135675, "y_true": 4.320540672622674, "y_pred": 6.460278013670872, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.386547959431385, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.810019457720938, "q_0.15": 4.936325118550387, "q_0.175": 5.006226138839089, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.654152155726985, "q_0.35": 5.756006867404569, "q_0.375": 5.909160566020582, "q_0.4": 6.034011598917915, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.371591548732639, "q_0.5": 6.460278013670872, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.15012057883883, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.672438687443597, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.963071720147777, "q_0.875": 8.065028221486347, "q_0.9": 8.168759440796432, "q_0.925": 8.297240998500218, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.26930772308924, "y": 6.528373332510743, "y_true": 4.321072451755431, "y_pred": 6.460278013670872, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.386547959431385, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.810019457720938, "q_0.15": 4.936325118550387, "q_0.175": 5.006226138839089, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.654152155726985, "q_0.35": 5.756006867404569, "q_0.375": 5.909160566020582, "q_0.4": 6.034011598917915, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.371591548732639, "q_0.5": 6.460278013670872, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.15012057883883, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.672438687443597, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.963071720147777, "q_0.875": 8.065028221486347, "q_0.9": 8.168759440796432, "q_0.925": 8.297240998500218, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.3093237294918, "y": 5.62140566354136, "y_true": 4.321603948249436, "y_pred": 6.460278013670872, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.386547959431385, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.810019457720938, "q_0.15": 4.936325118550387, "q_0.175": 5.006226138839089, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.654152155726985, "q_0.35": 5.756006867404569, "q_0.375": 5.909160566020582, "q_0.4": 6.034011598917915, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.371591548732639, "q_0.5": 6.460278013670872, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.15012057883883, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.672438687443597, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.963071720147777, "q_0.875": 8.065028221486347, "q_0.9": 8.168759440796432, "q_0.925": 8.297240998500218, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.34933973589436, "y": 8.035536345723893, "y_true": 4.322135162404973, "y_pred": 6.460278013670872, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.386547959431385, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.810019457720938, "q_0.15": 4.936325118550387, "q_0.175": 5.006226138839089, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.654152155726985, "q_0.35": 5.756006867404569, "q_0.375": 5.909160566020582, "q_0.4": 6.034011598917915, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.371591548732639, "q_0.5": 6.460278013670872, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.15012057883883, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.672438687443597, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.963071720147777, "q_0.875": 8.065028221486347, "q_0.9": 8.168759440796432, "q_0.925": 8.297240998500218, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.38935574229693, "y": 7.961135356983236, "y_true": 4.322666094521848, "y_pred": 6.460278013670872, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.386547959431385, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.810019457720938, "q_0.15": 4.936325118550387, "q_0.175": 5.006226138839089, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.654152155726985, "q_0.35": 5.756006867404569, "q_0.375": 5.909160566020582, "q_0.4": 6.034011598917915, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.371591548732639, "q_0.5": 6.460278013670872, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.15012057883883, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.672438687443597, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.963071720147777, "q_0.875": 8.065028221486347, "q_0.9": 8.168759440796432, "q_0.925": 8.297240998500218, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.42937174869948, "y": 5.682804456149165, "y_true": 4.323196744899387, "y_pred": 6.460278013670872, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.386547959431385, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.810019457720938, "q_0.15": 4.936325118550387, "q_0.175": 5.006226138839089, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.654152155726985, "q_0.35": 5.756006867404569, "q_0.375": 5.909160566020582, "q_0.4": 6.034011598917915, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.371591548732639, "q_0.5": 6.460278013670872, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.15012057883883, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.672438687443597, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.963071720147777, "q_0.875": 8.065028221486347, "q_0.9": 8.168759440796432, "q_0.925": 8.297240998500218, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.46938775510205, "y": 6.908155437208337, "y_true": 4.323727113836443, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.5094037615046, "y": 6.178734762645732, "y_true": 4.324257201631393, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.54941976790717, "y": 8.244306119580855, "y_true": 4.324787008582137, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.58943577430972, "y": 5.13321653313719, "y_true": 4.325316534986106, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.62945178071229, "y": 7.334824091520664, "y_true": 4.325845781140255, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.66946778711485, "y": 8.511672702219997, "y_true": 4.32637474734107, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.7094837935174, "y": 5.082973149448729, "y_true": 4.326903433884567, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.74949979991997, "y": 5.1987437976665865, "y_true": 4.32743184106629, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.78951580632253, "y": 7.321152596941451, "y_true": 4.327959969181318, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.8295318127251, "y": 7.690702664526135, "y_true": 4.328487818524261, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.86954781912766, "y": 6.446101117070942, "y_true": 4.329015389389263, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.90956382553021, "y": 6.961121135243478, "y_true": 4.329542682070003, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.94957983193278, "y": 5.24818044101043, "y_true": 4.330069696859696, "y_pred": 6.460278013670872, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.549716964490572, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.434870098168665, "q_0.3": 5.5413418269448105, "q_0.325": 5.654152155726985, "q_0.35": 5.758925211820149, "q_0.375": 5.909160566020582, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.371714549575328, "q_0.5": 6.460278013670872, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.828579125837872, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.407613161302036, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.783919898282058, "q_0.825": 7.86433967322054, "q_0.85": 7.969313538515071, "q_0.875": 8.067625812021475, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.415415940801093, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.98959583833533, "y": 6.38830657909329, "y_true": 4.330596434051091, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.434870098168665, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.157604606791473, "q_0.675": 7.317181882158675, "q_0.7": 7.411374655686721, "q_0.725": 7.502437976787764, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.783919898282058, "q_0.825": 7.887543372929498, "q_0.85": 7.973606893184375, "q_0.875": 8.068094610848837, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.419077548226216, "q_0.975": 8.580292183758063, "q_1": 9.117904357059661}, {"x": 74.0296118447379, "y": 4.815036147477783, "y_true": 4.331122893936479, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.434870098168665, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.157604606791473, "q_0.675": 7.317181882158675, "q_0.7": 7.411374655686721, "q_0.725": 7.502437976787764, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.783919898282058, "q_0.825": 7.887543372929498, "q_0.85": 7.973606893184375, "q_0.875": 8.068094610848837, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.419077548226216, "q_0.975": 8.580292183758063, "q_1": 9.117904357059661}, {"x": 74.06962785114045, "y": 5.719682679094714, "y_true": 4.331649076807687, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.434870098168665, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.157604606791473, "q_0.675": 7.317181882158675, "q_0.7": 7.411374655686721, "q_0.725": 7.502437976787764, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.783919898282058, "q_0.825": 7.887543372929498, "q_0.85": 7.973606893184375, "q_0.875": 8.068094610848837, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.419077548226216, "q_0.975": 8.580292183758063, "q_1": 9.117904357059661}, {"x": 74.10964385754302, "y": 5.562123994989091, "y_true": 4.332174982956081, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.434870098168665, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.157604606791473, "q_0.675": 7.317181882158675, "q_0.7": 7.411374655686721, "q_0.725": 7.502437976787764, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.783919898282058, "q_0.825": 7.887543372929498, "q_0.85": 7.973606893184375, "q_0.875": 8.068094610848837, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.419077548226216, "q_0.975": 8.580292183758063, "q_1": 9.117904357059661}, {"x": 74.14965986394559, "y": 6.253251670123682, "y_true": 4.332700612672569, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.434870098168665, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.157604606791473, "q_0.675": 7.317181882158675, "q_0.7": 7.411374655686721, "q_0.725": 7.502437976787764, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.783919898282058, "q_0.825": 7.887543372929498, "q_0.85": 7.973606893184375, "q_0.875": 8.068094610848837, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.419077548226216, "q_0.975": 8.580292183758063, "q_1": 9.117904357059661}, {"x": 74.18967587034814, "y": 8.351384810193501, "y_true": 4.3332259662476, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.020086038168256, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.763617911589514, "q_0.375": 5.913052347788571, "q_0.4": 6.044330210893478, "q_0.425": 6.1483119599096, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.317181882158675, "q_0.7": 7.411374655686721, "q_0.725": 7.502437976787764, "q_0.75": 7.602394882250917, "q_0.775": 7.678387747062077, "q_0.8": 7.783919898282058, "q_0.825": 7.887543372929498, "q_0.85": 7.973606893184375, "q_0.875": 8.068094610848837, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.419077548226216, "q_0.975": 8.580292183758063, "q_1": 9.117904357059661}, {"x": 74.2296918767507, "y": 5.116926315109529, "y_true": 4.333751043971165, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.020086038168256, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.763617911589514, "q_0.375": 5.913052347788571, "q_0.4": 6.044330210893478, "q_0.425": 6.1483119599096, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.317181882158675, "q_0.7": 7.411374655686721, "q_0.725": 7.502437976787764, "q_0.75": 7.602394882250917, "q_0.775": 7.678387747062077, "q_0.8": 7.783919898282058, "q_0.825": 7.887543372929498, "q_0.85": 7.973606893184375, "q_0.875": 8.068094610848837, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.419077548226216, "q_0.975": 8.580292183758063, "q_1": 9.117904357059661}, {"x": 74.26970788315326, "y": 6.068705675007118, "y_true": 4.334275846132799, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.020086038168256, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.763617911589514, "q_0.375": 5.913052347788571, "q_0.4": 6.044330210893478, "q_0.425": 6.1483119599096, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.317181882158675, "q_0.7": 7.411374655686721, "q_0.725": 7.502437976787764, "q_0.75": 7.602394882250917, "q_0.775": 7.678387747062077, "q_0.8": 7.783919898282058, "q_0.825": 7.887543372929498, "q_0.85": 7.973606893184375, "q_0.875": 8.068094610848837, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.419077548226216, "q_0.975": 8.580292183758063, "q_1": 9.117904357059661}, {"x": 74.30972388955583, "y": 6.995171016656801, "y_true": 4.334800373021583, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.020086038168256, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.763617911589514, "q_0.375": 5.913052347788571, "q_0.4": 6.044330210893478, "q_0.425": 6.1483119599096, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.317181882158675, "q_0.7": 7.411374655686721, "q_0.725": 7.502437976787764, "q_0.75": 7.602394882250917, "q_0.775": 7.678387747062077, "q_0.8": 7.783919898282058, "q_0.825": 7.887543372929498, "q_0.85": 7.973606893184375, "q_0.875": 8.068094610848837, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.419077548226216, "q_0.975": 8.580292183758063, "q_1": 9.117904357059661}, {"x": 74.3497398959584, "y": 8.426477316766753, "y_true": 4.335324624926139, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.38975590236095, "y": 4.91140448197021, "y_true": 4.335848602134639, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.42977190876351, "y": 8.304538377149415, "y_true": 4.336372304934803, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.46978791516607, "y": 4.687350626979153, "y_true": 4.336895733613894, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.50980392156863, "y": 6.416270884920758, "y_true": 4.337418888458731, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.54981992797119, "y": 6.303948529591591, "y_true": 4.337941769755677, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.58983593437375, "y": 5.24506363638644, "y_true": 4.3384643777906495, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.62985194077632, "y": 5.8420454907099835, "y_true": 4.338986712849119, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.66986794717887, "y": 6.304400325057131, "y_true": 4.339508775216103, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.70988395358144, "y": 8.083721588116003, "y_true": 4.34003056517618, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.74989995998399, "y": 8.47353212124489, "y_true": 4.340552083013479, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.78991596638656, "y": 6.586965632995195, "y_true": 4.341073329011688, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.82993197278911, "y": 8.107815238235931, "y_true": 4.341594303454046, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.86994797919168, "y": 6.974902368088824, "y_true": 4.342115006623355, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.90996398559425, "y": 5.854025825929924, "y_true": 4.342635438801973, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.9499799919968, "y": 5.184031077124445, "y_true": 4.3431556002718175, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 74.98999599839937, "y": 6.13279763633506, "y_true": 4.343675491314367, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.03001200480192, "y": 6.608614085216537, "y_true": 4.344195112210661, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.07002801120449, "y": 4.537227858757381, "y_true": 4.344714463241302, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.11004401760705, "y": 4.977043761741297, "y_true": 4.345233544686453, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.1500600240096, "y": 6.94617493223719, "y_true": 4.345752356825842, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.19007603041217, "y": 5.321254834181335, "y_true": 4.346270899938764, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.23009203681472, "y": 7.975557626239649, "y_true": 4.346789174304076, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.27010804321729, "y": 5.764366791822143, "y_true": 4.347307180200207, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.31012404961984, "y": 4.802260828349936, "y_true": 4.347824917905147, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.35014005602241, "y": 4.7104750429896844, "y_true": 4.348342387696459, "y_pred": 6.487652707470597, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.553121442458908, "q_0.075": 4.626131311340627, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.445362337985604, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.303355969642889, "q_0.475": 6.3997818723834055, "q_0.5": 6.487652707470597, "q_0.525": 6.608614085216537, "q_0.55": 6.725283272356965, "q_0.575": 6.840595785366216, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.418573339780122, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.895723366863788, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.333461920170596, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.39015606242498, "y": 8.412088037464146, "y_true": 4.348859589851274, "y_pred": 6.487652707470597, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.553121442458908, "q_0.075": 4.626131311340627, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.445362337985604, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.303355969642889, "q_0.475": 6.3997818723834055, "q_0.5": 6.487652707470597, "q_0.525": 6.608614085216537, "q_0.55": 6.725283272356965, "q_0.575": 6.840595785366216, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.418573339780122, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.895723366863788, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.333461920170596, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.43017206882753, "y": 4.861157151647604, "y_true": 4.349376524646292, "y_pred": 6.487652707470597, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.553121442458908, "q_0.075": 4.626131311340627, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.445362337985604, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.303355969642889, "q_0.475": 6.3997818723834055, "q_0.5": 6.487652707470597, "q_0.525": 6.608614085216537, "q_0.55": 6.725283272356965, "q_0.575": 6.840595785366216, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.418573339780122, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.895723366863788, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.333461920170596, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.4701880752301, "y": 4.961004884743957, "y_true": 4.349893192357788, "y_pred": 6.487652707470597, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.553121442458908, "q_0.075": 4.626131311340627, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.445362337985604, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.303355969642889, "q_0.475": 6.3997818723834055, "q_0.5": 6.487652707470597, "q_0.525": 6.608614085216537, "q_0.55": 6.725283272356965, "q_0.575": 6.840595785366216, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.418573339780122, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.895723366863788, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.333461920170596, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.51020408163265, "y": 8.092158159258524, "y_true": 4.350409593261604, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184031077124445, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.578754186313811, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.1844684512491375, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.612988970785921, "q_0.55": 6.737452877306334, "q_0.575": 6.840595785366216, "q_0.6": 6.947950637275577, "q_0.625": 7.031590664874649, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.432839978754262, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.895723366863788, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.350605653893716, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.55022008803522, "y": 5.454014158790365, "y_true": 4.350925727633159, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184031077124445, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.578754186313811, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.1844684512491375, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.612988970785921, "q_0.55": 6.737452877306334, "q_0.575": 6.840595785366216, "q_0.6": 6.947950637275577, "q_0.625": 7.031590664874649, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.432839978754262, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.895723366863788, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.350605653893716, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.59023609443778, "y": 7.240651548042136, "y_true": 4.351441595747443, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184031077124445, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.578754186313811, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.1844684512491375, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.612988970785921, "q_0.55": 6.737452877306334, "q_0.575": 6.840595785366216, "q_0.6": 6.947950637275577, "q_0.625": 7.031590664874649, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.432839978754262, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.895723366863788, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.350605653893716, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.63025210084034, "y": 7.895723366863788, "y_true": 4.351957197879021, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.592212067468457, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.201121542961315, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.6186691826210025, "q_0.55": 6.739029346385659, "q_0.575": 6.844251125635344, "q_0.6": 6.951024707653157, "q_0.625": 7.04268637801448, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.433488644096537, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.898807765374084, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.6702681072429, "y": 6.987341419314399, "y_true": 4.352472534302036, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.592212067468457, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.201121542961315, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.6186691826210025, "q_0.55": 6.739029346385659, "q_0.575": 6.844251125635344, "q_0.6": 6.951024707653157, "q_0.625": 7.04268637801448, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.433488644096537, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.898807765374084, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.71028411364546, "y": 8.508522144422727, "y_true": 4.3529876052902035, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.592212067468457, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.201121542961315, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.6186691826210025, "q_0.55": 6.739029346385659, "q_0.575": 6.844251125635344, "q_0.6": 6.951024707653157, "q_0.625": 7.04268637801448, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.433488644096537, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.898807765374084, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.75030012004802, "y": 7.430449252093384, "y_true": 4.3535024111168195, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.592212067468457, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.201121542961315, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.6186691826210025, "q_0.55": 6.739029346385659, "q_0.575": 6.844251125635344, "q_0.6": 6.951024707653157, "q_0.625": 7.04268637801448, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.433488644096537, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.898807765374084, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.79031612645058, "y": 4.843480112061384, "y_true": 4.354016952054757, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.592212067468457, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.201121542961315, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.6186691826210025, "q_0.55": 6.739029346385659, "q_0.575": 6.844251125635344, "q_0.6": 6.951024707653157, "q_0.625": 7.04268637801448, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.433488644096537, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.898807765374084, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.83033213285314, "y": 6.778923927027959, "y_true": 4.354531228376468, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.592212067468457, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.201121542961315, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.6186691826210025, "q_0.55": 6.739029346385659, "q_0.575": 6.844251125635344, "q_0.6": 6.951024707653157, "q_0.625": 7.04268637801448, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.433488644096537, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.898807765374084, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.87034813925571, "y": 7.473497471477349, "y_true": 4.355045240353983, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.592212067468457, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.201121542961315, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.6186691826210025, "q_0.55": 6.739029346385659, "q_0.575": 6.844251125635344, "q_0.6": 6.951024707653157, "q_0.625": 7.04268637801448, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.433488644096537, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.898807765374084, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.91036414565826, "y": 7.838171093255294, "y_true": 4.355558988258917, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.592212067468457, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.201121542961315, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.6186691826210025, "q_0.55": 6.739029346385659, "q_0.575": 6.844251125635344, "q_0.6": 6.951024707653157, "q_0.625": 7.04268637801448, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.433488644096537, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.898807765374084, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.95038015206083, "y": 4.470390263985683, "y_true": 4.356072472362462, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 75.99039615846338, "y": 7.479166154828569, "y_true": 4.356585692935396, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.03041216486595, "y": 7.944021526451298, "y_true": 4.357098650248078, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.07042817126852, "y": 7.602394882250917, "y_true": 4.3576113445704525, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.11044417767107, "y": 6.584403129278517, "y_true": 4.3581237761720475, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.15046018407364, "y": 6.349084000786672, "y_true": 4.35863594532198, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.19047619047619, "y": 6.747072700996834, "y_true": 4.359147852288951, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.23049219687876, "y": 7.422600750174301, "y_true": 4.359659497341249, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.27050820328131, "y": 8.372367582622786, "y_true": 4.360170880746751, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.31052420968388, "y": 7.043446260612086, "y_true": 4.360682002772926, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.35054021608644, "y": 8.221805004024278, "y_true": 4.36119286368683, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.390556222489, "y": 7.411374655686721, "y_true": 4.36170346375511, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.43057222889156, "y": 4.65943479221821, "y_true": 4.362213803244007, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415099660683098, "q_0.05": 4.557606719214216, "q_0.075": 4.639328602508357, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598264224247254, "q_0.325": 5.688614811687864, "q_0.35": 5.784501430094777, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.85301778366183, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5142978237200815, "q_0.75": 7.619277132554094, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.906764005708316, "q_0.85": 8.012509576991988, "q_0.875": 8.107815238235931, "q_0.9": 8.221805004024278, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.619863866968766, "q_1": 9.117904357059661}, {"x": 76.47058823529412, "y": 6.541275603590793, "y_true": 4.362723882419353, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415099660683098, "q_0.05": 4.557606719214216, "q_0.075": 4.639328602508357, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598264224247254, "q_0.325": 5.688614811687864, "q_0.35": 5.784501430094777, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.85301778366183, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5142978237200815, "q_0.75": 7.619277132554094, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.906764005708316, "q_0.85": 8.012509576991988, "q_0.875": 8.107815238235931, "q_0.9": 8.221805004024278, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.619863866968766, "q_1": 9.117904357059661}, {"x": 76.51060424169668, "y": 5.609568138628042, "y_true": 4.363233701546573, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.557606719214216, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.599442980685961, "q_0.325": 5.688614811687864, "q_0.35": 5.784501430094777, "q_0.375": 5.946996614527446, "q_0.4": 6.072427775805698, "q_0.425": 6.209781935129773, "q_0.45": 6.312486188186416, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.861075300814898, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.917485895467731, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.619863866968766, "q_1": 9.117904357059661}, {"x": 76.55062024809924, "y": 5.60451966408088, "y_true": 4.363743260890687, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.557606719214216, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.599442980685961, "q_0.325": 5.688614811687864, "q_0.35": 5.784501430094777, "q_0.375": 5.946996614527446, "q_0.4": 6.072427775805698, "q_0.425": 6.209781935129773, "q_0.45": 6.312486188186416, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.861075300814898, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.917485895467731, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.619863866968766, "q_1": 9.117904357059661}, {"x": 76.5906362545018, "y": 5.913052347788571, "y_true": 4.364252560716311, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.557606719214216, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.599442980685961, "q_0.325": 5.688614811687864, "q_0.35": 5.784501430094777, "q_0.375": 5.946996614527446, "q_0.4": 6.072427775805698, "q_0.425": 6.209781935129773, "q_0.45": 6.312486188186416, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.861075300814898, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.917485895467731, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.619863866968766, "q_1": 9.117904357059661}, {"x": 76.63065226090437, "y": 5.734466776149962, "y_true": 4.364761601287655, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.557606719214216, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.599442980685961, "q_0.325": 5.688614811687864, "q_0.35": 5.784501430094777, "q_0.375": 5.946996614527446, "q_0.4": 6.072427775805698, "q_0.425": 6.209781935129773, "q_0.45": 6.312486188186416, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.861075300814898, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.917485895467731, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.619863866968766, "q_1": 9.117904357059661}, {"x": 76.67066826730692, "y": 6.8836574104133685, "y_true": 4.365270382868527, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.557606719214216, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.599442980685961, "q_0.325": 5.688614811687864, "q_0.35": 5.784501430094777, "q_0.375": 5.946996614527446, "q_0.4": 6.072427775805698, "q_0.425": 6.209781935129773, "q_0.45": 6.312486188186416, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.861075300814898, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.917485895467731, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.619863866968766, "q_1": 9.117904357059661}, {"x": 76.71068427370949, "y": 7.341491283836457, "y_true": 4.3657789057223315, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449217, "q_0.025": 4.415323350822995, "q_0.05": 4.557606719214216, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598264224247254, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.85301778366183, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.917485895467731, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.619863866968766, "q_1": 9.117904357059661}, {"x": 76.75070028011204, "y": 5.536289657914686, "y_true": 4.366287170112072, "y_pred": 6.531934946741497, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598113294253176, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.531934946741497, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.846413164888051, "q_0.6": 6.959203447694513, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.923803031070612, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.621327218104792, "q_1": 9.117904357059661}, {"x": 76.79071628651461, "y": 4.931784502214521, "y_true": 4.366795176300353, "y_pred": 6.531934946741497, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598113294253176, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.531934946741497, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.846413164888051, "q_0.6": 6.959203447694513, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.923803031070612, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.621327218104792, "q_1": 9.117904357059661}, {"x": 76.83073229291718, "y": 4.6233876387201605, "y_true": 4.367302924549374, "y_pred": 6.531934946741497, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598113294253176, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.531934946741497, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.846413164888051, "q_0.6": 6.959203447694513, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.923803031070612, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.621327218104792, "q_1": 9.117904357059661}, {"x": 76.87074829931973, "y": 6.875243061162032, "y_true": 4.367810415120942, "y_pred": 6.531934946741497, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598113294253176, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.531934946741497, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.846413164888051, "q_0.6": 6.959203447694513, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.923803031070612, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.621327218104792, "q_1": 9.117904357059661}, {"x": 76.9107643057223, "y": 5.17901952322608, "y_true": 4.36831764827646, "y_pred": 6.531934946741497, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598113294253176, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.531934946741497, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.846413164888051, "q_0.6": 6.959203447694513, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.923803031070612, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.621327218104792, "q_1": 9.117904357059661}, {"x": 76.95078031212485, "y": 4.409109604814028, "y_true": 4.368824624276936, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598264224247254, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.846413164888051, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.729252645206323, "q_0.8": 7.838171093255294, "q_0.825": 7.923803031070612, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.371003816899552, "q_0.95": 8.487108437956586, "q_0.975": 8.621327218104792, "q_1": 9.117904357059661}, {"x": 76.99079631852742, "y": 8.411171895527225, "y_true": 4.369331343382981, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598264224247254, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.846413164888051, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.729252645206323, "q_0.8": 7.838171093255294, "q_0.825": 7.923803031070612, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.371003816899552, "q_0.95": 8.487108437956586, "q_0.975": 8.621327218104792, "q_1": 9.117904357059661}, {"x": 77.03081232492997, "y": 6.710214355423524, "y_true": 4.369837805854808, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598264224247254, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.846413164888051, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.729252645206323, "q_0.8": 7.838171093255294, "q_0.825": 7.923803031070612, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.371003816899552, "q_0.95": 8.487108437956586, "q_0.975": 8.621327218104792, "q_1": 9.117904357059661}, {"x": 77.07082833133254, "y": 4.773197724835218, "y_true": 4.37034401195224, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598264224247254, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.846413164888051, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.729252645206323, "q_0.8": 7.838171093255294, "q_0.825": 7.923803031070612, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.371003816899552, "q_0.95": 8.487108437956586, "q_0.975": 8.621327218104792, "q_1": 9.117904357059661}, {"x": 77.1108443377351, "y": 8.044408820411464, "y_true": 4.3708499619347, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.861157151647604, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.321254834181335, "q_0.275": 5.466052559851025, "q_0.3": 5.60090035532502, "q_0.325": 5.700225120913034, "q_0.35": 5.784501430094777, "q_0.375": 5.957988925578241, "q_0.4": 6.076229323149602, "q_0.425": 6.2243429438156745, "q_0.45": 6.312486188186416, "q_0.475": 6.402587829509397, "q_0.5": 6.54893756694938, "q_0.525": 6.627671675619592, "q_0.55": 6.747072700996834, "q_0.575": 6.861075300814898, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.1864739195534355, "q_0.675": 7.33759928006981, "q_0.7": 7.456806517351355, "q_0.725": 7.518297183219039, "q_0.75": 7.6355530176287925, "q_0.775": 7.729996186871609, "q_0.8": 7.838171093255294, "q_0.825": 7.934691520554733, "q_0.85": 8.023014968910232, "q_0.875": 8.108535542540102, "q_0.9": 8.244306119580855, "q_0.925": 8.371003816899552, "q_0.95": 8.500490658593364, "q_0.975": 8.626414190883203, "q_1": 9.117904357059661}, {"x": 77.15086034413766, "y": 8.656783487070411, "y_true": 4.37135565606122, "y_pred": 6.584403129278517, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.429631788911159, "q_0.05": 4.571950181861702, "q_0.075": 4.649510367688897, "q_0.1": 4.732020561033832, "q_0.125": 4.875801950284103, "q_0.15": 4.961766854270886, "q_0.175": 5.05189249273273, "q_0.2": 5.13321653313719, "q_0.225": 5.233061773139259, "q_0.25": 5.379970822579473, "q_0.275": 5.497566174498546, "q_0.3": 5.62140566354136, "q_0.325": 5.724301801078898, "q_0.35": 5.8499681637146885, "q_0.375": 5.985641521844014, "q_0.4": 6.13279763633506, "q_0.425": 6.253251670123682, "q_0.45": 6.349084000786672, "q_0.475": 6.438786177128023, "q_0.5": 6.584403129278517, "q_0.525": 6.706037320773416, "q_0.55": 6.789576779354622, "q_0.575": 6.908155437208337, "q_0.6": 6.974902368088824, "q_0.625": 7.083657251950617, "q_0.65": 7.230209559757361, "q_0.675": 7.365036486519591, "q_0.7": 7.473497471477349, "q_0.725": 7.564607068510808, "q_0.75": 7.64732980904761, "q_0.775": 7.747226894051673, "q_0.8": 7.849023144623965, "q_0.825": 7.961135356983236, "q_0.85": 8.062793901452165, "q_0.875": 8.160164203356791, "q_0.9": 8.262361706864532, "q_0.925": 8.399641360022773, "q_0.95": 8.511672702219997, "q_0.975": 8.656783487070411, "q_1": 9.117904357059661}, {"x": 77.19087635054022, "y": 6.327380002784864, "y_true": 4.371861094590439, "y_pred": 6.584403129278517, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.429631788911159, "q_0.05": 4.571950181861702, "q_0.075": 4.649510367688897, "q_0.1": 4.732020561033832, "q_0.125": 4.875801950284103, "q_0.15": 4.961766854270886, "q_0.175": 5.05189249273273, "q_0.2": 5.13321653313719, "q_0.225": 5.233061773139259, "q_0.25": 5.379970822579473, "q_0.275": 5.497566174498546, "q_0.3": 5.62140566354136, "q_0.325": 5.724301801078898, "q_0.35": 5.8499681637146885, "q_0.375": 5.985641521844014, "q_0.4": 6.13279763633506, "q_0.425": 6.253251670123682, "q_0.45": 6.349084000786672, "q_0.475": 6.438786177128023, "q_0.5": 6.584403129278517, "q_0.525": 6.706037320773416, "q_0.55": 6.789576779354622, "q_0.575": 6.908155437208337, "q_0.6": 6.974902368088824, "q_0.625": 7.083657251950617, "q_0.65": 7.230209559757361, "q_0.675": 7.365036486519591, "q_0.7": 7.473497471477349, "q_0.725": 7.564607068510808, "q_0.75": 7.64732980904761, "q_0.775": 7.747226894051673, "q_0.8": 7.849023144623965, "q_0.825": 7.961135356983236, "q_0.85": 8.062793901452165, "q_0.875": 8.160164203356791, "q_0.9": 8.262361706864532, "q_0.925": 8.399641360022773, "q_0.95": 8.511672702219997, "q_0.975": 8.656783487070411, "q_1": 9.117904357059661}, {"x": 77.23089235694277, "y": 4.557606719214216, "y_true": 4.372366277780603, "y_pred": 6.585532854626287, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.429631788911159, "q_0.05": 4.571950181861702, "q_0.075": 4.6544672455588385, "q_0.1": 4.732941557211765, "q_0.125": 4.87723242573593, "q_0.15": 4.966974597924747, "q_0.175": 5.05189249273273, "q_0.2": 5.13321653313719, "q_0.225": 5.235457427682123, "q_0.25": 5.390982361126445, "q_0.275": 5.50862782218625, "q_0.3": 5.623111978822796, "q_0.325": 5.727387000924436, "q_0.35": 5.875623573260997, "q_0.375": 6.0002396971481105, "q_0.4": 6.138653415907718, "q_0.425": 6.253251670123682, "q_0.45": 6.351213677266079, "q_0.475": 6.444215516736463, "q_0.5": 6.585532854626287, "q_0.525": 6.7077902783888845, "q_0.55": 6.791127718349811, "q_0.575": 6.909593822858551, "q_0.6": 6.978307956479305, "q_0.625": 7.090556387204751, "q_0.65": 7.255813732982542, "q_0.675": 7.38092137103429, "q_0.7": 7.473497471477349, "q_0.725": 7.578682912919554, "q_0.75": 7.648274846080652, "q_0.775": 7.752419234250754, "q_0.8": 7.855099678303955, "q_0.825": 7.969313538515071, "q_0.85": 8.065028221486347, "q_0.875": 8.16227263890931, "q_0.9": 8.262398723853442, "q_0.925": 8.399641360022773, "q_0.95": 8.515794582503428, "q_0.975": 8.656783487070411, "q_1": 9.117904357059661}, {"x": 77.27090836334534, "y": 4.885392194879367, "y_true": 4.37287120588957, "y_pred": 6.585532854626287, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.429631788911159, "q_0.05": 4.5778888791669194, "q_0.075": 4.6544672455588385, "q_0.1": 4.732941557211765, "q_0.125": 4.87723242573593, "q_0.15": 4.970509766280765, "q_0.175": 5.052086584928728, "q_0.2": 5.13321653313719, "q_0.225": 5.235457427682123, "q_0.25": 5.390982361126445, "q_0.275": 5.515484260468025, "q_0.3": 5.623111978822796, "q_0.325": 5.740762275671127, "q_0.35": 5.875623573260997, "q_0.375": 6.0002396971481105, "q_0.4": 6.138653415907718, "q_0.425": 6.253251670123682, "q_0.45": 6.351213677266079, "q_0.475": 6.444215516736463, "q_0.5": 6.585532854626287, "q_0.525": 6.7077902783888845, "q_0.55": 6.791127718349811, "q_0.575": 6.909593822858551, "q_0.6": 6.978307956479305, "q_0.625": 7.090556387204751, "q_0.65": 7.255813732982542, "q_0.675": 7.38092137103429, "q_0.7": 7.481576741542824, "q_0.725": 7.578682912919554, "q_0.75": 7.648274846080652, "q_0.775": 7.752419234250754, "q_0.8": 7.855099678303955, "q_0.825": 7.969313538515071, "q_0.85": 8.065028221486347, "q_0.875": 8.168759440796432, "q_0.9": 8.262454249336805, "q_0.925": 8.411171895527225, "q_0.95": 8.515794582503428, "q_0.975": 8.656783487070411, "q_1": 9.117904357059661}, {"x": 77.31092436974791, "y": 6.037648453675335, "y_true": 4.373375879174803, "y_pred": 6.586965632995195, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.429631788911159, "q_0.05": 4.580811489139448, "q_0.075": 4.65943479221821, "q_0.1": 4.737565998831183, "q_0.125": 4.89452199944938, "q_0.15": 4.970509766280765, "q_0.175": 5.053577304868934, "q_0.2": 5.139702495332067, "q_0.225": 5.2479031551940905, "q_0.25": 5.425175682468657, "q_0.275": 5.5413418269448105, "q_0.3": 5.656107521638343, "q_0.325": 5.756006867404569, "q_0.35": 5.898536315686575, "q_0.375": 6.034011598917915, "q_0.4": 6.1477873392902005, "q_0.425": 6.288384606409618, "q_0.45": 6.3695003111396895, "q_0.475": 6.446757353769544, "q_0.5": 6.586965632995195, "q_0.525": 6.70914840518771, "q_0.55": 6.801242483475173, "q_0.575": 6.915499728729733, "q_0.6": 6.984478038534571, "q_0.625": 7.118446852718025, "q_0.65": 7.2701810486766485, "q_0.675": 7.39349892724248, "q_0.7": 7.4842277450376, "q_0.725": 7.579826538061985, "q_0.75": 7.653903624837676, "q_0.775": 7.753808716222624, "q_0.8": 7.860603397764244, "q_0.825": 7.973606893184375, "q_0.85": 8.068094610848837, "q_0.875": 8.176438771149055, "q_0.9": 8.290064088436722, "q_0.925": 8.411171895527225, "q_0.95": 8.52676812225451, "q_0.975": 8.660299510850912, "q_1": 9.117904357059661}, {"x": 77.35094037615046, "y": 8.235819827590735, "y_true": 4.37388029789338, "y_pred": 6.586965632995195, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.429631788911159, "q_0.05": 4.580811489139448, "q_0.075": 4.65943479221821, "q_0.1": 4.737565998831183, "q_0.125": 4.89452199944938, "q_0.15": 4.970509766280765, "q_0.175": 5.053577304868934, "q_0.2": 5.139702495332067, "q_0.225": 5.2479031551940905, "q_0.25": 5.425175682468657, "q_0.275": 5.5413418269448105, "q_0.3": 5.656107521638343, "q_0.325": 5.756006867404569, "q_0.35": 5.898536315686575, "q_0.375": 6.034011598917915, "q_0.4": 6.1477873392902005, "q_0.425": 6.288384606409618, "q_0.45": 6.3695003111396895, "q_0.475": 6.446757353769544, "q_0.5": 6.586965632995195, "q_0.525": 6.70914840518771, "q_0.55": 6.801242483475173, "q_0.575": 6.915499728729733, "q_0.6": 6.984478038534571, "q_0.625": 7.118446852718025, "q_0.65": 7.2701810486766485, "q_0.675": 7.39349892724248, "q_0.7": 7.4842277450376, "q_0.725": 7.579826538061985, "q_0.75": 7.653903624837676, "q_0.775": 7.753808716222624, "q_0.8": 7.860603397764244, "q_0.825": 7.973606893184375, "q_0.85": 8.068094610848837, "q_0.875": 8.176438771149055, "q_0.9": 8.290064088436722, "q_0.925": 8.411171895527225, "q_0.95": 8.52676812225451, "q_0.975": 8.660299510850912, "q_1": 9.117904357059661}, {"x": 77.39095638255303, "y": 5.020086038168256, "y_true": 4.374384462301986, "y_pred": 6.592643613372832, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.430040839189768, "q_0.05": 4.586006206841602, "q_0.075": 4.669138900048054, "q_0.1": 4.752186087747524, "q_0.125": 4.909365837454605, "q_0.15": 4.972851849322481, "q_0.175": 5.0630309141950365, "q_0.2": 5.1625194461836035, "q_0.225": 5.24818044101043, "q_0.25": 5.437071183128024, "q_0.275": 5.565408572498045, "q_0.3": 5.664158343458555, "q_0.325": 5.764366791822143, "q_0.35": 5.909160566020582, "q_0.375": 6.038294202381151, "q_0.4": 6.150036565559704, "q_0.425": 6.288384606409618, "q_0.45": 6.371591548732639, "q_0.475": 6.460278013670872, "q_0.5": 6.592643613372832, "q_0.525": 6.709596251680151, "q_0.55": 6.808449409256699, "q_0.575": 6.915499728729733, "q_0.6": 6.984478038534571, "q_0.625": 7.118446852718025, "q_0.65": 7.2701810486766485, "q_0.675": 7.39349892724248, "q_0.7": 7.483076412090329, "q_0.725": 7.579826538061985, "q_0.75": 7.663301039966068, "q_0.775": 7.775046841507674, "q_0.8": 7.886834595438653, "q_0.825": 7.973606893184375, "q_0.85": 8.072351672806978, "q_0.875": 8.197308002501416, "q_0.9": 8.298253495624909, "q_0.925": 8.412088037464146, "q_0.95": 8.55822033518474, "q_0.975": 8.678526350886326, "q_1": 9.117904357059661}, {"x": 77.43097238895558, "y": 7.969313538515071, "y_true": 4.37488837265692, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.277204539643211, "q_0.25": 5.454014158790365, "q_0.275": 5.592212067468457, "q_0.3": 5.688614811687864, "q_0.325": 5.779973267072424, "q_0.35": 5.9170809943129035, "q_0.375": 6.044330210893478, "q_0.4": 6.1742452684924825, "q_0.425": 6.296005743754593, "q_0.45": 6.372893513759131, "q_0.475": 6.4791162595064655, "q_0.5": 6.608614085216537, "q_0.525": 6.712743216244316, "q_0.55": 6.821675824365898, "q_0.575": 6.917009181616521, "q_0.6": 6.987192538543265, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.394550905989107, "q_0.7": 7.486479851529196, "q_0.725": 7.5890535127290795, "q_0.75": 7.669390382418008, "q_0.775": 7.776061914674912, "q_0.8": 7.887543372929498, "q_0.825": 7.975557626239649, "q_0.85": 8.084607236378016, "q_0.875": 8.19749931912753, "q_0.9": 8.304538377149415, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.47098839535815, "y": 4.440729393712048, "y_true": 4.375392029214095, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.277204539643211, "q_0.25": 5.454014158790365, "q_0.275": 5.592212067468457, "q_0.3": 5.688614811687864, "q_0.325": 5.779973267072424, "q_0.35": 5.9170809943129035, "q_0.375": 6.044330210893478, "q_0.4": 6.1742452684924825, "q_0.425": 6.296005743754593, "q_0.45": 6.372893513759131, "q_0.475": 6.4791162595064655, "q_0.5": 6.608614085216537, "q_0.525": 6.712743216244316, "q_0.55": 6.821675824365898, "q_0.575": 6.917009181616521, "q_0.6": 6.987192538543265, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.394550905989107, "q_0.7": 7.486479851529196, "q_0.725": 7.5890535127290795, "q_0.75": 7.669390382418008, "q_0.775": 7.776061914674912, "q_0.8": 7.887543372929498, "q_0.825": 7.975557626239649, "q_0.85": 8.084607236378016, "q_0.875": 8.19749931912753, "q_0.9": 8.304538377149415, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.5110044017607, "y": 6.371591548732639, "y_true": 4.375895432229035, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.277204539643211, "q_0.25": 5.454014158790365, "q_0.275": 5.592212067468457, "q_0.3": 5.688614811687864, "q_0.325": 5.779973267072424, "q_0.35": 5.9170809943129035, "q_0.375": 6.044330210893478, "q_0.4": 6.1742452684924825, "q_0.425": 6.296005743754593, "q_0.45": 6.372893513759131, "q_0.475": 6.4791162595064655, "q_0.5": 6.608614085216537, "q_0.525": 6.712743216244316, "q_0.55": 6.821675824365898, "q_0.575": 6.917009181616521, "q_0.6": 6.987192538543265, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.394550905989107, "q_0.7": 7.486479851529196, "q_0.725": 7.5890535127290795, "q_0.75": 7.669390382418008, "q_0.775": 7.776061914674912, "q_0.8": 7.887543372929498, "q_0.825": 7.975557626239649, "q_0.85": 8.084607236378016, "q_0.875": 8.19749931912753, "q_0.9": 8.304538377149415, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.55102040816327, "y": 7.188385545858182, "y_true": 4.376398581956879, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.277204539643211, "q_0.25": 5.454014158790365, "q_0.275": 5.592212067468457, "q_0.3": 5.688614811687864, "q_0.325": 5.779973267072424, "q_0.35": 5.9170809943129035, "q_0.375": 6.044330210893478, "q_0.4": 6.1742452684924825, "q_0.425": 6.296005743754593, "q_0.45": 6.372893513759131, "q_0.475": 6.4791162595064655, "q_0.5": 6.608614085216537, "q_0.525": 6.712743216244316, "q_0.55": 6.821675824365898, "q_0.575": 6.917009181616521, "q_0.6": 6.987192538543265, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.394550905989107, "q_0.7": 7.486479851529196, "q_0.725": 7.5890535127290795, "q_0.75": 7.669390382418008, "q_0.775": 7.776061914674912, "q_0.8": 7.887543372929498, "q_0.825": 7.975557626239649, "q_0.85": 8.084607236378016, "q_0.875": 8.19749931912753, "q_0.9": 8.304538377149415, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.59103641456583, "y": 4.640413095130836, "y_true": 4.376901478652384, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.277204539643211, "q_0.25": 5.454014158790365, "q_0.275": 5.592212067468457, "q_0.3": 5.688614811687864, "q_0.325": 5.779973267072424, "q_0.35": 5.9170809943129035, "q_0.375": 6.044330210893478, "q_0.4": 6.1742452684924825, "q_0.425": 6.296005743754593, "q_0.45": 6.372893513759131, "q_0.475": 6.4791162595064655, "q_0.5": 6.608614085216537, "q_0.525": 6.712743216244316, "q_0.55": 6.821675824365898, "q_0.575": 6.917009181616521, "q_0.6": 6.987192538543265, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.394550905989107, "q_0.7": 7.486479851529196, "q_0.725": 7.5890535127290795, "q_0.75": 7.669390382418008, "q_0.775": 7.776061914674912, "q_0.8": 7.887543372929498, "q_0.825": 7.975557626239649, "q_0.85": 8.084607236378016, "q_0.875": 8.19749931912753, "q_0.9": 8.304538377149415, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.63105242096839, "y": 7.060700098950234, "y_true": 4.377404122569916, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.277204539643211, "q_0.25": 5.454014158790365, "q_0.275": 5.592212067468457, "q_0.3": 5.688614811687864, "q_0.325": 5.779973267072424, "q_0.35": 5.9170809943129035, "q_0.375": 6.044330210893478, "q_0.4": 6.1742452684924825, "q_0.425": 6.296005743754593, "q_0.45": 6.372893513759131, "q_0.475": 6.4791162595064655, "q_0.5": 6.608614085216537, "q_0.525": 6.712743216244316, "q_0.55": 6.821675824365898, "q_0.575": 6.917009181616521, "q_0.6": 6.987192538543265, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.394550905989107, "q_0.7": 7.486479851529196, "q_0.725": 7.5890535127290795, "q_0.75": 7.669390382418008, "q_0.775": 7.776061914674912, "q_0.8": 7.887543372929498, "q_0.825": 7.975557626239649, "q_0.85": 8.084607236378016, "q_0.875": 8.19749931912753, "q_0.9": 8.304538377149415, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.67106842737095, "y": 8.500490658593364, "y_true": 4.377906513963467, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.279220753234176, "q_0.25": 5.454014158790365, "q_0.275": 5.596754924306473, "q_0.3": 5.688614811687864, "q_0.325": 5.781123634460956, "q_0.35": 5.9170809943129035, "q_0.375": 6.045991727725136, "q_0.4": 6.180114464839802, "q_0.425": 6.296005743754593, "q_0.45": 6.38830657909329, "q_0.475": 6.483305829133004, "q_0.5": 6.608614085216537, "q_0.525": 6.718625662234357, "q_0.55": 6.8220247680659165, "q_0.575": 6.921468824024663, "q_0.6": 6.987192538543265, "q_0.625": 7.128147769944071, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.595916950510564, "q_0.75": 7.672438687443597, "q_0.775": 7.7835732685260135, "q_0.8": 7.889030883302941, "q_0.825": 7.976245692643259, "q_0.85": 8.084607236378016, "q_0.875": 8.206721886437666, "q_0.9": 8.328220888956123, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.71108443377351, "y": 5.078068846600801, "y_true": 4.3784086530866375, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.279220753234176, "q_0.25": 5.454014158790365, "q_0.275": 5.596754924306473, "q_0.3": 5.688614811687864, "q_0.325": 5.781123634460956, "q_0.35": 5.9170809943129035, "q_0.375": 6.045991727725136, "q_0.4": 6.180114464839802, "q_0.425": 6.296005743754593, "q_0.45": 6.38830657909329, "q_0.475": 6.483305829133004, "q_0.5": 6.608614085216537, "q_0.525": 6.718625662234357, "q_0.55": 6.8220247680659165, "q_0.575": 6.921468824024663, "q_0.6": 6.987192538543265, "q_0.625": 7.128147769944071, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.595916950510564, "q_0.75": 7.672438687443597, "q_0.775": 7.7835732685260135, "q_0.8": 7.889030883302941, "q_0.825": 7.976245692643259, "q_0.85": 8.084607236378016, "q_0.875": 8.206721886437666, "q_0.9": 8.328220888956123, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.75110044017607, "y": 7.564607068510808, "y_true": 4.378910540192651, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.279220753234176, "q_0.25": 5.454014158790365, "q_0.275": 5.596754924306473, "q_0.3": 5.688614811687864, "q_0.325": 5.781123634460956, "q_0.35": 5.9170809943129035, "q_0.375": 6.045991727725136, "q_0.4": 6.180114464839802, "q_0.425": 6.296005743754593, "q_0.45": 6.38830657909329, "q_0.475": 6.483305829133004, "q_0.5": 6.608614085216537, "q_0.525": 6.718625662234357, "q_0.55": 6.8220247680659165, "q_0.575": 6.921468824024663, "q_0.6": 6.987192538543265, "q_0.625": 7.128147769944071, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.595916950510564, "q_0.75": 7.672438687443597, "q_0.775": 7.7835732685260135, "q_0.8": 7.889030883302941, "q_0.825": 7.976245692643259, "q_0.85": 8.084607236378016, "q_0.875": 8.206721886437666, "q_0.9": 8.328220888956123, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.79111644657864, "y": 7.03920356442922, "y_true": 4.37941217553435, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.279220753234176, "q_0.25": 5.454014158790365, "q_0.275": 5.596754924306473, "q_0.3": 5.688614811687864, "q_0.325": 5.781123634460956, "q_0.35": 5.9170809943129035, "q_0.375": 6.045991727725136, "q_0.4": 6.180114464839802, "q_0.425": 6.296005743754593, "q_0.45": 6.38830657909329, "q_0.475": 6.483305829133004, "q_0.5": 6.608614085216537, "q_0.525": 6.718625662234357, "q_0.55": 6.8220247680659165, "q_0.575": 6.921468824024663, "q_0.6": 6.987192538543265, "q_0.625": 7.128147769944071, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.595916950510564, "q_0.75": 7.672438687443597, "q_0.775": 7.7835732685260135, "q_0.8": 7.889030883302941, "q_0.825": 7.976245692643259, "q_0.85": 8.084607236378016, "q_0.875": 8.206721886437666, "q_0.9": 8.328220888956123, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.8311324529812, "y": 5.188373845582734, "y_true": 4.379913559364195, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.687350626979153, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.279220753234176, "q_0.25": 5.454014158790365, "q_0.275": 5.596754924306473, "q_0.3": 5.688614811687864, "q_0.325": 5.781123634460956, "q_0.35": 5.9170809943129035, "q_0.375": 6.045991727725136, "q_0.4": 6.180114464839802, "q_0.425": 6.296005743754593, "q_0.45": 6.38830657909329, "q_0.475": 6.483305829133004, "q_0.5": 6.608614085216537, "q_0.525": 6.718625662234357, "q_0.55": 6.82245125481038, "q_0.575": 6.921468824024663, "q_0.6": 6.987192538543265, "q_0.625": 7.128147769944071, "q_0.65": 7.278041988048013, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.595916950510564, "q_0.75": 7.672438687443597, "q_0.775": 7.7835732685260135, "q_0.8": 7.889030883302941, "q_0.825": 7.976245692643259, "q_0.85": 8.084607236378016, "q_0.875": 8.218474484144245, "q_0.9": 8.330653642760094, "q_0.925": 8.426477316766753, "q_0.95": 8.568949105019012, "q_0.975": 8.731083381403074, "q_1": 9.117904357059661}, {"x": 77.87114845938376, "y": 4.407510062784828, "y_true": 4.380414691934267, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.687350626979153, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.279220753234176, "q_0.25": 5.454014158790365, "q_0.275": 5.596754924306473, "q_0.3": 5.688614811687864, "q_0.325": 5.781123634460956, "q_0.35": 5.9170809943129035, "q_0.375": 6.045991727725136, "q_0.4": 6.180114464839802, "q_0.425": 6.296005743754593, "q_0.45": 6.38830657909329, "q_0.475": 6.483305829133004, "q_0.5": 6.608614085216537, "q_0.525": 6.718625662234357, "q_0.55": 6.82245125481038, "q_0.575": 6.921468824024663, "q_0.6": 6.987192538543265, "q_0.625": 7.128147769944071, "q_0.65": 7.278041988048013, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.595916950510564, "q_0.75": 7.672438687443597, "q_0.775": 7.7835732685260135, "q_0.8": 7.889030883302941, "q_0.825": 7.976245692643259, "q_0.85": 8.084607236378016, "q_0.875": 8.218474484144245, "q_0.9": 8.330653642760094, "q_0.925": 8.426477316766753, "q_0.95": 8.568949105019012, "q_0.975": 8.731083381403074, "q_1": 9.117904357059661}, {"x": 77.91116446578631, "y": 4.42147304957761, "y_true": 4.38091557349627, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.687350626979153, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.279220753234176, "q_0.25": 5.454014158790365, "q_0.275": 5.596754924306473, "q_0.3": 5.688614811687864, "q_0.325": 5.781123634460956, "q_0.35": 5.9170809943129035, "q_0.375": 6.045991727725136, "q_0.4": 6.180114464839802, "q_0.425": 6.296005743754593, "q_0.45": 6.38830657909329, "q_0.475": 6.483305829133004, "q_0.5": 6.608614085216537, "q_0.525": 6.718625662234357, "q_0.55": 6.82245125481038, "q_0.575": 6.921468824024663, "q_0.6": 6.987192538543265, "q_0.625": 7.128147769944071, "q_0.65": 7.278041988048013, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.595916950510564, "q_0.75": 7.672438687443597, "q_0.775": 7.7835732685260135, "q_0.8": 7.889030883302941, "q_0.825": 7.976245692643259, "q_0.85": 8.084607236378016, "q_0.875": 8.218474484144245, "q_0.9": 8.330653642760094, "q_0.925": 8.426477316766753, "q_0.95": 8.568949105019012, "q_0.975": 8.731083381403074, "q_1": 9.117904357059661}, {"x": 77.95118047218888, "y": 6.706037320773416, "y_true": 4.3814162043015275, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.687350626979153, "q_0.1": 4.758999105990978, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.2860203426507155, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.391495263221277, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.730291416884388, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.2811064482905765, "q_0.675": 7.407613161302036, "q_0.7": 7.502437976787764, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.895723366863788, "q_0.825": 7.979878653405329, "q_0.85": 8.092158159258524, "q_0.875": 8.21869896050462, "q_0.9": 8.341159957816656, "q_0.925": 8.47353212124489, "q_0.95": 8.580292183758063, "q_0.975": 8.743615197761091, "q_1": 9.117904357059661}, {"x": 77.99119647859143, "y": 8.501236984713952, "y_true": 4.3819165846009875, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.687350626979153, "q_0.1": 4.758999105990978, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.2860203426507155, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.391495263221277, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.730291416884388, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.2811064482905765, "q_0.675": 7.407613161302036, "q_0.7": 7.502437976787764, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.895723366863788, "q_0.825": 7.979878653405329, "q_0.85": 8.092158159258524, "q_0.875": 8.21869896050462, "q_0.9": 8.341159957816656, "q_0.925": 8.47353212124489, "q_0.95": 8.580292183758063, "q_0.975": 8.743615197761091, "q_1": 9.117904357059661}, {"x": 78.031212484994, "y": 7.197900477501126, "y_true": 4.382416714645221, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.687350626979153, "q_0.1": 4.758999105990978, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.2860203426507155, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.391495263221277, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.730291416884388, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.2811064482905765, "q_0.675": 7.407613161302036, "q_0.7": 7.502437976787764, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.895723366863788, "q_0.825": 7.979878653405329, "q_0.85": 8.092158159258524, "q_0.875": 8.21869896050462, "q_0.9": 8.341159957816656, "q_0.925": 8.47353212124489, "q_0.95": 8.580292183758063, "q_0.975": 8.743615197761091, "q_1": 9.117904357059661}, {"x": 78.07122849139657, "y": 7.504656265577897, "y_true": 4.382916594684423, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.687350626979153, "q_0.1": 4.758999105990978, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.2860203426507155, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.391495263221277, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.730291416884388, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.2811064482905765, "q_0.675": 7.407613161302036, "q_0.7": 7.502437976787764, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.895723366863788, "q_0.825": 7.979878653405329, "q_0.85": 8.092158159258524, "q_0.875": 8.21869896050462, "q_0.9": 8.341159957816656, "q_0.925": 8.47353212124489, "q_0.95": 8.580292183758063, "q_0.975": 8.743615197761091, "q_1": 9.117904357059661}, {"x": 78.11124449779912, "y": 6.542030667749927, "y_true": 4.383416224968414, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.687350626979153, "q_0.1": 4.758999105990978, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.2860203426507155, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.391495263221277, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.730291416884388, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.2811064482905765, "q_0.675": 7.407613161302036, "q_0.7": 7.502437976787764, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.895723366863788, "q_0.825": 7.979878653405329, "q_0.85": 8.092158159258524, "q_0.875": 8.21869896050462, "q_0.9": 8.341159957816656, "q_0.925": 8.47353212124489, "q_0.95": 8.580292183758063, "q_0.975": 8.743615197761091, "q_1": 9.117904357059661}, {"x": 78.15126050420169, "y": 6.927562068158622, "y_true": 4.38391560574664, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.687821633353387, "q_0.1": 4.758999105990978, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.290215727365148, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.730291416884388, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.895723366863788, "q_0.825": 7.980916032181643, "q_0.85": 8.092158159258524, "q_0.875": 8.21869896050462, "q_0.9": 8.350605653893716, "q_0.925": 8.47353212124489, "q_0.95": 8.593399174917819, "q_0.975": 8.743615197761091, "q_1": 9.117904357059661}, {"x": 78.19127651060424, "y": 4.936876643427871, "y_true": 4.384414737268173, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.6903125718688194, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990548377091267, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.594044335676344, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.2312925170068, "y": 8.21869896050462, "y_true": 4.384913619781713, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.6903125718688194, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990548377091267, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.594044335676344, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.27130852340936, "y": 7.712264273562155, "y_true": 4.385412253535588, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.6903125718688194, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990548377091267, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.594044335676344, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.31132452981193, "y": 8.75141489812569, "y_true": 4.3859106387777524, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.6903125718688194, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990548377091267, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.594044335676344, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.3513405362145, "y": 5.688614811687864, "y_true": 4.386408775755793, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.6903125718688194, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990548377091267, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.594044335676344, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.39135654261705, "y": 5.379970822579473, "y_true": 4.3869066647169275, "y_pred": 6.612988970785921, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.453688787362178, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990929138595543, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.068705675007118, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.612988970785921, "q_0.525": 6.7344985488390545, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.787569438223713, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.597543237419693, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.43137254901961, "y": 4.9349732185676265, "y_true": 4.387404305908, "y_pred": 6.612988970785921, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.453688787362178, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990929138595543, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.068705675007118, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.612988970785921, "q_0.525": 6.7344985488390545, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.787569438223713, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.597543237419693, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.47138855542217, "y": 8.606702238234487, "y_true": 4.387901699575491, "y_pred": 6.612988970785921, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.453688787362178, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990929138595543, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.068705675007118, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.612988970785921, "q_0.525": 6.7344985488390545, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.787569438223713, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.597543237419693, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.51140456182473, "y": 7.805474688475007, "y_true": 4.3883988459655106, "y_pred": 6.612988970785921, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.453688787362178, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990929138595543, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.068705675007118, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.612988970785921, "q_0.525": 6.7344985488390545, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.787569438223713, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.597543237419693, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.5514205682273, "y": 5.116799385600194, "y_true": 4.3888957453238024, "y_pred": 6.612988970785921, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.453688787362178, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990929138595543, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.068705675007118, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.612988970785921, "q_0.525": 6.7344985488390545, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.787569438223713, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.597543237419693, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.59143657462985, "y": 6.808449409256699, "y_true": 4.389392397895745, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.314010328940865, "q_0.25": 5.478417414081877, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.787542562230623, "q_0.35": 5.946996614527446, "q_0.375": 6.068705675007118, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.396331630299205, "q_0.7": 7.502437976787764, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.78431616069725, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.107815238235931, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.500490658593364, "q_0.95": 8.597543237419693, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.63145258103242, "y": 6.201121542961315, "y_true": 4.389888803926351, "y_pred": 6.612988970785921, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.173956411988428, "q_0.225": 5.314010328940865, "q_0.25": 5.478417414081877, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.068705675007118, "q_0.4": 6.205039131452644, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.612988970785921, "q_0.525": 6.737452877306334, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.502437976787764, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.787569438223713, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.500490658593364, "q_0.95": 8.606702238234487, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.67146858743497, "y": 5.053577304868934, "y_true": 4.390384963660268, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.314010328940865, "q_0.25": 5.478417414081877, "q_0.275": 5.603748615191543, "q_0.3": 5.7051626575548084, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.500490658593364, "q_0.95": 8.606702238234487, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.71148459383754, "y": 5.10050345105409, "y_true": 4.390880877341779, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.314010328940865, "q_0.25": 5.478417414081877, "q_0.275": 5.603748615191543, "q_0.3": 5.7051626575548084, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.500490658593364, "q_0.95": 8.606702238234487, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.75150060024009, "y": 8.61033029467016, "y_true": 4.391376545214806, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.314010328940865, "q_0.25": 5.478417414081877, "q_0.275": 5.603748615191543, "q_0.3": 5.7051626575548084, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.500490658593364, "q_0.95": 8.606702238234487, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.79151660664266, "y": 5.727437352890488, "y_true": 4.391871967522906, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.314010328940865, "q_0.25": 5.478417414081877, "q_0.275": 5.603748615191543, "q_0.3": 5.7051626575548084, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.500490658593364, "q_0.95": 8.606702238234487, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.83153261304523, "y": 8.515794582503428, "y_true": 4.392367144509276, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.314010328940865, "q_0.25": 5.478417414081877, "q_0.275": 5.603748615191543, "q_0.3": 5.7051626575548084, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.500490658593364, "q_0.95": 8.606702238234487, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.87154861944778, "y": 4.7240685583919175, "y_true": 4.392862076416749, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.321254834181335, "q_0.25": 5.480378124576764, "q_0.275": 5.603748615191543, "q_0.3": 5.706240551435829, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.301037477475684, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.501236984713952, "q_0.95": 8.606702238234487, "q_0.975": 8.75641470931683, "q_1": 9.117904357059661}, {"x": 78.91156462585035, "y": 6.412098295278259, "y_true": 4.393356763487803, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.321254834181335, "q_0.25": 5.480378124576764, "q_0.275": 5.603748615191543, "q_0.3": 5.706240551435829, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.301037477475684, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.501236984713952, "q_0.95": 8.606702238234487, "q_0.975": 8.75641470931683, "q_1": 9.117904357059661}, {"x": 78.9515806322529, "y": 4.961766854270886, "y_true": 4.39385120596455, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.321254834181335, "q_0.25": 5.480378124576764, "q_0.275": 5.603748615191543, "q_0.3": 5.706240551435829, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.301037477475684, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.501236984713952, "q_0.95": 8.606702238234487, "q_0.975": 8.75641470931683, "q_1": 9.117904357059661}, {"x": 78.99159663865547, "y": 4.415323350822995, "y_true": 4.394345404088749, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.321254834181335, "q_0.25": 5.480378124576764, "q_0.275": 5.603748615191543, "q_0.3": 5.706240551435829, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.301037477475684, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.501236984713952, "q_0.95": 8.606702238234487, "q_0.975": 8.75641470931683, "q_1": 9.117904357059661}, {"x": 79.03161264505803, "y": 6.821675824365898, "y_true": 4.3948393581017955, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.321254834181335, "q_0.25": 5.480378124576764, "q_0.275": 5.603748615191543, "q_0.3": 5.706240551435829, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.301037477475684, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.501236984713952, "q_0.95": 8.606702238234487, "q_0.975": 8.75641470931683, "q_1": 9.117904357059661}, {"x": 79.07162865146059, "y": 4.89452199944938, "y_true": 4.395333068244731, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.321254834181335, "q_0.25": 5.480378124576764, "q_0.275": 5.603748615191543, "q_0.3": 5.706240551435829, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.301037477475684, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.501236984713952, "q_0.95": 8.606702238234487, "q_0.975": 8.75641470931683, "q_1": 9.117904357059661}, {"x": 79.11164465786315, "y": 7.5607641850212985, "y_true": 4.395826534758238, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.1516606642657, "y": 7.456806517351355, "y_true": 4.396319757882645, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.19167667066827, "y": 5.169930215921888, "y_true": 4.396812737857923, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.23169267707082, "y": 8.52676812225451, "y_true": 4.39730547492369, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.27170868347339, "y": 7.559874162450733, "y_true": 4.397797969319209, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.31172468987596, "y": 5.7051626575548084, "y_true": 4.398290221283388, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.35174069627851, "y": 7.50977496937789, "y_true": 4.3987822310547875, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.39175670268108, "y": 7.6101874554247875, "y_true": 4.39927399887161, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.43177270908363, "y": 5.901252506928543, "y_true": 4.399765524971711, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.4717887154862, "y": 6.048304368842901, "y_true": 4.400256809592594, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.51180472188877, "y": 5.976652221572761, "y_true": 4.400747852971411, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.55182072829132, "y": 7.1075157819432135, "y_true": 4.401238655344967, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.59183673469389, "y": 8.353987139950119, "y_true": 4.401729216949719, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.63185274109644, "y": 5.1625194461836035, "y_true": 4.4022195380217735, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.671868747499, "y": 8.245177167323805, "y_true": 4.402709618796893, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.71188475390156, "y": 4.524621312709386, "y_true": 4.40319945951049, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.75190076030412, "y": 7.303487754943594, "y_true": 4.403689060397635, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.79191676670669, "y": 6.2243429438156745, "y_true": 4.404178421693051, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.83193277310924, "y": 7.880270552977918, "y_true": 4.404667543631117, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.87194877951181, "y": 7.573283834870935, "y_true": 4.405156426445868, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.91196478591436, "y": 6.514932326533614, "y_true": 4.405645070370997, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.95198079231693, "y": 7.235179432613154, "y_true": 4.406133475639853, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.9919967987195, "y": 6.611588572406605, "y_true": 4.406621642485446, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.03201280512205, "y": 7.973606893184375, "y_true": 4.407109571140441, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.07202881152462, "y": 6.500147298514093, "y_true": 4.407597261837165, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.11204481792717, "y": 6.7077902783888845, "y_true": 4.4080847148076066, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.15206082432974, "y": 5.5099417694233495, "y_true": 4.408571930283412, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.19207683073229, "y": 7.069322733758634, "y_true": 4.409058908495892, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.23209283713486, "y": 5.741512115373536, "y_true": 4.409545649676017, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.27210884353742, "y": 6.948813463316421, "y_true": 4.410032154054422, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.31212484993998, "y": 5.15681285339289, "y_true": 4.410518421861405, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.35214085634254, "y": 5.112475047528257, "y_true": 4.411004453326929, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.3921568627451, "y": 6.246120396171547, "y_true": 4.41149024868062, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.43217286914766, "y": 6.289883693528926, "y_true": 4.411975808151771, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.47218887555022, "y": 5.592212067468457, "y_true": 4.4124611319693425, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.51220488195278, "y": 4.992071423108374, "y_true": 4.412946220361958, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.55222088835535, "y": 4.586006206841602, "y_true": 4.413431073557912, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.5922368947579, "y": 4.524979486901972, "y_true": 4.4139156917851645, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.63225290116047, "y": 5.609825398631992, "y_true": 4.414400075271346, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.67226890756302, "y": 6.448293079419409, "y_true": 4.414884224243756, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.71228491396559, "y": 7.6131657192050435, "y_true": 4.415368138929363, "y_pred": 6.639289246145984, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.606059433029293, "q_0.075": 4.694172874974996, "q_0.1": 4.7758565031849525, "q_0.125": 4.931784502214521, "q_0.15": 5.006226138839089, "q_0.175": 5.0958542573717915, "q_0.2": 5.1987437976665865, "q_0.225": 5.379970822579473, "q_0.25": 5.497566174498546, "q_0.275": 5.62140566354136, "q_0.3": 5.724301801078898, "q_0.325": 5.8499681637146885, "q_0.35": 5.978165873657799, "q_0.375": 6.098058624348094, "q_0.4": 6.225271986032057, "q_0.425": 6.30549773952699, "q_0.45": 6.412098295278259, "q_0.475": 6.514932326533614, "q_0.5": 6.639289246145984, "q_0.525": 6.747072700996834, "q_0.55": 6.834613470179619, "q_0.575": 6.938249690190057, "q_0.6": 6.996889990494486, "q_0.625": 7.145846942462921, "q_0.65": 7.303487754943594, "q_0.675": 7.411374655686721, "q_0.7": 7.50977496937789, "q_0.725": 7.6131657192050435, "q_0.75": 7.708566595928236, "q_0.775": 7.81879504897625, "q_0.8": 7.923803031070612, "q_0.825": 8.013159591495198, "q_0.85": 8.125731123929855, "q_0.875": 8.24686190504441, "q_0.9": 8.374442768160684, "q_0.925": 8.511672702219997, "q_0.95": 8.619863866968766, "q_0.975": 8.76492642927737, "q_1": 9.117904357059661}, {"x": 80.75230092036816, "y": 6.507041457482819, "y_true": 4.415851819554809, "y_pred": 6.639289246145984, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.606059433029293, "q_0.075": 4.694172874974996, "q_0.1": 4.7758565031849525, "q_0.125": 4.931784502214521, "q_0.15": 5.006226138839089, "q_0.175": 5.0958542573717915, "q_0.2": 5.1987437976665865, "q_0.225": 5.379970822579473, "q_0.25": 5.497566174498546, "q_0.275": 5.62140566354136, "q_0.3": 5.724301801078898, "q_0.325": 5.8499681637146885, "q_0.35": 5.978165873657799, "q_0.375": 6.098058624348094, "q_0.4": 6.225271986032057, "q_0.425": 6.30549773952699, "q_0.45": 6.412098295278259, "q_0.475": 6.514932326533614, "q_0.5": 6.639289246145984, "q_0.525": 6.747072700996834, "q_0.55": 6.834613470179619, "q_0.575": 6.938249690190057, "q_0.6": 6.996889990494486, "q_0.625": 7.145846942462921, "q_0.65": 7.303487754943594, "q_0.675": 7.411374655686721, "q_0.7": 7.50977496937789, "q_0.725": 7.6131657192050435, "q_0.75": 7.708566595928236, "q_0.775": 7.81879504897625, "q_0.8": 7.923803031070612, "q_0.825": 8.013159591495198, "q_0.85": 8.125731123929855, "q_0.875": 8.24686190504441, "q_0.9": 8.374442768160684, "q_0.925": 8.511672702219997, "q_0.95": 8.619863866968766, "q_0.975": 8.76492642927737, "q_1": 9.117904357059661}, {"x": 80.79231692677071, "y": 8.397940800398864, "y_true": 4.416335266346403, "y_pred": 6.639289246145984, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.606059433029293, "q_0.075": 4.694172874974996, "q_0.1": 4.7758565031849525, "q_0.125": 4.931784502214521, "q_0.15": 5.006226138839089, "q_0.175": 5.0958542573717915, "q_0.2": 5.1987437976665865, "q_0.225": 5.379970822579473, "q_0.25": 5.497566174498546, "q_0.275": 5.62140566354136, "q_0.3": 5.724301801078898, "q_0.325": 5.8499681637146885, "q_0.35": 5.978165873657799, "q_0.375": 6.098058624348094, "q_0.4": 6.225271986032057, "q_0.425": 6.30549773952699, "q_0.45": 6.412098295278259, "q_0.475": 6.514932326533614, "q_0.5": 6.639289246145984, "q_0.525": 6.747072700996834, "q_0.55": 6.834613470179619, "q_0.575": 6.938249690190057, "q_0.6": 6.996889990494486, "q_0.625": 7.145846942462921, "q_0.65": 7.303487754943594, "q_0.675": 7.411374655686721, "q_0.7": 7.50977496937789, "q_0.725": 7.6131657192050435, "q_0.75": 7.708566595928236, "q_0.775": 7.81879504897625, "q_0.8": 7.923803031070612, "q_0.825": 8.013159591495198, "q_0.85": 8.125731123929855, "q_0.875": 8.24686190504441, "q_0.9": 8.374442768160684, "q_0.925": 8.511672702219997, "q_0.95": 8.619863866968766, "q_0.975": 8.76492642927737, "q_1": 9.117904357059661}, {"x": 80.83233293317328, "y": 4.571950181861702, "y_true": 4.4168184795301295, "y_pred": 6.639289246145984, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.606059433029293, "q_0.075": 4.694172874974996, "q_0.1": 4.7758565031849525, "q_0.125": 4.931784502214521, "q_0.15": 5.006226138839089, "q_0.175": 5.0958542573717915, "q_0.2": 5.1987437976665865, "q_0.225": 5.379970822579473, "q_0.25": 5.497566174498546, "q_0.275": 5.62140566354136, "q_0.3": 5.724301801078898, "q_0.325": 5.8499681637146885, "q_0.35": 5.978165873657799, "q_0.375": 6.098058624348094, "q_0.4": 6.225271986032057, "q_0.425": 6.30549773952699, "q_0.45": 6.412098295278259, "q_0.475": 6.514932326533614, "q_0.5": 6.639289246145984, "q_0.525": 6.747072700996834, "q_0.55": 6.834613470179619, "q_0.575": 6.938249690190057, "q_0.6": 6.996889990494486, "q_0.625": 7.145846942462921, "q_0.65": 7.303487754943594, "q_0.675": 7.411374655686721, "q_0.7": 7.50977496937789, "q_0.725": 7.6131657192050435, "q_0.75": 7.708566595928236, "q_0.775": 7.81879504897625, "q_0.8": 7.923803031070612, "q_0.825": 8.013159591495198, "q_0.85": 8.125731123929855, "q_0.875": 8.24686190504441, "q_0.9": 8.374442768160684, "q_0.925": 8.511672702219997, "q_0.95": 8.619863866968766, "q_0.975": 8.76492642927737, "q_1": 9.117904357059661}, {"x": 80.87234893957583, "y": 5.213140640317787, "y_true": 4.417301459331643, "y_pred": 6.639289246145984, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.606059433029293, "q_0.075": 4.694172874974996, "q_0.1": 4.7758565031849525, "q_0.125": 4.931784502214521, "q_0.15": 5.006226138839089, "q_0.175": 5.0958542573717915, "q_0.2": 5.1987437976665865, "q_0.225": 5.379970822579473, "q_0.25": 5.497566174498546, "q_0.275": 5.62140566354136, "q_0.3": 5.724301801078898, "q_0.325": 5.8499681637146885, "q_0.35": 5.978165873657799, "q_0.375": 6.098058624348094, "q_0.4": 6.225271986032057, "q_0.425": 6.30549773952699, "q_0.45": 6.412098295278259, "q_0.475": 6.514932326533614, "q_0.5": 6.639289246145984, "q_0.525": 6.747072700996834, "q_0.55": 6.834613470179619, "q_0.575": 6.938249690190057, "q_0.6": 6.996889990494486, "q_0.625": 7.145846942462921, "q_0.65": 7.303487754943594, "q_0.675": 7.411374655686721, "q_0.7": 7.50977496937789, "q_0.725": 7.6131657192050435, "q_0.75": 7.708566595928236, "q_0.775": 7.81879504897625, "q_0.8": 7.923803031070612, "q_0.825": 8.013159591495198, "q_0.85": 8.125731123929855, "q_0.875": 8.24686190504441, "q_0.9": 8.374442768160684, "q_0.925": 8.511672702219997, "q_0.95": 8.619863866968766, "q_0.975": 8.76492642927737, "q_1": 9.117904357059661}, {"x": 80.9123649459784, "y": 5.909160566020582, "y_true": 4.417784205976274, "y_pred": 6.639289246145984, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.606059433029293, "q_0.075": 4.694172874974996, "q_0.1": 4.7758565031849525, "q_0.125": 4.931784502214521, "q_0.15": 5.006226138839089, "q_0.175": 5.0958542573717915, "q_0.2": 5.1987437976665865, "q_0.225": 5.379970822579473, "q_0.25": 5.497566174498546, "q_0.275": 5.62140566354136, "q_0.3": 5.724301801078898, "q_0.325": 5.8499681637146885, "q_0.35": 5.978165873657799, "q_0.375": 6.098058624348094, "q_0.4": 6.225271986032057, "q_0.425": 6.30549773952699, "q_0.45": 6.412098295278259, "q_0.475": 6.514932326533614, "q_0.5": 6.639289246145984, "q_0.525": 6.747072700996834, "q_0.55": 6.834613470179619, "q_0.575": 6.938249690190057, "q_0.6": 6.996889990494486, "q_0.625": 7.145846942462921, "q_0.65": 7.303487754943594, "q_0.675": 7.411374655686721, "q_0.7": 7.50977496937789, "q_0.725": 7.6131657192050435, "q_0.75": 7.708566595928236, "q_0.775": 7.81879504897625, "q_0.8": 7.923803031070612, "q_0.825": 8.013159591495198, "q_0.85": 8.125731123929855, "q_0.875": 8.24686190504441, "q_0.9": 8.374442768160684, "q_0.925": 8.511672702219997, "q_0.95": 8.619863866968766, "q_0.975": 8.76492642927737, "q_1": 9.117904357059661}, {"x": 80.95238095238095, "y": 6.962794825803428, "y_true": 4.418266719689025, "y_pred": 6.639289246145984, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.609649563181977, "q_0.075": 4.694172874974996, "q_0.1": 4.7758565031849525, "q_0.125": 4.933212996652008, "q_0.15": 5.0081247609927, "q_0.175": 5.10050345105409, "q_0.2": 5.2094776668517895, "q_0.225": 5.379970822579473, "q_0.25": 5.50862782218625, "q_0.275": 5.623111978822796, "q_0.3": 5.740762275671127, "q_0.325": 5.8499681637146885, "q_0.35": 5.978165873657799, "q_0.375": 6.098058624348094, "q_0.4": 6.232252530174902, "q_0.425": 6.312486188186416, "q_0.45": 6.412098295278259, "q_0.475": 6.54893756694938, "q_0.5": 6.639289246145984, "q_0.525": 6.752934176496481, "q_0.55": 6.840595785366216, "q_0.575": 6.941917271476338, "q_0.6": 7.012787378487698, "q_0.625": 7.157604606791473, "q_0.65": 7.303487754943594, "q_0.675": 7.414544968596967, "q_0.7": 7.50977496937789, "q_0.725": 7.6131657192050435, "q_0.75": 7.712264273562155, "q_0.775": 7.81879504897625, "q_0.8": 7.934691520554733, "q_0.825": 8.023014968910232, "q_0.85": 8.125731123929855, "q_0.875": 8.24686190504441, "q_0.9": 8.374442768160684, "q_0.925": 8.511672702219997, "q_0.95": 8.621327218104792, "q_0.975": 8.770775653497267, "q_1": 9.117904357059661}, {"x": 80.99239695878352, "y": 8.176438771149055, "y_true": 4.418749000694572, "y_pred": 6.651337245831529, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.524621312709386, "q_0.05": 4.613383051865101, "q_0.075": 4.69777579925783, "q_0.1": 4.795374002248041, "q_0.125": 4.9349732185676265, "q_0.15": 5.0081247609927, "q_0.175": 5.10050345105409, "q_0.2": 5.213140640317787, "q_0.225": 5.419964320297897, "q_0.25": 5.515484260468025, "q_0.275": 5.631001143383613, "q_0.3": 5.744420423879747, "q_0.325": 5.864985404400768, "q_0.35": 5.9793170140524055, "q_0.375": 6.0992437544438785, "q_0.4": 6.235280783617888, "q_0.425": 6.325271785433165, "q_0.45": 6.416270884920758, "q_0.475": 6.5566365014337, "q_0.5": 6.651337245831529, "q_0.525": 6.753932644595816, "q_0.55": 6.844251125635344, "q_0.575": 6.941917271476338, "q_0.6": 7.026683492747557, "q_0.625": 7.1608603901938235, "q_0.65": 7.303487754943594, "q_0.675": 7.418573339780122, "q_0.7": 7.5099228760695125, "q_0.725": 7.617910955751531, "q_0.75": 7.712264273562155, "q_0.775": 7.819725094531, "q_0.8": 7.944021526451298, "q_0.825": 8.023188356534959, "q_0.85": 8.130677289535292, "q_0.875": 8.255119321802304, "q_0.9": 8.377631068613598, "q_0.925": 8.515794582503428, "q_0.95": 8.626414190883203, "q_0.975": 8.780554280105154, "q_1": 9.117904357059661}, {"x": 81.03241296518608, "y": 5.962611131831868, "y_true": 4.41923104921727, "y_pred": 6.651337245831529, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.524621312709386, "q_0.05": 4.613383051865101, "q_0.075": 4.69777579925783, "q_0.1": 4.795374002248041, "q_0.125": 4.9349732185676265, "q_0.15": 5.0081247609927, "q_0.175": 5.10050345105409, "q_0.2": 5.213140640317787, "q_0.225": 5.419964320297897, "q_0.25": 5.515484260468025, "q_0.275": 5.631001143383613, "q_0.3": 5.744420423879747, "q_0.325": 5.864985404400768, "q_0.35": 5.9793170140524055, "q_0.375": 6.0992437544438785, "q_0.4": 6.235280783617888, "q_0.425": 6.325271785433165, "q_0.45": 6.416270884920758, "q_0.475": 6.5566365014337, "q_0.5": 6.651337245831529, "q_0.525": 6.753932644595816, "q_0.55": 6.844251125635344, "q_0.575": 6.941917271476338, "q_0.6": 7.026683492747557, "q_0.625": 7.1608603901938235, "q_0.65": 7.303487754943594, "q_0.675": 7.418573339780122, "q_0.7": 7.5099228760695125, "q_0.725": 7.617910955751531, "q_0.75": 7.712264273562155, "q_0.775": 7.819725094531, "q_0.8": 7.944021526451298, "q_0.825": 8.023188356534959, "q_0.85": 8.130677289535292, "q_0.875": 8.255119321802304, "q_0.9": 8.377631068613598, "q_0.925": 8.515794582503428, "q_0.95": 8.626414190883203, "q_0.975": 8.780554280105154, "q_1": 9.117904357059661}, {"x": 81.07242897158864, "y": 5.60090035532502, "y_true": 4.419712865481144, "y_pred": 6.651337245831529, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.524621312709386, "q_0.05": 4.613383051865101, "q_0.075": 4.69777579925783, "q_0.1": 4.795374002248041, "q_0.125": 4.9349732185676265, "q_0.15": 5.0081247609927, "q_0.175": 5.10050345105409, "q_0.2": 5.213140640317787, "q_0.225": 5.419964320297897, "q_0.25": 5.515484260468025, "q_0.275": 5.631001143383613, "q_0.3": 5.744420423879747, "q_0.325": 5.864985404400768, "q_0.35": 5.9793170140524055, "q_0.375": 6.0992437544438785, "q_0.4": 6.235280783617888, "q_0.425": 6.325271785433165, "q_0.45": 6.416270884920758, "q_0.475": 6.5566365014337, "q_0.5": 6.651337245831529, "q_0.525": 6.753932644595816, "q_0.55": 6.844251125635344, "q_0.575": 6.941917271476338, "q_0.6": 7.026683492747557, "q_0.625": 7.1608603901938235, "q_0.65": 7.303487754943594, "q_0.675": 7.418573339780122, "q_0.7": 7.5099228760695125, "q_0.725": 7.617910955751531, "q_0.75": 7.712264273562155, "q_0.775": 7.819725094531, "q_0.8": 7.944021526451298, "q_0.825": 8.023188356534959, "q_0.85": 8.130677289535292, "q_0.875": 8.255119321802304, "q_0.9": 8.377631068613598, "q_0.925": 8.515794582503428, "q_0.95": 8.626414190883203, "q_0.975": 8.780554280105154, "q_1": 9.117904357059661}, {"x": 81.1124449779912, "y": 4.693007450504758, "y_true": 4.4201944497099, "y_pred": 6.651337245831529, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.524621312709386, "q_0.05": 4.613383051865101, "q_0.075": 4.69777579925783, "q_0.1": 4.795374002248041, "q_0.125": 4.9349732185676265, "q_0.15": 5.0081247609927, "q_0.175": 5.10050345105409, "q_0.2": 5.213140640317787, "q_0.225": 5.419964320297897, "q_0.25": 5.515484260468025, "q_0.275": 5.631001143383613, "q_0.3": 5.744420423879747, "q_0.325": 5.864985404400768, "q_0.35": 5.9793170140524055, "q_0.375": 6.0992437544438785, "q_0.4": 6.235280783617888, "q_0.425": 6.325271785433165, "q_0.45": 6.416270884920758, "q_0.475": 6.5566365014337, "q_0.5": 6.651337245831529, "q_0.525": 6.753932644595816, "q_0.55": 6.844251125635344, "q_0.575": 6.941917271476338, "q_0.6": 7.026683492747557, "q_0.625": 7.1608603901938235, "q_0.65": 7.303487754943594, "q_0.675": 7.418573339780122, "q_0.7": 7.5099228760695125, "q_0.725": 7.617910955751531, "q_0.75": 7.712264273562155, "q_0.775": 7.819725094531, "q_0.8": 7.944021526451298, "q_0.825": 8.023188356534959, "q_0.85": 8.130677289535292, "q_0.875": 8.255119321802304, "q_0.9": 8.377631068613598, "q_0.925": 8.515794582503428, "q_0.95": 8.626414190883203, "q_0.975": 8.780554280105154, "q_1": 9.117904357059661}, {"x": 81.15246098439376, "y": 8.04145526068419, "y_true": 4.420675802126919, "y_pred": 6.651337245831529, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.524621312709386, "q_0.05": 4.613383051865101, "q_0.075": 4.69777579925783, "q_0.1": 4.795374002248041, "q_0.125": 4.9349732185676265, "q_0.15": 5.0081247609927, "q_0.175": 5.10050345105409, "q_0.2": 5.213140640317787, "q_0.225": 5.419964320297897, "q_0.25": 5.515484260468025, "q_0.275": 5.631001143383613, "q_0.3": 5.744420423879747, "q_0.325": 5.864985404400768, "q_0.35": 5.9793170140524055, "q_0.375": 6.0992437544438785, "q_0.4": 6.235280783617888, "q_0.425": 6.325271785433165, "q_0.45": 6.416270884920758, "q_0.475": 6.5566365014337, "q_0.5": 6.651337245831529, "q_0.525": 6.753932644595816, "q_0.55": 6.844251125635344, "q_0.575": 6.941917271476338, "q_0.6": 7.026683492747557, "q_0.625": 7.1608603901938235, "q_0.65": 7.303487754943594, "q_0.675": 7.418573339780122, "q_0.7": 7.5099228760695125, "q_0.725": 7.617910955751531, "q_0.75": 7.712264273562155, "q_0.775": 7.819725094531, "q_0.8": 7.944021526451298, "q_0.825": 8.023188356534959, "q_0.85": 8.130677289535292, "q_0.875": 8.255119321802304, "q_0.9": 8.377631068613598, "q_0.925": 8.515794582503428, "q_0.95": 8.626414190883203, "q_0.975": 8.780554280105154, "q_1": 9.117904357059661}, {"x": 81.19247699079632, "y": 6.0951304850708645, "y_true": 4.42115692295526, "y_pred": 6.6990133855678895, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.524621312709386, "q_0.05": 4.621868606794217, "q_0.075": 4.69777579925783, "q_0.1": 4.7982156998918475, "q_0.125": 4.9349732185676265, "q_0.15": 5.010593790461873, "q_0.175": 5.10050345105409, "q_0.2": 5.213140640317787, "q_0.225": 5.422762824837261, "q_0.25": 5.536289657914686, "q_0.275": 5.654152155726985, "q_0.3": 5.75201906145374, "q_0.325": 5.879245072438962, "q_0.35": 5.982591644497074, "q_0.375": 6.10162148381928, "q_0.4": 6.237064028762291, "q_0.425": 6.327380002784864, "q_0.45": 6.416270884920758, "q_0.475": 6.556922696951482, "q_0.5": 6.6990133855678895, "q_0.525": 6.757047471097765, "q_0.55": 6.846229285932902, "q_0.575": 6.941917271476338, "q_0.6": 7.026683492747557, "q_0.625": 7.1608603901938235, "q_0.65": 7.309967068316329, "q_0.675": 7.418573339780122, "q_0.7": 7.5133051252567515, "q_0.725": 7.617910955751531, "q_0.75": 7.728612872168439, "q_0.775": 7.820504109833605, "q_0.8": 7.958802616307166, "q_0.825": 8.027380510540096, "q_0.85": 8.149663120061545, "q_0.875": 8.255119321802304, "q_0.9": 8.387606655202816, "q_0.925": 8.515794582503428, "q_0.95": 8.636956779745413, "q_0.975": 8.780554280105154, "q_1": 9.117904357059661}, {"x": 81.23249299719889, "y": 6.941917271476338, "y_true": 4.421637812417659, "y_pred": 6.6990133855678895, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.524621312709386, "q_0.05": 4.621868606794217, "q_0.075": 4.69777579925783, "q_0.1": 4.7982156998918475, "q_0.125": 4.9349732185676265, "q_0.15": 5.010593790461873, "q_0.175": 5.10050345105409, "q_0.2": 5.213140640317787, "q_0.225": 5.422762824837261, "q_0.25": 5.536289657914686, "q_0.275": 5.654152155726985, "q_0.3": 5.75201906145374, "q_0.325": 5.879245072438962, "q_0.35": 5.982591644497074, "q_0.375": 6.10162148381928, "q_0.4": 6.237064028762291, "q_0.425": 6.327380002784864, "q_0.45": 6.416270884920758, "q_0.475": 6.556922696951482, "q_0.5": 6.6990133855678895, "q_0.525": 6.757047471097765, "q_0.55": 6.846229285932902, "q_0.575": 6.941917271476338, "q_0.6": 7.026683492747557, "q_0.625": 7.1608603901938235, "q_0.65": 7.309967068316329, "q_0.675": 7.418573339780122, "q_0.7": 7.5133051252567515, "q_0.725": 7.617910955751531, "q_0.75": 7.728612872168439, "q_0.775": 7.820504109833605, "q_0.8": 7.958802616307166, "q_0.825": 8.027380510540096, "q_0.85": 8.149663120061545, "q_0.875": 8.255119321802304, "q_0.9": 8.387606655202816, "q_0.925": 8.515794582503428, "q_0.95": 8.636956779745413, "q_0.975": 8.780554280105154, "q_1": 9.117904357059661}, {"x": 81.27250900360144, "y": 8.759634274030816, "y_true": 4.4221184707365335, "y_pred": 6.706037320773416, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.524621312709386, "q_0.05": 4.621920108500809, "q_0.075": 4.69777579925783, "q_0.1": 4.7982156998918475, "q_0.125": 4.9349732185676265, "q_0.15": 5.010593790461873, "q_0.175": 5.111303275047512, "q_0.2": 5.213140640317787, "q_0.225": 5.425175682468657, "q_0.25": 5.5413418269448105, "q_0.275": 5.6578426900977075, "q_0.3": 5.756006867404569, "q_0.325": 5.880725247445652, "q_0.35": 5.985641521844014, "q_0.375": 6.10162148381928, "q_0.4": 6.237064028762291, "q_0.425": 6.327380002784864, "q_0.45": 6.427801865859671, "q_0.475": 6.556922696951482, "q_0.5": 6.706037320773416, "q_0.525": 6.757047471097765, "q_0.55": 6.846413164888051, "q_0.575": 6.941917271476338, "q_0.6": 7.031590664874649, "q_0.625": 7.163454430668503, "q_0.65": 7.309967068316329, "q_0.675": 7.425587294941825, "q_0.7": 7.5133051252567515, "q_0.725": 7.617910955751531, "q_0.75": 7.729252645206323, "q_0.775": 7.8219196898771575, "q_0.8": 7.961135356983236, "q_0.825": 8.040490396358344, "q_0.85": 8.159333173662095, "q_0.875": 8.26229962764565, "q_0.9": 8.387606655202816, "q_0.925": 8.52676812225451, "q_0.95": 8.642029948067592, "q_0.975": 8.782561436427532, "q_1": 9.117904357059661}, {"x": 81.31252501000401, "y": 4.429631788911159, "y_true": 4.422598898133979, "y_pred": 6.706037320773416, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.524621312709386, "q_0.05": 4.621920108500809, "q_0.075": 4.69777579925783, "q_0.1": 4.7982156998918475, "q_0.125": 4.9349732185676265, "q_0.15": 5.010593790461873, "q_0.175": 5.111303275047512, "q_0.2": 5.213140640317787, "q_0.225": 5.425175682468657, "q_0.25": 5.5413418269448105, "q_0.275": 5.6578426900977075, "q_0.3": 5.756006867404569, "q_0.325": 5.880725247445652, "q_0.35": 5.985641521844014, "q_0.375": 6.10162148381928, "q_0.4": 6.237064028762291, "q_0.425": 6.327380002784864, "q_0.45": 6.427801865859671, "q_0.475": 6.556922696951482, "q_0.5": 6.706037320773416, "q_0.525": 6.757047471097765, "q_0.55": 6.846413164888051, "q_0.575": 6.941917271476338, "q_0.6": 7.031590664874649, "q_0.625": 7.163454430668503, "q_0.65": 7.309967068316329, "q_0.675": 7.425587294941825, "q_0.7": 7.5133051252567515, "q_0.725": 7.617910955751531, "q_0.75": 7.729252645206323, "q_0.775": 7.8219196898771575, "q_0.8": 7.961135356983236, "q_0.825": 8.040490396358344, "q_0.85": 8.159333173662095, "q_0.875": 8.26229962764565, "q_0.9": 8.387606655202816, "q_0.925": 8.52676812225451, "q_0.95": 8.642029948067592, "q_0.975": 8.782561436427532, "q_1": 9.117904357059661}, {"x": 81.35254101640656, "y": 5.064661019951462, "y_true": 4.42307909483177, "y_pred": 6.706037320773416, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.524621312709386, "q_0.05": 4.621920108500809, "q_0.075": 4.69777579925783, "q_0.1": 4.7982156998918475, "q_0.125": 4.9349732185676265, "q_0.15": 5.010593790461873, "q_0.175": 5.111303275047512, "q_0.2": 5.213140640317787, "q_0.225": 5.425175682468657, "q_0.25": 5.5413418269448105, "q_0.275": 5.6578426900977075, "q_0.3": 5.756006867404569, "q_0.325": 5.880725247445652, "q_0.35": 5.985641521844014, "q_0.375": 6.10162148381928, "q_0.4": 6.237064028762291, "q_0.425": 6.327380002784864, "q_0.45": 6.427801865859671, "q_0.475": 6.556922696951482, "q_0.5": 6.706037320773416, "q_0.525": 6.757047471097765, "q_0.55": 6.846413164888051, "q_0.575": 6.941917271476338, "q_0.6": 7.031590664874649, "q_0.625": 7.163454430668503, "q_0.65": 7.309967068316329, "q_0.675": 7.425587294941825, "q_0.7": 7.5133051252567515, "q_0.725": 7.617910955751531, "q_0.75": 7.729252645206323, "q_0.775": 7.8219196898771575, "q_0.8": 7.961135356983236, "q_0.825": 8.040490396358344, "q_0.85": 8.159333173662095, "q_0.875": 8.26229962764565, "q_0.9": 8.387606655202816, "q_0.925": 8.52676812225451, "q_0.95": 8.642029948067592, "q_0.975": 8.782561436427532, "q_1": 9.117904357059661}, {"x": 81.39255702280913, "y": 7.860603397764244, "y_true": 4.423559061051363, "y_pred": 6.7077902783888845, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.6233876387201605, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.020086038168256, "q_0.175": 5.120782424789921, "q_0.2": 5.266681531525466, "q_0.225": 5.445362337985604, "q_0.25": 5.592212067468457, "q_0.275": 5.688614811687864, "q_0.3": 5.765062027334191, "q_0.325": 5.909160566020582, "q_0.35": 6.034011598917915, "q_0.375": 6.1554060397230455, "q_0.4": 6.246120396171547, "q_0.425": 6.351213677266079, "q_0.45": 6.446757353769544, "q_0.475": 6.5776147809679015, "q_0.5": 6.7077902783888845, "q_0.525": 6.778923927027959, "q_0.55": 6.861075300814898, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.729996186871609, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.065028221486347, "q_0.85": 8.160164203356791, "q_0.875": 8.266762790364961, "q_0.9": 8.411171895527225, "q_0.925": 8.558259565289545, "q_0.95": 8.646326542285099, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.43257302921168, "y": 7.976245692643259, "y_true": 4.424038797013895, "y_pred": 6.7077902783888845, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.6233876387201605, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.020086038168256, "q_0.175": 5.120782424789921, "q_0.2": 5.266681531525466, "q_0.225": 5.445362337985604, "q_0.25": 5.592212067468457, "q_0.275": 5.688614811687864, "q_0.3": 5.765062027334191, "q_0.325": 5.909160566020582, "q_0.35": 6.034011598917915, "q_0.375": 6.1554060397230455, "q_0.4": 6.246120396171547, "q_0.425": 6.351213677266079, "q_0.45": 6.446757353769544, "q_0.475": 6.5776147809679015, "q_0.5": 6.7077902783888845, "q_0.525": 6.778923927027959, "q_0.55": 6.861075300814898, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.729996186871609, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.065028221486347, "q_0.85": 8.160164203356791, "q_0.875": 8.266762790364961, "q_0.9": 8.411171895527225, "q_0.925": 8.558259565289545, "q_0.95": 8.646326542285099, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.47258903561425, "y": 7.81879504897625, "y_true": 4.424518302940186, "y_pred": 6.7084766354490455, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.123635492586353, "q_0.2": 5.277021526049126, "q_0.225": 5.445362337985604, "q_0.25": 5.596754924306473, "q_0.275": 5.700225120913034, "q_0.3": 5.77199839472142, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1554060397230455, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.455223396049245, "q_0.475": 6.584403129278517, "q_0.5": 6.7084766354490455, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.736992572592266, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.067469545745688, "q_0.85": 8.160164203356791, "q_0.875": 8.277610137638758, "q_0.9": 8.411171895527225, "q_0.925": 8.559323713835472, "q_0.95": 8.646901911275965, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.51260504201682, "y": 6.7947474098980205, "y_true": 4.4249975790507365, "y_pred": 6.7084766354490455, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.123635492586353, "q_0.2": 5.277021526049126, "q_0.225": 5.445362337985604, "q_0.25": 5.596754924306473, "q_0.275": 5.700225120913034, "q_0.3": 5.77199839472142, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1554060397230455, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.455223396049245, "q_0.475": 6.584403129278517, "q_0.5": 6.7084766354490455, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.736992572592266, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.067469545745688, "q_0.85": 8.160164203356791, "q_0.875": 8.277610137638758, "q_0.9": 8.411171895527225, "q_0.925": 8.559323713835472, "q_0.95": 8.646901911275965, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.55262104841937, "y": 8.745599187039456, "y_true": 4.425476625565732, "y_pred": 6.7084766354490455, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.123635492586353, "q_0.2": 5.277021526049126, "q_0.225": 5.445362337985604, "q_0.25": 5.596754924306473, "q_0.275": 5.700225120913034, "q_0.3": 5.77199839472142, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1554060397230455, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.455223396049245, "q_0.475": 6.584403129278517, "q_0.5": 6.7084766354490455, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.736992572592266, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.067469545745688, "q_0.85": 8.160164203356791, "q_0.875": 8.277610137638758, "q_0.9": 8.411171895527225, "q_0.925": 8.559323713835472, "q_0.95": 8.646901911275965, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.59263705482194, "y": 6.174682608424176, "y_true": 4.4259554427050425, "y_pred": 6.7084766354490455, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.123635492586353, "q_0.2": 5.277021526049126, "q_0.225": 5.445362337985604, "q_0.25": 5.596754924306473, "q_0.275": 5.700225120913034, "q_0.3": 5.77199839472142, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1554060397230455, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.455223396049245, "q_0.475": 6.584403129278517, "q_0.5": 6.7084766354490455, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.736992572592266, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.067469545745688, "q_0.85": 8.160164203356791, "q_0.875": 8.277610137638758, "q_0.9": 8.411171895527225, "q_0.925": 8.559323713835472, "q_0.95": 8.646901911275965, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.63265306122449, "y": 7.083657251950617, "y_true": 4.426434030688219, "y_pred": 6.7084766354490455, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.123635492586353, "q_0.2": 5.277021526049126, "q_0.225": 5.445362337985604, "q_0.25": 5.596754924306473, "q_0.275": 5.700225120913034, "q_0.3": 5.77199839472142, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1554060397230455, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.455223396049245, "q_0.475": 6.584403129278517, "q_0.5": 6.7084766354490455, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.736992572592266, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.067469545745688, "q_0.85": 8.160164203356791, "q_0.875": 8.277610137638758, "q_0.9": 8.411171895527225, "q_0.925": 8.559323713835472, "q_0.95": 8.646901911275965, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.67266906762706, "y": 4.706679514948626, "y_true": 4.4269123897344995, "y_pred": 6.7084766354490455, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.123635492586353, "q_0.2": 5.277021526049126, "q_0.225": 5.445362337985604, "q_0.25": 5.596754924306473, "q_0.275": 5.700225120913034, "q_0.3": 5.77199839472142, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1554060397230455, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.455223396049245, "q_0.475": 6.584403129278517, "q_0.5": 6.7084766354490455, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.736992572592266, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.067469545745688, "q_0.85": 8.160164203356791, "q_0.875": 8.277610137638758, "q_0.9": 8.411171895527225, "q_0.925": 8.559323713835472, "q_0.95": 8.646901911275965, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.71268507402962, "y": 6.237064028762291, "y_true": 4.427390520062808, "y_pred": 6.7084766354490455, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.123635492586353, "q_0.2": 5.277021526049126, "q_0.225": 5.445362337985604, "q_0.25": 5.596754924306473, "q_0.275": 5.700225120913034, "q_0.3": 5.77199839472142, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1554060397230455, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.455223396049245, "q_0.475": 6.584403129278517, "q_0.5": 6.7084766354490455, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.736992572592266, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.067469545745688, "q_0.85": 8.160164203356791, "q_0.875": 8.277610137638758, "q_0.9": 8.411171895527225, "q_0.925": 8.559323713835472, "q_0.95": 8.646901911275965, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.75270108043217, "y": 7.618325241690449, "y_true": 4.427868421891754, "y_pred": 6.7084766354490455, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.123635492586353, "q_0.2": 5.277021526049126, "q_0.225": 5.445362337985604, "q_0.25": 5.596754924306473, "q_0.275": 5.700225120913034, "q_0.3": 5.77199839472142, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1554060397230455, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.455223396049245, "q_0.475": 6.584403129278517, "q_0.5": 6.7084766354490455, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.736992572592266, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.067469545745688, "q_0.85": 8.160164203356791, "q_0.875": 8.277610137638758, "q_0.9": 8.411171895527225, "q_0.925": 8.559323713835472, "q_0.95": 8.646901911275965, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.79271708683474, "y": 5.4826980112754615, "y_true": 4.4283460954396325, "y_pred": 6.7084766354490455, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.123635492586353, "q_0.2": 5.277021526049126, "q_0.225": 5.445362337985604, "q_0.25": 5.596754924306473, "q_0.275": 5.700225120913034, "q_0.3": 5.77199839472142, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1554060397230455, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.455223396049245, "q_0.475": 6.584403129278517, "q_0.5": 6.7084766354490455, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.736992572592266, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.067469545745688, "q_0.85": 8.160164203356791, "q_0.875": 8.277610137638758, "q_0.9": 8.411171895527225, "q_0.925": 8.559323713835472, "q_0.95": 8.646901911275965, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.8327330932373, "y": 8.597543237419693, "y_true": 4.428823540924429, "y_pred": 6.709596251680151, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.13321653313719, "q_0.2": 5.277204539643211, "q_0.225": 5.454014158790365, "q_0.25": 5.599442980685961, "q_0.275": 5.700225120913034, "q_0.3": 5.781123634460956, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1742452684924825, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.456944525411682, "q_0.475": 6.585532854626287, "q_0.5": 6.709596251680151, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.060700098950234, "q_0.625": 7.168676553974224, "q_0.65": 7.325282589647719, "q_0.675": 7.437297968645725, "q_0.7": 7.527967925067729, "q_0.725": 7.626105540532846, "q_0.75": 7.7397642304098815, "q_0.775": 7.840312638765685, "q_0.8": 7.973606893184375, "q_0.825": 8.068094610848837, "q_0.85": 8.175286871596136, "q_0.875": 8.290064088436722, "q_0.9": 8.412088037464146, "q_0.925": 8.560528974284738, "q_0.95": 8.646901911275965, "q_0.975": 8.789170680647835, "q_1": 9.117904357059661}, {"x": 81.87274909963986, "y": 7.463033246915256, "y_true": 4.429300758563814, "y_pred": 6.709596251680151, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.13321653313719, "q_0.2": 5.277204539643211, "q_0.225": 5.454014158790365, "q_0.25": 5.599442980685961, "q_0.275": 5.700225120913034, "q_0.3": 5.781123634460956, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1742452684924825, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.456944525411682, "q_0.475": 6.585532854626287, "q_0.5": 6.709596251680151, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.060700098950234, "q_0.625": 7.168676553974224, "q_0.65": 7.325282589647719, "q_0.675": 7.437297968645725, "q_0.7": 7.527967925067729, "q_0.725": 7.626105540532846, "q_0.75": 7.7397642304098815, "q_0.775": 7.840312638765685, "q_0.8": 7.973606893184375, "q_0.825": 8.068094610848837, "q_0.85": 8.175286871596136, "q_0.875": 8.290064088436722, "q_0.9": 8.412088037464146, "q_0.925": 8.560528974284738, "q_0.95": 8.646901911275965, "q_0.975": 8.789170680647835, "q_1": 9.117904357059661}, {"x": 81.91276510604241, "y": 5.700225120913034, "y_true": 4.429777748575147, "y_pred": 6.709596251680151, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.13321653313719, "q_0.2": 5.277204539643211, "q_0.225": 5.454014158790365, "q_0.25": 5.599442980685961, "q_0.275": 5.700225120913034, "q_0.3": 5.781123634460956, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1742452684924825, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.456944525411682, "q_0.475": 6.585532854626287, "q_0.5": 6.709596251680151, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.060700098950234, "q_0.625": 7.168676553974224, "q_0.65": 7.325282589647719, "q_0.675": 7.437297968645725, "q_0.7": 7.527967925067729, "q_0.725": 7.626105540532846, "q_0.75": 7.7397642304098815, "q_0.775": 7.840312638765685, "q_0.8": 7.973606893184375, "q_0.825": 8.068094610848837, "q_0.85": 8.175286871596136, "q_0.875": 8.290064088436722, "q_0.9": 8.412088037464146, "q_0.925": 8.560528974284738, "q_0.95": 8.646901911275965, "q_0.975": 8.789170680647835, "q_1": 9.117904357059661}, {"x": 81.95278111244498, "y": 7.827900568464735, "y_true": 4.430254511175478, "y_pred": 6.710214355423524, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.545956483531799, "q_0.05": 4.626131311340627, "q_0.075": 4.710314112810036, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.024010989310101, "q_0.175": 5.13321653313719, "q_0.2": 5.279220753234176, "q_0.225": 5.466052559851025, "q_0.25": 5.60090035532502, "q_0.275": 5.7051626575548084, "q_0.3": 5.783835662042167, "q_0.325": 5.9170809943129035, "q_0.35": 6.039386478687201, "q_0.375": 6.1742452684924825, "q_0.4": 6.269383563495164, "q_0.425": 6.3695003111396895, "q_0.45": 6.456944525411682, "q_0.475": 6.586965632995195, "q_0.5": 6.710214355423524, "q_0.525": 6.791127718349811, "q_0.55": 6.882374294961595, "q_0.575": 6.961121135243478, "q_0.6": 7.060700098950234, "q_0.625": 7.175198135307678, "q_0.65": 7.334824091520664, "q_0.675": 7.456806517351355, "q_0.7": 7.532656934455018, "q_0.725": 7.626105540532846, "q_0.75": 7.742094468175936, "q_0.775": 7.849023144623965, "q_0.8": 7.973606893184375, "q_0.825": 8.068200828625084, "q_0.85": 8.176438771149055, "q_0.875": 8.298253495624909, "q_0.9": 8.415415940801093, "q_0.925": 8.568949105019012, "q_0.95": 8.649206225406363, "q_0.975": 8.789170680647835, "q_1": 9.117904357059661}, {"x": 81.99279711884755, "y": 4.7982156998918475, "y_true": 4.4307310465815455, "y_pred": 6.710214355423524, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.545956483531799, "q_0.05": 4.626131311340627, "q_0.075": 4.710314112810036, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.024010989310101, "q_0.175": 5.13321653313719, "q_0.2": 5.279220753234176, "q_0.225": 5.466052559851025, "q_0.25": 5.60090035532502, "q_0.275": 5.7051626575548084, "q_0.3": 5.783835662042167, "q_0.325": 5.9170809943129035, "q_0.35": 6.039386478687201, "q_0.375": 6.1742452684924825, "q_0.4": 6.269383563495164, "q_0.425": 6.3695003111396895, "q_0.45": 6.456944525411682, "q_0.475": 6.586965632995195, "q_0.5": 6.710214355423524, "q_0.525": 6.791127718349811, "q_0.55": 6.882374294961595, "q_0.575": 6.961121135243478, "q_0.6": 7.060700098950234, "q_0.625": 7.175198135307678, "q_0.65": 7.334824091520664, "q_0.675": 7.456806517351355, "q_0.7": 7.532656934455018, "q_0.725": 7.626105540532846, "q_0.75": 7.742094468175936, "q_0.775": 7.849023144623965, "q_0.8": 7.973606893184375, "q_0.825": 8.068200828625084, "q_0.85": 8.176438771149055, "q_0.875": 8.298253495624909, "q_0.9": 8.415415940801093, "q_0.925": 8.568949105019012, "q_0.95": 8.649206225406363, "q_0.975": 8.789170680647835, "q_1": 9.117904357059661}, {"x": 82.0328131252501, "y": 8.738965446692841, "y_true": 4.431207355009778, "y_pred": 6.710214355423524, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.545956483531799, "q_0.05": 4.626131311340627, "q_0.075": 4.710314112810036, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.024010989310101, "q_0.175": 5.13321653313719, "q_0.2": 5.279220753234176, "q_0.225": 5.466052559851025, "q_0.25": 5.60090035532502, "q_0.275": 5.7051626575548084, "q_0.3": 5.783835662042167, "q_0.325": 5.9170809943129035, "q_0.35": 6.039386478687201, "q_0.375": 6.1742452684924825, "q_0.4": 6.269383563495164, "q_0.425": 6.3695003111396895, "q_0.45": 6.456944525411682, "q_0.475": 6.586965632995195, "q_0.5": 6.710214355423524, "q_0.525": 6.791127718349811, "q_0.55": 6.882374294961595, "q_0.575": 6.961121135243478, "q_0.6": 7.060700098950234, "q_0.625": 7.175198135307678, "q_0.65": 7.334824091520664, "q_0.675": 7.456806517351355, "q_0.7": 7.532656934455018, "q_0.725": 7.626105540532846, "q_0.75": 7.742094468175936, "q_0.775": 7.849023144623965, "q_0.8": 7.973606893184375, "q_0.825": 8.068200828625084, "q_0.85": 8.176438771149055, "q_0.875": 8.298253495624909, "q_0.9": 8.415415940801093, "q_0.925": 8.568949105019012, "q_0.95": 8.649206225406363, "q_0.975": 8.789170680647835, "q_1": 9.117904357059661}, {"x": 82.07282913165267, "y": 4.649510367688897, "y_true": 4.431683436676296, "y_pred": 6.718625662234357, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.629281794590717, "q_0.075": 4.7104750429896844, "q_0.1": 4.815036147477783, "q_0.125": 4.9379495433283065, "q_0.15": 5.038500327276012, "q_0.175": 5.139702495332067, "q_0.2": 5.279220753234176, "q_0.225": 5.4741072109626785, "q_0.25": 5.60090035532502, "q_0.275": 5.708783567339424, "q_0.3": 5.787542562230623, "q_0.325": 5.938080315357945, "q_0.35": 6.044330210893478, "q_0.375": 6.180114464839802, "q_0.4": 6.272889904759298, "q_0.425": 6.371591548732639, "q_0.45": 6.465536254452598, "q_0.475": 6.592643613372832, "q_0.5": 6.718625662234357, "q_0.525": 6.7947474098980205, "q_0.55": 6.890520012280274, "q_0.575": 6.962794825803428, "q_0.6": 7.069322733758634, "q_0.625": 7.177320475731536, "q_0.65": 7.339281484523887, "q_0.675": 7.456806517351355, "q_0.7": 7.5607641850212985, "q_0.725": 7.636669508528806, "q_0.75": 7.744368028576007, "q_0.775": 7.855099678303955, "q_0.8": 7.975557626239649, "q_0.825": 8.078701760777843, "q_0.85": 8.197308002501416, "q_0.875": 8.298253495624909, "q_0.9": 8.419077548226216, "q_0.925": 8.57729771367967, "q_0.95": 8.656783487070411, "q_0.975": 8.789170680647835, "q_1": 9.117904357059661}, {"x": 82.11284513805522, "y": 8.55822033518474, "y_true": 4.432159291796911, "y_pred": 6.725283272356965, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.629281794590717, "q_0.075": 4.7240685583919175, "q_0.1": 4.834738492119293, "q_0.125": 4.943982127131941, "q_0.15": 5.044718767099616, "q_0.175": 5.1625194461836035, "q_0.2": 5.295385109787309, "q_0.225": 5.478417414081877, "q_0.25": 5.60451966408088, "q_0.275": 5.719410508128275, "q_0.3": 5.798800465529174, "q_0.325": 5.946996614527446, "q_0.35": 6.068705675007118, "q_0.375": 6.1844684512491375, "q_0.4": 6.288384606409618, "q_0.425": 6.371591548732639, "q_0.45": 6.4791162595064655, "q_0.475": 6.6007006912960104, "q_0.5": 6.725283272356965, "q_0.525": 6.801918132767173, "q_0.55": 6.898606605378788, "q_0.575": 6.974090481987398, "q_0.6": 7.076926267490199, "q_0.625": 7.178225371728468, "q_0.65": 7.339281484523887, "q_0.675": 7.456806517351355, "q_0.7": 7.564607068510808, "q_0.725": 7.636669508528806, "q_0.75": 7.747226894051673, "q_0.775": 7.860603397764244, "q_0.8": 7.976245692643259, "q_0.825": 8.084607236378016, "q_0.85": 8.19749931912753, "q_0.875": 8.328220888956123, "q_0.9": 8.47353212124489, "q_0.925": 8.580292183758063, "q_0.95": 8.660299510850912, "q_0.975": 8.789170680647835, "q_1": 9.117904357059661}, {"x": 82.15286114445779, "y": 5.550421156245262, "y_true": 4.432634920587126, "y_pred": 6.725283272356965, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.629281794590717, "q_0.075": 4.7240685583919175, "q_0.1": 4.834738492119293, "q_0.125": 4.943982127131941, "q_0.15": 5.05189249273273, "q_0.175": 5.1625194461836035, "q_0.2": 5.314010328940865, "q_0.225": 5.480378124576764, "q_0.25": 5.60451966408088, "q_0.275": 5.719682679094714, "q_0.3": 5.805963058307168, "q_0.325": 5.959720916527021, "q_0.35": 6.068705675007118, "q_0.375": 6.201121542961315, "q_0.4": 6.288384606409618, "q_0.425": 6.372893513759131, "q_0.45": 6.4791162595064655, "q_0.475": 6.6007006912960104, "q_0.5": 6.725283272356965, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974090481987398, "q_0.6": 7.076926267490199, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.4598899101945895, "q_0.7": 7.564607068510808, "q_0.725": 7.645545020022812, "q_0.75": 7.747226894051673, "q_0.775": 7.860603397764244, "q_0.8": 7.976245692643259, "q_0.825": 8.087444038800733, "q_0.85": 8.19749931912753, "q_0.875": 8.328220888956123, "q_0.9": 8.47353212124489, "q_0.925": 8.580292183758063, "q_0.95": 8.660299510850912, "q_0.975": 8.790102127143314, "q_1": 9.117904357059661}, {"x": 82.19287715086034, "y": 7.7835732685260135, "y_true": 4.433110323262138, "y_pred": 6.725283272356965, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.629281794590717, "q_0.075": 4.7240685583919175, "q_0.1": 4.834738492119293, "q_0.125": 4.943982127131941, "q_0.15": 5.05189249273273, "q_0.175": 5.1625194461836035, "q_0.2": 5.314010328940865, "q_0.225": 5.480378124576764, "q_0.25": 5.60451966408088, "q_0.275": 5.719682679094714, "q_0.3": 5.805963058307168, "q_0.325": 5.959720916527021, "q_0.35": 6.068705675007118, "q_0.375": 6.201121542961315, "q_0.4": 6.288384606409618, "q_0.425": 6.372893513759131, "q_0.45": 6.4791162595064655, "q_0.475": 6.6007006912960104, "q_0.5": 6.725283272356965, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974090481987398, "q_0.6": 7.076926267490199, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.4598899101945895, "q_0.7": 7.564607068510808, "q_0.725": 7.645545020022812, "q_0.75": 7.747226894051673, "q_0.775": 7.860603397764244, "q_0.8": 7.976245692643259, "q_0.825": 8.087444038800733, "q_0.85": 8.19749931912753, "q_0.875": 8.328220888956123, "q_0.9": 8.47353212124489, "q_0.925": 8.580292183758063, "q_0.95": 8.660299510850912, "q_0.975": 8.790102127143314, "q_1": 9.117904357059661}, {"x": 82.23289315726291, "y": 4.433911372591338, "y_true": 4.433585500036836, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.629281794590717, "q_0.075": 4.7240685583919175, "q_0.1": 4.834738492119293, "q_0.125": 4.943982127131941, "q_0.15": 5.052377723222724, "q_0.175": 5.164678638878914, "q_0.2": 5.314010328940865, "q_0.225": 5.480378124576764, "q_0.25": 5.609825398631992, "q_0.275": 5.719682679094714, "q_0.3": 5.805963058307168, "q_0.325": 5.959720916527021, "q_0.35": 6.072427775805698, "q_0.375": 6.201121542961315, "q_0.4": 6.288384606409618, "q_0.425": 6.38830657909329, "q_0.45": 6.483305829133004, "q_0.475": 6.6007006912960104, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.077785349853828, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645545020022812, "q_0.75": 7.747226894051673, "q_0.775": 7.860603397764244, "q_0.8": 7.976245692643259, "q_0.825": 8.087444038800733, "q_0.85": 8.19749931912753, "q_0.875": 8.328220888956123, "q_0.9": 8.47353212124489, "q_0.925": 8.580292183758063, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.27290916366547, "y": 5.558341467218177, "y_true": 4.434060451125803, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.629281794590717, "q_0.075": 4.7240685583919175, "q_0.1": 4.834738492119293, "q_0.125": 4.943982127131941, "q_0.15": 5.052377723222724, "q_0.175": 5.164678638878914, "q_0.2": 5.314010328940865, "q_0.225": 5.480378124576764, "q_0.25": 5.609825398631992, "q_0.275": 5.719682679094714, "q_0.3": 5.805963058307168, "q_0.325": 5.959720916527021, "q_0.35": 6.072427775805698, "q_0.375": 6.201121542961315, "q_0.4": 6.288384606409618, "q_0.425": 6.38830657909329, "q_0.45": 6.483305829133004, "q_0.475": 6.6007006912960104, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.077785349853828, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645545020022812, "q_0.75": 7.747226894051673, "q_0.775": 7.860603397764244, "q_0.8": 7.976245692643259, "q_0.825": 8.087444038800733, "q_0.85": 8.19749931912753, "q_0.875": 8.328220888956123, "q_0.9": 8.47353212124489, "q_0.925": 8.580292183758063, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.31292517006803, "y": 7.7475102923154076, "y_true": 4.434535176743316, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.629281794590717, "q_0.075": 4.7240685583919175, "q_0.1": 4.834738492119293, "q_0.125": 4.943982127131941, "q_0.15": 5.052377723222724, "q_0.175": 5.167065115015842, "q_0.2": 5.321254834181335, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.201121542961315, "q_0.4": 6.289883693528926, "q_0.425": 6.38830657909329, "q_0.45": 6.483305829133004, "q_0.475": 6.6007006912960104, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.083657251950617, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.747226894051673, "q_0.775": 7.860603397764244, "q_0.8": 7.979152061252921, "q_0.825": 8.092158159258524, "q_0.85": 8.218474484144245, "q_0.875": 8.328220888956123, "q_0.9": 8.47353212124489, "q_0.925": 8.580292183758063, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.3529411764706, "y": 6.789576779354622, "y_true": 4.435009677103349, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.629281794590717, "q_0.075": 4.7240685583919175, "q_0.1": 4.834738492119293, "q_0.125": 4.943982127131941, "q_0.15": 5.052377723222724, "q_0.175": 5.167065115015842, "q_0.2": 5.321254834181335, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.201121542961315, "q_0.4": 6.289883693528926, "q_0.425": 6.38830657909329, "q_0.45": 6.483305829133004, "q_0.475": 6.6007006912960104, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.083657251950617, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.747226894051673, "q_0.775": 7.860603397764244, "q_0.8": 7.979152061252921, "q_0.825": 8.092158159258524, "q_0.85": 8.218474484144245, "q_0.875": 8.328220888956123, "q_0.9": 8.47353212124489, "q_0.925": 8.580292183758063, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.39295718287315, "y": 4.943982127131941, "y_true": 4.43548395241957, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.639328602508357, "q_0.075": 4.7271700827333865, "q_0.1": 4.845388670289239, "q_0.125": 4.944763419976961, "q_0.15": 5.053577304868934, "q_0.175": 5.169930215921888, "q_0.2": 5.354648463001193, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.205039131452644, "q_0.4": 6.289883693528926, "q_0.425": 6.391495263221277, "q_0.45": 6.487652707470597, "q_0.475": 6.608614085216537, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.081308491111911, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.749408543238138, "q_0.775": 7.86433967322054, "q_0.8": 7.980916032181643, "q_0.825": 8.107815238235931, "q_0.85": 8.218474484144245, "q_0.875": 8.333461920170596, "q_0.9": 8.494603113876268, "q_0.925": 8.593399174917819, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.43297318927571, "y": 6.177393158074199, "y_true": 4.435958002905343, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.639328602508357, "q_0.075": 4.7271700827333865, "q_0.1": 4.845388670289239, "q_0.125": 4.944763419976961, "q_0.15": 5.053577304868934, "q_0.175": 5.169930215921888, "q_0.2": 5.354648463001193, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.205039131452644, "q_0.4": 6.289883693528926, "q_0.425": 6.391495263221277, "q_0.45": 6.487652707470597, "q_0.475": 6.608614085216537, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.081308491111911, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.749408543238138, "q_0.775": 7.86433967322054, "q_0.8": 7.980916032181643, "q_0.825": 8.107815238235931, "q_0.85": 8.218474484144245, "q_0.875": 8.333461920170596, "q_0.9": 8.494603113876268, "q_0.925": 8.593399174917819, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.47298919567828, "y": 6.098058624348094, "y_true": 4.436431828773728, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.639328602508357, "q_0.075": 4.7271700827333865, "q_0.1": 4.845388670289239, "q_0.125": 4.944763419976961, "q_0.15": 5.053577304868934, "q_0.175": 5.169930215921888, "q_0.2": 5.354648463001193, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.205039131452644, "q_0.4": 6.289883693528926, "q_0.425": 6.391495263221277, "q_0.45": 6.487652707470597, "q_0.475": 6.608614085216537, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.081308491111911, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.749408543238138, "q_0.775": 7.86433967322054, "q_0.8": 7.980916032181643, "q_0.825": 8.107815238235931, "q_0.85": 8.218474484144245, "q_0.875": 8.333461920170596, "q_0.9": 8.494603113876268, "q_0.925": 8.593399174917819, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.51300520208083, "y": 6.951024707653157, "y_true": 4.436905430237483, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.639328602508357, "q_0.075": 4.7271700827333865, "q_0.1": 4.845388670289239, "q_0.125": 4.944763419976961, "q_0.15": 5.053577304868934, "q_0.175": 5.169930215921888, "q_0.2": 5.354648463001193, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.205039131452644, "q_0.4": 6.289883693528926, "q_0.425": 6.391495263221277, "q_0.45": 6.487652707470597, "q_0.475": 6.608614085216537, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.081308491111911, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.749408543238138, "q_0.775": 7.86433967322054, "q_0.8": 7.980916032181643, "q_0.825": 8.107815238235931, "q_0.85": 8.218474484144245, "q_0.875": 8.333461920170596, "q_0.9": 8.494603113876268, "q_0.925": 8.593399174917819, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.5530212084834, "y": 7.39349892724248, "y_true": 4.4373788075090665, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.639328602508357, "q_0.075": 4.7271700827333865, "q_0.1": 4.845388670289239, "q_0.125": 4.944763419976961, "q_0.15": 5.053577304868934, "q_0.175": 5.169930215921888, "q_0.2": 5.354648463001193, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.205039131452644, "q_0.4": 6.289883693528926, "q_0.425": 6.391495263221277, "q_0.45": 6.487652707470597, "q_0.475": 6.608614085216537, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.081308491111911, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.749408543238138, "q_0.775": 7.86433967322054, "q_0.8": 7.980916032181643, "q_0.825": 8.107815238235931, "q_0.85": 8.218474484144245, "q_0.875": 8.333461920170596, "q_0.9": 8.494603113876268, "q_0.925": 8.593399174917819, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.59303721488595, "y": 8.159333173662095, "y_true": 4.437851960800631, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.639328602508357, "q_0.075": 4.7271700827333865, "q_0.1": 4.845388670289239, "q_0.125": 4.944763419976961, "q_0.15": 5.053577304868934, "q_0.175": 5.169930215921888, "q_0.2": 5.354648463001193, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.205039131452644, "q_0.4": 6.289883693528926, "q_0.425": 6.391495263221277, "q_0.45": 6.487652707470597, "q_0.475": 6.608614085216537, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.081308491111911, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.749408543238138, "q_0.775": 7.86433967322054, "q_0.8": 7.980916032181643, "q_0.825": 8.107815238235931, "q_0.85": 8.218474484144245, "q_0.875": 8.333461920170596, "q_0.9": 8.494603113876268, "q_0.925": 8.593399174917819, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.63305322128852, "y": 6.639289246145984, "y_true": 4.438324890324031, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.639328602508357, "q_0.075": 4.7271700827333865, "q_0.1": 4.845388670289239, "q_0.125": 4.944763419976961, "q_0.15": 5.053577304868934, "q_0.175": 5.169930215921888, "q_0.2": 5.354648463001193, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.205039131452644, "q_0.4": 6.289883693528926, "q_0.425": 6.391495263221277, "q_0.45": 6.487652707470597, "q_0.475": 6.608614085216537, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.081308491111911, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.749408543238138, "q_0.775": 7.86433967322054, "q_0.8": 7.980916032181643, "q_0.825": 8.107815238235931, "q_0.85": 8.218474484144245, "q_0.875": 8.333461920170596, "q_0.9": 8.494603113876268, "q_0.925": 8.593399174917819, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.67306922769107, "y": 6.1742452684924825, "y_true": 4.4387975962908195, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.639328602508357, "q_0.075": 4.7271700827333865, "q_0.1": 4.845388670289239, "q_0.125": 4.944763419976961, "q_0.15": 5.053577304868934, "q_0.175": 5.169930215921888, "q_0.2": 5.354648463001193, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.205039131452644, "q_0.4": 6.289883693528926, "q_0.425": 6.391495263221277, "q_0.45": 6.487652707470597, "q_0.475": 6.608614085216537, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.081308491111911, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.749408543238138, "q_0.775": 7.86433967322054, "q_0.8": 7.980916032181643, "q_0.825": 8.107815238235931, "q_0.85": 8.218474484144245, "q_0.875": 8.333461920170596, "q_0.9": 8.494603113876268, "q_0.925": 8.593399174917819, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.71308523409364, "y": 5.076711109306927, "y_true": 4.439270078912249, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.639328602508357, "q_0.075": 4.7271700827333865, "q_0.1": 4.845388670289239, "q_0.125": 4.944763419976961, "q_0.15": 5.053577304868934, "q_0.175": 5.169930215921888, "q_0.2": 5.354648463001193, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.205039131452644, "q_0.4": 6.289883693528926, "q_0.425": 6.391495263221277, "q_0.45": 6.487652707470597, "q_0.475": 6.608614085216537, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.081308491111911, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.749408543238138, "q_0.775": 7.86433967322054, "q_0.8": 7.980916032181643, "q_0.825": 8.107815238235931, "q_0.85": 8.218474484144245, "q_0.875": 8.333461920170596, "q_0.9": 8.494603113876268, "q_0.925": 8.593399174917819, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.7531012404962, "y": 8.003396375626119, "y_true": 4.439742338399274, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.729386186263482, "q_0.1": 4.845388670289239, "q_0.125": 4.961766854270886, "q_0.15": 5.071625074945647, "q_0.175": 5.184031077124445, "q_0.2": 5.379970822579473, "q_0.225": 5.50862782218625, "q_0.25": 5.631001143383613, "q_0.275": 5.751022109966033, "q_0.3": 5.8499681637146885, "q_0.325": 5.978165873657799, "q_0.35": 6.0901156550857785, "q_0.375": 6.209781935129773, "q_0.4": 6.30137691969869, "q_0.425": 6.3997818723834055, "q_0.45": 6.500147298514093, "q_0.475": 6.610945882647042, "q_0.5": 6.737452877306334, "q_0.525": 6.828579125837872, "q_0.55": 6.909593822858551, "q_0.575": 6.982263155741037, "q_0.6": 7.090556387204751, "q_0.625": 7.187863818091271, "q_0.65": 7.364869117417418, "q_0.675": 7.46937059082763, "q_0.7": 7.578682912919554, "q_0.725": 7.653903624837676, "q_0.75": 7.752419234250754, "q_0.775": 7.887543372929498, "q_0.8": 8.003396375626119, "q_0.825": 8.108535542540102, "q_0.85": 8.21869896050462, "q_0.875": 8.341159957816656, "q_0.9": 8.500490658593364, "q_0.925": 8.597543237419693, "q_0.95": 8.661674632929188, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 82.79311724689876, "y": 7.599268831142167, "y_true": 4.440214374962549, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.729386186263482, "q_0.1": 4.845388670289239, "q_0.125": 4.961766854270886, "q_0.15": 5.071625074945647, "q_0.175": 5.184031077124445, "q_0.2": 5.379970822579473, "q_0.225": 5.50862782218625, "q_0.25": 5.631001143383613, "q_0.275": 5.751022109966033, "q_0.3": 5.8499681637146885, "q_0.325": 5.978165873657799, "q_0.35": 6.0901156550857785, "q_0.375": 6.209781935129773, "q_0.4": 6.30137691969869, "q_0.425": 6.3997818723834055, "q_0.45": 6.500147298514093, "q_0.475": 6.610945882647042, "q_0.5": 6.737452877306334, "q_0.525": 6.828579125837872, "q_0.55": 6.909593822858551, "q_0.575": 6.982263155741037, "q_0.6": 7.090556387204751, "q_0.625": 7.187863818091271, "q_0.65": 7.364869117417418, "q_0.675": 7.46937059082763, "q_0.7": 7.578682912919554, "q_0.725": 7.653903624837676, "q_0.75": 7.752419234250754, "q_0.775": 7.887543372929498, "q_0.8": 8.003396375626119, "q_0.825": 8.108535542540102, "q_0.85": 8.21869896050462, "q_0.875": 8.341159957816656, "q_0.9": 8.500490658593364, "q_0.925": 8.597543237419693, "q_0.95": 8.661674632929188, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 82.83313325330133, "y": 6.250648218044874, "y_true": 4.440686188812433, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.729386186263482, "q_0.1": 4.845388670289239, "q_0.125": 4.961766854270886, "q_0.15": 5.071625074945647, "q_0.175": 5.184031077124445, "q_0.2": 5.379970822579473, "q_0.225": 5.50862782218625, "q_0.25": 5.631001143383613, "q_0.275": 5.751022109966033, "q_0.3": 5.8499681637146885, "q_0.325": 5.978165873657799, "q_0.35": 6.0901156550857785, "q_0.375": 6.209781935129773, "q_0.4": 6.30137691969869, "q_0.425": 6.3997818723834055, "q_0.45": 6.500147298514093, "q_0.475": 6.610945882647042, "q_0.5": 6.737452877306334, "q_0.525": 6.828579125837872, "q_0.55": 6.909593822858551, "q_0.575": 6.982263155741037, "q_0.6": 7.090556387204751, "q_0.625": 7.187863818091271, "q_0.65": 7.364869117417418, "q_0.675": 7.46937059082763, "q_0.7": 7.578682912919554, "q_0.725": 7.653903624837676, "q_0.75": 7.752419234250754, "q_0.775": 7.887543372929498, "q_0.8": 8.003396375626119, "q_0.825": 8.108535542540102, "q_0.85": 8.21869896050462, "q_0.875": 8.341159957816656, "q_0.9": 8.500490658593364, "q_0.925": 8.597543237419693, "q_0.95": 8.661674632929188, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 82.87314925970388, "y": 6.737452877306334, "y_true": 4.441157780158983, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.729386186263482, "q_0.1": 4.845388670289239, "q_0.125": 4.961766854270886, "q_0.15": 5.071625074945647, "q_0.175": 5.184031077124445, "q_0.2": 5.379970822579473, "q_0.225": 5.50862782218625, "q_0.25": 5.631001143383613, "q_0.275": 5.751022109966033, "q_0.3": 5.8499681637146885, "q_0.325": 5.978165873657799, "q_0.35": 6.0901156550857785, "q_0.375": 6.209781935129773, "q_0.4": 6.30137691969869, "q_0.425": 6.3997818723834055, "q_0.45": 6.500147298514093, "q_0.475": 6.610945882647042, "q_0.5": 6.737452877306334, "q_0.525": 6.828579125837872, "q_0.55": 6.909593822858551, "q_0.575": 6.982263155741037, "q_0.6": 7.090556387204751, "q_0.625": 7.187863818091271, "q_0.65": 7.364869117417418, "q_0.675": 7.46937059082763, "q_0.7": 7.578682912919554, "q_0.725": 7.653903624837676, "q_0.75": 7.752419234250754, "q_0.775": 7.887543372929498, "q_0.8": 8.003396375626119, "q_0.825": 8.108535542540102, "q_0.85": 8.21869896050462, "q_0.875": 8.341159957816656, "q_0.9": 8.500490658593364, "q_0.925": 8.597543237419693, "q_0.95": 8.661674632929188, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 82.91316526610645, "y": 7.388244484213244, "y_true": 4.4416291492119635, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.729386186263482, "q_0.1": 4.845388670289239, "q_0.125": 4.961766854270886, "q_0.15": 5.071625074945647, "q_0.175": 5.184031077124445, "q_0.2": 5.379970822579473, "q_0.225": 5.50862782218625, "q_0.25": 5.631001143383613, "q_0.275": 5.751022109966033, "q_0.3": 5.8499681637146885, "q_0.325": 5.978165873657799, "q_0.35": 6.0901156550857785, "q_0.375": 6.209781935129773, "q_0.4": 6.30137691969869, "q_0.425": 6.3997818723834055, "q_0.45": 6.500147298514093, "q_0.475": 6.610945882647042, "q_0.5": 6.737452877306334, "q_0.525": 6.828579125837872, "q_0.55": 6.909593822858551, "q_0.575": 6.982263155741037, "q_0.6": 7.090556387204751, "q_0.625": 7.187863818091271, "q_0.65": 7.364869117417418, "q_0.675": 7.46937059082763, "q_0.7": 7.578682912919554, "q_0.725": 7.653903624837676, "q_0.75": 7.752419234250754, "q_0.775": 7.887543372929498, "q_0.8": 8.003396375626119, "q_0.825": 8.108535542540102, "q_0.85": 8.21869896050462, "q_0.875": 8.341159957816656, "q_0.9": 8.500490658593364, "q_0.925": 8.597543237419693, "q_0.95": 8.661674632929188, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 82.95318127250901, "y": 5.1722317896120975, "y_true": 4.442100296180838, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.729386186263482, "q_0.1": 4.845388670289239, "q_0.125": 4.961766854270886, "q_0.15": 5.071625074945647, "q_0.175": 5.184031077124445, "q_0.2": 5.379970822579473, "q_0.225": 5.50862782218625, "q_0.25": 5.631001143383613, "q_0.275": 5.751022109966033, "q_0.3": 5.8499681637146885, "q_0.325": 5.978165873657799, "q_0.35": 6.0901156550857785, "q_0.375": 6.209781935129773, "q_0.4": 6.30137691969869, "q_0.425": 6.3997818723834055, "q_0.45": 6.500147298514093, "q_0.475": 6.610945882647042, "q_0.5": 6.737452877306334, "q_0.525": 6.828579125837872, "q_0.55": 6.909593822858551, "q_0.575": 6.982263155741037, "q_0.6": 7.090556387204751, "q_0.625": 7.187863818091271, "q_0.65": 7.364869117417418, "q_0.675": 7.46937059082763, "q_0.7": 7.578682912919554, "q_0.725": 7.653903624837676, "q_0.75": 7.752419234250754, "q_0.775": 7.887543372929498, "q_0.8": 8.003396375626119, "q_0.825": 8.108535542540102, "q_0.85": 8.21869896050462, "q_0.875": 8.341159957816656, "q_0.9": 8.500490658593364, "q_0.925": 8.597543237419693, "q_0.95": 8.661674632929188, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 82.99319727891157, "y": 4.563077462932428, "y_true": 4.442571221274779, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.729386186263482, "q_0.1": 4.845388670289239, "q_0.125": 4.961766854270886, "q_0.15": 5.071625074945647, "q_0.175": 5.184031077124445, "q_0.2": 5.379970822579473, "q_0.225": 5.50862782218625, "q_0.25": 5.631001143383613, "q_0.275": 5.751022109966033, "q_0.3": 5.8499681637146885, "q_0.325": 5.978165873657799, "q_0.35": 6.0901156550857785, "q_0.375": 6.209781935129773, "q_0.4": 6.30137691969869, "q_0.425": 6.3997818723834055, "q_0.45": 6.500147298514093, "q_0.475": 6.610945882647042, "q_0.5": 6.737452877306334, "q_0.525": 6.828579125837872, "q_0.55": 6.909593822858551, "q_0.575": 6.982263155741037, "q_0.6": 7.090556387204751, "q_0.625": 7.187863818091271, "q_0.65": 7.364869117417418, "q_0.675": 7.46937059082763, "q_0.7": 7.578682912919554, "q_0.725": 7.653903624837676, "q_0.75": 7.752419234250754, "q_0.775": 7.887543372929498, "q_0.8": 8.003396375626119, "q_0.825": 8.108535542540102, "q_0.85": 8.21869896050462, "q_0.875": 8.341159957816656, "q_0.9": 8.500490658593364, "q_0.925": 8.597543237419693, "q_0.95": 8.661674632929188, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 83.03321328531413, "y": 5.8499681637146885, "y_true": 4.443041924702659, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.729386186263482, "q_0.1": 4.845388670289239, "q_0.125": 4.961766854270886, "q_0.15": 5.071625074945647, "q_0.175": 5.184031077124445, "q_0.2": 5.379970822579473, "q_0.225": 5.50862782218625, "q_0.25": 5.631001143383613, "q_0.275": 5.751022109966033, "q_0.3": 5.8499681637146885, "q_0.325": 5.978165873657799, "q_0.35": 6.0901156550857785, "q_0.375": 6.209781935129773, "q_0.4": 6.30137691969869, "q_0.425": 6.3997818723834055, "q_0.45": 6.500147298514093, "q_0.475": 6.610945882647042, "q_0.5": 6.737452877306334, "q_0.525": 6.828579125837872, "q_0.55": 6.909593822858551, "q_0.575": 6.982263155741037, "q_0.6": 7.090556387204751, "q_0.625": 7.187863818091271, "q_0.65": 7.364869117417418, "q_0.675": 7.46937059082763, "q_0.7": 7.578682912919554, "q_0.725": 7.653903624837676, "q_0.75": 7.752419234250754, "q_0.775": 7.887543372929498, "q_0.8": 8.003396375626119, "q_0.825": 8.108535542540102, "q_0.85": 8.21869896050462, "q_0.875": 8.341159957816656, "q_0.9": 8.500490658593364, "q_0.925": 8.597543237419693, "q_0.95": 8.661674632929188, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 83.07322929171669, "y": 7.0829595081166605, "y_true": 4.44351240667306, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.729386186263482, "q_0.1": 4.846905144778675, "q_0.125": 4.961766854270886, "q_0.15": 5.071625074945647, "q_0.175": 5.184031077124445, "q_0.2": 5.379970822579473, "q_0.225": 5.515484260468025, "q_0.25": 5.6427861623597195, "q_0.275": 5.751022109966033, "q_0.3": 5.8499681637146885, "q_0.325": 5.978165873657799, "q_0.35": 6.0901156550857785, "q_0.375": 6.2243429438156745, "q_0.4": 6.303355969642889, "q_0.425": 6.402262026196145, "q_0.45": 6.510321966120001, "q_0.475": 6.6183726690495766, "q_0.5": 6.737452877306334, "q_0.525": 6.828579125837872, "q_0.55": 6.909593822858551, "q_0.575": 6.982263155741037, "q_0.6": 7.090556387204751, "q_0.625": 7.188385545858182, "q_0.65": 7.365036486519591, "q_0.675": 7.46991407998999, "q_0.7": 7.579826538061985, "q_0.725": 7.663301039966068, "q_0.75": 7.753808716222624, "q_0.775": 7.887543372929498, "q_0.8": 8.003396375626119, "q_0.825": 8.108535542540102, "q_0.85": 8.21869896050462, "q_0.875": 8.341159957816656, "q_0.9": 8.501236984713952, "q_0.925": 8.597543237419693, "q_0.95": 8.678526350886326, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 83.11324529811925, "y": 6.6007006912960104, "y_true": 4.443982667394265, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.730799731903235, "q_0.1": 4.846905144778675, "q_0.125": 4.961766854270886, "q_0.15": 5.073646087604473, "q_0.175": 5.1987437976665865, "q_0.2": 5.422762824837261, "q_0.225": 5.515484260468025, "q_0.25": 5.658258766948559, "q_0.275": 5.756006867404569, "q_0.3": 5.864985404400768, "q_0.325": 5.9793170140524055, "q_0.35": 6.098058624348094, "q_0.375": 6.225271986032057, "q_0.4": 6.30549773952699, "q_0.425": 6.402587829509397, "q_0.45": 6.510321966120001, "q_0.475": 6.6183726690495766, "q_0.5": 6.737452877306334, "q_0.525": 6.8317228149119416, "q_0.55": 6.914009441403124, "q_0.575": 6.984392089682237, "q_0.6": 7.090556387204751, "q_0.625": 7.188385545858182, "q_0.65": 7.38092137103429, "q_0.675": 7.473497471477349, "q_0.7": 7.588692279161636, "q_0.725": 7.663301039966068, "q_0.75": 7.776061914674912, "q_0.775": 7.895723366863788, "q_0.8": 8.012395823707582, "q_0.825": 8.114503278895993, "q_0.85": 8.221805004024278, "q_0.875": 8.351384810193501, "q_0.9": 8.501236984713952, "q_0.925": 8.597543237419693, "q_0.95": 8.678526350886326, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 83.1532613045218, "y": 7.5142978237200815, "y_true": 4.444452707074268, "y_pred": 6.747072700996834, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557606719214216, "q_0.05": 4.649510367688897, "q_0.075": 4.730799731903235, "q_0.1": 4.846905144778675, "q_0.125": 4.971148986294573, "q_0.15": 5.076711109306927, "q_0.175": 5.212224896951286, "q_0.2": 5.425175682468657, "q_0.225": 5.5650225234108275, "q_0.25": 5.666063859278035, "q_0.275": 5.763617911589514, "q_0.3": 5.880725247445652, "q_0.325": 6.0002396971481105, "q_0.35": 6.0992437544438785, "q_0.375": 6.235280783617888, "q_0.4": 6.327380002784864, "q_0.425": 6.412098295278259, "q_0.45": 6.514932326533614, "q_0.475": 6.639289246145984, "q_0.5": 6.747072700996834, "q_0.525": 6.831943468272714, "q_0.55": 6.915789627088493, "q_0.575": 6.984392089682237, "q_0.6": 7.118446852718025, "q_0.625": 7.193804305611335, "q_0.65": 7.388244484213244, "q_0.675": 7.481576741542824, "q_0.7": 7.602394882250917, "q_0.725": 7.669390382418008, "q_0.75": 7.7835732685260135, "q_0.775": 7.901397682027765, "q_0.8": 8.013159591495198, "q_0.825": 8.114503278895993, "q_0.85": 8.235819827590735, "q_0.875": 8.353987139950119, "q_0.9": 8.511539494434864, "q_0.925": 8.606702238234487, "q_0.95": 8.694079191281137, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 83.19327731092437, "y": 8.078701760777843, "y_true": 4.444922525920766, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732020561033832, "q_0.1": 4.875801950284103, "q_0.125": 4.977043761741297, "q_0.15": 5.078068846600801, "q_0.175": 5.24818044101043, "q_0.2": 5.435750532152411, "q_0.225": 5.596754924306473, "q_0.25": 5.7051626575548084, "q_0.275": 5.77199839472142, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.13279763633506, "q_0.375": 6.237064028762291, "q_0.4": 6.349084000786672, "q_0.425": 6.446101117070942, "q_0.45": 6.5566365014337, "q_0.475": 6.6990133855678895, "q_0.5": 6.753932644595816, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.993913251319144, "q_0.6": 7.120134177365377, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.6131657192050435, "q_0.725": 7.680986707663319, "q_0.75": 7.7835732685260135, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.125731123929855, "q_0.85": 8.24686190504441, "q_0.875": 8.372367582622786, "q_0.9": 8.515794582503428, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.23329331732694, "y": 6.610945882647042, "y_true": 4.445392124141165, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.991309900099821, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.034011598917915, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.125731123929855, "q_0.85": 8.253158928769395, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.27330932372949, "y": 5.041210239249921, "y_true": 4.445861501942581, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.991309900099821, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.034011598917915, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.125731123929855, "q_0.85": 8.253158928769395, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.31332533013206, "y": 8.218474484144245, "y_true": 4.446330659531834, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.991309900099821, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.034011598917915, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.125731123929855, "q_0.85": 8.253158928769395, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.35334133653461, "y": 6.996889990494486, "y_true": 4.446799597115458, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.991309900099821, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.034011598917915, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.125731123929855, "q_0.85": 8.253158928769395, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.39335734293718, "y": 7.729252645206323, "y_true": 4.447268314899691, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.991309900099821, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.034011598917915, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.125731123929855, "q_0.85": 8.253158928769395, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.43337334933975, "y": 7.573602962295361, "y_true": 4.447736813090488, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.991309900099821, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.034011598917915, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.125731123929855, "q_0.85": 8.253158928769395, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.4733893557423, "y": 8.743615197761091, "y_true": 4.4482050918935085, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.991309900099821, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.034011598917915, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.125731123929855, "q_0.85": 8.253158928769395, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.51340536214487, "y": 5.758925211820149, "y_true": 4.448673151514126, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.991309900099821, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.034011598917915, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.125731123929855, "q_0.85": 8.253158928769395, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.55342136854742, "y": 7.578857656444672, "y_true": 4.449140992157425, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.026732097997497, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.4842277450376, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.7835732685260135, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.59343737494999, "y": 6.072427775805698, "y_true": 4.449608614028204, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.026732097997497, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.4842277450376, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.7835732685260135, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.63345338135254, "y": 6.205039131452644, "y_true": 4.4500760173309715, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.026732097997497, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.4842277450376, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.7835732685260135, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.6734693877551, "y": 5.4741072109626785, "y_true": 4.450543202269952, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.026732097997497, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.4842277450376, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.7835732685260135, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.71348539415767, "y": 5.978165873657799, "y_true": 4.4510101690490815, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.146890586444009, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.494307419463388, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.75350140056022, "y": 8.661674632929188, "y_true": 4.4514769178720135, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.146890586444009, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.494307419463388, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.79351740696279, "y": 5.751022109966033, "y_true": 4.451943448942114, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.146890586444009, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.494307419463388, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.83353341336534, "y": 5.544778009252736, "y_true": 4.452409762462463, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.146890586444009, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.494307419463388, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.87354941976791, "y": 7.04268637801448, "y_true": 4.4528758586358625, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.146890586444009, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.494307419463388, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.91356542617046, "y": 5.599442980685961, "y_true": 4.453341737664824, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.146890586444009, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.494307419463388, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.95358143257303, "y": 6.5566365014337, "y_true": 4.453807399751582, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.146890586444009, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.494307419463388, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.9935974389756, "y": 8.160164203356791, "y_true": 4.454272845098084, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.146890586444009, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.494307419463388, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 84.03361344537815, "y": 5.478417414081877, "y_true": 4.454738073905999, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.141524179298767, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.037868419194714, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 84.07362945178072, "y": 6.351213677266079, "y_true": 4.455203086376713, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.141524179298767, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.037868419194714, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 84.11364545818327, "y": 7.168676553974224, "y_true": 4.45566788271133, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.141524179298767, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.037868419194714, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 84.15366146458584, "y": 6.881156978053098, "y_true": 4.456132463110677, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.141524179298767, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.037868419194714, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 84.1936774709884, "y": 8.789170680647835, "y_true": 4.456596827775299, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.141524179298767, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.037868419194714, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 84.23369347739096, "y": 7.481576741542824, "y_true": 4.457060976905462, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.141524179298767, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.037868419194714, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 84.27370948379352, "y": 7.747226894051673, "y_true": 4.457524910701153, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.141524179298767, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.037868419194714, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 84.31372549019608, "y": 8.757399042695802, "y_true": 4.457988629362081, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.141524179298767, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.037868419194714, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 84.35374149659864, "y": 6.30137691969869, "y_true": 4.458452133087679, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.708566595928236, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.040490396358344, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.3937575030012, "y": 6.039386478687201, "y_true": 4.458915422077101, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.708566595928236, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.040490396358344, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.43377350940376, "y": 4.6544672455588385, "y_true": 4.459378496529223, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.10050345105409, "q_0.175": 5.277204539643211, "q_0.2": 5.466052559851025, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.912273991434973, "q_0.325": 6.038294202381151, "q_0.35": 6.1554060397230455, "q_0.375": 6.246120396171547, "q_0.4": 6.351213677266079, "q_0.425": 6.455223396049245, "q_0.45": 6.5571161746619975, "q_0.475": 6.7077902783888845, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.963071720147777, "q_0.8": 8.040490396358344, "q_0.825": 8.149663120061545, "q_0.85": 8.26229962764565, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.626414190883203, "q_0.95": 8.731083381403074, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.47378951580633, "y": 5.279220753234176, "y_true": 4.459841356642649, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.10050345105409, "q_0.175": 5.277204539643211, "q_0.2": 5.466052559851025, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.912273991434973, "q_0.325": 6.038294202381151, "q_0.35": 6.1554060397230455, "q_0.375": 6.246120396171547, "q_0.4": 6.351213677266079, "q_0.425": 6.455223396049245, "q_0.45": 6.5571161746619975, "q_0.475": 6.7077902783888845, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.963071720147777, "q_0.8": 8.040490396358344, "q_0.825": 8.149663120061545, "q_0.85": 8.26229962764565, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.626414190883203, "q_0.95": 8.731083381403074, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.51380552220888, "y": 5.515484260468025, "y_true": 4.460304002615702, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.10050345105409, "q_0.175": 5.277204539643211, "q_0.2": 5.466052559851025, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.912273991434973, "q_0.325": 6.038294202381151, "q_0.35": 6.1554060397230455, "q_0.375": 6.246120396171547, "q_0.4": 6.351213677266079, "q_0.425": 6.455223396049245, "q_0.45": 6.5571161746619975, "q_0.475": 6.7077902783888845, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.963071720147777, "q_0.8": 8.040490396358344, "q_0.825": 8.149663120061545, "q_0.85": 8.26229962764565, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.626414190883203, "q_0.95": 8.731083381403074, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.55382152861145, "y": 5.277204539643211, "y_true": 4.460766434646436, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.10050345105409, "q_0.175": 5.277204539643211, "q_0.2": 5.466052559851025, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.912273991434973, "q_0.325": 6.038294202381151, "q_0.35": 6.1554060397230455, "q_0.375": 6.246120396171547, "q_0.4": 6.351213677266079, "q_0.425": 6.455223396049245, "q_0.45": 6.5571161746619975, "q_0.475": 6.7077902783888845, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.963071720147777, "q_0.8": 8.040490396358344, "q_0.825": 8.149663120061545, "q_0.85": 8.26229962764565, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.626414190883203, "q_0.95": 8.731083381403074, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.593837535014, "y": 7.819725094531, "y_true": 4.461228652932625, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.563077462932428, "q_0.05": 4.65943479221821, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.279220753234176, "q_0.2": 5.4741072109626785, "q_0.225": 5.60090035532502, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.937552160315894, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.571279519023628, "q_0.475": 6.710214355423524, "q_0.5": 6.767875097485854, "q_0.525": 6.846413164888051, "q_0.55": 6.927562068158622, "q_0.575": 7.0263333251320805, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.712264273562155, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.065028221486347, "q_0.825": 8.149663120061545, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.731083381403074, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.63385354141657, "y": 6.846413164888051, "y_true": 4.461690657671771, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.660405203001196, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.103743398252113, "q_0.175": 5.279220753234176, "q_0.2": 5.475831292210361, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.941777400652301, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.5776147809679015, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.729252645206323, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.067469545745688, "q_0.825": 8.159333173662095, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.67386954781914, "y": 7.433488644096537, "y_true": 4.4621524490611035, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.660405203001196, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.103743398252113, "q_0.175": 5.279220753234176, "q_0.2": 5.475831292210361, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.941777400652301, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.5776147809679015, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.729252645206323, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.067469545745688, "q_0.825": 8.159333173662095, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.71388555422169, "y": 8.114503278895993, "y_true": 4.462614027297576, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.660405203001196, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.103743398252113, "q_0.175": 5.279220753234176, "q_0.2": 5.475831292210361, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.941777400652301, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.5776147809679015, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.729252645206323, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.067469545745688, "q_0.825": 8.159333173662095, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.75390156062426, "y": 5.49036134233919, "y_true": 4.463075392577873, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.660405203001196, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.103743398252113, "q_0.175": 5.279220753234176, "q_0.2": 5.475831292210361, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.941777400652301, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.5776147809679015, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.729252645206323, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.067469545745688, "q_0.825": 8.159333173662095, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.79391756702681, "y": 5.914533014018397, "y_true": 4.463536545098405, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.660405203001196, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.103743398252113, "q_0.175": 5.279220753234176, "q_0.2": 5.475831292210361, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.941777400652301, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.5776147809679015, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.729252645206323, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.067469545745688, "q_0.825": 8.159333173662095, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.83393357342938, "y": 7.617910955751531, "y_true": 4.46399748505531, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.660405203001196, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.103743398252113, "q_0.175": 5.279220753234176, "q_0.2": 5.475831292210361, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.941777400652301, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.5776147809679015, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.729252645206323, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.067469545745688, "q_0.825": 8.159333173662095, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.87394957983193, "y": 6.213366871329344, "y_true": 4.464458212644455, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.660405203001196, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.103743398252113, "q_0.175": 5.279220753234176, "q_0.2": 5.475831292210361, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.941777400652301, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.5776147809679015, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.729252645206323, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.067469545745688, "q_0.825": 8.159333173662095, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.9139655862345, "y": 4.5952723636492, "y_true": 4.4649187280614395, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.660405203001196, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.103743398252113, "q_0.175": 5.279220753234176, "q_0.2": 5.475831292210361, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.941777400652301, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.5776147809679015, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.729252645206323, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.067469545745688, "q_0.825": 8.159333173662095, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.95398159263706, "y": 6.402587829509397, "y_true": 4.465379031501589, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.660405203001196, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.103743398252113, "q_0.175": 5.279220753234176, "q_0.2": 5.475831292210361, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.941777400652301, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.5776147809679015, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.729252645206323, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.067469545745688, "q_0.825": 8.159333173662095, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.99399759903962, "y": 8.511539494434864, "y_true": 4.465839123159962, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.946996614527446, "q_0.325": 6.044330210893478, "q_0.35": 6.180114464839802, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.585532854626287, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.277634175261337, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.618325241690449, "q_0.725": 7.729252645206323, "q_0.75": 7.819725094531, "q_0.775": 7.969313538515071, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.266762790364961, "q_0.875": 8.397940800398864, "q_0.9": 8.560528974284738, "q_0.925": 8.636956779745413, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 85.03401360544218, "y": 6.288384606409618, "y_true": 4.466299003231347, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.946996614527446, "q_0.325": 6.044330210893478, "q_0.35": 6.180114464839802, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.585532854626287, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.277634175261337, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.618325241690449, "q_0.725": 7.729252645206323, "q_0.75": 7.819725094531, "q_0.775": 7.969313538515071, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.266762790364961, "q_0.875": 8.397940800398864, "q_0.9": 8.560528974284738, "q_0.925": 8.636956779745413, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 85.07402961184474, "y": 5.946996614527446, "y_true": 4.466758671910262, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.946996614527446, "q_0.325": 6.044330210893478, "q_0.35": 6.180114464839802, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.585532854626287, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.277634175261337, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.618325241690449, "q_0.725": 7.729252645206323, "q_0.75": 7.819725094531, "q_0.775": 7.969313538515071, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.266762790364961, "q_0.875": 8.397940800398864, "q_0.9": 8.560528974284738, "q_0.925": 8.636956779745413, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 85.1140456182473, "y": 8.876217858803319, "y_true": 4.467218129390962, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.718625662234357, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.940266859897525, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729791712913657, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.560528974284738, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 85.15406162464987, "y": 7.339281484523887, "y_true": 4.467677375867428, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.718625662234357, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.940266859897525, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729791712913657, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.560528974284738, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 85.19407763105242, "y": 6.0992437544438785, "y_true": 4.468136411533378, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.718625662234357, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.940266859897525, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729791712913657, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.560528974284738, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 85.23409363745499, "y": 4.923302982117865, "y_true": 4.468595236582263, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.718625662234357, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.940266859897525, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729791712913657, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.560528974284738, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 85.27410964385754, "y": 7.980916032181643, "y_true": 4.469053851207266, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.718625662234357, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.940266859897525, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729791712913657, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.560528974284738, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 85.31412565026011, "y": 7.626105540532846, "y_true": 4.469512255601306, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.876517188010016, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.725073101040283, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.568949105019012, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.844261149052482, "q_1": 9.117904357059661}, {"x": 85.35414165666266, "y": 8.580292183758063, "y_true": 4.469970449957037, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.876517188010016, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.725073101040283, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.568949105019012, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.844261149052482, "q_1": 9.117904357059661}, {"x": 85.39415766306523, "y": 5.43924309841885, "y_true": 4.470428434466847, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.876517188010016, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.725073101040283, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.568949105019012, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.844261149052482, "q_1": 9.117904357059661}, {"x": 85.4341736694678, "y": 4.98337791644885, "y_true": 4.47088620932286, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.876517188010016, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.725073101040283, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.568949105019012, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.844261149052482, "q_1": 9.117904357059661}, {"x": 85.47418967587035, "y": 7.700595723864465, "y_true": 4.471343774716937, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.876517188010016, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.725073101040283, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.568949105019012, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.844261149052482, "q_1": 9.117904357059661}, {"x": 85.51420568227292, "y": 5.379009359805703, "y_true": 4.471801130840675, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.6165482121384915, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.078701760777843, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.57729771367967, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.55422168867547, "y": 5.257817180679621, "y_true": 4.472258277885409, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.6165482121384915, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.078701760777843, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.57729771367967, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.59423769507804, "y": 5.899450341992198, "y_true": 4.472715216042212, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.620434173260784, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.180114464839802, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.078701760777843, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.57729771367967, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.6342537014806, "y": 8.117596821078196, "y_true": 4.4731719455018935, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.620434173260784, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.180114464839802, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.078701760777843, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.57729771367967, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.67426970788316, "y": 6.8811255412556935, "y_true": 4.473628466455003, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.620434173260784, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.180114464839802, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.078701760777843, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.57729771367967, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.71428571428572, "y": 4.67869742851378, "y_true": 4.474084779091829, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.620434173260784, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.180114464839802, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.078701760777843, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.57729771367967, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.75430172068828, "y": 6.544939930572705, "y_true": 4.474540883602399, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.620434173260784, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.180114464839802, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.078701760777843, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.57729771367967, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.79431772709084, "y": 7.527967925067729, "y_true": 4.474996780176483, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.480378124576764, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.288384606409618, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.412008718268771, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.975557626239649, "q_0.8": 8.078701760777843, "q_0.825": 8.176438771149055, "q_0.85": 8.290064088436722, "q_0.875": 8.415415940801093, "q_0.9": 8.57729771367967, "q_0.925": 8.646326542285099, "q_0.95": 8.75141489812569, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.8343337334934, "y": 6.878730305340124, "y_true": 4.475452469003588, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.480378124576764, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.288384606409618, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.412008718268771, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.975557626239649, "q_0.8": 8.078701760777843, "q_0.825": 8.176438771149055, "q_0.85": 8.290064088436722, "q_0.875": 8.415415940801093, "q_0.9": 8.57729771367967, "q_0.925": 8.646326542285099, "q_0.95": 8.75141489812569, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.87434973989596, "y": 7.031590664874649, "y_true": 4.475907950272963, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.480378124576764, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.288384606409618, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.412008718268771, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.975557626239649, "q_0.8": 8.078701760777843, "q_0.825": 8.176438771149055, "q_0.85": 8.290064088436722, "q_0.875": 8.415415940801093, "q_0.9": 8.57729771367967, "q_0.925": 8.646326542285099, "q_0.95": 8.75141489812569, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.91436574629853, "y": 5.479976762251183, "y_true": 4.476363224173601, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.480378124576764, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.288384606409618, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.412008718268771, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.975557626239649, "q_0.8": 8.078701760777843, "q_0.825": 8.176438771149055, "q_0.85": 8.290064088436722, "q_0.875": 8.415415940801093, "q_0.9": 8.57729771367967, "q_0.925": 8.646326542285099, "q_0.95": 8.75141489812569, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.95438175270108, "y": 8.26229962764565, "y_true": 4.476818290894234, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.480378124576764, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.288384606409618, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.412008718268771, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.975557626239649, "q_0.8": 8.078701760777843, "q_0.825": 8.176438771149055, "q_0.85": 8.290064088436722, "q_0.875": 8.415415940801093, "q_0.9": 8.57729771367967, "q_0.925": 8.646326542285099, "q_0.95": 8.75141489812569, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.99439775910365, "y": 6.984392089682237, "y_true": 4.477273150623339, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.480378124576764, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.288384606409618, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.412008718268771, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.975557626239649, "q_0.8": 8.078701760777843, "q_0.825": 8.176438771149055, "q_0.85": 8.290064088436722, "q_0.875": 8.415415940801093, "q_0.9": 8.57729771367967, "q_0.925": 8.646326542285099, "q_0.95": 8.75141489812569, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.0344137655062, "y": 7.663301039966068, "y_true": 4.477727803549133, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.7503585766329754, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.959720916527021, "q_0.325": 6.057690520263299, "q_0.35": 6.1844684512491375, "q_0.375": 6.288384606409618, "q_0.4": 6.38830657909329, "q_0.425": 6.4791162595064655, "q_0.45": 6.592643613372832, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.078701760777843, "q_0.825": 8.176438771149055, "q_0.85": 8.290064088436722, "q_0.875": 8.415415940801093, "q_0.9": 8.57729771367967, "q_0.925": 8.646326542285099, "q_0.95": 8.75141489812569, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.07442977190877, "y": 8.863937268116876, "y_true": 4.478182249859579, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.7503585766329754, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.959720916527021, "q_0.325": 6.057690520263299, "q_0.35": 6.1844684512491375, "q_0.375": 6.288384606409618, "q_0.4": 6.38830657909329, "q_0.425": 6.4791162595064655, "q_0.45": 6.592643613372832, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.078701760777843, "q_0.825": 8.176438771149055, "q_0.85": 8.290064088436722, "q_0.875": 8.415415940801093, "q_0.9": 8.57729771367967, "q_0.925": 8.646326542285099, "q_0.95": 8.75141489812569, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.11444577831132, "y": 6.391495263221277, "y_true": 4.4786364897423825, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.687350626979153, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.176438771149055, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.15446178471389, "y": 8.415415940801093, "y_true": 4.479090523384993, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.687350626979153, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.176438771149055, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.19447779111646, "y": 4.5120769478925356, "y_true": 4.479544350974608, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.96145504570993, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.23449379751901, "y": 4.629281794590717, "y_true": 4.479997972698166, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.96145504570993, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.27450980392157, "y": 7.118446852718025, "y_true": 4.480451388742352, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.96145504570993, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.31452581032413, "y": 5.872932917036346, "y_true": 4.480904599293599, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.96145504570993, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.3545418167267, "y": 5.591147659858958, "y_true": 4.481357604538087, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.96145504570993, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.39455782312926, "y": 5.724301801078898, "y_true": 4.48181040466174, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.96145504570993, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.43457382953181, "y": 5.905807746440309, "y_true": 4.482262999850232, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.96145504570993, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.47458983593438, "y": 7.742094468175936, "y_true": 4.482715390288986, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.96145504570993, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.51460584233693, "y": 7.028501371106932, "y_true": 4.483167576163169, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.52071486868123, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.5546218487395, "y": 8.012395823707582, "y_true": 4.483619557657701, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.52071486868123, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.59463785514205, "y": 8.197308002501416, "y_true": 4.484071334957252, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.52071486868123, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.63465386154462, "y": 8.255119321802304, "y_true": 4.4845229082462374, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.52071486868123, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.67466986794719, "y": 6.339940039407706, "y_true": 4.484974277708828, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.52071486868123, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.71468587434974, "y": 6.370240255705349, "y_true": 4.48542544352894, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.75470188075231, "y": 8.630495179432762, "y_true": 4.485876405890245, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.79471788715486, "y": 7.447720136331995, "y_true": 4.486327164976165, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.83473389355743, "y": 4.846905144778675, "y_true": 4.486777720969874, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.87474989996, "y": 6.914009441403124, "y_true": 4.487228074054298, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.91476590636255, "y": 6.081297649416187, "y_true": 4.487678224412116, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.95478191276511, "y": 8.908699687712478, "y_true": 4.488128172225761, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.99479791916767, "y": 4.549716964490572, "y_true": 4.488577917677421, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.03481392557023, "y": 7.230209559757361, "y_true": 4.4890274609490355, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117150512290443, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.882374294961595, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.838171093255294, "q_0.775": 7.980916032181643, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.07482993197279, "y": 7.729996186871609, "y_true": 4.4894768022223, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117150512290443, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.882374294961595, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.838171093255294, "q_0.775": 7.980916032181643, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.11484593837535, "y": 5.783835662042167, "y_true": 4.489925941678667, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117150512290443, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.882374294961595, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.838171093255294, "q_0.775": 7.980916032181643, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.15486194477792, "y": 8.85140779674296, "y_true": 4.490374879499341, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117150512290443, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.882374294961595, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.838171093255294, "q_0.775": 7.980916032181643, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.19487795118047, "y": 8.341159957816656, "y_true": 4.490823615865286, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117150512290443, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.882374294961595, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.838171093255294, "q_0.775": 7.980916032181643, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.23489395758304, "y": 8.593399174917819, "y_true": 4.4912721509572195, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117150512290443, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.882374294961595, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.838171093255294, "q_0.775": 7.980916032181643, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.27490996398559, "y": 4.5778888791669194, "y_true": 4.49172048495562, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117150512290443, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.882374294961595, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.838171093255294, "q_0.775": 7.980916032181643, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.31492597038816, "y": 7.045713944006282, "y_true": 4.492168618040718, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117150512290443, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.882374294961595, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.838171093255294, "q_0.775": 7.980916032181643, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.35494197679073, "y": 5.813050987330242, "y_true": 4.492616550392506, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117150512290443, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.882374294961595, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.838171093255294, "q_0.775": 7.980916032181643, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.39495798319328, "y": 8.298253495624909, "y_true": 4.493064282190733, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.43497398959585, "y": 7.330113278865303, "y_true": 4.493511813614909, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.4749899959984, "y": 6.909593822858551, "y_true": 4.493959144844298, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.51500600240097, "y": 5.0081247609927, "y_true": 4.494406276057928, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.55502200880352, "y": 6.917009181616521, "y_true": 4.494853207434587, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.59503801520609, "y": 7.328806062418579, "y_true": 4.495299939152821, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.63505402160865, "y": 8.782561436427532, "y_true": 4.4957464713909365, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.6750700280112, "y": 7.120134177365377, "y_true": 4.496192804327004, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.71508603441377, "y": 8.83584657488061, "y_true": 4.4966389381388545, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.75510204081633, "y": 8.810735394257996, "y_true": 4.49708487300408, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.79511804721889, "y": 7.414544968596967, "y_true": 4.497530609100036, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.83513405362145, "y": 6.767875097485854, "y_true": 4.497976146603842, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.87515006002401, "y": 6.589569435974425, "y_true": 4.498421485692379, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.91516606642658, "y": 8.494603113876268, "y_true": 4.498866626542292, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.95518207282913, "y": 4.626131311340627, "y_true": 4.499311569329991, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.9951980792317, "y": 5.010593790461873, "y_true": 4.49975631423165, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 88.03521408563425, "y": 4.9584041151780704, "y_true": 4.50020086142321, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 88.07523009203682, "y": 7.898892194445093, "y_true": 4.500645211080373, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 88.11524609843939, "y": 6.026098831652635, "y_true": 4.501089363378613, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 88.15526210484194, "y": 7.366254109140413, "y_true": 4.501533318493164, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 88.1952781112445, "y": 7.213462308810518, "y_true": 4.501977076599031, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 88.23529411764706, "y": 6.235280783617888, "y_true": 4.502420637870985, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 88.27531012404962, "y": 6.890520012280274, "y_true": 4.502864002483565, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.31532613045218, "y": 7.401381135835537, "y_true": 4.503307170611076, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.35534213685474, "y": 8.731083381403074, "y_true": 4.503750142427593, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.39535814325731, "y": 7.090556387204751, "y_true": 4.504192918106961, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.43537414965986, "y": 7.265305918721284, "y_true": 4.5046354978227905, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.47539015606243, "y": 4.810019457720938, "y_true": 4.505077881748465, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.51540616246498, "y": 8.78516906076949, "y_true": 4.505520070057137, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.55542216886755, "y": 6.879615170004694, "y_true": 4.505962062921728, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.59543817527012, "y": 8.108371794791108, "y_true": 4.506403860514932, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.63545418167267, "y": 4.732941557211765, "y_true": 4.506845463009213, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.67547018807524, "y": 6.3997818723834055, "y_true": 4.507286870576809, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.71548619447779, "y": 5.663255085358033, "y_true": 4.507728083389727, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.75550220088036, "y": 5.708783567339424, "y_true": 4.508169101619748, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.79551820728291, "y": 8.068200828625084, "y_true": 4.508609925438426, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.83553421368548, "y": 7.315190982871181, "y_true": 4.509050555017087, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.87555022008804, "y": 6.487652707470597, "y_true": 4.509490990526832, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.9155662264906, "y": 4.557555109791887, "y_true": 4.509931232138534, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.95558223289316, "y": 8.851887029700187, "y_true": 4.510371280022845, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.99559823929572, "y": 8.83968562066385, "y_true": 4.5108111343501855, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.03561424569828, "y": 5.4902804063026664, "y_true": 4.5112507952907555, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.07563025210085, "y": 4.69777579925783, "y_true": 4.51169026301453, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.1156462585034, "y": 6.898606605378788, "y_true": 4.512129537691259, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.15566226490597, "y": 8.795380323951093, "y_true": 4.5125686194904695, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.19567827130852, "y": 8.611592775896343, "y_true": 4.513007508581466, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.23569427771109, "y": 7.145846942462921, "y_true": 4.513446205133327, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.27571028411364, "y": 5.880725247445652, "y_true": 4.5138847093149135, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.31572629051621, "y": 6.0002396971481105, "y_true": 4.514323021294861, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.35574229691878, "y": 8.55874340324878, "y_true": 4.514761141241584, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.39575830332133, "y": 6.730291416884388, "y_true": 4.515199069323275, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.4357743097239, "y": 5.10626820521813, "y_true": 4.515636805707909, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.47579031612645, "y": 5.63525156638366, "y_true": 4.516074350563237, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.51580632252902, "y": 5.763617911589514, "y_true": 4.51651170405679, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.55582232893157, "y": 5.073646087604473, "y_true": 4.516948866355881, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.59583833533414, "y": 6.604052871367486, "y_true": 4.517385837627604, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.6358543417367, "y": 8.646326542285099, "y_true": 4.517822618038832, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.67587034813926, "y": 7.532656934455018, "y_true": 4.518259207756221, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.71588635454182, "y": 4.845388670289239, "y_true": 4.518695606946207, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.75590236094438, "y": 4.5439034078690606, "y_true": 4.519131815775011, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.79591836734694, "y": 5.765062027334191, "y_true": 4.519567834408634, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.83593437374951, "y": 6.1554060397230455, "y_true": 4.520003663012862, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.87595038015206, "y": 8.023188356534959, "y_true": 4.520439301753263, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.91596638655463, "y": 8.88200742103362, "y_true": 4.520874750795189, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.95598239295718, "y": 6.269383563495164, "y_true": 4.521310010303775, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.99599839935975, "y": 7.619277132554094, "y_true": 4.521745080443943, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.0360144057623, "y": 9.010436355386776, "y_true": 4.522179961380399, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.07603041216487, "y": 7.886834595438653, "y_true": 4.522614653277632, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.11604641856744, "y": 7.393621606300377, "y_true": 4.523049156299918, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.15606242496999, "y": 4.875801950284103, "y_true": 4.523483470611321, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.19607843137256, "y": 5.982591644497074, "y_true": 4.523917596375689, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.23609443777511, "y": 8.646901911275965, "y_true": 4.524351533756656, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.27611044417768, "y": 5.432101734387852, "y_true": 4.524785282917646, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.31612645058024, "y": 8.333461920170596, "y_true": 4.525218844021867, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.3561424569828, "y": 7.669390382418008, "y_true": 4.525652217232318, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.39615846338536, "y": 6.180114464839802, "y_true": 4.526085402711784, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.43617446978791, "y": 6.9160795254472545, "y_true": 4.526518400622839, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.47619047619048, "y": 6.978307956479305, "y_true": 4.526951211127847, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.51620648259303, "y": 7.752419234250754, "y_true": 4.52738383438896, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.5562224889956, "y": 6.861075300814898, "y_true": 4.5278162705681195, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.59623849539817, "y": 5.1294046945888265, "y_true": 4.528248519827059, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.63625450180072, "y": 8.023014968910232, "y_true": 4.528680582327299, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.67627050820329, "y": 6.364758681587269, "y_true": 4.529112458230155, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.71628651460584, "y": 8.88147648048192, "y_true": 4.529544147696728, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.75630252100841, "y": 5.8112130410988385, "y_true": 4.529975650887917, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.79631852741097, "y": 5.719410508128275, "y_true": 4.530406967964408, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.83633453381353, "y": 6.038294202381151, "y_true": 4.530838099086681, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.8763505402161, "y": 7.118395869102744, "y_true": 4.5312690444150086, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.91636654661865, "y": 8.57729771367967, "y_true": 4.531699804109454, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.95638255302121, "y": 5.329155089641667, "y_true": 4.532130378329878, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.99639855942377, "y": 5.797198210916315, "y_true": 4.532560767235931, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.03641456582633, "y": 7.163454430668503, "y_true": 4.5329909709870595, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.0764305722289, "y": 6.58820166534862, "y_true": 4.5334209897425035, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.11644657863145, "y": 6.5571161746619975, "y_true": 4.5338508236612975, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.15646258503402, "y": 8.24686190504441, "y_true": 4.534280472902272, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.19647859143657, "y": 8.714263257179471, "y_true": 4.534709937624052, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.23649459783914, "y": 6.712743216244316, "y_true": 4.5351392179850585, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.2765106042417, "y": 7.645690583100041, "y_true": 4.535568314143507, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.31652661064426, "y": 8.160966672885124, "y_true": 4.535997226257414, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.35654261704683, "y": 6.882374294961595, "y_true": 4.536425954484588, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.39655862344938, "y": 5.868956975983773, "y_true": 4.536854498982635, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.43657462985195, "y": 7.425587294941825, "y_true": 4.537282859908962, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.4765906362545, "y": 7.1864739195534355, "y_true": 4.53771103742077, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.51660664265707, "y": 8.619863866968766, "y_true": 4.538139031675061, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.55662264905963, "y": 4.7758565031849525, "y_true": 4.538566842828633, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.59663865546219, "y": 8.660299510850912, "y_true": 4.538994471038085, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.63665466186475, "y": 6.959696173562709, "y_true": 4.539421916459814, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.6766706682673, "y": 4.610848139434947, "y_true": 4.539849179250016, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.71668667466987, "y": 6.10162148381928, "y_true": 4.540276259564688, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.75670268107243, "y": 7.8219196898771575, "y_true": 4.540703157559628, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.79671868747499, "y": 6.753932644595816, "y_true": 4.541129873390433, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.83673469387756, "y": 8.982502542065031, "y_true": 4.5415564072125, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.87675070028011, "y": 6.456944525411682, "y_true": 4.54198275918103, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.91676670668268, "y": 6.02262314226934, "y_true": 4.542408929451025, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.95678271308523, "y": 8.266762790364961, "y_true": 4.5428349181772845, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.9967987194878, "y": 7.026683492747557, "y_true": 4.5432607255144175, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.03681472589037, "y": 7.636669508528806, "y_true": 4.54368635161683, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.07683073229292, "y": 8.196703151306775, "y_true": 4.544111796638734, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.11684673869549, "y": 7.588692279161636, "y_true": 4.544537060734142, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.15686274509804, "y": 6.460278013670872, "y_true": 4.544962144056873, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303948529591591, "q_0.4": 6.402587829509397, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.1968787515006, "y": 5.111303275047512, "y_true": 4.545387046760548, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.826750504928085, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303355969642889, "q_0.4": 6.402262026196145, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.23689475790316, "y": 7.177320475731536, "y_true": 4.545811768998593, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.826750504928085, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303355969642889, "q_0.4": 6.402262026196145, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.27691076430573, "y": 8.616610321711462, "y_true": 4.546236310924239, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.826750504928085, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303355969642889, "q_0.4": 6.402262026196145, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.31692677070829, "y": 6.446757353769544, "y_true": 4.54666067269052, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.826750504928085, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303355969642889, "q_0.4": 6.402262026196145, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.35694277711085, "y": 8.678526350886326, "y_true": 4.5470848544502775, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.826750504928085, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303355969642889, "q_0.4": 6.402262026196145, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.39695878351341, "y": 6.831943468272714, "y_true": 4.547508856356159, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.826750504928085, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303355969642889, "q_0.4": 6.402262026196145, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.43697478991596, "y": 7.364869117417418, "y_true": 4.547932678560614, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.826750504928085, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303355969642889, "q_0.4": 6.402262026196145, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.47699079631853, "y": 8.328220888956123, "y_true": 4.548356321215903, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.826750504928085, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303355969642889, "q_0.4": 6.402262026196145, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.5170068027211, "y": 7.1110023808265534, "y_true": 4.54877978447409, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.826750504928085, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303355969642889, "q_0.4": 6.402262026196145, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.55702280912365, "y": 4.962073884620831, "y_true": 4.549203068487047, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.654152155726985, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.59703881552622, "y": 9.002290443880572, "y_true": 4.549626173406454, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.654152155726985, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.63705482192877, "y": 5.666063859278035, "y_true": 4.550049099383795, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.654152155726985, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.67707082833134, "y": 7.776061914674912, "y_true": 4.5504718465703675, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.654152155726985, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.71708683473389, "y": 6.844251125635344, "y_true": 4.5508944151172726, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.654152155726985, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.75710284113646, "y": 6.725283272356965, "y_true": 4.551316805175422, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.118047301014095, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.959720916527021, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.277634175261337, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.79711884753902, "y": 5.659506997501113, "y_true": 4.551739016895536, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.83713485394158, "y": 7.831852566920745, "y_true": 4.552161050428143, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.87715086034414, "y": 5.064865740995338, "y_true": 4.552582905923583, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.9171668667467, "y": 9.052052760289175, "y_true": 4.553004583532004, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.95718287314926, "y": 8.39382210709838, "y_true": 4.553426083403364, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.99719887955183, "y": 6.982263155741037, "y_true": 4.553847405687434, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.03721488595438, "y": 6.483305829133004, "y_true": 4.554268550533791, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.07723089235695, "y": 5.856418052260201, "y_true": 4.55468951809183, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.958508522862876, "q_0.325": 6.045991727725136, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.396331630299205, "q_0.675": 7.5133051252567515, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.1172468987595, "y": 6.834613470179619, "y_true": 4.555110308510749, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.321254834181335, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.201121542961315, "q_0.375": 6.272889904759298, "q_0.4": 6.38830657909329, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.846413164888051, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.396331630299205, "q_0.675": 7.50977496937789, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.19749931912753, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.15726290516207, "y": 8.552453733116586, "y_true": 4.5555309219395665, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.767873242768626, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.321254834181335, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.789576779354622, "q_0.525": 6.846413164888051, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.255813732982542, "q_0.65": 7.396331630299205, "q_0.675": 7.50977496937789, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.840312638765685, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.19727891156462, "y": 5.805963058307168, "y_true": 4.555951358527106, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.767873242768626, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.321254834181335, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.789576779354622, "q_0.525": 6.846413164888051, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.255813732982542, "q_0.65": 7.396331630299205, "q_0.675": 7.50977496937789, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.840312638765685, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.23729491796719, "y": 6.8317228149119416, "y_true": 4.556371618422006, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.767873242768626, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.321254834181335, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.789576779354622, "q_0.525": 6.846413164888051, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.255813732982542, "q_0.65": 7.396331630299205, "q_0.675": 7.50977496937789, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.840312638765685, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.27731092436976, "y": 5.623111978822796, "y_true": 4.5567917017727195, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.586965632995195, "q_0.475": 6.718625662234357, "q_0.5": 6.789576779354622, "q_0.525": 6.846413164888051, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.50977496937789, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.31732693077231, "y": 6.0901156550857785, "y_true": 4.55721160872751, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.586965632995195, "q_0.475": 6.718625662234357, "q_0.5": 6.789576779354622, "q_0.525": 6.846413164888051, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.50977496937789, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.35734293717488, "y": 5.422762824837261, "y_true": 4.5576313394344545, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.586965632995195, "q_0.475": 6.718625662234357, "q_0.5": 6.789576779354622, "q_0.525": 6.846413164888051, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.50977496937789, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.39735894357743, "y": 9.062540849971839, "y_true": 4.558050894041444, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.586965632995195, "q_0.475": 6.718625662234357, "q_0.5": 6.789576779354622, "q_0.525": 6.846413164888051, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.50977496937789, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.43737494998, "y": 7.157604606791473, "y_true": 4.558470272696185, "y_pred": 6.778923927027959, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.584403129278517, "q_0.475": 6.718625662234357, "q_0.5": 6.778923927027959, "q_0.525": 6.846289046593325, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.47739095638255, "y": 7.891996881094482, "y_true": 4.558889475546196, "y_pred": 6.778923927027959, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.584403129278517, "q_0.475": 6.718625662234357, "q_0.5": 6.778923927027959, "q_0.525": 6.846289046593325, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.51740696278512, "y": 5.006226138839089, "y_true": 4.559308502738811, "y_pred": 6.778923927027959, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.584403129278517, "q_0.475": 6.718625662234357, "q_0.5": 6.778923927027959, "q_0.525": 6.846289046593325, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.55742296918768, "y": 6.225271986032057, "y_true": 4.559727354421179, "y_pred": 6.778923927027959, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.584403129278517, "q_0.475": 6.718625662234357, "q_0.5": 6.778923927027959, "q_0.525": 6.846289046593325, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.59743897559024, "y": 8.621327218104792, "y_true": 4.560146030740264, "y_pred": 6.778923927027959, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.354648463001193, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.586464160566078, "q_0.475": 6.718625662234357, "q_0.5": 6.778923927027959, "q_0.525": 6.846413164888051, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.500490658593364, "q_0.9": 8.595094006199352, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.6374549819928, "y": 4.944763419976961, "y_true": 4.560564531842845, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.317994806823119, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.582366624785327, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.500490658593364, "q_0.9": 8.595443896373691, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 93.67747098839536, "y": 5.314010328940865, "y_true": 4.560982857875517, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.317994806823119, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.582366624785327, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.500490658593364, "q_0.9": 8.595443896373691, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 93.71748699479792, "y": 7.407613161302036, "y_true": 4.561401008984693, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.317994806823119, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.582366624785327, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.500490658593364, "q_0.9": 8.595443896373691, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 93.75750300120049, "y": 7.396331630299205, "y_true": 4.561818985316599, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.314010328940865, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.584403129278517, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 93.79751900760304, "y": 8.377631068613598, "y_true": 4.56223678701728, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.314010328940865, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.584403129278517, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 93.83753501400561, "y": 8.82117208413729, "y_true": 4.562654414232599, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.314010328940865, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.584403129278517, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 93.87755102040816, "y": 5.2094776668517895, "y_true": 4.563071867108231, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 93.91756702681073, "y": 5.744420423879747, "y_true": 4.563489145789677, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.994955110030511, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 93.95758303321328, "y": 6.510321966120001, "y_true": 4.5639062504222485, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.994955110030511, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 93.99759903961585, "y": 4.56843660938355, "y_true": 4.564323181151079, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.994955110030511, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.03761504601842, "y": 4.882693316424714, "y_true": 4.564739938121121, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.994955110030511, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.07763105242097, "y": 5.596754924306473, "y_true": 4.5651565214771415, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.994955110030511, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.11764705882354, "y": 6.757047471097765, "y_true": 4.565572931363732, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.994955110030511, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.15766306522609, "y": 5.7118098369370545, "y_true": 4.5659891679253, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.994955110030511, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.19767907162866, "y": 8.560528974284738, "y_true": 4.566405231306076, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.994955110030511, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.23769507803122, "y": 6.044330210893478, "y_true": 4.566821121650106, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.27771108443378, "y": 8.780554280105154, "y_true": 4.56723683910126, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.31772709083634, "y": 9.009968296794789, "y_true": 4.567652383803227, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.3577430972389, "y": 6.6183726690495766, "y_true": 4.568067755899518, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.39775910364146, "y": 5.603748615191543, "y_true": 4.568482955533464, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.43777511004402, "y": 5.898450604535707, "y_true": 4.568897982848218, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.47779111644658, "y": 8.108535542540102, "y_true": 4.569312837986756, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.51780712284915, "y": 5.816014313219066, "y_true": 4.569727521091874, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.5578231292517, "y": 6.30549773952699, "y_true": 4.570142032306192, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.59783913565427, "y": 6.752934176496481, "y_true": 4.5705563717721525, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.63785514205682, "y": 7.193804305611335, "y_true": 4.570970539632021, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.67787114845939, "y": 9.11458573503138, "y_true": 4.571384536027885, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.71788715486196, "y": 5.631001143383613, "y_true": 4.571798361101658, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.75790316126451, "y": 6.1844684512491375, "y_true": 4.572212014995076, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.79791916766708, "y": 5.77199839472142, "y_true": 4.572625497849698, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.83793517406963, "y": 6.220676133338011, "y_true": 4.57303880980691, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.8779511804722, "y": 5.033430626849856, "y_true": 4.573451951007922, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.91796718687475, "y": 6.215854390040508, "y_true": 4.573864921593767, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.95798319327731, "y": 8.626414190883203, "y_true": 4.574277721705306, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.99799919967988, "y": 5.937552160315894, "y_true": 4.574690351483223, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.03801520608243, "y": 6.272889904759298, "y_true": 4.575102811068032, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.465536254452598, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.078031212485, "y": 8.887191425445145, "y_true": 4.575515100600069, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.465536254452598, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.11804721888755, "y": 7.901397682027765, "y_true": 4.575927220219499, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.465536254452598, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.15806322529012, "y": 6.9357646949765765, "y_true": 4.576339170066312, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.465536254452598, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.19807923169267, "y": 8.125731123929855, "y_true": 4.576750950280326, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.245968280349431, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.390871705727871, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.23809523809524, "y": 5.139702495332067, "y_true": 4.577162561001188, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.245968280349431, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.390871705727871, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.27811124449781, "y": 6.6990133855678895, "y_true": 4.577574002368369, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.245968280349431, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.31812725090036, "y": 5.118047301014095, "y_true": 4.577985274521171, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.35814325730293, "y": 5.645580863236789, "y_true": 4.5783963775987235, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.39815926370548, "y": 5.226926058720448, "y_true": 4.578807311739983, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.43817527010805, "y": 6.232252530174902, "y_true": 4.579218077083737, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.47819127651061, "y": 6.323459702852928, "y_true": 4.579628673768599, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.51820728291317, "y": 8.908985126808997, "y_true": 4.580039101933015, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.55822328931573, "y": 5.787542562230623, "y_true": 4.58044936171526, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.59823929571829, "y": 6.740124079473436, "y_true": 4.580859453253438, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.63825530212085, "y": 8.290064088436722, "y_true": 4.581269376685482, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.6782713085234, "y": 8.310184130019666, "y_true": 4.581679132149158, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.71828731492597, "y": 8.012509576991988, "y_true": 4.58208871978206, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.75830332132854, "y": 5.898536315686575, "y_true": 4.582498139721618, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.7983193277311, "y": 6.846229285932902, "y_true": 4.582907392105086, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.83833533413366, "y": 5.434870098168665, "y_true": 4.583316477069555, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.87835134053621, "y": 5.445362337985604, "y_true": 4.583725394751946, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.91836734693878, "y": 6.5776147809679015, "y_true": 4.584134145289013, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.95838335334135, "y": 7.963071720147777, "y_true": 4.5845427288173415, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.9983993597439, "y": 6.993913251319144, "y_true": 4.584951145473348, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.03841536614647, "y": 8.642029948067592, "y_true": 4.585359395393286, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.07843137254902, "y": 8.387606655202816, "y_true": 4.5857674787132385, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.11844737895159, "y": 4.730799731903235, "y_true": 4.586175395569124, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.15846338535414, "y": 7.187863818091271, "y_true": 4.586583146096694, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.1984793917567, "y": 7.374972633829199, "y_true": 4.586990730431534, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.23849539815927, "y": 8.988687855912499, "y_true": 4.587398148709065, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.27851140456183, "y": 4.694172874974996, "y_true": 4.587805401064539, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.31852741096439, "y": 7.019599914198413, "y_true": 4.588212487633048, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.35854341736695, "y": 5.526190495924084, "y_true": 4.588619408549515, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.39855942376951, "y": 4.834738492119293, "y_true": 4.5890261639486996, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.43857543017208, "y": 7.279673239194703, "y_true": 4.589432753965197, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.47859143657463, "y": 8.12808244001597, "y_true": 4.58983917873344, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.5186074429772, "y": 8.139162674182916, "y_true": 4.5902454383876945, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.709596251680151, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.853580544883968, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.55862344937975, "y": 4.729386186263482, "y_true": 4.590651533062064, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.709596251680151, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.853580544883968, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.59863945578232, "y": 6.455223396049245, "y_true": 4.5910574628904905, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.841111830886181, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.63865546218487, "y": 4.795374002248041, "y_true": 4.59146322800675, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.67867146858744, "y": 5.727387000924436, "y_true": 4.591868828544459, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.71868747499, "y": 5.476071546860019, "y_true": 4.592274264637068, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.75870348139256, "y": 5.578754186313811, "y_true": 4.592679536417867, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.79871948779513, "y": 6.147234318061181, "y_true": 4.593084644019985, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.83873549419768, "y": 5.864985404400768, "y_true": 4.5934895875763875, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.87875150060025, "y": 9.004725167752092, "y_true": 4.59389436721988, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.9187675070028, "y": 6.209781935129773, "y_true": 4.594298983083104, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.95878351340536, "y": 8.694079191281137, "y_true": 4.594703435298545, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.99879951980793, "y": 5.425175682468657, "y_true": 4.595107723998522, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 97.03881552621048, "y": 8.097568839832103, "y_true": 4.595511849315199, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 97.07883153261305, "y": 4.87723242573593, "y_true": 4.595915811380576, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 97.1188475390156, "y": 6.718625662234357, "y_true": 4.596319610326494, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 97.15886354541817, "y": 4.6219973610606955, "y_true": 4.596723246284636, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 97.19887955182074, "y": 8.313926240478853, "y_true": 4.597126719386523, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 97.23889555822329, "y": 8.95779178351427, "y_true": 4.5975300297635195, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.7083393640370135, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.849023144623965, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 97.27891156462586, "y": 4.758999105990978, "y_true": 4.597933177546829, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.7083393640370135, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.849023144623965, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 97.31892757102841, "y": 8.88302550089174, "y_true": 4.598336162867498, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.7083393640370135, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.849023144623965, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 97.35894357743098, "y": 8.149663120061545, "y_true": 4.598738985856413, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.855099678303955, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.39895958383353, "y": 6.245968280349431, "y_true": 4.599141646644304, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.855099678303955, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.4389755902361, "y": 8.770775653497267, "y_true": 4.599544145361742, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.855099678303955, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.47899159663866, "y": 5.959720916527021, "y_true": 4.599946482139141, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.855099678303955, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.51900760304122, "y": 6.4791162595064655, "y_true": 4.600348657106757, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.855099678303955, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.55902360944378, "y": 5.044718767099616, "y_true": 4.6007506703946905, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.855099678303955, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.59903961584634, "y": 7.6171997119926855, "y_true": 4.601152522132883, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.855099678303955, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.6390556222489, "y": 4.737465449225017, "y_true": 4.601554212451121, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.855099678303955, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.67907162865147, "y": 6.828579125837872, "y_true": 4.601955741479033, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.245968280349431, "q_0.4": 6.370240255705349, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.500490658593364, "q_0.9": 8.606702238234487, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.71908763505402, "y": 7.7397642304098815, "y_true": 4.6023571093460935, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719478550869885, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.500490658593364, "q_0.9": 8.613637896668372, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.75910364145659, "y": 8.374442768160684, "y_true": 4.602758316181621, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719478550869885, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.500490658593364, "q_0.9": 8.613637896668372, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.79911964785914, "y": 5.291853463588768, "y_true": 4.603159362114775, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719478550869885, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.500490658593364, "q_0.9": 8.613637896668372, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.83913565426171, "y": 8.067469545745688, "y_true": 4.603560247274565, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.87915166066426, "y": 7.90732776997904, "y_true": 4.603960971789841, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.91916766706683, "y": 7.175198135307678, "y_true": 4.604361535789302, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.9591836734694, "y": 7.291032845411248, "y_true": 4.604761939401486, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.99919967987195, "y": 5.0245613460605645, "y_true": 4.6051621827547855, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.03921568627452, "y": 7.365036486519591, "y_true": 4.605562265977431, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.07923169267707, "y": 6.359407673957779, "y_true": 4.605962189197504, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.11924769907964, "y": 8.594044335676344, "y_true": 4.6063619525429305, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.1592637054822, "y": 6.045991727725136, "y_true": 4.606761556141484, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.19927971188476, "y": 7.257843962467477, "y_true": 4.607161000120783, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.23929571828732, "y": 6.568736824629164, "y_true": 4.6075602846082955, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.27931172468988, "y": 8.636956779745413, "y_true": 4.607959409731336, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.31932773109244, "y": 5.775953590826922, "y_true": 4.608358375617065, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.359343737495, "y": 4.971148986294573, "y_true": 4.6087571823924955, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.39935974389756, "y": 8.052332549486678, "y_true": 4.609155830184482, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.43937575030013, "y": 6.508692197625905, "y_true": 4.609554319119733, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.47939175670268, "y": 7.319775943699577, "y_true": 4.609952649324802, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.51940776310525, "y": 4.731751053745287, "y_true": 4.610350820926094, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.5594237695078, "y": 8.991172421941721, "y_true": 4.61074883404986, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.59943977591037, "y": 8.649206225406363, "y_true": 4.611146688822204, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618159527314881, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.63945578231294, "y": 7.482308856792155, "y_true": 4.6115443853690765, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618159527314881, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.67947178871549, "y": 4.6903125718688194, "y_true": 4.611941923816279, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618159527314881, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.71948779511806, "y": 6.351923533258781, "y_true": 4.612339304289464, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618159527314881, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.75950380152061, "y": 9.117904357059661, "y_true": 4.612736526914132, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618159527314881, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.79951980792318, "y": 7.749408543238138, "y_true": 4.613133591815635, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618159527314881, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.83953581432573, "y": 5.354648463001193, "y_true": 4.613530499119177, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.65818989658261, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.8795518207283, "y": 6.7344985488390545, "y_true": 4.613927248949811, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.91956782713086, "y": 9.06553779600127, "y_true": 4.6143238414324435, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.95958383353342, "y": 7.076926267490199, "y_true": 4.6147202766918305, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.99959983993598, "y": 4.728470546979986, "y_true": 4.6151165548525785, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.03961584633853, "y": 7.46991407998999, "y_true": 4.615512676039151, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.0796318527411, "y": 5.865122811368949, "y_true": 4.615908640375857, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.11964785914365, "y": 5.071625074945647, "y_true": 4.616304447986863, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.15966386554622, "y": 6.47280484254361, "y_true": 4.616700098996187, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.19967987194879, "y": 7.1903036562211105, "y_true": 4.617095593527698, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.23969587835134, "y": 4.696007135430609, "y_true": 4.617490931705119, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.27971188475391, "y": 7.193953346832904, "y_true": 4.617886113652029, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.31972789115646, "y": 6.974090481987398, "y_true": 4.618281139491854, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.35974389755903, "y": 8.277610137638758, "y_true": 4.618676009347882, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.354648463001193, "q_0.2": 5.478417414081877, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.725283272356965, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511672702219997, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.3997599039616, "y": 6.571279519023628, "y_true": 4.61907072334325, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.354648463001193, "q_0.2": 5.478417414081877, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.725283272356965, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511672702219997, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.43977591036415, "y": 7.170627305099414, "y_true": 4.619465281600949, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.354648463001193, "q_0.2": 5.478417414081877, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.725283272356965, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511672702219997, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.47979191676671, "y": 8.040490396358344, "y_true": 4.619859684243826, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.354648463001193, "q_0.2": 5.478417414081877, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.725283272356965, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511672702219997, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.51980792316927, "y": 8.75641470931683, "y_true": 4.620253931394584, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.354648463001193, "q_0.2": 5.478417414081877, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.725283272356965, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511672702219997, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.55982392957183, "y": 6.372893513759131, "y_true": 4.620648023175777, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.59983993597439, "y": 7.395264654821521, "y_true": 4.621041959709817, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.63985594237695, "y": 7.8246675146737825, "y_true": 4.621435741118973, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.67987194877952, "y": 4.821391386264066, "y_true": 4.621829367525366, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.71988795518207, "y": 8.315605187091805, "y_true": 4.622222839050973, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.75990396158464, "y": 6.36360365645803, "y_true": 4.622616155817631, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.7999199679872, "y": 7.714913754013528, "y_true": 4.623009317947028, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.83993597438976, "y": 6.799440752029758, "y_true": 4.623402325560715, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.87995198079233, "y": 7.86433967322054, "y_true": 4.623795178780092, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.91996798719488, "y": 7.966488456369145, "y_true": 4.624187877726422, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.95998399359745, "y": 5.50862782218625, "y_true": 4.624580422520824, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.773197724835218, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 100.0, "y": 7.680986707663319, "y_true": 4.624972813284271, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.706679514948626, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.245968280349431, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.834613470179619, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.012395823707582, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.52676812225451, "q_0.9": 8.621327218104792, "q_0.925": 8.661674632929188, "q_0.95": 8.782561436427532, "q_0.975": 8.908699687712478, "q_1": 9.117904357059661}, {"x": 0.0, "y": 0.0, "y_true": 0.0, "y_pred": 0.5953915950057604, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.0, "q_0.075": 0.18702159736751542, "q_0.1": 0.18702159736751542, "q_0.125": 0.2788707583992151, "q_0.15": 0.2788707583992151, "q_0.175": 0.3344400356338557, "q_0.2": 0.3344400356338557, "q_0.225": 0.3945154846394395, "q_0.25": 0.3945154846394395, "q_0.275": 0.4100651999581945, "q_0.3": 0.4162641190228647, "q_0.325": 0.4162641190228647, "q_0.35": 0.4656934360380208, "q_0.375": 0.4656934360380208, "q_0.4": 0.48669645950766116, "q_0.425": 0.48669645950766116, "q_0.45": 0.5730402111792994, "q_0.475": 0.5730402111792994, "q_0.5": 0.5953915950057604, "q_0.525": 0.623873369499546, "q_0.55": 0.623873369499546, "q_0.575": 0.6421141058720687, "q_0.6": 0.6421141058720687, "q_0.625": 0.7175496256918212, "q_0.65": 0.7422982104950082, "q_0.675": 0.7422982104950082, "q_0.7": 0.7445041060908579, "q_0.725": 0.7559809643754105, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8087226266435009, "q_0.85": 0.8422038224466747, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.040016006402561026, "y": 0.18702159736751542, "y_true": 0.18235489957474577, "y_pred": 0.5953915950057604, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.0, "q_0.075": 0.18702159736751542, "q_0.1": 0.18702159736751542, "q_0.125": 0.2788707583992151, "q_0.15": 0.2788707583992151, "q_0.175": 0.3344400356338557, "q_0.2": 0.3344400356338557, "q_0.225": 0.3945154846394395, "q_0.25": 0.3945154846394395, "q_0.275": 0.4100651999581945, "q_0.3": 0.4162641190228647, "q_0.325": 0.4162641190228647, "q_0.35": 0.4656934360380208, "q_0.375": 0.4656934360380208, "q_0.4": 0.48669645950766116, "q_0.425": 0.48669645950766116, "q_0.45": 0.5730402111792994, "q_0.475": 0.5730402111792994, "q_0.5": 0.5953915950057604, "q_0.525": 0.623873369499546, "q_0.55": 0.623873369499546, "q_0.575": 0.6421141058720687, "q_0.6": 0.6421141058720687, "q_0.625": 0.7175496256918212, "q_0.65": 0.7422982104950082, "q_0.675": 0.7422982104950082, "q_0.7": 0.7445041060908579, "q_0.725": 0.7559809643754105, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8087226266435009, "q_0.85": 0.8422038224466747, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.08003201280512205, "y": 0.2788707583992151, "y_true": 0.24912259307005782, "y_pred": 0.5953915950057604, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.0, "q_0.075": 0.18702159736751542, "q_0.1": 0.18702159736751542, "q_0.125": 0.2788707583992151, "q_0.15": 0.2788707583992151, "q_0.175": 0.3344400356338557, "q_0.2": 0.3344400356338557, "q_0.225": 0.3945154846394395, "q_0.25": 0.3945154846394395, "q_0.275": 0.4100651999581945, "q_0.3": 0.4162641190228647, "q_0.325": 0.4162641190228647, "q_0.35": 0.4656934360380208, "q_0.375": 0.4656934360380208, "q_0.4": 0.48669645950766116, "q_0.425": 0.48669645950766116, "q_0.45": 0.5730402111792994, "q_0.475": 0.5730402111792994, "q_0.5": 0.5953915950057604, "q_0.525": 0.623873369499546, "q_0.55": 0.623873369499546, "q_0.575": 0.6421141058720687, "q_0.6": 0.6421141058720687, "q_0.625": 0.7175496256918212, "q_0.65": 0.7422982104950082, "q_0.675": 0.7422982104950082, "q_0.7": 0.7445041060908579, "q_0.725": 0.7559809643754105, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8087226266435009, "q_0.85": 0.8422038224466747, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.12004801920768307, "y": 0.3344400356338557, "y_true": 0.2974933820114555, "y_pred": 0.5953915950057604, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.0, "q_0.075": 0.18702159736751542, "q_0.1": 0.18702159736751542, "q_0.125": 0.2788707583992151, "q_0.15": 0.2788707583992151, "q_0.175": 0.3344400356338557, "q_0.2": 0.3344400356338557, "q_0.225": 0.3945154846394395, "q_0.25": 0.3945154846394395, "q_0.275": 0.4100651999581945, "q_0.3": 0.4162641190228647, "q_0.325": 0.4162641190228647, "q_0.35": 0.4656934360380208, "q_0.375": 0.4656934360380208, "q_0.4": 0.48669645950766116, "q_0.425": 0.48669645950766116, "q_0.45": 0.5730402111792994, "q_0.475": 0.5730402111792994, "q_0.5": 0.5953915950057604, "q_0.525": 0.623873369499546, "q_0.55": 0.623873369499546, "q_0.575": 0.6421141058720687, "q_0.6": 0.6421141058720687, "q_0.625": 0.7175496256918212, "q_0.65": 0.7422982104950082, "q_0.675": 0.7422982104950082, "q_0.7": 0.7445041060908579, "q_0.725": 0.7559809643754105, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8087226266435009, "q_0.85": 0.8422038224466747, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.1600640256102441, "y": 0.4100651999581945, "y_true": 0.3365293949933583, "y_pred": 0.5953915950057604, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.0, "q_0.075": 0.18702159736751542, "q_0.1": 0.18702159736751542, "q_0.125": 0.2788707583992151, "q_0.15": 0.2788707583992151, "q_0.175": 0.3344400356338557, "q_0.2": 0.3344400356338557, "q_0.225": 0.3945154846394395, "q_0.25": 0.3945154846394395, "q_0.275": 0.4100651999581945, "q_0.3": 0.4162641190228647, "q_0.325": 0.4162641190228647, "q_0.35": 0.4656934360380208, "q_0.375": 0.4656934360380208, "q_0.4": 0.48669645950766116, "q_0.425": 0.48669645950766116, "q_0.45": 0.5730402111792994, "q_0.475": 0.5730402111792994, "q_0.5": 0.5953915950057604, "q_0.525": 0.623873369499546, "q_0.55": 0.623873369499546, "q_0.575": 0.6421141058720687, "q_0.6": 0.6421141058720687, "q_0.625": 0.7175496256918212, "q_0.65": 0.7422982104950082, "q_0.675": 0.7422982104950082, "q_0.7": 0.7445041060908579, "q_0.725": 0.7559809643754105, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8087226266435009, "q_0.85": 0.8422038224466747, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.20008003201280514, "y": 0.3945154846394395, "y_true": 0.36970186943767797, "y_pred": 0.5953915950057604, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.0, "q_0.075": 0.18702159736751542, "q_0.1": 0.18702159736751542, "q_0.125": 0.2788707583992151, "q_0.15": 0.2788707583992151, "q_0.175": 0.3344400356338557, "q_0.2": 0.3344400356338557, "q_0.225": 0.3945154846394395, "q_0.25": 0.3945154846394395, "q_0.275": 0.4100651999581945, "q_0.3": 0.4162641190228647, "q_0.325": 0.4162641190228647, "q_0.35": 0.4656934360380208, "q_0.375": 0.4656934360380208, "q_0.4": 0.48669645950766116, "q_0.425": 0.48669645950766116, "q_0.45": 0.5730402111792994, "q_0.475": 0.5730402111792994, "q_0.5": 0.5953915950057604, "q_0.525": 0.623873369499546, "q_0.55": 0.623873369499546, "q_0.575": 0.6421141058720687, "q_0.6": 0.6421141058720687, "q_0.625": 0.7175496256918212, "q_0.65": 0.7422982104950082, "q_0.675": 0.7422982104950082, "q_0.7": 0.7445041060908579, "q_0.725": 0.7559809643754105, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8087226266435009, "q_0.85": 0.8422038224466747, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.24009603841536614, "y": 0.4162641190228647, "y_true": 0.39877340690001306, "y_pred": 0.5953915950057604, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.0, "q_0.075": 0.18702159736751542, "q_0.1": 0.18702159736751542, "q_0.125": 0.2788707583992151, "q_0.15": 0.2788707583992151, "q_0.175": 0.3344400356338557, "q_0.2": 0.3344400356338557, "q_0.225": 0.3945154846394395, "q_0.25": 0.3945154846394395, "q_0.275": 0.4100651999581945, "q_0.3": 0.4162641190228647, "q_0.325": 0.4162641190228647, "q_0.35": 0.4656934360380208, "q_0.375": 0.4656934360380208, "q_0.4": 0.48669645950766116, "q_0.425": 0.48669645950766116, "q_0.45": 0.5730402111792994, "q_0.475": 0.5730402111792994, "q_0.5": 0.5953915950057604, "q_0.525": 0.623873369499546, "q_0.55": 0.623873369499546, "q_0.575": 0.6421141058720687, "q_0.6": 0.6421141058720687, "q_0.625": 0.7175496256918212, "q_0.65": 0.7422982104950082, "q_0.675": 0.7422982104950082, "q_0.7": 0.7445041060908579, "q_0.725": 0.7559809643754105, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8087226266435009, "q_0.85": 0.8422038224466747, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.2801120448179272, "y": 0.4656934360380208, "y_true": 0.42478142372624983, "y_pred": 0.5953915950057604, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.0, "q_0.075": 0.18702159736751542, "q_0.1": 0.18702159736751542, "q_0.125": 0.2788707583992151, "q_0.15": 0.2788707583992151, "q_0.175": 0.3344400356338557, "q_0.2": 0.3344400356338557, "q_0.225": 0.3945154846394395, "q_0.25": 0.3945154846394395, "q_0.275": 0.4100651999581945, "q_0.3": 0.4162641190228647, "q_0.325": 0.4162641190228647, "q_0.35": 0.4656934360380208, "q_0.375": 0.4656934360380208, "q_0.4": 0.48669645950766116, "q_0.425": 0.48669645950766116, "q_0.45": 0.5730402111792994, "q_0.475": 0.5730402111792994, "q_0.5": 0.5953915950057604, "q_0.525": 0.623873369499546, "q_0.55": 0.623873369499546, "q_0.575": 0.6421141058720687, "q_0.6": 0.6421141058720687, "q_0.625": 0.7175496256918212, "q_0.65": 0.7422982104950082, "q_0.675": 0.7422982104950082, "q_0.7": 0.7445041060908579, "q_0.725": 0.7559809643754105, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8087226266435009, "q_0.85": 0.8422038224466747, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.3201280512204882, "y": 0.48669645950766116, "y_true": 0.44839597881652127, "y_pred": 0.5953915950057604, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.0, "q_0.075": 0.18702159736751542, "q_0.1": 0.18702159736751542, "q_0.125": 0.2788707583992151, "q_0.15": 0.2788707583992151, "q_0.175": 0.3344400356338557, "q_0.2": 0.3344400356338557, "q_0.225": 0.3945154846394395, "q_0.25": 0.3945154846394395, "q_0.275": 0.4100651999581945, "q_0.3": 0.4162641190228647, "q_0.325": 0.4162641190228647, "q_0.35": 0.4656934360380208, "q_0.375": 0.4656934360380208, "q_0.4": 0.48669645950766116, "q_0.425": 0.48669645950766116, "q_0.45": 0.5730402111792994, "q_0.475": 0.5730402111792994, "q_0.5": 0.5953915950057604, "q_0.525": 0.623873369499546, "q_0.55": 0.623873369499546, "q_0.575": 0.6421141058720687, "q_0.6": 0.6421141058720687, "q_0.625": 0.7175496256918212, "q_0.65": 0.7422982104950082, "q_0.675": 0.7422982104950082, "q_0.7": 0.7445041060908579, "q_0.725": 0.7559809643754105, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8087226266435009, "q_0.85": 0.8422038224466747, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.36014405762304924, "y": 0.5953915950057604, "y_true": 0.4700786489391906, "y_pred": 0.623873369499546, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.18702159736751542, "q_0.1": 0.2788707583992151, "q_0.125": 0.2788707583992151, "q_0.15": 0.3344400356338557, "q_0.175": 0.3344400356338557, "q_0.2": 0.3945154846394395, "q_0.225": 0.3945154846394395, "q_0.25": 0.4100651999581945, "q_0.275": 0.4162641190228647, "q_0.3": 0.4162641190228647, "q_0.325": 0.4656934360380208, "q_0.35": 0.4656934360380208, "q_0.375": 0.48669645950766116, "q_0.4": 0.48669645950766116, "q_0.425": 0.5730402111792994, "q_0.45": 0.5953915950057604, "q_0.475": 0.5953915950057604, "q_0.5": 0.623873369499546, "q_0.525": 0.623873369499546, "q_0.55": 0.6421141058720687, "q_0.575": 0.6421141058720687, "q_0.6": 0.7175496256918212, "q_0.625": 0.7422982104950082, "q_0.65": 0.7422982104950082, "q_0.675": 0.7445041060908579, "q_0.7": 0.7559809643754105, "q_0.725": 0.7682250470374827, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8422038224466747, "q_0.85": 0.8641347288534107, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.4001600640256103, "y": 0.623873369499546, "y_true": 0.4901628480414346, "y_pred": 0.6421141058720687, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.18702159736751542, "q_0.1": 0.2788707583992151, "q_0.125": 0.3344400356338557, "q_0.15": 0.3344400356338557, "q_0.175": 0.3945154846394395, "q_0.2": 0.3945154846394395, "q_0.225": 0.4100651999581945, "q_0.25": 0.4162641190228647, "q_0.275": 0.4162641190228647, "q_0.3": 0.4656934360380208, "q_0.325": 0.48669645950766116, "q_0.35": 0.48669645950766116, "q_0.375": 0.5730402111792994, "q_0.4": 0.5730402111792994, "q_0.425": 0.5953915950057604, "q_0.45": 0.623873369499546, "q_0.475": 0.623873369499546, "q_0.5": 0.6421141058720687, "q_0.525": 0.6421141058720687, "q_0.55": 0.7175496256918212, "q_0.575": 0.7175496256918212, "q_0.6": 0.7422982104950082, "q_0.625": 0.7422982104950082, "q_0.65": 0.7445041060908579, "q_0.675": 0.7559809643754105, "q_0.7": 0.7682250470374827, "q_0.725": 0.7682250470374827, "q_0.75": 0.7949705775167532, "q_0.775": 0.7949705775167532, "q_0.8": 0.8087226266435009, "q_0.825": 0.8422038224466747, "q_0.85": 0.8641347288534107, "q_0.875": 0.9682152820895437, "q_0.9": 0.990786762336443, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.135054824163709, "q_1": 1.4419645713309863}, {"x": 0.4401760704281713, "y": 0.6421141058720687, "y_true": 0.5088983655216005, "y_pred": 0.6421141058720687, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.18702159736751542, "q_0.1": 0.2788707583992151, "q_0.125": 0.3344400356338557, "q_0.15": 0.3344400356338557, "q_0.175": 0.3945154846394395, "q_0.2": 0.3945154846394395, "q_0.225": 0.4100651999581945, "q_0.25": 0.4162641190228647, "q_0.275": 0.4162641190228647, "q_0.3": 0.4656934360380208, "q_0.325": 0.48669645950766116, "q_0.35": 0.48669645950766116, "q_0.375": 0.5730402111792994, "q_0.4": 0.5730402111792994, "q_0.425": 0.5953915950057604, "q_0.45": 0.623873369499546, "q_0.475": 0.623873369499546, "q_0.5": 0.6421141058720687, "q_0.525": 0.6421141058720687, "q_0.55": 0.7175496256918212, "q_0.575": 0.7175496256918212, "q_0.6": 0.7422982104950082, "q_0.625": 0.7422982104950082, "q_0.65": 0.7445041060908579, "q_0.675": 0.7559809643754105, "q_0.7": 0.7682250470374827, "q_0.725": 0.7682250470374827, "q_0.75": 0.7949705775167532, "q_0.775": 0.7949705775167532, "q_0.8": 0.8087226266435009, "q_0.825": 0.8422038224466747, "q_0.85": 0.8641347288534107, "q_0.875": 0.9682152820895437, "q_0.9": 0.990786762336443, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.135054824163709, "q_1": 1.4419645713309863}, {"x": 0.4801920768307323, "y": 0.5730402111792994, "y_true": 0.5264778433618926, "y_pred": 0.6421141058720687, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.18702159736751542, "q_0.1": 0.2788707583992151, "q_0.125": 0.3344400356338557, "q_0.15": 0.3344400356338557, "q_0.175": 0.3945154846394395, "q_0.2": 0.3945154846394395, "q_0.225": 0.4100651999581945, "q_0.25": 0.4162641190228647, "q_0.275": 0.4162641190228647, "q_0.3": 0.4656934360380208, "q_0.325": 0.48669645950766116, "q_0.35": 0.48669645950766116, "q_0.375": 0.5730402111792994, "q_0.4": 0.5730402111792994, "q_0.425": 0.5953915950057604, "q_0.45": 0.623873369499546, "q_0.475": 0.623873369499546, "q_0.5": 0.6421141058720687, "q_0.525": 0.6421141058720687, "q_0.55": 0.7175496256918212, "q_0.575": 0.7175496256918212, "q_0.6": 0.7422982104950082, "q_0.625": 0.7422982104950082, "q_0.65": 0.7445041060908579, "q_0.675": 0.7559809643754105, "q_0.7": 0.7682250470374827, "q_0.725": 0.7682250470374827, "q_0.75": 0.7949705775167532, "q_0.775": 0.7949705775167532, "q_0.8": 0.8087226266435009, "q_0.825": 0.8422038224466747, "q_0.85": 0.8641347288534107, "q_0.875": 0.9682152820895437, "q_0.9": 0.990786762336443, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.135054824163709, "q_1": 1.4419645713309863}, {"x": 0.5202080832332934, "y": 0.7422982104950082, "y_true": 0.5430533973026582, "y_pred": 0.6421141058720687, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.2788707583992151, "q_0.1": 0.2788707583992151, "q_0.125": 0.3344400356338557, "q_0.15": 0.3945154846394395, "q_0.175": 0.3945154846394395, "q_0.2": 0.4100651999581945, "q_0.225": 0.4162641190228647, "q_0.25": 0.4162641190228647, "q_0.275": 0.4656934360380208, "q_0.3": 0.48669645950766116, "q_0.325": 0.48669645950766116, "q_0.35": 0.5730402111792994, "q_0.375": 0.5925976720274528, "q_0.4": 0.5953915950057604, "q_0.425": 0.623873369499546, "q_0.45": 0.6421141058720687, "q_0.475": 0.6421141058720687, "q_0.5": 0.6421141058720687, "q_0.525": 0.7175496256918212, "q_0.55": 0.7422982104950082, "q_0.575": 0.7422982104950082, "q_0.6": 0.7445041060908579, "q_0.625": 0.7559809643754105, "q_0.65": 0.7559809643754105, "q_0.675": 0.7682250470374827, "q_0.7": 0.7682250470374827, "q_0.725": 0.7949705775167532, "q_0.75": 0.7949705775167532, "q_0.775": 0.8087226266435009, "q_0.8": 0.8422038224466747, "q_0.825": 0.8641347288534107, "q_0.85": 0.8641347288534107, "q_0.875": 0.9682152820895437, "q_0.9": 0.990786762336443, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.2193861284805907, "q_1": 1.4419645713309863}, {"x": 0.5602240896358543, "y": 0.7949705775167532, "y_true": 0.5587475188503908, "y_pred": 0.6421141058720687, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.2788707583992151, "q_0.1": 0.2788707583992151, "q_0.125": 0.3344400356338557, "q_0.15": 0.3945154846394395, "q_0.175": 0.3945154846394395, "q_0.2": 0.4100651999581945, "q_0.225": 0.4162641190228647, "q_0.25": 0.4162641190228647, "q_0.275": 0.4656934360380208, "q_0.3": 0.48669645950766116, "q_0.325": 0.48669645950766116, "q_0.35": 0.5730402111792994, "q_0.375": 0.5925976720274528, "q_0.4": 0.5953915950057604, "q_0.425": 0.623873369499546, "q_0.45": 0.6421141058720687, "q_0.475": 0.6421141058720687, "q_0.5": 0.6421141058720687, "q_0.525": 0.7175496256918212, "q_0.55": 0.7422982104950082, "q_0.575": 0.7422982104950082, "q_0.6": 0.7445041060908579, "q_0.625": 0.7559809643754105, "q_0.65": 0.7559809643754105, "q_0.675": 0.7682250470374827, "q_0.7": 0.7682250470374827, "q_0.725": 0.7949705775167532, "q_0.75": 0.7949705775167532, "q_0.775": 0.8087226266435009, "q_0.8": 0.8422038224466747, "q_0.825": 0.8641347288534107, "q_0.85": 0.8641347288534107, "q_0.875": 0.9682152820895437, "q_0.9": 0.990786762336443, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.2193861284805907, "q_1": 1.4419645713309863}, {"x": 0.6002400960384154, "y": 0.7131839473618662, "y_true": 0.5736604892309918, "y_pred": 0.6421141058720687, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.2788707583992151, "q_0.1": 0.2788707583992151, "q_0.125": 0.3344400356338557, "q_0.15": 0.3945154846394395, "q_0.175": 0.3945154846394395, "q_0.2": 0.4100651999581945, "q_0.225": 0.4162641190228647, "q_0.25": 0.4162641190228647, "q_0.275": 0.4656934360380208, "q_0.3": 0.48669645950766116, "q_0.325": 0.48669645950766116, "q_0.35": 0.5730402111792994, "q_0.375": 0.5925976720274528, "q_0.4": 0.5953915950057604, "q_0.425": 0.623873369499546, "q_0.45": 0.6421141058720687, "q_0.475": 0.6421141058720687, "q_0.5": 0.6421141058720687, "q_0.525": 0.7175496256918212, "q_0.55": 0.7422982104950082, "q_0.575": 0.7422982104950082, "q_0.6": 0.7445041060908579, "q_0.625": 0.7559809643754105, "q_0.65": 0.7559809643754105, "q_0.675": 0.7682250470374827, "q_0.7": 0.7682250470374827, "q_0.725": 0.7949705775167532, "q_0.75": 0.7949705775167532, "q_0.775": 0.8087226266435009, "q_0.8": 0.8422038224466747, "q_0.825": 0.8641347288534107, "q_0.85": 0.8641347288534107, "q_0.875": 0.9682152820895437, "q_0.9": 0.990786762336443, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.2193861284805907, "q_1": 1.4419645713309863}, {"x": 0.6402561024409764, "y": 0.7682250470374827, "y_true": 0.5878755765138121, "y_pred": 0.6421141058720687, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.2788707583992151, "q_0.1": 0.2788707583992151, "q_0.125": 0.3344400356338557, "q_0.15": 0.3945154846394395, "q_0.175": 0.3945154846394395, "q_0.2": 0.4100651999581945, "q_0.225": 0.4162641190228647, "q_0.25": 0.4162641190228647, "q_0.275": 0.4656934360380208, "q_0.3": 0.48669645950766116, "q_0.325": 0.48669645950766116, "q_0.35": 0.5730402111792994, "q_0.375": 0.5925976720274528, "q_0.4": 0.5953915950057604, "q_0.425": 0.623873369499546, "q_0.45": 0.6421141058720687, "q_0.475": 0.6421141058720687, "q_0.5": 0.6421141058720687, "q_0.525": 0.7175496256918212, "q_0.55": 0.7422982104950082, "q_0.575": 0.7422982104950082, "q_0.6": 0.7445041060908579, "q_0.625": 0.7559809643754105, "q_0.65": 0.7559809643754105, "q_0.675": 0.7682250470374827, "q_0.7": 0.7682250470374827, "q_0.725": 0.7949705775167532, "q_0.75": 0.7949705775167532, "q_0.775": 0.8087226266435009, "q_0.8": 0.8422038224466747, "q_0.825": 0.8641347288534107, "q_0.85": 0.8641347288534107, "q_0.875": 0.9682152820895437, "q_0.9": 0.990786762336443, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.2193861284805907, "q_1": 1.4419645713309863}, {"x": 0.6802721088435374, "y": 0.7480509716517105, "y_true": 0.6014627740514856, "y_pred": 0.6421141058720687, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.2788707583992151, "q_0.1": 0.2788707583992151, "q_0.125": 0.3344400356338557, "q_0.15": 0.3945154846394395, "q_0.175": 0.3945154846394395, "q_0.2": 0.4100651999581945, "q_0.225": 0.4162641190228647, "q_0.25": 0.4162641190228647, "q_0.275": 0.4656934360380208, "q_0.3": 0.48669645950766116, "q_0.325": 0.48669645950766116, "q_0.35": 0.5730402111792994, "q_0.375": 0.5925976720274528, "q_0.4": 0.5953915950057604, "q_0.425": 0.623873369499546, "q_0.45": 0.6421141058720687, "q_0.475": 0.6421141058720687, "q_0.5": 0.6421141058720687, "q_0.525": 0.7175496256918212, "q_0.55": 0.7422982104950082, "q_0.575": 0.7422982104950082, "q_0.6": 0.7445041060908579, "q_0.625": 0.7559809643754105, "q_0.65": 0.7559809643754105, "q_0.675": 0.7682250470374827, "q_0.7": 0.7682250470374827, "q_0.725": 0.7949705775167532, "q_0.75": 0.7949705775167532, "q_0.775": 0.8087226266435009, "q_0.8": 0.8422038224466747, "q_0.825": 0.8641347288534107, "q_0.85": 0.8641347288534107, "q_0.875": 0.9682152820895437, "q_0.9": 0.990786762336443, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.2193861284805907, "q_1": 1.4419645713309863}, {"x": 0.7202881152460985, "y": 0.7017012432571841, "y_true": 0.6144815501859167, "y_pred": 0.7422982104950082, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.2788707583992151, "q_0.1": 0.3344400356338557, "q_0.125": 0.3945154846394395, "q_0.15": 0.3945154846394395, "q_0.175": 0.4100651999581945, "q_0.2": 0.4162641190228647, "q_0.225": 0.4656934360380208, "q_0.25": 0.4656934360380208, "q_0.275": 0.48669645950766116, "q_0.3": 0.5730402111792994, "q_0.325": 0.5953915950057604, "q_0.35": 0.623873369499546, "q_0.375": 0.623873369499546, "q_0.4": 0.6421141058720687, "q_0.425": 0.7175496256918212, "q_0.45": 0.7175496256918212, "q_0.475": 0.7422982104950082, "q_0.5": 0.7422982104950082, "q_0.525": 0.7445041060908579, "q_0.55": 0.7445041060908579, "q_0.575": 0.7559809643754105, "q_0.6": 0.7682250470374827, "q_0.625": 0.7682250470374827, "q_0.65": 0.7949705775167532, "q_0.675": 0.7949705775167532, "q_0.7": 0.8087226266435009, "q_0.725": 0.8422038224466747, "q_0.75": 0.8641347288534107, "q_0.775": 0.8641347288534107, "q_0.8": 0.9682152820895437, "q_0.825": 0.9682152820895437, "q_0.85": 0.990786762336443, "q_0.875": 0.990786762336443, "q_0.9": 1.0964317957393261, "q_0.925": 1.0964317957393261, "q_0.95": 1.2243623924114388, "q_0.975": 1.3085182313927775, "q_1": 1.8071824118200865}, {"x": 0.7603041216486595, "y": 0.7191778604925515, "y_true": 0.6269829103362525, "y_pred": 0.7559809643754105, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.2788707583992151, "q_0.075": 0.3344400356338557, "q_0.1": 0.3945154846394395, "q_0.125": 0.4100651999581945, "q_0.15": 0.4162641190228647, "q_0.175": 0.4656934360380208, "q_0.2": 0.48669645950766116, "q_0.225": 0.5730402111792994, "q_0.25": 0.5953915950057604, "q_0.275": 0.623873369499546, "q_0.3": 0.6421141058720687, "q_0.325": 0.6421141058720687, "q_0.35": 0.7175496256918212, "q_0.375": 0.7175496256918212, "q_0.4": 0.7422982104950082, "q_0.425": 0.7445041060908579, "q_0.45": 0.7445041060908579, "q_0.475": 0.7559809643754105, "q_0.5": 0.7559809643754105, "q_0.525": 0.7682250470374827, "q_0.55": 0.7949705775167532, "q_0.575": 0.7949705775167532, "q_0.6": 0.8087226266435009, "q_0.625": 0.8422038224466747, "q_0.65": 0.8422038224466747, "q_0.675": 0.8641347288534107, "q_0.7": 0.8641347288534107, "q_0.725": 0.9470878405277132, "q_0.75": 0.9682152820895437, "q_0.775": 0.990786762336443, "q_0.8": 0.990786762336443, "q_0.825": 1.020968240465803, "q_0.85": 1.0964317957393261, "q_0.875": 1.0964317957393261, "q_0.9": 1.1993575392190896, "q_0.925": 1.2243623924114388, "q_0.95": 1.3081999644746116, "q_0.975": 1.4419645713309863, "q_1": 1.8071824118200865}, {"x": 0.8003201280512205, "y": 0.7445041060908579, "y_true": 0.6390109700297208, "y_pred": 0.7559809643754105, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.2788707583992151, "q_0.075": 0.3344400356338557, "q_0.1": 0.3945154846394395, "q_0.125": 0.4100651999581945, "q_0.15": 0.4162641190228647, "q_0.175": 0.4656934360380208, "q_0.2": 0.48669645950766116, "q_0.225": 0.5730402111792994, "q_0.25": 0.5953915950057604, "q_0.275": 0.623873369499546, "q_0.3": 0.6421141058720687, "q_0.325": 0.6421141058720687, "q_0.35": 0.7175496256918212, "q_0.375": 0.7175496256918212, "q_0.4": 0.7422982104950082, "q_0.425": 0.7445041060908579, "q_0.45": 0.7445041060908579, "q_0.475": 0.7559809643754105, "q_0.5": 0.7559809643754105, "q_0.525": 0.7682250470374827, "q_0.55": 0.7949705775167532, "q_0.575": 0.7949705775167532, "q_0.6": 0.8087226266435009, "q_0.625": 0.8422038224466747, "q_0.65": 0.8422038224466747, "q_0.675": 0.8641347288534107, "q_0.7": 0.8641347288534107, "q_0.725": 0.9682152820895437, "q_0.75": 0.9682152820895437, "q_0.775": 0.990786762336443, "q_0.8": 0.990786762336443, "q_0.825": 1.0385793389662257, "q_0.85": 1.0964317957393261, "q_0.875": 1.0964317957393261, "q_0.9": 1.1993575392190896, "q_0.925": 1.2243623924114388, "q_0.95": 1.3081999644746116, "q_0.975": 1.4419645713309863, "q_1": 1.8071824118200865}, {"x": 0.8403361344537815, "y": 0.7175496256918212, "y_true": 0.650604173148406, "y_pred": 0.7559809643754105, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.2788707583992151, "q_0.075": 0.3344400356338557, "q_0.1": 0.3945154846394395, "q_0.125": 0.4100651999581945, "q_0.15": 0.4162641190228647, "q_0.175": 0.4656934360380208, "q_0.2": 0.48669645950766116, "q_0.225": 0.5730402111792994, "q_0.25": 0.5953915950057604, "q_0.275": 0.623873369499546, "q_0.3": 0.6421141058720687, "q_0.325": 0.6421141058720687, "q_0.35": 0.7175496256918212, "q_0.375": 0.7175496256918212, "q_0.4": 0.7422982104950082, "q_0.425": 0.7445041060908579, "q_0.45": 0.7445041060908579, "q_0.475": 0.7559809643754105, "q_0.5": 0.7559809643754105, "q_0.525": 0.7682250470374827, "q_0.55": 0.7949705775167532, "q_0.575": 0.7949705775167532, "q_0.6": 0.8087226266435009, "q_0.625": 0.8422038224466747, "q_0.65": 0.8422038224466747, "q_0.675": 0.8641347288534107, "q_0.7": 0.8641347288534107, "q_0.725": 0.9682152820895437, "q_0.75": 0.9682152820895437, "q_0.775": 0.990786762336443, "q_0.8": 0.990786762336443, "q_0.825": 1.0385793389662257, "q_0.85": 1.0964317957393261, "q_0.875": 1.0964317957393261, "q_0.9": 1.1993575392190896, "q_0.925": 1.2243623924114388, "q_0.95": 1.3081999644746116, "q_0.975": 1.4419645713309863, "q_1": 1.8071824118200865}, {"x": 0.8803521408563426, "y": 0.990786762336443, "y_true": 0.6617962482350606, "y_pred": 0.7559809643754105, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.2788707583992151, "q_0.075": 0.3344400356338557, "q_0.1": 0.3945154846394395, "q_0.125": 0.4100651999581945, "q_0.15": 0.4162641190228647, "q_0.175": 0.4656934360380208, "q_0.2": 0.48669645950766116, "q_0.225": 0.5730402111792994, "q_0.25": 0.5953915950057604, "q_0.275": 0.623873369499546, "q_0.3": 0.6421141058720687, "q_0.325": 0.6421141058720687, "q_0.35": 0.7175496256918212, "q_0.375": 0.7175496256918212, "q_0.4": 0.7422982104950082, "q_0.425": 0.7445041060908579, "q_0.45": 0.7445041060908579, "q_0.475": 0.7559809643754105, "q_0.5": 0.7559809643754105, "q_0.525": 0.7682250470374827, "q_0.55": 0.7949705775167532, "q_0.575": 0.7949705775167532, "q_0.6": 0.8087226266435009, "q_0.625": 0.8422038224466747, "q_0.65": 0.8422038224466747, "q_0.675": 0.8641347288534107, "q_0.7": 0.8641347288534107, "q_0.725": 0.9682152820895437, "q_0.75": 0.9682152820895437, "q_0.775": 0.990786762336443, "q_0.8": 0.990786762336443, "q_0.825": 1.0385793389662257, "q_0.85": 1.0964317957393261, "q_0.875": 1.0964317957393261, "q_0.9": 1.1993575392190896, "q_0.925": 1.2243623924114388, "q_0.95": 1.3081999644746116, "q_0.975": 1.4419645713309863, "q_1": 1.8071824118200865}, {"x": 0.9203681472589036, "y": 0.9975743167676481, "y_true": 0.6726169683392864, "y_pred": 0.7559809643754105, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.2788707583992151, "q_0.075": 0.3344400356338557, "q_0.1": 0.3945154846394395, "q_0.125": 0.4100651999581945, "q_0.15": 0.4162641190228647, "q_0.175": 0.4656934360380208, "q_0.2": 0.48669645950766116, "q_0.225": 0.5730402111792994, "q_0.25": 0.5953915950057604, "q_0.275": 0.623873369499546, "q_0.3": 0.6421141058720687, "q_0.325": 0.6421141058720687, "q_0.35": 0.7175496256918212, "q_0.375": 0.7175496256918212, "q_0.4": 0.7422982104950082, "q_0.425": 0.7445041060908579, "q_0.45": 0.7445041060908579, "q_0.475": 0.7559809643754105, "q_0.5": 0.7559809643754105, "q_0.525": 0.7682250470374827, "q_0.55": 0.7949705775167532, "q_0.575": 0.7949705775167532, "q_0.6": 0.8087226266435009, "q_0.625": 0.8422038224466747, "q_0.65": 0.8422038224466747, "q_0.675": 0.8641347288534107, "q_0.7": 0.8641347288534107, "q_0.725": 0.9682152820895437, "q_0.75": 0.9682152820895437, "q_0.775": 0.990786762336443, "q_0.8": 0.990786762336443, "q_0.825": 1.0385793389662257, "q_0.85": 1.0964317957393261, "q_0.875": 1.0964317957393261, "q_0.9": 1.1993575392190896, "q_0.925": 1.2243623924114388, "q_0.95": 1.3081999644746116, "q_0.975": 1.4419645713309863, "q_1": 1.8071824118200865}, {"x": 0.9603841536614646, "y": 0.8641347288534107, "y_true": 0.6830927614153044, "y_pred": 0.7559809643754105, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.2788707583992151, "q_0.075": 0.3344400356338557, "q_0.1": 0.3945154846394395, "q_0.125": 0.4100651999581945, "q_0.15": 0.4162641190228647, "q_0.175": 0.4656934360380208, "q_0.2": 0.48669645950766116, "q_0.225": 0.5730402111792994, "q_0.25": 0.5953915950057604, "q_0.275": 0.623873369499546, "q_0.3": 0.6421141058720687, "q_0.325": 0.6421141058720687, "q_0.35": 0.7175496256918212, "q_0.375": 0.7175496256918212, "q_0.4": 0.7422982104950082, "q_0.425": 0.7445041060908579, "q_0.45": 0.7445041060908579, "q_0.475": 0.7559809643754105, "q_0.5": 0.7559809643754105, "q_0.525": 0.7682250470374827, "q_0.55": 0.7949705775167532, "q_0.575": 0.7949705775167532, "q_0.6": 0.8087226266435009, "q_0.625": 0.8422038224466747, "q_0.65": 0.8422038224466747, "q_0.675": 0.8641347288534107, "q_0.7": 0.8641347288534107, "q_0.725": 0.9682152820895437, "q_0.75": 0.9682152820895437, "q_0.775": 0.990786762336443, "q_0.8": 0.990786762336443, "q_0.825": 1.0385793389662257, "q_0.85": 1.0964317957393261, "q_0.875": 1.0964317957393261, "q_0.9": 1.1993575392190896, "q_0.925": 1.2243623924114388, "q_0.95": 1.3081999644746116, "q_0.975": 1.4419645713309863, "q_1": 1.8071824118200865}, {"x": 1.0004001600640255, "y": 0.8422038224466747, "y_true": 0.6932472055672809, "y_pred": 0.7949705775167532, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.2788707583992151, "q_0.075": 0.3344400356338557, "q_0.1": 0.3945154846394395, "q_0.125": 0.4100651999581945, "q_0.15": 0.4162641190228647, "q_0.175": 0.48669645950766116, "q_0.2": 0.5730402111792994, "q_0.225": 0.5953915950057604, "q_0.25": 0.623873369499546, "q_0.275": 0.6421141058720687, "q_0.3": 0.7175496256918212, "q_0.325": 0.7175496256918212, "q_0.35": 0.7422982104950082, "q_0.375": 0.7422982104950082, "q_0.4": 0.7445041060908579, "q_0.425": 0.7559809643754105, "q_0.45": 0.7559809643754105, "q_0.475": 0.7682250470374827, "q_0.5": 0.7949705775167532, "q_0.525": 0.8087226266435009, "q_0.55": 0.8087226266435009, "q_0.575": 0.8422038224466747, "q_0.6": 0.8422038224466747, "q_0.625": 0.8641347288534107, "q_0.65": 0.9399568955924347, "q_0.675": 0.9682152820895437, "q_0.7": 0.9682152820895437, "q_0.725": 0.990786762336443, "q_0.75": 0.990786762336443, "q_0.775": 1.0786912399882227, "q_0.8": 1.0964317957393261, "q_0.825": 1.1224450682972034, "q_0.85": 1.1651956429956947, "q_0.875": 1.2243623924114388, "q_0.9": 1.2243623924114388, "q_0.925": 1.3278970405140123, "q_0.95": 1.4350256599842122, "q_0.975": 1.51563020778495, "q_1": 2.0099134941688126}, {"x": 1.0404161664665867, "y": 1.0964317957393261, "y_true": 0.7031014345280605, "y_pred": 0.7949705775167532, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.2788707583992151, "q_0.075": 0.3344400356338557, "q_0.1": 0.3945154846394395, "q_0.125": 0.4162641190228647, "q_0.15": 0.4656934360380208, "q_0.175": 0.48669645950766116, "q_0.2": 0.5730402111792994, "q_0.225": 0.623873369499546, "q_0.25": 0.6329937376858068, "q_0.275": 0.6421141058720687, "q_0.3": 0.7175496256918212, "q_0.325": 0.7175496256918212, "q_0.35": 0.7422982104950082, "q_0.375": 0.7445041060908579, "q_0.4": 0.7445041060908579, "q_0.425": 0.7559809643754105, "q_0.45": 0.7559809643754105, "q_0.475": 0.7682250470374827, "q_0.5": 0.7949705775167532, "q_0.525": 0.8087226266435009, "q_0.55": 0.8087226266435009, "q_0.575": 0.8422038224466747, "q_0.6": 0.8641347288534107, "q_0.625": 0.8641347288534107, "q_0.65": 0.9422321783440505, "q_0.675": 0.9682152820895437, "q_0.7": 0.9682152820895437, "q_0.725": 0.990786762336443, "q_0.75": 0.990786762336443, "q_0.775": 1.0964317957393261, "q_0.8": 1.0964317957393261, "q_0.825": 1.135054824163709, "q_0.85": 1.1993575392190896, "q_0.875": 1.2243623924114388, "q_0.9": 1.2749828159732455, "q_0.925": 1.3311182559063632, "q_0.95": 1.4419645713309863, "q_0.975": 1.5183248807595735, "q_1": 2.0099134941688126}, {"x": 1.0804321728691477, "y": 0.8087226266435009, "y_true": 0.7126744724120825, "y_pred": 0.8641347288534107, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.3344400356338557, "q_0.075": 0.3945154846394395, "q_0.1": 0.4162641190228647, "q_0.125": 0.48669645950766116, "q_0.15": 0.5730402111792994, "q_0.175": 0.623873369499546, "q_0.2": 0.6421141058720687, "q_0.225": 0.7175496256918212, "q_0.25": 0.7175496256918212, "q_0.275": 0.7422982104950082, "q_0.3": 0.7445041060908579, "q_0.325": 0.7559809643754105, "q_0.35": 0.7559809643754105, "q_0.375": 0.7682250470374827, "q_0.4": 0.7949705775167532, "q_0.425": 0.8087226266435009, "q_0.45": 0.8087226266435009, "q_0.475": 0.8422038224466747, "q_0.5": 0.8641347288534107, "q_0.525": 0.8641347288534107, "q_0.55": 0.9422321783440505, "q_0.575": 0.9682152820895437, "q_0.6": 0.9682152820895437, "q_0.625": 0.990786762336443, "q_0.65": 1.020465066222938, "q_0.675": 1.0964317957393261, "q_0.7": 1.0964317957393261, "q_0.725": 1.135054824163709, "q_0.75": 1.1651956429956947, "q_0.775": 1.1993575392190896, "q_0.8": 1.2243623924114388, "q_0.825": 1.2243623924114388, "q_0.85": 1.3081999644746116, "q_0.875": 1.3650402429347053, "q_0.9": 1.4350256599842122, "q_0.925": 1.4715850665651127, "q_0.95": 1.5233292734267345, "q_0.975": 1.726441396706834, "q_1": 2.0099134941688126}, {"x": 1.1204481792717087, "y": 0.9682152820895437, "y_true": 0.7219835121979407, "y_pred": 0.8641347288534107, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.3344400356338557, "q_0.075": 0.4100651999581945, "q_0.1": 0.4162641190228647, "q_0.125": 0.48669645950766116, "q_0.15": 0.5730402111792994, "q_0.175": 0.623873369499546, "q_0.2": 0.6421141058720687, "q_0.225": 0.7175496256918212, "q_0.25": 0.7175496256918212, "q_0.275": 0.7422982104950082, "q_0.3": 0.7445041060908579, "q_0.325": 0.7559809643754105, "q_0.35": 0.7559809643754105, "q_0.375": 0.7682250470374827, "q_0.4": 0.7949705775167532, "q_0.425": 0.8087226266435009, "q_0.45": 0.8422038224466747, "q_0.475": 0.8422038224466747, "q_0.5": 0.8641347288534107, "q_0.525": 0.9399568955924347, "q_0.55": 0.9470878405277132, "q_0.575": 0.9682152820895437, "q_0.6": 0.990786762336443, "q_0.625": 0.990786762336443, "q_0.65": 1.0463069165452816, "q_0.675": 1.0964317957393261, "q_0.7": 1.1224450682972034, "q_0.725": 1.143445662505712, "q_0.75": 1.166372975807776, "q_0.775": 1.2077261009308098, "q_0.8": 1.2243623924114388, "q_0.825": 1.2556712696685537, "q_0.85": 1.320930641201294, "q_0.875": 1.3683927222360346, "q_0.9": 1.4350256599842122, "q_0.925": 1.4715850665651127, "q_0.95": 1.5233292734267345, "q_0.975": 1.726441396706834, "q_1": 2.0099134941688126}, {"x": 1.1604641856742697, "y": 0.7559809643754105, "y_true": 0.7310441490375574, "y_pred": 0.8641347288534107, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.3344400356338557, "q_0.075": 0.4100651999581945, "q_0.1": 0.4162641190228647, "q_0.125": 0.48669645950766116, "q_0.15": 0.5730402111792994, "q_0.175": 0.623873369499546, "q_0.2": 0.6421141058720687, "q_0.225": 0.7175496256918212, "q_0.25": 0.7175496256918212, "q_0.275": 0.7422982104950082, "q_0.3": 0.7445041060908579, "q_0.325": 0.7559809643754105, "q_0.35": 0.7559809643754105, "q_0.375": 0.7682250470374827, "q_0.4": 0.7949705775167532, "q_0.425": 0.8087226266435009, "q_0.45": 0.8422038224466747, "q_0.475": 0.8422038224466747, "q_0.5": 0.8641347288534107, "q_0.525": 0.9399568955924347, "q_0.55": 0.9470878405277132, "q_0.575": 0.9682152820895437, "q_0.6": 0.990786762336443, "q_0.625": 0.990786762336443, "q_0.65": 1.0463069165452816, "q_0.675": 1.0964317957393261, "q_0.7": 1.1224450682972034, "q_0.725": 1.143445662505712, "q_0.75": 1.166372975807776, "q_0.775": 1.2077261009308098, "q_0.8": 1.2243623924114388, "q_0.825": 1.2556712696685537, "q_0.85": 1.320930641201294, "q_0.875": 1.3683927222360346, "q_0.9": 1.4350256599842122, "q_0.925": 1.4715850665651127, "q_0.95": 1.5233292734267345, "q_0.975": 1.726441396706834, "q_1": 2.0099134941688126}, {"x": 1.2004801920768309, "y": 0.829764993170107, "y_true": 0.7398705769984039, "y_pred": 0.8641347288534107, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.3344400356338557, "q_0.075": 0.4100651999581945, "q_0.1": 0.4162641190228647, "q_0.125": 0.48669645950766116, "q_0.15": 0.5953915950057604, "q_0.175": 0.623873369499546, "q_0.2": 0.6421141058720687, "q_0.225": 0.7175496256918212, "q_0.25": 0.7422982104950082, "q_0.275": 0.7445041060908579, "q_0.3": 0.7445041060908579, "q_0.325": 0.7559809643754105, "q_0.35": 0.7682250470374827, "q_0.375": 0.7949705775167532, "q_0.4": 0.8087226266435009, "q_0.425": 0.8087226266435009, "q_0.45": 0.8422038224466747, "q_0.475": 0.8624899108729036, "q_0.5": 0.8641347288534107, "q_0.525": 0.9422321783440505, "q_0.55": 0.9682152820895437, "q_0.575": 0.9682152820895437, "q_0.6": 0.990786762336443, "q_0.625": 0.990786762336443, "q_0.65": 1.0786912399882227, "q_0.675": 1.0964317957393261, "q_0.7": 1.1263905633240743, "q_0.725": 1.145517884510388, "q_0.75": 1.1722126138568785, "q_0.775": 1.2077261009308098, "q_0.8": 1.2243623924114388, "q_0.825": 1.2749828159732455, "q_0.85": 1.3278970405140123, "q_0.875": 1.3683927222360346, "q_0.9": 1.4350256599842122, "q_0.925": 1.4715850665651127, "q_0.95": 1.5233292734267345, "q_0.975": 1.726441396706834, "q_1": 2.0099134941688126}, {"x": 1.2404961984793919, "y": 1.0399666417176125, "y_true": 0.7484757559771184, "y_pred": 0.9422321783440505, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.3344400356338557, "q_0.075": 0.4100651999581945, "q_0.1": 0.4656934360380208, "q_0.125": 0.5730402111792994, "q_0.15": 0.623873369499546, "q_0.175": 0.6421141058720687, "q_0.2": 0.7175496256918212, "q_0.225": 0.7175496256918212, "q_0.25": 0.7422982104950082, "q_0.275": 0.7445041060908579, "q_0.3": 0.7559809643754105, "q_0.325": 0.7559809643754105, "q_0.35": 0.7682250470374827, "q_0.375": 0.7949705775167532, "q_0.4": 0.8087226266435009, "q_0.425": 0.8422038224466747, "q_0.45": 0.8422038224466747, "q_0.475": 0.8641347288534107, "q_0.5": 0.9422321783440505, "q_0.525": 0.9682152820895437, "q_0.55": 0.9682152820895437, "q_0.575": 0.990786762336443, "q_0.6": 0.990786762336443, "q_0.625": 1.0786912399882227, "q_0.65": 1.0964317957393261, "q_0.675": 1.1263905633240743, "q_0.7": 1.145517884510388, "q_0.725": 1.1702713355816705, "q_0.75": 1.2077261009308098, "q_0.775": 1.2243623924114388, "q_0.8": 1.2243623924114388, "q_0.825": 1.3081999644746116, "q_0.85": 1.3311182559063632, "q_0.875": 1.401449759017032, "q_0.9": 1.4419645713309863, "q_0.925": 1.4881321755703982, "q_0.95": 1.5681902934779766, "q_0.975": 1.726441396706834, "q_1": 2.0099134941688126}, {"x": 1.2805122048819528, "y": 1.0845547171167336, "y_true": 0.7568715541067936, "y_pred": 0.9682152820895437, "target": "1", "q_0": 0.0, "q_0.025": 0.2788707583992151, "q_0.05": 0.3344400356338557, "q_0.075": 0.4100651999581945, "q_0.1": 0.4656934360380208, "q_0.125": 0.5730402111792994, "q_0.15": 0.623873369499546, "q_0.175": 0.6421141058720687, "q_0.2": 0.7175496256918212, "q_0.225": 0.7422982104950082, "q_0.25": 0.7445041060908579, "q_0.275": 0.7559809643754105, "q_0.3": 0.7559809643754105, "q_0.325": 0.7682250470374827, "q_0.35": 0.7949705775167532, "q_0.375": 0.8087226266435009, "q_0.4": 0.8422038224466747, "q_0.425": 0.8422038224466747, "q_0.45": 0.8641347288534107, "q_0.475": 0.9422321783440505, "q_0.5": 0.9682152820895437, "q_0.525": 0.9682152820895437, "q_0.55": 0.990786762336443, "q_0.575": 1.020465066222938, "q_0.6": 1.0786912399882227, "q_0.625": 1.0964317957393261, "q_0.65": 1.1263905633240743, "q_0.675": 1.145517884510388, "q_0.7": 1.166372975807776, "q_0.725": 1.1993575392190896, "q_0.75": 1.2193861284805907, "q_0.775": 1.2243623924114388, "q_0.8": 1.3081999644746116, "q_0.825": 1.3278970405140123, "q_0.85": 1.3683927222360346, "q_0.875": 1.4350256599842122, "q_0.9": 1.4715850665651127, "q_0.925": 1.51563020778495, "q_0.95": 1.5681902934779766, "q_0.975": 1.726441396706834, "q_1": 2.0099134941688126}, {"x": 1.3205282112845138, "y": 1.0596202066592642, "y_true": 0.7650688698961738, "y_pred": 1.135054824163709, "target": "1", "q_0": 0.0, "q_0.025": 0.3344400356338557, "q_0.05": 0.4656934360380208, "q_0.075": 0.5953915950057604, "q_0.1": 0.6421141058720687, "q_0.125": 0.7175496256918212, "q_0.15": 0.7422982104950082, "q_0.175": 0.7559809643754105, "q_0.2": 0.7682250470374827, "q_0.225": 0.8087226266435009, "q_0.25": 0.8087226266435009, "q_0.275": 0.8422038224466747, "q_0.3": 0.8641347288534107, "q_0.325": 0.9422321783440505, "q_0.35": 0.9470878405277132, "q_0.375": 0.9682152820895437, "q_0.4": 0.990786762336443, "q_0.425": 1.0405920359377043, "q_0.45": 1.0964317957393261, "q_0.475": 1.1224450682972034, "q_0.5": 1.135054824163709, "q_0.525": 1.145517884510388, "q_0.55": 1.1651956429956947, "q_0.575": 1.1722126138568785, "q_0.6": 1.1993575392190896, "q_0.625": 1.2193861284805907, "q_0.65": 1.2243623924114388, "q_0.675": 1.2556712696685537, "q_0.7": 1.3081999644746116, "q_0.725": 1.320930641201294, "q_0.75": 1.3311182559063632, "q_0.775": 1.3683927222360346, "q_0.8": 1.4314835785719142, "q_0.825": 1.4419645713309863, "q_0.85": 1.4715850665651127, "q_0.875": 1.4881321755703982, "q_0.9": 1.5233292734267345, "q_0.925": 1.5786936835021335, "q_0.95": 1.726441396706834, "q_0.975": 1.8027563610152773, "q_1": 2.0099134941688126}, {"x": 1.3605442176870748, "y": 1.2243623924114388, "y_true": 0.7730777375015658, "y_pred": 1.145517884510388, "target": "1", "q_0": 0.0, "q_0.025": 0.3945154846394395, "q_0.05": 0.48669645950766116, "q_0.075": 0.623873369499546, "q_0.1": 0.7175496256918212, "q_0.125": 0.7422982104950082, "q_0.15": 0.7559809643754105, "q_0.175": 0.7682250470374827, "q_0.2": 0.8087226266435009, "q_0.225": 0.8422038224466747, "q_0.25": 0.8641347288534107, "q_0.275": 0.9410945369682426, "q_0.3": 0.9470878405277132, "q_0.325": 0.9682152820895437, "q_0.35": 0.990786762336443, "q_0.375": 1.020465066222938, "q_0.4": 1.0786912399882227, "q_0.425": 1.0964317957393261, "q_0.45": 1.1263905633240743, "q_0.475": 1.135054824163709, "q_0.5": 1.145517884510388, "q_0.525": 1.166372975807776, "q_0.55": 1.198757111314664, "q_0.575": 1.1993575392190896, "q_0.6": 1.2193861284805907, "q_0.625": 1.2243623924114388, "q_0.65": 1.2749828159732455, "q_0.675": 1.3081999644746116, "q_0.7": 1.320930641201294, "q_0.725": 1.3311182559063632, "q_0.75": 1.3683927222360346, "q_0.775": 1.401449759017032, "q_0.8": 1.4350256599842122, "q_0.825": 1.4633014537620808, "q_0.85": 1.4881321755703982, "q_0.875": 1.51563020778495, "q_0.9": 1.5233292734267345, "q_0.925": 1.6175603236520901, "q_0.95": 1.726441396706834, "q_0.975": 1.8071824118200865, "q_1": 2.0099134941688126}, {"x": 1.400560224089636, "y": 1.3081999644746116, "y_true": 0.7809074178797828, "y_pred": 1.2556712696685537, "target": "1", "q_0": 0.0, "q_0.025": 0.7175496256918212, "q_0.05": 0.7682250470374827, "q_0.075": 0.8422038224466747, "q_0.1": 0.9399568955924347, "q_0.125": 0.9422321783440505, "q_0.15": 0.9470878405277132, "q_0.175": 0.9682152820895437, "q_0.2": 1.020465066222938, "q_0.225": 1.0786912399882227, "q_0.25": 1.0964317957393261, "q_0.275": 1.1263905633240743, "q_0.3": 1.135054824163709, "q_0.325": 1.145517884510388, "q_0.35": 1.1651956429956947, "q_0.375": 1.166372975807776, "q_0.4": 1.1722126138568785, "q_0.425": 1.1993575392190896, "q_0.45": 1.2077261009308098, "q_0.475": 1.2193861284805907, "q_0.5": 1.2556712696685537, "q_0.525": 1.2749828159732455, "q_0.55": 1.3081999644746116, "q_0.575": 1.320930641201294, "q_0.6": 1.3278970405140123, "q_0.625": 1.3311182559063632, "q_0.65": 1.3683927222360346, "q_0.675": 1.3722978755846154, "q_0.7": 1.4314835785719142, "q_0.725": 1.4350256599842122, "q_0.75": 1.4419645713309863, "q_0.775": 1.4715850665651127, "q_0.8": 1.4881321755703982, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.440576230492197, "y": 1.2029552528060798, "y_true": 0.7885664780579946, "y_pred": 1.2556712696685537, "target": "1", "q_0": 0.0, "q_0.025": 0.7175496256918212, "q_0.05": 0.7682250470374827, "q_0.075": 0.8422038224466747, "q_0.1": 0.9399568955924347, "q_0.125": 0.9422321783440505, "q_0.15": 0.9470878405277132, "q_0.175": 0.9682152820895437, "q_0.2": 1.020465066222938, "q_0.225": 1.0786912399882227, "q_0.25": 1.0964317957393261, "q_0.275": 1.1263905633240743, "q_0.3": 1.135054824163709, "q_0.325": 1.145517884510388, "q_0.35": 1.1651956429956947, "q_0.375": 1.166372975807776, "q_0.4": 1.1722126138568785, "q_0.425": 1.1993575392190896, "q_0.45": 1.2077261009308098, "q_0.475": 1.2193861284805907, "q_0.5": 1.2556712696685537, "q_0.525": 1.2749828159732455, "q_0.55": 1.3081999644746116, "q_0.575": 1.320930641201294, "q_0.6": 1.3278970405140123, "q_0.625": 1.3311182559063632, "q_0.65": 1.3683927222360346, "q_0.675": 1.3722978755846154, "q_0.7": 1.4314835785719142, "q_0.725": 1.4350256599842122, "q_0.75": 1.4419645713309863, "q_0.775": 1.4715850665651127, "q_0.8": 1.4881321755703982, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.480592236894758, "y": 1.0537494198601665, "y_true": 0.7960628603508859, "y_pred": 1.2749828159732455, "target": "1", "q_0": 0.0, "q_0.025": 0.7559809643754105, "q_0.05": 0.8641347288534107, "q_0.075": 0.9399568955924347, "q_0.1": 0.9422321783440505, "q_0.125": 0.9470878405277132, "q_0.15": 1.020465066222938, "q_0.175": 1.0405920359377043, "q_0.2": 1.0786912399882227, "q_0.225": 1.1224450682972034, "q_0.25": 1.1263905633240743, "q_0.275": 1.135054824163709, "q_0.3": 1.145517884510388, "q_0.325": 1.1651956429956947, "q_0.35": 1.166372975807776, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2077261009308098, "q_0.45": 1.2193861284805907, "q_0.475": 1.2556712696685537, "q_0.5": 1.2749828159732455, "q_0.525": 1.3081999644746116, "q_0.55": 1.320930641201294, "q_0.575": 1.3278970405140123, "q_0.6": 1.3311182559063632, "q_0.625": 1.3616877636333742, "q_0.65": 1.3722978755846154, "q_0.675": 1.401449759017032, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4633014537620808, "q_0.775": 1.4715850665651127, "q_0.8": 1.4881321755703982, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.520608243297319, "y": 1.2749828159732455, "y_true": 0.8034039430324192, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0405920359377043, "q_0.2": 1.0964317957393261, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1436608122067884, "q_0.3": 1.145517884510388, "q_0.325": 1.1651956429956947, "q_0.35": 1.1702713355816705, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2077261009308098, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.3081999644746116, "q_0.55": 1.320930641201294, "q_0.575": 1.3278970405140123, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3722978755846154, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.4881321755703982, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.5606242496998801, "y": 0.8800346822842576, "y_true": 0.8105965937103424, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0405920359377043, "q_0.2": 1.0964317957393261, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1436608122067884, "q_0.3": 1.145517884510388, "q_0.325": 1.1651956429956947, "q_0.35": 1.1702713355816705, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2077261009308098, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.3081999644746116, "q_0.55": 1.320930641201294, "q_0.575": 1.3278970405140123, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3722978755846154, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.4881321755703982, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.600640256102441, "y": 1.2193861284805907, "y_true": 0.8176472164423992, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0405920359377043, "q_0.2": 1.0964317957393261, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1436608122067884, "q_0.3": 1.145517884510388, "q_0.325": 1.1651956429956947, "q_0.35": 1.1702713355816705, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2077261009308098, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.3081999644746116, "q_0.55": 1.320930641201294, "q_0.575": 1.3278970405140123, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3722978755846154, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.4881321755703982, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.640656262505002, "y": 1.135054824163709, "y_true": 0.8245617934633747, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0405920359377043, "q_0.2": 1.0964317957393261, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1436608122067884, "q_0.3": 1.145517884510388, "q_0.325": 1.1651956429956947, "q_0.35": 1.1702713355816705, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2077261009308098, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.3081999644746116, "q_0.55": 1.320930641201294, "q_0.575": 1.3278970405140123, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3722978755846154, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.4881321755703982, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.680672268907563, "y": 0.9399568955924347, "y_true": 0.8313459222534513, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0786912399882227, "q_0.2": 1.1224450682972034, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1450536164344882, "q_0.3": 1.145517884510388, "q_0.325": 1.166372975807776, "q_0.35": 1.1722126138568785, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2193861284805907, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.51563020778495, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.720688275310124, "y": 1.4419645713309863, "y_true": 0.8380048485645575, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0786912399882227, "q_0.2": 1.1224450682972034, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1450536164344882, "q_0.3": 1.145517884510388, "q_0.325": 1.166372975807776, "q_0.35": 1.1722126138568785, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2193861284805907, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.51563020778495, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.7607042817126852, "y": 1.0582528736879866, "y_true": 0.8445434959275189, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0786912399882227, "q_0.2": 1.1224450682972034, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1450536164344882, "q_0.3": 1.145517884510388, "q_0.325": 1.166372975807776, "q_0.35": 1.1722126138568785, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2193861284805907, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.51563020778495, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.8007202881152462, "y": 1.246095038991056, "y_true": 0.8509664920850304, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0786912399882227, "q_0.2": 1.1224450682972034, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1450536164344882, "q_0.3": 1.145517884510388, "q_0.325": 1.166372975807776, "q_0.35": 1.1722126138568785, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2193861284805907, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.51563020778495, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.8407362945178072, "y": 1.430575790643342, "y_true": 0.8572781927306947, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0786912399882227, "q_0.2": 1.1224450682972034, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1450536164344882, "q_0.3": 1.145517884510388, "q_0.325": 1.166372975807776, "q_0.35": 1.1722126138568785, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2193861284805907, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.51563020778495, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.8807523009203682, "y": 1.1993575392190896, "y_true": 0.8634827028802189, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0786912399882227, "q_0.2": 1.1224450682972034, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1450536164344882, "q_0.3": 1.145517884510388, "q_0.325": 1.166372975807776, "q_0.35": 1.1722126138568785, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2193861284805907, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.51563020778495, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.9207683073229291, "y": 0.9470878405277132, "y_true": 0.8695838961553899, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0786912399882227, "q_0.2": 1.1224450682972034, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1450536164344882, "q_0.3": 1.145517884510388, "q_0.325": 1.166372975807776, "q_0.35": 1.1722126138568785, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2193861284805907, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.51563020778495, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.9607843137254903, "y": 1.4350256599842122, "y_true": 0.8755854322231262, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.000800320128051, "y": 1.1263905633240743, "y_true": 0.8814907725994762, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.0408163265306123, "y": 1.5786936835021335, "y_true": 0.8873031950009028, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.0808323329331735, "y": 1.5233292734267345, "y_true": 0.8930258064017346, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.1208483393357342, "y": 1.51563020778495, "y_true": 0.8986615549366123, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.1608643457382954, "y": 1.1651956429956947, "y_true": 0.9042132407695634, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.2008803521408566, "y": 1.4715850665651127, "y_true": 0.9096835260365463, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.2408963585434174, "y": 1.6564269638020468, "y_true": 0.9150749439555459, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.2809123649459786, "y": 1.320930641201294, "y_true": 0.9203899071872674, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.3209283713485394, "y": 1.2882465681044069, "y_true": 0.9256307155198968, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.3609443777511006, "y": 0.9422321783440505, "y_true": 0.9307995629430723, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.4009603841536618, "y": 1.4881321755703982, "y_true": 0.9358985441689515, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.4409763905562225, "y": 1.6257604642611618, "y_true": 0.9409296606519141, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.4809923969587837, "y": 1.145517884510388, "y_true": 0.9458948261528829, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918211, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3683927222360346, "q_0.625": 1.3722978755846154, "q_0.65": 1.401449759017032, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.5210084033613445, "y": 1.2077261009308098, "y_true": 0.9507958718893632, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918211, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3683927222360346, "q_0.625": 1.3722978755846154, "q_0.65": 1.401449759017032, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.5610244097639057, "y": 1.3683927222360346, "y_true": 0.9556345513080131, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918211, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3683927222360346, "q_0.625": 1.3722978755846154, "q_0.65": 1.401449759017032, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.601040416166467, "y": 1.020465066222938, "y_true": 0.960412544512764, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918211, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3683927222360346, "q_0.625": 1.3722978755846154, "q_0.65": 1.401449759017032, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.6410564225690276, "y": 1.0405920359377043, "y_true": 0.9651314623781726, "y_pred": 1.320930641201294, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9470878405277132, "q_0.1": 1.020465066222938, "q_0.125": 1.0405920359377043, "q_0.15": 1.0786912399882227, "q_0.175": 1.1224450682972034, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.145517884510388, "q_0.275": 1.1651956429956947, "q_0.3": 1.166372975807776, "q_0.325": 1.1722126138568785, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2193861284805907, "q_0.425": 1.2556712696685537, "q_0.45": 1.2749828159732455, "q_0.475": 1.3081999644746116, "q_0.5": 1.320930641201294, "q_0.525": 1.3278970405140123, "q_0.55": 1.3311182559063632, "q_0.575": 1.3616877636333742, "q_0.6": 1.3683927222360346, "q_0.625": 1.3813534340941245, "q_0.65": 1.4044531409725256, "q_0.675": 1.4350256599842122, "q_0.7": 1.4419645713309863, "q_0.725": 1.4715850665651127, "q_0.75": 1.480524508849519, "q_0.775": 1.4881321755703982, "q_0.8": 1.5233292734267345, "q_0.825": 1.5681902934779766, "q_0.85": 1.5786936835021335, "q_0.875": 1.6564269638020468, "q_0.9": 1.7316863786989098, "q_0.925": 1.8027563610152773, "q_0.95": 1.8071824118200865, "q_0.975": 1.8762395293054102, "q_1": 2.0099134941688126}, {"x": 2.681072428971589, "y": 1.3278970405140123, "y_true": 0.9697928503747189, "y_pred": 1.320930641201294, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9470878405277132, "q_0.1": 1.020465066222938, "q_0.125": 1.0405920359377043, "q_0.15": 1.0786912399882227, "q_0.175": 1.1224450682972034, "q_0.2": 1.1263905633240743, "q_0.225": 1.1436608122067884, "q_0.25": 1.145517884510388, "q_0.275": 1.1651956429956947, "q_0.3": 1.166372975807776, "q_0.325": 1.1722126138568785, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2193861284805907, "q_0.425": 1.2556712696685537, "q_0.45": 1.2749828159732455, "q_0.475": 1.3081999644746116, "q_0.5": 1.320930641201294, "q_0.525": 1.3278970405140123, "q_0.55": 1.3311182559063632, "q_0.575": 1.3616877636333742, "q_0.6": 1.3683927222360346, "q_0.625": 1.3813534340941245, "q_0.65": 1.4314835785719142, "q_0.675": 1.4350256599842122, "q_0.7": 1.4419645713309863, "q_0.725": 1.4715850665651127, "q_0.75": 1.480524508849519, "q_0.775": 1.51563020778495, "q_0.8": 1.5233292734267345, "q_0.825": 1.5681902934779766, "q_0.85": 1.5786936835021335, "q_0.875": 1.726441396706834, "q_0.9": 1.7316863786989098, "q_0.925": 1.8027563610152773, "q_0.95": 1.8071824118200865, "q_0.975": 1.8762395293054102, "q_1": 2.2536101082900837}, {"x": 2.7210884353741496, "y": 1.198757111314664, "y_true": 0.9743981921301421, "y_pred": 1.3278970405140123, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9682152820895437, "q_0.1": 1.0405920359377043, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.1263905633240743, "q_0.2": 1.135054824163709, "q_0.225": 1.1436608122067884, "q_0.25": 1.145517884510388, "q_0.275": 1.166372975807776, "q_0.3": 1.1702713355816705, "q_0.325": 1.198757111314664, "q_0.35": 1.1993575392190896, "q_0.375": 1.2077261009308098, "q_0.4": 1.2193861284805907, "q_0.425": 1.2646750591798805, "q_0.45": 1.3081999644746116, "q_0.475": 1.320930641201294, "q_0.5": 1.3278970405140123, "q_0.525": 1.3311182559063632, "q_0.55": 1.3616877636333742, "q_0.575": 1.3683927222360346, "q_0.6": 1.3813534340941245, "q_0.625": 1.401449759017032, "q_0.65": 1.4314835785719142, "q_0.675": 1.4419645713309863, "q_0.7": 1.4633014537620808, "q_0.725": 1.480524508849519, "q_0.75": 1.4881321755703982, "q_0.775": 1.51563020778495, "q_0.8": 1.5681902934779766, "q_0.825": 1.5786936835021335, "q_0.85": 1.7092454005992117, "q_0.875": 1.7316863786989098, "q_0.9": 1.8016032885954067, "q_0.925": 1.8027563610152773, "q_0.95": 1.8347876628147504, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 2.7611044417767108, "y": 1.3311182559063632, "y_true": 0.9789489127485708, "y_pred": 1.3278970405140123, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9682152820895437, "q_0.1": 1.0405920359377043, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.1263905633240743, "q_0.2": 1.135054824163709, "q_0.225": 1.1436608122067884, "q_0.25": 1.145517884510388, "q_0.275": 1.166372975807776, "q_0.3": 1.1702713355816705, "q_0.325": 1.198757111314664, "q_0.35": 1.1993575392190896, "q_0.375": 1.2077261009308098, "q_0.4": 1.2556712696685537, "q_0.425": 1.2749828159732455, "q_0.45": 1.3081999644746116, "q_0.475": 1.320930641201294, "q_0.5": 1.3278970405140123, "q_0.525": 1.3311182559063632, "q_0.55": 1.3616877636333742, "q_0.575": 1.3683927222360346, "q_0.6": 1.3813534340941245, "q_0.625": 1.401449759017032, "q_0.65": 1.4350256599842122, "q_0.675": 1.4419645713309863, "q_0.7": 1.4633014537620808, "q_0.725": 1.480524508849519, "q_0.75": 1.4881321755703982, "q_0.775": 1.5233292734267345, "q_0.8": 1.5681902934779766, "q_0.825": 1.5786936835021335, "q_0.85": 1.726441396706834, "q_0.875": 1.7316863786989098, "q_0.9": 1.8016032885954067, "q_0.925": 1.8071824118200865, "q_0.95": 1.8347876628147504, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 2.801120448179272, "y": 1.3813534340941245, "y_true": 0.983446381907124, "y_pred": 1.3311182559063632, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0405920359377043, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.1263905633240743, "q_0.2": 1.1436608122067884, "q_0.225": 1.145517884510388, "q_0.25": 1.166372975807776, "q_0.275": 1.1702713355816705, "q_0.3": 1.1722126138568785, "q_0.325": 1.198757111314664, "q_0.35": 1.2077261009308098, "q_0.375": 1.2193861284805907, "q_0.4": 1.2591247285988385, "q_0.425": 1.3081999644746116, "q_0.45": 1.320930641201294, "q_0.475": 1.3278970405140123, "q_0.5": 1.3311182559063632, "q_0.525": 1.3616877636333742, "q_0.55": 1.3722978755846154, "q_0.575": 1.3813534340941245, "q_0.6": 1.401449759017032, "q_0.625": 1.4314835785719142, "q_0.65": 1.4419645713309863, "q_0.675": 1.4633014537620808, "q_0.7": 1.480524508849519, "q_0.725": 1.4881321755703982, "q_0.75": 1.5233292734267345, "q_0.775": 1.5681902934779766, "q_0.8": 1.6564269638020468, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8016032885954067, "q_0.9": 1.8027563610152773, "q_0.925": 1.8071824118200865, "q_0.95": 1.8347876628147504, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 2.8411364545818327, "y": 1.8509198617561622, "y_true": 0.9878919167478122, "y_pred": 1.3616877636333742, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0786912399882227, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.135054824163709, "q_0.2": 1.1436608122067884, "q_0.225": 1.145517884510388, "q_0.25": 1.166372975807776, "q_0.275": 1.1702713355816705, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2077261009308098, "q_0.375": 1.2556712696685537, "q_0.4": 1.2749828159732455, "q_0.425": 1.3081999644746116, "q_0.45": 1.3278970405140123, "q_0.475": 1.3311182559063632, "q_0.5": 1.3616877636333742, "q_0.525": 1.3683927222360346, "q_0.55": 1.3722978755846154, "q_0.575": 1.401449759017032, "q_0.6": 1.4314835785719142, "q_0.625": 1.4350256599842122, "q_0.65": 1.4633014537620808, "q_0.675": 1.4715850665651127, "q_0.7": 1.4881321755703982, "q_0.725": 1.51563020778495, "q_0.75": 1.5681902934779766, "q_0.775": 1.5786936835021335, "q_0.8": 1.7092454005992117, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.8762395293054102, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 2.881152460984394, "y": 1.8347876628147504, "y_true": 0.9922867845809066, "y_pred": 1.3616877636333742, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0786912399882227, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.135054824163709, "q_0.2": 1.1436608122067884, "q_0.225": 1.145517884510388, "q_0.25": 1.166372975807776, "q_0.275": 1.1702713355816705, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2077261009308098, "q_0.375": 1.2556712696685537, "q_0.4": 1.2749828159732455, "q_0.425": 1.3081999644746116, "q_0.45": 1.3278970405140123, "q_0.475": 1.3311182559063632, "q_0.5": 1.3616877636333742, "q_0.525": 1.3683927222360346, "q_0.55": 1.3722978755846154, "q_0.575": 1.401449759017032, "q_0.6": 1.4314835785719142, "q_0.625": 1.4350256599842122, "q_0.65": 1.4633014537620808, "q_0.675": 1.4715850665651127, "q_0.7": 1.4881321755703982, "q_0.725": 1.51563020778495, "q_0.75": 1.5681902934779766, "q_0.775": 1.5786936835021335, "q_0.8": 1.7092454005992117, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.8762395293054102, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 2.9211684673869547, "y": 1.1224450682972034, "y_true": 0.9966322054144672, "y_pred": 1.3616877636333742, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0786912399882227, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.135054824163709, "q_0.2": 1.1436608122067884, "q_0.225": 1.145517884510388, "q_0.25": 1.166372975807776, "q_0.275": 1.1702713355816705, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2077261009308098, "q_0.375": 1.2556712696685537, "q_0.4": 1.2749828159732455, "q_0.425": 1.3081999644746116, "q_0.45": 1.3278970405140123, "q_0.475": 1.3311182559063632, "q_0.5": 1.3616877636333742, "q_0.525": 1.3683927222360346, "q_0.55": 1.3722978755846154, "q_0.575": 1.401449759017032, "q_0.6": 1.4314835785719142, "q_0.625": 1.4350256599842122, "q_0.65": 1.4633014537620808, "q_0.675": 1.4715850665651127, "q_0.7": 1.4881321755703982, "q_0.725": 1.51563020778495, "q_0.75": 1.5681902934779766, "q_0.775": 1.5786936835021335, "q_0.8": 1.7092454005992117, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.8762395293054102, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 2.961184473789516, "y": 1.8027563610152773, "y_true": 1.0009293543233924, "y_pred": 1.3616877636333742, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0786912399882227, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.135054824163709, "q_0.2": 1.1436608122067884, "q_0.225": 1.145517884510388, "q_0.25": 1.166372975807776, "q_0.275": 1.1702713355816705, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2077261009308098, "q_0.375": 1.2556712696685537, "q_0.4": 1.2749828159732455, "q_0.425": 1.3081999644746116, "q_0.45": 1.3278970405140123, "q_0.475": 1.3311182559063632, "q_0.5": 1.3616877636333742, "q_0.525": 1.3683927222360346, "q_0.55": 1.3722978755846154, "q_0.575": 1.401449759017032, "q_0.6": 1.4314835785719142, "q_0.625": 1.4350256599842122, "q_0.65": 1.4633014537620808, "q_0.675": 1.4715850665651127, "q_0.7": 1.4881321755703982, "q_0.725": 1.51563020778495, "q_0.75": 1.5681902934779766, "q_0.775": 1.5786936835021335, "q_0.8": 1.7092454005992117, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.8762395293054102, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 3.001200480192077, "y": 1.0786912399882227, "y_true": 1.0051793636701627, "y_pred": 1.3616877636333742, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0786912399882227, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.135054824163709, "q_0.2": 1.1436608122067884, "q_0.225": 1.145517884510388, "q_0.25": 1.166372975807776, "q_0.275": 1.1702713355816705, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2077261009308098, "q_0.375": 1.2556712696685537, "q_0.4": 1.2749828159732455, "q_0.425": 1.3081999644746116, "q_0.45": 1.3278970405140123, "q_0.475": 1.3311182559063632, "q_0.5": 1.3616877636333742, "q_0.525": 1.3683927222360346, "q_0.55": 1.3722978755846154, "q_0.575": 1.401449759017032, "q_0.6": 1.4314835785719142, "q_0.625": 1.4350256599842122, "q_0.65": 1.4633014537620808, "q_0.675": 1.4715850665651127, "q_0.7": 1.4881321755703982, "q_0.725": 1.51563020778495, "q_0.75": 1.5681902934779766, "q_0.775": 1.5786936835021335, "q_0.8": 1.7092454005992117, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.8762395293054102, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 3.041216486594638, "y": 1.4786924381591804, "y_true": 1.0093833251883777, "y_pred": 1.3616877636333742, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0786912399882227, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.135054824163709, "q_0.2": 1.1436608122067884, "q_0.225": 1.145517884510388, "q_0.25": 1.166372975807776, "q_0.275": 1.1702713355816705, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2077261009308098, "q_0.375": 1.2556712696685537, "q_0.4": 1.2749828159732455, "q_0.425": 1.3081999644746116, "q_0.45": 1.3278970405140123, "q_0.475": 1.3311182559063632, "q_0.5": 1.3616877636333742, "q_0.525": 1.3683927222360346, "q_0.55": 1.3722978755846154, "q_0.575": 1.401449759017032, "q_0.6": 1.4314835785719142, "q_0.625": 1.4350256599842122, "q_0.65": 1.4633014537620808, "q_0.675": 1.4715850665651127, "q_0.7": 1.4881321755703982, "q_0.725": 1.51563020778495, "q_0.75": 1.5681902934779766, "q_0.775": 1.5786936835021335, "q_0.8": 1.7092454005992117, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.8762395293054102, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 3.081232492997199, "y": 1.166372975807776, "y_true": 1.0135422919392256, "y_pred": 1.3616877636333742, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0786912399882227, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.135054824163709, "q_0.2": 1.1436608122067884, "q_0.225": 1.145517884510388, "q_0.25": 1.166372975807776, "q_0.275": 1.1702713355816705, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2077261009308098, "q_0.375": 1.2556712696685537, "q_0.4": 1.2749828159732455, "q_0.425": 1.3081999644746116, "q_0.45": 1.3278970405140123, "q_0.475": 1.3311182559063632, "q_0.5": 1.3616877636333742, "q_0.525": 1.3683927222360346, "q_0.55": 1.3722978755846154, "q_0.575": 1.401449759017032, "q_0.6": 1.4314835785719142, "q_0.625": 1.4350256599842122, "q_0.65": 1.4633014537620808, "q_0.675": 1.4715850665651127, "q_0.7": 1.4881321755703982, "q_0.725": 1.51563020778495, "q_0.75": 1.5681902934779766, "q_0.775": 1.5786936835021335, "q_0.8": 1.7092454005992117, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.8762395293054102, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 3.1212484993997602, "y": 1.3616877636333742, "y_true": 1.0176572801501516, "y_pred": 1.3616877636333742, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0786912399882227, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.135054824163709, "q_0.2": 1.1436608122067884, "q_0.225": 1.145517884510388, "q_0.25": 1.166372975807776, "q_0.275": 1.1702713355816705, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2077261009308098, "q_0.375": 1.2556712696685537, "q_0.4": 1.2749828159732455, "q_0.425": 1.3081999644746116, "q_0.45": 1.3278970405140123, "q_0.475": 1.3311182559063632, "q_0.5": 1.3616877636333742, "q_0.525": 1.3683927222360346, "q_0.55": 1.3722978755846154, "q_0.575": 1.401449759017032, "q_0.6": 1.4314835785719142, "q_0.625": 1.4350256599842122, "q_0.65": 1.4633014537620808, "q_0.675": 1.4715850665651127, "q_0.7": 1.4881321755703982, "q_0.725": 1.51563020778495, "q_0.75": 1.5681902934779766, "q_0.775": 1.5786936835021335, "q_0.8": 1.7092454005992117, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.8762395293054102, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 3.161264505802321, "y": 1.726441396706834, "y_true": 1.021729270944211, "y_pred": 1.3616877636333742, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0786912399882227, "q_0.125": 1.1029351138787955, "q_0.15": 1.1224450682972034, "q_0.175": 1.135054824163709, "q_0.2": 1.1436608122067884, "q_0.225": 1.1651956429956947, "q_0.25": 1.166372975807776, "q_0.275": 1.1722126138568785, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2193861284805907, "q_0.375": 1.2556712696685537, "q_0.4": 1.2749828159732455, "q_0.425": 1.320930641201294, "q_0.45": 1.3278970405140123, "q_0.475": 1.3311182559063632, "q_0.5": 1.3616877636333742, "q_0.525": 1.3683927222360346, "q_0.55": 1.3813534340941245, "q_0.575": 1.401449759017032, "q_0.6": 1.4314835785719142, "q_0.625": 1.4350256599842122, "q_0.65": 1.4633014537620808, "q_0.675": 1.480524508849519, "q_0.7": 1.4881321755703982, "q_0.725": 1.5233292734267345, "q_0.75": 1.5681902934779766, "q_0.775": 1.5786936835021335, "q_0.8": 1.726441396706834, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.8762395293054102, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 3.201280512204882, "y": 1.4314835785719142, "y_true": 1.0257592119678804, "y_pred": 1.3683927222360346, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.0405920359377043, "q_0.1": 1.0786912399882227, "q_0.125": 1.1224450682972034, "q_0.15": 1.1263905633240743, "q_0.175": 1.1436608122067884, "q_0.2": 1.145517884510388, "q_0.225": 1.1651956429956947, "q_0.25": 1.1702713355816705, "q_0.275": 1.1722126138568785, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2193861284805907, "q_0.375": 1.2556712696685537, "q_0.4": 1.3081999644746116, "q_0.425": 1.320930641201294, "q_0.45": 1.3311182559063632, "q_0.475": 1.3616877636333742, "q_0.5": 1.3683927222360346, "q_0.525": 1.3722978755846154, "q_0.55": 1.3813534340941245, "q_0.575": 1.401449759017032, "q_0.6": 1.4350256599842122, "q_0.625": 1.4633014537620808, "q_0.65": 1.4715850665651127, "q_0.675": 1.480524508849519, "q_0.7": 1.51563020778495, "q_0.725": 1.5665362126339277, "q_0.75": 1.5786936835021335, "q_0.775": 1.6612361999689103, "q_0.8": 1.726441396706834, "q_0.825": 1.7316863786989098, "q_0.85": 1.8016032885954067, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.9552107295456946, "q_0.975": 1.9966111964759614, "q_1": 2.7344841619655367}, {"x": 3.241296518607443, "y": 1.8071824118200865, "y_true": 1.0297480189244612, "y_pred": 1.3683927222360346, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9587079333867201, "q_0.075": 1.0405920359377043, "q_0.1": 1.0786912399882227, "q_0.125": 1.1224450682972034, "q_0.15": 1.1263905633240743, "q_0.175": 1.1436608122067884, "q_0.2": 1.145517884510388, "q_0.225": 1.166372975807776, "q_0.25": 1.1702713355816705, "q_0.275": 1.1722126138568785, "q_0.3": 1.198757111314664, "q_0.325": 1.2077261009308098, "q_0.35": 1.2556712696685537, "q_0.375": 1.2591247285988385, "q_0.4": 1.3081999644746116, "q_0.425": 1.3278970405140123, "q_0.45": 1.3311182559063632, "q_0.475": 1.3616877636333742, "q_0.5": 1.3683927222360346, "q_0.525": 1.3722978755846154, "q_0.55": 1.401449759017032, "q_0.575": 1.4314835785719142, "q_0.6": 1.4350256599842122, "q_0.625": 1.4633014537620808, "q_0.65": 1.480524508849519, "q_0.675": 1.4881321755703982, "q_0.7": 1.5233292734267345, "q_0.725": 1.5681902934779766, "q_0.75": 1.5825942265986794, "q_0.775": 1.726441396706834, "q_0.8": 1.726441396706834, "q_0.825": 1.7316863786989098, "q_0.85": 1.8027563610152773, "q_0.875": 1.8071824118200865, "q_0.9": 1.8347876628147504, "q_0.925": 1.8762395293054102, "q_0.95": 1.9602456223502909, "q_0.975": 2.0099134941688126, "q_1": 2.7344841619655367}, {"x": 3.281312525010004, "y": 1.7316863786989098, "y_true": 1.0336965770196263, "y_pred": 1.3722978755846154, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9682152820895437, "q_0.075": 1.0405920359377043, "q_0.1": 1.0786912399882227, "q_0.125": 1.1224450682972034, "q_0.15": 1.1263905633240743, "q_0.175": 1.1436608122067884, "q_0.2": 1.145517884510388, "q_0.225": 1.166372975807776, "q_0.25": 1.1702713355816705, "q_0.275": 1.1722126138568785, "q_0.3": 1.198757111314664, "q_0.325": 1.2077261009308098, "q_0.35": 1.2556712696685537, "q_0.375": 1.2591247285988385, "q_0.4": 1.3081999644746116, "q_0.425": 1.3278970405140123, "q_0.45": 1.3311182559063632, "q_0.475": 1.3616877636333742, "q_0.5": 1.3722978755846154, "q_0.525": 1.3813534340941245, "q_0.55": 1.401449759017032, "q_0.575": 1.4314835785719142, "q_0.6": 1.4419645713309863, "q_0.625": 1.4633014537620808, "q_0.65": 1.480524508849519, "q_0.675": 1.4881321755703982, "q_0.7": 1.5233292734267345, "q_0.725": 1.5681902934779766, "q_0.75": 1.6564269638020468, "q_0.775": 1.726441396706834, "q_0.8": 1.7316863786989098, "q_0.825": 1.7316863786989098, "q_0.85": 1.8027563610152773, "q_0.875": 1.8071824118200865, "q_0.9": 1.8347876628147504, "q_0.925": 1.8762395293054102, "q_0.95": 1.9602456223502909, "q_0.975": 2.0099134941688126, "q_1": 2.7344841619655367}, {"x": 3.3213285314125653, "y": 1.9602456223502909, "y_true": 1.037605742325133, "y_pred": 1.3813534340941245, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 1.020465066222938, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1263905633240743, "q_0.15": 1.1436608122067884, "q_0.175": 1.145517884510388, "q_0.2": 1.166372975807776, "q_0.225": 1.1702713355816705, "q_0.25": 1.1722126138568785, "q_0.275": 1.198757111314664, "q_0.3": 1.2077261009308098, "q_0.325": 1.2556712696685537, "q_0.35": 1.2749828159732455, "q_0.375": 1.3164228408788734, "q_0.4": 1.3278970405140123, "q_0.425": 1.3616877636333742, "q_0.45": 1.3683927222360346, "q_0.475": 1.3722978755846154, "q_0.5": 1.3813534340941245, "q_0.525": 1.401449759017032, "q_0.55": 1.4350256599842122, "q_0.575": 1.4633014537620808, "q_0.6": 1.4715850665651127, "q_0.625": 1.480524508849519, "q_0.65": 1.51563020778495, "q_0.675": 1.5681902934779766, "q_0.7": 1.5786936835021335, "q_0.725": 1.6897570877456367, "q_0.75": 1.726441396706834, "q_0.775": 1.7316863786989098, "q_0.8": 1.8016032885954067, "q_0.825": 1.8027563610152773, "q_0.85": 1.8071824118200865, "q_0.875": 1.8347876628147504, "q_0.9": 1.8762395293054102, "q_0.925": 1.9602456223502909, "q_0.95": 1.9737380618647906, "q_0.975": 2.0099134941688126, "q_1": 2.7344841619655367}, {"x": 3.361344537815126, "y": 1.5681902934779766, "y_true": 1.0414763430662504, "y_pred": 1.3813534340941245, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.020465066222938, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1263905633240743, "q_0.15": 1.1436608122067884, "q_0.175": 1.145517884510388, "q_0.2": 1.166372975807776, "q_0.225": 1.1702713355816705, "q_0.25": 1.1722126138568785, "q_0.275": 1.198757111314664, "q_0.3": 1.2193861284805907, "q_0.325": 1.2556712696685537, "q_0.35": 1.2749828159732455, "q_0.375": 1.320930641201294, "q_0.4": 1.3311182559063632, "q_0.425": 1.3616877636333742, "q_0.45": 1.3722978755846154, "q_0.475": 1.3722978755846154, "q_0.5": 1.3813534340941245, "q_0.525": 1.410252091424363, "q_0.55": 1.4350256599842122, "q_0.575": 1.4633014537620808, "q_0.6": 1.4715850665651127, "q_0.625": 1.480524508849519, "q_0.65": 1.51563020778495, "q_0.675": 1.5681902934779766, "q_0.7": 1.5786936835021335, "q_0.725": 1.6897570877456367, "q_0.75": 1.726441396706834, "q_0.775": 1.7316863786989098, "q_0.8": 1.8016032885954067, "q_0.825": 1.8027563610152773, "q_0.85": 1.8071824118200865, "q_0.875": 1.8347876628147504, "q_0.9": 1.8762395293054102, "q_0.925": 1.9602456223502909, "q_0.95": 1.9824707283797816, "q_0.975": 2.0099134941688126, "q_1": 2.7344841619655367}, {"x": 3.4013605442176873, "y": 1.8422461361859859, "y_true": 1.0453091808380024, "y_pred": 1.3813534340941245, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.020465066222938, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1263905633240743, "q_0.15": 1.1436608122067884, "q_0.175": 1.145517884510388, "q_0.2": 1.166372975807776, "q_0.225": 1.1702713355816705, "q_0.25": 1.1722126138568785, "q_0.275": 1.198757111314664, "q_0.3": 1.2193861284805907, "q_0.325": 1.2556712696685537, "q_0.35": 1.2749828159732455, "q_0.375": 1.320930641201294, "q_0.4": 1.3311182559063632, "q_0.425": 1.3616877636333742, "q_0.45": 1.3722978755846154, "q_0.475": 1.3722978755846154, "q_0.5": 1.3813534340941245, "q_0.525": 1.410252091424363, "q_0.55": 1.4350256599842122, "q_0.575": 1.4633014537620808, "q_0.6": 1.4715850665651127, "q_0.625": 1.480524508849519, "q_0.65": 1.51563020778495, "q_0.675": 1.5681902934779766, "q_0.7": 1.5786936835021335, "q_0.725": 1.6897570877456367, "q_0.75": 1.726441396706834, "q_0.775": 1.7316863786989098, "q_0.8": 1.8016032885954067, "q_0.825": 1.8027563610152773, "q_0.85": 1.8071824118200865, "q_0.875": 1.8347876628147504, "q_0.9": 1.8762395293054102, "q_0.925": 1.9602456223502909, "q_0.95": 1.9824707283797816, "q_0.975": 2.0099134941688126, "q_1": 2.7344841619655367}, {"x": 3.441376550620248, "y": 1.3722978755846154, "y_true": 1.0491050317549442, "y_pred": 1.3813534340941245, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.020465066222938, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1263905633240743, "q_0.15": 1.1436608122067884, "q_0.175": 1.145517884510388, "q_0.2": 1.166372975807776, "q_0.225": 1.1702713355816705, "q_0.25": 1.1722126138568785, "q_0.275": 1.198757111314664, "q_0.3": 1.2193861284805907, "q_0.325": 1.2556712696685537, "q_0.35": 1.2749828159732455, "q_0.375": 1.320930641201294, "q_0.4": 1.3311182559063632, "q_0.425": 1.3616877636333742, "q_0.45": 1.3722978755846154, "q_0.475": 1.3722978755846154, "q_0.5": 1.3813534340941245, "q_0.525": 1.410252091424363, "q_0.55": 1.4350256599842122, "q_0.575": 1.4633014537620808, "q_0.6": 1.4715850665651127, "q_0.625": 1.480524508849519, "q_0.65": 1.51563020778495, "q_0.675": 1.5681902934779766, "q_0.7": 1.5786936835021335, "q_0.725": 1.6897570877456367, "q_0.75": 1.726441396706834, "q_0.775": 1.7316863786989098, "q_0.8": 1.8016032885954067, "q_0.825": 1.8027563610152773, "q_0.85": 1.8071824118200865, "q_0.875": 1.8347876628147504, "q_0.9": 1.8762395293054102, "q_0.925": 1.9602456223502909, "q_0.95": 1.9824707283797816, "q_0.975": 2.0099134941688126, "q_1": 2.7344841619655367}, {"x": 3.4813925570228093, "y": 1.401449759017032, "y_true": 1.0528646475388166, "y_pred": 1.3813534340941245, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.020465066222938, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1263905633240743, "q_0.15": 1.1436608122067884, "q_0.175": 1.145517884510388, "q_0.2": 1.166372975807776, "q_0.225": 1.1702713355816705, "q_0.25": 1.1722126138568785, "q_0.275": 1.198757111314664, "q_0.3": 1.2193861284805907, "q_0.325": 1.2556712696685537, "q_0.35": 1.2749828159732455, "q_0.375": 1.320930641201294, "q_0.4": 1.3311182559063632, "q_0.425": 1.3616877636333742, "q_0.45": 1.3722978755846154, "q_0.475": 1.3722978755846154, "q_0.5": 1.3813534340941245, "q_0.525": 1.410252091424363, "q_0.55": 1.4350256599842122, "q_0.575": 1.4633014537620808, "q_0.6": 1.4715850665651127, "q_0.625": 1.480524508849519, "q_0.65": 1.51563020778495, "q_0.675": 1.5681902934779766, "q_0.7": 1.5786936835021335, "q_0.725": 1.6897570877456367, "q_0.75": 1.726441396706834, "q_0.775": 1.7316863786989098, "q_0.8": 1.8016032885954067, "q_0.825": 1.8027563610152773, "q_0.85": 1.8071824118200865, "q_0.875": 1.8347876628147504, "q_0.9": 1.8762395293054102, "q_0.925": 1.9602456223502909, "q_0.95": 1.9824707283797816, "q_0.975": 2.0099134941688126, "q_1": 2.7344841619655367}, {"x": 3.5214085634253705, "y": 1.4633014537620808, "y_true": 1.0565887565480996, "y_pred": 1.401449759017032, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.020465066222938, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.135054824163709, "q_0.15": 1.1436608122067884, "q_0.175": 1.1651956429956947, "q_0.2": 1.166372975807776, "q_0.225": 1.1722126138568785, "q_0.25": 1.198757111314664, "q_0.275": 1.1993575392190896, "q_0.3": 1.2556712696685537, "q_0.325": 1.2556712696685537, "q_0.35": 1.2749828159732455, "q_0.375": 1.3278970405140123, "q_0.4": 1.3311182559063632, "q_0.425": 1.3616877636333742, "q_0.45": 1.3722978755846154, "q_0.475": 1.3813534340941245, "q_0.5": 1.401449759017032, "q_0.525": 1.4314835785719142, "q_0.55": 1.4633014537620808, "q_0.575": 1.4693070730442772, "q_0.6": 1.480524508849519, "q_0.625": 1.51563020778495, "q_0.65": 1.530690502329308, "q_0.675": 1.5681902934779766, "q_0.7": 1.6564269638020468, "q_0.725": 1.7092454005992117, "q_0.75": 1.726441396706834, "q_0.775": 1.7537326092035959, "q_0.8": 1.8027563610152773, "q_0.825": 1.8071824118200865, "q_0.85": 1.8347876628147504, "q_0.875": 1.8762395293054102, "q_0.9": 1.9428411491420838, "q_0.925": 1.9602456223502909, "q_0.95": 2.0099134941688126, "q_0.975": 2.1081721057949148, "q_1": 2.7344841619655367}, {"x": 3.561424569827931, "y": 1.480524508849519, "y_true": 1.0602780647531782, "y_pred": 1.401449759017032, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.020465066222938, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.135054824163709, "q_0.15": 1.1436608122067884, "q_0.175": 1.1651956429956947, "q_0.2": 1.1702713355816705, "q_0.225": 1.1722126138568785, "q_0.25": 1.198757111314664, "q_0.275": 1.1993575392190896, "q_0.3": 1.2556712696685537, "q_0.325": 1.2581750273930106, "q_0.35": 1.3081999644746116, "q_0.375": 1.3278970405140123, "q_0.4": 1.3311182559063632, "q_0.425": 1.3683927222360346, "q_0.45": 1.3722978755846154, "q_0.475": 1.3813534340941245, "q_0.5": 1.401449759017032, "q_0.525": 1.4350256599842122, "q_0.55": 1.4633014537620808, "q_0.575": 1.4715850665651127, "q_0.6": 1.480524508849519, "q_0.625": 1.51563020778495, "q_0.65": 1.5681902934779766, "q_0.675": 1.5786936835021335, "q_0.7": 1.6612361999689103, "q_0.725": 1.726441396706834, "q_0.75": 1.7316863786989098, "q_0.775": 1.7938626646659221, "q_0.8": 1.8027563610152773, "q_0.825": 1.8071824118200865, "q_0.85": 1.8347876628147504, "q_0.875": 1.8762395293054102, "q_0.9": 1.9552107295456946, "q_0.925": 1.9602456223502909, "q_0.95": 2.0099134941688126, "q_0.975": 2.1471434660150575, "q_1": 2.7344841619655367}, {"x": 3.6014405762304924, "y": 1.1702713355816705, "y_true": 1.0639332566605646, "y_pred": 1.4314835785719142, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.0405920359377043, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.135054824163709, "q_0.15": 1.1436608122067884, "q_0.175": 1.1651956429956947, "q_0.2": 1.1702713355816705, "q_0.225": 1.1722126138568785, "q_0.25": 1.198757111314664, "q_0.275": 1.2077261009308098, "q_0.3": 1.2556712696685537, "q_0.325": 1.2591247285988385, "q_0.35": 1.3081999644746116, "q_0.375": 1.3278970405140123, "q_0.4": 1.3616877636333742, "q_0.425": 1.3683927222360346, "q_0.45": 1.3722978755846154, "q_0.475": 1.401449759017032, "q_0.5": 1.4314835785719142, "q_0.525": 1.4419645713309863, "q_0.55": 1.4633014537620808, "q_0.575": 1.480524508849519, "q_0.6": 1.4881321755703982, "q_0.625": 1.5233292734267345, "q_0.65": 1.5681902934779766, "q_0.675": 1.5952273456608774, "q_0.7": 1.700491107485623, "q_0.725": 1.726441396706834, "q_0.75": 1.7316863786989098, "q_0.775": 1.8016032885954067, "q_0.8": 1.8027563610152773, "q_0.825": 1.8071824118200865, "q_0.85": 1.8347876628147504, "q_0.875": 1.9315536996307234, "q_0.9": 1.9602456223502909, "q_0.925": 1.9867790633986462, "q_0.95": 2.0099134941688126, "q_0.975": 2.1835887522308957, "q_1": 2.7344841619655367}, {"x": 3.641456582633053, "y": 1.6058580583700839, "y_true": 1.0675549961893607, "y_pred": 1.4314835785719142, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.0405920359377043, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.135054824163709, "q_0.15": 1.1436608122067884, "q_0.175": 1.1651956429956947, "q_0.2": 1.1702713355816705, "q_0.225": 1.1722126138568785, "q_0.25": 1.198757111314664, "q_0.275": 1.2077261009308098, "q_0.3": 1.2556712696685537, "q_0.325": 1.2591247285988385, "q_0.35": 1.3081999644746116, "q_0.375": 1.3278970405140123, "q_0.4": 1.3616877636333742, "q_0.425": 1.3683927222360346, "q_0.45": 1.3722978755846154, "q_0.475": 1.401449759017032, "q_0.5": 1.4314835785719142, "q_0.525": 1.4419645713309863, "q_0.55": 1.4633014537620808, "q_0.575": 1.480524508849519, "q_0.6": 1.4881321755703982, "q_0.625": 1.5233292734267345, "q_0.65": 1.5681902934779766, "q_0.675": 1.5952273456608774, "q_0.7": 1.700491107485623, "q_0.725": 1.726441396706834, "q_0.75": 1.7316863786989098, "q_0.775": 1.8016032885954067, "q_0.8": 1.8027563610152773, "q_0.825": 1.8071824118200865, "q_0.85": 1.8347876628147504, "q_0.875": 1.9315536996307234, "q_0.9": 1.9602456223502909, "q_0.925": 1.9867790633986462, "q_0.95": 2.0099134941688126, "q_0.975": 2.1835887522308957, "q_1": 2.7344841619655367}, {"x": 3.6814725890356144, "y": 1.1722126138568785, "y_true": 1.0711439275029202, "y_pred": 1.4314835785719142, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.0405920359377043, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1436608122067884, "q_0.15": 1.1436608122067884, "q_0.175": 1.1651956429956947, "q_0.2": 1.1702713355816705, "q_0.225": 1.1722126138568785, "q_0.25": 1.198757111314664, "q_0.275": 1.2077261009308098, "q_0.3": 1.2556712696685537, "q_0.325": 1.2591247285988385, "q_0.35": 1.3081999644746116, "q_0.375": 1.3278970405140123, "q_0.4": 1.3616877636333742, "q_0.425": 1.3722978755846154, "q_0.45": 1.3722978755846154, "q_0.475": 1.401449759017032, "q_0.5": 1.4314835785719142, "q_0.525": 1.4419645713309863, "q_0.55": 1.4633014537620808, "q_0.575": 1.480524508849519, "q_0.6": 1.4881321755703982, "q_0.625": 1.5233292734267345, "q_0.65": 1.5681902934779766, "q_0.675": 1.6436461998288363, "q_0.7": 1.7092454005992117, "q_0.725": 1.726441396706834, "q_0.75": 1.7316863786989098, "q_0.775": 1.8016032885954067, "q_0.8": 1.8027563610152773, "q_0.825": 1.8071824118200865, "q_0.85": 1.8741974463308972, "q_0.875": 1.9428411491420838, "q_0.9": 1.9602456223502909, "q_0.925": 1.9867790633986462, "q_0.95": 2.0099134941688126, "q_0.975": 2.1835887522308957, "q_1": 2.7344841619655367}, {"x": 3.7214885954381756, "y": 2.0099134941688126, "y_true": 1.074700675798449, "y_pred": 1.4350256599842122, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.0405920359377043, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1436608122067884, "q_0.15": 1.1436608122067884, "q_0.175": 1.166372975807776, "q_0.2": 1.1702713355816705, "q_0.225": 1.1722126138568785, "q_0.25": 1.198757111314664, "q_0.275": 1.2193861284805907, "q_0.3": 1.2556712696685537, "q_0.325": 1.2749828159732455, "q_0.35": 1.320930641201294, "q_0.375": 1.3311182559063632, "q_0.4": 1.3616877636333742, "q_0.425": 1.3722978755846154, "q_0.45": 1.3813534340941245, "q_0.475": 1.401449759017032, "q_0.5": 1.4350256599842122, "q_0.525": 1.4633014537620808, "q_0.55": 1.4715850665651127, "q_0.575": 1.480524508849519, "q_0.6": 1.5233292734267345, "q_0.625": 1.5681902934779766, "q_0.65": 1.5786936835021335, "q_0.675": 1.6897570877456367, "q_0.7": 1.726441396706834, "q_0.725": 1.7316863786989098, "q_0.75": 1.7938626646659221, "q_0.775": 1.8027563610152773, "q_0.8": 1.8071824118200865, "q_0.825": 1.8347876628147504, "q_0.85": 1.8762395293054102, "q_0.875": 1.9428411491420838, "q_0.9": 1.9602456223502909, "q_0.925": 2.0099134941688126, "q_0.95": 2.0099134941688126, "q_0.975": 2.1919247966358903, "q_1": 2.7344841619655367}, {"x": 3.7615046018407363, "y": 1.1436608122067884, "y_true": 1.0782258480570965, "y_pred": 1.4350256599842122, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.0405920359377043, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1436608122067884, "q_0.15": 1.1436608122067884, "q_0.175": 1.166372975807776, "q_0.2": 1.1702713355816705, "q_0.225": 1.1722126138568785, "q_0.25": 1.198757111314664, "q_0.275": 1.2193861284805907, "q_0.3": 1.2556712696685537, "q_0.325": 1.2749828159732455, "q_0.35": 1.320930641201294, "q_0.375": 1.3311182559063632, "q_0.4": 1.3616877636333742, "q_0.425": 1.3722978755846154, "q_0.45": 1.3813534340941245, "q_0.475": 1.401449759017032, "q_0.5": 1.4350256599842122, "q_0.525": 1.4633014537620808, "q_0.55": 1.4715850665651127, "q_0.575": 1.480524508849519, "q_0.6": 1.5233292734267345, "q_0.625": 1.5681902934779766, "q_0.65": 1.5786936835021335, "q_0.675": 1.6897570877456367, "q_0.7": 1.726441396706834, "q_0.725": 1.7316863786989098, "q_0.75": 1.7938626646659221, "q_0.775": 1.8027563610152773, "q_0.8": 1.8071824118200865, "q_0.825": 1.8347876628147504, "q_0.85": 1.8762395293054102, "q_0.875": 1.9428411491420838, "q_0.9": 1.9602456223502909, "q_0.925": 2.0099134941688126, "q_0.95": 2.0099134941688126, "q_0.975": 2.1919247966358903, "q_1": 2.7344841619655367}, {"x": 3.8015206082432975, "y": 1.5606324047341142, "y_true": 1.081720033756904, "y_pred": 1.4350256599842122, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.0405920359377043, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1436608122067884, "q_0.15": 1.1436608122067884, "q_0.175": 1.166372975807776, "q_0.2": 1.1702713355816705, "q_0.225": 1.1722126138568785, "q_0.25": 1.198757111314664, "q_0.275": 1.2193861284805907, "q_0.3": 1.2556712696685537, "q_0.325": 1.2749828159732455, "q_0.35": 1.320930641201294, "q_0.375": 1.3311182559063632, "q_0.4": 1.3616877636333742, "q_0.425": 1.3722978755846154, "q_0.45": 1.3813534340941245, "q_0.475": 1.401449759017032, "q_0.5": 1.4350256599842122, "q_0.525": 1.4633014537620808, "q_0.55": 1.4715850665651127, "q_0.575": 1.480524508849519, "q_0.6": 1.5233292734267345, "q_0.625": 1.5681902934779766, "q_0.65": 1.5786936835021335, "q_0.675": 1.6897570877456367, "q_0.7": 1.726441396706834, "q_0.725": 1.7316863786989098, "q_0.75": 1.7938626646659221, "q_0.775": 1.8027563610152773, "q_0.8": 1.8071824118200865, "q_0.825": 1.8347876628147504, "q_0.85": 1.8762395293054102, "q_0.875": 1.9428411491420838, "q_0.9": 1.9602456223502909, "q_0.925": 2.0099134941688126, "q_0.95": 2.0099134941688126, "q_0.975": 2.1919247966358903, "q_1": 2.7344841619655367}, {"x": 3.8415366146458583, "y": 1.3903322012965407, "y_true": 1.0851838055508118, "y_pred": 1.4350256599842122, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.0405920359377043, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1436608122067884, "q_0.15": 1.1436608122067884, "q_0.175": 1.166372975807776, "q_0.2": 1.1702713355816705, "q_0.225": 1.1722126138568785, "q_0.25": 1.198757111314664, "q_0.275": 1.2193861284805907, "q_0.3": 1.2556712696685537, "q_0.325": 1.2749828159732455, "q_0.35": 1.320930641201294, "q_0.375": 1.3311182559063632, "q_0.4": 1.3683927222360346, "q_0.425": 1.3722978755846154, "q_0.45": 1.3813534340941245, "q_0.475": 1.401449759017032, "q_0.5": 1.4350256599842122, "q_0.525": 1.4633014537620808, "q_0.55": 1.480524508849519, "q_0.575": 1.480524508849519, "q_0.6": 1.5233292734267345, "q_0.625": 1.5681902934779766, "q_0.65": 1.5942958558883242, "q_0.675": 1.700491107485623, "q_0.7": 1.726441396706834, "q_0.725": 1.7316863786989098, "q_0.75": 1.8016032885954067, "q_0.775": 1.8027563610152773, "q_0.8": 1.8071824118200865, "q_0.825": 1.8347876628147504, "q_0.85": 1.8762395293054102, "q_0.875": 1.9428411491420838, "q_0.9": 1.9602456223502909, "q_0.925": 2.0099134941688126, "q_0.95": 2.0667201576662597, "q_0.975": 2.1946613396308043, "q_1": 2.7344841619655367}, {"x": 3.8815526210484195, "y": 1.2556712696685537, "y_true": 1.088617719911782, "y_pred": 1.480524508849519, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.0405920359377043, "q_0.075": 1.1224450682972034, "q_0.1": 1.135054824163709, "q_0.125": 1.1436608122067884, "q_0.15": 1.1652545096362987, "q_0.175": 1.1702713355816705, "q_0.2": 1.1722126138568785, "q_0.225": 1.1993575392190896, "q_0.25": 1.2556712696685537, "q_0.275": 1.2591247285988385, "q_0.3": 1.3081999644746116, "q_0.325": 1.3278970405140123, "q_0.35": 1.3616877636333742, "q_0.375": 1.3722978755846154, "q_0.4": 1.3813534340941245, "q_0.425": 1.401449759017032, "q_0.45": 1.4350256599842122, "q_0.475": 1.4633014537620808, "q_0.5": 1.480524508849519, "q_0.525": 1.4881321755703982, "q_0.55": 1.530690502329308, "q_0.575": 1.5681902934779766, "q_0.6": 1.6564269638020468, "q_0.625": 1.700491107485623, "q_0.65": 1.726441396706834, "q_0.675": 1.7316863786989098, "q_0.7": 1.7938626646659221, "q_0.725": 1.8027563610152773, "q_0.75": 1.8071824118200865, "q_0.775": 1.8347876628147504, "q_0.8": 1.8762395293054102, "q_0.825": 1.9428411491420838, "q_0.85": 1.9602456223502909, "q_0.875": 1.9867790633986462, "q_0.9": 2.0099134941688126, "q_0.925": 2.1081721057949148, "q_0.95": 2.1919247966358903, "q_0.975": 2.272549952910886, "q_1": 2.9476038788028385}, {"x": 3.9215686274509807, "y": 1.9428411491420838, "y_true": 1.0920223177469417, "y_pred": 1.7092454005992117, "target": "1", "q_0": 0.9399568955924347, "q_0.025": 1.0786912399882227, "q_0.05": 1.135054824163709, "q_0.075": 1.145517884510388, "q_0.1": 1.1702713355816705, "q_0.125": 1.1909737522800066, "q_0.15": 1.2556712696685537, "q_0.175": 1.2591247285988385, "q_0.2": 1.313718160685421, "q_0.225": 1.3391272975969297, "q_0.25": 1.3722978755846154, "q_0.275": 1.3813534340941245, "q_0.3": 1.4155334908687605, "q_0.325": 1.4633014537620808, "q_0.35": 1.480524508849519, "q_0.375": 1.530690502329308, "q_0.4": 1.5681902934779766, "q_0.425": 1.640461025840134, "q_0.45": 1.6897570877456367, "q_0.475": 1.700491107485623, "q_0.5": 1.7092454005992117, "q_0.525": 1.7316863786989098, "q_0.55": 1.7584791666382484, "q_0.575": 1.8016032885954067, "q_0.6": 1.8027563610152773, "q_0.625": 1.8256487393970575, "q_0.65": 1.8762395293054102, "q_0.675": 1.9122918809040403, "q_0.7": 1.9428411491420838, "q_0.725": 1.9602456223502909, "q_0.75": 1.9737380618647906, "q_0.775": 2.0099134941688126, "q_0.8": 2.0364240867248338, "q_0.825": 2.1081721057949148, "q_0.85": 2.1471434660150575, "q_0.875": 2.1919247966358903, "q_0.9": 2.2116938666772166, "q_0.925": 2.2536101082900837, "q_0.95": 2.3202836219774388, "q_0.975": 2.4836486088453604, "q_1": 2.9476038788028385}, {"x": 3.9615846338535414, "y": 1.8762395293054102, "y_true": 1.0953981249825357, "y_pred": 1.7316863786989098, "target": "1", "q_0": 0.9399568955924347, "q_0.025": 1.0940050798963663, "q_0.05": 1.1436608122067884, "q_0.075": 1.166372975807776, "q_0.1": 1.1722126138568785, "q_0.125": 1.198757111314664, "q_0.15": 1.2591247285988385, "q_0.175": 1.2605146678792636, "q_0.2": 1.3304740128278931, "q_0.225": 1.3616877636333742, "q_0.25": 1.3813534340941245, "q_0.275": 1.4155334908687605, "q_0.3": 1.4633014537620808, "q_0.325": 1.480524508849519, "q_0.35": 1.530690502329308, "q_0.375": 1.5631008139578264, "q_0.4": 1.6368987942200761, "q_0.425": 1.6612361999689103, "q_0.45": 1.700491107485623, "q_0.475": 1.7092454005992117, "q_0.5": 1.7316863786989098, "q_0.525": 1.7514472296980221, "q_0.55": 1.8016032885954067, "q_0.575": 1.8016032885954067, "q_0.6": 1.8071824118200865, "q_0.625": 1.8762395293054102, "q_0.65": 1.8804632621080155, "q_0.675": 1.9428411491420838, "q_0.7": 1.9428411491420838, "q_0.725": 1.9602456223502909, "q_0.75": 1.9867790633986462, "q_0.775": 2.0099134941688126, "q_0.8": 2.1081721057949148, "q_0.825": 2.1182813624010053, "q_0.85": 2.161885051545963, "q_0.875": 2.1946613396308043, "q_0.9": 2.2356010378751776, "q_0.925": 2.2536101082900837, "q_0.95": 2.3202836219774388, "q_0.975": 2.4949839093558666, "q_1": 2.9476038788028385}, {"x": 4.001600640256102, "y": 1.2591247285988385, "y_true": 1.0987456531213469, "y_pred": 1.748045507323806, "target": "1", "q_0": 0.9399568955924347, "q_0.025": 1.1224450682972034, "q_0.05": 1.1436608122067884, "q_0.075": 1.1702713355816705, "q_0.1": 1.178001487222244, "q_0.125": 1.2556712696685537, "q_0.15": 1.2591247285988385, "q_0.175": 1.313718160685421, "q_0.2": 1.3616877636333742, "q_0.225": 1.3722978755846154, "q_0.25": 1.401449759017032, "q_0.275": 1.4633014537620808, "q_0.3": 1.480524508849519, "q_0.325": 1.530690502329308, "q_0.35": 1.5631008139578264, "q_0.375": 1.6054936858658917, "q_0.4": 1.6612361999689103, "q_0.425": 1.6949716637182313, "q_0.45": 1.7092454005992117, "q_0.475": 1.726441396706834, "q_0.5": 1.748045507323806, "q_0.525": 1.7938626646659221, "q_0.55": 1.8016032885954067, "q_0.575": 1.8071824118200865, "q_0.6": 1.8347876628147504, "q_0.625": 1.8762395293054102, "q_0.65": 1.9127412837784434, "q_0.675": 1.9428411491420838, "q_0.7": 1.9602456223502909, "q_0.725": 1.9737380618647906, "q_0.75": 2.0099134941688126, "q_0.775": 2.0364240867248338, "q_0.8": 2.1081721057949148, "q_0.825": 2.1471434660150575, "q_0.85": 2.1835887522308957, "q_0.875": 2.1946613396308043, "q_0.9": 2.2499427214266623, "q_0.925": 2.272549952910886, "q_0.95": 2.3202836219774388, "q_0.975": 2.4949839093558666, "q_1": 3.082570185997104}, {"x": 4.041616646658664, "y": 1.8016032885954067, "y_true": 1.1020653997741383, "y_pred": 1.7938626646659221, "target": "1", "q_0": 0.9399568955924347, "q_0.025": 1.1224450682972034, "q_0.05": 1.145517884510388, "q_0.075": 1.1722126138568785, "q_0.1": 1.2193861284805907, "q_0.125": 1.2591247285988385, "q_0.15": 1.313718160685421, "q_0.175": 1.3407877867848452, "q_0.2": 1.3722978755846154, "q_0.225": 1.4155334908687605, "q_0.25": 1.4633014537620808, "q_0.275": 1.480524508849519, "q_0.3": 1.530690502329308, "q_0.325": 1.5764520798074533, "q_0.35": 1.640461025840134, "q_0.375": 1.6897570877456367, "q_0.4": 1.700491107485623, "q_0.425": 1.7092454005992117, "q_0.45": 1.7316863786989098, "q_0.475": 1.7514472296980221, "q_0.5": 1.7938626646659221, "q_0.525": 1.8016032885954067, "q_0.55": 1.8071824118200865, "q_0.575": 1.8762395293054102, "q_0.6": 1.8862583920563183, "q_0.625": 1.9428411491420838, "q_0.65": 1.9552107295456946, "q_0.675": 1.973312563332549, "q_0.7": 1.9867790633986462, "q_0.725": 2.0099134941688126, "q_0.75": 2.0667201576662597, "q_0.775": 2.1182813624010053, "q_0.8": 2.1471434660150575, "q_0.825": 2.1835887522308957, "q_0.85": 2.1996987093304345, "q_0.875": 2.2499427214266623, "q_0.9": 2.272549952910886, "q_0.925": 2.3202836219774388, "q_0.95": 2.4558594180200135, "q_0.975": 2.5669475991898523, "q_1": 3.082570185997104}, {"x": 4.081632653061225, "y": 1.9867790633986462, "y_true": 1.1053578491665694, "y_pred": 1.8804632621080155, "target": "1", "q_0": 0.9399568955924347, "q_0.025": 1.1702713355816705, "q_0.05": 1.1935682052915588, "q_0.075": 1.2591247285988385, "q_0.1": 1.313718160685421, "q_0.125": 1.3722978755846154, "q_0.15": 1.4155334908687605, "q_0.175": 1.480524508849519, "q_0.2": 1.5612359127978404, "q_0.225": 1.5781752276141312, "q_0.25": 1.6315554467899878, "q_0.275": 1.6612361999689103, "q_0.3": 1.6897570877456367, "q_0.325": 1.700491107485623, "q_0.35": 1.7092454005992117, "q_0.375": 1.743644759602239, "q_0.4": 1.7514472296980221, "q_0.425": 1.7938626646659221, "q_0.45": 1.8016032885954067, "q_0.475": 1.8347876628147504, "q_0.5": 1.8804632621080155, "q_0.525": 1.9127412837784434, "q_0.55": 1.9428411491420838, "q_0.575": 1.9602456223502909, "q_0.6": 1.9737380618647906, "q_0.625": 1.9867790633986462, "q_0.65": 2.0364240867248338, "q_0.675": 2.1081721057949148, "q_0.7": 2.1182813624010053, "q_0.725": 2.158349758130808, "q_0.75": 2.1835887522308957, "q_0.775": 2.1946613396308043, "q_0.8": 2.2116938666772166, "q_0.825": 2.2499427214266623, "q_0.85": 2.272549952910886, "q_0.875": 2.3202836219774388, "q_0.9": 2.357575987187868, "q_0.925": 2.4558594180200135, "q_0.95": 2.5369801070591347, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.121648659463785, "y": 1.9737380618647906, "y_true": 1.1086234726229431, "y_pred": 1.9127412837784434, "target": "1", "q_0": 1.0405920359377043, "q_0.025": 1.178001487222244, "q_0.05": 1.2591247285988385, "q_0.075": 1.313718160685421, "q_0.1": 1.3407877867848452, "q_0.125": 1.4155334908687605, "q_0.15": 1.480524508849519, "q_0.175": 1.5612359127978404, "q_0.2": 1.5942958558883242, "q_0.225": 1.640461025840134, "q_0.25": 1.6612361999689103, "q_0.275": 1.6897570877456367, "q_0.3": 1.700491107485623, "q_0.325": 1.7092454005992117, "q_0.35": 1.7316863786989098, "q_0.375": 1.7514472296980221, "q_0.4": 1.7938626646659221, "q_0.425": 1.8016032885954067, "q_0.45": 1.8347876628147504, "q_0.475": 1.8804632621080155, "q_0.5": 1.9127412837784434, "q_0.525": 1.9428411491420838, "q_0.55": 1.9602456223502909, "q_0.575": 1.9737380618647906, "q_0.6": 1.9867790633986462, "q_0.625": 2.0364240867248338, "q_0.65": 2.1081721057949148, "q_0.675": 2.1182813624010053, "q_0.7": 2.1471434660150575, "q_0.725": 2.1651755981079774, "q_0.75": 2.1919247966358903, "q_0.775": 2.1946613396308043, "q_0.8": 2.2356010378751776, "q_0.825": 2.2536101082900837, "q_0.85": 2.2892111152582455, "q_0.875": 2.3202836219774388, "q_0.9": 2.3967217410259405, "q_0.925": 2.4811194760629895, "q_0.95": 2.540813463760297, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.161664665866347, "y": 1.2156957137192759, "y_true": 1.1118627290280514, "y_pred": 1.9127412837784434, "target": "1", "q_0": 1.0405920359377043, "q_0.025": 1.178001487222244, "q_0.05": 1.2591247285988385, "q_0.075": 1.313718160685421, "q_0.1": 1.3407877867848452, "q_0.125": 1.4155334908687605, "q_0.15": 1.480524508849519, "q_0.175": 1.5612359127978404, "q_0.2": 1.5942958558883242, "q_0.225": 1.640461025840134, "q_0.25": 1.6612361999689103, "q_0.275": 1.6897570877456367, "q_0.3": 1.700491107485623, "q_0.325": 1.7092454005992117, "q_0.35": 1.7316863786989098, "q_0.375": 1.7514472296980221, "q_0.4": 1.7938626646659221, "q_0.425": 1.8016032885954067, "q_0.45": 1.8347876628147504, "q_0.475": 1.8804632621080155, "q_0.5": 1.9127412837784434, "q_0.525": 1.9428411491420838, "q_0.55": 1.9602456223502909, "q_0.575": 1.9737380618647906, "q_0.6": 1.9867790633986462, "q_0.625": 2.0364240867248338, "q_0.65": 2.1081721057949148, "q_0.675": 2.1182813624010053, "q_0.7": 2.1471434660150575, "q_0.725": 2.1651755981079774, "q_0.75": 2.1919247966358903, "q_0.775": 2.1946613396308043, "q_0.8": 2.2356010378751776, "q_0.825": 2.2536101082900837, "q_0.85": 2.2892111152582455, "q_0.875": 2.3202836219774388, "q_0.9": 2.3967217410259405, "q_0.925": 2.4811194760629895, "q_0.95": 2.540813463760297, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.201680672268908, "y": 1.8908524040327475, "y_true": 1.115076065268309, "y_pred": 1.9127412837784434, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.178001487222244, "q_0.05": 1.2591247285988385, "q_0.075": 1.313718160685421, "q_0.1": 1.3616877636333742, "q_0.125": 1.4155334908687605, "q_0.15": 1.530690502329308, "q_0.175": 1.5612359127978404, "q_0.2": 1.5942958558883242, "q_0.225": 1.640461025840134, "q_0.25": 1.6612361999689103, "q_0.275": 1.6897570877456367, "q_0.3": 1.700491107485623, "q_0.325": 1.7092454005992117, "q_0.35": 1.748045507323806, "q_0.375": 1.7514472296980221, "q_0.4": 1.7938626646659221, "q_0.425": 1.8016032885954067, "q_0.45": 1.8741974463308972, "q_0.475": 1.8862583920563183, "q_0.5": 1.9127412837784434, "q_0.525": 1.9428411491420838, "q_0.55": 1.9726743155341868, "q_0.575": 1.9853816172181133, "q_0.6": 1.9867790633986462, "q_0.625": 2.0364240867248338, "q_0.65": 2.1081721057949148, "q_0.675": 2.1182813624010053, "q_0.7": 2.1471434660150575, "q_0.725": 2.165641952069677, "q_0.75": 2.1919247966358903, "q_0.775": 2.2048084266089663, "q_0.8": 2.2356010378751776, "q_0.825": 2.2536101082900837, "q_0.85": 2.2892111152582455, "q_0.875": 2.3202836219774388, "q_0.9": 2.3967217410259405, "q_0.925": 2.4811194760629895, "q_0.95": 2.540813463760297, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.2416966786714685, "y": 1.9331742269701586, "y_true": 1.1182639166532902, "y_pred": 1.9127412837784434, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.178001487222244, "q_0.05": 1.2591247285988385, "q_0.075": 1.313718160685421, "q_0.1": 1.3616877636333742, "q_0.125": 1.4155334908687605, "q_0.15": 1.530690502329308, "q_0.175": 1.5612359127978404, "q_0.2": 1.5942958558883242, "q_0.225": 1.640461025840134, "q_0.25": 1.6612361999689103, "q_0.275": 1.6897570877456367, "q_0.3": 1.700491107485623, "q_0.325": 1.7092454005992117, "q_0.35": 1.748045507323806, "q_0.375": 1.7514472296980221, "q_0.4": 1.7938626646659221, "q_0.425": 1.8016032885954067, "q_0.45": 1.8741974463308972, "q_0.475": 1.8862583920563183, "q_0.5": 1.9127412837784434, "q_0.525": 1.9428411491420838, "q_0.55": 1.9726743155341868, "q_0.575": 1.9853816172181133, "q_0.6": 1.9867790633986462, "q_0.625": 2.0364240867248338, "q_0.65": 2.1081721057949148, "q_0.675": 2.1182813624010053, "q_0.7": 2.1471434660150575, "q_0.725": 2.165641952069677, "q_0.75": 2.1919247966358903, "q_0.775": 2.2048084266089663, "q_0.8": 2.2356010378751776, "q_0.825": 2.2536101082900837, "q_0.85": 2.2892111152582455, "q_0.875": 2.3202836219774388, "q_0.9": 2.3967217410259405, "q_0.925": 2.4811194760629895, "q_0.95": 2.540813463760297, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.28171268507403, "y": 2.1081721057949148, "y_true": 1.1214267073187096, "y_pred": 1.9127412837784434, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.178001487222244, "q_0.05": 1.2591247285988385, "q_0.075": 1.313718160685421, "q_0.1": 1.3616877636333742, "q_0.125": 1.4155334908687605, "q_0.15": 1.530690502329308, "q_0.175": 1.5612359127978404, "q_0.2": 1.5942958558883242, "q_0.225": 1.640461025840134, "q_0.25": 1.6612361999689103, "q_0.275": 1.6897570877456367, "q_0.3": 1.700491107485623, "q_0.325": 1.7092454005992117, "q_0.35": 1.748045507323806, "q_0.375": 1.7514472296980221, "q_0.4": 1.7938626646659221, "q_0.425": 1.8016032885954067, "q_0.45": 1.8741974463308972, "q_0.475": 1.8862583920563183, "q_0.5": 1.9127412837784434, "q_0.525": 1.9428411491420838, "q_0.55": 1.9726743155341868, "q_0.575": 1.9853816172181133, "q_0.6": 1.9867790633986462, "q_0.625": 2.0364240867248338, "q_0.65": 2.1081721057949148, "q_0.675": 2.1182813624010053, "q_0.7": 2.1471434660150575, "q_0.725": 2.165641952069677, "q_0.75": 2.1919247966358903, "q_0.775": 2.2048084266089663, "q_0.8": 2.2356010378751776, "q_0.825": 2.2536101082900837, "q_0.85": 2.2892111152582455, "q_0.875": 2.3202836219774388, "q_0.9": 2.3967217410259405, "q_0.925": 2.4811194760629895, "q_0.95": 2.540813463760297, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.321728691476591, "y": 1.7092454005992117, "y_true": 1.1245648506118293, "y_pred": 1.9127412837784434, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.178001487222244, "q_0.05": 1.2591247285988385, "q_0.075": 1.313718160685421, "q_0.1": 1.3616877636333742, "q_0.125": 1.4155334908687605, "q_0.15": 1.530690502329308, "q_0.175": 1.5612359127978404, "q_0.2": 1.5942958558883242, "q_0.225": 1.640461025840134, "q_0.25": 1.6612361999689103, "q_0.275": 1.6897570877456367, "q_0.3": 1.700491107485623, "q_0.325": 1.7092454005992117, "q_0.35": 1.748045507323806, "q_0.375": 1.7514472296980221, "q_0.4": 1.7938626646659221, "q_0.425": 1.8016032885954067, "q_0.45": 1.8741974463308972, "q_0.475": 1.8862583920563183, "q_0.5": 1.9127412837784434, "q_0.525": 1.9428411491420838, "q_0.55": 1.9726743155341868, "q_0.575": 1.9853816172181133, "q_0.6": 1.9867790633986462, "q_0.625": 2.0364240867248338, "q_0.65": 2.1081721057949148, "q_0.675": 2.1182813624010053, "q_0.7": 2.1471434660150575, "q_0.725": 2.165641952069677, "q_0.75": 2.1919247966358903, "q_0.775": 2.2048084266089663, "q_0.8": 2.2356010378751776, "q_0.825": 2.2536101082900837, "q_0.85": 2.2892111152582455, "q_0.875": 2.3202836219774388, "q_0.9": 2.3967217410259405, "q_0.925": 2.4811194760629895, "q_0.95": 2.540813463760297, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.361744697879152, "y": 1.6612361999689103, "y_true": 1.1276787494602094, "y_pred": 1.9428411491420838, "target": "1", "q_0": 1.0786912399882225, "q_0.025": 1.178001487222244, "q_0.05": 1.260097686095136, "q_0.075": 1.313718160685421, "q_0.1": 1.3722978755846154, "q_0.125": 1.4633014537620808, "q_0.15": 1.530690502329308, "q_0.175": 1.5681902934779766, "q_0.2": 1.6003667043455454, "q_0.225": 1.6436461998288363, "q_0.25": 1.6612361999689103, "q_0.275": 1.6949716637182313, "q_0.3": 1.7092454005992117, "q_0.325": 1.7251312510046795, "q_0.35": 1.748045507323806, "q_0.375": 1.7584791666382484, "q_0.4": 1.7938626646659221, "q_0.425": 1.8256487393970575, "q_0.45": 1.8762395293054102, "q_0.475": 1.8947651688023193, "q_0.5": 1.9428411491420838, "q_0.525": 1.9552107295456946, "q_0.55": 1.9737380618647906, "q_0.575": 1.9867790633986462, "q_0.6": 2.0364240867248338, "q_0.625": 2.0667201576662597, "q_0.65": 2.1182813624010053, "q_0.675": 2.1471434660150575, "q_0.7": 2.161885051545963, "q_0.725": 2.183926848600019, "q_0.75": 2.1946613396308043, "q_0.775": 2.2116938666772166, "q_0.8": 2.2536101082900837, "q_0.825": 2.272549952910886, "q_0.85": 2.301986765918782, "q_0.875": 2.357575987187868, "q_0.9": 2.4558594180200135, "q_0.925": 2.4949839093558666, "q_0.95": 2.551176200219537, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.401760704281713, "y": 2.2536101082900837, "y_true": 1.1307687967246651, "y_pred": 1.9428411491420838, "target": "1", "q_0": 1.0786912399882225, "q_0.025": 1.178001487222244, "q_0.05": 1.260097686095136, "q_0.075": 1.313718160685421, "q_0.1": 1.3722978755846154, "q_0.125": 1.4633014537620808, "q_0.15": 1.530690502329308, "q_0.175": 1.5681902934779766, "q_0.2": 1.6003667043455454, "q_0.225": 1.6436461998288363, "q_0.25": 1.6612361999689103, "q_0.275": 1.6949716637182313, "q_0.3": 1.7092454005992117, "q_0.325": 1.7251312510046795, "q_0.35": 1.748045507323806, "q_0.375": 1.7584791666382484, "q_0.4": 1.7938626646659221, "q_0.425": 1.8256487393970575, "q_0.45": 1.8762395293054102, "q_0.475": 1.8947651688023193, "q_0.5": 1.9428411491420838, "q_0.525": 1.9552107295456946, "q_0.55": 1.9737380618647906, "q_0.575": 1.9867790633986462, "q_0.6": 2.0364240867248338, "q_0.625": 2.0667201576662597, "q_0.65": 2.1182813624010053, "q_0.675": 2.1471434660150575, "q_0.7": 2.161885051545963, "q_0.725": 2.183926848600019, "q_0.75": 2.1946613396308043, "q_0.775": 2.2116938666772166, "q_0.8": 2.2536101082900837, "q_0.825": 2.272549952910886, "q_0.85": 2.301986765918782, "q_0.875": 2.357575987187868, "q_0.9": 2.4558594180200135, "q_0.925": 2.4949839093558666, "q_0.95": 2.551176200219537, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.441776710684274, "y": 2.065481676928539, "y_true": 1.133835375537244, "y_pred": 1.9428411491420838, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.178001487222244, "q_0.05": 1.2605146678792636, "q_0.075": 1.3311182559063632, "q_0.1": 1.3795423223922227, "q_0.125": 1.4633014537620808, "q_0.15": 1.530690502329308, "q_0.175": 1.5681902934779766, "q_0.2": 1.6003667043455454, "q_0.225": 1.6436461998288363, "q_0.25": 1.6612361999689103, "q_0.275": 1.6949716637182313, "q_0.3": 1.7092454005992117, "q_0.325": 1.7251312510046795, "q_0.35": 1.748045507323806, "q_0.375": 1.7584791666382484, "q_0.4": 1.7938626646659221, "q_0.425": 1.8256487393970575, "q_0.45": 1.8762395293054102, "q_0.475": 1.8947651688023193, "q_0.5": 1.9428411491420838, "q_0.525": 1.9552107295456946, "q_0.55": 1.9737380618647906, "q_0.575": 1.9867790633986462, "q_0.6": 2.0364240867248338, "q_0.625": 2.1081721057949148, "q_0.65": 2.1182813624010053, "q_0.675": 2.1471434660150575, "q_0.7": 2.161885051545963, "q_0.725": 2.1919247966358903, "q_0.75": 2.1946613396308043, "q_0.775": 2.2356010378751776, "q_0.8": 2.2536101082900837, "q_0.825": 2.272549952910886, "q_0.85": 2.3202836219774388, "q_0.875": 2.357575987187868, "q_0.9": 2.4558594180200135, "q_0.925": 2.4949839093558666, "q_0.95": 2.551176200219537, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.481792717086835, "y": 1.7938626646659221, "y_true": 1.136878859624981, "y_pred": 1.9428411491420838, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.178001487222244, "q_0.05": 1.2605146678792636, "q_0.075": 1.3391272975969297, "q_0.1": 1.4155334908687605, "q_0.125": 1.4875018218530234, "q_0.15": 1.5612359127978404, "q_0.175": 1.5942958558883242, "q_0.2": 1.6315554467899878, "q_0.225": 1.6612361999689103, "q_0.25": 1.6897570877456367, "q_0.275": 1.700491107485623, "q_0.3": 1.7092454005992117, "q_0.325": 1.743644759602239, "q_0.35": 1.7514472296980221, "q_0.375": 1.7780951409323205, "q_0.4": 1.8016032885954067, "q_0.425": 1.8741974463308972, "q_0.45": 1.8862583920563183, "q_0.475": 1.9127412837784434, "q_0.5": 1.9428411491420838, "q_0.525": 1.9737380618647906, "q_0.55": 1.9853816172181133, "q_0.575": 2.0099134941688126, "q_0.6": 2.0667201576662597, "q_0.625": 2.1081721057949148, "q_0.65": 2.1344143978676344, "q_0.675": 2.158349758130808, "q_0.7": 2.1835887522308957, "q_0.725": 2.1919247966358903, "q_0.75": 2.2050773590973116, "q_0.775": 2.2356010378751776, "q_0.8": 2.2536101082900837, "q_0.825": 2.2892111152582455, "q_0.85": 2.3202836219774388, "q_0.875": 2.3967217410259405, "q_0.9": 2.4558594180200135, "q_0.925": 2.5063759264154037, "q_0.95": 2.5709209645768194, "q_0.975": 2.7344841619655367, "q_1": 3.10544295706245}, {"x": 4.5218087234893956, "y": 1.530690502329308, "y_true": 1.1398996136201562, "y_pred": 1.9428411491420838, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.178001487222244, "q_0.05": 1.2605146678792636, "q_0.075": 1.3391272975969297, "q_0.1": 1.4155334908687605, "q_0.125": 1.4875018218530234, "q_0.15": 1.5612359127978404, "q_0.175": 1.5942958558883242, "q_0.2": 1.6315554467899878, "q_0.225": 1.6612361999689103, "q_0.25": 1.6897570877456367, "q_0.275": 1.700491107485623, "q_0.3": 1.7092454005992117, "q_0.325": 1.743644759602239, "q_0.35": 1.7514472296980221, "q_0.375": 1.7780951409323205, "q_0.4": 1.8016032885954067, "q_0.425": 1.8741974463308972, "q_0.45": 1.8862583920563183, "q_0.475": 1.9127412837784434, "q_0.5": 1.9428411491420838, "q_0.525": 1.9737380618647906, "q_0.55": 1.9853816172181133, "q_0.575": 2.0099134941688126, "q_0.6": 2.0667201576662597, "q_0.625": 2.1081721057949148, "q_0.65": 2.1344143978676344, "q_0.675": 2.158349758130808, "q_0.7": 2.1835887522308957, "q_0.725": 2.1919247966358903, "q_0.75": 2.2050773590973116, "q_0.775": 2.2356010378751776, "q_0.8": 2.2536101082900837, "q_0.825": 2.2892111152582455, "q_0.85": 2.3202836219774388, "q_0.875": 2.3967217410259405, "q_0.9": 2.4558594180200135, "q_0.925": 2.5063759264154037, "q_0.95": 2.5709209645768194, "q_0.975": 2.7344841619655367, "q_1": 3.10544295706245}, {"x": 4.561824729891957, "y": 2.1471434660150575, "y_true": 1.1428979933577217, "y_pred": 1.9737380618647906, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.2556712696685537, "q_0.05": 1.313718160685421, "q_0.075": 1.3405802256363557, "q_0.1": 1.4155334908687605, "q_0.125": 1.5314211079935294, "q_0.15": 1.5761727098595335, "q_0.175": 1.6054936858658917, "q_0.2": 1.640461025840134, "q_0.225": 1.6612361999689103, "q_0.25": 1.6949716637182313, "q_0.275": 1.700491107485623, "q_0.3": 1.7251312510046795, "q_0.325": 1.7506012687354757, "q_0.35": 1.7584791666382484, "q_0.375": 1.7938626646659221, "q_0.4": 1.8256487393970575, "q_0.425": 1.8804632621080155, "q_0.45": 1.8947651688023193, "q_0.475": 1.9428411491420838, "q_0.5": 1.9737380618647906, "q_0.525": 1.9853816172181133, "q_0.55": 2.0364240867248338, "q_0.575": 2.0667201576662597, "q_0.6": 2.1182813624010053, "q_0.625": 2.1471434660150575, "q_0.65": 2.161885051545963, "q_0.675": 2.1835887522308957, "q_0.7": 2.1919247966358903, "q_0.725": 2.2050773590973116, "q_0.75": 2.2356010378751776, "q_0.775": 2.2536101082900837, "q_0.8": 2.272549952910886, "q_0.825": 2.3202836219774388, "q_0.85": 2.357575987187868, "q_0.875": 2.4441998714762514, "q_0.9": 2.4836486088453604, "q_0.925": 2.5369801070591347, "q_0.95": 2.5801921504797534, "q_0.975": 2.7350737990639096, "q_1": 3.10544295706245}, {"x": 4.601840736294518, "y": 1.6897570877456367, "y_true": 1.145874346160542, "y_pred": 1.9737380618647906, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.2556712696685537, "q_0.05": 1.313718160685421, "q_0.075": 1.3405802256363557, "q_0.1": 1.4155334908687605, "q_0.125": 1.5314211079935294, "q_0.15": 1.5761727098595335, "q_0.175": 1.6054936858658917, "q_0.2": 1.640461025840134, "q_0.225": 1.6612361999689103, "q_0.25": 1.6949716637182313, "q_0.275": 1.700491107485623, "q_0.3": 1.7251312510046795, "q_0.325": 1.7506012687354757, "q_0.35": 1.7584791666382484, "q_0.375": 1.7938626646659221, "q_0.4": 1.8256487393970575, "q_0.425": 1.8804632621080155, "q_0.45": 1.8947651688023193, "q_0.475": 1.9428411491420838, "q_0.5": 1.9737380618647906, "q_0.525": 1.9853816172181133, "q_0.55": 2.0364240867248338, "q_0.575": 2.0667201576662597, "q_0.6": 2.1182813624010053, "q_0.625": 2.1471434660150575, "q_0.65": 2.161885051545963, "q_0.675": 2.1835887522308957, "q_0.7": 2.1919247966358903, "q_0.725": 2.2050773590973116, "q_0.75": 2.2356010378751776, "q_0.775": 2.2536101082900837, "q_0.8": 2.272549952910886, "q_0.825": 2.3202836219774388, "q_0.85": 2.357575987187868, "q_0.875": 2.4441998714762514, "q_0.9": 2.4836486088453604, "q_0.925": 2.5369801070591347, "q_0.95": 2.5801921504797534, "q_0.975": 2.7350737990639096, "q_1": 3.10544295706245}, {"x": 4.641856742697079, "y": 1.2600738915320613, "y_true": 1.1488290111130406, "y_pred": 1.9737380618647906, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.2556712696685537, "q_0.05": 1.313718160685421, "q_0.075": 1.3405802256363557, "q_0.1": 1.4155334908687605, "q_0.125": 1.5314211079935294, "q_0.15": 1.5761727098595335, "q_0.175": 1.6054936858658917, "q_0.2": 1.640461025840134, "q_0.225": 1.6612361999689103, "q_0.25": 1.6949716637182313, "q_0.275": 1.700491107485623, "q_0.3": 1.7251312510046795, "q_0.325": 1.7506012687354757, "q_0.35": 1.7584791666382484, "q_0.375": 1.7938626646659221, "q_0.4": 1.8256487393970575, "q_0.425": 1.8804632621080155, "q_0.45": 1.8947651688023193, "q_0.475": 1.9428411491420838, "q_0.5": 1.9737380618647906, "q_0.525": 1.9853816172181133, "q_0.55": 2.0364240867248338, "q_0.575": 2.0667201576662597, "q_0.6": 2.1182813624010053, "q_0.625": 2.1471434660150575, "q_0.65": 2.161885051545963, "q_0.675": 2.1835887522308957, "q_0.7": 2.1919247966358903, "q_0.725": 2.2050773590973116, "q_0.75": 2.2356010378751776, "q_0.775": 2.2536101082900837, "q_0.8": 2.272549952910886, "q_0.825": 2.3202836219774388, "q_0.85": 2.357575987187868, "q_0.875": 2.4441998714762514, "q_0.9": 2.4836486088453604, "q_0.925": 2.5369801070591347, "q_0.95": 2.5801921504797534, "q_0.975": 2.7350737990639096, "q_1": 3.10544295706245}, {"x": 4.68187274909964, "y": 1.700491107485623, "y_true": 1.1517623193238224, "y_pred": 1.9853816172181133, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2591247285988385, "q_0.05": 1.313718160685421, "q_0.075": 1.3407877867848452, "q_0.1": 1.4875018218530234, "q_0.125": 1.5631008139578264, "q_0.15": 1.5942958558883242, "q_0.175": 1.6241954985010723, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7092454005992117, "q_0.3": 1.748045507323806, "q_0.325": 1.7514472296980221, "q_0.35": 1.7780951409323205, "q_0.375": 1.8016032885954067, "q_0.4": 1.8754226961156053, "q_0.425": 1.8947651688023193, "q_0.45": 1.9127412837784434, "q_0.475": 1.9552107295456946, "q_0.5": 1.9853816172181133, "q_0.525": 2.0099134941688126, "q_0.55": 2.0667201576662597, "q_0.575": 2.1182813624010053, "q_0.6": 2.1456734219847933, "q_0.625": 2.158349758130808, "q_0.65": 2.165641952069677, "q_0.675": 2.1919247966358903, "q_0.7": 2.1946613396308043, "q_0.725": 2.2116938666772166, "q_0.75": 2.2499427214266623, "q_0.775": 2.272549952910886, "q_0.8": 2.2970834254008214, "q_0.825": 2.3302278576110784, "q_0.85": 2.3967217410259405, "q_0.875": 2.4558594180200135, "q_0.9": 2.4949839093558666, "q_0.925": 2.540813463760297, "q_0.95": 2.5801921504797534, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 4.721888755502201, "y": 2.2116938666772166, "y_true": 1.1546745941778032, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.313718160685421, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5631008139578264, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.748045507323806, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.0364240867248338, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.1471434660150575, "q_0.625": 2.161885051545963, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2050773590973116, "q_0.725": 2.2356010378751776, "q_0.75": 2.2536101082900837, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.399048011485926, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.6750818584025255, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 4.761904761904762, "y": 1.703644383731212, "y_true": 1.157566151578347, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.313718160685421, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5631008139578264, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.748045507323806, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.0364240867248338, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.1471434660150575, "q_0.625": 2.161885051545963, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2050773590973116, "q_0.725": 2.2356010378751776, "q_0.75": 2.2536101082900837, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.399048011485926, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.6750818584025255, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 4.8019207683073235, "y": 1.178001487222244, "y_true": 1.1604373001798916, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.313718160685421, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5631008139578264, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.748045507323806, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.0364240867248338, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.1471434660150575, "q_0.625": 2.161885051545963, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2050773590973116, "q_0.725": 2.2356010378751776, "q_0.75": 2.2536101082900837, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.399048011485926, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.6750818584025255, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 4.841936774709884, "y": 1.9153686124135256, "y_true": 1.1632883416115034, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.313718160685421, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5631008139578264, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.748045507323806, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.0364240867248338, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.1471434660150575, "q_0.625": 2.161885051545963, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2050773590973116, "q_0.725": 2.2356010378751776, "q_0.75": 2.2536101082900837, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.399048011485926, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.6750818584025255, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 4.881952781112445, "y": 2.3967217410259405, "y_true": 1.1661195706917942, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 4.921968787515006, "y": 2.1835887522308957, "y_true": 1.1689312756355927, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 4.961984793917567, "y": 1.9416153842387014, "y_true": 1.1717237382527566, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.002000800320128, "y": 2.3202836219774388, "y_true": 1.1744972341394766, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.042016806722689, "y": 2.201345881140945, "y_true": 1.1772520328624232, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.082032813125251, "y": 1.810474880171068, "y_true": 1.1799883981360462, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.122048819527811, "y": 1.9335848821734225, "y_true": 1.1827065879933407, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.162064825930372, "y": 2.1182813624010053, "y_true": 1.185406854950364, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.202080832332934, "y": 2.272549952910886, "y_true": 1.1880894461647808, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.2420968387354945, "y": 1.2656138806923818, "y_true": 1.1907546035886938, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.282112845138055, "y": 2.1946613396308043, "y_true": 1.1934025641160109, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.322128851540617, "y": 1.7767829084702664, "y_true": 1.1960335597245786, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.362144857943178, "y": 2.0598032309207, "y_true": 1.19864781761331, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.402160864345738, "y": 2.2018632704544476, "y_true": 1.2012455603345138, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.748045507323806, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.183926848600019, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2499427214266623, "q_0.75": 2.25982384442147, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4441998714762514, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.442176870748299, "y": 1.9127412837784434, "y_true": 1.2038270059216303, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.748045507323806, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.183926848600019, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2499427214266623, "q_0.75": 2.25982384442147, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4441998714762514, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.482192877150861, "y": 1.4155334908687605, "y_true": 1.206392368012563, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.748045507323806, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.183926848600019, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2499427214266623, "q_0.75": 2.260785664842828, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4441998714762514, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.558203281548866, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.5222088835534215, "y": 1.7514472296980221, "y_true": 1.2089418559687883, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.748045507323806, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.183926848600019, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2499427214266623, "q_0.75": 2.260785664842828, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4441998714762514, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.558203281548866, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.562224889955982, "y": 1.313718160685421, "y_true": 1.2114756749904205, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.536535347643079, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7530294155095734, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.165641952069677, "q_0.65": 2.191134267868869, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2499427214266623, "q_0.75": 2.260785664842828, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.3624611524054955, "q_0.85": 2.4558594180200135, "q_0.875": 2.48206790085638, "q_0.9": 2.5281986813998056, "q_0.925": 2.558203281548866, "q_0.95": 2.729011295090292, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.602240896358544, "y": 2.1344143978676344, "y_true": 1.2139940262273896, "y_pred": 2.0099134941688126, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.5612359127978404, "q_0.125": 1.5768711347293332, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9737380618647906, "q_0.5": 2.0099134941688126, "q_0.525": 2.0667201576662597, "q_0.55": 2.1182813624010053, "q_0.575": 2.1471434660150575, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1919247966358903, "q_0.675": 2.1996987093304345, "q_0.7": 2.2178744216088404, "q_0.725": 2.2536101082900837, "q_0.75": 2.272549952910886, "q_0.775": 2.301986765918782, "q_0.8": 2.357575987187868, "q_0.825": 2.3967217410259405, "q_0.85": 2.4558594180200135, "q_0.875": 2.4949839093558666, "q_0.9": 2.5369801070591347, "q_0.925": 2.5669475991898523, "q_0.95": 2.729011295090292, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 5.642256902761105, "y": 2.4949839093558666, "y_true": 1.2164971068868973, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.5612359127978404, "q_0.125": 1.5768711347293332, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1182813624010053, "q_0.575": 2.1471434660150575, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1919247966358903, "q_0.675": 2.1996987093304345, "q_0.7": 2.2356010378751776, "q_0.725": 2.2536101082900837, "q_0.75": 2.272549952910886, "q_0.775": 2.301986765918782, "q_0.8": 2.357575987187868, "q_0.825": 2.3967217410259405, "q_0.85": 2.4558594180200135, "q_0.875": 2.4949839093558666, "q_0.9": 2.5369801070591347, "q_0.925": 2.5801921504797534, "q_0.95": 2.729011295090292, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 5.6822729091636655, "y": 2.2892111152582455, "y_true": 1.218985110337297, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.5612359127978404, "q_0.125": 1.5768711347293332, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1182813624010053, "q_0.575": 2.1471434660150575, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1919247966358903, "q_0.675": 2.1996987093304345, "q_0.7": 2.2356010378751776, "q_0.725": 2.2536101082900837, "q_0.75": 2.272549952910886, "q_0.775": 2.301986765918782, "q_0.8": 2.357575987187868, "q_0.825": 2.3967217410259405, "q_0.85": 2.4558594180200135, "q_0.875": 2.4949839093558666, "q_0.9": 2.5369801070591347, "q_0.925": 2.5801921504797534, "q_0.95": 2.729011295090292, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 5.722288915566227, "y": 1.748045507323806, "y_true": 1.22145822620854, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5612359127978404, "q_0.125": 1.5768711347293332, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.1547077131931864, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1919247966358903, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.357575987187868, "q_0.825": 2.428633389531809, "q_0.85": 2.4790548450590197, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 5.762304921968788, "y": 2.0162931147559813, "y_true": 1.2239166404893265, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 5.802320928371349, "y": 1.640461025840134, "y_true": 1.226360535621088, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 5.842336934773909, "y": 1.9680692184508732, "y_true": 1.2287900905889322, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 5.882352941176471, "y": 1.6436461998288363, "y_true": 1.2312054810096562, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 5.922368947579032, "y": 2.2499427214266623, "y_true": 1.233606879216955, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 5.9623849539815925, "y": 1.5942958558883242, "y_true": 1.2359944543439227, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.002400960384154, "y": 2.575073682104968, "y_true": 1.2383683724029548, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.042416966786715, "y": 2.161885051545963, "y_true": 1.2407287963631468, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.082432973189276, "y": 1.3391272975969297, "y_true": 1.2430758862252873, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.122448979591837, "y": 1.2605146678792636, "y_true": 1.245409799094531, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.162464985994398, "y": 2.649975695037999, "y_true": 1.2477306892508397, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.202480992396959, "y": 1.5612359127978404, "y_true": 1.2500387082172766, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.2424969987995205, "y": 1.6949716637182313, "y_true": 1.2523340048262248, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.282513005202081, "y": 1.5507728820774718, "y_true": 1.2546167252836156, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3407877867848452, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.6003667043455454, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7092454005992117, "q_0.275": 1.743644759602239, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.1651755981079774, "q_0.625": 2.183926848600019, "q_0.65": 2.1925017436944954, "q_0.675": 2.2116938666772166, "q_0.7": 2.244206048006066, "q_0.725": 2.260785664842828, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.4441998714762514, "q_0.85": 2.4811194760629895, "q_0.875": 2.5202995028214916, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.322529011604642, "y": 2.5801921504797534, "y_true": 1.2568870132312293, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3407877867848452, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.6003667043455454, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7092454005992117, "q_0.275": 1.743644759602239, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.1651755981079774, "q_0.625": 2.183926848600019, "q_0.65": 2.1925017436944954, "q_0.675": 2.2116938666772166, "q_0.7": 2.244206048006066, "q_0.725": 2.260785664842828, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.4441998714762514, "q_0.85": 2.4811194760629895, "q_0.875": 2.5202995028214916, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.362545018007203, "y": 2.1919247966358903, "y_true": 1.2591450098071462, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3407877867848452, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.6003667043455454, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7092454005992117, "q_0.275": 1.743644759602239, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.1651755981079774, "q_0.625": 2.183926848600019, "q_0.65": 2.1925017436944954, "q_0.675": 2.2116938666772166, "q_0.7": 2.244206048006066, "q_0.725": 2.260785664842828, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.4441998714762514, "q_0.85": 2.4811194760629895, "q_0.875": 2.5202995028214916, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.402561024409764, "y": 1.9853816172181133, "y_true": 1.2613908537044047, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3407877867848452, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.6054936858658917, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.743644759602239, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.8016032885954067, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.1651755981079774, "q_0.625": 2.183926848600019, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.260785664842828, "q_0.75": 2.2970834254008214, "q_0.775": 2.3302278576110784, "q_0.8": 2.3624611524054955, "q_0.825": 2.4558594180200135, "q_0.85": 2.4811194760629895, "q_0.875": 2.5202995028214916, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.442577030812325, "y": 2.0667201576662597, "y_true": 1.2636246812279404, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3407877867848452, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.6054936858658917, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.743644759602239, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.8016032885954067, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.1651755981079774, "q_0.625": 2.183926848600019, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.260785664842828, "q_0.75": 2.2970834254008214, "q_0.775": 2.3302278576110784, "q_0.8": 2.3624611524054955, "q_0.825": 2.4558594180200135, "q_0.85": 2.4811194760629895, "q_0.875": 2.5202995028214916, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.482593037214886, "y": 1.7251312510046795, "y_true": 1.265846626349858, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3407877867848452, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.6054936858658917, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.743644759602239, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.8016032885954067, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.1651755981079774, "q_0.625": 2.183926848600019, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.260785664842828, "q_0.75": 2.2970834254008214, "q_0.775": 2.3302278576110784, "q_0.8": 2.3624611524054955, "q_0.825": 2.4558594180200135, "q_0.85": 2.4811194760629895, "q_0.875": 2.5202995028214916, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.5226090436174475, "y": 2.158349758130808, "y_true": 1.2680568207631007, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3407877867848452, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.6054936858658917, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.743644759602239, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.8016032885954067, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.1651755981079774, "q_0.625": 2.183926848600019, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.260785664842828, "q_0.75": 2.2970834254008214, "q_0.775": 2.3302278576110784, "q_0.8": 2.3624611524054955, "q_0.825": 2.4558594180200135, "q_0.85": 2.4811194760629895, "q_0.875": 2.5202995028214916, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.562625050020008, "y": 1.8804632621080155, "y_true": 1.2702553939335686, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3407877867848452, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.6054936858658917, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.743644759602239, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.8016032885954067, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.1651755981079774, "q_0.625": 2.183926848600019, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.260785664842828, "q_0.75": 2.2970834254008214, "q_0.775": 2.3302278576110784, "q_0.8": 2.3624611524054955, "q_0.825": 2.4558594180200135, "q_0.85": 2.4811194760629895, "q_0.875": 2.5202995028214916, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.602641056422569, "y": 1.5631008139578264, "y_true": 1.2724424731507433, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3407877867848452, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.6054936858658917, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.743644759602239, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.8016032885954067, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.1651755981079774, "q_0.625": 2.183926848600019, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.260785664842828, "q_0.75": 2.2970834254008214, "q_0.775": 2.3302278576110784, "q_0.8": 2.3624611524054955, "q_0.825": 2.4558594180200135, "q_0.85": 2.4811194760629895, "q_0.875": 2.5202995028214916, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.642657062825131, "y": 2.2356010378751776, "y_true": 1.2746181835768686, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.313718160685421, "q_0.05": 1.3407877867848452, "q_0.075": 1.530690502329308, "q_0.1": 1.5631008139578264, "q_0.125": 1.5942958558883242, "q_0.15": 1.61014734001063, "q_0.175": 1.640461025840134, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.748045507323806, "q_0.3": 1.7514472296980221, "q_0.325": 1.7652211439842282, "q_0.35": 1.8256487393970575, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.165641952069677, "q_0.625": 2.191134267868869, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.272549952910886, "q_0.75": 2.301986765918782, "q_0.775": 2.357575987187868, "q_0.8": 2.3967217410259405, "q_0.825": 2.4558594180200135, "q_0.85": 2.482510499093292, "q_0.875": 2.5281986813998056, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7646368740395526, "q_1": 3.11661440888511}, {"x": 6.682673069227691, "y": 1.8256487393970575, "y_true": 1.2767826482947358, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.313718160685421, "q_0.05": 1.3407877867848452, "q_0.075": 1.530690502329308, "q_0.1": 1.5631008139578264, "q_0.125": 1.5942958558883242, "q_0.15": 1.61014734001063, "q_0.175": 1.640461025840134, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.748045507323806, "q_0.3": 1.7514472296980221, "q_0.325": 1.7652211439842282, "q_0.35": 1.8256487393970575, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.165641952069677, "q_0.625": 2.191134267868869, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.272549952910886, "q_0.75": 2.301986765918782, "q_0.775": 2.357575987187868, "q_0.8": 2.3967217410259405, "q_0.825": 2.4558594180200135, "q_0.85": 2.482510499093292, "q_0.875": 2.5281986813998056, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7646368740395526, "q_1": 3.11661440888511}, {"x": 6.722689075630252, "y": 2.4351663564088604, "y_true": 1.2789359883541236, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.313718160685421, "q_0.05": 1.3407877867848452, "q_0.075": 1.530690502329308, "q_0.1": 1.5631008139578264, "q_0.125": 1.5942958558883242, "q_0.15": 1.61014734001063, "q_0.175": 1.640461025840134, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.748045507323806, "q_0.3": 1.7514472296980221, "q_0.325": 1.7652211439842282, "q_0.35": 1.8256487393970575, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.165641952069677, "q_0.625": 2.191134267868869, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.272549952910886, "q_0.75": 2.301986765918782, "q_0.775": 2.357575987187868, "q_0.8": 2.3967217410259405, "q_0.825": 2.4558594180200135, "q_0.85": 2.482510499093292, "q_0.875": 2.5281986813998056, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7646368740395526, "q_1": 3.11661440888511}, {"x": 6.762705082032813, "y": 1.8947651688023193, "y_true": 1.281078322816936, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.313718160685421, "q_0.05": 1.3407877867848452, "q_0.075": 1.530690502329308, "q_0.1": 1.5631008139578264, "q_0.125": 1.5942958558883242, "q_0.15": 1.61014734001063, "q_0.175": 1.640461025840134, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.748045507323806, "q_0.3": 1.7514472296980221, "q_0.325": 1.7652211439842282, "q_0.35": 1.8256487393970575, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.165641952069677, "q_0.625": 2.191134267868869, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.272549952910886, "q_0.75": 2.301986765918782, "q_0.775": 2.357575987187868, "q_0.8": 2.3967217410259405, "q_0.825": 2.4558594180200135, "q_0.85": 2.482510499093292, "q_0.875": 2.5281986813998056, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7646368740395526, "q_1": 3.11661440888511}, {"x": 6.802721088435375, "y": 2.0364240867248338, "y_true": 1.2832097688010822, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.313718160685421, "q_0.05": 1.3407877867848452, "q_0.075": 1.530690502329308, "q_0.1": 1.5631008139578264, "q_0.125": 1.5942958558883242, "q_0.15": 1.61014734001063, "q_0.175": 1.640461025840134, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.748045507323806, "q_0.3": 1.7514472296980221, "q_0.325": 1.7652211439842282, "q_0.35": 1.8256487393970575, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.165641952069677, "q_0.625": 2.191134267868869, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.272549952910886, "q_0.75": 2.301986765918782, "q_0.775": 2.357575987187868, "q_0.8": 2.3967217410259405, "q_0.825": 2.4558594180200135, "q_0.85": 2.482510499093292, "q_0.875": 2.5281986813998056, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7646368740395526, "q_1": 3.11661440888511}, {"x": 6.842737094837935, "y": 2.4558594180200135, "y_true": 1.2853304415231432, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.313718160685421, "q_0.05": 1.3407877867848452, "q_0.075": 1.530690502329308, "q_0.1": 1.5631008139578264, "q_0.125": 1.5942958558883242, "q_0.15": 1.61014734001063, "q_0.175": 1.640461025840134, "q_0.2": 1.651692460867325, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.748045507323806, "q_0.3": 1.7514472296980221, "q_0.325": 1.7652211439842282, "q_0.35": 1.8256487393970575, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9867790633986462, "q_0.5": 2.0364240867248338, "q_0.525": 2.074754357150667, "q_0.55": 2.1456734219847933, "q_0.575": 2.158349758130808, "q_0.6": 2.165641952069677, "q_0.625": 2.1919247966358903, "q_0.65": 2.1996987093304345, "q_0.675": 2.2178744216088404, "q_0.7": 2.2499427214266623, "q_0.725": 2.272549952910886, "q_0.75": 2.301986765918782, "q_0.775": 2.357575987187868, "q_0.8": 2.3967217410259405, "q_0.825": 2.4558594180200135, "q_0.85": 2.4836486088453604, "q_0.875": 2.5281986813998056, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7646368740395526, "q_1": 3.11661440888511}, {"x": 6.882753101240496, "y": 1.9552107295456946, "y_true": 1.2874404543398617, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.313718160685421, "q_0.05": 1.3407877867848452, "q_0.075": 1.530690502329308, "q_0.1": 1.5631008139578264, "q_0.125": 1.5942958558883242, "q_0.15": 1.61014734001063, "q_0.175": 1.640461025840134, "q_0.2": 1.651692460867325, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.748045507323806, "q_0.3": 1.7514472296980221, "q_0.325": 1.7652211439842282, "q_0.35": 1.8256487393970575, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9867790633986462, "q_0.5": 2.0364240867248338, "q_0.525": 2.074754357150667, "q_0.55": 2.1456734219847933, "q_0.575": 2.158349758130808, "q_0.6": 2.165641952069677, "q_0.625": 2.1919247966358903, "q_0.65": 2.1996987093304345, "q_0.675": 2.2178744216088404, "q_0.7": 2.2499427214266623, "q_0.725": 2.272549952910886, "q_0.75": 2.301986765918782, "q_0.775": 2.357575987187868, "q_0.8": 2.3967217410259405, "q_0.825": 2.4558594180200135, "q_0.85": 2.4836486088453604, "q_0.875": 2.5281986813998056, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7646368740395526, "q_1": 3.11661440888511}, {"x": 6.922769107643058, "y": 2.7344841619655367, "y_true": 1.2895399187884964, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.313718160685421, "q_0.05": 1.3407877867848452, "q_0.075": 1.5350741363146365, "q_0.1": 1.5631008139578264, "q_0.125": 1.5942958558883242, "q_0.15": 1.61014734001063, "q_0.175": 1.640461025840134, "q_0.2": 1.651692460867325, "q_0.225": 1.6949716637182313, "q_0.25": 1.715988593388376, "q_0.275": 1.748045507323806, "q_0.3": 1.7514472296980221, "q_0.325": 1.7652211439842282, "q_0.35": 1.8256487393970575, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9867790633986462, "q_0.5": 2.0364240867248338, "q_0.525": 2.1081721057949148, "q_0.55": 2.1456734219847933, "q_0.575": 2.161885051545963, "q_0.6": 2.165641952069677, "q_0.625": 2.1919247966358903, "q_0.65": 2.1996987093304345, "q_0.675": 2.2178744216088404, "q_0.7": 2.2499427214266623, "q_0.725": 2.272549952910886, "q_0.75": 2.301986765918782, "q_0.775": 2.357575987187868, "q_0.8": 2.3967217410259405, "q_0.825": 2.4558594180200135, "q_0.85": 2.4836486088453604, "q_0.875": 2.5281986813998056, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7646368740395526, "q_1": 3.11661440888511}, {"x": 6.9627851140456185, "y": 2.4811194760629895, "y_true": 1.291628944626078, "y_pred": 2.0667201576662597, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4155334908687605, "q_0.075": 1.5612359127978404, "q_0.1": 1.5761727098595335, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8659008625359992, "q_0.375": 1.8804632621080155, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9853816172181133, "q_0.475": 2.0364240867248338, "q_0.5": 2.0667201576662597, "q_0.525": 2.1456734219847933, "q_0.55": 2.161885051545963, "q_0.575": 2.165641952069677, "q_0.6": 2.1919247966358903, "q_0.625": 2.1996987093304345, "q_0.65": 2.2178744216088404, "q_0.675": 2.2536101082900837, "q_0.7": 2.2892111152582455, "q_0.725": 2.3202836219774388, "q_0.75": 2.357575987187868, "q_0.775": 2.399048011485926, "q_0.8": 2.4558594180200135, "q_0.825": 2.4811194760629895, "q_0.85": 2.5202995028214916, "q_0.875": 2.540813463760297, "q_0.9": 2.5669475991898523, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.7646368740395526, "q_1": 3.3999694003344496}, {"x": 7.002801120448179, "y": 2.5369801070591347, "y_true": 1.2937076398676028, "y_pred": 2.074754357150667, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4418058704600873, "q_0.075": 1.5612359127978404, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8741974463308972, "q_0.375": 1.8840852183257053, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9853816172181133, "q_0.475": 2.0364240867248338, "q_0.5": 2.074754357150667, "q_0.525": 2.146797550217463, "q_0.55": 2.161885051545963, "q_0.575": 2.1835887522308957, "q_0.6": 2.1919247966358903, "q_0.625": 2.2050773590973116, "q_0.65": 2.2356010378751776, "q_0.675": 2.258273548346157, "q_0.7": 2.2892111152582455, "q_0.725": 2.3202836219774388, "q_0.75": 2.357575987187868, "q_0.775": 2.399048011485926, "q_0.8": 2.4790548450590197, "q_0.825": 2.4836486088453604, "q_0.85": 2.5230642153239025, "q_0.875": 2.540813463760297, "q_0.9": 2.5801921504797534, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.8097691960241553, "q_1": 3.3999694003344496}, {"x": 7.042817126850741, "y": 2.7350737990639096, "y_true": 1.2957761108231967, "y_pred": 2.074754357150667, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.465023759270825, "q_0.075": 1.5612359127978404, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8741974463308972, "q_0.375": 1.8804632621080155, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9853816172181133, "q_0.475": 2.0364240867248338, "q_0.5": 2.074754357150667, "q_0.525": 2.1471434660150575, "q_0.55": 2.161885051545963, "q_0.575": 2.1835887522308957, "q_0.6": 2.1919247966358903, "q_0.625": 2.2050773590973116, "q_0.65": 2.2356010378751776, "q_0.675": 2.258273548346157, "q_0.7": 2.2892111152582455, "q_0.725": 2.3202836219774388, "q_0.75": 2.357575987187868, "q_0.775": 2.399048011485926, "q_0.8": 2.4790548450590197, "q_0.825": 2.4836486088453604, "q_0.85": 2.5258289278263093, "q_0.875": 2.540813463760297, "q_0.9": 2.5801921504797534, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.8097691960241553, "q_1": 3.3999694003344496}, {"x": 7.082833133253302, "y": 1.8862583920563183, "y_true": 1.2978344621342863, "y_pred": 2.074754357150667, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.465023759270825, "q_0.075": 1.5612359127978404, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8741974463308972, "q_0.375": 1.8804632621080155, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9853816172181133, "q_0.475": 2.0364240867248338, "q_0.5": 2.074754357150667, "q_0.525": 2.1471434660150575, "q_0.55": 2.161885051545963, "q_0.575": 2.1835887522308957, "q_0.6": 2.1919247966358903, "q_0.625": 2.2050773590973116, "q_0.65": 2.2356010378751776, "q_0.675": 2.258273548346157, "q_0.7": 2.2892111152582455, "q_0.725": 2.3202836219774388, "q_0.75": 2.357575987187868, "q_0.775": 2.399048011485926, "q_0.8": 2.4790548450590197, "q_0.825": 2.4836486088453604, "q_0.85": 2.5258289278263093, "q_0.875": 2.540813463760297, "q_0.9": 2.5801921504797534, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.8097691960241553, "q_1": 3.3999694003344496}, {"x": 7.122849139655862, "y": 2.180232897172401, "y_true": 1.299882796808806, "y_pred": 2.074754357150667, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.465023759270825, "q_0.075": 1.5612359127978404, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8741974463308972, "q_0.375": 1.8804632621080155, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9853816172181133, "q_0.475": 2.0364240867248338, "q_0.5": 2.074754357150667, "q_0.525": 2.1471434660150575, "q_0.55": 2.161885051545963, "q_0.575": 2.1835887522308957, "q_0.6": 2.1919247966358903, "q_0.625": 2.2050773590973116, "q_0.65": 2.2356010378751776, "q_0.675": 2.258273548346157, "q_0.7": 2.2892111152582455, "q_0.725": 2.3202836219774388, "q_0.75": 2.357575987187868, "q_0.775": 2.399048011485926, "q_0.8": 2.4790548450590197, "q_0.825": 2.4836486088453604, "q_0.85": 2.5258289278263093, "q_0.875": 2.540813463760297, "q_0.9": 2.5801921504797534, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.8097691960241553, "q_1": 3.3999694003344496}, {"x": 7.162865146058424, "y": 2.357575987187868, "y_true": 1.3019212162554734, "y_pred": 2.074754357150667, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.465023759270825, "q_0.075": 1.5612359127978404, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8741974463308972, "q_0.375": 1.8804632621080155, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9853816172181133, "q_0.475": 2.0364240867248338, "q_0.5": 2.074754357150667, "q_0.525": 2.1471434660150575, "q_0.55": 2.161885051545963, "q_0.575": 2.1835887522308957, "q_0.6": 2.1919247966358903, "q_0.625": 2.2050773590973116, "q_0.65": 2.2356010378751776, "q_0.675": 2.258273548346157, "q_0.7": 2.2892111152582455, "q_0.725": 2.3202836219774388, "q_0.75": 2.357575987187868, "q_0.775": 2.399048011485926, "q_0.8": 2.4790548450590197, "q_0.825": 2.4836486088453604, "q_0.85": 2.5258289278263093, "q_0.875": 2.540813463760297, "q_0.9": 2.5801921504797534, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.8097691960241553, "q_1": 3.3999694003344496}, {"x": 7.202881152460985, "y": 2.331896257397455, "y_true": 1.3039498203171611, "y_pred": 2.1081721057949148, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5612359127978404, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9867790633986462, "q_0.475": 2.064300445695231, "q_0.5": 2.1081721057949148, "q_0.525": 2.1471434660150575, "q_0.55": 2.1651755981079774, "q_0.575": 2.1835887522308957, "q_0.6": 2.1919247966358903, "q_0.625": 2.2050773590973116, "q_0.65": 2.2356010378751776, "q_0.675": 2.25982384442147, "q_0.7": 2.2970834254008214, "q_0.725": 2.3202836219774388, "q_0.75": 2.3624611524054955, "q_0.775": 2.428633389531809, "q_0.8": 2.4790548450590197, "q_0.825": 2.4836486088453604, "q_0.85": 2.5281986813998056, "q_0.875": 2.551176200219537, "q_0.9": 2.5801921504797534, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.242897158863546, "y": 2.7646368740395526, "y_true": 1.3059687073033968, "y_pred": 2.1081721057949148, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5612359127978404, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9867790633986462, "q_0.475": 2.064300445695231, "q_0.5": 2.1081721057949148, "q_0.525": 2.1471434660150575, "q_0.55": 2.1651755981079774, "q_0.575": 2.1835887522308957, "q_0.6": 2.1925017436944954, "q_0.625": 2.2050773590973116, "q_0.65": 2.2356010378751776, "q_0.675": 2.25982384442147, "q_0.7": 2.2970834254008214, "q_0.725": 2.3302278576110784, "q_0.75": 2.3624611524054955, "q_0.775": 2.428633389531809, "q_0.8": 2.4790548450590197, "q_0.825": 2.4836486088453604, "q_0.85": 2.5369801070591347, "q_0.875": 2.551176200219537, "q_0.9": 2.5801921504797534, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.282913165266106, "y": 1.7506012687354757, "y_true": 1.307977974022015, "y_pred": 2.1081721057949148, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5612359127978404, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9867790633986462, "q_0.475": 2.064300445695231, "q_0.5": 2.1081721057949148, "q_0.525": 2.1471434660150575, "q_0.55": 2.1651755981079774, "q_0.575": 2.1835887522308957, "q_0.6": 2.1925017436944954, "q_0.625": 2.2050773590973116, "q_0.65": 2.2356010378751776, "q_0.675": 2.25982384442147, "q_0.7": 2.2970834254008214, "q_0.725": 2.3302278576110784, "q_0.75": 2.3624611524054955, "q_0.775": 2.428633389531809, "q_0.8": 2.4790548450590197, "q_0.825": 2.4836486088453604, "q_0.85": 2.5369801070591347, "q_0.875": 2.551176200219537, "q_0.9": 2.5801921504797534, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.322929171668668, "y": 1.7584791666382484, "y_true": 1.3099777158099906, "y_pred": 2.1081721057949148, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5612359127978404, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9867790633986462, "q_0.475": 2.064300445695231, "q_0.5": 2.1081721057949148, "q_0.525": 2.1471434660150575, "q_0.55": 2.1651755981079774, "q_0.575": 2.1835887522308957, "q_0.6": 2.1925017436944954, "q_0.625": 2.2050773590973116, "q_0.65": 2.2356010378751776, "q_0.675": 2.25982384442147, "q_0.7": 2.2970834254008214, "q_0.725": 2.3302278576110784, "q_0.75": 2.3624611524054955, "q_0.775": 2.428633389531809, "q_0.8": 2.4790548450590197, "q_0.825": 2.4836486088453604, "q_0.85": 2.5369801070591347, "q_0.875": 2.551176200219537, "q_0.9": 2.5801921504797534, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.362945178071229, "y": 2.729011295090292, "y_true": 1.311968026563476, "y_pred": 2.1353660665705094, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.5974556263310717, "q_0.15": 1.6241954985010723, "q_0.175": 1.6435665704791185, "q_0.2": 1.6897570877456367, "q_0.225": 1.7064053133430575, "q_0.25": 1.7401545478134488, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1353660665705094, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2155567135094802, "q_0.65": 2.2536101082900837, "q_0.675": 2.272549952910886, "q_0.7": 2.301986765918782, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.558203281548866, "q_0.9": 2.6750818584025255, "q_0.925": 2.7344841619655367, "q_0.95": 2.7427053287599286, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.4029611844737895, "y": 2.551176200219537, "y_true": 1.313948998767071, "y_pred": 2.136317735273385, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6897570877456367, "q_0.225": 1.7064053133430575, "q_0.25": 1.7401545478134488, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.136317735273385, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.272549952910886, "q_0.7": 2.301986765918782, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.558203281548866, "q_0.9": 2.6750818584025255, "q_0.925": 2.7344841619655367, "q_0.95": 2.7427053287599286, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.442977190876351, "y": 1.6315554467899878, "y_true": 1.3159207235223436, "y_pred": 2.136317735273385, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6897570877456367, "q_0.225": 1.7064053133430575, "q_0.25": 1.7401545478134488, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.136317735273385, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.272549952910886, "q_0.7": 2.301986765918782, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.558203281548866, "q_0.9": 2.6750818584025255, "q_0.925": 2.7344841619655367, "q_0.95": 2.7427053287599286, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.482993197278912, "y": 2.2050773590973116, "y_true": 1.3178832905756308, "y_pred": 2.136317735273385, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6897570877456367, "q_0.225": 1.7064053133430575, "q_0.25": 1.7401545478134488, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.136317735273385, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.272549952910886, "q_0.7": 2.301986765918782, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.558203281548866, "q_0.9": 2.6750818584025255, "q_0.925": 2.7344841619655367, "q_0.95": 2.7427053287599286, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.523009203681473, "y": 2.4836486088453604, "y_true": 1.3198367883451354, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.6436461998288363, "q_0.2": 1.6897570877456367, "q_0.225": 1.7092454005992117, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.31113519394811, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.558203281548866, "q_0.9": 2.6750818584025255, "q_0.925": 2.7344841619655367, "q_0.95": 2.7427053287599286, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.563025210084034, "y": 1.8741974463308972, "y_true": 1.3217813039473456, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.6436461998288363, "q_0.2": 1.6897570877456367, "q_0.225": 1.7092454005992117, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.31113519394811, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.558203281548866, "q_0.9": 2.6750818584025255, "q_0.925": 2.7344841619655367, "q_0.95": 2.7427053287599286, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.603041216486595, "y": 2.005233424578963, "y_true": 1.323716923222792, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.6436461998288363, "q_0.2": 1.6897570877456367, "q_0.225": 1.7092454005992117, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.31113519394811, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.558203281548866, "q_0.9": 2.6750818584025255, "q_0.925": 2.7344841619655367, "q_0.95": 2.7427053287599286, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.643057222889156, "y": 2.2307949718279776, "y_true": 1.325643730761168, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.6436461998288363, "q_0.2": 1.6897570877456367, "q_0.225": 1.7092454005992117, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.31113519394811, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.558203281548866, "q_0.9": 2.6750818584025255, "q_0.925": 2.7344841619655367, "q_0.95": 2.7427053287599286, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.6830732292917165, "y": 2.064300445695231, "y_true": 1.327561809925827, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.6436461998288363, "q_0.2": 1.6897570877456367, "q_0.225": 1.7092454005992117, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.31113519394811, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.558203281548866, "q_0.9": 2.6750818584025255, "q_0.925": 2.7344841619655367, "q_0.95": 2.7427053287599286, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.723089235694278, "y": 2.5202995028214916, "y_true": 1.3294712428776814, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5773927718832526, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.6436461998288363, "q_0.2": 1.689317792653966, "q_0.225": 1.7092454005992117, "q_0.25": 1.7401545478134488, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.763105242096839, "y": 1.3407877867848452, "y_true": 1.331372110598511, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.8031212484994, "y": 2.0241362080999696, "y_true": 1.333264492913711, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.843137254901961, "y": 1.8731273663731591, "y_true": 1.3351484685144845, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.883153261304522, "y": 2.310276041328714, "y_true": 1.3370241149795035, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.923169267707083, "y": 2.581763677850941, "y_true": 1.338891508796048, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.9631852741096445, "y": 1.463020792672003, "y_true": 1.3407507253806443, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 8.003201280512204, "y": 1.5970397580432898, "y_true": 1.3426018390992107, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 8.043217286914766, "y": 2.4177206132409235, "y_true": 1.3444449232867288, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 8.083233293317328, "y": 2.540813463760297, "y_true": 1.3462800502664525, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 8.123249299719888, "y": 2.301986765918782, "y_true": 1.3481072913686676, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 8.16326530612245, "y": 2.9476038788028385, "y_true": 1.349926716949016, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5781752276141312, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.6436461998288363, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7401545478134488, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.258273548346157, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.3624611524054955, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4836486088453604, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.707321630102125, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 8.20328131252501, "y": 2.165641952069677, "y_true": 1.3517383964063918, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5781752276141312, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.6436461998288363, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7401545478134488, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.258273548346157, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.3624611524054955, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4836486088453604, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.707321630102125, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 8.24329731892757, "y": 1.5761727098595335, "y_true": 1.3535423982004318, "y_pred": 2.146797550217463, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.3407877867848452, "q_0.05": 1.536535347643079, "q_0.075": 1.5761727098595335, "q_0.1": 1.5781752276141312, "q_0.125": 1.6054936858658917, "q_0.15": 1.6241954985010723, "q_0.175": 1.6436461998288363, "q_0.2": 1.6949716637182313, "q_0.225": 1.7153730467553179, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8894375220746846, "q_0.4": 1.9518501628155387, "q_0.425": 1.9906968929199382, "q_0.45": 2.0364240867248338, "q_0.475": 2.0833958217544333, "q_0.5": 2.146797550217463, "q_0.525": 2.1651755981079774, "q_0.55": 2.1835887522308957, "q_0.575": 2.1919247966358903, "q_0.6": 2.2050773590973116, "q_0.625": 2.2356010378751776, "q_0.65": 2.260785664842828, "q_0.675": 2.2970834254008214, "q_0.7": 2.3302278576110784, "q_0.725": 2.3758752544937853, "q_0.75": 2.428633389531809, "q_0.775": 2.4790548450590197, "q_0.8": 2.4836486088453604, "q_0.825": 2.5281986813998056, "q_0.85": 2.551176200219537, "q_0.875": 2.5801921504797534, "q_0.9": 2.7177618126847722, "q_0.925": 2.7350737990639096, "q_0.95": 2.8097691960241553, "q_0.975": 3.056878401496446, "q_1": 3.4815036306311677}, {"x": 8.283313325330132, "y": 2.4790548450590197, "y_true": 1.3553387898685967, "y_pred": 2.1471434660150575, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.3407877867848452, "q_0.05": 1.536535347643079, "q_0.075": 1.5761727098595335, "q_0.1": 1.5942958558883242, "q_0.125": 1.6054936858658917, "q_0.15": 1.6315554467899878, "q_0.175": 1.651692460867325, "q_0.2": 1.6949716637182313, "q_0.225": 1.7153730467553179, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.766057223481253, "q_0.325": 1.8095111121900993, "q_0.35": 1.8804632621080155, "q_0.375": 1.8894375220746846, "q_0.4": 1.9552107295456946, "q_0.425": 1.9906968929199382, "q_0.45": 2.064300445695231, "q_0.475": 2.094443689031947, "q_0.5": 2.1471434660150575, "q_0.525": 2.1651755981079774, "q_0.55": 2.183926848600019, "q_0.575": 2.1925017436944954, "q_0.6": 2.2050773590973116, "q_0.625": 2.2499427214266623, "q_0.65": 2.260785664842828, "q_0.675": 2.301986765918782, "q_0.7": 2.34153913501825, "q_0.725": 2.394124866599558, "q_0.75": 2.428633389531809, "q_0.775": 2.4790548450590197, "q_0.8": 2.4836486088453604, "q_0.825": 2.5369801070591347, "q_0.85": 2.558203281548866, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7406066580935287, "q_0.95": 2.8309843866460245, "q_0.975": 3.082570185997104, "q_1": 3.4815036306311677}, {"x": 8.323329331732694, "y": 2.345289590087508, "y_true": 1.357127638042869, "y_pred": 2.1471434660150575, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.3407877867848452, "q_0.05": 1.536535347643079, "q_0.075": 1.5761727098595335, "q_0.1": 1.5942958558883242, "q_0.125": 1.6054936858658917, "q_0.15": 1.6315554467899878, "q_0.175": 1.651692460867325, "q_0.2": 1.6949716637182313, "q_0.225": 1.7153730467553179, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.766057223481253, "q_0.325": 1.8095111121900993, "q_0.35": 1.8804632621080155, "q_0.375": 1.8894375220746846, "q_0.4": 1.9552107295456946, "q_0.425": 1.9906968929199382, "q_0.45": 2.064300445695231, "q_0.475": 2.094443689031947, "q_0.5": 2.1471434660150575, "q_0.525": 2.1651755981079774, "q_0.55": 2.183926848600019, "q_0.575": 2.1925017436944954, "q_0.6": 2.2050773590973116, "q_0.625": 2.2499427214266623, "q_0.65": 2.260785664842828, "q_0.675": 2.301986765918782, "q_0.7": 2.34153913501825, "q_0.725": 2.394124866599558, "q_0.75": 2.428633389531809, "q_0.775": 2.4790548450590197, "q_0.8": 2.4836486088453604, "q_0.825": 2.5369801070591347, "q_0.85": 2.558203281548866, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7406066580935287, "q_0.95": 2.8309843866460245, "q_0.975": 3.082570185997104, "q_1": 3.4815036306311677}, {"x": 8.363345338135254, "y": 2.3302278576110784, "y_true": 1.3589090084660673, "y_pred": 2.1471434660150575, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.3407877867848452, "q_0.05": 1.536535347643079, "q_0.075": 1.5761727098595335, "q_0.1": 1.5942958558883242, "q_0.125": 1.6054936858658917, "q_0.15": 1.6315554467899878, "q_0.175": 1.651692460867325, "q_0.2": 1.6949716637182313, "q_0.225": 1.7153730467553179, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.766057223481253, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8894375220746846, "q_0.4": 1.9552107295456946, "q_0.425": 1.9906968929199382, "q_0.45": 2.064300445695231, "q_0.475": 2.094443689031947, "q_0.5": 2.1471434660150575, "q_0.525": 2.1651755981079774, "q_0.55": 2.183926848600019, "q_0.575": 2.1925017436944954, "q_0.6": 2.2050773590973116, "q_0.625": 2.2356010378751776, "q_0.65": 2.260785664842828, "q_0.675": 2.301986765918782, "q_0.7": 2.34153913501825, "q_0.725": 2.394124866599558, "q_0.75": 2.428633389531809, "q_0.775": 2.4790548450590197, "q_0.8": 2.4836486088453604, "q_0.825": 2.5369801070591347, "q_0.85": 2.558203281548866, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7350737990639096, "q_0.95": 2.8309843866460245, "q_0.975": 3.082570185997104, "q_1": 3.4815036306311677}, {"x": 8.403361344537815, "y": 2.260785664842828, "y_true": 1.3606829660077946, "y_pred": 2.1471434660150575, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.3407877867848452, "q_0.05": 1.536535347643079, "q_0.075": 1.5761727098595335, "q_0.1": 1.5942958558883242, "q_0.125": 1.6054936858658917, "q_0.15": 1.6315554467899878, "q_0.175": 1.651692460867325, "q_0.2": 1.6949716637182313, "q_0.225": 1.7153730467553179, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.766057223481253, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8894375220746846, "q_0.4": 1.9552107295456946, "q_0.425": 1.9906968929199382, "q_0.45": 2.064300445695231, "q_0.475": 2.094443689031947, "q_0.5": 2.1471434660150575, "q_0.525": 2.1651755981079774, "q_0.55": 2.183926848600019, "q_0.575": 2.1925017436944954, "q_0.6": 2.2050773590973116, "q_0.625": 2.2356010378751776, "q_0.65": 2.260785664842828, "q_0.675": 2.301986765918782, "q_0.7": 2.34153913501825, "q_0.725": 2.394124866599558, "q_0.75": 2.428633389531809, "q_0.775": 2.4790548450590197, "q_0.8": 2.4836486088453604, "q_0.825": 2.5369801070591347, "q_0.85": 2.558203281548866, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7350737990639096, "q_0.95": 2.8309843866460245, "q_0.975": 3.082570185997104, "q_1": 3.4815036306311677}, {"x": 8.443377350940377, "y": 2.914606544158137, "y_true": 1.3624495746800251, "y_pred": 2.1471434660150575, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.3407877867848452, "q_0.05": 1.536535347643079, "q_0.075": 1.5761727098595335, "q_0.1": 1.5942958558883242, "q_0.125": 1.6054936858658917, "q_0.15": 1.6315554467899878, "q_0.175": 1.651692460867325, "q_0.2": 1.6949716637182313, "q_0.225": 1.7153730467553179, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.766057223481253, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8894375220746846, "q_0.4": 1.9552107295456946, "q_0.425": 1.9906968929199382, "q_0.45": 2.064300445695231, "q_0.475": 2.094443689031947, "q_0.5": 2.1471434660150575, "q_0.525": 2.1651755981079774, "q_0.55": 2.183926848600019, "q_0.575": 2.1925017436944954, "q_0.6": 2.2050773590973116, "q_0.625": 2.2356010378751776, "q_0.65": 2.260785664842828, "q_0.675": 2.301986765918782, "q_0.7": 2.34153913501825, "q_0.725": 2.394124866599558, "q_0.75": 2.428633389531809, "q_0.775": 2.4790548450590197, "q_0.8": 2.4836486088453604, "q_0.825": 2.5369801070591347, "q_0.85": 2.558203281548866, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7350737990639096, "q_0.95": 2.8309843866460245, "q_0.975": 3.082570185997104, "q_1": 3.4815036306311677}, {"x": 8.483393357342937, "y": 1.5781752276141312, "y_true": 1.3642088976523434, "y_pred": 2.1471434660150575, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.3407877867848452, "q_0.05": 1.536535347643079, "q_0.075": 1.5761727098595335, "q_0.1": 1.5942958558883242, "q_0.125": 1.6054936858658917, "q_0.15": 1.6315554467899878, "q_0.175": 1.651692460867325, "q_0.2": 1.6949716637182313, "q_0.225": 1.7153730467553179, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.766057223481253, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8894375220746846, "q_0.4": 1.9552107295456946, "q_0.425": 1.9906968929199382, "q_0.45": 2.064300445695231, "q_0.475": 2.094443689031947, "q_0.5": 2.1471434660150575, "q_0.525": 2.1651755981079774, "q_0.55": 2.183926848600019, "q_0.575": 2.1925017436944954, "q_0.6": 2.2050773590973116, "q_0.625": 2.2356010378751776, "q_0.65": 2.260785664842828, "q_0.675": 2.301986765918782, "q_0.7": 2.34153913501825, "q_0.725": 2.394124866599558, "q_0.75": 2.428633389531809, "q_0.775": 2.4790548450590197, "q_0.8": 2.4836486088453604, "q_0.825": 2.5369801070591347, "q_0.85": 2.558203281548866, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7350737990639096, "q_0.95": 2.8309843866460245, "q_0.975": 3.082570185997104, "q_1": 3.4815036306311677}, {"x": 8.523409363745499, "y": 1.4875018218530234, "y_true": 1.3659609972668438, "y_pred": 2.1471434660150575, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.3407877867848452, "q_0.05": 1.536535347643079, "q_0.075": 1.5761727098595335, "q_0.1": 1.5942958558883242, "q_0.125": 1.6054936858658917, "q_0.15": 1.6315554467899878, "q_0.175": 1.651692460867325, "q_0.2": 1.6949716637182313, "q_0.225": 1.7153730467553179, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.766057223481253, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8894375220746846, "q_0.4": 1.9552107295456946, "q_0.425": 1.9906968929199382, "q_0.45": 2.064300445695231, "q_0.475": 2.094443689031947, "q_0.5": 2.1471434660150575, "q_0.525": 2.1651755981079774, "q_0.55": 2.183926848600019, "q_0.575": 2.1925017436944954, "q_0.6": 2.2050773590973116, "q_0.625": 2.2356010378751776, "q_0.65": 2.260785664842828, "q_0.675": 2.301986765918782, "q_0.7": 2.34153913501825, "q_0.725": 2.394124866599558, "q_0.75": 2.428633389531809, "q_0.775": 2.4790548450590197, "q_0.8": 2.4836486088453604, "q_0.825": 2.5369801070591347, "q_0.85": 2.558203281548866, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7350737990639096, "q_0.95": 2.8309843866460245, "q_0.975": 3.082570185997104, "q_1": 3.4815036306311677}, {"x": 8.56342537014806, "y": 1.6241954985010723, "y_true": 1.3677059350526974, "y_pred": 2.1471434660150575, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.3407877867848452, "q_0.05": 1.536535347643079, "q_0.075": 1.5761727098595335, "q_0.1": 1.5942958558883242, "q_0.125": 1.6054936858658917, "q_0.15": 1.6315554467899878, "q_0.175": 1.651692460867325, "q_0.2": 1.6949716637182313, "q_0.225": 1.7153730467553179, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.766057223481253, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8894375220746846, "q_0.4": 1.9552107295456946, "q_0.425": 1.9906968929199382, "q_0.45": 2.064300445695231, "q_0.475": 2.094443689031947, "q_0.5": 2.1471434660150575, "q_0.525": 2.1651755981079774, "q_0.55": 2.183926848600019, "q_0.575": 2.1925017436944954, "q_0.6": 2.2050773590973116, "q_0.625": 2.2356010378751776, "q_0.65": 2.260785664842828, "q_0.675": 2.301986765918782, "q_0.7": 2.34153913501825, "q_0.725": 2.394124866599558, "q_0.75": 2.428633389531809, "q_0.775": 2.4790548450590197, "q_0.8": 2.4836486088453604, "q_0.825": 2.5369801070591347, "q_0.85": 2.558203281548866, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7350737990639096, "q_0.95": 2.8309843866460245, "q_0.975": 3.082570185997104, "q_1": 3.4815036306311677}, {"x": 8.60344137655062, "y": 1.7780951409323205, "y_true": 1.3694437717404002, "y_pred": 2.158349758130808, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5612359127978404, "q_0.075": 1.5768711347293332, "q_0.1": 1.5970397580432898, "q_0.125": 1.61014734001063, "q_0.15": 1.640461025840134, "q_0.175": 1.6764723991857389, "q_0.2": 1.7042095965706285, "q_0.225": 1.715988593388376, "q_0.25": 1.743644759602239, "q_0.275": 1.7584791666382484, "q_0.3": 1.7780951409323205, "q_0.325": 1.8256487393970575, "q_0.35": 1.8804632621080155, "q_0.375": 1.8947651688023193, "q_0.4": 1.9726743155341868, "q_0.425": 1.9923941629620197, "q_0.45": 2.064300445695231, "q_0.475": 2.1182813624010053, "q_0.5": 2.158349758130808, "q_0.525": 2.1651755981079774, "q_0.55": 2.183926848600019, "q_0.575": 2.1925017436944954, "q_0.6": 2.2050773590973116, "q_0.625": 2.2499427214266623, "q_0.65": 2.260785664842828, "q_0.675": 2.301986765918782, "q_0.7": 2.357575987187868, "q_0.725": 2.399048011485926, "q_0.75": 2.4441998714762514, "q_0.775": 2.4790548450590197, "q_0.8": 2.519551391651299, "q_0.825": 2.540813463760297, "q_0.85": 2.5669475991898523, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7427053287599286, "q_0.95": 2.9147032497610956, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 8.643457382953182, "y": 2.3624611524054955, "y_true": 1.371174567275704, "y_pred": 2.158349758130808, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5612359127978404, "q_0.075": 1.5768711347293332, "q_0.1": 1.5970397580432898, "q_0.125": 1.61014734001063, "q_0.15": 1.640461025840134, "q_0.175": 1.6764723991857389, "q_0.2": 1.7042095965706285, "q_0.225": 1.715988593388376, "q_0.25": 1.746683444054756, "q_0.275": 1.7584791666382484, "q_0.3": 1.7780951409323205, "q_0.325": 1.8256487393970575, "q_0.35": 1.8804632621080155, "q_0.375": 1.9127412837784434, "q_0.4": 1.9726743155341868, "q_0.425": 1.9923941629620197, "q_0.45": 2.0667201576662597, "q_0.475": 2.1344143978676344, "q_0.5": 2.158349758130808, "q_0.525": 2.165641952069677, "q_0.55": 2.191134267868869, "q_0.575": 2.1925017436944954, "q_0.6": 2.2116938666772166, "q_0.625": 2.2536101082900837, "q_0.65": 2.272549952910886, "q_0.675": 2.301986765918782, "q_0.7": 2.3624611524054955, "q_0.725": 2.399048011485926, "q_0.75": 2.4441998714762514, "q_0.775": 2.4811194760629895, "q_0.8": 2.519551391651299, "q_0.825": 2.540813463760297, "q_0.85": 2.5669475991898523, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7427053287599286, "q_0.95": 2.9147032497610956, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 8.683473389355743, "y": 2.399048011485926, "y_true": 1.3728983808332464, "y_pred": 2.158349758130808, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5612359127978404, "q_0.075": 1.5768711347293332, "q_0.1": 1.5987032311944178, "q_0.125": 1.61014734001063, "q_0.15": 1.640461025840134, "q_0.175": 1.6764723991857389, "q_0.2": 1.7042095965706285, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7584791666382484, "q_0.3": 1.7780951409323205, "q_0.325": 1.8659008625359992, "q_0.35": 1.8825077275430822, "q_0.375": 1.9127412837784434, "q_0.4": 1.9726743155341868, "q_0.425": 1.9923941629620197, "q_0.45": 2.0667201576662597, "q_0.475": 2.1344143978676344, "q_0.5": 2.158349758130808, "q_0.525": 2.165641952069677, "q_0.55": 2.191134267868869, "q_0.575": 2.1925017436944954, "q_0.6": 2.2116938666772166, "q_0.625": 2.2562566884199984, "q_0.65": 2.272549952910886, "q_0.675": 2.3202836219774388, "q_0.7": 2.3624611524054955, "q_0.725": 2.399048011485926, "q_0.75": 2.4441998714762514, "q_0.775": 2.4811194760629895, "q_0.8": 2.5202995028214916, "q_0.825": 2.540813463760297, "q_0.85": 2.5669475991898523, "q_0.875": 2.676446867215599, "q_0.9": 2.729011295090292, "q_0.925": 2.7427053287599286, "q_0.95": 2.9147032497610956, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 8.723489395758303, "y": 1.7652211439842282, "y_true": 1.3746152708298796, "y_pred": 2.159252646284476, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6425313889327906, "q_0.175": 1.6764723991857389, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9398895035522234, "q_0.4": 1.9737380618647906, "q_0.425": 1.99424811067523, "q_0.45": 2.0667201576662597, "q_0.475": 2.1344143978676344, "q_0.5": 2.159252646284476, "q_0.525": 2.165641952069677, "q_0.55": 2.191134267868869, "q_0.575": 2.1925017436944954, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2892111152582455, "q_0.675": 2.3302278576110784, "q_0.7": 2.3624611524054955, "q_0.725": 2.399048011485926, "q_0.75": 2.455426470971908, "q_0.775": 2.4811194760629895, "q_0.8": 2.5202995028214916, "q_0.825": 2.551176200219537, "q_0.85": 2.5669475991898523, "q_0.875": 2.707321630102125, "q_0.9": 2.7344841619655367, "q_0.925": 2.7646368740395526, "q_0.95": 2.9476038788028385, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 8.763505402160865, "y": 2.1996987093304345, "y_true": 1.376325294937714, "y_pred": 2.1618868549483543, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618868549483543, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.788331343081471, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 8.803521408563427, "y": 2.191134267868869, "y_true": 1.3780285100968772, "y_pred": 2.1618868549483543, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618868549483543, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.788331343081471, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 8.843537414965986, "y": 2.1456734219847933, "y_true": 1.379724972527999, "y_pred": 2.1618868549483543, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618868549483543, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.788331343081471, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 8.883553421368548, "y": 2.7427053287599286, "y_true": 1.3814147377444312, "y_pred": 2.1618868549483543, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618868549483543, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.788331343081471, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 8.923569427771108, "y": 2.183926848600019, "y_true": 1.3830978605642046, "y_pred": 2.1618868549483543, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618868549483543, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.788331343081471, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 8.96358543417367, "y": 2.6750818584025255, "y_true": 1.3847743951217324, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.003601440576231, "y": 1.670307284332978, "y_true": 1.3864443948792684, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.043617446978791, "y": 2.2970834254008214, "y_true": 1.3881079126381226, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.083633453381353, "y": 2.80089804877752, "y_true": 1.3897650005496418, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.123649459783914, "y": 1.696364260328574, "y_true": 1.3914157101259612, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.163665466186474, "y": 2.1925017436944954, "y_true": 1.3930600922505343, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.203681472589036, "y": 2.4441998714762514, "y_true": 1.3946981971884431, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.243697478991598, "y": 1.7153730467553179, "y_true": 1.3963300745964977, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.283713485394157, "y": 2.707321630102125, "y_true": 1.3979557735331274, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.323729491796719, "y": 1.536535347643079, "y_true": 1.3995753424680708, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.36374549819928, "y": 3.0453784047774124, "y_true": 1.4011888292918697, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.40376150460184, "y": 2.2178744216088404, "y_true": 1.4027962813251686, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.443777511004402, "y": 1.9906968929199382, "y_true": 1.404397745327829, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.483793517406964, "y": 1.61014734001063, "y_true": 1.4059932675078597, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.523809523809524, "y": 2.1651755981079774, "y_true": 1.4075828935301689, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.563825530212085, "y": 2.5669475991898523, "y_true": 1.4091666685251416, "y_pred": 2.1618886583507457, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5706352996393322, "q_0.075": 1.5781752276141312, "q_0.1": 1.6054936858658917, "q_0.125": 1.6241954985010723, "q_0.15": 1.651692460867325, "q_0.175": 1.6875606122872815, "q_0.2": 1.7153730467553179, "q_0.225": 1.7254745564005882, "q_0.25": 1.748045507323806, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.0364240867248338, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618886583507457, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.25982384442147, "q_0.65": 2.2970834254008214, "q_0.675": 2.34153913501825, "q_0.7": 2.394124866599558, "q_0.725": 2.428633389531809, "q_0.75": 2.4790548450590197, "q_0.775": 2.4949839093558666, "q_0.8": 2.540813463760297, "q_0.825": 2.558203281548866, "q_0.85": 2.6750818584025255, "q_0.875": 2.729011295090292, "q_0.9": 2.7427053287599286, "q_0.925": 2.910085567877327, "q_0.95": 3.082570185997104, "q_0.975": 3.1227101939238655, "q_1": 3.4815036306311677}, {"x": 9.603841536614647, "y": 1.5768711347293332, "y_true": 1.4107446370970478, "y_pred": 2.1618886583507457, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5706352996393322, "q_0.075": 1.5781752276141312, "q_0.1": 1.6054936858658917, "q_0.125": 1.6241954985010723, "q_0.15": 1.651692460867325, "q_0.175": 1.6875606122872815, "q_0.2": 1.7153730467553179, "q_0.225": 1.7254745564005882, "q_0.25": 1.748045507323806, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.0364240867248338, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618886583507457, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.25982384442147, "q_0.65": 2.2970834254008214, "q_0.675": 2.34153913501825, "q_0.7": 2.394124866599558, "q_0.725": 2.428633389531809, "q_0.75": 2.4790548450590197, "q_0.775": 2.4949839093558666, "q_0.8": 2.540813463760297, "q_0.825": 2.558203281548866, "q_0.85": 2.6750818584025255, "q_0.875": 2.729011295090292, "q_0.9": 2.7427053287599286, "q_0.925": 2.910085567877327, "q_0.95": 3.082570185997104, "q_0.975": 3.1227101939238655, "q_1": 3.4815036306311677}, {"x": 9.643857543017207, "y": 1.9518501628155387, "y_true": 1.412316843332284, "y_pred": 2.1618886583507457, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5706352996393322, "q_0.075": 1.5781752276141312, "q_0.1": 1.6054936858658917, "q_0.125": 1.6241954985010723, "q_0.15": 1.651692460867325, "q_0.175": 1.6875606122872815, "q_0.2": 1.7153730467553179, "q_0.225": 1.7254745564005882, "q_0.25": 1.748045507323806, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.0364240867248338, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618886583507457, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.25982384442147, "q_0.65": 2.2970834254008214, "q_0.675": 2.34153913501825, "q_0.7": 2.394124866599558, "q_0.725": 2.428633389531809, "q_0.75": 2.4790548450590197, "q_0.775": 2.4949839093558666, "q_0.8": 2.540813463760297, "q_0.825": 2.558203281548866, "q_0.85": 2.6750818584025255, "q_0.875": 2.729011295090292, "q_0.9": 2.7427053287599286, "q_0.925": 2.910085567877327, "q_0.95": 3.082570185997104, "q_0.975": 3.1227101939238655, "q_1": 3.4815036306311677}, {"x": 9.683873549419769, "y": 2.8895065163192877, "y_true": 1.4138833308074525, "y_pred": 2.1618886583507457, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5706352996393322, "q_0.075": 1.5781752276141312, "q_0.1": 1.6054936858658917, "q_0.125": 1.6241954985010723, "q_0.15": 1.651692460867325, "q_0.175": 1.6875606122872815, "q_0.2": 1.7153730467553179, "q_0.225": 1.7254745564005882, "q_0.25": 1.748045507323806, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.0364240867248338, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618886583507457, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.25982384442147, "q_0.65": 2.2970834254008214, "q_0.675": 2.34153913501825, "q_0.7": 2.394124866599558, "q_0.725": 2.428633389531809, "q_0.75": 2.4790548450590197, "q_0.775": 2.4949839093558666, "q_0.8": 2.540813463760297, "q_0.825": 2.558203281548866, "q_0.85": 2.6750818584025255, "q_0.875": 2.729011295090292, "q_0.9": 2.7427053287599286, "q_0.925": 2.910085567877327, "q_0.95": 3.082570185997104, "q_0.975": 3.1227101939238655, "q_1": 3.4815036306311677}, {"x": 9.72388955582233, "y": 2.558203281548866, "y_true": 1.4154441425972843, "y_pred": 2.1618886583507457, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5706352996393322, "q_0.075": 1.5781752276141312, "q_0.1": 1.6054936858658917, "q_0.125": 1.6241954985010723, "q_0.15": 1.651692460867325, "q_0.175": 1.6897570877456367, "q_0.2": 1.7153730467553179, "q_0.225": 1.7254745564005882, "q_0.25": 1.748045507323806, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.0364240867248338, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618886583507457, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.25982384442147, "q_0.65": 2.2970834254008214, "q_0.675": 2.34153913501825, "q_0.7": 2.394124866599558, "q_0.725": 2.4441998714762514, "q_0.75": 2.4790548450590197, "q_0.775": 2.4949839093558666, "q_0.8": 2.540813463760297, "q_0.825": 2.5669475991898523, "q_0.85": 2.6750818584025255, "q_0.875": 2.729011295090292, "q_0.9": 2.7427053287599286, "q_0.925": 2.910085567877327, "q_0.95": 3.082570185997104, "q_0.975": 3.1227101939238655, "q_1": 3.4815036306311677}, {"x": 9.76390556222489, "y": 1.7826693521756727, "y_true": 1.4169993212824044, "y_pred": 2.1618886583507457, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5761727098595335, "q_0.075": 1.5781752276141312, "q_0.1": 1.6054936858658917, "q_0.125": 1.6241954985010723, "q_0.15": 1.651692460867325, "q_0.175": 1.6949716637182313, "q_0.2": 1.7153730467553179, "q_0.225": 1.7401545478134488, "q_0.25": 1.748045507323806, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8894375220746846, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.0364240867248338, "q_0.45": 2.07806753604615, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618886583507457, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2304222094437676, "q_0.625": 2.25982384442147, "q_0.65": 2.3002307214829223, "q_0.675": 2.357575987187868, "q_0.7": 2.3967217410259405, "q_0.725": 2.4441998714762514, "q_0.75": 2.4790548450590197, "q_0.775": 2.519551391651299, "q_0.8": 2.540813463760297, "q_0.825": 2.5669475991898523, "q_0.85": 2.676446867215599, "q_0.875": 2.729011295090292, "q_0.9": 2.7427053287599286, "q_0.925": 2.9128612465750425, "q_0.95": 3.082570185997104, "q_0.975": 3.1419948986942368, "q_1": 3.4815036306311677}, {"x": 9.803921568627452, "y": 1.7042095965706285, "y_true": 1.4185489089569487, "y_pred": 2.1618886583507457, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5761727098595335, "q_0.075": 1.5781752276141312, "q_0.1": 1.6054936858658917, "q_0.125": 1.6241954985010723, "q_0.15": 1.651692460867325, "q_0.175": 1.6949716637182313, "q_0.2": 1.7153730467553179, "q_0.225": 1.7401545478134488, "q_0.25": 1.748045507323806, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8894375220746846, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.0364240867248338, "q_0.45": 2.07806753604615, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618886583507457, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2304222094437676, "q_0.625": 2.25982384442147, "q_0.65": 2.3002307214829223, "q_0.675": 2.357575987187868, "q_0.7": 2.3967217410259405, "q_0.725": 2.4441998714762514, "q_0.75": 2.4790548450590197, "q_0.775": 2.519551391651299, "q_0.8": 2.540813463760297, "q_0.825": 2.5669475991898523, "q_0.85": 2.676446867215599, "q_0.875": 2.729011295090292, "q_0.9": 2.7427053287599286, "q_0.925": 2.9128612465750425, "q_0.95": 3.082570185997104, "q_0.975": 3.1419948986942368, "q_1": 3.4815036306311677}, {"x": 9.843937575030012, "y": 3.028872387280381, "y_true": 1.4200929472360326, "y_pred": 2.1651755981079774, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.5086633516570518, "q_0.05": 1.5761727098595335, "q_0.075": 1.5942958558883242, "q_0.1": 1.6054936858658917, "q_0.125": 1.6315554467899878, "q_0.15": 1.6764723991857389, "q_0.175": 1.7042095965706285, "q_0.2": 1.715988593388376, "q_0.225": 1.743644759602239, "q_0.25": 1.7506012687354757, "q_0.275": 1.7780951409323205, "q_0.3": 1.8095111121900993, "q_0.325": 1.8741974463308972, "q_0.35": 1.8947651688023193, "q_0.375": 1.9726743155341868, "q_0.4": 1.9923941629620197, "q_0.425": 2.064300445695231, "q_0.45": 2.0938912956680737, "q_0.475": 2.146797550217463, "q_0.5": 2.1651755981079774, "q_0.525": 2.183926848600019, "q_0.55": 2.1925017436944954, "q_0.575": 2.2178744216088404, "q_0.6": 2.258273548346157, "q_0.625": 2.2892111152582455, "q_0.65": 2.3302278576110784, "q_0.675": 2.3758752544937853, "q_0.7": 2.428633389531809, "q_0.725": 2.4558485943438106, "q_0.75": 2.4836486088453604, "q_0.775": 2.5281986813998056, "q_0.8": 2.558203281548866, "q_0.825": 2.6750818584025255, "q_0.85": 2.7177618126847722, "q_0.875": 2.7427053287599286, "q_0.9": 2.8309843866460245, "q_0.925": 3.028872387280381, "q_0.95": 3.10544295706245, "q_0.975": 3.2029037652023558, "q_1": 3.7958272883525694}, {"x": 9.883953581432573, "y": 1.933113529533938, "y_true": 1.4216314772630765, "y_pred": 2.1651755981079774, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.5086633516570518, "q_0.05": 1.5761727098595335, "q_0.075": 1.5942958558883242, "q_0.1": 1.6054936858658917, "q_0.125": 1.6315554467899878, "q_0.15": 1.6764723991857389, "q_0.175": 1.7042095965706285, "q_0.2": 1.715988593388376, "q_0.225": 1.743644759602239, "q_0.25": 1.7506012687354757, "q_0.275": 1.7780951409323205, "q_0.3": 1.8095111121900993, "q_0.325": 1.8741974463308972, "q_0.35": 1.8947651688023193, "q_0.375": 1.9726743155341868, "q_0.4": 1.9923941629620197, "q_0.425": 2.064300445695231, "q_0.45": 2.0938912956680737, "q_0.475": 2.146797550217463, "q_0.5": 2.1651755981079774, "q_0.525": 2.183926848600019, "q_0.55": 2.1925017436944954, "q_0.575": 2.2178744216088404, "q_0.6": 2.258273548346157, "q_0.625": 2.2892111152582455, "q_0.65": 2.3302278576110784, "q_0.675": 2.3758752544937853, "q_0.7": 2.428633389531809, "q_0.725": 2.4558485943438106, "q_0.75": 2.4836486088453604, "q_0.775": 2.5281986813998056, "q_0.8": 2.558203281548866, "q_0.825": 2.6750818584025255, "q_0.85": 2.7177618126847722, "q_0.875": 2.7427053287599286, "q_0.9": 2.8309843866460245, "q_0.925": 3.028872387280381, "q_0.95": 3.10544295706245, "q_0.975": 3.2029037652023558, "q_1": 3.7958272883525694}, {"x": 9.923969587835135, "y": 1.743644759602239, "y_true": 1.4231645397169892, "y_pred": 2.1651755981079774, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.5086633516570518, "q_0.05": 1.5761727098595335, "q_0.075": 1.5942958558883242, "q_0.1": 1.6054936858658917, "q_0.125": 1.6315554467899878, "q_0.15": 1.6764723991857389, "q_0.175": 1.7042095965706285, "q_0.2": 1.715988593388376, "q_0.225": 1.743644759602239, "q_0.25": 1.7506012687354757, "q_0.275": 1.7780951409323205, "q_0.3": 1.8095111121900993, "q_0.325": 1.8741974463308972, "q_0.35": 1.8947651688023193, "q_0.375": 1.9726743155341868, "q_0.4": 1.9923941629620197, "q_0.425": 2.064300445695231, "q_0.45": 2.0938912956680737, "q_0.475": 2.146797550217463, "q_0.5": 2.1651755981079774, "q_0.525": 2.183926848600019, "q_0.55": 2.1925017436944954, "q_0.575": 2.2178744216088404, "q_0.6": 2.258273548346157, "q_0.625": 2.2892111152582455, "q_0.65": 2.3302278576110784, "q_0.675": 2.3758752544937853, "q_0.7": 2.428633389531809, "q_0.725": 2.4558485943438106, "q_0.75": 2.4836486088453604, "q_0.775": 2.5281986813998056, "q_0.8": 2.558203281548866, "q_0.825": 2.6750818584025255, "q_0.85": 2.7177618126847722, "q_0.875": 2.7427053287599286, "q_0.9": 2.8309843866460245, "q_0.925": 3.028872387280381, "q_0.95": 3.10544295706245, "q_0.975": 3.2029037652023558, "q_1": 3.7958272883525694}, {"x": 9.963985594237695, "y": 3.213381568966706, "y_true": 1.4246921748192145, "y_pred": 2.1651755981079774, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.5086633516570518, "q_0.05": 1.5761727098595335, "q_0.075": 1.5970397580432898, "q_0.1": 1.6054936858658917, "q_0.125": 1.640461025840134, "q_0.15": 1.6764723991857389, "q_0.175": 1.7042095965706285, "q_0.2": 1.715988593388376, "q_0.225": 1.743644759602239, "q_0.25": 1.7506012687354757, "q_0.275": 1.7780951409323205, "q_0.3": 1.810676679078199, "q_0.325": 1.8741974463308972, "q_0.35": 1.8947651688023193, "q_0.375": 1.9726743155341868, "q_0.4": 1.9923941629620197, "q_0.425": 2.064300445695231, "q_0.45": 2.094443689031947, "q_0.475": 2.146797550217463, "q_0.5": 2.1651755981079774, "q_0.525": 2.183926848600019, "q_0.55": 2.1925017436944954, "q_0.575": 2.2178744216088404, "q_0.6": 2.258273548346157, "q_0.625": 2.289944087178931, "q_0.65": 2.3302278576110784, "q_0.675": 2.3758752544937853, "q_0.7": 2.428633389531809, "q_0.725": 2.4558594180200135, "q_0.75": 2.4874288490489973, "q_0.775": 2.5281986813998056, "q_0.8": 2.558203281548866, "q_0.825": 2.6750818584025255, "q_0.85": 2.7177618126847722, "q_0.875": 2.7427053287599286, "q_0.9": 2.910085567877327, "q_0.925": 3.028872387280381, "q_0.95": 3.10544295706245, "q_0.975": 3.2640060460539786, "q_1": 3.7958272883525694}, {"x": 10.004001600640256, "y": 1.9803148955670524, "y_true": 1.426214422340646, "y_pred": 2.165641952069677, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5086633516570518, "q_0.05": 1.5761727098595335, "q_0.075": 1.6003667043455454, "q_0.1": 1.61014734001063, "q_0.125": 1.6436461998288363, "q_0.15": 1.6764723991857389, "q_0.175": 1.7042095965706285, "q_0.2": 1.715988593388376, "q_0.225": 1.743644759602239, "q_0.25": 1.7584791666382484, "q_0.275": 1.7826693521756727, "q_0.3": 1.8256487393970575, "q_0.325": 1.8816388297331794, "q_0.35": 1.9398895035522234, "q_0.375": 1.9853816172181133, "q_0.4": 2.007340859870221, "q_0.425": 2.074754357150667, "q_0.45": 2.1344143978676344, "q_0.475": 2.158349758130808, "q_0.5": 2.165641952069677, "q_0.525": 2.191134267868869, "q_0.55": 2.1996987093304345, "q_0.575": 2.2304222094437676, "q_0.6": 2.25982384442147, "q_0.625": 2.2970834254008214, "q_0.65": 2.34153913501825, "q_0.675": 2.394124866599558, "q_0.7": 2.428633389531809, "q_0.725": 2.4790548450590197, "q_0.75": 2.4987847032800143, "q_0.775": 2.540813463760297, "q_0.8": 2.5669475991898523, "q_0.825": 2.676446867215599, "q_0.85": 2.729011295090292, "q_0.875": 2.7646368740395526, "q_0.9": 2.9147032497610956, "q_0.925": 3.082570185997104, "q_0.95": 3.11661440888511, "q_0.975": 3.2928888831873198, "q_1": 3.7958272883525694}, {"x": 10.044017607042818, "y": 1.651692460867325, "y_true": 1.4277313216084064, "y_pred": 2.1737618604535083, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7064053133430575, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.7652211439842282, "q_0.275": 1.7938626646659221, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9552107295456946, "q_0.375": 1.9923941629620197, "q_0.4": 2.0364240867248338, "q_0.425": 2.07806753604615, "q_0.45": 2.1456734219847933, "q_0.475": 2.1618886583507457, "q_0.5": 2.1737618604535083, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.260785664842828, "q_0.625": 2.3277417987026685, "q_0.65": 2.3624611524054955, "q_0.675": 2.399048011485926, "q_0.7": 2.455426470971908, "q_0.725": 2.4836486088453604, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7427053287599286, "q_0.875": 2.910085567877327, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.084033613445378, "y": 2.25982384442147, "y_true": 1.4292429115125018, "y_pred": 2.1737618604535083, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7064053133430575, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.7652211439842282, "q_0.275": 1.7938626646659221, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9552107295456946, "q_0.375": 1.9923941629620197, "q_0.4": 2.0364240867248338, "q_0.425": 2.07806753604615, "q_0.45": 2.1456734219847933, "q_0.475": 2.1618886583507457, "q_0.5": 2.1737618604535083, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.260785664842828, "q_0.625": 2.3277417987026685, "q_0.65": 2.3624611524054955, "q_0.675": 2.399048011485926, "q_0.7": 2.455426470971908, "q_0.725": 2.4836486088453604, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7427053287599286, "q_0.875": 2.910085567877327, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.12404961984794, "y": 2.2134581743847996, "y_true": 1.4307492305123506, "y_pred": 2.1737618604535083, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7064053133430575, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.7652211439842282, "q_0.275": 1.7938626646659221, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9552107295456946, "q_0.375": 1.9923941629620197, "q_0.4": 2.0364240867248338, "q_0.425": 2.07806753604615, "q_0.45": 2.1456734219847933, "q_0.475": 2.1618886583507457, "q_0.5": 2.1737618604535083, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.260785664842828, "q_0.625": 2.3277417987026685, "q_0.65": 2.3624611524054955, "q_0.675": 2.399048011485926, "q_0.7": 2.455426470971908, "q_0.725": 2.4836486088453604, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7427053287599286, "q_0.875": 2.910085567877327, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.164065626250501, "y": 3.10544295706245, "y_true": 1.4322503166431886, "y_pred": 2.1737618604535083, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7064053133430575, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.7652211439842282, "q_0.275": 1.7938626646659221, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9552107295456946, "q_0.375": 1.9923941629620197, "q_0.4": 2.0364240867248338, "q_0.425": 2.07806753604615, "q_0.45": 2.1456734219847933, "q_0.475": 2.1618886583507457, "q_0.5": 2.1737618604535083, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.260785664842828, "q_0.625": 2.3277417987026685, "q_0.65": 2.3624611524054955, "q_0.675": 2.399048011485926, "q_0.7": 2.455426470971908, "q_0.725": 2.4836486088453604, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7427053287599286, "q_0.875": 2.910085567877327, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.204081632653061, "y": 1.6764723991857389, "y_true": 1.4337462075223562, "y_pred": 2.1737618604535083, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7064053133430575, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.7652211439842282, "q_0.275": 1.7938626646659221, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9552107295456946, "q_0.375": 1.9923941629620197, "q_0.4": 2.0364240867248338, "q_0.425": 2.07806753604615, "q_0.45": 2.1456734219847933, "q_0.475": 2.1618886583507457, "q_0.5": 2.1737618604535083, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.260785664842828, "q_0.625": 2.3277417987026685, "q_0.65": 2.3624611524054955, "q_0.675": 2.399048011485926, "q_0.7": 2.455426470971908, "q_0.725": 2.4836486088453604, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7427053287599286, "q_0.875": 2.910085567877327, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.244097639055623, "y": 1.6003667043455454, "y_true": 1.4352369403554663, "y_pred": 2.1737618604535083, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7064053133430575, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.7652211439842282, "q_0.275": 1.7938626646659221, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9552107295456946, "q_0.375": 1.9923941629620197, "q_0.4": 2.0364240867248338, "q_0.425": 2.07806753604615, "q_0.45": 2.1456734219847933, "q_0.475": 2.1618886583507457, "q_0.5": 2.1737618604535083, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.260785664842828, "q_0.625": 2.3277417987026685, "q_0.65": 2.3624611524054955, "q_0.675": 2.399048011485926, "q_0.7": 2.455426470971908, "q_0.725": 2.4836486088453604, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7427053287599286, "q_0.875": 2.910085567877327, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.284113645458184, "y": 1.6054936858658917, "y_true": 1.4367225519424616, "y_pred": 2.1737618604535083, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7064053133430575, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.7652211439842282, "q_0.275": 1.8095111121900993, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9569570881445406, "q_0.375": 1.9923941629620197, "q_0.4": 2.0402802991977853, "q_0.425": 2.07806753604615, "q_0.45": 2.1456734219847933, "q_0.475": 2.1618886583507457, "q_0.5": 2.1737618604535083, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.2678442376836605, "q_0.625": 2.3302278576110784, "q_0.65": 2.3758752544937853, "q_0.675": 2.4232132211358013, "q_0.7": 2.455426470971908, "q_0.725": 2.4836486088453604, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7427053287599286, "q_0.875": 2.910085567877327, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.324129651860744, "y": 3.082570185997104, "y_true": 1.4382030786835553, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7153730467553179, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.766057223481253, "q_0.275": 1.8095111121900993, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9726743155341868, "q_0.375": 1.9923941629620197, "q_0.4": 2.0402802991977853, "q_0.425": 2.0833958217544333, "q_0.45": 2.1456734219847933, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.289944087178931, "q_0.625": 2.3302278576110784, "q_0.65": 2.3758752544937853, "q_0.675": 2.428633389531809, "q_0.7": 2.455426470971908, "q_0.725": 2.4874288490489973, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7646368740395526, "q_0.875": 2.9106099093476447, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.364145658263306, "y": 2.258273548346157, "y_true": 1.439678556585067, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7153730467553179, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.766057223481253, "q_0.275": 1.8095111121900993, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9726743155341868, "q_0.375": 1.9923941629620197, "q_0.4": 2.0402802991977853, "q_0.425": 2.0833958217544333, "q_0.45": 2.1456734219847933, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.289944087178931, "q_0.625": 2.3302278576110784, "q_0.65": 2.3758752544937853, "q_0.675": 2.428633389531809, "q_0.7": 2.455426470971908, "q_0.725": 2.4874288490489973, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7646368740395526, "q_0.875": 2.9106099093476447, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.404161664665867, "y": 1.715988593388376, "y_true": 1.441149021265149, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7153730467553179, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.766057223481253, "q_0.275": 1.8095111121900993, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9726743155341868, "q_0.375": 1.9923941629620197, "q_0.4": 2.0402802991977853, "q_0.425": 2.0833958217544333, "q_0.45": 2.1456734219847933, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.289944087178931, "q_0.625": 2.3302278576110784, "q_0.65": 2.3758752544937853, "q_0.675": 2.428633389531809, "q_0.7": 2.455426470971908, "q_0.725": 2.4874288490489973, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7646368740395526, "q_0.875": 2.9106099093476447, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.444177671068427, "y": 2.5281986813998056, "y_true": 1.4426145079594093, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7153730467553179, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.766057223481253, "q_0.275": 1.8095111121900993, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9726743155341868, "q_0.375": 1.9923941629620197, "q_0.4": 2.0402802991977853, "q_0.425": 2.0833958217544333, "q_0.45": 2.1456734219847933, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.289944087178931, "q_0.625": 2.3302278576110784, "q_0.65": 2.3758752544937853, "q_0.675": 2.428633389531809, "q_0.7": 2.455426470971908, "q_0.725": 2.4874288490489973, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7646368740395526, "q_0.875": 2.9106099093476447, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.484193677470989, "y": 2.428633389531809, "y_true": 1.4440750515264316, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.6601974547742562, "q_0.15": 1.6875606122872815, "q_0.175": 1.7153730467553179, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.766057223481253, "q_0.275": 1.8095111121900993, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9726743155341868, "q_0.375": 1.9923941629620197, "q_0.4": 2.0402802991977853, "q_0.425": 2.0833958217544333, "q_0.45": 2.1456734219847933, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.2970834254008214, "q_0.625": 2.3302278576110784, "q_0.65": 2.3876967882448223, "q_0.675": 2.428633389531809, "q_0.7": 2.455426470971908, "q_0.725": 2.4874288490489973, "q_0.75": 2.5281986813998056, "q_0.775": 2.566669160601805, "q_0.8": 2.676446867215599, "q_0.825": 2.729011295090292, "q_0.85": 2.8097691960241553, "q_0.875": 2.9106099093476447, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.52420968387355, "y": 1.8095111121900993, "y_true": 1.4455306864531956, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6054936858658917, "q_0.1": 1.6315554467899878, "q_0.125": 1.6764723991857389, "q_0.15": 1.7042095965706285, "q_0.175": 1.715988593388376, "q_0.2": 1.7401545478134488, "q_0.225": 1.7506012687354757, "q_0.25": 1.7780951409323205, "q_0.275": 1.8095111121900993, "q_0.3": 1.8741974463308972, "q_0.325": 1.8894375220746846, "q_0.35": 1.9726743155341868, "q_0.375": 1.99424811067523, "q_0.4": 2.0667201576662597, "q_0.425": 2.0833958217544333, "q_0.45": 2.146797550217463, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1996987093304345, "q_0.55": 2.2304222094437676, "q_0.575": 2.25982384442147, "q_0.6": 2.3005804210475995, "q_0.625": 2.357575987187868, "q_0.65": 2.394124866599558, "q_0.675": 2.441790563669244, "q_0.7": 2.4790548450590197, "q_0.725": 2.519551391651299, "q_0.75": 2.551176200219537, "q_0.775": 2.6200630651147208, "q_0.8": 2.716392000954027, "q_0.825": 2.7427053287599286, "q_0.85": 2.8309843866460245, "q_0.875": 2.944140015617874, "q_0.9": 3.082570185997104, "q_0.925": 3.11661440888511, "q_0.95": 3.2029037652023473, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.56422569027611, "y": 2.5551884735428043, "y_true": 1.4469814468604003, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6054936858658917, "q_0.1": 1.640461025840134, "q_0.125": 1.6764723991857389, "q_0.15": 1.7042095965706285, "q_0.175": 1.715988593388376, "q_0.2": 1.7401545478134488, "q_0.225": 1.7506012687354757, "q_0.25": 1.7826693521756727, "q_0.275": 1.810676679078199, "q_0.3": 1.8741974463308972, "q_0.325": 1.8947651688023193, "q_0.35": 1.9853816172181133, "q_0.375": 1.99424811067523, "q_0.4": 2.074754357150667, "q_0.425": 2.0833958217544333, "q_0.45": 2.146797550217463, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1996987093304345, "q_0.55": 2.2304222094437676, "q_0.575": 2.25982384442147, "q_0.6": 2.3005804210475995, "q_0.625": 2.357575987187868, "q_0.65": 2.394124866599558, "q_0.675": 2.4441998714762514, "q_0.7": 2.4790548450590197, "q_0.725": 2.519551391651299, "q_0.75": 2.551176200219537, "q_0.775": 2.6200630651147208, "q_0.8": 2.716392000954027, "q_0.825": 2.7427053287599286, "q_0.85": 2.8309843866460245, "q_0.875": 2.944140015617874, "q_0.9": 3.082570185997104, "q_0.925": 3.11661440888511, "q_0.95": 3.2029037652023558, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.604241696678672, "y": 2.074754357150667, "y_true": 1.4484273665076899, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6054936858658917, "q_0.1": 1.640461025840134, "q_0.125": 1.6764723991857389, "q_0.15": 1.7042095965706285, "q_0.175": 1.715988593388376, "q_0.2": 1.7401545478134488, "q_0.225": 1.7506012687354757, "q_0.25": 1.7826693521756727, "q_0.275": 1.810676679078199, "q_0.3": 1.8741974463308972, "q_0.325": 1.8947651688023193, "q_0.35": 1.9853816172181133, "q_0.375": 1.99424811067523, "q_0.4": 2.074754357150667, "q_0.425": 2.0833958217544333, "q_0.45": 2.146797550217463, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1996987093304345, "q_0.55": 2.2304222094437676, "q_0.575": 2.25982384442147, "q_0.6": 2.3005804210475995, "q_0.625": 2.357575987187868, "q_0.65": 2.394124866599558, "q_0.675": 2.4441998714762514, "q_0.7": 2.4790548450590197, "q_0.725": 2.519551391651299, "q_0.75": 2.551176200219537, "q_0.775": 2.6200630651147208, "q_0.8": 2.716392000954027, "q_0.825": 2.7427053287599286, "q_0.85": 2.8309843866460245, "q_0.875": 2.944140015617874, "q_0.9": 3.082570185997104, "q_0.925": 3.11661440888511, "q_0.95": 3.2029037652023558, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.644257703081234, "y": 1.8894375220746846, "y_true": 1.4498684787987879, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6054936858658917, "q_0.1": 1.640461025840134, "q_0.125": 1.6764723991857389, "q_0.15": 1.7042095965706285, "q_0.175": 1.715988593388376, "q_0.2": 1.7401545478134488, "q_0.225": 1.7506012687354757, "q_0.25": 1.7826693521756727, "q_0.275": 1.810676679078199, "q_0.3": 1.8741974463308972, "q_0.325": 1.8947651688023193, "q_0.35": 1.9853816172181133, "q_0.375": 1.99424811067523, "q_0.4": 2.074754357150667, "q_0.425": 2.0833958217544333, "q_0.45": 2.146797550217463, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1996987093304345, "q_0.55": 2.2304222094437676, "q_0.575": 2.25982384442147, "q_0.6": 2.3005804210475995, "q_0.625": 2.357575987187868, "q_0.65": 2.394124866599558, "q_0.675": 2.4441998714762514, "q_0.7": 2.4790548450590197, "q_0.725": 2.519551391651299, "q_0.75": 2.551176200219537, "q_0.775": 2.6200630651147208, "q_0.8": 2.716392000954027, "q_0.825": 2.7427053287599286, "q_0.85": 2.8309843866460245, "q_0.875": 2.944140015617874, "q_0.9": 3.082570185997104, "q_0.925": 3.11661440888511, "q_0.95": 3.2029037652023558, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.684273709483794, "y": 2.394124866599558, "y_true": 1.451304816786538, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6054936858658917, "q_0.1": 1.6426906476322258, "q_0.125": 1.6764723991857389, "q_0.15": 1.7042095965706285, "q_0.175": 1.715988593388376, "q_0.2": 1.743644759602239, "q_0.225": 1.7506012687354757, "q_0.25": 1.7826693521756727, "q_0.275": 1.810676679078199, "q_0.3": 1.8741974463308972, "q_0.325": 1.917451892893663, "q_0.35": 1.9853816172181133, "q_0.375": 1.99424811067523, "q_0.4": 2.074754357150667, "q_0.425": 2.0833958217544333, "q_0.45": 2.146797550217463, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1996987093304345, "q_0.55": 2.2304222094437676, "q_0.575": 2.25982384442147, "q_0.6": 2.3005804210475995, "q_0.625": 2.3624611524054955, "q_0.65": 2.394340424129465, "q_0.675": 2.4441998714762514, "q_0.7": 2.4811194760629895, "q_0.725": 2.519551391651299, "q_0.75": 2.558203281548866, "q_0.775": 2.6750818584025255, "q_0.8": 2.716392000954027, "q_0.825": 2.7427053287599286, "q_0.85": 2.8309843866460245, "q_0.875": 2.9476038788028385, "q_0.9": 3.082570185997104, "q_0.925": 3.11661440888511, "q_0.95": 3.2029037652023558, "q_0.975": 3.401542196968918, "q_1": 3.7958272883525694}, {"x": 10.724289715886355, "y": 1.9923941629620197, "y_true": 1.4527364131778573, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6054936858658917, "q_0.1": 1.6426906476322258, "q_0.125": 1.6764723991857389, "q_0.15": 1.7042095965706285, "q_0.175": 1.715988593388376, "q_0.2": 1.743644759602239, "q_0.225": 1.7506012687354757, "q_0.25": 1.7826693521756727, "q_0.275": 1.810676679078199, "q_0.3": 1.8741974463308972, "q_0.325": 1.917451892893663, "q_0.35": 1.9853816172181133, "q_0.375": 1.99424811067523, "q_0.4": 2.074754357150667, "q_0.425": 2.0833958217544333, "q_0.45": 2.146797550217463, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1996987093304345, "q_0.55": 2.2304222094437676, "q_0.575": 2.25982384442147, "q_0.6": 2.3005804210475995, "q_0.625": 2.3624611524054955, "q_0.65": 2.394340424129465, "q_0.675": 2.4441998714762514, "q_0.7": 2.4811194760629895, "q_0.725": 2.519551391651299, "q_0.75": 2.558203281548866, "q_0.775": 2.6750818584025255, "q_0.8": 2.716392000954027, "q_0.825": 2.7427053287599286, "q_0.85": 2.8309843866460245, "q_0.875": 2.9476038788028385, "q_0.9": 3.082570185997104, "q_0.925": 3.11661440888511, "q_0.95": 3.2029037652023558, "q_0.975": 3.401542196968918, "q_1": 3.7958272883525694}, {"x": 10.764305722288915, "y": 1.8659008625359992, "y_true": 1.454163300338599, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6054936858658917, "q_0.1": 1.6426906476322258, "q_0.125": 1.6764723991857389, "q_0.15": 1.7042095965706285, "q_0.175": 1.715988593388376, "q_0.2": 1.743644759602239, "q_0.225": 1.7506012687354757, "q_0.25": 1.7826693521756727, "q_0.275": 1.810676679078199, "q_0.3": 1.8741974463308972, "q_0.325": 1.917451892893663, "q_0.35": 1.9853816172181133, "q_0.375": 1.99424811067523, "q_0.4": 2.074754357150667, "q_0.425": 2.0833958217544333, "q_0.45": 2.146797550217463, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1996987093304345, "q_0.55": 2.2304222094437676, "q_0.575": 2.25982384442147, "q_0.6": 2.3005804210475995, "q_0.625": 2.3624611524054955, "q_0.65": 2.394340424129465, "q_0.675": 2.4441998714762514, "q_0.7": 2.4811194760629895, "q_0.725": 2.519551391651299, "q_0.75": 2.558203281548866, "q_0.775": 2.6750818584025255, "q_0.8": 2.716392000954027, "q_0.825": 2.7427053287599286, "q_0.85": 2.8309843866460245, "q_0.875": 2.9476038788028385, "q_0.9": 3.082570185997104, "q_0.925": 3.11661440888511, "q_0.95": 3.2029037652023558, "q_0.975": 3.401542196968918, "q_1": 3.7958272883525694}, {"x": 10.804321728691477, "y": 3.0889094238957133, "y_true": 1.455585510298332, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6054936858658917, "q_0.1": 1.6436461998288363, "q_0.125": 1.6764723991857389, "q_0.15": 1.7042095965706285, "q_0.175": 1.715988593388376, "q_0.2": 1.743644759602239, "q_0.225": 1.7584791666382484, "q_0.25": 1.7826693521756727, "q_0.275": 1.810676679078199, "q_0.3": 1.8804632621080155, "q_0.325": 1.9398895035522234, "q_0.35": 1.9906968929199382, "q_0.375": 2.021469012882459, "q_0.4": 2.074754357150667, "q_0.425": 2.0833958217544333, "q_0.45": 2.146797550217463, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1996987093304345, "q_0.55": 2.2536101082900837, "q_0.575": 2.2600642995268094, "q_0.6": 2.301986765918782, "q_0.625": 2.3624611524054955, "q_0.65": 2.3978848762559344, "q_0.675": 2.4441998714762514, "q_0.7": 2.4836486088453604, "q_0.725": 2.5202995028214916, "q_0.75": 2.558203281548866, "q_0.775": 2.6750818584025255, "q_0.8": 2.7177618126847722, "q_0.825": 2.7427053287599286, "q_0.85": 2.910085567877327, "q_0.875": 2.960190747602051, "q_0.9": 3.094027702409054, "q_0.925": 3.11661440888511, "q_0.95": 3.2029037652023558, "q_0.975": 3.4195654797640556, "q_1": 3.7958272883525694}, {"x": 10.844337735094038, "y": 1.746683444054756, "y_true": 1.4570030747550349, "y_pred": 2.191134267868869, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.5631008139578264, "q_0.05": 1.5970397580432898, "q_0.075": 1.61014734001063, "q_0.1": 1.651692460867325, "q_0.125": 1.6875606122872815, "q_0.15": 1.7064053133430575, "q_0.175": 1.7254745564005882, "q_0.2": 1.744261310744111, "q_0.225": 1.766057223481253, "q_0.25": 1.7866353173490446, "q_0.275": 1.8659008625359992, "q_0.3": 1.8894375220746846, "q_0.325": 1.9726743155341868, "q_0.35": 1.9923941629620197, "q_0.375": 2.027131062088837, "q_0.4": 2.07806753604615, "q_0.425": 2.094443689031947, "q_0.45": 2.1471434660150575, "q_0.475": 2.165641952069677, "q_0.5": 2.191134267868869, "q_0.525": 2.2178744216088404, "q_0.55": 2.258273548346157, "q_0.575": 2.2945846570231567, "q_0.6": 2.34153913501825, "q_0.625": 2.394124866599558, "q_0.65": 2.428633389531809, "q_0.675": 2.455426470971908, "q_0.7": 2.4894033343783124, "q_0.725": 2.540813463760297, "q_0.75": 2.567433519049851, "q_0.775": 2.707321630102125, "q_0.8": 2.7350737990639096, "q_0.825": 2.8309843866460245, "q_0.85": 2.9147032497610956, "q_0.875": 3.082570185997104, "q_0.9": 3.10544295706245, "q_0.925": 3.1419948986942368, "q_0.95": 3.2928888831873198, "q_0.975": 3.4195654797640556, "q_1": 3.7958272883525694}, {"x": 10.884353741496598, "y": 1.9811176957972196, "y_true": 1.4584160250797082, "y_pred": 2.191134267868869, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.5631008139578264, "q_0.05": 1.5970397580432898, "q_0.075": 1.61014734001063, "q_0.1": 1.651692460867325, "q_0.125": 1.6875606122872815, "q_0.15": 1.7064053133430575, "q_0.175": 1.7254745564005882, "q_0.2": 1.744261310744111, "q_0.225": 1.766057223481253, "q_0.25": 1.7866353173490446, "q_0.275": 1.8659008625359992, "q_0.3": 1.8894375220746846, "q_0.325": 1.9726743155341868, "q_0.35": 1.9923941629620197, "q_0.375": 2.027131062088837, "q_0.4": 2.07806753604615, "q_0.425": 2.094443689031947, "q_0.45": 2.1471434660150575, "q_0.475": 2.165641952069677, "q_0.5": 2.191134267868869, "q_0.525": 2.2178744216088404, "q_0.55": 2.258273548346157, "q_0.575": 2.2945846570231567, "q_0.6": 2.34153913501825, "q_0.625": 2.394124866599558, "q_0.65": 2.428633389531809, "q_0.675": 2.455426470971908, "q_0.7": 2.4894033343783124, "q_0.725": 2.540813463760297, "q_0.75": 2.567433519049851, "q_0.775": 2.707321630102125, "q_0.8": 2.7350737990639096, "q_0.825": 2.8309843866460245, "q_0.85": 2.9147032497610956, "q_0.875": 3.082570185997104, "q_0.9": 3.10544295706245, "q_0.925": 3.1419948986942368, "q_0.95": 3.2928888831873198, "q_0.975": 3.4195654797640556, "q_1": 3.7958272883525694}, {"x": 10.92436974789916, "y": 2.1803460505081977, "y_true": 1.4598243923209064, "y_pred": 2.1925017436944954, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5631008139578264, "q_0.05": 1.5970397580432898, "q_0.075": 1.61014734001063, "q_0.1": 1.6601974547742562, "q_0.125": 1.6875606122872815, "q_0.15": 1.7064053133430575, "q_0.175": 1.7254745564005882, "q_0.2": 1.746683444054756, "q_0.225": 1.766057223481253, "q_0.25": 1.8095111121900993, "q_0.275": 1.8659008625359992, "q_0.3": 1.8894375220746846, "q_0.325": 1.9726743155341868, "q_0.35": 1.99424811067523, "q_0.375": 2.0402802991977853, "q_0.4": 2.07806753604615, "q_0.425": 2.136317735273385, "q_0.45": 2.1612281936477826, "q_0.475": 2.1737618604535083, "q_0.5": 2.1925017436944954, "q_0.525": 2.221763787765269, "q_0.55": 2.258273548346157, "q_0.575": 2.2970834254008214, "q_0.6": 2.34153913501825, "q_0.625": 2.394124866599558, "q_0.65": 2.428633389531809, "q_0.675": 2.4790548450590197, "q_0.7": 2.519551391651299, "q_0.725": 2.558203281548866, "q_0.75": 2.6750818584025255, "q_0.775": 2.716392000954027, "q_0.8": 2.7427053287599286, "q_0.825": 2.910085567877327, "q_0.85": 2.944140015617874, "q_0.875": 3.082570185997104, "q_0.9": 3.11661440888511, "q_0.925": 3.1585551585980562, "q_0.95": 3.293832348295237, "q_0.975": 3.441586955456952, "q_1": 3.7958272883525694}, {"x": 10.964385754301722, "y": 1.9726743155341868, "y_true": 1.4612282072091898, "y_pred": 2.1925017436944954, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5631008139578264, "q_0.05": 1.5970397580432898, "q_0.075": 1.61014734001063, "q_0.1": 1.6601974547742562, "q_0.125": 1.6875606122872815, "q_0.15": 1.7064053133430575, "q_0.175": 1.7254745564005882, "q_0.2": 1.746683444054756, "q_0.225": 1.766057223481253, "q_0.25": 1.8095111121900993, "q_0.275": 1.8659008625359992, "q_0.3": 1.8894375220746846, "q_0.325": 1.9726743155341868, "q_0.35": 1.99424811067523, "q_0.375": 2.0402802991977853, "q_0.4": 2.07806753604615, "q_0.425": 2.136317735273385, "q_0.45": 2.1612281936477826, "q_0.475": 2.1737618604535083, "q_0.5": 2.1925017436944954, "q_0.525": 2.221763787765269, "q_0.55": 2.258273548346157, "q_0.575": 2.2970834254008214, "q_0.6": 2.34153913501825, "q_0.625": 2.394124866599558, "q_0.65": 2.428633389531809, "q_0.675": 2.4790548450590197, "q_0.7": 2.519551391651299, "q_0.725": 2.558203281548866, "q_0.75": 2.6750818584025255, "q_0.775": 2.716392000954027, "q_0.8": 2.7427053287599286, "q_0.825": 2.910085567877327, "q_0.85": 2.944140015617874, "q_0.875": 3.082570185997104, "q_0.9": 3.11661440888511, "q_0.925": 3.1585551585980562, "q_0.95": 3.293832348295237, "q_0.975": 3.441586955456952, "q_1": 3.7958272883525694}, {"x": 11.004401760704281, "y": 1.8571074735455129, "y_true": 1.4626275001615006, "y_pred": 2.2304222094437676, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6003667043455454, "q_0.075": 1.651692460867325, "q_0.1": 1.6764723991857389, "q_0.125": 1.7064053133430575, "q_0.15": 1.715988593388376, "q_0.175": 1.7401545478134488, "q_0.2": 1.7652211439842282, "q_0.225": 1.7866353173490446, "q_0.25": 1.8491309244679617, "q_0.275": 1.8894375220746846, "q_0.3": 1.9726743155341868, "q_0.325": 1.99424811067523, "q_0.35": 2.0402802991977853, "q_0.375": 2.07806753604615, "q_0.4": 2.101075614235774, "q_0.425": 2.146797550217463, "q_0.45": 2.171001775257661, "q_0.475": 2.1925017436944954, "q_0.5": 2.2304222094437676, "q_0.525": 2.25982384442147, "q_0.55": 2.301986765918782, "q_0.575": 2.3758752544937853, "q_0.6": 2.394340424129465, "q_0.625": 2.455426470971908, "q_0.65": 2.4874288490489973, "q_0.675": 2.5281986813998056, "q_0.7": 2.5669475991898523, "q_0.725": 2.676446867215599, "q_0.75": 2.7177618126847722, "q_0.775": 2.8309843866460245, "q_0.8": 2.9106099093476447, "q_0.825": 2.987237480068975, "q_0.85": 3.084317919855012, "q_0.875": 3.11661440888511, "q_0.9": 3.1585551585980562, "q_0.925": 3.2928888831873198, "q_0.95": 3.3999694003344496, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.044417767106843, "y": 2.910085567877327, "y_true": 1.4640223012854632, "y_pred": 2.2304222094437676, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6003667043455454, "q_0.075": 1.651692460867325, "q_0.1": 1.6764723991857389, "q_0.125": 1.7064053133430575, "q_0.15": 1.7251312510046795, "q_0.175": 1.743644759602239, "q_0.2": 1.766057223481253, "q_0.225": 1.7866353173490446, "q_0.25": 1.8659008625359992, "q_0.275": 1.8894375220746846, "q_0.3": 1.9726743155341868, "q_0.325": 1.99424811067523, "q_0.35": 2.0402802991977853, "q_0.375": 2.07806753604615, "q_0.4": 2.1215079694943313, "q_0.425": 2.158349758130808, "q_0.45": 2.1737618604535083, "q_0.475": 2.1925017436944954, "q_0.5": 2.2304222094437676, "q_0.525": 2.260785664842828, "q_0.55": 2.3163031470852005, "q_0.575": 2.3758752544937853, "q_0.6": 2.394340424129465, "q_0.625": 2.455426470971908, "q_0.65": 2.4874288490489973, "q_0.675": 2.5281986813998056, "q_0.7": 2.5675519447000394, "q_0.725": 2.707321630102125, "q_0.75": 2.729011295090292, "q_0.775": 2.8309843866460245, "q_0.8": 2.9106099093476447, "q_0.825": 3.028872387280381, "q_0.85": 3.094027702409054, "q_0.875": 3.11661440888511, "q_0.9": 3.1585551585980562, "q_0.925": 3.2928888831873198, "q_0.95": 3.3999694003344496, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.084433773509405, "y": 2.0833958217544333, "y_true": 1.4654126403836105, "y_pred": 2.2304222094437676, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6003667043455454, "q_0.075": 1.651692460867325, "q_0.1": 1.6764723991857389, "q_0.125": 1.7064053133430575, "q_0.15": 1.7251312510046795, "q_0.175": 1.743644759602239, "q_0.2": 1.766057223481253, "q_0.225": 1.7866353173490446, "q_0.25": 1.8659008625359992, "q_0.275": 1.8894375220746846, "q_0.3": 1.9726743155341868, "q_0.325": 1.99424811067523, "q_0.35": 2.0402802991977853, "q_0.375": 2.07806753604615, "q_0.4": 2.1215079694943313, "q_0.425": 2.158349758130808, "q_0.45": 2.1737618604535083, "q_0.475": 2.1925017436944954, "q_0.5": 2.2304222094437676, "q_0.525": 2.260785664842828, "q_0.55": 2.3163031470852005, "q_0.575": 2.3758752544937853, "q_0.6": 2.394340424129465, "q_0.625": 2.455426470971908, "q_0.65": 2.4874288490489973, "q_0.675": 2.5281986813998056, "q_0.7": 2.5675519447000394, "q_0.725": 2.707321630102125, "q_0.75": 2.729011295090292, "q_0.775": 2.8309843866460245, "q_0.8": 2.9106099093476447, "q_0.825": 3.028872387280381, "q_0.85": 3.094027702409054, "q_0.875": 3.11661440888511, "q_0.9": 3.1585551585980562, "q_0.925": 3.2928888831873198, "q_0.95": 3.3999694003344496, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.124449779911965, "y": 1.6784725165319223, "y_true": 1.4667985469575364, "y_pred": 2.2562566884199984, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6003667043455454, "q_0.075": 1.651692460867325, "q_0.1": 1.6805791695542958, "q_0.125": 1.7064053133430575, "q_0.15": 1.7254745564005882, "q_0.175": 1.743644759602239, "q_0.2": 1.766057223481253, "q_0.225": 1.7981659877350702, "q_0.25": 1.8659008625359992, "q_0.275": 1.8894375220746846, "q_0.3": 1.9804092093057222, "q_0.325": 2.021469012882459, "q_0.35": 2.064300445695231, "q_0.375": 2.0833958217544333, "q_0.4": 2.136317735273385, "q_0.425": 2.1612281936477826, "q_0.45": 2.1737618604535083, "q_0.475": 2.1996987093304345, "q_0.5": 2.2562566884199984, "q_0.525": 2.2722558457091897, "q_0.55": 2.3302278576110784, "q_0.575": 2.3758752544937853, "q_0.6": 2.399048011485926, "q_0.625": 2.455426470971908, "q_0.65": 2.4874288490489973, "q_0.675": 2.540813463760297, "q_0.7": 2.6200630651147208, "q_0.725": 2.7143511675123513, "q_0.75": 2.7427053287599286, "q_0.775": 2.8309843866460245, "q_0.8": 2.9147032497610956, "q_0.825": 3.028872387280381, "q_0.85": 3.094027702409054, "q_0.875": 3.1227101939238655, "q_0.9": 3.1585551585980562, "q_0.925": 3.2928888831873198, "q_0.95": 3.3999694003344496, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.164465786314526, "y": 2.4874288490489973, "y_true": 1.4681800502119797, "y_pred": 2.2562566884199984, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.651692460867325, "q_0.1": 1.6875606122872815, "q_0.125": 1.7064053133430575, "q_0.15": 1.7254745564005882, "q_0.175": 1.743644759602239, "q_0.2": 1.766057223481253, "q_0.225": 1.8095111121900993, "q_0.25": 1.8659008625359992, "q_0.275": 1.921713872569338, "q_0.3": 1.9906968929199382, "q_0.325": 2.027131062088837, "q_0.35": 2.074754357150667, "q_0.375": 2.0833958217544333, "q_0.4": 2.1456734219847933, "q_0.425": 2.1612938794376007, "q_0.45": 2.1737618604535083, "q_0.475": 2.1996987093304345, "q_0.5": 2.2562566884199984, "q_0.525": 2.289944087178931, "q_0.55": 2.34153913501825, "q_0.575": 2.3876967882448223, "q_0.6": 2.428633389531809, "q_0.625": 2.455426470971908, "q_0.65": 2.4987847032800143, "q_0.675": 2.558203281548866, "q_0.7": 2.6200630651147208, "q_0.725": 2.716392000954027, "q_0.75": 2.8097691960241553, "q_0.775": 2.8309843866460245, "q_0.8": 2.9147032497610956, "q_0.825": 3.028872387280381, "q_0.85": 3.10544295706245, "q_0.875": 3.1227101939238655, "q_0.9": 3.1680252568862532, "q_0.925": 3.2928888831873198, "q_0.95": 3.3999694003344496, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.204481792717088, "y": 1.7064053133430575, "y_true": 1.4695571790588353, "y_pred": 2.2562566884199984, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.7064053133430575, "q_0.15": 1.7254745564005882, "q_0.175": 1.743644759602239, "q_0.2": 1.7780951409323205, "q_0.225": 1.8095111121900993, "q_0.25": 1.8659008625359992, "q_0.275": 1.9398895035522234, "q_0.3": 1.9923941629620197, "q_0.325": 2.027131062088837, "q_0.35": 2.074754357150667, "q_0.375": 2.0833958217544333, "q_0.4": 2.1456734219847933, "q_0.425": 2.1618886583507457, "q_0.45": 2.1737618604535083, "q_0.475": 2.1996987093304345, "q_0.5": 2.2562566884199984, "q_0.525": 2.2970834254008214, "q_0.55": 2.34153913501825, "q_0.575": 2.3876967882448223, "q_0.6": 2.428633389531809, "q_0.625": 2.455426470971908, "q_0.65": 2.507091378628539, "q_0.675": 2.558203281548866, "q_0.7": 2.6750818584025255, "q_0.725": 2.716392000954027, "q_0.75": 2.8097691960241553, "q_0.775": 2.910085567877327, "q_0.8": 2.9147032497610956, "q_0.825": 3.0503513498241857, "q_0.85": 3.10544295706245, "q_0.875": 3.1227101939238655, "q_0.9": 3.1680252568862532, "q_0.925": 3.2928888831873198, "q_0.95": 3.3999694003344496, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.244497799119648, "y": 2.146797550217463, "y_true": 1.4709299621211018, "y_pred": 2.258273548346157, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.7064053133430575, "q_0.15": 1.7254745564005882, "q_0.175": 1.746683444054756, "q_0.2": 1.7780951409323205, "q_0.225": 1.8095111121900993, "q_0.25": 1.8741974463308972, "q_0.275": 1.9398895035522234, "q_0.3": 1.9923941629620197, "q_0.325": 2.027131062088837, "q_0.35": 2.074754357150667, "q_0.375": 2.0833958217544333, "q_0.4": 2.146797550217463, "q_0.425": 2.1618886583507457, "q_0.45": 2.1737618604535083, "q_0.475": 2.2178744216088404, "q_0.5": 2.258273548346157, "q_0.525": 2.2970834254008214, "q_0.55": 2.34153913501825, "q_0.575": 2.394124866599558, "q_0.6": 2.428633389531809, "q_0.625": 2.4790548450590197, "q_0.65": 2.519551391651299, "q_0.675": 2.5641632133093606, "q_0.7": 2.676446867215599, "q_0.725": 2.7177618126847722, "q_0.75": 2.8097691960241553, "q_0.775": 2.910085567877327, "q_0.8": 2.9375645139349933, "q_0.825": 3.0608792606701654, "q_0.85": 3.10544295706245, "q_0.875": 3.138898997004305, "q_0.9": 3.1956503380860775, "q_0.925": 3.293832348295237, "q_0.95": 3.4027046988291785, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.28451380552221, "y": 3.1419948986942368, "y_true": 1.4722984277367577, "y_pred": 2.258273548346157, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.7064053133430575, "q_0.15": 1.7254745564005882, "q_0.175": 1.746683444054756, "q_0.2": 1.7780951409323205, "q_0.225": 1.8095111121900993, "q_0.25": 1.8741974463308972, "q_0.275": 1.9398895035522234, "q_0.3": 1.9923941629620197, "q_0.325": 2.027131062088837, "q_0.35": 2.074754357150667, "q_0.375": 2.094443689031947, "q_0.4": 2.146797550217463, "q_0.425": 2.1618886583507457, "q_0.45": 2.183926848600019, "q_0.475": 2.2178744216088404, "q_0.5": 2.258273548346157, "q_0.525": 2.2970834254008214, "q_0.55": 2.34153913501825, "q_0.575": 2.394124866599558, "q_0.6": 2.4311412249112148, "q_0.625": 2.4790548450590197, "q_0.65": 2.519551391651299, "q_0.675": 2.5669475991898523, "q_0.7": 2.676446867215599, "q_0.725": 2.7177618126847722, "q_0.75": 2.8097691960241553, "q_0.775": 2.910085567877327, "q_0.8": 2.9375645139349933, "q_0.825": 3.0608792606701654, "q_0.85": 3.10544295706245, "q_0.875": 3.138898997004305, "q_0.9": 3.2029037652023558, "q_0.925": 3.293832348295237, "q_0.95": 3.4027046988291785, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.324529811924771, "y": 2.1737618604535083, "y_true": 1.4736626039625746, "y_pred": 2.258273548346157, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.7064053133430575, "q_0.15": 1.7254745564005882, "q_0.175": 1.746683444054756, "q_0.2": 1.7780951409323205, "q_0.225": 1.8095111121900993, "q_0.25": 1.8741974463308972, "q_0.275": 1.9398895035522234, "q_0.3": 1.9923941629620197, "q_0.325": 2.027131062088837, "q_0.35": 2.074754357150667, "q_0.375": 2.094443689031947, "q_0.4": 2.146797550217463, "q_0.425": 2.1618886583507457, "q_0.45": 2.183926848600019, "q_0.475": 2.2178744216088404, "q_0.5": 2.258273548346157, "q_0.525": 2.2970834254008214, "q_0.55": 2.34153913501825, "q_0.575": 2.394124866599558, "q_0.6": 2.4311412249112148, "q_0.625": 2.4790548450590197, "q_0.65": 2.519551391651299, "q_0.675": 2.5669475991898523, "q_0.7": 2.676446867215599, "q_0.725": 2.7177618126847722, "q_0.75": 2.8097691960241553, "q_0.775": 2.910085567877327, "q_0.8": 2.9375645139349933, "q_0.825": 3.0608792606701654, "q_0.85": 3.10544295706245, "q_0.875": 3.138898997004305, "q_0.9": 3.2029037652023558, "q_0.925": 3.293832348295237, "q_0.95": 3.4027046988291785, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.364545818327331, "y": 2.676446867215599, "y_true": 1.475022518577867, "y_pred": 2.258273548346157, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.7064053133430575, "q_0.15": 1.7254745564005882, "q_0.175": 1.746683444054756, "q_0.2": 1.7780951409323205, "q_0.225": 1.8095111121900993, "q_0.25": 1.8741974463308972, "q_0.275": 1.9398895035522234, "q_0.3": 1.9923941629620197, "q_0.325": 2.027131062088837, "q_0.35": 2.074754357150667, "q_0.375": 2.094443689031947, "q_0.4": 2.146797550217463, "q_0.425": 2.1618886583507457, "q_0.45": 2.183926848600019, "q_0.475": 2.2178744216088404, "q_0.5": 2.258273548346157, "q_0.525": 2.2970834254008214, "q_0.55": 2.34153913501825, "q_0.575": 2.394124866599558, "q_0.6": 2.4311412249112148, "q_0.625": 2.4790548450590197, "q_0.65": 2.519551391651299, "q_0.675": 2.5669475991898523, "q_0.7": 2.676446867215599, "q_0.725": 2.7177618126847722, "q_0.75": 2.8097691960241553, "q_0.775": 2.910085567877327, "q_0.8": 2.9375645139349933, "q_0.825": 3.0608792606701654, "q_0.85": 3.10544295706245, "q_0.875": 3.138898997004305, "q_0.9": 3.2029037652023558, "q_0.925": 3.293832348295237, "q_0.95": 3.4027046988291785, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.404561824729893, "y": 2.455426470971908, "y_true": 1.4763781990881781, "y_pred": 2.258273548346157, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.7064053133430575, "q_0.15": 1.7254745564005882, "q_0.175": 1.746683444054756, "q_0.2": 1.7780951409323205, "q_0.225": 1.8095111121900993, "q_0.25": 1.8741974463308972, "q_0.275": 1.9398895035522234, "q_0.3": 1.9923941629620197, "q_0.325": 2.027131062088837, "q_0.35": 2.074754357150667, "q_0.375": 2.094443689031947, "q_0.4": 2.146797550217463, "q_0.425": 2.1618886583507457, "q_0.45": 2.183926848600019, "q_0.475": 2.2178744216088404, "q_0.5": 2.258273548346157, "q_0.525": 2.2970834254008214, "q_0.55": 2.34153913501825, "q_0.575": 2.394124866599558, "q_0.6": 2.4311412249112148, "q_0.625": 2.4790548450590197, "q_0.65": 2.519551391651299, "q_0.675": 2.5669475991898523, "q_0.7": 2.676446867215599, "q_0.725": 2.7177618126847722, "q_0.75": 2.8097691960241553, "q_0.775": 2.910085567877327, "q_0.8": 2.9375645139349933, "q_0.825": 3.0608792606701654, "q_0.85": 3.10544295706245, "q_0.875": 3.138898997004305, "q_0.9": 3.2029037652023558, "q_0.925": 3.293832348295237, "q_0.95": 3.4027046988291785, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.444577831132454, "y": 1.7401545478134488, "y_true": 1.4777296727289038, "y_pred": 2.260785664842828, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.7153730467553179, "q_0.15": 1.7401545478134488, "q_0.175": 1.746683444054756, "q_0.2": 1.785024463450957, "q_0.225": 1.810676679078199, "q_0.25": 1.8862583920563183, "q_0.275": 1.9726743155341868, "q_0.3": 1.99424811067523, "q_0.325": 2.0402802991977853, "q_0.35": 2.07806753604615, "q_0.375": 2.094443689031947, "q_0.4": 2.146797550217463, "q_0.425": 2.1651755981079774, "q_0.45": 2.1925017436944954, "q_0.475": 2.2304222094437676, "q_0.5": 2.260785664842828, "q_0.525": 2.301986765918782, "q_0.55": 2.3758752544937853, "q_0.575": 2.394340424129465, "q_0.6": 2.455426470971908, "q_0.625": 2.4874288490489973, "q_0.65": 2.5281986813998056, "q_0.675": 2.6200630651147208, "q_0.7": 2.716392000954027, "q_0.725": 2.7427053287599286, "q_0.75": 2.8309843866460245, "q_0.775": 2.9106099093476447, "q_0.8": 2.9955644615112638, "q_0.825": 3.094027702409054, "q_0.85": 3.11661440888511, "q_0.875": 3.1585551585980562, "q_0.9": 3.235189055656499, "q_0.925": 3.327349574422488, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.484593837535014, "y": 2.7177618126847722, "y_true": 1.4790769664688581, "y_pred": 2.2827484712500667, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7506012687354757, "q_0.2": 1.785024463450957, "q_0.225": 1.810676679078199, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 1.99424811067523, "q_0.325": 2.0402802991977853, "q_0.35": 2.07806753604615, "q_0.375": 2.101075614235774, "q_0.4": 2.158349758130808, "q_0.425": 2.171001775257661, "q_0.45": 2.1925017436944954, "q_0.475": 2.2304222094437676, "q_0.5": 2.2827484712500667, "q_0.525": 2.3302278576110784, "q_0.55": 2.3758752544937853, "q_0.575": 2.399048011485926, "q_0.6": 2.455426470971908, "q_0.625": 2.4874288490489973, "q_0.65": 2.551176200219537, "q_0.675": 2.6200630651147208, "q_0.7": 2.716392000954027, "q_0.725": 2.8097691960241553, "q_0.75": 2.8309843866460245, "q_0.775": 2.9147032497610956, "q_0.8": 3.028872387280381, "q_0.825": 3.094027702409054, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2721761213411105, "q_0.925": 3.327349574422488, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.524609843937576, "y": 3.11661440888511, "y_true": 1.4804201070137781, "y_pred": 2.2827484712500667, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7506012687354757, "q_0.2": 1.785024463450957, "q_0.225": 1.810676679078199, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 1.99424811067523, "q_0.325": 2.0402802991977853, "q_0.35": 2.07806753604615, "q_0.375": 2.101075614235774, "q_0.4": 2.158349758130808, "q_0.425": 2.171001775257661, "q_0.45": 2.1925017436944954, "q_0.475": 2.2304222094437676, "q_0.5": 2.2827484712500667, "q_0.525": 2.3302278576110784, "q_0.55": 2.3758752544937853, "q_0.575": 2.399048011485926, "q_0.6": 2.455426470971908, "q_0.625": 2.4874288490489973, "q_0.65": 2.551176200219537, "q_0.675": 2.6200630651147208, "q_0.7": 2.716392000954027, "q_0.725": 2.8097691960241553, "q_0.75": 2.8309843866460245, "q_0.775": 2.9147032497610956, "q_0.8": 3.028872387280381, "q_0.825": 3.094027702409054, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2721761213411105, "q_0.925": 3.327349574422488, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.564625850340137, "y": 1.6601974547742562, "y_true": 1.4817591208097711, "y_pred": 2.2827484712500667, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7506012687354757, "q_0.2": 1.785024463450957, "q_0.225": 1.810676679078199, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 1.99424811067523, "q_0.325": 2.0402802991977853, "q_0.35": 2.07806753604615, "q_0.375": 2.101075614235774, "q_0.4": 2.158349758130808, "q_0.425": 2.171001775257661, "q_0.45": 2.1925017436944954, "q_0.475": 2.2304222094437676, "q_0.5": 2.2827484712500667, "q_0.525": 2.3302278576110784, "q_0.55": 2.3758752544937853, "q_0.575": 2.399048011485926, "q_0.6": 2.455426470971908, "q_0.625": 2.4874288490489973, "q_0.65": 2.551176200219537, "q_0.675": 2.6200630651147208, "q_0.7": 2.716392000954027, "q_0.725": 2.8097691960241553, "q_0.75": 2.8309843866460245, "q_0.775": 2.9147032497610956, "q_0.8": 3.028872387280381, "q_0.825": 3.094027702409054, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2721761213411105, "q_0.925": 3.327349574422488, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.604641856742697, "y": 2.9280976361702518, "y_true": 1.483094034046707, "y_pred": 2.2827484712500667, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7506012687354757, "q_0.2": 1.785024463450957, "q_0.225": 1.810676679078199, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 1.99424811067523, "q_0.325": 2.0402802991977853, "q_0.35": 2.07806753604615, "q_0.375": 2.101075614235774, "q_0.4": 2.158349758130808, "q_0.425": 2.171001775257661, "q_0.45": 2.1925017436944954, "q_0.475": 2.2304222094437676, "q_0.5": 2.2827484712500667, "q_0.525": 2.3302278576110784, "q_0.55": 2.3758752544937853, "q_0.575": 2.399048011485926, "q_0.6": 2.455426470971908, "q_0.625": 2.4874288490489973, "q_0.65": 2.551176200219537, "q_0.675": 2.6200630651147208, "q_0.7": 2.716392000954027, "q_0.725": 2.8097691960241553, "q_0.75": 2.8309843866460245, "q_0.775": 2.9147032497610956, "q_0.8": 3.028872387280381, "q_0.825": 3.094027702409054, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2721761213411105, "q_0.925": 3.327349574422488, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.644657863145259, "y": 2.8097691960241553, "y_true": 1.4844248726615512, "y_pred": 2.2827484712500667, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7506012687354757, "q_0.2": 1.785024463450957, "q_0.225": 1.810676679078199, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 1.99424811067523, "q_0.325": 2.0402802991977853, "q_0.35": 2.07806753604615, "q_0.375": 2.101075614235774, "q_0.4": 2.158349758130808, "q_0.425": 2.171001775257661, "q_0.45": 2.1925017436944954, "q_0.475": 2.2304222094437676, "q_0.5": 2.2827484712500667, "q_0.525": 2.3302278576110784, "q_0.55": 2.3758752544937853, "q_0.575": 2.399048011485926, "q_0.6": 2.455426470971908, "q_0.625": 2.4874288490489973, "q_0.65": 2.551176200219537, "q_0.675": 2.6200630651147208, "q_0.7": 2.716392000954027, "q_0.725": 2.8097691960241553, "q_0.75": 2.8309843866460245, "q_0.775": 2.9147032497610956, "q_0.8": 3.028872387280381, "q_0.825": 3.094027702409054, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2721761213411105, "q_0.925": 3.327349574422488, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.684673869547819, "y": 3.1524520336318096, "y_true": 1.4857516623416478, "y_pred": 2.2827484712500667, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7506012687354757, "q_0.2": 1.785024463450957, "q_0.225": 1.810676679078199, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 1.99424811067523, "q_0.325": 2.0402802991977853, "q_0.35": 2.07806753604615, "q_0.375": 2.101075614235774, "q_0.4": 2.158349758130808, "q_0.425": 2.171001775257661, "q_0.45": 2.1925017436944954, "q_0.475": 2.2304222094437676, "q_0.5": 2.2827484712500667, "q_0.525": 2.3302278576110784, "q_0.55": 2.3758752544937853, "q_0.575": 2.399048011485926, "q_0.6": 2.455426470971908, "q_0.625": 2.4874288490489973, "q_0.65": 2.551176200219537, "q_0.675": 2.6200630651147208, "q_0.7": 2.716392000954027, "q_0.725": 2.8097691960241553, "q_0.75": 2.8309843866460245, "q_0.775": 2.9147032497610956, "q_0.8": 3.028872387280381, "q_0.825": 3.094027702409054, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2721761213411105, "q_0.925": 3.327349574422488, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.72468987595038, "y": 1.6875606122872815, "y_true": 1.4870744285279456, "y_pred": 2.2827484712500667, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7506012687354757, "q_0.2": 1.785024463450957, "q_0.225": 1.810676679078199, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 1.99424811067523, "q_0.325": 2.0402802991977853, "q_0.35": 2.07806753604615, "q_0.375": 2.101075614235774, "q_0.4": 2.158349758130808, "q_0.425": 2.171001775257661, "q_0.45": 2.1925017436944954, "q_0.475": 2.2304222094437676, "q_0.5": 2.2827484712500667, "q_0.525": 2.3302278576110784, "q_0.55": 2.3758752544937853, "q_0.575": 2.399048011485926, "q_0.6": 2.455426470971908, "q_0.625": 2.4874288490489973, "q_0.65": 2.551176200219537, "q_0.675": 2.6200630651147208, "q_0.7": 2.716392000954027, "q_0.725": 2.8097691960241553, "q_0.75": 2.8309843866460245, "q_0.775": 2.9147032497610956, "q_0.8": 3.028872387280381, "q_0.825": 3.094027702409054, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2721761213411105, "q_0.925": 3.327349574422488, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.764705882352942, "y": 2.07806753604615, "y_true": 1.4883931964181731, "y_pred": 2.2827484712500667, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7506012687354757, "q_0.2": 1.785024463450957, "q_0.225": 1.810676679078199, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 1.99424811067523, "q_0.325": 2.0402802991977853, "q_0.35": 2.07806753604615, "q_0.375": 2.101075614235774, "q_0.4": 2.158349758130808, "q_0.425": 2.171001775257661, "q_0.45": 2.1925017436944954, "q_0.475": 2.2304222094437676, "q_0.5": 2.2827484712500667, "q_0.525": 2.3302278576110784, "q_0.55": 2.3758752544937853, "q_0.575": 2.399048011485926, "q_0.6": 2.455426470971908, "q_0.625": 2.4874288490489973, "q_0.65": 2.551176200219537, "q_0.675": 2.6200630651147208, "q_0.7": 2.716392000954027, "q_0.725": 2.8097691960241553, "q_0.75": 2.8309843866460245, "q_0.775": 2.9147032497610956, "q_0.8": 3.028872387280381, "q_0.825": 3.094027702409054, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2721761213411105, "q_0.925": 3.327349574422488, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.804721888755502, "y": 2.8309843866460245, "y_true": 1.4897079909699626, "y_pred": 2.289944087178931, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.61014734001063, "q_0.075": 1.6642711547949658, "q_0.1": 1.688870268138388, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7652211439842282, "q_0.2": 1.7866353173490446, "q_0.225": 1.8659008625359992, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 2.021469012882459, "q_0.325": 2.0402802991977853, "q_0.35": 2.0833958217544333, "q_0.375": 2.136317735273385, "q_0.4": 2.1601555344381436, "q_0.425": 2.1737618604535083, "q_0.45": 2.1996987093304345, "q_0.475": 2.2562566884199984, "q_0.5": 2.289944087178931, "q_0.525": 2.337294814550029, "q_0.55": 2.3758752544937853, "q_0.575": 2.4232132211358013, "q_0.6": 2.455426470971908, "q_0.625": 2.4987847032800143, "q_0.65": 2.558203281548866, "q_0.675": 2.676446867215599, "q_0.7": 2.7177618126847722, "q_0.725": 2.8097691960241553, "q_0.75": 2.910085567877327, "q_0.775": 2.9147032497610956, "q_0.8": 3.0503513498241857, "q_0.825": 3.10544295706245, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2809613115320513, "q_0.925": 3.3347375513556146, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.844737895158064, "y": 1.5336182986787659, "y_true": 1.4910188369039235, "y_pred": 2.289944087178931, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.61014734001063, "q_0.075": 1.6642711547949658, "q_0.1": 1.688870268138388, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7652211439842282, "q_0.2": 1.7866353173490446, "q_0.225": 1.8659008625359992, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 2.021469012882459, "q_0.325": 2.0402802991977853, "q_0.35": 2.0833958217544333, "q_0.375": 2.136317735273385, "q_0.4": 2.1601555344381436, "q_0.425": 2.1737618604535083, "q_0.45": 2.1996987093304345, "q_0.475": 2.2562566884199984, "q_0.5": 2.289944087178931, "q_0.525": 2.337294814550029, "q_0.55": 2.3758752544937853, "q_0.575": 2.4232132211358013, "q_0.6": 2.455426470971908, "q_0.625": 2.4987847032800143, "q_0.65": 2.558203281548866, "q_0.675": 2.676446867215599, "q_0.7": 2.7177618126847722, "q_0.725": 2.8097691960241553, "q_0.75": 2.910085567877327, "q_0.775": 2.9147032497610956, "q_0.8": 3.0503513498241857, "q_0.825": 3.10544295706245, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2809613115320513, "q_0.925": 3.3347375513556146, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.884753901560625, "y": 2.9147032497610956, "y_true": 1.4923257587066654, "y_pred": 2.3163031470852005, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5761727098595335, "q_0.05": 1.651692460867325, "q_0.075": 1.6764723991857389, "q_0.1": 1.7064053133430575, "q_0.125": 1.7254745564005882, "q_0.15": 1.746683444054756, "q_0.175": 1.7850244634509567, "q_0.2": 1.810676679078199, "q_0.225": 1.8825077275430822, "q_0.25": 1.9518501628155387, "q_0.275": 1.99424811067523, "q_0.3": 2.0402802991977853, "q_0.325": 2.07806753604615, "q_0.35": 2.094443689031947, "q_0.375": 2.146797550217463, "q_0.4": 2.1618886583507457, "q_0.425": 2.1925017436944954, "q_0.45": 2.2304222094437676, "q_0.475": 2.2827484712500667, "q_0.5": 2.3163031470852005, "q_0.525": 2.3758752544937853, "q_0.55": 2.394340424129465, "q_0.575": 2.455426470971908, "q_0.6": 2.4923650623722877, "q_0.625": 2.551176200219537, "q_0.65": 2.6200630651147208, "q_0.675": 2.716392000954027, "q_0.7": 2.8097691960241553, "q_0.725": 2.910085567877327, "q_0.75": 2.9147032497610956, "q_0.775": 3.028872387280381, "q_0.8": 3.094027702409054, "q_0.825": 3.1227101939238655, "q_0.85": 3.1585551585980562, "q_0.875": 3.235189055656499, "q_0.9": 3.293832348295237, "q_0.925": 3.3999694003344496, "q_0.95": 3.4531240432726302, "q_0.975": 3.5394533066193468, "q_1": 3.8504047089770763}, {"x": 11.924769907963185, "y": 3.1585551585980562, "y_true": 1.4936287806337747, "y_pred": 2.3163031470852005, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5761727098595335, "q_0.05": 1.651692460867325, "q_0.075": 1.6764723991857389, "q_0.1": 1.7064053133430575, "q_0.125": 1.7254745564005882, "q_0.15": 1.746683444054756, "q_0.175": 1.7850244634509567, "q_0.2": 1.810676679078199, "q_0.225": 1.8825077275430822, "q_0.25": 1.9518501628155387, "q_0.275": 1.99424811067523, "q_0.3": 2.0402802991977853, "q_0.325": 2.07806753604615, "q_0.35": 2.094443689031947, "q_0.375": 2.146797550217463, "q_0.4": 2.1618886583507457, "q_0.425": 2.1925017436944954, "q_0.45": 2.2304222094437676, "q_0.475": 2.2827484712500667, "q_0.5": 2.3163031470852005, "q_0.525": 2.3758752544937853, "q_0.55": 2.394340424129465, "q_0.575": 2.455426470971908, "q_0.6": 2.4923650623722877, "q_0.625": 2.551176200219537, "q_0.65": 2.6200630651147208, "q_0.675": 2.716392000954027, "q_0.7": 2.8097691960241553, "q_0.725": 2.910085567877327, "q_0.75": 2.9147032497610956, "q_0.775": 3.028872387280381, "q_0.8": 3.094027702409054, "q_0.825": 3.1227101939238655, "q_0.85": 3.1585551585980562, "q_0.875": 3.235189055656499, "q_0.9": 3.293832348295237, "q_0.925": 3.3999694003344496, "q_0.95": 3.4531240432726302, "q_0.975": 3.5394533066193468, "q_1": 3.8504047089770763}, {"x": 11.964785914365747, "y": 2.3758752544937853, "y_true": 1.494927926712742, "y_pred": 2.3163031470852005, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5761727098595335, "q_0.05": 1.651692460867325, "q_0.075": 1.6764723991857389, "q_0.1": 1.7064053133430575, "q_0.125": 1.7254745564005882, "q_0.15": 1.746683444054756, "q_0.175": 1.7850244634509567, "q_0.2": 1.810676679078199, "q_0.225": 1.8825077275430822, "q_0.25": 1.9518501628155387, "q_0.275": 1.99424811067523, "q_0.3": 2.0402802991977853, "q_0.325": 2.07806753604615, "q_0.35": 2.094443689031947, "q_0.375": 2.146797550217463, "q_0.4": 2.1618886583507457, "q_0.425": 2.1925017436944954, "q_0.45": 2.2304222094437676, "q_0.475": 2.2827484712500667, "q_0.5": 2.3163031470852005, "q_0.525": 2.3758752544937853, "q_0.55": 2.394340424129465, "q_0.575": 2.455426470971908, "q_0.6": 2.4923650623722877, "q_0.625": 2.551176200219537, "q_0.65": 2.6200630651147208, "q_0.675": 2.716392000954027, "q_0.7": 2.8097691960241553, "q_0.725": 2.910085567877327, "q_0.75": 2.9147032497610956, "q_0.775": 3.028872387280381, "q_0.8": 3.094027702409054, "q_0.825": 3.1227101939238655, "q_0.85": 3.1585551585980562, "q_0.875": 3.235189055656499, "q_0.9": 3.293832348295237, "q_0.925": 3.3999694003344496, "q_0.95": 3.4531240432726302, "q_0.975": 3.5394533066193468, "q_1": 3.8504047089770763}, {"x": 12.004801920768308, "y": 2.34153913501825, "y_true": 1.4962232207458432, "y_pred": 2.3163031470852005, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5761727098595335, "q_0.05": 1.651692460867325, "q_0.075": 1.6764723991857389, "q_0.1": 1.7064053133430575, "q_0.125": 1.7254745564005882, "q_0.15": 1.746683444054756, "q_0.175": 1.7850244634509567, "q_0.2": 1.810676679078199, "q_0.225": 1.8825077275430822, "q_0.25": 1.9518501628155387, "q_0.275": 1.99424811067523, "q_0.3": 2.0402802991977853, "q_0.325": 2.07806753604615, "q_0.35": 2.094443689031947, "q_0.375": 2.146797550217463, "q_0.4": 2.1618886583507457, "q_0.425": 2.1925017436944954, "q_0.45": 2.2304222094437676, "q_0.475": 2.2827484712500667, "q_0.5": 2.3163031470852005, "q_0.525": 2.3758752544937853, "q_0.55": 2.394340424129465, "q_0.575": 2.455426470971908, "q_0.6": 2.4923650623722877, "q_0.625": 2.551176200219537, "q_0.65": 2.6200630651147208, "q_0.675": 2.716392000954027, "q_0.7": 2.8097691960241553, "q_0.725": 2.910085567877327, "q_0.75": 2.9147032497610956, "q_0.775": 3.028872387280381, "q_0.8": 3.094027702409054, "q_0.825": 3.1227101939238655, "q_0.85": 3.1585551585980562, "q_0.875": 3.235189055656499, "q_0.9": 3.293832348295237, "q_0.925": 3.3999694003344496, "q_0.95": 3.4531240432726302, "q_0.975": 3.5394533066193468, "q_1": 3.8504047089770763}, {"x": 12.044817927170868, "y": 2.0402802991977853, "y_true": 1.4975146863129762, "y_pred": 2.3163031470852005, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5761727098595335, "q_0.05": 1.651692460867325, "q_0.075": 1.6764723991857389, "q_0.1": 1.7064053133430575, "q_0.125": 1.7254745564005882, "q_0.15": 1.746683444054756, "q_0.175": 1.7850244634509567, "q_0.2": 1.810676679078199, "q_0.225": 1.8825077275430822, "q_0.25": 1.9518501628155387, "q_0.275": 1.99424811067523, "q_0.3": 2.0402802991977853, "q_0.325": 2.07806753604615, "q_0.35": 2.094443689031947, "q_0.375": 2.146797550217463, "q_0.4": 2.1618886583507457, "q_0.425": 2.1925017436944954, "q_0.45": 2.2304222094437676, "q_0.475": 2.2827484712500667, "q_0.5": 2.3163031470852005, "q_0.525": 2.3758752544937853, "q_0.55": 2.394340424129465, "q_0.575": 2.455426470971908, "q_0.6": 2.4923650623722877, "q_0.625": 2.551176200219537, "q_0.65": 2.6200630651147208, "q_0.675": 2.716392000954027, "q_0.7": 2.8097691960241553, "q_0.725": 2.910085567877327, "q_0.75": 2.9147032497610956, "q_0.775": 3.028872387280381, "q_0.8": 3.094027702409054, "q_0.825": 3.1227101939238655, "q_0.85": 3.1585551585980562, "q_0.875": 3.235189055656499, "q_0.9": 3.293832348295237, "q_0.925": 3.3999694003344496, "q_0.95": 3.4531240432726302, "q_0.975": 3.5394533066193468, "q_1": 3.8504047089770763}, {"x": 12.08483393357343, "y": 1.5086633516570518, "y_true": 1.4988023467744507, "y_pred": 2.3163031470852005, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5761727098595335, "q_0.05": 1.651692460867325, "q_0.075": 1.6764723991857389, "q_0.1": 1.7064053133430575, "q_0.125": 1.7254745564005882, "q_0.15": 1.746683444054756, "q_0.175": 1.7850244634509567, "q_0.2": 1.810676679078199, "q_0.225": 1.8825077275430822, "q_0.25": 1.9518501628155387, "q_0.275": 1.99424811067523, "q_0.3": 2.0402802991977853, "q_0.325": 2.07806753604615, "q_0.35": 2.094443689031947, "q_0.375": 2.146797550217463, "q_0.4": 2.1618886583507457, "q_0.425": 2.1925017436944954, "q_0.45": 2.2304222094437676, "q_0.475": 2.2827484712500667, "q_0.5": 2.3163031470852005, "q_0.525": 2.3758752544937853, "q_0.55": 2.394340424129465, "q_0.575": 2.455426470971908, "q_0.6": 2.4923650623722877, "q_0.625": 2.551176200219537, "q_0.65": 2.6200630651147208, "q_0.675": 2.716392000954027, "q_0.7": 2.8097691960241553, "q_0.725": 2.910085567877327, "q_0.75": 2.9147032497610956, "q_0.775": 3.028872387280381, "q_0.8": 3.094027702409054, "q_0.825": 3.1227101939238655, "q_0.85": 3.1585551585980562, "q_0.875": 3.235189055656499, "q_0.9": 3.293832348295237, "q_0.925": 3.3999694003344496, "q_0.95": 3.4531240432726302, "q_0.975": 3.5394533066193468, "q_1": 3.8504047089770763}, {"x": 12.124849939975991, "y": 1.864270192076156, "y_true": 1.5000862252737355, "y_pred": 2.34153913501825, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.651692460867325, "q_0.075": 1.6875606122872815, "q_0.1": 1.7153730467553179, "q_0.125": 1.7401545478134488, "q_0.15": 1.7580061390642232, "q_0.175": 1.7866353173490446, "q_0.2": 1.8491309244679617, "q_0.225": 1.8894375220746846, "q_0.25": 1.9726743155341868, "q_0.275": 2.021469012882459, "q_0.3": 2.0402802991977853, "q_0.325": 2.0833958217544333, "q_0.35": 2.136317735273385, "q_0.375": 2.1612281936477826, "q_0.4": 2.1737618604535083, "q_0.425": 2.2193868606044527, "q_0.45": 2.2562566884199984, "q_0.475": 2.2970834254008214, "q_0.5": 2.34153913501825, "q_0.525": 2.3876967882448223, "q_0.55": 2.428633389531809, "q_0.575": 2.4836486088453604, "q_0.6": 2.519551391651299, "q_0.625": 2.567433519049851, "q_0.65": 2.707321630102125, "q_0.675": 2.7427053287599286, "q_0.7": 2.8309843866460245, "q_0.725": 2.9147032497610956, "q_0.75": 2.9511751701130873, "q_0.775": 3.082570185997104, "q_0.8": 3.11661440888511, "q_0.825": 3.1419948986942368, "q_0.85": 3.2029037652023558, "q_0.875": 3.2928888831873198, "q_0.9": 3.327349574422488, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.556470488022298, "q_1": 3.865423235726951}, {"x": 12.164865946378551, "y": 3.4195654797640556, "y_true": 1.5013663447401633, "y_pred": 2.34153913501825, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.651692460867325, "q_0.075": 1.6875606122872815, "q_0.1": 1.7153730467553179, "q_0.125": 1.7401545478134488, "q_0.15": 1.7580061390642232, "q_0.175": 1.7866353173490446, "q_0.2": 1.8491309244679617, "q_0.225": 1.8894375220746846, "q_0.25": 1.9726743155341868, "q_0.275": 2.021469012882459, "q_0.3": 2.0402802991977853, "q_0.325": 2.0833958217544333, "q_0.35": 2.136317735273385, "q_0.375": 2.1612281936477826, "q_0.4": 2.1737618604535083, "q_0.425": 2.2193868606044527, "q_0.45": 2.2562566884199984, "q_0.475": 2.2970834254008214, "q_0.5": 2.34153913501825, "q_0.525": 2.3876967882448223, "q_0.55": 2.428633389531809, "q_0.575": 2.4836486088453604, "q_0.6": 2.519551391651299, "q_0.625": 2.567433519049851, "q_0.65": 2.707321630102125, "q_0.675": 2.7427053287599286, "q_0.7": 2.8309843866460245, "q_0.725": 2.9147032497610956, "q_0.75": 2.9511751701130873, "q_0.775": 3.082570185997104, "q_0.8": 3.11661440888511, "q_0.825": 3.1419948986942368, "q_0.85": 3.2029037652023558, "q_0.875": 3.2928888831873198, "q_0.9": 3.327349574422488, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.556470488022298, "q_1": 3.865423235726951}, {"x": 12.204881952781113, "y": 3.2029037652023558, "y_true": 1.5026427278915906, "y_pred": 2.34153913501825, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.651692460867325, "q_0.075": 1.6875606122872815, "q_0.1": 1.7153730467553179, "q_0.125": 1.7401545478134488, "q_0.15": 1.7580061390642232, "q_0.175": 1.7866353173490446, "q_0.2": 1.8491309244679617, "q_0.225": 1.8894375220746846, "q_0.25": 1.9726743155341868, "q_0.275": 2.021469012882459, "q_0.3": 2.0402802991977853, "q_0.325": 2.0833958217544333, "q_0.35": 2.136317735273385, "q_0.375": 2.1612281936477826, "q_0.4": 2.1737618604535083, "q_0.425": 2.2193868606044527, "q_0.45": 2.2562566884199984, "q_0.475": 2.2970834254008214, "q_0.5": 2.34153913501825, "q_0.525": 2.3876967882448223, "q_0.55": 2.428633389531809, "q_0.575": 2.4836486088453604, "q_0.6": 2.519551391651299, "q_0.625": 2.567433519049851, "q_0.65": 2.707321630102125, "q_0.675": 2.7427053287599286, "q_0.7": 2.8309843866460245, "q_0.725": 2.9147032497610956, "q_0.75": 2.9511751701130873, "q_0.775": 3.082570185997104, "q_0.8": 3.11661440888511, "q_0.825": 3.1419948986942368, "q_0.85": 3.2029037652023558, "q_0.875": 3.2928888831873198, "q_0.9": 3.327349574422488, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.556470488022298, "q_1": 3.865423235726951}, {"x": 12.244897959183675, "y": 2.027131062088837, "y_true": 1.5039153972370185, "y_pred": 2.34153913501825, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.651692460867325, "q_0.075": 1.6875606122872815, "q_0.1": 1.7153730467553179, "q_0.125": 1.7401545478134488, "q_0.15": 1.7580061390642232, "q_0.175": 1.7866353173490446, "q_0.2": 1.8491309244679617, "q_0.225": 1.8894375220746846, "q_0.25": 1.9726743155341868, "q_0.275": 2.021469012882459, "q_0.3": 2.0402802991977853, "q_0.325": 2.0833958217544333, "q_0.35": 2.136317735273385, "q_0.375": 2.1612281936477826, "q_0.4": 2.1737618604535083, "q_0.425": 2.2193868606044527, "q_0.45": 2.2562566884199984, "q_0.475": 2.2970834254008214, "q_0.5": 2.34153913501825, "q_0.525": 2.3876967882448223, "q_0.55": 2.428633389531809, "q_0.575": 2.4836486088453604, "q_0.6": 2.519551391651299, "q_0.625": 2.567433519049851, "q_0.65": 2.707321630102125, "q_0.675": 2.7427053287599286, "q_0.7": 2.8309843866460245, "q_0.725": 2.9147032497610956, "q_0.75": 2.9511751701130873, "q_0.775": 3.082570185997104, "q_0.8": 3.11661440888511, "q_0.825": 3.1419948986942368, "q_0.85": 3.2029037652023558, "q_0.875": 3.2928888831873198, "q_0.9": 3.327349574422488, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.556470488022298, "q_1": 3.865423235726951}, {"x": 12.284913965586234, "y": 3.3999694003344496, "y_true": 1.5051843750791722, "y_pred": 2.34153913501825, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.651692460867325, "q_0.075": 1.6875606122872815, "q_0.1": 1.715988593388376, "q_0.125": 1.7401545478134488, "q_0.15": 1.7652211439842282, "q_0.175": 1.7866353173490446, "q_0.2": 1.8491309244679617, "q_0.225": 1.8894375220746846, "q_0.25": 1.9906968929199382, "q_0.275": 2.021469012882459, "q_0.3": 2.0402802991977853, "q_0.325": 2.0833958217544333, "q_0.35": 2.136317735273385, "q_0.375": 2.1612281936477826, "q_0.4": 2.1737618604535083, "q_0.425": 2.221763787765269, "q_0.45": 2.258273548346157, "q_0.475": 2.3005804210475995, "q_0.5": 2.34153913501825, "q_0.525": 2.394124866599558, "q_0.55": 2.4328131151641497, "q_0.575": 2.4874288490489973, "q_0.6": 2.519551391651299, "q_0.625": 2.5686177755517448, "q_0.65": 2.716392000954027, "q_0.675": 2.758599258276219, "q_0.7": 2.8309843866460245, "q_0.725": 2.9147032497610956, "q_0.75": 2.987237480068975, "q_0.775": 3.084317919855012, "q_0.8": 3.11661440888511, "q_0.825": 3.1419948986942368, "q_0.85": 3.2029037652023558, "q_0.875": 3.2928888831873198, "q_0.9": 3.3382947254345257, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.556470488022298, "q_1": 3.865423235726951}, {"x": 12.324929971988796, "y": 2.2304222094437676, "y_true": 1.5064496835170396, "y_pred": 2.34153913501825, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.651692460867325, "q_0.075": 1.6875606122872815, "q_0.1": 1.715988593388376, "q_0.125": 1.7401545478134488, "q_0.15": 1.7652211439842282, "q_0.175": 1.7866353173490446, "q_0.2": 1.8491309244679617, "q_0.225": 1.8894375220746846, "q_0.25": 1.9906968929199382, "q_0.275": 2.021469012882459, "q_0.3": 2.0402802991977853, "q_0.325": 2.0833958217544333, "q_0.35": 2.136317735273385, "q_0.375": 2.1612281936477826, "q_0.4": 2.1737618604535083, "q_0.425": 2.221763787765269, "q_0.45": 2.258273548346157, "q_0.475": 2.3005804210475995, "q_0.5": 2.34153913501825, "q_0.525": 2.394124866599558, "q_0.55": 2.4328131151641497, "q_0.575": 2.4874288490489973, "q_0.6": 2.519551391651299, "q_0.625": 2.5686177755517448, "q_0.65": 2.716392000954027, "q_0.675": 2.758599258276219, "q_0.7": 2.8309843866460245, "q_0.725": 2.9147032497610956, "q_0.75": 2.987237480068975, "q_0.775": 3.084317919855012, "q_0.8": 3.11661440888511, "q_0.825": 3.1419948986942368, "q_0.85": 3.2029037652023558, "q_0.875": 3.2928888831873198, "q_0.9": 3.3382947254345257, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.556470488022298, "q_1": 3.865423235726951}, {"x": 12.364945978391358, "y": 2.094443689031947, "y_true": 1.5077113444483718, "y_pred": 2.34153913501825, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.651692460867325, "q_0.075": 1.6875606122872815, "q_0.1": 1.715988593388376, "q_0.125": 1.7401545478134488, "q_0.15": 1.7652211439842282, "q_0.175": 1.7866353173490446, "q_0.2": 1.8491309244679617, "q_0.225": 1.8894375220746846, "q_0.25": 1.9906968929199382, "q_0.275": 2.021469012882459, "q_0.3": 2.0402802991977853, "q_0.325": 2.0833958217544333, "q_0.35": 2.136317735273385, "q_0.375": 2.1612281936477826, "q_0.4": 2.1737618604535083, "q_0.425": 2.221763787765269, "q_0.45": 2.258273548346157, "q_0.475": 2.3005804210475995, "q_0.5": 2.34153913501825, "q_0.525": 2.394124866599558, "q_0.55": 2.4328131151641497, "q_0.575": 2.4874288490489973, "q_0.6": 2.519551391651299, "q_0.625": 2.5686177755517448, "q_0.65": 2.716392000954027, "q_0.675": 2.758599258276219, "q_0.7": 2.8309843866460245, "q_0.725": 2.9147032497610956, "q_0.75": 2.987237480068975, "q_0.775": 3.084317919855012, "q_0.8": 3.11661440888511, "q_0.825": 3.1419948986942368, "q_0.85": 3.2029037652023558, "q_0.875": 3.2928888831873198, "q_0.9": 3.3382947254345257, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.556470488022298, "q_1": 3.865423235726951}, {"x": 12.404961984793918, "y": 1.810676679078199, "y_true": 1.5089693795721442, "y_pred": 2.34153913501825, "target": "1", "q_0": 1.340787786784845, "q_0.025": 1.5768711347293332, "q_0.05": 1.6601974547742562, "q_0.075": 1.6875606122872815, "q_0.1": 1.715988593388376, "q_0.125": 1.7401545478134488, "q_0.15": 1.766057223481253, "q_0.175": 1.7866353173490446, "q_0.2": 1.8659008625359992, "q_0.225": 1.8894375220746846, "q_0.25": 1.9906968929199382, "q_0.275": 2.021469012882459, "q_0.3": 2.074754357150667, "q_0.325": 2.0833958217544333, "q_0.35": 2.136317735273385, "q_0.375": 2.1612281936477826, "q_0.4": 2.1737618604535083, "q_0.425": 2.221763787765269, "q_0.45": 2.258273548346157, "q_0.475": 2.3005804210475995, "q_0.5": 2.34153913501825, "q_0.525": 2.394124866599558, "q_0.55": 2.441790563669244, "q_0.575": 2.4874288490489973, "q_0.6": 2.523459174252813, "q_0.625": 2.6200630651147208, "q_0.65": 2.716392000954027, "q_0.675": 2.8097691960241553, "q_0.7": 2.910085567877327, "q_0.725": 2.9147032497610956, "q_0.75": 3.028872387280381, "q_0.775": 3.094027702409054, "q_0.8": 3.11661440888511, "q_0.825": 3.1419948986942368, "q_0.85": 3.2029037652023558, "q_0.875": 3.2928888831873198, "q_0.9": 3.3382947254345257, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.5619842790475644, "q_1": 3.865423235726951}, {"x": 12.44497799119648, "y": 3.2928888831873198, "y_true": 1.5102238103909804, "y_pred": 2.3447339183764937, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.6601974547742562, "q_0.075": 1.6875606122872815, "q_0.1": 1.715988593388376, "q_0.125": 1.7401545478134488, "q_0.15": 1.766057223481253, "q_0.175": 1.8095111121900993, "q_0.2": 1.8659008625359992, "q_0.225": 1.921713872569338, "q_0.25": 1.9923941629620197, "q_0.275": 2.027131062088837, "q_0.3": 2.074754357150667, "q_0.325": 2.094443689031947, "q_0.35": 2.1456734219847933, "q_0.375": 2.1618886583507457, "q_0.4": 2.183926848600019, "q_0.425": 2.2304222094437676, "q_0.45": 2.25982384442147, "q_0.475": 2.3005804210475995, "q_0.5": 2.3447339183764937, "q_0.525": 2.394340424129465, "q_0.55": 2.455426470971908, "q_0.575": 2.4923650623722877, "q_0.6": 2.551176200219537, "q_0.625": 2.6200630651147208, "q_0.65": 2.716392000954027, "q_0.675": 2.8097691960241553, "q_0.7": 2.910085567877327, "q_0.725": 2.9375645139349933, "q_0.75": 3.0503513498241857, "q_0.775": 3.094027702409054, "q_0.8": 3.1227101939238655, "q_0.825": 3.1585551585980562, "q_0.85": 3.2029037652023558, "q_0.875": 3.293832348295237, "q_0.9": 3.3494368325860044, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.576706409454941, "q_1": 3.865423235726951}, {"x": 12.484993997599041, "y": 3.4656862685833105, "y_true": 1.5114746582135397, "y_pred": 2.3447339183764937, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.6601974547742562, "q_0.075": 1.6875606122872815, "q_0.1": 1.715988593388376, "q_0.125": 1.7401545478134488, "q_0.15": 1.766057223481253, "q_0.175": 1.8095111121900993, "q_0.2": 1.8659008625359992, "q_0.225": 1.921713872569338, "q_0.25": 1.9923941629620197, "q_0.275": 2.027131062088837, "q_0.3": 2.074754357150667, "q_0.325": 2.094443689031947, "q_0.35": 2.1456734219847933, "q_0.375": 2.1618886583507457, "q_0.4": 2.183926848600019, "q_0.425": 2.2304222094437676, "q_0.45": 2.25982384442147, "q_0.475": 2.3005804210475995, "q_0.5": 2.3447339183764937, "q_0.525": 2.394340424129465, "q_0.55": 2.455426470971908, "q_0.575": 2.4923650623722877, "q_0.6": 2.551176200219537, "q_0.625": 2.6200630651147208, "q_0.65": 2.716392000954027, "q_0.675": 2.8097691960241553, "q_0.7": 2.910085567877327, "q_0.725": 2.9375645139349933, "q_0.75": 3.0503513498241857, "q_0.775": 3.094027702409054, "q_0.8": 3.1227101939238655, "q_0.825": 3.1585551585980562, "q_0.85": 3.2029037652023558, "q_0.875": 3.293832348295237, "q_0.9": 3.3494368325860044, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.576706409454941, "q_1": 3.865423235726951}, {"x": 12.5250100040016, "y": 2.1618886583507457, "y_true": 1.512721944156865, "y_pred": 2.3447339183764937, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.6601974547742562, "q_0.075": 1.6875606122872815, "q_0.1": 1.715988593388376, "q_0.125": 1.7401545478134488, "q_0.15": 1.766057223481253, "q_0.175": 1.8095111121900993, "q_0.2": 1.8659008625359992, "q_0.225": 1.921713872569338, "q_0.25": 1.9923941629620197, "q_0.275": 2.027131062088837, "q_0.3": 2.074754357150667, "q_0.325": 2.094443689031947, "q_0.35": 2.1456734219847933, "q_0.375": 2.1618886583507457, "q_0.4": 2.183926848600019, "q_0.425": 2.2304222094437676, "q_0.45": 2.25982384442147, "q_0.475": 2.3005804210475995, "q_0.5": 2.3447339183764937, "q_0.525": 2.394340424129465, "q_0.55": 2.455426470971908, "q_0.575": 2.4923650623722877, "q_0.6": 2.551176200219537, "q_0.625": 2.6200630651147208, "q_0.65": 2.716392000954027, "q_0.675": 2.8097691960241553, "q_0.7": 2.910085567877327, "q_0.725": 2.9375645139349933, "q_0.75": 3.0503513498241857, "q_0.775": 3.094027702409054, "q_0.8": 3.1227101939238655, "q_0.825": 3.1585551585980562, "q_0.85": 3.2029037652023558, "q_0.875": 3.293832348295237, "q_0.9": 3.3494368325860044, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.576706409454941, "q_1": 3.865423235726951}, {"x": 12.565026010404162, "y": 2.9106099093476447, "y_true": 1.5139656891487001, "y_pred": 2.3758752544937853, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.6601974547742562, "q_0.075": 1.6875606122872815, "q_0.1": 1.7254745564005882, "q_0.125": 1.743644759602239, "q_0.15": 1.7780951409323205, "q_0.175": 1.8095111121900993, "q_0.2": 1.8670073433613252, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.094443689031947, "q_0.35": 2.146797550217463, "q_0.375": 2.1651755981079774, "q_0.4": 2.2178744216088404, "q_0.425": 2.2562566884199984, "q_0.45": 2.289944087178931, "q_0.475": 2.337294814550029, "q_0.5": 2.3758752544937853, "q_0.525": 2.4232132211358013, "q_0.55": 2.455426470971908, "q_0.575": 2.519551391651299, "q_0.6": 2.5669475991898523, "q_0.625": 2.676446867215599, "q_0.65": 2.7177618126847722, "q_0.675": 2.8309843866460245, "q_0.7": 2.9106099093476447, "q_0.725": 2.944140015617874, "q_0.75": 3.0717247233336344, "q_0.775": 3.10544295706245, "q_0.8": 3.138898997004305, "q_0.825": 3.1680252568862532, "q_0.85": 3.2721761213411105, "q_0.875": 3.293832348295237, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.865423235726951}, {"x": 12.605042016806722, "y": 2.1818627360412557, "y_true": 1.5152059139297671, "y_pred": 2.3758752544937853, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5781752276141312, "q_0.05": 1.6601974547742562, "q_0.075": 1.6875606122872815, "q_0.1": 1.7254745564005882, "q_0.125": 1.743644759602239, "q_0.15": 1.7780951409323205, "q_0.175": 1.810676679078199, "q_0.2": 1.8670073433613252, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.094443689031947, "q_0.35": 2.146797550217463, "q_0.375": 2.1651755981079774, "q_0.4": 2.2193868606044527, "q_0.425": 2.2562566884199984, "q_0.45": 2.289944087178931, "q_0.475": 2.337294814550029, "q_0.5": 2.3758752544937853, "q_0.525": 2.4232132211358013, "q_0.55": 2.455426470971908, "q_0.575": 2.519551391651299, "q_0.6": 2.567433519049851, "q_0.625": 2.676446867215599, "q_0.65": 2.729011295090292, "q_0.675": 2.8309843866460245, "q_0.7": 2.9147032497610956, "q_0.725": 2.9511751701130873, "q_0.75": 3.082570185997104, "q_0.775": 3.11661440888511, "q_0.8": 3.138898997004305, "q_0.825": 3.1680252568862532, "q_0.85": 3.2721761213411105, "q_0.875": 3.293832348295237, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 12.645058023209284, "y": 1.7254745564005882, "y_true": 1.5164426390560122, "y_pred": 2.3758752544937853, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5781752276141312, "q_0.05": 1.6601974547742562, "q_0.075": 1.6875606122872815, "q_0.1": 1.7254745564005882, "q_0.125": 1.743644759602239, "q_0.15": 1.7780951409323205, "q_0.175": 1.810676679078199, "q_0.2": 1.8670073433613252, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.094443689031947, "q_0.35": 2.146797550217463, "q_0.375": 2.1651755981079774, "q_0.4": 2.2193868606044527, "q_0.425": 2.2562566884199984, "q_0.45": 2.289944087178931, "q_0.475": 2.337294814550029, "q_0.5": 2.3758752544937853, "q_0.525": 2.4232132211358013, "q_0.55": 2.455426470971908, "q_0.575": 2.519551391651299, "q_0.6": 2.567433519049851, "q_0.625": 2.676446867215599, "q_0.65": 2.729011295090292, "q_0.675": 2.8309843866460245, "q_0.7": 2.9147032497610956, "q_0.725": 2.9511751701130873, "q_0.75": 3.082570185997104, "q_0.775": 3.11661440888511, "q_0.8": 3.138898997004305, "q_0.825": 3.1680252568862532, "q_0.85": 3.2721761213411105, "q_0.875": 3.293832348295237, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 12.685074029611846, "y": 2.3005804210475995, "y_true": 1.5176758849008163, "y_pred": 2.3876967882448223, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5970397580432898, "q_0.05": 1.6601974547742562, "q_0.075": 1.700657170798348, "q_0.1": 1.7254745564005882, "q_0.125": 1.744261310744111, "q_0.15": 1.7826693521756727, "q_0.175": 1.810676679078199, "q_0.2": 1.8825077275430822, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.101075614235774, "q_0.35": 2.1601555344381436, "q_0.375": 2.171001775257661, "q_0.4": 2.2193868606044527, "q_0.425": 2.2562566884199984, "q_0.45": 2.2970834254008214, "q_0.475": 2.34153913501825, "q_0.5": 2.3876967882448223, "q_0.525": 2.428633389531809, "q_0.55": 2.4790548450590197, "q_0.575": 2.519551391651299, "q_0.6": 2.567433519049851, "q_0.625": 2.676446867215599, "q_0.65": 2.7427053287599286, "q_0.675": 2.8398926977772523, "q_0.7": 2.9147032497610956, "q_0.725": 2.9511751701130873, "q_0.75": 3.082570185997104, "q_0.775": 3.11661440888511, "q_0.8": 3.1419948986942368, "q_0.825": 3.193836981307002, "q_0.85": 3.2721761213411105, "q_0.875": 3.2984310619523125, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 12.725090036014405, "y": 2.6200630651147208, "y_true": 1.518905671657173, "y_pred": 2.3876967882448223, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5970397580432898, "q_0.05": 1.6601974547742562, "q_0.075": 1.700657170798348, "q_0.1": 1.7254745564005882, "q_0.125": 1.744261310744111, "q_0.15": 1.7826693521756727, "q_0.175": 1.810676679078199, "q_0.2": 1.8825077275430822, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.101075614235774, "q_0.35": 2.1601555344381436, "q_0.375": 2.171001775257661, "q_0.4": 2.2193868606044527, "q_0.425": 2.2562566884199984, "q_0.45": 2.2970834254008214, "q_0.475": 2.34153913501825, "q_0.5": 2.3876967882448223, "q_0.525": 2.428633389531809, "q_0.55": 2.4790548450590197, "q_0.575": 2.519551391651299, "q_0.6": 2.567433519049851, "q_0.625": 2.676446867215599, "q_0.65": 2.7427053287599286, "q_0.675": 2.8398926977772523, "q_0.7": 2.9147032497610956, "q_0.725": 2.9511751701130873, "q_0.75": 3.082570185997104, "q_0.775": 3.11661440888511, "q_0.8": 3.1419948986942368, "q_0.825": 3.193836981307002, "q_0.85": 3.2721761213411105, "q_0.875": 3.2984310619523125, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 12.765106042416967, "y": 1.766057223481253, "y_true": 1.5201320193398349, "y_pred": 2.3876967882448223, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5970397580432898, "q_0.05": 1.6601974547742562, "q_0.075": 1.700657170798348, "q_0.1": 1.7254745564005882, "q_0.125": 1.744261310744111, "q_0.15": 1.7826693521756727, "q_0.175": 1.810676679078199, "q_0.2": 1.8825077275430822, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.101075614235774, "q_0.35": 2.1601555344381436, "q_0.375": 2.171001775257661, "q_0.4": 2.2193868606044527, "q_0.425": 2.2562566884199984, "q_0.45": 2.2970834254008214, "q_0.475": 2.34153913501825, "q_0.5": 2.3876967882448223, "q_0.525": 2.428633389531809, "q_0.55": 2.4790548450590197, "q_0.575": 2.519551391651299, "q_0.6": 2.567433519049851, "q_0.625": 2.676446867215599, "q_0.65": 2.7427053287599286, "q_0.675": 2.8398926977772523, "q_0.7": 2.9147032497610956, "q_0.725": 2.9511751701130873, "q_0.75": 3.082570185997104, "q_0.775": 3.11661440888511, "q_0.8": 3.1419948986942368, "q_0.825": 3.193836981307002, "q_0.85": 3.2721761213411105, "q_0.875": 3.2984310619523125, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 12.805122048819529, "y": 3.1593946836785003, "y_true": 1.5213549477874249, "y_pred": 2.3876967882448223, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5970397580432898, "q_0.05": 1.6601974547742562, "q_0.075": 1.700657170798348, "q_0.1": 1.7254745564005882, "q_0.125": 1.744261310744111, "q_0.15": 1.7826693521756727, "q_0.175": 1.810676679078199, "q_0.2": 1.8825077275430822, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.101075614235774, "q_0.35": 2.1601555344381436, "q_0.375": 2.171001775257661, "q_0.4": 2.2193868606044527, "q_0.425": 2.2562566884199984, "q_0.45": 2.2970834254008214, "q_0.475": 2.34153913501825, "q_0.5": 2.3876967882448223, "q_0.525": 2.428633389531809, "q_0.55": 2.4790548450590197, "q_0.575": 2.519551391651299, "q_0.6": 2.567433519049851, "q_0.625": 2.676446867215599, "q_0.65": 2.7427053287599286, "q_0.675": 2.8398926977772523, "q_0.7": 2.9147032497610956, "q_0.725": 2.9511751701130873, "q_0.75": 3.082570185997104, "q_0.775": 3.11661440888511, "q_0.8": 3.1419948986942368, "q_0.825": 3.193836981307002, "q_0.85": 3.2721761213411105, "q_0.875": 3.2984310619523125, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 12.845138055222089, "y": 2.519551391651299, "y_true": 1.52257447666452, "y_pred": 2.3876967882448223, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5970397580432898, "q_0.05": 1.6601974547742562, "q_0.075": 1.700657170798348, "q_0.1": 1.7254745564005882, "q_0.125": 1.744261310744111, "q_0.15": 1.7826693521756727, "q_0.175": 1.810676679078199, "q_0.2": 1.8825077275430822, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.101075614235774, "q_0.35": 2.1601555344381436, "q_0.375": 2.171001775257661, "q_0.4": 2.2193868606044527, "q_0.425": 2.2562566884199984, "q_0.45": 2.2970834254008214, "q_0.475": 2.34153913501825, "q_0.5": 2.3876967882448223, "q_0.525": 2.428633389531809, "q_0.55": 2.4790548450590197, "q_0.575": 2.519551391651299, "q_0.6": 2.567433519049851, "q_0.625": 2.676446867215599, "q_0.65": 2.7427053287599286, "q_0.675": 2.8398926977772523, "q_0.7": 2.9147032497610956, "q_0.725": 2.9511751701130873, "q_0.75": 3.082570185997104, "q_0.775": 3.11661440888511, "q_0.8": 3.1419948986942368, "q_0.825": 3.193836981307002, "q_0.85": 3.2721761213411105, "q_0.875": 3.2984310619523125, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 12.88515406162465, "y": 1.99424811067523, "y_true": 1.523790625463701, "y_pred": 2.3876967882448223, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5970397580432898, "q_0.05": 1.6601974547742562, "q_0.075": 1.700657170798348, "q_0.1": 1.7254745564005882, "q_0.125": 1.744261310744111, "q_0.15": 1.7826693521756727, "q_0.175": 1.810676679078199, "q_0.2": 1.8825077275430822, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.101075614235774, "q_0.35": 2.1601555344381436, "q_0.375": 2.171001775257661, "q_0.4": 2.2193868606044527, "q_0.425": 2.2562566884199984, "q_0.45": 2.2970834254008214, "q_0.475": 2.34153913501825, "q_0.5": 2.3876967882448223, "q_0.525": 2.428633389531809, "q_0.55": 2.4790548450590197, "q_0.575": 2.519551391651299, "q_0.6": 2.567433519049851, "q_0.625": 2.676446867215599, "q_0.65": 2.7427053287599286, "q_0.675": 2.8398926977772523, "q_0.7": 2.9147032497610956, "q_0.725": 2.9511751701130873, "q_0.75": 3.082570185997104, "q_0.775": 3.11661440888511, "q_0.8": 3.1419948986942368, "q_0.825": 3.193836981307002, "q_0.85": 3.2721761213411105, "q_0.875": 3.2984310619523125, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 12.925170068027212, "y": 2.716392000954027, "y_true": 1.5250034135075732, "y_pred": 2.3876967882448223, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5970397580432898, "q_0.05": 1.6601974547742562, "q_0.075": 1.700657170798348, "q_0.1": 1.7254745564005882, "q_0.125": 1.744261310744111, "q_0.15": 1.7826693521756727, "q_0.175": 1.810676679078199, "q_0.2": 1.8825077275430822, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.101075614235774, "q_0.35": 2.1601555344381436, "q_0.375": 2.171001775257661, "q_0.4": 2.2193868606044527, "q_0.425": 2.2562566884199984, "q_0.45": 2.2970834254008214, "q_0.475": 2.34153913501825, "q_0.5": 2.3876967882448223, "q_0.525": 2.428633389531809, "q_0.55": 2.4790548450590197, "q_0.575": 2.519551391651299, "q_0.6": 2.567433519049851, "q_0.625": 2.676446867215599, "q_0.65": 2.7427053287599286, "q_0.675": 2.8398926977772523, "q_0.7": 2.9147032497610956, "q_0.725": 2.9511751701130873, "q_0.75": 3.082570185997104, "q_0.775": 3.11661440888511, "q_0.8": 3.1419948986942368, "q_0.825": 3.193836981307002, "q_0.85": 3.2721761213411105, "q_0.875": 3.2984310619523125, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 12.965186074429772, "y": 3.1227101939238655, "y_true": 1.5262128599507576, "y_pred": 2.3876967882448223, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6003667043455454, "q_0.05": 1.6642711547949658, "q_0.075": 1.700657170798348, "q_0.1": 1.7254745564005882, "q_0.125": 1.744261310744111, "q_0.15": 1.785024463450957, "q_0.175": 1.810676679078199, "q_0.2": 1.8825077275430822, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.101075614235774, "q_0.35": 2.1601555344381436, "q_0.375": 2.171001775257661, "q_0.4": 2.221763787765269, "q_0.425": 2.2562566884199984, "q_0.45": 2.3005804210475995, "q_0.475": 2.34153913501825, "q_0.5": 2.3876967882448223, "q_0.525": 2.428633389531809, "q_0.55": 2.4874288490489973, "q_0.575": 2.519551391651299, "q_0.6": 2.5686177755517448, "q_0.625": 2.716392000954027, "q_0.65": 2.8097691960241553, "q_0.675": 2.910085567877327, "q_0.7": 2.9147032497610956, "q_0.725": 2.987237480068975, "q_0.75": 3.084317919855012, "q_0.775": 3.11661440888511, "q_0.8": 3.1419948986942368, "q_0.825": 3.193836981307002, "q_0.85": 3.2809613115320513, "q_0.875": 3.2984310619523125, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 13.005202080832333, "y": 2.187663876481845, "y_true": 1.5274189837818528, "y_pred": 2.4232132211358013, "target": "1", "q_0": 1.340787786784845, "q_0.025": 1.6054936858658917, "q_0.05": 1.6736282582473092, "q_0.075": 1.7064053133430575, "q_0.1": 1.7397269803805884, "q_0.125": 1.7652211439842282, "q_0.15": 1.7866353173490446, "q_0.175": 1.8659008625359992, "q_0.2": 1.8894375220746846, "q_0.225": 1.9726743155341868, "q_0.25": 2.021469012882459, "q_0.275": 2.074754357150667, "q_0.3": 2.094443689031947, "q_0.325": 2.146797550217463, "q_0.35": 2.1618886583507457, "q_0.375": 2.2193868606044527, "q_0.4": 2.2562566884199984, "q_0.425": 2.289944087178931, "q_0.45": 2.337294814550029, "q_0.475": 2.3876967882448223, "q_0.5": 2.4232132211358013, "q_0.525": 2.455426470971908, "q_0.55": 2.519551391651299, "q_0.575": 2.567433519049851, "q_0.6": 2.707321630102125, "q_0.625": 2.8097691960241553, "q_0.65": 2.910085567877327, "q_0.675": 2.9375645139349933, "q_0.7": 2.987237480068975, "q_0.725": 3.084317919855012, "q_0.75": 3.1227101939238655, "q_0.775": 3.142439353581243, "q_0.8": 3.2029037652023558, "q_0.825": 3.2809613115320513, "q_0.85": 3.2984310619523125, "q_0.875": 3.374001682092608, "q_0.9": 3.441586955456952, "q_0.925": 3.4815036306311677, "q_0.95": 3.556470488022298, "q_0.975": 3.67093685399774, "q_1": 4.053811225269878}, {"x": 13.045218087234895, "y": 2.944140015617874, "y_true": 1.5286218038253663, "y_pred": 2.4328131151641497, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6054936858658917, "q_0.05": 1.6736282582473092, "q_0.075": 1.7064053133430575, "q_0.1": 1.7401545478134488, "q_0.125": 1.766057223481253, "q_0.15": 1.8095111121900993, "q_0.175": 1.8670073433613252, "q_0.2": 1.921713872569338, "q_0.225": 1.9906968929199382, "q_0.25": 2.021469012882459, "q_0.275": 2.07806753604615, "q_0.3": 2.136317735273385, "q_0.325": 2.1601555344381436, "q_0.35": 2.1737618604535083, "q_0.375": 2.221763787765269, "q_0.4": 2.25982384442147, "q_0.425": 2.3005804210475995, "q_0.45": 2.34153913501825, "q_0.475": 2.394286534746988, "q_0.5": 2.4328131151641497, "q_0.525": 2.4874288490489973, "q_0.55": 2.5281986813998056, "q_0.575": 2.6200630651147208, "q_0.6": 2.716392000954027, "q_0.625": 2.8292310853190643, "q_0.65": 2.9106099093476447, "q_0.675": 2.9482359182540043, "q_0.7": 3.0608792606701654, "q_0.725": 3.0968815160723975, "q_0.75": 3.1243143547949948, "q_0.775": 3.1680252568862532, "q_0.8": 3.235189055656499, "q_0.825": 3.293832348295237, "q_0.85": 3.327349574422488, "q_0.875": 3.4027046988291785, "q_0.9": 3.4531240432726302, "q_0.925": 3.4815036306311677, "q_0.95": 3.576520637205075, "q_0.975": 3.695461651296798, "q_1": 4.053811225269878}, {"x": 13.085234093637455, "y": 2.394340424129465, "y_true": 1.5298213387436204, "y_pred": 2.4328131151641497, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6054936858658917, "q_0.05": 1.6736282582473092, "q_0.075": 1.7064053133430575, "q_0.1": 1.7401545478134488, "q_0.125": 1.766057223481253, "q_0.15": 1.8095111121900993, "q_0.175": 1.8670073433613252, "q_0.2": 1.921713872569338, "q_0.225": 1.9906968929199382, "q_0.25": 2.021469012882459, "q_0.275": 2.07806753604615, "q_0.3": 2.136317735273385, "q_0.325": 2.1601555344381436, "q_0.35": 2.1737618604535083, "q_0.375": 2.221763787765269, "q_0.4": 2.25982384442147, "q_0.425": 2.3005804210475995, "q_0.45": 2.34153913501825, "q_0.475": 2.394286534746988, "q_0.5": 2.4328131151641497, "q_0.525": 2.4874288490489973, "q_0.55": 2.5281986813998056, "q_0.575": 2.6200630651147208, "q_0.6": 2.716392000954027, "q_0.625": 2.8292310853190643, "q_0.65": 2.9106099093476447, "q_0.675": 2.9482359182540043, "q_0.7": 3.0608792606701654, "q_0.725": 3.0968815160723975, "q_0.75": 3.1243143547949948, "q_0.775": 3.1680252568862532, "q_0.8": 3.235189055656499, "q_0.825": 3.293832348295237, "q_0.85": 3.327349574422488, "q_0.875": 3.4027046988291785, "q_0.9": 3.4531240432726302, "q_0.925": 3.4815036306311677, "q_0.95": 3.576520637205075, "q_0.975": 3.695461651296798, "q_1": 4.053811225269878}, {"x": 13.125250100040017, "y": 3.4815036306311677, "y_true": 1.531017607038629, "y_pred": 2.4328131151641497, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6054936858658917, "q_0.05": 1.6736282582473092, "q_0.075": 1.7064053133430575, "q_0.1": 1.7401545478134488, "q_0.125": 1.766057223481253, "q_0.15": 1.8095111121900993, "q_0.175": 1.8670073433613252, "q_0.2": 1.921713872569338, "q_0.225": 1.9906968929199382, "q_0.25": 2.021469012882459, "q_0.275": 2.07806753604615, "q_0.3": 2.136317735273385, "q_0.325": 2.1601555344381436, "q_0.35": 2.1737618604535083, "q_0.375": 2.221763787765269, "q_0.4": 2.25982384442147, "q_0.425": 2.3005804210475995, "q_0.45": 2.34153913501825, "q_0.475": 2.394286534746988, "q_0.5": 2.4328131151641497, "q_0.525": 2.4874288490489973, "q_0.55": 2.5281986813998056, "q_0.575": 2.6200630651147208, "q_0.6": 2.716392000954027, "q_0.625": 2.8292310853190643, "q_0.65": 2.9106099093476447, "q_0.675": 2.9482359182540043, "q_0.7": 3.0608792606701654, "q_0.725": 3.0968815160723975, "q_0.75": 3.1243143547949948, "q_0.775": 3.1680252568862532, "q_0.8": 3.235189055656499, "q_0.825": 3.293832348295237, "q_0.85": 3.327349574422488, "q_0.875": 3.4027046988291785, "q_0.9": 3.4531240432726302, "q_0.925": 3.4815036306311677, "q_0.95": 3.576520637205075, "q_0.975": 3.695461651296798, "q_1": 4.053811225269878}, {"x": 13.165266106442578, "y": 3.094027702409054, "y_true": 1.5322106270539462, "y_pred": 2.4328131151641497, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6054936858658917, "q_0.05": 1.6736282582473092, "q_0.075": 1.7064053133430575, "q_0.1": 1.7401545478134488, "q_0.125": 1.766057223481253, "q_0.15": 1.8095111121900993, "q_0.175": 1.8670073433613252, "q_0.2": 1.921713872569338, "q_0.225": 1.9906968929199382, "q_0.25": 2.021469012882459, "q_0.275": 2.07806753604615, "q_0.3": 2.136317735273385, "q_0.325": 2.1601555344381436, "q_0.35": 2.1737618604535083, "q_0.375": 2.221763787765269, "q_0.4": 2.25982384442147, "q_0.425": 2.3005804210475995, "q_0.45": 2.34153913501825, "q_0.475": 2.394286534746988, "q_0.5": 2.4328131151641497, "q_0.525": 2.4874288490489973, "q_0.55": 2.5281986813998056, "q_0.575": 2.6200630651147208, "q_0.6": 2.716392000954027, "q_0.625": 2.8292310853190643, "q_0.65": 2.9106099093476447, "q_0.675": 2.9482359182540043, "q_0.7": 3.0608792606701654, "q_0.725": 3.0968815160723975, "q_0.75": 3.1243143547949948, "q_0.775": 3.1680252568862532, "q_0.8": 3.235189055656499, "q_0.825": 3.293832348295237, "q_0.85": 3.327349574422488, "q_0.875": 3.4027046988291785, "q_0.9": 3.4531240432726302, "q_0.925": 3.4815036306311677, "q_0.95": 3.576520637205075, "q_0.975": 3.695461651296798, "q_1": 4.053811225269878}, {"x": 13.205282112845138, "y": 2.2562566884199984, "y_true": 1.5334004169764892, "y_pred": 2.4328131151641497, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6054936858658917, "q_0.05": 1.6736282582473092, "q_0.075": 1.7064053133430575, "q_0.1": 1.7401545478134488, "q_0.125": 1.766057223481253, "q_0.15": 1.8095111121900993, "q_0.175": 1.8670073433613252, "q_0.2": 1.921713872569338, "q_0.225": 1.9906968929199382, "q_0.25": 2.021469012882459, "q_0.275": 2.07806753604615, "q_0.3": 2.136317735273385, "q_0.325": 2.1601555344381436, "q_0.35": 2.1737618604535083, "q_0.375": 2.221763787765269, "q_0.4": 2.25982384442147, "q_0.425": 2.3005804210475995, "q_0.45": 2.34153913501825, "q_0.475": 2.394286534746988, "q_0.5": 2.4328131151641497, "q_0.525": 2.4874288490489973, "q_0.55": 2.5281986813998056, "q_0.575": 2.6200630651147208, "q_0.6": 2.716392000954027, "q_0.625": 2.8292310853190643, "q_0.65": 2.9106099093476447, "q_0.675": 2.9482359182540043, "q_0.7": 3.0608792606701654, "q_0.725": 3.0968815160723975, "q_0.75": 3.1243143547949948, "q_0.775": 3.1680252568862532, "q_0.8": 3.235189055656499, "q_0.825": 3.293832348295237, "q_0.85": 3.327349574422488, "q_0.875": 3.4027046988291785, "q_0.9": 3.4531240432726302, "q_0.925": 3.4815036306311677, "q_0.95": 3.576520637205075, "q_0.975": 3.695461651296798, "q_1": 4.053811225269878}, {"x": 13.2452981192477, "y": 1.5706352996393322, "y_true": 1.5345869948383364, "y_pred": 2.441790563669244, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.61014734001063, "q_0.05": 1.6764723991857389, "q_0.075": 1.7153730467553179, "q_0.1": 1.7401545478134488, "q_0.125": 1.766057223481253, "q_0.15": 1.8095111121900993, "q_0.175": 1.8670073433613252, "q_0.2": 1.9398895035522234, "q_0.225": 1.9923941629620197, "q_0.25": 2.027131062088837, "q_0.275": 2.0833958217544333, "q_0.3": 2.136317735273385, "q_0.325": 2.1612281936477826, "q_0.35": 2.1737618604535083, "q_0.375": 2.2304222094437676, "q_0.4": 2.2827484712500667, "q_0.425": 2.3163031470852005, "q_0.45": 2.375105238840981, "q_0.475": 2.394340424129465, "q_0.5": 2.441790563669244, "q_0.525": 2.4923650623722877, "q_0.55": 2.5641632133093606, "q_0.575": 2.6200630651147208, "q_0.6": 2.729011295090292, "q_0.625": 2.910085567877327, "q_0.65": 2.9375645139349933, "q_0.675": 2.987237480068975, "q_0.7": 3.082570185997104, "q_0.725": 3.11661440888511, "q_0.75": 3.1419948986942368, "q_0.775": 3.193836981307002, "q_0.8": 3.2721761213411105, "q_0.825": 3.293832348295237, "q_0.85": 3.3382947254345257, "q_0.875": 3.4195654797640556, "q_0.9": 3.4656862685833105, "q_0.925": 3.523454725081377, "q_0.95": 3.576706409454941, "q_0.975": 3.7002354515412668, "q_1": 4.053811225269878}, {"x": 13.285314125650261, "y": 2.872998392374339, "y_true": 1.5357703785184953, "y_pred": 2.441790563669244, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.61014734001063, "q_0.05": 1.6764723991857389, "q_0.075": 1.7153730467553179, "q_0.1": 1.7401545478134488, "q_0.125": 1.766057223481253, "q_0.15": 1.8095111121900993, "q_0.175": 1.8670073433613252, "q_0.2": 1.9398895035522234, "q_0.225": 1.9923941629620197, "q_0.25": 2.027131062088837, "q_0.275": 2.0833958217544333, "q_0.3": 2.136317735273385, "q_0.325": 2.1612281936477826, "q_0.35": 2.1737618604535083, "q_0.375": 2.2304222094437676, "q_0.4": 2.2827484712500667, "q_0.425": 2.3163031470852005, "q_0.45": 2.375105238840981, "q_0.475": 2.394340424129465, "q_0.5": 2.441790563669244, "q_0.525": 2.4923650623722877, "q_0.55": 2.5641632133093606, "q_0.575": 2.6200630651147208, "q_0.6": 2.729011295090292, "q_0.625": 2.910085567877327, "q_0.65": 2.9375645139349933, "q_0.675": 2.987237480068975, "q_0.7": 3.082570185997104, "q_0.725": 3.11661440888511, "q_0.75": 3.1419948986942368, "q_0.775": 3.193836981307002, "q_0.8": 3.2721761213411105, "q_0.825": 3.293832348295237, "q_0.85": 3.3382947254345257, "q_0.875": 3.4195654797640556, "q_0.9": 3.4656862685833105, "q_0.925": 3.523454725081377, "q_0.95": 3.576706409454941, "q_0.975": 3.7002354515412668, "q_1": 4.053811225269878}, {"x": 13.325330132052821, "y": 1.9398895035522234, "y_true": 1.5369505857446495, "y_pred": 2.441790563669244, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.61014734001063, "q_0.05": 1.6764723991857389, "q_0.075": 1.7153730467553179, "q_0.1": 1.7401545478134488, "q_0.125": 1.766057223481253, "q_0.15": 1.8095111121900993, "q_0.175": 1.8670073433613252, "q_0.2": 1.9398895035522234, "q_0.225": 1.9923941629620197, "q_0.25": 2.027131062088837, "q_0.275": 2.0833958217544333, "q_0.3": 2.136317735273385, "q_0.325": 2.1612281936477826, "q_0.35": 2.1737618604535083, "q_0.375": 2.2304222094437676, "q_0.4": 2.2827484712500667, "q_0.425": 2.3163031470852005, "q_0.45": 2.375105238840981, "q_0.475": 2.394340424129465, "q_0.5": 2.441790563669244, "q_0.525": 2.4923650623722877, "q_0.55": 2.5641632133093606, "q_0.575": 2.6200630651147208, "q_0.6": 2.729011295090292, "q_0.625": 2.910085567877327, "q_0.65": 2.9375645139349933, "q_0.675": 2.987237480068975, "q_0.7": 3.082570185997104, "q_0.725": 3.11661440888511, "q_0.75": 3.1419948986942368, "q_0.775": 3.193836981307002, "q_0.8": 3.2721761213411105, "q_0.825": 3.293832348295237, "q_0.85": 3.3382947254345257, "q_0.875": 3.4195654797640556, "q_0.9": 3.4656862685833105, "q_0.925": 3.523454725081377, "q_0.95": 3.576706409454941, "q_0.975": 3.7002354515412668, "q_1": 4.053811225269878}, {"x": 13.365346138455383, "y": 1.7866353173490446, "y_true": 1.5381276340948786, "y_pred": 2.4477916916783404, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6495769653196974, "q_0.05": 1.6805791695542958, "q_0.075": 1.715988593388376, "q_0.1": 1.7401545478134488, "q_0.125": 1.785024463450957, "q_0.15": 1.810676679078199, "q_0.175": 1.8825077275430822, "q_0.2": 1.9398895035522234, "q_0.225": 1.99424811067523, "q_0.25": 2.027131062088837, "q_0.275": 2.0833958217544333, "q_0.3": 2.136317735273385, "q_0.325": 2.1612281936477826, "q_0.35": 2.2050773590973116, "q_0.375": 2.2562566884199984, "q_0.4": 2.289944087178931, "q_0.425": 2.337294814550029, "q_0.45": 2.3758752544937853, "q_0.475": 2.4232132211358013, "q_0.5": 2.4477916916783404, "q_0.525": 2.4987847032800143, "q_0.55": 2.567433519049851, "q_0.575": 2.676446867215599, "q_0.6": 2.8097691960241553, "q_0.625": 2.9106099093476447, "q_0.65": 2.944140015617874, "q_0.675": 3.0233510508125065, "q_0.7": 3.0847721040106455, "q_0.725": 3.1227101939238655, "q_0.75": 3.148360344528845, "q_0.775": 3.2029037652023558, "q_0.8": 3.2809613115320513, "q_0.825": 3.2984310619523125, "q_0.85": 3.3494368325860044, "q_0.875": 3.4195654797640556, "q_0.9": 3.4656862685833105, "q_0.925": 3.5245450211353173, "q_0.95": 3.576706409454941, "q_0.975": 3.7002936872232506, "q_1": 4.053811225269878}, {"x": 13.405362144857945, "y": 3.441586955456952, "y_true": 1.5393015409993538, "y_pred": 2.455426470971908, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6495769653196974, "q_0.05": 1.6805791695542958, "q_0.075": 1.7254745564005882, "q_0.1": 1.743644759602239, "q_0.125": 1.785024463450957, "q_0.15": 1.810676679078199, "q_0.175": 1.8825077275430822, "q_0.2": 1.9398895035522234, "q_0.225": 1.99424811067523, "q_0.25": 2.027131062088837, "q_0.275": 2.094443689031947, "q_0.3": 2.146123073277861, "q_0.325": 2.1612281936477826, "q_0.35": 2.219232081835928, "q_0.375": 2.2562566884199984, "q_0.4": 2.2970834254008214, "q_0.425": 2.3390693903909536, "q_0.45": 2.3876967882448223, "q_0.475": 2.4232132211358013, "q_0.5": 2.455426470971908, "q_0.525": 2.519551391651299, "q_0.55": 2.5679072216506094, "q_0.575": 2.716392000954027, "q_0.6": 2.8292310853190643, "q_0.625": 2.9106099093476447, "q_0.65": 2.9482359182540043, "q_0.675": 3.0503513498241857, "q_0.7": 3.094027702409054, "q_0.725": 3.138898997004305, "q_0.75": 3.1680252568862532, "q_0.775": 3.235189055656499, "q_0.8": 3.2928888831873198, "q_0.825": 3.327349574422488, "q_0.85": 3.3519348573142453, "q_0.875": 3.441586955456952, "q_0.9": 3.4815036306311677, "q_0.925": 3.5394533066193468, "q_0.95": 3.6308283437669715, "q_0.975": 3.716241316335802, "q_1": 4.053811225269878}, {"x": 13.445378151260504, "y": 3.5845306398065206, "y_true": 1.5404723237420084, "y_pred": 2.455426470971908, "target": "1", "q_0": 1.340787786784845, "q_0.025": 1.6495769653196974, "q_0.05": 1.6805791695542958, "q_0.075": 1.7254745564005882, "q_0.1": 1.743644759602239, "q_0.125": 1.785024463450957, "q_0.15": 1.810676679078199, "q_0.175": 1.8825077275430822, "q_0.2": 1.9398895035522234, "q_0.225": 1.99424811067523, "q_0.25": 2.0402802991977853, "q_0.275": 2.094443689031947, "q_0.3": 2.146797550217463, "q_0.325": 2.1618886583507457, "q_0.35": 2.2193868606044527, "q_0.375": 2.2562566884199984, "q_0.4": 2.3005804210475995, "q_0.425": 2.34153913501825, "q_0.45": 2.3876967882448223, "q_0.475": 2.428633389531809, "q_0.5": 2.455426470971908, "q_0.525": 2.519551391651299, "q_0.55": 2.5686177755517448, "q_0.575": 2.716392000954027, "q_0.6": 2.8292310853190643, "q_0.625": 2.9147032497610956, "q_0.65": 2.9511751701130873, "q_0.675": 3.0608792606701654, "q_0.7": 3.10544295706245, "q_0.725": 3.138898997004305, "q_0.75": 3.1680252568862532, "q_0.775": 3.235189055656499, "q_0.8": 3.2928888831873198, "q_0.825": 3.327349574422488, "q_0.85": 3.3851307041962526, "q_0.875": 3.441586955456952, "q_0.9": 3.4815036306311677, "q_0.925": 3.5394533066193468, "q_0.95": 3.6308283437669715, "q_0.975": 3.716241316335802, "q_1": 4.053811225269878}, {"x": 13.485394157663066, "y": 2.094034966351967, "y_true": 1.5416399994621874, "y_pred": 2.455426470971908, "target": "1", "q_0": 1.340787786784845, "q_0.025": 1.6495769653196974, "q_0.05": 1.6805791695542958, "q_0.075": 1.7254745564005882, "q_0.1": 1.743644759602239, "q_0.125": 1.785024463450957, "q_0.15": 1.810676679078199, "q_0.175": 1.8825077275430822, "q_0.2": 1.9398895035522234, "q_0.225": 1.99424811067523, "q_0.25": 2.0402802991977853, "q_0.275": 2.094443689031947, "q_0.3": 2.146797550217463, "q_0.325": 2.1618886583507457, "q_0.35": 2.2193868606044527, "q_0.375": 2.2562566884199984, "q_0.4": 2.3005804210475995, "q_0.425": 2.34153913501825, "q_0.45": 2.3876967882448223, "q_0.475": 2.428633389531809, "q_0.5": 2.455426470971908, "q_0.525": 2.519551391651299, "q_0.55": 2.5686177755517448, "q_0.575": 2.716392000954027, "q_0.6": 2.8292310853190643, "q_0.625": 2.9147032497610956, "q_0.65": 2.9511751701130873, "q_0.675": 3.0608792606701654, "q_0.7": 3.10544295706245, "q_0.725": 3.138898997004305, "q_0.75": 3.1680252568862532, "q_0.775": 3.235189055656499, "q_0.8": 3.2928888831873198, "q_0.825": 3.327349574422488, "q_0.85": 3.3851307041962526, "q_0.875": 3.441586955456952, "q_0.9": 3.4815036306311677, "q_0.925": 3.5394533066193468, "q_0.95": 3.6308283437669715, "q_0.975": 3.716241316335802, "q_1": 4.053811225269878}, {"x": 13.525410164065626, "y": 2.1612281936477826, "y_true": 1.5428045851562708, "y_pred": 2.455426470971908, "target": "1", "q_0": 1.340787786784845, "q_0.025": 1.6495769653196974, "q_0.05": 1.6805791695542958, "q_0.075": 1.7254745564005882, "q_0.1": 1.743644759602239, "q_0.125": 1.785024463450957, "q_0.15": 1.810676679078199, "q_0.175": 1.8825077275430822, "q_0.2": 1.9398895035522234, "q_0.225": 1.99424811067523, "q_0.25": 2.0402802991977853, "q_0.275": 2.094443689031947, "q_0.3": 2.146797550217463, "q_0.325": 2.1618886583507457, "q_0.35": 2.2193868606044527, "q_0.375": 2.2562566884199984, "q_0.4": 2.3005804210475995, "q_0.425": 2.34153913501825, "q_0.45": 2.3876967882448223, "q_0.475": 2.428633389531809, "q_0.5": 2.455426470971908, "q_0.525": 2.519551391651299, "q_0.55": 2.5686177755517448, "q_0.575": 2.716392000954027, "q_0.6": 2.8292310853190643, "q_0.625": 2.9147032497610956, "q_0.65": 2.9511751701130873, "q_0.675": 3.0608792606701654, "q_0.7": 3.10544295706245, "q_0.725": 3.138898997004305, "q_0.75": 3.1680252568862532, "q_0.775": 3.235189055656499, "q_0.8": 3.2928888831873198, "q_0.825": 3.327349574422488, "q_0.85": 3.3851307041962526, "q_0.875": 3.441586955456952, "q_0.9": 3.4815036306311677, "q_0.925": 3.5394533066193468, "q_0.95": 3.6308283437669715, "q_0.975": 3.716241316335802, "q_1": 4.053811225269878}, {"x": 13.565426170468188, "y": 1.8825077275430822, "y_true": 1.5439660976792755, "y_pred": 2.455426470971908, "target": "1", "q_0": 1.340787786784845, "q_0.025": 1.6495769653196974, "q_0.05": 1.6805791695542958, "q_0.075": 1.7254745564005882, "q_0.1": 1.743644759602239, "q_0.125": 1.785024463450957, "q_0.15": 1.810676679078199, "q_0.175": 1.8825077275430822, "q_0.2": 1.9398895035522234, "q_0.225": 1.99424811067523, "q_0.25": 2.0402802991977853, "q_0.275": 2.094443689031947, "q_0.3": 2.146797550217463, "q_0.325": 2.1618886583507457, "q_0.35": 2.2193868606044527, "q_0.375": 2.2562566884199984, "q_0.4": 2.3005804210475995, "q_0.425": 2.34153913501825, "q_0.45": 2.3876967882448223, "q_0.475": 2.428633389531809, "q_0.5": 2.455426470971908, "q_0.525": 2.519551391651299, "q_0.55": 2.5686177755517448, "q_0.575": 2.716392000954027, "q_0.6": 2.8292310853190643, "q_0.625": 2.9147032497610956, "q_0.65": 2.9511751701130873, "q_0.675": 3.0608792606701654, "q_0.7": 3.10544295706245, "q_0.725": 3.138898997004305, "q_0.75": 3.1680252568862532, "q_0.775": 3.235189055656499, "q_0.8": 3.2928888831873198, "q_0.825": 3.327349574422488, "q_0.85": 3.3851307041962526, "q_0.875": 3.441586955456952, "q_0.9": 3.4815036306311677, "q_0.925": 3.5394533066193468, "q_0.95": 3.6308283437669715, "q_0.975": 3.716241316335802, "q_1": 4.053811225269878}, {"x": 13.60544217687075, "y": 2.4854253534535315, "y_true": 1.5451245537464342, "y_pred": 2.4874288490489973, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.651692460867325, "q_0.05": 1.6805791695542958, "q_0.075": 1.7254745564005882, "q_0.1": 1.744261310744111, "q_0.125": 1.785024463450957, "q_0.15": 1.843181146497585, "q_0.175": 1.8825077275430822, "q_0.2": 1.9398895035522234, "q_0.225": 1.99424811067523, "q_0.25": 2.0402802991977853, "q_0.275": 2.094443689031947, "q_0.3": 2.146797550217463, "q_0.325": 2.1618886583507457, "q_0.35": 2.2193868606044527, "q_0.375": 2.2562566884199984, "q_0.4": 2.3005804210475995, "q_0.425": 2.34153913501825, "q_0.45": 2.3876967882448223, "q_0.475": 2.4328131151641497, "q_0.5": 2.4874288490489973, "q_0.525": 2.519551391651299, "q_0.55": 2.5686177755517448, "q_0.575": 2.716392000954027, "q_0.6": 2.8292310853190643, "q_0.625": 2.9147032497610956, "q_0.65": 2.9511751701130873, "q_0.675": 3.0608792606701654, "q_0.7": 3.10544295706245, "q_0.725": 3.1419948986942368, "q_0.75": 3.1680252568862532, "q_0.775": 3.2558359707668463, "q_0.8": 3.293832348295237, "q_0.825": 3.327349574422488, "q_0.85": 3.3999694003344496, "q_0.875": 3.441586955456952, "q_0.9": 3.4815036306311677, "q_0.925": 3.5394533066193468, "q_0.95": 3.6308283437669715, "q_0.975": 3.716241316335802, "q_1": 4.053811225269878}, {"x": 13.645458183273309, "y": 3.327349574422488, "y_true": 1.5462799699347525, "y_pred": 2.4923650623722877, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.651692460867325, "q_0.05": 1.6805791695542958, "q_0.075": 1.7254745564005882, "q_0.1": 1.744261310744111, "q_0.125": 1.785024463450957, "q_0.15": 1.8491309244679617, "q_0.175": 1.8865015736714692, "q_0.2": 1.9697461979159923, "q_0.225": 2.007340859870221, "q_0.25": 2.074754357150667, "q_0.275": 2.101075614235774, "q_0.3": 2.1601555344381436, "q_0.325": 2.171001775257661, "q_0.35": 2.221763787765269, "q_0.375": 2.2827484712500667, "q_0.4": 2.3005804210475995, "q_0.425": 2.3447339183764937, "q_0.45": 2.394340424129465, "q_0.475": 2.4328131151641497, "q_0.5": 2.4923650623722877, "q_0.525": 2.5641632133093606, "q_0.55": 2.6200630651147208, "q_0.575": 2.7427053287599286, "q_0.6": 2.910085567877327, "q_0.625": 2.9375645139349933, "q_0.65": 2.987237480068975, "q_0.675": 3.082570185997104, "q_0.7": 3.11661440888511, "q_0.725": 3.142439353581243, "q_0.75": 3.193836981307002, "q_0.775": 3.2558359707668463, "q_0.8": 3.293832348295237, "q_0.825": 3.327349574422488, "q_0.85": 3.3999694003344496, "q_0.875": 3.441586955456952, "q_0.9": 3.4815036306311677, "q_0.925": 3.556470488022298, "q_0.95": 3.6308283437669715, "q_0.975": 3.716241316335802, "q_1": 4.053811225269878}, {"x": 13.68547418967587, "y": 2.992245528319624, "y_true": 1.547432362684544, "y_pred": 2.4923650623722877, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.651692460867325, "q_0.05": 1.6805791695542958, "q_0.075": 1.7254745564005882, "q_0.1": 1.744261310744111, "q_0.125": 1.785024463450957, "q_0.15": 1.8491309244679617, "q_0.175": 1.8865015736714692, "q_0.2": 1.9697461979159923, "q_0.225": 2.007340859870221, "q_0.25": 2.074754357150667, "q_0.275": 2.101075614235774, "q_0.3": 2.1601555344381436, "q_0.325": 2.171001775257661, "q_0.35": 2.221763787765269, "q_0.375": 2.2827484712500667, "q_0.4": 2.3005804210475995, "q_0.425": 2.3447339183764937, "q_0.45": 2.394340424129465, "q_0.475": 2.4328131151641497, "q_0.5": 2.4923650623722877, "q_0.525": 2.5641632133093606, "q_0.55": 2.6200630651147208, "q_0.575": 2.7427053287599286, "q_0.6": 2.910085567877327, "q_0.625": 2.9375645139349933, "q_0.65": 2.987237480068975, "q_0.675": 3.082570185997104, "q_0.7": 3.11661440888511, "q_0.725": 3.142439353581243, "q_0.75": 3.193836981307002, "q_0.775": 3.2558359707668463, "q_0.8": 3.293832348295237, "q_0.825": 3.327349574422488, "q_0.85": 3.3999694003344496, "q_0.875": 3.441586955456952, "q_0.9": 3.4815036306311677, "q_0.925": 3.556470488022298, "q_0.95": 3.6308283437669715, "q_0.975": 3.716241316335802, "q_1": 4.053811225269878}, {"x": 13.725490196078432, "y": 3.293832348295237, "y_true": 1.5485817483009447, "y_pred": 2.4923650623722877, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6601974547742562, "q_0.05": 1.6875606122872815, "q_0.075": 1.7254745564005882, "q_0.1": 1.744261310744111, "q_0.125": 1.7866353173490446, "q_0.15": 1.8491309244679617, "q_0.175": 1.8879114986662764, "q_0.2": 1.9699538884593042, "q_0.225": 2.007340859870221, "q_0.25": 2.07806753604615, "q_0.275": 2.11558631595738, "q_0.3": 2.1601555344381436, "q_0.325": 2.171001775257661, "q_0.35": 2.221763787765269, "q_0.375": 2.2827484712500667, "q_0.4": 2.3163031470852005, "q_0.425": 2.3447339183764937, "q_0.45": 2.394340424129465, "q_0.475": 2.441790563669244, "q_0.5": 2.4923650623722877, "q_0.525": 2.5641632133093606, "q_0.55": 2.6200630651147208, "q_0.575": 2.758599258276219, "q_0.6": 2.910085567877327, "q_0.625": 2.944140015617874, "q_0.65": 2.987237480068975, "q_0.675": 3.084317919855012, "q_0.7": 3.1227101939238655, "q_0.725": 3.148360344528845, "q_0.75": 3.193836981307002, "q_0.775": 3.2721761213411105, "q_0.8": 3.293832348295237, "q_0.825": 3.327349574422488, "q_0.85": 3.3999694003344496, "q_0.875": 3.441586955456952, "q_0.9": 3.4815036306311677, "q_0.925": 3.556470488022298, "q_0.95": 3.6308283437669715, "q_0.975": 3.716241316335802, "q_1": 4.053811225269878}, {"x": 13.765506202480992, "y": 2.021469012882459, "y_true": 1.5497281429554046, "y_pred": 2.519551391651299, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6608085097773626, "q_0.05": 1.6875606122872815, "q_0.075": 1.736563931540788, "q_0.1": 1.746683444054756, "q_0.125": 1.7866353173490446, "q_0.15": 1.8659008625359992, "q_0.175": 1.921713872569338, "q_0.2": 1.97134094507356, "q_0.225": 2.021469012882459, "q_0.25": 2.0823841244089167, "q_0.275": 2.136317735273385, "q_0.3": 2.1612281936477826, "q_0.325": 2.218612966761829, "q_0.35": 2.2562566884199984, "q_0.375": 2.289944087178931, "q_0.4": 2.337294814550029, "q_0.425": 2.3876967882448223, "q_0.45": 2.4232132211358013, "q_0.475": 2.455426470971908, "q_0.5": 2.519551391651299, "q_0.525": 2.567433519049851, "q_0.55": 2.716392000954027, "q_0.575": 2.8292310853190643, "q_0.6": 2.9147032497610956, "q_0.625": 2.9511751701130873, "q_0.65": 3.0608792606701654, "q_0.675": 3.094027702409054, "q_0.7": 3.138898997004305, "q_0.725": 3.1680252568862532, "q_0.75": 3.235189055656499, "q_0.775": 3.2809613115320513, "q_0.8": 3.2984310619523125, "q_0.825": 3.3494368325860044, "q_0.85": 3.4195654797640556, "q_0.875": 3.4656862685833105, "q_0.9": 3.523454725081377, "q_0.925": 3.576520637205075, "q_0.95": 3.6398530810606005, "q_0.975": 3.726517185255917, "q_1": 4.0742237600893345}, {"x": 13.805522208883554, "y": 3.0608792606701654, "y_true": 1.5508715626871603, "y_pred": 2.519551391651299, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6642711547949658, "q_0.05": 1.6875606122872815, "q_0.075": 1.736563931540788, "q_0.1": 1.746683444054756, "q_0.125": 1.7866353173490446, "q_0.15": 1.8659008625359992, "q_0.175": 1.921713872569338, "q_0.2": 1.9726743155341868, "q_0.225": 2.021469012882459, "q_0.25": 2.0833958217544333, "q_0.275": 2.136317735273385, "q_0.3": 2.1612281936477826, "q_0.325": 2.218612966761829, "q_0.35": 2.2562566884199984, "q_0.375": 2.3005804210475995, "q_0.4": 2.337294814550029, "q_0.425": 2.3876967882448223, "q_0.45": 2.427549355852609, "q_0.475": 2.455426470971908, "q_0.5": 2.519551391651299, "q_0.525": 2.5686177755517448, "q_0.55": 2.716392000954027, "q_0.575": 2.8292310853190643, "q_0.6": 2.9375645139349933, "q_0.625": 2.9511751701130873, "q_0.65": 3.0608792606701654, "q_0.675": 3.10544295706245, "q_0.7": 3.1419948986942368, "q_0.725": 3.1680252568862532, "q_0.75": 3.235189055656499, "q_0.775": 3.2809613115320513, "q_0.8": 3.2984310619523125, "q_0.825": 3.3494368325860044, "q_0.85": 3.4195654797640556, "q_0.875": 3.4656862685833105, "q_0.9": 3.523454725081377, "q_0.925": 3.576706409454941, "q_0.95": 3.6398530810606005, "q_0.975": 3.726517185255917, "q_1": 4.0742237600893345}, {"x": 13.845538215286116, "y": 3.4531240432726302, "y_true": 1.5520120234046872, "y_pred": 2.532739632856084, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6642711547949658, "q_0.05": 1.6875606122872815, "q_0.075": 1.736563931540788, "q_0.1": 1.7580061390642232, "q_0.125": 1.7866353173490446, "q_0.15": 1.8670073433613252, "q_0.175": 1.921713872569338, "q_0.2": 1.9837241637792395, "q_0.225": 2.021469012882459, "q_0.25": 2.094443689031947, "q_0.275": 2.146797550217463, "q_0.3": 2.1618886583507457, "q_0.325": 2.2193868606044527, "q_0.35": 2.2827484712500667, "q_0.375": 2.3005804210475995, "q_0.4": 2.34153913501825, "q_0.425": 2.3876967882448223, "q_0.45": 2.4328131151641497, "q_0.475": 2.4874288490489973, "q_0.5": 2.532739632856084, "q_0.525": 2.5686177755517448, "q_0.55": 2.7482574403887723, "q_0.575": 2.8507806336042902, "q_0.6": 2.9375645139349933, "q_0.625": 2.987237480068975, "q_0.65": 3.082570185997104, "q_0.675": 3.1227101939238655, "q_0.7": 3.148360344528845, "q_0.725": 3.193836981307002, "q_0.75": 3.2558359707668463, "q_0.775": 3.2928888831873198, "q_0.8": 3.327349574422488, "q_0.825": 3.3519348573142453, "q_0.85": 3.441586955456952, "q_0.875": 3.4815036306311677, "q_0.9": 3.5394533066193468, "q_0.925": 3.576706409454941, "q_0.95": 3.6621945673308955, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 13.885554221688675, "y": 2.136317735273385, "y_true": 1.5531495408871299, "y_pred": 2.549096452515171, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6642711547949658, "q_0.05": 1.6875606122872815, "q_0.075": 1.7397269803805884, "q_0.1": 1.7580061390642232, "q_0.125": 1.7866353173490446, "q_0.15": 1.8670073433613252, "q_0.175": 1.921713872569338, "q_0.2": 1.9837241637792395, "q_0.225": 2.021469012882459, "q_0.25": 2.101075614235774, "q_0.275": 2.146797550217463, "q_0.3": 2.171001775257661, "q_0.325": 2.221763787765269, "q_0.35": 2.2827484712500667, "q_0.375": 2.3070308941573043, "q_0.4": 2.3447339183764937, "q_0.425": 2.394124866599558, "q_0.45": 2.4328131151641497, "q_0.475": 2.4923650623722877, "q_0.5": 2.549096452515171, "q_0.525": 2.5686177755517448, "q_0.55": 2.758599258276219, "q_0.575": 2.910085567877327, "q_0.6": 2.944140015617874, "q_0.625": 2.987237480068975, "q_0.65": 3.084317919855012, "q_0.675": 3.1227101939238655, "q_0.7": 3.148360344528845, "q_0.725": 3.193836981307002, "q_0.75": 3.2558359707668463, "q_0.775": 3.293832348295237, "q_0.8": 3.327349574422488, "q_0.825": 3.3519348573142453, "q_0.85": 3.441586955456952, "q_0.875": 3.4815036306311677, "q_0.9": 3.5394533066193468, "q_0.925": 3.576706409454941, "q_0.95": 3.67093685399774, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 13.925570228091237, "y": 2.987237480068975, "y_true": 1.5542841307857158, "y_pred": 2.5641632133093606, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.7580061390642232, "q_0.125": 1.8013887196963485, "q_0.15": 1.8670073433613252, "q_0.175": 1.936662933668477, "q_0.2": 1.988080087552442, "q_0.225": 2.027131062088837, "q_0.25": 2.101075614235774, "q_0.275": 2.1601555344381436, "q_0.3": 2.1737618604535083, "q_0.325": 2.221763787765269, "q_0.35": 2.289944087178931, "q_0.375": 2.3163031470852005, "q_0.4": 2.3447339183764937, "q_0.425": 2.394340424129465, "q_0.45": 2.441790563669244, "q_0.475": 2.4923650623722877, "q_0.5": 2.5641632133093606, "q_0.525": 2.6200630651147208, "q_0.55": 2.7711908390505697, "q_0.575": 2.9106099093476447, "q_0.6": 2.9482359182540043, "q_0.625": 3.028872387280381, "q_0.65": 3.0847721040106455, "q_0.675": 3.1243143547949948, "q_0.7": 3.1585551585980562, "q_0.725": 3.2029037652023558, "q_0.75": 3.2721761213411105, "q_0.775": 3.293832348295237, "q_0.8": 3.3382947254345257, "q_0.825": 3.3999694003344496, "q_0.85": 3.4531240432726302, "q_0.875": 3.499501200010317, "q_0.9": 3.5521547230937136, "q_0.925": 3.576706409454941, "q_0.95": 3.695461651296798, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 13.965586234493799, "y": 2.3876967882448223, "y_true": 1.5554158086251464, "y_pred": 2.567433519049851, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.766057223481253, "q_0.125": 1.8095111121900993, "q_0.15": 1.8670073433613252, "q_0.175": 1.9398895035522234, "q_0.2": 1.99424811067523, "q_0.225": 2.0402802991977853, "q_0.25": 2.11558631595738, "q_0.275": 2.1601555344381436, "q_0.3": 2.2117685920564156, "q_0.325": 2.2304222094437676, "q_0.35": 2.289944087178931, "q_0.375": 2.337294814550029, "q_0.4": 2.3758752544937853, "q_0.425": 2.4232132211358013, "q_0.45": 2.441790563669244, "q_0.475": 2.4987847032800143, "q_0.5": 2.567433519049851, "q_0.525": 2.6926217886902015, "q_0.55": 2.8292310853190643, "q_0.575": 2.9147032497610956, "q_0.6": 2.9511751701130873, "q_0.625": 3.0503513498241857, "q_0.65": 3.094027702409054, "q_0.675": 3.138898997004305, "q_0.7": 3.1680252568862532, "q_0.725": 3.2154830123927143, "q_0.75": 3.2721761213411105, "q_0.775": 3.2984310619523125, "q_0.8": 3.3382947254345257, "q_0.825": 3.4027046988291785, "q_0.85": 3.4531240432726302, "q_0.875": 3.523454725081377, "q_0.9": 3.556470488022298, "q_0.925": 3.6308283437669715, "q_0.95": 3.695461651296798, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.005602240896359, "y": 2.1601555344381436, "y_true": 1.5565445898049715, "y_pred": 2.567433519049851, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.766057223481253, "q_0.125": 1.8095111121900993, "q_0.15": 1.8670073433613252, "q_0.175": 1.9398895035522234, "q_0.2": 1.99424811067523, "q_0.225": 2.0402802991977853, "q_0.25": 2.11558631595738, "q_0.275": 2.1601555344381436, "q_0.3": 2.2117685920564156, "q_0.325": 2.2304222094437676, "q_0.35": 2.289944087178931, "q_0.375": 2.337294814550029, "q_0.4": 2.3758752544937853, "q_0.425": 2.4232132211358013, "q_0.45": 2.441790563669244, "q_0.475": 2.4987847032800143, "q_0.5": 2.567433519049851, "q_0.525": 2.6926217886902015, "q_0.55": 2.8292310853190643, "q_0.575": 2.9147032497610956, "q_0.6": 2.9511751701130873, "q_0.625": 3.0503513498241857, "q_0.65": 3.094027702409054, "q_0.675": 3.138898997004305, "q_0.7": 3.1680252568862532, "q_0.725": 3.2154830123927143, "q_0.75": 3.2721761213411105, "q_0.775": 3.2984310619523125, "q_0.8": 3.3382947254345257, "q_0.825": 3.4027046988291785, "q_0.85": 3.4531240432726302, "q_0.875": 3.523454725081377, "q_0.9": 3.556470488022298, "q_0.925": 3.6308283437669715, "q_0.95": 3.695461651296798, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.04561824729892, "y": 3.576706409454941, "y_true": 1.5576704896009446, "y_pred": 2.567433519049851, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.766057223481253, "q_0.125": 1.8095111121900993, "q_0.15": 1.8670073433613252, "q_0.175": 1.9398895035522234, "q_0.2": 1.99424811067523, "q_0.225": 2.0402802991977853, "q_0.25": 2.11558631595738, "q_0.275": 2.1601555344381436, "q_0.3": 2.2117685920564156, "q_0.325": 2.2304222094437676, "q_0.35": 2.289944087178931, "q_0.375": 2.337294814550029, "q_0.4": 2.3758752544937853, "q_0.425": 2.4232132211358013, "q_0.45": 2.441790563669244, "q_0.475": 2.4987847032800143, "q_0.5": 2.567433519049851, "q_0.525": 2.6926217886902015, "q_0.55": 2.8292310853190643, "q_0.575": 2.9147032497610956, "q_0.6": 2.9511751701130873, "q_0.625": 3.0503513498241857, "q_0.65": 3.094027702409054, "q_0.675": 3.138898997004305, "q_0.7": 3.1680252568862532, "q_0.725": 3.2154830123927143, "q_0.75": 3.2721761213411105, "q_0.775": 3.2984310619523125, "q_0.8": 3.3382947254345257, "q_0.825": 3.4027046988291785, "q_0.85": 3.4531240432726302, "q_0.875": 3.523454725081377, "q_0.9": 3.556470488022298, "q_0.925": 3.6308283437669715, "q_0.95": 3.695461651296798, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.085634253701482, "y": 2.285616902900831, "y_true": 1.5587935231663583, "y_pred": 2.567433519049851, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.766057223481253, "q_0.125": 1.8095111121900993, "q_0.15": 1.8670073433613252, "q_0.175": 1.9398895035522234, "q_0.2": 1.99424811067523, "q_0.225": 2.0402802991977853, "q_0.25": 2.11558631595738, "q_0.275": 2.1601555344381436, "q_0.3": 2.2117685920564156, "q_0.325": 2.2304222094437676, "q_0.35": 2.289944087178931, "q_0.375": 2.337294814550029, "q_0.4": 2.3758752544937853, "q_0.425": 2.4232132211358013, "q_0.45": 2.441790563669244, "q_0.475": 2.4987847032800143, "q_0.5": 2.567433519049851, "q_0.525": 2.6926217886902015, "q_0.55": 2.8292310853190643, "q_0.575": 2.9147032497610956, "q_0.6": 2.9511751701130873, "q_0.625": 3.0503513498241857, "q_0.65": 3.094027702409054, "q_0.675": 3.138898997004305, "q_0.7": 3.1680252568862532, "q_0.725": 3.2154830123927143, "q_0.75": 3.2721761213411105, "q_0.775": 3.2984310619523125, "q_0.8": 3.3382947254345257, "q_0.825": 3.4027046988291785, "q_0.85": 3.4531240432726302, "q_0.875": 3.523454725081377, "q_0.9": 3.556470488022298, "q_0.925": 3.6308283437669715, "q_0.95": 3.695461651296798, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.125650260104042, "y": 1.785024463450957, "y_true": 1.559913705533364, "y_pred": 2.567433519049851, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.766057223481253, "q_0.125": 1.8084958131283808, "q_0.15": 1.8670073433613252, "q_0.175": 1.9398895035522234, "q_0.2": 1.99424811067523, "q_0.225": 2.0402802991977853, "q_0.25": 2.11558631595738, "q_0.275": 2.1601555344381436, "q_0.3": 2.2117685920564156, "q_0.325": 2.2304222094437676, "q_0.35": 2.289944087178931, "q_0.375": 2.337294814550029, "q_0.4": 2.3758752544937853, "q_0.425": 2.4232132211358013, "q_0.45": 2.441790563669244, "q_0.475": 2.4987847032800143, "q_0.5": 2.567433519049851, "q_0.525": 2.680894970621113, "q_0.55": 2.8292310853190643, "q_0.575": 2.9147032497610956, "q_0.6": 2.9511751701130873, "q_0.625": 3.0503513498241857, "q_0.65": 3.094027702409054, "q_0.675": 3.138898997004305, "q_0.7": 3.1680252568862532, "q_0.725": 3.235189055656499, "q_0.75": 3.2721761213411105, "q_0.775": 3.2984310619523125, "q_0.8": 3.3382947254345257, "q_0.825": 3.4027046988291785, "q_0.85": 3.4531240432726302, "q_0.875": 3.523454725081377, "q_0.9": 3.556470488022298, "q_0.925": 3.6308283437669715, "q_0.95": 3.695461651296798, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.165666266506603, "y": 2.373082417162535, "y_true": 1.5610310516142711, "y_pred": 2.5686177755517448, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.766057223481253, "q_0.125": 1.810676679078199, "q_0.15": 1.8825077275430822, "q_0.175": 1.9398895035522234, "q_0.2": 1.99424811067523, "q_0.225": 2.0402802991977853, "q_0.25": 2.136317735273385, "q_0.275": 2.1612281936477826, "q_0.3": 2.2193868606044527, "q_0.325": 2.2659820643961868, "q_0.35": 2.3005804210475995, "q_0.375": 2.3390693903909536, "q_0.4": 2.3876967882448223, "q_0.425": 2.4328131151641497, "q_0.45": 2.471713372020629, "q_0.475": 2.519551391651299, "q_0.5": 2.5686177755517448, "q_0.525": 2.7177618126847722, "q_0.55": 2.8309843866460245, "q_0.575": 2.9375645139349933, "q_0.6": 2.987237480068975, "q_0.625": 3.0608792606701654, "q_0.65": 3.123271650228761, "q_0.675": 3.148360344528845, "q_0.7": 3.193836981307002, "q_0.725": 3.235189055656499, "q_0.75": 3.2809613115320513, "q_0.775": 3.2984310619523125, "q_0.8": 3.3494368325860044, "q_0.825": 3.418983029601323, "q_0.85": 3.4815036306311677, "q_0.875": 3.5245450211353173, "q_0.9": 3.5715370135184616, "q_0.925": 3.6398530810606005, "q_0.95": 3.7002354515412668, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.205682272909165, "y": 2.4987847032800143, "y_true": 1.5621455762028313, "y_pred": 2.5686177755517448, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.766057223481253, "q_0.125": 1.810676679078199, "q_0.15": 1.8825077275430822, "q_0.175": 1.9398895035522234, "q_0.2": 1.99424811067523, "q_0.225": 2.07806753604615, "q_0.25": 2.136317735273385, "q_0.275": 2.1618886583507457, "q_0.3": 2.2193868606044527, "q_0.325": 2.2827484712500667, "q_0.35": 2.3005804210475995, "q_0.375": 2.3390693903909536, "q_0.4": 2.3876967882448223, "q_0.425": 2.4328131151641497, "q_0.45": 2.4748682988523942, "q_0.475": 2.519551391651299, "q_0.5": 2.5686177755517448, "q_0.525": 2.7503390983803193, "q_0.55": 2.8507806336042902, "q_0.575": 2.944140015617874, "q_0.6": 2.987237480068975, "q_0.625": 3.084317919855012, "q_0.65": 3.1243143547949948, "q_0.675": 3.148360344528845, "q_0.7": 3.193836981307002, "q_0.725": 3.2558359707668463, "q_0.75": 3.2809613115320513, "q_0.775": 3.316247792724538, "q_0.8": 3.3494368325860044, "q_0.825": 3.4195654797640556, "q_0.85": 3.4815036306311677, "q_0.875": 3.5245450211353173, "q_0.9": 3.576520637205075, "q_0.925": 3.6398530810606005, "q_0.95": 3.7002354515412668, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.245698279311725, "y": 3.138898997004305, "y_true": 1.5632572939755032, "y_pred": 2.5686177755517448, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.766057223481253, "q_0.125": 1.810676679078199, "q_0.15": 1.8825077275430822, "q_0.175": 1.9398895035522234, "q_0.2": 1.99424811067523, "q_0.225": 2.07806753604615, "q_0.25": 2.136317735273385, "q_0.275": 2.1618886583507457, "q_0.3": 2.2193868606044527, "q_0.325": 2.2827484712500667, "q_0.35": 2.3005804210475995, "q_0.375": 2.3390693903909536, "q_0.4": 2.3876967882448223, "q_0.425": 2.4328131151641497, "q_0.45": 2.4748682988523942, "q_0.475": 2.519551391651299, "q_0.5": 2.5686177755517448, "q_0.525": 2.7503390983803193, "q_0.55": 2.8507806336042902, "q_0.575": 2.944140015617874, "q_0.6": 2.987237480068975, "q_0.625": 3.084317919855012, "q_0.65": 3.1243143547949948, "q_0.675": 3.148360344528845, "q_0.7": 3.193836981307002, "q_0.725": 3.2558359707668463, "q_0.75": 3.2809613115320513, "q_0.775": 3.316247792724538, "q_0.8": 3.3494368325860044, "q_0.825": 3.4195654797640556, "q_0.85": 3.4815036306311677, "q_0.875": 3.5245450211353173, "q_0.9": 3.576520637205075, "q_0.925": 3.6398530810606005, "q_0.95": 3.7002354515412668, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.285714285714286, "y": 3.556470488022298, "y_true": 1.5643662194927022, "y_pred": 2.5686177755517448, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.766057223481253, "q_0.125": 1.810676679078199, "q_0.15": 1.8825077275430822, "q_0.175": 1.9398895035522234, "q_0.2": 1.99424811067523, "q_0.225": 2.07806753604615, "q_0.25": 2.136317735273385, "q_0.275": 2.1618886583507457, "q_0.3": 2.2193868606044527, "q_0.325": 2.2827484712500667, "q_0.35": 2.3005804210475995, "q_0.375": 2.3390693903909536, "q_0.4": 2.3876967882448223, "q_0.425": 2.4328131151641497, "q_0.45": 2.4748682988523942, "q_0.475": 2.519551391651299, "q_0.5": 2.5686177755517448, "q_0.525": 2.7503390983803193, "q_0.55": 2.8507806336042902, "q_0.575": 2.944140015617874, "q_0.6": 2.987237480068975, "q_0.625": 3.084317919855012, "q_0.65": 3.1243143547949948, "q_0.675": 3.148360344528845, "q_0.7": 3.193836981307002, "q_0.725": 3.2558359707668463, "q_0.75": 3.2809613115320513, "q_0.775": 3.316247792724538, "q_0.8": 3.3494368325860044, "q_0.825": 3.4195654797640556, "q_0.85": 3.4815036306311677, "q_0.875": 3.5245450211353173, "q_0.9": 3.576520637205075, "q_0.925": 3.6398530810606005, "q_0.95": 3.7002354515412668, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.325730292116848, "y": 3.2809613115320513, "y_true": 1.5654723672000324, "y_pred": 2.5686177755517448, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8468666129079034, "q_0.15": 1.8825077275430822, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.0823841244089167, "q_0.25": 2.136317735273385, "q_0.275": 2.171001775257661, "q_0.3": 2.2193868606044527, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.34153913501825, "q_0.4": 2.3876967882448223, "q_0.425": 2.4328131151641497, "q_0.45": 2.4923650623722877, "q_0.475": 2.532739632856084, "q_0.5": 2.5686177755517448, "q_0.525": 2.758599258276219, "q_0.55": 2.910085567877327, "q_0.575": 2.944140015617874, "q_0.6": 2.987237480068975, "q_0.625": 3.084317919855012, "q_0.65": 3.1243143547949948, "q_0.675": 3.1585551585980562, "q_0.7": 3.1983825601362144, "q_0.725": 3.2558359707668463, "q_0.75": 3.2928888831873198, "q_0.775": 3.327349574422488, "q_0.8": 3.3519348573142453, "q_0.825": 3.4195654797640556, "q_0.85": 3.4815036306311677, "q_0.875": 3.5375897709338493, "q_0.9": 3.576520637205075, "q_0.925": 3.6398530810606005, "q_0.95": 3.7003907466932233, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.365746298519408, "y": 3.523454725081377, "y_true": 1.566575751429502, "y_pred": 2.5686177755517448, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8468666129079034, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.0833958217544333, "q_0.25": 2.136317735273385, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.5686177755517448, "q_0.525": 2.758599258276219, "q_0.55": 2.910085567877327, "q_0.575": 2.944140015617874, "q_0.6": 2.987237480068975, "q_0.625": 3.084317919855012, "q_0.65": 3.1243143547949948, "q_0.675": 3.1676661025083614, "q_0.7": 3.1983825601362144, "q_0.725": 3.2558359707668463, "q_0.75": 3.2928888831873198, "q_0.775": 3.327349574422488, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.495468420747075, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6398530810606005, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.0742237600893345}, {"x": 14.40576230492197, "y": 2.567433519049851, "y_true": 1.567676386400723, "y_pred": 2.5686177755517448, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8468666129079034, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.0833958217544333, "q_0.25": 2.136317735273385, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.5686177755517448, "q_0.525": 2.758599258276219, "q_0.55": 2.910085567877327, "q_0.575": 2.944140015617874, "q_0.6": 2.987237480068975, "q_0.625": 3.084317919855012, "q_0.65": 3.1243143547949948, "q_0.675": 3.1676661025083614, "q_0.7": 3.1983825601362144, "q_0.725": 3.2558359707668463, "q_0.75": 3.2928888831873198, "q_0.775": 3.327349574422488, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.495468420747075, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6398530810606005, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.0742237600893345}, {"x": 14.44577831132453, "y": 3.084317919855012, "y_true": 1.5687742862220948, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.485794317727091, "y": 2.221763787765269, "y_true": 1.569869464891973, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.525810324129653, "y": 1.7179143386966957, "y_true": 1.570961936299821, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.565826330532213, "y": 2.3447339183764937, "y_true": 1.5720517142273478, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.605842336934774, "y": 3.0503513498241857, "y_true": 1.5731388123496308, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.645858343337336, "y": 2.156151411077642, "y_true": 1.5742232442362236, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.685874349739896, "y": 3.4027046988291785, "y_true": 1.5753050233522496, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.725890356142457, "y": 3.2558359707668463, "y_true": 1.5763841630594808, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.765906362545019, "y": 1.9900339952765607, "y_true": 1.5774606766174029, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.805922368947579, "y": 2.2827484712500667, "y_true": 1.578534577184268, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.84593837535014, "y": 3.3382947254345257, "y_true": 1.579605877818131, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.885954381752702, "y": 2.101075614235774, "y_true": 1.5806745914778746, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.925970388155262, "y": 2.289944087178931, "y_true": 1.581740731024221, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.965986394557824, "y": 2.3163031470852005, "y_true": 1.5828043092207302, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.006002400960385, "y": 3.2984310619523125, "y_true": 1.5838653387347859, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.046018407362945, "y": 1.6642711547949658, "y_true": 1.5849238321385672, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.086034413765507, "y": 1.744261310744111, "y_true": 1.5859798019100118, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.126050420168069, "y": 2.8292310853190643, "y_true": 1.5870332604337625, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.166066426570628, "y": 2.441790563669244, "y_true": 1.588084220002105, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.20608243297319, "y": 2.9511751701130873, "y_true": 1.5891326928158922, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.246098439375752, "y": 2.1642531924008592, "y_true": 1.5901786909854576, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.286114445778312, "y": 3.5529704561104833, "y_true": 1.5912222265315168, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.326130452180873, "y": 3.235189055656499, "y_true": 1.592263311386059, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.366146458583433, "y": 1.7397269803805884, "y_true": 1.593301957393224, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.406162464985995, "y": 3.2904565277226743, "y_true": 1.5943381763101738, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.446178471388556, "y": 3.695461651296798, "y_true": 1.5953719798079478, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.486194477791116, "y": 3.6398530810606005, "y_true": 1.5964033794723103, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.526210484193678, "y": 3.193836981307002, "y_true": 1.5974323868045885, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.56622649059624, "y": 1.8670073433613252, "y_true": 1.598459013222497, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.6062424969988, "y": 2.852511499181604, "y_true": 1.5994832700609547, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.646258503401361, "y": 2.2193868606044527, "y_true": 1.6005051685728913, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.686274509803923, "y": 3.716241316335802, "y_true": 1.6015247199300429, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.726290516206483, "y": 3.1680252568862532, "y_true": 1.6025419352237387, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.766306522609044, "y": 2.9375645139349933, "y_true": 1.6035568254656787, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.806322529011606, "y": 3.1243143547949948, "y_true": 1.6045694015887007, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.846338535414166, "y": 2.5641632133093606, "y_true": 1.605579674447538, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.886354541816727, "y": 2.4232132211358013, "y_true": 1.6065876548195703, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.926370548219289, "y": 3.6599194266445485, "y_true": 1.607593353405562, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.966386554621849, "y": 2.337294814550029, "y_true": 1.6085967808303947, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 16.00640256102441, "y": 1.700657170798348, "y_true": 1.6095979476437887, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 16.046418567426972, "y": 2.4923650623722877, "y_true": 1.610596864321018, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 16.086434573829532, "y": 3.3519348573142453, "y_true": 1.6115935412636144, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 16.126450580232092, "y": 3.0419581870896932, "y_true": 1.6125879888000656, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 16.166466586634655, "y": 3.7365428918478374, "y_true": 1.6135802171865032, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 16.206482593037215, "y": 1.8491309244679617, "y_true": 1.614570236607383, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 16.246498599439775, "y": 3.6308283437669715, "y_true": 1.6155580571761587, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570516, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.0833958217544333, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0503513498241857, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2063934018989553, "q_0.725": 3.2721761213411105, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.370292008058055, "q_0.825": 3.441586955456952, "q_0.85": 3.505489581278082, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.666975236297665, "q_0.95": 3.716241316335802, "q_0.975": 3.7716311659512507, "q_1": 4.268951518844273}, {"x": 16.28651460584234, "y": 2.4328131151641497, "y_true": 1.6165436889359452, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.887700009917055, "q_0.175": 1.9697461979159923, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.1601555344381436, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.215198209372608, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.3999694003344496, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.3265306122449, "y": 2.6675388965788827, "y_true": 1.617527141860176, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.887700009917055, "q_0.175": 1.9697461979159923, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.1601555344381436, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.215198209372608, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.3999694003344496, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.366546618647458, "y": 2.5686177755517448, "y_true": 1.6185084258532516, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.887700009917055, "q_0.175": 1.9697461979159923, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.1601555344381436, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.215198209372608, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.3999694003344496, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.40656262505002, "y": 1.8779603856560574, "y_true": 1.619487550751183, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.887700009917055, "q_0.175": 1.9697461979159923, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.1601555344381436, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.215198209372608, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.3999694003344496, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.44657863145258, "y": 2.171001775257661, "y_true": 1.6204645263222226, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.887700009917055, "q_0.175": 1.9697461979159923, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.1601555344381436, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.215198209372608, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.3999694003344496, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.48659463785514, "y": 3.2721761213411105, "y_true": 1.6214393622674939, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570516, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9418719278799952, "q_0.2": 2.007340859870221, "q_0.225": 2.0833958217544333, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.235189055656499, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.4027046988291785, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.526610644257705, "y": 1.6736282582473092, "y_true": 1.6224120682216083, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570516, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9418719278799952, "q_0.2": 2.007340859870221, "q_0.225": 2.0833958217544333, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.235189055656499, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.4027046988291785, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.566626650660265, "y": 1.921713872569338, "y_true": 1.6233826537532796, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570516, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9418719278799952, "q_0.2": 2.007340859870221, "q_0.225": 2.0833958217544333, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.235189055656499, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.4027046988291785, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.606642657062824, "y": 1.6805791695542958, "y_true": 1.624351128365927, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570516, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9418719278799952, "q_0.2": 2.007340859870221, "q_0.225": 2.0833958217544333, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.235189055656499, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.4027046988291785, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.646658663465388, "y": 3.5394533066193468, "y_true": 1.625317501498275, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570516, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9418719278799952, "q_0.2": 2.007340859870221, "q_0.225": 2.0833958217544333, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.235189055656499, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.4027046988291785, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.686674669867948, "y": 3.00579504577123, "y_true": 1.6262817825249436, "y_pred": 2.6672118144933243, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8879114986662764, "q_0.175": 1.9697461979159923, "q_0.2": 2.007340859870221, "q_0.225": 2.0833958217544333, "q_0.25": 2.1568160383829715, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.375105238840981, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.496801536282269, "q_0.475": 2.5641632133093606, "q_0.5": 2.6672118144933243, "q_0.525": 2.7711908390505697, "q_0.55": 2.9147032497610956, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1850435883091572, "q_0.7": 3.235189055656499, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.4027046988291785, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.556470488022298, "q_0.9": 3.6308283437669715, "q_0.925": 3.694864713592013, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.726690676270508, "y": 2.007340859870221, "y_true": 1.6272439807570327, "y_pred": 2.6926217886902015, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6736282582473092, "q_0.05": 1.700657170798348, "q_0.075": 1.742978530146983, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8879114986662764, "q_0.175": 1.9697461979159923, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.1601555344381436, "q_0.275": 2.2117685920564156, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.375105238840981, "q_0.4": 2.4232132211358013, "q_0.425": 2.445337631344143, "q_0.45": 2.496801536282269, "q_0.475": 2.567433519049851, "q_0.5": 2.6926217886902015, "q_0.525": 2.8242615882189286, "q_0.55": 2.9280320315353277, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.122122251245532, "q_0.65": 3.148360344528845, "q_0.675": 3.193836981307002, "q_0.7": 3.235189055656499, "q_0.725": 3.2809613115320513, "q_0.75": 3.2984310619523125, "q_0.775": 3.3494368325860044, "q_0.8": 3.4027046988291785, "q_0.825": 3.4815036306311677, "q_0.85": 3.5245450211353173, "q_0.875": 3.556470488022298, "q_0.9": 3.6308283437669715, "q_0.925": 3.695461651296798, "q_0.95": 3.726517185255917, "q_0.975": 3.793830888280943, "q_1": 4.276668090847616}, {"x": 16.76670668267307, "y": 3.3494368325860044, "y_true": 1.6282041054427014, "y_pred": 2.7711908390505697, "target": "1", "q_0": 1.5086633516570516, "q_0.025": 1.6805791695542958, "q_0.05": 1.7397269803805884, "q_0.075": 1.785024463450957, "q_0.1": 1.8491309244679617, "q_0.125": 1.8981509732479338, "q_0.15": 1.9597137468299473, "q_0.175": 1.9837241637792395, "q_0.2": 2.0823841244089167, "q_0.225": 2.136317735273385, "q_0.25": 2.2117685920564156, "q_0.275": 2.221763787765269, "q_0.3": 2.2827484712500667, "q_0.325": 2.324559256565347, "q_0.35": 2.378039305913013, "q_0.375": 2.4328131151641497, "q_0.4": 2.455161297797124, "q_0.425": 2.496801536282269, "q_0.45": 2.567433519049851, "q_0.475": 2.716392000954027, "q_0.5": 2.7711908390505697, "q_0.525": 2.909750328545787, "q_0.55": 2.9511751701130873, "q_0.575": 3.0503513498241857, "q_0.6": 3.122122251245532, "q_0.625": 3.148360344528845, "q_0.65": 3.193836981307002, "q_0.675": 3.235189055656499, "q_0.7": 3.2809613115320513, "q_0.725": 3.3382947254345257, "q_0.75": 3.370292008058055, "q_0.775": 3.442415724840303, "q_0.8": 3.522202095333013, "q_0.825": 3.5521547230937136, "q_0.85": 3.590302587504638, "q_0.875": 3.666975236297665, "q_0.9": 3.7002354515412668, "q_0.925": 3.7365428918478374, "q_0.95": 3.7958272883525694, "q_0.975": 3.939720545367994, "q_1": 4.601478365291408}, {"x": 16.80672268907563, "y": 3.7958272883525694, "y_true": 1.6291621657677366, "y_pred": 2.7852898547316287, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.880197540341031, "q_0.125": 1.9059524787193978, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.084732466999923, "q_0.225": 2.1601555344381436, "q_0.25": 2.2117685920564156, "q_0.275": 2.2415368825294557, "q_0.3": 2.289944087178931, "q_0.325": 2.337294814550029, "q_0.35": 2.3876967882448223, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.6463215474857016, "q_0.475": 2.7482574403887723, "q_0.5": 2.7852898547316287, "q_0.525": 2.9212385010011017, "q_0.55": 2.9620948511270098, "q_0.575": 3.0503513498241857, "q_0.6": 3.1243143547949948, "q_0.625": 3.157828549901804, "q_0.65": 3.1983825601362144, "q_0.675": 3.245925158272737, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4027046988291785, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.5715370135184616, "q_0.85": 3.6398530810606005, "q_0.875": 3.67093685399774, "q_0.9": 3.716241316335802, "q_0.925": 3.7571756657981075, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 16.84673869547819, "y": 3.726517185255917, "y_true": 1.6301181708561208, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 16.886754701880754, "y": 3.7002354515412668, "y_true": 1.6310721297705875, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 16.926770708283314, "y": 1.6495769653196974, "y_true": 1.6320240515131745, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 16.966786714685874, "y": 2.9579846456361985, "y_true": 1.632973945025771, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 17.006802721088437, "y": 2.2117685920564156, "y_true": 1.6339218191906537, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 17.046818727490997, "y": 2.9074429858462265, "y_true": 1.6348676828310236, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 17.086834733893557, "y": 2.3532406927741807, "y_true": 1.6358115447115318, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 17.12685074029612, "y": 1.9837241637792395, "y_true": 1.636753413538801, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 17.16686674669868, "y": 2.6422650778457606, "y_true": 1.6376932979619423, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 17.20688275310124, "y": 2.758599258276219, "y_true": 1.6386312065730646, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 17.246898759503804, "y": 3.880596944019051, "y_true": 1.639567147907778, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 17.286914765906364, "y": 1.736563931540788, "y_true": 1.6405011304456942, "y_pred": 2.8097691960241553, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1612281936477826, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.6672118144933243, "q_0.475": 2.7503390983803193, "q_0.5": 2.8097691960241553, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2558359707668463, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 17.326930772308923, "y": 2.324559256565347, "y_true": 1.6414331626109189, "y_pred": 2.8242615882189286, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.700657170798348, "q_0.05": 1.744261310744111, "q_0.075": 1.843181146497585, "q_0.1": 1.8865015736714692, "q_0.125": 1.921713872569338, "q_0.15": 1.9699538884593042, "q_0.175": 1.988080087552442, "q_0.2": 2.103699386342056, "q_0.225": 2.171001775257661, "q_0.25": 2.218612966761829, "q_0.275": 2.2562566884199984, "q_0.3": 2.3153809790481863, "q_0.325": 2.3447339183764937, "q_0.35": 2.4170340648268227, "q_0.375": 2.4477916916783404, "q_0.4": 2.4923650623722877, "q_0.425": 2.549096452515171, "q_0.45": 2.6672118144933243, "q_0.475": 2.7503390983803193, "q_0.5": 2.8242615882189286, "q_0.525": 2.9294619038952754, "q_0.55": 2.986521221820581, "q_0.575": 3.084317919855012, "q_0.6": 3.142439353581243, "q_0.625": 3.1680252568862532, "q_0.65": 3.2063934018989553, "q_0.675": 3.2558359707668463, "q_0.7": 3.316247792724538, "q_0.725": 3.3519348573142453, "q_0.75": 3.4176492141237844, "q_0.775": 3.499501200010317, "q_0.8": 3.5394533066193468, "q_0.825": 3.576520637205075, "q_0.85": 3.6463227680354446, "q_0.875": 3.695013948018209, "q_0.9": 3.720078071236834, "q_0.925": 3.7627427035790566, "q_0.95": 3.8483805452575797, "q_0.975": 3.956645244694696, "q_1": 4.601478365291408}, {"x": 17.366946778711487, "y": 3.576520637205075, "y_true": 1.642363252772539, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.700657170798348, "q_0.05": 1.744261310744111, "q_0.075": 1.843181146497585, "q_0.1": 1.8865015736714692, "q_0.125": 1.9309788629699098, "q_0.15": 1.9699538884593042, "q_0.175": 1.988080087552442, "q_0.2": 2.103699386342056, "q_0.225": 2.171001775257661, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.3160802280467, "q_0.325": 2.375105238840981, "q_0.35": 2.4170340648268227, "q_0.375": 2.4477916916783404, "q_0.4": 2.4923650623722877, "q_0.425": 2.549096452515171, "q_0.45": 2.6808881594079543, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 2.987237480068975, "q_0.575": 3.084317919855012, "q_0.6": 3.142439353581243, "q_0.625": 3.1680252568862532, "q_0.65": 3.2063934018989553, "q_0.675": 3.2558359707668463, "q_0.7": 3.316247792724538, "q_0.725": 3.3519348573142453, "q_0.75": 3.418983029601323, "q_0.775": 3.499501200010317, "q_0.8": 3.5521547230937136, "q_0.825": 3.576706409454941, "q_0.85": 3.6463227680354446, "q_0.875": 3.695461651296798, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.9709569051798512, "q_1": 4.601478365291408}, {"x": 17.406962785114047, "y": 3.142439353581243, "y_true": 1.6432914092451054, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.700657170798348, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8865015736714692, "q_0.125": 1.9309788629699098, "q_0.15": 1.9699538884593042, "q_0.175": 2.007340859870221, "q_0.2": 2.103699386342056, "q_0.225": 2.1853471070035178, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.3163031470852005, "q_0.325": 2.375105238840981, "q_0.35": 2.4232132211358013, "q_0.375": 2.4538918513137595, "q_0.4": 2.4923650623722877, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 2.987237480068975, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1701525483141193, "q_0.65": 3.2063934018989553, "q_0.675": 3.264993772752799, "q_0.7": 3.327349574422488, "q_0.725": 3.353391306973348, "q_0.75": 3.418983029601323, "q_0.775": 3.499501200010317, "q_0.8": 3.5521547230937136, "q_0.825": 3.576706409454941, "q_0.85": 3.6621945673308955, "q_0.875": 3.695461651296798, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.9709569051798512, "q_1": 4.601478365291408}, {"x": 17.446978791516607, "y": 3.5245450211353173, "y_true": 1.6442176402891113, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.700657170798348, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8865015736714692, "q_0.125": 1.9309788629699098, "q_0.15": 1.9699538884593042, "q_0.175": 2.007340859870221, "q_0.2": 2.103699386342056, "q_0.225": 2.1853471070035178, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.3163031470852005, "q_0.325": 2.375105238840981, "q_0.35": 2.4232132211358013, "q_0.375": 2.4538918513137595, "q_0.4": 2.4923650623722877, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 2.987237480068975, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1701525483141193, "q_0.65": 3.2063934018989553, "q_0.675": 3.264993772752799, "q_0.7": 3.327349574422488, "q_0.725": 3.353391306973348, "q_0.75": 3.418983029601323, "q_0.775": 3.499501200010317, "q_0.8": 3.5521547230937136, "q_0.825": 3.576706409454941, "q_0.85": 3.6621945673308955, "q_0.875": 3.695461651296798, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.9709569051798512, "q_1": 4.601478365291408}, {"x": 17.48699479791917, "y": 3.148360344528845, "y_true": 1.6451419541114616, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.700657170798348, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8865015736714692, "q_0.125": 1.9309788629699098, "q_0.15": 1.9699538884593042, "q_0.175": 2.007340859870221, "q_0.2": 2.103699386342056, "q_0.225": 2.1853471070035178, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.3163031470852005, "q_0.325": 2.375105238840981, "q_0.35": 2.4232132211358013, "q_0.375": 2.4538918513137595, "q_0.4": 2.4923650623722877, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 2.987237480068975, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1701525483141193, "q_0.65": 3.2063934018989553, "q_0.675": 3.264993772752799, "q_0.7": 3.327349574422488, "q_0.725": 3.353391306973348, "q_0.75": 3.418983029601323, "q_0.775": 3.499501200010317, "q_0.8": 3.5521547230937136, "q_0.825": 3.576706409454941, "q_0.85": 3.6621945673308955, "q_0.875": 3.695461651296798, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.9709569051798512, "q_1": 4.601478365291408}, {"x": 17.52701080432173, "y": 3.376782905968044, "y_true": 1.6460643588659407, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.700657170798348, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8865015736714692, "q_0.125": 1.9309788629699098, "q_0.15": 1.9699538884593042, "q_0.175": 2.007340859870221, "q_0.2": 2.103699386342056, "q_0.225": 2.1853471070035178, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.3163031470852005, "q_0.325": 2.375105238840981, "q_0.35": 2.4232132211358013, "q_0.375": 2.4538918513137595, "q_0.4": 2.4923650623722877, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 2.987237480068975, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1701525483141193, "q_0.65": 3.2063934018989553, "q_0.675": 3.264993772752799, "q_0.7": 3.327349574422488, "q_0.725": 3.353391306973348, "q_0.75": 3.418983029601323, "q_0.775": 3.499501200010317, "q_0.8": 3.5521547230937136, "q_0.825": 3.576706409454941, "q_0.85": 3.6621945673308955, "q_0.875": 3.695461651296798, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.9709569051798512, "q_1": 4.601478365291408}, {"x": 17.56702681072429, "y": 2.7711908390505697, "y_true": 1.6469848626536754, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.700657170798348, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8865015736714692, "q_0.125": 1.9309788629699098, "q_0.15": 1.9699538884593042, "q_0.175": 2.007340859870221, "q_0.2": 2.103699386342056, "q_0.225": 2.1853471070035178, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.3163031470852005, "q_0.325": 2.375105238840981, "q_0.35": 2.4232132211358013, "q_0.375": 2.4538918513137595, "q_0.4": 2.4923650623722877, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 2.987237480068975, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1701525483141193, "q_0.65": 3.2063934018989553, "q_0.675": 3.264993772752799, "q_0.7": 3.327349574422488, "q_0.725": 3.353391306973348, "q_0.75": 3.418983029601323, "q_0.775": 3.499501200010317, "q_0.8": 3.5521547230937136, "q_0.825": 3.576706409454941, "q_0.85": 3.6621945673308955, "q_0.875": 3.695461651296798, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.9709569051798512, "q_1": 4.601478365291408}, {"x": 17.607042817126853, "y": 2.11558631595738, "y_true": 1.6479034735235891, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.700657170798348, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8865015736714692, "q_0.125": 1.9309788629699098, "q_0.15": 1.9699538884593042, "q_0.175": 2.007340859870221, "q_0.2": 2.103699386342056, "q_0.225": 2.1853471070035178, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.3163031470852005, "q_0.325": 2.375105238840981, "q_0.35": 2.4232132211358013, "q_0.375": 2.4538918513137595, "q_0.4": 2.4923650623722877, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 2.987237480068975, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1701525483141193, "q_0.65": 3.2063934018989553, "q_0.675": 3.264993772752799, "q_0.7": 3.327349574422488, "q_0.725": 3.353391306973348, "q_0.75": 3.418983029601323, "q_0.775": 3.499501200010317, "q_0.8": 3.5521547230937136, "q_0.825": 3.576706409454941, "q_0.85": 3.6621945673308955, "q_0.875": 3.695461651296798, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.9709569051798512, "q_1": 4.601478365291408}, {"x": 17.647058823529413, "y": 3.499501200010317, "y_true": 1.6488201994728549, "y_pred": 2.8309843866460245, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.736563931540788, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8879114986662764, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.007340859870221, "q_0.2": 2.11558631595738, "q_0.225": 2.1892755820357195, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.4547633026902496, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8309843866460245, "q_0.525": 2.944140015617874, "q_0.55": 2.987541012660218, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1850435883091572, "q_0.65": 3.211179413909586, "q_0.675": 3.2671245615998408, "q_0.7": 3.3382947254345257, "q_0.725": 3.370292008058055, "q_0.75": 3.441586955456952, "q_0.775": 3.5203231507104635, "q_0.8": 3.556470488022298, "q_0.825": 3.6080736861576215, "q_0.85": 3.6621945673308955, "q_0.875": 3.7002354515412668, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.974268046084235, "q_1": 4.601478365291408}, {"x": 17.687074829931973, "y": 2.9482359182540043, "y_true": 1.6497350484473412, "y_pred": 2.8309843866460245, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.736563931540788, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8879114986662764, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.007340859870221, "q_0.2": 2.11558631595738, "q_0.225": 2.1892755820357195, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.4547633026902496, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8309843866460245, "q_0.525": 2.944140015617874, "q_0.55": 2.987541012660218, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1850435883091572, "q_0.65": 3.211179413909586, "q_0.675": 3.2671245615998408, "q_0.7": 3.3382947254345257, "q_0.725": 3.370292008058055, "q_0.75": 3.441586955456952, "q_0.775": 3.5203231507104635, "q_0.8": 3.556470488022298, "q_0.825": 3.6080736861576215, "q_0.85": 3.6621945673308955, "q_0.875": 3.7002354515412668, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.974268046084235, "q_1": 4.601478365291408}, {"x": 17.727090836334533, "y": 1.9699538884593042, "y_true": 1.6506480283420548, "y_pred": 2.8309843866460245, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.736563931540788, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8879114986662764, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.007340859870221, "q_0.2": 2.11558631595738, "q_0.225": 2.1892755820357195, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.4547633026902496, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8309843866460245, "q_0.525": 2.944140015617874, "q_0.55": 2.987541012660218, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1850435883091572, "q_0.65": 3.211179413909586, "q_0.675": 3.2671245615998408, "q_0.7": 3.3382947254345257, "q_0.725": 3.370292008058055, "q_0.75": 3.441586955456952, "q_0.775": 3.5203231507104635, "q_0.8": 3.556470488022298, "q_0.825": 3.6080736861576215, "q_0.85": 3.6621945673308955, "q_0.875": 3.7002354515412668, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.974268046084235, "q_1": 4.601478365291408}, {"x": 17.767106842737096, "y": 3.495468420747075, "y_true": 1.651559147001577, "y_pred": 2.8309843866460245, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.736563931540788, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8879114986662764, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.007340859870221, "q_0.2": 2.11558631595738, "q_0.225": 2.1892755820357195, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.4547633026902496, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8309843866460245, "q_0.525": 2.944140015617874, "q_0.55": 2.987541012660218, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1850435883091572, "q_0.65": 3.211179413909586, "q_0.675": 3.2671245615998408, "q_0.7": 3.3382947254345257, "q_0.725": 3.370292008058055, "q_0.75": 3.441586955456952, "q_0.775": 3.5203231507104635, "q_0.8": 3.556470488022298, "q_0.825": 3.6080736861576215, "q_0.85": 3.6621945673308955, "q_0.875": 3.7002354515412668, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.974268046084235, "q_1": 4.601478365291408}, {"x": 17.807122849139656, "y": 3.8504047089770763, "y_true": 1.6524684122204951, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.736563931540788, "q_0.05": 1.785024463450957, "q_0.075": 1.856922366415948, "q_0.1": 1.8879114986662764, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2816117251390278, "q_0.3": 2.324559256565347, "q_0.325": 2.379342960646159, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.4531240432726302, "q_0.775": 3.523454725081377, "q_0.8": 3.5715370135184616, "q_0.825": 3.6308283437669715, "q_0.85": 3.666975236297665, "q_0.875": 3.7003907466932233, "q_0.9": 3.7365428918478374, "q_0.925": 3.792510752561383, "q_0.95": 3.865423235726951, "q_0.975": 3.974268046084235, "q_1": 4.601478365291408}, {"x": 17.847138855542216, "y": 2.4477916916783404, "y_true": 1.6533758317438327, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.736563931540788, "q_0.05": 1.7866353173490446, "q_0.075": 1.856922366415948, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.1916100148723814, "q_0.25": 2.2193868606044527, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.455161297797124, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9424961401971585, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.4531240432726302, "q_0.775": 3.523454725081377, "q_0.8": 3.5715370135184616, "q_0.825": 3.6308283437669715, "q_0.85": 3.668657076923141, "q_0.875": 3.7003907466932233, "q_0.9": 3.7459235564656, "q_0.925": 3.792510752561383, "q_0.95": 3.865423235726951, "q_0.975": 3.974268046084235, "q_1": 4.601478365291408}, {"x": 17.88715486194478, "y": 2.3284575883635164, "y_true": 1.6542814132674701, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7409463115429864, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.756064033273435, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9796008373914473, "q_1": 4.601478365291408}, {"x": 17.92717086834734, "y": 1.843181146497585, "y_true": 1.6551851644385644, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7409463115429864, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.756064033273435, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9796008373914473, "q_1": 4.601478365291408}, {"x": 17.9671868747499, "y": 3.1850435883091572, "y_true": 1.6560870928559623, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.7562863597783696, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9890569080420093, "q_1": 4.601478365291408}, {"x": 18.007202881152462, "y": 3.865423235726951, "y_true": 1.6569872060706121, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.7562863597783696, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9890569080420093, "q_1": 4.601478365291408}, {"x": 18.047218887555022, "y": 1.97134094507356, "y_true": 1.6578855115859654, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.7562863597783696, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9890569080420093, "q_1": 4.601478365291408}, {"x": 18.087234893957582, "y": 2.7780148924456958, "y_true": 1.6587820168583818, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.7562863597783696, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9890569080420093, "q_1": 4.601478365291408}, {"x": 18.127250900360146, "y": 1.8865015736714692, "y_true": 1.659676729297523, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.7562863597783696, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9890569080420093, "q_1": 4.601478365291408}, {"x": 18.167266906762706, "y": 1.739394698668447, "y_true": 1.6605696562667465, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.7562863597783696, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9890569080420093, "q_1": 4.601478365291408}, {"x": 18.207282913165265, "y": 3.1983825601362144, "y_true": 1.6614608050834943, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.7562863597783696, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9890569080420093, "q_1": 4.601478365291408}, {"x": 18.24729891956783, "y": 3.67093685399774, "y_true": 1.6623501830196763, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.7562863597783696, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9890569080420093, "q_1": 4.601478365291408}, {"x": 18.28731492597039, "y": 2.445337631344143, "y_true": 1.6632377973020516, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.7562863597783696, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9890569080420093, "q_1": 4.601478365291408}, {"x": 18.32733093237295, "y": 3.694864713592013, "y_true": 1.6641236551126026, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.9398895035522234, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.379342960646159, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.343579605074459, "q_0.725": 3.4014855749733646, "q_0.75": 3.4815036306311677, "q_0.775": 3.530125941651888, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.7146227590555156, "q_0.9": 3.7571756657981075, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.996793693119765, "q_1": 4.601478365291408}, {"x": 18.367346938775512, "y": 1.936662933668477, "y_true": 1.6650077635889111, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.9398895035522234, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.379342960646159, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.343579605074459, "q_0.725": 3.4014855749733646, "q_0.75": 3.4815036306311677, "q_0.775": 3.530125941651888, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.7146227590555156, "q_0.9": 3.7571756657981075, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.996793693119765, "q_1": 4.601478365291408}, {"x": 18.407362945178072, "y": 2.218612966761829, "y_true": 1.6658901298245234, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.9398895035522234, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.379342960646159, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.343579605074459, "q_0.725": 3.4014855749733646, "q_0.75": 3.4815036306311677, "q_0.775": 3.530125941651888, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.7146227590555156, "q_0.9": 3.7571756657981075, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.996793693119765, "q_1": 4.601478365291408}, {"x": 18.44737895158063, "y": 3.7627427035790566, "y_true": 1.6667707608693163, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.9398895035522234, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.379342960646159, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.343579605074459, "q_0.725": 3.4014855749733646, "q_0.75": 3.4815036306311677, "q_0.775": 3.530125941651888, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.7146227590555156, "q_0.9": 3.7571756657981075, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.996793693119765, "q_1": 4.601478365291408}, {"x": 18.487394957983195, "y": 2.8507806336042902, "y_true": 1.6676496637298583, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.9398895035522234, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.379342960646159, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.343579605074459, "q_0.725": 3.4014855749733646, "q_0.75": 3.4815036306311677, "q_0.775": 3.530125941651888, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.7146227590555156, "q_0.9": 3.7571756657981075, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.996793693119765, "q_1": 4.601478365291408}, {"x": 18.527410964385755, "y": 3.0847721040106455, "y_true": 1.6685268453697657, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393318, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8816631177832204, "q_0.1": 1.8981509732479338, "q_0.125": 1.9398895035522234, "q_0.15": 1.97134094507356, "q_0.175": 2.0344093317192424, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.37810448864967, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.343579605074459, "q_0.725": 3.4014855749733646, "q_0.75": 3.474790516800358, "q_0.775": 3.530125941651888, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.7146227590555156, "q_0.9": 3.760515888466677, "q_0.925": 3.7958272883525694, "q_0.95": 3.902951553828625, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.567426970788315, "y": 1.7580061390642232, "y_true": 1.669402312710057, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393318, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8816631177832204, "q_0.1": 1.8981509732479338, "q_0.125": 1.9398895035522234, "q_0.15": 1.97134094507356, "q_0.175": 2.0344093317192424, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.37810448864967, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.343579605074459, "q_0.725": 3.4014855749733646, "q_0.75": 3.474790516800358, "q_0.775": 3.530125941651888, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.7146227590555156, "q_0.9": 3.760515888466677, "q_0.925": 3.7958272883525694, "q_0.95": 3.902951553828625, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.60744297719088, "y": 1.9697461979159923, "y_true": 1.6702760726295018, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393318, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8816631177832204, "q_0.1": 1.8981509732479338, "q_0.125": 1.9398895035522234, "q_0.15": 1.97134094507356, "q_0.175": 2.0344093317192424, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.37810448864967, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.343579605074459, "q_0.725": 3.4014855749733646, "q_0.75": 3.474790516800358, "q_0.775": 3.530125941651888, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.7146227590555156, "q_0.9": 3.760515888466677, "q_0.925": 3.7958272883525694, "q_0.95": 3.902951553828625, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.647458983593438, "y": 1.8013887196963485, "y_true": 1.671148131964968, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393318, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8816631177832204, "q_0.1": 1.8981509732479338, "q_0.125": 1.9398895035522234, "q_0.15": 1.97134094507356, "q_0.175": 2.0344093317192424, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.37810448864967, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.343579605074459, "q_0.725": 3.4014855749733646, "q_0.75": 3.474790516800358, "q_0.775": 3.530125941651888, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.7146227590555156, "q_0.9": 3.760515888466677, "q_0.925": 3.7958272883525694, "q_0.95": 3.902951553828625, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.687474989995998, "y": 3.786445269904908, "y_true": 1.6720184975117631, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8821104160196382, "q_0.1": 1.898834811382455, "q_0.125": 1.9492179919138157, "q_0.15": 1.97134094507356, "q_0.175": 2.0823841244089167, "q_0.2": 2.124096677937921, "q_0.225": 2.2117685920564156, "q_0.25": 2.229295320561961, "q_0.275": 2.2827484712500667, "q_0.3": 2.337294814550029, "q_0.325": 2.379342960646159, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.5686177755517448, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8507806336042902, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.345922496079072, "q_0.725": 3.4027046988291785, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.716241316335802, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.907643907476007, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.72749099639856, "y": 1.988080087552442, "y_true": 1.672887176023974, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8821104160196382, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.15538797460519, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.289944087178931, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.5686177755517448, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4046712897770495, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.920253225994105, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.76750700280112, "y": 3.6621945673308955, "y_true": 1.6737541742148032, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8821104160196382, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.15538797460519, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.289944087178931, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.5686177755517448, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4046712897770495, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.920253225994105, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.80752300920368, "y": 2.496801536282269, "y_true": 1.6746194987568996, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8821104160196382, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.15538797460519, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.289944087178931, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.5686177755517448, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4046712897770495, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.920253225994105, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.847539015606245, "y": 3.5521547230937136, "y_true": 1.6754831562826888, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8821104160196382, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1601555344381436, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.289944087178931, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.571393337679041, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4046712897770495, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.576706409454941, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.920253225994105, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.887555022008804, "y": 2.532739632856084, "y_true": 1.6763451533846971, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8821104160196382, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1601555344381436, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.289944087178931, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.571393337679041, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4046712897770495, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.576706409454941, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.920253225994105, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.927571028411364, "y": 2.3057062865961773, "y_true": 1.6772054966158745, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8825077275430822, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1601555344381436, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.2911475090553504, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.4981635938906557, "q_0.425": 2.5917377746347263, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4027046988291785, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.9268909670051806, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.967587034813928, "y": 1.8981509732479338, "y_true": 1.6780641924899138, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8825077275430822, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1601555344381436, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.2911475090553504, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.4981635938906557, "q_0.425": 2.5917377746347263, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4027046988291785, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.9268909670051806, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 19.007603041216488, "y": 2.3390693903909536, "y_true": 1.6789212474815651, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8825077275430822, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1601555344381436, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.2911475090553504, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.4981635938906557, "q_0.425": 2.5917377746347263, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4027046988291785, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.9268909670051806, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 19.047619047619047, "y": 2.7894703128550846, "y_true": 1.67977666802695, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8825077275430822, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1601555344381436, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.2911475090553504, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.4981635938906557, "q_0.425": 2.5917377746347263, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4027046988291785, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.9268909670051806, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 19.08763505402161, "y": 3.606304868330189, "y_true": 1.6806304605238696, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8825077275430822, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1601555344381436, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.2911475090553504, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.4981635938906557, "q_0.425": 2.5917377746347263, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4027046988291785, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.9268909670051806, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 19.12765106042417, "y": 2.7482574403887723, "y_true": 1.6814826313321105, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8825077275430822, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1601555344381436, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.2911475090553504, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.4981635938906557, "q_0.425": 2.5917377746347263, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4027046988291785, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.9268909670051806, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 19.16766706682673, "y": 3.974268046084235, "y_true": 1.6823331867737492, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393318, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8865015736714692, "q_0.1": 1.9092064798952328, "q_0.125": 1.9697461979159923, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1612281936477826, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.3057062865961773, "q_0.3": 2.3390693903909536, "q_0.325": 2.3876967882448223, "q_0.35": 2.445337631344143, "q_0.375": 2.4748272866028125, "q_0.4": 2.4987847032800143, "q_0.425": 2.6463215474857016, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8507806336042902, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2984310619523125, "q_0.7": 3.3494368325860044, "q_0.725": 3.4046712897770495, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.023615283076078, "q_1": 4.601478365291408}, {"x": 19.207683073229294, "y": 2.9620948511270098, "y_true": 1.6831821331334516, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393318, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8865015736714692, "q_0.1": 1.9092064798952328, "q_0.125": 1.9697461979159923, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1612281936477826, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.3057062865961773, "q_0.3": 2.3390693903909536, "q_0.325": 2.3876967882448223, "q_0.35": 2.445337631344143, "q_0.375": 2.4748272866028125, "q_0.4": 2.4987847032800143, "q_0.425": 2.6463215474857016, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8507806336042902, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2984310619523125, "q_0.7": 3.3494368325860044, "q_0.725": 3.4046712897770495, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.023615283076078, "q_1": 4.601478365291408}, {"x": 19.247699079631854, "y": 1.742978530146983, "y_true": 1.6840294766587696, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393318, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8865015736714692, "q_0.1": 1.9092064798952328, "q_0.125": 1.9697461979159923, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1612281936477826, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.3057062865961773, "q_0.3": 2.3390693903909536, "q_0.325": 2.3876967882448223, "q_0.35": 2.445337631344143, "q_0.375": 2.4748272866028125, "q_0.4": 2.4987847032800143, "q_0.425": 2.6463215474857016, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8507806336042902, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2984310619523125, "q_0.7": 3.3494368325860044, "q_0.725": 3.4046712897770495, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.023615283076078, "q_1": 4.601478365291408}, {"x": 19.287715086034414, "y": 2.6672118144933243, "y_true": 1.6848752235604356, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393318, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8865015736714692, "q_0.1": 1.9092064798952328, "q_0.125": 1.9697461979159923, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1612281936477826, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.3057062865961773, "q_0.3": 2.3390693903909536, "q_0.325": 2.3876967882448223, "q_0.35": 2.445337631344143, "q_0.375": 2.4748272866028125, "q_0.4": 2.4987847032800143, "q_0.425": 2.6463215474857016, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8507806336042902, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2984310619523125, "q_0.7": 3.3494368325860044, "q_0.725": 3.4046712897770495, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.023615283076078, "q_1": 4.601478365291408}, {"x": 19.327731092436977, "y": 3.316247792724538, "y_true": 1.6857193800126549, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8865015736714692, "q_0.1": 1.9092064798952328, "q_0.125": 1.9697461979159923, "q_0.15": 1.9837241637792395, "q_0.175": 2.084732466999923, "q_0.2": 2.1853471070035178, "q_0.225": 2.214610009519448, "q_0.25": 2.2442125503622727, "q_0.275": 2.3057062865961773, "q_0.3": 2.3447339183764937, "q_0.325": 2.392466255602696, "q_0.35": 2.4477916916783404, "q_0.375": 2.4748272866028125, "q_0.4": 2.532739632856084, "q_0.425": 2.6463215474857016, "q_0.45": 2.7244289655061595, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0023326689433887, "q_0.575": 3.09733409211609, "q_0.6": 3.157828549901804, "q_0.625": 3.1983825601362144, "q_0.65": 3.2231726939355, "q_0.675": 3.309653692705213, "q_0.7": 3.3494368325860044, "q_0.725": 3.4176492141237844, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.726517185255917, "q_0.9": 3.7796313450647516, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.050013980166575, "q_1": 4.601478365291408}, {"x": 19.367747098839537, "y": 2.2415368825294557, "y_true": 1.6865619521533919, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8468666129079034, "q_0.075": 1.8865015736714692, "q_0.1": 1.9092064798952328, "q_0.125": 1.9697461979159923, "q_0.15": 1.9837241637792395, "q_0.175": 2.084732466999923, "q_0.2": 2.1853471070035178, "q_0.225": 2.218612966761829, "q_0.25": 2.2442125503622727, "q_0.275": 2.3057062865961773, "q_0.3": 2.375105238840981, "q_0.325": 2.392466255602696, "q_0.35": 2.4477916916783404, "q_0.375": 2.4748682988523942, "q_0.4": 2.532739632856084, "q_0.425": 2.663486646565429, "q_0.45": 2.7244289655061595, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0023326689433887, "q_0.575": 3.122122251245532, "q_0.6": 3.157828549901804, "q_0.625": 3.2012252710124636, "q_0.65": 3.2231726939355, "q_0.675": 3.316247792724538, "q_0.7": 3.3494368325860044, "q_0.725": 3.4176492141237844, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.050013980166575, "q_1": 4.601478365291408}, {"x": 19.407763105242097, "y": 3.343579605074459, "y_true": 1.6874029460846565, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8468666129079034, "q_0.075": 1.8865015736714692, "q_0.1": 1.921713872569338, "q_0.125": 1.9697461979159923, "q_0.15": 1.988080087552442, "q_0.175": 2.087592517766196, "q_0.2": 2.186132802009959, "q_0.225": 2.218612966761829, "q_0.25": 2.253246502896806, "q_0.275": 2.3057062865961773, "q_0.3": 2.375105238840981, "q_0.325": 2.392466255602696, "q_0.35": 2.4477916916783404, "q_0.375": 2.4748682988523942, "q_0.4": 2.532739632856084, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2012252710124636, "q_0.65": 3.2231726939355, "q_0.675": 3.316247792724538, "q_0.7": 3.3519348573142453, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.556470488022298, "q_0.8": 3.6080736861576215, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.050013980166575, "q_1": 4.601478365291408}, {"x": 19.44777911164466, "y": 2.88325108876339, "y_true": 1.688242367872788, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8468666129079034, "q_0.075": 1.8865015736714692, "q_0.1": 1.921713872569338, "q_0.125": 1.9697461979159923, "q_0.15": 1.988080087552442, "q_0.175": 2.087592517766196, "q_0.2": 2.186132802009959, "q_0.225": 2.218612966761829, "q_0.25": 2.253246502896806, "q_0.275": 2.3057062865961773, "q_0.3": 2.375105238840981, "q_0.325": 2.392466255602696, "q_0.35": 2.4477916916783404, "q_0.375": 2.4748682988523942, "q_0.4": 2.532739632856084, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2012252710124636, "q_0.65": 3.2231726939355, "q_0.675": 3.316247792724538, "q_0.7": 3.3519348573142453, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.556470488022298, "q_0.8": 3.6080736861576215, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.050013980166575, "q_1": 4.601478365291408}, {"x": 19.48779511804722, "y": 1.7501904002069806, "y_true": 1.6890802235487332, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8468666129079034, "q_0.075": 1.8865015736714692, "q_0.1": 1.921713872569338, "q_0.125": 1.9697461979159923, "q_0.15": 1.988080087552442, "q_0.175": 2.087592517766196, "q_0.2": 2.186132802009959, "q_0.225": 2.218612966761829, "q_0.25": 2.253246502896806, "q_0.275": 2.3057062865961773, "q_0.3": 2.375105238840981, "q_0.325": 2.392466255602696, "q_0.35": 2.4477916916783404, "q_0.375": 2.4748682988523942, "q_0.4": 2.532739632856084, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2012252710124636, "q_0.65": 3.2231726939355, "q_0.675": 3.316247792724538, "q_0.7": 3.3519348573142453, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.556470488022298, "q_0.8": 3.6080736861576215, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.050013980166575, "q_1": 4.601478365291408}, {"x": 19.52781112444978, "y": 3.529932804650735, "y_true": 1.689916519108324, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8468666129079034, "q_0.075": 1.8865015736714692, "q_0.1": 1.921713872569338, "q_0.125": 1.9697461979159923, "q_0.15": 1.988080087552442, "q_0.175": 2.087592517766196, "q_0.2": 2.186132802009959, "q_0.225": 2.218612966761829, "q_0.25": 2.253246502896806, "q_0.275": 2.3057062865961773, "q_0.3": 2.375105238840981, "q_0.325": 2.392466255602696, "q_0.35": 2.4477916916783404, "q_0.375": 2.4748682988523942, "q_0.4": 2.532739632856084, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2012252710124636, "q_0.65": 3.2231726939355, "q_0.675": 3.316247792724538, "q_0.7": 3.3519348573142453, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.556470488022298, "q_0.8": 3.6080736861576215, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.050013980166575, "q_1": 4.601478365291408}, {"x": 19.56782713085234, "y": 3.0233510508125065, "y_true": 1.6907512605125528, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8468666129079034, "q_0.075": 1.8865015736714692, "q_0.1": 1.921713872569338, "q_0.125": 1.9697461979159923, "q_0.15": 1.988080087552442, "q_0.175": 2.087592517766196, "q_0.2": 2.186132802009959, "q_0.225": 2.218612966761829, "q_0.25": 2.253246502896806, "q_0.275": 2.3057062865961773, "q_0.3": 2.375105238840981, "q_0.325": 2.392466255602696, "q_0.35": 2.4477916916783404, "q_0.375": 2.4748682988523942, "q_0.4": 2.532739632856084, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2012252710124636, "q_0.65": 3.2231726939355, "q_0.675": 3.316247792724538, "q_0.7": 3.3519348573142453, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.556470488022298, "q_0.8": 3.6080736861576215, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.050013980166575, "q_1": 4.601478365291408}, {"x": 19.607843137254903, "y": 1.8879114986662764, "y_true": 1.6915844536878422, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8468666129079034, "q_0.075": 1.8865015736714692, "q_0.1": 1.921713872569338, "q_0.125": 1.9697461979159923, "q_0.15": 1.988080087552442, "q_0.175": 2.087592517766196, "q_0.2": 2.186132802009959, "q_0.225": 2.218612966761829, "q_0.25": 2.253246502896806, "q_0.275": 2.3057062865961773, "q_0.3": 2.375105238840981, "q_0.325": 2.392466255602696, "q_0.35": 2.4477916916783404, "q_0.375": 2.4748682988523942, "q_0.4": 2.532739632856084, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2012252710124636, "q_0.65": 3.2231726939355, "q_0.675": 3.316247792724538, "q_0.7": 3.3519348573142453, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.556470488022298, "q_0.8": 3.6080736861576215, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.050013980166575, "q_1": 4.601478365291408}, {"x": 19.647859143657463, "y": 2.8242615882189286, "y_true": 1.6924161045263166, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8468666129079034, "q_0.075": 1.8865015736714692, "q_0.1": 1.921713872569338, "q_0.125": 1.9697461979159923, "q_0.15": 1.988080087552442, "q_0.175": 2.087592517766196, "q_0.2": 2.186132802009959, "q_0.225": 2.218612966761829, "q_0.25": 2.253246502896806, "q_0.275": 2.3057062865961773, "q_0.3": 2.375105238840981, "q_0.325": 2.392466255602696, "q_0.35": 2.4477916916783404, "q_0.375": 2.4748682988523942, "q_0.4": 2.532739632856084, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2012252710124636, "q_0.65": 3.2231726939355, "q_0.675": 3.316247792724538, "q_0.7": 3.3519348573142453, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.556470488022298, "q_0.8": 3.6080736861576215, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.050013980166575, "q_1": 4.601478365291408}, {"x": 19.687875150060023, "y": 2.378039305913013, "y_true": 1.6932462188860655, "y_pred": 2.887732869733995, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7531954491521842, "q_0.05": 1.8468666129079034, "q_0.075": 1.8879114986662764, "q_0.1": 1.9309788629699098, "q_0.125": 1.9699538884593042, "q_0.15": 1.988080087552442, "q_0.175": 2.103699386342056, "q_0.2": 2.1892755820357195, "q_0.225": 2.218612966761829, "q_0.25": 2.2659820643961868, "q_0.275": 2.315485866397964, "q_0.3": 2.378039305913013, "q_0.325": 2.4145349391087643, "q_0.35": 2.4547633026902496, "q_0.375": 2.484755110951135, "q_0.4": 2.5421714929704304, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.7711908390505697, "q_0.5": 2.887732869733995, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2063934018989553, "q_0.65": 3.235189055656499, "q_0.675": 3.316247792724538, "q_0.7": 3.3552660277039834, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.566008808437526, "q_0.8": 3.6080736861576215, "q_0.825": 3.666975236297665, "q_0.85": 3.6959390313212417, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8483805452575797, "q_0.95": 3.939720545367994, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 19.727891156462587, "y": 3.792510752561383, "y_true": 1.6940748025914114, "y_pred": 2.887732869733995, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7531954491521842, "q_0.05": 1.8468666129079034, "q_0.075": 1.8879114986662764, "q_0.1": 1.9309788629699098, "q_0.125": 1.9699538884593042, "q_0.15": 1.988080087552442, "q_0.175": 2.103699386342056, "q_0.2": 2.1892755820357195, "q_0.225": 2.218612966761829, "q_0.25": 2.2659820643961868, "q_0.275": 2.315485866397964, "q_0.3": 2.378039305913013, "q_0.325": 2.4145349391087643, "q_0.35": 2.4547633026902496, "q_0.375": 2.484755110951135, "q_0.4": 2.5421714929704304, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.7711908390505697, "q_0.5": 2.887732869733995, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2063934018989553, "q_0.65": 3.235189055656499, "q_0.675": 3.316247792724538, "q_0.7": 3.3552660277039834, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.566008808437526, "q_0.8": 3.6080736861576215, "q_0.825": 3.666975236297665, "q_0.85": 3.6959390313212417, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8483805452575797, "q_0.95": 3.939720545367994, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 19.767907162865146, "y": 2.375105238840981, "y_true": 1.6949018614331668, "y_pred": 2.887732869733995, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7531954491521842, "q_0.05": 1.8468666129079034, "q_0.075": 1.8879114986662764, "q_0.1": 1.9309788629699098, "q_0.125": 1.9699538884593042, "q_0.15": 1.988080087552442, "q_0.175": 2.103699386342056, "q_0.2": 2.1892755820357195, "q_0.225": 2.218612966761829, "q_0.25": 2.2659820643961868, "q_0.275": 2.315485866397964, "q_0.3": 2.378039305913013, "q_0.325": 2.4145349391087643, "q_0.35": 2.4547633026902496, "q_0.375": 2.484755110951135, "q_0.4": 2.5421714929704304, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.7711908390505697, "q_0.5": 2.887732869733995, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2063934018989553, "q_0.65": 3.235189055656499, "q_0.675": 3.316247792724538, "q_0.7": 3.3552660277039834, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.566008808437526, "q_0.8": 3.6080736861576215, "q_0.825": 3.666975236297665, "q_0.85": 3.6959390313212417, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8483805452575797, "q_0.95": 3.939720545367994, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 19.807923169267706, "y": 3.9455366276415025, "y_true": 1.6957274011688952, "y_pred": 2.887732869733995, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7531954491521842, "q_0.05": 1.8468666129079034, "q_0.075": 1.8879114986662764, "q_0.1": 1.9309788629699098, "q_0.125": 1.9699538884593042, "q_0.15": 1.988080087552442, "q_0.175": 2.103699386342056, "q_0.2": 2.1892755820357195, "q_0.225": 2.218612966761829, "q_0.25": 2.2659820643961868, "q_0.275": 2.315485866397964, "q_0.3": 2.378039305913013, "q_0.325": 2.4145349391087643, "q_0.35": 2.4547633026902496, "q_0.375": 2.484755110951135, "q_0.4": 2.5421714929704304, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.7711908390505697, "q_0.5": 2.887732869733995, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2063934018989553, "q_0.65": 3.235189055656499, "q_0.675": 3.316247792724538, "q_0.7": 3.3552660277039834, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.566008808437526, "q_0.8": 3.6080736861576215, "q_0.825": 3.666975236297665, "q_0.85": 3.6959390313212417, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8483805452575797, "q_0.95": 3.939720545367994, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 19.84793917567027, "y": 3.0023326689433887, "y_true": 1.6965514275231675, "y_pred": 2.887732869733995, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7531954491521842, "q_0.05": 1.8468666129079034, "q_0.075": 1.8879114986662764, "q_0.1": 1.9309788629699098, "q_0.125": 1.9699538884593042, "q_0.15": 1.988080087552442, "q_0.175": 2.103699386342056, "q_0.2": 2.1892755820357195, "q_0.225": 2.218612966761829, "q_0.25": 2.2659820643961868, "q_0.275": 2.315485866397964, "q_0.3": 2.378039305913013, "q_0.325": 2.4145349391087643, "q_0.35": 2.4547633026902496, "q_0.375": 2.484755110951135, "q_0.4": 2.5421714929704304, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.7711908390505697, "q_0.5": 2.887732869733995, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2063934018989553, "q_0.65": 3.235189055656499, "q_0.675": 3.316247792724538, "q_0.7": 3.3552660277039834, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.566008808437526, "q_0.8": 3.6080736861576215, "q_0.825": 3.666975236297665, "q_0.85": 3.6959390313212417, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8483805452575797, "q_0.95": 3.939720545367994, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 19.88795518207283, "y": 2.471713372020629, "y_true": 1.6973739461878146, "y_pred": 2.887732869733995, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7531954491521842, "q_0.05": 1.8468666129079034, "q_0.075": 1.8879114986662764, "q_0.1": 1.9309788629699098, "q_0.125": 1.9699538884593042, "q_0.15": 1.988080087552442, "q_0.175": 2.103699386342056, "q_0.2": 2.1892755820357195, "q_0.225": 2.218612966761829, "q_0.25": 2.2659820643961868, "q_0.275": 2.315485866397964, "q_0.3": 2.378039305913013, "q_0.325": 2.4145349391087643, "q_0.35": 2.4547633026902496, "q_0.375": 2.484755110951135, "q_0.4": 2.5421714929704304, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.7711908390505697, "q_0.5": 2.887732869733995, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2063934018989553, "q_0.65": 3.235189055656499, "q_0.675": 3.316247792724538, "q_0.7": 3.3552660277039834, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.566008808437526, "q_0.8": 3.6080736861576215, "q_0.825": 3.666975236297665, "q_0.85": 3.6959390313212417, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8483805452575797, "q_0.95": 3.939720545367994, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 19.92797118847539, "y": 3.6463227680354446, "y_true": 1.69819496282218, "y_pred": 2.887732869733995, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7531954491521842, "q_0.05": 1.8468666129079034, "q_0.075": 1.8879114986662764, "q_0.1": 1.9309788629699098, "q_0.125": 1.9699538884593042, "q_0.15": 1.988080087552442, "q_0.175": 2.103699386342056, "q_0.2": 2.1892755820357195, "q_0.225": 2.218612966761829, "q_0.25": 2.2659820643961868, "q_0.275": 2.315485866397964, "q_0.3": 2.378039305913013, "q_0.325": 2.4145349391087643, "q_0.35": 2.4547633026902496, "q_0.375": 2.484755110951135, "q_0.4": 2.5421714929704304, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.7711908390505697, "q_0.5": 2.887732869733995, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2063934018989553, "q_0.65": 3.235189055656499, "q_0.675": 3.316247792724538, "q_0.7": 3.3552660277039834, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.566008808437526, "q_0.8": 3.6080736861576215, "q_0.825": 3.666975236297665, "q_0.85": 3.6959390313212417, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8483805452575797, "q_0.95": 3.939720545367994, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 19.967987194877953, "y": 3.370292008058055, "y_true": 1.699014483053367, "y_pred": 2.905615710123424, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7580061390642232, "q_0.05": 1.8491309244679617, "q_0.075": 1.8879114986662764, "q_0.1": 1.936662933668477, "q_0.125": 1.9711446208734211, "q_0.15": 2.0135902135722845, "q_0.175": 2.103699386342056, "q_0.2": 2.1905071218050285, "q_0.225": 2.2193868606044527, "q_0.25": 2.2659820643961868, "q_0.275": 2.324559256565347, "q_0.3": 2.378039305913013, "q_0.325": 2.4170340648268227, "q_0.35": 2.455161297797124, "q_0.375": 2.4923650623722877, "q_0.4": 2.549096452515171, "q_0.425": 2.668293863082787, "q_0.45": 2.7482574403887723, "q_0.475": 2.7852898547316287, "q_0.5": 2.905615710123424, "q_0.525": 2.9620948511270098, "q_0.55": 3.0273644148069776, "q_0.575": 3.142439353581243, "q_0.6": 3.1850435883091572, "q_0.625": 3.211179413909586, "q_0.65": 3.264993772752799, "q_0.675": 3.343579605074459, "q_0.7": 3.370292008058055, "q_0.725": 3.418983029601323, "q_0.75": 3.523454725081377, "q_0.775": 3.5715370135184616, "q_0.8": 3.6308283437669715, "q_0.825": 3.666975236297665, "q_0.85": 3.7003907466932233, "q_0.875": 3.7491662525253835, "q_0.9": 3.792510752561383, "q_0.925": 3.8504047089770763, "q_0.95": 3.953925754882873, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 20.008003201280513, "y": 2.6926217886902015, "y_true": 1.6998325124764868, "y_pred": 2.905615710123424, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7580061390642232, "q_0.05": 1.8491309244679617, "q_0.075": 1.8879114986662764, "q_0.1": 1.936662933668477, "q_0.125": 1.9711446208734211, "q_0.15": 2.0135902135722845, "q_0.175": 2.103699386342056, "q_0.2": 2.1905071218050285, "q_0.225": 2.2193868606044527, "q_0.25": 2.2659820643961868, "q_0.275": 2.324559256565347, "q_0.3": 2.378039305913013, "q_0.325": 2.4170340648268227, "q_0.35": 2.455161297797124, "q_0.375": 2.4923650623722877, "q_0.4": 2.549096452515171, "q_0.425": 2.668293863082787, "q_0.45": 2.7482574403887723, "q_0.475": 2.7852898547316287, "q_0.5": 2.905615710123424, "q_0.525": 2.9620948511270098, "q_0.55": 3.0273644148069776, "q_0.575": 3.142439353581243, "q_0.6": 3.1850435883091572, "q_0.625": 3.211179413909586, "q_0.65": 3.264993772752799, "q_0.675": 3.343579605074459, "q_0.7": 3.370292008058055, "q_0.725": 3.418983029601323, "q_0.75": 3.523454725081377, "q_0.775": 3.5715370135184616, "q_0.8": 3.6308283437669715, "q_0.825": 3.666975236297665, "q_0.85": 3.7003907466932233, "q_0.875": 3.7491662525253835, "q_0.9": 3.792510752561383, "q_0.925": 3.8504047089770763, "q_0.95": 3.953925754882873, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 20.048019207683073, "y": 3.2117805731313727, "y_true": 1.7006490566549015, "y_pred": 2.9212385010011017, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7580061390642232, "q_0.05": 1.856922366415948, "q_0.075": 1.8899526033401959, "q_0.1": 1.936662933668477, "q_0.125": 1.97134094507356, "q_0.15": 2.021469012882459, "q_0.175": 2.11558631595738, "q_0.2": 2.1927416175421937, "q_0.225": 2.2233711475956004, "q_0.25": 2.2686469003495104, "q_0.275": 2.324559256565347, "q_0.3": 2.378039305913013, "q_0.325": 2.4232132211358013, "q_0.35": 2.471713372020629, "q_0.375": 2.496801536282269, "q_0.4": 2.549096452515171, "q_0.425": 2.6808881594079543, "q_0.45": 2.7482574403887723, "q_0.475": 2.786438473486531, "q_0.5": 2.9212385010011017, "q_0.525": 2.9620948511270098, "q_0.55": 3.0503513498241857, "q_0.575": 3.142439353581243, "q_0.6": 3.1850435883091572, "q_0.625": 3.211179413909586, "q_0.65": 3.264993772752799, "q_0.675": 3.343579605074459, "q_0.7": 3.401155945099232, "q_0.725": 3.418983029601323, "q_0.75": 3.523454725081377, "q_0.775": 3.5715370135184616, "q_0.8": 3.6322691902566353, "q_0.825": 3.666975236297665, "q_0.85": 3.7003907466932233, "q_0.875": 3.7491662525253835, "q_0.9": 3.792510752561383, "q_0.925": 3.8570920487176004, "q_0.95": 3.9604286219453133, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 20.088035214085636, "y": 3.5715370135184616, "y_true": 1.7014641211204662, "y_pred": 2.9212385010011017, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8816631177832204, "q_0.075": 1.8981509732479338, "q_0.1": 1.94549211429443, "q_0.125": 1.9716572244485429, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.198273848926883, "q_0.225": 2.223950019440938, "q_0.25": 2.2686469003495104, "q_0.275": 2.3248460022236523, "q_0.3": 2.382681027184651, "q_0.325": 2.441790563669244, "q_0.35": 2.471713372020629, "q_0.375": 2.4981635938906557, "q_0.4": 2.5917377746347263, "q_0.425": 2.6926217886902015, "q_0.45": 2.7503390983803193, "q_0.475": 2.8242615882189286, "q_0.5": 2.9212385010011017, "q_0.525": 2.986521221820581, "q_0.55": 3.0847721040106455, "q_0.575": 3.148360344528845, "q_0.6": 3.1983825601362144, "q_0.625": 3.2117805731313727, "q_0.65": 3.2734615334866, "q_0.675": 3.3494368325860044, "q_0.7": 3.4027046988291785, "q_0.725": 3.46625577767469, "q_0.75": 3.5521547230937136, "q_0.775": 3.576520637205075, "q_0.8": 3.6463227680354446, "q_0.825": 3.67093685399774, "q_0.85": 3.7146227590555156, "q_0.875": 3.7571756657981075, "q_0.9": 3.7958272883525694, "q_0.925": 3.9095596691147443, "q_0.95": 3.974268046084235, "q_0.975": 4.0742237600893345, "q_1": 4.601478365291408}, {"x": 20.128051220488196, "y": 3.7491662525253835, "y_true": 1.7022777113737688, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9015701639205396, "q_0.1": 1.9492179919138157, "q_0.125": 1.9737522072326243, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.198273848926883, "q_0.225": 2.223950019440938, "q_0.25": 2.2686469003495104, "q_0.275": 2.3248460022236523, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.4981635938906557, "q_0.4": 2.605670703771356, "q_0.425": 2.6926217886902015, "q_0.45": 2.7503390983803193, "q_0.475": 2.8242615882189286, "q_0.5": 2.9280320315353277, "q_0.525": 2.987237480068975, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2117805731313727, "q_0.65": 3.2984310619523125, "q_0.675": 3.3519348573142453, "q_0.7": 3.4046712897770495, "q_0.725": 3.46625577767469, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.67093685399774, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.7958272883525694, "q_0.925": 3.920253225994105, "q_0.95": 3.9796008373914473, "q_0.975": 4.0742237600893345, "q_1": 4.601478365291408}, {"x": 20.168067226890756, "y": 3.666975236297665, "y_true": 1.703089832884367, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9015701639205396, "q_0.1": 1.9492179919138157, "q_0.125": 1.9737522072326243, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.198273848926883, "q_0.225": 2.223950019440938, "q_0.25": 2.2686469003495104, "q_0.275": 2.3248460022236523, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.4981635938906557, "q_0.4": 2.605670703771356, "q_0.425": 2.6926217886902015, "q_0.45": 2.7503390983803193, "q_0.475": 2.8242615882189286, "q_0.5": 2.9280320315353277, "q_0.525": 2.987237480068975, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2117805731313727, "q_0.65": 3.2984310619523125, "q_0.675": 3.3519348573142453, "q_0.7": 3.4046712897770495, "q_0.725": 3.46625577767469, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.67093685399774, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.7958272883525694, "q_0.925": 3.920253225994105, "q_0.95": 3.9796008373914473, "q_0.975": 4.0742237600893345, "q_1": 4.601478365291408}, {"x": 20.20808323329332, "y": 2.103699386342056, "y_true": 1.7039004910910225, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9015701639205396, "q_0.1": 1.9492179919138157, "q_0.125": 1.9737522072326243, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.198273848926883, "q_0.225": 2.223950019440938, "q_0.25": 2.2686469003495104, "q_0.275": 2.3248460022236523, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.4981635938906557, "q_0.4": 2.605670703771356, "q_0.425": 2.6926217886902015, "q_0.45": 2.7503390983803193, "q_0.475": 2.8242615882189286, "q_0.5": 2.9280320315353277, "q_0.525": 2.987237480068975, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2117805731313727, "q_0.65": 3.2984310619523125, "q_0.675": 3.3519348573142453, "q_0.7": 3.4046712897770495, "q_0.725": 3.46625577767469, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.67093685399774, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.7958272883525694, "q_0.925": 3.920253225994105, "q_0.95": 3.9796008373914473, "q_0.975": 4.0742237600893345, "q_1": 4.601478365291408}, {"x": 20.24809923969588, "y": 3.7003907466932233, "y_true": 1.7047096914019348, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9015701639205396, "q_0.1": 1.9492179919138157, "q_0.125": 1.9737522072326243, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.198273848926883, "q_0.225": 2.223950019440938, "q_0.25": 2.2686469003495104, "q_0.275": 2.3248460022236523, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.4981635938906557, "q_0.4": 2.605670703771356, "q_0.425": 2.6926217886902015, "q_0.45": 2.7503390983803193, "q_0.475": 2.8242615882189286, "q_0.5": 2.9280320315353277, "q_0.525": 2.987237480068975, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2117805731313727, "q_0.65": 3.2984310619523125, "q_0.675": 3.3519348573142453, "q_0.7": 3.4046712897770495, "q_0.725": 3.46625577767469, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.67093685399774, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.7958272883525694, "q_0.925": 3.920253225994105, "q_0.95": 3.9796008373914473, "q_0.975": 4.0742237600893345, "q_1": 4.601478365291408}, {"x": 20.28811524609844, "y": 1.8468666129079034, "y_true": 1.705517439194971, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9015701639205396, "q_0.1": 1.9492179919138157, "q_0.125": 1.9737522072326243, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.198273848926883, "q_0.225": 2.223950019440938, "q_0.25": 2.2686469003495104, "q_0.275": 2.3248460022236523, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.4981635938906557, "q_0.4": 2.605670703771356, "q_0.425": 2.6926217886902015, "q_0.45": 2.7503390983803193, "q_0.475": 2.8242615882189286, "q_0.5": 2.9280320315353277, "q_0.525": 2.987237480068975, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2117805731313727, "q_0.65": 3.2984310619523125, "q_0.675": 3.3519348573142453, "q_0.7": 3.4046712897770495, "q_0.725": 3.46625577767469, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.67093685399774, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.7958272883525694, "q_0.925": 3.920253225994105, "q_0.95": 3.9796008373914473, "q_0.975": 4.0742237600893345, "q_1": 4.601478365291408}, {"x": 20.328131252501002, "y": 2.1892755820357195, "y_true": 1.7063237398178945, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9015701639205396, "q_0.1": 1.9492179919138157, "q_0.125": 1.9737522072326243, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.198273848926883, "q_0.225": 2.223950019440938, "q_0.25": 2.2686469003495104, "q_0.275": 2.3248460022236523, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.4981635938906557, "q_0.4": 2.605670703771356, "q_0.425": 2.6926217886902015, "q_0.45": 2.7503390983803193, "q_0.475": 2.8242615882189286, "q_0.5": 2.9280320315353277, "q_0.525": 2.987237480068975, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2117805731313727, "q_0.65": 3.2984310619523125, "q_0.675": 3.3519348573142453, "q_0.7": 3.4046712897770495, "q_0.725": 3.46625577767469, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.67093685399774, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.7958272883525694, "q_0.925": 3.920253225994105, "q_0.95": 3.9796008373914473, "q_0.975": 4.0742237600893345, "q_1": 4.601478365291408}, {"x": 20.368147258903562, "y": 3.211179413909586, "y_true": 1.7071285985885905, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9059524787193978, "q_0.1": 1.9492179919138157, "q_0.125": 1.977190641210023, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.2117685920564156, "q_0.225": 2.229295320561961, "q_0.25": 2.2816117251390278, "q_0.275": 2.338049009282423, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.6926217886902015, "q_0.45": 2.7541570651421017, "q_0.475": 2.8292310853190643, "q_0.5": 2.9280320315353277, "q_0.525": 2.987541012660218, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2231726939355, "q_0.65": 3.309653692705213, "q_0.675": 3.353391306973348, "q_0.7": 3.4128881529918504, "q_0.725": 3.4680774029695485, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.694864713592013, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.8212020589615934, "q_0.925": 3.9268909670051806, "q_0.95": 3.9796008373914473, "q_0.975": 4.1068807620061225, "q_1": 4.601478365291408}, {"x": 20.408163265306122, "y": 1.9850610632438679, "y_true": 1.7079320207952904, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9059524787193978, "q_0.1": 1.9492179919138157, "q_0.125": 1.977190641210023, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.2117685920564156, "q_0.225": 2.229295320561961, "q_0.25": 2.2816117251390278, "q_0.275": 2.338049009282423, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.6926217886902015, "q_0.45": 2.7541570651421017, "q_0.475": 2.8292310853190643, "q_0.5": 2.9280320315353277, "q_0.525": 2.987541012660218, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2231726939355, "q_0.65": 3.309653692705213, "q_0.675": 3.353391306973348, "q_0.7": 3.4128881529918504, "q_0.725": 3.4680774029695485, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.694864713592013, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.8212020589615934, "q_0.925": 3.9268909670051806, "q_0.95": 3.9796008373914473, "q_0.975": 4.1068807620061225, "q_1": 4.601478365291408}, {"x": 20.448179271708685, "y": 3.1676661025083614, "y_true": 1.7087340116967942, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9059524787193978, "q_0.1": 1.9492179919138157, "q_0.125": 1.977190641210023, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.2117685920564156, "q_0.225": 2.229295320561961, "q_0.25": 2.2816117251390278, "q_0.275": 2.338049009282423, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.6926217886902015, "q_0.45": 2.7541570651421017, "q_0.475": 2.8292310853190643, "q_0.5": 2.9280320315353277, "q_0.525": 2.987541012660218, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2231726939355, "q_0.65": 3.309653692705213, "q_0.675": 3.353391306973348, "q_0.7": 3.4128881529918504, "q_0.725": 3.4680774029695485, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.694864713592013, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.8212020589615934, "q_0.925": 3.9268909670051806, "q_0.95": 3.9796008373914473, "q_0.975": 4.1068807620061225, "q_1": 4.601478365291408}, {"x": 20.488195278111245, "y": 2.4547633026902496, "y_true": 1.7095345765226895, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9059524787193978, "q_0.1": 1.9492179919138157, "q_0.125": 1.977190641210023, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.2117685920564156, "q_0.225": 2.229295320561961, "q_0.25": 2.2816117251390278, "q_0.275": 2.338049009282423, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.6926217886902015, "q_0.45": 2.7541570651421017, "q_0.475": 2.8292310853190643, "q_0.5": 2.9280320315353277, "q_0.525": 2.987541012660218, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2231726939355, "q_0.65": 3.309653692705213, "q_0.675": 3.353391306973348, "q_0.7": 3.4128881529918504, "q_0.725": 3.4680774029695485, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.694864713592013, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.8212020589615934, "q_0.925": 3.9268909670051806, "q_0.95": 3.9796008373914473, "q_0.975": 4.1068807620061225, "q_1": 4.601478365291408}, {"x": 20.528211284513805, "y": 2.7503390983803193, "y_true": 1.7103337204735696, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9059524787193978, "q_0.1": 1.9597137468299473, "q_0.125": 1.977190641210023, "q_0.15": 2.0823841244089167, "q_0.175": 2.1311237859058125, "q_0.2": 2.2117685920564156, "q_0.225": 2.2415368825294557, "q_0.25": 2.2816117251390278, "q_0.275": 2.3390693903909536, "q_0.3": 2.382681027184651, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.6926217886902015, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 2.987541012660218, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2231726939355, "q_0.65": 3.309653692705213, "q_0.675": 3.353391306973348, "q_0.7": 3.4143164713314316, "q_0.725": 3.4680774029695485, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.694864713592013, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.8212020589615934, "q_0.925": 3.9268909670051806, "q_0.95": 3.9796008373914473, "q_0.975": 4.1068807620061225, "q_1": 4.601478365291408}, {"x": 20.56822729091637, "y": 2.4748682988523942, "y_true": 1.7111314487212494, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9059524787193978, "q_0.1": 1.9597137468299473, "q_0.125": 1.977190641210023, "q_0.15": 2.0823841244089167, "q_0.175": 2.1311237859058125, "q_0.2": 2.2117685920564156, "q_0.225": 2.2415368825294557, "q_0.25": 2.2816117251390278, "q_0.275": 2.3390693903909536, "q_0.3": 2.382681027184651, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.6926217886902015, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 2.987541012660218, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2231726939355, "q_0.65": 3.309653692705213, "q_0.675": 3.353391306973348, "q_0.7": 3.4143164713314316, "q_0.725": 3.4680774029695485, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.694864713592013, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.8212020589615934, "q_0.925": 3.9268909670051806, "q_0.95": 3.9796008373914473, "q_0.975": 4.1068807620061225, "q_1": 4.601478365291408}, {"x": 20.60824329731893, "y": 1.8821104160196382, "y_true": 1.7119277664089787, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9059524787193978, "q_0.1": 1.9597137468299473, "q_0.125": 1.977190641210023, "q_0.15": 2.0823841244089167, "q_0.175": 2.1311237859058125, "q_0.2": 2.2117685920564156, "q_0.225": 2.2415368825294557, "q_0.25": 2.2816117251390278, "q_0.275": 2.3390693903909536, "q_0.3": 2.382681027184651, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.6926217886902015, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 2.987541012660218, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2231726939355, "q_0.65": 3.309653692705213, "q_0.675": 3.353391306973348, "q_0.7": 3.4143164713314316, "q_0.725": 3.4680774029695485, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.694864713592013, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.8212020589615934, "q_0.925": 3.9268909670051806, "q_0.95": 3.9796008373914473, "q_0.975": 4.1068807620061225, "q_1": 4.601478365291408}, {"x": 20.64825930372149, "y": 2.9280320315353277, "y_true": 1.7127226786516543, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9059524787193978, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.0823841244089167, "q_0.175": 2.1638405748224727, "q_0.2": 2.2117685920564156, "q_0.225": 2.2415368825294557, "q_0.25": 2.2827484712500667, "q_0.275": 2.3390693903909536, "q_0.3": 2.3876967882448223, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.7244289655061595, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 2.987541012660218, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2231726939355, "q_0.65": 3.316247792724538, "q_0.675": 3.353391306973348, "q_0.7": 3.4176492141237844, "q_0.725": 3.4869689450100205, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.694864713592013, "q_0.85": 3.726517185255917, "q_0.875": 3.7796313450647516, "q_0.9": 3.8212020589615934, "q_0.925": 3.9268909670051806, "q_0.95": 3.996793693119765, "q_0.975": 4.112451093040405, "q_1": 4.601478365291408}, {"x": 20.68827531012405, "y": 4.053811225269878, "y_true": 1.7135161905360292, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8821104160196382, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.0823841244089167, "q_0.175": 2.171001775257661, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3390693903909536, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.7244289655061595, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.09733409211609, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.2231726939355, "q_0.65": 3.316247792724538, "q_0.675": 3.3665355129695547, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6621945673308955, "q_0.825": 3.7002354515412668, "q_0.85": 3.726517185255917, "q_0.875": 3.786445269904908, "q_0.9": 3.8483805452575797, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 20.72829131652661, "y": 3.2012252710124636, "y_true": 1.7143083071209215, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8821104160196382, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.0823841244089167, "q_0.175": 2.171001775257661, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3390693903909536, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.7244289655061595, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.09733409211609, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.2231726939355, "q_0.65": 3.316247792724538, "q_0.675": 3.3665355129695547, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6621945673308955, "q_0.825": 3.7002354515412668, "q_0.85": 3.726517185255917, "q_0.875": 3.786445269904908, "q_0.9": 3.8483805452575797, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 20.76830732292917, "y": 2.4448432599122647, "y_true": 1.7150990334374188, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8821104160196382, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.0823841244089167, "q_0.175": 2.171001775257661, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3390693903909536, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.7244289655061595, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.09733409211609, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.2231726939355, "q_0.65": 3.316247792724538, "q_0.675": 3.3665355129695547, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6621945673308955, "q_0.825": 3.7002354515412668, "q_0.85": 3.726517185255917, "q_0.875": 3.786445269904908, "q_0.9": 3.8483805452575797, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 20.808323329331735, "y": 4.04313636731768, "y_true": 1.7158883744890836, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8821104160196382, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.0823841244089167, "q_0.175": 2.171001775257661, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3390693903909536, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.7244289655061595, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.09733409211609, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.2231726939355, "q_0.65": 3.316247792724538, "q_0.675": 3.3665355129695547, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6621945673308955, "q_0.825": 3.7002354515412668, "q_0.85": 3.726517185255917, "q_0.875": 3.786445269904908, "q_0.9": 3.8483805452575797, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 20.848339335734295, "y": 2.6647536763634654, "y_true": 1.716676335252154, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8821104160196382, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.0823841244089167, "q_0.175": 2.171001775257661, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3390693903909536, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.7244289655061595, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.09733409211609, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.2231726939355, "q_0.65": 3.316247792724538, "q_0.675": 3.3665355129695547, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6621945673308955, "q_0.825": 3.7002354515412668, "q_0.85": 3.726517185255917, "q_0.875": 3.786445269904908, "q_0.9": 3.8483805452575797, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 20.888355342136855, "y": 3.4176492141237844, "y_true": 1.717462920675745, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8821104160196382, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.0823841244089167, "q_0.175": 2.171001775257661, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3390693903909536, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.7244289655061595, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.09733409211609, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.2231726939355, "q_0.65": 3.316247792724538, "q_0.675": 3.3665355129695547, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6621945673308955, "q_0.825": 3.7002354515412668, "q_0.85": 3.726517185255917, "q_0.875": 3.786445269904908, "q_0.9": 3.8483805452575797, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 20.928371348539418, "y": 3.264993772752799, "y_true": 1.718248135682047, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8863297316143355, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3390693903909536, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.6463215474857016, "q_0.425": 2.7244289655061595, "q_0.45": 2.7541570651421017, "q_0.475": 2.8837922146436323, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.113446395550243, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.327349574422488, "q_0.675": 3.370292008058055, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6621945673308955, "q_0.825": 3.7003907466932233, "q_0.85": 3.7459235564656, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 20.968387354941978, "y": 4.045060328385297, "y_true": 1.719031985166521, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8863297316143355, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3390693903909536, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.6463215474857016, "q_0.425": 2.7244289655061595, "q_0.45": 2.7541570651421017, "q_0.475": 2.8837922146436323, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.113446395550243, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.327349574422488, "q_0.675": 3.370292008058055, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6621945673308955, "q_0.825": 3.7003907466932233, "q_0.85": 3.7459235564656, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 21.008403361344538, "y": 3.953925754882873, "y_true": 1.719814473998095, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8863297316143355, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3447339183764937, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.8837922146436323, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3286306980272906, "q_0.675": 3.370292008058055, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6631507011242523, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 21.0484193677471, "y": 2.0823841244089167, "y_true": 1.7205956070193555, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8863297316143355, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3447339183764937, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.8837922146436323, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3286306980272906, "q_0.675": 3.370292008058055, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6631507011242523, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 21.08843537414966, "y": 1.9309788629699098, "y_true": 1.72137538904674, "y_pred": 2.9375645139349933, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8863297316143355, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.2869817001809967, "q_0.275": 2.3447339183764937, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9375645139349933, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.124382246637914, "q_1": 4.601478365291408}, {"x": 21.12845138055222, "y": 3.7040905091234384, "y_true": 1.722153824870726, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9092064798952328, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.291548649680823, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.418983029601323, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.168467386954784, "y": 3.939720545367994, "y_true": 1.7229309192560183, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9092064798952328, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.291548649680823, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.418983029601323, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.208483393357344, "y": 2.932167722898658, "y_true": 1.7237066769417355, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9092064798952328, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.291548649680823, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.418983029601323, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.248499399759904, "y": 3.418983029601323, "y_true": 1.7244811026415945, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9092064798952328, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.291548649680823, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.418983029601323, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.288515406162468, "y": 1.8965713894634864, "y_true": 1.7252542010440932, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9092064798952328, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.291548649680823, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.418983029601323, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.328531412565027, "y": 2.2659820643961868, "y_true": 1.7260259768126907, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9092064798952328, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.291548649680823, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.418983029601323, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.368547418967587, "y": 2.0939995405010134, "y_true": 1.7267964345859879, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9092064798952328, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.291548649680823, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.418983029601323, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.40856342537015, "y": 3.2063934018989553, "y_true": 1.7275655789779045, "y_pred": 2.9375645139349933, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9309788629699098, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1892755820357195, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.3057062865961773, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9375645139349933, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.418983029601323, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.44857943177271, "y": 2.214610009519448, "y_true": 1.7283334145778562, "y_pred": 2.9375645139349933, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9309788629699098, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1892755820357195, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.3057062865961773, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9375645139349933, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.418983029601323, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.48859543817527, "y": 1.8765234339615413, "y_true": 1.729099945950927, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9309788629699098, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1892755820357195, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.3057062865961773, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.2558359707668463, "q_0.65": 3.3296445072915564, "q_0.675": 3.401155945099232, "q_0.7": 3.418983029601323, "q_0.725": 3.499501200010317, "q_0.75": 3.566008808437526, "q_0.775": 3.6147308455352865, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.792510752561383, "q_0.9": 3.865423235726951, "q_0.925": 3.953925754882873, "q_0.95": 4.023615283076078, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.52861144457783, "y": 2.4748272866028125, "y_true": 1.7298651776380458, "y_pred": 2.9482359182540043, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8468666129079034, "q_0.05": 1.8917401245504895, "q_0.075": 1.936662933668477, "q_0.1": 1.9711446208734211, "q_0.125": 2.0344093317192424, "q_0.15": 2.11558631595738, "q_0.175": 2.1905071218050285, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.484755110951135, "q_0.375": 2.549096452515171, "q_0.4": 2.6672118144933243, "q_0.425": 2.7252740794696506, "q_0.45": 2.783567202157163, "q_0.475": 2.9006328592899173, "q_0.5": 2.9482359182540043, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.193836981307002, "q_0.6": 3.2117805731313727, "q_0.625": 3.2984310619523125, "q_0.65": 3.353391306973348, "q_0.675": 3.4014855749733646, "q_0.7": 3.460687561603477, "q_0.725": 3.5521547230937136, "q_0.75": 3.576706409454941, "q_0.775": 3.6322691902566353, "q_0.8": 3.67093685399774, "q_0.825": 3.720078071236834, "q_0.85": 3.7627427035790566, "q_0.875": 3.8212020589615934, "q_0.9": 3.920253225994105, "q_0.925": 3.974268046084235, "q_0.95": 4.053811225269878, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.568627450980394, "y": 3.401155945099232, "y_true": 1.7306291141561554, "y_pred": 2.9482359182540043, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8468666129079034, "q_0.05": 1.8917401245504895, "q_0.075": 1.936662933668477, "q_0.1": 1.9711446208734211, "q_0.125": 2.0344093317192424, "q_0.15": 2.11558631595738, "q_0.175": 2.1905071218050285, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.484755110951135, "q_0.375": 2.549096452515171, "q_0.4": 2.6672118144933243, "q_0.425": 2.7252740794696506, "q_0.45": 2.783567202157163, "q_0.475": 2.9006328592899173, "q_0.5": 2.9482359182540043, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.193836981307002, "q_0.6": 3.2117805731313727, "q_0.625": 3.2984310619523125, "q_0.65": 3.353391306973348, "q_0.675": 3.4014855749733646, "q_0.7": 3.460687561603477, "q_0.725": 3.5521547230937136, "q_0.75": 3.576706409454941, "q_0.775": 3.6322691902566353, "q_0.8": 3.67093685399774, "q_0.825": 3.720078071236834, "q_0.85": 3.7627427035790566, "q_0.875": 3.8212020589615934, "q_0.9": 3.920253225994105, "q_0.925": 3.974268046084235, "q_0.95": 4.053811225269878, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.608643457382954, "y": 3.157828549901804, "y_true": 1.7313917599983821, "y_pred": 2.9482359182540043, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8468666129079034, "q_0.05": 1.8917401245504895, "q_0.075": 1.936662933668477, "q_0.1": 1.9711446208734211, "q_0.125": 2.0344093317192424, "q_0.15": 2.11558631595738, "q_0.175": 2.1905071218050285, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.484755110951135, "q_0.375": 2.549096452515171, "q_0.4": 2.6672118144933243, "q_0.425": 2.7252740794696506, "q_0.45": 2.783567202157163, "q_0.475": 2.9006328592899173, "q_0.5": 2.9482359182540043, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.193836981307002, "q_0.6": 3.2117805731313727, "q_0.625": 3.2984310619523125, "q_0.65": 3.353391306973348, "q_0.675": 3.4014855749733646, "q_0.7": 3.460687561603477, "q_0.725": 3.5521547230937136, "q_0.75": 3.576706409454941, "q_0.775": 3.6322691902566353, "q_0.8": 3.67093685399774, "q_0.825": 3.720078071236834, "q_0.85": 3.7627427035790566, "q_0.875": 3.8212020589615934, "q_0.9": 3.920253225994105, "q_0.925": 3.974268046084235, "q_0.95": 4.053811225269878, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.648659463785513, "y": 2.549096452515171, "y_true": 1.7321531196342062, "y_pred": 2.9482359182540043, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8468666129079034, "q_0.05": 1.8917401245504895, "q_0.075": 1.936662933668477, "q_0.1": 1.9711446208734211, "q_0.125": 2.0344093317192424, "q_0.15": 2.11558631595738, "q_0.175": 2.1905071218050285, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.484755110951135, "q_0.375": 2.549096452515171, "q_0.4": 2.6672118144933243, "q_0.425": 2.7252740794696506, "q_0.45": 2.783567202157163, "q_0.475": 2.9006328592899173, "q_0.5": 2.9482359182540043, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.193836981307002, "q_0.6": 3.2117805731313727, "q_0.625": 3.2984310619523125, "q_0.65": 3.353391306973348, "q_0.675": 3.4014855749733646, "q_0.7": 3.460687561603477, "q_0.725": 3.5521547230937136, "q_0.75": 3.576706409454941, "q_0.775": 3.6322691902566353, "q_0.8": 3.67093685399774, "q_0.825": 3.720078071236834, "q_0.85": 3.7627427035790566, "q_0.875": 3.8212020589615934, "q_0.9": 3.920253225994105, "q_0.925": 3.974268046084235, "q_0.95": 4.053811225269878, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.688675470188077, "y": 3.7931478943544557, "y_true": 1.7329131975096281, "y_pred": 2.9482359182540043, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8468666129079034, "q_0.05": 1.8917401245504895, "q_0.075": 1.936662933668477, "q_0.1": 1.9711446208734211, "q_0.125": 2.0344093317192424, "q_0.15": 2.11558631595738, "q_0.175": 2.1905071218050285, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.484755110951135, "q_0.375": 2.549096452515171, "q_0.4": 2.6672118144933243, "q_0.425": 2.7252740794696506, "q_0.45": 2.783567202157163, "q_0.475": 2.9006328592899173, "q_0.5": 2.9482359182540043, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.193836981307002, "q_0.6": 3.2117805731313727, "q_0.625": 3.2984310619523125, "q_0.65": 3.353391306973348, "q_0.675": 3.4014855749733646, "q_0.7": 3.460687561603477, "q_0.725": 3.5521547230937136, "q_0.75": 3.576706409454941, "q_0.775": 3.6322691902566353, "q_0.8": 3.67093685399774, "q_0.825": 3.720078071236834, "q_0.85": 3.7627427035790566, "q_0.875": 3.8212020589615934, "q_0.9": 3.920253225994105, "q_0.925": 3.974268046084235, "q_0.95": 4.053811225269878, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.728691476590637, "y": 2.4170340648268227, "y_true": 1.7336719980473334, "y_pred": 2.9482359182540043, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8468666129079034, "q_0.05": 1.8917401245504895, "q_0.075": 1.936662933668477, "q_0.1": 1.9711446208734211, "q_0.125": 2.0344093317192424, "q_0.15": 2.11558631595738, "q_0.175": 2.1905071218050285, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.484755110951135, "q_0.375": 2.549096452515171, "q_0.4": 2.6672118144933243, "q_0.425": 2.7252740794696506, "q_0.45": 2.783567202157163, "q_0.475": 2.9006328592899173, "q_0.5": 2.9482359182540043, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.193836981307002, "q_0.6": 3.2117805731313727, "q_0.625": 3.2984310619523125, "q_0.65": 3.353391306973348, "q_0.675": 3.4014855749733646, "q_0.7": 3.460687561603477, "q_0.725": 3.5521547230937136, "q_0.75": 3.576706409454941, "q_0.775": 3.6322691902566353, "q_0.8": 3.67093685399774, "q_0.825": 3.720078071236834, "q_0.85": 3.7627427035790566, "q_0.875": 3.8212020589615934, "q_0.9": 3.920253225994105, "q_0.925": 3.974268046084235, "q_0.95": 4.053811225269878, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.768707482993197, "y": 2.379342960646159, "y_true": 1.734429525646857, "y_pred": 2.9482359182540043, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8491309244679617, "q_0.05": 1.8981509732479338, "q_0.075": 1.936662933668477, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.11558631595738, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.4923650623722877, "q_0.375": 2.549096452515171, "q_0.4": 2.668293863082787, "q_0.425": 2.7252740794696506, "q_0.45": 2.783567202157163, "q_0.475": 2.9006328592899173, "q_0.5": 2.9482359182540043, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.1983825601362144, "q_0.6": 3.2231726939355, "q_0.625": 3.309653692705213, "q_0.65": 3.353391306973348, "q_0.675": 3.4046712897770495, "q_0.7": 3.460687561603477, "q_0.725": 3.5521547230937136, "q_0.75": 3.590302587504638, "q_0.775": 3.6462269616838245, "q_0.8": 3.67093685399774, "q_0.825": 3.720078071236834, "q_0.85": 3.7627427035790566, "q_0.875": 3.8212020589615934, "q_0.9": 3.920253225994105, "q_0.925": 3.974268046084235, "q_0.95": 4.053811225269878, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.80872348939576, "y": 3.122122251245532, "y_true": 1.7351857846847463, "y_pred": 2.950780802798181, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.856922366415948, "q_0.05": 1.8979909619074242, "q_0.075": 1.936662933668477, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.11558631595738, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.488590119858136, "q_0.375": 2.549096452515171, "q_0.4": 2.668293863082787, "q_0.425": 2.7252740794696506, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.950780802798181, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.1983825601362144, "q_0.6": 3.2231726939355, "q_0.625": 3.309653692705213, "q_0.65": 3.353391306973348, "q_0.675": 3.4046712897770495, "q_0.7": 3.46625577767469, "q_0.725": 3.5521547230937136, "q_0.75": 3.590302587504638, "q_0.775": 3.6462269616838245, "q_0.8": 3.67093685399774, "q_0.825": 3.720078071236834, "q_0.85": 3.7796313450647516, "q_0.875": 3.8212020589615934, "q_0.9": 3.920253225994105, "q_0.925": 3.974268046084235, "q_0.95": 4.0714414255033775, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.84873949579832, "y": 2.9212385010011017, "y_true": 1.735940779514722, "y_pred": 2.9482359182540043, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.11558631595738, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.4923650623722877, "q_0.375": 2.549096452515171, "q_0.4": 2.668293863082787, "q_0.425": 2.7252740794696506, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.9482359182540043, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.1983825601362144, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.3552660277039834, "q_0.675": 3.4128881529918504, "q_0.7": 3.46625577767469, "q_0.725": 3.552408034873406, "q_0.75": 3.590302587504638, "q_0.775": 3.6463227680354446, "q_0.8": 3.694864713592013, "q_0.825": 3.726517185255917, "q_0.85": 3.786445269904908, "q_0.875": 3.8483805452575797, "q_0.9": 3.9268909670051806, "q_0.925": 3.9796008373914473, "q_0.95": 4.0714414255033775, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.88875550220088, "y": 2.8428229718475677, "y_true": 1.7366945144678374, "y_pred": 2.9482359182540043, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.11558631595738, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.4923650623722877, "q_0.375": 2.549096452515171, "q_0.4": 2.668293863082787, "q_0.425": 2.7252740794696506, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.9482359182540043, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.1983825601362144, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.3552660277039834, "q_0.675": 3.4128881529918504, "q_0.7": 3.46625577767469, "q_0.725": 3.552408034873406, "q_0.75": 3.590302587504638, "q_0.775": 3.6463227680354446, "q_0.8": 3.694864713592013, "q_0.825": 3.726517185255917, "q_0.85": 3.786445269904908, "q_0.875": 3.8483805452575797, "q_0.9": 3.9268909670051806, "q_0.925": 3.9796008373914473, "q_0.95": 4.0714414255033775, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.928771508603443, "y": 2.124096677937921, "y_true": 1.7374469938526382, "y_pred": 2.950780802798181, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.496801536282269, "q_0.375": 2.5686177755517448, "q_0.4": 2.668293863082787, "q_0.425": 2.72530696125584, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.950780802798181, "q_0.525": 3.0233510508125065, "q_0.55": 3.1385194217963046, "q_0.575": 3.2012252710124636, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.370292008058055, "q_0.675": 3.4128881529918504, "q_0.7": 3.46625577767469, "q_0.725": 3.562263916856411, "q_0.75": 3.590302587504638, "q_0.775": 3.6463227680354446, "q_0.8": 3.694864713592013, "q_0.825": 3.7365428918478374, "q_0.85": 3.7913710112124965, "q_0.875": 3.8483805452575797, "q_0.9": 3.9268909670051806, "q_0.925": 3.9796008373914473, "q_0.95": 4.0742237600893345, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.968787515006003, "y": 2.9915401696264237, "y_true": 1.7381982219553174, "y_pred": 2.950780802798181, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.496801536282269, "q_0.375": 2.5686177755517448, "q_0.4": 2.668293863082787, "q_0.425": 2.72530696125584, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.950780802798181, "q_0.525": 3.0233510508125065, "q_0.55": 3.1385194217963046, "q_0.575": 3.2012252710124636, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.370292008058055, "q_0.675": 3.4128881529918504, "q_0.7": 3.46625577767469, "q_0.725": 3.562263916856411, "q_0.75": 3.590302587504638, "q_0.775": 3.6463227680354446, "q_0.8": 3.694864713592013, "q_0.825": 3.7365428918478374, "q_0.85": 3.7913710112124965, "q_0.875": 3.8483805452575797, "q_0.9": 3.9268909670051806, "q_0.925": 3.9796008373914473, "q_0.95": 4.0742237600893345, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 22.008803521408563, "y": 2.382681027184651, "y_true": 1.7389482030398722, "y_pred": 2.950780802798181, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.496801536282269, "q_0.375": 2.5730586749554183, "q_0.4": 2.668293863082787, "q_0.425": 2.7482574403887723, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.950780802798181, "q_0.525": 3.0233510508125065, "q_0.55": 3.142439353581243, "q_0.575": 3.2012252710124636, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.370292008058055, "q_0.675": 3.4176492141237844, "q_0.7": 3.4675309153810914, "q_0.725": 3.562263916856411, "q_0.75": 3.590302587504638, "q_0.775": 3.6463227680354446, "q_0.8": 3.6953422637558417, "q_0.825": 3.7459235564656, "q_0.85": 3.7913710112124965, "q_0.875": 3.8483805452575797, "q_0.9": 3.9268909670051806, "q_0.925": 3.996793693119765, "q_0.95": 4.0742237600893345, "q_0.975": 4.184335582340923, "q_1": 4.601478365291408}, {"x": 22.048819527811126, "y": 2.7150242808366185, "y_true": 1.7396969413482588, "y_pred": 2.950780802798181, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.496801536282269, "q_0.375": 2.5730586749554183, "q_0.4": 2.668293863082787, "q_0.425": 2.7482574403887723, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.950780802798181, "q_0.525": 3.0233510508125065, "q_0.55": 3.142439353581243, "q_0.575": 3.2012252710124636, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.370292008058055, "q_0.675": 3.4176492141237844, "q_0.7": 3.4675309153810914, "q_0.725": 3.562263916856411, "q_0.75": 3.590302587504638, "q_0.775": 3.6463227680354446, "q_0.8": 3.6953422637558417, "q_0.825": 3.7459235564656, "q_0.85": 3.7913710112124965, "q_0.875": 3.8483805452575797, "q_0.9": 3.9268909670051806, "q_0.925": 3.996793693119765, "q_0.95": 4.0742237600893345, "q_0.975": 4.184335582340923, "q_1": 4.601478365291408}, {"x": 22.088835534213686, "y": 3.566008808437526, "y_true": 1.7404444411005433, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.496801536282269, "q_0.375": 2.5730586749554183, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0253373082851653, "q_0.55": 3.142439353581243, "q_0.575": 3.2012252710124636, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.370292008058055, "q_0.675": 3.4176492141237844, "q_0.7": 3.4680774029695485, "q_0.725": 3.562263916856411, "q_0.75": 3.6080736861576215, "q_0.775": 3.6463227680354446, "q_0.8": 3.7002354515412668, "q_0.825": 3.7459235564656, "q_0.85": 3.7913710112124965, "q_0.875": 3.8504047089770763, "q_0.9": 3.9319023165796763, "q_0.925": 3.996793693119765, "q_0.95": 4.0742237600893345, "q_0.975": 4.184335582340923, "q_1": 4.601478365291408}, {"x": 22.128851540616246, "y": 4.0742237600893345, "y_true": 1.741190706495055, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.496801536282269, "q_0.375": 2.5730586749554183, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0253373082851653, "q_0.55": 3.142439353581243, "q_0.575": 3.2012252710124636, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.370292008058055, "q_0.675": 3.4176492141237844, "q_0.7": 3.4680774029695485, "q_0.725": 3.562263916856411, "q_0.75": 3.6080736861576215, "q_0.775": 3.6463227680354446, "q_0.8": 3.7002354515412668, "q_0.825": 3.7459235564656, "q_0.85": 3.7913710112124965, "q_0.875": 3.8504047089770763, "q_0.9": 3.9319023165796763, "q_0.925": 3.996793693119765, "q_0.95": 4.0742237600893345, "q_0.975": 4.184335582340923, "q_1": 4.601478365291408}, {"x": 22.16886754701881, "y": 3.6703389175486167, "y_true": 1.7419357417085362, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.496801536282269, "q_0.375": 2.5730586749554183, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0253373082851653, "q_0.55": 3.142439353581243, "q_0.575": 3.2012252710124636, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.370292008058055, "q_0.675": 3.4176492141237844, "q_0.7": 3.4680774029695485, "q_0.725": 3.562263916856411, "q_0.75": 3.6080736861576215, "q_0.775": 3.6463227680354446, "q_0.8": 3.7002354515412668, "q_0.825": 3.7459235564656, "q_0.85": 3.7913710112124965, "q_0.875": 3.8504047089770763, "q_0.9": 3.9319023165796763, "q_0.925": 3.996793693119765, "q_0.95": 4.0742237600893345, "q_0.975": 4.184335582340923, "q_1": 4.601478365291408}, {"x": 22.20888355342137, "y": 2.7541570651421017, "y_true": 1.74267955089629, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.496801536282269, "q_0.375": 2.5730586749554183, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0253373082851653, "q_0.55": 3.142439353581243, "q_0.575": 3.2012252710124636, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.370292008058055, "q_0.675": 3.4176492141237844, "q_0.7": 3.4680774029695485, "q_0.725": 3.562263916856411, "q_0.75": 3.6080736861576215, "q_0.775": 3.6463227680354446, "q_0.8": 3.7002354515412668, "q_0.825": 3.7459235564656, "q_0.85": 3.7913710112124965, "q_0.875": 3.8504047089770763, "q_0.9": 3.9319023165796763, "q_0.925": 3.996793693119765, "q_0.95": 4.0742237600893345, "q_0.975": 4.184335582340923, "q_1": 4.601478365291408}, {"x": 22.24889955982393, "y": 3.2231726939355, "y_true": 1.7434221381923303, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.496801536282269, "q_0.375": 2.5730586749554183, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0253373082851653, "q_0.55": 3.142439353581243, "q_0.575": 3.2012252710124636, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.370292008058055, "q_0.675": 3.4176492141237844, "q_0.7": 3.4680774029695485, "q_0.725": 3.562263916856411, "q_0.75": 3.6080736861576215, "q_0.775": 3.6463227680354446, "q_0.8": 3.7002354515412668, "q_0.825": 3.7459235564656, "q_0.85": 3.7913710112124965, "q_0.875": 3.8504047089770763, "q_0.9": 3.9319023165796763, "q_0.925": 3.996793693119765, "q_0.95": 4.0742237600893345, "q_0.975": 4.184335582340923, "q_1": 4.601478365291408}, {"x": 22.288915566226493, "y": 3.6080736861576215, "y_true": 1.7441635077095257, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9015701639205396, "q_0.075": 1.9492179919138157, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.4981635938906557, "q_0.375": 2.5917377746347263, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0253373082851653, "q_0.55": 3.142439353581243, "q_0.575": 3.2012252710124636, "q_0.6": 3.247672616839975, "q_0.625": 3.3286306980272906, "q_0.65": 3.370292008058055, "q_0.675": 3.4176492141237844, "q_0.7": 3.495149857235451, "q_0.725": 3.562263916856411, "q_0.75": 3.6080736861576215, "q_0.775": 3.6463227680354446, "q_0.8": 3.7003907466932233, "q_0.825": 3.7491662525253835, "q_0.85": 3.7913710112124965, "q_0.875": 3.8504047089770763, "q_0.9": 3.939720545367994, "q_0.925": 3.996793693119765, "q_0.95": 4.0742237600893345, "q_0.975": 4.184335582340923, "q_1": 4.601478365291408}, {"x": 22.328931572629052, "y": 2.7798428527883594, "y_true": 1.744903663539746, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.1927416175421937, "q_0.2": 2.223950019440938, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.4981635938906557, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.2642043964528042, "q_0.625": 3.3296445072915564, "q_0.65": 3.401155945099232, "q_0.675": 3.418983029601323, "q_0.7": 3.495468420747075, "q_0.725": 3.566008808437526, "q_0.75": 3.6080736861576215, "q_0.775": 3.6641068349176065, "q_0.8": 3.7003907466932233, "q_0.825": 3.7491662525253835, "q_0.85": 3.7933028339931183, "q_0.875": 3.865423235726951, "q_0.9": 3.939720545367994, "q_0.925": 4.008720357673253, "q_0.95": 4.0742237600893345, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.368947579031612, "y": 2.6463215474857016, "y_true": 1.7456426097540056, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.1927416175421937, "q_0.2": 2.223950019440938, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.4981635938906557, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.2642043964528042, "q_0.625": 3.3296445072915564, "q_0.65": 3.401155945099232, "q_0.675": 3.418983029601323, "q_0.7": 3.495468420747075, "q_0.725": 3.566008808437526, "q_0.75": 3.6080736861576215, "q_0.775": 3.6641068349176065, "q_0.8": 3.7003907466932233, "q_0.825": 3.7491662525253835, "q_0.85": 3.7933028339931183, "q_0.875": 3.865423235726951, "q_0.9": 3.939720545367994, "q_0.925": 4.008720357673253, "q_0.95": 4.0742237600893345, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.408963585434176, "y": 2.084732466999923, "y_true": 1.7463803504026068, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.1927416175421937, "q_0.2": 2.223950019440938, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.4981635938906557, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.2642043964528042, "q_0.625": 3.3296445072915564, "q_0.65": 3.401155945099232, "q_0.675": 3.418983029601323, "q_0.7": 3.495468420747075, "q_0.725": 3.566008808437526, "q_0.75": 3.6080736861576215, "q_0.775": 3.6641068349176065, "q_0.8": 3.7003907466932233, "q_0.825": 3.7491662525253835, "q_0.85": 3.7933028339931183, "q_0.875": 3.865423235726951, "q_0.9": 3.939720545367994, "q_0.925": 4.008720357673253, "q_0.95": 4.0742237600893345, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.448979591836736, "y": 3.590302587504638, "y_true": 1.7471168895152795, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.1927416175421937, "q_0.2": 2.223950019440938, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.4981635938906557, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.2642043964528042, "q_0.625": 3.3296445072915564, "q_0.65": 3.401155945099232, "q_0.675": 3.418983029601323, "q_0.7": 3.495468420747075, "q_0.725": 3.566008808437526, "q_0.75": 3.6080736861576215, "q_0.775": 3.6641068349176065, "q_0.8": 3.7003907466932233, "q_0.825": 3.7491662525253835, "q_0.85": 3.7933028339931183, "q_0.875": 3.865423235726951, "q_0.9": 3.939720545367994, "q_0.925": 4.008720357673253, "q_0.95": 4.0742237600893345, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.488995598239296, "y": 3.8483805452575797, "y_true": 1.7478522311013238, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.52901160464186, "y": 2.5421714929704304, "y_true": 1.7485863791497467, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.56902761104442, "y": 3.7146227590555156, "y_true": 1.7493193376294014, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.60904361744698, "y": 3.281665640988899, "y_true": 1.7500511104891232, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.649059623849542, "y": 3.720078071236834, "y_true": 1.7507817016578653, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.689075630252102, "y": 2.7852898547316287, "y_true": 1.7515111150448326, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.729091636654662, "y": 3.6322691902566353, "y_true": 1.7522393545396158, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.769107643057225, "y": 2.7809592086882904, "y_true": 1.7529664240123226, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.809123649459785, "y": 1.977190641210023, "y_true": 1.753692327313709, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.849139655862345, "y": 3.141697526815767, "y_true": 1.754417068275309, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.88915566226491, "y": 2.9006328592899173, "y_true": 1.755140650709563, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.92917166866747, "y": 2.3938515938575122, "y_true": 1.755863078409947, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.969187675070028, "y": 4.008720357673253, "y_true": 1.7565843551510962, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 23.00920368147259, "y": 2.7244289655061595, "y_true": 1.7573044846889343, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 23.04921968787515, "y": 1.856922366415948, "y_true": 1.7580234707607942, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.905615710123424, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.343579605074459, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5203231507104635, "q_0.725": 3.5715370135184616, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.7958272883525694, "q_0.875": 3.906366733050187, "q_0.9": 3.9540424658107725, "q_0.925": 4.023615283076078, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.601478365291408}, {"x": 23.08923569427771, "y": 2.7252740794696506, "y_true": 1.7587413170855446, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.905615710123424, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.343579605074459, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5203231507104635, "q_0.725": 3.5715370135184616, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.7958272883525694, "q_0.875": 3.906366733050187, "q_0.9": 3.9540424658107725, "q_0.925": 4.023615283076078, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.601478365291408}, {"x": 23.129251700680275, "y": 2.8338436995425003, "y_true": 1.7594580273637104, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.905615710123424, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.343579605074459, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5203231507104635, "q_0.725": 3.5715370135184616, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.7958272883525694, "q_0.875": 3.906366733050187, "q_0.9": 3.9540424658107725, "q_0.925": 4.023615283076078, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.601478365291408}, {"x": 23.169267707082835, "y": 3.942250920322188, "y_true": 1.7601736052775947, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.905615710123424, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.343579605074459, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5203231507104635, "q_0.725": 3.5715370135184616, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.7958272883525694, "q_0.875": 3.906366733050187, "q_0.9": 3.9540424658107725, "q_0.925": 4.023615283076078, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.601478365291408}, {"x": 23.209283713485394, "y": 3.7860703685721644, "y_true": 1.7608880544913994, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.905615710123424, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.343579605074459, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5203231507104635, "q_0.725": 3.5715370135184616, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.7958272883525694, "q_0.875": 3.906366733050187, "q_0.9": 3.9540424658107725, "q_0.925": 4.023615283076078, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.601478365291408}, {"x": 23.249299719887958, "y": 2.2686469003495104, "y_true": 1.7616013786513443, "y_pred": 2.986521221820581, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.1664529559971624, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.613141023924022, "q_0.4": 2.6808881594079543, "q_0.425": 2.7503390983803193, "q_0.45": 2.8242615882189286, "q_0.475": 2.905615710123424, "q_0.5": 2.986521221820581, "q_0.525": 3.027945289300058, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.3494368325860044, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5245450211353173, "q_0.725": 3.5715370135184616, "q_0.75": 3.6322691902566353, "q_0.775": 3.6703389175486167, "q_0.8": 3.720078071236834, "q_0.825": 3.7627427035790566, "q_0.85": 3.8212020589615934, "q_0.875": 3.9095596691147443, "q_0.9": 3.9709569051798512, "q_0.925": 4.050013980166575, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.737127610767498}, {"x": 23.289315726290518, "y": 3.8911277507262363, "y_true": 1.7623135813857855, "y_pred": 2.986521221820581, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.1664529559971624, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.613141023924022, "q_0.4": 2.6808881594079543, "q_0.425": 2.7503390983803193, "q_0.45": 2.8242615882189286, "q_0.475": 2.905615710123424, "q_0.5": 2.986521221820581, "q_0.525": 3.027945289300058, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.3494368325860044, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5245450211353173, "q_0.725": 3.5715370135184616, "q_0.75": 3.6322691902566353, "q_0.775": 3.6703389175486167, "q_0.8": 3.720078071236834, "q_0.825": 3.7627427035790566, "q_0.85": 3.8212020589615934, "q_0.875": 3.9095596691147443, "q_0.9": 3.9709569051798512, "q_0.925": 4.050013980166575, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.737127610767498}, {"x": 23.329331732693078, "y": 2.392466255602696, "y_true": 1.7630246663053328, "y_pred": 2.986521221820581, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.1664529559971624, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.613141023924022, "q_0.4": 2.6808881594079543, "q_0.425": 2.7503390983803193, "q_0.45": 2.8242615882189286, "q_0.475": 2.905615710123424, "q_0.5": 2.986521221820581, "q_0.525": 3.027945289300058, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.3494368325860044, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5245450211353173, "q_0.725": 3.5715370135184616, "q_0.75": 3.6322691902566353, "q_0.775": 3.6703389175486167, "q_0.8": 3.720078071236834, "q_0.825": 3.7627427035790566, "q_0.85": 3.8212020589615934, "q_0.875": 3.9095596691147443, "q_0.9": 3.9709569051798512, "q_0.925": 4.050013980166575, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.737127610767498}, {"x": 23.369347739095637, "y": 2.632382260477554, "y_true": 1.7637346370029665, "y_pred": 2.986521221820581, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.1664529559971624, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.613141023924022, "q_0.4": 2.6808881594079543, "q_0.425": 2.7503390983803193, "q_0.45": 2.8242615882189286, "q_0.475": 2.905615710123424, "q_0.5": 2.986521221820581, "q_0.525": 3.027945289300058, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.3494368325860044, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5245450211353173, "q_0.725": 3.5715370135184616, "q_0.75": 3.6322691902566353, "q_0.775": 3.6703389175486167, "q_0.8": 3.720078071236834, "q_0.825": 3.7627427035790566, "q_0.85": 3.8212020589615934, "q_0.875": 3.9095596691147443, "q_0.9": 3.9709569051798512, "q_0.925": 4.050013980166575, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.737127610767498}, {"x": 23.4093637454982, "y": 1.9597137468299473, "y_true": 1.7644434970541525, "y_pred": 2.986521221820581, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.1664529559971624, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.613141023924022, "q_0.4": 2.6808881594079543, "q_0.425": 2.7503390983803193, "q_0.45": 2.8242615882189286, "q_0.475": 2.905615710123424, "q_0.5": 2.986521221820581, "q_0.525": 3.027945289300058, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.3494368325860044, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5245450211353173, "q_0.725": 3.5715370135184616, "q_0.75": 3.6322691902566353, "q_0.775": 3.6703389175486167, "q_0.8": 3.720078071236834, "q_0.825": 3.7627427035790566, "q_0.85": 3.8212020589615934, "q_0.875": 3.9095596691147443, "q_0.9": 3.9709569051798512, "q_0.925": 4.050013980166575, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.737127610767498}, {"x": 23.44937975190076, "y": 1.9059524787193978, "y_true": 1.7651512500169568, "y_pred": 2.986521221820581, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.1664529559971624, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.613141023924022, "q_0.4": 2.6808881594079543, "q_0.425": 2.7503390983803193, "q_0.45": 2.8242615882189286, "q_0.475": 2.905615710123424, "q_0.5": 2.986521221820581, "q_0.525": 3.027945289300058, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.3494368325860044, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5245450211353173, "q_0.725": 3.5715370135184616, "q_0.75": 3.6322691902566353, "q_0.775": 3.6703389175486167, "q_0.8": 3.720078071236834, "q_0.825": 3.7627427035790566, "q_0.85": 3.8212020589615934, "q_0.875": 3.9095596691147443, "q_0.9": 3.9709569051798512, "q_0.925": 4.050013980166575, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.737127610767498}, {"x": 23.48939575830332, "y": 3.4987254321951626, "y_true": 1.7658578994321594, "y_pred": 2.986521221820581, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.1664529559971624, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.613141023924022, "q_0.4": 2.6808881594079543, "q_0.425": 2.7503390983803193, "q_0.45": 2.8242615882189286, "q_0.475": 2.905615710123424, "q_0.5": 2.986521221820581, "q_0.525": 3.027945289300058, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.3494368325860044, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5245450211353173, "q_0.725": 3.5715370135184616, "q_0.75": 3.6322691902566353, "q_0.775": 3.6703389175486167, "q_0.8": 3.720078071236834, "q_0.825": 3.7627427035790566, "q_0.85": 3.8212020589615934, "q_0.875": 3.9095596691147443, "q_0.9": 3.9709569051798512, "q_0.925": 4.050013980166575, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.737127610767498}, {"x": 23.529411764705884, "y": 4.118021424074704, "y_true": 1.766563448823367, "y_pred": 2.986521221820581, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9557975204500364, "q_0.1": 1.977190641210023, "q_0.125": 2.0823841244089167, "q_0.15": 2.1853471070035178, "q_0.175": 2.198273848926883, "q_0.2": 2.229295320561961, "q_0.225": 2.2686469003495104, "q_0.25": 2.3248460022236523, "q_0.275": 2.382681027184651, "q_0.3": 2.445337631344143, "q_0.325": 2.4748272866028125, "q_0.35": 2.5421714929704304, "q_0.375": 2.6463215474857016, "q_0.4": 2.690098446132405, "q_0.425": 2.7541570651421017, "q_0.45": 2.8507806336042902, "q_0.475": 2.9212385010011017, "q_0.5": 2.986521221820581, "q_0.525": 3.0621236357191126, "q_0.55": 3.1676661025083614, "q_0.575": 3.2231726939355, "q_0.6": 3.309653692705213, "q_0.625": 3.353391306973348, "q_0.65": 3.4046712897770495, "q_0.675": 3.460687561603477, "q_0.7": 3.5521547230937136, "q_0.725": 3.590302587504638, "q_0.75": 3.6322691902566353, "q_0.775": 3.67093685399774, "q_0.8": 3.7459235564656, "q_0.825": 3.7880461358298714, "q_0.85": 3.8483805452575797, "q_0.875": 3.920253225994105, "q_0.9": 3.974268046084235, "q_0.925": 4.053811225269878, "q_0.95": 4.1248979890079145, "q_0.975": 4.268951518844273, "q_1": 4.737127610767498}, {"x": 23.569427771108444, "y": 3.0235982136936905, "y_true": 1.767267901697124, "y_pred": 2.987541012660218, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9597137468299473, "q_0.1": 1.977190641210023, "q_0.125": 2.0823841244089167, "q_0.15": 2.1853471070035178, "q_0.175": 2.2117685920564156, "q_0.2": 2.2415368825294557, "q_0.225": 2.2816117251390278, "q_0.25": 2.3248460022236523, "q_0.275": 2.392466255602696, "q_0.3": 2.4512774971842948, "q_0.325": 2.484755110951135, "q_0.35": 2.549096452515171, "q_0.375": 2.663926777311072, "q_0.4": 2.7044792758026515, "q_0.425": 2.758599258276219, "q_0.45": 2.885771395438066, "q_0.475": 2.9212385010011017, "q_0.5": 2.987541012660218, "q_0.525": 3.09733409211609, "q_0.55": 3.1850435883091572, "q_0.575": 3.247672616839975, "q_0.6": 3.3286306980272906, "q_0.625": 3.370292008058055, "q_0.65": 3.4128881529918504, "q_0.675": 3.46625577767469, "q_0.7": 3.552408034873406, "q_0.725": 3.590302587504638, "q_0.75": 3.6462269616838245, "q_0.775": 3.7003907466932233, "q_0.8": 3.7491662525253835, "q_0.825": 3.792510752561383, "q_0.85": 3.8570920487176004, "q_0.875": 3.9268909670051806, "q_0.9": 3.9796008373914473, "q_0.925": 4.0714414255033775, "q_0.95": 4.134065512562791, "q_0.975": 4.276668090847616, "q_1": 4.737127610767498}, {"x": 23.609443777511004, "y": 3.920253225994105, "y_true": 1.7679712615430243, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.214610009519448, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3390693903909536, "q_0.275": 2.4028755615933397, "q_0.3": 2.455161297797124, "q_0.325": 2.488590119858136, "q_0.35": 2.5730586749554183, "q_0.375": 2.6672118144933243, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.9620948511270098, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.4869689450100205, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7571756657981075, "q_0.825": 3.798999134678666, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.306950883682711, "q_1": 4.737127610767498}, {"x": 23.649459783913567, "y": 3.793830888280943, "y_true": 1.768673531833821, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.214610009519448, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3390693903909536, "q_0.275": 2.4028755615933397, "q_0.3": 2.455161297797124, "q_0.325": 2.488590119858136, "q_0.35": 2.5730586749554183, "q_0.375": 2.6672118144933243, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.9620948511270098, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.4869689450100205, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7571756657981075, "q_0.825": 3.798999134678666, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.306950883682711, "q_1": 4.737127610767498}, {"x": 23.689475790316127, "y": 3.46625577767469, "y_true": 1.7693747160255342, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.214610009519448, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3390693903909536, "q_0.275": 2.4028755615933397, "q_0.3": 2.455161297797124, "q_0.325": 2.488590119858136, "q_0.35": 2.5730586749554183, "q_0.375": 2.6672118144933243, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.9620948511270098, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.4869689450100205, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7571756657981075, "q_0.825": 3.798999134678666, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.306950883682711, "q_1": 4.737127610767498}, {"x": 23.729491796718687, "y": 4.268951518844273, "y_true": 1.770074817557562, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.214610009519448, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3390693903909536, "q_0.275": 2.4028755615933397, "q_0.3": 2.455161297797124, "q_0.325": 2.488590119858136, "q_0.35": 2.5730586749554183, "q_0.375": 2.6672118144933243, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.9620948511270098, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.4869689450100205, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7571756657981075, "q_0.825": 3.798999134678666, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.306950883682711, "q_1": 4.737127610767498}, {"x": 23.76950780312125, "y": 3.8212020589615934, "y_true": 1.7707738398527846, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 23.80952380952381, "y": 2.4744128148908455, "y_true": 1.7714717863176723, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 23.84953981592637, "y": 3.7913710112124965, "y_true": 1.7721686603423912, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 23.889555822328933, "y": 3.5465579179960516, "y_true": 1.7728644653009071, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 23.929571828731493, "y": 2.7972252377328752, "y_true": 1.7735592045510902, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 23.969587835134053, "y": 1.9711446208734211, "y_true": 1.7742528814348173, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.009603841536617, "y": 2.3248460022236523, "y_true": 1.7749454992780747, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.049619847939177, "y": 3.822031922489625, "y_true": 1.7756370613910588, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.089635854341736, "y": 2.4145349391087643, "y_true": 1.7763275710682775, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.1296518607443, "y": 4.341435787190387, "y_true": 1.7770170315886495, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.16966786714686, "y": 3.562263916856411, "y_true": 1.7777054462156032, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.20968387354942, "y": 3.0062775639000634, "y_true": 1.7783928181971747, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.249699879951983, "y": 3.247672616839975, "y_true": 1.7790791507661057, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.289715886354543, "y": 3.353391306973348, "y_true": 1.77976444713994, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.329731892757103, "y": 4.277953991707228, "y_true": 1.780448710521119, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.369747899159666, "y": 2.198273848926883, "y_true": 1.7811319440970779, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.409763905562226, "y": 2.484755110951135, "y_true": 1.7818141510403371, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.449779911964786, "y": 3.6147308455352865, "y_true": 1.7824953345085999, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8863297316143355, "q_0.05": 1.9092064798952328, "q_0.075": 1.9697461979159923, "q_0.1": 2.0135902135722845, "q_0.125": 2.103699386342056, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.375105238840981, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.496801536282269, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.4013624607582162, "q_0.65": 3.4203469675267444, "q_0.675": 3.495149857235451, "q_0.7": 3.562263916856411, "q_0.725": 3.6147308455352865, "q_0.75": 3.6703389175486167, "q_0.775": 3.720078071236834, "q_0.8": 3.7796313450647516, "q_0.825": 3.8212020589615934, "q_0.85": 3.9095596691147443, "q_0.875": 3.9550928641618697, "q_0.9": 4.011699342753823, "q_0.925": 4.1068807620061225, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.48979591836735, "y": 2.4028755615933397, "y_true": 1.7831754976448422, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8863297316143355, "q_0.05": 1.9092064798952328, "q_0.075": 1.9697461979159923, "q_0.1": 2.0135902135722845, "q_0.125": 2.103699386342056, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.375105238840981, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.496801536282269, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.4013624607582162, "q_0.65": 3.4203469675267444, "q_0.675": 3.495149857235451, "q_0.7": 3.562263916856411, "q_0.725": 3.6147308455352865, "q_0.75": 3.6703389175486167, "q_0.775": 3.720078071236834, "q_0.8": 3.7796313450647516, "q_0.825": 3.8212020589615934, "q_0.85": 3.9095596691147443, "q_0.875": 3.9550928641618697, "q_0.9": 4.011699342753823, "q_0.925": 4.1068807620061225, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.52981192476991, "y": 4.0362640176097555, "y_true": 1.783854643577406, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8863297316143355, "q_0.05": 1.9092064798952328, "q_0.075": 1.9697461979159923, "q_0.1": 2.0135902135722845, "q_0.125": 2.103699386342056, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.375105238840981, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.496801536282269, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.4013624607582162, "q_0.65": 3.4203469675267444, "q_0.675": 3.495149857235451, "q_0.7": 3.562263916856411, "q_0.725": 3.6147308455352865, "q_0.75": 3.6703389175486167, "q_0.775": 3.720078071236834, "q_0.8": 3.7796313450647516, "q_0.825": 3.8212020589615934, "q_0.85": 3.9095596691147443, "q_0.875": 3.9550928641618697, "q_0.9": 4.011699342753823, "q_0.925": 4.1068807620061225, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.56982793117247, "y": 2.6808881594079543, "y_true": 1.784532775420091, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8863297316143355, "q_0.05": 1.9092064798952328, "q_0.075": 1.9697461979159923, "q_0.1": 2.0135902135722845, "q_0.125": 2.103699386342056, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.375105238840981, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.496801536282269, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.4013624607582162, "q_0.65": 3.4203469675267444, "q_0.675": 3.495149857235451, "q_0.7": 3.562263916856411, "q_0.725": 3.6147308455352865, "q_0.75": 3.6703389175486167, "q_0.775": 3.720078071236834, "q_0.8": 3.7796313450647516, "q_0.825": 3.8212020589615934, "q_0.85": 3.9095596691147443, "q_0.875": 3.9550928641618697, "q_0.9": 4.011699342753823, "q_0.925": 4.1068807620061225, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.609843937575032, "y": 2.253246502896806, "y_true": 1.7852098962722438, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8863297316143355, "q_0.05": 1.9092064798952328, "q_0.075": 1.9697461979159923, "q_0.1": 2.0135902135722845, "q_0.125": 2.103699386342056, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.375105238840981, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.496801536282269, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.4013624607582162, "q_0.65": 3.4203469675267444, "q_0.675": 3.495149857235451, "q_0.7": 3.562263916856411, "q_0.725": 3.6147308455352865, "q_0.75": 3.6703389175486167, "q_0.775": 3.720078071236834, "q_0.8": 3.7796313450647516, "q_0.825": 3.8212020589615934, "q_0.85": 3.9095596691147443, "q_0.875": 3.9550928641618697, "q_0.9": 4.011699342753823, "q_0.925": 4.1068807620061225, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.649859943977592, "y": 1.9092064798952328, "y_true": 1.7858860092188498, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8863297316143355, "q_0.05": 1.9092064798952328, "q_0.075": 1.9697461979159923, "q_0.1": 2.0135902135722845, "q_0.125": 2.103699386342056, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.375105238840981, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.496801536282269, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.4013624607582162, "q_0.65": 3.4203469675267444, "q_0.675": 3.495149857235451, "q_0.7": 3.562263916856411, "q_0.725": 3.6147308455352865, "q_0.75": 3.6703389175486167, "q_0.775": 3.720078071236834, "q_0.8": 3.7796313450647516, "q_0.825": 3.8212020589615934, "q_0.85": 3.9095596691147443, "q_0.875": 3.9550928641618697, "q_0.9": 4.011699342753823, "q_0.925": 4.1068807620061225, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.689875950380152, "y": 3.3298295437511127, "y_true": 1.7865611173306213, "y_pred": 3.0253373082851653, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.8863297316143355, "q_0.05": 1.9092064798952328, "q_0.075": 1.9697461979159923, "q_0.1": 2.0135902135722845, "q_0.125": 2.103699386342056, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.291548649680823, "q_0.25": 2.375105238840981, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.496801536282269, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965919343029246, "q_0.5": 3.0253373082851653, "q_0.525": 3.122122251245532, "q_0.55": 3.2117805731313727, "q_0.575": 3.2734615334866, "q_0.6": 3.3494368325860044, "q_0.625": 3.4013624607582162, "q_0.65": 3.4359324553135027, "q_0.675": 3.495149857235451, "q_0.7": 3.566008808437526, "q_0.725": 3.6147308455352865, "q_0.75": 3.6703389175486167, "q_0.775": 3.720078071236834, "q_0.8": 3.7796313450647516, "q_0.825": 3.8212020589615934, "q_0.85": 3.9095596691147443, "q_0.875": 3.9550928641618697, "q_0.9": 4.023615283076078, "q_0.925": 4.1068807620061225, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.729891956782716, "y": 3.9268909670051806, "y_true": 1.7872352236640863, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.8865015736714692, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1905071218050285, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.378039305913013, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6808881594079543, "q_0.4": 2.7541570651421017, "q_0.425": 2.8837922146436323, "q_0.45": 2.905615710123424, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.148360344528845, "q_0.55": 3.2231726939355, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5203231507104635, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7002354515412668, "q_0.775": 3.7491662525253835, "q_0.8": 3.7913710112124965, "q_0.825": 3.8570920487176004, "q_0.85": 3.9268909670051806, "q_0.875": 3.974268046084235, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 24.769907963185275, "y": 2.4981635938906557, "y_true": 1.7879083312616764, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.7491662525253835, "q_0.8": 3.792510752561383, "q_0.825": 3.865423235726951, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 24.809923969587835, "y": 4.170168813253846, "y_true": 1.788580443151814, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.7491662525253835, "q_0.8": 3.792510752561383, "q_0.825": 3.865423235726951, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 24.8499399759904, "y": 3.7571756657981075, "y_true": 1.789251562348999, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.7491662525253835, "q_0.8": 3.792510752561383, "q_0.825": 3.865423235726951, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 24.88995598239296, "y": 1.9492179919138157, "y_true": 1.7899216918538952, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.7491662525253835, "q_0.8": 3.792510752561383, "q_0.825": 3.865423235726951, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 24.92997198879552, "y": 3.279489701135157, "y_true": 1.7905908346534134, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.7491662525253835, "q_0.8": 3.792510752561383, "q_0.825": 3.865423235726951, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 24.969987995198082, "y": 3.2675005831610826, "y_true": 1.7912589937207988, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.7491662525253835, "q_0.8": 3.792510752561383, "q_0.825": 3.865423235726951, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 25.01000400160064, "y": 2.318713451502994, "y_true": 1.7919261720157122, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.7491662525253835, "q_0.8": 3.792510752561383, "q_0.825": 3.865423235726951, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 25.0500200080032, "y": 2.663926777311072, "y_true": 1.7925923724843158, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.7491662525253835, "q_0.8": 3.792510752561383, "q_0.825": 3.865423235726951, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 25.090036014405765, "y": 2.987541012660218, "y_true": 1.7932575980593535, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.7491662525253835, "q_0.8": 3.792510752561383, "q_0.825": 3.865423235726951, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 25.130052020808325, "y": 1.9192845235886042, "y_true": 1.7939218516602342, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1905071218050285, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.6463215474857016, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.756064033273435, "q_0.8": 3.792510752561383, "q_0.825": 3.902951553828625, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.407294961688546, "q_1": 4.767619077388904}, {"x": 25.170068027210885, "y": 2.1853471070035178, "y_true": 1.7945851361931129, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1905071218050285, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.6463215474857016, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.756064033273435, "q_0.8": 3.792510752561383, "q_0.825": 3.902951553828625, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.407294961688546, "q_1": 4.767619077388904}, {"x": 25.210084033613445, "y": 2.2233711475956004, "y_true": 1.795247454550971, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1905071218050285, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.6463215474857016, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.756064033273435, "q_0.8": 3.792510752561383, "q_0.825": 3.902951553828625, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.407294961688546, "q_1": 4.767619077388904}, {"x": 25.250100040016008, "y": 2.786438473486531, "y_true": 1.7959088096136973, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1905071218050285, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.6463215474857016, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.756064033273435, "q_0.8": 3.792510752561383, "q_0.825": 3.902951553828625, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.407294961688546, "q_1": 4.767619077388904}, {"x": 25.290116046418568, "y": 3.7496963013279094, "y_true": 1.7965692042481662, "y_pred": 3.027945289300058, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.936662933668477, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.429426750821424, "q_0.3": 2.4748682988523942, "q_0.325": 2.5421714929704304, "q_0.35": 2.6463215474857016, "q_0.375": 2.690098446132405, "q_0.4": 2.783567202157163, "q_0.425": 2.885771395438066, "q_0.45": 2.9212385010011017, "q_0.475": 2.986521221820581, "q_0.5": 3.027945289300058, "q_0.525": 3.157828549901804, "q_0.55": 3.247672616839975, "q_0.575": 3.3183542294418134, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.530125941651888, "q_0.7": 3.590302587504638, "q_0.725": 3.6415485318169702, "q_0.75": 3.702986699791204, "q_0.775": 3.756064033273435, "q_0.8": 3.793830888280943, "q_0.825": 3.902951553828625, "q_0.85": 3.9319023165796763, "q_0.875": 3.9796008373914473, "q_0.9": 4.0714414255033775, "q_0.925": 4.134065512562791, "q_0.95": 4.199848775004261, "q_0.975": 4.407294961688546, "q_1": 4.767619077388904}, {"x": 25.330132052821128, "y": 3.9709569051798512, "y_true": 1.7972286413083178, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.37014805922369, "y": 2.223950019440938, "y_true": 1.7978871236352358, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.41016406562625, "y": 3.766859248185666, "y_true": 1.798544654057224, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.45018007202881, "y": 3.555941893279088, "y_true": 1.7992012353898859, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.490196078431374, "y": 4.134065512562791, "y_true": 1.7998568704361986, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.530212084833934, "y": 4.340814801489661, "y_true": 1.8005115619865903, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.570228091236494, "y": 2.127698836555933, "y_true": 1.801165312819016, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.610244097639058, "y": 2.0135902135722845, "y_true": 1.8018181256990298, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.650260104041617, "y": 3.902951553828625, "y_true": 1.8024700033798626, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.690276110444177, "y": 2.229295320561961, "y_true": 1.8031209486024935, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.73029211684674, "y": 2.3153809790481863, "y_true": 1.8037709640957234, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2686469003495104, "q_0.225": 2.3153809790481863, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.488590119858136, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7252740794696506, "q_0.4": 2.786438473486531, "q_0.425": 2.9006328592899173, "q_0.45": 2.965197026856022, "q_0.475": 3.0016595769909005, "q_0.5": 3.09733409211609, "q_0.525": 3.2012252710124636, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.4176492141237844, "q_0.65": 3.46625577767469, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6463227680354446, "q_0.75": 3.720078071236834, "q_0.775": 3.7796313450647516, "q_0.8": 3.8483805452575797, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.023615283076078, "q_0.9": 4.083042250794794, "q_0.925": 4.170168813253846, "q_0.95": 4.276668090847616, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.7703081232493, "y": 4.1248979890079145, "y_true": 1.8044200525762468, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2686469003495104, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.496801536282269, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7253514483783317, "q_0.4": 2.8300827058507037, "q_0.425": 2.9006328592899173, "q_0.45": 2.983802892665897, "q_0.475": 3.0023326689433887, "q_0.5": 3.09733409211609, "q_0.525": 3.2063934018989553, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.46625577767469, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.720078071236834, "q_0.775": 3.7796313450647516, "q_0.8": 3.8483805452575797, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 25.81032412965186, "y": 4.276668090847616, "y_true": 1.8050682167487266, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2686469003495104, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.496801536282269, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7253514483783317, "q_0.4": 2.8300827058507037, "q_0.425": 2.9006328592899173, "q_0.45": 2.983802892665897, "q_0.475": 3.0023326689433887, "q_0.5": 3.09733409211609, "q_0.525": 3.2063934018989553, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.46625577767469, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.720078071236834, "q_0.775": 3.7796313450647516, "q_0.8": 3.8483805452575797, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 25.850340136054424, "y": 2.6444725371274367, "y_true": 1.8057154593058624, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2686469003495104, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.496801536282269, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7253514483783317, "q_0.4": 2.8300827058507037, "q_0.425": 2.9006328592899173, "q_0.45": 2.983802892665897, "q_0.475": 3.0023326689433887, "q_0.5": 3.09733409211609, "q_0.525": 3.2063934018989553, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.46625577767469, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.720078071236834, "q_0.775": 3.7796313450647516, "q_0.8": 3.8483805452575797, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 25.890356142456984, "y": 4.025587401705344, "y_true": 1.8063617829284628, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2686469003495104, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.496801536282269, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7253514483783317, "q_0.4": 2.8300827058507037, "q_0.425": 2.9006328592899173, "q_0.45": 2.983802892665897, "q_0.475": 3.0023326689433887, "q_0.5": 3.09733409211609, "q_0.525": 3.2063934018989553, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.46625577767469, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.720078071236834, "q_0.775": 3.7796313450647516, "q_0.8": 3.8483805452575797, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 25.930372148859544, "y": 4.0714414255033775, "y_true": 1.8070071902855158, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2686469003495104, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.496801536282269, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7253514483783317, "q_0.4": 2.8300827058507037, "q_0.425": 2.9006328592899173, "q_0.45": 2.983802892665897, "q_0.475": 3.0023326689433887, "q_0.5": 3.09733409211609, "q_0.525": 3.2063934018989553, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.46625577767469, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.720078071236834, "q_0.775": 3.7796313450647516, "q_0.8": 3.8483805452575797, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 25.970388155262107, "y": 3.4046712897770495, "y_true": 1.8076516840342594, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.4981635938906557, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7482574403887723, "q_0.4": 2.8507806336042902, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.010404161664667, "y": 3.3024454413834796, "y_true": 1.8082952668202492, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.4981635938906557, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7482574403887723, "q_0.4": 2.8507806336042902, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.050420168067227, "y": 3.3296445072915564, "y_true": 1.8089379412774294, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.4981635938906557, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7482574403887723, "q_0.4": 2.8507806336042902, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.09043617446979, "y": 2.605670703771356, "y_true": 1.8095797100281992, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.4981635938906557, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7482574403887723, "q_0.4": 2.8507806336042902, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.13045218087235, "y": 3.4463227805046746, "y_true": 1.8102205756834822, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.4981635938906557, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7482574403887723, "q_0.4": 2.8507806336042902, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.17046818727491, "y": 2.455161297797124, "y_true": 1.8108605408427931, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.4981635938906557, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7482574403887723, "q_0.4": 2.8507806336042902, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.210484193677473, "y": 2.2816117251390278, "y_true": 1.8114996080943044, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.4981635938906557, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7482574403887723, "q_0.4": 2.8507806336042902, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.250500200080033, "y": 2.905615710123424, "y_true": 1.8121377800149132, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.4981635938906557, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7482574403887723, "q_0.4": 2.8507806336042902, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.290516206482593, "y": 3.682655209129065, "y_true": 1.8127750591703067, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.4981635938906557, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7482574403887723, "q_0.4": 2.8507806336042902, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.330532212885156, "y": 3.460687561603477, "y_true": 1.8134114481150279, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1739247036810907, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.4028755615933397, "q_0.275": 2.471488206433124, "q_0.3": 2.4981635938906557, "q_0.325": 2.605670703771356, "q_0.35": 2.6808881594079543, "q_0.375": 2.7503390983803193, "q_0.4": 2.8837922146436323, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.4013624607582162, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.118021424074704, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.370548219287716, "y": 4.373111437962734, "y_true": 1.8140469493925404, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1739247036810907, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.4028755615933397, "q_0.275": 2.471488206433124, "q_0.3": 2.4981635938906557, "q_0.325": 2.605670703771356, "q_0.35": 2.6808881594079543, "q_0.375": 2.7503390983803193, "q_0.4": 2.8837922146436323, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.4013624607582162, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.118021424074704, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.410564225690276, "y": 3.530125941651888, "y_true": 1.8146815655352926, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1739247036810907, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.4028755615933397, "q_0.275": 2.471488206433124, "q_0.3": 2.4981635938906557, "q_0.325": 2.605670703771356, "q_0.35": 2.6808881594079543, "q_0.375": 2.7503390983803193, "q_0.4": 2.8837922146436323, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.4013624607582162, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.118021424074704, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.45058023209284, "y": 2.1905071218050285, "y_true": 1.8153152990647825, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1739247036810907, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.4028755615933397, "q_0.275": 2.471488206433124, "q_0.3": 2.4981635938906557, "q_0.325": 2.605670703771356, "q_0.35": 2.6808881594079543, "q_0.375": 2.7503390983803193, "q_0.4": 2.8837922146436323, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.4013624607582162, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.118021424074704, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.4905962384954, "y": 2.2442125503622727, "y_true": 1.8159481524916203, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1739247036810907, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.4028755615933397, "q_0.275": 2.471488206433124, "q_0.3": 2.4981635938906557, "q_0.325": 2.605670703771356, "q_0.35": 2.6808881594079543, "q_0.375": 2.7503390983803193, "q_0.4": 2.8837922146436323, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.4013624607582162, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.118021424074704, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.53061224489796, "y": 2.063936806561931, "y_true": 1.8165801283155918, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1739247036810907, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.4028755615933397, "q_0.275": 2.471488206433124, "q_0.3": 2.4981635938906557, "q_0.325": 2.605670703771356, "q_0.35": 2.6808881594079543, "q_0.375": 2.7503390983803193, "q_0.4": 2.8837922146436323, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.4013624607582162, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.118021424074704, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.570628251300523, "y": 2.3255866273098316, "y_true": 1.817211229025721, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1739247036810907, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.4028755615933397, "q_0.275": 2.471488206433124, "q_0.3": 2.4981635938906557, "q_0.325": 2.605670703771356, "q_0.35": 2.6808881594079543, "q_0.375": 2.7541570651421017, "q_0.4": 2.8837922146436323, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0253373082851653, "q_0.5": 3.09733409211609, "q_0.525": 3.2117805731313727, "q_0.55": 3.2734615334866, "q_0.575": 3.343579605074459, "q_0.6": 3.4013624607582162, "q_0.625": 3.4203469675267444, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6103589315542504, "q_0.725": 3.666975236297665, "q_0.75": 3.7459235564656, "q_0.775": 3.786445269904908, "q_0.8": 3.8570920487176004, "q_0.825": 3.9268909670051806, "q_0.85": 3.974268046084235, "q_0.875": 4.050013980166575, "q_0.9": 4.118021424074704, "q_0.925": 4.184335582340923, "q_0.95": 4.306950883682711, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.610644257703083, "y": 3.408768545524527, "y_true": 1.8178414571003323, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8927232612161506, "q_0.05": 1.94549211429443, "q_0.075": 1.9771446301476692, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471488206433124, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9088364315966055, "q_0.45": 2.9864309924590415, "q_0.475": 3.0253373082851653, "q_0.5": 3.09733409211609, "q_0.525": 3.2231726939355, "q_0.55": 3.2840751745218855, "q_0.575": 3.353391306973348, "q_0.6": 3.4013624607582162, "q_0.625": 3.4203469675267444, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.865423235726951, "q_0.825": 3.9268909670051806, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.306950883682711, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 26.650660264105642, "y": 4.050013980166575, "y_true": 1.818470815007112, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8927232612161506, "q_0.05": 1.94549211429443, "q_0.075": 1.9771446301476692, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471488206433124, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9088364315966055, "q_0.45": 2.9864309924590415, "q_0.475": 3.0253373082851653, "q_0.5": 3.09733409211609, "q_0.525": 3.2231726939355, "q_0.55": 3.2840751745218855, "q_0.575": 3.353391306973348, "q_0.6": 3.4013624607582162, "q_0.625": 3.4203469675267444, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.865423235726951, "q_0.825": 3.9268909670051806, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.306950883682711, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 26.690676270508206, "y": 4.199848775004261, "y_true": 1.8190993052031703, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8927232612161506, "q_0.05": 1.94549211429443, "q_0.075": 1.9771446301476692, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471488206433124, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9088364315966055, "q_0.45": 2.9864309924590415, "q_0.475": 3.0253373082851653, "q_0.5": 3.09733409211609, "q_0.525": 3.2231726939355, "q_0.55": 3.2840751745218855, "q_0.575": 3.353391306973348, "q_0.6": 3.4013624607582162, "q_0.625": 3.4203469675267444, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.865423235726951, "q_0.825": 3.9268909670051806, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.306950883682711, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 26.730692276910766, "y": 2.885771395438066, "y_true": 1.8197269301351002, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8927232612161506, "q_0.05": 1.94549211429443, "q_0.075": 1.9771446301476692, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471488206433124, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9088364315966055, "q_0.45": 2.9864309924590415, "q_0.475": 3.0253373082851653, "q_0.5": 3.09733409211609, "q_0.525": 3.2231726939355, "q_0.55": 3.2840751745218855, "q_0.575": 3.353391306973348, "q_0.6": 3.4013624607582162, "q_0.625": 3.4203469675267444, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.865423235726951, "q_0.825": 3.9268909670051806, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.306950883682711, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 26.770708283313326, "y": 3.309653692705213, "y_true": 1.8203536922390406, "y_pred": 3.122122251245532, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471713372020629, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.122122251245532, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4203469675267444, "q_0.65": 3.4869689450100205, "q_0.675": 3.561037875908926, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.3653321569812, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 26.81072428971589, "y": 3.9796008373914473, "y_true": 1.8209795939407338, "y_pred": 3.122122251245532, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471713372020629, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.122122251245532, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4203469675267444, "q_0.65": 3.4869689450100205, "q_0.675": 3.561037875908926, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.3653321569812, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 26.85074029611845, "y": 2.6545172612521584, "y_true": 1.8216046376555863, "y_pred": 3.122122251245532, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471713372020629, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.122122251245532, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4203469675267444, "q_0.65": 3.4869689450100205, "q_0.675": 3.561037875908926, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.3653321569812, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 26.89075630252101, "y": 3.4128881529918504, "y_true": 1.8222288257887274, "y_pred": 3.122122251245532, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471713372020629, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.122122251245532, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4203469675267444, "q_0.65": 3.4869689450100205, "q_0.675": 3.561037875908926, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.3653321569812, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 26.930772308923572, "y": 2.2879586126453453, "y_true": 1.8228521607350683, "y_pred": 3.122122251245532, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471713372020629, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.122122251245532, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4203469675267444, "q_0.65": 3.4869689450100205, "q_0.675": 3.561037875908926, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.3653321569812, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 26.970788315326132, "y": 3.09733409211609, "y_true": 1.8234746448793593, "y_pred": 3.122122251245532, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471713372020629, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.122122251245532, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4203469675267444, "q_0.65": 3.4869689450100205, "q_0.675": 3.561037875908926, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.3653321569812, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 27.010804321728692, "y": 2.2869817001809967, "y_true": 1.8240962805962493, "y_pred": 3.122122251245532, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471713372020629, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.122122251245532, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4203469675267444, "q_0.65": 3.4869689450100205, "q_0.675": 3.561037875908926, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.3653321569812, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 27.050820328131252, "y": 3.0621236357191126, "y_true": 1.8247170702503412, "y_pred": 3.122122251245532, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471713372020629, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.122122251245532, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4203469675267444, "q_0.65": 3.4869689450100205, "q_0.675": 3.561037875908926, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.3653321569812, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 27.090836334533815, "y": 2.887732869733995, "y_true": 1.8253370161962508, "y_pred": 3.122122251245532, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471713372020629, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.122122251245532, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4203469675267444, "q_0.65": 3.4869689450100205, "q_0.675": 3.561037875908926, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.3653321569812, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 27.130852340936375, "y": 2.986521221820581, "y_true": 1.8259561207786619, "y_pred": 3.13805549654208, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2415368825294557, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4170340648268227, "q_0.275": 2.4748272866028125, "q_0.3": 2.549096452515171, "q_0.325": 2.613141023924022, "q_0.35": 2.690098446132405, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.13805549654208, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.4869689450100205, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.6703389175486167, "q_0.75": 3.7467342304805444, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.0539435948763005, "q_0.9": 4.1248979890079145, "q_0.925": 4.199661133555053, "q_0.95": 4.3653321569812, "q_0.975": 4.484454122060825, "q_1": 4.951913791281355}, {"x": 27.170868347338935, "y": 2.4797288481896933, "y_true": 1.8265743863323833, "y_pred": 3.13805549654208, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2415368825294557, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4170340648268227, "q_0.275": 2.4748272866028125, "q_0.3": 2.549096452515171, "q_0.325": 2.613141023924022, "q_0.35": 2.690098446132405, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.13805549654208, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.4869689450100205, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.6703389175486167, "q_0.75": 3.7467342304805444, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.0539435948763005, "q_0.9": 4.1248979890079145, "q_0.925": 4.199661133555053, "q_0.95": 4.3653321569812, "q_0.975": 4.484454122060825, "q_1": 4.951913791281355}, {"x": 27.2108843537415, "y": 2.1919776458948323, "y_true": 1.8271918151824045, "y_pred": 3.13805549654208, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2415368825294557, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4170340648268227, "q_0.275": 2.4748272866028125, "q_0.3": 2.549096452515171, "q_0.325": 2.613141023924022, "q_0.35": 2.690098446132405, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.13805549654208, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.4869689450100205, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.6703389175486167, "q_0.75": 3.7467342304805444, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.0539435948763005, "q_0.9": 4.1248979890079145, "q_0.925": 4.199661133555053, "q_0.95": 4.3653321569812, "q_0.975": 4.484454122060825, "q_1": 4.951913791281355}, {"x": 27.25090036014406, "y": 2.5673531997877586, "y_true": 1.8278084096439504, "y_pred": 3.13805549654208, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2415368825294557, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4170340648268227, "q_0.275": 2.4748272866028125, "q_0.3": 2.549096452515171, "q_0.325": 2.613141023924022, "q_0.35": 2.690098446132405, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.13805549654208, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.4869689450100205, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.6703389175486167, "q_0.75": 3.7467342304805444, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.0539435948763005, "q_0.9": 4.1248979890079145, "q_0.925": 4.199661133555053, "q_0.95": 4.3653321569812, "q_0.975": 4.484454122060825, "q_1": 4.951913791281355}, {"x": 27.290916366546618, "y": 2.471488206433124, "y_true": 1.8284241720225372, "y_pred": 3.13805549654208, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2415368825294557, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4170340648268227, "q_0.275": 2.4748272866028125, "q_0.3": 2.549096452515171, "q_0.325": 2.613141023924022, "q_0.35": 2.690098446132405, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.13805549654208, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.4869689450100205, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.6703389175486167, "q_0.75": 3.7467342304805444, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.0539435948763005, "q_0.9": 4.1248979890079145, "q_0.925": 4.199661133555053, "q_0.95": 4.3653321569812, "q_0.975": 4.484454122060825, "q_1": 4.951913791281355}, {"x": 27.33093237294918, "y": 3.8009882456968307, "y_true": 1.8290391046140266, "y_pred": 3.13805549654208, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.2869817001809967, "q_0.225": 2.3390693903909536, "q_0.25": 2.4170340648268227, "q_0.275": 2.4748272866028125, "q_0.3": 2.549096452515171, "q_0.325": 2.6463215474857016, "q_0.35": 2.6926217886902015, "q_0.375": 2.7852898547316287, "q_0.4": 2.8871138245803345, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.13805549654208, "q_0.525": 3.247672616839975, "q_0.55": 3.309653692705213, "q_0.575": 3.3552660277039834, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.491032646272281, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.694864713592013, "q_0.75": 3.7491662525253835, "q_0.775": 3.793830888280943, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.996793693119765, "q_0.875": 4.054023016640153, "q_0.9": 4.1248979890079145, "q_0.925": 4.199848775004261, "q_0.95": 4.3653321569812, "q_0.975": 4.4913859201078745, "q_1": 4.951913791281355}, {"x": 27.37094837935174, "y": 3.756064033273435, "y_true": 1.8296532097046805, "y_pred": 3.1390074757796294, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.2869817001809967, "q_0.225": 2.3390693903909536, "q_0.25": 2.4197104341694473, "q_0.275": 2.4748682988523942, "q_0.3": 2.549096452515171, "q_0.325": 2.6463215474857016, "q_0.35": 2.6926217886902015, "q_0.375": 2.7852898547316287, "q_0.4": 2.8871138245803345, "q_0.425": 2.9280320315353277, "q_0.45": 2.986521221820581, "q_0.475": 3.027945289300058, "q_0.5": 3.1390074757796294, "q_0.525": 3.247672616839975, "q_0.55": 3.309653692705213, "q_0.575": 3.3552660277039834, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.491032646272281, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.694864713592013, "q_0.75": 3.7491662525253835, "q_0.775": 3.793830888280943, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.996793693119765, "q_0.875": 4.054023016640153, "q_0.9": 4.1248979890079145, "q_0.925": 4.199848775004261, "q_0.95": 4.3653321569812, "q_0.975": 4.497057391237302, "q_1": 4.951913791281355}, {"x": 27.4109643857543, "y": 3.4014855749733646, "y_true": 1.8302664895712133, "y_pred": 3.1390074757796294, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.2869817001809967, "q_0.225": 2.3390693903909536, "q_0.25": 2.4197104341694473, "q_0.275": 2.4748682988523942, "q_0.3": 2.549096452515171, "q_0.325": 2.6463215474857016, "q_0.35": 2.6926217886902015, "q_0.375": 2.7852898547316287, "q_0.4": 2.8871138245803345, "q_0.425": 2.9280320315353277, "q_0.45": 2.986521221820581, "q_0.475": 3.027945289300058, "q_0.5": 3.1390074757796294, "q_0.525": 3.247672616839975, "q_0.55": 3.309653692705213, "q_0.575": 3.3552660277039834, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.491032646272281, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.694864713592013, "q_0.75": 3.7491662525253835, "q_0.775": 3.793830888280943, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.996793693119765, "q_0.875": 4.054023016640153, "q_0.9": 4.1248979890079145, "q_0.925": 4.199848775004261, "q_0.95": 4.3653321569812, "q_0.975": 4.497057391237302, "q_1": 4.951913791281355}, {"x": 27.450980392156865, "y": 2.0765285050986, "y_true": 1.8308789464808475, "y_pred": 3.1390074757796294, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.2869817001809967, "q_0.225": 2.3390693903909536, "q_0.25": 2.4197104341694473, "q_0.275": 2.4748682988523942, "q_0.3": 2.549096452515171, "q_0.325": 2.6463215474857016, "q_0.35": 2.6926217886902015, "q_0.375": 2.7852898547316287, "q_0.4": 2.8871138245803345, "q_0.425": 2.9280320315353277, "q_0.45": 2.986521221820581, "q_0.475": 3.027945289300058, "q_0.5": 3.1390074757796294, "q_0.525": 3.247672616839975, "q_0.55": 3.309653692705213, "q_0.575": 3.3552660277039834, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.491032646272281, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.694864713592013, "q_0.75": 3.7491662525253835, "q_0.775": 3.793830888280943, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.996793693119765, "q_0.875": 4.054023016640153, "q_0.9": 4.1248979890079145, "q_0.925": 4.199848775004261, "q_0.95": 4.3653321569812, "q_0.975": 4.497057391237302, "q_1": 4.951913791281355}, {"x": 27.490996398559425, "y": 3.3552660277039834, "y_true": 1.8314905826913652, "y_pred": 3.1390074757796294, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.2869817001809967, "q_0.225": 2.3390693903909536, "q_0.25": 2.4197104341694473, "q_0.275": 2.4748682988523942, "q_0.3": 2.549096452515171, "q_0.325": 2.6463215474857016, "q_0.35": 2.6926217886902015, "q_0.375": 2.7852898547316287, "q_0.4": 2.8871138245803345, "q_0.425": 2.9280320315353277, "q_0.45": 2.986521221820581, "q_0.475": 3.027945289300058, "q_0.5": 3.1390074757796294, "q_0.525": 3.247672616839975, "q_0.55": 3.309653692705213, "q_0.575": 3.3552660277039834, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.491032646272281, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.694864713592013, "q_0.75": 3.7491662525253835, "q_0.775": 3.793830888280943, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.996793693119765, "q_0.875": 4.054023016640153, "q_0.9": 4.1248979890079145, "q_0.925": 4.199848775004261, "q_0.95": 4.3653321569812, "q_0.975": 4.497057391237302, "q_1": 4.951913791281355}, {"x": 27.531012404961984, "y": 2.04543075400701, "y_true": 1.8321014004511615, "y_pred": 3.1390074757796294, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.2869817001809967, "q_0.225": 2.3390693903909536, "q_0.25": 2.4197104341694473, "q_0.275": 2.4748682988523942, "q_0.3": 2.549096452515171, "q_0.325": 2.6463215474857016, "q_0.35": 2.6926217886902015, "q_0.375": 2.7852898547316287, "q_0.4": 2.8871138245803345, "q_0.425": 2.9280320315353277, "q_0.45": 2.986521221820581, "q_0.475": 3.027945289300058, "q_0.5": 3.1390074757796294, "q_0.525": 3.247672616839975, "q_0.55": 3.309653692705213, "q_0.575": 3.3552660277039834, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.491032646272281, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.694864713592013, "q_0.75": 3.7491662525253835, "q_0.775": 3.793830888280943, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.996793693119765, "q_0.875": 4.054023016640153, "q_0.9": 4.1248979890079145, "q_0.925": 4.199848775004261, "q_0.95": 4.3653321569812, "q_0.975": 4.497057391237302, "q_1": 4.951913791281355}, {"x": 27.571028411364548, "y": 1.8816631177832204, "y_true": 1.832711401999297, "y_pred": 3.1390074757796294, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.2869817001809967, "q_0.225": 2.3390693903909536, "q_0.25": 2.4197104341694473, "q_0.275": 2.4748682988523942, "q_0.3": 2.549096452515171, "q_0.325": 2.6463215474857016, "q_0.35": 2.6926217886902015, "q_0.375": 2.7852898547316287, "q_0.4": 2.8871138245803345, "q_0.425": 2.9280320315353277, "q_0.45": 2.986521221820581, "q_0.475": 3.027945289300058, "q_0.5": 3.1390074757796294, "q_0.525": 3.247672616839975, "q_0.55": 3.309653692705213, "q_0.575": 3.3552660277039834, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.491032646272281, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.694864713592013, "q_0.75": 3.7491662525253835, "q_0.775": 3.793830888280943, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.996793693119765, "q_0.875": 4.054023016640153, "q_0.9": 4.1248979890079145, "q_0.925": 4.199848775004261, "q_0.95": 4.3653321569812, "q_0.975": 4.497057391237302, "q_1": 4.951913791281355}, {"x": 27.611044417767108, "y": 2.783567202157163, "y_true": 1.8333205895655487, "y_pred": 3.142439353581243, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.291548649680823, "q_0.225": 2.3580595505422157, "q_0.25": 2.429426750821424, "q_0.275": 2.4748682988523942, "q_0.3": 2.549096452515171, "q_0.325": 2.6463215474857016, "q_0.35": 2.6973752128664303, "q_0.375": 2.7852898547316287, "q_0.4": 2.887732869733995, "q_0.425": 2.9482359182540043, "q_0.45": 2.987541012660218, "q_0.475": 3.027945289300058, "q_0.5": 3.142439353581243, "q_0.525": 3.247672616839975, "q_0.55": 3.309653692705213, "q_0.575": 3.3552660277039834, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.495149857235451, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.7003907466932233, "q_0.75": 3.756064033273435, "q_0.775": 3.793830888280943, "q_0.8": 3.902951553828625, "q_0.825": 3.939720545367994, "q_0.85": 3.996793693119765, "q_0.875": 4.054023016640153, "q_0.9": 4.134065512562791, "q_0.925": 4.199848775004261, "q_0.95": 4.3653321569812, "q_0.975": 4.501742211298699, "q_1": 4.951913791281355}, {"x": 27.651060424169668, "y": 2.482522428427954, "y_true": 1.833928965370463, "y_pred": 3.142439353581243, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.291548649680823, "q_0.225": 2.3580595505422157, "q_0.25": 2.429426750821424, "q_0.275": 2.4748682988523942, "q_0.3": 2.549096452515171, "q_0.325": 2.6463215474857016, "q_0.35": 2.6973752128664303, "q_0.375": 2.7852898547316287, "q_0.4": 2.887732869733995, "q_0.425": 2.9482359182540043, "q_0.45": 2.987541012660218, "q_0.475": 3.027945289300058, "q_0.5": 3.142439353581243, "q_0.525": 3.247672616839975, "q_0.55": 3.309653692705213, "q_0.575": 3.3552660277039834, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.495149857235451, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.7003907466932233, "q_0.75": 3.756064033273435, "q_0.775": 3.793830888280943, "q_0.8": 3.902951553828625, "q_0.825": 3.939720545367994, "q_0.85": 3.996793693119765, "q_0.875": 4.054023016640153, "q_0.9": 4.134065512562791, "q_0.925": 4.199848775004261, "q_0.95": 4.3653321569812, "q_0.975": 4.501742211298699, "q_1": 4.951913791281355}, {"x": 27.69107643057223, "y": 3.4387172031672213, "y_true": 1.834536531625406, "y_pred": 3.157828549901804, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 1.977190641210023, "q_0.1": 2.063936806561931, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.3057062865961773, "q_0.225": 2.379342960646159, "q_0.25": 2.445337631344143, "q_0.275": 2.488590119858136, "q_0.3": 2.5730586749554183, "q_0.325": 2.6672118144933243, "q_0.35": 2.7244289655061595, "q_0.375": 2.786438473486531, "q_0.4": 2.8887254865875134, "q_0.425": 2.965197026856022, "q_0.45": 2.987541012660218, "q_0.475": 3.0581633303894216, "q_0.5": 3.157828549901804, "q_0.525": 3.2642043964528042, "q_0.55": 3.3286306980272906, "q_0.575": 3.3552660277039834, "q_0.6": 3.4046712897770495, "q_0.625": 3.4463227805046746, "q_0.65": 3.495149857235451, "q_0.675": 3.566008808437526, "q_0.7": 3.6322691902566353, "q_0.725": 3.702986699791204, "q_0.75": 3.756064033273435, "q_0.775": 3.8097834121875263, "q_0.8": 3.906366733050187, "q_0.825": 3.953925754882873, "q_0.85": 3.996793693119765, "q_0.875": 4.0714414255033775, "q_0.9": 4.134065512562791, "q_0.925": 4.199848775004261, "q_0.95": 4.392337762588066, "q_0.975": 4.501742211298699, "q_1": 4.951913791281355}, {"x": 27.73109243697479, "y": 4.341592270088906, "y_true": 1.8351432905326155, "y_pred": 3.2117805731313727, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.063936806561931, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2686469003495104, "q_0.2": 2.3158594942098008, "q_0.225": 2.4028755615933397, "q_0.25": 2.471488206433124, "q_0.275": 2.5421714929704304, "q_0.3": 2.613141023924022, "q_0.325": 2.6870200566440694, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9088364315966055, "q_0.425": 2.984716634589762, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2117805731313727, "q_0.525": 3.2734615334866, "q_0.55": 3.3296445072915564, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.530125941651888, "q_0.675": 3.6080736861576215, "q_0.7": 3.6462269616838245, "q_0.725": 3.726517185255917, "q_0.75": 3.7796313450647516, "q_0.775": 3.8570920487176004, "q_0.8": 3.920253225994105, "q_0.825": 3.9709569051798512, "q_0.85": 4.050013980166575, "q_0.875": 4.1068807620061225, "q_0.9": 4.183329504286376, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 27.77110844337735, "y": 3.7796313450647516, "y_true": 1.8357492442852497, "y_pred": 3.2231726939355, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.081307583769472, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.471488206433124, "q_0.275": 2.5421714929704304, "q_0.3": 2.613141023924022, "q_0.325": 2.6870200566440694, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2231726939355, "q_0.525": 3.2906937344093983, "q_0.55": 3.343579605074459, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7796313450647516, "q_0.775": 3.8570920487176004, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 27.811124449779914, "y": 3.9095596691147443, "y_true": 1.8363543950674392, "y_pred": 3.2231726939355, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.081307583769472, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.471488206433124, "q_0.275": 2.5421714929704304, "q_0.3": 2.613141023924022, "q_0.325": 2.6870200566440694, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2231726939355, "q_0.525": 3.2906937344093983, "q_0.55": 3.343579605074459, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7796313450647516, "q_0.775": 3.8570920487176004, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 27.851140456182474, "y": 4.407294961688546, "y_true": 1.8369587450543357, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 27.891156462585034, "y": 3.552408034873406, "y_true": 1.837562296412162, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 27.931172468987597, "y": 3.4013624607582162, "y_true": 1.8381650512982615, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 27.971188475390157, "y": 3.4680774029695485, "y_true": 1.8387670118611459, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.011204481792717, "y": 4.184335582340923, "y_true": 1.839368180240545, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.05122048819528, "y": 2.8916222846227573, "y_true": 1.8399685585674537, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.09123649459784, "y": 3.996793693119765, "y_true": 1.8405681489641803, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.1312525010004, "y": 3.6103589315542504, "y_true": 1.8411669535443946, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.171268507402964, "y": 2.668293863082787, "y_true": 1.841764974413174, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.211284513805523, "y": 1.879527184864867, "y_true": 1.842362213667051, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.251300520208083, "y": 2.413183654139846, "y_true": 1.8429586733940593, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.291316526610647, "y": 3.7459235564656, "y_true": 1.8435543556737803, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.2235737527414687, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.3494368325860044, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.786445269904908, "q_0.775": 3.891750678846295, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.306950883682711, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.331332533013207, "y": 3.4203469675267444, "y_true": 1.844149262577389, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.2235737527414687, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.3494368325860044, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.786445269904908, "q_0.775": 3.891750678846295, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.306950883682711, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.371348539415767, "y": 2.5917377746347263, "y_true": 1.8447433961676998, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6641068349176034, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.1248979890079145, "q_0.9": 4.184335582340923, "q_0.925": 4.306950883682711, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.41136454581833, "y": 3.0273644148069776, "y_true": 1.8453367584992106, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6641068349176034, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.1248979890079145, "q_0.9": 4.184335582340923, "q_0.925": 4.306950883682711, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.45138055222089, "y": 3.6462269616838245, "y_true": 1.8459293516181492, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.2840751745218855, "q_0.55": 3.343579605074459, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.666975236297665, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9319023165796763, "q_0.825": 3.9796008373914473, "q_0.85": 4.053811225269878, "q_0.875": 4.1248979890079145, "q_0.9": 4.184335582340923, "q_0.925": 4.306950883682711, "q_0.95": 4.440019371654492, "q_0.975": 4.537031097510249, "q_1": 4.951913791281355}, {"x": 28.49139655862345, "y": 2.1927416175421937, "y_true": 1.8465211775625172, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.2840751745218855, "q_0.55": 3.343579605074459, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.666975236297665, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9319023165796763, "q_0.825": 3.9796008373914473, "q_0.85": 4.053811225269878, "q_0.875": 4.1248979890079145, "q_0.9": 4.184335582340923, "q_0.925": 4.306950883682711, "q_0.95": 4.440019371654492, "q_0.975": 4.537031097510249, "q_1": 4.951913791281355}, {"x": 28.531412565026013, "y": 3.0253373082851653, "y_true": 1.8471122383621348, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.2840751745218855, "q_0.55": 3.343579605074459, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.666975236297665, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9319023165796763, "q_0.825": 3.9796008373914473, "q_0.85": 4.053811225269878, "q_0.875": 4.1248979890079145, "q_0.9": 4.184335582340923, "q_0.925": 4.306950883682711, "q_0.95": 4.440019371654492, "q_0.975": 4.537031097510249, "q_1": 4.951913791281355}, {"x": 28.571428571428573, "y": 2.983802892665897, "y_true": 1.847702536038684, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.2840751745218855, "q_0.55": 3.343579605074459, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.666975236297665, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9319023165796763, "q_0.825": 3.9796008373914473, "q_0.85": 4.053811225269878, "q_0.875": 4.1248979890079145, "q_0.9": 4.184335582340923, "q_0.925": 4.306950883682711, "q_0.95": 4.440019371654492, "q_0.975": 4.537031097510249, "q_1": 4.951913791281355}, {"x": 28.611444577831133, "y": 3.3286306980272906, "y_true": 1.8482920726057535, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.2840751745218855, "q_0.55": 3.343579605074459, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.666975236297665, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9319023165796763, "q_0.825": 3.9796008373914473, "q_0.85": 4.053811225269878, "q_0.875": 4.1248979890079145, "q_0.9": 4.184335582340923, "q_0.925": 4.306950883682711, "q_0.95": 4.440019371654492, "q_0.975": 4.537031097510249, "q_1": 4.951913791281355}, {"x": 28.651460584233696, "y": 3.2734615334866, "y_true": 1.848880850068881, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.063936806561931, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4170340648268227, "q_0.25": 2.4748682988523942, "q_0.275": 2.5730586749554183, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.984716634589762, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.2840751745218855, "q_0.55": 3.343579605074459, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4869689450100205, "q_0.65": 3.552408034873406, "q_0.675": 3.6147308455352865, "q_0.7": 3.6703389175486167, "q_0.725": 3.7491662525253835, "q_0.75": 3.793830888280943, "q_0.775": 3.906366733050187, "q_0.8": 3.948544280020183, "q_0.825": 3.996793693119765, "q_0.85": 4.067957743730716, "q_0.875": 4.134065512562791, "q_0.9": 4.199848775004261, "q_0.925": 4.348711745147643, "q_0.95": 4.453833421672142, "q_0.975": 4.537031097510249, "q_1": 4.951913791281355}, {"x": 28.691476590636256, "y": 2.8536708020780095, "y_true": 1.8494688704255968, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.063936806561931, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2869817001809967, "q_0.2": 2.3160802280467, "q_0.225": 2.4194108372040253, "q_0.25": 2.484755110951135, "q_0.275": 2.5730586749554183, "q_0.3": 2.6463215474857016, "q_0.325": 2.6973752128664303, "q_0.35": 2.7852898547316287, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.3494368325860044, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4869689450100205, "q_0.65": 3.552408034873406, "q_0.675": 3.6147308455352865, "q_0.7": 3.694864713592013, "q_0.725": 3.756064033273435, "q_0.75": 3.7958272883525694, "q_0.775": 3.906366733050187, "q_0.8": 3.948544280020183, "q_0.825": 3.996793693119765, "q_0.85": 4.0714414255033775, "q_0.875": 4.134065512562791, "q_0.9": 4.199848775004261, "q_0.925": 4.3653321569812, "q_0.95": 4.453833421672142, "q_0.975": 4.537031097510249, "q_1": 4.951913791281355}, {"x": 28.731492597038816, "y": 3.933951776341296, "y_true": 1.8500561356654677, "y_pred": 3.247672616839975, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.063936806561931, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.291548649680823, "q_0.2": 2.3248460022236523, "q_0.225": 2.429426750821424, "q_0.25": 2.488590119858136, "q_0.275": 2.5917377746347263, "q_0.3": 2.663926777311072, "q_0.325": 2.716810477779716, "q_0.35": 2.811955287713658, "q_0.375": 2.887732869733995, "q_0.4": 2.950780802798181, "q_0.425": 2.986521221820581, "q_0.45": 3.0273644148069776, "q_0.475": 3.131885696893322, "q_0.5": 3.247672616839975, "q_0.525": 3.309653692705213, "q_0.55": 3.3552660277039834, "q_0.575": 3.4014855749733646, "q_0.6": 3.460687561603477, "q_0.625": 3.495468420747075, "q_0.65": 3.566008808437526, "q_0.675": 3.6462269616838245, "q_0.7": 3.720078071236834, "q_0.725": 3.7796313450647516, "q_0.75": 3.8570920487176004, "q_0.775": 3.9268909670051806, "q_0.8": 3.9709569051798512, "q_0.825": 4.050013980166575, "q_0.85": 4.118021424074704, "q_0.875": 4.184335582340923, "q_0.9": 4.291161428335633, "q_0.925": 4.398564135824883, "q_0.95": 4.4806014856332075, "q_0.975": 4.5750987950482696, "q_1": 4.951913791281355}, {"x": 28.77150860344138, "y": 2.0344093317192424, "y_true": 1.8506426477701376, "y_pred": 3.2642043964528042, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.0823841244089167, "q_0.125": 2.1919776458948323, "q_0.15": 2.229295320561961, "q_0.175": 2.3146396154867976, "q_0.2": 2.3693039189277747, "q_0.225": 2.455161297797124, "q_0.25": 2.4981635938906557, "q_0.275": 2.5917377746347263, "q_0.3": 2.6808881594079543, "q_0.325": 2.7253514483783317, "q_0.35": 2.8300827058507037, "q_0.375": 2.8887254865875134, "q_0.4": 2.965197026856022, "q_0.425": 2.987541012660218, "q_0.45": 3.027945289300058, "q_0.475": 3.13805549654208, "q_0.5": 3.2642043964528042, "q_0.525": 3.3183542294418134, "q_0.55": 3.3590612501407273, "q_0.575": 3.4114502019292554, "q_0.6": 3.4680774029695485, "q_0.625": 3.527875932086115, "q_0.65": 3.6103589315542504, "q_0.675": 3.6538153232587716, "q_0.7": 3.7459235564656, "q_0.725": 3.793830888280943, "q_0.75": 3.906366733050187, "q_0.775": 3.951338077386283, "q_0.8": 3.9992077473929766, "q_0.825": 4.0714414255033775, "q_0.85": 4.154812452147601, "q_0.875": 4.199848775004261, "q_0.9": 4.312273348856062, "q_0.925": 4.441678520587124, "q_0.95": 4.500853507417846, "q_0.975": 4.579146244995807, "q_1": 5.000401010833492}, {"x": 28.81152460984394, "y": 1.9484169484893405, "y_true": 1.8512284087133715, "y_pred": 3.2642043964528042, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.0823841244089167, "q_0.125": 2.1919776458948323, "q_0.15": 2.229295320561961, "q_0.175": 2.3146396154867976, "q_0.2": 2.3693039189277747, "q_0.225": 2.455161297797124, "q_0.25": 2.4981635938906557, "q_0.275": 2.5917377746347263, "q_0.3": 2.6808881594079543, "q_0.325": 2.7253514483783317, "q_0.35": 2.8300827058507037, "q_0.375": 2.8887254865875134, "q_0.4": 2.965197026856022, "q_0.425": 2.987541012660218, "q_0.45": 3.027945289300058, "q_0.475": 3.13805549654208, "q_0.5": 3.2642043964528042, "q_0.525": 3.3183542294418134, "q_0.55": 3.3590612501407273, "q_0.575": 3.4114502019292554, "q_0.6": 3.4680774029695485, "q_0.625": 3.527875932086115, "q_0.65": 3.6103589315542504, "q_0.675": 3.6538153232587716, "q_0.7": 3.7459235564656, "q_0.725": 3.793830888280943, "q_0.75": 3.906366733050187, "q_0.775": 3.951338077386283, "q_0.8": 3.9992077473929766, "q_0.825": 4.0714414255033775, "q_0.85": 4.154812452147601, "q_0.875": 4.199848775004261, "q_0.9": 4.312273348856062, "q_0.925": 4.441678520587124, "q_0.95": 4.500853507417846, "q_0.975": 4.579146244995807, "q_1": 5.000401010833492}, {"x": 28.8515406162465, "y": 3.0016595769909005, "y_true": 1.8518134204610968, "y_pred": 3.2642043964528042, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.229295320561961, "q_0.175": 2.3146396154867976, "q_0.2": 2.382681027184651, "q_0.225": 2.455161297797124, "q_0.25": 2.4981635938906557, "q_0.275": 2.60287342412113, "q_0.3": 2.6870200566440694, "q_0.325": 2.7253514483783317, "q_0.35": 2.834322935116626, "q_0.375": 2.8887254865875134, "q_0.4": 2.965197026856022, "q_0.425": 2.987541012660218, "q_0.45": 3.027945289300058, "q_0.475": 3.1390074757796294, "q_0.5": 3.2642043964528042, "q_0.525": 3.3183542294418134, "q_0.55": 3.375315913614858, "q_0.575": 3.4128881529918504, "q_0.6": 3.4680774029695485, "q_0.625": 3.5294729106117644, "q_0.65": 3.6103589315542504, "q_0.675": 3.666975236297665, "q_0.7": 3.7459235564656, "q_0.725": 3.793830888280943, "q_0.75": 3.906366733050187, "q_0.775": 3.9550928641618697, "q_0.8": 4.008720357673253, "q_0.825": 4.0742237600893345, "q_0.85": 4.154812452147601, "q_0.875": 4.242813272213002, "q_0.9": 4.332775941551913, "q_0.925": 4.441678520587124, "q_0.95": 4.501742211298699, "q_0.975": 4.579146244995807, "q_1": 5.000401010833492}, {"x": 28.89155662264906, "y": 4.306950883682711, "y_true": 1.8523976849714447, "y_pred": 3.264993772752799, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.1024260118048512, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3146396154867976, "q_0.2": 2.382681027184651, "q_0.225": 2.470015753344929, "q_0.25": 2.532739632856084, "q_0.275": 2.605670703771356, "q_0.3": 2.6870200566440694, "q_0.325": 2.7253514483783317, "q_0.35": 2.8507806336042902, "q_0.375": 2.8887254865875134, "q_0.4": 2.9670028172890834, "q_0.425": 2.9898673389941393, "q_0.45": 3.027945289300058, "q_0.475": 3.1390074757796294, "q_0.5": 3.264993772752799, "q_0.525": 3.3286306980272906, "q_0.55": 3.3823525524652656, "q_0.575": 3.4128881529918504, "q_0.6": 3.4680774029695485, "q_0.625": 3.530125941651888, "q_0.65": 3.6103589315542504, "q_0.675": 3.6703389175486167, "q_0.7": 3.7491662525253835, "q_0.725": 3.8212020589615934, "q_0.75": 3.9095596691147443, "q_0.775": 3.9550928641618697, "q_0.8": 4.023615283076078, "q_0.825": 4.083042250794794, "q_0.85": 4.155838853489351, "q_0.875": 4.265395942540645, "q_0.9": 4.355662066573338, "q_0.925": 4.442001273473941, "q_0.95": 4.501742211298699, "q_0.975": 4.579146244995807, "q_1": 5.000401010833492}, {"x": 28.931572629051622, "y": 2.613141023924022, "y_true": 1.8529812041947933, "y_pred": 3.2642043964528042, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3146396154867976, "q_0.2": 2.392466255602696, "q_0.225": 2.471488206433124, "q_0.25": 2.538554674234327, "q_0.275": 2.605670703771356, "q_0.3": 2.6870200566440694, "q_0.325": 2.7253514483783317, "q_0.35": 2.852214856573651, "q_0.375": 2.8887254865875134, "q_0.4": 2.965197026856022, "q_0.425": 2.987541012660218, "q_0.45": 3.027945289300058, "q_0.475": 3.1390074757796294, "q_0.5": 3.2642043964528042, "q_0.525": 3.321298163409161, "q_0.55": 3.3823525524652656, "q_0.575": 3.4176492141237844, "q_0.6": 3.4869689450100205, "q_0.625": 3.5327513965170736, "q_0.65": 3.6147308455352865, "q_0.675": 3.702986699791204, "q_0.7": 3.756064033273435, "q_0.725": 3.8570920487176004, "q_0.75": 3.920253225994105, "q_0.775": 3.9617281614932196, "q_0.8": 4.043937587278693, "q_0.825": 4.1068807620061225, "q_0.85": 4.170168813253846, "q_0.875": 4.276668090847616, "q_0.9": 4.3653321569812, "q_0.925": 4.453833421672142, "q_0.95": 4.510620692332899, "q_0.975": 4.579146244995807, "q_1": 5.000401010833492}, {"x": 28.971588635454182, "y": 2.3256782805463927, "y_true": 1.8535639800738055, "y_pred": 3.2675005831610826, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3146396154867976, "q_0.2": 2.392466255602696, "q_0.225": 2.471488206433124, "q_0.25": 2.5421714929704304, "q_0.275": 2.613141023924022, "q_0.3": 2.6890247553008053, "q_0.325": 2.7503390983803193, "q_0.35": 2.859814990201883, "q_0.375": 2.9006328592899173, "q_0.4": 2.9670028172890834, "q_0.425": 2.9914729253003998, "q_0.45": 3.0581633303894216, "q_0.475": 3.1515168922979693, "q_0.5": 3.2675005831610826, "q_0.525": 3.3286306980272906, "q_0.55": 3.3823525524652656, "q_0.575": 3.4203469675267444, "q_0.6": 3.491032646272281, "q_0.625": 3.552408034873406, "q_0.65": 3.6322691902566353, "q_0.675": 3.702986699791204, "q_0.7": 3.7627427035790566, "q_0.725": 3.8570920487176004, "q_0.75": 3.9268909670051806, "q_0.775": 3.9709569051798512, "q_0.8": 4.050013980166575, "q_0.825": 4.118021424074704, "q_0.85": 4.184335582340923, "q_0.875": 4.291161428335633, "q_0.9": 4.392337762588066, "q_0.925": 4.453833421672142, "q_0.95": 4.510620692332899, "q_0.975": 4.601094254941581, "q_1": 5.000401010833492}, {"x": 29.011604641856742, "y": 4.398564135824883, "y_true": 1.8541460145434738, "y_pred": 3.2675005831610826, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3146396154867976, "q_0.2": 2.392466255602696, "q_0.225": 2.471488206433124, "q_0.25": 2.5421714929704304, "q_0.275": 2.613141023924022, "q_0.3": 2.6890247553008053, "q_0.325": 2.7503390983803193, "q_0.35": 2.859814990201883, "q_0.375": 2.9006328592899173, "q_0.4": 2.9670028172890834, "q_0.425": 2.9914729253003998, "q_0.45": 3.0581633303894216, "q_0.475": 3.1515168922979693, "q_0.5": 3.2675005831610826, "q_0.525": 3.3286306980272906, "q_0.55": 3.3823525524652656, "q_0.575": 3.4203469675267444, "q_0.6": 3.491032646272281, "q_0.625": 3.552408034873406, "q_0.65": 3.6322691902566353, "q_0.675": 3.702986699791204, "q_0.7": 3.7627427035790566, "q_0.725": 3.8570920487176004, "q_0.75": 3.9268909670051806, "q_0.775": 3.9709569051798512, "q_0.8": 4.050013980166575, "q_0.825": 4.118021424074704, "q_0.85": 4.184335582340923, "q_0.875": 4.291161428335633, "q_0.9": 4.392337762588066, "q_0.925": 4.453833421672142, "q_0.95": 4.510620692332899, "q_0.975": 4.601094254941581, "q_1": 5.000401010833492}, {"x": 29.051620648259306, "y": 2.3160802280467, "y_true": 1.8547273095311583, "y_pred": 3.2675005831610826, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3146396154867976, "q_0.2": 2.392466255602696, "q_0.225": 2.471488206433124, "q_0.25": 2.5421714929704304, "q_0.275": 2.613141023924022, "q_0.3": 2.6890247553008053, "q_0.325": 2.7503390983803193, "q_0.35": 2.859814990201883, "q_0.375": 2.9006328592899173, "q_0.4": 2.9670028172890834, "q_0.425": 2.9914729253003998, "q_0.45": 3.0581633303894216, "q_0.475": 3.1515168922979693, "q_0.5": 3.2675005831610826, "q_0.525": 3.3286306980272906, "q_0.55": 3.3823525524652656, "q_0.575": 3.4203469675267444, "q_0.6": 3.491032646272281, "q_0.625": 3.552408034873406, "q_0.65": 3.6322691902566353, "q_0.675": 3.702986699791204, "q_0.7": 3.7627427035790566, "q_0.725": 3.8570920487176004, "q_0.75": 3.9268909670051806, "q_0.775": 3.9709569051798512, "q_0.8": 4.050013980166575, "q_0.825": 4.118021424074704, "q_0.85": 4.184335582340923, "q_0.875": 4.291161428335633, "q_0.9": 4.392337762588066, "q_0.925": 4.453833421672142, "q_0.95": 4.510620692332899, "q_0.975": 4.601094254941581, "q_1": 5.000401010833492}, {"x": 29.091636654661865, "y": 2.8837922146436323, "y_true": 1.8553078669566276, "y_pred": 3.2675005831610826, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3146396154867976, "q_0.2": 2.392466255602696, "q_0.225": 2.471488206433124, "q_0.25": 2.5421714929704304, "q_0.275": 2.613141023924022, "q_0.3": 2.6890247553008053, "q_0.325": 2.7503390983803193, "q_0.35": 2.859814990201883, "q_0.375": 2.9006328592899173, "q_0.4": 2.9670028172890834, "q_0.425": 2.9914729253003998, "q_0.45": 3.0581633303894216, "q_0.475": 3.1515168922979693, "q_0.5": 3.2675005831610826, "q_0.525": 3.3286306980272906, "q_0.55": 3.3823525524652656, "q_0.575": 3.4203469675267444, "q_0.6": 3.491032646272281, "q_0.625": 3.552408034873406, "q_0.65": 3.6322691902566353, "q_0.675": 3.702986699791204, "q_0.7": 3.7627427035790566, "q_0.725": 3.8570920487176004, "q_0.75": 3.9268909670051806, "q_0.775": 3.9709569051798512, "q_0.8": 4.050013980166575, "q_0.825": 4.118021424074704, "q_0.85": 4.184335582340923, "q_0.875": 4.291161428335633, "q_0.9": 4.392337762588066, "q_0.925": 4.453833421672142, "q_0.95": 4.510620692332899, "q_0.975": 4.601094254941581, "q_1": 5.000401010833492}, {"x": 29.131652661064425, "y": 3.8570920487176004, "y_true": 1.8558876887321, "y_pred": 3.2675005831610826, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3146396154867976, "q_0.2": 2.392466255602696, "q_0.225": 2.471488206433124, "q_0.25": 2.5421714929704304, "q_0.275": 2.613141023924022, "q_0.3": 2.6890247553008053, "q_0.325": 2.7503390983803193, "q_0.35": 2.859814990201883, "q_0.375": 2.9006328592899173, "q_0.4": 2.9670028172890834, "q_0.425": 2.9914729253003998, "q_0.45": 3.0581633303894216, "q_0.475": 3.1515168922979693, "q_0.5": 3.2675005831610826, "q_0.525": 3.3286306980272906, "q_0.55": 3.3823525524652656, "q_0.575": 3.4203469675267444, "q_0.6": 3.491032646272281, "q_0.625": 3.552408034873406, "q_0.65": 3.6322691902566353, "q_0.675": 3.702986699791204, "q_0.7": 3.7627427035790566, "q_0.725": 3.8570920487176004, "q_0.75": 3.9268909670051806, "q_0.775": 3.9709569051798512, "q_0.8": 4.050013980166575, "q_0.825": 4.118021424074704, "q_0.85": 4.184335582340923, "q_0.875": 4.291161428335633, "q_0.9": 4.392337762588066, "q_0.925": 4.453833421672142, "q_0.95": 4.510620692332899, "q_0.975": 4.601094254941581, "q_1": 5.000401010833492}, {"x": 29.17166866746699, "y": 2.5730586749554183, "y_true": 1.8564667767622818, "y_pred": 3.2675005831610826, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.102102709194691, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3153809790481863, "q_0.2": 2.392466255602696, "q_0.225": 2.471488206433124, "q_0.25": 2.5421714929704304, "q_0.275": 2.613141023924022, "q_0.3": 2.690098446132405, "q_0.325": 2.7625310391788718, "q_0.35": 2.8837922146436323, "q_0.375": 2.905615710123424, "q_0.4": 2.969850215308071, "q_0.425": 3.0016595769909005, "q_0.45": 3.0581633303894216, "q_0.475": 3.151683441958731, "q_0.5": 3.2675005831610826, "q_0.525": 3.3286306980272906, "q_0.55": 3.3823525524652656, "q_0.575": 3.4203469675267444, "q_0.6": 3.491032646272281, "q_0.625": 3.552408034873406, "q_0.65": 3.6415485318169702, "q_0.675": 3.7146227590555156, "q_0.7": 3.7796313450647516, "q_0.725": 3.8570920487176004, "q_0.75": 3.9319023165796763, "q_0.775": 3.9796008373914473, "q_0.8": 4.053811225269878, "q_0.825": 4.1248979890079145, "q_0.85": 4.184335582340923, "q_0.875": 4.291161428335633, "q_0.9": 4.392337762588066, "q_0.925": 4.4622170692373855, "q_0.95": 4.516720865781383, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.21168467386955, "y": 2.488590119858136, "y_true": 1.8570451329444073, "y_pred": 3.2675005831610826, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3153809790481863, "q_0.2": 2.392466255602696, "q_0.225": 2.471488206433124, "q_0.25": 2.5456339727427992, "q_0.275": 2.613141023924022, "q_0.3": 2.690098446132405, "q_0.325": 2.763071228495921, "q_0.35": 2.8837922146436323, "q_0.375": 2.905615710123424, "q_0.4": 2.969850215308071, "q_0.425": 3.0016595769909005, "q_0.45": 3.0581633303894216, "q_0.475": 3.157828549901804, "q_0.5": 3.2675005831610826, "q_0.525": 3.3286306980272906, "q_0.55": 3.3823525524652656, "q_0.575": 3.4203469675267444, "q_0.6": 3.495149857235451, "q_0.625": 3.5541000648222463, "q_0.65": 3.6415485318169702, "q_0.675": 3.7146227590555156, "q_0.7": 3.7796313450647516, "q_0.725": 3.891750678846295, "q_0.75": 3.9319023165796763, "q_0.775": 3.9796008373914473, "q_0.8": 4.054023016640153, "q_0.825": 4.1248979890079145, "q_0.85": 4.192343117035323, "q_0.875": 4.304492011139114, "q_0.9": 4.398564135824883, "q_0.925": 4.462326526695686, "q_0.95": 4.516720865781383, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.25170068027211, "y": 2.950780802798181, "y_true": 1.8576227591682792, "y_pred": 3.2675005831610826, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3153809790481863, "q_0.2": 2.392466255602696, "q_0.225": 2.471488206433124, "q_0.25": 2.5456339727427992, "q_0.275": 2.613141023924022, "q_0.3": 2.690098446132405, "q_0.325": 2.763071228495921, "q_0.35": 2.8837922146436323, "q_0.375": 2.905615710123424, "q_0.4": 2.969850215308071, "q_0.425": 3.0016595769909005, "q_0.45": 3.0581633303894216, "q_0.475": 3.157828549901804, "q_0.5": 3.2675005831610826, "q_0.525": 3.3286306980272906, "q_0.55": 3.3823525524652656, "q_0.575": 3.4203469675267444, "q_0.6": 3.495149857235451, "q_0.625": 3.5541000648222463, "q_0.65": 3.6415485318169702, "q_0.675": 3.7146227590555156, "q_0.7": 3.7796313450647516, "q_0.725": 3.891750678846295, "q_0.75": 3.9319023165796763, "q_0.775": 3.9796008373914473, "q_0.8": 4.054023016640153, "q_0.825": 4.1248979890079145, "q_0.85": 4.192343117035323, "q_0.875": 4.304492011139114, "q_0.9": 4.398564135824883, "q_0.925": 4.462326526695686, "q_0.95": 4.516720865781383, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.291716686674672, "y": 4.023615283076078, "y_true": 1.8581996573163062, "y_pred": 3.273262828959913, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3153809790481863, "q_0.2": 2.4028755615933397, "q_0.225": 2.471488206433124, "q_0.25": 2.549096452515171, "q_0.275": 2.613141023924022, "q_0.3": 2.6973752128664303, "q_0.325": 2.780163702302858, "q_0.35": 2.8837922146436323, "q_0.375": 2.906971216643092, "q_0.4": 2.9709310125598636, "q_0.425": 3.0016595769909005, "q_0.45": 3.0621236357191126, "q_0.475": 3.188182743371921, "q_0.5": 3.273262828959913, "q_0.525": 3.3296445072915564, "q_0.55": 3.400067994887957, "q_0.575": 3.4463227805046746, "q_0.6": 3.495149857235451, "q_0.625": 3.560833525936844, "q_0.65": 3.6415485318169702, "q_0.675": 3.720078071236834, "q_0.7": 3.7796313450647516, "q_0.725": 3.902951553828625, "q_0.75": 3.948544280020183, "q_0.775": 3.996793693119765, "q_0.8": 4.054023016640153, "q_0.825": 4.134065512562791, "q_0.85": 4.192343117035323, "q_0.875": 4.306950883682711, "q_0.9": 4.398564135824883, "q_0.925": 4.462326526695686, "q_0.95": 4.516720865781383, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.33173269307723, "y": 4.3653321569812, "y_true": 1.8587758292635421, "y_pred": 3.273262828959913, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3153809790481863, "q_0.2": 2.4028755615933397, "q_0.225": 2.471488206433124, "q_0.25": 2.549096452515171, "q_0.275": 2.613141023924022, "q_0.3": 2.6973752128664303, "q_0.325": 2.780163702302858, "q_0.35": 2.8837922146436323, "q_0.375": 2.906971216643092, "q_0.4": 2.9709310125598636, "q_0.425": 3.0016595769909005, "q_0.45": 3.0621236357191126, "q_0.475": 3.188182743371921, "q_0.5": 3.273262828959913, "q_0.525": 3.3296445072915564, "q_0.55": 3.400067994887957, "q_0.575": 3.4463227805046746, "q_0.6": 3.495149857235451, "q_0.625": 3.560833525936844, "q_0.65": 3.6415485318169702, "q_0.675": 3.720078071236834, "q_0.7": 3.7796313450647516, "q_0.725": 3.902951553828625, "q_0.75": 3.948544280020183, "q_0.775": 3.996793693119765, "q_0.8": 4.054023016640153, "q_0.825": 4.134065512562791, "q_0.85": 4.192343117035323, "q_0.875": 4.306950883682711, "q_0.9": 4.398564135824883, "q_0.925": 4.462326526695686, "q_0.95": 4.516720865781383, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.37174869947979, "y": 1.94549211429443, "y_true": 1.8593512768777256, "y_pred": 3.273262828959913, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3153809790481863, "q_0.2": 2.4028755615933397, "q_0.225": 2.471488206433124, "q_0.25": 2.549096452515171, "q_0.275": 2.613141023924022, "q_0.3": 2.6973752128664303, "q_0.325": 2.780163702302858, "q_0.35": 2.8837922146436323, "q_0.375": 2.906971216643092, "q_0.4": 2.9709310125598636, "q_0.425": 3.0016595769909005, "q_0.45": 3.0621236357191126, "q_0.475": 3.188182743371921, "q_0.5": 3.273262828959913, "q_0.525": 3.3296445072915564, "q_0.55": 3.400067994887957, "q_0.575": 3.4463227805046746, "q_0.6": 3.495149857235451, "q_0.625": 3.560833525936844, "q_0.65": 3.6415485318169702, "q_0.675": 3.720078071236834, "q_0.7": 3.7796313450647516, "q_0.725": 3.902951553828625, "q_0.75": 3.948544280020183, "q_0.775": 3.996793693119765, "q_0.8": 4.054023016640153, "q_0.825": 4.134065512562791, "q_0.85": 4.192343117035323, "q_0.875": 4.306950883682711, "q_0.9": 4.398564135824883, "q_0.925": 4.462326526695686, "q_0.95": 4.516720865781383, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.411764705882355, "y": 2.3146396154867976, "y_true": 1.8599260020193167, "y_pred": 3.273262828959913, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3153809790481863, "q_0.2": 2.4028755615933397, "q_0.225": 2.471488206433124, "q_0.25": 2.549096452515171, "q_0.275": 2.613141023924022, "q_0.3": 2.6973752128664303, "q_0.325": 2.780163702302858, "q_0.35": 2.8837922146436323, "q_0.375": 2.906971216643092, "q_0.4": 2.9709310125598636, "q_0.425": 3.0016595769909005, "q_0.45": 3.0621236357191126, "q_0.475": 3.188182743371921, "q_0.5": 3.273262828959913, "q_0.525": 3.3296445072915564, "q_0.55": 3.400067994887957, "q_0.575": 3.4463227805046746, "q_0.6": 3.495149857235451, "q_0.625": 3.560833525936844, "q_0.65": 3.6415485318169702, "q_0.675": 3.720078071236834, "q_0.7": 3.7796313450647516, "q_0.725": 3.902951553828625, "q_0.75": 3.948544280020183, "q_0.775": 3.996793693119765, "q_0.8": 4.054023016640153, "q_0.825": 4.134065512562791, "q_0.85": 4.192343117035323, "q_0.875": 4.306950883682711, "q_0.9": 4.398564135824883, "q_0.925": 4.462326526695686, "q_0.95": 4.516720865781383, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.451780712284915, "y": 4.501742211298699, "y_true": 1.8605000065415358, "y_pred": 3.2734615334866, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.108454158188187, "q_0.125": 2.1927416175421937, "q_0.15": 2.253246502896806, "q_0.175": 2.3160802280467, "q_0.2": 2.4145349391087643, "q_0.225": 2.484755110951135, "q_0.25": 2.5730586749554183, "q_0.275": 2.663926777311072, "q_0.3": 2.703179106240242, "q_0.325": 2.7852898547316287, "q_0.35": 2.8837922146436323, "q_0.375": 2.9088364315966055, "q_0.4": 2.983802892665897, "q_0.425": 3.0016595769909005, "q_0.45": 3.0847721040106455, "q_0.475": 3.1948126242687063, "q_0.5": 3.2734615334866, "q_0.525": 3.330322171483946, "q_0.55": 3.401300506060521, "q_0.575": 3.460687561603477, "q_0.6": 3.499501200010317, "q_0.625": 3.562263916856411, "q_0.65": 3.6462269616838245, "q_0.675": 3.7260945790478277, "q_0.7": 3.793830888280943, "q_0.725": 3.906366733050187, "q_0.75": 3.9550928641618697, "q_0.775": 4.0043066980372055, "q_0.8": 4.0714414255033775, "q_0.825": 4.154812452147601, "q_0.85": 4.199848775004261, "q_0.875": 4.309750983024624, "q_0.9": 4.407294961688546, "q_0.925": 4.4806014856332075, "q_0.95": 4.537031097510249, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.491796718687475, "y": 3.495149857235451, "y_true": 1.8610732922904014, "y_pred": 3.2734615334866, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.108454158188187, "q_0.125": 2.1927416175421937, "q_0.15": 2.253246502896806, "q_0.175": 2.3160802280467, "q_0.2": 2.4145349391087643, "q_0.225": 2.484755110951135, "q_0.25": 2.5730586749554183, "q_0.275": 2.663926777311072, "q_0.3": 2.703179106240242, "q_0.325": 2.7852898547316287, "q_0.35": 2.8837922146436323, "q_0.375": 2.9088364315966055, "q_0.4": 2.983802892665897, "q_0.425": 3.0016595769909005, "q_0.45": 3.0847721040106455, "q_0.475": 3.1948126242687063, "q_0.5": 3.2734615334866, "q_0.525": 3.330322171483946, "q_0.55": 3.401300506060521, "q_0.575": 3.460687561603477, "q_0.6": 3.499501200010317, "q_0.625": 3.562263916856411, "q_0.65": 3.6462269616838245, "q_0.675": 3.7260945790478277, "q_0.7": 3.793830888280943, "q_0.725": 3.906366733050187, "q_0.75": 3.9550928641618697, "q_0.775": 4.0043066980372055, "q_0.8": 4.0714414255033775, "q_0.825": 4.154812452147601, "q_0.85": 4.199848775004261, "q_0.875": 4.309750983024624, "q_0.9": 4.407294961688546, "q_0.925": 4.4806014856332075, "q_0.95": 4.537031097510249, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.531812725090038, "y": 3.3823525524652656, "y_true": 1.8616458611047677, "y_pred": 3.2734615334866, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.108454158188187, "q_0.125": 2.1927416175421937, "q_0.15": 2.253246502896806, "q_0.175": 2.3160802280467, "q_0.2": 2.4145349391087643, "q_0.225": 2.484755110951135, "q_0.25": 2.5730586749554183, "q_0.275": 2.663926777311072, "q_0.3": 2.703179106240242, "q_0.325": 2.7852898547316287, "q_0.35": 2.8837922146436323, "q_0.375": 2.9088364315966055, "q_0.4": 2.983802892665897, "q_0.425": 3.0016595769909005, "q_0.45": 3.0847721040106455, "q_0.475": 3.1948126242687063, "q_0.5": 3.2734615334866, "q_0.525": 3.330322171483946, "q_0.55": 3.401300506060521, "q_0.575": 3.460687561603477, "q_0.6": 3.499501200010317, "q_0.625": 3.562263916856411, "q_0.65": 3.6462269616838245, "q_0.675": 3.7260945790478277, "q_0.7": 3.793830888280943, "q_0.725": 3.906366733050187, "q_0.75": 3.9550928641618697, "q_0.775": 4.0043066980372055, "q_0.8": 4.0714414255033775, "q_0.825": 4.154812452147601, "q_0.85": 4.199848775004261, "q_0.875": 4.309750983024624, "q_0.9": 4.407294961688546, "q_0.925": 4.4806014856332075, "q_0.95": 4.537031097510249, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.571828731492598, "y": 4.1068807620061225, "y_true": 1.8622177148163612, "y_pred": 3.2734615334866, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.108454158188187, "q_0.125": 2.1927416175421937, "q_0.15": 2.253246502896806, "q_0.175": 2.3160802280467, "q_0.2": 2.4145349391087643, "q_0.225": 2.484755110951135, "q_0.25": 2.5730586749554183, "q_0.275": 2.663926777311072, "q_0.3": 2.703179106240242, "q_0.325": 2.7852898547316287, "q_0.35": 2.8837922146436323, "q_0.375": 2.9088364315966055, "q_0.4": 2.983802892665897, "q_0.425": 3.0016595769909005, "q_0.45": 3.0847721040106455, "q_0.475": 3.1948126242687063, "q_0.5": 3.2734615334866, "q_0.525": 3.330322171483946, "q_0.55": 3.401300506060521, "q_0.575": 3.460687561603477, "q_0.6": 3.499501200010317, "q_0.625": 3.562263916856411, "q_0.65": 3.6462269616838245, "q_0.675": 3.7260945790478277, "q_0.7": 3.793830888280943, "q_0.725": 3.906366733050187, "q_0.75": 3.9550928641618697, "q_0.775": 4.0043066980372055, "q_0.8": 4.0714414255033775, "q_0.825": 4.154812452147601, "q_0.85": 4.199848775004261, "q_0.875": 4.309750983024624, "q_0.9": 4.407294961688546, "q_0.925": 4.4806014856332075, "q_0.95": 4.537031097510249, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.611844737895158, "y": 1.9726060625734914, "y_true": 1.8627888552498186, "y_pred": 3.2734615334866, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.103699386342056, "q_0.125": 2.1927416175421937, "q_0.15": 2.253246502896806, "q_0.175": 2.3160802280467, "q_0.2": 2.4170340648268227, "q_0.225": 2.484755110951135, "q_0.25": 2.5730586749554183, "q_0.275": 2.663926777311072, "q_0.3": 2.703179106240242, "q_0.325": 2.7852898547316287, "q_0.35": 2.885771395438066, "q_0.375": 2.9088364315966055, "q_0.4": 2.983802892665897, "q_0.425": 3.0171317957431363, "q_0.45": 3.0944591840281293, "q_0.475": 3.19881481113056, "q_0.5": 3.2734615334866, "q_0.525": 3.3315806906983862, "q_0.55": 3.4013624607582162, "q_0.575": 3.460687561603477, "q_0.6": 3.516057306819606, "q_0.625": 3.566008808437526, "q_0.65": 3.6462269616838245, "q_0.675": 3.726263579377608, "q_0.7": 3.793830888280943, "q_0.725": 3.9095596691147443, "q_0.75": 3.9550928641618697, "q_0.775": 4.023615283076078, "q_0.8": 4.075987458230433, "q_0.825": 4.154812452147601, "q_0.85": 4.233784940697606, "q_0.875": 4.309750983024624, "q_0.9": 4.407294961688546, "q_0.925": 4.4806014856332075, "q_0.95": 4.537031097510249, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.65186074429772, "y": 1.9015701639205396, "y_true": 1.8633592842227238, "y_pred": 3.2734615334866, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.103699386342056, "q_0.125": 2.1927416175421937, "q_0.15": 2.253246502896806, "q_0.175": 2.3160802280467, "q_0.2": 2.4170340648268227, "q_0.225": 2.484755110951135, "q_0.25": 2.5730586749554183, "q_0.275": 2.663926777311072, "q_0.3": 2.703179106240242, "q_0.325": 2.786438473486531, "q_0.35": 2.885771395438066, "q_0.375": 2.9088364315966055, "q_0.4": 2.983802892665897, "q_0.425": 3.0171317957431363, "q_0.45": 3.0944591840281293, "q_0.475": 3.19881481113056, "q_0.5": 3.2734615334866, "q_0.525": 3.3315806906983862, "q_0.55": 3.4013624607582162, "q_0.575": 3.460687561603477, "q_0.6": 3.516057306819606, "q_0.625": 3.566008808437526, "q_0.65": 3.6462269616838245, "q_0.675": 3.726479144374171, "q_0.7": 3.793830888280943, "q_0.725": 3.9095596691147443, "q_0.75": 3.9550928641618697, "q_0.775": 4.023615283076078, "q_0.8": 4.083042250794794, "q_0.825": 4.154812452147601, "q_0.85": 4.233784940697606, "q_0.875": 4.312273348856062, "q_0.9": 4.407294961688546, "q_0.925": 4.4806014856332075, "q_0.95": 4.537031097510249, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.69187675070028, "y": 4.537031097510249, "y_true": 1.8639290035456424, "y_pred": 3.3017246675552254, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.020654369166617, "q_0.1": 2.1335854321993173, "q_0.125": 2.1927416175421937, "q_0.15": 2.2816117251390278, "q_0.175": 2.3160802280467, "q_0.2": 2.429426750821424, "q_0.225": 2.4897964350965056, "q_0.25": 2.5917377746347263, "q_0.275": 2.6870200566440694, "q_0.3": 2.7244289655061595, "q_0.325": 2.8128121196375666, "q_0.35": 2.8871138245803345, "q_0.375": 2.950780802798181, "q_0.4": 2.984716634589762, "q_0.425": 3.0253373082851653, "q_0.45": 3.09733409211609, "q_0.475": 3.2435609496229434, "q_0.5": 3.3017246675552254, "q_0.525": 3.353391306973348, "q_0.55": 3.4014855749733646, "q_0.575": 3.4680774029695485, "q_0.6": 3.5203231507104635, "q_0.625": 3.6103589315542504, "q_0.65": 3.6703389175486167, "q_0.675": 3.7491662525253835, "q_0.7": 3.8570920487176004, "q_0.725": 3.9268909670051806, "q_0.75": 3.961030053598647, "q_0.775": 4.043937587278693, "q_0.8": 4.1068807620061225, "q_0.825": 4.170168813253846, "q_0.85": 4.2763349780089985, "q_0.875": 4.3653321569812, "q_0.9": 4.442001273473941, "q_0.925": 4.4806014856332075, "q_0.95": 4.537031097510249, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.73189275710284, "y": 4.154812452147601, "y_true": 1.864498015022161, "y_pred": 3.309653692705213, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.032577143227643, "q_0.1": 2.1523668988250786, "q_0.125": 2.193922874845395, "q_0.15": 2.2869817001809967, "q_0.175": 2.3248460022236523, "q_0.2": 2.444206584827035, "q_0.225": 2.4914188591819832, "q_0.25": 2.60287342412113, "q_0.275": 2.6890247553008053, "q_0.3": 2.7253514483783317, "q_0.325": 2.8300827058507037, "q_0.35": 2.887732869733995, "q_0.375": 2.950780802798181, "q_0.4": 2.986521221820581, "q_0.425": 3.027945289300058, "q_0.45": 3.131885696893322, "q_0.475": 3.2435609496229434, "q_0.5": 3.309653692705213, "q_0.525": 3.3552660277039834, "q_0.55": 3.4128881529918504, "q_0.575": 3.4869689450100205, "q_0.6": 3.530125941651888, "q_0.625": 3.6147308455352865, "q_0.65": 3.702986699791204, "q_0.675": 3.7571756657981075, "q_0.7": 3.891750678846295, "q_0.725": 3.9319023165796763, "q_0.75": 3.9796008373914473, "q_0.775": 4.05167711432169, "q_0.8": 4.1248979890079145, "q_0.825": 4.184335582340923, "q_0.85": 4.291161428335633, "q_0.875": 4.3653321569812, "q_0.9": 4.453833421672142, "q_0.925": 4.497057391237302, "q_0.95": 4.570331200342933, "q_0.975": 4.647529416344164, "q_1": 5.083807251723853}, {"x": 29.771908763505404, "y": 3.9319023165796763, "y_true": 1.8650663204489215, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.032577143227643, "q_0.1": 2.1664529559971624, "q_0.125": 2.198273848926883, "q_0.15": 2.291548649680823, "q_0.175": 2.3580595505422157, "q_0.2": 2.446420767024358, "q_0.225": 2.534097647109762, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.7541570651421017, "q_0.325": 2.8400706680520504, "q_0.35": 2.8887254865875134, "q_0.375": 2.965197026856022, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.418983029601323, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7833642727923076, "q_0.7": 3.906366733050187, "q_0.725": 3.948544280020183, "q_0.75": 3.996793693119765, "q_0.775": 4.0714414255033775, "q_0.8": 4.154812452147601, "q_0.825": 4.199848775004261, "q_0.85": 4.306950883682711, "q_0.875": 4.398564135824883, "q_0.9": 4.456289206242499, "q_0.925": 4.501742211298699, "q_0.95": 4.570331200342933, "q_0.975": 4.647529416344164, "q_1": 5.083807251723853}, {"x": 29.811924769907964, "y": 2.2964103131062994, "y_true": 1.8656339216156566, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.032577143227643, "q_0.1": 2.1664529559971624, "q_0.125": 2.198273848926883, "q_0.15": 2.291548649680823, "q_0.175": 2.3580595505422157, "q_0.2": 2.446420767024358, "q_0.225": 2.534097647109762, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.7541570651421017, "q_0.325": 2.8400706680520504, "q_0.35": 2.8887254865875134, "q_0.375": 2.965197026856022, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.418983029601323, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7833642727923076, "q_0.7": 3.906366733050187, "q_0.725": 3.948544280020183, "q_0.75": 3.996793693119765, "q_0.775": 4.0714414255033775, "q_0.8": 4.154812452147601, "q_0.825": 4.199848775004261, "q_0.85": 4.306950883682711, "q_0.875": 4.398564135824883, "q_0.9": 4.456289206242499, "q_0.925": 4.501742211298699, "q_0.95": 4.570331200342933, "q_0.975": 4.647529416344164, "q_1": 5.083807251723853}, {"x": 29.851940776310524, "y": 3.1854171897970054, "y_true": 1.8662008203052265, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.032577143227643, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.7625310391788718, "q_0.325": 2.852214856573651, "q_0.35": 2.8887254865875134, "q_0.375": 2.965197026856022, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.2435609496229434, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 29.891956782713088, "y": 4.462326526695686, "y_true": 1.866767018293654, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.032577143227643, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.7625310391788718, "q_0.325": 2.852214856573651, "q_0.35": 2.8887254865875134, "q_0.375": 2.965197026856022, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.2435609496229434, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 29.931972789115648, "y": 4.453833421672142, "y_true": 1.8673325173501596, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.032577143227643, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.7625310391788718, "q_0.325": 2.852214856573651, "q_0.35": 2.8887254865875134, "q_0.375": 2.965197026856022, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.2435609496229434, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 29.971988795518207, "y": 1.8935276457607826, "y_true": 1.8678973192371964, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.032577143227643, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.7625310391788718, "q_0.325": 2.852214856573651, "q_0.35": 2.8887254865875134, "q_0.375": 2.965197026856022, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.2435609496229434, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.01200480192077, "y": 3.9550928641618697, "y_true": 1.8684614257104843, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.05202080832333, "y": 1.8863297316143355, "y_true": 1.8690248385190458, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.09203681472589, "y": 4.601478365291408, "y_true": 1.8695875594052385, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.132052821128454, "y": 3.027945289300058, "y_true": 1.8701495901047909, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.172068827531014, "y": 4.5750987950482696, "y_true": 1.870710932346835, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.212084833933574, "y": 2.8933114994722766, "y_true": 1.8712715878539403, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.252100840336137, "y": 2.6870200566440694, "y_true": 1.8718315583421477, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.292116846738697, "y": 2.7522125974738487, "y_true": 1.8723908455210017, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.332132853141257, "y": 3.906366733050187, "y_true": 1.872949451093584, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.37214885954382, "y": 2.429426750821424, "y_true": 1.8735073767565462, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.41216486594638, "y": 4.280799366983737, "y_true": 1.8740646242001424, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.45218087234894, "y": 3.5203231507104635, "y_true": 1.8746211951082612, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.370185932345016, "q_0.2": 2.470015753344929, "q_0.225": 2.549096452515171, "q_0.25": 2.6461316096332688, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.9898673389941393, "q_0.425": 3.032729016318319, "q_0.45": 3.1390074757796294, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.720078071236834, "q_0.675": 3.7913710112124965, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.008720357673253, "q_0.775": 4.083042250794794, "q_0.8": 4.154812452147601, "q_0.825": 4.233784940697606, "q_0.85": 4.309750983024624, "q_0.875": 4.398564135824883, "q_0.9": 4.4622170692373855, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.492196878751503, "y": 4.579146244995807, "y_true": 1.8751770911584584, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9709660110113036, "q_0.075": 2.0343879485905854, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.382681027184651, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.663926777311072, "q_0.275": 2.699149197083439, "q_0.3": 2.7693770294219893, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.032729016318319, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.4921648792871527, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.793830888280943, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.083042250794794, "q_0.8": 4.155838853489351, "q_0.825": 4.242813272213002, "q_0.85": 4.309750983024624, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.532212885154063, "y": 4.628794613947105, "y_true": 1.8757323140219884, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9709660110113036, "q_0.075": 2.0343879485905854, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.382681027184651, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.663926777311072, "q_0.275": 2.699149197083439, "q_0.3": 2.7693770294219893, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.032729016318319, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.4921648792871527, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.793830888280943, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.083042250794794, "q_0.8": 4.155838853489351, "q_0.825": 4.242813272213002, "q_0.85": 4.309750983024624, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.572228891556623, "y": 2.3930025869394416, "y_true": 1.876286865363836, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.382681027184651, "q_0.2": 2.471488206433124, "q_0.225": 2.5656030306547812, "q_0.25": 2.663926777311072, "q_0.275": 2.699149197083439, "q_0.3": 2.763071228495921, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9898673389941393, "q_0.425": 3.032729016318319, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.792510752561383, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.083042250794794, "q_0.8": 4.155838853489351, "q_0.825": 4.242813272213002, "q_0.85": 4.309750983024624, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.612244897959187, "y": 4.54494519969999, "y_true": 1.8768407468427486, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.382681027184651, "q_0.2": 2.471488206433124, "q_0.225": 2.5656030306547812, "q_0.25": 2.663926777311072, "q_0.275": 2.699149197083439, "q_0.3": 2.763071228495921, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9898673389941393, "q_0.425": 3.032729016318319, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.792510752561383, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.083042250794794, "q_0.8": 4.155838853489351, "q_0.825": 4.242813272213002, "q_0.85": 4.309750983024624, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.652260904361746, "y": 2.007365105352465, "y_true": 1.8773939601112664, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.382681027184651, "q_0.2": 2.471488206433124, "q_0.225": 2.5656030306547812, "q_0.25": 2.663926777311072, "q_0.275": 2.699149197083439, "q_0.3": 2.763071228495921, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9898673389941393, "q_0.425": 3.032729016318319, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.792510752561383, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.083042250794794, "q_0.8": 4.155838853489351, "q_0.825": 4.242813272213002, "q_0.85": 4.309750983024624, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.692276910764306, "y": 1.9557975204500364, "y_true": 1.8779465068157548, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.382681027184651, "q_0.2": 2.471488206433124, "q_0.225": 2.5656030306547812, "q_0.25": 2.663926777311072, "q_0.275": 2.699149197083439, "q_0.3": 2.763071228495921, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9898673389941393, "q_0.425": 3.032729016318319, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.792510752561383, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.083042250794794, "q_0.8": 4.155838853489351, "q_0.825": 4.242813272213002, "q_0.85": 4.309750983024624, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.732292917166866, "y": 4.516802776321348, "y_true": 1.8784983885964341, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.382681027184651, "q_0.2": 2.471488206433124, "q_0.225": 2.5656030306547812, "q_0.25": 2.663926777311072, "q_0.275": 2.699149197083439, "q_0.3": 2.763071228495921, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9898673389941393, "q_0.425": 3.032729016318319, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.792510752561383, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.083042250794794, "q_0.8": 4.155838853489351, "q_0.825": 4.242813272213002, "q_0.85": 4.309750983024624, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.77230892356943, "y": 4.570331200342933, "y_true": 1.8790496070874114, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.3079396188188315, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.663926777311072, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0408093265566487, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.793830888280943, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.159470353648089, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.81232492997199, "y": 2.291548649680823, "y_true": 1.8796001639167104, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.3079396188188315, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.663926777311072, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0408093265566487, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.793830888280943, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.159470353648089, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.85234093637455, "y": 3.11841699020562, "y_true": 1.8801500607063018, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.3079396188188315, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.663926777311072, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0408093265566487, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.793830888280943, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.159470353648089, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.892356942777113, "y": 3.2642043964528042, "y_true": 1.8806992990721336, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.7958272883525694, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.167362514124177, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.932372949179673, "y": 4.291161428335633, "y_true": 1.8812478806241617, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.7958272883525694, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.167362514124177, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.972388955582232, "y": 3.6415485318169702, "y_true": 1.8817958069663785, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.7958272883525694, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.167362514124177, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.012404961984796, "y": 4.054023016640153, "y_true": 1.8823430796968437, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.7958272883525694, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.167362514124177, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.052420968387356, "y": 3.2435609496229434, "y_true": 1.8828897004077125, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.7958272883525694, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.167362514124177, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.092436974789916, "y": 3.702986699791204, "y_true": 1.883435670685266, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.7958272883525694, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.167362514124177, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.13245298119248, "y": 3.948544280020183, "y_true": 1.88398099210994, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.7958272883525694, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.167362514124177, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.17246898759504, "y": 3.9569191942004887, "y_true": 1.884525666256353, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.7958272883525694, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.167362514124177, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.2124849939976, "y": 1.8899526033401959, "y_true": 1.8850696946933359, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.804038302060726, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.1068807620061225, "q_0.8": 4.167370622158568, "q_0.825": 4.265395942540645, "q_0.85": 4.321557261612918, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.252501000400162, "y": 2.1664529559971624, "y_true": 1.88561307898396, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.804038302060726, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.1068807620061225, "q_0.8": 4.167370622158568, "q_0.825": 4.265395942540645, "q_0.85": 4.321557261612918, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.292517006802722, "y": 2.9088364315966055, "y_true": 1.8861558206855662, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.804038302060726, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.1068807620061225, "q_0.8": 4.167370622158568, "q_0.825": 4.265395942540645, "q_0.85": 4.321557261612918, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.332533013205282, "y": 2.0588700055251516, "y_true": 1.8866979213497919, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.742978530146983, "q_0.025": 1.896550859842837, "q_0.05": 1.9726060625734914, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.2159839124410263, "q_0.15": 2.3146396154867976, "q_0.175": 2.392466255602696, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.6808881594079543, "q_0.275": 2.7036991740652065, "q_0.3": 2.783567202157163, "q_0.325": 2.8837922146436323, "q_0.35": 2.906971216643092, "q_0.375": 2.967085513121202, "q_0.4": 2.9914729253003998, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3823525524652656, "q_0.55": 3.4463227805046746, "q_0.575": 3.495149857235451, "q_0.6": 3.560833525936844, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.829875089616894, "q_0.7": 3.9268909670051806, "q_0.725": 3.9569191942004887, "q_0.75": 4.043937587278693, "q_0.775": 4.1068807620061225, "q_0.8": 4.170168813253846, "q_0.825": 4.270163941565705, "q_0.85": 4.332775941551913, "q_0.875": 4.441678520587124, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.372549019607845, "y": 2.965197026856022, "y_true": 1.8872393825225995, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.742978530146983, "q_0.025": 1.896550859842837, "q_0.05": 1.9726060625734914, "q_0.075": 2.04543075400701, "q_0.1": 2.1739247036810907, "q_0.125": 2.2233711475956004, "q_0.15": 2.3153809790481863, "q_0.175": 2.426541154335626, "q_0.2": 2.488590119858136, "q_0.225": 2.5917377746347263, "q_0.25": 2.6870200566440694, "q_0.275": 2.708989464098925, "q_0.3": 2.811955287713658, "q_0.325": 2.8837922146436323, "q_0.35": 2.9088364315966055, "q_0.375": 2.969850215308071, "q_0.4": 3.0016595769909005, "q_0.425": 3.0581633303894216, "q_0.45": 3.1515168922979693, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3823525524652656, "q_0.55": 3.460687561603477, "q_0.575": 3.495149857235451, "q_0.6": 3.561115387967302, "q_0.625": 3.647700362041045, "q_0.65": 3.7345460746170174, "q_0.675": 3.8570920487176004, "q_0.7": 3.9319023165796763, "q_0.725": 3.9709569051798512, "q_0.75": 4.050013980166575, "q_0.775": 4.1248979890079145, "q_0.8": 4.185032258800536, "q_0.825": 4.291161428335633, "q_0.85": 4.3653321569812, "q_0.875": 4.441678520587124, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.412565026010405, "y": 2.984716634589762, "y_true": 1.8877802057443047, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.742978530146983, "q_0.025": 1.896550859842837, "q_0.05": 1.9726060625734914, "q_0.075": 2.04543075400701, "q_0.1": 2.1739247036810907, "q_0.125": 2.223660583518269, "q_0.15": 2.3158594942098008, "q_0.175": 2.4277395421973256, "q_0.2": 2.4890726459534838, "q_0.225": 2.5917377746347263, "q_0.25": 2.6890247553008053, "q_0.275": 2.711348093065874, "q_0.3": 2.811955287713658, "q_0.325": 2.885771395438066, "q_0.35": 2.9088364315966055, "q_0.375": 2.9709310125598636, "q_0.4": 3.0016595769909005, "q_0.425": 3.0621236357191126, "q_0.45": 3.1515168922979693, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3823525524652656, "q_0.55": 3.460687561603477, "q_0.575": 3.5144016961386773, "q_0.6": 3.561115387967302, "q_0.625": 3.6538153232587716, "q_0.65": 3.7446972761331203, "q_0.675": 3.8570920487176004, "q_0.7": 3.9365381198047418, "q_0.725": 3.9709569051798512, "q_0.75": 4.053811225269878, "q_0.775": 4.134065512562791, "q_0.8": 4.192343117035323, "q_0.825": 4.291161428335633, "q_0.85": 4.3653321569812, "q_0.875": 4.442001273473941, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.452581032412965, "y": 4.4806014856332075, "y_true": 1.8883203925496037, "y_pred": 3.3286306980272906, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.896550859842837, "q_0.05": 1.9771446301476692, "q_0.075": 2.04543075400701, "q_0.1": 2.1739247036810907, "q_0.125": 2.229295320561961, "q_0.15": 2.3160802280467, "q_0.175": 2.429426750821424, "q_0.2": 2.4914188591819832, "q_0.225": 2.605670703771356, "q_0.25": 2.690098446132405, "q_0.275": 2.725314698146708, "q_0.3": 2.8128121196375666, "q_0.325": 2.8871138245803345, "q_0.35": 2.930814367099149, "q_0.375": 2.983802892665897, "q_0.4": 3.0171317957431363, "q_0.425": 3.0944591840281293, "q_0.45": 3.151683441958731, "q_0.475": 3.27266047564297, "q_0.5": 3.3286306980272906, "q_0.525": 3.396703937348799, "q_0.55": 3.467448976133687, "q_0.575": 3.5203231507104635, "q_0.6": 3.5751808459354404, "q_0.625": 3.6948844639770186, "q_0.65": 3.756064033273435, "q_0.675": 3.902951553828625, "q_0.7": 3.948544280020183, "q_0.725": 3.996793693119765, "q_0.75": 4.058042527153772, "q_0.775": 4.154812452147601, "q_0.8": 4.192343117035323, "q_0.825": 4.304492011139114, "q_0.85": 4.392337762588066, "q_0.875": 4.444763676187999, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.49259703881553, "y": 3.4869689450100205, "y_true": 1.8888599444676006, "y_pred": 3.3286306980272906, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.896550859842837, "q_0.05": 1.9771446301476692, "q_0.075": 2.04543075400701, "q_0.1": 2.1739247036810907, "q_0.125": 2.229295320561961, "q_0.15": 2.3160802280467, "q_0.175": 2.429426750821424, "q_0.2": 2.4914188591819832, "q_0.225": 2.605670703771356, "q_0.25": 2.690098446132405, "q_0.275": 2.725314698146708, "q_0.3": 2.8128121196375666, "q_0.325": 2.8871138245803345, "q_0.35": 2.930814367099149, "q_0.375": 2.983802892665897, "q_0.4": 3.0171317957431363, "q_0.425": 3.0944591840281293, "q_0.45": 3.151683441958731, "q_0.475": 3.27266047564297, "q_0.5": 3.3286306980272906, "q_0.525": 3.396703937348799, "q_0.55": 3.467448976133687, "q_0.575": 3.5203231507104635, "q_0.6": 3.5751808459354404, "q_0.625": 3.6948844639770186, "q_0.65": 3.756064033273435, "q_0.675": 3.902951553828625, "q_0.7": 3.948544280020183, "q_0.725": 3.996793693119765, "q_0.75": 4.058042527153772, "q_0.775": 4.154812452147601, "q_0.8": 4.192343117035323, "q_0.825": 4.304492011139114, "q_0.85": 4.392337762588066, "q_0.875": 4.444763676187999, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.53261304521809, "y": 3.880865397039713, "y_true": 1.8893988630218352, "y_pred": 3.3286306980272906, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.896550859842837, "q_0.05": 1.9771446301476692, "q_0.075": 2.04543075400701, "q_0.1": 2.1739247036810907, "q_0.125": 2.229295320561961, "q_0.15": 2.3160802280467, "q_0.175": 2.429426750821424, "q_0.2": 2.4914188591819832, "q_0.225": 2.605670703771356, "q_0.25": 2.690098446132405, "q_0.275": 2.725314698146708, "q_0.3": 2.8128121196375666, "q_0.325": 2.8871138245803345, "q_0.35": 2.930814367099149, "q_0.375": 2.983802892665897, "q_0.4": 3.0171317957431363, "q_0.425": 3.0944591840281293, "q_0.45": 3.151683441958731, "q_0.475": 3.27266047564297, "q_0.5": 3.3286306980272906, "q_0.525": 3.396703937348799, "q_0.55": 3.467448976133687, "q_0.575": 3.5203231507104635, "q_0.6": 3.5751808459354404, "q_0.625": 3.6948844639770186, "q_0.65": 3.756064033273435, "q_0.675": 3.902951553828625, "q_0.7": 3.948544280020183, "q_0.725": 3.996793693119765, "q_0.75": 4.058042527153772, "q_0.775": 4.154812452147601, "q_0.8": 4.192343117035323, "q_0.825": 4.304492011139114, "q_0.85": 4.392337762588066, "q_0.875": 4.444763676187999, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.57262905162065, "y": 4.392337762588066, "y_true": 1.88993714973031, "y_pred": 3.3286306980272906, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.896550859842837, "q_0.05": 1.9771446301476692, "q_0.075": 2.04543075400701, "q_0.1": 2.1739247036810907, "q_0.125": 2.229295320561961, "q_0.15": 2.3160802280467, "q_0.175": 2.429426750821424, "q_0.2": 2.4914188591819832, "q_0.225": 2.605670703771356, "q_0.25": 2.690098446132405, "q_0.275": 2.725314698146708, "q_0.3": 2.8128121196375666, "q_0.325": 2.8871138245803345, "q_0.35": 2.930814367099149, "q_0.375": 2.983802892665897, "q_0.4": 3.0171317957431363, "q_0.425": 3.0944591840281293, "q_0.45": 3.151683441958731, "q_0.475": 3.27266047564297, "q_0.5": 3.3286306980272906, "q_0.525": 3.396703937348799, "q_0.55": 3.467448976133687, "q_0.575": 3.5203231507104635, "q_0.6": 3.5751808459354404, "q_0.625": 3.6948844639770186, "q_0.65": 3.756064033273435, "q_0.675": 3.902951553828625, "q_0.7": 3.948544280020183, "q_0.725": 3.996793693119765, "q_0.75": 4.058042527153772, "q_0.775": 4.154812452147601, "q_0.8": 4.192343117035323, "q_0.825": 4.304492011139114, "q_0.85": 4.392337762588066, "q_0.875": 4.444763676187999, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.61264505802321, "y": 3.13805549654208, "y_true": 1.890474806105516, "y_pred": 3.3286306980272906, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.896550859842837, "q_0.05": 1.9771446301476692, "q_0.075": 2.04543075400701, "q_0.1": 2.1739247036810907, "q_0.125": 2.229295320561961, "q_0.15": 2.3160802280467, "q_0.175": 2.429426750821424, "q_0.2": 2.4914188591819832, "q_0.225": 2.605670703771356, "q_0.25": 2.690098446132405, "q_0.275": 2.725314698146708, "q_0.3": 2.8128121196375666, "q_0.325": 2.8871138245803345, "q_0.35": 2.930814367099149, "q_0.375": 2.983802892665897, "q_0.4": 3.0171317957431363, "q_0.425": 3.0944591840281293, "q_0.45": 3.151683441958731, "q_0.475": 3.27266047564297, "q_0.5": 3.3286306980272906, "q_0.525": 3.396703937348799, "q_0.55": 3.467448976133687, "q_0.575": 3.5203231507104635, "q_0.6": 3.5751808459354404, "q_0.625": 3.6948844639770186, "q_0.65": 3.756064033273435, "q_0.675": 3.902951553828625, "q_0.7": 3.948544280020183, "q_0.725": 3.996793693119765, "q_0.75": 4.058042527153772, "q_0.775": 4.154812452147601, "q_0.8": 4.192343117035323, "q_0.825": 4.304492011139114, "q_0.85": 4.392337762588066, "q_0.875": 4.444763676187999, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.65266106442577, "y": 1.896550859842837, "y_true": 1.8910118336544621, "y_pred": 3.3286306980272906, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.896550859842837, "q_0.05": 1.9771446301476692, "q_0.075": 2.04543075400701, "q_0.1": 2.1739247036810907, "q_0.125": 2.229295320561961, "q_0.15": 2.3160802280467, "q_0.175": 2.429426750821424, "q_0.2": 2.4914188591819832, "q_0.225": 2.605670703771356, "q_0.25": 2.690098446132405, "q_0.275": 2.725314698146708, "q_0.3": 2.8128121196375666, "q_0.325": 2.8871138245803345, "q_0.35": 2.930814367099149, "q_0.375": 2.983802892665897, "q_0.4": 3.0171317957431363, "q_0.425": 3.0944591840281293, "q_0.45": 3.151683441958731, "q_0.475": 3.27266047564297, "q_0.5": 3.3286306980272906, "q_0.525": 3.396703937348799, "q_0.55": 3.467448976133687, "q_0.575": 3.5203231507104635, "q_0.6": 3.5751808459354404, "q_0.625": 3.6948844639770186, "q_0.65": 3.756064033273435, "q_0.675": 3.902951553828625, "q_0.7": 3.948544280020183, "q_0.725": 3.996793693119765, "q_0.75": 4.058042527153772, "q_0.775": 4.154812452147601, "q_0.8": 4.192343117035323, "q_0.825": 4.304492011139114, "q_0.85": 4.392337762588066, "q_0.875": 4.444763676187999, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.69267707082833, "y": 2.6973752128664303, "y_true": 1.8915482338786989, "y_pred": 3.3286306980272906, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.896550859842837, "q_0.05": 1.9771446301476692, "q_0.075": 2.04543075400701, "q_0.1": 2.1739247036810907, "q_0.125": 2.229295320561961, "q_0.15": 2.3160802280467, "q_0.175": 2.429426750821424, "q_0.2": 2.4914188591819832, "q_0.225": 2.605670703771356, "q_0.25": 2.690098446132405, "q_0.275": 2.725314698146708, "q_0.3": 2.8128121196375666, "q_0.325": 2.8871138245803345, "q_0.35": 2.930814367099149, "q_0.375": 2.983802892665897, "q_0.4": 3.0171317957431363, "q_0.425": 3.0944591840281293, "q_0.45": 3.151683441958731, "q_0.475": 3.27266047564297, "q_0.5": 3.3286306980272906, "q_0.525": 3.396703937348799, "q_0.55": 3.467448976133687, "q_0.575": 3.5203231507104635, "q_0.6": 3.5751808459354404, "q_0.625": 3.6948844639770186, "q_0.65": 3.756064033273435, "q_0.675": 3.902951553828625, "q_0.7": 3.948544280020183, "q_0.725": 3.996793693119765, "q_0.75": 4.058042527153772, "q_0.775": 4.154812452147601, "q_0.8": 4.192343117035323, "q_0.825": 4.304492011139114, "q_0.85": 4.392337762588066, "q_0.875": 4.444763676187999, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.732693077230895, "y": 4.192343117035323, "y_true": 1.892084008274347, "y_pred": 3.321298163409161, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.896550859842837, "q_0.05": 1.9771446301476692, "q_0.075": 2.045961214128722, "q_0.1": 2.1739247036810907, "q_0.125": 2.229295320561961, "q_0.15": 2.3160802280467, "q_0.175": 2.429426750821424, "q_0.2": 2.4914188591819832, "q_0.225": 2.605670703771356, "q_0.25": 2.690098446132405, "q_0.275": 2.7253514483783317, "q_0.3": 2.8128121196375666, "q_0.325": 2.8871138245803345, "q_0.35": 2.9249749427949223, "q_0.375": 2.9775425288232102, "q_0.4": 3.0171317957431363, "q_0.425": 3.0944591840281293, "q_0.45": 3.1515168922979693, "q_0.475": 3.27266047564297, "q_0.5": 3.321298163409161, "q_0.525": 3.3823525524652656, "q_0.55": 3.467448976133687, "q_0.575": 3.5203231507104635, "q_0.6": 3.5751808459354404, "q_0.625": 3.6948844639770186, "q_0.65": 3.756064033273435, "q_0.675": 3.902951553828625, "q_0.7": 3.948544280020183, "q_0.725": 3.999811260961281, "q_0.75": 4.0714414255033775, "q_0.775": 4.154812452147601, "q_0.8": 4.199848775004261, "q_0.825": 4.304492011139114, "q_0.85": 4.392337762588066, "q_0.875": 4.444763676187999, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.772709083633455, "y": 4.441678520587124, "y_true": 1.8926191583321235, "y_pred": 3.3315806906983862, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9015701639205396, "q_0.05": 2.0103767068816265, "q_0.075": 2.081307583769472, "q_0.1": 2.1905071218050285, "q_0.125": 2.291548649680823, "q_0.15": 2.3580595505422157, "q_0.175": 2.446420767024358, "q_0.2": 2.538554674234327, "q_0.225": 2.6461316096332688, "q_0.25": 2.699149197083439, "q_0.275": 2.7253514483783317, "q_0.3": 2.8300827058507037, "q_0.325": 2.8871138245803345, "q_0.35": 2.965197026856022, "q_0.375": 2.984716634589762, "q_0.4": 3.0273644148069776, "q_0.425": 3.1106190322821314, "q_0.45": 3.188182743371921, "q_0.475": 3.2840751745218855, "q_0.5": 3.3315806906983862, "q_0.525": 3.400067994887957, "q_0.55": 3.4869689450100205, "q_0.575": 3.527875932086115, "q_0.6": 3.6391697707678308, "q_0.625": 3.7149582049067673, "q_0.65": 3.7796313450647516, "q_0.675": 3.906366733050187, "q_0.7": 3.9569191942004887, "q_0.725": 4.023615283076078, "q_0.75": 4.1068807620061225, "q_0.775": 4.167370622158568, "q_0.8": 4.265395942540645, "q_0.825": 4.309750983024624, "q_0.85": 4.398564135824883, "q_0.875": 4.453833421672142, "q_0.9": 4.493500363686744, "q_0.925": 4.540790492218592, "q_0.95": 4.620425689497323, "q_0.975": 4.738124777031687, "q_1": 5.083807251723853}, {"x": 31.812725090036015, "y": 2.8871138245803345, "y_true": 1.893153685537366, "y_pred": 3.3315806906983862, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9015701639205396, "q_0.05": 2.0103767068816265, "q_0.075": 2.081307583769472, "q_0.1": 2.1905071218050285, "q_0.125": 2.291548649680823, "q_0.15": 2.3580595505422157, "q_0.175": 2.446420767024358, "q_0.2": 2.538554674234327, "q_0.225": 2.6461316096332688, "q_0.25": 2.699149197083439, "q_0.275": 2.7253514483783317, "q_0.3": 2.8300827058507037, "q_0.325": 2.8871138245803345, "q_0.35": 2.965197026856022, "q_0.375": 2.984716634589762, "q_0.4": 3.0273644148069776, "q_0.425": 3.1106190322821314, "q_0.45": 3.188182743371921, "q_0.475": 3.2840751745218855, "q_0.5": 3.3315806906983862, "q_0.525": 3.400067994887957, "q_0.55": 3.4869689450100205, "q_0.575": 3.527875932086115, "q_0.6": 3.6391697707678308, "q_0.625": 3.7149582049067673, "q_0.65": 3.7796313450647516, "q_0.675": 3.906366733050187, "q_0.7": 3.9569191942004887, "q_0.725": 4.023615283076078, "q_0.75": 4.1068807620061225, "q_0.775": 4.167370622158568, "q_0.8": 4.265395942540645, "q_0.825": 4.309750983024624, "q_0.85": 4.398564135824883, "q_0.875": 4.453833421672142, "q_0.9": 4.493500363686744, "q_0.925": 4.540790492218592, "q_0.95": 4.620425689497323, "q_0.975": 4.738124777031687, "q_1": 5.083807251723853}, {"x": 31.852741096438578, "y": 2.7253514483783317, "y_true": 1.8936875913700617, "y_pred": 3.3315806906983862, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9015701639205396, "q_0.05": 2.0103767068816265, "q_0.075": 2.081307583769472, "q_0.1": 2.1919776458948323, "q_0.125": 2.291548649680823, "q_0.15": 2.3580595505422157, "q_0.175": 2.446420767024358, "q_0.2": 2.538554674234327, "q_0.225": 2.6461316096332688, "q_0.25": 2.699149197083439, "q_0.275": 2.7625310391788718, "q_0.3": 2.834322935116626, "q_0.325": 2.887732869733995, "q_0.35": 2.965197026856022, "q_0.375": 2.984716634589762, "q_0.4": 3.027480589705594, "q_0.425": 3.1106190322821314, "q_0.45": 3.19881481113056, "q_0.475": 3.2840751745218855, "q_0.5": 3.3315806906983862, "q_0.525": 3.400067994887957, "q_0.55": 3.4869689450100205, "q_0.575": 3.5294729106117644, "q_0.6": 3.6391697707678308, "q_0.625": 3.7149582049067673, "q_0.65": 3.7796313450647516, "q_0.675": 3.9072447904679453, "q_0.7": 3.9569191942004887, "q_0.725": 4.023615283076078, "q_0.75": 4.1068807620061225, "q_0.775": 4.167370622158568, "q_0.8": 4.265395942540645, "q_0.825": 4.309750983024624, "q_0.85": 4.398564135824883, "q_0.875": 4.453833421672142, "q_0.9": 4.493500363686744, "q_0.925": 4.540790492218592, "q_0.95": 4.630628094838974, "q_0.975": 4.738124777031687, "q_1": 5.083807251723853}, {"x": 31.892757102841138, "y": 4.510620692332899, "y_true": 1.8942208773048703, "y_pred": 3.3315806906983862, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9015701639205396, "q_0.05": 2.0103767068816265, "q_0.075": 2.081307583769472, "q_0.1": 2.1919776458948323, "q_0.125": 2.291548649680823, "q_0.15": 2.3678535889494725, "q_0.175": 2.455161297797124, "q_0.2": 2.541448129223211, "q_0.225": 2.663926777311072, "q_0.25": 2.703179106240242, "q_0.275": 2.7625310391788718, "q_0.3": 2.834322935116626, "q_0.325": 2.887732869733995, "q_0.35": 2.965197026856022, "q_0.375": 2.984716634589762, "q_0.4": 3.027945289300058, "q_0.425": 3.131885696893322, "q_0.45": 3.19881481113056, "q_0.475": 3.2840751745218855, "q_0.5": 3.3315806906983862, "q_0.525": 3.401305668951996, "q_0.55": 3.4869689450100205, "q_0.575": 3.5294729106117644, "q_0.6": 3.6391697707678308, "q_0.625": 3.7149582049067673, "q_0.65": 3.7796313450647516, "q_0.675": 3.9095596691147443, "q_0.7": 3.9569191942004887, "q_0.725": 4.030660174519365, "q_0.75": 4.1068807620061225, "q_0.775": 4.170168813253846, "q_0.8": 4.265395942540645, "q_0.825": 4.312273348856062, "q_0.85": 4.407294961688546, "q_0.875": 4.453833421672142, "q_0.9": 4.493500363686744, "q_0.925": 4.540790492218592, "q_0.95": 4.630628094838974, "q_0.975": 4.738124777031687, "q_1": 5.083807251723853}, {"x": 31.932773109243698, "y": 2.8887254865875134, "y_true": 1.8947535448111523, "y_pred": 3.3315806906983862, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9015701639205396, "q_0.05": 2.0103767068816265, "q_0.075": 2.081307583769472, "q_0.1": 2.1919776458948323, "q_0.125": 2.291548649680823, "q_0.15": 2.3678535889494725, "q_0.175": 2.455161297797124, "q_0.2": 2.541448129223211, "q_0.225": 2.663926777311072, "q_0.25": 2.703179106240242, "q_0.275": 2.7625310391788718, "q_0.3": 2.834322935116626, "q_0.325": 2.887732869733995, "q_0.35": 2.965197026856022, "q_0.375": 2.984716634589762, "q_0.4": 3.027945289300058, "q_0.425": 3.131885696893322, "q_0.45": 3.19881481113056, "q_0.475": 3.2840751745218855, "q_0.5": 3.3315806906983862, "q_0.525": 3.401305668951996, "q_0.55": 3.4869689450100205, "q_0.575": 3.5294729106117644, "q_0.6": 3.6391697707678308, "q_0.625": 3.7149582049067673, "q_0.65": 3.7796313450647516, "q_0.675": 3.9095596691147443, "q_0.7": 3.9569191942004887, "q_0.725": 4.030660174519365, "q_0.75": 4.1068807620061225, "q_0.775": 4.170168813253846, "q_0.8": 4.265395942540645, "q_0.825": 4.312273348856062, "q_0.85": 4.407294961688546, "q_0.875": 4.453833421672142, "q_0.9": 4.493500363686744, "q_0.925": 4.540790492218592, "q_0.95": 4.630628094838974, "q_0.975": 4.738124777031687, "q_1": 5.083807251723853}, {"x": 31.97278911564626, "y": 3.7427131518587426, "y_true": 1.8952855953529926, "y_pred": 3.3315806906983862, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9015701639205396, "q_0.05": 2.0103767068816265, "q_0.075": 2.081307583769472, "q_0.1": 2.1919776458948323, "q_0.125": 2.291548649680823, "q_0.15": 2.3678535889494725, "q_0.175": 2.455161297797124, "q_0.2": 2.541448129223211, "q_0.225": 2.663926777311072, "q_0.25": 2.703179106240242, "q_0.275": 2.7625310391788718, "q_0.3": 2.834322935116626, "q_0.325": 2.887732869733995, "q_0.35": 2.965197026856022, "q_0.375": 2.984716634589762, "q_0.4": 3.027945289300058, "q_0.425": 3.131885696893322, "q_0.45": 3.19881481113056, "q_0.475": 3.2840751745218855, "q_0.5": 3.3315806906983862, "q_0.525": 3.401305668951996, "q_0.55": 3.4869689450100205, "q_0.575": 3.5294729106117644, "q_0.6": 3.6391697707678308, "q_0.625": 3.7149582049067673, "q_0.65": 3.7796313450647516, "q_0.675": 3.9095596691147443, "q_0.7": 3.9569191942004887, "q_0.725": 4.030660174519365, "q_0.75": 4.1068807620061225, "q_0.775": 4.170168813253846, "q_0.8": 4.265395942540645, "q_0.825": 4.312273348856062, "q_0.85": 4.407294961688546, "q_0.875": 4.453833421672142, "q_0.9": 4.493500363686744, "q_0.925": 4.540790492218592, "q_0.95": 4.630628094838974, "q_0.975": 4.738124777031687, "q_1": 5.083807251723853}, {"x": 32.01280512204882, "y": 2.690098446132405, "y_true": 1.8958170303892263, "y_pred": 3.3315806906983862, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9015701639205396, "q_0.05": 2.0103767068816265, "q_0.075": 2.081307583769472, "q_0.1": 2.1919776458948323, "q_0.125": 2.291548649680823, "q_0.15": 2.3678535889494725, "q_0.175": 2.455161297797124, "q_0.2": 2.541448129223211, "q_0.225": 2.663926777311072, "q_0.25": 2.703179106240242, "q_0.275": 2.7625310391788718, "q_0.3": 2.834322935116626, "q_0.325": 2.887732869733995, "q_0.35": 2.965197026856022, "q_0.375": 2.984716634589762, "q_0.4": 3.027945289300058, "q_0.425": 3.131885696893322, "q_0.45": 3.19881481113056, "q_0.475": 3.2840751745218855, "q_0.5": 3.3315806906983862, "q_0.525": 3.401305668951996, "q_0.55": 3.4869689450100205, "q_0.575": 3.5294729106117644, "q_0.6": 3.6391697707678308, "q_0.625": 3.7149582049067673, "q_0.65": 3.7796313450647516, "q_0.675": 3.9095596691147443, "q_0.7": 3.9569191942004887, "q_0.725": 4.030660174519365, "q_0.75": 4.1068807620061225, "q_0.775": 4.170168813253846, "q_0.8": 4.265395942540645, "q_0.825": 4.312273348856062, "q_0.85": 4.407294961688546, "q_0.875": 4.453833421672142, "q_0.9": 4.493500363686744, "q_0.925": 4.540790492218592, "q_0.95": 4.630628094838974, "q_0.975": 4.738124777031687, "q_1": 5.083807251723853}, {"x": 32.052821128451384, "y": 2.1739247036810907, "y_true": 1.8963478513734657, "y_pred": 3.3315806906983862, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9059524787193978, "q_0.05": 2.0103767068816265, "q_0.075": 2.081959920717172, "q_0.1": 2.1919776458948323, "q_0.125": 2.291548649680823, "q_0.15": 2.3678535889494725, "q_0.175": 2.455161297797124, "q_0.2": 2.538554674234327, "q_0.225": 2.6608458620916298, "q_0.25": 2.699149197083439, "q_0.275": 2.7625310391788718, "q_0.3": 2.834322935116626, "q_0.325": 2.887732869733995, "q_0.35": 2.965197026856022, "q_0.375": 2.984716634589762, "q_0.4": 3.027945289300058, "q_0.425": 3.131885696893322, "q_0.45": 3.19881481113056, "q_0.475": 3.2840751745218855, "q_0.5": 3.3315806906983862, "q_0.525": 3.401155945099232, "q_0.55": 3.4869689450100205, "q_0.575": 3.5294729106117644, "q_0.6": 3.6391697707678308, "q_0.625": 3.7149582049067673, "q_0.65": 3.7796313450647516, "q_0.675": 3.9095596691147443, "q_0.7": 3.9569191942004887, "q_0.725": 4.030660174519365, "q_0.75": 4.1068807620061225, "q_0.775": 4.170168813253846, "q_0.8": 4.265395942540645, "q_0.825": 4.312273348856062, "q_0.85": 4.407294961688546, "q_0.875": 4.453833421672142, "q_0.9": 4.493500363686744, "q_0.925": 4.540790492218592, "q_0.95": 4.630628094838974, "q_0.975": 4.7583620229574874, "q_1": 5.083807251723853}, {"x": 32.092837134853944, "y": 3.3183542294418134, "y_true": 1.896878059754122, "y_pred": 3.3315806906983862, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9059524787193978, "q_0.05": 2.0103767068816265, "q_0.075": 2.081959920717172, "q_0.1": 2.1919776458948323, "q_0.125": 2.291548649680823, "q_0.15": 2.3678535889494725, "q_0.175": 2.4689213083572805, "q_0.2": 2.5421714929704304, "q_0.225": 2.663926777311072, "q_0.25": 2.703179106240242, "q_0.275": 2.7625310391788718, "q_0.3": 2.834322935116626, "q_0.325": 2.887732869733995, "q_0.35": 2.965197026856022, "q_0.375": 2.984716634589762, "q_0.4": 3.027945289300058, "q_0.425": 3.131885696893322, "q_0.45": 3.19881481113056, "q_0.475": 3.2840751745218855, "q_0.5": 3.3315806906983862, "q_0.525": 3.4013624607582162, "q_0.55": 3.4871965354194967, "q_0.575": 3.5294729106117644, "q_0.6": 3.6391697707678308, "q_0.625": 3.7149582049067673, "q_0.65": 3.7796313450647516, "q_0.675": 3.9095596691147443, "q_0.7": 3.9569191942004887, "q_0.725": 4.030660174519365, "q_0.75": 4.1068807620061225, "q_0.775": 4.170168813253846, "q_0.8": 4.265395942540645, "q_0.825": 4.312273348856062, "q_0.85": 4.407294961688546, "q_0.875": 4.453833421672142, "q_0.9": 4.497057391237302, "q_0.925": 4.557545325122913, "q_0.95": 4.630628094838974, "q_0.975": 4.7583620229574874, "q_1": 5.083807251723853}, {"x": 32.132853141256504, "y": 4.516720865781383, "y_true": 1.8974076569744336, "y_pred": 3.3587416391071625, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.032577143227643, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.325642290903333, "q_0.15": 2.426541154335626, "q_0.175": 2.4897964350965056, "q_0.2": 2.5730586749554183, "q_0.225": 2.6890247553008053, "q_0.25": 2.708989464098925, "q_0.275": 2.783567202157163, "q_0.3": 2.8400706680520504, "q_0.325": 2.9006328592899173, "q_0.35": 2.967085513121202, "q_0.375": 2.9910162225585744, "q_0.4": 3.0581633303894216, "q_0.425": 3.1390074757796294, "q_0.45": 3.2435609496229434, "q_0.475": 3.3183542294418134, "q_0.5": 3.3587416391071625, "q_0.525": 3.4203469675267444, "q_0.55": 3.516057306819606, "q_0.575": 3.560833525936844, "q_0.6": 3.6538153232587716, "q_0.625": 3.726263579377608, "q_0.65": 3.8570920487176004, "q_0.675": 3.948544280020183, "q_0.7": 4.000783666055703, "q_0.725": 4.058042527153772, "q_0.75": 4.154812452147601, "q_0.775": 4.192343117035323, "q_0.8": 4.291161428335633, "q_0.825": 4.3504823899916225, "q_0.85": 4.441678520587124, "q_0.875": 4.462326526695686, "q_0.9": 4.510620692332899, "q_0.925": 4.5750987950482696, "q_0.95": 4.67951575246285, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.172869147659064, "y": 3.6538153232587716, "y_true": 1.8979366444724888, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.032577143227643, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3319464530596, "q_0.15": 2.4277395421973256, "q_0.175": 2.4897964350965056, "q_0.2": 2.5730586749554183, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.7875910595758158, "q_0.3": 2.8400706680520504, "q_0.325": 2.905615710123424, "q_0.35": 2.967085513121202, "q_0.375": 2.9914729253003998, "q_0.4": 3.0581633303894216, "q_0.425": 3.1390074757796294, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4376070535488417, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7345460746170174, "q_0.65": 3.8570920487176004, "q_0.675": 3.951338077386283, "q_0.7": 4.0043066980372055, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.201787387189963, "q_0.8": 4.304492011139114, "q_0.825": 4.351517742112809, "q_0.85": 4.442001273473941, "q_0.875": 4.4746887814924925, "q_0.9": 4.510620692332899, "q_0.925": 4.579146244995807, "q_0.95": 4.67951575246285, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.212885154061624, "y": 2.4914188591819832, "y_true": 1.8984650236812508, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.032577143227643, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3319464530596, "q_0.15": 2.4277395421973256, "q_0.175": 2.4897964350965056, "q_0.2": 2.5730586749554183, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.7875910595758158, "q_0.3": 2.8400706680520504, "q_0.325": 2.905615710123424, "q_0.35": 2.967085513121202, "q_0.375": 2.9914729253003998, "q_0.4": 3.0581633303894216, "q_0.425": 3.1390074757796294, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4376070535488417, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7345460746170174, "q_0.65": 3.8570920487176004, "q_0.675": 3.951338077386283, "q_0.7": 4.0043066980372055, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.201787387189963, "q_0.8": 4.304492011139114, "q_0.825": 4.351517742112809, "q_0.85": 4.442001273473941, "q_0.875": 4.4746887814924925, "q_0.9": 4.510620692332899, "q_0.925": 4.579146244995807, "q_0.95": 4.67951575246285, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.252901160464184, "y": 3.8375186791189515, "y_true": 1.8989927960285835, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.032577143227643, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3319464530596, "q_0.15": 2.4277395421973256, "q_0.175": 2.4897964350965056, "q_0.2": 2.5730586749554183, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.7875910595758158, "q_0.3": 2.8400706680520504, "q_0.325": 2.905615710123424, "q_0.35": 2.967085513121202, "q_0.375": 2.9914729253003998, "q_0.4": 3.0581633303894216, "q_0.425": 3.1390074757796294, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4376070535488417, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7345460746170174, "q_0.65": 3.8570920487176004, "q_0.675": 3.951338077386283, "q_0.7": 4.0043066980372055, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.201787387189963, "q_0.8": 4.304492011139114, "q_0.825": 4.351517742112809, "q_0.85": 4.442001273473941, "q_0.875": 4.4746887814924925, "q_0.9": 4.510620692332899, "q_0.925": 4.579146244995807, "q_0.95": 4.67951575246285, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.29291716686675, "y": 4.083042250794794, "y_true": 1.8995199629372739, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.032577143227643, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3319464530596, "q_0.15": 2.4277395421973256, "q_0.175": 2.4897964350965056, "q_0.2": 2.5730586749554183, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.7875910595758158, "q_0.3": 2.8400706680520504, "q_0.325": 2.905615710123424, "q_0.35": 2.967085513121202, "q_0.375": 2.9914729253003998, "q_0.4": 3.0581633303894216, "q_0.425": 3.1390074757796294, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4376070535488417, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7345460746170174, "q_0.65": 3.8570920487176004, "q_0.675": 3.951338077386283, "q_0.7": 4.0043066980372055, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.201787387189963, "q_0.8": 4.304492011139114, "q_0.825": 4.351517742112809, "q_0.85": 4.442001273473941, "q_0.875": 4.4746887814924925, "q_0.9": 4.510620692332899, "q_0.925": 4.579146244995807, "q_0.95": 4.67951575246285, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.33293317326931, "y": 2.811955287713658, "y_true": 1.9000465258250574, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.032577143227643, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3319464530596, "q_0.15": 2.4277395421973256, "q_0.175": 2.4897964350965056, "q_0.2": 2.5730586749554183, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.7875910595758158, "q_0.3": 2.8400706680520504, "q_0.325": 2.905615710123424, "q_0.35": 2.967085513121202, "q_0.375": 2.9914729253003998, "q_0.4": 3.0581633303894216, "q_0.425": 3.1390074757796294, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4376070535488417, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7345460746170174, "q_0.65": 3.8570920487176004, "q_0.675": 3.951338077386283, "q_0.7": 4.0043066980372055, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.201787387189963, "q_0.8": 4.304492011139114, "q_0.825": 4.351517742112809, "q_0.85": 4.442001273473941, "q_0.875": 4.4746887814924925, "q_0.9": 4.510620692332899, "q_0.925": 4.579146244995807, "q_0.95": 4.67951575246285, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.37294917967187, "y": 3.491032646272281, "y_true": 1.9005724861046416, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.032577143227643, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3319464530596, "q_0.15": 2.4277395421973256, "q_0.175": 2.4897964350965056, "q_0.2": 2.5730586749554183, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.7875910595758158, "q_0.3": 2.8400706680520504, "q_0.325": 2.905615710123424, "q_0.35": 2.967085513121202, "q_0.375": 2.9914729253003998, "q_0.4": 3.0581633303894216, "q_0.425": 3.1390074757796294, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4376070535488417, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7345460746170174, "q_0.65": 3.8570920487176004, "q_0.675": 3.951338077386283, "q_0.7": 4.0043066980372055, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.201787387189963, "q_0.8": 4.304492011139114, "q_0.825": 4.351517742112809, "q_0.85": 4.442001273473941, "q_0.875": 4.4746887814924925, "q_0.9": 4.510620692332899, "q_0.925": 4.579146244995807, "q_0.95": 4.67951575246285, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.41296518607443, "y": 3.8414496844839716, "y_true": 1.9010978451837302, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.032577143227643, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3319464530596, "q_0.15": 2.4277395421973256, "q_0.175": 2.4897964350965056, "q_0.2": 2.5730586749554183, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.7875910595758158, "q_0.3": 2.8400706680520504, "q_0.325": 2.905615710123424, "q_0.35": 2.967085513121202, "q_0.375": 2.9914729253003998, "q_0.4": 3.0581633303894216, "q_0.425": 3.1390074757796294, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4376070535488417, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7345460746170174, "q_0.65": 3.8570920487176004, "q_0.675": 3.951338077386283, "q_0.7": 4.0043066980372055, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.201787387189963, "q_0.8": 4.304492011139114, "q_0.825": 4.351517742112809, "q_0.85": 4.442001273473941, "q_0.875": 4.4746887814924925, "q_0.9": 4.510620692332899, "q_0.925": 4.579146244995807, "q_0.95": 4.67951575246285, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.45298119247699, "y": 2.3580595505422157, "y_true": 1.9016226044650473, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.032577143227643, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3319464530596, "q_0.15": 2.4277395421973256, "q_0.175": 2.4897964350965056, "q_0.2": 2.5730586749554183, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.7875910595758158, "q_0.3": 2.8400706680520504, "q_0.325": 2.905615710123424, "q_0.35": 2.967085513121202, "q_0.375": 2.9914729253003998, "q_0.4": 3.0581633303894216, "q_0.425": 3.1390074757796294, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4376070535488417, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7345460746170174, "q_0.65": 3.8570920487176004, "q_0.675": 3.951338077386283, "q_0.7": 4.0043066980372055, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.201787387189963, "q_0.8": 4.304492011139114, "q_0.825": 4.351517742112809, "q_0.85": 4.442001273473941, "q_0.875": 4.4746887814924925, "q_0.9": 4.510620692332899, "q_0.925": 4.579146244995807, "q_0.95": 4.67951575246285, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.49299719887955, "y": 4.647529416344164, "y_true": 1.90214676534636, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.0343142955918774, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3330099774170625, "q_0.15": 2.4277395421973256, "q_0.175": 2.4914188591819832, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.711348093065874, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.906971216643092, "q_0.35": 2.969850215308071, "q_0.375": 2.9914729253003998, "q_0.4": 3.066127764945416, "q_0.425": 3.1515168922979693, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4542234101090186, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7446972761331203, "q_0.65": 3.871351807004203, "q_0.675": 3.951338077386283, "q_0.7": 4.009116605893217, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.233784940697606, "q_0.8": 4.304492011139114, "q_0.825": 4.354057639477195, "q_0.85": 4.442001273473941, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.579146244995807, "q_0.95": 4.691764555999637, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.53301320528212, "y": 3.188182743371921, "y_true": 1.9026703292205025, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.0343142955918774, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3330099774170625, "q_0.15": 2.4277395421973256, "q_0.175": 2.4914188591819832, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.711348093065874, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.906971216643092, "q_0.35": 2.969850215308071, "q_0.375": 2.9914729253003998, "q_0.4": 3.066127764945416, "q_0.425": 3.1515168922979693, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4542234101090186, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7446972761331203, "q_0.65": 3.871351807004203, "q_0.675": 3.951338077386283, "q_0.7": 4.009116605893217, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.233784940697606, "q_0.8": 4.304492011139114, "q_0.825": 4.354057639477195, "q_0.85": 4.442001273473941, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.579146244995807, "q_0.95": 4.691764555999637, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.57302921168468, "y": 4.695164996004206, "y_true": 1.9031932974753993, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.0343142955918774, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3330099774170625, "q_0.15": 2.4277395421973256, "q_0.175": 2.4914188591819832, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.711348093065874, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.906971216643092, "q_0.35": 2.969850215308071, "q_0.375": 2.9914729253003998, "q_0.4": 3.066127764945416, "q_0.425": 3.1515168922979693, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4542234101090186, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7446972761331203, "q_0.65": 3.871351807004203, "q_0.675": 3.951338077386283, "q_0.7": 4.009116605893217, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.233784940697606, "q_0.8": 4.304492011139114, "q_0.825": 4.354057639477195, "q_0.85": 4.442001273473941, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.579146244995807, "q_0.95": 4.691764555999637, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.61304521808724, "y": 2.444206584827035, "y_true": 1.9037156714940886, "y_pred": 3.3725130535405006, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 1.9726060625734914, "q_0.05": 2.0343142955918774, "q_0.075": 2.1664529559971624, "q_0.1": 2.223950019440938, "q_0.125": 2.3553129290502435, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5917377746347263, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.969850215308071, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.1515168922979693, "q_0.45": 3.2675005831610826, "q_0.475": 3.3183542294418134, "q_0.5": 3.3725130535405006, "q_0.525": 3.467448976133687, "q_0.55": 3.525096036811748, "q_0.575": 3.5751808459354404, "q_0.6": 3.6948844639770186, "q_0.625": 3.7446972761331203, "q_0.65": 3.891750678846295, "q_0.675": 3.9550928641618697, "q_0.7": 4.024292911640289, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.242813272213002, "q_0.8": 4.306950883682711, "q_0.825": 4.3653321569812, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.586113951299229, "q_0.95": 4.700220156664893, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.6530612244898, "y": 3.2840751745218855, "y_true": 1.9042374526547454, "y_pred": 3.3725130535405006, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 1.9726060625734914, "q_0.05": 2.0343142955918774, "q_0.075": 2.1664529559971624, "q_0.1": 2.223950019440938, "q_0.125": 2.3553129290502435, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5917377746347263, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.969850215308071, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.1515168922979693, "q_0.45": 3.2675005831610826, "q_0.475": 3.3183542294418134, "q_0.5": 3.3725130535405006, "q_0.525": 3.467448976133687, "q_0.55": 3.525096036811748, "q_0.575": 3.5751808459354404, "q_0.6": 3.6948844639770186, "q_0.625": 3.7446972761331203, "q_0.65": 3.891750678846295, "q_0.675": 3.9550928641618697, "q_0.7": 4.024292911640289, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.242813272213002, "q_0.8": 4.306950883682711, "q_0.825": 4.3653321569812, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.586113951299229, "q_0.95": 4.700220156664893, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.69307723089236, "y": 2.3780042939436905, "y_true": 1.9047586423307035, "y_pred": 3.3725130535405006, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 1.9726060625734914, "q_0.05": 2.0343142955918774, "q_0.075": 2.1664529559971624, "q_0.1": 2.223950019440938, "q_0.125": 2.3553129290502435, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5917377746347263, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.969850215308071, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.1515168922979693, "q_0.45": 3.2675005831610826, "q_0.475": 3.3183542294418134, "q_0.5": 3.3725130535405006, "q_0.525": 3.467448976133687, "q_0.55": 3.525096036811748, "q_0.575": 3.5751808459354404, "q_0.6": 3.6948844639770186, "q_0.625": 3.7446972761331203, "q_0.65": 3.891750678846295, "q_0.675": 3.9550928641618697, "q_0.7": 4.024292911640289, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.242813272213002, "q_0.8": 4.306950883682711, "q_0.825": 4.3653321569812, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.586113951299229, "q_0.95": 4.700220156664893, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.733093237294916, "y": 1.9343408651327416, "y_true": 1.9052792418904798, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 1.9726060625734914, "q_0.05": 2.0343237992046137, "q_0.075": 2.1664529559971624, "q_0.1": 2.229295320561961, "q_0.125": 2.3566188703128574, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5917377746347263, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.1515168922979693, "q_0.45": 3.27266047564297, "q_0.475": 3.3183542294418134, "q_0.5": 3.380339819171627, "q_0.525": 3.467448976133687, "q_0.55": 3.525096036811748, "q_0.575": 3.5751808459354404, "q_0.6": 3.6948844639770186, "q_0.625": 3.7446972761331203, "q_0.65": 3.891750678846295, "q_0.675": 3.9550928641618697, "q_0.7": 4.024292911640289, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.242813272213002, "q_0.8": 4.306950883682711, "q_0.825": 4.3653321569812, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.591053036986328, "q_0.95": 4.700220156664893, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.77310924369748, "y": 2.5850987133151326, "y_true": 1.905799252697796, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 1.9726060625734914, "q_0.05": 2.0343237992046137, "q_0.075": 2.1664529559971624, "q_0.1": 2.229295320561961, "q_0.125": 2.3566188703128574, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5917377746347263, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.1515168922979693, "q_0.45": 3.27266047564297, "q_0.475": 3.3183542294418134, "q_0.5": 3.380339819171627, "q_0.525": 3.467448976133687, "q_0.55": 3.525096036811748, "q_0.575": 3.5751808459354404, "q_0.6": 3.6948844639770186, "q_0.625": 3.7446972761331203, "q_0.65": 3.891750678846295, "q_0.675": 3.9550928641618697, "q_0.7": 4.024292911640289, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.242813272213002, "q_0.8": 4.306950883682711, "q_0.825": 4.3653321569812, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.591053036986328, "q_0.95": 4.700220156664893, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.81312525010004, "y": 3.0581633303894216, "y_true": 1.906318676111601, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 1.9726060625734914, "q_0.05": 2.0343237992046137, "q_0.075": 2.1664529559971624, "q_0.1": 2.229295320561961, "q_0.125": 2.3566188703128574, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5917377746347263, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.1515168922979693, "q_0.45": 3.27266047564297, "q_0.475": 3.3183542294418134, "q_0.5": 3.380339819171627, "q_0.525": 3.467448976133687, "q_0.55": 3.525096036811748, "q_0.575": 3.5751808459354404, "q_0.6": 3.6948844639770186, "q_0.625": 3.7446972761331203, "q_0.65": 3.891750678846295, "q_0.675": 3.9550928641618697, "q_0.7": 4.024292911640289, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.242813272213002, "q_0.8": 4.306950883682711, "q_0.825": 4.3653321569812, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.591053036986328, "q_0.95": 4.700220156664893, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.8531412565026, "y": 3.1390074757796294, "y_true": 1.9068375134860942, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 1.9726060625734914, "q_0.05": 2.0344093317192424, "q_0.075": 2.1664529559971624, "q_0.1": 2.2442125503622727, "q_0.125": 2.3566188703128574, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5917377746347263, "q_0.225": 2.693445491375915, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.1515168922979693, "q_0.45": 3.27266047564297, "q_0.475": 3.3183542294418134, "q_0.5": 3.380339819171627, "q_0.525": 3.467448976133687, "q_0.55": 3.525096036811748, "q_0.575": 3.5751808459354404, "q_0.6": 3.6948844639770186, "q_0.625": 3.7446972761331203, "q_0.65": 3.891750678846295, "q_0.675": 3.9550928641618697, "q_0.7": 4.030660174519365, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.242813272213002, "q_0.8": 4.309274244747917, "q_0.825": 4.392337762588066, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.6002256246908875, "q_0.95": 4.700220156664893, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.89315726290516, "y": 4.442001273473941, "y_true": 1.9073557661707463, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 1.9726060625734914, "q_0.05": 2.0344093317192424, "q_0.075": 2.1664529559971624, "q_0.1": 2.2442125503622727, "q_0.125": 2.3566188703128574, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5917377746347263, "q_0.225": 2.6973752128664303, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.1515168922979693, "q_0.45": 3.27266047564297, "q_0.475": 3.321298163409161, "q_0.5": 3.380339819171627, "q_0.525": 3.467448976133687, "q_0.55": 3.525096036811748, "q_0.575": 3.5751808459354404, "q_0.6": 3.702986699791204, "q_0.625": 3.7446972761331203, "q_0.65": 3.891750678846295, "q_0.675": 3.9550928641618697, "q_0.7": 4.030660174519365, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.242813272213002, "q_0.8": 4.309274244747917, "q_0.825": 4.392337762588066, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.6002256246908875, "q_0.95": 4.700220156664893, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.93317326930772, "y": 3.7260945790478277, "y_true": 1.907873435510323, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 1.9726060625734914, "q_0.05": 2.0344093317192424, "q_0.075": 2.1664529559971624, "q_0.1": 2.2442125503622727, "q_0.125": 2.3566188703128574, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5917377746347263, "q_0.225": 2.6973752128664303, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.1515168922979693, "q_0.45": 3.27266047564297, "q_0.475": 3.321298163409161, "q_0.5": 3.380339819171627, "q_0.525": 3.467448976133687, "q_0.55": 3.525096036811748, "q_0.575": 3.5751808459354404, "q_0.6": 3.702986699791204, "q_0.625": 3.7446972761331203, "q_0.65": 3.891750678846295, "q_0.675": 3.9550928641618697, "q_0.7": 4.030660174519365, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.242813272213002, "q_0.8": 4.309274244747917, "q_0.825": 4.392337762588066, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.6002256246908875, "q_0.95": 4.700220156664893, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.97318927571028, "y": 3.1515168922979693, "y_true": 1.908390522844906, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 1.9771446301476692, "q_0.05": 2.0344093317192424, "q_0.075": 2.1664529559971624, "q_0.1": 2.2442125503622727, "q_0.125": 2.3566188703128574, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.9709310125598636, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.321298163409161, "q_0.5": 3.380339819171627, "q_0.525": 3.4680774029695485, "q_0.55": 3.527875932086115, "q_0.575": 3.5751808459354404, "q_0.6": 3.702986699791204, "q_0.625": 3.756064033273435, "q_0.65": 3.902951553828625, "q_0.675": 3.9569191942004887, "q_0.7": 4.030660174519365, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.2494584554721, "q_0.8": 4.309274244747917, "q_0.825": 4.392337762588066, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.601478365291408, "q_0.95": 4.700220156664893, "q_0.975": 4.777766588535725, "q_1": 5.26400136296239}, {"x": 33.01320528211285, "y": 4.737127610767498, "y_true": 1.9089070295099155, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.0629234463545756, "q_0.075": 2.1739247036810907, "q_0.1": 2.291548649680823, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.613141023924022, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7260945790478277, "q_0.625": 3.8280639018148994, "q_0.65": 3.948544280020183, "q_0.675": 4.000783666055703, "q_0.7": 4.0714414255033775, "q_0.725": 4.154812452147601, "q_0.75": 4.192343117035323, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.460768432955014, "q_0.875": 4.497057391237302, "q_0.9": 4.570331200342933, "q_0.925": 4.662952528375321, "q_0.95": 4.738124777031687, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.05322128851541, "y": 3.668389665087376, "y_true": 1.9094229568361312, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.0103767068816265, "q_0.05": 2.0703119172948825, "q_0.075": 2.174984241203033, "q_0.1": 2.3146396154867976, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.613141023924022, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.0043066980372055, "q_0.7": 4.083042250794794, "q_0.725": 4.155838853489351, "q_0.75": 4.199848775004261, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.460768432955014, "q_0.875": 4.497057391237302, "q_0.9": 4.5750987950482696, "q_0.925": 4.67951575246285, "q_0.95": 4.7583620229574874, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.09323729491797, "y": 2.834322935116626, "y_true": 1.909938306149714, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.0703119172948825, "q_0.075": 2.174984241203033, "q_0.1": 2.3146396154867976, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.0043066980372055, "q_0.7": 4.083042250794794, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.497057391237302, "q_0.9": 4.5750987950482696, "q_0.925": 4.67951575246285, "q_0.95": 4.7583620229574874, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.13325330132053, "y": 3.891750678846295, "y_true": 1.910453078772229, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.0703119172948825, "q_0.075": 2.174984241203033, "q_0.1": 2.3146396154867976, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.0043066980372055, "q_0.7": 4.083042250794794, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.497057391237302, "q_0.9": 4.5750987950482696, "q_0.925": 4.67951575246285, "q_0.95": 4.7583620229574874, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.17326930772309, "y": 3.332207965146324, "y_true": 1.9109672760206642, "y_pred": 3.4013624607582162, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.0703119172948825, "q_0.075": 2.174984241203033, "q_0.1": 2.3146396154867976, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.950780802798181, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.332207965146324, "q_0.5": 3.4013624607582162, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.0043066980372055, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.5750987950482696, "q_0.925": 4.67951575246285, "q_0.95": 4.7583620229574874, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.21328531412565, "y": 4.43891327236607, "y_true": 1.9114808992074546, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.0703119172948825, "q_0.075": 2.174984241203033, "q_0.1": 2.3146396154867976, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.752029890524276, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.5750987950482696, "q_0.925": 4.67951575246285, "q_0.95": 4.7583620229574874, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.253301320528216, "y": 4.484454122060825, "y_true": 1.911993949640501, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.0703119172948825, "q_0.075": 2.174984241203033, "q_0.1": 2.3146396154867976, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.752029890524276, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.5750987950482696, "q_0.925": 4.67951575246285, "q_0.95": 4.7583620229574874, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.293317326930776, "y": 2.9670028172890834, "y_true": 1.9125064286231919, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.333333333333336, "y": 3.527875932086115, "y_true": 1.9130183374544247, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.373349339735896, "y": 2.6770466872123944, "y_true": 1.9135296774286263, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.413365346138455, "y": 3.7149582049067673, "y_true": 1.9140404498357735, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.453381352541015, "y": 4.767619077388904, "y_true": 1.914550655961413, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.49339735894358, "y": 4.309750983024624, "y_true": 1.9150602970866832, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.53341336534614, "y": 2.969850215308071, "y_true": 1.9155693744883326, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.5734293717487, "y": 2.190625636527149, "y_true": 1.9160778894387422, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.61344537815126, "y": 4.700220156664893, "y_true": 1.9165858432059433, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.65346138455382, "y": 3.0393697408808347, "y_true": 1.917093237053639, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.69347739095638, "y": 2.763071228495921, "y_true": 1.9176000722412236, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.73349339735894, "y": 2.8300827058507037, "y_true": 1.9181063500238016, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.611917547032888, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.950780802798181, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.516057306819606, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 33.77350940376151, "y": 3.3315806906983862, "y_true": 1.9186120716522084, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1853471070035178, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689760306066626, "q_0.175": 2.534097647109762, "q_0.2": 2.605670703771356, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3436482025560696, "q_0.5": 3.400067994887957, "q_0.525": 3.516057306819606, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 33.81352541016407, "y": 4.67951575246285, "y_true": 1.9191172383730286, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.190880199322773, "q_0.1": 2.3158594942098008, "q_0.125": 2.3821362188948045, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3405359731487456, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 33.85354141656663, "y": 4.767305088053063, "y_true": 1.9196218514286165, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.190880199322773, "q_0.1": 2.3158594942098008, "q_0.125": 2.3821362188948045, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3405359731487456, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 33.89355742296919, "y": 2.7751653753611603, "y_true": 1.9201259120571148, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.190880199322773, "q_0.1": 2.3158594942098008, "q_0.125": 2.3821362188948045, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3405359731487456, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 33.93357342937175, "y": 2.9358555251755734, "y_true": 1.9206294214924733, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.190880199322773, "q_0.1": 2.3158594942098008, "q_0.125": 2.3821362188948045, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3405359731487456, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 33.97358943577431, "y": 3.400067994887957, "y_true": 1.9211323809644691, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.190880199322773, "q_0.1": 2.3158594942098008, "q_0.125": 2.3821362188948045, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3405359731487456, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.013605442176875, "y": 1.9453021931566983, "y_true": 1.9216347916987244, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.190880199322773, "q_0.1": 2.3158594942098008, "q_0.125": 2.3821362188948045, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3405359731487456, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.053621448579435, "y": 2.4277395421973256, "y_true": 1.9221366549167254, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.190880199322773, "q_0.1": 2.3158594942098008, "q_0.125": 2.3821362188948045, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3405359731487456, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.093637454981994, "y": 4.630628094838974, "y_true": 1.922637971835842, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.190880199322773, "q_0.1": 2.3158594942098008, "q_0.125": 2.3821362188948045, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3405359731487456, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.133653461384554, "y": 2.0083266003485676, "y_true": 1.9231387436693455, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.190880199322773, "q_0.1": 2.3158594942098008, "q_0.125": 2.3821362188948045, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3405359731487456, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.173669467787114, "y": 2.2159839124410263, "y_true": 1.9236389716264273, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.213685474189674, "y": 3.142454371636732, "y_true": 1.924138656912217, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.25370148059224, "y": 4.043937587278693, "y_true": 1.9246378007278016, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.2937174869948, "y": 2.7044792758026515, "y_true": 1.9251364042702426, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.33373349339736, "y": 2.8128121196375666, "y_true": 1.925634468732595, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.37374949979992, "y": 2.8122175195595656, "y_true": 1.9261319953039249, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.41376550620248, "y": 4.458744990812855, "y_true": 1.9266289851693266, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3842523068288335, "q_0.15": 2.470015753344929, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.023615283076078, "q_0.7": 4.103148685543555, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.45378151260504, "y": 2.583463732437698, "y_true": 1.927125439509942, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3842523068288335, "q_0.15": 2.470015753344929, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.023615283076078, "q_0.7": 4.103148685543555, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.49379751900761, "y": 3.560833525936844, "y_true": 1.9276213595029768, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3842523068288335, "q_0.15": 2.470015753344929, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.023615283076078, "q_0.7": 4.103148685543555, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.53381352541017, "y": 4.833007771285563, "y_true": 1.9281167463217188, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1297220967402692, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.57382953181273, "y": 4.045667651936903, "y_true": 1.9286116011355556, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1297220967402692, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.61384553821529, "y": 2.906971216643092, "y_true": 1.9291059251099916, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1297220967402692, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.65386154461785, "y": 4.155838853489351, "y_true": 1.9295997194066645, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1297220967402692, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.69387755102041, "y": 4.705475189451231, "y_true": 1.9300929851833644, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1297220967402692, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.733893557422974, "y": 3.017787188717036, "y_true": 1.9305857235940491, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1297220967402692, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.773909563825534, "y": 3.992552798060359, "y_true": 1.931077935788862, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.2168314865874335, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.81392557022809, "y": 2.1523668988250786, "y_true": 1.9315696229141492, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.2168314865874335, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.85394157663065, "y": 4.540790492218592, "y_true": 1.932060786112475, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.2168314865874335, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.89395758303321, "y": 2.2131302114558995, "y_true": 1.9325514265226404, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.2168314865874335, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.93397358943577, "y": 3.0204853979940633, "y_true": 1.9330415452796985, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.2168314865874335, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.97398959583834, "y": 3.516057306819606, "y_true": 1.9335311435149716, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.2168314865874335, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.0140056022409, "y": 2.703179106240242, "y_true": 1.9340202223560667, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.2168314865874335, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.05402160864346, "y": 3.829875089616894, "y_true": 1.9345087829268937, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.2168314865874335, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.09403761504602, "y": 3.5541000648222463, "y_true": 1.9349968263476796, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.2168314865874335, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.13405362144858, "y": 4.030660174519365, "y_true": 1.9354843537349862, "y_pred": 3.4013624607582162, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.4013624607582162, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.17406962785114, "y": 2.9709310125598636, "y_true": 1.935971366201725, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.400067994887957, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.593169787995076, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.214085634253706, "y": 3.5327513965170736, "y_true": 1.9364578648571746, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.400067994887957, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.593169787995076, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.254101640656266, "y": 4.312273348856062, "y_true": 1.936943850806995, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.400067994887957, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.593169787995076, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.294117647058826, "y": 4.309274244747917, "y_true": 1.9374293251532442, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.400067994887957, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.593169787995076, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.334133653461386, "y": 4.02832387702748, "y_true": 1.9379142889943948, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1889548337448255, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.34426307634953, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.374149659863946, "y": 3.525096036811748, "y_true": 1.9383987434253476, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1889548337448255, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.34426307634953, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.414165666266506, "y": 3.9107986177103706, "y_true": 1.9388826895374494, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1889548337448255, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.34426307634953, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.454181672669066, "y": 2.193922874845395, "y_true": 1.9393661284185066, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.49419767907163, "y": 3.321298163409161, "y_true": 1.939849061152802, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.53421368547419, "y": 4.4623631500955385, "y_true": 1.9403314888211087, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.57422969187675, "y": 3.722318448474545, "y_true": 1.940813412500707, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.61424569827931, "y": 4.70441499507191, "y_true": 1.941294833265398, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.65426170468187, "y": 2.711348093065874, "y_true": 1.94177575218552, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.69427771108443, "y": 2.225033037593308, "y_true": 1.9422561703279615, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.734293717487, "y": 3.7833642727923076, "y_true": 1.942736088756179, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.77430972388956, "y": 2.210399721557351, "y_true": 1.9432155085302092, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.81432573029212, "y": 4.242813272213002, "y_true": 1.9436944307066844, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.85434173669468, "y": 2.699149197083439, "y_true": 1.9441728563388487, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.89435774309724, "y": 3.5294729106117644, "y_true": 1.94465078647657, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.9343737494998, "y": 4.332775941551913, "y_true": 1.9451282221663568, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.974389755902365, "y": 4.265395942540645, "y_true": 1.9456051644513717, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.014405762304925, "y": 3.406637804806585, "y_true": 1.9460816143714446, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.054421768707485, "y": 4.821274350409462, "y_true": 1.9465575729630893, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3432090069893134, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.094437775110045, "y": 3.413518692328587, "y_true": 1.9470330412595156, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3432090069893134, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.134453781512605, "y": 2.7693770294219893, "y_true": 1.9475080202906447, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.19881481113056, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.103148685543555, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.174469787915164, "y": 2.839858233797958, "y_true": 1.9479825110831226, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0227045729356057, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.09733409211609, "q_0.425": 3.19881481113056, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.21448579431773, "y": 4.142252725491998, "y_true": 1.9484565146603345, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0227045729356057, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.09733409211609, "q_0.425": 3.19881481113056, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.25450180072029, "y": 3.238882763263799, "y_true": 1.9489300320424183, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0227045729356057, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.09733409211609, "q_0.425": 3.19881481113056, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.29451780712285, "y": 3.1857334962331674, "y_true": 1.949403064246278, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0227045729356057, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.09733409211609, "q_0.425": 3.19881481113056, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.33453381352541, "y": 2.0103767068816265, "y_true": 1.9498756122855991, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0227045729356057, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.09733409211609, "q_0.425": 3.19881481113056, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.37454981992797, "y": 2.852214856573651, "y_true": 1.95034767717086, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0227045729356057, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.09733409211609, "q_0.425": 3.19881481113056, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.41456582633053, "y": 4.493500363686744, "y_true": 1.950819259909348, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3700401608827955, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767279685195304, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.4545818327331, "y": 4.3267153544568915, "y_true": 1.9512903615051698, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3729555901272237, "q_0.15": 2.4689213083572805, "q_0.175": 2.527121674653829, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.0964054075431324, "q_0.425": 3.1928321806305946, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.49459783913566, "y": 4.159470353648089, "y_true": 1.9517609829592684, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3729555901272237, "q_0.15": 2.4689213083572805, "q_0.175": 2.527121674653829, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.0964054075431324, "q_0.425": 3.1928321806305946, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.53461384553822, "y": 2.020654369166617, "y_true": 1.9522311252694338, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3729555901272237, "q_0.15": 2.4689213083572805, "q_0.175": 2.527121674653829, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.0964054075431324, "q_0.425": 3.1928321806305946, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.57462985194078, "y": 2.032577143227643, "y_true": 1.9527007894303174, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3729555901272237, "q_0.15": 2.4689213083572805, "q_0.175": 2.527121674653829, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.0964054075431324, "q_0.425": 3.1928321806305946, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.61464585834334, "y": 2.875257145532446, "y_true": 1.9531699764334456, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3729555901272237, "q_0.15": 2.4689213083572805, "q_0.175": 2.527121674653829, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.0964054075431324, "q_0.425": 3.1928321806305946, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.6546618647459, "y": 3.3587416391071625, "y_true": 1.9536386872672318, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3729555901272237, "q_0.15": 2.4689213083572805, "q_0.175": 2.527121674653829, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.0964054075431324, "q_0.425": 3.1928321806305946, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.694677871148464, "y": 4.649265362576704, "y_true": 1.9541069229169907, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3729555901272237, "q_0.15": 2.4689213083572805, "q_0.175": 2.527121674653829, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.0964054075431324, "q_0.425": 3.1928321806305946, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.734693877551024, "y": 3.0944591840281293, "y_true": 1.9545746843649505, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 36.774709883953584, "y": 2.810409268500627, "y_true": 1.9550419725902664, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 36.814725890356144, "y": 3.6493500325089983, "y_true": 1.955508788569033, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 36.8547418967587, "y": 4.669583111957279, "y_true": 1.9559751332742972, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 36.89475790316126, "y": 4.1485081989406405, "y_true": 1.9564410076760717, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 36.93477390956383, "y": 4.500126386060784, "y_true": 1.9569064127413467, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 36.97478991596639, "y": 2.498456056605293, "y_true": 1.957371349434103, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.01480592236895, "y": 2.3311590029585183, "y_true": 1.957835818715324, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.05482192877151, "y": 3.5751808459354404, "y_true": 1.9582998215430096, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.09483793517407, "y": 4.031937514756088, "y_true": 1.958763358872187, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.13485394157663, "y": 4.799233199756026, "y_true": 1.9592264316549242, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.1748699479792, "y": 3.0649624011115435, "y_true": 1.9596890408403411, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.21488595438176, "y": 2.9914729253003998, "y_true": 1.9601511873746233, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.254901960784316, "y": 3.4962745670184425, "y_true": 1.960612872201033, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.294917967186876, "y": 4.000783666055703, "y_true": 1.9610740962599214, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.334933973589436, "y": 3.647700362041045, "y_true": 1.9615348604887415, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.374949979991996, "y": 4.116614084648914, "y_true": 1.9619951658220585, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.414965986394556, "y": 3.096173236399893, "y_true": 1.9624550131915635, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.45498199279712, "y": 4.53399907033878, "y_true": 1.9629144035260842, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.49499799919968, "y": 2.5091944463798503, "y_true": 1.963373337751597, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.53501400560224, "y": 2.9065037584554707, "y_true": 1.9638318167912385, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.5750300120048, "y": 4.273757267500332, "y_true": 1.9642898415653183, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.61504601840736, "y": 2.967085513121202, "y_true": 1.9647474129913283, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.65506202480992, "y": 3.961030053598647, "y_true": 1.965204531983957, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.69507803121249, "y": 2.825623485638059, "y_true": 1.9656611994550992, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.73509403761505, "y": 2.5253886857100034, "y_true": 1.9661174163138675, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.77511004401761, "y": 2.865791866761892, "y_true": 1.9665731834666045, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.81512605042017, "y": 4.62011389628775, "y_true": 1.9670285018168938, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.85514205682273, "y": 3.346493741140052, "y_true": 1.967483372265571, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.89515806322529, "y": 2.6426296470352435, "y_true": 1.9679377957107345, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.935174069627855, "y": 2.930814367099149, "y_true": 1.968391773047758, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.975190076030415, "y": 1.9771446301476692, "y_true": 1.9688453051693005, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 38.015206082432975, "y": 4.233784940697606, "y_true": 1.9692983929653174, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 38.055222088835535, "y": 2.6461316096332688, "y_true": 1.969751037323072, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 38.095238095238095, "y": 3.762836525924734, "y_true": 1.9702032391271458, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 38.135254101640655, "y": 2.045961214128722, "y_true": 1.9706549992594498, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 38.17527010804322, "y": 4.4746887814924925, "y_true": 1.9711063185992352, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 38.21528611444578, "y": 2.534097647109762, "y_true": 1.971557198023104, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 38.25530212084834, "y": 1.9863227592764845, "y_true": 1.9720076384050196, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 38.2953181272509, "y": 2.876951165633304, "y_true": 1.9724576406163183, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 38.33533413365346, "y": 4.738124777031687, "y_true": 1.9729072055257189, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.37535014005602, "y": 2.7625310391788718, "y_true": 1.9733563339993332, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.41536614645859, "y": 3.4872940741664147, "y_true": 1.9738050269006773, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.45538215286115, "y": 3.19881481113056, "y_true": 1.9742532850906815, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.49539815926371, "y": 2.859814990201883, "y_true": 1.9747011094277007, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.53541416566627, "y": 4.765582159307896, "y_true": 1.975148500767525, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.57543017206883, "y": 4.3504823899916225, "y_true": 1.975595459963389, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.61544617847139, "y": 4.270163941565705, "y_true": 1.976041987865984, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.655462184873954, "y": 3.561115387967302, "y_true": 1.9764880853234663, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.695478191276514, "y": 4.4622170692373855, "y_true": 1.9769337531814677, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.735494197679074, "y": 3.3590612501407273, "y_true": 1.9773789922831062, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.775510204081634, "y": 3.380339819171627, "y_true": 1.977823803468996, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.815526210484194, "y": 3.467448976133687, "y_true": 1.9782681875772559, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.855542216886754, "y": 2.693445491375915, "y_true": 1.9787121454435221, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.89555822328932, "y": 4.766620864041639, "y_true": 1.9791556779009551, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.93557422969188, "y": 2.760728853179401, "y_true": 1.9795987857802515, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.97559023609444, "y": 2.5784493435608513, "y_true": 1.9800414699096527, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.015606242497, "y": 2.716810477779716, "y_true": 1.9804837311149555, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.05562224889956, "y": 4.4507843451133455, "y_true": 1.980925570219521, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.09563825530212, "y": 4.304492011139114, "y_true": 1.9813669880442846, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.13565426170468, "y": 3.273262828959913, "y_true": 1.981807985407765, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.17567026810725, "y": 2.023934695196999, "y_true": 1.9822485631260753, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.467943391544786, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.840049424626641, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.21568627450981, "y": 4.934942636045548, "y_true": 1.9826887220129308, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.25570228091237, "y": 2.3842523068288335, "y_true": 1.9831284628796586, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.295718287314926, "y": 4.5613449932583405, "y_true": 1.9835677865352082, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.335734293717486, "y": 4.351517742112809, "y_true": 1.9840066937861598, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.375750300120046, "y": 4.826390594066324, "y_true": 1.9844451854367338, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.41576630652261, "y": 4.32867871557206, "y_true": 1.9848832622888004, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.45578231292517, "y": 2.9898673389941393, "y_true": 1.9853209251418882, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.49579831932773, "y": 2.6890247553008053, "y_true": 1.9857581747931938, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.53581432573029, "y": 3.131885696893322, "y_true": 1.986195012037591, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.57583033213285, "y": 2.60287342412113, "y_true": 1.9866314376676395, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.61584633853541, "y": 4.17121703167272, "y_true": 1.9870674524735943, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.65586234493798, "y": 4.497057391237302, "y_true": 1.9875030572434147, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 39.69587835134054, "y": 3.951338077386283, "y_true": 1.987938252762772, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 39.7358943577431, "y": 2.5537626472450095, "y_true": 1.9883730398150605, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 39.77591036414566, "y": 2.1024260118048512, "y_true": 1.9888074191814054, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 39.81592637054822, "y": 3.753736753121408, "y_true": 1.9892413916406704, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 39.85594237695078, "y": 3.396703937348799, "y_true": 1.9896749579694684, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 39.895958383353346, "y": 2.59761589265131, "y_true": 1.9901081189421697, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 39.935974389755906, "y": 3.1106190322821314, "y_true": 1.990540875330909, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 39.975990396158466, "y": 3.6391697707678308, "y_true": 1.9909732279055972, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.016006402561025, "y": 3.9185766887920144, "y_true": 1.9914051774339265, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.056022408963585, "y": 3.4436247559143824, "y_true": 1.9918367246813822, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.096038415366145, "y": 4.951913791281355, "y_true": 1.9922678704112482, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.13605442176871, "y": 2.1335854321993173, "y_true": 1.992698615384618, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.17607042817127, "y": 3.999811260961281, "y_true": 1.9931289603604019, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.21608643457383, "y": 4.767395947751837, "y_true": 1.993558906095335, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.25610244097639, "y": 2.7156516140998472, "y_true": 1.9939884533439864, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.29611844737895, "y": 2.646555374861152, "y_true": 1.994417602858768, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.33613445378151, "y": 4.321557261612918, "y_true": 1.994846355389941, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.37615046018408, "y": 3.4803871966680866, "y_true": 1.9952747116856255, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.41616646658664, "y": 5.026192180272567, "y_true": 1.995702672491808, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.4561824729892, "y": 3.796094578117163, "y_true": 1.9961302385523507, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.49619847939176, "y": 4.818842928192114, "y_true": 1.9965574106089978, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.53621448579432, "y": 2.0343142955918774, "y_true": 1.9969841894013853, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.57623049219688, "y": 2.470015753344929, "y_true": 1.997410575667048, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.616246498599445, "y": 4.091534912349754, "y_true": 1.9978365701414278, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.656262505002005, "y": 3.27266047564297, "y_true": 1.9982621735578814, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.696278511404564, "y": 4.557545325122913, "y_true": 1.9986873866476889, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.736294517807124, "y": 3.3123558661910533, "y_true": 1.9991122101400611, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.776310524209684, "y": 4.183329504286376, "y_true": 1.9995366447621477, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.816326530612244, "y": 3.7345460746170174, "y_true": 1.9999606912390442, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.85634253701481, "y": 2.3678535889494725, "y_true": 2.000384350293801, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4869689450100205, "q_0.55": 3.5499704763701767, "q_0.575": 3.6405970273973134, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.103148685543555, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.89635854341737, "y": 4.201787387189963, "y_true": 2.000807622647431, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4869689450100205, "q_0.55": 3.5499704763701767, "q_0.575": 3.6405970273973134, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.103148685543555, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.93637454981993, "y": 4.167370622158568, "y_true": 2.0012305090189155, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4869689450100205, "q_0.55": 3.5499704763701767, "q_0.575": 3.6405970273973134, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.103148685543555, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.97639055622249, "y": 2.3566188703128574, "y_true": 2.0016530101252137, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4869689450100205, "q_0.55": 3.5499704763701767, "q_0.575": 3.6405970273973134, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.103148685543555, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.01640656262505, "y": 3.726263579377608, "y_true": 2.002075126681271, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4869689450100205, "q_0.55": 3.5499704763701767, "q_0.575": 3.6405970273973134, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.103148685543555, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.05642256902761, "y": 3.032729016318319, "y_true": 2.002496859400023, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.791561078327792, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.27266047564297, "q_0.475": 3.330709408165313, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5327513965170736, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.816154431772798, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.09643857543017, "y": 3.411721566128852, "y_true": 2.002918208992408, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.791561078327792, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.27266047564297, "q_0.475": 3.330709408165313, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5327513965170736, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.816154431772798, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.13645458183274, "y": 3.3017246675552254, "y_true": 2.00333917616737, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.711348093065874, "q_0.275": 2.791561078327792, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5327513965170736, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.816154431772798, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.1764705882353, "y": 2.325642290903333, "y_true": 2.0037597616318696, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.21648659463786, "y": 2.4897964350965056, "y_true": 2.0041799660908883, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.25650260104042, "y": 2.2714495101868586, "y_true": 2.0045997902474393, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.29651860744298, "y": 2.5967793776407975, "y_true": 2.0050192348025724, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.33653461384554, "y": 4.6274283899362345, "y_true": 2.005438300455382, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.3765506202481, "y": 2.081307583769472, "y_true": 2.005856987903015, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.41656662665066, "y": 3.334661079298779, "y_true": 2.0062752978406766, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.45658263305322, "y": 4.472468138386407, "y_true": 2.00669323096164, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.49659863945578, "y": 2.3158594942098008, "y_true": 2.0071107879572505, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.53661464585834, "y": 2.708989464098925, "y_true": 2.007527969516936, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.5766306522609, "y": 4.2494584554721, "y_true": 2.0079447763282117, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.61664665866347, "y": 4.0043066980372055, "y_true": 2.0083612090766874, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.65666266506603, "y": 3.7446972761331203, "y_true": 2.008777268446076, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.69667867146859, "y": 2.538554674234327, "y_true": 2.009192955118199, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.73669467787115, "y": 4.460768432955014, "y_true": 2.0096082697729947, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.77671068427371, "y": 2.446420767024358, "y_true": 2.010023213088524, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.81672669067627, "y": 2.426541154335626, "y_true": 2.0104377857409794, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.856742697078836, "y": 4.465746326087819, "y_true": 2.0108519884046885, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.896758703481396, "y": 3.151683441958731, "y_true": 2.011265821752125, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.936774709883956, "y": 2.9775425288232102, "y_true": 2.011679286453911, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.976790716286516, "y": 2.873332490590353, "y_true": 2.012092383178828, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 42.016806722689076, "y": 3.0171317957431363, "y_true": 2.0125051125938227, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 42.056822729091635, "y": 3.066127764945416, "y_true": 2.0129174753640102, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 42.0968387354942, "y": 4.167362514124177, "y_true": 2.013329472152686, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3176910217628333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.9550928641618697, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 42.13685474189676, "y": 2.7571479034948396, "y_true": 2.0137411036213284, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143353, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.961030053598647, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.856924419447449, "q_1": 5.397399431414078}, {"x": 42.17687074829932, "y": 3.021055371850667, "y_true": 2.014152370429609, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143353, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.961030053598647, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.856924419447449, "q_1": 5.397399431414078}, {"x": 42.21688675470188, "y": 4.4176827358463955, "y_true": 2.0145632732353946, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143353, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.961030053598647, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.856924419447449, "q_1": 5.397399431414078}, {"x": 42.25690276110444, "y": 4.8428771080451325, "y_true": 2.014973812694759, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143353, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.961030053598647, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.856924419447449, "q_1": 5.397399431414078}, {"x": 42.296918767507, "y": 3.9138076106929294, "y_true": 2.0153839894619856, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143353, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.961030053598647, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.856924419447449, "q_1": 5.397399431414078}, {"x": 42.33693477390957, "y": 2.341520601960037, "y_true": 2.0157938041895758, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.961030053598647, "q_0.675": 4.024292911640289, "q_0.7": 4.111920654136871, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6247981489294885, "q_0.925": 4.717586834507652, "q_0.95": 4.767395947751837, "q_0.975": 4.879996111829729, "q_1": 5.397399431414078}, {"x": 42.37695078031213, "y": 3.6948844639770186, "y_true": 2.0162032575282542, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.961030053598647, "q_0.675": 4.024292911640289, "q_0.7": 4.111920654136871, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6247981489294885, "q_0.925": 4.717586834507652, "q_0.95": 4.767395947751837, "q_0.975": 4.879996111829729, "q_1": 5.397399431414078}, {"x": 42.41696678671469, "y": 3.9630246475831425, "y_true": 2.016612350126978, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.961030053598647, "q_0.675": 4.024292911640289, "q_0.7": 4.111920654136871, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6247981489294885, "q_0.925": 4.717586834507652, "q_0.95": 4.767395947751837, "q_0.975": 4.879996111829729, "q_1": 5.397399431414078}, {"x": 42.45698279311725, "y": 2.9910162225585744, "y_true": 2.017021082632939, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.961030053598647, "q_0.675": 4.024292911640289, "q_0.7": 4.111920654136871, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.630628094838974, "q_0.925": 4.718404036893828, "q_0.95": 4.767395947751837, "q_0.975": 4.913742032090735, "q_1": 5.397399431414078}, {"x": 42.49699879951981, "y": 4.586113951299229, "y_true": 2.017429455691574, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.099192985703247, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9093858799841783, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7446972761331203, "q_0.625": 3.871351807004203, "q_0.65": 3.961030053598647, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.441678520587124, "q_0.85": 4.462326526695686, "q_0.875": 4.516720865781383, "q_0.9": 4.630628094838974, "q_0.925": 4.737127610767498, "q_0.95": 4.767619077388904, "q_0.975": 4.913742032090735, "q_1": 5.397399431414078}, {"x": 42.53701480592237, "y": 4.444763676187999, "y_true": 2.0178374699465693, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.099192985703247, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7446972761331203, "q_0.625": 3.871351807004203, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167362514124177, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.332775941551913, "q_0.825": 4.442001273473941, "q_0.85": 4.47384192778854, "q_0.875": 4.519087960385404, "q_0.9": 4.647529416344164, "q_0.925": 4.737127610767498, "q_0.95": 4.767619077388904, "q_0.975": 4.934942636045548, "q_1": 5.397399431414078}, {"x": 42.577030812324935, "y": 3.804038302060726, "y_true": 2.0182451260398673, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.099192985703247, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7446972761331203, "q_0.625": 3.871351807004203, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167362514124177, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.332775941551913, "q_0.825": 4.442001273473941, "q_0.85": 4.47384192778854, "q_0.875": 4.519087960385404, "q_0.9": 4.647529416344164, "q_0.925": 4.737127610767498, "q_0.95": 4.767619077388904, "q_0.975": 4.934942636045548, "q_1": 5.397399431414078}, {"x": 42.617046818727495, "y": 2.4689213083572805, "y_true": 2.018652424611672, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.099192985703247, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7446972761331203, "q_0.625": 3.871351807004203, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167362514124177, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.332775941551913, "q_0.825": 4.442001273473941, "q_0.85": 4.47384192778854, "q_0.875": 4.519087960385404, "q_0.9": 4.647529416344164, "q_0.925": 4.737127610767498, "q_0.95": 4.767619077388904, "q_0.975": 4.934942636045548, "q_1": 5.397399431414078}, {"x": 42.657062825130055, "y": 4.185032258800536, "y_true": 2.0190593663004575, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.099192985703247, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7446972761331203, "q_0.625": 3.871351807004203, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167362514124177, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.332775941551913, "q_0.825": 4.442001273473941, "q_0.85": 4.47384192778854, "q_0.875": 4.519087960385404, "q_0.9": 4.647529416344164, "q_0.925": 4.737127610767498, "q_0.95": 4.767619077388904, "q_0.975": 4.934942636045548, "q_1": 5.397399431414078}, {"x": 42.697078831532615, "y": 4.801100233674138, "y_true": 2.0194659517429727, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143353, "q_0.025": 2.032577143227643, "q_0.05": 2.099192985703247, "q_0.075": 2.2087316360853264, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7446972761331203, "q_0.625": 3.871351807004203, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167362514124177, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.332775941551913, "q_0.825": 4.442001273473941, "q_0.85": 4.47384192778854, "q_0.875": 4.5206135211408505, "q_0.9": 4.649265362576704, "q_0.925": 4.737127610767498, "q_0.95": 4.767619077388904, "q_0.975": 4.934942636045548, "q_1": 5.397399431414078}, {"x": 42.737094837935174, "y": 2.7971003557165734, "y_true": 2.019872181574247, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.1004360224076475, "q_0.075": 2.2131302114558995, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.6891052821131756, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.339254741148369, "q_0.5": 3.400067994887957, "q_0.525": 3.4872940741664147, "q_0.55": 3.561115387967302, "q_0.575": 3.6538153232587716, "q_0.6": 3.7446972761331203, "q_0.625": 3.871351807004203, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167362514124177, "q_0.75": 4.233784940697606, "q_0.775": 4.276112902783254, "q_0.8": 4.332775941551913, "q_0.825": 4.444763676187999, "q_0.85": 4.4746887814924925, "q_0.875": 4.540790492218592, "q_0.9": 4.654708759409436, "q_0.925": 4.738124777031687, "q_0.95": 4.794679107113758, "q_0.975": 4.939002135993537, "q_1": 5.397399431414078}, {"x": 42.777110844337734, "y": 5.000401010833492, "y_true": 2.0202780564275984, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.1004360224076475, "q_0.075": 2.2131302114558995, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.6891052821131756, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.339254741148369, "q_0.5": 3.400067994887957, "q_0.525": 3.4872940741664147, "q_0.55": 3.561115387967302, "q_0.575": 3.6538153232587716, "q_0.6": 3.7446972761331203, "q_0.625": 3.871351807004203, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167362514124177, "q_0.75": 4.233784940697606, "q_0.775": 4.276112902783254, "q_0.8": 4.332775941551913, "q_0.825": 4.444763676187999, "q_0.85": 4.4746887814924925, "q_0.875": 4.540790492218592, "q_0.9": 4.654708759409436, "q_0.925": 4.738124777031687, "q_0.95": 4.794679107113758, "q_0.975": 4.939002135993537, "q_1": 5.397399431414078}, {"x": 42.8171268507403, "y": 4.419004556316791, "y_true": 2.020683576934638, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.1004360224076475, "q_0.075": 2.2131302114558995, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.6891052821131756, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.339254741148369, "q_0.5": 3.400067994887957, "q_0.525": 3.4872940741664147, "q_0.55": 3.561115387967302, "q_0.575": 3.6538153232587716, "q_0.6": 3.7446972761331203, "q_0.625": 3.871351807004203, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167362514124177, "q_0.75": 4.233784940697606, "q_0.775": 4.276112902783254, "q_0.8": 4.332775941551913, "q_0.825": 4.444763676187999, "q_0.85": 4.4746887814924925, "q_0.875": 4.540790492218592, "q_0.9": 4.654708759409436, "q_0.925": 4.738124777031687, "q_0.95": 4.794679107113758, "q_0.975": 4.939002135993537, "q_1": 5.397399431414078}, {"x": 42.85714285714286, "y": 2.955189646114812, "y_true": 2.0210887437252762, "y_pred": 3.4067738866713944, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.045961214128722, "q_0.05": 2.1024260118048512, "q_0.075": 2.2159839124410263, "q_0.1": 2.3319464530596, "q_0.125": 2.3736844474383316, "q_0.15": 2.467143277789109, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.032729016318319, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.2836915775602935, "q_0.475": 3.346493741140052, "q_0.5": 3.4067738866713944, "q_0.525": 3.491032646272281, "q_0.55": 3.5751808459354404, "q_0.575": 3.669675088448008, "q_0.6": 3.765465786592039, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.032013985208807, "q_0.7": 4.116614084648914, "q_0.725": 4.167370622158568, "q_0.75": 4.242813272213002, "q_0.775": 4.304492011139114, "q_0.8": 4.3504823899916225, "q_0.825": 4.4507843451133455, "q_0.85": 4.493500363686744, "q_0.875": 4.586113951299229, "q_0.9": 4.700220156664893, "q_0.925": 4.765593624522088, "q_0.95": 4.833007771285563, "q_0.975": 5.042333856779798, "q_1": 5.655579676305816}, {"x": 42.89715886354542, "y": 3.9405642996955725, "y_true": 2.021493557427731, "y_pred": 3.4067738866713944, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.045961214128722, "q_0.05": 2.1024260118048512, "q_0.075": 2.2159839124410263, "q_0.1": 2.3319464530596, "q_0.125": 2.3736844474383316, "q_0.15": 2.467143277789109, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.032729016318319, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.2836915775602935, "q_0.475": 3.346493741140052, "q_0.5": 3.4067738866713944, "q_0.525": 3.491032646272281, "q_0.55": 3.5751808459354404, "q_0.575": 3.669675088448008, "q_0.6": 3.765465786592039, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.032013985208807, "q_0.7": 4.116614084648914, "q_0.725": 4.167370622158568, "q_0.75": 4.242813272213002, "q_0.775": 4.304492011139114, "q_0.8": 4.3504823899916225, "q_0.825": 4.4507843451133455, "q_0.85": 4.493500363686744, "q_0.875": 4.586113951299229, "q_0.9": 4.700220156664893, "q_0.925": 4.765593624522088, "q_0.95": 4.833007771285563, "q_0.975": 5.042333856779798, "q_1": 5.655579676305816}, {"x": 42.93717486994798, "y": 2.9799571770043096, "y_true": 2.0218980186685314, "y_pred": 3.4067738866713944, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.045961214128722, "q_0.05": 2.1024260118048512, "q_0.075": 2.2159839124410263, "q_0.1": 2.3269025299588066, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.5670941595149106, "q_0.225": 2.6890247553008053, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.032729016318319, "q_0.4": 3.1297220967402692, "q_0.425": 3.2007705398545534, "q_0.45": 3.2836915775602935, "q_0.475": 3.34426307634953, "q_0.5": 3.4067738866713944, "q_0.525": 3.4872940741664147, "q_0.55": 3.565908182214505, "q_0.575": 3.669675088448008, "q_0.6": 3.762836525924734, "q_0.625": 3.8769204824070034, "q_0.65": 3.961030053598647, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167370622158568, "q_0.75": 4.233784940697606, "q_0.775": 4.3001110898469905, "q_0.8": 4.3504823899916225, "q_0.825": 4.4507843451133455, "q_0.85": 4.497057391237302, "q_0.875": 4.586113951299229, "q_0.9": 4.700220156664893, "q_0.925": 4.766620864041639, "q_0.95": 4.833007771285563, "q_0.975": 5.0491281993855015, "q_1": 5.655579676305816}, {"x": 42.97719087635054, "y": 2.3319464530596, "y_true": 2.0223021280725244, "y_pred": 3.413518692328587, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.045961214128722, "q_0.05": 2.1024260118048512, "q_0.075": 2.2159839124410263, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.6890247553008053, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.032729016318319, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.2840751745218855, "q_0.475": 3.346493741140052, "q_0.5": 3.413518692328587, "q_0.525": 3.4872940741664147, "q_0.55": 3.5751808459354404, "q_0.575": 3.669675088448008, "q_0.6": 3.782439499776796, "q_0.625": 3.8831739497808293, "q_0.65": 3.961030053598647, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167370622158568, "q_0.75": 4.242813272213002, "q_0.775": 4.304492011139114, "q_0.8": 4.3504823899916225, "q_0.825": 4.458744990812855, "q_0.85": 4.500126386060784, "q_0.875": 4.6002256246908875, "q_0.9": 4.705475189451231, "q_0.925": 4.766620864041639, "q_0.95": 4.8428771080451325, "q_0.975": 5.0491281993855015, "q_1": 5.655579676305816}, {"x": 43.0172068827531, "y": 4.589020459947436, "y_true": 2.022705886262882, "y_pred": 3.413518692328587, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.045961214128722, "q_0.05": 2.1024260118048512, "q_0.075": 2.2159839124410263, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.6890247553008053, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.032729016318319, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.2840751745218855, "q_0.475": 3.346493741140052, "q_0.5": 3.413518692328587, "q_0.525": 3.4872940741664147, "q_0.55": 3.5751808459354404, "q_0.575": 3.669675088448008, "q_0.6": 3.782439499776796, "q_0.625": 3.8831739497808293, "q_0.65": 3.961030053598647, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167370622158568, "q_0.75": 4.242813272213002, "q_0.775": 4.304492011139114, "q_0.8": 4.3504823899916225, "q_0.825": 4.458744990812855, "q_0.85": 4.500126386060784, "q_0.875": 4.6002256246908875, "q_0.9": 4.705475189451231, "q_0.925": 4.766620864041639, "q_0.95": 4.8428771080451325, "q_0.975": 5.0491281993855015, "q_1": 5.655579676305816}, {"x": 43.05722288915566, "y": 4.096955804311042, "y_true": 2.0231092938611055, "y_pred": 3.4177634983111074, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0668558423030023, "q_0.05": 2.1335854321993173, "q_0.075": 2.223004522240674, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.6890247553008053, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.930814367099149, "q_0.35": 2.9898673389941393, "q_0.375": 3.041963656590702, "q_0.4": 3.1423382459340354, "q_0.425": 3.208870212859253, "q_0.45": 3.2848566930077205, "q_0.475": 3.346493741140052, "q_0.5": 3.4177634983111074, "q_0.525": 3.491032646272281, "q_0.55": 3.5751808459354404, "q_0.575": 3.669675088448008, "q_0.6": 3.7833642727923076, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167370622158568, "q_0.75": 4.242813272213002, "q_0.775": 4.304492011139114, "q_0.8": 4.351517742112809, "q_0.825": 4.460768432955014, "q_0.85": 4.519087960385404, "q_0.875": 4.636954622490416, "q_0.9": 4.718404036893828, "q_0.925": 4.767395947751837, "q_0.95": 4.913742032090735, "q_0.975": 5.062188671444403, "q_1": 5.655579676305816}, {"x": 43.09723889555823, "y": 3.9365381198047418, "y_true": 2.023512351487034, "y_pred": 3.4271889629527417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0668558423030023, "q_0.05": 2.1335854321993173, "q_0.075": 2.223004522240674, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.6890247553008053, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.8399007206487763, "q_0.325": 2.930814367099149, "q_0.35": 2.9898673389941393, "q_0.375": 3.041963656590702, "q_0.4": 3.1423382459340354, "q_0.425": 3.2116868808328896, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.4271889629527417, "q_0.525": 3.491032646272281, "q_0.55": 3.5776772543257502, "q_0.575": 3.6744453828234267, "q_0.6": 3.7833642727923076, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.032013985208807, "q_0.7": 4.116614084648914, "q_0.725": 4.1693919135845805, "q_0.75": 4.249234290076723, "q_0.775": 4.304492011139114, "q_0.8": 4.354057639477195, "q_0.825": 4.460768432955014, "q_0.85": 4.519087960385404, "q_0.875": 4.647529416344164, "q_0.9": 4.718404036893828, "q_0.925": 4.767395947751837, "q_0.95": 4.913742032090735, "q_0.975": 5.062188671444403, "q_1": 5.655579676305816}, {"x": 43.13725490196079, "y": 2.46700548320029, "y_true": 2.023915059758847, "y_pred": 3.4271889629527417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0668558423030023, "q_0.05": 2.1335854321993173, "q_0.075": 2.223004522240674, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.6890247553008053, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.8399007206487763, "q_0.325": 2.930814367099149, "q_0.35": 2.9898673389941393, "q_0.375": 3.041963656590702, "q_0.4": 3.1423382459340354, "q_0.425": 3.2116868808328896, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.4271889629527417, "q_0.525": 3.491032646272281, "q_0.55": 3.5776772543257502, "q_0.575": 3.6744453828234267, "q_0.6": 3.7833642727923076, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.032013985208807, "q_0.7": 4.116614084648914, "q_0.725": 4.1693919135845805, "q_0.75": 4.249234290076723, "q_0.775": 4.304492011139114, "q_0.8": 4.354057639477195, "q_0.825": 4.460768432955014, "q_0.85": 4.519087960385404, "q_0.875": 4.647529416344164, "q_0.9": 4.718404036893828, "q_0.925": 4.767395947751837, "q_0.95": 4.913742032090735, "q_0.975": 5.062188671444403, "q_1": 5.655579676305816}, {"x": 43.17727090836335, "y": 3.2007705398545534, "y_true": 2.0243174192930735, "y_pred": 3.4271889629527417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0668558423030023, "q_0.05": 2.1335854321993173, "q_0.075": 2.223004522240674, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.6890247553008053, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.8399007206487763, "q_0.325": 2.930814367099149, "q_0.35": 2.9898673389941393, "q_0.375": 3.041963656590702, "q_0.4": 3.1423382459340354, "q_0.425": 3.2116868808328896, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.4271889629527417, "q_0.525": 3.491032646272281, "q_0.55": 3.5776772543257502, "q_0.575": 3.6744453828234267, "q_0.6": 3.7833642727923076, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.032013985208807, "q_0.7": 4.116614084648914, "q_0.725": 4.1693919135845805, "q_0.75": 4.249234290076723, "q_0.775": 4.304492011139114, "q_0.8": 4.354057639477195, "q_0.825": 4.460768432955014, "q_0.85": 4.519087960385404, "q_0.875": 4.647529416344164, "q_0.9": 4.718404036893828, "q_0.925": 4.767395947751837, "q_0.95": 4.913742032090735, "q_0.975": 5.062188671444403, "q_1": 5.655579676305816}, {"x": 43.21728691476591, "y": 4.7583620229574874, "y_true": 2.0247194307045957, "y_pred": 3.4271889629527417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0668558423030023, "q_0.05": 2.1335854321993173, "q_0.075": 2.223004522240674, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.6890247553008053, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.8399007206487763, "q_0.325": 2.930814367099149, "q_0.35": 2.9898673389941393, "q_0.375": 3.041963656590702, "q_0.4": 3.1423382459340354, "q_0.425": 3.2116868808328896, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.4271889629527417, "q_0.525": 3.491032646272281, "q_0.55": 3.5776772543257502, "q_0.575": 3.6744453828234267, "q_0.6": 3.7833642727923076, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.032013985208807, "q_0.7": 4.116614084648914, "q_0.725": 4.1693919135845805, "q_0.75": 4.249234290076723, "q_0.775": 4.304492011139114, "q_0.8": 4.354057639477195, "q_0.825": 4.460768432955014, "q_0.85": 4.519087960385404, "q_0.875": 4.647529416344164, "q_0.9": 4.718404036893828, "q_0.925": 4.767395947751837, "q_0.95": 4.913742032090735, "q_0.975": 5.062188671444403, "q_1": 5.655579676305816}, {"x": 43.25730292116847, "y": 2.53450312313253, "y_true": 2.0251210946066562, "y_pred": 3.4271889629527417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0668558423030023, "q_0.05": 2.1335854321993173, "q_0.075": 2.223004522240674, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.683275465600924, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.930814367099149, "q_0.35": 2.9898673389941393, "q_0.375": 3.041963656590702, "q_0.4": 3.1423382459340354, "q_0.425": 3.2116868808328896, "q_0.45": 3.3017246675552254, "q_0.475": 3.3587416391071625, "q_0.5": 3.4271889629527417, "q_0.525": 3.5062390149714027, "q_0.55": 3.5776772543257502, "q_0.575": 3.669675088448008, "q_0.6": 3.7833642727923076, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.170943263959497, "q_0.75": 4.2494584554721, "q_0.775": 4.304492011139114, "q_0.8": 4.354057639477195, "q_0.825": 4.460768432955014, "q_0.85": 4.519087960385404, "q_0.875": 4.649265362576704, "q_0.9": 4.718404036893828, "q_0.925": 4.767619077388904, "q_0.95": 4.913742032090735, "q_0.975": 5.062188671444403, "q_1": 5.655579676305816}, {"x": 43.29731892757103, "y": 2.174984241203033, "y_true": 2.0255224116108637, "y_pred": 3.4271889629527417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0668558423030023, "q_0.05": 2.1335854321993173, "q_0.075": 2.223004522240674, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.683275465600924, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.930814367099149, "q_0.35": 2.9898673389941393, "q_0.375": 3.041963656590702, "q_0.4": 3.1423382459340354, "q_0.425": 3.2116868808328896, "q_0.45": 3.3017246675552254, "q_0.475": 3.3587416391071625, "q_0.5": 3.4271889629527417, "q_0.525": 3.5062390149714027, "q_0.55": 3.5776772543257502, "q_0.575": 3.669675088448008, "q_0.6": 3.7833642727923076, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.170943263959497, "q_0.75": 4.2494584554721, "q_0.775": 4.304492011139114, "q_0.8": 4.354057639477195, "q_0.825": 4.460768432955014, "q_0.85": 4.519087960385404, "q_0.875": 4.649265362576704, "q_0.9": 4.718404036893828, "q_0.925": 4.767619077388904, "q_0.95": 4.913742032090735, "q_0.975": 5.062188671444403, "q_1": 5.655579676305816}, {"x": 43.337334933973594, "y": 2.622504022723834, "y_true": 2.0259233823271985, "y_pred": 3.4271889629527417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0668558423030023, "q_0.05": 2.1335854321993173, "q_0.075": 2.223004522240674, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.683275465600924, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.930814367099149, "q_0.35": 2.9898673389941393, "q_0.375": 3.041963656590702, "q_0.4": 3.1423382459340354, "q_0.425": 3.2116868808328896, "q_0.45": 3.3017246675552254, "q_0.475": 3.3587416391071625, "q_0.5": 3.4271889629527417, "q_0.525": 3.5062390149714027, "q_0.55": 3.5776772543257502, "q_0.575": 3.669675088448008, "q_0.6": 3.7833642727923076, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.170943263959497, "q_0.75": 4.2494584554721, "q_0.775": 4.304492011139114, "q_0.8": 4.354057639477195, "q_0.825": 4.460768432955014, "q_0.85": 4.519087960385404, "q_0.875": 4.649265362576704, "q_0.9": 4.718404036893828, "q_0.925": 4.767619077388904, "q_0.95": 4.913742032090735, "q_0.975": 5.062188671444403, "q_1": 5.655579676305816}, {"x": 43.377350940376154, "y": 2.807352446139213, "y_true": 2.026324007364017, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0703119172948825, "q_0.05": 2.1335854321993173, "q_0.075": 2.2358127917177284, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.447016021033377, "q_0.175": 2.5269428035652153, "q_0.2": 2.5783249528531256, "q_0.225": 2.6890247553008053, "q_0.25": 2.721134429745307, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.955189646114812, "q_0.35": 2.9914729253003998, "q_0.375": 3.0902481214053, "q_0.4": 3.1501701453882007, "q_0.425": 3.22549689073942, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014181911238606, "q_0.6": 3.800590703847712, "q_0.625": 3.910252596801945, "q_0.65": 3.9829564188259443, "q_0.675": 4.051076168083211, "q_0.7": 4.130908226272861, "q_0.725": 4.183329504286376, "q_0.75": 4.265395942540645, "q_0.775": 4.306849623909187, "q_0.8": 4.410440617291383, "q_0.825": 4.47384192778854, "q_0.85": 4.544798476427301, "q_0.875": 4.6608325850797225, "q_0.9": 4.737127610767498, "q_0.925": 4.794679107113758, "q_0.95": 4.939002135993537, "q_0.975": 5.077599141779682, "q_1": 5.655579676305816}, {"x": 43.417366946778714, "y": 4.47384192778854, "y_true": 2.0267242873280615, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0703119172948825, "q_0.05": 2.1335854321993173, "q_0.075": 2.2358127917177284, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.467143277789109, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.7253514483783317, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.955189646114812, "q_0.35": 2.994234245531522, "q_0.375": 3.0944591840281293, "q_0.4": 3.151683441958731, "q_0.425": 3.2327441681851723, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.702986699791204, "q_0.6": 3.804038302060726, "q_0.625": 3.910252596801945, "q_0.65": 3.999811260961281, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.268530319651792, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.47384192778854, "q_0.85": 4.547887615732293, "q_0.875": 4.662952528375321, "q_0.9": 4.738124777031687, "q_0.925": 4.81268091046174, "q_0.95": 4.951913791281355, "q_0.975": 5.077599141779682, "q_1": 5.655579676305816}, {"x": 43.45738295318127, "y": 4.05167711432169, "y_true": 2.0271242228244604, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0703119172948825, "q_0.05": 2.1335854321993173, "q_0.075": 2.2358127917177284, "q_0.1": 2.3319464530596, "q_0.125": 2.368802637905692, "q_0.15": 2.467143277789109, "q_0.175": 2.5269428035652153, "q_0.2": 2.5824788252277386, "q_0.225": 2.6890247553008053, "q_0.25": 2.7253514483783317, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.955189646114812, "q_0.35": 2.994234245531522, "q_0.375": 3.0944591840281293, "q_0.4": 3.151683441958731, "q_0.425": 3.22628639235493, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014181911238606, "q_0.6": 3.800590703847712, "q_0.625": 3.910252596801945, "q_0.65": 3.999811260961281, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.4746887814924925, "q_0.85": 4.547887615732293, "q_0.875": 4.662952528375321, "q_0.9": 4.738124777031687, "q_0.925": 4.818842928192114, "q_0.95": 4.951913791281355, "q_0.975": 5.083546888731943, "q_1": 5.655579676305816}, {"x": 43.49739895958383, "y": 2.0817113652147428, "y_true": 2.027523814456739, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0703119172948825, "q_0.05": 2.1335854321993173, "q_0.075": 2.2546015896412164, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.4590452107046246, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.6890247553008053, "q_0.25": 2.725972296465358, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.955189646114812, "q_0.35": 2.996744594037409, "q_0.375": 3.0944591840281293, "q_0.4": 3.151683441958731, "q_0.425": 3.2344832109780834, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014181911238606, "q_0.6": 3.804038302060726, "q_0.625": 3.908795397895037, "q_0.65": 3.9746732881588036, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.306849623909187, "q_0.8": 4.419004556316791, "q_0.825": 4.4746887814924925, "q_0.85": 4.547887615732293, "q_0.875": 4.662952528375321, "q_0.9": 4.748056924283729, "q_0.925": 4.821274350409462, "q_0.95": 4.974391929576763, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.53741496598639, "y": 2.081959920717172, "y_true": 2.027923062826822, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0703119172948825, "q_0.05": 2.1429761655121977, "q_0.075": 2.2546015896412164, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.447016021033377, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.6890247553008053, "q_0.25": 2.727834840726439, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.955189646114812, "q_0.35": 2.996744594037409, "q_0.375": 3.0944591840281293, "q_0.4": 3.151683441958731, "q_0.425": 3.2374254654126324, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014580639558785, "q_0.6": 3.804038302060726, "q_0.625": 3.910252596801945, "q_0.65": 3.9769918341889507, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.4806014856332075, "q_0.85": 4.548663729106785, "q_0.875": 4.664729139162846, "q_0.9": 4.748056924283729, "q_0.925": 4.826390594066324, "q_0.95": 4.990565603005464, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.57743097238896, "y": 3.800590703847712, "y_true": 2.0283219685350407, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0703119172948825, "q_0.05": 2.1523668988250786, "q_0.075": 2.2546015896412164, "q_0.1": 2.3330099774170625, "q_0.125": 2.3678535889494725, "q_0.15": 2.467143277789109, "q_0.175": 2.5269428035652153, "q_0.2": 2.575165186114503, "q_0.225": 2.6890247553008053, "q_0.25": 2.727834840726439, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.961856021242216, "q_0.35": 2.996744594037409, "q_0.375": 3.096173236399893, "q_0.4": 3.151683441958731, "q_0.425": 3.2374254654126324, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014181911238606, "q_0.6": 3.804038302060726, "q_0.625": 3.9019702146491886, "q_0.65": 3.9802218898708253, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.483050565707267, "q_0.85": 4.548663729106785, "q_0.875": 4.664729139162846, "q_0.9": 4.748492629453148, "q_0.925": 4.826390594066324, "q_0.95": 4.990565603005464, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.61744697879152, "y": 4.009116605893217, "y_true": 2.0287205321801376, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081307583769472, "q_0.05": 2.1565166415476256, "q_0.075": 2.2546015896412164, "q_0.1": 2.3330099774170625, "q_0.125": 2.3736844474383316, "q_0.15": 2.467143277789109, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.752029890524276, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.965197026856022, "q_0.35": 2.996744594037409, "q_0.375": 3.096173236399893, "q_0.4": 3.151683441958731, "q_0.425": 3.238882763263799, "q_0.45": 3.3183542294418134, "q_0.475": 3.378773931006645, "q_0.5": 3.4376070535488417, "q_0.525": 3.527875932086115, "q_0.55": 3.6101437156113, "q_0.575": 3.7021412893876398, "q_0.6": 3.804038302060726, "q_0.625": 3.9019702146491886, "q_0.65": 3.999811260961281, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.483050565707267, "q_0.85": 4.548663729106785, "q_0.875": 4.667232157575263, "q_0.9": 4.748492629453148, "q_0.925": 4.826390594066324, "q_0.95": 4.990565603005464, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.65746298519408, "y": 2.4214408932340237, "y_true": 2.029118754359273, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081307583769472, "q_0.05": 2.1565166415476256, "q_0.075": 2.2546015896412164, "q_0.1": 2.3330099774170625, "q_0.125": 2.3736844474383316, "q_0.15": 2.467143277789109, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.752029890524276, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.965197026856022, "q_0.35": 2.996744594037409, "q_0.375": 3.096173236399893, "q_0.4": 3.151683441958731, "q_0.425": 3.238882763263799, "q_0.45": 3.3183542294418134, "q_0.475": 3.378773931006645, "q_0.5": 3.4376070535488417, "q_0.525": 3.527875932086115, "q_0.55": 3.6101437156113, "q_0.575": 3.7021412893876398, "q_0.6": 3.804038302060726, "q_0.625": 3.9019702146491886, "q_0.65": 3.999811260961281, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.483050565707267, "q_0.85": 4.548663729106785, "q_0.875": 4.667232157575263, "q_0.9": 4.748492629453148, "q_0.925": 4.826390594066324, "q_0.95": 4.990565603005464, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.69747899159664, "y": 3.9395891918790404, "y_true": 2.0295166356680308, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081307583769472, "q_0.05": 2.1565166415476256, "q_0.075": 2.2546015896412164, "q_0.1": 2.3330099774170625, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.752029890524276, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.962858322926359, "q_0.35": 3.002560196105314, "q_0.375": 3.096173236399893, "q_0.4": 3.151683441958731, "q_0.425": 3.2374254654126324, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014181911238606, "q_0.6": 3.804038302060726, "q_0.625": 3.9019702146491886, "q_0.65": 3.9746732881588036, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.483050565707267, "q_0.85": 4.557545325122913, "q_0.875": 4.676711895351917, "q_0.9": 4.7583620229574874, "q_0.925": 4.827361581378376, "q_0.95": 4.998433929267862, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.7374949979992, "y": 2.782160673512018, "y_true": 2.029914176700422, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081307583769472, "q_0.05": 2.1565166415476256, "q_0.075": 2.2546015896412164, "q_0.1": 2.3330099774170625, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.752029890524276, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.962858322926359, "q_0.35": 3.002560196105314, "q_0.375": 3.096173236399893, "q_0.4": 3.151683441958731, "q_0.425": 3.2374254654126324, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014181911238606, "q_0.6": 3.804038302060726, "q_0.625": 3.9019702146491886, "q_0.65": 3.9746732881588036, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.483050565707267, "q_0.85": 4.557545325122913, "q_0.875": 4.676711895351917, "q_0.9": 4.7583620229574874, "q_0.925": 4.827361581378376, "q_0.95": 4.998433929267862, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.77751100440176, "y": 3.084466622425145, "y_true": 2.0303113780488937, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081307583769472, "q_0.05": 2.1565166415476256, "q_0.075": 2.2546015896412164, "q_0.1": 2.3330099774170625, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.752029890524276, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.962858322926359, "q_0.35": 3.002560196105314, "q_0.375": 3.096173236399893, "q_0.4": 3.151683441958731, "q_0.425": 3.2374254654126324, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014181911238606, "q_0.6": 3.804038302060726, "q_0.625": 3.9019702146491886, "q_0.65": 3.9746732881588036, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.483050565707267, "q_0.85": 4.557545325122913, "q_0.875": 4.676711895351917, "q_0.9": 4.7583620229574874, "q_0.925": 4.827361581378376, "q_0.95": 4.998433929267862, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.817527010804326, "y": 3.3109723159704583, "y_true": 2.030708240304331, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081307583769472, "q_0.05": 2.1565166415476256, "q_0.075": 2.256075540873479, "q_0.1": 2.3330099774170625, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.752029890524276, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.961856021242216, "q_0.35": 3.002560196105314, "q_0.375": 3.096173236399893, "q_0.4": 3.151683441958731, "q_0.425": 3.2374254654126324, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014181911238606, "q_0.6": 3.804038302060726, "q_0.625": 3.9019702146491886, "q_0.65": 3.9746732881588036, "q_0.675": 4.045667651936903, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.483050565707267, "q_0.85": 4.557545325122913, "q_0.875": 4.676711895351917, "q_0.9": 4.7583620229574874, "q_0.925": 4.827361581378376, "q_0.95": 5.000401010833492, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.857543017206886, "y": 2.395072474609388, "y_true": 2.0311047640560647, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081307583769472, "q_0.05": 2.1565166415476256, "q_0.075": 2.256075540873479, "q_0.1": 2.3330099774170625, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.752029890524276, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.961856021242216, "q_0.35": 3.002560196105314, "q_0.375": 3.096173236399893, "q_0.4": 3.151683441958731, "q_0.425": 3.2374254654126324, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014181911238606, "q_0.6": 3.804038302060726, "q_0.625": 3.9019702146491886, "q_0.65": 3.9746732881588036, "q_0.675": 4.045667651936903, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.483050565707267, "q_0.85": 4.557545325122913, "q_0.875": 4.676711895351917, "q_0.9": 4.7583620229574874, "q_0.925": 4.827361581378376, "q_0.95": 5.000401010833492, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.897559023609446, "y": 5.0491281993855015, "y_true": 2.0315009498918766, "y_pred": 3.4388610245938738, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.174984241203033, "q_0.075": 2.2648815833252574, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.690098446132405, "q_0.25": 2.752029890524276, "q_0.275": 2.807352446139213, "q_0.3": 2.85240728537374, "q_0.325": 2.967085513121202, "q_0.35": 3.017787188717036, "q_0.375": 3.1106190322821314, "q_0.4": 3.190748032243511, "q_0.425": 3.242295034838273, "q_0.45": 3.3239638951653543, "q_0.475": 3.380339819171627, "q_0.5": 3.4388610245938738, "q_0.525": 3.5327513965170736, "q_0.55": 3.612188342447199, "q_0.575": 3.7189826158471693, "q_0.6": 3.816154431772798, "q_0.625": 3.910252596801945, "q_0.65": 3.999811260961281, "q_0.675": 4.05167711432169, "q_0.7": 4.1415411745967425, "q_0.725": 4.192089178393045, "q_0.75": 4.274296147605031, "q_0.775": 4.312273348856062, "q_0.8": 4.44476236139099, "q_0.825": 4.493500363686744, "q_0.85": 4.586113951299229, "q_0.875": 4.691764555999637, "q_0.9": 4.765582159307896, "q_0.925": 4.8509603468555325, "q_0.95": 5.009642478778622, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.937575030012006, "y": 5.083807251723853, "y_true": 2.0318967983980043, "y_pred": 3.4454817433729423, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.174984241203033, "q_0.075": 2.2648815833252574, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.752029890524276, "q_0.275": 2.807352446139213, "q_0.3": 2.8591427934207636, "q_0.325": 2.969850215308071, "q_0.35": 3.017787188717036, "q_0.375": 3.1148297425803264, "q_0.4": 3.190748032243511, "q_0.425": 3.267973213483102, "q_0.45": 3.3239638951653543, "q_0.475": 3.3966569666732838, "q_0.5": 3.4454817433729423, "q_0.525": 3.5327513965170736, "q_0.55": 3.6168553087806865, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.910252596801945, "q_0.65": 3.999811260961281, "q_0.675": 4.05167711432169, "q_0.7": 4.1415411745967425, "q_0.725": 4.192089178393045, "q_0.75": 4.274296147605031, "q_0.775": 4.321557261612918, "q_0.8": 4.444763676187999, "q_0.825": 4.497057391237302, "q_0.85": 4.6002256246908875, "q_0.875": 4.691764555999637, "q_0.9": 4.765582159307896, "q_0.925": 4.8509603468555325, "q_0.95": 5.009642478778622, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.977591036414566, "y": 3.427375696369454, "y_true": 2.0322923101591472, "y_pred": 3.4454817433729423, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.174984241203033, "q_0.075": 2.2648815833252574, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.6898568656952953, "q_0.25": 2.752029890524276, "q_0.275": 2.807352446139213, "q_0.3": 2.8591427934207636, "q_0.325": 2.969850215308071, "q_0.35": 3.0184671273213675, "q_0.375": 3.1148297425803264, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3239638951653543, "q_0.475": 3.3966569666732838, "q_0.5": 3.4454817433729423, "q_0.525": 3.5327513965170736, "q_0.55": 3.6168553087806865, "q_0.575": 3.7189826158471693, "q_0.6": 3.816154431772798, "q_0.625": 3.910252596801945, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.1415411745967425, "q_0.725": 4.192089178393045, "q_0.75": 4.276112902783254, "q_0.775": 4.332775941551913, "q_0.8": 4.446010371887997, "q_0.825": 4.500126386060784, "q_0.85": 4.6002256246908875, "q_0.875": 4.691764555999637, "q_0.9": 4.765582159307896, "q_0.925": 4.856649516072533, "q_0.95": 5.040423637358805, "q_0.975": 5.099471139702995, "q_1": 5.655579676305816}, {"x": 44.017607042817126, "y": 2.8400706680520504, "y_true": 2.032687485758472, "y_pred": 3.4454817433729423, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.174984241203033, "q_0.075": 2.2648815833252574, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.690098446132405, "q_0.25": 2.752029890524276, "q_0.275": 2.807352446139213, "q_0.3": 2.8591427934207636, "q_0.325": 2.970093394689724, "q_0.35": 3.0184671273213675, "q_0.375": 3.1148297425803264, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3239638951653543, "q_0.475": 3.3966569666732838, "q_0.5": 3.4454817433729423, "q_0.525": 3.5327513965170736, "q_0.55": 3.6168553087806865, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.910252596801945, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.1415411745967425, "q_0.725": 4.192089178393045, "q_0.75": 4.276112902783254, "q_0.775": 4.332775941551913, "q_0.8": 4.446010371887997, "q_0.825": 4.500126386060784, "q_0.85": 4.6002256246908875, "q_0.875": 4.691764555999637, "q_0.9": 4.765582159307896, "q_0.925": 4.856649516072533, "q_0.95": 5.040423637358805, "q_0.975": 5.117677181154771, "q_1": 5.655579676305816}, {"x": 44.05762304921969, "y": 5.039949724078465, "y_true": 2.0330823257776167, "y_pred": 3.4454817433729423, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.174984241203033, "q_0.075": 2.2648815833252574, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.690098446132405, "q_0.25": 2.752029890524276, "q_0.275": 2.807352446139213, "q_0.3": 2.8591427934207636, "q_0.325": 2.970093394689724, "q_0.35": 3.0184671273213675, "q_0.375": 3.1148297425803264, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3239638951653543, "q_0.475": 3.3966569666732838, "q_0.5": 3.4454817433729423, "q_0.525": 3.5327513965170736, "q_0.55": 3.6168553087806865, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.910252596801945, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.1415411745967425, "q_0.725": 4.192089178393045, "q_0.75": 4.276112902783254, "q_0.775": 4.332775941551913, "q_0.8": 4.446010371887997, "q_0.825": 4.500126386060784, "q_0.85": 4.6002256246908875, "q_0.875": 4.691764555999637, "q_0.9": 4.765582159307896, "q_0.925": 4.856649516072533, "q_0.95": 5.040423637358805, "q_0.975": 5.117677181154771, "q_1": 5.655579676305816}, {"x": 44.09763905562225, "y": 4.6002256246908875, "y_true": 2.033476830796698, "y_pred": 3.4454817433729423, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.174984241203033, "q_0.075": 2.2662684909588506, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.807352446139213, "q_0.3": 2.859814990201883, "q_0.325": 2.9709310125598636, "q_0.35": 3.032729016318319, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3239638951653543, "q_0.475": 3.396703937348799, "q_0.5": 3.4454817433729423, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.1415411745967425, "q_0.725": 4.192089178393045, "q_0.75": 4.276112902783254, "q_0.775": 4.332775941551913, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.6002256246908875, "q_0.875": 4.69267537323483, "q_0.9": 4.765593624522088, "q_0.925": 4.862147583570924, "q_0.95": 5.040423637358805, "q_0.975": 5.117677181154771, "q_1": 5.655579676305816}, {"x": 44.13765506202481, "y": 4.306849623909187, "y_true": 2.0338710013943144, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2662684909588506, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.8103038764348796, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.032729016318319, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3239638951653543, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.1415411745967425, "q_0.725": 4.192089178393045, "q_0.75": 4.276112902783254, "q_0.775": 4.332775941551913, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.6002256246908875, "q_0.875": 4.699589482430538, "q_0.9": 4.765593624522088, "q_0.925": 4.862147583570924, "q_0.95": 5.042333856779798, "q_0.975": 5.117677181154771, "q_1": 5.655579676305816}, {"x": 44.17767106842737, "y": 3.4840532986956707, "y_true": 2.034264838147555, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.810365458540926, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.141825794954844, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.21768707482993, "y": 3.3239638951653543, "y_true": 2.0346583416320003, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.810365458540926, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.141825794954844, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.25770308123249, "y": 4.483050565707267, "y_true": 2.035051512421731, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.810365458540926, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.141825794954844, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.29771908763506, "y": 3.668042215761779, "y_true": 2.035444351089332, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.810365458540926, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.141825794954844, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.33773509403762, "y": 4.111920654136871, "y_true": 2.035836858205896, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.810365458540926, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.141825794954844, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.37775110044018, "y": 3.816154431772798, "y_true": 2.0362290343410328, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.810365458540926, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.141825794954844, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.41776710684274, "y": 4.276112902783254, "y_true": 2.03662088006287, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.4703811193672744, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.8103038764348796, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.826252714012897, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.142252725491998, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.4577831132453, "y": 2.3330099774170625, "y_true": 2.0370123959380613, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.4703811193672744, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.8103038764348796, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.826252714012897, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.142252725491998, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.49779911964786, "y": 3.22549689073942, "y_true": 2.0374035825317893, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.4703811193672744, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.8103038764348796, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.826252714012897, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.142252725491998, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.537815126050425, "y": 2.563643838195169, "y_true": 2.0377944404077732, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.4703811193672744, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.8103038764348796, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.826252714012897, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.142252725491998, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.577831132452985, "y": 2.800133726402259, "y_true": 2.0381849701282713, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.4703811193672744, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.8103038764348796, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.826252714012897, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.142252725491998, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.617847138855545, "y": 2.670937938729278, "y_true": 2.0385751722540872, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.4703811193672744, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.8103038764348796, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.826252714012897, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.142252725491998, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.657863145258105, "y": 3.624276418836236, "y_true": 2.0389650473445764, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.4703811193672744, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.8103038764348796, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.826252714012897, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.142252725491998, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.697879151660665, "y": 2.099192985703247, "y_true": 2.039354595957648, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.4703811193672744, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.8103038764348796, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.826252714012897, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.142252725491998, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.737895158063225, "y": 5.077599141779682, "y_true": 2.039743818649772, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.378609405671421, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.9799571770043096, "q_0.35": 3.041963656590702, "q_0.375": 3.131885696893322, "q_0.4": 3.19881481113056, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.829875089616894, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.2821077494545605, "q_0.775": 4.3458122331918645, "q_0.8": 4.4507843451133455, "q_0.825": 4.5206135211408505, "q_0.85": 4.649265362576704, "q_0.875": 4.716361030928391, "q_0.9": 4.767395947751837, "q_0.925": 4.913742032090735, "q_0.95": 5.0491281993855015, "q_0.975": 5.1601360687429185, "q_1": 5.803931662595026}, {"x": 44.777911164465785, "y": 3.67604366552958, "y_true": 2.0401327159759846, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.378609405671421, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.9799571770043096, "q_0.35": 3.041963656590702, "q_0.375": 3.131885696893322, "q_0.4": 3.19881481113056, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.829875089616894, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.2821077494545605, "q_0.775": 4.3458122331918645, "q_0.8": 4.4507843451133455, "q_0.825": 4.5206135211408505, "q_0.85": 4.649265362576704, "q_0.875": 4.716361030928391, "q_0.9": 4.767395947751837, "q_0.925": 4.913742032090735, "q_0.95": 5.0491281993855015, "q_0.975": 5.1601360687429185, "q_1": 5.803931662595026}, {"x": 44.81792717086835, "y": 2.2062855292187518, "y_true": 2.0405212884898907, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.9799571770043096, "q_0.35": 3.041963656590702, "q_0.375": 3.1399549034847745, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.829875089616894, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.649265362576704, "q_0.875": 4.716361030928391, "q_0.9": 4.767619077388904, "q_0.925": 4.913742032090735, "q_0.95": 5.0491281993855015, "q_0.975": 5.161240805285043, "q_1": 5.803931662595026}, {"x": 44.85794317727091, "y": 4.192089178393045, "y_true": 2.0409095367436723, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.9799571770043096, "q_0.35": 3.041963656590702, "q_0.375": 3.1399549034847745, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.829875089616894, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.649265362576704, "q_0.875": 4.716361030928391, "q_0.9": 4.767619077388904, "q_0.925": 4.913742032090735, "q_0.95": 5.0491281993855015, "q_0.975": 5.161240805285043, "q_1": 5.803931662595026}, {"x": 44.89795918367347, "y": 2.889592736266048, "y_true": 2.0412974612880896, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.9799571770043096, "q_0.35": 3.041963656590702, "q_0.375": 3.1399549034847745, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.829875089616894, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.649265362576704, "q_0.875": 4.716361030928391, "q_0.9": 4.767619077388904, "q_0.925": 4.913742032090735, "q_0.95": 5.0491281993855015, "q_0.975": 5.161240805285043, "q_1": 5.803931662595026}, {"x": 44.93797519007603, "y": 2.378609405671421, "y_true": 2.0416850626724896, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.9799571770043096, "q_0.35": 3.041963656590702, "q_0.375": 3.1399549034847745, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.829875089616894, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.649265362576704, "q_0.875": 4.716361030928391, "q_0.9": 4.767619077388904, "q_0.925": 4.913742032090735, "q_0.95": 5.0491281993855015, "q_0.975": 5.161240805285043, "q_1": 5.803931662595026}, {"x": 44.97799119647859, "y": 4.662952528375321, "y_true": 2.0420723414448085, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.6043662997465216, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.140064839435226, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.01800720288115, "y": 2.667329494110186, "y_true": 2.0424592981515772, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.6043662997465216, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.140064839435226, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.05802320928372, "y": 2.3736844474383316, "y_true": 2.0428459333379267, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.6043662997465216, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.140064839435226, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.09803921568628, "y": 2.223004522240674, "y_true": 2.043232247547591, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.6043662997465216, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.140064839435226, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.13805522208884, "y": 4.3458122331918645, "y_true": 2.043618241322915, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.6043662997465216, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.140064839435226, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.1780712284914, "y": 4.115173486368484, "y_true": 2.044003915204857, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.6043662997465216, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.140064839435226, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.21808723489396, "y": 2.0703119172948825, "y_true": 2.044389269732993, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.6043662997465216, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.140064839435226, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.25810324129652, "y": 2.7452014107816343, "y_true": 2.0447743054455243, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.298119247699084, "y": 4.274296147605031, "y_true": 2.045159022879279, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.338135254101644, "y": 2.5269428035652153, "y_true": 2.0455434225697178, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.378151260504204, "y": 3.871351807004203, "y_true": 2.04592750505094, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.418167266906764, "y": 2.721134429745307, "y_true": 2.046311270855687, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.458183273309324, "y": 3.4692857346255943, "y_true": 2.046694720515345, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.49819927971188, "y": 4.794679107113758, "y_true": 2.0470778545599546, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.53821528611445, "y": 3.0062031811555303, "y_true": 2.0474606735182097, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.57823129251701, "y": 4.22184618638654, "y_true": 2.047843177917466, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.61824729891957, "y": 3.4376070535488417, "y_true": 2.048225368283744, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.65826330532213, "y": 2.353506792095349, "y_true": 2.048607245141734, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.69827931172469, "y": 3.1928321806305946, "y_true": 2.0489888090148005, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.73829531812725, "y": 4.718404036893828, "y_true": 2.0493700604249856, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.77831132452982, "y": 5.137639899546453, "y_true": 2.0497509998930155, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.81832733093238, "y": 4.732642094897498, "y_true": 2.050131627938304, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.85834333733494, "y": 2.5656030306547812, "y_true": 2.0505119450789557, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.1944961364557445, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.694717720145578, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.865791866761892, "q_0.325": 2.9898673389941393, "q_0.35": 3.0566893853960195, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.524754613550625, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.898359343737496, "y": 3.1482067048217877, "y_true": 2.0508919518317725, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.1944961364557445, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.694717720145578, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.865791866761892, "q_0.325": 2.9898673389941393, "q_0.35": 3.0566893853960195, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.524754613550625, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.938375350140056, "y": 4.691764555999637, "y_true": 2.0512716487122575, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.197744618914387, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.763071228495921, "q_0.275": 2.825623485638059, "q_0.3": 2.865791866761892, "q_0.325": 2.9898673389941393, "q_0.35": 3.0566893853960195, "q_0.375": 3.1423382459340354, "q_0.4": 3.208870212859253, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.561115387967302, "q_0.55": 3.624276418836236, "q_0.575": 3.7345460746170174, "q_0.6": 3.8520319279175643, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3504823899916225, "q_0.8": 4.460768432955014, "q_0.825": 4.524754613550625, "q_0.85": 4.654708759409436, "q_0.875": 4.718404036893828, "q_0.9": 4.794439991857457, "q_0.925": 4.935484573200627, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.978391356542616, "y": 3.811712723099885, "y_true": 2.051651036234617, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.197744618914387, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.763071228495921, "q_0.275": 2.825623485638059, "q_0.3": 2.865791866761892, "q_0.325": 2.9898673389941393, "q_0.35": 3.0566893853960195, "q_0.375": 3.1423382459340354, "q_0.4": 3.208870212859253, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.561115387967302, "q_0.55": 3.624276418836236, "q_0.575": 3.7345460746170174, "q_0.6": 3.8520319279175643, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3504823899916225, "q_0.8": 4.460768432955014, "q_0.825": 4.524754613550625, "q_0.85": 4.654708759409436, "q_0.875": 4.718404036893828, "q_0.9": 4.794439991857457, "q_0.925": 4.935484573200627, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.01840736294518, "y": 4.519087960385404, "y_true": 2.0520301149117692, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.197744618914387, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.763071228495921, "q_0.275": 2.825623485638059, "q_0.3": 2.865791866761892, "q_0.325": 2.9898673389941393, "q_0.35": 3.0566893853960195, "q_0.375": 3.1423382459340354, "q_0.4": 3.208870212859253, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.561115387967302, "q_0.55": 3.624276418836236, "q_0.575": 3.7345460746170174, "q_0.6": 3.8520319279175643, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3504823899916225, "q_0.8": 4.460768432955014, "q_0.825": 4.524754613550625, "q_0.85": 4.654708759409436, "q_0.875": 4.718404036893828, "q_0.9": 4.794439991857457, "q_0.925": 4.935484573200627, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.05842336934774, "y": 4.525192080893026, "y_true": 2.0524088852553444, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.197744618914387, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.763071228495921, "q_0.275": 2.825623485638059, "q_0.3": 2.865791866761892, "q_0.325": 2.9898673389941393, "q_0.35": 3.0566893853960195, "q_0.375": 3.1423382459340354, "q_0.4": 3.208870212859253, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.561115387967302, "q_0.55": 3.624276418836236, "q_0.575": 3.7345460746170174, "q_0.6": 3.8520319279175643, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3504823899916225, "q_0.8": 4.460768432955014, "q_0.825": 4.524754613550625, "q_0.85": 4.654708759409436, "q_0.875": 4.718404036893828, "q_0.9": 4.794439991857457, "q_0.925": 4.935484573200627, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.0984393757503, "y": 2.2788541618873874, "y_true": 2.0527873477756917, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.197744618914387, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.763071228495921, "q_0.275": 2.825623485638059, "q_0.3": 2.865791866761892, "q_0.325": 2.9898673389941393, "q_0.35": 3.0566893853960195, "q_0.375": 3.1423382459340354, "q_0.4": 3.208870212859253, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.561115387967302, "q_0.55": 3.624276418836236, "q_0.575": 3.7345460746170174, "q_0.6": 3.8520319279175643, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3504823899916225, "q_0.8": 4.460768432955014, "q_0.825": 4.524754613550625, "q_0.85": 4.654708759409436, "q_0.875": 4.718404036893828, "q_0.9": 4.794439991857457, "q_0.925": 4.935484573200627, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.13845538215286, "y": 3.1423382459340354, "y_true": 2.0531655029818823, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.197744618914387, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.763071228495921, "q_0.275": 2.825623485638059, "q_0.3": 2.865791866761892, "q_0.325": 2.9898673389941393, "q_0.35": 3.0566893853960195, "q_0.375": 3.1423382459340354, "q_0.4": 3.208870212859253, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.561115387967302, "q_0.55": 3.624276418836236, "q_0.575": 3.7345460746170174, "q_0.6": 3.8520319279175643, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3504823899916225, "q_0.8": 4.460768432955014, "q_0.825": 4.524754613550625, "q_0.85": 4.654708759409436, "q_0.875": 4.718404036893828, "q_0.9": 4.794439991857457, "q_0.925": 4.935484573200627, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.17847138855542, "y": 3.5776772543257502, "y_true": 2.0535433513817147, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2087316360853264, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7692014724933216, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.994234245531522, "q_0.35": 3.073773793408696, "q_0.375": 3.1423382459340354, "q_0.4": 3.2116868808328896, "q_0.425": 3.273262828959913, "q_0.45": 3.34426307634953, "q_0.475": 3.4027910498624365, "q_0.5": 3.4692857346255943, "q_0.525": 3.565908182214505, "q_0.55": 3.624276418836236, "q_0.575": 3.7446972761331203, "q_0.6": 3.8530392777928797, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.159470353648089, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.47384192778854, "q_0.825": 4.547887615732293, "q_0.85": 4.662952528375321, "q_0.875": 4.7283197096877565, "q_0.9": 4.794679107113758, "q_0.925": 4.939002135993537, "q_0.95": 5.052732738003227, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.21848739495798, "y": 5.062188671444403, "y_true": 2.053920893481718, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2087316360853264, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7692014724933216, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.994234245531522, "q_0.35": 3.073773793408696, "q_0.375": 3.1423382459340354, "q_0.4": 3.2116868808328896, "q_0.425": 3.273262828959913, "q_0.45": 3.34426307634953, "q_0.475": 3.4027910498624365, "q_0.5": 3.4692857346255943, "q_0.525": 3.565908182214505, "q_0.55": 3.624276418836236, "q_0.575": 3.7446972761331203, "q_0.6": 3.8530392777928797, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.159470353648089, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.47384192778854, "q_0.825": 4.547887615732293, "q_0.85": 4.662952528375321, "q_0.875": 4.7283197096877565, "q_0.9": 4.794679107113758, "q_0.925": 4.939002135993537, "q_0.95": 5.052732738003227, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.25850340136055, "y": 4.913742032090735, "y_true": 2.054298129787157, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2087316360853264, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4878095579991735, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7692014724933216, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.994234245531522, "q_0.35": 3.074044595088904, "q_0.375": 3.1482067048217877, "q_0.4": 3.2116868808328896, "q_0.425": 3.273262828959913, "q_0.45": 3.34426307634953, "q_0.475": 3.4027910498624365, "q_0.5": 3.4692857346255943, "q_0.525": 3.565908182214505, "q_0.55": 3.6257181443216173, "q_0.575": 3.7446972761331203, "q_0.6": 3.8530392777928797, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.47384192778854, "q_0.825": 4.547887615732293, "q_0.85": 4.662952528375321, "q_0.875": 4.7283197096877565, "q_0.9": 4.818842928192114, "q_0.925": 4.939002135993537, "q_0.95": 5.052732738003227, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.29851940776311, "y": 3.401716228475526, "y_true": 2.0546750608020345, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2087316360853264, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4878095579991735, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7692014724933216, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.994234245531522, "q_0.35": 3.074044595088904, "q_0.375": 3.1482067048217877, "q_0.4": 3.2116868808328896, "q_0.425": 3.273262828959913, "q_0.45": 3.34426307634953, "q_0.475": 3.4027910498624365, "q_0.5": 3.4692857346255943, "q_0.525": 3.565908182214505, "q_0.55": 3.6257181443216173, "q_0.575": 3.7446972761331203, "q_0.6": 3.8530392777928797, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.47384192778854, "q_0.825": 4.547887615732293, "q_0.85": 4.662952528375321, "q_0.875": 4.7283197096877565, "q_0.9": 4.818842928192114, "q_0.925": 4.939002135993537, "q_0.95": 5.052732738003227, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.33853541416567, "y": 2.3597555007948134, "y_true": 2.055051687029099, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2087316360853264, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7692014724933216, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.994234245531522, "q_0.35": 3.074044595088904, "q_0.375": 3.1423382459340354, "q_0.4": 3.2116868808328896, "q_0.425": 3.273262828959913, "q_0.45": 3.34426307634953, "q_0.475": 3.4027910498624365, "q_0.5": 3.4692857346255943, "q_0.525": 3.565908182214505, "q_0.55": 3.624276418836236, "q_0.575": 3.7446972761331203, "q_0.6": 3.8530392777928797, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.22184618638654, "q_0.75": 4.29034777830392, "q_0.775": 4.354057639477195, "q_0.8": 4.47384192778854, "q_0.825": 4.547887615732293, "q_0.85": 4.662952528375321, "q_0.875": 4.7283197096877565, "q_0.9": 4.818842928192114, "q_0.925": 4.939002135993537, "q_0.95": 5.052732738003227, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.37855142056823, "y": 3.34426307634953, "y_true": 2.0554280089698462, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2087316360853264, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7692014724933216, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.994234245531522, "q_0.35": 3.074044595088904, "q_0.375": 3.1423382459340354, "q_0.4": 3.2116868808328896, "q_0.425": 3.273262828959913, "q_0.45": 3.34426307634953, "q_0.475": 3.4027910498624365, "q_0.5": 3.4692857346255943, "q_0.525": 3.565908182214505, "q_0.55": 3.624276418836236, "q_0.575": 3.7446972761331203, "q_0.6": 3.8530392777928797, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.22184618638654, "q_0.75": 4.29034777830392, "q_0.775": 4.354057639477195, "q_0.8": 4.47384192778854, "q_0.825": 4.547887615732293, "q_0.85": 4.662952528375321, "q_0.875": 4.7283197096877565, "q_0.9": 4.818842928192114, "q_0.925": 4.939002135993537, "q_0.95": 5.052732738003227, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.41856742697079, "y": 3.7635865684439302, "y_true": 2.055804027124523, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2087316360853264, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7692014724933216, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.994234245531522, "q_0.35": 3.074044595088904, "q_0.375": 3.1423382459340354, "q_0.4": 3.2116868808328896, "q_0.425": 3.273262828959913, "q_0.45": 3.34426307634953, "q_0.475": 3.4027910498624365, "q_0.5": 3.4692857346255943, "q_0.525": 3.565908182214505, "q_0.55": 3.624276418836236, "q_0.575": 3.7446972761331203, "q_0.6": 3.8530392777928797, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.22184618638654, "q_0.75": 4.29034777830392, "q_0.775": 4.354057639477195, "q_0.8": 4.47384192778854, "q_0.825": 4.547887615732293, "q_0.85": 4.662952528375321, "q_0.875": 4.7283197096877565, "q_0.9": 4.818842928192114, "q_0.925": 4.939002135993537, "q_0.95": 5.052732738003227, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.45858343337335, "y": 4.939002135993537, "y_true": 2.056179741992133, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2087316360853264, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7692014724933216, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.994234245531522, "q_0.35": 3.074044595088904, "q_0.375": 3.1482067048217877, "q_0.4": 3.2116868808328896, "q_0.425": 3.278547127976843, "q_0.45": 3.34426307634953, "q_0.475": 3.4067738866713944, "q_0.5": 3.4692857346255943, "q_0.525": 3.5751808459354404, "q_0.55": 3.626242408134476, "q_0.575": 3.7446972761331203, "q_0.6": 3.858984802865889, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.159470353648089, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.4746887814924925, "q_0.825": 4.548663729106785, "q_0.85": 4.662952528375321, "q_0.875": 4.733879123457755, "q_0.9": 4.826390594066324, "q_0.925": 4.951913791281355, "q_0.95": 5.062188671444403, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.498599439775916, "y": 2.996744594037409, "y_true": 2.0565551540704403, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2087316360853264, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7692014724933216, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.994234245531522, "q_0.35": 3.074044595088904, "q_0.375": 3.1482067048217877, "q_0.4": 3.2116868808328896, "q_0.425": 3.278547127976843, "q_0.45": 3.34426307634953, "q_0.475": 3.4067738866713944, "q_0.5": 3.4692857346255943, "q_0.525": 3.5751808459354404, "q_0.55": 3.626242408134476, "q_0.575": 3.7446972761331203, "q_0.6": 3.858984802865889, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.159470353648089, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.4746887814924925, "q_0.825": 4.548663729106785, "q_0.85": 4.662952528375321, "q_0.875": 4.733879123457755, "q_0.9": 4.826390594066324, "q_0.925": 4.951913791281355, "q_0.95": 5.062188671444403, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.538615446178476, "y": 3.041963656590702, "y_true": 2.0569302638559748, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2131302114558995, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7693770294219893, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2116868808328896, "q_0.425": 3.278547127976843, "q_0.45": 3.34426307634953, "q_0.475": 3.4067738866713944, "q_0.5": 3.4692857346255943, "q_0.525": 3.5751808459354404, "q_0.55": 3.624276418836236, "q_0.575": 3.7547772126378556, "q_0.6": 3.858984802865889, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.159470353648089, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.483050565707267, "q_0.825": 4.548663729106785, "q_0.85": 4.667232157575263, "q_0.875": 4.738124777031687, "q_0.9": 4.827361581378376, "q_0.925": 4.971599044354194, "q_0.95": 5.062188671444403, "q_0.975": 5.1908939379888235, "q_1": 5.803931662595026}, {"x": 46.578631452581035, "y": 4.058042527153772, "y_true": 2.057305071844032, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2131302114558995, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7693770294219893, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2116868808328896, "q_0.425": 3.278547127976843, "q_0.45": 3.34426307634953, "q_0.475": 3.4067738866713944, "q_0.5": 3.4692857346255943, "q_0.525": 3.5751808459354404, "q_0.55": 3.624276418836236, "q_0.575": 3.7547772126378556, "q_0.6": 3.858984802865889, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.159470353648089, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.483050565707267, "q_0.825": 4.548663729106785, "q_0.85": 4.667232157575263, "q_0.875": 4.738124777031687, "q_0.9": 4.827361581378376, "q_0.925": 4.971599044354194, "q_0.95": 5.062188671444403, "q_0.975": 5.1908939379888235, "q_1": 5.803931662595026}, {"x": 46.618647458983595, "y": 3.669675088448008, "y_true": 2.057679578528683, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2131302114558995, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7693770294219893, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2116868808328896, "q_0.425": 3.278547127976843, "q_0.45": 3.34426307634953, "q_0.475": 3.4067738866713944, "q_0.5": 3.4692857346255943, "q_0.525": 3.5751808459354404, "q_0.55": 3.624276418836236, "q_0.575": 3.7547772126378556, "q_0.6": 3.858984802865889, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.159470353648089, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.483050565707267, "q_0.825": 4.548663729106785, "q_0.85": 4.667232157575263, "q_0.875": 4.738124777031687, "q_0.9": 4.827361581378376, "q_0.925": 4.971599044354194, "q_0.95": 5.062188671444403, "q_0.975": 5.1908939379888235, "q_1": 5.803931662595026}, {"x": 46.658663465386155, "y": 2.6832053504637985, "y_true": 2.058053784402774, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2131302114558995, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7693770294219893, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2116868808328896, "q_0.425": 3.278547127976843, "q_0.45": 3.34426307634953, "q_0.475": 3.4067738866713944, "q_0.5": 3.4692857346255943, "q_0.525": 3.5751808459354404, "q_0.55": 3.624276418836236, "q_0.575": 3.7547772126378556, "q_0.6": 3.858984802865889, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.159470353648089, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.483050565707267, "q_0.825": 4.548663729106785, "q_0.85": 4.667232157575263, "q_0.875": 4.738124777031687, "q_0.9": 4.827361581378376, "q_0.925": 4.971599044354194, "q_0.95": 5.062188671444403, "q_0.975": 5.1908939379888235, "q_1": 5.803931662595026}, {"x": 46.698679471788715, "y": 2.5204701169676067, "y_true": 2.0584276899579326, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3813597664640644, "q_0.15": 2.5002580120420794, "q_0.175": 2.538554674234327, "q_0.2": 2.613966277323165, "q_0.225": 2.703086836232328, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1501701453882007, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.9356805837897006, "q_0.65": 4.011655097316861, "q_0.675": 4.091534912349754, "q_0.7": 4.166048011483285, "q_0.725": 4.23520935735781, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.493500363686744, "q_0.825": 4.581826568217663, "q_0.85": 4.676711895351917, "q_0.875": 4.754019337789414, "q_0.9": 4.8509603468555325, "q_0.925": 4.990565603005464, "q_0.95": 5.062673872145627, "q_0.975": 5.239652874778341, "q_1": 5.803931662595026}, {"x": 46.738695478191275, "y": 3.621925512791787, "y_true": 2.058801295684571, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.9356805837897006, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.493500363686744, "q_0.825": 4.581826568217663, "q_0.85": 4.679021790163864, "q_0.875": 4.7583620229574874, "q_0.9": 4.8509603468555325, "q_0.925": 4.990565603005464, "q_0.95": 5.0664154748389745, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 46.77871148459384, "y": 4.548663729106785, "y_true": 2.0591746020718906, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.9356805837897006, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.493500363686744, "q_0.825": 4.581826568217663, "q_0.85": 4.679021790163864, "q_0.875": 4.7583620229574874, "q_0.9": 4.8509603468555325, "q_0.925": 4.990565603005464, "q_0.95": 5.0664154748389745, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 46.8187274909964, "y": 4.547887615732293, "y_true": 2.0595476096078857, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.9356805837897006, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.493500363686744, "q_0.825": 4.581826568217663, "q_0.85": 4.679021790163864, "q_0.875": 4.7583620229574874, "q_0.9": 4.8509603468555325, "q_0.925": 4.990565603005464, "q_0.95": 5.0664154748389745, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 46.85874349739896, "y": 5.178380245941863, "y_true": 2.059920318779347, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.9356805837897006, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.493500363686744, "q_0.825": 4.581826568217663, "q_0.85": 4.679021790163864, "q_0.875": 4.7583620229574874, "q_0.9": 4.8509603468555325, "q_0.925": 4.990565603005464, "q_0.95": 5.0664154748389745, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 46.89875950380152, "y": 3.2836915775602935, "y_true": 2.0602927300718665, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.9356805837897006, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.493500363686744, "q_0.825": 4.581826568217663, "q_0.85": 4.679021790163864, "q_0.875": 4.7583620229574874, "q_0.9": 4.8509603468555325, "q_0.925": 4.990565603005464, "q_0.95": 5.0664154748389745, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 46.93877551020408, "y": 3.314020477180433, "y_true": 2.060664843969841, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.932234097903615, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.497057391237302, "q_0.825": 4.586837842398975, "q_0.85": 4.691764555999637, "q_0.875": 4.7583620229574874, "q_0.9": 4.856649516072533, "q_0.925": 5.000401010833492, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 46.97879151660664, "y": 2.0668558423030023, "y_true": 2.0610366609564763, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.932234097903615, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.497057391237302, "q_0.825": 4.586837842398975, "q_0.85": 4.691764555999637, "q_0.875": 4.7583620229574874, "q_0.9": 4.856649516072533, "q_0.925": 5.000401010833492, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.01880752300921, "y": 4.716361030928391, "y_true": 2.06140818151379, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.932234097903615, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.497057391237302, "q_0.825": 4.586837842398975, "q_0.85": 4.691764555999637, "q_0.875": 4.7583620229574874, "q_0.9": 4.856649516072533, "q_0.925": 5.000401010833492, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.05882352941177, "y": 4.130908226272861, "y_true": 2.061779406122617, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.932234097903615, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.497057391237302, "q_0.825": 4.586837842398975, "q_0.85": 4.691764555999637, "q_0.875": 4.7583620229574874, "q_0.9": 4.856649516072533, "q_0.925": 5.000401010833492, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.09883953581433, "y": 4.5264309904299, "y_true": 2.0621503352626127, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.932234097903615, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.497057391237302, "q_0.825": 4.586837842398975, "q_0.85": 4.691764555999637, "q_0.875": 4.7583620229574874, "q_0.9": 4.856649516072533, "q_0.925": 5.000401010833492, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.13885554221689, "y": 3.5692225072063257, "y_true": 2.0625209694122564, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.932234097903615, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.497057391237302, "q_0.825": 4.586837842398975, "q_0.85": 4.691764555999637, "q_0.875": 4.7583620229574874, "q_0.9": 4.856649516072533, "q_0.925": 5.000401010833492, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.17887154861945, "y": 5.009642478778622, "y_true": 2.0628913090488563, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.932234097903615, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.497057391237302, "q_0.825": 4.586837842398975, "q_0.85": 4.691764555999637, "q_0.875": 4.7583620229574874, "q_0.9": 4.856649516072533, "q_0.925": 5.000401010833492, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.21888755502201, "y": 2.1565166415476256, "y_true": 2.0632613546485516, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.346540295753449, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.613966277323165, "q_0.225": 2.699149197083439, "q_0.25": 2.7796021583827173, "q_0.275": 2.834322935116626, "q_0.3": 2.906971216643092, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.278547127976843, "q_0.45": 3.358917425175623, "q_0.475": 3.413518692328587, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.629489241472858, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.23520935735781, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.500126386060784, "q_0.825": 4.6002256246908875, "q_0.85": 4.691764555999637, "q_0.875": 4.764920622283495, "q_0.9": 4.856649516072533, "q_0.925": 5.009642478778622, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.258903561424574, "y": 2.4329854398126525, "y_true": 2.063631106686319, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.346540295753449, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.613966277323165, "q_0.225": 2.699149197083439, "q_0.25": 2.7796021583827173, "q_0.275": 2.834322935116626, "q_0.3": 2.906971216643092, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.278547127976843, "q_0.45": 3.358917425175623, "q_0.475": 3.413518692328587, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.629489241472858, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.23520935735781, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.500126386060784, "q_0.825": 4.6002256246908875, "q_0.85": 4.691764555999637, "q_0.875": 4.764920622283495, "q_0.9": 4.856649516072533, "q_0.925": 5.009642478778622, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.298919567827134, "y": 3.2690439942528435, "y_true": 2.0640005656359732, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.346540295753449, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.613966277323165, "q_0.225": 2.699149197083439, "q_0.25": 2.7796021583827173, "q_0.275": 2.834322935116626, "q_0.3": 2.906971216643092, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.278547127976843, "q_0.45": 3.358917425175623, "q_0.475": 3.413518692328587, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.629489241472858, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.23520935735781, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.500126386060784, "q_0.825": 4.6002256246908875, "q_0.85": 4.691764555999637, "q_0.875": 4.764920622283495, "q_0.9": 4.856649516072533, "q_0.925": 5.009642478778622, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.338935574229694, "y": 2.337182367803171, "y_true": 2.0643697319701735, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.346540295753449, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.613966277323165, "q_0.225": 2.699149197083439, "q_0.25": 2.7796021583827173, "q_0.275": 2.834322935116626, "q_0.3": 2.906971216643092, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.278547127976843, "q_0.45": 3.358917425175623, "q_0.475": 3.413518692328587, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.629489241472858, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.23520935735781, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.500126386060784, "q_0.825": 4.6002256246908875, "q_0.85": 4.691764555999637, "q_0.875": 4.764920622283495, "q_0.9": 4.856649516072533, "q_0.925": 5.009642478778622, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.378951580632254, "y": 2.346540295753449, "y_true": 2.0647386061604265, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.346540295753449, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.613966277323165, "q_0.225": 2.699149197083439, "q_0.25": 2.7796021583827173, "q_0.275": 2.834322935116626, "q_0.3": 2.906971216643092, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.278547127976843, "q_0.45": 3.358917425175623, "q_0.475": 3.413518692328587, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.629489241472858, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.23520935735781, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.500126386060784, "q_0.825": 4.6002256246908875, "q_0.85": 4.691764555999637, "q_0.875": 4.764920622283495, "q_0.9": 4.856649516072533, "q_0.925": 5.009642478778622, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.418967587034814, "y": 3.8831739497808293, "y_true": 2.0651071886770884, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.346540295753449, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.613966277323165, "q_0.225": 2.699149197083439, "q_0.25": 2.7796021583827173, "q_0.275": 2.834322935116626, "q_0.3": 2.906971216643092, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.278547127976843, "q_0.45": 3.358917425175623, "q_0.475": 3.413518692328587, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.629489241472858, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.23520935735781, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.500126386060784, "q_0.825": 4.6002256246908875, "q_0.85": 4.691764555999637, "q_0.875": 4.764920622283495, "q_0.9": 4.856649516072533, "q_0.925": 5.009642478778622, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.458983593437374, "y": 2.7587941690964426, "y_true": 2.0654754799893724, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.346540295753449, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.613966277323165, "q_0.225": 2.699149197083439, "q_0.25": 2.7796021583827173, "q_0.275": 2.834322935116626, "q_0.3": 2.906971216643092, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.278547127976843, "q_0.45": 3.358917425175623, "q_0.475": 3.413518692328587, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.629489241472858, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.23520935735781, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.500126386060784, "q_0.825": 4.6002256246908875, "q_0.85": 4.691764555999637, "q_0.875": 4.764920622283495, "q_0.9": 4.856649516072533, "q_0.925": 5.009642478778622, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.49899959983994, "y": 4.076272971496385, "y_true": 2.065843480565349, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4168897295118708, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.365712160404425, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7830247187862454, "q_0.6": 3.871351807004203, "q_0.625": 3.9356805837897006, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.167572751301167, "q_0.725": 4.249441643067446, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.5390156062425, "y": 5.049225288538523, "y_true": 2.0662111908719507, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4168897295118708, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.365712160404425, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7830247187862454, "q_0.6": 3.871351807004203, "q_0.625": 3.9356805837897006, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.167572751301167, "q_0.725": 4.249441643067446, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.57903161264506, "y": 4.711587205724828, "y_true": 2.0665786113749767, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4168897295118708, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.365712160404425, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7830247187862454, "q_0.6": 3.871351807004203, "q_0.625": 3.9356805837897006, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.167572751301167, "q_0.725": 4.249441643067446, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.61904761904762, "y": 2.8647122607317415, "y_true": 2.066945742539095, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4226713869881875, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7833642727923076, "q_0.6": 3.871351807004203, "q_0.625": 3.936323735800982, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.2494584554721, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.65906362545018, "y": 2.3553129290502435, "y_true": 2.067312584827848, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4226713869881875, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7833642727923076, "q_0.6": 3.871351807004203, "q_0.625": 3.936323735800982, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.2494584554721, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.69907963185274, "y": 5.120494780341554, "y_true": 2.067679138703655, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4226713869881875, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7833642727923076, "q_0.6": 3.871351807004203, "q_0.625": 3.936323735800982, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.2494584554721, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.73909563825531, "y": 5.26400136296239, "y_true": 2.068045404627814, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4226713869881875, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7833642727923076, "q_0.6": 3.871351807004203, "q_0.625": 3.936323735800982, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.2494584554721, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.77911164465787, "y": 3.272205864992128, "y_true": 2.06841138306051, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4226713869881875, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7833642727923076, "q_0.6": 3.871351807004203, "q_0.625": 3.936323735800982, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.2494584554721, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.81912765106043, "y": 3.5499704763701767, "y_true": 2.0687770744608143, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4226713869881875, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7833642727923076, "q_0.6": 3.871351807004203, "q_0.625": 3.936323735800982, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.2494584554721, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.85914365746299, "y": 2.5365434871378216, "y_true": 2.0691424792866897, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4226713869881875, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7833642727923076, "q_0.6": 3.871351807004203, "q_0.625": 3.936323735800982, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.2494584554721, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.89915966386555, "y": 4.354057639477195, "y_true": 2.0695075979949946, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.2301488359328983, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.426541154335626, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.711348093065874, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.952001833009324, "q_0.325": 3.0171317957431363, "q_0.35": 3.096173236399893, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.2494584554721, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.628452935381543, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.939175670268106, "y": 3.4271889629527417, "y_true": 2.0698724310414853, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.2301488359328983, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.426541154335626, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.711348093065874, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.952001833009324, "q_0.325": 3.0171317957431363, "q_0.35": 3.096173236399893, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.2494584554721, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.628452935381543, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.97919167667067, "y": 4.654708759409436, "y_true": 2.0702369788808217, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2324697822707993, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4277395421973256, "q_0.15": 2.5124163560534356, "q_0.175": 2.550971946077841, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0171317957431363, "q_0.35": 3.1000324628961984, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.871559631764528, "q_0.925": 5.0227179986684, "q_0.95": 5.083807251723853, "q_0.975": 5.249394604384335, "q_1": 5.803931662595026}, {"x": 48.01920768307323, "y": 3.92906939820638, "y_true": 2.070601241966568, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2324697822707993, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4277395421973256, "q_0.15": 2.5124163560534356, "q_0.175": 2.550971946077841, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0171317957431363, "q_0.35": 3.1000324628961984, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.871559631764528, "q_0.925": 5.0227179986684, "q_0.95": 5.083807251723853, "q_0.975": 5.249394604384335, "q_1": 5.803931662595026}, {"x": 48.05922368947579, "y": 2.2087316360853264, "y_true": 2.070965220751198, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2324697822707993, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4277395421973256, "q_0.15": 2.5124163560534356, "q_0.175": 2.550971946077841, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0171317957431363, "q_0.35": 3.1000324628961984, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.871559631764528, "q_0.925": 5.0227179986684, "q_0.95": 5.083807251723853, "q_0.975": 5.249394604384335, "q_1": 5.803931662595026}, {"x": 48.09923969587835, "y": 3.1501701453882007, "y_true": 2.071328915686099, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.13925570228091, "y": 4.676711895351917, "y_true": 2.0716923272215726, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.17927170868347, "y": 4.28947136795097, "y_true": 2.0720554558068436, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.21928771508604, "y": 4.111228159876738, "y_true": 2.0724183018900564, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.2593037214886, "y": 4.240968447826827, "y_true": 2.072780865918285, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.29931972789116, "y": 4.024292911640289, "y_true": 2.073143148337531, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.33933573429372, "y": 4.1415411745967425, "y_true": 2.073505149592732, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.37935174069628, "y": 4.075614754742952, "y_true": 2.0738668701277603, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.41936774709884, "y": 3.795722000167885, "y_true": 2.07422831038543, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.4593837535014, "y": 4.5206135211408505, "y_true": 2.0745894708074992, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.499399759903966, "y": 3.267973213483102, "y_true": 2.074950351834672, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.539415766306526, "y": 3.6101437156113, "y_true": 2.075310953906604, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476687, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2840751745218855, "q_0.45": 3.3725130535405006, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.767395947751837, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.253163748556213, "q_1": 5.803931662595026}, {"x": 48.579431772709086, "y": 3.3725130535405006, "y_true": 2.075671277461904, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476687, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2840751745218855, "q_0.45": 3.3725130535405006, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.767395947751837, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.253163748556213, "q_1": 5.803931662595026}, {"x": 48.619447779111646, "y": 2.752029890524276, "y_true": 2.076031322938138, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476687, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2840751745218855, "q_0.45": 3.3725130535405006, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.767395947751837, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.253163748556213, "q_1": 5.803931662595026}, {"x": 48.659463785514205, "y": 3.116729419078358, "y_true": 2.076391090771833, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.7041544941924425, "q_0.875": 4.767619077388904, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 48.699479791916765, "y": 2.2546015896412164, "y_true": 2.0767505813984797, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.270163941565705, "q_0.75": 4.306849623909187, "q_0.775": 4.419004556316791, "q_0.8": 4.5206135211408505, "q_0.825": 4.649265362576704, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 48.73949579831933, "y": 3.1297220967402692, "y_true": 2.077109795252536, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.270163941565705, "q_0.75": 4.306849623909187, "q_0.775": 4.419004556316791, "q_0.8": 4.5206135211408505, "q_0.825": 4.649265362576704, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 48.77951180472189, "y": 3.3407495118154746, "y_true": 2.077468732767429, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.270163941565705, "q_0.75": 4.306849623909187, "q_0.775": 4.419004556316791, "q_0.8": 4.5206135211408505, "q_0.825": 4.649265362576704, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 48.81952781112445, "y": 2.379937417596606, "y_true": 2.0778273943755616, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.270163941565705, "q_0.75": 4.306849623909187, "q_0.775": 4.419004556316791, "q_0.8": 4.5206135211408505, "q_0.825": 4.649265362576704, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 48.85954381752701, "y": 2.791561078327792, "y_true": 2.078185780508312, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.716810477779716, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.1526534455499924, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.8769204824070034, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.274296147605031, "q_0.75": 4.306849623909187, "q_0.775": 4.432607723991004, "q_0.8": 4.5206135211408505, "q_0.825": 4.654708759409436, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 48.89955982392957, "y": 2.8862374360677374, "y_true": 2.078543891596039, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.716810477779716, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.1526534455499924, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.8769204824070034, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.274296147605031, "q_0.75": 4.306849623909187, "q_0.775": 4.432607723991004, "q_0.8": 4.5206135211408505, "q_0.825": 4.654708759409436, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 48.93957583033213, "y": 2.8153349262329774, "y_true": 2.0789017280680846, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.716810477779716, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.1526534455499924, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.8769204824070034, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.274296147605031, "q_0.75": 4.306849623909187, "q_0.775": 4.432607723991004, "q_0.8": 4.5206135211408505, "q_0.825": 4.654708759409436, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 48.9795918367347, "y": 3.2133745957725868, "y_true": 2.0792592903527782, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.716810477779716, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.1526534455499924, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.8769204824070034, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.274296147605031, "q_0.75": 4.306849623909187, "q_0.775": 4.432607723991004, "q_0.8": 4.5206135211408505, "q_0.825": 4.654708759409436, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 49.01960784313726, "y": 2.548879388052095, "y_true": 2.079616578877438, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.716810477779716, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.1526534455499924, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.8769204824070034, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.274296147605031, "q_0.75": 4.306849623909187, "q_0.775": 4.432607723991004, "q_0.8": 4.5206135211408505, "q_0.825": 4.654708759409436, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 49.05962384953982, "y": 4.449925971340749, "y_true": 2.0799735940683757, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.716810477779716, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.1526534455499924, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.8769204824070034, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.274296147605031, "q_0.75": 4.306849623909187, "q_0.775": 4.432607723991004, "q_0.8": 4.5206135211408505, "q_0.825": 4.654708759409436, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 49.09963985594238, "y": 3.190748032243511, "y_true": 2.080330336350899, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.716810477779716, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.1526534455499924, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.8769204824070034, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.274296147605031, "q_0.75": 4.306849623909187, "q_0.775": 4.432607723991004, "q_0.8": 4.5206135211408505, "q_0.825": 4.654708759409436, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 49.13965586234494, "y": 2.4773230737918137, "y_true": 2.080686806149316, "y_pred": 3.4872940741664147, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1335854321993173, "q_0.05": 2.244764816209775, "q_0.075": 2.302166952372194, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.5204701169676067, "q_0.175": 2.556633539689719, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.955189646114812, "q_0.325": 3.032729016318319, "q_0.35": 3.1056016406973153, "q_0.375": 3.161963367740298, "q_0.4": 3.22628639235493, "q_0.425": 3.3085591108551915, "q_0.45": 3.3725130535405006, "q_0.475": 3.4287420980806305, "q_0.5": 3.4872940741664147, "q_0.525": 3.607029418541735, "q_0.55": 3.662533919791173, "q_0.575": 3.800590703847712, "q_0.6": 3.8769204824070034, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.103148685543555, "q_0.7": 4.183329504286376, "q_0.725": 4.276112902783254, "q_0.75": 4.332775941551913, "q_0.775": 4.446010371887997, "q_0.8": 4.544798476427301, "q_0.825": 4.6608325850797225, "q_0.85": 4.718404036893828, "q_0.875": 4.794679107113758, "q_0.9": 4.939002135993537, "q_0.925": 5.0491281993855015, "q_0.95": 5.117677181154771, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 49.1796718687475, "y": 4.005609388677058, "y_true": 2.0810430038869354, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1523668988250786, "q_0.05": 2.244764816209775, "q_0.075": 2.302166952372194, "q_0.1": 2.353506792095349, "q_0.125": 2.4380251802461514, "q_0.15": 2.5204701169676067, "q_0.175": 2.556633539689719, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.955189646114812, "q_0.325": 3.032729016318319, "q_0.35": 3.1056016406973153, "q_0.375": 3.161963367740298, "q_0.4": 3.22628639235493, "q_0.425": 3.3123558661910533, "q_0.45": 3.3725130535405006, "q_0.475": 3.4290315792583046, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.804038302060726, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.103148685543555, "q_0.7": 4.185032258800536, "q_0.725": 4.276112902783254, "q_0.75": 4.334017307448933, "q_0.775": 4.446010371887997, "q_0.8": 4.544798476427301, "q_0.825": 4.6608325850797225, "q_0.85": 4.718404036893828, "q_0.875": 4.794679107113758, "q_0.9": 4.939002135993537, "q_0.925": 5.0491281993855015, "q_0.95": 5.117677181154771, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 49.219687875150065, "y": 2.6639937952012267, "y_true": 2.0813989299860727, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.244764816209775, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.556633539689719, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.955189646114812, "q_0.325": 3.0357156316996825, "q_0.35": 3.1106190322821314, "q_0.375": 3.178037640858844, "q_0.4": 3.2272251196176116, "q_0.425": 3.314020477180433, "q_0.45": 3.3725130535405006, "q_0.475": 3.429115622180855, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.103148685543555, "q_0.7": 4.186590886679897, "q_0.725": 4.276112902783254, "q_0.75": 4.334017307448933, "q_0.775": 4.446010371887997, "q_0.8": 4.544798476427301, "q_0.825": 4.6608325850797225, "q_0.85": 4.718404036893828, "q_0.875": 4.794679107113758, "q_0.9": 4.939002135993537, "q_0.925": 5.049225288538523, "q_0.95": 5.117677181154771, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 49.259703881552625, "y": 2.2700752257903725, "y_true": 2.0817545848680523, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.556633539689719, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1147721258510535, "q_0.375": 3.190748032243511, "q_0.4": 3.2319040057379813, "q_0.425": 3.314020477180433, "q_0.45": 3.3725130535405006, "q_0.475": 3.429115622180855, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.106844584877033, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.448653401518603, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.964210554058015, "q_0.925": 5.049225288538523, "q_0.95": 5.119392759867454, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 49.299719887955185, "y": 2.611917547032888, "y_true": 2.08210996895321, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.113677407994869, "q_0.375": 3.190748032243511, "q_0.4": 3.231510306075919, "q_0.425": 3.314020477180433, "q_0.45": 3.3725130535405006, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.106844584877033, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.446010371887997, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.964210554058006, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.339735894357744, "y": 3.4454817433729423, "y_true": 2.0824650826608972, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1148297425803264, "q_0.375": 3.190748032243511, "q_0.4": 3.2329356878340243, "q_0.425": 3.314020477180433, "q_0.45": 3.3725130535405006, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.106844584877033, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.446010371887997, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.9629853738879, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.379751900760304, "y": 4.334017307448933, "y_true": 2.0828199264094827, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1148297425803264, "q_0.375": 3.190748032243511, "q_0.4": 3.2329356878340243, "q_0.425": 3.314020477180433, "q_0.45": 3.3725130535405006, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.106844584877033, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.446010371887997, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.9629853738879, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.419767907162864, "y": 4.166048011483285, "y_true": 2.0831745006163565, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1148297425803264, "q_0.375": 3.190748032243511, "q_0.4": 3.2329356878340243, "q_0.425": 3.314020477180433, "q_0.45": 3.3725130535405006, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.106844584877033, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.446010371887997, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.9629853738879, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.45978391356543, "y": 2.1004360224076475, "y_true": 2.0835288056979335, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1148297425803264, "q_0.375": 3.190748032243511, "q_0.4": 3.2329356878340243, "q_0.425": 3.314020477180433, "q_0.45": 3.3725130535405006, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.106844584877033, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.446010371887997, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.9629853738879, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.49979991996799, "y": 4.6608325850797225, "y_true": 2.0838828420696554, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1148297425803264, "q_0.375": 3.190748032243511, "q_0.4": 3.2344832109780834, "q_0.425": 3.314020477180433, "q_0.45": 3.378773931006645, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.111920654136871, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.449925971340749, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.968567153083912, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.53981592637055, "y": 3.1749558418699895, "y_true": 2.084236610145994, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1148297425803264, "q_0.375": 3.190748032243511, "q_0.4": 3.2344832109780834, "q_0.425": 3.314020477180433, "q_0.45": 3.378773931006645, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.111920654136871, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.449925971340749, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.968567153083912, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.57983193277311, "y": 4.29365493244525, "y_true": 2.0845901103404554, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1148297425803264, "q_0.375": 3.190748032243511, "q_0.4": 3.2344832109780834, "q_0.425": 3.314020477180433, "q_0.45": 3.378773931006645, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.111920654136871, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.449925971340749, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.968567153083912, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.61984793917567, "y": 2.1911559522706705, "y_true": 2.0849433430655813, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1148297425803264, "q_0.375": 3.190748032243511, "q_0.4": 3.2344832109780834, "q_0.425": 3.314020477180433, "q_0.45": 3.378773931006645, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.111920654136871, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.449925971340749, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.968567153083912, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.65986394557823, "y": 3.365712160404425, "y_true": 2.0852963087329526, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1148297425803264, "q_0.375": 3.190748032243511, "q_0.4": 3.2344832109780834, "q_0.425": 3.314020477180433, "q_0.45": 3.378773931006645, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.111920654136871, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.449925971340749, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.968567153083912, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.6998799519808, "y": 2.1494284035474713, "y_true": 2.0856490077531933, "y_pred": 3.5546889600124745, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2546015896412164, "q_0.075": 2.311340611317017, "q_0.1": 2.3553129290502435, "q_0.125": 2.447016021033377, "q_0.15": 2.5269428035652153, "q_0.175": 2.5783249528531256, "q_0.2": 2.6562559056512716, "q_0.225": 2.727834840726439, "q_0.25": 2.791561078327792, "q_0.275": 2.85240728537374, "q_0.3": 2.9868184482180236, "q_0.325": 3.041963656590702, "q_0.35": 3.1297220967402692, "q_0.375": 3.1928321806305946, "q_0.4": 3.242295034838273, "q_0.425": 3.3239638951653543, "q_0.45": 3.3966569666732838, "q_0.475": 3.4454817433729423, "q_0.5": 3.5546889600124745, "q_0.525": 3.6168553087806865, "q_0.55": 3.7014181911238606, "q_0.575": 3.826252714012897, "q_0.6": 3.8963750098615257, "q_0.625": 3.9746732881588036, "q_0.65": 4.0452351357723515, "q_0.675": 4.130908226272861, "q_0.7": 4.192089178393045, "q_0.725": 4.28947136795097, "q_0.75": 4.354057639477195, "q_0.775": 4.47384192778854, "q_0.8": 4.557545325122913, "q_0.825": 4.667232157575263, "q_0.85": 4.748056924283729, "q_0.875": 4.8509603468555325, "q_0.9": 4.971599044354194, "q_0.925": 5.052732738003227, "q_0.95": 5.155052499406919, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.73989595838336, "y": 4.741640394730369, "y_true": 2.0860014405359726, "y_pred": 3.595675394986391, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.197744618914387, "q_0.05": 2.262244145373584, "q_0.075": 2.3268777017523887, "q_0.1": 2.3689382163280093, "q_0.125": 2.4773230737918137, "q_0.15": 2.5365434871378216, "q_0.175": 2.611917547032888, "q_0.2": 2.6797936943513916, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.365712160404425, "q_0.45": 3.4271889629527417, "q_0.475": 3.4840532986956707, "q_0.5": 3.595675394986391, "q_0.525": 3.6386418513552403, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.16736920325255, "q_0.7": 4.249234290076723, "q_0.725": 4.300086304220903, "q_0.75": 4.410440617291383, "q_0.775": 4.524754613550625, "q_0.8": 4.654708759409436, "q_0.825": 4.7283197096877565, "q_0.85": 4.794679107113758, "q_0.875": 4.935484573200627, "q_0.9": 5.040423637358805, "q_0.925": 5.083546888731943, "q_0.95": 5.1908939379888235, "q_0.975": 5.326908514789949, "q_1": 5.803931662595026}, {"x": 49.77991196478592, "y": 2.694717720145578, "y_true": 2.0863536074900075, "y_pred": 3.595675394986391, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.197744618914387, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3705100147784943, "q_0.125": 2.4773230737918137, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8155908860541063, "q_0.275": 2.889592736266048, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.4271889629527417, "q_0.475": 3.4840532986956707, "q_0.5": 3.595675394986391, "q_0.525": 3.6386418513552403, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1673671762439515, "q_0.7": 4.249234290076723, "q_0.725": 4.300148268286122, "q_0.75": 4.410440617291383, "q_0.775": 4.524754613550625, "q_0.8": 4.6608325850797225, "q_0.825": 4.7283197096877565, "q_0.85": 4.794679107113758, "q_0.875": 4.935484573200627, "q_0.9": 5.040423637358805, "q_0.925": 5.083546888731943, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 49.81992797118848, "y": 4.2821077494545605, "y_true": 2.0867055090230666, "y_pred": 3.595675394986391, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.197744618914387, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3705100147784943, "q_0.125": 2.4830611004592806, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.825623485638059, "q_0.275": 2.889592736266048, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.4271889629527417, "q_0.475": 3.4840532986956707, "q_0.5": 3.595675394986391, "q_0.525": 3.6407335392398865, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.266649693385102, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.6608325850797225, "q_0.825": 4.7283197096877565, "q_0.85": 4.821274350409462, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083546888731943, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 49.85994397759104, "y": 2.989018198491409, "y_true": 2.0870571455419733, "y_pred": 3.595675394986391, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.197744618914387, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3705100147784943, "q_0.125": 2.4830611004592806, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.825623485638059, "q_0.275": 2.889592736266048, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.4271889629527417, "q_0.475": 3.4840532986956707, "q_0.5": 3.595675394986391, "q_0.525": 3.6407335392398865, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.266649693385102, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.6608325850797225, "q_0.825": 4.7283197096877565, "q_0.85": 4.821274350409462, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083546888731943, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 49.8999599839936, "y": 2.5281348689295555, "y_true": 2.087408517452608, "y_pred": 3.595675394986391, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.197744618914387, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3705100147784943, "q_0.125": 2.4830611004592806, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.825623485638059, "q_0.275": 2.889592736266048, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.4271889629527417, "q_0.475": 3.4840532986956707, "q_0.5": 3.595675394986391, "q_0.525": 3.6407335392398865, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.266649693385102, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.6608325850797225, "q_0.825": 4.7283197096877565, "q_0.85": 4.821274350409462, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083546888731943, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 49.939975990396164, "y": 5.117677181154771, "y_true": 2.08775962515991, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3705100147784943, "q_0.125": 2.4830611004592806, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8262822081381747, "q_0.275": 2.889592736266048, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.427375696369454, "q_0.475": 3.4840532986956707, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.6608325850797225, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 49.979991996798724, "y": 4.026529118542276, "y_true": 2.0881104690678836, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3705100147784943, "q_0.125": 2.4830611004592806, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8262822081381747, "q_0.275": 2.889592736266048, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.427375696369454, "q_0.475": 3.4840532986956707, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.6608325850797225, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.02000800320128, "y": 4.990565603005464, "y_true": 2.088461049579598, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.427375696369454, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.311730976361367, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.951913791281355, "q_0.9": 5.046483195940112, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.06002400960384, "y": 3.0880955221754434, "y_true": 2.08881136709719, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.427375696369454, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.311730976361367, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.951913791281355, "q_0.9": 5.046483195940112, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.1000400160064, "y": 4.794439991857457, "y_true": 2.0891614220218715, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.313556461719718, "q_0.75": 4.43891327236607, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.957682754476652, "q_0.9": 5.0491281993855015, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.14005602240896, "y": 5.1601360687429185, "y_true": 2.089511214753925, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.313556461719718, "q_0.75": 4.43891327236607, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.957682754476652, "q_0.9": 5.0491281993855015, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.18007202881153, "y": 3.378773931006645, "y_true": 2.089860745692714, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.313556461719718, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.958608440376249, "q_0.9": 5.0491281993855015, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.22008803521409, "y": 5.0397748881714755, "y_true": 2.0902100152366794, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.313556461719718, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.958608440376249, "q_0.9": 5.0491281993855015, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.26010404161665, "y": 3.1839726431013586, "y_true": 2.090559023783347, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.313556461719718, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.958608440376249, "q_0.9": 5.0491281993855015, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.30012004801921, "y": 3.1503539611980758, "y_true": 2.0909077717293285, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.313556461719718, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.958608440376249, "q_0.9": 5.0491281993855015, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.34013605442177, "y": 5.341941387466384, "y_true": 2.091256259470323, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.313556461719718, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.958608440376249, "q_0.9": 5.0491281993855015, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.38015206082433, "y": 5.2015870514942515, "y_true": 2.091604487401123, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.313556461719718, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.958608440376249, "q_0.9": 5.0491281993855015, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.42016806722689, "y": 2.8386529459956193, "y_true": 2.0919524559156137, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.8934418200942686, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.427375696369454, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.265395942540645, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.460184073629456, "y": 4.827361581378376, "y_true": 2.092300165406779, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.8934418200942686, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.427375696369454, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.265395942540645, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.500200080032016, "y": 3.2116868808328896, "y_true": 2.0926476162667016, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.8934418200942686, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.427375696369454, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.265395942540645, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.540216086434576, "y": 5.293584910556597, "y_true": 2.092994808886567, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.8934418200942686, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.427375696369454, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.265395942540645, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.580232092837136, "y": 4.871559631764528, "y_true": 2.093341743656667, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.8934418200942686, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.427375696369454, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.265395942540645, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.620248099239696, "y": 5.052732738003227, "y_true": 2.0936884209664006, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.8934418200942686, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.427375696369454, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.265395942540645, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.660264105642256, "y": 3.970356820234087, "y_true": 2.0940348412042784, "y_pred": 3.5958245515213925, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8273683162215084, "q_0.275": 2.889592736266048, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.427375696369454, "q_0.475": 3.4840532986956707, "q_0.5": 3.5958245515213925, "q_0.525": 3.6391697707678308, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.069461891461078, "q_0.675": 4.1692403167276355, "q_0.7": 4.249234290076723, "q_0.725": 4.300148268286122, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.6608325850797225, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.70028011204482, "y": 3.0566893853960195, "y_true": 2.0943810047579237, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.8956019446822587, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.6608325850797225, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.947550843487259, "q_0.9": 5.046483195940112, "q_0.925": 5.083807251723853, "q_0.95": 5.210070557857085, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.74029611844738, "y": 2.741074680164684, "y_true": 2.0947269120140772, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.8956019446822587, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.6608325850797225, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.947550843487259, "q_0.9": 5.046483195940112, "q_0.925": 5.083807251723853, "q_0.95": 5.210070557857085, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.78031212484994, "y": 3.822792642344634, "y_true": 2.0950725633585985, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.6282476375694124, "q_0.2": 2.6837326405008817, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.265395942540645, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.957682754476652, "q_0.9": 5.0491281993855015, "q_0.925": 5.09932618037057, "q_0.95": 5.243878920052846, "q_0.975": 5.3581741637269875, "q_1": 5.803931662595026}, {"x": 50.8203281312525, "y": 4.293791851873329, "y_true": 2.095417959176468, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5506943551052266, "q_0.175": 2.6282476375694124, "q_0.2": 2.693954382883781, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.32214828098221, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 50.86034413765506, "y": 4.524754613550625, "y_true": 2.0957630998517915, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5506943551052266, "q_0.175": 2.6282476375694124, "q_0.2": 2.693954382883781, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.32214828098221, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 50.90036014405762, "y": 2.6541578119540423, "y_true": 2.0961079857678016, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 50.94037615046019, "y": 3.8520319279175643, "y_true": 2.09645261730686, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 50.98039215686275, "y": 3.52583062204344, "y_true": 2.0967969948504623, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.02040816326531, "y": 2.7796021583827173, "y_true": 2.097141118779237, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.06042416966787, "y": 3.910252596801945, "y_true": 2.0974849894729517, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.10044017607043, "y": 3.002560196105314, "y_true": 2.097828607310514, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.14045618247299, "y": 3.8530392777928797, "y_true": 2.098171972669975, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.180472188875555, "y": 2.754982613553099, "y_true": 2.0985150859285295, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.220488195278115, "y": 5.051836026351122, "y_true": 2.0988579474625215, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.260504201680675, "y": 3.208870212859253, "y_true": 2.0992005576474457, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.300520208083235, "y": 4.103148685543555, "y_true": 2.09954291685795, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.340536214485795, "y": 2.5002580120420794, "y_true": 2.0998850254678376, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.380552220888354, "y": 4.1693919135845805, "y_true": 2.1002268838500706, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.42056822729092, "y": 2.994234245531522, "y_true": 2.1005684923767713, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.46058423369348, "y": 5.243878920052846, "y_true": 2.1009098514192255, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.50060024009604, "y": 3.3966569666732838, "y_true": 2.1012509613478856, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.5406162464986, "y": 4.098315367779099, "y_true": 2.101591822532371, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.58063225290116, "y": 2.8115355185558055, "y_true": 2.1019324353414737, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.62064825930372, "y": 4.935484573200627, "y_true": 2.1022728001431576, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.66066426570629, "y": 4.748492629453148, "y_true": 2.1026129173045636, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.70068027210885, "y": 2.911161371283312, "y_true": 2.10295278719201, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.74069627851141, "y": 5.101574349397362, "y_true": 2.1032924101709964, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.78071228491397, "y": 2.2358127917177284, "y_true": 2.103631786606206, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.82072829131653, "y": 4.581826568217663, "y_true": 2.103970916861507, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.86074429771909, "y": 3.612188342447199, "y_true": 2.1043098012999564, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.900760304121654, "y": 4.856649516072533, "y_true": 2.1046484402838006, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.940776310524214, "y": 3.6386418513552403, "y_true": 2.104986834174481, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.980792316926774, "y": 2.3214495404338056, "y_true": 2.1053249833326317, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5504861618757655, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.085958042950805, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 52.020808323329334, "y": 2.85240728537374, "y_true": 2.105662888118087, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.060824329731894, "y": 5.384417197879275, "y_true": 2.106000548889881, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.10084033613445, "y": 3.208356294864136, "y_true": 2.1063379660062487, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.14085634253702, "y": 2.6354325877664238, "y_true": 2.106675139824632, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.18087234893958, "y": 4.765593624522088, "y_true": 2.107012070701679, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.22088835534214, "y": 2.256075540873479, "y_true": 2.107348758993247, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.2609043617447, "y": 2.3268777017523887, "y_true": 2.107685205054407, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.30092036814726, "y": 3.0902481214053, "y_true": 2.1080214092394427, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.34093637454982, "y": 2.2648815833252574, "y_true": 2.108357371901856, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.38095238095238, "y": 5.397399431414078, "y_true": 2.1086930933943657, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.42096838735495, "y": 4.392243584439354, "y_true": 2.1090285740689136, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.460984393757506, "y": 3.826252714012897, "y_true": 2.109363814276665, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.501000400160066, "y": 4.770831606043211, "y_true": 2.10969881436801, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.541016406562626, "y": 4.300086304220903, "y_true": 2.1100335746925682, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.581032412965186, "y": 2.683275465600924, "y_true": 2.110368095599189, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.621048419367746, "y": 2.837091121840553, "y_true": 2.1107023774359535, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.66106442577031, "y": 4.981372999197626, "y_true": 2.11103642055018, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.70108043217287, "y": 3.22628639235493, "y_true": 2.111370225288422, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.74109643857543, "y": 3.593154981231417, "y_true": 2.1117037919964745, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.78111244497799, "y": 3.4067738866713944, "y_true": 2.112037121019372, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.82112845138055, "y": 2.2846371998463457, "y_true": 2.112370212701394, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.86114445778311, "y": 4.446010371887997, "y_true": 2.1127030673860667, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.90116046418568, "y": 3.9019702146491886, "y_true": 2.113035685416164, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.94117647058824, "y": 4.353498532022823, "y_true": 2.1133680671337105, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.9811924769908, "y": 3.0357156316996825, "y_true": 2.113700212879983, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.02120848339336, "y": 3.462777382413704, "y_true": 2.1140321229955146, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.06122448979592, "y": 2.7530552768970438, "y_true": 2.1143637978200944, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.10124049619848, "y": 3.5063733561217996, "y_true": 2.1146952376927715, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.141256502601045, "y": 4.282494744541624, "y_true": 2.115026442951856, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.181272509003605, "y": 5.2493410663713655, "y_true": 2.1153574139349214, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.221288515406165, "y": 4.317172733866583, "y_true": 2.1156881509788077, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.261304521808725, "y": 3.858984802865889, "y_true": 2.1160186544196224, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.301320528211285, "y": 3.4985422111414612, "y_true": 2.116348924592743, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.341336534613845, "y": 2.467143277789109, "y_true": 2.1166789618328194, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.38135254101641, "y": 3.7014181911238606, "y_true": 2.1170087664737753, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.42136854741897, "y": 2.6325792028261685, "y_true": 2.117338338848812, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.46138455382153, "y": 4.0520077802237635, "y_true": 2.117667679290407, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.50140056022409, "y": 4.544798476427301, "y_true": 2.1179967881303208, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.54141656662665, "y": 5.264459858726333, "y_true": 2.118325665699595, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.58143257302921, "y": 3.1056016406973153, "y_true": 2.118654312328557, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.62144857943178, "y": 3.4388610245938738, "y_true": 2.1189827283468206, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.66146458583434, "y": 2.727834840726439, "y_true": 2.1193109140832873, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.7014805922369, "y": 5.040423637358805, "y_true": 2.1196388698661517, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.74149659863946, "y": 4.862147583570924, "y_true": 2.1199665960229, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.78151260504202, "y": 4.699589482430538, "y_true": 2.1202940928803136, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.82152861144458, "y": 2.311340611317017, "y_true": 2.1206213607644715, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.861544617847144, "y": 3.9746732881588036, "y_true": 2.12094840000075, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 53.901560624249704, "y": 2.90397498110716, "y_true": 2.1212752109138298, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 53.941576630652264, "y": 2.520292416459556, "y_true": 2.1216017938276908, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 53.981592637054824, "y": 4.726165885974233, "y_true": 2.121928149065621, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 54.021608643457384, "y": 2.8273683162215084, "y_true": 2.122254276950214, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 54.061624649859944, "y": 3.79193798775482, "y_true": 2.1225801778033735, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 54.101640656262504, "y": 3.8769204824070034, "y_true": 2.1229058519463133, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 54.14165666266507, "y": 2.8344693888599375, "y_true": 2.123231299699561, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 54.18167266906763, "y": 3.765465786592039, "y_true": 2.123556521382958, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 54.22168867547019, "y": 2.3000969050508564, "y_true": 2.123881517315664, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 54.26170468187275, "y": 2.1244480426183605, "y_true": 2.124206287816157, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 54.30172068827531, "y": 5.062673872145627, "y_true": 2.124530833202237, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 54.34173669467787, "y": 3.512210099906115, "y_true": 2.1248551537910245, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.38175270108044, "y": 5.155052499406919, "y_true": 2.1251792498989674, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.421768707483, "y": 3.7830247187862454, "y_true": 2.125503121841838, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.46178471388556, "y": 3.565908182214505, "y_true": 2.1258267699347386, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.50180072028812, "y": 3.1148297425803264, "y_true": 2.1261501944921015, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.541816726690676, "y": 2.399464207954291, "y_true": 2.1264733958276913, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.581832733093236, "y": 3.161963367740298, "y_true": 2.126796374254608, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.6218487394958, "y": 4.161385975249148, "y_true": 2.1271191300852856, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.66186474589836, "y": 4.678164291783134, "y_true": 2.127441663631499, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.70188075230092, "y": 3.936641559168893, "y_true": 2.12776397520436, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.74189675870348, "y": 4.664729139162846, "y_true": 2.1280860651143243, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.78191276510604, "y": 2.6562559056512716, "y_true": 2.1284079336711916, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.8219287715086, "y": 4.080702485522866, "y_true": 2.1287295811841056, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.86194477791117, "y": 5.083546888731943, "y_true": 2.1290510079615586, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.90196078431373, "y": 2.8591427934207636, "y_true": 2.129372214311391, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.94197679071629, "y": 2.8921304339381595, "y_true": 2.1296932005407956, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.98199279711885, "y": 4.636954622490416, "y_true": 2.1300139669563176, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.796915067872371, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968298037288541, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.396757111875535, "q_1": 5.837161538626953}, {"x": 55.02200880352141, "y": 4.8509603468555325, "y_true": 2.1303345138638567, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.796915067872371, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968298037288541, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.396757111875535, "q_1": 5.837161538626953}, {"x": 55.06202480992397, "y": 2.961856021242216, "y_true": 2.1306548415686697, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.9958518874885813, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.796915067872371, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117507750407206, "q_0.95": 5.245497913054428, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.102040816326536, "y": 3.242295034838273, "y_true": 2.130974950375371, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.9958518874885813, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.796915067872371, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117507750407206, "q_0.95": 5.245497913054428, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.142056822729096, "y": 4.249234290076723, "y_true": 2.1312948405879353, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.9958518874885813, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.796915067872371, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117507750407206, "q_0.95": 5.245497913054428, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.182072829131656, "y": 3.4675932032294647, "y_true": 2.131614512509701, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.9958518874885813, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.796915067872371, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117507750407206, "q_0.95": 5.245497913054428, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.222088835534215, "y": 4.224737472506861, "y_true": 2.131933966443367, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.9958518874885813, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.796915067872371, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117507750407206, "q_0.95": 5.245497913054428, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.262104841936775, "y": 3.79752371326121, "y_true": 2.1322532026910013, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3287940011216044, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8262822081381747, "q_0.275": 2.895784684580308, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.249234290076723, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968230758339698, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.302120848339335, "y": 4.7283197096877565, "y_true": 2.132572221554037, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3287940011216044, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8262822081381747, "q_0.275": 2.895784684580308, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.249234290076723, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968230758339698, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.3421368547419, "y": 4.971599044354194, "y_true": 2.132891023333277, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3287940011216044, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8262822081381747, "q_0.275": 2.895784684580308, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.249234290076723, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968230758339698, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.38215286114446, "y": 5.032720053913126, "y_true": 2.133209608328895, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3287940011216044, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8262822081381747, "q_0.275": 2.895784684580308, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.249234290076723, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968230758339698, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.42216886754702, "y": 4.186590886679897, "y_true": 2.1335279768404374, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3287940011216044, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8262822081381747, "q_0.275": 2.895784684580308, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.249234290076723, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968230758339698, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.46218487394958, "y": 4.1908912370749345, "y_true": 2.133846129166825, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3287940011216044, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8262822081381747, "q_0.275": 2.895784684580308, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.249234290076723, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968230758339698, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.50220088035214, "y": 3.644382332341345, "y_true": 2.134164065606355, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.549583991214769, "q_0.175": 2.613966277323165, "q_0.2": 2.6797936943513916, "q_0.225": 2.7634714278841637, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1389550153975248, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.072778394354127, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.0491281993855015, "q_0.925": 5.116321735174258, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.5422168867547, "y": 2.227247627755199, "y_true": 2.134481786456702, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.549583991214769, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.4288728315157093, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7825126521529793, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.0491281993855015, "q_0.925": 5.116321735174258, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.58223289315727, "y": 3.140064839435226, "y_true": 2.134799292014921, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.549583991214769, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.4288728315157093, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7825126521529793, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.0491281993855015, "q_0.925": 5.116321735174258, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.62224889955983, "y": 2.3491894275323286, "y_true": 2.135116582577447, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.549583991214769, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.4288728315157093, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7825126521529793, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.0491281993855015, "q_0.925": 5.116321735174258, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.66226490596239, "y": 3.607029418541735, "y_true": 2.1354336584401, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.549583991214769, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.4288728315157093, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7825126521529793, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.0491281993855015, "q_0.925": 5.116321735174258, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.70228091236495, "y": 4.9918469443195885, "y_true": 2.1357505198980835, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.549583991214769, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.4288728315157093, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7825126521529793, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.0491281993855015, "q_0.925": 5.116321735174258, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.74229691876751, "y": 4.143018519549933, "y_true": 2.1360671672459874, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.550971946077841, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.7634714278841637, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.072778394354127, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.66437381700534, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.78231292517007, "y": 4.408561505873681, "y_true": 2.1363836007777905, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.550971946077841, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.7634714278841637, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.072778394354127, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.66437381700534, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.822328931572635, "y": 2.7692014724933216, "y_true": 2.1366998207868617, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.550971946077841, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.7634714278841637, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.072778394354127, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.66437381700534, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.862344937975195, "y": 3.0184671273213675, "y_true": 2.137015827565961, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.550971946077841, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.7634714278841637, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.072778394354127, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.66437381700534, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.902360944377754, "y": 2.6863709865507213, "y_true": 2.1373316214072418, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.550971946077841, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.7634714278841637, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.072778394354127, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.66437381700534, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.942376950780314, "y": 4.974391929576763, "y_true": 2.1376472026022526, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.550971946077841, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.7634714278841637, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.072778394354127, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.66437381700534, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.982392957182874, "y": 3.081774303708682, "y_true": 2.1379625714419386, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.7634714278841637, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.0615739221455063, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.022408963585434, "y": 4.032013985208807, "y_true": 2.138277728216643, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.7634714278841637, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.0615739221455063, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.062424969987994, "y": 2.613966277323165, "y_true": 2.13859267321611, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.75476524143693, "q_0.25": 2.8115355185558055, "q_0.275": 2.893056911711452, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.10244097639056, "y": 2.556633539689719, "y_true": 2.138907406729485, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.75476524143693, "q_0.25": 2.8115355185558055, "q_0.275": 2.893056911711452, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.14245698279312, "y": 3.3104906104286442, "y_true": 2.139221929045316, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.75476524143693, "q_0.25": 2.8115355185558055, "q_0.275": 2.893056911711452, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.18247298919568, "y": 3.2529707399890953, "y_true": 2.1395362404515565, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.75476524143693, "q_0.25": 2.8115355185558055, "q_0.275": 2.893056911711452, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.22248899559824, "y": 3.2484555374037494, "y_true": 2.1398503412355674, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.75476524143693, "q_0.25": 2.8115355185558055, "q_0.275": 2.893056911711452, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.2625050020008, "y": 4.166396353941917, "y_true": 2.1401642316841167, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.75476524143693, "q_0.25": 2.8115355185558055, "q_0.275": 2.893056911711452, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.30252100840336, "y": 3.206154129967153, "y_true": 2.1404779120833832, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.75476524143693, "q_0.25": 2.8115355185558055, "q_0.275": 2.893056911711452, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.34253701480593, "y": 4.733879123457755, "y_true": 2.140791382718956, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.75476524143693, "q_0.25": 2.8115355185558055, "q_0.275": 2.893056911711452, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.38255302120849, "y": 2.447016021033377, "y_true": 2.1411046438758397, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.383009982939651, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.774711636308586, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.979310380219098, "q_0.65": 4.058042527153772, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.42256902761105, "y": 3.2374254654126324, "y_true": 2.1414176958384505, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.755974433999048, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.979310380219098, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.46258503401361, "y": 4.400417818087217, "y_true": 2.1417305388906236, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.755974433999048, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.979310380219098, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.50260104041617, "y": 4.1774961765010135, "y_true": 2.142043173315611, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.755974433999048, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.979310380219098, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.54261704681873, "y": 2.545912969191281, "y_true": 2.142355599396084, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.58263305322129, "y": 3.626897737900556, "y_true": 2.1426678174141367, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.62264905962385, "y": 3.1875218721899268, "y_true": 2.1429798276512835, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.66266506602641, "y": 4.27816465640001, "y_true": 2.1432916303884655, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.70268107242897, "y": 2.5824788252277386, "y_true": 2.143603225906048, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.74269707883153, "y": 4.410440617291383, "y_true": 2.1439146144838244, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.78271308523409, "y": 3.712304729848607, "y_true": 2.144225796401017, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.82272909163666, "y": 3.074044595088904, "y_true": 2.1445367719362802, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.86274509803922, "y": 4.6727488706966565, "y_true": 2.1448475413676977, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.90276110444178, "y": 2.7808084367888304, "y_true": 2.1451581049727895, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.94277711084434, "y": 2.6605533359119957, "y_true": 2.1454684630285095, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.9827931172469, "y": 2.197744618914387, "y_true": 2.1457786158112486, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 57.02280912364946, "y": 5.061398013654648, "y_true": 2.1460885635968365, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2323238872398767, "q_0.05": 2.2662684909588506, "q_0.075": 2.3336349994424728, "q_0.1": 2.4004089868562732, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.7634714278841637, "q_0.25": 2.8155908860541063, "q_0.275": 2.895784684580308, "q_0.3": 2.994234245531522, "q_0.325": 3.0713365782868456, "q_0.35": 3.1399549034847745, "q_0.375": 3.2172131323844195, "q_0.4": 3.2690439942528435, "q_0.425": 3.378773931006645, "q_0.45": 3.429115622180855, "q_0.475": 3.5499704763701767, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.072778394354127, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.321950756108855, "q_0.75": 4.410440617291383, "q_0.775": 4.547887615732293, "q_0.8": 4.664729139162846, "q_0.825": 4.748056924283729, "q_0.85": 4.8509603468555325, "q_0.875": 4.971599044354194, "q_0.9": 5.052732738003227, "q_0.925": 5.14931419660949, "q_0.95": 5.253163748556213, "q_0.975": 5.409705679618207, "q_1": 5.837161538626953}, {"x": 57.062825130052026, "y": 3.813279456651519, "y_true": 2.1463983066605423, "y_pred": 3.6168553087806865, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2358127917177284, "q_0.05": 2.2846371998463457, "q_0.075": 2.3491894275323286, "q_0.1": 2.4385601844510814, "q_0.125": 2.5124163560534356, "q_0.15": 2.556633539689719, "q_0.175": 2.6354325877664238, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.837091121840553, "q_0.275": 2.9196279721722176, "q_0.3": 3.002560196105314, "q_0.325": 3.0880955221754434, "q_0.35": 3.1501701453882007, "q_0.375": 3.2299355074276637, "q_0.4": 3.314020477180433, "q_0.425": 3.401716228475526, "q_0.45": 3.4547861338817887, "q_0.475": 3.565908182214505, "q_0.5": 3.6168553087806865, "q_0.525": 3.7014181911238606, "q_0.55": 3.813279456651519, "q_0.575": 3.874775256516427, "q_0.6": 3.9146694296909716, "q_0.625": 4.011655097316861, "q_0.65": 4.101146211135459, "q_0.675": 4.186590886679897, "q_0.7": 4.27816465640001, "q_0.725": 4.354057639477195, "q_0.75": 4.446010371887997, "q_0.775": 4.586144919565315, "q_0.8": 4.691764555999637, "q_0.825": 4.75823814862361, "q_0.85": 4.862147583570924, "q_0.875": 4.986790350502121, "q_0.9": 5.062268101493811, "q_0.925": 5.1601360687429185, "q_0.95": 5.268514533509989, "q_0.975": 5.412522211301582, "q_1": 5.837161538626953}, {"x": 57.102841136454586, "y": 3.8963750098615257, "y_true": 2.146707845277077, "y_pred": 3.6168553087806865, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2358127917177284, "q_0.05": 2.2846371998463457, "q_0.075": 2.3491894275323286, "q_0.1": 2.4385601844510814, "q_0.125": 2.5124163560534356, "q_0.15": 2.556633539689719, "q_0.175": 2.6354325877664238, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.837091121840553, "q_0.275": 2.9196279721722176, "q_0.3": 3.002560196105314, "q_0.325": 3.0880955221754434, "q_0.35": 3.1501701453882007, "q_0.375": 3.2319040057379813, "q_0.4": 3.314020477180433, "q_0.425": 3.401716228475526, "q_0.45": 3.4547861338817887, "q_0.475": 3.565908182214505, "q_0.5": 3.6168553087806865, "q_0.525": 3.7014181911238606, "q_0.55": 3.813279456651519, "q_0.575": 3.874775256516427, "q_0.6": 3.9146694296909716, "q_0.625": 4.011655097316861, "q_0.65": 4.101146211135459, "q_0.675": 4.186590886679897, "q_0.7": 4.27816465640001, "q_0.725": 4.354057639477195, "q_0.75": 4.446010371887997, "q_0.775": 4.586837842398975, "q_0.8": 4.691764555999637, "q_0.825": 4.75823814862361, "q_0.85": 4.862147583570924, "q_0.875": 4.986790350502121, "q_0.9": 5.062673872145627, "q_0.925": 5.1601360687429185, "q_0.95": 5.268514533509989, "q_0.975": 5.412522211301582, "q_1": 5.837161538626953}, {"x": 57.142857142857146, "y": 2.5356962020120815, "y_true": 2.147017179720593, "y_pred": 3.6168553087806865, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2358127917177284, "q_0.05": 2.2846371998463457, "q_0.075": 2.3491894275323286, "q_0.1": 2.4385601844510814, "q_0.125": 2.5124163560534356, "q_0.15": 2.556633539689719, "q_0.175": 2.6354325877664238, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.837091121840553, "q_0.275": 2.9196279721722176, "q_0.3": 3.002560196105314, "q_0.325": 3.0880955221754434, "q_0.35": 3.1501701453882007, "q_0.375": 3.2319040057379813, "q_0.4": 3.314020477180433, "q_0.425": 3.401716228475526, "q_0.45": 3.4547861338817887, "q_0.475": 3.565908182214505, "q_0.5": 3.6168553087806865, "q_0.525": 3.7014181911238606, "q_0.55": 3.813279456651519, "q_0.575": 3.874775256516427, "q_0.6": 3.9146694296909716, "q_0.625": 4.011655097316861, "q_0.65": 4.101146211135459, "q_0.675": 4.186590886679897, "q_0.7": 4.27816465640001, "q_0.725": 4.354057639477195, "q_0.75": 4.446010371887997, "q_0.775": 4.586837842398975, "q_0.8": 4.691764555999637, "q_0.825": 4.75823814862361, "q_0.85": 4.862147583570924, "q_0.875": 4.986790350502121, "q_0.9": 5.062673872145627, "q_0.925": 5.1601360687429185, "q_0.95": 5.268514533509989, "q_0.975": 5.412522211301582, "q_1": 5.837161538626953}, {"x": 57.182873149259706, "y": 2.5124163560534356, "y_true": 2.1473263102646896, "y_pred": 3.6168553087806865, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2358127917177284, "q_0.05": 2.2846371998463457, "q_0.075": 2.3491894275323286, "q_0.1": 2.4385601844510814, "q_0.125": 2.5124163560534356, "q_0.15": 2.556633539689719, "q_0.175": 2.6354325877664238, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.837091121840553, "q_0.275": 2.9196279721722176, "q_0.3": 3.002560196105314, "q_0.325": 3.0880955221754434, "q_0.35": 3.1501701453882007, "q_0.375": 3.2319040057379813, "q_0.4": 3.314020477180433, "q_0.425": 3.401716228475526, "q_0.45": 3.4547861338817887, "q_0.475": 3.565908182214505, "q_0.5": 3.6168553087806865, "q_0.525": 3.7014181911238606, "q_0.55": 3.813279456651519, "q_0.575": 3.874775256516427, "q_0.6": 3.9146694296909716, "q_0.625": 4.011655097316861, "q_0.65": 4.101146211135459, "q_0.675": 4.186590886679897, "q_0.7": 4.27816465640001, "q_0.725": 4.354057639477195, "q_0.75": 4.446010371887997, "q_0.775": 4.586837842398975, "q_0.8": 4.691764555999637, "q_0.825": 4.75823814862361, "q_0.85": 4.862147583570924, "q_0.875": 4.986790350502121, "q_0.9": 5.062673872145627, "q_0.925": 5.1601360687429185, "q_0.95": 5.268514533509989, "q_0.975": 5.412522211301582, "q_1": 5.837161538626953}, {"x": 57.222889155662266, "y": 3.278547127976843, "y_true": 2.14763523718241, "y_pred": 3.6168553087806865, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2358127917177284, "q_0.05": 2.2846371998463457, "q_0.075": 2.3491894275323286, "q_0.1": 2.4385601844510814, "q_0.125": 2.5124163560534356, "q_0.15": 2.556633539689719, "q_0.175": 2.6354325877664238, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.837091121840553, "q_0.275": 2.9196279721722176, "q_0.3": 3.002560196105314, "q_0.325": 3.0880955221754434, "q_0.35": 3.1501701453882007, "q_0.375": 3.2319040057379813, "q_0.4": 3.314020477180433, "q_0.425": 3.401716228475526, "q_0.45": 3.4547861338817887, "q_0.475": 3.565908182214505, "q_0.5": 3.6168553087806865, "q_0.525": 3.7014181911238606, "q_0.55": 3.813279456651519, "q_0.575": 3.874775256516427, "q_0.6": 3.9146694296909716, "q_0.625": 4.011655097316861, "q_0.65": 4.101146211135459, "q_0.675": 4.186590886679897, "q_0.7": 4.27816465640001, "q_0.725": 4.354057639477195, "q_0.75": 4.446010371887997, "q_0.775": 4.586837842398975, "q_0.8": 4.691764555999637, "q_0.825": 4.75823814862361, "q_0.85": 4.862147583570924, "q_0.875": 4.986790350502121, "q_0.9": 5.062673872145627, "q_0.925": 5.1601360687429185, "q_0.95": 5.268514533509989, "q_0.975": 5.412522211301582, "q_1": 5.837161538626953}, {"x": 57.262905162064826, "y": 3.8973651499288904, "y_true": 2.1479439607462454, "y_pred": 3.621925512791787, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2358127917177284, "q_0.05": 2.2846371998463457, "q_0.075": 2.3491894275323286, "q_0.1": 2.4385601844510814, "q_0.125": 2.513219928984796, "q_0.15": 2.556633539689719, "q_0.175": 2.6354325877664238, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.837091121840553, "q_0.275": 2.9196279721722176, "q_0.3": 3.0184671273213675, "q_0.325": 3.0902481214053, "q_0.35": 3.161963367740298, "q_0.375": 3.2344832109780834, "q_0.4": 3.3287884686443454, "q_0.425": 3.4027910498624365, "q_0.45": 3.462777382413704, "q_0.475": 3.575211140266689, "q_0.5": 3.621925512791787, "q_0.525": 3.7014181911238606, "q_0.55": 3.813279456651519, "q_0.575": 3.874775256516427, "q_0.6": 3.9276318068261338, "q_0.625": 4.011655097316861, "q_0.65": 4.103148685543555, "q_0.675": 4.1908912370749345, "q_0.7": 4.2821077494545605, "q_0.725": 4.377901776833773, "q_0.75": 4.4577561764662015, "q_0.775": 4.61399667490164, "q_0.8": 4.696883024241005, "q_0.825": 4.765593624522088, "q_0.85": 4.862147583570924, "q_0.875": 4.990565603005464, "q_0.9": 5.062673872145627, "q_0.925": 5.178380245941863, "q_0.95": 5.293584910556597, "q_0.975": 5.433399279033473, "q_1": 5.837161538626953}, {"x": 57.30292116846739, "y": 4.523866847162912, "y_true": 2.1482524812281363, "y_pred": 3.621925512791787, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2358127917177284, "q_0.05": 2.2846371998463457, "q_0.075": 2.3491894275323286, "q_0.1": 2.4385601844510814, "q_0.125": 2.513219928984796, "q_0.15": 2.556633539689719, "q_0.175": 2.6354325877664238, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.837091121840553, "q_0.275": 2.9196279721722176, "q_0.3": 3.0184671273213675, "q_0.325": 3.0902481214053, "q_0.35": 3.161963367740298, "q_0.375": 3.2344832109780834, "q_0.4": 3.3287884686443454, "q_0.425": 3.4027910498624365, "q_0.45": 3.462777382413704, "q_0.475": 3.575211140266689, "q_0.5": 3.621925512791787, "q_0.525": 3.7014181911238606, "q_0.55": 3.813279456651519, "q_0.575": 3.874775256516427, "q_0.6": 3.9276318068261338, "q_0.625": 4.011655097316861, "q_0.65": 4.103148685543555, "q_0.675": 4.1908912370749345, "q_0.7": 4.2821077494545605, "q_0.725": 4.377901776833773, "q_0.75": 4.4577561764662015, "q_0.775": 4.61399667490164, "q_0.8": 4.696883024241005, "q_0.825": 4.765593624522088, "q_0.85": 4.862147583570924, "q_0.875": 4.990565603005464, "q_0.9": 5.062673872145627, "q_0.925": 5.178380245941863, "q_0.95": 5.293584910556597, "q_0.975": 5.433399279033473, "q_1": 5.837161538626953}, {"x": 57.34293717486995, "y": 3.8411801370471075, "y_true": 2.1485607988994735, "y_pred": 3.626897737900556, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2358127917177284, "q_0.05": 2.2846371998463457, "q_0.075": 2.3491894275323286, "q_0.1": 2.4385601844510814, "q_0.125": 2.519025403056004, "q_0.15": 2.556633539689719, "q_0.175": 2.6409144515963234, "q_0.2": 2.7031510799684204, "q_0.225": 2.7752713456731835, "q_0.25": 2.8386529459956193, "q_0.275": 2.951597313679295, "q_0.3": 3.0184671273213675, "q_0.325": 3.0902481214053, "q_0.35": 3.161963367740298, "q_0.375": 3.2344832109780834, "q_0.4": 3.3407495118154746, "q_0.425": 3.4067738866713944, "q_0.45": 3.4675932032294647, "q_0.475": 3.579857754910864, "q_0.5": 3.626897737900556, "q_0.525": 3.7189826158471693, "q_0.55": 3.826252714012897, "q_0.575": 3.8769204824070034, "q_0.6": 3.92906939820638, "q_0.625": 4.01866113922733, "q_0.65": 4.103703070443581, "q_0.675": 4.204894416645397, "q_0.7": 4.29034777830392, "q_0.725": 4.392243584439354, "q_0.75": 4.502286606293909, "q_0.775": 4.615262338419963, "q_0.8": 4.699589482430538, "q_0.825": 4.765593624522088, "q_0.85": 4.913651734016552, "q_0.875": 5.009642478778622, "q_0.9": 5.077599141779682, "q_0.925": 5.185038310859877, "q_0.95": 5.293584910556597, "q_0.975": 5.433399279033473, "q_1": 5.837161538626953}, {"x": 57.38295318127251, "y": 4.968567153083912, "y_true": 2.148868914031099, "y_pred": 3.629489241472858, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2358127917177284, "q_0.05": 2.2846371998463457, "q_0.075": 2.3491894275323286, "q_0.1": 2.4385601844510814, "q_0.125": 2.519025403056004, "q_0.15": 2.5656030306547812, "q_0.175": 2.6409144515963234, "q_0.2": 2.7031510799684204, "q_0.225": 2.7796021583827173, "q_0.25": 2.8386529459956193, "q_0.275": 2.9520467796015497, "q_0.3": 3.020564526122191, "q_0.325": 3.1038916893925044, "q_0.35": 3.190748032243511, "q_0.375": 3.2374254654126324, "q_0.4": 3.3528215475055045, "q_0.425": 3.4150462632849905, "q_0.45": 3.4675932032294647, "q_0.475": 3.593154981231417, "q_0.5": 3.629489241472858, "q_0.525": 3.739116335983769, "q_0.55": 3.8362449438349007, "q_0.575": 3.8794338658356278, "q_0.6": 3.935354645022729, "q_0.625": 4.024292911640289, "q_0.65": 4.130908226272861, "q_0.675": 4.221343987754201, "q_0.7": 4.29365493244525, "q_0.725": 4.392927420470581, "q_0.75": 4.512375995836736, "q_0.775": 4.622718424084674, "q_0.8": 4.716361030928391, "q_0.825": 4.790814369247537, "q_0.85": 4.935484573200627, "q_0.875": 5.016816119104931, "q_0.9": 5.083546888731943, "q_0.925": 5.1908939379888235, "q_0.95": 5.294908794287287, "q_0.975": 5.449777820501485, "q_1": 5.837161538626953}, {"x": 57.42296918767507, "y": 3.429115622180855, "y_true": 2.149176826893309, "y_pred": 3.6386418513552403, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2358127917177284, "q_0.05": 2.2999444669722795, "q_0.075": 2.352851368246699, "q_0.1": 2.4385601844510814, "q_0.125": 2.520292416459556, "q_0.15": 2.5783249528531256, "q_0.175": 2.6409144515963234, "q_0.2": 2.7076962068961796, "q_0.225": 2.779803099560721, "q_0.25": 2.85240728537374, "q_0.275": 2.954386087921385, "q_0.3": 3.0294791809921167, "q_0.325": 3.1056016406973153, "q_0.35": 3.2084094520496587, "q_0.375": 3.242295034838273, "q_0.4": 3.365712160404425, "q_0.425": 3.4271889629527417, "q_0.45": 3.487160243873938, "q_0.475": 3.593154981231417, "q_0.5": 3.6386418513552403, "q_0.525": 3.7547772126378556, "q_0.55": 3.8411801370471075, "q_0.575": 3.8831739497808293, "q_0.6": 3.9356805837897006, "q_0.625": 4.026529118542276, "q_0.65": 4.1415411745967425, "q_0.675": 4.224737472506861, "q_0.7": 4.294184614400879, "q_0.725": 4.400417818087217, "q_0.75": 4.516051055433561, "q_0.775": 4.632574887407137, "q_0.8": 4.723201299324568, "q_0.825": 4.790814369247537, "q_0.85": 4.939002135993537, "q_0.875": 5.040423637358805, "q_0.9": 5.083807251723853, "q_0.925": 5.1908939379888235, "q_0.95": 5.300828399401942, "q_0.975": 5.452978338295401, "q_1": 5.837161538626953}, {"x": 57.46298519407763, "y": 2.244764816209775, "y_true": 2.149484537755855, "y_pred": 3.6386418513552403, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2358127917177284, "q_0.05": 2.2999444669722795, "q_0.075": 2.352851368246699, "q_0.1": 2.4385601844510814, "q_0.125": 2.520292416459556, "q_0.15": 2.5783249528531256, "q_0.175": 2.6409144515963234, "q_0.2": 2.7076962068961796, "q_0.225": 2.779803099560721, "q_0.25": 2.85240728537374, "q_0.275": 2.954386087921385, "q_0.3": 3.0294791809921167, "q_0.325": 3.1056016406973153, "q_0.35": 3.2084094520496587, "q_0.375": 3.242295034838273, "q_0.4": 3.365712160404425, "q_0.425": 3.4271889629527417, "q_0.45": 3.487160243873938, "q_0.475": 3.593154981231417, "q_0.5": 3.6386418513552403, "q_0.525": 3.7547772126378556, "q_0.55": 3.8411801370471075, "q_0.575": 3.8831739497808293, "q_0.6": 3.9356805837897006, "q_0.625": 4.026529118542276, "q_0.65": 4.1415411745967425, "q_0.675": 4.224737472506861, "q_0.7": 4.294184614400879, "q_0.725": 4.400417818087217, "q_0.75": 4.516051055433561, "q_0.775": 4.632574887407137, "q_0.8": 4.723201299324568, "q_0.825": 4.790814369247537, "q_0.85": 4.939002135993537, "q_0.875": 5.040423637358805, "q_0.9": 5.083807251723853, "q_0.925": 5.1908939379888235, "q_0.95": 5.300828399401942, "q_0.975": 5.452978338295401, "q_1": 5.837161538626953}, {"x": 57.50300120048019, "y": 3.595675394986391, "y_true": 2.149792046887943, "y_pred": 3.6521887366434163, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.352851368246699, "q_0.1": 2.447016021033377, "q_0.125": 2.520292416459556, "q_0.15": 2.5783249528531256, "q_0.175": 2.641469680740734, "q_0.2": 2.727834840726439, "q_0.225": 2.7808084367888304, "q_0.25": 2.8591427934207636, "q_0.275": 2.961856021242216, "q_0.3": 3.0357156316996825, "q_0.325": 3.113677407994869, "q_0.35": 3.2116868808328896, "q_0.375": 3.258385873746776, "q_0.4": 3.3713734471331547, "q_0.425": 3.4287420980806305, "q_0.45": 3.512210099906115, "q_0.475": 3.595675394986391, "q_0.5": 3.6521887366434163, "q_0.525": 3.765465786592039, "q_0.55": 3.8520319279175643, "q_0.575": 3.8973651499288904, "q_0.6": 3.9746732881588036, "q_0.625": 4.0520077802237635, "q_0.65": 4.166048011483285, "q_0.675": 4.244116750987674, "q_0.7": 4.306849623909187, "q_0.725": 4.408840676130108, "q_0.75": 4.524754613550625, "q_0.775": 4.654708759409436, "q_0.8": 4.733879123457755, "q_0.825": 4.810891937572263, "q_0.85": 4.958608440376249, "q_0.875": 5.042333856779798, "q_0.9": 5.1150846649757185, "q_0.925": 5.210070557857085, "q_0.95": 5.341941387466384, "q_0.975": 5.4871910874368695, "q_1": 5.837161538626953}, {"x": 57.54301720688276, "y": 2.4385601844510814, "y_true": 2.1500993545582388, "y_pred": 3.6521887366434163, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.352851368246699, "q_0.1": 2.447016021033377, "q_0.125": 2.520292416459556, "q_0.15": 2.5783249528531256, "q_0.175": 2.641469680740734, "q_0.2": 2.727834840726439, "q_0.225": 2.7808084367888304, "q_0.25": 2.8591427934207636, "q_0.275": 2.961856021242216, "q_0.3": 3.0357156316996825, "q_0.325": 3.113677407994869, "q_0.35": 3.2116868808328896, "q_0.375": 3.258385873746776, "q_0.4": 3.3713734471331547, "q_0.425": 3.4287420980806305, "q_0.45": 3.512210099906115, "q_0.475": 3.595675394986391, "q_0.5": 3.6521887366434163, "q_0.525": 3.765465786592039, "q_0.55": 3.8520319279175643, "q_0.575": 3.8973651499288904, "q_0.6": 3.9746732881588036, "q_0.625": 4.0520077802237635, "q_0.65": 4.166048011483285, "q_0.675": 4.244116750987674, "q_0.7": 4.306849623909187, "q_0.725": 4.408840676130108, "q_0.75": 4.524754613550625, "q_0.775": 4.654708759409436, "q_0.8": 4.733879123457755, "q_0.825": 4.810891937572263, "q_0.85": 4.958608440376249, "q_0.875": 5.042333856779798, "q_0.9": 5.1150846649757185, "q_0.925": 5.210070557857085, "q_0.95": 5.341941387466384, "q_0.975": 5.4871910874368695, "q_1": 5.837161538626953}, {"x": 57.58303321328532, "y": 3.2435312231451383, "y_true": 2.150406461034866, "y_pred": 3.6521887366434163, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.352851368246699, "q_0.1": 2.447016021033377, "q_0.125": 2.520292416459556, "q_0.15": 2.5783249528531256, "q_0.175": 2.641469680740734, "q_0.2": 2.727834840726439, "q_0.225": 2.7808084367888304, "q_0.25": 2.8591427934207636, "q_0.275": 2.961856021242216, "q_0.3": 3.0357156316996825, "q_0.325": 3.113677407994869, "q_0.35": 3.2116868808328896, "q_0.375": 3.258385873746776, "q_0.4": 3.3713734471331547, "q_0.425": 3.4287420980806305, "q_0.45": 3.512210099906115, "q_0.475": 3.595675394986391, "q_0.5": 3.6521887366434163, "q_0.525": 3.765465786592039, "q_0.55": 3.8520319279175643, "q_0.575": 3.8973651499288904, "q_0.6": 3.9746732881588036, "q_0.625": 4.0520077802237635, "q_0.65": 4.166048011483285, "q_0.675": 4.244116750987674, "q_0.7": 4.306849623909187, "q_0.725": 4.408840676130108, "q_0.75": 4.524754613550625, "q_0.775": 4.654708759409436, "q_0.8": 4.733879123457755, "q_0.825": 4.810891937572263, "q_0.85": 4.958608440376249, "q_0.875": 5.042333856779798, "q_0.9": 5.1150846649757185, "q_0.925": 5.210070557857085, "q_0.95": 5.341941387466384, "q_0.975": 5.4871910874368695, "q_1": 5.837161538626953}, {"x": 57.62304921968788, "y": 5.495210124402969, "y_true": 2.1507133665854097, "y_pred": 3.662533919791173, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.353506792095349, "q_0.1": 2.447016021033377, "q_0.125": 2.5204701169676067, "q_0.15": 2.5824788252277386, "q_0.175": 2.6541578119540423, "q_0.2": 2.7292680103113987, "q_0.225": 2.791561078327792, "q_0.25": 2.8647122607317415, "q_0.275": 2.961856021242216, "q_0.3": 3.038574688500715, "q_0.325": 3.1148297425803264, "q_0.35": 3.2133745957725868, "q_0.375": 3.267973213483102, "q_0.4": 3.3713734471331547, "q_0.425": 3.429115622180855, "q_0.45": 3.5499704763701767, "q_0.475": 3.607029418541735, "q_0.5": 3.662533919791173, "q_0.525": 3.7830247187862454, "q_0.55": 3.8530392777928797, "q_0.575": 3.9019702146491886, "q_0.6": 3.979310380219098, "q_0.625": 4.069461891461078, "q_0.65": 4.1693919135845805, "q_0.675": 4.249234290076723, "q_0.7": 4.321950756108855, "q_0.725": 4.410440617291383, "q_0.75": 4.524754613550625, "q_0.775": 4.6608325850797225, "q_0.8": 4.733879123457755, "q_0.825": 4.821540911430054, "q_0.85": 4.960505677404949, "q_0.875": 5.046483195940112, "q_0.9": 5.116321735174258, "q_0.925": 5.243878920052846, "q_0.95": 5.341941387466384, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 57.66306522609044, "y": 5.062223015865831, "y_true": 2.1510200714769176, "y_pred": 3.662533919791173, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.353506792095349, "q_0.1": 2.447016021033377, "q_0.125": 2.5204701169676067, "q_0.15": 2.5824788252277386, "q_0.175": 2.6541578119540423, "q_0.2": 2.7292680103113987, "q_0.225": 2.791561078327792, "q_0.25": 2.8647122607317415, "q_0.275": 2.961856021242216, "q_0.3": 3.038574688500715, "q_0.325": 3.1148297425803264, "q_0.35": 3.2133745957725868, "q_0.375": 3.267973213483102, "q_0.4": 3.3713734471331547, "q_0.425": 3.429115622180855, "q_0.45": 3.5499704763701767, "q_0.475": 3.607029418541735, "q_0.5": 3.662533919791173, "q_0.525": 3.7830247187862454, "q_0.55": 3.8530392777928797, "q_0.575": 3.9019702146491886, "q_0.6": 3.979310380219098, "q_0.625": 4.069461891461078, "q_0.65": 4.1693919135845805, "q_0.675": 4.249234290076723, "q_0.7": 4.321950756108855, "q_0.725": 4.410440617291383, "q_0.75": 4.524754613550625, "q_0.775": 4.6608325850797225, "q_0.8": 4.733879123457755, "q_0.825": 4.821540911430054, "q_0.85": 4.960505677404949, "q_0.875": 5.046483195940112, "q_0.9": 5.116321735174258, "q_0.925": 5.243878920052846, "q_0.95": 5.341941387466384, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 57.703081232493, "y": 2.954386087921385, "y_true": 2.1513265759758995, "y_pred": 3.662533919791173, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.353506792095349, "q_0.1": 2.447016021033377, "q_0.125": 2.5204701169676067, "q_0.15": 2.5824788252277386, "q_0.175": 2.6541578119540423, "q_0.2": 2.7292680103113987, "q_0.225": 2.791561078327792, "q_0.25": 2.8647122607317415, "q_0.275": 2.961856021242216, "q_0.3": 3.038574688500715, "q_0.325": 3.1148297425803264, "q_0.35": 3.2133745957725868, "q_0.375": 3.267973213483102, "q_0.4": 3.3713734471331547, "q_0.425": 3.429115622180855, "q_0.45": 3.5499704763701767, "q_0.475": 3.607029418541735, "q_0.5": 3.662533919791173, "q_0.525": 3.7830247187862454, "q_0.55": 3.8530392777928797, "q_0.575": 3.9019702146491886, "q_0.6": 3.979310380219098, "q_0.625": 4.069461891461078, "q_0.65": 4.1693919135845805, "q_0.675": 4.249234290076723, "q_0.7": 4.321950756108855, "q_0.725": 4.410440617291383, "q_0.75": 4.524754613550625, "q_0.775": 4.6608325850797225, "q_0.8": 4.733879123457755, "q_0.825": 4.821540911430054, "q_0.85": 4.960505677404949, "q_0.875": 5.046483195940112, "q_0.9": 5.116321735174258, "q_0.925": 5.243878920052846, "q_0.95": 5.341941387466384, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 57.74309723889556, "y": 3.4287420980806305, "y_true": 2.151632880348332, "y_pred": 3.6686483526170925, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.3553129290502435, "q_0.1": 2.447016021033377, "q_0.125": 2.5244317437828445, "q_0.15": 2.5824788252277386, "q_0.175": 2.6541578119540423, "q_0.2": 2.747622889008604, "q_0.225": 2.791561078327792, "q_0.25": 2.8647122607317415, "q_0.275": 2.962533455573767, "q_0.3": 3.038574688500715, "q_0.325": 3.1148297425803264, "q_0.35": 3.2172131323844195, "q_0.375": 3.267973213483102, "q_0.4": 3.3725130535405006, "q_0.425": 3.429115622180855, "q_0.45": 3.5506782489165203, "q_0.475": 3.607029418541735, "q_0.5": 3.6686483526170925, "q_0.525": 3.7830247187862454, "q_0.55": 3.858984802865889, "q_0.575": 3.910252596801945, "q_0.6": 3.987808725583748, "q_0.625": 4.072778394354127, "q_0.65": 4.1693919135845805, "q_0.675": 4.268530319651792, "q_0.7": 4.322938380475634, "q_0.725": 4.415345649678461, "q_0.75": 4.544798476427301, "q_0.775": 4.662952528375321, "q_0.8": 4.743657261949687, "q_0.825": 4.824710676152548, "q_0.85": 4.9629853738879, "q_0.875": 5.049225288538523, "q_0.9": 5.117677181154771, "q_0.925": 5.243878920052846, "q_0.95": 5.345281114685981, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 57.78311324529812, "y": 3.6168553087806865, "y_true": 2.151938984859657, "y_pred": 3.6686483526170925, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.3553129290502435, "q_0.1": 2.447016021033377, "q_0.125": 2.5244317437828445, "q_0.15": 2.5824788252277386, "q_0.175": 2.6541578119540423, "q_0.2": 2.747622889008604, "q_0.225": 2.791561078327792, "q_0.25": 2.8647122607317415, "q_0.275": 2.962533455573767, "q_0.3": 3.038574688500715, "q_0.325": 3.1148297425803264, "q_0.35": 3.2172131323844195, "q_0.375": 3.267973213483102, "q_0.4": 3.3725130535405006, "q_0.425": 3.429115622180855, "q_0.45": 3.5506782489165203, "q_0.475": 3.607029418541735, "q_0.5": 3.6686483526170925, "q_0.525": 3.7830247187862454, "q_0.55": 3.858984802865889, "q_0.575": 3.910252596801945, "q_0.6": 3.987808725583748, "q_0.625": 4.072778394354127, "q_0.65": 4.1693919135845805, "q_0.675": 4.268530319651792, "q_0.7": 4.322938380475634, "q_0.725": 4.415345649678461, "q_0.75": 4.544798476427301, "q_0.775": 4.662952528375321, "q_0.8": 4.743657261949687, "q_0.825": 4.824710676152548, "q_0.85": 4.9629853738879, "q_0.875": 5.049225288538523, "q_0.9": 5.117677181154771, "q_0.925": 5.243878920052846, "q_0.95": 5.345281114685981, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 57.823129251700685, "y": 4.748056924283729, "y_true": 2.152244889774785, "y_pred": 3.6686483526170925, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.3553129290502435, "q_0.1": 2.447016021033377, "q_0.125": 2.5244317437828445, "q_0.15": 2.5824788252277386, "q_0.175": 2.6541578119540423, "q_0.2": 2.747622889008604, "q_0.225": 2.791561078327792, "q_0.25": 2.8647122607317415, "q_0.275": 2.962533455573767, "q_0.3": 3.038574688500715, "q_0.325": 3.1148297425803264, "q_0.35": 3.2172131323844195, "q_0.375": 3.267973213483102, "q_0.4": 3.3725130535405006, "q_0.425": 3.429115622180855, "q_0.45": 3.5506782489165203, "q_0.475": 3.607029418541735, "q_0.5": 3.6686483526170925, "q_0.525": 3.7830247187862454, "q_0.55": 3.858984802865889, "q_0.575": 3.910252596801945, "q_0.6": 3.987808725583748, "q_0.625": 4.072778394354127, "q_0.65": 4.1693919135845805, "q_0.675": 4.268530319651792, "q_0.7": 4.322938380475634, "q_0.725": 4.415345649678461, "q_0.75": 4.544798476427301, "q_0.775": 4.662952528375321, "q_0.8": 4.743657261949687, "q_0.825": 4.824710676152548, "q_0.85": 4.9629853738879, "q_0.875": 5.049225288538523, "q_0.9": 5.117677181154771, "q_0.925": 5.243878920052846, "q_0.95": 5.345281114685981, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 57.863145258103245, "y": 2.2662684909588506, "y_true": 2.1525505953580955, "y_pred": 3.6686483526170925, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.3553129290502435, "q_0.1": 2.447016021033377, "q_0.125": 2.5269428035652153, "q_0.15": 2.5824788252277386, "q_0.175": 2.6541578119540423, "q_0.2": 2.7411588678416727, "q_0.225": 2.791561078327792, "q_0.25": 2.8647122607317415, "q_0.275": 2.961856021242216, "q_0.3": 3.038574688500715, "q_0.325": 3.1148297425803264, "q_0.35": 3.2172131323844195, "q_0.375": 3.268772000753912, "q_0.4": 3.3725130535405006, "q_0.425": 3.429115622180855, "q_0.45": 3.5546889600124745, "q_0.475": 3.607029418541735, "q_0.5": 3.6686483526170925, "q_0.525": 3.7830247187862454, "q_0.55": 3.858984802865889, "q_0.575": 3.910252596801945, "q_0.6": 3.9915468113084107, "q_0.625": 4.074733964211663, "q_0.65": 4.1693919135845805, "q_0.675": 4.268530319651792, "q_0.7": 4.334017307448933, "q_0.725": 4.426502371231264, "q_0.75": 4.544798476427301, "q_0.775": 4.664729139162846, "q_0.8": 4.743657261949687, "q_0.825": 4.824710676152548, "q_0.85": 4.967069307788265, "q_0.875": 5.049225288538523, "q_0.9": 5.117677181154771, "q_0.925": 5.243878920052846, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 57.903161264505805, "y": 2.2841573794690766, "y_true": 2.1528561018734385, "y_pred": 3.6686483526170925, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.3553129290502435, "q_0.1": 2.447016021033377, "q_0.125": 2.5269428035652153, "q_0.15": 2.5824788252277386, "q_0.175": 2.6541578119540423, "q_0.2": 2.7411588678416727, "q_0.225": 2.791561078327792, "q_0.25": 2.8647122607317415, "q_0.275": 2.961856021242216, "q_0.3": 3.038574688500715, "q_0.325": 3.1148297425803264, "q_0.35": 3.2172131323844195, "q_0.375": 3.268772000753912, "q_0.4": 3.3725130535405006, "q_0.425": 3.429115622180855, "q_0.45": 3.5546889600124745, "q_0.475": 3.607029418541735, "q_0.5": 3.6686483526170925, "q_0.525": 3.7830247187862454, "q_0.55": 3.858984802865889, "q_0.575": 3.910252596801945, "q_0.6": 3.9915468113084107, "q_0.625": 4.074733964211663, "q_0.65": 4.1693919135845805, "q_0.675": 4.268530319651792, "q_0.7": 4.334017307448933, "q_0.725": 4.426502371231264, "q_0.75": 4.544798476427301, "q_0.775": 4.664729139162846, "q_0.8": 4.743657261949687, "q_0.825": 4.824710676152548, "q_0.85": 4.967069307788265, "q_0.875": 5.049225288538523, "q_0.9": 5.117677181154771, "q_0.925": 5.243878920052846, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 57.943177270908365, "y": 2.5513914254666124, "y_true": 2.153161409584137, "y_pred": 3.6686483526170925, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.3553129290502435, "q_0.1": 2.447016021033377, "q_0.125": 2.5269428035652153, "q_0.15": 2.5824788252277386, "q_0.175": 2.6541578119540423, "q_0.2": 2.7411588678416727, "q_0.225": 2.791561078327792, "q_0.25": 2.8647122607317415, "q_0.275": 2.961856021242216, "q_0.3": 3.038574688500715, "q_0.325": 3.1148297425803264, "q_0.35": 3.2172131323844195, "q_0.375": 3.268772000753912, "q_0.4": 3.3725130535405006, "q_0.425": 3.429115622180855, "q_0.45": 3.5546889600124745, "q_0.475": 3.607029418541735, "q_0.5": 3.6686483526170925, "q_0.525": 3.7830247187862454, "q_0.55": 3.858984802865889, "q_0.575": 3.910252596801945, "q_0.6": 3.9915468113084107, "q_0.625": 4.074733964211663, "q_0.65": 4.1693919135845805, "q_0.675": 4.268530319651792, "q_0.7": 4.334017307448933, "q_0.725": 4.426502371231264, "q_0.75": 4.544798476427301, "q_0.775": 4.664729139162846, "q_0.8": 4.743657261949687, "q_0.825": 4.824710676152548, "q_0.85": 4.967069307788265, "q_0.875": 5.049225288538523, "q_0.9": 5.117677181154771, "q_0.925": 5.243878920052846, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 57.983193277310924, "y": 4.29034777830392, "y_true": 2.153466518752988, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.023209283713484, "y": 3.5638866232853736, "y_true": 2.153771429642261, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.06322529011605, "y": 5.042333856779798, "y_true": 2.1540761425137056, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.10324129651861, "y": 3.121005965160152, "y_true": 2.154380657628546, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.14325730292117, "y": 3.8198944544459987, "y_true": 2.1546849752474877, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.18327330932373, "y": 4.56106246649849, "y_true": 2.1549890956307154, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.22328931572629, "y": 4.011655097316861, "y_true": 2.1552930190378974, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.26330532212885, "y": 3.2344832109780834, "y_true": 2.1555967457281837, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.30332132853142, "y": 2.675497556385877, "y_true": 2.1559002759602106, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.34333733493398, "y": 3.9979872135871664, "y_true": 2.156203609992099, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.38335334133654, "y": 2.6409144515963234, "y_true": 2.1565067480814584, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.4233693477391, "y": 5.3581741637269875, "y_true": 2.1568096904853875, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.46338535414166, "y": 3.9975405732533305, "y_true": 2.1571124374604733, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.50340136054422, "y": 2.753797887387238, "y_true": 2.1574149892627967, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.543417366946784, "y": 4.615262338419963, "y_true": 2.15771734614793, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.583433373349344, "y": 2.5112059721542788, "y_true": 2.158019508370941, "y_pred": 3.685764958021049, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6026000704071715, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.685764958021049, "q_0.525": 3.79752371326121, "q_0.55": 3.874775256516427, "q_0.575": 3.915578403502124, "q_0.6": 4.005609388677058, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.354057639477195, "q_0.725": 4.444760389195477, "q_0.75": 4.548663729106785, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.838782391137017, "q_0.85": 4.968567153083912, "q_0.875": 5.062113582567358, "q_0.9": 5.139244774896667, "q_0.925": 5.2493410663713655, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.623449379751904, "y": 4.790814369247537, "y_true": 2.158321476186391, "y_pred": 3.685764958021049, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6026000704071715, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.685764958021049, "q_0.525": 3.79752371326121, "q_0.55": 3.874775256516427, "q_0.575": 3.915578403502124, "q_0.6": 4.005609388677058, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.354057639477195, "q_0.725": 4.444760389195477, "q_0.75": 4.548663729106785, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.838782391137017, "q_0.85": 4.968567153083912, "q_0.875": 5.062113582567358, "q_0.9": 5.139244774896667, "q_0.925": 5.2493410663713655, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.66346538615446, "y": 3.7189826158471693, "y_true": 2.158623249848341, "y_pred": 3.685764958021049, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.685764958021049, "q_0.525": 3.7979070870845275, "q_0.55": 3.874775256516427, "q_0.575": 3.915578403502124, "q_0.6": 4.005609388677058, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.354057639477195, "q_0.725": 4.444760389195477, "q_0.75": 4.5584235395598895, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249349989373528, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.70348139255702, "y": 2.6116806978749945, "y_true": 2.1589248296103483, "y_pred": 3.685764958021049, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.685764958021049, "q_0.525": 3.7979070870845275, "q_0.55": 3.874775256516427, "q_0.575": 3.915578403502124, "q_0.6": 4.005609388677058, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.354057639477195, "q_0.725": 4.444760389195477, "q_0.75": 4.5584235395598895, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249349989373528, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.74349739895958, "y": 2.286246566596469, "y_true": 2.1592262157254702, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8064659575490927, "q_0.55": 3.874775256516427, "q_0.575": 3.9235419918001844, "q_0.6": 4.011655097316861, "q_0.625": 4.101146211135459, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.78351340536215, "y": 5.5510901543672295, "y_true": 2.159527408446265, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8064659575490927, "q_0.55": 3.874775256516427, "q_0.575": 3.9235419918001844, "q_0.6": 4.011655097316861, "q_0.625": 4.101146211135459, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.82352941176471, "y": 3.096749347235717, "y_true": 2.1598284080247945, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8064659575490927, "q_0.55": 3.874775256516427, "q_0.575": 3.9235419918001844, "q_0.6": 4.011655097316861, "q_0.625": 4.101146211135459, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.86354541816727, "y": 5.412522211301582, "y_true": 2.1601292147126214, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8064659575490927, "q_0.55": 3.874775256516427, "q_0.575": 3.9235419918001844, "q_0.6": 4.011655097316861, "q_0.625": 4.101146211135459, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.90356142456983, "y": 3.874775256516427, "y_true": 2.160429828760816, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8064659575490927, "q_0.55": 3.874775256516427, "q_0.575": 3.9235419918001844, "q_0.6": 4.011655097316861, "q_0.625": 4.101146211135459, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.94357743097239, "y": 3.8794338658356278, "y_true": 2.160730250419953, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8064659575490927, "q_0.55": 3.874775256516427, "q_0.575": 3.9235419918001844, "q_0.6": 4.011655097316861, "q_0.625": 4.101146211135459, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.98359343737495, "y": 2.4722573890797777, "y_true": 2.1610304799401154, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8064659575490927, "q_0.55": 3.874775256516427, "q_0.575": 3.9235419918001844, "q_0.6": 4.011655097316861, "q_0.625": 4.101146211135459, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 59.02360944377752, "y": 5.4109510529294305, "y_true": 2.1613305175708946, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8064659575490927, "q_0.55": 3.874775256516427, "q_0.575": 3.9235419918001844, "q_0.6": 4.011655097316861, "q_0.625": 4.101146211135459, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 59.063625450180076, "y": 4.667232157575263, "y_true": 2.161630363561392, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8064659575490927, "q_0.55": 3.874775256516427, "q_0.575": 3.9235419918001844, "q_0.6": 4.011655097316861, "q_0.625": 4.101146211135459, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 59.103641456582636, "y": 3.9356805837897006, "y_true": 2.161930018160221, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8083618384431666, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.66960209201942, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 59.143657462985196, "y": 2.5735183921781224, "y_true": 2.1622294816155065, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895297378185509, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.2272251196176116, "q_0.375": 3.2836915775602935, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8083618384431666, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.361198382691671, "q_0.725": 4.446010371887997, "q_0.75": 4.581826568217663, "q_0.775": 4.676711895351917, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.14931419660949, "q_0.925": 5.252476581828642, "q_0.95": 5.380634474795927, "q_0.975": 5.495230885695858, "q_1": 5.837161538626953}, {"x": 59.183673469387756, "y": 2.7634714278841637, "y_true": 2.1625287541748888, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.536013933934234, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895297378185509, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.2272251196176116, "q_0.375": 3.2843907925853477, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8083618384431666, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.361198382691671, "q_0.725": 4.446010371887997, "q_0.75": 4.581826568217663, "q_0.775": 4.676711895351917, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.14931419660949, "q_0.925": 5.252476581828642, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.223689475790316, "y": 3.641437048098073, "y_true": 2.162827836085522, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.536013933934234, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895297378185509, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.2272251196176116, "q_0.375": 3.2843907925853477, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8083618384431666, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.361198382691671, "q_0.725": 4.446010371887997, "q_0.75": 4.581826568217663, "q_0.775": 4.676711895351917, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.14931419660949, "q_0.925": 5.252476581828642, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.26370548219288, "y": 3.4027910498624365, "y_true": 2.1631267275940775, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895297378185509, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.1908912370749345, "q_0.675": 4.28947136795097, "q_0.7": 4.361198382691671, "q_0.725": 4.446010371887997, "q_0.75": 4.581826568217663, "q_0.775": 4.676711895351917, "q_0.8": 4.754019337789414, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.252476581828642, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.30372148859544, "y": 4.073760684598118, "y_true": 2.1634254289467445, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895297378185509, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.1908912370749345, "q_0.675": 4.28947136795097, "q_0.7": 4.361198382691671, "q_0.725": 4.446010371887997, "q_0.75": 4.581826568217663, "q_0.775": 4.676711895351917, "q_0.8": 4.754019337789414, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.252476581828642, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.343737494998, "y": 2.425075773903431, "y_true": 2.1637239403892297, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.192089178393045, "q_0.675": 4.29034777830392, "q_0.7": 4.375882358761977, "q_0.725": 4.448303960931506, "q_0.75": 4.581826568217663, "q_0.775": 4.678755810464409, "q_0.8": 4.754019337789414, "q_0.825": 4.856649516072533, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.253163748556213, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.38375350140056, "y": 2.302166952372194, "y_true": 2.164022262166762, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.192089178393045, "q_0.675": 4.29034777830392, "q_0.7": 4.375882358761977, "q_0.725": 4.448303960931506, "q_0.75": 4.581826568217663, "q_0.775": 4.678755810464409, "q_0.8": 4.754019337789414, "q_0.825": 4.856649516072533, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.253163748556213, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.42376950780312, "y": 3.9146694296909716, "y_true": 2.1643203945240916, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.192089178393045, "q_0.675": 4.29034777830392, "q_0.7": 4.375882358761977, "q_0.725": 4.448303960931506, "q_0.75": 4.581826568217663, "q_0.775": 4.678755810464409, "q_0.8": 4.754019337789414, "q_0.825": 4.856649516072533, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.253163748556213, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.46378551420568, "y": 2.262244145373584, "y_true": 2.1646183377054897, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.192089178393045, "q_0.675": 4.29034777830392, "q_0.7": 4.375882358761977, "q_0.725": 4.448303960931506, "q_0.75": 4.581826568217663, "q_0.775": 4.678755810464409, "q_0.8": 4.754019337789414, "q_0.825": 4.856649516072533, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.253163748556213, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.50380152060825, "y": 2.3689382163280093, "y_true": 2.1649160919547534, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.192089178393045, "q_0.675": 4.29034777830392, "q_0.7": 4.375882358761977, "q_0.725": 4.448303960931506, "q_0.75": 4.581826568217663, "q_0.775": 4.678755810464409, "q_0.8": 4.754019337789414, "q_0.825": 4.856649516072533, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.253163748556213, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.54381752701081, "y": 3.4547861338817887, "y_true": 2.165213657515204, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.192089178393045, "q_0.675": 4.29034777830392, "q_0.7": 4.375882358761977, "q_0.725": 4.448303960931506, "q_0.75": 4.581826568217663, "q_0.775": 4.678755810464409, "q_0.8": 4.754019337789414, "q_0.825": 4.856649516072533, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.253163748556213, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.58383353341337, "y": 2.3772434880889484, "y_true": 2.1655110346296897, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.192089178393045, "q_0.675": 4.29034777830392, "q_0.7": 4.375882358761977, "q_0.725": 4.448303960931506, "q_0.75": 4.581826568217663, "q_0.775": 4.678755810464409, "q_0.8": 4.754019337789414, "q_0.825": 4.856649516072533, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.253163748556213, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.62384953981593, "y": 3.487160243873938, "y_true": 2.165808223540586, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.192089178393045, "q_0.675": 4.29034777830392, "q_0.7": 4.375882358761977, "q_0.725": 4.448303960931506, "q_0.75": 4.581826568217663, "q_0.775": 4.678755810464409, "q_0.8": 4.754019337789414, "q_0.825": 4.856649516072533, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.253163748556213, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.66386554621849, "y": 2.994959180939754, "y_true": 2.1661052244897983, "y_pred": 3.7189826158471693, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4748083301896857, "q_0.125": 2.545912969191281, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.994234245531522, "q_0.3": 3.0627632331165406, "q_0.325": 3.140064839435226, "q_0.35": 3.228159419003859, "q_0.375": 3.3085591108551915, "q_0.4": 3.4027910498624365, "q_0.425": 3.462777382413704, "q_0.45": 3.575211140266689, "q_0.475": 3.626897737900556, "q_0.5": 3.7189826158471693, "q_0.525": 3.813279456651519, "q_0.55": 3.8794338658356278, "q_0.575": 3.935354645022729, "q_0.6": 4.01866113922733, "q_0.625": 4.106844584877033, "q_0.65": 4.219264119489327, "q_0.675": 4.290430457157462, "q_0.7": 4.386746105165258, "q_0.725": 4.465864491002363, "q_0.75": 4.586837842398975, "q_0.775": 4.692978978979894, "q_0.8": 4.75823814862361, "q_0.825": 4.862147583570924, "q_0.85": 4.974391929576763, "q_0.875": 5.062673872145627, "q_0.9": 5.1601360687429185, "q_0.925": 5.2584893877247785, "q_0.95": 5.397399431414078, "q_0.975": 5.505751867249882, "q_1": 5.837161538626953}, {"x": 59.70388155262105, "y": 2.8103038764348796, "y_true": 2.1664020377187607, "y_pred": 3.7189826158471693, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4748083301896857, "q_0.125": 2.545912969191281, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.994234245531522, "q_0.3": 3.0627632331165406, "q_0.325": 3.140064839435226, "q_0.35": 3.228159419003859, "q_0.375": 3.3085591108551915, "q_0.4": 3.4027910498624365, "q_0.425": 3.462777382413704, "q_0.45": 3.575211140266689, "q_0.475": 3.626897737900556, "q_0.5": 3.7189826158471693, "q_0.525": 3.813279456651519, "q_0.55": 3.8794338658356278, "q_0.575": 3.935354645022729, "q_0.6": 4.01866113922733, "q_0.625": 4.106844584877033, "q_0.65": 4.219264119489327, "q_0.675": 4.290430457157462, "q_0.7": 4.386746105165258, "q_0.725": 4.465864491002363, "q_0.75": 4.586837842398975, "q_0.775": 4.692978978979894, "q_0.8": 4.75823814862361, "q_0.825": 4.862147583570924, "q_0.85": 4.974391929576763, "q_0.875": 5.062673872145627, "q_0.9": 5.1601360687429185, "q_0.925": 5.2584893877247785, "q_0.95": 5.397399431414078, "q_0.975": 5.505751867249882, "q_1": 5.837161538626953}, {"x": 59.74389755902361, "y": 3.5546889600124745, "y_true": 2.16669866346844, "y_pred": 3.7189826158471693, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4748083301896857, "q_0.125": 2.545912969191281, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.994234245531522, "q_0.3": 3.0627632331165406, "q_0.325": 3.140064839435226, "q_0.35": 3.228159419003859, "q_0.375": 3.3085591108551915, "q_0.4": 3.4027910498624365, "q_0.425": 3.462777382413704, "q_0.45": 3.575211140266689, "q_0.475": 3.626897737900556, "q_0.5": 3.7189826158471693, "q_0.525": 3.813279456651519, "q_0.55": 3.8794338658356278, "q_0.575": 3.935354645022729, "q_0.6": 4.01866113922733, "q_0.625": 4.106844584877033, "q_0.65": 4.219264119489327, "q_0.675": 4.290430457157462, "q_0.7": 4.386746105165258, "q_0.725": 4.465864491002363, "q_0.75": 4.586837842398975, "q_0.775": 4.692978978979894, "q_0.8": 4.75823814862361, "q_0.825": 4.862147583570924, "q_0.85": 4.974391929576763, "q_0.875": 5.062673872145627, "q_0.9": 5.1601360687429185, "q_0.925": 5.2584893877247785, "q_0.95": 5.397399431414078, "q_0.975": 5.505751867249882, "q_1": 5.837161538626953}, {"x": 59.783913565426175, "y": 2.5783249528531256, "y_true": 2.166995101979335, "y_pred": 3.7189826158471693, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3705100147784943, "q_0.1": 2.4748083301896857, "q_0.125": 2.545912969191281, "q_0.15": 2.6116806978749945, "q_0.175": 2.6639937952012267, "q_0.2": 2.753797887387238, "q_0.225": 2.8155908860541063, "q_0.25": 2.9104113454182468, "q_0.275": 2.994234245531522, "q_0.3": 3.0713365782868456, "q_0.325": 3.140064839435226, "q_0.35": 3.2299355074276637, "q_0.375": 3.314020477180433, "q_0.4": 3.4027910498624365, "q_0.425": 3.463931160638419, "q_0.45": 3.5776772543257502, "q_0.475": 3.629489241472858, "q_0.5": 3.7189826158471693, "q_0.525": 3.816154431772798, "q_0.55": 3.8794338658356278, "q_0.575": 3.935354645022729, "q_0.6": 4.01866113922733, "q_0.625": 4.106844584877033, "q_0.65": 4.220603647459683, "q_0.675": 4.29365493244525, "q_0.7": 4.392243584439354, "q_0.725": 4.469765744176254, "q_0.75": 4.6002256246908875, "q_0.775": 4.692978978979894, "q_0.8": 4.75823814862361, "q_0.825": 4.862147583570924, "q_0.85": 4.986790350502121, "q_0.875": 5.062673872145627, "q_0.9": 5.1601360687429185, "q_0.925": 5.2584893877247785, "q_0.95": 5.397399431414078, "q_0.975": 5.505751867249882, "q_1": 5.837161538626953}, {"x": 59.823929571828735, "y": 3.3669541319923058, "y_true": 2.1672913534914784, "y_pred": 3.7547772126378556, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.311340611317017, "q_0.075": 2.3772434880889484, "q_0.1": 2.4870191494120792, "q_0.125": 2.550971946077841, "q_0.15": 2.613966277323165, "q_0.175": 2.6797936943513916, "q_0.2": 2.7634714278841637, "q_0.225": 2.8273683162215084, "q_0.25": 2.9153702112558006, "q_0.275": 2.999705628458944, "q_0.3": 3.074044595088904, "q_0.325": 3.152976780080413, "q_0.35": 3.2344832109780834, "q_0.375": 3.3407495118154746, "q_0.4": 3.4067738866713944, "q_0.425": 3.4823326439843876, "q_0.45": 3.593154981231417, "q_0.475": 3.644382332341345, "q_0.5": 3.7547772126378556, "q_0.525": 3.8411801370471075, "q_0.55": 3.894797686267373, "q_0.575": 3.9356805837897006, "q_0.6": 4.032013985208807, "q_0.625": 4.144404360774186, "q_0.65": 4.224737472506861, "q_0.675": 4.300086304220903, "q_0.7": 4.400417818087217, "q_0.725": 4.507382818235483, "q_0.75": 4.615262338419963, "q_0.775": 4.7041544941924425, "q_0.8": 4.783936856720974, "q_0.825": 4.913651734016552, "q_0.85": 5.016816119104931, "q_0.875": 5.083546888731943, "q_0.9": 5.178380245941863, "q_0.925": 5.264459858726333, "q_0.95": 5.404403799534432, "q_0.975": 5.516892215000944, "q_1": 5.837161538626953}, {"x": 59.863945578231295, "y": 3.6599825503871974, "y_true": 2.167587418244438, "y_pred": 3.7626471607673375, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2546015896412164, "q_0.05": 2.3214495404338056, "q_0.075": 2.3772434880889484, "q_0.1": 2.487458932629056, "q_0.125": 2.5513914254666124, "q_0.15": 2.613966277323165, "q_0.175": 2.683275465600924, "q_0.2": 2.7634714278841637, "q_0.225": 2.837091121840553, "q_0.25": 2.9196279721722176, "q_0.275": 3.002560196105314, "q_0.3": 3.0902481214053, "q_0.325": 3.178037640858844, "q_0.35": 3.2374254654126324, "q_0.375": 3.3599959988609305, "q_0.4": 3.4220083042936373, "q_0.425": 3.487160243873938, "q_0.45": 3.595675394986391, "q_0.475": 3.6599825503871974, "q_0.5": 3.7626471607673375, "q_0.525": 3.8501015678274806, "q_0.55": 3.8973651499288904, "q_0.575": 3.970700977265389, "q_0.6": 4.0520077802237635, "q_0.625": 4.160652236291072, "q_0.65": 4.23520935735781, "q_0.675": 4.300148268286122, "q_0.7": 4.402952275265316, "q_0.725": 4.512375995836736, "q_0.75": 4.617894640017489, "q_0.775": 4.716361030928391, "q_0.8": 4.784636625204954, "q_0.825": 4.935484573200627, "q_0.85": 5.016816119104931, "q_0.875": 5.083807251723853, "q_0.9": 5.185038310859877, "q_0.925": 5.268514533509989, "q_0.95": 5.409705679618207, "q_0.975": 5.520116401135856, "q_1": 5.837161538626953}, {"x": 59.903961584633855, "y": 5.016816119104931, "y_true": 2.167883296477318, "y_pred": 3.765465786592039, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.256075540873479, "q_0.05": 2.3214495404338056, "q_0.075": 2.3772434880889484, "q_0.1": 2.5002580120420794, "q_0.125": 2.5513914254666124, "q_0.15": 2.626790682100312, "q_0.175": 2.694717720145578, "q_0.2": 2.7692014724933216, "q_0.225": 2.8386529459956193, "q_0.25": 2.936751458127352, "q_0.275": 3.020564526122191, "q_0.3": 3.1038916893925044, "q_0.325": 3.190748032243511, "q_0.35": 3.2415645994244233, "q_0.375": 3.3599959988609305, "q_0.4": 3.4271889629527417, "q_0.425": 3.487160243873938, "q_0.45": 3.595675394986391, "q_0.475": 3.6599825503871974, "q_0.5": 3.765465786592039, "q_0.525": 3.8520319279175643, "q_0.55": 3.9019702146491886, "q_0.575": 3.979310380219098, "q_0.6": 4.069461891461078, "q_0.625": 4.166048011483285, "q_0.65": 4.244116750987674, "q_0.675": 4.313556461719718, "q_0.7": 4.408561505873681, "q_0.725": 4.5145015727746625, "q_0.75": 4.622718424084674, "q_0.775": 4.721682287041723, "q_0.8": 4.790814369247537, "q_0.825": 4.947550843487259, "q_0.85": 5.016816119104931, "q_0.875": 5.0913926116210195, "q_0.9": 5.185038310859877, "q_0.925": 5.274459398427366, "q_0.95": 5.409705679618207, "q_0.975": 5.520116401135856, "q_1": 5.837161538626953}, {"x": 59.943977591036415, "y": 5.37058023053857, "y_true": 2.1681789884287594, "y_pred": 3.765465786592039, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.256075540873479, "q_0.05": 2.3214495404338056, "q_0.075": 2.3772434880889484, "q_0.1": 2.5002580120420794, "q_0.125": 2.5513914254666124, "q_0.15": 2.626790682100312, "q_0.175": 2.694717720145578, "q_0.2": 2.7692014724933216, "q_0.225": 2.8386529459956193, "q_0.25": 2.936751458127352, "q_0.275": 3.020564526122191, "q_0.3": 3.1038916893925044, "q_0.325": 3.190748032243511, "q_0.35": 3.2415645994244233, "q_0.375": 3.3599959988609305, "q_0.4": 3.4271889629527417, "q_0.425": 3.487160243873938, "q_0.45": 3.595675394986391, "q_0.475": 3.6599825503871974, "q_0.5": 3.765465786592039, "q_0.525": 3.8520319279175643, "q_0.55": 3.9019702146491886, "q_0.575": 3.979310380219098, "q_0.6": 4.069461891461078, "q_0.625": 4.166048011483285, "q_0.65": 4.244116750987674, "q_0.675": 4.313556461719718, "q_0.7": 4.408561505873681, "q_0.725": 4.5145015727746625, "q_0.75": 4.622718424084674, "q_0.775": 4.721682287041723, "q_0.8": 4.790814369247537, "q_0.825": 4.947550843487259, "q_0.85": 5.016816119104931, "q_0.875": 5.0913926116210195, "q_0.9": 5.185038310859877, "q_0.925": 5.274459398427366, "q_0.95": 5.409705679618207, "q_0.975": 5.520116401135856, "q_1": 5.837161538626953}, {"x": 59.983993597438975, "y": 3.2272251196176116, "y_true": 2.1684744943369423, "y_pred": 3.765465786592039, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.256075540873479, "q_0.05": 2.3214495404338056, "q_0.075": 2.3772434880889484, "q_0.1": 2.5002580120420794, "q_0.125": 2.5513914254666124, "q_0.15": 2.626790682100312, "q_0.175": 2.694717720145578, "q_0.2": 2.7692014724933216, "q_0.225": 2.8386529459956193, "q_0.25": 2.936751458127352, "q_0.275": 3.020564526122191, "q_0.3": 3.1038916893925044, "q_0.325": 3.190748032243511, "q_0.35": 3.2415645994244233, "q_0.375": 3.3599959988609305, "q_0.4": 3.4271889629527417, "q_0.425": 3.487160243873938, "q_0.45": 3.595675394986391, "q_0.475": 3.6599825503871974, "q_0.5": 3.765465786592039, "q_0.525": 3.8520319279175643, "q_0.55": 3.9019702146491886, "q_0.575": 3.979310380219098, "q_0.6": 4.069461891461078, "q_0.625": 4.166048011483285, "q_0.65": 4.244116750987674, "q_0.675": 4.313556461719718, "q_0.7": 4.408561505873681, "q_0.725": 4.5145015727746625, "q_0.75": 4.622718424084674, "q_0.775": 4.721682287041723, "q_0.8": 4.790814369247537, "q_0.825": 4.947550843487259, "q_0.85": 5.016816119104931, "q_0.875": 5.0913926116210195, "q_0.9": 5.185038310859877, "q_0.925": 5.274459398427366, "q_0.95": 5.409705679618207, "q_0.975": 5.520116401135856, "q_1": 5.837161538626953}, {"x": 60.02400960384154, "y": 3.1738121729292468, "y_true": 2.1687698144395875, "y_pred": 3.765465786592039, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.256075540873479, "q_0.05": 2.3214495404338056, "q_0.075": 2.3772434880889484, "q_0.1": 2.5002580120420794, "q_0.125": 2.5513914254666124, "q_0.15": 2.626790682100312, "q_0.175": 2.694717720145578, "q_0.2": 2.7692014724933216, "q_0.225": 2.8386529459956193, "q_0.25": 2.936751458127352, "q_0.275": 3.020564526122191, "q_0.3": 3.1038916893925044, "q_0.325": 3.190748032243511, "q_0.35": 3.2415645994244233, "q_0.375": 3.3599959988609305, "q_0.4": 3.4271889629527417, "q_0.425": 3.487160243873938, "q_0.45": 3.595675394986391, "q_0.475": 3.6599825503871974, "q_0.5": 3.765465786592039, "q_0.525": 3.8520319279175643, "q_0.55": 3.9019702146491886, "q_0.575": 3.979310380219098, "q_0.6": 4.069461891461078, "q_0.625": 4.166048011483285, "q_0.65": 4.244116750987674, "q_0.675": 4.313556461719718, "q_0.7": 4.408561505873681, "q_0.725": 4.5145015727746625, "q_0.75": 4.622718424084674, "q_0.775": 4.721682287041723, "q_0.8": 4.790814369247537, "q_0.825": 4.947550843487259, "q_0.85": 5.016816119104931, "q_0.875": 5.0913926116210195, "q_0.9": 5.185038310859877, "q_0.925": 5.274459398427366, "q_0.95": 5.409705679618207, "q_0.975": 5.520116401135856, "q_1": 5.837161538626953}, {"x": 60.0640256102441, "y": 4.11506617913398, "y_true": 2.1690649489739546, "y_pred": 3.765465786592039, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.256075540873479, "q_0.05": 2.3214495404338056, "q_0.075": 2.3772434880889484, "q_0.1": 2.5002580120420794, "q_0.125": 2.5513914254666124, "q_0.15": 2.626790682100312, "q_0.175": 2.694717720145578, "q_0.2": 2.7692014724933216, "q_0.225": 2.8400706680520504, "q_0.25": 2.936751458127352, "q_0.275": 3.020564526122191, "q_0.3": 3.1038916893925044, "q_0.325": 3.190748032243511, "q_0.35": 3.2405906855392996, "q_0.375": 3.3599959988609305, "q_0.4": 3.4271889629527417, "q_0.425": 3.487160243873938, "q_0.45": 3.595675394986391, "q_0.475": 3.662533919791173, "q_0.5": 3.765465786592039, "q_0.525": 3.8520319279175643, "q_0.55": 3.9019702146491886, "q_0.575": 3.979310380219098, "q_0.6": 4.069461891461078, "q_0.625": 4.166048011483285, "q_0.65": 4.244116750987674, "q_0.675": 4.313556461719718, "q_0.7": 4.408561505873681, "q_0.725": 4.514927680505858, "q_0.75": 4.622718424084674, "q_0.775": 4.723201299324568, "q_0.8": 4.790814369247537, "q_0.825": 4.947550843487259, "q_0.85": 5.016816119104931, "q_0.875": 5.0913926116210195, "q_0.9": 5.185038310859877, "q_0.925": 5.274459398427366, "q_0.95": 5.409705679618207, "q_0.975": 5.520116401135856, "q_1": 5.837161538626953}, {"x": 60.10404161664666, "y": 2.641469680740734, "y_true": 2.1693598981768476, "y_pred": 3.765465786592039, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.256075540873479, "q_0.05": 2.3214495404338056, "q_0.075": 2.3772434880889484, "q_0.1": 2.5002580120420794, "q_0.125": 2.5513914254666124, "q_0.15": 2.626790682100312, "q_0.175": 2.694717720145578, "q_0.2": 2.7692014724933216, "q_0.225": 2.84125168116666, "q_0.25": 2.936751458127352, "q_0.275": 3.020564526122191, "q_0.3": 3.1038916893925044, "q_0.325": 3.190748032243511, "q_0.35": 3.242295034838273, "q_0.375": 3.3599959988609305, "q_0.4": 3.4271889629527417, "q_0.425": 3.487160243873938, "q_0.45": 3.595675394986391, "q_0.475": 3.662533919791173, "q_0.5": 3.765465786592039, "q_0.525": 3.8520319279175643, "q_0.55": 3.9019702146491886, "q_0.575": 3.979310380219098, "q_0.6": 4.069461891461078, "q_0.625": 4.166048011483285, "q_0.65": 4.244116750987674, "q_0.675": 4.313556461719718, "q_0.7": 4.408561505873681, "q_0.725": 4.516051055433561, "q_0.75": 4.622718424084674, "q_0.775": 4.723201299324568, "q_0.8": 4.790814369247537, "q_0.825": 4.947550843487259, "q_0.85": 5.016816119104931, "q_0.875": 5.0913926116210195, "q_0.9": 5.185038310859877, "q_0.925": 5.274459398427366, "q_0.95": 5.409705679618207, "q_0.975": 5.520116401135856, "q_1": 5.837161538626953}, {"x": 60.14405762304922, "y": 3.3713734471331547, "y_true": 2.1696546622846133, "y_pred": 3.765465786592039, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.256075540873479, "q_0.05": 2.3214495404338056, "q_0.075": 2.3772434880889484, "q_0.1": 2.5002580120420794, "q_0.125": 2.5513914254666124, "q_0.15": 2.626790682100312, "q_0.175": 2.694717720145578, "q_0.2": 2.7692014724933216, "q_0.225": 2.84125168116666, "q_0.25": 2.936751458127352, "q_0.275": 3.020564526122191, "q_0.3": 3.1038916893925044, "q_0.325": 3.190748032243511, "q_0.35": 3.242295034838273, "q_0.375": 3.3599959988609305, "q_0.4": 3.4271889629527417, "q_0.425": 3.487160243873938, "q_0.45": 3.595675394986391, "q_0.475": 3.662533919791173, "q_0.5": 3.765465786592039, "q_0.525": 3.8520319279175643, "q_0.55": 3.9019702146491886, "q_0.575": 3.979310380219098, "q_0.6": 4.069461891461078, "q_0.625": 4.166048011483285, "q_0.65": 4.244116750987674, "q_0.675": 4.313556461719718, "q_0.7": 4.408561505873681, "q_0.725": 4.516051055433561, "q_0.75": 4.622718424084674, "q_0.775": 4.723201299324568, "q_0.8": 4.790814369247537, "q_0.825": 4.947550843487259, "q_0.85": 5.016816119104931, "q_0.875": 5.0913926116210195, "q_0.9": 5.185038310859877, "q_0.925": 5.274459398427366, "q_0.95": 5.409705679618207, "q_0.975": 5.520116401135856, "q_1": 5.837161538626953}, {"x": 60.18407362945178, "y": 2.352851368246699, "y_true": 2.169949241533142, "y_pred": 3.8401305046081626, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.262244145373584, "q_0.05": 2.3336349994424728, "q_0.075": 2.4168897295118708, "q_0.1": 2.5124163560534356, "q_0.125": 2.5824788252277386, "q_0.15": 2.6541578119540423, "q_0.175": 2.7314628360912634, "q_0.2": 2.8103038764348796, "q_0.225": 2.895784684580308, "q_0.25": 2.989018198491409, "q_0.275": 3.0566893853960195, "q_0.3": 3.1389550153975248, "q_0.325": 3.2272251196176116, "q_0.35": 3.3060480622945105, "q_0.375": 3.4027910498624365, "q_0.4": 3.463931160638419, "q_0.425": 3.589956712437207, "q_0.45": 3.6521887366434163, "q_0.475": 3.7605574367515606, "q_0.5": 3.8401305046081626, "q_0.525": 3.8963750098615257, "q_0.55": 3.9706560872178303, "q_0.575": 4.0520077802237635, "q_0.6": 4.159624545279746, "q_0.625": 4.227338331581401, "q_0.65": 4.300086304220903, "q_0.675": 4.392243584439354, "q_0.7": 4.4577561764662015, "q_0.725": 4.578294537006855, "q_0.75": 4.678755810464409, "q_0.775": 4.756470150633469, "q_0.8": 4.8509603468555325, "q_0.825": 4.968567153083912, "q_0.85": 5.062223015865831, "q_0.875": 5.139244774896667, "q_0.9": 5.243878920052846, "q_0.925": 5.326908514789949, "q_0.95": 5.439209981764, "q_0.975": 5.552904580642949, "q_1": 6.143265894680987}, {"x": 60.22408963585434, "y": 3.473326406054997, "y_true": 2.170243636157871, "y_pred": 3.8411801370471075, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.262244145373584, "q_0.05": 2.3336349994424728, "q_0.075": 2.4168897295118708, "q_0.1": 2.5124163560534356, "q_0.125": 2.5824788252277386, "q_0.15": 2.6541578119540423, "q_0.175": 2.747622889008604, "q_0.2": 2.8103038764348796, "q_0.225": 2.895784684580308, "q_0.25": 2.992355329402174, "q_0.275": 3.060694866210393, "q_0.3": 3.1389550153975248, "q_0.325": 3.2272251196176116, "q_0.35": 3.3085591108551915, "q_0.375": 3.4027910498624365, "q_0.4": 3.4675932032294647, "q_0.425": 3.593154981231417, "q_0.45": 3.6599825503871974, "q_0.475": 3.7626471607673375, "q_0.5": 3.8411801370471075, "q_0.525": 3.901450099337002, "q_0.55": 3.979310380219098, "q_0.575": 4.069461891461078, "q_0.6": 4.160652236291072, "q_0.625": 4.230336563461151, "q_0.65": 4.300148268286122, "q_0.675": 4.392927420470581, "q_0.7": 4.469765744176254, "q_0.725": 4.58431812300384, "q_0.75": 4.691764555999637, "q_0.775": 4.756470150633469, "q_0.8": 4.856649516072533, "q_0.825": 4.968567153083912, "q_0.85": 5.062673872145627, "q_0.875": 5.139244774896667, "q_0.9": 5.2493410663713655, "q_0.925": 5.326908514789949, "q_0.95": 5.439209981764, "q_0.975": 5.552904580642949, "q_1": 6.143265894680987}, {"x": 60.26410564225691, "y": 2.5630173325376346, "y_true": 2.1705378463937843, "y_pred": 3.894797686267373, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.352851368246699, "q_0.075": 2.4385601844510814, "q_0.1": 2.5356962020120815, "q_0.125": 2.611739910164468, "q_0.15": 2.6837326405008817, "q_0.175": 2.7655994317285475, "q_0.2": 2.8591427934207636, "q_0.225": 2.936751458127352, "q_0.25": 3.020564526122191, "q_0.275": 3.1038916893925044, "q_0.3": 3.190748032243511, "q_0.325": 3.2454678388994074, "q_0.35": 3.3669541319923058, "q_0.375": 3.4388610245938738, "q_0.4": 3.575211140266689, "q_0.425": 3.644382332341345, "q_0.45": 3.7403507254469526, "q_0.475": 3.813279456651519, "q_0.5": 3.894797686267373, "q_0.525": 3.938887660375021, "q_0.55": 4.026529118542276, "q_0.575": 4.129233268696933, "q_0.6": 4.220603647459683, "q_0.625": 4.294184614400879, "q_0.65": 4.374279959416117, "q_0.675": 4.432607723991004, "q_0.7": 4.522029453055156, "q_0.725": 4.632574887407137, "q_0.75": 4.7283197096877565, "q_0.775": 4.790814369247537, "q_0.8": 4.952956496444671, "q_0.825": 5.040423637358805, "q_0.85": 5.10512455366794, "q_0.875": 5.185038310859877, "q_0.9": 5.26400136296239, "q_0.925": 5.382901315934678, "q_0.95": 5.4854647229841955, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.30412164865947, "y": 4.102839283973845, "y_true": 2.1708318724754134, "y_pred": 3.894797686267373, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.352851368246699, "q_0.075": 2.445440885259209, "q_0.1": 2.5356962020120815, "q_0.125": 2.6139177923910553, "q_0.15": 2.6929873493683907, "q_0.175": 2.7655994317285475, "q_0.2": 2.8591427934207636, "q_0.225": 2.936751458127352, "q_0.25": 3.020564526122191, "q_0.275": 3.1038916893925044, "q_0.3": 3.190748032243511, "q_0.325": 3.2454678388994074, "q_0.35": 3.3669541319923058, "q_0.375": 3.4416530888150776, "q_0.4": 3.579857754910864, "q_0.425": 3.6521887366434163, "q_0.45": 3.7547772126378556, "q_0.475": 3.826252714012897, "q_0.5": 3.894797686267373, "q_0.525": 3.9481079483925474, "q_0.55": 4.032013985208807, "q_0.575": 4.144404360774186, "q_0.6": 4.221343987754201, "q_0.625": 4.294184614400879, "q_0.65": 4.375882358761977, "q_0.675": 4.432607723991004, "q_0.7": 4.522029453055156, "q_0.725": 4.632574887407137, "q_0.75": 4.7283197096877565, "q_0.775": 4.794439991857457, "q_0.8": 4.957682754476652, "q_0.825": 5.041086014358456, "q_0.85": 5.10512455366794, "q_0.875": 5.185038310859877, "q_0.9": 5.264459858726333, "q_0.925": 5.38334529853516, "q_0.95": 5.4854647229841955, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.34413765506203, "y": 4.377901776833773, "y_true": 2.17112571463684, "y_pred": 3.8973651499288904, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.353506792095349, "q_0.075": 2.447016021033377, "q_0.1": 2.545912969191281, "q_0.125": 2.6139177923910553, "q_0.15": 2.7030776585557437, "q_0.175": 2.7752713456731835, "q_0.2": 2.8621760078340626, "q_0.225": 2.951597313679295, "q_0.25": 3.0294791809921167, "q_0.275": 3.1056016406973153, "q_0.3": 3.2084094520496587, "q_0.325": 3.258385873746776, "q_0.35": 3.3725130535405006, "q_0.375": 3.4547861338817887, "q_0.4": 3.589956712437207, "q_0.425": 3.6599825503871974, "q_0.45": 3.7605574367515606, "q_0.475": 3.8362449438349007, "q_0.5": 3.8973651499288904, "q_0.525": 3.979310380219098, "q_0.55": 4.069461891461078, "q_0.575": 4.159624545279746, "q_0.6": 4.2252784842081015, "q_0.625": 4.2957353985901, "q_0.65": 4.377901776833773, "q_0.675": 4.443391487815205, "q_0.7": 4.52422255612569, "q_0.725": 4.634107794686277, "q_0.75": 4.733879123457755, "q_0.775": 4.810891937572263, "q_0.8": 4.957682754476652, "q_0.825": 5.042333856779798, "q_0.85": 5.106054082646271, "q_0.875": 5.185038310859877, "q_0.9": 5.268514533509989, "q_0.925": 5.38334529853516, "q_0.95": 5.4871910874368695, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.38415366146459, "y": 5.567176255641547, "y_true": 2.1714193731116946, "y_pred": 3.9019702146491886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3553129290502435, "q_0.075": 2.4491475731569237, "q_0.1": 2.545912969191281, "q_0.125": 2.6139177923910553, "q_0.15": 2.7030776585557437, "q_0.175": 2.7752713456731835, "q_0.2": 2.8624178181016484, "q_0.225": 2.951597313679295, "q_0.25": 3.0294791809921167, "q_0.275": 3.1056016406973153, "q_0.3": 3.2084094520496587, "q_0.325": 3.258385873746776, "q_0.35": 3.378773931006645, "q_0.375": 3.4547861338817887, "q_0.4": 3.589956712437207, "q_0.425": 3.662533919791173, "q_0.45": 3.7626471607673375, "q_0.475": 3.8401305046081626, "q_0.5": 3.9019702146491886, "q_0.525": 3.979310380219098, "q_0.55": 4.069461891461078, "q_0.575": 4.159624545279746, "q_0.6": 4.2252784842081015, "q_0.625": 4.300086304220903, "q_0.65": 4.3800576741755854, "q_0.675": 4.443391487815205, "q_0.7": 4.52422255612569, "q_0.725": 4.636954622490416, "q_0.75": 4.743657261949687, "q_0.775": 4.810891937572263, "q_0.8": 4.957682754476652, "q_0.825": 5.042333856779798, "q_0.85": 5.106054082646271, "q_0.875": 5.185038310859877, "q_0.9": 5.268514533509989, "q_0.925": 5.390976236028726, "q_0.95": 5.4871910874368695, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.42416966786715, "y": 2.8431470020550194, "y_true": 2.1717128481331613, "y_pred": 3.9019702146491886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3553129290502435, "q_0.075": 2.4491475731569237, "q_0.1": 2.545912969191281, "q_0.125": 2.6139177923910553, "q_0.15": 2.7030776585557437, "q_0.175": 2.7752713456731835, "q_0.2": 2.8624178181016484, "q_0.225": 2.951597313679295, "q_0.25": 3.0294791809921167, "q_0.275": 3.1056016406973153, "q_0.3": 3.2084094520496587, "q_0.325": 3.258385873746776, "q_0.35": 3.378773931006645, "q_0.375": 3.4547861338817887, "q_0.4": 3.589956712437207, "q_0.425": 3.662533919791173, "q_0.45": 3.7626471607673375, "q_0.475": 3.8401305046081626, "q_0.5": 3.9019702146491886, "q_0.525": 3.979310380219098, "q_0.55": 4.069461891461078, "q_0.575": 4.159624545279746, "q_0.6": 4.2252784842081015, "q_0.625": 4.300086304220903, "q_0.65": 4.3800576741755854, "q_0.675": 4.443391487815205, "q_0.7": 4.52422255612569, "q_0.725": 4.636954622490416, "q_0.75": 4.743657261949687, "q_0.775": 4.810891937572263, "q_0.8": 4.957682754476652, "q_0.825": 5.042333856779798, "q_0.85": 5.106054082646271, "q_0.875": 5.185038310859877, "q_0.9": 5.268514533509989, "q_0.925": 5.390976236028726, "q_0.95": 5.4871910874368695, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.46418567426971, "y": 2.885081183982993, "y_true": 2.1720061399339756, "y_pred": 3.9019702146491886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3553129290502435, "q_0.075": 2.4491475731569237, "q_0.1": 2.545912969191281, "q_0.125": 2.6139177923910553, "q_0.15": 2.7030776585557437, "q_0.175": 2.7752713456731835, "q_0.2": 2.8624178181016484, "q_0.225": 2.951597313679295, "q_0.25": 3.0294791809921167, "q_0.275": 3.1056016406973153, "q_0.3": 3.2084094520496587, "q_0.325": 3.258385873746776, "q_0.35": 3.378773931006645, "q_0.375": 3.4547861338817887, "q_0.4": 3.589956712437207, "q_0.425": 3.662533919791173, "q_0.45": 3.7626471607673375, "q_0.475": 3.8401305046081626, "q_0.5": 3.9019702146491886, "q_0.525": 3.979310380219098, "q_0.55": 4.069461891461078, "q_0.575": 4.159624545279746, "q_0.6": 4.2252784842081015, "q_0.625": 4.300086304220903, "q_0.65": 4.3800576741755854, "q_0.675": 4.443391487815205, "q_0.7": 4.52422255612569, "q_0.725": 4.636954622490416, "q_0.75": 4.743657261949687, "q_0.775": 4.810891937572263, "q_0.8": 4.957682754476652, "q_0.825": 5.042333856779798, "q_0.85": 5.106054082646271, "q_0.875": 5.185038310859877, "q_0.9": 5.268514533509989, "q_0.925": 5.390976236028726, "q_0.95": 5.4871910874368695, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.504201680672274, "y": 5.433399279033473, "y_true": 2.172299248746427, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4491475731569237, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.885081183982993, "q_0.225": 2.9520467796015497, "q_0.25": 3.0313157533240775, "q_0.275": 3.1125389204175766, "q_0.3": 3.2116868808328896, "q_0.325": 3.268772000753912, "q_0.35": 3.380000592960841, "q_0.375": 3.463931160638419, "q_0.4": 3.5943810041373774, "q_0.425": 3.6686483526170925, "q_0.45": 3.7650094299458683, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.9915468113084107, "q_0.55": 4.07491012231792, "q_0.575": 4.165418608122762, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.446010371887997, "q_0.7": 4.542961787693435, "q_0.725": 4.66209043281477, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.958608440376249, "q_0.825": 5.046483195940112, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.4871910874368695, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.544217687074834, "y": 5.14931419660949, "y_true": 2.1725921748023604, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.584233693477394, "y": 4.294184614400879, "y_true": 2.172884918333177, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.624249699879954, "y": 5.070988544797505, "y_true": 2.1731774795698344, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.664265706282514, "y": 2.895784684580308, "y_true": 2.173469858742849, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.704281712685074, "y": 5.185038310859877, "y_true": 2.173762056082298, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.74429771908764, "y": 5.162726816833436, "y_true": 2.1740540718178174, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.7843137254902, "y": 3.0294791809921167, "y_true": 2.174345906178606, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.82432973189276, "y": 3.9270996254033266, "y_true": 2.1746375593934255, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.86434573829532, "y": 5.380634474795927, "y_true": 2.1749290316906014, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.90436174469788, "y": 4.517247572907062, "y_true": 2.1752203232980247, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.94437775110044, "y": 4.453710696406102, "y_true": 2.175511434443152, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.98439375750301, "y": 4.106844584877033, "y_true": 2.175802365353008, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.02440976390557, "y": 3.1036628067546275, "y_true": 2.1760931162541857, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.06442577030813, "y": 5.552904580642949, "y_true": 2.176383687372847, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3689382163280093, "q_0.075": 2.467143277789109, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.278547127976843, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547887615732293, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.104441776710686, "y": 3.721318052865973, "y_true": 2.1766740789347256, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3689382163280093, "q_0.075": 2.467143277789109, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.278547127976843, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547887615732293, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.144457783113246, "y": 3.252176576960893, "y_true": 2.1769642911651266, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3689382163280093, "q_0.075": 2.467143277789109, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.278547127976843, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547887615732293, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.184473789515806, "y": 4.692978978979894, "y_true": 2.177254324288927, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3689382163280093, "q_0.075": 2.467143277789109, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.278547127976843, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547887615732293, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.22448979591837, "y": 4.2762798196995, "y_true": 2.1775441785305785, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3689382163280093, "q_0.075": 2.467143277789109, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.278547127976843, "q_0.35": 3.39294710354336, "q_0.375": 3.4692857346255943, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.546343046079797, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.26450580232093, "y": 3.3599959988609305, "y_true": 2.1778338541141085, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3689382163280093, "q_0.075": 2.467143277789109, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.278547127976843, "q_0.35": 3.39294710354336, "q_0.375": 3.4692857346255943, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.546343046079797, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.30452180872349, "y": 3.2276654498665414, "y_true": 2.178123351263119, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.467143277789109, "q_0.1": 2.550971946077841, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.281247964008155, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.5954165168165892, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547578701801782, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.34453781512605, "y": 2.9196279721722176, "y_true": 2.17841267020079, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.467143277789109, "q_0.1": 2.550971946077841, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.281247964008155, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.5954165168165892, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547578701801782, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.38455382152861, "y": 2.4499566676528994, "y_true": 2.1787018111498804, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.467143277789109, "q_0.1": 2.550971946077841, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.281247964008155, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.5954165168165892, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547578701801782, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.42456982793117, "y": 4.3418882569230695, "y_true": 2.1789907743327266, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.467143277789109, "q_0.1": 2.550971946077841, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.281247964008155, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.5954165168165892, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547578701801782, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.46458583433373, "y": 3.9276318068261338, "y_true": 2.1792795599712473, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.467143277789109, "q_0.1": 2.550971946077841, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.281247964008155, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.5954165168165892, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547578701801782, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.5046018407363, "y": 2.9916657982184516, "y_true": 2.179568168286941, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.467143277789109, "q_0.1": 2.550971946077841, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.281247964008155, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.5954165168165892, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547578701801782, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.54461784713886, "y": 2.3705100147784943, "y_true": 2.1798565995008903, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.4748083301896857, "q_0.1": 2.550971946077841, "q_0.125": 2.6282476375694124, "q_0.15": 2.7076962068961796, "q_0.175": 2.7808084367888304, "q_0.2": 2.8934418200942686, "q_0.225": 2.961856021242216, "q_0.25": 3.0357156316996825, "q_0.275": 3.113677407994869, "q_0.3": 3.2254316406353265, "q_0.325": 3.2892852977607623, "q_0.35": 3.39294710354336, "q_0.375": 3.48252914427161, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.7747173974049257, "q_0.475": 3.8530392777928797, "q_0.5": 3.915578403502124, "q_0.525": 4.00084986113317, "q_0.55": 4.0959939948932345, "q_0.575": 4.1693919135845805, "q_0.6": 4.244116750987674, "q_0.625": 4.321950756108855, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.548065345076315, "q_0.725": 4.667232157575263, "q_0.75": 4.751295572180412, "q_0.775": 4.824497756750446, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.116321735174258, "q_0.875": 5.200812083554782, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.58463385354142, "y": 2.2455278951685043, "y_true": 2.1801448538337596, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.4748083301896857, "q_0.1": 2.550971946077841, "q_0.125": 2.6282476375694124, "q_0.15": 2.7076962068961796, "q_0.175": 2.7808084367888304, "q_0.2": 2.8934418200942686, "q_0.225": 2.961856021242216, "q_0.25": 3.0357156316996825, "q_0.275": 3.113677407994869, "q_0.3": 3.2254316406353265, "q_0.325": 3.2892852977607623, "q_0.35": 3.39294710354336, "q_0.375": 3.48252914427161, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.7747173974049257, "q_0.475": 3.8530392777928797, "q_0.5": 3.915578403502124, "q_0.525": 4.00084986113317, "q_0.55": 4.0959939948932345, "q_0.575": 4.1693919135845805, "q_0.6": 4.244116750987674, "q_0.625": 4.321950756108855, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.548065345076315, "q_0.725": 4.667232157575263, "q_0.75": 4.751295572180412, "q_0.775": 4.824497756750446, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.116321735174258, "q_0.875": 5.200812083554782, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.62464985994398, "y": 4.735520873478441, "y_true": 2.180432931505799, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.4748083301896857, "q_0.1": 2.550971946077841, "q_0.125": 2.6282476375694124, "q_0.15": 2.7076962068961796, "q_0.175": 2.7808084367888304, "q_0.2": 2.8934418200942686, "q_0.225": 2.961856021242216, "q_0.25": 3.0357156316996825, "q_0.275": 3.113677407994869, "q_0.3": 3.2254316406353265, "q_0.325": 3.2892852977607623, "q_0.35": 3.39294710354336, "q_0.375": 3.48252914427161, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.7747173974049257, "q_0.475": 3.8530392777928797, "q_0.5": 3.915578403502124, "q_0.525": 4.00084986113317, "q_0.55": 4.0959939948932345, "q_0.575": 4.1693919135845805, "q_0.6": 4.244116750987674, "q_0.625": 4.321950756108855, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.548065345076315, "q_0.725": 4.667232157575263, "q_0.75": 4.751295572180412, "q_0.775": 4.824497756750446, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.116321735174258, "q_0.875": 5.200812083554782, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.66466586634654, "y": 2.8321677054282812, "y_true": 2.180720832736844, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.4748083301896857, "q_0.1": 2.550971946077841, "q_0.125": 2.6282476375694124, "q_0.15": 2.7076962068961796, "q_0.175": 2.7808084367888304, "q_0.2": 2.8934418200942686, "q_0.225": 2.961856021242216, "q_0.25": 3.0357156316996825, "q_0.275": 3.113677407994869, "q_0.3": 3.2254316406353265, "q_0.325": 3.2892852977607623, "q_0.35": 3.39294710354336, "q_0.375": 3.48252914427161, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.7747173974049257, "q_0.475": 3.8530392777928797, "q_0.5": 3.915578403502124, "q_0.525": 4.00084986113317, "q_0.55": 4.0959939948932345, "q_0.575": 4.1693919135845805, "q_0.6": 4.244116750987674, "q_0.625": 4.321950756108855, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.548065345076315, "q_0.725": 4.667232157575263, "q_0.75": 4.751295572180412, "q_0.775": 4.824497756750446, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.116321735174258, "q_0.875": 5.200812083554782, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.7046818727491, "y": 3.1038916893925044, "y_true": 2.1810085577463165, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.4748083301896857, "q_0.1": 2.550971946077841, "q_0.125": 2.6282476375694124, "q_0.15": 2.7076962068961796, "q_0.175": 2.7808084367888304, "q_0.2": 2.8934418200942686, "q_0.225": 2.961856021242216, "q_0.25": 3.0357156316996825, "q_0.275": 3.113677407994869, "q_0.3": 3.2254316406353265, "q_0.325": 3.2892852977607623, "q_0.35": 3.39294710354336, "q_0.375": 3.48252914427161, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.7747173974049257, "q_0.475": 3.8530392777928797, "q_0.5": 3.915578403502124, "q_0.525": 4.00084986113317, "q_0.55": 4.0959939948932345, "q_0.575": 4.1693919135845805, "q_0.6": 4.244116750987674, "q_0.625": 4.321950756108855, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.548065345076315, "q_0.725": 4.667232157575263, "q_0.75": 4.751295572180412, "q_0.775": 4.824497756750446, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.116321735174258, "q_0.875": 5.200812083554782, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.744697879151666, "y": 2.2301488359328983, "y_true": 2.1812961067532273, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.4748083301896857, "q_0.1": 2.550971946077841, "q_0.125": 2.6282476375694124, "q_0.15": 2.7076962068961796, "q_0.175": 2.7808084367888304, "q_0.2": 2.8934418200942686, "q_0.225": 2.961856021242216, "q_0.25": 3.0357156316996825, "q_0.275": 3.113677407994869, "q_0.3": 3.2254316406353265, "q_0.325": 3.2892852977607623, "q_0.35": 3.39294710354336, "q_0.375": 3.48252914427161, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.7747173974049257, "q_0.475": 3.8530392777928797, "q_0.5": 3.915578403502124, "q_0.525": 4.00084986113317, "q_0.55": 4.0959939948932345, "q_0.575": 4.1693919135845805, "q_0.6": 4.244116750987674, "q_0.625": 4.321950756108855, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.548065345076315, "q_0.725": 4.667232157575263, "q_0.75": 4.751295572180412, "q_0.775": 4.824497756750446, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.116321735174258, "q_0.875": 5.200812083554782, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.784713885554225, "y": 2.7031510799684204, "y_true": 2.181583479976174, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.4748083301896857, "q_0.1": 2.550971946077841, "q_0.125": 2.6282476375694124, "q_0.15": 2.7076962068961796, "q_0.175": 2.7808084367888304, "q_0.2": 2.8934418200942686, "q_0.225": 2.961856021242216, "q_0.25": 3.0357156316996825, "q_0.275": 3.113677407994869, "q_0.3": 3.2254316406353265, "q_0.325": 3.2892852977607623, "q_0.35": 3.39294710354336, "q_0.375": 3.48252914427161, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.7747173974049257, "q_0.475": 3.8530392777928797, "q_0.5": 3.915578403502124, "q_0.525": 4.00084986113317, "q_0.55": 4.0959939948932345, "q_0.575": 4.1693919135845805, "q_0.6": 4.244116750987674, "q_0.625": 4.321950756108855, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.548065345076315, "q_0.725": 4.667232157575263, "q_0.75": 4.751295572180412, "q_0.775": 4.824497756750446, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.116321735174258, "q_0.875": 5.200812083554782, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.824729891956785, "y": 5.210070557857085, "y_true": 2.181870677633346, "y_pred": 3.9481079483925474, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.290056316871354, "q_0.05": 2.3859252515807206, "q_0.075": 2.487458932629056, "q_0.1": 2.573646553606184, "q_0.125": 2.6543719937017753, "q_0.15": 2.7314628360912634, "q_0.175": 2.8155908860541063, "q_0.2": 2.911161371283312, "q_0.225": 2.994959180939754, "q_0.25": 3.0627632331165406, "q_0.275": 3.1399549034847745, "q_0.3": 3.2319040057379813, "q_0.325": 3.329921802687885, "q_0.35": 3.4274316564430234, "q_0.375": 3.5638866232853736, "q_0.4": 3.644382332341345, "q_0.425": 3.7403507254469526, "q_0.45": 3.812179321231008, "q_0.475": 3.894797686267373, "q_0.5": 3.9481079483925474, "q_0.525": 4.022717216561261, "q_0.55": 4.119811094882084, "q_0.575": 4.220603647459683, "q_0.6": 4.29034777830392, "q_0.625": 4.355712970799319, "q_0.65": 4.426502371231264, "q_0.675": 4.507382818235483, "q_0.7": 4.586837842398975, "q_0.725": 4.696883024241005, "q_0.75": 4.764920622283495, "q_0.775": 4.856649516072533, "q_0.8": 4.968028921493171, "q_0.825": 5.070988544797505, "q_0.85": 5.129819578235136, "q_0.875": 5.210070557857085, "q_0.9": 5.294908794287287, "q_0.925": 5.409705679618207, "q_0.95": 5.500068095794937, "q_0.975": 5.619475070528971, "q_1": 6.27034173399522}, {"x": 61.864745898359345, "y": 3.020564526122191, "y_true": 2.182157699942521, "y_pred": 3.9481079483925474, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.290056316871354, "q_0.05": 2.3859252515807206, "q_0.075": 2.487458932629056, "q_0.1": 2.573646553606184, "q_0.125": 2.6543719937017753, "q_0.15": 2.7314628360912634, "q_0.175": 2.8155908860541063, "q_0.2": 2.911161371283312, "q_0.225": 2.994959180939754, "q_0.25": 3.0627632331165406, "q_0.275": 3.1399549034847745, "q_0.3": 3.2319040057379813, "q_0.325": 3.329921802687885, "q_0.35": 3.4274316564430234, "q_0.375": 3.5638866232853736, "q_0.4": 3.644382332341345, "q_0.425": 3.7403507254469526, "q_0.45": 3.812179321231008, "q_0.475": 3.894797686267373, "q_0.5": 3.9481079483925474, "q_0.525": 4.022717216561261, "q_0.55": 4.119811094882084, "q_0.575": 4.220603647459683, "q_0.6": 4.29034777830392, "q_0.625": 4.355712970799319, "q_0.65": 4.426502371231264, "q_0.675": 4.507382818235483, "q_0.7": 4.586837842398975, "q_0.725": 4.696883024241005, "q_0.75": 4.764920622283495, "q_0.775": 4.856649516072533, "q_0.8": 4.968028921493171, "q_0.825": 5.070988544797505, "q_0.85": 5.129819578235136, "q_0.875": 5.210070557857085, "q_0.9": 5.294908794287287, "q_0.925": 5.409705679618207, "q_0.95": 5.500068095794937, "q_0.975": 5.619475070528971, "q_1": 6.27034173399522}, {"x": 61.904761904761905, "y": 5.4871910874368695, "y_true": 2.182444547121072, "y_pred": 3.9746732881588036, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3859252515807206, "q_0.075": 2.487458932629056, "q_0.1": 2.5783249528531256, "q_0.125": 2.6543719937017753, "q_0.15": 2.747622889008604, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 2.999705628458944, "q_0.25": 3.0713365782868456, "q_0.275": 3.1482067048217877, "q_0.3": 3.2344832109780834, "q_0.325": 3.352198557724701, "q_0.35": 3.4287420980806305, "q_0.375": 3.575211140266689, "q_0.4": 3.6521887366434163, "q_0.425": 3.7547772126378556, "q_0.45": 3.812179321231008, "q_0.475": 3.8963750098615257, "q_0.5": 3.9746732881588036, "q_0.525": 4.050160084879023, "q_0.55": 4.144404360774186, "q_0.575": 4.221343987754201, "q_0.6": 4.294184614400879, "q_0.625": 4.374279959416117, "q_0.65": 4.432607723991004, "q_0.675": 4.512375995836736, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.764920622283495, "q_0.775": 4.877852228063945, "q_0.8": 4.968567153083912, "q_0.825": 5.07817765281532, "q_0.85": 5.139244774896667, "q_0.875": 5.243878920052846, "q_0.9": 5.300828399401942, "q_0.925": 5.411893747952724, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 61.944777911164465, "y": 2.7521720906570124, "y_true": 2.1827312193859614, "y_pred": 3.9746732881588036, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3859252515807206, "q_0.075": 2.487458932629056, "q_0.1": 2.5783249528531256, "q_0.125": 2.6543719937017753, "q_0.15": 2.747622889008604, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 2.999705628458944, "q_0.25": 3.0713365782868456, "q_0.275": 3.1482067048217877, "q_0.3": 3.2344832109780834, "q_0.325": 3.352198557724701, "q_0.35": 3.4287420980806305, "q_0.375": 3.575211140266689, "q_0.4": 3.6521887366434163, "q_0.425": 3.7547772126378556, "q_0.45": 3.812179321231008, "q_0.475": 3.8963750098615257, "q_0.5": 3.9746732881588036, "q_0.525": 4.050160084879023, "q_0.55": 4.144404360774186, "q_0.575": 4.221343987754201, "q_0.6": 4.294184614400879, "q_0.625": 4.374279959416117, "q_0.65": 4.432607723991004, "q_0.675": 4.512375995836736, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.764920622283495, "q_0.775": 4.877852228063945, "q_0.8": 4.968567153083912, "q_0.825": 5.07817765281532, "q_0.85": 5.139244774896667, "q_0.875": 5.243878920052846, "q_0.9": 5.300828399401942, "q_0.925": 5.411893747952724, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 61.98479391756703, "y": 3.060694866210393, "y_true": 2.1830177169537475, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3859252515807206, "q_0.075": 2.487458932629056, "q_0.1": 2.5824788252277386, "q_0.125": 2.6562559056512716, "q_0.15": 2.747622889008604, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 2.999705628458944, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2374254654126324, "q_0.325": 3.3528215475055045, "q_0.35": 3.4287420980806305, "q_0.375": 3.575211140266689, "q_0.4": 3.6521887366434163, "q_0.425": 3.7547772126378556, "q_0.45": 3.813279456651519, "q_0.475": 3.8963750098615257, "q_0.5": 3.979310380219098, "q_0.525": 4.0520077802237635, "q_0.55": 4.159624545279746, "q_0.575": 4.221343987754201, "q_0.6": 4.2957353985901, "q_0.625": 4.375882358761977, "q_0.65": 4.432607723991004, "q_0.675": 4.512375995836736, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.765593624522088, "q_0.775": 4.877852228063945, "q_0.8": 4.970992666100149, "q_0.825": 5.083546888731943, "q_0.85": 5.139244774896667, "q_0.875": 5.243878920052846, "q_0.9": 5.300828399401942, "q_0.925": 5.4109510529294305, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.02480992396959, "y": 5.1908939379888235, "y_true": 2.1833040400405834, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3859252515807206, "q_0.075": 2.487458932629056, "q_0.1": 2.5824788252277386, "q_0.125": 2.6562559056512716, "q_0.15": 2.747622889008604, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 2.999705628458944, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2374254654126324, "q_0.325": 3.3528215475055045, "q_0.35": 3.4287420980806305, "q_0.375": 3.575211140266689, "q_0.4": 3.6521887366434163, "q_0.425": 3.7547772126378556, "q_0.45": 3.813279456651519, "q_0.475": 3.8963750098615257, "q_0.5": 3.979310380219098, "q_0.525": 4.0520077802237635, "q_0.55": 4.159624545279746, "q_0.575": 4.221343987754201, "q_0.6": 4.2957353985901, "q_0.625": 4.375882358761977, "q_0.65": 4.432607723991004, "q_0.675": 4.512375995836736, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.765593624522088, "q_0.775": 4.877852228063945, "q_0.8": 4.970992666100149, "q_0.825": 5.083546888731943, "q_0.85": 5.139244774896667, "q_0.875": 5.243878920052846, "q_0.9": 5.300828399401942, "q_0.925": 5.4109510529294305, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.06482593037215, "y": 3.662533919791173, "y_true": 2.183590188862218, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3859252515807206, "q_0.075": 2.487458932629056, "q_0.1": 2.5824788252277386, "q_0.125": 2.6562559056512716, "q_0.15": 2.747622889008604, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 2.999705628458944, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2374254654126324, "q_0.325": 3.3528215475055045, "q_0.35": 3.4287420980806305, "q_0.375": 3.575211140266689, "q_0.4": 3.6521887366434163, "q_0.425": 3.7547772126378556, "q_0.45": 3.813279456651519, "q_0.475": 3.8963750098615257, "q_0.5": 3.979310380219098, "q_0.525": 4.0520077802237635, "q_0.55": 4.159624545279746, "q_0.575": 4.221343987754201, "q_0.6": 4.2957353985901, "q_0.625": 4.375882358761977, "q_0.65": 4.432607723991004, "q_0.675": 4.512375995836736, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.765593624522088, "q_0.775": 4.877852228063945, "q_0.8": 4.970992666100149, "q_0.825": 5.083546888731943, "q_0.85": 5.139244774896667, "q_0.875": 5.243878920052846, "q_0.9": 5.300828399401942, "q_0.925": 5.4109510529294305, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.10484193677471, "y": 3.1125389204175766, "y_true": 2.183876163633996, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3859252515807206, "q_0.075": 2.487458932629056, "q_0.1": 2.5824788252277386, "q_0.125": 2.6562559056512716, "q_0.15": 2.747622889008604, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 2.999705628458944, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2374254654126324, "q_0.325": 3.3528215475055045, "q_0.35": 3.4287420980806305, "q_0.375": 3.575211140266689, "q_0.4": 3.6521887366434163, "q_0.425": 3.7547772126378556, "q_0.45": 3.813279456651519, "q_0.475": 3.8963750098615257, "q_0.5": 3.979310380219098, "q_0.525": 4.0520077802237635, "q_0.55": 4.159624545279746, "q_0.575": 4.221343987754201, "q_0.6": 4.2957353985901, "q_0.625": 4.375882358761977, "q_0.65": 4.432607723991004, "q_0.675": 4.512375995836736, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.765593624522088, "q_0.775": 4.877852228063945, "q_0.8": 4.970992666100149, "q_0.825": 5.083546888731943, "q_0.85": 5.139244774896667, "q_0.875": 5.243878920052846, "q_0.9": 5.300828399401942, "q_0.925": 5.4109510529294305, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.14485794317727, "y": 4.586837842398975, "y_true": 2.1841619645708614, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.58426118249351, "q_0.125": 2.6605533359119957, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 2.999705628458944, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.242295034838273, "q_0.325": 3.3528215475055045, "q_0.35": 3.4287420980806305, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7547772126378556, "q_0.45": 3.815291939236417, "q_0.475": 3.8973651499288904, "q_0.5": 3.979310380219098, "q_0.525": 4.0584114589737235, "q_0.55": 4.159624545279746, "q_0.575": 4.224737472506861, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.513975849148123, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.773004575893655, "q_0.775": 4.877852228063945, "q_0.8": 4.971599044354194, "q_0.825": 5.083794233574257, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.18487394957983, "y": 2.3621394786980647, "y_true": 2.1844475918873574, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.58426118249351, "q_0.125": 2.6605533359119957, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 2.999705628458944, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.242295034838273, "q_0.325": 3.3528215475055045, "q_0.35": 3.4287420980806305, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7547772126378556, "q_0.45": 3.815291939236417, "q_0.475": 3.8973651499288904, "q_0.5": 3.979310380219098, "q_0.525": 4.0584114589737235, "q_0.55": 4.159624545279746, "q_0.575": 4.224737472506861, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.513975849148123, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.773004575893655, "q_0.775": 4.877852228063945, "q_0.8": 4.971599044354194, "q_0.825": 5.083794233574257, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.2248899559824, "y": 5.274459398427366, "y_true": 2.1847330457976253, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.26490596238496, "y": 5.10512455366794, "y_true": 2.1850183265154093, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.30492196878752, "y": 2.4830611004592806, "y_true": 2.1853034342540543, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.34493797519008, "y": 4.957682754476652, "y_true": 2.185588369226509, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.38495398159264, "y": 5.522800072882102, "y_true": 2.1858731316453257, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.4249699879952, "y": 3.894797686267373, "y_true": 2.1861577217226613, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.464985994397765, "y": 4.159624545279746, "y_true": 2.186442139670279, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.505002000800324, "y": 4.548065345076315, "y_true": 2.1867263856995485, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.545018007202884, "y": 3.113677407994869, "y_true": 2.1870104600214475, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.585034013605444, "y": 4.444760389195477, "y_true": 2.187294362846563, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.625050020008004, "y": 3.837958686944493, "y_true": 2.1875780943850915, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.665066026410564, "y": 3.5975549523740504, "y_true": 2.1878616548468397, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.70508203281313, "y": 5.326908514789949, "y_true": 2.1881450444412267, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.74509803921569, "y": 4.9629853738879, "y_true": 2.1884282633772845, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.78511404561825, "y": 5.439209981764, "y_true": 2.1887113118636576, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.82513005202081, "y": 5.09932618037057, "y_true": 2.1889941901086067, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.86514605842337, "y": 2.3347428056554023, "y_true": 2.189276898320007, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.90516206482593, "y": 4.300148268286122, "y_true": 2.18955943670535, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.9451780712285, "y": 4.617894640017489, "y_true": 2.1898418054717457, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.98519407763106, "y": 4.50450104222292, "y_true": 2.190124004825922, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.02521008403362, "y": 3.1372571353673058, "y_true": 2.190406034974225, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.06522609043618, "y": 3.6728362355532678, "y_true": 2.1906878961226237, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.10524209683874, "y": 2.3269025299588066, "y_true": 2.190969588476706, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.1452581032413, "y": 2.519025403056004, "y_true": 2.191251112241683, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.18527410964386, "y": 4.144404360774186, "y_true": 2.1915324676223884, "y_pred": 3.9802035798864055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5112059721542788, "q_0.1": 2.5885912762615337, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9196279721722176, "q_0.225": 3.0132293789234903, "q_0.25": 3.074044595088904, "q_0.275": 3.152976780080413, "q_0.3": 3.2454678388994074, "q_0.325": 3.3599959988609305, "q_0.35": 3.4388610245938738, "q_0.375": 3.579857754910864, "q_0.4": 3.662533919791173, "q_0.425": 3.7605574367515606, "q_0.45": 3.8362449438349007, "q_0.475": 3.9125235968269525, "q_0.5": 3.9802035798864055, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.377901776833773, "q_0.65": 4.43410873947748, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.7041544941924425, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.974391929576763, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.22529011604642, "y": 4.221343987754201, "y_true": 2.1918136548232803, "y_pred": 3.9802035798864055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5112059721542788, "q_0.1": 2.5885912762615337, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9196279721722176, "q_0.225": 3.0132293789234903, "q_0.25": 3.074044595088904, "q_0.275": 3.152976780080413, "q_0.3": 3.2454678388994074, "q_0.325": 3.3599959988609305, "q_0.35": 3.4388610245938738, "q_0.375": 3.579857754910864, "q_0.4": 3.662533919791173, "q_0.425": 3.7605574367515606, "q_0.45": 3.8362449438349007, "q_0.475": 3.9125235968269525, "q_0.5": 3.9802035798864055, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.377901776833773, "q_0.65": 4.43410873947748, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.7041544941924425, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.974391929576763, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.26530612244898, "y": 2.8934418200942686, "y_true": 2.192094674048441, "y_pred": 3.9802035798864055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5112059721542788, "q_0.1": 2.5885912762615337, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9196279721722176, "q_0.225": 3.0132293789234903, "q_0.25": 3.074044595088904, "q_0.275": 3.152976780080413, "q_0.3": 3.2454678388994074, "q_0.325": 3.3599959988609305, "q_0.35": 3.4388610245938738, "q_0.375": 3.579857754910864, "q_0.4": 3.662533919791173, "q_0.425": 3.7605574367515606, "q_0.45": 3.8362449438349007, "q_0.475": 3.9125235968269525, "q_0.5": 3.9802035798864055, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.377901776833773, "q_0.65": 4.43410873947748, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.7041544941924425, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.974391929576763, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.30532212885154, "y": 3.7547772126378556, "y_true": 2.19237552550158, "y_pred": 3.9802035798864055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5112059721542788, "q_0.1": 2.5885912762615337, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9196279721722176, "q_0.225": 3.0132293789234903, "q_0.25": 3.074044595088904, "q_0.275": 3.152976780080413, "q_0.3": 3.2454678388994074, "q_0.325": 3.3599959988609305, "q_0.35": 3.4388610245938738, "q_0.375": 3.579857754910864, "q_0.4": 3.662533919791173, "q_0.425": 3.7605574367515606, "q_0.45": 3.8362449438349007, "q_0.475": 3.9125235968269525, "q_0.5": 3.9802035798864055, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.377901776833773, "q_0.65": 4.43410873947748, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.7041544941924425, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.974391929576763, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.3453381352541, "y": 3.838571948789759, "y_true": 2.1926562093860333, "y_pred": 3.9802035798864055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5112059721542788, "q_0.1": 2.5885912762615337, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9196279721722176, "q_0.225": 3.0132293789234903, "q_0.25": 3.074044595088904, "q_0.275": 3.152976780080413, "q_0.3": 3.2454678388994074, "q_0.325": 3.3599959988609305, "q_0.35": 3.4388610245938738, "q_0.375": 3.579857754910864, "q_0.4": 3.662533919791173, "q_0.425": 3.7605574367515606, "q_0.45": 3.8362449438349007, "q_0.475": 3.9125235968269525, "q_0.5": 3.9802035798864055, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.377901776833773, "q_0.65": 4.43410873947748, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.7041544941924425, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.974391929576763, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.38535414165666, "y": 2.2324697822707993, "y_true": 2.1929367259047625, "y_pred": 3.9802035798864055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5112059721542788, "q_0.1": 2.5885912762615337, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9196279721722176, "q_0.225": 3.0132293789234903, "q_0.25": 3.074044595088904, "q_0.275": 3.152976780080413, "q_0.3": 3.2454678388994074, "q_0.325": 3.3599959988609305, "q_0.35": 3.4388610245938738, "q_0.375": 3.579857754910864, "q_0.4": 3.662533919791173, "q_0.425": 3.7605574367515606, "q_0.45": 3.8362449438349007, "q_0.475": 3.9125235968269525, "q_0.5": 3.9802035798864055, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.377901776833773, "q_0.65": 4.43410873947748, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.7041544941924425, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.974391929576763, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.42537014805922, "y": 2.6902957793665845, "y_true": 2.193217075260361, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.399642310827021, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9196279721722176, "q_0.225": 3.0184671273213675, "q_0.25": 3.0880955221754434, "q_0.275": 3.1754413821479606, "q_0.3": 3.2454678388994074, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.579857754910864, "q_0.4": 3.662533919791173, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.46538615446179, "y": 4.371289574635686, "y_true": 2.193497257655049, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.50540216086435, "y": 5.65771216839458, "y_true": 2.193777273290679, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.54541816726691, "y": 4.463661648252369, "y_true": 2.1940571223687333, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.58543417366947, "y": 2.6139177923910553, "y_true": 2.1943368050903276, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.62545018007203, "y": 5.062113582567358, "y_true": 2.194616321656211, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.66546618647459, "y": 3.7015776824519326, "y_true": 2.1948956722667647, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.705482192877156, "y": 2.487458932629056, "y_true": 2.1951748571220073, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.745498199279716, "y": 4.29042762024537, "y_true": 2.195453876421591, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.785514205682276, "y": 2.992355329402174, "y_true": 2.195732730364806, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.825530212084836, "y": 3.6521887366434163, "y_true": 2.19601141915058, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.865546218487395, "y": 3.3085591108551915, "y_true": 2.1962899429774785, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.905562224889955, "y": 4.443391487815205, "y_true": 2.196568302043707, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.94557823129252, "y": 3.7036069234233358, "y_true": 2.1968464965471113, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.98559423769508, "y": 2.5606760033158236, "y_true": 2.1971245266851773, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.02561024409763, "y": 2.951597313679295, "y_true": 2.1974023926550337, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.0656262505002, "y": 3.947988142112773, "y_true": 2.197680094653452, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.10564225690277, "y": 4.958608440376249, "y_true": 2.1979576328768475, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.14565826330532, "y": 2.2323238872398767, "y_true": 2.198235007521279, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.18567426970789, "y": 4.341589338071442, "y_true": 2.1985122187824526, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.22569027611044, "y": 2.6043662997465216, "y_true": 2.198789266855719, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.26570628251301, "y": 4.313556461719718, "y_true": 2.199066151936077, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.30572228891558, "y": 5.1291143725727935, "y_true": 2.199342874218172, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.34573829531813, "y": 2.999705628458944, "y_true": 2.1996194338963013, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.3857543017207, "y": 3.935354645022729, "y_true": 2.199895831164408, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.42577030812325, "y": 4.911631402706313, "y_true": 2.200172066216089, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.46578631452581, "y": 2.8155908860541063, "y_true": 2.2004481392445903, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.50580232092837, "y": 2.7353199606306218, "y_true": 2.200724050442812, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.54581832733093, "y": 5.37295344998617, "y_true": 2.2009998000033053, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.5858343337335, "y": 4.636251329679341, "y_true": 2.2012753881182765, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.752029890524276, "q_0.175": 2.8386529459956193, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.371243971713839, "q_0.35": 3.457862077928605, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.915578403502124, "q_0.5": 3.986874204152582, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.230336563461151, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.723201299324568, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.155052499406919, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.62585034013605, "y": 4.783936856720974, "y_true": 2.2015508149795866, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.752029890524276, "q_0.175": 2.8386529459956193, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.371243971713839, "q_0.35": 3.457862077928605, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.915578403502124, "q_0.5": 3.986874204152582, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.230336563461151, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.723201299324568, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.155052499406919, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.66586634653862, "y": 5.161240805285043, "y_true": 2.2018260807787526, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.752029890524276, "q_0.175": 2.8386529459956193, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.371243971713839, "q_0.35": 3.457862077928605, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.915578403502124, "q_0.5": 3.986874204152582, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.230336563461151, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.723201299324568, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.155052499406919, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.70588235294117, "y": 4.093946133680477, "y_true": 2.2021011857069466, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.752029890524276, "q_0.175": 2.8386529459956193, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.371243971713839, "q_0.35": 3.457862077928605, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.915578403502124, "q_0.5": 3.986874204152582, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.230336563461151, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.723201299324568, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.155052499406919, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.74589835934374, "y": 3.915578403502124, "y_true": 2.202376129954999, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.752029890524276, "q_0.175": 2.8386529459956193, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.371243971713839, "q_0.35": 3.457862077928605, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.915578403502124, "q_0.5": 3.986874204152582, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.230336563461151, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.723201299324568, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.155052499406919, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.78591436574631, "y": 4.154193620175658, "y_true": 2.2026509137133967, "y_pred": 3.9915468113084107, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.513219928984796, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.7524190153540147, "q_0.175": 2.849518772968909, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.3713734471331547, "q_0.35": 3.462777382413704, "q_0.375": 3.589956712437207, "q_0.4": 3.6728362355532678, "q_0.425": 3.765465786592039, "q_0.45": 3.8411801370471075, "q_0.475": 3.915578403502124, "q_0.5": 3.9915468113084107, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.23520935735781, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.62223438809014, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.157848462541726, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.82593037214886, "y": 4.718901439934077, "y_true": 2.202925537172288, "y_pred": 3.9915468113084107, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.513219928984796, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.7524190153540147, "q_0.175": 2.849518772968909, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.3713734471331547, "q_0.35": 3.462777382413704, "q_0.375": 3.589956712437207, "q_0.4": 3.6728362355532678, "q_0.425": 3.765465786592039, "q_0.45": 3.8411801370471075, "q_0.475": 3.915578403502124, "q_0.5": 3.9915468113084107, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.23520935735781, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.62223438809014, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.157848462541726, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.86594637855143, "y": 3.575211140266689, "y_true": 2.2032000005214787, "y_pred": 3.9915468113084107, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.513219928984796, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.7524190153540147, "q_0.175": 2.849518772968909, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.3713734471331547, "q_0.35": 3.462777382413704, "q_0.375": 3.589956712437207, "q_0.4": 3.6728362355532678, "q_0.425": 3.765465786592039, "q_0.45": 3.8411801370471075, "q_0.475": 3.915578403502124, "q_0.5": 3.9915468113084107, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.23520935735781, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.62223438809014, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.157848462541726, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.90596238495398, "y": 2.5375282597462583, "y_true": 2.2034743039504363, "y_pred": 3.9915468113084107, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.513219928984796, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.7524190153540147, "q_0.175": 2.849518772968909, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.3713734471331547, "q_0.35": 3.462777382413704, "q_0.375": 3.589956712437207, "q_0.4": 3.6728362355532678, "q_0.425": 3.765465786592039, "q_0.45": 3.8411801370471075, "q_0.475": 3.915578403502124, "q_0.5": 3.9915468113084107, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.23520935735781, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.62223438809014, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.157848462541726, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.94597839135655, "y": 2.6797936943513916, "y_true": 2.2037484476482887, "y_pred": 3.9915468113084107, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.513219928984796, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.7524190153540147, "q_0.175": 2.849518772968909, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.3713734471331547, "q_0.35": 3.462777382413704, "q_0.375": 3.589956712437207, "q_0.4": 3.6728362355532678, "q_0.425": 3.765465786592039, "q_0.45": 3.8411801370471075, "q_0.475": 3.915578403502124, "q_0.5": 3.9915468113084107, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.23520935735781, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.62223438809014, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.157848462541726, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.9859943977591, "y": 5.623723317156214, "y_true": 2.2040224318038266, "y_pred": 3.9915468113084107, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.513219928984796, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.7524190153540147, "q_0.175": 2.849518772968909, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.3713734471331547, "q_0.35": 3.462777382413704, "q_0.375": 3.589956712437207, "q_0.4": 3.6728362355532678, "q_0.425": 3.765465786592039, "q_0.45": 3.8411801370471075, "q_0.475": 3.915578403502124, "q_0.5": 3.9915468113084107, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.23520935735781, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.62223438809014, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.157848462541726, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 65.02601040416167, "y": 2.3859252515807206, "y_true": 2.2042962566055033, "y_pred": 3.9915468113084107, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.513219928984796, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.7524190153540147, "q_0.175": 2.849518772968909, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.3713734471331547, "q_0.35": 3.462777382413704, "q_0.375": 3.589956712437207, "q_0.4": 3.6728362355532678, "q_0.425": 3.765465786592039, "q_0.45": 3.8411801370471075, "q_0.475": 3.915578403502124, "q_0.5": 3.9915468113084107, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.23520935735781, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.62223438809014, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.157848462541726, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 65.06602641056423, "y": 4.7041544941924425, "y_true": 2.2045699222414354, "y_pred": 3.9915468113084107, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.513219928984796, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.7524190153540147, "q_0.175": 2.849518772968909, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.3713734471331547, "q_0.35": 3.462777382413704, "q_0.375": 3.589956712437207, "q_0.4": 3.6728362355532678, "q_0.425": 3.765465786592039, "q_0.45": 3.8411801370471075, "q_0.475": 3.915578403502124, "q_0.5": 3.9915468113084107, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.23520935735781, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.62223438809014, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.157848462541726, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 65.10604241696679, "y": 5.520116401135856, "y_true": 2.2048434288994057, "y_pred": 4.00084986113317, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3214495404338056, "q_0.05": 2.4168897295118708, "q_0.075": 2.513219928984796, "q_0.1": 2.6026000704071715, "q_0.125": 2.6797936943513916, "q_0.15": 2.753797887387238, "q_0.175": 2.852873950311519, "q_0.2": 2.936751458127352, "q_0.225": 3.0294791809921167, "q_0.25": 3.1125389204175766, "q_0.275": 3.2084094520496587, "q_0.3": 3.268772000753912, "q_0.325": 3.380000592960841, "q_0.35": 3.463931160638419, "q_0.375": 3.5943810041373774, "q_0.4": 3.6744453828234267, "q_0.425": 3.774694353019568, "q_0.45": 3.8501015678274806, "q_0.475": 3.9235419918001844, "q_0.5": 4.00084986113317, "q_0.525": 4.085958042950805, "q_0.55": 4.167332942747445, "q_0.575": 4.23520935735781, "q_0.6": 4.321950756108855, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.516051055433561, "q_0.7": 4.62223438809014, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 65.14605842336935, "y": 2.6592990263819054, "y_true": 2.2051167767668605, "y_pred": 4.00084986113317, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3214495404338056, "q_0.05": 2.4168897295118708, "q_0.075": 2.519025403056004, "q_0.1": 2.6026000704071715, "q_0.125": 2.683275465600924, "q_0.15": 2.7634714278841637, "q_0.175": 2.8591427934207636, "q_0.2": 2.951597313679295, "q_0.225": 3.0294791809921167, "q_0.25": 3.1125389204175766, "q_0.275": 3.208870212859253, "q_0.3": 3.268772000753912, "q_0.325": 3.3820379023796696, "q_0.35": 3.4823326439843876, "q_0.375": 3.595675394986391, "q_0.4": 3.6744453828234267, "q_0.425": 3.7747173974049257, "q_0.45": 3.8501015678274806, "q_0.475": 3.9276318068261338, "q_0.5": 4.00084986113317, "q_0.525": 4.0959939948932345, "q_0.55": 4.167332942747445, "q_0.575": 4.244116750987674, "q_0.6": 4.321950756108855, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.631323916863421, "q_1": 6.27034173399522}, {"x": 65.1860744297719, "y": 4.743657261949687, "y_true": 2.205389966030913, "y_pred": 4.00084986113317, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3214495404338056, "q_0.05": 2.4168897295118708, "q_0.075": 2.519025403056004, "q_0.1": 2.6026000704071715, "q_0.125": 2.683275465600924, "q_0.15": 2.7634714278841637, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0294791809921167, "q_0.25": 3.1125389204175766, "q_0.275": 3.209783184011382, "q_0.3": 3.268772000753912, "q_0.325": 3.3858133673518362, "q_0.35": 3.4823326439843876, "q_0.375": 3.595675394986391, "q_0.4": 3.6744453828234267, "q_0.425": 3.7747173974049257, "q_0.45": 3.8520319279175643, "q_0.475": 3.9276318068261338, "q_0.5": 4.00084986113317, "q_0.525": 4.0959939948932345, "q_0.55": 4.1693919135845805, "q_0.575": 4.244116750987674, "q_0.6": 4.321950756108855, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.631398813356039, "q_1": 6.27034173399522}, {"x": 65.22609043617447, "y": 3.268772000753912, "y_true": 2.2056629968783428, "y_pred": 4.00084986113317, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3256601052229398, "q_0.05": 2.4168897295118708, "q_0.075": 2.519025403056004, "q_0.1": 2.6026000704071715, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.209783184011382, "q_0.3": 3.268772000753912, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.595675394986391, "q_0.4": 3.685764958021049, "q_0.425": 3.7747173974049257, "q_0.45": 3.8520319279175643, "q_0.475": 3.9276318068261338, "q_0.5": 4.00084986113317, "q_0.525": 4.0959939948932345, "q_0.55": 4.1693919135845805, "q_0.575": 4.244116750987674, "q_0.6": 4.321950756108855, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.317778038633172, "q_0.925": 5.434266789690643, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.26610644257703, "y": 3.038988597572312, "y_true": 2.205935869495598, "y_pred": 4.00084986113317, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3256601052229398, "q_0.05": 2.4168897295118708, "q_0.075": 2.519025403056004, "q_0.1": 2.6026000704071715, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.209783184011382, "q_0.3": 3.268772000753912, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.595675394986391, "q_0.4": 3.685764958021049, "q_0.425": 3.7747173974049257, "q_0.45": 3.8520319279175643, "q_0.475": 3.9276318068261338, "q_0.5": 4.00084986113317, "q_0.525": 4.0959939948932345, "q_0.55": 4.1693919135845805, "q_0.575": 4.244116750987674, "q_0.6": 4.321950756108855, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.317778038633172, "q_0.925": 5.434266789690643, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.3061224489796, "y": 5.20411836814297, "y_true": 2.2062085840687953, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.34613845538216, "y": 5.404403799534432, "y_true": 2.2064811407837195, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.38615446178471, "y": 3.4274316564430234, "y_true": 2.2067535398258262, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.42617046818728, "y": 4.432607723991004, "y_true": 2.207025781380243, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.46618647458983, "y": 2.8263307990465405, "y_true": 2.2072978656317668, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.5062024809924, "y": 4.986790350502121, "y_true": 2.207569792764869, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.54621848739497, "y": 5.3095106659785625, "y_true": 2.207841562963693, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.58623449379752, "y": 3.329921802687885, "y_true": 2.208113176412057, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.62625050020009, "y": 4.507382818235483, "y_true": 2.2083846332934534, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.66626650660264, "y": 5.294908794287287, "y_true": 2.20865593379105, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.7062825130052, "y": 2.2630779867346154, "y_true": 2.2089270780876915, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.74629851940776, "y": 5.2236304772446935, "y_true": 2.209198066365899, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.78631452581033, "y": 4.225149675699672, "y_true": 2.2094688988078723, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.82633053221289, "y": 3.6686483526170925, "y_true": 2.2097395755954894, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.86634653861545, "y": 4.051913780670371, "y_true": 2.210010096910307, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.90636254501801, "y": 5.1150846649757185, "y_true": 2.210280462933562, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.94637855142057, "y": 4.756470150633469, "y_true": 2.2105506738461735, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.98639455782313, "y": 3.9783610085302077, "y_true": 2.210820729828741, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.0264105642257, "y": 3.930917905817558, "y_true": 2.2110906310615466, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.06642657062825, "y": 5.38334529853516, "y_true": 2.2113603777245556, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.10644257703082, "y": 3.0313157533240775, "y_true": 2.211629969997417, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.14645858343337, "y": 2.549583991214769, "y_true": 2.2118994080594643, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.18647458983594, "y": 4.607149828559175, "y_true": 2.212168692089717, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.22649059623849, "y": 4.691024485113074, "y_true": 2.21243782226688, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.26650660264106, "y": 4.219264119489327, "y_true": 2.2127067987693456, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.30652260904363, "y": 3.1399549034847745, "y_true": 2.212975621775193, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.34653861544618, "y": 3.258385873746776, "y_true": 2.2132442914621895, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.38655462184875, "y": 4.392927420470581, "y_true": 2.213512808007793, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.4265706282513, "y": 3.178037640858844, "y_true": 2.2137811715891496, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.46658663465386, "y": 3.979310380219098, "y_true": 2.2140493823830956, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.50660264105643, "y": 3.3877961159831456, "y_true": 2.2143174405661603, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.54661864745898, "y": 4.01866113922733, "y_true": 2.2145853463145633, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.58663465386155, "y": 3.0256431328565307, "y_true": 2.214853099804217, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.6266506602641, "y": 2.9153702112558006, "y_true": 2.2151207012107283, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.66666666666667, "y": 4.810891937572263, "y_true": 2.2153881507093973, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.70668267306922, "y": 3.579857754910864, "y_true": 2.2156554484752182, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.74669867947179, "y": 3.038574688500715, "y_true": 2.2159225946828824, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.78671468587436, "y": 5.253163748556213, "y_true": 2.2161895895067754, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.82673069227691, "y": 3.637851482359865, "y_true": 2.216456433120982, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.86674669867948, "y": 2.626790682100312, "y_true": 2.216723125699283, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.90676270508203, "y": 4.723201299324568, "y_true": 2.2169896674151572, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.9467787114846, "y": 3.2084094520496587, "y_true": 2.2172560584417846, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.98679471788716, "y": 4.218913911073401, "y_true": 2.217522298952042, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.02681072428972, "y": 4.426502371231264, "y_true": 2.2177883891185086, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.06682673069228, "y": 5.627422828851902, "y_true": 2.2180543291134645, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.10684273709484, "y": 2.895297378185509, "y_true": 2.218320119108891, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.1468587434974, "y": 3.2254316406353265, "y_true": 2.218585759276472, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.18687474989996, "y": 5.52232510212519, "y_true": 2.218851249787595, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.22689075630252, "y": 4.764920622283495, "y_true": 2.219116590813351, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.26690676270509, "y": 3.812179321231008, "y_true": 2.219381782524536, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.30692276910764, "y": 4.824710676152548, "y_true": 2.219646825091651, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.34693877551021, "y": 3.685764958021049, "y_true": 2.2199117186849024, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.38695478191276, "y": 3.6744453828234267, "y_true": 2.2201764634742034, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.42697078831533, "y": 2.7752713456731835, "y_true": 2.220441059629176, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.46698679471788, "y": 4.072778394354127, "y_true": 2.2207055073191473, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.50700280112045, "y": 3.152976780080413, "y_true": 2.2209698067131556, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.54701880752302, "y": 4.469765744176254, "y_true": 2.2212339579799476, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.58703481392557, "y": 3.6363231385345163, "y_true": 2.2214979612879793, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.62705082032814, "y": 5.252476581828642, "y_true": 2.221761816805418, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.66706682673069, "y": 4.960810519750319, "y_true": 2.222025524700143, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.70708283313326, "y": 2.747622889008604, "y_true": 2.222289085139743, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.74709883953582, "y": 4.321950756108855, "y_true": 2.2225524982915235, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.78711484593838, "y": 4.75823814862361, "y_true": 2.222815764322499, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.82713085234094, "y": 4.050823367625458, "y_true": 2.2230788833994004, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.8671468587435, "y": 2.6282476375694124, "y_true": 2.223341855688673, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.90716286514606, "y": 4.012156456294301, "y_true": 2.223604681356476, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.94717887154862, "y": 3.7626471607673375, "y_true": 2.2238673605686863, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.98719487795118, "y": 3.3822407001841155, "y_true": 2.224129893490897, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.02721088435375, "y": 4.2957353985901, "y_true": 2.2243922802884164, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.0672268907563, "y": 3.380000592960841, "y_true": 2.2246545211262734, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.10724289715887, "y": 3.0627632331165406, "y_true": 2.224916616169214, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.14725890356142, "y": 4.843110226863314, "y_true": 2.2251785655817033, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.18727490996399, "y": 2.9846186979446383, "y_true": 2.2254403695279263, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.22729091636656, "y": 5.0913926116210195, "y_true": 2.2257020281717885, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.26730692276911, "y": 5.710953699040572, "y_true": 2.225963541676917, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.30732292917168, "y": 3.796915067872371, "y_true": 2.226224910206659, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.34733893557423, "y": 5.118844939180317, "y_true": 2.226486133924086, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.3873549419768, "y": 2.8262822081381747, "y_true": 2.2267472129919916, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.42737094837935, "y": 5.06655258561518, "y_true": 2.2270081475728922, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.46738695478192, "y": 5.655579676305816, "y_true": 2.2272689378290296, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.50740296118448, "y": 4.069461891461078, "y_true": 2.2275295839223697, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.54741896758703, "y": 3.1389550153975248, "y_true": 2.2277900860146045, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.5874349739896, "y": 2.8011878163501334, "y_true": 2.2280504442671516, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.62745098039215, "y": 5.495417737331863, "y_true": 2.228310658841155, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.66746698679472, "y": 3.3856192919744448, "y_true": 2.2285707298974873, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.70748299319729, "y": 4.00084986113317, "y_true": 2.2288306575967476, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.74749899959984, "y": 3.774694353019568, "y_true": 2.2290904420992645, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.78751500600241, "y": 3.781561671262624, "y_true": 2.229350083565095, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.82753101240496, "y": 4.959362782671382, "y_true": 2.2296095821540267, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.86754701880753, "y": 5.566200935376754, "y_true": 2.2298689380255774, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.90756302521008, "y": 4.502286606293909, "y_true": 2.2301281513389952, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.94757903161265, "y": 5.646216463682951, "y_true": 2.230387222253261, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.98759503801521, "y": 2.9104113454182468, "y_true": 2.230646150927087, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.02761104441777, "y": 4.244116750987674, "y_true": 2.2309049375189183, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.06762705082033, "y": 4.678755810464409, "y_true": 2.2311635821869342, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.10764305722289, "y": 4.784636625204954, "y_true": 2.2314220850890467, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.14765906362545, "y": 4.931272944127651, "y_true": 2.2316804463829043, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.187675070028, "y": 3.4220083042936373, "y_true": 2.2319386662258887, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.22769107643057, "y": 5.384043738675011, "y_true": 2.2321967447751185, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.26770708283314, "y": 2.7030776585557437, "y_true": 2.2324546821874485, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.3077230892357, "y": 3.228159419003859, "y_true": 2.232712478619471, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.34773909563826, "y": 3.9083501175407713, "y_true": 2.2329701342275152, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.38775510204081, "y": 4.349608502938459, "y_true": 2.233227649167649, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.42777110844338, "y": 3.2892852977607623, "y_true": 2.2334850235956782, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.46778711484595, "y": 5.480217217725718, "y_true": 2.2337422576671493, "y_pred": 4.017327860686591, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8647122607317415, "q_0.2": 2.9520467796015497, "q_0.225": 3.0367877780000714, "q_0.25": 3.1319274838423254, "q_0.275": 3.22628639235493, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.8689104684450535, "q_0.475": 3.935354645022729, "q_0.5": 4.017327860686591, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399738647167912, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.795652844871616, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.5078031212485, "y": 3.8501015678274806, "y_true": 2.233999351537347, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.2272251196176116, "q_0.3": 3.3075176055432403, "q_0.325": 3.4073859708502625, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.400417818087217, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.809070200305123, "q_0.775": 4.947550843487259, "q_0.8": 5.019335844198773, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.257417129892941, "q_0.9": 5.3419937523789285, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.54781912765107, "y": 2.593184907775024, "y_true": 2.234256305361299, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.2272251196176116, "q_0.3": 3.3075176055432403, "q_0.325": 3.4073859708502625, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.400417818087217, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.809070200305123, "q_0.775": 4.947550843487259, "q_0.8": 5.019335844198773, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.257417129892941, "q_0.9": 5.3419937523789285, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.58783513405362, "y": 5.164898490265177, "y_true": 2.2345131192937715, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.2272251196176116, "q_0.3": 3.3075176055432403, "q_0.325": 3.4073859708502625, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.400417818087217, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.809070200305123, "q_0.775": 4.947550843487259, "q_0.8": 5.019335844198773, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.257417129892941, "q_0.9": 5.3419937523789285, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.62785114045619, "y": 5.689488997532639, "y_true": 2.2347697934892743, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.2272251196176116, "q_0.3": 3.3075176055432403, "q_0.325": 3.4073859708502625, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.400417818087217, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.809070200305123, "q_0.775": 4.947550843487259, "q_0.8": 5.019335844198773, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.257417129892941, "q_0.9": 5.3419937523789285, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.66786714685874, "y": 3.47449673059491, "y_true": 2.235026328102058, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.2272251196176116, "q_0.3": 3.3075176055432403, "q_0.325": 3.4073859708502625, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.400417818087217, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.809070200305123, "q_0.775": 4.947550843487259, "q_0.8": 5.019335844198773, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.257417129892941, "q_0.9": 5.3419937523789285, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.7078831532613, "y": 4.220603647459683, "y_true": 2.2352827232861165, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 69.74789915966387, "y": 4.322938380475634, "y_true": 2.2355389791951885, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 69.78791516606643, "y": 5.106054082646271, "y_true": 2.2357950959827546, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 69.827931172469, "y": 2.779803099560721, "y_true": 2.236051073802041, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 69.86794717887155, "y": 5.249412450388658, "y_true": 2.236306912806019, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 69.90796318527411, "y": 4.821540911430054, "y_true": 2.2365626131474055, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 69.94797919167668, "y": 2.3619297608364374, "y_true": 2.2368181749786635, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 69.98799519807923, "y": 4.268530319651792, "y_true": 2.2370735984520027, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.0280112044818, "y": 2.337799323332726, "y_true": 2.237328883719381, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.06802721088435, "y": 4.017054810142799, "y_true": 2.2375840309325032, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.10804321728692, "y": 4.386746105165258, "y_true": 2.2378390402428234, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.14805922368947, "y": 4.5145015727746625, "y_true": 2.2380939118015446, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.18807523009204, "y": 5.562253903587296, "y_true": 2.2383486457596184, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.2280912364946, "y": 3.304052264676697, "y_true": 2.2386032422677484, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.26810724289716, "y": 5.268514533509989, "y_true": 2.238857701476387, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.30812324929973, "y": 3.861586452767587, "y_true": 2.2391120235357396, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.34813925570228, "y": 4.632574887407137, "y_true": 2.2393662085957624, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.38815526210485, "y": 5.139244774896667, "y_true": 2.2396202568061643, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.42817126850741, "y": 4.838782391137017, "y_true": 2.239874168316407, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.46818727490997, "y": 5.095975446222363, "y_true": 2.2401279432757053, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.50820328131253, "y": 4.52422255612569, "y_true": 2.240381581833029, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.54821928771509, "y": 5.116321735174258, "y_true": 2.240635084137102, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.58823529411765, "y": 5.505751867249882, "y_true": 2.240888450336403, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.6282513005202, "y": 5.490001195010404, "y_true": 2.241141680579166, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.66826730692277, "y": 3.419417674301944, "y_true": 2.241394775013383, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.70828331332534, "y": 5.734245602073825, "y_true": 2.2416477337868, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.74829931972789, "y": 2.4491475731569237, "y_true": 2.2419005570469226, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.78831532613046, "y": 4.4577561764662015, "y_true": 2.242153244941013, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.82833133253301, "y": 4.022717216561261, "y_true": 2.242405797616092, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.86834733893558, "y": 3.0713365782868456, "y_true": 2.242658215218939, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.90836334533813, "y": 4.167332942747445, "y_true": 2.2429104978960934, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.9483793517407, "y": 2.4803754966167983, "y_true": 2.243162645793854, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.98839535814326, "y": 4.23520935735781, "y_true": 2.2434146590582795, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.02841136454582, "y": 5.317778038633172, "y_true": 2.243666537835191, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.06842737094838, "y": 2.7511721505699436, "y_true": 2.2439182822701706, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.10844337735094, "y": 3.4150462632849905, "y_true": 2.2441698925085616, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.1484593837535, "y": 4.516051055433561, "y_true": 2.2444213686954697, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.18847539015607, "y": 3.538118074233566, "y_true": 2.2446727109757654, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.22849139655862, "y": 3.739116335983769, "y_true": 2.2449239194940804, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.26850740296119, "y": 3.463931160638419, "y_true": 2.2451749943948127, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.30852340936374, "y": 3.983775901456809, "y_true": 2.2454259358221234, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.34853941576631, "y": 3.589956712437207, "y_true": 2.2456767439199394, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.38855542216886, "y": 2.7655994317285475, "y_true": 2.245927418831953, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.42857142857143, "y": 2.962533455573767, "y_true": 2.2461779607016226, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.468587434974, "y": 2.532010158235437, "y_true": 2.246428369672173, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.50860344137655, "y": 3.932234097903615, "y_true": 2.246678645886597, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.54861944777912, "y": 5.294440466569178, "y_true": 2.2469287894876535, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.58863545418167, "y": 2.573646553606184, "y_true": 2.2471788006178715, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.62865146058424, "y": 4.622718424084674, "y_true": 2.2474286794195475, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5204701169676067, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9549714832035257, "q_0.225": 3.038574688500715, "q_0.25": 3.1389550153975248, "q_0.275": 3.228159419003859, "q_0.3": 3.3222849806377885, "q_0.325": 3.4150462632849905, "q_0.35": 3.538118074233566, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.8033061560589747, "q_0.45": 3.8743859828269365, "q_0.475": 3.9356805837897006, "q_0.5": 4.01866113922733, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.3418882569230695, "q_0.625": 4.402952275265316, "q_0.65": 4.4667994860864075, "q_0.675": 4.5302513916466784, "q_0.7": 4.65470875940941, "q_0.725": 4.751295572180412, "q_0.75": 4.821540911430054, "q_0.775": 4.952956496444671, "q_0.8": 5.040423637358805, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.264459858726333, "q_0.9": 5.380634474795927, "q_0.925": 5.470922495831033, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 71.6686674669868, "y": 3.7631840033611823, "y_true": 2.2476784260347475, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5242336624420814, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9551903744795465, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3222849806377885, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.629489241472858, "q_0.4": 3.7403507254469526, "q_0.425": 3.8033061560589747, "q_0.45": 3.8743859828269365, "q_0.475": 3.9401339462881877, "q_0.5": 4.01866113922733, "q_0.525": 4.103148685543555, "q_0.55": 4.213791349388775, "q_0.575": 4.2762798196995, "q_0.6": 4.3418882569230695, "q_0.625": 4.402952275265316, "q_0.65": 4.469765744176254, "q_0.675": 4.5307585434556135, "q_0.7": 4.65576149703457, "q_0.725": 4.751295572180412, "q_0.75": 4.821540911430054, "q_0.775": 4.952956496444671, "q_0.8": 5.040423637358805, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.264459858726333, "q_0.9": 5.380634474795927, "q_0.925": 5.470922495831033, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 71.70868347338936, "y": 5.390976236028726, "y_true": 2.2479280406053066, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 71.74869947979192, "y": 3.5588370183910096, "y_true": 2.248177523272831, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 71.78871548619448, "y": 4.754019337789414, "y_true": 2.2484268741786964, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 71.82873149259704, "y": 3.6889127898000904, "y_true": 2.248676093464051, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 71.8687474989996, "y": 4.204894416645397, "y_true": 2.2489251812698137, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 71.90876350540216, "y": 5.046483195940112, "y_true": 2.249174137736676, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 71.94877951180473, "y": 5.743605290119611, "y_true": 2.2494229630051015, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 71.98879551820728, "y": 2.7367187327097646, "y_true": 2.2496716572153277, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.02881152460985, "y": 4.160652236291072, "y_true": 2.2499202205073656, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.0688275310124, "y": 2.7279028292097647, "y_true": 2.2501686530209994, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.10884353741497, "y": 2.3606082180557766, "y_true": 2.2504169548957895, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.14885954381754, "y": 4.952956496444671, "y_true": 2.2506651262710697, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.18887555022009, "y": 5.803931662595026, "y_true": 2.2509131672859506, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.22889155662266, "y": 4.402952275265316, "y_true": 2.2511610780793183, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.26890756302521, "y": 2.513219928984796, "y_true": 2.2514088587898353, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.30892356942778, "y": 2.4748083301896857, "y_true": 2.251656509555942, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7692014724933216, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8794338658356278, "q_0.475": 3.9481079483925474, "q_0.5": 4.022717216561261, "q_0.525": 4.109581347833983, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.34893957583033, "y": 3.3891884708698554, "y_true": 2.2519040305158553, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7692014724933216, "q_0.175": 2.885081183982993, "q_0.2": 2.9607586531045254, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6296327574840968, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.824497756750446, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.268514533509989, "q_0.9": 5.382753321734516, "q_0.925": 5.480217217725718, "q_0.95": 5.562253903587296, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.3889555822329, "y": 3.629489241472858, "y_true": 2.25215142180757, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5546889600124745, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9709553542015694, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.288444584877457, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.827941470326998, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.662374771034235, "q_1": 6.27034173399522}, {"x": 72.42897158863546, "y": 2.2663825897327854, "y_true": 2.252398683568861, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6363231385345163, "q_0.4": 3.7547772126378556, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9651255357513255, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.283045803844111, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.827941470326998, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.662374771034235, "q_1": 6.27034173399522}, {"x": 72.46898759503802, "y": 5.300828399401942, "y_true": 2.25264581593728, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6363231385345163, "q_0.4": 3.7547772126378556, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9651255357513255, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.283045803844111, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.827941470326998, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.662374771034235, "q_1": 6.27034173399522}, {"x": 72.50900360144058, "y": 3.9481079483925474, "y_true": 2.2528928190501603, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6363231385345163, "q_0.4": 3.7547772126378556, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9651255357513255, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.283045803844111, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.827941470326998, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.662374771034235, "q_1": 6.27034173399522}, {"x": 72.54901960784314, "y": 5.8559184672032565, "y_true": 2.2531396930446124, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6363231385345163, "q_0.4": 3.7547772126378556, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9651255357513255, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.283045803844111, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.827941470326998, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.662374771034235, "q_1": 6.27034173399522}, {"x": 72.5890356142457, "y": 5.452978338295401, "y_true": 2.2533864380575293, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6363231385345163, "q_0.4": 3.7547772126378556, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9651255357513255, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.283045803844111, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.827941470326998, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.662374771034235, "q_1": 6.27034173399522}, {"x": 72.62905162064827, "y": 4.0661341506528075, "y_true": 2.2536330542255847, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6363231385345163, "q_0.4": 3.7547772126378556, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9651255357513255, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.283045803844111, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.827941470326998, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.662374771034235, "q_1": 6.27034173399522}, {"x": 72.66906762705082, "y": 4.523779007774767, "y_true": 2.253879541685232, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6363231385345163, "q_0.4": 3.7547772126378556, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9651255357513255, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.283045803844111, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.827941470326998, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.662374771034235, "q_1": 6.27034173399522}, {"x": 72.70908363345339, "y": 3.39294710354336, "y_true": 2.254125900572708, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6363231385345163, "q_0.4": 3.7547772126378556, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9651255357513255, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.283045803844111, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.827941470326998, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.662374771034235, "q_1": 6.27034173399522}, {"x": 72.74909963985594, "y": 3.3528215475055045, "y_true": 2.2543721310240317, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5546889600124745, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9709553542015694, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.283045803844111, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.838457314523078, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.665344388128012, "q_1": 6.27034173399522}, {"x": 72.78911564625851, "y": 2.7261587825228832, "y_true": 2.2546182331750035, "y_pred": 4.024086522122861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.140064839435226, "q_0.275": 3.2344832109780834, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.8218046644070816, "q_0.45": 3.8963750098615257, "q_0.475": 3.979310380219098, "q_0.5": 4.024086522122861, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.288444584877457, "q_0.6": 4.361198382691671, "q_0.625": 4.420720701382907, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.838782391137017, "q_0.775": 4.958763305706391, "q_0.8": 5.046483195940112, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.280781234023091, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.679904757712986, "q_1": 6.27034173399522}, {"x": 72.82913165266106, "y": 4.230336563461151, "y_true": 2.254864207161208, "y_pred": 4.046112619647198, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.1501701453882007, "q_0.275": 3.2344832109780834, "q_0.3": 3.329921802687885, "q_0.325": 3.4271889629527417, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.8218046644070816, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.046112619647198, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.29034777830392, "q_0.6": 4.361198382691671, "q_0.625": 4.423826815144782, "q_0.65": 4.502286606293909, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.838782391137017, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.281448022228394, "q_0.9": 5.397399431414078, "q_0.925": 5.4854647229841955, "q_0.95": 5.567176255641547, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 72.86914765906363, "y": 2.550971946077841, "y_true": 2.2551100531180137, "y_pred": 4.046112619647198, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.1501701453882007, "q_0.275": 3.2344832109780834, "q_0.3": 3.329921802687885, "q_0.325": 3.4271889629527417, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.8218046644070816, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.046112619647198, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.29034777830392, "q_0.6": 4.361198382691671, "q_0.625": 4.423826815144782, "q_0.65": 4.502286606293909, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.838782391137017, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.281448022228394, "q_0.9": 5.397399431414078, "q_0.925": 5.4854647229841955, "q_0.95": 5.567176255641547, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 72.9091636654662, "y": 3.8743859828269365, "y_true": 2.255355771180572, "y_pred": 4.046112619647198, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.1501701453882007, "q_0.275": 3.2344832109780834, "q_0.3": 3.329921802687885, "q_0.325": 3.4271889629527417, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.8218046644070816, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.046112619647198, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.29034777830392, "q_0.6": 4.361198382691671, "q_0.625": 4.423826815144782, "q_0.65": 4.502286606293909, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.838782391137017, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.281448022228394, "q_0.9": 5.397399431414078, "q_0.925": 5.4854647229841955, "q_0.95": 5.567176255641547, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 72.94917967186875, "y": 3.4214222699958308, "y_true": 2.2556013614838193, "y_pred": 4.046112619647198, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.1501701453882007, "q_0.275": 3.2344832109780834, "q_0.3": 3.329921802687885, "q_0.325": 3.4271889629527417, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.8218046644070816, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.046112619647198, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.29034777830392, "q_0.6": 4.361198382691671, "q_0.625": 4.423826815144782, "q_0.65": 4.502286606293909, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.838782391137017, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.281448022228394, "q_0.9": 5.397399431414078, "q_0.925": 5.4854647229841955, "q_0.95": 5.567176255641547, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 72.98919567827132, "y": 5.120895260006234, "y_true": 2.255846824162478, "y_pred": 4.046112619647198, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.1501701453882007, "q_0.275": 3.2344832109780834, "q_0.3": 3.329921802687885, "q_0.325": 3.4271889629527417, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.8218046644070816, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.046112619647198, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.29034777830392, "q_0.6": 4.361198382691671, "q_0.625": 4.423826815144782, "q_0.65": 4.502286606293909, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.838782391137017, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.281448022228394, "q_0.9": 5.397399431414078, "q_0.925": 5.4854647229841955, "q_0.95": 5.567176255641547, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.02921168467387, "y": 3.638729651089693, "y_true": 2.256092159351055, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.89450876599673, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.152976780080413, "q_0.275": 3.2372345560957414, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.832809198068837, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.50450104222292, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.838782391137017, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.210070557857085, "q_0.875": 5.283132550098833, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.567176255641547, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.06922769107643, "y": 5.524495419275915, "y_true": 2.2563373671838427, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.89450876599673, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.152976780080413, "q_0.275": 3.2372345560957414, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.832809198068837, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.50450104222292, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.838782391137017, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.210070557857085, "q_0.875": 5.283132550098833, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.567176255641547, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.10924369747899, "y": 2.9437812094884075, "y_true": 2.2565824477949215, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.89450876599673, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.152976780080413, "q_0.275": 3.2372345560957414, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.832809198068837, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.50450104222292, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.838782391137017, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.210070557857085, "q_0.875": 5.283132550098833, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.567176255641547, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.14925970388155, "y": 5.6312955078489795, "y_true": 2.256827401318157, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.89450876599673, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.152976780080413, "q_0.275": 3.2372345560957414, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.832809198068837, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.50450104222292, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.838782391137017, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.210070557857085, "q_0.875": 5.283132550098833, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.567176255641547, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.18927571028412, "y": 4.408840676130108, "y_true": 2.2570722278872024, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7030776585557437, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242295034838273, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.55669712167166, "q_0.375": 3.6386418513552403, "q_0.4": 3.760975381554718, "q_0.425": 3.832809198068837, "q_0.45": 3.9056931344661208, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.1242083959691955, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.211738144821734, "q_0.875": 5.294119633064461, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.581369898874254, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.22929171668667, "y": 2.6934805330247973, "y_true": 2.2573169276355003, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7030776585557437, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242295034838273, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.55669712167166, "q_0.375": 3.6386418513552403, "q_0.4": 3.760975381554718, "q_0.425": 3.832809198068837, "q_0.45": 3.9056931344661208, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.1242083959691955, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.211738144821734, "q_0.875": 5.294119633064461, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.581369898874254, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.26930772308924, "y": 4.079324794188136, "y_true": 2.257561500696279, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7030776585557437, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242295034838273, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.55669712167166, "q_0.375": 3.6386418513552403, "q_0.4": 3.760975381554718, "q_0.425": 3.832809198068837, "q_0.45": 3.9056931344661208, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.1242083959691955, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.211738144821734, "q_0.875": 5.294119633064461, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.581369898874254, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.3093237294918, "y": 3.2299355074276637, "y_true": 2.2578059472025567, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7030776585557437, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242295034838273, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.55669712167166, "q_0.375": 3.6386418513552403, "q_0.4": 3.760975381554718, "q_0.425": 3.832809198068837, "q_0.45": 3.9056931344661208, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.1242083959691955, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.211738144821734, "q_0.875": 5.294119633064461, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.581369898874254, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.34933973589436, "y": 4.976294712727836, "y_true": 2.2580502672871416, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7030776585557437, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242295034838273, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.55669712167166, "q_0.375": 3.6386418513552403, "q_0.4": 3.760975381554718, "q_0.425": 3.832809198068837, "q_0.45": 3.9056931344661208, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.1242083959691955, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.211738144821734, "q_0.875": 5.294119633064461, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.581369898874254, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.38935574229693, "y": 4.62223438809014, "y_true": 2.2582944610826297, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7030776585557437, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242295034838273, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.55669712167166, "q_0.375": 3.6386418513552403, "q_0.4": 3.760975381554718, "q_0.425": 3.832809198068837, "q_0.45": 3.9056931344661208, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.1242083959691955, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.211738144821734, "q_0.875": 5.294119633064461, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.581369898874254, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.42937174869948, "y": 2.486275174299173, "y_true": 2.2585385287214073, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7030776585557437, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242295034838273, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.55669712167166, "q_0.375": 3.6386418513552403, "q_0.4": 3.760975381554718, "q_0.425": 3.832809198068837, "q_0.45": 3.9056931344661208, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.1242083959691955, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.211738144821734, "q_0.875": 5.294119633064461, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.581369898874254, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.46938775510205, "y": 3.7747173974049257, "y_true": 2.2587824703356527, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.5094037615046, "y": 5.480315443217236, "y_true": 2.2590262860573334, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.54941976790717, "y": 3.7403507254469526, "y_true": 2.259269976018209, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.58943577430972, "y": 4.960505677404949, "y_true": 2.2595135403498303, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.62945178071229, "y": 2.671641687026599, "y_true": 2.2597569791835412, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.66946778711485, "y": 5.409705679618207, "y_true": 2.2600002926504774, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.7094837935174, "y": 4.085958042950805, "y_true": 2.2602434808815675, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.74949979991997, "y": 5.704233539728868, "y_true": 2.2604865440075352, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.78951580632253, "y": 4.213791349388775, "y_true": 2.2607294821588964, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.8295318127251, "y": 5.057369683895255, "y_true": 2.2609722954659617, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.86954781912766, "y": 5.795692993610903, "y_true": 2.261214984058838, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.90956382553021, "y": 4.913651734016552, "y_true": 2.2614575480674253, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.94957983193278, "y": 4.361198382691671, "y_true": 2.2616999876214203, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.9056931344661208, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.1242083959691955, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.853190013363429, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.128485313318066, "q_0.85": 5.211738144821734, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 73.98959583833533, "y": 3.5958245515213925, "y_true": 2.2619423028503167, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.9019702146491886, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.50450104222292, "q_0.675": 4.583695234307296, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.495210124402969, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 74.0296118447379, "y": 2.4168897295118708, "y_true": 2.2621844938834035, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.9019702146491886, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.50450104222292, "q_0.675": 4.583695234307296, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.495210124402969, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 74.06962785114045, "y": 3.8362449438349007, "y_true": 2.2624265608497662, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.9019702146491886, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.50450104222292, "q_0.675": 4.583695234307296, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.495210124402969, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 74.10964385754302, "y": 3.7636963582322824, "y_true": 2.26266850387829, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.9019702146491886, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.50450104222292, "q_0.675": 4.583695234307296, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.495210124402969, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 74.14965986394559, "y": 5.2584893877247785, "y_true": 2.2629103230976555, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.9019702146491886, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.50450104222292, "q_0.675": 4.583695234307296, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.495210124402969, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 74.18967587034814, "y": 2.9520467796015497, "y_true": 2.263152018636343, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.832809198068837, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.423826815144782, "q_0.65": 4.50450104222292, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.8509603468555325, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.495210124402969, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 74.2296918767507, "y": 4.967069307788265, "y_true": 2.2633935906226306, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.832809198068837, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.423826815144782, "q_0.65": 4.50450104222292, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.8509603468555325, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.495210124402969, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 74.26970788315326, "y": 2.4004089868562732, "y_true": 2.263635039184596, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.832809198068837, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.423826815144782, "q_0.65": 4.50450104222292, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.8509603468555325, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.495210124402969, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 74.30972388955583, "y": 5.491711491191665, "y_true": 2.2638763644501165, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.832809198068837, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.423826815144782, "q_0.65": 4.50450104222292, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.8509603468555325, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.495210124402969, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 74.3497398959584, "y": 4.696883024241005, "y_true": 2.264117566546869, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.38975590236095, "y": 3.803195230028378, "y_true": 2.2643586456023312, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.42977190876351, "y": 3.2319040057379813, "y_true": 2.264599601743781, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.46978791516607, "y": 2.936751458127352, "y_true": 2.264840435098298, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.50980392156863, "y": 4.399331144616328, "y_true": 2.2650811457927627, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.54981992797119, "y": 3.7605574367515606, "y_true": 2.2653217339538587, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.58983593437375, "y": 4.97411632779562, "y_true": 2.265562199708071, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.62985194077632, "y": 5.5717570498688325, "y_true": 2.2658025431816884, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.66986794717887, "y": 3.34409520742701, "y_true": 2.266042764500802, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.70988395358144, "y": 4.636393678132292, "y_true": 2.2662828637913073, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.74989995998399, "y": 3.8083618384431666, "y_true": 2.266522841178903, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.78991596638656, "y": 2.4226713869881875, "y_true": 2.266762696789094, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.82993197278911, "y": 4.512375995836736, "y_true": 2.267002430747188, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.86994797919168, "y": 3.5943810041373774, "y_true": 2.267242043178299, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.90996398559425, "y": 2.3175745754580683, "y_true": 2.2674815342073473, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.9499799919968, "y": 3.9915468113084107, "y_true": 2.267720903959058, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.98999599839937, "y": 2.6026000704071715, "y_true": 2.267960152557964, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.03001200480192, "y": 4.561676809710924, "y_true": 2.2681992801284045, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.07002801120449, "y": 4.190975189173772, "y_true": 2.2684382867945256, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.11004401760705, "y": 4.0959939948932345, "y_true": 2.268677172680282, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.1500600240096, "y": 5.690965784373352, "y_true": 2.2689159379094352, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.19007603041217, "y": 5.4854647229841955, "y_true": 2.269154582605557, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.23009203681472, "y": 4.877852228063945, "y_true": 2.2693931068920263, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.27010804321729, "y": 4.3800576741755854, "y_true": 2.2696315108920335, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.31012404961984, "y": 3.192198307106177, "y_true": 2.2698697947285758, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.35014005602241, "y": 2.2999444669722795, "y_true": 2.2701079585244632, "y_pred": 4.0657894611287055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6080234988107582, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.1552234269953887, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566677159535165, "q_0.375": 3.644382332341345, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.9802035798864055, "q_0.5": 4.0657894611287055, "q_0.525": 4.144404360774186, "q_0.55": 4.224737472506861, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.871559631764528, "q_0.775": 4.961953427274496, "q_0.8": 5.049225288538523, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.603447866587708, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.39015606242498, "y": 2.7076962068961796, "y_true": 2.2703460024023148, "y_pred": 4.0657894611287055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6080234988107582, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.1552234269953887, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566677159535165, "q_0.375": 3.644382332341345, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.9802035798864055, "q_0.5": 4.0657894611287055, "q_0.525": 4.144404360774186, "q_0.55": 4.224737472506861, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.871559631764528, "q_0.775": 4.961953427274496, "q_0.8": 5.049225288538523, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.603447866587708, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.43017206882753, "y": 3.4416530888150776, "y_true": 2.2705839264845604, "y_pred": 4.0657894611287055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6080234988107582, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.1552234269953887, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566677159535165, "q_0.375": 3.644382332341345, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.9802035798864055, "q_0.5": 4.0657894611287055, "q_0.525": 4.144404360774186, "q_0.55": 4.224737472506861, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.871559631764528, "q_0.775": 4.961953427274496, "q_0.8": 5.049225288538523, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.603447866587708, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.4701880752301, "y": 2.9902054968302236, "y_true": 2.270821730893442, "y_pred": 4.0657894611287055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6080234988107582, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.1552234269953887, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566677159535165, "q_0.375": 3.644382332341345, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.9802035798864055, "q_0.5": 4.0657894611287055, "q_0.525": 4.144404360774186, "q_0.55": 4.224737472506861, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.871559631764528, "q_0.775": 4.961953427274496, "q_0.8": 5.049225288538523, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.603447866587708, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.51020408163265, "y": 4.355712970799319, "y_true": 2.271059415751012, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.2957353985901, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.06110622508475, "q_0.825": 5.129819578235136, "q_0.85": 5.236870567443402, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.55022008803522, "y": 4.228024947372495, "y_true": 2.271296981179136, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.2957353985901, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.06110622508475, "q_0.825": 5.129819578235136, "q_0.85": 5.236870567443402, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.59023609443778, "y": 3.6975062934142597, "y_true": 2.271534427299492, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.2957353985901, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.06110622508475, "q_0.825": 5.129819578235136, "q_0.85": 5.236870567443402, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.63025210084034, "y": 5.200812083554782, "y_true": 2.27177175423357, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.300148268286122, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.692978978979894, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.062113582567358, "q_0.825": 5.129819578235136, "q_0.85": 5.240725161378595, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.6702681072429, "y": 4.947550843487259, "y_true": 2.272008962102674, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.300148268286122, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.692978978979894, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.062113582567358, "q_0.825": 5.129819578235136, "q_0.85": 5.240725161378595, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.71028411364546, "y": 4.789787571215517, "y_true": 2.2722460510279205, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.300148268286122, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.692978978979894, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.062113582567358, "q_0.825": 5.129819578235136, "q_0.85": 5.240725161378595, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.75030012004802, "y": 4.112452992381539, "y_true": 2.272483021130241, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.300148268286122, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.692978978979894, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.062113582567358, "q_0.825": 5.129819578235136, "q_0.85": 5.240725161378595, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.79031612645058, "y": 2.4317671996431187, "y_true": 2.2727198725303808, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.300148268286122, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.692978978979894, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.062113582567358, "q_0.825": 5.129819578235136, "q_0.85": 5.240725161378595, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.83033213285314, "y": 3.8401305046081626, "y_true": 2.272956605348901, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.300148268286122, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.692978978979894, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.062113582567358, "q_0.825": 5.129819578235136, "q_0.85": 5.240725161378595, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.87034813925571, "y": 4.101146211135459, "y_true": 2.2731932197061764, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.300148268286122, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.692978978979894, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.062113582567358, "q_0.825": 5.129819578235136, "q_0.85": 5.240725161378595, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.91036414565826, "y": 3.913632040594817, "y_true": 2.273429715722398, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.300148268286122, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.692978978979894, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.062113582567358, "q_0.825": 5.129819578235136, "q_0.85": 5.240725161378595, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.95038015206083, "y": 2.290056316871354, "y_true": 2.273666093517572, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 75.99039615846338, "y": 4.66403536107058, "y_true": 2.273902353211522, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.03041216486595, "y": 3.2172131323844195, "y_true": 2.2741384949238874, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.07042817126852, "y": 2.4380251802461514, "y_true": 2.2743745187741253, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.11044417767107, "y": 4.119811094882084, "y_true": 2.2746104248815087, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.15046018407364, "y": 5.649102301940937, "y_true": 2.27484621336513, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.19047619047619, "y": 2.383009982939651, "y_true": 2.275081884343899, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.23049219687876, "y": 2.325701158185188, "y_true": 2.2753174379365446, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.27050820328131, "y": 4.4308390385267025, "y_true": 2.275552874261613, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.31052420968388, "y": 4.267209126748386, "y_true": 2.2757881934374713, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.35054021608644, "y": 2.3336349994424728, "y_true": 2.2760233955823055, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.390556222489, "y": 2.6543719937017753, "y_true": 2.2762584808141213, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.43057222889156, "y": 5.345281114685981, "y_true": 2.2764934492507454, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3689382163280093, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7076962068961796, "q_0.15": 2.7926220567241433, "q_0.175": 2.895784684580308, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.177639167481428, "q_0.275": 3.2457823281973135, "q_0.3": 3.3497418518180684, "q_0.325": 3.4416530888150776, "q_0.35": 3.5672951092335428, "q_0.375": 3.662533919791173, "q_0.4": 3.7747173974049257, "q_0.425": 3.8401305046081626, "q_0.45": 3.915578403502124, "q_0.475": 3.986874204152582, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.228024947372495, "q_0.575": 4.313556461719718, "q_0.6": 4.3800576741755854, "q_0.625": 4.432607723991004, "q_0.65": 4.513975849148123, "q_0.675": 4.61399667490164, "q_0.7": 4.696883024241005, "q_0.725": 4.780415527265166, "q_0.75": 4.8865635136613434, "q_0.775": 4.967069307788265, "q_0.8": 5.070988544797505, "q_0.825": 5.139244774896667, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.42818894426093, "q_0.925": 5.50742291941255, "q_0.95": 5.619435163447077, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.47058823529412, "y": 3.937719798640096, "y_true": 2.276728301009825, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3689382163280093, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7076962068961796, "q_0.15": 2.7926220567241433, "q_0.175": 2.895784684580308, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.177639167481428, "q_0.275": 3.2457823281973135, "q_0.3": 3.3497418518180684, "q_0.325": 3.4416530888150776, "q_0.35": 3.5672951092335428, "q_0.375": 3.662533919791173, "q_0.4": 3.7747173974049257, "q_0.425": 3.8401305046081626, "q_0.45": 3.915578403502124, "q_0.475": 3.986874204152582, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.228024947372495, "q_0.575": 4.313556461719718, "q_0.6": 4.3800576741755854, "q_0.625": 4.432607723991004, "q_0.65": 4.513975849148123, "q_0.675": 4.61399667490164, "q_0.7": 4.696883024241005, "q_0.725": 4.780415527265166, "q_0.75": 4.8865635136613434, "q_0.775": 4.967069307788265, "q_0.8": 5.070988544797505, "q_0.825": 5.139244774896667, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.42818894426093, "q_0.925": 5.50742291941255, "q_0.95": 5.619435163447077, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.51060424169668, "y": 2.73347506689043, "y_true": 2.276963036208828, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3689382163280093, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7926220567241433, "q_0.175": 2.895784684580308, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2457823281973135, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.840713162675219, "q_0.45": 3.915578403502124, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230252418408611, "q_0.575": 4.313556461719718, "q_0.6": 4.3800576741755854, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.61399667490164, "q_0.7": 4.696883024241005, "q_0.725": 4.783936856720974, "q_0.75": 4.887704204209184, "q_0.775": 4.968028921493171, "q_0.8": 5.070988544797505, "q_0.825": 5.1450346923815085, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.619435163447077, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.55062024809924, "y": 2.849518772968909, "y_true": 2.277197654965044, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3689382163280093, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7926220567241433, "q_0.175": 2.895784684580308, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2457823281973135, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.840713162675219, "q_0.45": 3.915578403502124, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230252418408611, "q_0.575": 4.313556461719718, "q_0.6": 4.3800576741755854, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.61399667490164, "q_0.7": 4.696883024241005, "q_0.725": 4.783936856720974, "q_0.75": 4.887704204209184, "q_0.775": 4.968028921493171, "q_0.8": 5.070988544797505, "q_0.825": 5.1450346923815085, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.619435163447077, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.5906362545018, "y": 4.522029453055156, "y_true": 2.2774321573955847, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3689382163280093, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7926220567241433, "q_0.175": 2.895784684580308, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2457823281973135, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.840713162675219, "q_0.45": 3.915578403502124, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230252418408611, "q_0.575": 4.313556461719718, "q_0.6": 4.3800576741755854, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.61399667490164, "q_0.7": 4.696883024241005, "q_0.725": 4.783936856720974, "q_0.75": 4.887704204209184, "q_0.775": 4.968028921493171, "q_0.8": 5.070988544797505, "q_0.825": 5.1450346923815085, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.619435163447077, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.63065226090437, "y": 3.4844013496499624, "y_true": 2.277666543617383, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3689382163280093, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7926220567241433, "q_0.175": 2.895784684580308, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2457823281973135, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.840713162675219, "q_0.45": 3.915578403502124, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230252418408611, "q_0.575": 4.313556461719718, "q_0.6": 4.3800576741755854, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.61399667490164, "q_0.7": 4.696883024241005, "q_0.725": 4.783936856720974, "q_0.75": 4.887704204209184, "q_0.775": 4.968028921493171, "q_0.8": 5.070988544797505, "q_0.825": 5.1450346923815085, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.619435163447077, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.67066826730692, "y": 2.3722935927770665, "y_true": 2.277900813747196, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3689382163280093, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7926220567241433, "q_0.175": 2.895784684580308, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2457823281973135, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.840713162675219, "q_0.45": 3.915578403502124, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230252418408611, "q_0.575": 4.313556461719718, "q_0.6": 4.3800576741755854, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.61399667490164, "q_0.7": 4.696883024241005, "q_0.725": 4.783936856720974, "q_0.75": 4.887704204209184, "q_0.775": 4.968028921493171, "q_0.8": 5.070988544797505, "q_0.825": 5.1450346923815085, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.619435163447077, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.71068427370949, "y": 4.61399667490164, "y_true": 2.2781349679016016, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3705100147784943, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7931681373346753, "q_0.175": 2.895784684580308, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.840713162675219, "q_0.45": 3.915578403502124, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230252418408611, "q_0.575": 4.313556461719718, "q_0.6": 4.3800576741755854, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.61399667490164, "q_0.7": 4.696883024241005, "q_0.725": 4.783936856720974, "q_0.75": 4.887704204209184, "q_0.775": 4.968028921493171, "q_0.8": 5.070988544797505, "q_0.825": 5.139244774896667, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.75070028011204, "y": 2.3972058326610757, "y_true": 2.2783690061970026, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3705100147784943, "q_0.05": 2.438457476535858, "q_0.075": 2.5375850537160143, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7953524597768027, "q_0.175": 2.896176512441606, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.841574218329812, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.383043426725088, "q_0.625": 4.443391487815205, "q_0.65": 4.5145015727746625, "q_0.675": 4.615262338419963, "q_0.7": 4.698167283857219, "q_0.725": 4.783936856720974, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 76.79071628651461, "y": 2.6837326405008817, "y_true": 2.278602928749625, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3705100147784943, "q_0.05": 2.438457476535858, "q_0.075": 2.5375850537160143, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7953524597768027, "q_0.175": 2.896176512441606, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.841574218329812, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.383043426725088, "q_0.625": 4.443391487815205, "q_0.65": 4.5145015727746625, "q_0.675": 4.615262338419963, "q_0.7": 4.698167283857219, "q_0.725": 4.783936856720974, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 76.83073229291718, "y": 2.8621760078340626, "y_true": 2.278836735675518, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3705100147784943, "q_0.05": 2.438457476535858, "q_0.075": 2.5375850537160143, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7953524597768027, "q_0.175": 2.896176512441606, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.841574218329812, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.383043426725088, "q_0.625": 4.443391487815205, "q_0.65": 4.5145015727746625, "q_0.675": 4.615262338419963, "q_0.7": 4.698167283857219, "q_0.725": 4.783936856720974, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 76.87074829931973, "y": 2.805568500737486, "y_true": 2.279070427090556, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3705100147784943, "q_0.05": 2.438457476535858, "q_0.075": 2.5375850537160143, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7953524597768027, "q_0.175": 2.896176512441606, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.841574218329812, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.383043426725088, "q_0.625": 4.443391487815205, "q_0.65": 4.5145015727746625, "q_0.675": 4.615262338419963, "q_0.7": 4.698167283857219, "q_0.725": 4.783936856720974, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 76.9107643057223, "y": 5.07817765281532, "y_true": 2.279304003110438, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3705100147784943, "q_0.05": 2.438457476535858, "q_0.075": 2.5375850537160143, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7953524597768027, "q_0.175": 2.896176512441606, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.841574218329812, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.383043426725088, "q_0.625": 4.443391487815205, "q_0.65": 4.5145015727746625, "q_0.675": 4.615262338419963, "q_0.7": 4.698167283857219, "q_0.725": 4.783936856720974, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 76.95078031212485, "y": 2.6230128182596943, "y_true": 2.2795374638506867, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.12444804261836, "q_0.025": 2.3705100147784943, "q_0.05": 2.438457476535858, "q_0.075": 2.5375850537160143, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7953524597768027, "q_0.175": 2.896176512441606, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.841574218329812, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.383043426725088, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.615262338419963, "q_0.7": 4.698167283857219, "q_0.725": 4.783936856720974, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 76.99079631852742, "y": 2.8262046734017745, "y_true": 2.279770809426653, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.12444804261836, "q_0.025": 2.3705100147784943, "q_0.05": 2.438457476535858, "q_0.075": 2.5375850537160143, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7953524597768027, "q_0.175": 2.896176512441606, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.841574218329812, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.383043426725088, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.615262338419963, "q_0.7": 4.698167283857219, "q_0.725": 4.783936856720974, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 77.03081232492997, "y": 3.9235419918001844, "y_true": 2.2800040399535098, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.12444804261836, "q_0.025": 2.3705100147784943, "q_0.05": 2.438457476535858, "q_0.075": 2.5375850537160143, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7953524597768027, "q_0.175": 2.896176512441606, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.841574218329812, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.383043426725088, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.615262338419963, "q_0.7": 4.698167283857219, "q_0.725": 4.783936856720974, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 77.07082833133254, "y": 2.7953524597768027, "y_true": 2.28023715554626, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.12444804261836, "q_0.025": 2.3705100147784943, "q_0.05": 2.438457476535858, "q_0.075": 2.5375850537160143, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7953524597768027, "q_0.175": 2.896176512441606, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.841574218329812, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.383043426725088, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.615262338419963, "q_0.7": 4.698167283857219, "q_0.725": 4.783936856720974, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 77.1108443377351, "y": 5.027478862230059, "y_true": 2.2804701563197294, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3811461727431555, "q_0.05": 2.438457476535858, "q_0.075": 2.53964788689891, "q_0.1": 2.6282476375694124, "q_0.125": 2.714189113958136, "q_0.15": 2.7953524597768027, "q_0.175": 2.907311205076903, "q_0.2": 2.992355329402174, "q_0.225": 3.0713365782868456, "q_0.25": 3.1803893266668584, "q_0.275": 3.258385873746776, "q_0.3": 3.3528215475055045, "q_0.325": 3.4624759939988508, "q_0.35": 3.575211140266689, "q_0.375": 3.6728362355532678, "q_0.4": 3.781561671262624, "q_0.425": 3.8421760013767297, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.08514029514217, "q_0.525": 4.162900994680669, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.386746105165258, "q_0.625": 4.443391487815205, "q_0.65": 4.516051055433561, "q_0.675": 4.617894640017489, "q_0.7": 4.7041544941924425, "q_0.725": 4.784636625204954, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.252476581828642, "q_0.875": 5.300828399401942, "q_0.9": 5.434266789690643, "q_0.925": 5.516892215000944, "q_0.95": 5.624559174385009, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 77.15086034413766, "y": 4.074733964211663, "y_true": 2.280703042388573, "y_pred": 4.0959939948932345, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.383009982939651, "q_0.05": 2.4491475731569237, "q_0.075": 2.549583991214769, "q_0.1": 2.6417157379116865, "q_0.125": 2.7279028292097647, "q_0.15": 2.8262046734017745, "q_0.175": 2.9153702112558006, "q_0.2": 3.020564526122191, "q_0.225": 3.1125389204175766, "q_0.25": 3.2172131323844195, "q_0.275": 3.2892852977607623, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.589956712437207, "q_0.375": 3.7370926455715083, "q_0.4": 3.8033061560589747, "q_0.425": 3.8743859828269365, "q_0.45": 3.938207831627754, "q_0.475": 4.016884950305297, "q_0.5": 4.0959939948932345, "q_0.525": 4.190824560773652, "q_0.55": 4.25056124416727, "q_0.575": 4.342365636232222, "q_0.6": 4.402952275265316, "q_0.625": 4.458793381669393, "q_0.65": 4.526511379227445, "q_0.675": 4.639752850311846, "q_0.7": 4.736177265394555, "q_0.725": 4.810891937572263, "q_0.75": 4.929184037767474, "q_0.775": 4.986790350502121, "q_0.8": 5.0913926116210195, "q_0.825": 5.168472203483976, "q_0.85": 5.257417129892941, "q_0.875": 5.326908514789949, "q_0.9": 5.452978338295401, "q_0.925": 5.524495419275915, "q_0.95": 5.6312955078489795, "q_0.975": 5.781634551719325, "q_1": 6.27034173399522}, {"x": 77.19087635054022, "y": 5.516892215000944, "y_true": 2.2809358138672726, "y_pred": 4.0959939948932345, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.383009982939651, "q_0.05": 2.4491475731569237, "q_0.075": 2.549583991214769, "q_0.1": 2.6417157379116865, "q_0.125": 2.7279028292097647, "q_0.15": 2.8262046734017745, "q_0.175": 2.9153702112558006, "q_0.2": 3.020564526122191, "q_0.225": 3.1125389204175766, "q_0.25": 3.2172131323844195, "q_0.275": 3.2892852977607623, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.589956712437207, "q_0.375": 3.7370926455715083, "q_0.4": 3.8033061560589747, "q_0.425": 3.8743859828269365, "q_0.45": 3.938207831627754, "q_0.475": 4.016884950305297, "q_0.5": 4.0959939948932345, "q_0.525": 4.190824560773652, "q_0.55": 4.25056124416727, "q_0.575": 4.342365636232222, "q_0.6": 4.402952275265316, "q_0.625": 4.458793381669393, "q_0.65": 4.526511379227445, "q_0.675": 4.639752850311846, "q_0.7": 4.736177265394555, "q_0.725": 4.810891937572263, "q_0.75": 4.929184037767474, "q_0.775": 4.986790350502121, "q_0.8": 5.0913926116210195, "q_0.825": 5.168472203483976, "q_0.85": 5.257417129892941, "q_0.875": 5.326908514789949, "q_0.9": 5.452978338295401, "q_0.925": 5.524495419275915, "q_0.95": 5.6312955078489795, "q_0.975": 5.781634551719325, "q_1": 6.27034173399522}, {"x": 77.23089235694277, "y": 2.4214051269528722, "y_true": 2.2811684708701363, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.383009982939651, "q_0.05": 2.4491475731569237, "q_0.075": 2.549583991214769, "q_0.1": 2.6417157379116865, "q_0.125": 2.7279028292097647, "q_0.15": 2.8262822081381747, "q_0.175": 2.9196279721722176, "q_0.2": 3.023530191254946, "q_0.225": 3.1125389204175766, "q_0.25": 3.2254316406353265, "q_0.275": 3.3060480622945105, "q_0.3": 3.380000592960841, "q_0.325": 3.4823326439843876, "q_0.35": 3.591416837860331, "q_0.375": 3.7403507254469526, "q_0.4": 3.8083618384431666, "q_0.425": 3.8743859828269365, "q_0.45": 3.9401339462881877, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.204894416645397, "q_0.55": 4.268530319651792, "q_0.575": 4.345944391037823, "q_0.6": 4.408840676130108, "q_0.625": 4.4667994860864075, "q_0.65": 4.5307585434556135, "q_0.675": 4.65576149703457, "q_0.7": 4.743657261949687, "q_0.725": 4.821540911430054, "q_0.75": 4.9295437696061, "q_0.775": 5.00002727652422, "q_0.8": 5.0913926116210195, "q_0.825": 5.168472203483976, "q_0.85": 5.2584893877247785, "q_0.875": 5.333606511110667, "q_0.9": 5.452978338295401, "q_0.925": 5.524495419275915, "q_0.95": 5.6312955078489795, "q_0.975": 5.785466531779461, "q_1": 6.27034173399522}, {"x": 77.27090836334534, "y": 5.428295069291355, "y_true": 2.281401013511301, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3859252515807206, "q_0.05": 2.4491475731569237, "q_0.075": 2.549583991214769, "q_0.1": 2.6516303677934694, "q_0.125": 2.7292680103113987, "q_0.15": 2.8262822081381747, "q_0.175": 2.922055849375466, "q_0.2": 3.024477499172284, "q_0.225": 3.113677407994869, "q_0.25": 3.2254316406353265, "q_0.275": 3.3060480622945105, "q_0.3": 3.380000592960841, "q_0.325": 3.4823326439843876, "q_0.35": 3.5904725201537255, "q_0.375": 3.7403507254469526, "q_0.4": 3.8083618384431666, "q_0.425": 3.874775256516427, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.213791349388775, "q_0.55": 4.2762798196995, "q_0.575": 4.345944391037823, "q_0.6": 4.408840676130108, "q_0.625": 4.469765744176254, "q_0.65": 4.542961787693435, "q_0.675": 4.65576149703457, "q_0.7": 4.751295572180412, "q_0.725": 4.824497756750446, "q_0.75": 4.947550843487259, "q_0.775": 5.001286072939259, "q_0.8": 5.098247006205668, "q_0.825": 5.185038310859877, "q_0.85": 5.2584893877247785, "q_0.875": 5.3424650365918325, "q_0.9": 5.468516797645426, "q_0.925": 5.54762208330054, "q_0.95": 5.646216463682951, "q_0.975": 5.7864234980830105, "q_1": 6.27034173399522}, {"x": 77.31092436974791, "y": 2.8476929307854313, "y_true": 2.2816334419047317, "y_pred": 4.102839283973845, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3859252515807206, "q_0.05": 2.4566492217258977, "q_0.075": 2.550971946077841, "q_0.1": 2.6543719937017753, "q_0.125": 2.7292680103113987, "q_0.15": 2.849518772968909, "q_0.175": 2.9267520380692553, "q_0.2": 3.025858539312837, "q_0.225": 3.1208812296169146, "q_0.25": 3.228159419003859, "q_0.275": 3.3075176055432403, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5943810041373774, "q_0.375": 3.7403507254469526, "q_0.4": 3.812179321231008, "q_0.425": 3.894797686267373, "q_0.45": 3.955143008951596, "q_0.475": 4.01866113922733, "q_0.5": 4.102839283973845, "q_0.525": 4.219264119489327, "q_0.55": 4.283045803844111, "q_0.575": 4.355712970799319, "q_0.6": 4.415345649678461, "q_0.625": 4.487559006510527, "q_0.65": 4.561676809710924, "q_0.675": 4.66209043281477, "q_0.7": 4.754059493179085, "q_0.725": 4.824710676152548, "q_0.75": 4.952956496444671, "q_0.775": 5.016816119104931, "q_0.8": 5.10512455366794, "q_0.825": 5.1908939379888235, "q_0.85": 5.266816223503857, "q_0.875": 5.345281114685981, "q_0.9": 5.470539204424071, "q_0.925": 5.562253903587296, "q_0.95": 5.649102301940937, "q_0.975": 5.786662739658899, "q_1": 6.27034173399522}, {"x": 77.35094037615046, "y": 5.688880183092184, "y_true": 2.2818657561642213, "y_pred": 4.102839283973845, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3859252515807206, "q_0.05": 2.4566492217258977, "q_0.075": 2.550971946077841, "q_0.1": 2.6543719937017753, "q_0.125": 2.7292680103113987, "q_0.15": 2.849518772968909, "q_0.175": 2.9267520380692553, "q_0.2": 3.025858539312837, "q_0.225": 3.1208812296169146, "q_0.25": 3.228159419003859, "q_0.275": 3.3075176055432403, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5943810041373774, "q_0.375": 3.7403507254469526, "q_0.4": 3.812179321231008, "q_0.425": 3.894797686267373, "q_0.45": 3.955143008951596, "q_0.475": 4.01866113922733, "q_0.5": 4.102839283973845, "q_0.525": 4.219264119489327, "q_0.55": 4.283045803844111, "q_0.575": 4.355712970799319, "q_0.6": 4.415345649678461, "q_0.625": 4.487559006510527, "q_0.65": 4.561676809710924, "q_0.675": 4.66209043281477, "q_0.7": 4.754059493179085, "q_0.725": 4.824710676152548, "q_0.75": 4.952956496444671, "q_0.775": 5.016816119104931, "q_0.8": 5.10512455366794, "q_0.825": 5.1908939379888235, "q_0.85": 5.266816223503857, "q_0.875": 5.345281114685981, "q_0.9": 5.470539204424071, "q_0.925": 5.562253903587296, "q_0.95": 5.649102301940937, "q_0.975": 5.786662739658899, "q_1": 6.27034173399522}, {"x": 77.39095638255303, "y": 3.4823326439843876, "y_true": 2.2820979564033927, "y_pred": 4.106844584877033, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.5634086947733996, "q_0.1": 2.6543719937017753, "q_0.125": 2.7314628360912634, "q_0.15": 2.852885916079155, "q_0.175": 2.936751458127352, "q_0.2": 3.0313157533240775, "q_0.225": 3.1319274838423254, "q_0.25": 3.2299355074276637, "q_0.275": 3.30922675123002, "q_0.3": 3.39294710354336, "q_0.325": 3.487160243873938, "q_0.35": 3.5943810041373774, "q_0.375": 3.750507003847826, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.022717216561261, "q_0.5": 4.106844584877033, "q_0.525": 4.220603647459683, "q_0.55": 4.288444584877457, "q_0.575": 4.35845326247657, "q_0.6": 4.420720701382907, "q_0.625": 4.502286606293909, "q_0.65": 4.578294537006855, "q_0.675": 4.678755810464409, "q_0.7": 4.756470150633469, "q_0.725": 4.838782391137017, "q_0.75": 4.958608440376249, "q_0.775": 5.034888012746781, "q_0.8": 5.1150846649757185, "q_0.825": 5.200812083554782, "q_0.85": 5.274459398427366, "q_0.875": 5.382753321734516, "q_0.9": 5.474754932592035, "q_0.925": 5.567176255641547, "q_0.95": 5.651166593727051, "q_0.975": 5.795692993610903, "q_1": 6.27034173399522}, {"x": 77.43097238895558, "y": 4.162900994680669, "y_true": 2.2823300427356967, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.5634086947733996, "q_0.1": 2.6543719937017753, "q_0.125": 2.7314628360912634, "q_0.15": 2.852885916079155, "q_0.175": 2.951597313679295, "q_0.2": 3.038574688500715, "q_0.225": 3.1372571353673058, "q_0.25": 3.2319040057379813, "q_0.275": 3.313801822026567, "q_0.3": 3.39294710354336, "q_0.325": 3.4941224583668444, "q_0.35": 3.5943810041373774, "q_0.375": 3.7547772126378556, "q_0.4": 3.832809198068837, "q_0.425": 3.901450099337002, "q_0.45": 3.9709553542015694, "q_0.475": 4.023712033402997, "q_0.5": 4.119811094882084, "q_0.525": 4.22260905747275, "q_0.55": 4.2957353985901, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.507382818235483, "q_0.65": 4.58431812300384, "q_0.675": 4.681317684376906, "q_0.7": 4.76005565929704, "q_0.725": 4.852573212149856, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.116321735174258, "q_0.825": 5.210070557857085, "q_0.85": 5.278189101923205, "q_0.875": 5.38334529853516, "q_0.9": 5.47772218589268, "q_0.925": 5.583490735471294, "q_0.95": 5.655143783909511, "q_0.975": 5.797691686172592, "q_1": 6.27034173399522}, {"x": 77.47098839535815, "y": 2.369809405970749, "y_true": 2.282562015274415, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.5634086947733996, "q_0.1": 2.6543719937017753, "q_0.125": 2.7314628360912634, "q_0.15": 2.852885916079155, "q_0.175": 2.951597313679295, "q_0.2": 3.038574688500715, "q_0.225": 3.1372571353673058, "q_0.25": 3.2319040057379813, "q_0.275": 3.313801822026567, "q_0.3": 3.39294710354336, "q_0.325": 3.4941224583668444, "q_0.35": 3.5943810041373774, "q_0.375": 3.7547772126378556, "q_0.4": 3.832809198068837, "q_0.425": 3.901450099337002, "q_0.45": 3.9709553542015694, "q_0.475": 4.023712033402997, "q_0.5": 4.119811094882084, "q_0.525": 4.22260905747275, "q_0.55": 4.2957353985901, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.507382818235483, "q_0.65": 4.58431812300384, "q_0.675": 4.681317684376906, "q_0.7": 4.76005565929704, "q_0.725": 4.852573212149856, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.116321735174258, "q_0.825": 5.210070557857085, "q_0.85": 5.278189101923205, "q_0.875": 5.38334529853516, "q_0.9": 5.47772218589268, "q_0.925": 5.583490735471294, "q_0.95": 5.655143783909511, "q_0.975": 5.797691686172592, "q_1": 6.27034173399522}, {"x": 77.5110044017607, "y": 4.968028921493171, "y_true": 2.2827938741326586, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.5634086947733996, "q_0.1": 2.6543719937017753, "q_0.125": 2.7314628360912634, "q_0.15": 2.852885916079155, "q_0.175": 2.951597313679295, "q_0.2": 3.038574688500715, "q_0.225": 3.1372571353673058, "q_0.25": 3.2319040057379813, "q_0.275": 3.313801822026567, "q_0.3": 3.39294710354336, "q_0.325": 3.4941224583668444, "q_0.35": 3.5943810041373774, "q_0.375": 3.7547772126378556, "q_0.4": 3.832809198068837, "q_0.425": 3.901450099337002, "q_0.45": 3.9709553542015694, "q_0.475": 4.023712033402997, "q_0.5": 4.119811094882084, "q_0.525": 4.22260905747275, "q_0.55": 4.2957353985901, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.507382818235483, "q_0.65": 4.58431812300384, "q_0.675": 4.681317684376906, "q_0.7": 4.76005565929704, "q_0.725": 4.852573212149856, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.116321735174258, "q_0.825": 5.210070557857085, "q_0.85": 5.278189101923205, "q_0.875": 5.38334529853516, "q_0.9": 5.47772218589268, "q_0.925": 5.583490735471294, "q_0.95": 5.655143783909511, "q_0.975": 5.797691686172592, "q_1": 6.27034173399522}, {"x": 77.55102040816327, "y": 3.070399006042915, "y_true": 2.283025619423368, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.5634086947733996, "q_0.1": 2.6543719937017753, "q_0.125": 2.7314628360912634, "q_0.15": 2.852885916079155, "q_0.175": 2.951597313679295, "q_0.2": 3.038574688500715, "q_0.225": 3.1372571353673058, "q_0.25": 3.2319040057379813, "q_0.275": 3.313801822026567, "q_0.3": 3.39294710354336, "q_0.325": 3.4941224583668444, "q_0.35": 3.5943810041373774, "q_0.375": 3.7547772126378556, "q_0.4": 3.832809198068837, "q_0.425": 3.901450099337002, "q_0.45": 3.9709553542015694, "q_0.475": 4.023712033402997, "q_0.5": 4.119811094882084, "q_0.525": 4.22260905747275, "q_0.55": 4.2957353985901, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.507382818235483, "q_0.65": 4.58431812300384, "q_0.675": 4.681317684376906, "q_0.7": 4.76005565929704, "q_0.725": 4.852573212149856, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.116321735174258, "q_0.825": 5.210070557857085, "q_0.85": 5.278189101923205, "q_0.875": 5.38334529853516, "q_0.9": 5.47772218589268, "q_0.925": 5.583490735471294, "q_0.95": 5.655143783909511, "q_0.975": 5.797691686172592, "q_1": 6.27034173399522}, {"x": 77.59103641456583, "y": 5.659848116184113, "y_true": 2.2832572512593154, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.5634086947733996, "q_0.1": 2.6543719937017753, "q_0.125": 2.7314628360912634, "q_0.15": 2.852885916079155, "q_0.175": 2.951597313679295, "q_0.2": 3.038574688500715, "q_0.225": 3.1372571353673058, "q_0.25": 3.2319040057379813, "q_0.275": 3.313801822026567, "q_0.3": 3.39294710354336, "q_0.325": 3.4941224583668444, "q_0.35": 3.5943810041373774, "q_0.375": 3.7547772126378556, "q_0.4": 3.832809198068837, "q_0.425": 3.901450099337002, "q_0.45": 3.9709553542015694, "q_0.475": 4.023712033402997, "q_0.5": 4.119811094882084, "q_0.525": 4.22260905747275, "q_0.55": 4.2957353985901, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.507382818235483, "q_0.65": 4.58431812300384, "q_0.675": 4.681317684376906, "q_0.7": 4.76005565929704, "q_0.725": 4.852573212149856, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.116321735174258, "q_0.825": 5.210070557857085, "q_0.85": 5.278189101923205, "q_0.875": 5.38334529853516, "q_0.9": 5.47772218589268, "q_0.925": 5.583490735471294, "q_0.95": 5.655143783909511, "q_0.975": 5.797691686172592, "q_1": 6.27034173399522}, {"x": 77.63105242096839, "y": 4.721682287041723, "y_true": 2.283488769753103, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.5634086947733996, "q_0.1": 2.6543719937017753, "q_0.125": 2.7314628360912634, "q_0.15": 2.852885916079155, "q_0.175": 2.951597313679295, "q_0.2": 3.038574688500715, "q_0.225": 3.1372571353673058, "q_0.25": 3.2319040057379813, "q_0.275": 3.313801822026567, "q_0.3": 3.39294710354336, "q_0.325": 3.4941224583668444, "q_0.35": 3.5943810041373774, "q_0.375": 3.7547772126378556, "q_0.4": 3.832809198068837, "q_0.425": 3.901450099337002, "q_0.45": 3.9709553542015694, "q_0.475": 4.023712033402997, "q_0.5": 4.119811094882084, "q_0.525": 4.22260905747275, "q_0.55": 4.2957353985901, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.507382818235483, "q_0.65": 4.58431812300384, "q_0.675": 4.681317684376906, "q_0.7": 4.76005565929704, "q_0.725": 4.852573212149856, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.116321735174258, "q_0.825": 5.210070557857085, "q_0.85": 5.278189101923205, "q_0.875": 5.38334529853516, "q_0.9": 5.47772218589268, "q_0.925": 5.583490735471294, "q_0.95": 5.655143783909511, "q_0.975": 5.797691686172592, "q_1": 6.27034173399522}, {"x": 77.67106842737095, "y": 3.3287884686443454, "y_true": 2.283720175017166, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.571456478035223, "q_0.1": 2.6665159314249776, "q_0.125": 2.747622889008604, "q_0.15": 2.8621760078340626, "q_0.175": 2.9520467796015497, "q_0.2": 3.0491145060714273, "q_0.225": 3.1389550153975248, "q_0.25": 3.2372345560957414, "q_0.275": 3.3209807744696085, "q_0.3": 3.4024941368374733, "q_0.325": 3.4941224583668444, "q_0.35": 3.5958245515213925, "q_0.375": 3.7605574367515606, "q_0.4": 3.832809198068837, "q_0.425": 3.9125235968269525, "q_0.45": 3.979310380219098, "q_0.475": 4.046112619647198, "q_0.5": 4.119811094882084, "q_0.525": 4.2252784842081015, "q_0.55": 4.300148268286122, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.512375995836736, "q_0.65": 4.586837842398975, "q_0.675": 4.689471288430305, "q_0.7": 4.76005565929704, "q_0.725": 4.853806814576997, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.117753451838315, "q_0.825": 5.211738144821734, "q_0.85": 5.280781234023091, "q_0.875": 5.390976236028726, "q_0.9": 5.480217217725718, "q_0.925": 5.584794707132016, "q_0.95": 5.655143783909511, "q_0.975": 5.799326980086704, "q_1": 6.27034173399522}, {"x": 77.71108443377351, "y": 3.2454678388994074, "y_true": 2.2839514671637686, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.571456478035223, "q_0.1": 2.6665159314249776, "q_0.125": 2.747622889008604, "q_0.15": 2.8621760078340626, "q_0.175": 2.9520467796015497, "q_0.2": 3.0491145060714273, "q_0.225": 3.1389550153975248, "q_0.25": 3.2372345560957414, "q_0.275": 3.3209807744696085, "q_0.3": 3.4024941368374733, "q_0.325": 3.4941224583668444, "q_0.35": 3.5958245515213925, "q_0.375": 3.7605574367515606, "q_0.4": 3.832809198068837, "q_0.425": 3.9125235968269525, "q_0.45": 3.979310380219098, "q_0.475": 4.046112619647198, "q_0.5": 4.119811094882084, "q_0.525": 4.2252784842081015, "q_0.55": 4.300148268286122, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.512375995836736, "q_0.65": 4.586837842398975, "q_0.675": 4.689471288430305, "q_0.7": 4.76005565929704, "q_0.725": 4.853806814576997, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.117753451838315, "q_0.825": 5.211738144821734, "q_0.85": 5.280781234023091, "q_0.875": 5.390976236028726, "q_0.9": 5.480217217725718, "q_0.925": 5.584794707132016, "q_0.95": 5.655143783909511, "q_0.975": 5.799326980086704, "q_1": 6.27034173399522}, {"x": 77.75110044017607, "y": 2.9125286841878246, "y_true": 2.2841826463050094, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.571456478035223, "q_0.1": 2.6665159314249776, "q_0.125": 2.747622889008604, "q_0.15": 2.8621760078340626, "q_0.175": 2.9520467796015497, "q_0.2": 3.0491145060714273, "q_0.225": 3.1389550153975248, "q_0.25": 3.2372345560957414, "q_0.275": 3.3209807744696085, "q_0.3": 3.4024941368374733, "q_0.325": 3.4941224583668444, "q_0.35": 3.5958245515213925, "q_0.375": 3.7605574367515606, "q_0.4": 3.832809198068837, "q_0.425": 3.9125235968269525, "q_0.45": 3.979310380219098, "q_0.475": 4.046112619647198, "q_0.5": 4.119811094882084, "q_0.525": 4.2252784842081015, "q_0.55": 4.300148268286122, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.512375995836736, "q_0.65": 4.586837842398975, "q_0.675": 4.689471288430305, "q_0.7": 4.76005565929704, "q_0.725": 4.853806814576997, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.117753451838315, "q_0.825": 5.211738144821734, "q_0.85": 5.280781234023091, "q_0.875": 5.390976236028726, "q_0.9": 5.480217217725718, "q_0.925": 5.584794707132016, "q_0.95": 5.655143783909511, "q_0.975": 5.799326980086704, "q_1": 6.27034173399522}, {"x": 77.79111644657864, "y": 5.240320879884191, "y_true": 2.2844137125528174, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.571456478035223, "q_0.1": 2.6665159314249776, "q_0.125": 2.747622889008604, "q_0.15": 2.8621760078340626, "q_0.175": 2.9520467796015497, "q_0.2": 3.0491145060714273, "q_0.225": 3.1389550153975248, "q_0.25": 3.2372345560957414, "q_0.275": 3.3209807744696085, "q_0.3": 3.4024941368374733, "q_0.325": 3.4941224583668444, "q_0.35": 3.5958245515213925, "q_0.375": 3.7605574367515606, "q_0.4": 3.832809198068837, "q_0.425": 3.9125235968269525, "q_0.45": 3.979310380219098, "q_0.475": 4.046112619647198, "q_0.5": 4.119811094882084, "q_0.525": 4.2252784842081015, "q_0.55": 4.300148268286122, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.512375995836736, "q_0.65": 4.586837842398975, "q_0.675": 4.689471288430305, "q_0.7": 4.76005565929704, "q_0.725": 4.853806814576997, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.117753451838315, "q_0.825": 5.211738144821734, "q_0.85": 5.280781234023091, "q_0.875": 5.390976236028726, "q_0.9": 5.480217217725718, "q_0.925": 5.584794707132016, "q_0.95": 5.655143783909511, "q_0.975": 5.799326980086704, "q_1": 6.27034173399522}, {"x": 77.8311324529812, "y": 3.901206002099772, "y_true": 2.2846446660189557, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.571456478035223, "q_0.1": 2.6665159314249776, "q_0.125": 2.747622889008604, "q_0.15": 2.8621760078340626, "q_0.175": 2.9520467796015497, "q_0.2": 3.056344540899139, "q_0.225": 3.1389550153975248, "q_0.25": 3.242623967844317, "q_0.275": 3.3222849806377885, "q_0.3": 3.4024941368374733, "q_0.325": 3.495776017039833, "q_0.35": 3.5958245515213925, "q_0.375": 3.7605574367515606, "q_0.4": 3.8362449438349007, "q_0.425": 3.9125235968269525, "q_0.45": 3.979770958558184, "q_0.475": 4.047863185109052, "q_0.5": 4.1242083959691955, "q_0.525": 4.2252784842081015, "q_0.55": 4.305674944555796, "q_0.575": 4.375882358761977, "q_0.6": 4.432607723991004, "q_0.625": 4.512375995836736, "q_0.65": 4.5886528163139095, "q_0.675": 4.689471288430305, "q_0.7": 4.764920622283495, "q_0.725": 4.877852228063945, "q_0.75": 4.961953427274496, "q_0.775": 5.041086014358456, "q_0.8": 5.117753451838315, "q_0.825": 5.216401239879421, "q_0.85": 5.281448022228394, "q_0.875": 5.390976236028726, "q_0.9": 5.480217217725718, "q_0.925": 5.584794707132016, "q_0.95": 5.655579676305816, "q_0.975": 5.799326980086704, "q_1": 6.27034173399522}, {"x": 77.87114845938376, "y": 3.3060480622945105, "y_true": 2.284875506815019, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.571456478035223, "q_0.1": 2.6665159314249776, "q_0.125": 2.747622889008604, "q_0.15": 2.8621760078340626, "q_0.175": 2.9520467796015497, "q_0.2": 3.056344540899139, "q_0.225": 3.1389550153975248, "q_0.25": 3.242623967844317, "q_0.275": 3.3222849806377885, "q_0.3": 3.4024941368374733, "q_0.325": 3.495776017039833, "q_0.35": 3.5958245515213925, "q_0.375": 3.7605574367515606, "q_0.4": 3.8362449438349007, "q_0.425": 3.9125235968269525, "q_0.45": 3.979770958558184, "q_0.475": 4.047863185109052, "q_0.5": 4.1242083959691955, "q_0.525": 4.2252784842081015, "q_0.55": 4.305674944555796, "q_0.575": 4.375882358761977, "q_0.6": 4.432607723991004, "q_0.625": 4.512375995836736, "q_0.65": 4.5886528163139095, "q_0.675": 4.689471288430305, "q_0.7": 4.764920622283495, "q_0.725": 4.877852228063945, "q_0.75": 4.961953427274496, "q_0.775": 5.041086014358456, "q_0.8": 5.117753451838315, "q_0.825": 5.216401239879421, "q_0.85": 5.281448022228394, "q_0.875": 5.390976236028726, "q_0.9": 5.480217217725718, "q_0.925": 5.584794707132016, "q_0.95": 5.655579676305816, "q_0.975": 5.799326980086704, "q_1": 6.27034173399522}, {"x": 77.91116446578631, "y": 5.798883916021819, "y_true": 2.2851062350524365, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.571456478035223, "q_0.1": 2.6665159314249776, "q_0.125": 2.747622889008604, "q_0.15": 2.8621760078340626, "q_0.175": 2.9520467796015497, "q_0.2": 3.056344540899139, "q_0.225": 3.1389550153975248, "q_0.25": 3.242623967844317, "q_0.275": 3.3222849806377885, "q_0.3": 3.4024941368374733, "q_0.325": 3.495776017039833, "q_0.35": 3.5958245515213925, "q_0.375": 3.7605574367515606, "q_0.4": 3.8362449438349007, "q_0.425": 3.9125235968269525, "q_0.45": 3.979770958558184, "q_0.475": 4.047863185109052, "q_0.5": 4.1242083959691955, "q_0.525": 4.2252784842081015, "q_0.55": 4.305674944555796, "q_0.575": 4.375882358761977, "q_0.6": 4.432607723991004, "q_0.625": 4.512375995836736, "q_0.65": 4.5886528163139095, "q_0.675": 4.689471288430305, "q_0.7": 4.764920622283495, "q_0.725": 4.877852228063945, "q_0.75": 4.961953427274496, "q_0.775": 5.041086014358456, "q_0.8": 5.117753451838315, "q_0.825": 5.216401239879421, "q_0.85": 5.281448022228394, "q_0.875": 5.390976236028726, "q_0.9": 5.480217217725718, "q_0.925": 5.584794707132016, "q_0.95": 5.655579676305816, "q_0.975": 5.799326980086704, "q_1": 6.27034173399522}, {"x": 77.95118047218888, "y": 5.244216861948782, "y_true": 2.2853368508424703, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.470979320958364, "q_0.075": 2.573646553606184, "q_0.1": 2.671641687026599, "q_0.125": 2.7511721505699436, "q_0.15": 2.8663602678584175, "q_0.175": 2.9549714832035257, "q_0.2": 3.056344540899139, "q_0.225": 3.142557683793132, "q_0.25": 3.2454678388994074, "q_0.275": 3.3222849806377885, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.610435875236362, "q_0.375": 3.7631840033611823, "q_0.4": 3.8401305046081626, "q_0.425": 3.913632040594817, "q_0.45": 3.9802035798864055, "q_0.475": 4.0547684252525755, "q_0.5": 4.149530812879764, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.377901776833773, "q_0.6": 4.440964031867401, "q_0.625": 4.513975849148123, "q_0.65": 4.615221016096102, "q_0.675": 4.696883024241005, "q_0.7": 4.780415527265166, "q_0.725": 4.884736493949518, "q_0.75": 4.967069307788265, "q_0.775": 5.0431577172903905, "q_0.8": 5.1291143725727935, "q_0.825": 5.233940641614347, "q_0.85": 5.281448022228394, "q_0.875": 5.409705679618207, "q_0.9": 5.4854647229841955, "q_0.925": 5.587477112847621, "q_0.95": 5.65771216839458, "q_0.975": 5.800832247348502, "q_1": 6.27034173399522}, {"x": 77.99119647859143, "y": 4.448303960931506, "y_true": 2.2855673542962167, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.470979320958364, "q_0.075": 2.573646553606184, "q_0.1": 2.671641687026599, "q_0.125": 2.7511721505699436, "q_0.15": 2.8663602678584175, "q_0.175": 2.9549714832035257, "q_0.2": 3.056344540899139, "q_0.225": 3.142557683793132, "q_0.25": 3.2454678388994074, "q_0.275": 3.3222849806377885, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.610435875236362, "q_0.375": 3.7631840033611823, "q_0.4": 3.8401305046081626, "q_0.425": 3.913632040594817, "q_0.45": 3.9802035798864055, "q_0.475": 4.0547684252525755, "q_0.5": 4.149530812879764, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.377901776833773, "q_0.6": 4.440964031867401, "q_0.625": 4.513975849148123, "q_0.65": 4.615221016096102, "q_0.675": 4.696883024241005, "q_0.7": 4.780415527265166, "q_0.725": 4.884736493949518, "q_0.75": 4.967069307788265, "q_0.775": 5.0431577172903905, "q_0.8": 5.1291143725727935, "q_0.825": 5.233940641614347, "q_0.85": 5.281448022228394, "q_0.875": 5.409705679618207, "q_0.9": 5.4854647229841955, "q_0.925": 5.587477112847621, "q_0.95": 5.65771216839458, "q_0.975": 5.800832247348502, "q_1": 6.27034173399522}, {"x": 78.031212484994, "y": 5.2462471236381205, "y_true": 2.285797745524606, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.470979320958364, "q_0.075": 2.573646553606184, "q_0.1": 2.671641687026599, "q_0.125": 2.7511721505699436, "q_0.15": 2.8663602678584175, "q_0.175": 2.9549714832035257, "q_0.2": 3.056344540899139, "q_0.225": 3.142557683793132, "q_0.25": 3.2454678388994074, "q_0.275": 3.3222849806377885, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.610435875236362, "q_0.375": 3.7631840033611823, "q_0.4": 3.8401305046081626, "q_0.425": 3.913632040594817, "q_0.45": 3.9802035798864055, "q_0.475": 4.0547684252525755, "q_0.5": 4.149530812879764, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.377901776833773, "q_0.6": 4.440964031867401, "q_0.625": 4.513975849148123, "q_0.65": 4.615221016096102, "q_0.675": 4.696883024241005, "q_0.7": 4.780415527265166, "q_0.725": 4.884736493949518, "q_0.75": 4.967069307788265, "q_0.775": 5.0431577172903905, "q_0.8": 5.1291143725727935, "q_0.825": 5.233940641614347, "q_0.85": 5.281448022228394, "q_0.875": 5.409705679618207, "q_0.9": 5.4854647229841955, "q_0.925": 5.587477112847621, "q_0.95": 5.65771216839458, "q_0.975": 5.800832247348502, "q_1": 6.27034173399522}, {"x": 78.07122849139657, "y": 2.7292680103113987, "y_true": 2.2860280246384033, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.470979320958364, "q_0.075": 2.573646553606184, "q_0.1": 2.671641687026599, "q_0.125": 2.7511721505699436, "q_0.15": 2.8663602678584175, "q_0.175": 2.9549714832035257, "q_0.2": 3.056344540899139, "q_0.225": 3.142557683793132, "q_0.25": 3.2454678388994074, "q_0.275": 3.3222849806377885, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.610435875236362, "q_0.375": 3.7631840033611823, "q_0.4": 3.8401305046081626, "q_0.425": 3.913632040594817, "q_0.45": 3.9802035798864055, "q_0.475": 4.0547684252525755, "q_0.5": 4.149530812879764, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.377901776833773, "q_0.6": 4.440964031867401, "q_0.625": 4.513975849148123, "q_0.65": 4.615221016096102, "q_0.675": 4.696883024241005, "q_0.7": 4.780415527265166, "q_0.725": 4.884736493949518, "q_0.75": 4.967069307788265, "q_0.775": 5.0431577172903905, "q_0.8": 5.1291143725727935, "q_0.825": 5.233940641614347, "q_0.85": 5.281448022228394, "q_0.875": 5.409705679618207, "q_0.9": 5.4854647229841955, "q_0.925": 5.587477112847621, "q_0.95": 5.65771216839458, "q_0.975": 5.800832247348502, "q_1": 6.27034173399522}, {"x": 78.11124449779912, "y": 4.766723369054614, "y_true": 2.286258191748209, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.470979320958364, "q_0.075": 2.573646553606184, "q_0.1": 2.671641687026599, "q_0.125": 2.7511721505699436, "q_0.15": 2.8663602678584175, "q_0.175": 2.9549714832035257, "q_0.2": 3.056344540899139, "q_0.225": 3.142557683793132, "q_0.25": 3.2454678388994074, "q_0.275": 3.3222849806377885, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.610435875236362, "q_0.375": 3.7631840033611823, "q_0.4": 3.8401305046081626, "q_0.425": 3.913632040594817, "q_0.45": 3.9802035798864055, "q_0.475": 4.0547684252525755, "q_0.5": 4.149530812879764, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.377901776833773, "q_0.6": 4.440964031867401, "q_0.625": 4.513975849148123, "q_0.65": 4.615221016096102, "q_0.675": 4.696883024241005, "q_0.7": 4.780415527265166, "q_0.725": 4.884736493949518, "q_0.75": 4.967069307788265, "q_0.775": 5.0431577172903905, "q_0.8": 5.1291143725727935, "q_0.825": 5.233940641614347, "q_0.85": 5.281448022228394, "q_0.875": 5.409705679618207, "q_0.9": 5.4854647229841955, "q_0.925": 5.587477112847621, "q_0.95": 5.65771216839458, "q_0.975": 5.800832247348502, "q_1": 6.27034173399522}, {"x": 78.15126050420169, "y": 3.482856644750313, "y_true": 2.286488246964458, "y_pred": 4.159624545279746, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.4748083301896857, "q_0.075": 2.573646553606184, "q_0.1": 2.671641687026599, "q_0.125": 2.7511721505699436, "q_0.15": 2.8663602678584175, "q_0.175": 2.9551932879384832, "q_0.2": 3.056344540899139, "q_0.225": 3.148548664158322, "q_0.25": 3.2454678388994074, "q_0.275": 3.3227928614255973, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.610435875236362, "q_0.375": 3.774694353019568, "q_0.4": 3.8401305046081626, "q_0.425": 3.913632040594817, "q_0.45": 3.983775901456809, "q_0.475": 4.060502072620121, "q_0.5": 4.159624545279746, "q_0.525": 4.230336563461151, "q_0.55": 4.313556461719718, "q_0.575": 4.3800576741755854, "q_0.6": 4.443391487815205, "q_0.625": 4.5145015727746625, "q_0.65": 4.617894640017489, "q_0.675": 4.698167283857219, "q_0.7": 4.783936856720974, "q_0.725": 4.8865635136613434, "q_0.75": 4.967069307788265, "q_0.775": 5.0431577172903905, "q_0.8": 5.1291143725727935, "q_0.825": 5.233940641614347, "q_0.85": 5.283373196937468, "q_0.875": 5.409705679618207, "q_0.9": 5.4854647229841955, "q_0.925": 5.591714034526983, "q_0.95": 5.662374771034235, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.19127651060424, "y": 4.824497756750446, "y_true": 2.286718190397422, "y_pred": 4.160652236291072, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.4748083301896857, "q_0.075": 2.5738685164810016, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9607586531045254, "q_0.2": 3.057966548401869, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.513709366624788, "q_0.35": 3.629489241472858, "q_0.375": 3.7747173974049257, "q_0.4": 3.840713162675219, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.160652236291072, "q_0.525": 4.23520935735781, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.4109510529294305, "q_0.9": 5.4871910874368695, "q_0.925": 5.596618538306475, "q_0.95": 5.662374771034235, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.2312925170068, "y": 5.837161538626953, "y_true": 2.286948022157207, "y_pred": 4.160652236291072, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.4748083301896857, "q_0.075": 2.5738685164810016, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9607586531045254, "q_0.2": 3.057966548401869, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.513709366624788, "q_0.35": 3.629489241472858, "q_0.375": 3.7747173974049257, "q_0.4": 3.840713162675219, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.160652236291072, "q_0.525": 4.23520935735781, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.4109510529294305, "q_0.9": 5.4871910874368695, "q_0.925": 5.596618538306475, "q_0.95": 5.662374771034235, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.27130852340936, "y": 5.168472203483976, "y_true": 2.287177742353757, "y_pred": 4.160652236291072, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.4748083301896857, "q_0.075": 2.5738685164810016, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9607586531045254, "q_0.2": 3.057966548401869, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.513709366624788, "q_0.35": 3.629489241472858, "q_0.375": 3.7747173974049257, "q_0.4": 3.840713162675219, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.160652236291072, "q_0.525": 4.23520935735781, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.4109510529294305, "q_0.9": 5.4871910874368695, "q_0.925": 5.596618538306475, "q_0.95": 5.662374771034235, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.31132452981193, "y": 4.375882358761977, "y_true": 2.2874073510968507, "y_pred": 4.160652236291072, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.4748083301896857, "q_0.075": 2.5738685164810016, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9607586531045254, "q_0.2": 3.057966548401869, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.513709366624788, "q_0.35": 3.629489241472858, "q_0.375": 3.7747173974049257, "q_0.4": 3.840713162675219, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.160652236291072, "q_0.525": 4.23520935735781, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.4109510529294305, "q_0.9": 5.4871910874368695, "q_0.925": 5.596618538306475, "q_0.95": 5.662374771034235, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.3513405362145, "y": 5.041086014358456, "y_true": 2.2876368484961054, "y_pred": 4.160652236291072, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.4748083301896857, "q_0.075": 2.5738685164810016, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9607586531045254, "q_0.2": 3.057966548401869, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.513709366624788, "q_0.35": 3.629489241472858, "q_0.375": 3.7747173974049257, "q_0.4": 3.840713162675219, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.160652236291072, "q_0.525": 4.23520935735781, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.4109510529294305, "q_0.9": 5.4871910874368695, "q_0.925": 5.596618538306475, "q_0.95": 5.662374771034235, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.39135654261705, "y": 4.017770771067886, "y_true": 2.287866234660975, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4004089868562732, "q_0.05": 2.4748083301896857, "q_0.075": 2.5739753874948024, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9607586531045254, "q_0.2": 3.060694866210393, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.5158058423364817, "q_0.35": 3.629489241472858, "q_0.375": 3.781561671262624, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.162900994680669, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.386746105165258, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.424402001203898, "q_0.9": 5.495417737331863, "q_0.925": 5.603447866587708, "q_0.95": 5.665344388128012, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.43137254901961, "y": 3.3222849806377885, "y_true": 2.2880955097007503, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4004089868562732, "q_0.05": 2.4748083301896857, "q_0.075": 2.5739753874948024, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9607586531045254, "q_0.2": 3.060694866210393, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.5158058423364817, "q_0.35": 3.629489241472858, "q_0.375": 3.781561671262624, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.162900994680669, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.386746105165258, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.424402001203898, "q_0.9": 5.495417737331863, "q_0.925": 5.603447866587708, "q_0.95": 5.665344388128012, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.47138855542217, "y": 2.438457476535858, "y_true": 2.288324673724561, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4004089868562732, "q_0.05": 2.4748083301896857, "q_0.075": 2.5739753874948024, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9607586531045254, "q_0.2": 3.060694866210393, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.5158058423364817, "q_0.35": 3.629489241472858, "q_0.375": 3.781561671262624, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.162900994680669, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.386746105165258, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.424402001203898, "q_0.9": 5.495417737331863, "q_0.925": 5.603447866587708, "q_0.95": 5.665344388128012, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.51140456182473, "y": 4.790989407653795, "y_true": 2.2885537268413745, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4004089868562732, "q_0.05": 2.4748083301896857, "q_0.075": 2.5739753874948024, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9607586531045254, "q_0.2": 3.060694866210393, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.5158058423364817, "q_0.35": 3.629489241472858, "q_0.375": 3.781561671262624, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.162900994680669, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.386746105165258, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.424402001203898, "q_0.9": 5.495417737331863, "q_0.925": 5.603447866587708, "q_0.95": 5.665344388128012, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.5514205682273, "y": 2.815764758971804, "y_true": 2.288782669159997, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4004089868562732, "q_0.05": 2.4748083301896857, "q_0.075": 2.5739753874948024, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9607586531045254, "q_0.2": 3.060694866210393, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.5158058423364817, "q_0.35": 3.629489241472858, "q_0.375": 3.781561671262624, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.162900994680669, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.386746105165258, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.424402001203898, "q_0.9": 5.495417737331863, "q_0.925": 5.603447866587708, "q_0.95": 5.665344388128012, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.59143657462985, "y": 3.986874204152582, "y_true": 2.2890115007890737, "y_pred": 4.167332942747445, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.575171517968341, "q_0.1": 2.6797936943513916, "q_0.125": 2.7524190153540147, "q_0.15": 2.885081183982993, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.2457823281973135, "q_0.275": 3.3287884686443454, "q_0.3": 3.4220083042936373, "q_0.325": 3.5172355033829596, "q_0.35": 3.6296327574840968, "q_0.375": 3.781561671262624, "q_0.4": 3.841574218329812, "q_0.425": 3.915578403502124, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.167332942747445, "q_0.525": 4.246309500211176, "q_0.55": 4.329576018243852, "q_0.575": 4.399077134558835, "q_0.6": 4.4577561764662015, "q_0.625": 4.523682918469981, "q_0.65": 4.632574887407137, "q_0.675": 4.721682287041723, "q_0.7": 4.79857405814516, "q_0.725": 4.9003724638075195, "q_0.75": 4.977294368058198, "q_0.775": 5.062113582567358, "q_0.8": 5.139244774896667, "q_0.825": 5.249412450388658, "q_0.85": 5.300303885495273, "q_0.875": 5.42818894426093, "q_0.9": 5.505751867249882, "q_0.925": 5.603447866587708, "q_0.95": 5.679904757712986, "q_0.975": 5.803931662595026, "q_1": 6.27034173399522}, {"x": 78.63145258103242, "y": 4.754059493179085, "y_true": 2.2892402218370873, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.5783249528531256, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.2472847296993383, "q_0.275": 3.3287884686443454, "q_0.3": 3.4274316564430234, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9975405732533305, "q_0.475": 4.07786433050281, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.399331144616328, "q_0.6": 4.458793381669393, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.721682287041723, "q_0.7": 4.79857405814516, "q_0.725": 4.9003724638075195, "q_0.75": 4.979780763181342, "q_0.775": 5.070988544797505, "q_0.8": 5.14931419660949, "q_0.825": 5.252476581828642, "q_0.85": 5.300828399401942, "q_0.875": 5.434266789690643, "q_0.9": 5.516892215000944, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.803931662595026, "q_1": 6.27034173399522}, {"x": 78.67146858743497, "y": 5.584794707132016, "y_true": 2.2894688324123624, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.579363420946778, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.329921802687885, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.79857405814516, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.253163748556213, "q_0.85": 5.306166120734368, "q_0.875": 5.436254423980275, "q_0.9": 5.516892215000944, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.803931662595026, "q_1": 6.27034173399522}, {"x": 78.71148459383754, "y": 4.542961787693435, "y_true": 2.2896973326230623, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.579363420946778, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.329921802687885, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.79857405814516, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.253163748556213, "q_0.85": 5.306166120734368, "q_0.875": 5.436254423980275, "q_0.9": 5.516892215000944, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.803931662595026, "q_1": 6.27034173399522}, {"x": 78.75150060024009, "y": 3.09512152528177, "y_true": 2.2899257225771894, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.579363420946778, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.329921802687885, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.79857405814516, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.253163748556213, "q_0.85": 5.306166120734368, "q_0.875": 5.436254423980275, "q_0.9": 5.516892215000944, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.803931662595026, "q_1": 6.27034173399522}, {"x": 78.79151660664266, "y": 4.043555407133586, "y_true": 2.2901540023825886, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.579363420946778, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.329921802687885, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.79857405814516, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.253163748556213, "q_0.85": 5.306166120734368, "q_0.875": 5.436254423980275, "q_0.9": 5.516892215000944, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.803931662595026, "q_1": 6.27034173399522}, {"x": 78.83153261304523, "y": 4.76005565929704, "y_true": 2.290382172146944, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.579363420946778, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.329921802687885, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.79857405814516, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.253163748556213, "q_0.85": 5.306166120734368, "q_0.875": 5.436254423980275, "q_0.9": 5.516892215000944, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.803931662595026, "q_1": 6.27034173399522}, {"x": 78.87154861944778, "y": 3.0132293789234903, "y_true": 2.290610231977781, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.580921123087258, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.24765560458025, "q_0.275": 3.329921802687885, "q_0.3": 3.4274316564430234, "q_0.325": 3.5172355033829596, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.000022539163207, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.803604988503729, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.256769058246674, "q_0.85": 5.3131759745130065, "q_0.875": 5.436254423980275, "q_0.9": 5.520116401135856, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.816529716627635, "q_1": 6.27034173399522}, {"x": 78.91156462585035, "y": 5.00002727652422, "y_true": 2.2908381819824672, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.580921123087258, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.24765560458025, "q_0.275": 3.329921802687885, "q_0.3": 3.4274316564430234, "q_0.325": 3.5172355033829596, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.000022539163207, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.803604988503729, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.256769058246674, "q_0.85": 5.3131759745130065, "q_0.875": 5.436254423980275, "q_0.9": 5.520116401135856, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.816529716627635, "q_1": 6.27034173399522}, {"x": 78.9515806322529, "y": 5.117753451838315, "y_true": 2.2910660222682107, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.580921123087258, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.24765560458025, "q_0.275": 3.329921802687885, "q_0.3": 3.4274316564430234, "q_0.325": 3.5172355033829596, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.000022539163207, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.803604988503729, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.256769058246674, "q_0.85": 5.3131759745130065, "q_0.875": 5.436254423980275, "q_0.9": 5.520116401135856, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.816529716627635, "q_1": 6.27034173399522}, {"x": 78.99159663865547, "y": 4.2252784842081015, "y_true": 2.2912937529420625, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.580921123087258, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.24765560458025, "q_0.275": 3.329921802687885, "q_0.3": 3.4274316564430234, "q_0.325": 3.5172355033829596, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.000022539163207, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.803604988503729, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.256769058246674, "q_0.85": 5.3131759745130065, "q_0.875": 5.436254423980275, "q_0.9": 5.520116401135856, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.816529716627635, "q_1": 6.27034173399522}, {"x": 79.03161264505803, "y": 5.470539204424071, "y_true": 2.291521374110916, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.580921123087258, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.24765560458025, "q_0.275": 3.329921802687885, "q_0.3": 3.4274316564430234, "q_0.325": 3.5172355033829596, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.000022539163207, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.803604988503729, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.256769058246674, "q_0.85": 5.3131759745130065, "q_0.875": 5.436254423980275, "q_0.9": 5.520116401135856, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.816529716627635, "q_1": 6.27034173399522}, {"x": 79.07162865146059, "y": 3.1237775428619434, "y_true": 2.291748885881506, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.580921123087258, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.24765560458025, "q_0.275": 3.329921802687885, "q_0.3": 3.4274316564430234, "q_0.325": 3.5172355033829596, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.000022539163207, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.803604988503729, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.256769058246674, "q_0.85": 5.3131759745130065, "q_0.875": 5.436254423980275, "q_0.9": 5.520116401135856, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.816529716627635, "q_1": 6.27034173399522}, {"x": 79.11164465786315, "y": 4.283045803844111, "y_true": 2.2919762883604116, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.1516606642657, "y": 5.603447866587708, "y_true": 2.292203581654054, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.19167667066827, "y": 4.9003724638075195, "y_true": 2.292430765868699, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.23169267707082, "y": 5.281448022228394, "y_true": 2.292657841110456, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.27170868347339, "y": 3.11566189778931, "y_true": 2.2928848074852786, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.31172468987596, "y": 4.415345649678461, "y_true": 2.2931116650989636, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.35174069627851, "y": 3.4941224583668444, "y_true": 2.2933384140571547, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.39175670268108, "y": 4.735592918516005, "y_true": 2.2935650544653385, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.43177270908363, "y": 4.230906090528967, "y_true": 2.293791586428849, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.4717887154862, "y": 4.61277358213936, "y_true": 2.294018010052865, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.51180472188877, "y": 4.58431812300384, "y_true": 2.294244325442411, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.55182072829132, "y": 5.025241921344838, "y_true": 2.2944705327023582, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.59183673469389, "y": 5.257417129892941, "y_true": 2.294696631937424, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.63185274109644, "y": 2.5244317437828445, "y_true": 2.2949226232521727, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.671868747499, "y": 5.813211645623708, "y_true": 2.295148506751017, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.71188475390156, "y": 3.8033061560589747, "y_true": 2.2953742825382153, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.75190076030412, "y": 2.9267520380692553, "y_true": 2.2955999507178753, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.79191676670669, "y": 5.717322535659728, "y_true": 2.2958255113939514, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.83193277310924, "y": 5.205851067307144, "y_true": 2.296050964670248, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.87194877951181, "y": 3.856633537824705, "y_true": 2.2962763106504163, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.91196478591436, "y": 4.523682918469981, "y_true": 2.2965015494379584, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.95198079231693, "y": 3.13659401289126, "y_true": 2.296726681136224, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.9919967987195, "y": 3.8311006272799397, "y_true": 2.2969517058484135, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.03201280512205, "y": 3.7862525749870874, "y_true": 2.297176623677577, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.07202881152462, "y": 5.098247006205668, "y_true": 2.297401434726614, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.11204481792717, "y": 3.901450099337002, "y_true": 2.2976261390982757, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.15206082432974, "y": 5.102518205088131, "y_true": 2.2978507368951626, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.19207683073229, "y": 5.233940641614347, "y_true": 2.298075228219727, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.23209283713486, "y": 3.7314166765248475, "y_true": 2.298299613174273, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.27210884353742, "y": 3.9341886755713267, "y_true": 2.298523891860955, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.31212484993998, "y": 4.234442724688957, "y_true": 2.2987480643817806, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.35214085634254, "y": 2.312024397660221, "y_true": 2.298972130838609, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.3921568627451, "y": 3.024477499172284, "y_true": 2.2991960913331515, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.43217286914766, "y": 5.449777820501485, "y_true": 2.2994199459669726, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.47218887555022, "y": 5.129819578235136, "y_true": 2.2996436948414902, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.51220488195278, "y": 2.5868557130288874, "y_true": 2.299867338057975, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.55222088835535, "y": 4.66209043281477, "y_true": 2.300090875717551, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.5922368947579, "y": 2.3774657570212723, "y_true": 2.3003143079211967, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.63225290116047, "y": 4.288444584877457, "y_true": 2.300537634769744, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.67226890756302, "y": 2.901753013848784, "y_true": 2.300760856363881, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.71228491396559, "y": 5.47772218589268, "y_true": 2.3009839728041483, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487720107766246, "q_0.075": 2.58426118249351, "q_0.1": 2.6828971888118565, "q_0.125": 2.7634714278841637, "q_0.15": 2.895784684580308, "q_0.175": 2.999705628458944, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.815495724788712, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.168472203483976, "q_0.825": 5.257417129892941, "q_0.85": 5.317778038633172, "q_0.875": 5.449777820501485, "q_0.9": 5.529405411429767, "q_0.925": 5.6194902076979645, "q_0.95": 5.691738554479791, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.75230092036816, "y": 4.58998246302869, "y_true": 2.3012069841909435, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487720107766246, "q_0.075": 2.58426118249351, "q_0.1": 2.6828971888118565, "q_0.125": 2.7634714278841637, "q_0.15": 2.895784684580308, "q_0.175": 2.999705628458944, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.815495724788712, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.168472203483976, "q_0.825": 5.257417129892941, "q_0.85": 5.317778038633172, "q_0.875": 5.449777820501485, "q_0.9": 5.529405411429767, "q_0.925": 5.6194902076979645, "q_0.95": 5.691738554479791, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.79231692677071, "y": 2.53964788689891, "y_true": 2.3014298906245174, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487720107766246, "q_0.075": 2.58426118249351, "q_0.1": 2.6828971888118565, "q_0.125": 2.7634714278841637, "q_0.15": 2.895784684580308, "q_0.175": 2.999705628458944, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.815495724788712, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.168472203483976, "q_0.825": 5.257417129892941, "q_0.85": 5.317778038633172, "q_0.875": 5.449777820501485, "q_0.9": 5.529405411429767, "q_0.925": 5.6194902076979645, "q_0.95": 5.691738554479791, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.83233293317328, "y": 4.689471288430305, "y_true": 2.3016526922049785, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487720107766246, "q_0.075": 2.58426118249351, "q_0.1": 2.6828971888118565, "q_0.125": 2.7634714278841637, "q_0.15": 2.895784684580308, "q_0.175": 2.999705628458944, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.815495724788712, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.168472203483976, "q_0.825": 5.257417129892941, "q_0.85": 5.317778038633172, "q_0.875": 5.449777820501485, "q_0.9": 5.529405411429767, "q_0.925": 5.6194902076979645, "q_0.95": 5.691738554479791, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.87234893957583, "y": 5.624559174385009, "y_true": 2.3018753890322894, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487720107766246, "q_0.075": 2.58426118249351, "q_0.1": 2.6828971888118565, "q_0.125": 2.7634714278841637, "q_0.15": 2.895784684580308, "q_0.175": 2.999705628458944, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.815495724788712, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.168472203483976, "q_0.825": 5.257417129892941, "q_0.85": 5.317778038633172, "q_0.875": 5.449777820501485, "q_0.9": 5.529405411429767, "q_0.925": 5.6194902076979645, "q_0.95": 5.691738554479791, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.9123649459784, "y": 5.034888012746781, "y_true": 2.30209798120627, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487720107766246, "q_0.075": 2.58426118249351, "q_0.1": 2.6828971888118565, "q_0.125": 2.7634714278841637, "q_0.15": 2.895784684580308, "q_0.175": 2.999705628458944, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.815495724788712, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.168472203483976, "q_0.825": 5.257417129892941, "q_0.85": 5.317778038633172, "q_0.875": 5.449777820501485, "q_0.9": 5.529405411429767, "q_0.925": 5.6194902076979645, "q_0.95": 5.691738554479791, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.95238095238095, "y": 2.7314628360912634, "y_true": 2.302320468826596, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4926824353728496, "q_0.075": 2.58426118249351, "q_0.1": 2.6828971888118565, "q_0.125": 2.7634714278841637, "q_0.15": 2.8955653967026485, "q_0.175": 2.992355329402174, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.25056124416727, "q_0.55": 4.3418882569230695, "q_0.575": 4.402952275265316, "q_0.6": 4.465864491002363, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.815495724788712, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.168472203483976, "q_0.825": 5.257417129892941, "q_0.85": 5.317778038633172, "q_0.875": 5.449777820501485, "q_0.9": 5.529405411429767, "q_0.925": 5.6194902076979645, "q_0.95": 5.702956197957832, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 80.99239695878352, "y": 4.780415527265166, "y_true": 2.3025428519928006, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4168897295118708, "q_0.05": 2.496413858123113, "q_0.075": 2.5864665334485806, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1803893266668584, "q_0.25": 3.258385873746776, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190824560773652, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.821540911430054, "q_0.725": 4.914812085813785, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.2584893877247785, "q_0.85": 5.326908514789949, "q_0.875": 5.452978338295401, "q_0.9": 5.54762208330054, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.03241296518608, "y": 4.578294537006855, "y_true": 2.3027651308042727, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4168897295118708, "q_0.05": 2.496413858123113, "q_0.075": 2.5864665334485806, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1803893266668584, "q_0.25": 3.258385873746776, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190824560773652, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.821540911430054, "q_0.725": 4.914812085813785, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.2584893877247785, "q_0.85": 5.326908514789949, "q_0.875": 5.452978338295401, "q_0.9": 5.54762208330054, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.07242897158864, "y": 4.65576149703457, "y_true": 2.302987305360259, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4168897295118708, "q_0.05": 2.496413858123113, "q_0.075": 2.5864665334485806, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1803893266668584, "q_0.25": 3.258385873746776, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190824560773652, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.821540911430054, "q_0.725": 4.914812085813785, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.2584893877247785, "q_0.85": 5.326908514789949, "q_0.875": 5.452978338295401, "q_0.9": 5.54762208330054, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.1124449779912, "y": 5.266816223503857, "y_true": 2.303209375759865, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4168897295118708, "q_0.05": 2.496413858123113, "q_0.075": 2.5864665334485806, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1803893266668584, "q_0.25": 3.258385873746776, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190824560773652, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.821540911430054, "q_0.725": 4.914812085813785, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.2584893877247785, "q_0.85": 5.326908514789949, "q_0.875": 5.452978338295401, "q_0.9": 5.54762208330054, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.15246098439376, "y": 3.438162396681962, "y_true": 2.303431342102051, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4168897295118708, "q_0.05": 2.496413858123113, "q_0.075": 2.5864665334485806, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1803893266668584, "q_0.25": 3.258385873746776, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190824560773652, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.821540911430054, "q_0.725": 4.914812085813785, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.2584893877247785, "q_0.85": 5.326908514789949, "q_0.875": 5.452978338295401, "q_0.9": 5.54762208330054, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.19247699079632, "y": 3.628843337546259, "y_true": 2.303653204485638, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4185481203765233, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.0713365782868456, "q_0.225": 3.1803893266668584, "q_0.25": 3.258385873746776, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.824497756750446, "q_0.725": 4.915761464556983, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.264322892617275, "q_0.85": 5.333606511110667, "q_0.875": 5.452978338295401, "q_0.9": 5.561650887791949, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.23249299719889, "y": 3.056344540899139, "y_true": 2.3038749630093047, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4185481203765233, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.0713365782868456, "q_0.225": 3.1803893266668584, "q_0.25": 3.258385873746776, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.824497756750446, "q_0.725": 4.915761464556983, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.264322892617275, "q_0.85": 5.333606511110667, "q_0.875": 5.452978338295401, "q_0.9": 5.561650887791949, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.27250900360144, "y": 4.0088931061288084, "y_true": 2.304096617771588, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.0713365782868456, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.469765744176254, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.824497756750446, "q_0.725": 4.915761464556983, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.264322892617275, "q_0.85": 5.333606511110667, "q_0.875": 5.452978338295401, "q_0.9": 5.561650887791949, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.31252501000401, "y": 3.832809198068837, "y_true": 2.3043181688708834, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.0713365782868456, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.469765744176254, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.824497756750446, "q_0.725": 4.915761464556983, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.264322892617275, "q_0.85": 5.333606511110667, "q_0.875": 5.452978338295401, "q_0.9": 5.561650887791949, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.35254101640656, "y": 2.618233765601179, "y_true": 2.3045396164054464, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.0713365782868456, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.469765744176254, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.824497756750446, "q_0.725": 4.915761464556983, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.264322892617275, "q_0.85": 5.333606511110667, "q_0.875": 5.452978338295401, "q_0.9": 5.561650887791949, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.39255702280913, "y": 3.209783184011382, "y_true": 2.3047609604733914, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.824710676152548, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.1908939379888235, "q_0.825": 5.266816223503857, "q_0.85": 5.3424650365918325, "q_0.875": 5.468516797645426, "q_0.9": 5.567176255641547, "q_0.925": 5.626979305805996, "q_0.95": 5.712003872297639, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.43257302921168, "y": 2.7524190153540147, "y_true": 2.3049822011726926, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.824710676152548, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.1908939379888235, "q_0.825": 5.266816223503857, "q_0.85": 5.3424650365918325, "q_0.875": 5.468516797645426, "q_0.9": 5.567176255641547, "q_0.925": 5.626979305805996, "q_0.95": 5.712003872297639, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.47258903561425, "y": 4.374279959416117, "y_true": 2.305203338601184, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.51260504201682, "y": 3.0042750335050386, "y_true": 2.3054243728565598, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.55262104841937, "y": 3.5208999792182185, "y_true": 2.305645304036375, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.59263705482194, "y": 5.355769574814335, "y_true": 2.3058661322380454, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.63265306122449, "y": 4.440964031867401, "y_true": 2.306086857558847, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.67266906762706, "y": 4.246309500211176, "y_true": 2.306307480095918, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.71268507402962, "y": 5.833008287882144, "y_true": 2.306527999946258, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.75270108043217, "y": 3.9401339462881877, "y_true": 2.3067484172067276, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.79271708683474, "y": 5.607543952289076, "y_true": 2.3069687319740506, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.8327330932373, "y": 4.465864491002363, "y_true": 2.307188944344813, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2603308411032716, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.610435875236362, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.469765744176254, "q_0.625": 4.542961787693435, "q_0.65": 4.660547532956811, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.87274909963986, "y": 3.8218046644070816, "y_true": 2.307409054415462, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2603308411032716, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.610435875236362, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.469765744176254, "q_0.625": 4.542961787693435, "q_0.65": 4.660547532956811, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.91276510604241, "y": 3.600772553960593, "y_true": 2.3076290622823095, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2603308411032716, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.610435875236362, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.469765744176254, "q_0.625": 4.542961787693435, "q_0.65": 4.660547532956811, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.95278111244498, "y": 5.683869451423076, "y_true": 2.3078489680415295, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190824560773652, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.200812083554782, "q_0.825": 5.268514533509989, "q_0.85": 5.37449546139044, "q_0.875": 5.470539204424071, "q_0.9": 5.583490735471294, "q_0.925": 5.631398813356039, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.99279711884755, "y": 4.420720701382907, "y_true": 2.3080687717891593, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190824560773652, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.200812083554782, "q_0.825": 5.268514533509989, "q_0.85": 5.37449546139044, "q_0.875": 5.470539204424071, "q_0.9": 5.583490735471294, "q_0.925": 5.631398813356039, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 82.0328131252501, "y": 3.2492089240920765, "y_true": 2.3082884736211007, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190824560773652, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.200812083554782, "q_0.825": 5.268514533509989, "q_0.85": 5.37449546139044, "q_0.875": 5.470539204424071, "q_0.9": 5.583490735471294, "q_0.925": 5.631398813356039, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 82.07282913165267, "y": 4.25056124416727, "y_true": 2.308508073633118, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4207483472029048, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.5172355033829596, "q_0.35": 3.610435875236362, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190824560773652, "q_0.525": 4.278020080816917, "q_0.55": 4.342673464579576, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.838457314523078, "q_0.725": 4.947550843487259, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.200812083554782, "q_0.825": 5.278189101923205, "q_0.85": 5.37449546139044, "q_0.875": 5.470922495831033, "q_0.9": 5.583490735471294, "q_0.925": 5.631398813356039, "q_0.95": 5.726323227472254, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 82.11284513805522, "y": 3.242623967844317, "y_true": 2.3087275719208415, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.838457314523078, "q_0.725": 4.947550843487259, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.20411836814297, "q_0.825": 5.278189101923205, "q_0.85": 5.382753321734516, "q_0.875": 5.470922495831033, "q_0.9": 5.584794707132016, "q_0.925": 5.646216463682951, "q_0.95": 5.726323227472254, "q_0.975": 5.844845075033909, "q_1": 6.27034173399522}, {"x": 82.15286114445779, "y": 3.2089253573195036, "y_true": 2.3089469685797646, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.838457314523078, "q_0.725": 4.947550843487259, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.20411836814297, "q_0.825": 5.278189101923205, "q_0.85": 5.382753321734516, "q_0.875": 5.470922495831033, "q_0.9": 5.584794707132016, "q_0.925": 5.646216463682951, "q_0.95": 5.726323227472254, "q_0.975": 5.844845075033909, "q_1": 6.27034173399522}, {"x": 82.19287715086034, "y": 2.7921501600611567, "y_true": 2.3091662637052455, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.838457314523078, "q_0.725": 4.947550843487259, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.20411836814297, "q_0.825": 5.278189101923205, "q_0.85": 5.382753321734516, "q_0.875": 5.470922495831033, "q_0.9": 5.584794707132016, "q_0.925": 5.646216463682951, "q_0.95": 5.726323227472254, "q_0.975": 5.844845075033909, "q_1": 6.27034173399522}, {"x": 82.23289315726291, "y": 4.887704204209184, "y_true": 2.3093854573925077, "y_pred": 4.189990644389582, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.189990644389582, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.838782391137017, "q_0.725": 4.947550843487259, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.210070557857085, "q_0.825": 5.278189101923205, "q_0.85": 5.382753321734516, "q_0.875": 5.470922495831033, "q_0.9": 5.584794707132016, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.844845075033909, "q_1": 6.27034173399522}, {"x": 82.27290916366547, "y": 5.2314209467643575, "y_true": 2.309604549736639, "y_pred": 4.189990644389582, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.189990644389582, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.838782391137017, "q_0.725": 4.947550843487259, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.210070557857085, "q_0.825": 5.278189101923205, "q_0.85": 5.382753321734516, "q_0.875": 5.470922495831033, "q_0.9": 5.584794707132016, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.844845075033909, "q_1": 6.27034173399522}, {"x": 82.31292517006803, "y": 3.520581491823493, "y_true": 2.3098235408325944, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.838782391137017, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.210070557857085, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.470922495831033, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.844845075033909, "q_1": 6.27034173399522}, {"x": 82.3529411764706, "y": 3.841574218329812, "y_true": 2.310042430775193, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.838782391137017, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.210070557857085, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.470922495831033, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.844845075033909, "q_1": 6.27034173399522}, {"x": 82.39295718287315, "y": 5.278189101923205, "y_true": 2.310261219659121, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5158058423364817, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.474754932592035, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.43297318927571, "y": 2.371499698980281, "y_true": 2.3104799075789293, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5158058423364817, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.474754932592035, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.47298919567828, "y": 3.556579498799086, "y_true": 2.3106984946290368, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5158058423364817, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.474754932592035, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.51300520208083, "y": 3.4624759939988508, "y_true": 2.310916980903728, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5158058423364817, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.474754932592035, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.5530212084834, "y": 4.345944391037823, "y_true": 2.311135366497156, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5158058423364817, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.474754932592035, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.59303721488595, "y": 5.662374771034235, "y_true": 2.3113536515033384, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5158058423364817, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.474754932592035, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.63305322128852, "y": 2.4633142130976733, "y_true": 2.311571836016163, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5158058423364817, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.474754932592035, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.67306922769107, "y": 5.468516797645426, "y_true": 2.311789920129383, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5158058423364817, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.474754932592035, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.71308523409364, "y": 4.399077134558835, "y_true": 2.312007903936622, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5158058423364817, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.474754932592035, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.7531012404962, "y": 4.513975849148123, "y_true": 2.31222578753137, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4274316564430234, "q_0.325": 3.5158058423364817, "q_0.35": 3.5958245515213925, "q_0.375": 3.781561671262624, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.0657894611287055, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.3418882569230695, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.38334529853516, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651166593727051, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.79311724689876, "y": 5.898258114494947, "y_true": 2.3124435710069857, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4274316564430234, "q_0.325": 3.5158058423364817, "q_0.35": 3.5958245515213925, "q_0.375": 3.781561671262624, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.0657894611287055, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.3418882569230695, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.38334529853516, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651166593727051, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.83313325330133, "y": 2.793407199933656, "y_true": 2.3126612544566973, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4274316564430234, "q_0.325": 3.5158058423364817, "q_0.35": 3.5958245515213925, "q_0.375": 3.781561671262624, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.0657894611287055, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.3418882569230695, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.38334529853516, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651166593727051, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.87314925970388, "y": 3.3497418518180684, "y_true": 2.312878837973601, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4274316564430234, "q_0.325": 3.5158058423364817, "q_0.35": 3.5958245515213925, "q_0.375": 3.781561671262624, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.0657894611287055, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.3418882569230695, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.38334529853516, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651166593727051, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.91316526610645, "y": 3.1754413821479606, "y_true": 2.3130963216506633, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4274316564430234, "q_0.325": 3.5158058423364817, "q_0.35": 3.5958245515213925, "q_0.375": 3.781561671262624, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.0657894611287055, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.3418882569230695, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.38334529853516, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651166593727051, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.95318127250901, "y": 4.070972726442631, "y_true": 2.3133137055807187, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4274316564430234, "q_0.325": 3.5158058423364817, "q_0.35": 3.5958245515213925, "q_0.375": 3.781561671262624, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.0657894611287055, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.3418882569230695, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.38334529853516, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651166593727051, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.99319727891157, "y": 4.487559006510527, "y_true": 2.313530989856473, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4274316564430234, "q_0.325": 3.5158058423364817, "q_0.35": 3.5958245515213925, "q_0.375": 3.781561671262624, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.0657894611287055, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.3418882569230695, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.38334529853516, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651166593727051, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 83.03321328531413, "y": 5.0431577172903905, "y_true": 2.3137481745705, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4274316564430234, "q_0.325": 3.5158058423364817, "q_0.35": 3.5958245515213925, "q_0.375": 3.781561671262624, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.0657894611287055, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.3418882569230695, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.38334529853516, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651166593727051, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 83.07322929171669, "y": 2.512881655331309, "y_true": 2.3139652598152463, "y_pred": 4.167332942747445, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4220083042936373, "q_0.325": 3.513709366624788, "q_0.35": 3.5943810041373774, "q_0.375": 3.7747173974049257, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.983775901456809, "q_0.475": 4.060502072620121, "q_0.5": 4.167332942747445, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.402952275265316, "q_0.6": 4.469765744176254, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.38334529853516, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651166593727051, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 83.11324529811925, "y": 3.9125235968269525, "y_true": 2.314182245683026, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4150462632849905, "q_0.325": 3.513709366624788, "q_0.35": 3.5943810041373774, "q_0.375": 3.7747173974049257, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.402952275265316, "q_0.6": 4.469765744176254, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.281448022228394, "q_0.85": 5.390976236028726, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651663742499861, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 83.1532613045218, "y": 5.781634551719325, "y_true": 2.3143991322660264, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214985443226897, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.513709366624788, "q_0.35": 3.591416837860331, "q_0.375": 3.774694353019568, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.268530319651792, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.852573212149856, "q_0.725": 4.958763305706391, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.216401239879421, "q_0.825": 5.283373196937468, "q_0.85": 5.424402001203898, "q_0.875": 5.480217217725718, "q_0.9": 5.596618538306475, "q_0.925": 5.655143783909511, "q_0.95": 5.781634551719325, "q_0.975": 5.918647019756464, "q_1": 6.27034173399522}, {"x": 83.19327731092437, "y": 4.050160084879023, "y_true": 2.3146159196563043, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.561676809710924, "q_0.65": 4.6663954051539065, "q_0.675": 4.76005565929704, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.01766693813023, "q_0.775": 5.106054082646271, "q_0.8": 5.233940641614347, "q_0.825": 5.283373196937468, "q_0.85": 5.424402001203898, "q_0.875": 5.4871910874368695, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.785466531779461, "q_0.975": 5.918647019756464, "q_1": 6.27034173399522}, {"x": 83.23329331732694, "y": 5.382753321734516, "y_true": 2.314832607945788, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.478756226406412, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.294908794287287, "q_0.85": 5.424402001203898, "q_0.875": 5.505751867249882, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.785466531779461, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.27330932372949, "y": 2.7352774218534934, "y_true": 2.315049197226277, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.478756226406412, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.294908794287287, "q_0.85": 5.424402001203898, "q_0.875": 5.505751867249882, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.785466531779461, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.31332533013206, "y": 3.4024941368374733, "y_true": 2.315265687589443, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.478756226406412, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.294908794287287, "q_0.85": 5.424402001203898, "q_0.875": 5.505751867249882, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.785466531779461, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.35334133653461, "y": 5.075906389347386, "y_true": 2.315482079126828, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.478756226406412, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.294908794287287, "q_0.85": 5.424402001203898, "q_0.875": 5.505751867249882, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.785466531779461, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.39335734293718, "y": 4.6483374453082575, "y_true": 2.3156983719298494, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.478756226406412, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.294908794287287, "q_0.85": 5.424402001203898, "q_0.875": 5.505751867249882, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.785466531779461, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.43337334933975, "y": 3.979770958558184, "y_true": 2.3159145660897935, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.478756226406412, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.294908794287287, "q_0.85": 5.424402001203898, "q_0.875": 5.505751867249882, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.785466531779461, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.4733893557423, "y": 4.827941470326998, "y_true": 2.3161306616978203, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.478756226406412, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.294908794287287, "q_0.85": 5.424402001203898, "q_0.875": 5.505751867249882, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.785466531779461, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.51340536214487, "y": 5.211738144821734, "y_true": 2.3163466588449637, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.478756226406412, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.294908794287287, "q_0.85": 5.424402001203898, "q_0.875": 5.505751867249882, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.785466531779461, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.55342136854742, "y": 5.687599715434626, "y_true": 2.31656255762213, "y_pred": 4.160652236291072, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.9802035798864055, "q_0.475": 4.050160084879023, "q_0.5": 4.160652236291072, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.59343737494999, "y": 3.9709553542015694, "y_true": 2.316778358120098, "y_pred": 4.160652236291072, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.9802035798864055, "q_0.475": 4.050160084879023, "q_0.5": 4.160652236291072, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.63345338135254, "y": 4.731232968058789, "y_true": 2.3169940604295207, "y_pred": 4.160652236291072, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.9802035798864055, "q_0.475": 4.050160084879023, "q_0.5": 4.160652236291072, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.6734693877551, "y": 3.750507003847826, "y_true": 2.3172096646409255, "y_pred": 4.160652236291072, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.9802035798864055, "q_0.475": 4.050160084879023, "q_0.5": 4.160652236291072, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.71348539415767, "y": 5.801151546464642, "y_true": 2.3174251708447127, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.561676809710924, "q_0.65": 4.6663954051539065, "q_0.675": 4.75823814862361, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.01766693813023, "q_0.775": 5.106054082646271, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.75350140056022, "y": 4.1242083959691955, "y_true": 2.3176405791311576, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.561676809710924, "q_0.65": 4.6663954051539065, "q_0.675": 4.75823814862361, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.01766693813023, "q_0.775": 5.106054082646271, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.79351740696279, "y": 3.860928175094159, "y_true": 2.31785588959041, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.561676809710924, "q_0.65": 4.6663954051539065, "q_0.675": 4.75823814862361, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.01766693813023, "q_0.775": 5.106054082646271, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.83353341336534, "y": 5.849790248423242, "y_true": 2.318071102312494, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.561676809710924, "q_0.65": 4.6663954051539065, "q_0.675": 4.75823814862361, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.01766693813023, "q_0.775": 5.106054082646271, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.87354941976791, "y": 2.3256601052229398, "y_true": 2.3182862173873082, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.561676809710924, "q_0.65": 4.6663954051539065, "q_0.675": 4.75823814862361, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.01766693813023, "q_0.775": 5.106054082646271, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.91356542617046, "y": 3.5667771230540373, "y_true": 2.3185012349046277, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.561676809710924, "q_0.65": 4.6663954051539065, "q_0.675": 4.75823814862361, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.01766693813023, "q_0.775": 5.106054082646271, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.95358143257303, "y": 5.470922495831033, "y_true": 2.3187161549541018, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.561676809710924, "q_0.65": 4.6663954051539065, "q_0.675": 4.75823814862361, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.01766693813023, "q_0.775": 5.106054082646271, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.9935974389756, "y": 4.016884950305297, "y_true": 2.3189309776252567, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.561676809710924, "q_0.65": 4.6663954051539065, "q_0.675": 4.75823814862361, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.01766693813023, "q_0.775": 5.106054082646271, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.03361344537815, "y": 3.6296327574840968, "y_true": 2.319145703007493, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.079755611267801, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4083798622147015, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.07362945178072, "y": 4.5307585434556135, "y_true": 2.3193603311900883, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.079755611267801, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4083798622147015, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.11364545818327, "y": 3.8421760013767297, "y_true": 2.3195748622621966, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.079755611267801, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4083798622147015, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.15366146458584, "y": 3.559706554042867, "y_true": 2.3197892963128477, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.079755611267801, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4083798622147015, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.1936774709884, "y": 3.3209807744696085, "y_true": 2.3200036334309497, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.079755611267801, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4083798622147015, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.23369347739096, "y": 3.4984940453515803, "y_true": 2.320217873705286, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.079755611267801, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4083798622147015, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.27370948379352, "y": 5.799326980086704, "y_true": 2.320432017224518, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.079755611267801, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4083798622147015, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.31372549019608, "y": 5.933662493691477, "y_true": 2.320646064077185, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.079755611267801, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4083798622147015, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.35374149659864, "y": 2.6929873493683907, "y_true": 2.320860014351703, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.329921802687885, "q_0.3": 3.4073859708502625, "q_0.325": 3.50275331023131, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.8408853738061386, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.235112611945971, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.3937575030012, "y": 5.0904721126158154, "y_true": 2.321073868136367, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.329921802687885, "q_0.3": 3.4073859708502625, "q_0.325": 3.50275331023131, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.8408853738061386, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.235112611945971, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.43377350940376, "y": 4.79857405814516, "y_true": 2.3212876255193495, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4073859708502625, "q_0.325": 3.50275331023131, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.236870567443402, "q_0.825": 5.300303885495273, "q_0.85": 5.42818894426093, "q_0.875": 5.52232510212519, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.47378951580633, "y": 4.698167283857219, "y_true": 2.3215012865887017, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4073859708502625, "q_0.325": 3.50275331023131, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.236870567443402, "q_0.825": 5.300303885495273, "q_0.85": 5.42818894426093, "q_0.875": 5.52232510212519, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.51380552220888, "y": 2.445440885259209, "y_true": 2.3217148514323527, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4073859708502625, "q_0.325": 3.50275331023131, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.236870567443402, "q_0.825": 5.300303885495273, "q_0.85": 5.42818894426093, "q_0.875": 5.52232510212519, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.55382152861145, "y": 3.352198557724701, "y_true": 2.321928320138112, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4073859708502625, "q_0.325": 3.50275331023131, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.236870567443402, "q_0.825": 5.300303885495273, "q_0.85": 5.42818894426093, "q_0.875": 5.52232510212519, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.593837535014, "y": 5.133518094073779, "y_true": 2.322141692793666, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4073859708502625, "q_0.325": 3.50275331023131, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.487559006510527, "q_0.625": 4.582812226504587, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.611006861106356, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9221422614327714, "q_1": 6.27034173399522}, {"x": 84.63385354141657, "y": 4.190824560773652, "y_true": 2.3223549694865824, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.17909589947245, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.9629853738879, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.619435163447077, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 84.67386954781914, "y": 2.4126034492144397, "y_true": 2.3225681503043067, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.17909589947245, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.9629853738879, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.619435163447077, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 84.71388555422169, "y": 4.307464163882635, "y_true": 2.3227812353341655, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.17909589947245, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.9629853738879, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.619435163447077, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 84.75390156062426, "y": 5.519157763400761, "y_true": 2.322994224663365, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.17909589947245, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.9629853738879, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.619435163447077, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 84.79391756702681, "y": 5.635193501206176, "y_true": 2.3232071183789906, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.17909589947245, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.9629853738879, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.619435163447077, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 84.83393357342938, "y": 5.712003872297639, "y_true": 2.3234199165680094, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.17909589947245, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.9629853738879, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.619435163447077, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 84.87394957983193, "y": 4.312367059826629, "y_true": 2.323632619317268, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.17909589947245, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.9629853738879, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.619435163447077, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 84.9139655862345, "y": 4.08514029514217, "y_true": 2.3238452267134946, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.17909589947245, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.9629853738879, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.619435163447077, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 84.95398159263706, "y": 3.2457823281973135, "y_true": 2.3240577388432984, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.17909589947245, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.9629853738879, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.619435163447077, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 84.99399759903962, "y": 5.591714034526983, "y_true": 2.3242701557931693, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.7503527213029173, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.268530319651792, "q_0.55": 4.329576018243852, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.689471288430305, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.034888012746781, "q_0.775": 5.129819578235136, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.03401360544218, "y": 5.3424650365918325, "y_true": 2.3244824776494792, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.7503527213029173, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.268530319651792, "q_0.55": 4.329576018243852, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.689471288430305, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.034888012746781, "q_0.775": 5.129819578235136, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.07402961184474, "y": 5.583490735471294, "y_true": 2.3246947044984814, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.7503527213029173, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.268530319651792, "q_0.55": 4.329576018243852, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.689471288430305, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.034888012746781, "q_0.775": 5.129819578235136, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.1140456182473, "y": 3.177639167481428, "y_true": 2.3249068364263117, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2570024517436535, "q_0.275": 3.3228340409489325, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.7503527213029173, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.689471288430305, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.034888012746781, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.15406162464987, "y": 2.694656447183644, "y_true": 2.3251188735189867, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2570024517436535, "q_0.275": 3.3228340409489325, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.7503527213029173, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.689471288430305, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.034888012746781, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.19407763105242, "y": 4.961953427274496, "y_true": 2.325330815862406, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2570024517436535, "q_0.275": 3.3228340409489325, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.7503527213029173, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.689471288430305, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.034888012746781, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.23409363745499, "y": 5.7730974997674345, "y_true": 2.3255426635423535, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2570024517436535, "q_0.275": 3.3228340409489325, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.7503527213029173, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.689471288430305, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.034888012746781, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.27410964385754, "y": 5.786662739658899, "y_true": 2.325754416644493, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2570024517436535, "q_0.275": 3.3228340409489325, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.7503527213029173, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.689471288430305, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.034888012746781, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.31412565026011, "y": 4.322271500659567, "y_true": 2.3259660752543727, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.779803099560721, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.3228340409489325, "q_0.3": 3.4024941368374733, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.739116335983769, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.047863185109052, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.35414165666266, "y": 4.751295572180412, "y_true": 2.3261776394574243, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.779803099560721, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.3228340409489325, "q_0.3": 3.4024941368374733, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.739116335983769, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.047863185109052, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.39415766306523, "y": 2.749751298007558, "y_true": 2.326389109338962, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.779803099560721, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.3228340409489325, "q_0.3": 3.4024941368374733, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.739116335983769, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.047863185109052, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.4341736694678, "y": 3.366565895995834, "y_true": 2.3266004849841853, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.779803099560721, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.3228340409489325, "q_0.3": 3.4024941368374733, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.739116335983769, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.047863185109052, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.47418967587035, "y": 4.358540678278143, "y_true": 2.3268117664781753, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.779803099560721, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.3228340409489325, "q_0.3": 3.4024941368374733, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.739116335983769, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.047863185109052, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.51420568227292, "y": 5.655143783909511, "y_true": 2.3270229539058986, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 3.0042750335050386, "q_0.2": 3.0713365782868456, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3222849806377885, "q_0.3": 3.4024941368374733, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8362449438349007, "q_0.425": 3.9125235968269525, "q_0.45": 3.9709553542015694, "q_0.475": 4.047863185109052, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.399077134558835, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.1291143725727935, "q_0.8": 5.252476581828642, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.55422168867547, "y": 4.156851866813666, "y_true": 2.3272340473522055, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 3.0042750335050386, "q_0.2": 3.0713365782868456, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3222849806377885, "q_0.3": 3.4024941368374733, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8362449438349007, "q_0.425": 3.9125235968269525, "q_0.45": 3.9709553542015694, "q_0.475": 4.047863185109052, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.399077134558835, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.1291143725727935, "q_0.8": 5.252476581828642, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.59423769507804, "y": 4.567626180568927, "y_true": 2.3274450469018313, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.979181244314481, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3212416157032467, "q_0.3": 3.39294710354336, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9125235968269525, "q_0.45": 3.9709553542015694, "q_0.475": 4.046112619647198, "q_0.5": 4.1242083959691955, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.386746105165258, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.6342537014806, "y": 2.5375850537160143, "y_true": 2.3276559526393954, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.979181244314481, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3212416157032467, "q_0.3": 3.39294710354336, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9125235968269525, "q_0.45": 3.9709553542015694, "q_0.475": 4.046112619647198, "q_0.5": 4.1242083959691955, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.386746105165258, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.67426970788316, "y": 5.974723131926337, "y_true": 2.3278667646494027, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.979181244314481, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3212416157032467, "q_0.3": 3.39294710354336, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9125235968269525, "q_0.45": 3.9709553542015694, "q_0.475": 4.046112619647198, "q_0.5": 4.1242083959691955, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.386746105165258, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.71428571428572, "y": 4.189914084080068, "y_true": 2.3280774830162425, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.979181244314481, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3212416157032467, "q_0.3": 3.39294710354336, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9125235968269525, "q_0.45": 3.9709553542015694, "q_0.475": 4.046112619647198, "q_0.5": 4.1242083959691955, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.386746105165258, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.75430172068828, "y": 2.934333697710078, "y_true": 2.3282881078241897, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.979181244314481, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3212416157032467, "q_0.3": 3.39294710354336, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9125235968269525, "q_0.45": 3.9709553542015694, "q_0.475": 4.046112619647198, "q_0.5": 4.1242083959691955, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.386746105165258, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.79431772709084, "y": 3.610435875236362, "y_true": 2.3284986391574054, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.9056931344661208, "q_0.45": 3.9651255357513255, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.678755810464409, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.8343337334934, "y": 4.270194143422969, "y_true": 2.3287090770999352, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.9056931344661208, "q_0.45": 3.9651255357513255, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.678755810464409, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.87434973989596, "y": 2.852885916079155, "y_true": 2.328919421735712, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.9056931344661208, "q_0.45": 3.9651255357513255, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.678755810464409, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.91436574629853, "y": 3.0730870946155284, "y_true": 2.3291296731485533, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.9056931344661208, "q_0.45": 3.9651255357513255, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.678755810464409, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.95438175270108, "y": 5.794792489876537, "y_true": 2.3293398314221645, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.9056931344661208, "q_0.45": 3.9651255357513255, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.678755810464409, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.99439775910365, "y": 5.631398813356039, "y_true": 2.329549896640136, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.9056931344661208, "q_0.45": 3.9651255357513255, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.678755810464409, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 86.0344137655062, "y": 2.7926220567241433, "y_true": 2.3297598688859464, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.07442977190877, "y": 3.3859866044528193, "y_true": 2.329969748242961, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.11444577831132, "y": 4.736177265394555, "y_true": 2.330179534794431, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.02373075783899, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.15446178471389, "y": 3.313801822026567, "y_true": 2.330389228623497, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.02373075783899, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.19447779111646, "y": 2.3384892224670906, "y_true": 2.3305988298131846, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.23449379751901, "y": 4.9862032755209, "y_true": 2.33080833844641, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.27450980392157, "y": 3.062265049530021, "y_true": 2.331017754605976, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.31452581032413, "y": 3.562079848364073, "y_true": 2.3312270783745728, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.3545418167267, "y": 3.407047274582731, "y_true": 2.331436309834781, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.39455782312926, "y": 2.9089210256485067, "y_true": 2.3316454490690672, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.43457382953181, "y": 2.8459810738193103, "y_true": 2.3318544961597896, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.47458983593438, "y": 2.881223026003658, "y_true": 2.332063451189194, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.51460584233693, "y": 5.99908553413076, "y_true": 2.332272314239414, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.5546218487395, "y": 5.087589280875769, "y_true": 2.332481085392476, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.59463785514205, "y": 5.896444223549716, "y_true": 2.332689764730292, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.63465386154462, "y": 4.499820971568168, "y_true": 2.3328983523346674, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.67466986794719, "y": 3.588234830667382, "y_true": 2.333106848287296, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.71468587434974, "y": 2.9549714832035257, "y_true": 2.333315252669761, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024020986596885, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.673193628074685, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.24733421501272, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.75470188075231, "y": 4.166763113593852, "y_true": 2.333523565563537, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024020986596885, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.673193628074685, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.24733421501272, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.79471788715486, "y": 4.205281141087338, "y_true": 2.333731787049989, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024020986596885, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.673193628074685, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.24733421501272, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.83473389355743, "y": 5.283373196937468, "y_true": 2.3339399172103734, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024020986596885, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.673193628074685, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.24733421501272, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.87474989996, "y": 4.339090103947304, "y_true": 2.334147956125836, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024020986596885, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.673193628074685, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.24733421501272, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.91476590636255, "y": 3.073721591736618, "y_true": 2.3343559038774155, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024020986596885, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.673193628074685, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.24733421501272, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.95478191276511, "y": 5.424402001203898, "y_true": 2.334563760546041, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024020986596885, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.673193628074685, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.24733421501272, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.99479791916767, "y": 2.896176512441606, "y_true": 2.334771526212533, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024020986596885, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.673193628074685, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.24733421501272, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 87.03481392557023, "y": 4.342673464579576, "y_true": 2.334979200957605, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6728362355532678, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.6194902076979645, "q_0.925": 5.679904757712986, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.07482993197279, "y": 2.496413858123113, "y_true": 2.33518678486186, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6728362355532678, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.6194902076979645, "q_0.925": 5.679904757712986, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.11484593837535, "y": 3.7370926455715083, "y_true": 2.3353942780057966, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6728362355532678, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.6194902076979645, "q_0.925": 5.679904757712986, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.15486194477792, "y": 4.886857096784434, "y_true": 2.3356016804698028, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6728362355532678, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.6194902076979645, "q_0.925": 5.679904757712986, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.19487795118047, "y": 2.8625790249467054, "y_true": 2.33580899233416, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6728362355532678, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.6194902076979645, "q_0.925": 5.679904757712986, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.23489395758304, "y": 4.329576018243852, "y_true": 2.336016213679043, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6728362355532678, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.6194902076979645, "q_0.925": 5.679904757712986, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.27490996398559, "y": 4.383043426725088, "y_true": 2.336223344584519, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6728362355532678, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.6194902076979645, "q_0.925": 5.679904757712986, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.31492597038816, "y": 5.791089951665082, "y_true": 2.3364303851305483, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6728362355532678, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.6194902076979645, "q_0.925": 5.679904757712986, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.35494197679073, "y": 4.109581347833983, "y_true": 2.3366373353969845, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6728362355532678, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.6194902076979645, "q_0.925": 5.679904757712986, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.39495798319328, "y": 2.6345710604504227, "y_true": 2.336844195463575, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.43497398959585, "y": 2.8916658958411467, "y_true": 2.33705096540996, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.4749899959984, "y": 3.384794262181612, "y_true": 2.3372576453156744, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.51500600240097, "y": 5.37449546139044, "y_true": 2.3374642352601476, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.55502200880352, "y": 3.3075176055432403, "y_true": 2.337670735322702, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.59503801520609, "y": 4.655020408495753, "y_true": 2.337877145582555, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.63505402160865, "y": 2.6361376237935463, "y_true": 2.338083466118819, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.6750700280112, "y": 3.10705795033332, "y_true": 2.3382896970105, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.71508603441377, "y": 4.693400473081786, "y_true": 2.338495838336501, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.75510204081633, "y": 2.7120155949575975, "y_true": 2.338701890175619, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.79511804721889, "y": 5.06110622508475, "y_true": 2.338907852606545, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.83513405362145, "y": 4.047863185109052, "y_true": 2.3391137257078687, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.87515006002401, "y": 3.403180030007558, "y_true": 2.3393195095580728, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.91516606642658, "y": 5.665344388128012, "y_true": 2.339525204235537, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.95518207282913, "y": 4.901881376629588, "y_true": 2.339730809818538, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.9951980792317, "y": 2.58426118249351, "y_true": 2.339936326385246, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.03521408563425, "y": 4.8916201382570605, "y_true": 2.3401417540137315, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.07523009203682, "y": 3.095675645398517, "y_true": 2.340347092781959, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.11524609843939, "y": 5.844845075033909, "y_true": 2.3405523427677903, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.15526210484194, "y": 2.926228281685497, "y_true": 2.3407575040489843, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.1952781112445, "y": 4.68982819532952, "y_true": 2.340962576703198, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.23529411764706, "y": 3.2645602229727464, "y_true": 2.3411675608079845, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.27531012404962, "y": 5.9307599521408285, "y_true": 2.341372456440795, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.31532613045218, "y": 3.577849190160346, "y_true": 2.3415772636789796, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.35534213685474, "y": 4.5886528163139095, "y_true": 2.341781982599784, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.39535814325731, "y": 2.835552769748222, "y_true": 2.341986613280354, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.43537414965986, "y": 4.1693121459436355, "y_true": 2.342191155797732, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.47539015606243, "y": 4.663237353070305, "y_true": 2.3423956102288614, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.51540616246498, "y": 5.280781234023091, "y_true": 2.3425999766505816, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.55542216886755, "y": 4.4667994860864075, "y_true": 2.3428042551396326, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.59543817527012, "y": 5.026011468472818, "y_true": 2.343008445772652, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.63545418167267, "y": 5.6194902076979645, "y_true": 2.343212548626178, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.67547018807524, "y": 3.4821536942134745, "y_true": 2.343416563776647, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.71548619447779, "y": 3.6412147812459486, "y_true": 2.343620491300396, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.75550220088036, "y": 2.4566492217258977, "y_true": 2.3438243312736606, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.79551820728291, "y": 4.458793381669393, "y_true": 2.344028083772577, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.83553421368548, "y": 6.051499896740248, "y_true": 2.3442317488731823, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.87555022008804, "y": 5.15365630662819, "y_true": 2.3444353266514115, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.9155662264906, "y": 6.1331234016450065, "y_true": 2.3446388171831027, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.95558223289316, "y": 4.079205916056161, "y_true": 2.3448422205439923, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.99559823929572, "y": 5.198648473793595, "y_true": 2.345045536809719, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.03561424569828, "y": 2.9607586531045254, "y_true": 2.3452487660558217, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.07563025210085, "y": 3.956901774091354, "y_true": 2.345451908357741, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.1156462585034, "y": 4.803604988503729, "y_true": 2.3456549637908184, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.15566226490597, "y": 4.0657894611287055, "y_true": 2.3458579324302966, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.19567827130852, "y": 2.4595954063408225, "y_true": 2.346060814351321, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.23569427771109, "y": 3.55669712167166, "y_true": 2.346263609628937, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.27571028411364, "y": 4.9295437696061, "y_true": 2.346466318338094, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.31572629051621, "y": 3.85677363804085, "y_true": 2.3466689405536427, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.35574229691878, "y": 4.060502072620121, "y_true": 2.3468714763503353, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.39575830332133, "y": 5.619435163447077, "y_true": 2.3470739258028273, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.4357743097239, "y": 3.3770199430874923, "y_true": 2.3472762889856775, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.47579031612645, "y": 4.702140270017464, "y_true": 2.347478565973346, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.51580632252902, "y": 5.581369898874254, "y_true": 2.347680756840198, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.55582232893157, "y": 5.434266789690643, "y_true": 2.347882861660499, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.59583833533414, "y": 3.261021154086286, "y_true": 2.3480848805084213, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.6358543417367, "y": 2.5436886043987057, "y_true": 2.3482868134580372, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.67587034813926, "y": 3.4073859708502625, "y_true": 2.3484886605833255, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.71588635454182, "y": 3.023530191254946, "y_true": 2.348690421958167, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.75590236094438, "y": 2.4549129994665257, "y_true": 2.3488920976563477, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.79591836734694, "y": 3.513709366624788, "y_true": 2.349093687751557, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.83593437374951, "y": 4.342365636232222, "y_true": 2.3492951923173893, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.87595038015206, "y": 4.838457314523078, "y_true": 2.349496611427343, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.91596638655463, "y": 3.7961779470469774, "y_true": 2.349697945154821, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.95598239295718, "y": 3.1319274838423254, "y_true": 2.3498991935731315, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.99599839935975, "y": 4.52974423983774, "y_true": 2.3501003567554886, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.0360144057623, "y": 5.231136683160571, "y_true": 2.3503014347750093, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.07603041216487, "y": 5.011797311164916, "y_true": 2.350502427704718, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.11604641856744, "y": 5.632870183523715, "y_true": 2.3507033356175433, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.15606242496999, "y": 3.3616035987465214, "y_true": 2.3509041585863204, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.19607843137256, "y": 4.278020080816917, "y_true": 2.35110489668379, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.23609443777511, "y": 4.22260905747275, "y_true": 2.3513055499825986, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.27611044417768, "y": 3.5836941961671194, "y_true": 2.3515061185552986, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.31612645058024, "y": 4.98212101451431, "y_true": 2.3517066024743496, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.3561424569828, "y": 2.8663602678584175, "y_true": 2.3519070018121164, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.39615846338536, "y": 5.438194201954435, "y_true": 2.3521073166408724, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.43617446978791, "y": 2.4926824353728496, "y_true": 2.352307547032796, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.47619047619048, "y": 3.840713162675219, "y_true": 2.352507693059973, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.51620648259303, "y": 4.681317684376906, "y_true": 2.352707754794397, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.5562224889956, "y": 3.9802035798864055, "y_true": 2.3529077323079677, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.59623849539817, "y": 4.867753451713261, "y_true": 2.3531076256724934, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.63625450180072, "y": 2.502128489468181, "y_true": 2.3533074349596896, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.67627050820329, "y": 5.679904757712986, "y_true": 2.353507160241179, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.71628651460584, "y": 2.6516303677934694, "y_true": 2.3537068015884937, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.75630252100841, "y": 3.457939640000598, "y_true": 2.3539063590730716, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.79631852741097, "y": 3.479838576454963, "y_true": 2.3541058327662614, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.83633453381353, "y": 2.399642310827021, "y_true": 2.354305222739318, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.8763505402161, "y": 2.7153796405980066, "y_true": 2.354504529063407, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.91636654661865, "y": 5.624705042939183, "y_true": 2.3547037518095992, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.95638255302121, "y": 5.33324305619078, "y_true": 2.354902891048879, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.99639855942377, "y": 5.188564138783725, "y_true": 2.3551019468521366, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.03641456582633, "y": 5.002090664564925, "y_true": 2.3553009192901713, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.0764305722289, "y": 2.6417157379116865, "y_true": 2.3554998084336938, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.11644657863145, "y": 3.50275331023131, "y_true": 2.3556986143533223, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.15646258503402, "y": 2.3811461727431555, "y_true": 2.355897337119586, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.19647859143657, "y": 2.5885912762615337, "y_true": 2.356095976802923, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.23649459783914, "y": 2.5018583748165724, "y_true": 2.356294533473682, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.2765106042417, "y": 3.1208812296169146, "y_true": 2.3564930072021206, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.31652661064426, "y": 2.5729806297330544, "y_true": 2.3566913980584085, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.35654261704683, "y": 2.4217787964321422, "y_true": 2.3568897061126246, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.39655862344938, "y": 3.2984684777649127, "y_true": 2.3570879314347586, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.43657462985195, "y": 5.42818894426093, "y_true": 2.3572860740947115, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.4765906362545, "y": 2.5739753874948024, "y_true": 2.3574841341622936, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.51660664265707, "y": 6.143265894680987, "y_true": 2.357682111707228, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.55662264905963, "y": 4.8865635136613434, "y_true": 2.357880006799148, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.59663865546219, "y": 5.691738554479791, "y_true": 2.358077819507599, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.63665466186475, "y": 4.899512951016065, "y_true": 2.3582755499020367, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.6766706682673, "y": 5.346874965913657, "y_true": 2.358473198051829, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.71668667466987, "y": 3.5158058423364817, "y_true": 2.3586707640262565, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.75670268107243, "y": 3.348939430882915, "y_true": 2.35886824789451, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.79671868747499, "y": 4.915761464556983, "y_true": 2.3590656497256934, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.83673469387756, "y": 4.526511379227445, "y_true": 2.3592629695888236, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.87675070028011, "y": 4.305674944555796, "y_true": 2.3594602075528277, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.91676670668268, "y": 3.0419592001736593, "y_true": 2.359657363686548, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.95678271308523, "y": 3.247779229540554, "y_true": 2.3598544380587363, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.9967987194878, "y": 4.476555531380372, "y_true": 2.3600514307380607, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.03681472589037, "y": 3.938653816540346, "y_true": 2.3602483417931, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.07683073229292, "y": 6.067045959154592, "y_true": 2.360445171292347, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.11684673869549, "y": 4.489776345542835, "y_true": 2.3606419193042063, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.15686274509804, "y": 4.023712033402997, "y_true": 2.3608385858969987, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.629489241472858, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.01766693813023, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.1968787515006, "y": 6.022969970332446, "y_true": 2.361035171138956, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.379249212672403, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.23689475790316, "y": 2.714189113958136, "y_true": 2.361231675098225, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.379249212672403, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.27691076430573, "y": 3.4086283350558113, "y_true": 2.3614280978428654, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.379249212672403, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.31692677070829, "y": 3.6964600709430333, "y_true": 2.3616244394408525, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.379249212672403, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.35694277711085, "y": 5.651166593727051, "y_true": 2.3618206999600746, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.379249212672403, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.39695878351341, "y": 5.31604585830623, "y_true": 2.362016879468334, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.379249212672403, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.43697478991596, "y": 3.536820760166708, "y_true": 2.3622129780333476, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.379249212672403, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.47699079631853, "y": 5.726323227472254, "y_true": 2.362408995722748, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.379249212672403, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.5170068027211, "y": 2.6038004502696865, "y_true": 2.362604932604081, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.379249212672403, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.55702280912365, "y": 4.265636888584378, "y_true": 2.3628007887448086, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.561676809710924, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5627472825609745, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.59703881552622, "y": 4.887772573750112, "y_true": 2.362996564212307, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.561676809710924, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5627472825609745, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.63705482192877, "y": 3.5672951092335428, "y_true": 2.3631922590738674, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.561676809710924, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5627472825609745, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.67707082833134, "y": 2.6302031571049738, "y_true": 2.363387873396697, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.561676809710924, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5627472825609745, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.71708683473389, "y": 3.355642879556126, "y_true": 2.3635834072479174, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.561676809710924, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5627472825609745, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.75710284113646, "y": 4.230252418408611, "y_true": 2.3637788606945676, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.257417129892941, "q_0.825": 5.3131759745130065, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 92.79711884753902, "y": 3.591416837860331, "y_true": 2.3639742338036003, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.8956628579816077, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482176062934839, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.376639640538902, "q_0.6": 4.4667994860864075, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.8865635136613434, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.691738554479791, "q_0.95": 5.803236633562433, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 92.83713485394158, "y": 3.9682529860571067, "y_true": 2.364169526641885, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.8956628579816077, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482176062934839, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.376639640538902, "q_0.6": 4.4667994860864075, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.8865635136613434, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.691738554479791, "q_0.95": 5.803236633562433, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 92.87715086034414, "y": 2.723773215795754, "y_true": 2.3643647392762075, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.8956628579816077, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482176062934839, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.376639640538902, "q_0.6": 4.4667994860864075, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.8865635136613434, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.691738554479791, "q_0.95": 5.803236633562433, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 92.9171668667467, "y": 2.4196537142862917, "y_true": 2.364559871773269, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.8956628579816077, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482176062934839, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.376639640538902, "q_0.6": 4.4667994860864075, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.8865635136613434, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.691738554479791, "q_0.95": 5.803236633562433, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 92.95718287314926, "y": 5.752584512547143, "y_true": 2.364754924199688, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.8956628579816077, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482176062934839, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.376639640538902, "q_0.6": 4.4667994860864075, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.8865635136613434, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.691738554479791, "q_0.95": 5.803236633562433, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 92.99719887955183, "y": 2.6665159314249776, "y_true": 2.364949896621998, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.8956628579816077, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482176062934839, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.376639640538902, "q_0.6": 4.4667994860864075, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.8865635136613434, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.691738554479791, "q_0.95": 5.803236633562433, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 93.03721488595438, "y": 3.495776017039833, "y_true": 2.3651447891066506, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.8956628579816077, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482176062934839, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.376639640538902, "q_0.6": 4.4667994860864075, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.8865635136613434, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.691738554479791, "q_0.95": 5.803236633562433, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 93.07723089235695, "y": 4.929578926498831, "y_true": 2.365339601720013, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.761931725861849, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.377901776833773, "q_0.6": 4.4667994860864075, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.8865635136613434, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.691738554479791, "q_0.95": 5.803931662595026, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 93.1172468987595, "y": 5.626979305805996, "y_true": 2.3655343345283697, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.761931725861849, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.887704204209184, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.2584893877247785, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.702956197957832, "q_0.95": 5.816529716627635, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 93.15726290516207, "y": 3.6065689584716947, "y_true": 2.3657289875979224, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.779803099560721, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.803604988503729, "q_0.7": 4.887704204209184, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.264322892617275, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.702956197957832, "q_0.95": 5.816529716627635, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 93.19727891156462, "y": 4.884736493949518, "y_true": 2.3659235609947893, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.779803099560721, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.803604988503729, "q_0.7": 4.887704204209184, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.264322892617275, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.702956197957832, "q_0.95": 5.816529716627635, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 93.23729491796719, "y": 4.190067204699094, "y_true": 2.366118054785007, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.779803099560721, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.803604988503729, "q_0.7": 4.887704204209184, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.264322892617275, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.702956197957832, "q_0.95": 5.816529716627635, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 93.27731092436976, "y": 2.5634086947733996, "y_true": 2.3663124690345274, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4226713869881875, "q_0.05": 2.5018583748165724, "q_0.075": 2.5868557130288874, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.482278959053114, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.5886528163139095, "q_0.65": 4.681317684376906, "q_0.675": 4.803604988503729, "q_0.7": 4.9003724638075195, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.15365630662819, "q_0.8": 5.264322892617275, "q_0.825": 5.31604585830623, "q_0.85": 5.438194201954435, "q_0.875": 5.5669396939480436, "q_0.9": 5.624705042939183, "q_0.925": 5.702956197957832, "q_0.95": 5.816529716627635, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.31732693077231, "y": 3.944447758105418, "y_true": 2.366506803809222, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4226713869881875, "q_0.05": 2.5018583748165724, "q_0.075": 2.5868557130288874, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.482278959053114, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.5886528163139095, "q_0.65": 4.681317684376906, "q_0.675": 4.803604988503729, "q_0.7": 4.9003724638075195, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.15365630662819, "q_0.8": 5.264322892617275, "q_0.825": 5.31604585830623, "q_0.85": 5.438194201954435, "q_0.875": 5.5669396939480436, "q_0.9": 5.624705042939183, "q_0.925": 5.702956197957832, "q_0.95": 5.816529716627635, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.35734293717488, "y": 2.4820483851016246, "y_true": 2.36670105917488, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4226713869881875, "q_0.05": 2.5018583748165724, "q_0.075": 2.5868557130288874, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.482278959053114, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.5886528163139095, "q_0.65": 4.681317684376906, "q_0.675": 4.803604988503729, "q_0.7": 4.9003724638075195, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.15365630662819, "q_0.8": 5.264322892617275, "q_0.825": 5.31604585830623, "q_0.85": 5.438194201954435, "q_0.875": 5.5669396939480436, "q_0.9": 5.624705042939183, "q_0.925": 5.702956197957832, "q_0.95": 5.816529716627635, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.39735894357743, "y": 6.093397896534075, "y_true": 2.3668952351972066, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4226713869881875, "q_0.05": 2.5018583748165724, "q_0.075": 2.5868557130288874, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.482278959053114, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.5886528163139095, "q_0.65": 4.681317684376906, "q_0.675": 4.803604988503729, "q_0.7": 4.9003724638075195, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.15365630662819, "q_0.8": 5.264322892617275, "q_0.825": 5.31604585830623, "q_0.85": 5.438194201954435, "q_0.875": 5.5669396939480436, "q_0.9": 5.624705042939183, "q_0.925": 5.702956197957832, "q_0.95": 5.816529716627635, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.43737494998, "y": 5.3131759745130065, "y_true": 2.367089331941827, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4380251802461514, "q_0.05": 2.502128489468181, "q_0.075": 2.5868557130288874, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.664826832100894, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.314815605878105, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.5886528163139095, "q_0.65": 4.689471288430305, "q_0.675": 4.815495724788712, "q_0.7": 4.9003724638075195, "q_0.725": 4.977294368058198, "q_0.75": 5.034888012746781, "q_0.775": 5.15365630662819, "q_0.8": 5.264322892617275, "q_0.825": 5.319832395768424, "q_0.85": 5.438194201954435, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.704233539728868, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.47739095638255, "y": 3.6789000582817586, "y_true": 2.3672833494742824, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4380251802461514, "q_0.05": 2.502128489468181, "q_0.075": 2.5868557130288874, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.664826832100894, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.314815605878105, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.5886528163139095, "q_0.65": 4.689471288430305, "q_0.675": 4.815495724788712, "q_0.7": 4.9003724638075195, "q_0.725": 4.977294368058198, "q_0.75": 5.034888012746781, "q_0.775": 5.15365630662819, "q_0.8": 5.264322892617275, "q_0.825": 5.319832395768424, "q_0.85": 5.438194201954435, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.704233539728868, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.51740696278512, "y": 3.2750216591318004, "y_true": 2.367477287860034, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4380251802461514, "q_0.05": 2.502128489468181, "q_0.075": 2.5868557130288874, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.664826832100894, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.314815605878105, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.5886528163139095, "q_0.65": 4.689471288430305, "q_0.675": 4.815495724788712, "q_0.7": 4.9003724638075195, "q_0.725": 4.977294368058198, "q_0.75": 5.034888012746781, "q_0.775": 5.15365630662819, "q_0.8": 5.264322892617275, "q_0.825": 5.319832395768424, "q_0.85": 5.438194201954435, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.704233539728868, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.55742296918768, "y": 3.9155682408382018, "y_true": 2.367671147164461, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4380251802461514, "q_0.05": 2.502128489468181, "q_0.075": 2.5868557130288874, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.664826832100894, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.314815605878105, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.5886528163139095, "q_0.65": 4.689471288430305, "q_0.675": 4.815495724788712, "q_0.7": 4.9003724638075195, "q_0.725": 4.977294368058198, "q_0.75": 5.034888012746781, "q_0.775": 5.15365630662819, "q_0.8": 5.264322892617275, "q_0.825": 5.319832395768424, "q_0.85": 5.438194201954435, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.704233539728868, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.59743897559024, "y": 3.5904725201537255, "y_true": 2.3678649274528607, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4380251802461514, "q_0.05": 2.502128489468181, "q_0.075": 2.5868557130288874, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0197952553194525, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823457440035352, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.5886528163139095, "q_0.65": 4.693400473081786, "q_0.675": 4.815495724788712, "q_0.7": 4.901881376629588, "q_0.725": 4.977294368058198, "q_0.75": 5.0378943803274385, "q_0.775": 5.168472203483976, "q_0.8": 5.26606711347786, "q_0.825": 5.333606511110667, "q_0.85": 5.449777820501485, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.712003872297639, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.6374549819928, "y": 3.8020753592247956, "y_true": 2.368058628790449, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5885912762615337, "q_0.1": 2.671641687026599, "q_0.125": 2.7926220567241433, "q_0.15": 2.907311205076903, "q_0.175": 3.0197952553194525, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.399077134558835, "q_0.6": 4.476555531380372, "q_0.625": 4.61399667490164, "q_0.65": 4.693400473081786, "q_0.675": 4.815495724788712, "q_0.7": 4.901881376629588, "q_0.725": 4.977294368058198, "q_0.75": 5.0378943803274385, "q_0.775": 5.168472203483976, "q_0.8": 5.26606711347786, "q_0.825": 5.333606511110667, "q_0.85": 5.449777820501485, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.712003872297639, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.67747098839536, "y": 5.921688698763932, "y_true": 2.3682522512423607, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5885912762615337, "q_0.1": 2.671641687026599, "q_0.125": 2.7926220567241433, "q_0.15": 2.907311205076903, "q_0.175": 3.0197952553194525, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.399077134558835, "q_0.6": 4.476555531380372, "q_0.625": 4.61399667490164, "q_0.65": 4.693400473081786, "q_0.675": 4.815495724788712, "q_0.7": 4.901881376629588, "q_0.725": 4.977294368058198, "q_0.75": 5.0378943803274385, "q_0.775": 5.168472203483976, "q_0.8": 5.26606711347786, "q_0.825": 5.333606511110667, "q_0.85": 5.449777820501485, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.712003872297639, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.71748699479792, "y": 3.9332517302731973, "y_true": 2.36844579487365, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5885912762615337, "q_0.1": 2.671641687026599, "q_0.125": 2.7926220567241433, "q_0.15": 2.907311205076903, "q_0.175": 3.0197952553194525, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.399077134558835, "q_0.6": 4.476555531380372, "q_0.625": 4.61399667490164, "q_0.65": 4.693400473081786, "q_0.675": 4.815495724788712, "q_0.7": 4.901881376629588, "q_0.725": 4.977294368058198, "q_0.75": 5.0378943803274385, "q_0.775": 5.168472203483976, "q_0.8": 5.26606711347786, "q_0.825": 5.333606511110667, "q_0.85": 5.449777820501485, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.712003872297639, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.75750300120049, "y": 5.236870567443402, "y_true": 2.368639259749289, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5885912762615337, "q_0.1": 2.6828971888118565, "q_0.125": 2.7926220567241433, "q_0.15": 2.907311205076903, "q_0.175": 3.0197952553194525, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.399077134558835, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.696883024241005, "q_0.675": 4.824497756750446, "q_0.7": 4.901881376629588, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.188564138783725, "q_0.8": 5.26606711347786, "q_0.825": 5.333606511110667, "q_0.85": 5.452978338295401, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.712003872297639, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.79751900760304, "y": 2.9755562752277127, "y_true": 2.3688326459341704, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5885912762615337, "q_0.1": 2.6828971888118565, "q_0.125": 2.7926220567241433, "q_0.15": 2.907311205076903, "q_0.175": 3.0197952553194525, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.399077134558835, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.696883024241005, "q_0.675": 4.824497756750446, "q_0.7": 4.901881376629588, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.188564138783725, "q_0.8": 5.26606711347786, "q_0.825": 5.333606511110667, "q_0.85": 5.452978338295401, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.712003872297639, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.83753501400561, "y": 4.43410873947748, "y_true": 2.369025953493105, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5885912762615337, "q_0.1": 2.6828971888118565, "q_0.125": 2.7926220567241433, "q_0.15": 2.907311205076903, "q_0.175": 3.0197952553194525, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.399077134558835, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.696883024241005, "q_0.675": 4.824497756750446, "q_0.7": 4.901881376629588, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.188564138783725, "q_0.8": 5.26606711347786, "q_0.825": 5.333606511110667, "q_0.85": 5.452978338295401, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.712003872297639, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.87755102040816, "y": 4.279932436313147, "y_true": 2.3692191824908244, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5885912762615337, "q_0.1": 2.6828971888118565, "q_0.125": 2.7953524597768027, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130087, "q_0.6": 4.487559006510527, "q_0.625": 4.617894640017489, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.188564138783725, "q_0.8": 5.266816223503857, "q_0.825": 5.333606511110667, "q_0.85": 5.468516797645426, "q_0.875": 5.581369898874254, "q_0.9": 5.626979305805996, "q_0.925": 5.712003872297639, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.91756702681073, "y": 4.657682147506299, "y_true": 2.369412332991978, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6828971888118565, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.634369378133302, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.188564138783725, "q_0.8": 5.266816223503857, "q_0.825": 5.3424650365918325, "q_0.85": 5.468516797645426, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.95758303321328, "y": 5.001286072939259, "y_true": 2.369605405061136, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6828971888118565, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.634369378133302, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.188564138783725, "q_0.8": 5.266816223503857, "q_0.825": 5.3424650365918325, "q_0.85": 5.468516797645426, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.99759903961585, "y": 5.702956197957832, "y_true": 2.369798398762789, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6828971888118565, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.634369378133302, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.188564138783725, "q_0.8": 5.266816223503857, "q_0.825": 5.3424650365918325, "q_0.85": 5.468516797645426, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.03761504601842, "y": 3.2603308411032716, "y_true": 2.3699913141613465, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6828971888118565, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.634369378133302, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.188564138783725, "q_0.8": 5.266816223503857, "q_0.825": 5.3424650365918325, "q_0.85": 5.468516797645426, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.07763105242097, "y": 3.8474877916684544, "y_true": 2.370184151321138, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6828971888118565, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.634369378133302, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.188564138783725, "q_0.8": 5.266816223503857, "q_0.825": 5.3424650365918325, "q_0.85": 5.468516797645426, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.11764705882354, "y": 2.5918130110067112, "y_true": 2.370376910306415, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6828971888118565, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.634369378133302, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.188564138783725, "q_0.8": 5.266816223503857, "q_0.825": 5.3424650365918325, "q_0.85": 5.468516797645426, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.15766306522609, "y": 4.787925059658038, "y_true": 2.3705695911813467, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6828971888118565, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.634369378133302, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.188564138783725, "q_0.8": 5.266816223503857, "q_0.825": 5.3424650365918325, "q_0.85": 5.468516797645426, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.19767907162866, "y": 5.991328557727549, "y_true": 2.3707621940100254, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6828971888118565, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.634369378133302, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.188564138783725, "q_0.8": 5.266816223503857, "q_0.825": 5.3424650365918325, "q_0.85": 5.468516797645426, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.23769507803122, "y": 3.9056931344661208, "y_true": 2.3709547188564626, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.27771108443378, "y": 6.135797980695099, "y_true": 2.37114716578459, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.31772709083634, "y": 4.687810281215286, "y_true": 2.371339534858263, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.3577430972389, "y": 3.1900960464535535, "y_true": 2.371531826141254, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.39775910364146, "y": 4.423826815144782, "y_true": 2.37172403969726, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.43777511004402, "y": 4.852573212149856, "y_true": 2.371916175589898, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.47779111644658, "y": 4.95469210520297, "y_true": 2.372108233882706, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.51780712284915, "y": 4.845720545348097, "y_true": 2.3723002146391443, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.5578231292517, "y": 3.107624500866958, "y_true": 2.3724921179225937, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.59783913565427, "y": 3.1803893266668584, "y_true": 2.372683943796359, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.63785514205682, "y": 3.30922675123002, "y_true": 2.372875692323665, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.67787114845939, "y": 5.215791748097958, "y_true": 2.3730673635676593, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.71788715486196, "y": 4.310080972204612, "y_true": 2.373258957591412, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 94.75790316126451, "y": 4.977294368058198, "y_true": 2.3734504744579143, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 94.79791916766708, "y": 5.474754932592035, "y_true": 2.3736419142300815, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 94.83793517406963, "y": 4.562361887488981, "y_true": 2.3738332769707506, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 94.8779511804722, "y": 4.202195391369143, "y_true": 2.374024562742681, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 94.91796718687475, "y": 3.936263249551006, "y_true": 2.3742157716085552, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 94.95798319327731, "y": 4.455713106848916, "y_true": 2.37440690363098, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 94.99799919967988, "y": 2.9551932879384832, "y_true": 2.3745979588724833, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.03801520608243, "y": 5.427735484863346, "y_true": 2.374788937395517, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.739116335983769, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.423826815144782, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.845720545348097, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.078031212485, "y": 5.918647019756464, "y_true": 2.3749798392624566, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.739116335983769, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.423826815144782, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.845720545348097, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.11804721888755, "y": 5.529405411429767, "y_true": 2.3751706645356014, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.739116335983769, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.423826815144782, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.845720545348097, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.15806322529012, "y": 5.5669396939480436, "y_true": 2.3753614132771728, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.739116335983769, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.423826815144782, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.845720545348097, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.19807923169267, "y": 5.596618538306475, "y_true": 2.3755520855493177, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8362449438349007, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.845720545348097, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.23809523809524, "y": 3.057966548401869, "y_true": 2.375742681414106, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8362449438349007, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.845720545348097, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.27811124449781, "y": 6.2440948768366145, "y_true": 2.375933200933531, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.119811094882084, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.31812725090036, "y": 4.929184037767474, "y_true": 2.3761236441695113, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.35814325730293, "y": 4.0117205489122, "y_true": 2.376314011183889, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.39815926370548, "y": 5.827063180329365, "y_true": 2.3765043020384313, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.43817527010805, "y": 4.639752850311846, "y_true": 2.376694516794829, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.47819127651061, "y": 6.238587921227395, "y_true": 2.3768846555146967, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.51820728291317, "y": 5.300303885495273, "y_true": 2.377074718259576, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.55822328931573, "y": 3.805889886794203, "y_true": 2.3772647050909326, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.59823929571829, "y": 5.264322892617275, "y_true": 2.3774546160701555, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.63825530212085, "y": 5.216401239879421, "y_true": 2.3776444512585604, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.6782713085234, "y": 3.5949088506552247, "y_true": 2.377834210717388, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.71828731492597, "y": 5.816529716627635, "y_true": 2.3780238945078045, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.75830332132854, "y": 2.925697665180347, "y_true": 2.378213502690901, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.7983193277311, "y": 3.7992294195433147, "y_true": 2.3784030353276937, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.83833533413366, "y": 4.853806814576997, "y_true": 2.3785924924791257, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.87835134053621, "y": 4.242910092964924, "y_true": 2.378781874206066, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.91836734693878, "y": 5.01766693813023, "y_true": 2.378971180569308, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.95838335334135, "y": 6.260258086195082, "y_true": 2.379160411629573, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.9983993597439, "y": 2.6828971888118565, "y_true": 2.3793495674475063, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.03841536614647, "y": 5.333606511110667, "y_true": 2.379538648083682, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.07843137254902, "y": 5.561650887791949, "y_true": 2.3797276535985987, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.11844737895159, "y": 3.4785347574021266, "y_true": 2.3799165840526832, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.15846338535414, "y": 3.373539190768731, "y_true": 2.380105439506287, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.1984793917567, "y": 4.0988717527454455, "y_true": 2.3802942200196897, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.23849539815927, "y": 3.9142599852228352, "y_true": 2.3804829256530975, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.27851140456183, "y": 4.35845326247657, "y_true": 2.380671556466644, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.31852741096439, "y": 3.2049943954724043, "y_true": 2.3808601125203888, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.35854341736695, "y": 4.30463463054138, "y_true": 2.38104859387432, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.39855942376951, "y": 5.54762208330054, "y_true": 2.3812370005883525, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.43857543017208, "y": 5.821391157014547, "y_true": 2.381425332722329, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.47859143657463, "y": 4.979780763181342, "y_true": 2.381613590336019, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.5186074429772, "y": 3.5046745025682156, "y_true": 2.38180177348912, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.5667771230540373, "q_0.375": 3.7015776824519326, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.402952275265316, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0456518262776875, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.55862344937975, "y": 5.785466531779461, "y_true": 2.381989882241259, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.5667771230540373, "q_0.375": 3.7015776824519326, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.402952275265316, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0456518262776875, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.59863945578232, "y": 4.024086522122861, "y_true": 2.382177916651988, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4429966922060364, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.1027222996594475, "q_0.525": 4.230336563461151, "q_0.55": 4.322271500659567, "q_0.575": 4.399077134558835, "q_0.6": 4.476555531380372, "q_0.625": 4.62223438809014, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.63865546218487, "y": 3.2860235665039457, "y_true": 2.3823658767807903, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.67867146858744, "y": 2.907311205076903, "y_true": 2.382553762687074, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.71868747499, "y": 6.132410664348479, "y_true": 2.3827415744301783, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.75870348139256, "y": 2.7260068715456347, "y_true": 2.3829293120693698, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.79871948779513, "y": 4.4491496595227975, "y_true": 2.3831169756638433, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.83873549419768, "y": 3.1718651512621157, "y_true": 2.3833045652727223, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.87875150060025, "y": 5.770434390785447, "y_true": 2.3834920809550595, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.9187675070028, "y": 3.142557683793132, "y_true": 2.3836795227698366, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.95878351340536, "y": 5.25728410248818, "y_true": 2.383866890775964, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.99879951980793, "y": 3.0283301788662254, "y_true": 2.384054185032281, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.03881552621048, "y": 6.045097500237758, "y_true": 2.3842414055975563, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.07883153261305, "y": 4.973232552394514, "y_true": 2.384428552530488, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.1188475390156, "y": 4.004903941052474, "y_true": 2.3846156258897033, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.15886354541817, "y": 6.141926314416894, "y_true": 2.38480262573376, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.19887955182074, "y": 4.430873392947966, "y_true": 2.3849895521211444, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.23889555822329, "y": 3.8847472866647887, "y_true": 2.3851764051102733, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.275951279825709, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.27891156462586, "y": 3.0197952553194525, "y_true": 2.385363184759493, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.275951279825709, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.31892757102841, "y": 5.2015399446803325, "y_true": 2.38554989112708, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.275951279825709, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.35894357743098, "y": 4.7147695827641485, "y_true": 2.3857365242712407, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.274459398427366, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.39895958383353, "y": 3.2565413110759467, "y_true": 2.3859230842501127, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.274459398427366, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.4389755902361, "y": 3.362559723310597, "y_true": 2.3861095711217626, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.274459398427366, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.47899159663866, "y": 3.2472847296993383, "y_true": 2.386295984944188, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.274459398427366, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.51900760304122, "y": 4.323836392765906, "y_true": 2.386482325775317, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.274459398427366, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.55902360944378, "y": 2.571456478035223, "y_true": 2.3866685936730097, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.274459398427366, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.59903961584634, "y": 3.5172355033829596, "y_true": 2.386854788695054, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.274459398427366, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.6390556222489, "y": 5.26606711347786, "y_true": 2.3870409108991724, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.274459398427366, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.67907162865147, "y": 4.815495724788712, "y_true": 2.3872269603430154, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.584794707132016, "q_0.9": 5.6312955078489795, "q_0.925": 5.7730974997674345, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.71908763505402, "y": 5.587477112847621, "y_true": 2.387412937084166, "y_pred": 4.098570103014342, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.015348189751715, "q_0.5": 4.098570103014342, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.584794707132016, "q_0.9": 5.6312955078489795, "q_0.925": 5.7730974997674345, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.75910364145659, "y": 5.299574779007834, "y_true": 2.387598841180139, "y_pred": 4.098570103014342, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.015348189751715, "q_0.5": 4.098570103014342, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.584794707132016, "q_0.9": 5.6312955078489795, "q_0.925": 5.7730974997674345, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.79911964785914, "y": 2.470979320958364, "y_true": 2.3877846726883787, "y_pred": 4.098570103014342, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.015348189751715, "q_0.5": 4.098570103014342, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.584794707132016, "q_0.9": 5.6312955078489795, "q_0.925": 5.7730974997674345, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.83913565426171, "y": 4.615221016096102, "y_true": 2.3879704316662624, "y_pred": 4.0959939948932345, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177838404170136, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.0959939948932345, "q_0.525": 4.2252784842081015, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 97.87915166066426, "y": 4.1027222996594475, "y_true": 2.3881561181710986, "y_pred": 4.0959939948932345, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177838404170136, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.0959939948932345, "q_0.525": 4.2252784842081015, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 97.91916766706683, "y": 3.801463650007735, "y_true": 2.3883417322601272, "y_pred": 4.0959939948932345, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177838404170136, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.0959939948932345, "q_0.525": 4.2252784842081015, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 97.9591836734694, "y": 6.27034173399522, "y_true": 2.3885272739905203, "y_pred": 4.0959939948932345, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177838404170136, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.0959939948932345, "q_0.525": 4.2252784842081015, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 97.99919967987195, "y": 4.958763305706391, "y_true": 2.388712743419382, "y_pred": 4.0959939948932345, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177838404170136, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.0959939948932345, "q_0.525": 4.2252784842081015, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.03921568627452, "y": 3.3711884822484173, "y_true": 2.388898140603747, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.07923169267707, "y": 4.474089777693742, "y_true": 2.3890834656005846, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.11924769907964, "y": 2.761931725861849, "y_true": 2.389268718466794, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.1592637054822, "y": 5.306166120734368, "y_true": 2.3894538992592076, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.19927971188476, "y": 3.7503527213029173, "y_true": 2.3896390080345906, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.23929571828732, "y": 3.0509033325458628, "y_true": 2.3898240448496404, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.27931172468988, "y": 3.025858539312837, "y_true": 2.3900090097609876, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.31932773109244, "y": 2.449818127010743, "y_true": 2.390193902825194, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.359343737495, "y": 5.436254423980275, "y_true": 2.3903787240987557, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.39935974389756, "y": 5.244158489837859, "y_true": 2.390563473638102, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.43937575030013, "y": 4.290307019271348, "y_true": 2.390748151499594, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.47939175670268, "y": 3.589337186913361, "y_true": 2.3909327577395265, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.51940776310525, "y": 3.925139884098706, "y_true": 2.3911172924141284, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.5594237695078, "y": 5.854808293437102, "y_true": 2.391301755579561, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.59943977591037, "y": 2.8667385952134774, "y_true": 2.391486147291919, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4796430035970385, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.63945578231294, "y": 2.5075168626786666, "y_true": 2.3916704676072325, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4796430035970385, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.67947178871549, "y": 3.2372345560957414, "y_true": 2.391854716581462, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4796430035970385, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.71948779511806, "y": 4.432705927293125, "y_true": 2.3920388942705055, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4796430035970385, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.75950380152061, "y": 2.4223368850360067, "y_true": 2.3922230007301923, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4796430035970385, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.79951980792318, "y": 2.8011233770317414, "y_true": 2.392407036016287, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4796430035970385, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.83953581432573, "y": 5.128485313318066, "y_true": 2.392591000184487, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.696883024241005, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.8795518207283, "y": 4.149530812879764, "y_true": 2.3927748932904263, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.91956782713086, "y": 6.112739664992043, "y_true": 2.392958715389671, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.95958383353342, "y": 5.964780134904505, "y_true": 2.393142466537723, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.99959983993598, "y": 3.477585549756284, "y_true": 2.393326146790017, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.03961584633853, "y": 3.8750496873581675, "y_true": 2.3935097562019254, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.0796318527411, "y": 5.99546197601252, "y_true": 2.393693294828752, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.11964785914365, "y": 4.6663954051539065, "y_true": 2.3938767627257374, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.15966386554622, "y": 3.844683630170143, "y_true": 2.394060159948057, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.19967987194879, "y": 5.534998107757124, "y_true": 2.3942434865508213, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.23969587835134, "y": 6.022498660166112, "y_true": 2.394426742589075, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.27971188475391, "y": 5.0378943803274385, "y_true": 2.3946099281177986, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.200812083554782, "q_0.8": 5.281448022228394, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.31972789115646, "y": 3.301120517472622, "y_true": 2.3947930431919087, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.200812083554782, "q_0.8": 5.281448022228394, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.35974389755903, "y": 5.611006861106356, "y_true": 2.3949760878662563, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.538118074233566, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.3997599039616, "y": 4.046112619647198, "y_true": 2.3951590621956287, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.538118074233566, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.43977591036415, "y": 5.136094888314858, "y_true": 2.3953419662347484, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.538118074233566, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.47979191676671, "y": 4.305295626703245, "y_true": 2.395524800038274, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.538118074233566, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.51980792316927, "y": 6.090584481421906, "y_true": 2.3957075636607996, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.538118074233566, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.55982392957183, "y": 2.664434071908261, "y_true": 2.3958902571568563, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.59983993597439, "y": 3.0080259424319, "y_true": 2.3960728805809093, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.63985594237695, "y": 3.1605757111275707, "y_true": 2.396255433987362, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.67987194877952, "y": 3.2646786712540683, "y_true": 2.396437917430553, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.71988795518207, "y": 3.3216332556013644, "y_true": 2.3966203309647574, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.75990396158464, "y": 2.997422812486573, "y_true": 2.3968026746441873, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.7999199679872, "y": 5.120055401834522, "y_true": 2.3969849485229906, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.83993597438976, "y": 3.2545749046962977, "y_true": 2.397167152655252, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.87995198079233, "y": 3.3228340409489325, "y_true": 2.397349287094994, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.91996798719488, "y": 3.173472643834273, "y_true": 2.3975313518961743, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.95998399359745, "y": 3.9651255357513255, "y_true": 2.397713347112689, "y_pred": 4.079205916056161, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.301120517472622, "q_0.3": 3.3616035987465214, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.629489241472858, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.079205916056161, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.382753321734516, "q_0.85": 5.47772218589268, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 100.0, "y": 6.166916206472844, "y_true": 2.3978952727983707, "y_pred": 4.079205916056161, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.4549129994665257, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1754413821479606, "q_0.25": 3.2545749046962977, "q_0.275": 3.301120517472622, "q_0.3": 3.3616035987465214, "q_0.325": 3.477585549756284, "q_0.35": 3.536820760166708, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.079205916056161, "q_0.525": 4.192231546360819, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.845720545348097, "q_0.7": 4.9295437696061, "q_0.725": 4.9862032755209, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.299574779007834, "q_0.825": 5.424402001203898, "q_0.85": 5.529405411429767, "q_0.875": 5.596618538306475, "q_0.9": 5.655143783909511, "q_0.925": 5.786662739658899, "q_0.95": 5.921688698763932, "q_0.975": 6.1331234016450065, "q_1": 6.27034173399522}]}};
    +      var spec = {"config": {"view": {"continuousWidth": 300, "continuousHeight": 300}, "range": {"category": ["#f2a619", "#006aff"]}}, "layer": [{"mark": {"type": "circle", "color": "black", "opacity": 0.25, "size": 25}, "encoding": {"color": {"condition": {"param": "param_13", "field": "target", "type": "nominal"}, "value": "lightgray"}, "tooltip": [{"field": "target", "title": "Target", "type": "nominal"}, {"field": "x", "format": ",.3f", "title": "X", "type": "quantitative"}, {"field": "y", "format": ",.3f", "title": "Y", "type": "quantitative"}, {"field": "y_pred", "format": ",.3f", "title": "Predicted Y", "type": "quantitative"}, {"field": "y_pred_low", "format": ",.3f", "title": "Predicted Lower Y", "type": "quantitative"}, {"field": "y_pred_upp", "format": ",.3f", "title": "Predicted Upper Y", "type": "quantitative"}, {"field": "quantile_low", "format": ".3f", "title": "Lower Quantile", "type": "quantitative"}, {"field": "quantile_upp", "format": ".3f", "title": "Upper Quantile", "type": "quantitative"}], "x": {"field": "x", "scale": {"nice": false}, "type": "quantitative"}, "y": {"field": "y", "type": "quantitative"}}, "name": "view_14", "transform": [{"calculate": "round((0.5 - interval / 2) * 1000) / 1000", "as": "quantile_low"}, {"calculate": "round((0.5 + interval / 2) * 1000) / 1000", "as": "quantile_upp"}, {"calculate": "'q_' + datum.quantile_low", "as": "quantile_low_col"}, {"calculate": "'q_' + datum.quantile_upp", "as": "quantile_upp_col"}, {"calculate": "datum[datum.quantile_low_col]", "as": "y_pred_low"}, {"calculate": "datum[datum.quantile_upp_col]", "as": "y_pred_upp"}]}, {"mark": {"type": "area", "opacity": 0.25}, "encoding": {"color": {"condition": {"param": "param_13", "field": "target", "legend": {"symbolOpacity": 1}, "scale": {"range": ["#f2a619", "#006aff"]}, "sort": ["0", "1"], "title": "Target", "type": "nominal"}, "value": "lightgray"}, "tooltip": [{"field": "target", "title": "Target", "type": "nominal"}, {"field": "x", "format": ",.3f", "title": "X", "type": "quantitative"}, {"field": "y", "format": ",.3f", "title": "Y", "type": "quantitative"}, {"field": "y_pred", "format": ",.3f", "title": "Predicted Y", "type": "quantitative"}, {"field": "y_pred_low", "format": ",.3f", "title": "Predicted Lower Y", "type": "quantitative"}, {"field": "y_pred_upp", "format": ",.3f", "title": "Predicted Upper Y", "type": "quantitative"}, {"field": "quantile_low", "format": ".3f", "title": "Lower Quantile", "type": "quantitative"}, {"field": "quantile_upp", "format": ".3f", "title": "Upper Quantile", "type": "quantitative"}], "x": {"field": "x", "scale": {"nice": false}, "title": "X", "type": "quantitative"}, "y": {"field": "y_pred_low", "title": "Y", "type": "quantitative"}, "y2": {"field": "y_pred_upp", "title": null}}, "transform": [{"calculate": "round((0.5 - interval / 2) * 1000) / 1000", "as": "quantile_low"}, {"calculate": "round((0.5 + interval / 2) * 1000) / 1000", "as": "quantile_upp"}, {"calculate": "'q_' + datum.quantile_low", "as": "quantile_low_col"}, {"calculate": "'q_' + datum.quantile_upp", "as": "quantile_upp_col"}, {"calculate": "datum[datum.quantile_low_col]", "as": "y_pred_low"}, {"calculate": "datum[datum.quantile_upp_col]", "as": "y_pred_upp"}]}, {"mark": {"type": "line", "color": "black", "size": 3}, "encoding": {"color": {"condition": {"param": "param_13", "field": "target", "legend": {"symbolOpacity": 1}, "scale": {"range": ["#f2a619", "#006aff"]}, "sort": ["0", "1"], "title": "Target", "type": "nominal"}, "value": "lightgray"}, "tooltip": [{"field": "target", "title": "Target", "type": "nominal"}, {"field": "x", "format": ",.3f", "title": "X", "type": "quantitative"}, {"field": "y", "format": ",.3f", "title": "Y", "type": "quantitative"}, {"field": "y_pred", "format": ",.3f", "title": "Predicted Y", "type": "quantitative"}, {"field": "y_pred_low", "format": ",.3f", "title": "Predicted Lower Y", "type": "quantitative"}, {"field": "y_pred_upp", "format": ",.3f", "title": "Predicted Upper Y", "type": "quantitative"}, {"field": "quantile_low", "format": ".3f", "title": "Lower Quantile", "type": "quantitative"}, {"field": "quantile_upp", "format": ".3f", "title": "Upper Quantile", "type": "quantitative"}], "x": {"field": "x", "scale": {"nice": false}, "title": "X", "type": "quantitative"}, "y": {"field": "y_pred", "title": "Y", "type": "quantitative"}}, "transform": [{"calculate": "round((0.5 - interval / 2) * 1000) / 1000", "as": "quantile_low"}, {"calculate": "round((0.5 + interval / 2) * 1000) / 1000", "as": "quantile_upp"}, {"calculate": "'q_' + datum.quantile_low", "as": "quantile_low_col"}, {"calculate": "'q_' + datum.quantile_upp", "as": "quantile_upp_col"}, {"calculate": "datum[datum.quantile_low_col]", "as": "y_pred_low"}, {"calculate": "datum[datum.quantile_upp_col]", "as": "y_pred_upp"}]}], "data": {"name": "data-6da8d21b2ce135e89eae7fbec82f4865"}, "height": 400, "params": [{"name": "interval", "bind": {"input": "range", "max": 1, "min": 0, "name": "Prediction Interval: ", "step": 0.05}, "value": 0.95}, {"name": "param_13", "select": {"type": "point", "fields": ["target"], "on": "click"}, "bind": "legend", "views": ["view_14"]}], "title": "Multi-target Predictions and Prediction Intervals on Toy Dataset", "width": 650, "$schema": "https://vega.github.io/schema/vega-lite/v5.20.1.json", "datasets": {"data-6da8d21b2ce135e89eae7fbec82f4865": [{"x": 0.0, "y": 0.6931471805599453, "y_pred": 1.0444457946389574, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.6931471805599453, "q_0.075": 0.7410188983214286, "q_0.1": 0.7410188983214286, "q_0.125": 0.7787904478851987, "q_0.15": 0.7787904478851987, "q_0.175": 0.8132129947522136, "q_0.2": 0.8132129947522136, "q_0.225": 0.8330400929952239, "q_0.25": 0.8330400929952239, "q_0.275": 0.9006826179216104, "q_0.3": 0.9006826179216104, "q_0.325": 0.9062972335104696, "q_0.35": 0.9716937209516215, "q_0.375": 0.9716937209516215, "q_0.4": 0.9766656726129547, "q_0.425": 0.9766656726129547, "q_0.45": 0.980881043242205, "q_0.475": 1.0444457946389574, "q_0.5": 1.0444457946389574, "q_0.525": 1.0849927516393927, "q_0.55": 1.0849927516393927, "q_0.575": 1.1092592232848468, "q_0.6": 1.1092592232848468, "q_0.625": 1.1311071001664577, "q_0.65": 1.1311071001664577, "q_0.675": 1.1420194367216203, "q_0.7": 1.1649343419054004, "q_0.725": 1.1649343419054004, "q_0.75": 1.2142273431689061, "q_0.775": 1.3120250517938707, "q_0.8": 1.3120250517938707, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5313677594631567, "q_0.95": 1.5424331407865945, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.040016006402561026, "y": 0.7410188983214286, "y_pred": 1.0444457946389574, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.6931471805599453, "q_0.075": 0.7410188983214286, "q_0.1": 0.7410188983214286, "q_0.125": 0.7787904478851987, "q_0.15": 0.7787904478851987, "q_0.175": 0.8132129947522136, "q_0.2": 0.8132129947522136, "q_0.225": 0.8330400929952239, "q_0.25": 0.8330400929952239, "q_0.275": 0.9006826179216104, "q_0.3": 0.9006826179216104, "q_0.325": 0.9062972335104696, "q_0.35": 0.9716937209516215, "q_0.375": 0.9716937209516215, "q_0.4": 0.9766656726129547, "q_0.425": 0.9766656726129547, "q_0.45": 0.980881043242205, "q_0.475": 1.0444457946389574, "q_0.5": 1.0444457946389574, "q_0.525": 1.0849927516393927, "q_0.55": 1.0849927516393927, "q_0.575": 1.1092592232848468, "q_0.6": 1.1092592232848468, "q_0.625": 1.1311071001664577, "q_0.65": 1.1311071001664577, "q_0.675": 1.1420194367216203, "q_0.7": 1.1649343419054004, "q_0.725": 1.1649343419054004, "q_0.75": 1.2142273431689061, "q_0.775": 1.3120250517938707, "q_0.8": 1.3120250517938707, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5313677594631567, "q_0.95": 1.5424331407865945, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.08003201280512205, "y": 0.7787904478851987, "y_pred": 1.0444457946389574, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.6931471805599453, "q_0.075": 0.7410188983214286, "q_0.1": 0.7410188983214286, "q_0.125": 0.7787904478851987, "q_0.15": 0.7787904478851987, "q_0.175": 0.8132129947522136, "q_0.2": 0.8132129947522136, "q_0.225": 0.8330400929952239, "q_0.25": 0.8330400929952239, "q_0.275": 0.9006826179216104, "q_0.3": 0.9006826179216104, "q_0.325": 0.9062972335104696, "q_0.35": 0.9716937209516215, "q_0.375": 0.9716937209516215, "q_0.4": 0.9766656726129547, "q_0.425": 0.9766656726129547, "q_0.45": 0.980881043242205, "q_0.475": 1.0444457946389574, "q_0.5": 1.0444457946389574, "q_0.525": 1.0849927516393927, "q_0.55": 1.0849927516393927, "q_0.575": 1.1092592232848468, "q_0.6": 1.1092592232848468, "q_0.625": 1.1311071001664577, "q_0.65": 1.1311071001664577, "q_0.675": 1.1420194367216203, "q_0.7": 1.1649343419054004, "q_0.725": 1.1649343419054004, "q_0.75": 1.2142273431689061, "q_0.775": 1.3120250517938707, "q_0.8": 1.3120250517938707, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5313677594631567, "q_0.95": 1.5424331407865945, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.12004801920768307, "y": 0.8132129947522136, "y_pred": 1.0444457946389574, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.6931471805599453, "q_0.075": 0.7410188983214286, "q_0.1": 0.7410188983214286, "q_0.125": 0.7787904478851987, "q_0.15": 0.7787904478851987, "q_0.175": 0.8132129947522136, "q_0.2": 0.8132129947522136, "q_0.225": 0.8330400929952239, "q_0.25": 0.8330400929952239, "q_0.275": 0.9006826179216104, "q_0.3": 0.9006826179216104, "q_0.325": 0.9062972335104696, "q_0.35": 0.9716937209516215, "q_0.375": 0.9716937209516215, "q_0.4": 0.9766656726129547, "q_0.425": 0.9766656726129547, "q_0.45": 0.980881043242205, "q_0.475": 1.0444457946389574, "q_0.5": 1.0444457946389574, "q_0.525": 1.0849927516393927, "q_0.55": 1.0849927516393927, "q_0.575": 1.1092592232848468, "q_0.6": 1.1092592232848468, "q_0.625": 1.1311071001664577, "q_0.65": 1.1311071001664577, "q_0.675": 1.1420194367216203, "q_0.7": 1.1649343419054004, "q_0.725": 1.1649343419054004, "q_0.75": 1.2142273431689061, "q_0.775": 1.3120250517938707, "q_0.8": 1.3120250517938707, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5313677594631567, "q_0.95": 1.5424331407865945, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.1600640256102441, "y": 0.8330400929952239, "y_pred": 1.0444457946389574, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.6931471805599453, "q_0.075": 0.7410188983214286, "q_0.1": 0.7410188983214286, "q_0.125": 0.7787904478851987, "q_0.15": 0.7787904478851987, "q_0.175": 0.8132129947522136, "q_0.2": 0.8132129947522136, "q_0.225": 0.8330400929952239, "q_0.25": 0.8330400929952239, "q_0.275": 0.9006826179216104, "q_0.3": 0.9006826179216104, "q_0.325": 0.9062972335104696, "q_0.35": 0.9716937209516215, "q_0.375": 0.9716937209516215, "q_0.4": 0.9766656726129547, "q_0.425": 0.9766656726129547, "q_0.45": 0.980881043242205, "q_0.475": 1.0444457946389574, "q_0.5": 1.0444457946389574, "q_0.525": 1.0849927516393927, "q_0.55": 1.0849927516393927, "q_0.575": 1.1092592232848468, "q_0.6": 1.1092592232848468, "q_0.625": 1.1311071001664577, "q_0.65": 1.1311071001664577, "q_0.675": 1.1420194367216203, "q_0.7": 1.1649343419054004, "q_0.725": 1.1649343419054004, "q_0.75": 1.2142273431689061, "q_0.775": 1.3120250517938707, "q_0.8": 1.3120250517938707, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5313677594631567, "q_0.95": 1.5424331407865945, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.20008003201280514, "y": 0.9062972335104696, "y_pred": 1.0444457946389574, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.6931471805599453, "q_0.075": 0.7410188983214286, "q_0.1": 0.7410188983214286, "q_0.125": 0.7787904478851987, "q_0.15": 0.7787904478851987, "q_0.175": 0.8132129947522136, "q_0.2": 0.8132129947522136, "q_0.225": 0.8330400929952239, "q_0.25": 0.8330400929952239, "q_0.275": 0.9006826179216104, "q_0.3": 0.9006826179216104, "q_0.325": 0.9062972335104696, "q_0.35": 0.9716937209516215, "q_0.375": 0.9716937209516215, "q_0.4": 0.9766656726129547, "q_0.425": 0.9766656726129547, "q_0.45": 0.980881043242205, "q_0.475": 1.0444457946389574, "q_0.5": 1.0444457946389574, "q_0.525": 1.0849927516393927, "q_0.55": 1.0849927516393927, "q_0.575": 1.1092592232848468, "q_0.6": 1.1092592232848468, "q_0.625": 1.1311071001664577, "q_0.65": 1.1311071001664577, "q_0.675": 1.1420194367216203, "q_0.7": 1.1649343419054004, "q_0.725": 1.1649343419054004, "q_0.75": 1.2142273431689061, "q_0.775": 1.3120250517938707, "q_0.8": 1.3120250517938707, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5313677594631567, "q_0.95": 1.5424331407865945, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.24009603841536614, "y": 0.9006826179216104, "y_pred": 1.0444457946389574, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.6931471805599453, "q_0.075": 0.7410188983214286, "q_0.1": 0.7410188983214286, "q_0.125": 0.7787904478851987, "q_0.15": 0.7787904478851987, "q_0.175": 0.8132129947522136, "q_0.2": 0.8132129947522136, "q_0.225": 0.8330400929952239, "q_0.25": 0.8330400929952239, "q_0.275": 0.9006826179216104, "q_0.3": 0.9006826179216104, "q_0.325": 0.9062972335104696, "q_0.35": 0.9716937209516215, "q_0.375": 0.9716937209516215, "q_0.4": 0.9766656726129547, "q_0.425": 0.9766656726129547, "q_0.45": 0.980881043242205, "q_0.475": 1.0444457946389574, "q_0.5": 1.0444457946389574, "q_0.525": 1.0849927516393927, "q_0.55": 1.0849927516393927, "q_0.575": 1.1092592232848468, "q_0.6": 1.1092592232848468, "q_0.625": 1.1311071001664577, "q_0.65": 1.1311071001664577, "q_0.675": 1.1420194367216203, "q_0.7": 1.1649343419054004, "q_0.725": 1.1649343419054004, "q_0.75": 1.2142273431689061, "q_0.775": 1.3120250517938707, "q_0.8": 1.3120250517938707, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5313677594631567, "q_0.95": 1.5424331407865945, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.2801120448179272, "y": 1.0444457946389574, "y_pred": 1.0444457946389574, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.6931471805599453, "q_0.075": 0.7410188983214286, "q_0.1": 0.7410188983214286, "q_0.125": 0.7787904478851987, "q_0.15": 0.7787904478851987, "q_0.175": 0.8132129947522136, "q_0.2": 0.8132129947522136, "q_0.225": 0.8330400929952239, "q_0.25": 0.8330400929952239, "q_0.275": 0.9006826179216104, "q_0.3": 0.9006826179216104, "q_0.325": 0.9062972335104696, "q_0.35": 0.9716937209516215, "q_0.375": 0.9716937209516215, "q_0.4": 0.9766656726129547, "q_0.425": 0.9766656726129547, "q_0.45": 0.980881043242205, "q_0.475": 1.0444457946389574, "q_0.5": 1.0444457946389574, "q_0.525": 1.0849927516393927, "q_0.55": 1.0849927516393927, "q_0.575": 1.1092592232848468, "q_0.6": 1.1092592232848468, "q_0.625": 1.1311071001664577, "q_0.65": 1.1311071001664577, "q_0.675": 1.1420194367216203, "q_0.7": 1.1649343419054004, "q_0.725": 1.1649343419054004, "q_0.75": 1.2142273431689061, "q_0.775": 1.3120250517938707, "q_0.8": 1.3120250517938707, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5313677594631567, "q_0.95": 1.5424331407865945, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.3201280512204882, "y": 1.1092592232848468, "y_pred": 1.0444457946389574, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.6931471805599453, "q_0.075": 0.7410188983214286, "q_0.1": 0.7410188983214286, "q_0.125": 0.7787904478851987, "q_0.15": 0.7787904478851987, "q_0.175": 0.8132129947522136, "q_0.2": 0.8132129947522136, "q_0.225": 0.8330400929952239, "q_0.25": 0.8330400929952239, "q_0.275": 0.9006826179216104, "q_0.3": 0.9006826179216104, "q_0.325": 0.9062972335104696, "q_0.35": 0.9716937209516215, "q_0.375": 0.9716937209516215, "q_0.4": 0.9766656726129547, "q_0.425": 0.9766656726129547, "q_0.45": 0.980881043242205, "q_0.475": 1.0444457946389574, "q_0.5": 1.0444457946389574, "q_0.525": 1.0849927516393927, "q_0.55": 1.0849927516393927, "q_0.575": 1.1092592232848468, "q_0.6": 1.1092592232848468, "q_0.625": 1.1311071001664577, "q_0.65": 1.1311071001664577, "q_0.675": 1.1420194367216203, "q_0.7": 1.1649343419054004, "q_0.725": 1.1649343419054004, "q_0.75": 1.2142273431689061, "q_0.775": 1.3120250517938707, "q_0.8": 1.3120250517938707, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5313677594631567, "q_0.95": 1.5424331407865945, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.36014405762304924, "y": 0.9766656726129547, "y_pred": 1.0849927516393927, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7410188983214286, "q_0.1": 0.7787904478851987, "q_0.125": 0.7787904478851987, "q_0.15": 0.8132129947522136, "q_0.175": 0.8132129947522136, "q_0.2": 0.8330400929952239, "q_0.225": 0.8330400929952239, "q_0.25": 0.9006826179216104, "q_0.275": 0.9062972335104696, "q_0.3": 0.9062972335104696, "q_0.325": 0.9716937209516215, "q_0.35": 0.9716937209516215, "q_0.375": 0.9766656726129547, "q_0.4": 0.9766656726129547, "q_0.425": 0.980881043242205, "q_0.45": 1.0444457946389574, "q_0.475": 1.0444457946389574, "q_0.5": 1.0849927516393927, "q_0.525": 1.0849927516393927, "q_0.55": 1.1092592232848468, "q_0.575": 1.1092592232848468, "q_0.6": 1.1311071001664577, "q_0.625": 1.1311071001664577, "q_0.65": 1.1420194367216203, "q_0.675": 1.1649343419054004, "q_0.7": 1.1649343419054004, "q_0.725": 1.2142273431689061, "q_0.75": 1.2282413433151587, "q_0.775": 1.3120250517938707, "q_0.8": 1.3493178859171078, "q_0.825": 1.3493178859171078, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5424331407865945, "q_0.95": 1.6051265844232472, "q_0.975": 1.6051265844232472, "q_1": 2.131129095015233}, {"x": 0.4001600640256103, "y": 1.1420194367216203, "y_pred": 1.0849927516393927, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7410188983214286, "q_0.1": 0.7787904478851987, "q_0.125": 0.8132129947522136, "q_0.15": 0.8132129947522136, "q_0.175": 0.8330400929952239, "q_0.2": 0.8465685979805027, "q_0.225": 0.9006826179216104, "q_0.25": 0.9062972335104696, "q_0.275": 0.9062972335104696, "q_0.3": 0.9716937209516215, "q_0.325": 0.9716937209516215, "q_0.35": 0.9766656726129547, "q_0.375": 0.980881043242205, "q_0.4": 0.980881043242205, "q_0.425": 1.0444457946389574, "q_0.45": 1.0849927516393927, "q_0.475": 1.0849927516393927, "q_0.5": 1.0849927516393927, "q_0.525": 1.1092592232848468, "q_0.55": 1.1311071001664577, "q_0.575": 1.1311071001664577, "q_0.6": 1.1420194367216203, "q_0.625": 1.1420194367216203, "q_0.65": 1.1649343419054004, "q_0.675": 1.2142273431689061, "q_0.7": 1.2142273431689061, "q_0.725": 1.2282413433151587, "q_0.75": 1.3120250517938707, "q_0.775": 1.3493178859171078, "q_0.8": 1.3493178859171078, "q_0.825": 1.4701425818214489, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5424331407865945, "q_0.95": 1.6051265844232472, "q_0.975": 1.6247141109079883, "q_1": 2.131129095015233}, {"x": 0.4401760704281713, "y": 1.0849927516393927, "y_pred": 1.0849927516393927, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7410188983214286, "q_0.1": 0.7787904478851987, "q_0.125": 0.8132129947522136, "q_0.15": 0.8132129947522136, "q_0.175": 0.8330400929952239, "q_0.2": 0.8465685979805027, "q_0.225": 0.9006826179216104, "q_0.25": 0.9062972335104696, "q_0.275": 0.9062972335104696, "q_0.3": 0.9716937209516215, "q_0.325": 0.9716937209516215, "q_0.35": 0.9766656726129547, "q_0.375": 0.980881043242205, "q_0.4": 0.980881043242205, "q_0.425": 1.0444457946389574, "q_0.45": 1.0849927516393927, "q_0.475": 1.0849927516393927, "q_0.5": 1.0849927516393927, "q_0.525": 1.1092592232848468, "q_0.55": 1.1311071001664577, "q_0.575": 1.1311071001664577, "q_0.6": 1.1420194367216203, "q_0.625": 1.1420194367216203, "q_0.65": 1.1649343419054004, "q_0.675": 1.2142273431689061, "q_0.7": 1.2142273431689061, "q_0.725": 1.2282413433151587, "q_0.75": 1.3120250517938707, "q_0.775": 1.3493178859171078, "q_0.8": 1.3493178859171078, "q_0.825": 1.4701425818214489, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5424331407865945, "q_0.95": 1.6051265844232472, "q_0.975": 1.6247141109079883, "q_1": 2.131129095015233}, {"x": 0.4801920768307323, "y": 1.1311071001664577, "y_pred": 1.0849927516393927, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7410188983214286, "q_0.1": 0.7787904478851987, "q_0.125": 0.8132129947522136, "q_0.15": 0.8132129947522136, "q_0.175": 0.8330400929952239, "q_0.2": 0.8465685979805027, "q_0.225": 0.9006826179216104, "q_0.25": 0.9062972335104696, "q_0.275": 0.9062972335104696, "q_0.3": 0.9716937209516215, "q_0.325": 0.9716937209516215, "q_0.35": 0.9766656726129547, "q_0.375": 0.980881043242205, "q_0.4": 0.980881043242205, "q_0.425": 1.0444457946389574, "q_0.45": 1.0849927516393927, "q_0.475": 1.0849927516393927, "q_0.5": 1.0849927516393927, "q_0.525": 1.1092592232848468, "q_0.55": 1.1311071001664577, "q_0.575": 1.1311071001664577, "q_0.6": 1.1420194367216203, "q_0.625": 1.1420194367216203, "q_0.65": 1.1649343419054004, "q_0.675": 1.2142273431689061, "q_0.7": 1.2142273431689061, "q_0.725": 1.2282413433151587, "q_0.75": 1.3120250517938707, "q_0.775": 1.3493178859171078, "q_0.8": 1.3493178859171078, "q_0.825": 1.4701425818214489, "q_0.85": 1.4701425818214489, "q_0.875": 1.5302121733734677, "q_0.9": 1.5313677594631567, "q_0.925": 1.5424331407865945, "q_0.95": 1.6051265844232472, "q_0.975": 1.6247141109079883, "q_1": 2.131129095015233}, {"x": 0.5202080832332934, "y": 1.3120250517938707, "y_pred": 1.1092592232848468, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7787904478851987, "q_0.1": 0.7787904478851987, "q_0.125": 0.8132129947522136, "q_0.15": 0.8330400929952239, "q_0.175": 0.8330400929952239, "q_0.2": 0.9006826179216104, "q_0.225": 0.9062972335104696, "q_0.25": 0.9062972335104696, "q_0.275": 0.9716937209516215, "q_0.3": 0.9716937209516215, "q_0.325": 0.9766656726129547, "q_0.35": 0.980881043242205, "q_0.375": 0.980881043242205, "q_0.4": 1.0444457946389574, "q_0.425": 1.0849927516393927, "q_0.45": 1.0849927516393927, "q_0.475": 1.0892393841773471, "q_0.5": 1.1092592232848468, "q_0.525": 1.1311071001664577, "q_0.55": 1.1311071001664577, "q_0.575": 1.1420194367216203, "q_0.6": 1.1649343419054004, "q_0.625": 1.1649343419054004, "q_0.65": 1.2142273431689061, "q_0.675": 1.2142273431689061, "q_0.7": 1.3120250517938707, "q_0.725": 1.3120250517938707, "q_0.75": 1.3120250517938707, "q_0.775": 1.3493178859171078, "q_0.8": 1.4701425818214489, "q_0.825": 1.4701425818214489, "q_0.85": 1.5302121733734677, "q_0.875": 1.5313677594631567, "q_0.9": 1.5313677594631567, "q_0.925": 1.5424331407865945, "q_0.95": 1.6051265844232472, "q_0.975": 1.817111346635527, "q_1": 2.131129095015233}, {"x": 0.5602240896358543, "y": 0.9716937209516215, "y_pred": 1.1092592232848468, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7787904478851987, "q_0.1": 0.7787904478851987, "q_0.125": 0.8132129947522136, "q_0.15": 0.8330400929952239, "q_0.175": 0.8330400929952239, "q_0.2": 0.9006826179216104, "q_0.225": 0.9062972335104696, "q_0.25": 0.9062972335104696, "q_0.275": 0.9716937209516215, "q_0.3": 0.9716937209516215, "q_0.325": 0.9766656726129547, "q_0.35": 0.980881043242205, "q_0.375": 0.980881043242205, "q_0.4": 1.0444457946389574, "q_0.425": 1.0849927516393927, "q_0.45": 1.0849927516393927, "q_0.475": 1.0892393841773471, "q_0.5": 1.1092592232848468, "q_0.525": 1.1311071001664577, "q_0.55": 1.1311071001664577, "q_0.575": 1.1420194367216203, "q_0.6": 1.1649343419054004, "q_0.625": 1.1649343419054004, "q_0.65": 1.2142273431689061, "q_0.675": 1.2142273431689061, "q_0.7": 1.3120250517938707, "q_0.725": 1.3120250517938707, "q_0.75": 1.3120250517938707, "q_0.775": 1.3493178859171078, "q_0.8": 1.4701425818214489, "q_0.825": 1.4701425818214489, "q_0.85": 1.5302121733734677, "q_0.875": 1.5313677594631567, "q_0.9": 1.5313677594631567, "q_0.925": 1.5424331407865945, "q_0.95": 1.6051265844232472, "q_0.975": 1.817111346635527, "q_1": 2.131129095015233}, {"x": 0.6002400960384154, "y": 0.9965679461113708, "y_pred": 1.1092592232848468, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7787904478851987, "q_0.1": 0.7787904478851987, "q_0.125": 0.8132129947522136, "q_0.15": 0.8330400929952239, "q_0.175": 0.8330400929952239, "q_0.2": 0.9006826179216104, "q_0.225": 0.9062972335104696, "q_0.25": 0.9062972335104696, "q_0.275": 0.9716937209516215, "q_0.3": 0.9716937209516215, "q_0.325": 0.9766656726129547, "q_0.35": 0.980881043242205, "q_0.375": 0.980881043242205, "q_0.4": 1.0444457946389574, "q_0.425": 1.0849927516393927, "q_0.45": 1.0849927516393927, "q_0.475": 1.0892393841773471, "q_0.5": 1.1092592232848468, "q_0.525": 1.1311071001664577, "q_0.55": 1.1311071001664577, "q_0.575": 1.1420194367216203, "q_0.6": 1.1649343419054004, "q_0.625": 1.1649343419054004, "q_0.65": 1.2142273431689061, "q_0.675": 1.2142273431689061, "q_0.7": 1.3120250517938707, "q_0.725": 1.3120250517938707, "q_0.75": 1.3120250517938707, "q_0.775": 1.3493178859171078, "q_0.8": 1.4701425818214489, "q_0.825": 1.4701425818214489, "q_0.85": 1.5302121733734677, "q_0.875": 1.5313677594631567, "q_0.9": 1.5313677594631567, "q_0.925": 1.5424331407865945, "q_0.95": 1.6051265844232472, "q_0.975": 1.817111346635527, "q_1": 2.131129095015233}, {"x": 0.6402561024409764, "y": 0.980881043242205, "y_pred": 1.1092592232848468, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7787904478851987, "q_0.1": 0.7787904478851987, "q_0.125": 0.8132129947522136, "q_0.15": 0.8330400929952239, "q_0.175": 0.8330400929952239, "q_0.2": 0.9006826179216104, "q_0.225": 0.9062972335104696, "q_0.25": 0.9062972335104696, "q_0.275": 0.9716937209516215, "q_0.3": 0.9716937209516215, "q_0.325": 0.9766656726129547, "q_0.35": 0.980881043242205, "q_0.375": 0.980881043242205, "q_0.4": 1.0444457946389574, "q_0.425": 1.0849927516393927, "q_0.45": 1.0849927516393927, "q_0.475": 1.0892393841773471, "q_0.5": 1.1092592232848468, "q_0.525": 1.1311071001664577, "q_0.55": 1.1311071001664577, "q_0.575": 1.1420194367216203, "q_0.6": 1.1649343419054004, "q_0.625": 1.1649343419054004, "q_0.65": 1.2142273431689061, "q_0.675": 1.2142273431689061, "q_0.7": 1.3120250517938707, "q_0.725": 1.3120250517938707, "q_0.75": 1.3120250517938707, "q_0.775": 1.3493178859171078, "q_0.8": 1.4701425818214489, "q_0.825": 1.4701425818214489, "q_0.85": 1.5302121733734677, "q_0.875": 1.5313677594631567, "q_0.9": 1.5313677594631567, "q_0.925": 1.5424331407865945, "q_0.95": 1.6051265844232472, "q_0.975": 1.817111346635527, "q_1": 2.131129095015233}, {"x": 0.6802721088435374, "y": 1.4180111788048868, "y_pred": 1.1092592232848468, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7787904478851987, "q_0.1": 0.7787904478851987, "q_0.125": 0.8132129947522136, "q_0.15": 0.8330400929952239, "q_0.175": 0.8330400929952239, "q_0.2": 0.9006826179216104, "q_0.225": 0.9062972335104696, "q_0.25": 0.9062972335104696, "q_0.275": 0.9716937209516215, "q_0.3": 0.9716937209516215, "q_0.325": 0.9766656726129547, "q_0.35": 0.980881043242205, "q_0.375": 0.980881043242205, "q_0.4": 1.0444457946389574, "q_0.425": 1.0849927516393927, "q_0.45": 1.0849927516393927, "q_0.475": 1.0892393841773471, "q_0.5": 1.1092592232848468, "q_0.525": 1.1311071001664577, "q_0.55": 1.1311071001664577, "q_0.575": 1.1420194367216203, "q_0.6": 1.1649343419054004, "q_0.625": 1.1649343419054004, "q_0.65": 1.2142273431689061, "q_0.675": 1.2142273431689061, "q_0.7": 1.3120250517938707, "q_0.725": 1.3120250517938707, "q_0.75": 1.3120250517938707, "q_0.775": 1.3493178859171078, "q_0.8": 1.4701425818214489, "q_0.825": 1.4701425818214489, "q_0.85": 1.5302121733734677, "q_0.875": 1.5313677594631567, "q_0.9": 1.5313677594631567, "q_0.925": 1.5424331407865945, "q_0.95": 1.6051265844232472, "q_0.975": 1.817111346635527, "q_1": 2.131129095015233}, {"x": 0.7202881152460985, "y": 1.4228814447683114, "y_pred": 1.1420194367216203, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.6931471805599453, "q_0.05": 0.7410188983214286, "q_0.075": 0.7787904478851987, "q_0.1": 0.8132129947522136, "q_0.125": 0.8330400929952239, "q_0.15": 0.8330400929952239, "q_0.175": 0.9006826179216104, "q_0.2": 0.9062972335104696, "q_0.225": 0.9716937209516215, "q_0.25": 0.9716937209516215, "q_0.275": 0.9766656726129547, "q_0.3": 0.980881043242205, "q_0.325": 0.980881043242205, "q_0.35": 1.0444457946389574, "q_0.375": 1.0849927516393927, "q_0.4": 1.0849927516393927, "q_0.425": 1.1092592232848468, "q_0.45": 1.1311071001664577, "q_0.475": 1.1420194367216203, "q_0.5": 1.1420194367216203, "q_0.525": 1.1649343419054004, "q_0.55": 1.1649343419054004, "q_0.575": 1.2142273431689061, "q_0.6": 1.2282413433151587, "q_0.625": 1.3120250517938707, "q_0.65": 1.3120250517938707, "q_0.675": 1.3493178859171078, "q_0.7": 1.3493178859171078, "q_0.725": 1.4701425818214489, "q_0.75": 1.4701425818214489, "q_0.775": 1.5302121733734677, "q_0.8": 1.5302121733734677, "q_0.825": 1.5313677594631567, "q_0.85": 1.5424331407865945, "q_0.875": 1.5424331407865945, "q_0.9": 1.6051265844232472, "q_0.925": 1.6705455740235249, "q_0.95": 1.810798120795545, "q_0.975": 1.817111346635527, "q_1": 2.6531125699971754}, {"x": 0.7603041216486595, "y": 1.507321066079486, "y_pred": 1.2282413433151587, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.7787904478851987, "q_0.075": 0.8132129947522136, "q_0.1": 0.8330400929952239, "q_0.125": 0.9006826179216104, "q_0.15": 0.9062972335104696, "q_0.175": 0.9716937209516215, "q_0.2": 0.9716937209516215, "q_0.225": 0.980881043242205, "q_0.25": 0.980881043242205, "q_0.275": 1.0444457946389574, "q_0.3": 1.0849927516393927, "q_0.325": 1.1092592232848468, "q_0.35": 1.1311071001664577, "q_0.375": 1.1420194367216203, "q_0.4": 1.1649343419054004, "q_0.425": 1.1649343419054004, "q_0.45": 1.2142273431689061, "q_0.475": 1.2142273431689061, "q_0.5": 1.2282413433151587, "q_0.525": 1.2282413433151587, "q_0.55": 1.3120250517938707, "q_0.575": 1.3493178859171078, "q_0.6": 1.3493178859171078, "q_0.625": 1.3741874360040838, "q_0.65": 1.4701425818214489, "q_0.675": 1.4924396863121363, "q_0.7": 1.5302121733734677, "q_0.725": 1.5313677594631567, "q_0.75": 1.5313677594631567, "q_0.775": 1.5321967456881715, "q_0.8": 1.5424331407865945, "q_0.825": 1.6051265844232472, "q_0.85": 1.6051265844232472, "q_0.875": 1.670070018872164, "q_0.9": 1.716533989941627, "q_0.925": 1.7712334500695817, "q_0.95": 1.817111346635527, "q_0.975": 1.991006943066451, "q_1": 2.872711616098489}, {"x": 0.8003201280512205, "y": 1.6051265844232472, "y_pred": 1.2282413433151587, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.7787904478851987, "q_0.075": 0.8132129947522136, "q_0.1": 0.8330400929952239, "q_0.125": 0.9006826179216104, "q_0.15": 0.9062972335104696, "q_0.175": 0.9716937209516215, "q_0.2": 0.9716937209516215, "q_0.225": 0.980881043242205, "q_0.25": 0.980881043242205, "q_0.275": 1.0444457946389574, "q_0.3": 1.0849927516393927, "q_0.325": 1.1092592232848468, "q_0.35": 1.1311071001664577, "q_0.375": 1.1420194367216203, "q_0.4": 1.1649343419054004, "q_0.425": 1.1649343419054004, "q_0.45": 1.2142273431689061, "q_0.475": 1.2142273431689061, "q_0.5": 1.2282413433151587, "q_0.525": 1.3120250517938707, "q_0.55": 1.3120250517938707, "q_0.575": 1.3493178859171078, "q_0.6": 1.3493178859171078, "q_0.625": 1.4701425818214489, "q_0.65": 1.4701425818214489, "q_0.675": 1.496216935018273, "q_0.7": 1.5302121733734677, "q_0.725": 1.5313677594631567, "q_0.75": 1.5313677594631567, "q_0.775": 1.5321967456881715, "q_0.8": 1.5424331407865945, "q_0.825": 1.6051265844232472, "q_0.85": 1.6051265844232472, "q_0.875": 1.670070018872164, "q_0.9": 1.716533989941627, "q_0.925": 1.7712334500695817, "q_0.95": 1.817111346635527, "q_0.975": 1.991006943066451, "q_1": 2.872711616098489}, {"x": 0.8403361344537815, "y": 1.5313677594631567, "y_pred": 1.2282413433151587, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.7787904478851987, "q_0.075": 0.8132129947522136, "q_0.1": 0.8330400929952239, "q_0.125": 0.9006826179216104, "q_0.15": 0.9062972335104696, "q_0.175": 0.9716937209516215, "q_0.2": 0.9716937209516215, "q_0.225": 0.980881043242205, "q_0.25": 0.980881043242205, "q_0.275": 1.0444457946389574, "q_0.3": 1.0849927516393927, "q_0.325": 1.1092592232848468, "q_0.35": 1.1311071001664577, "q_0.375": 1.1420194367216203, "q_0.4": 1.1649343419054004, "q_0.425": 1.1649343419054004, "q_0.45": 1.2142273431689061, "q_0.475": 1.2142273431689061, "q_0.5": 1.2282413433151587, "q_0.525": 1.3120250517938707, "q_0.55": 1.3120250517938707, "q_0.575": 1.3493178859171078, "q_0.6": 1.3493178859171078, "q_0.625": 1.4701425818214489, "q_0.65": 1.4701425818214489, "q_0.675": 1.496216935018273, "q_0.7": 1.5302121733734677, "q_0.725": 1.5313677594631567, "q_0.75": 1.5313677594631567, "q_0.775": 1.5321967456881715, "q_0.8": 1.5424331407865945, "q_0.825": 1.6051265844232472, "q_0.85": 1.6051265844232472, "q_0.875": 1.670070018872164, "q_0.9": 1.716533989941627, "q_0.925": 1.7712334500695817, "q_0.95": 1.817111346635527, "q_0.975": 1.991006943066451, "q_1": 2.872711616098489}, {"x": 0.8803521408563426, "y": 1.3493178859171078, "y_pred": 1.2282413433151587, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.7787904478851987, "q_0.075": 0.8132129947522136, "q_0.1": 0.8330400929952239, "q_0.125": 0.9006826179216104, "q_0.15": 0.9062972335104696, "q_0.175": 0.9716937209516215, "q_0.2": 0.9716937209516215, "q_0.225": 0.980881043242205, "q_0.25": 0.980881043242205, "q_0.275": 1.0444457946389574, "q_0.3": 1.0849927516393927, "q_0.325": 1.1092592232848468, "q_0.35": 1.1311071001664577, "q_0.375": 1.1420194367216203, "q_0.4": 1.1649343419054004, "q_0.425": 1.1649343419054004, "q_0.45": 1.2142273431689061, "q_0.475": 1.2142273431689061, "q_0.5": 1.2282413433151587, "q_0.525": 1.3120250517938707, "q_0.55": 1.3120250517938707, "q_0.575": 1.3493178859171078, "q_0.6": 1.3493178859171078, "q_0.625": 1.4701425818214489, "q_0.65": 1.4701425818214489, "q_0.675": 1.496216935018273, "q_0.7": 1.5302121733734677, "q_0.725": 1.5313677594631567, "q_0.75": 1.5313677594631567, "q_0.775": 1.5321967456881715, "q_0.8": 1.5424331407865945, "q_0.825": 1.6051265844232472, "q_0.85": 1.6051265844232472, "q_0.875": 1.670070018872164, "q_0.9": 1.716533989941627, "q_0.925": 1.7712334500695817, "q_0.95": 1.817111346635527, "q_0.975": 1.991006943066451, "q_1": 2.872711616098489}, {"x": 0.9203681472589036, "y": 1.5810181732354338, "y_pred": 1.2282413433151587, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.7787904478851987, "q_0.075": 0.8132129947522136, "q_0.1": 0.8330400929952239, "q_0.125": 0.9006826179216104, "q_0.15": 0.9062972335104696, "q_0.175": 0.9716937209516215, "q_0.2": 0.9716937209516215, "q_0.225": 0.980881043242205, "q_0.25": 0.980881043242205, "q_0.275": 1.0444457946389574, "q_0.3": 1.0849927516393927, "q_0.325": 1.1092592232848468, "q_0.35": 1.1311071001664577, "q_0.375": 1.1420194367216203, "q_0.4": 1.1649343419054004, "q_0.425": 1.1649343419054004, "q_0.45": 1.2142273431689061, "q_0.475": 1.2142273431689061, "q_0.5": 1.2282413433151587, "q_0.525": 1.3120250517938707, "q_0.55": 1.3120250517938707, "q_0.575": 1.3493178859171078, "q_0.6": 1.3493178859171078, "q_0.625": 1.4701425818214489, "q_0.65": 1.4701425818214489, "q_0.675": 1.496216935018273, "q_0.7": 1.5302121733734677, "q_0.725": 1.5313677594631567, "q_0.75": 1.5313677594631567, "q_0.775": 1.5321967456881715, "q_0.8": 1.5424331407865945, "q_0.825": 1.6051265844232472, "q_0.85": 1.6051265844232472, "q_0.875": 1.670070018872164, "q_0.9": 1.716533989941627, "q_0.925": 1.7712334500695817, "q_0.95": 1.817111346635527, "q_0.975": 1.991006943066451, "q_1": 2.872711616098489}, {"x": 0.9603841536614646, "y": 1.1649343419054004, "y_pred": 1.2282413433151587, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.7787904478851987, "q_0.075": 0.8132129947522136, "q_0.1": 0.8330400929952239, "q_0.125": 0.9006826179216104, "q_0.15": 0.9062972335104696, "q_0.175": 0.9716937209516215, "q_0.2": 0.9716937209516215, "q_0.225": 0.980881043242205, "q_0.25": 0.980881043242205, "q_0.275": 1.0444457946389574, "q_0.3": 1.0849927516393927, "q_0.325": 1.1092592232848468, "q_0.35": 1.1311071001664577, "q_0.375": 1.1420194367216203, "q_0.4": 1.1649343419054004, "q_0.425": 1.1649343419054004, "q_0.45": 1.2142273431689061, "q_0.475": 1.2142273431689061, "q_0.5": 1.2282413433151587, "q_0.525": 1.3120250517938707, "q_0.55": 1.3120250517938707, "q_0.575": 1.3493178859171078, "q_0.6": 1.3493178859171078, "q_0.625": 1.4701425818214489, "q_0.65": 1.4701425818214489, "q_0.675": 1.496216935018273, "q_0.7": 1.5302121733734677, "q_0.725": 1.5313677594631567, "q_0.75": 1.5313677594631567, "q_0.775": 1.5321967456881715, "q_0.8": 1.5424331407865945, "q_0.825": 1.6051265844232472, "q_0.85": 1.6051265844232472, "q_0.875": 1.670070018872164, "q_0.9": 1.716533989941627, "q_0.925": 1.7712334500695817, "q_0.95": 1.817111346635527, "q_0.975": 1.991006943066451, "q_1": 2.872711616098489}, {"x": 1.0004001600640255, "y": 1.5424331407865945, "y_pred": 1.3120250517938707, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.7787904478851987, "q_0.075": 0.8132129947522136, "q_0.1": 0.8330400929952239, "q_0.125": 0.9006826179216104, "q_0.15": 0.9062972335104696, "q_0.175": 0.9716937209516215, "q_0.2": 0.980881043242205, "q_0.225": 0.980881043242205, "q_0.25": 1.0849927516393927, "q_0.275": 1.0849927516393927, "q_0.3": 1.1311071001664577, "q_0.325": 1.1420194367216203, "q_0.35": 1.1649343419054004, "q_0.375": 1.1649343419054004, "q_0.4": 1.2142273431689061, "q_0.425": 1.2142273431689061, "q_0.45": 1.2282413433151587, "q_0.475": 1.3120250517938707, "q_0.5": 1.3120250517938707, "q_0.525": 1.3493178859171078, "q_0.55": 1.3493178859171078, "q_0.575": 1.4701425818214489, "q_0.6": 1.4701425818214489, "q_0.625": 1.5302121733734677, "q_0.65": 1.5302121733734677, "q_0.675": 1.5313677594631567, "q_0.7": 1.5313677594631567, "q_0.725": 1.5424331407865945, "q_0.75": 1.5424331407865945, "q_0.775": 1.6051265844232472, "q_0.8": 1.6229657790998766, "q_0.825": 1.6684850939372062, "q_0.85": 1.716533989941627, "q_0.875": 1.7672163357661597, "q_0.9": 1.817111346635527, "q_0.925": 1.817111346635527, "q_0.95": 1.991006943066451, "q_0.975": 2.210752693377513, "q_1": 2.909998452479544}, {"x": 1.0404161664665867, "y": 1.2142273431689061, "y_pred": 1.3493178859171078, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.7787904478851987, "q_0.075": 0.8132129947522136, "q_0.1": 0.8330400929952239, "q_0.125": 0.9006826179216104, "q_0.15": 0.9716937209516215, "q_0.175": 0.9716937209516215, "q_0.2": 0.980881043242205, "q_0.225": 1.0444457946389574, "q_0.25": 1.0849927516393927, "q_0.275": 1.1092592232848468, "q_0.3": 1.1311071001664577, "q_0.325": 1.1420194367216203, "q_0.35": 1.1649343419054004, "q_0.375": 1.1649343419054004, "q_0.4": 1.2142273431689061, "q_0.425": 1.2142273431689061, "q_0.45": 1.2282413433151587, "q_0.475": 1.3120250517938707, "q_0.5": 1.3493178859171078, "q_0.525": 1.3493178859171078, "q_0.55": 1.3741874360040838, "q_0.575": 1.4701425818214489, "q_0.6": 1.4701425818214489, "q_0.625": 1.5302121733734677, "q_0.65": 1.5302121733734677, "q_0.675": 1.5313677594631567, "q_0.7": 1.5313677594631567, "q_0.725": 1.5424331407865945, "q_0.75": 1.5424331407865945, "q_0.775": 1.6051265844232472, "q_0.8": 1.6247141109079883, "q_0.825": 1.6764107542236288, "q_0.85": 1.7203913275562177, "q_0.875": 1.768986714122081, "q_0.9": 1.817111346635527, "q_0.925": 1.817111346635527, "q_0.95": 1.991006943066451, "q_0.975": 2.212732041065697, "q_1": 2.909998452479544}, {"x": 1.0804321728691477, "y": 1.817111346635527, "y_pred": 1.4701425818214489, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.8132129947522136, "q_0.075": 0.9006826179216104, "q_0.1": 0.9062972335104696, "q_0.125": 0.9716937209516215, "q_0.15": 0.980881043242205, "q_0.175": 1.0444457946389574, "q_0.2": 1.0849927516393927, "q_0.225": 1.120183161725653, "q_0.25": 1.1420194367216203, "q_0.275": 1.1649343419054004, "q_0.3": 1.1649343419054004, "q_0.325": 1.2142273431689061, "q_0.35": 1.2282413433151587, "q_0.375": 1.2282413433151587, "q_0.4": 1.3120250517938707, "q_0.425": 1.3493178859171078, "q_0.45": 1.3741874360040838, "q_0.475": 1.4701425818214489, "q_0.5": 1.4701425818214489, "q_0.525": 1.5302121733734677, "q_0.55": 1.5302121733734677, "q_0.575": 1.5313677594631567, "q_0.6": 1.5321967456881715, "q_0.625": 1.5424331407865945, "q_0.65": 1.6051265844232472, "q_0.675": 1.6229657790998766, "q_0.7": 1.664015554358561, "q_0.725": 1.6764107542236288, "q_0.75": 1.7043784685826144, "q_0.775": 1.7648049144038847, "q_0.8": 1.768986714122081, "q_0.825": 1.803700555376618, "q_0.85": 1.817111346635527, "q_0.875": 1.817111346635527, "q_0.9": 1.991006943066451, "q_0.925": 2.131129095015233, "q_0.95": 2.3184958723421283, "q_0.975": 2.5958901123042017, "q_1": 3.1261867096353892}, {"x": 1.1204481792717087, "y": 1.5302121733734677, "y_pred": 1.5302121733734677, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.8132129947522136, "q_0.075": 0.9006826179216104, "q_0.1": 0.9062972335104696, "q_0.125": 0.9716937209516215, "q_0.15": 0.980881043242205, "q_0.175": 1.0444457946389574, "q_0.2": 1.0849927516393927, "q_0.225": 1.1311071001664577, "q_0.25": 1.1420194367216203, "q_0.275": 1.1649343419054004, "q_0.3": 1.2142273431689061, "q_0.325": 1.2142273431689061, "q_0.35": 1.2282413433151587, "q_0.375": 1.3120250517938707, "q_0.4": 1.3493178859171078, "q_0.425": 1.3493178859171078, "q_0.45": 1.4701425818214489, "q_0.475": 1.4701425818214489, "q_0.5": 1.5302121733734677, "q_0.525": 1.5302121733734677, "q_0.55": 1.5313677594631567, "q_0.575": 1.5313677594631567, "q_0.6": 1.5424331407865945, "q_0.625": 1.5424331407865945, "q_0.65": 1.6051265844232472, "q_0.675": 1.6247141109079883, "q_0.7": 1.6661077065347696, "q_0.725": 1.6826725014894182, "q_0.75": 1.716533989941627, "q_0.775": 1.7648049144038847, "q_0.8": 1.7712334500695817, "q_0.825": 1.8104658457513367, "q_0.85": 1.817111346635527, "q_0.875": 1.8842268827810746, "q_0.9": 1.9987015539561785, "q_0.925": 2.131129095015233, "q_0.95": 2.3184958723421283, "q_0.975": 2.5958901123042017, "q_1": 3.1261867096353892}, {"x": 1.1604641856742697, "y": 1.4701425818214489, "y_pred": 1.5302121733734677, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.8132129947522136, "q_0.075": 0.9006826179216104, "q_0.1": 0.9062972335104696, "q_0.125": 0.9716937209516215, "q_0.15": 0.980881043242205, "q_0.175": 1.0444457946389574, "q_0.2": 1.0849927516393927, "q_0.225": 1.1311071001664577, "q_0.25": 1.1420194367216203, "q_0.275": 1.1649343419054004, "q_0.3": 1.2142273431689061, "q_0.325": 1.2142273431689061, "q_0.35": 1.2282413433151587, "q_0.375": 1.3120250517938707, "q_0.4": 1.3493178859171078, "q_0.425": 1.3493178859171078, "q_0.45": 1.4701425818214489, "q_0.475": 1.4701425818214489, "q_0.5": 1.5302121733734677, "q_0.525": 1.5302121733734677, "q_0.55": 1.5313677594631567, "q_0.575": 1.5313677594631567, "q_0.6": 1.5424331407865945, "q_0.625": 1.5424331407865945, "q_0.65": 1.6051265844232472, "q_0.675": 1.6247141109079883, "q_0.7": 1.6661077065347696, "q_0.725": 1.6826725014894182, "q_0.75": 1.716533989941627, "q_0.775": 1.7648049144038847, "q_0.8": 1.7712334500695817, "q_0.825": 1.8104658457513367, "q_0.85": 1.817111346635527, "q_0.875": 1.8842268827810746, "q_0.9": 1.9987015539561785, "q_0.925": 2.131129095015233, "q_0.95": 2.3184958723421283, "q_0.975": 2.5958901123042017, "q_1": 3.1261867096353892}, {"x": 1.2004801920768309, "y": 1.3719494161825827, "y_pred": 1.5302121733734677, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.8132129947522136, "q_0.075": 0.9006826179216104, "q_0.1": 0.9062972335104696, "q_0.125": 0.9716937209516215, "q_0.15": 0.980881043242205, "q_0.175": 1.0444457946389574, "q_0.2": 1.0995526346266669, "q_0.225": 1.1311071001664577, "q_0.25": 1.1420194367216203, "q_0.275": 1.1649343419054004, "q_0.3": 1.2142273431689061, "q_0.325": 1.2142273431689061, "q_0.35": 1.2282413433151587, "q_0.375": 1.3120250517938707, "q_0.4": 1.3493178859171078, "q_0.425": 1.3493178859171078, "q_0.45": 1.4701425818214489, "q_0.475": 1.4701425818214489, "q_0.5": 1.5302121733734677, "q_0.525": 1.5302121733734677, "q_0.55": 1.5313677594631567, "q_0.575": 1.531554281363785, "q_0.6": 1.5424331407865945, "q_0.625": 1.6051265844232472, "q_0.65": 1.6051265844232472, "q_0.675": 1.6247141109079883, "q_0.7": 1.670070018872164, "q_0.725": 1.6877824433781654, "q_0.75": 1.716533989941627, "q_0.775": 1.7672163357661597, "q_0.8": 1.7712334500695817, "q_0.825": 1.817111346635527, "q_0.85": 1.817111346635527, "q_0.875": 1.8842268827810746, "q_0.9": 1.9987015539561785, "q_0.925": 2.131129095015233, "q_0.95": 2.3184958723421283, "q_0.975": 2.5958901123042017, "q_1": 3.1261867096353892}, {"x": 1.2404961984793919, "y": 1.8002987378962394, "y_pred": 1.5302121733734677, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7410188983214286, "q_0.05": 0.8132129947522136, "q_0.075": 0.9006826179216104, "q_0.1": 0.9716937209516215, "q_0.125": 0.9766656726129547, "q_0.15": 0.980881043242205, "q_0.175": 1.0849927516393927, "q_0.2": 1.1311071001664577, "q_0.225": 1.1420194367216203, "q_0.25": 1.1649343419054004, "q_0.275": 1.2142273431689061, "q_0.3": 1.2142273431689061, "q_0.325": 1.2282413433151587, "q_0.35": 1.3120250517938707, "q_0.375": 1.3493178859171078, "q_0.4": 1.3493178859171078, "q_0.425": 1.4701425818214489, "q_0.45": 1.4701425818214489, "q_0.475": 1.5302121733734677, "q_0.5": 1.5302121733734677, "q_0.525": 1.5313677594631567, "q_0.55": 1.5321967456881715, "q_0.575": 1.5424331407865945, "q_0.6": 1.6051265844232472, "q_0.625": 1.6051265844232472, "q_0.65": 1.6247141109079883, "q_0.675": 1.670070018872164, "q_0.7": 1.6877824433781654, "q_0.725": 1.716533989941627, "q_0.75": 1.7648049144038847, "q_0.775": 1.768986714122081, "q_0.8": 1.8104658457513367, "q_0.825": 1.817111346635527, "q_0.85": 1.84226373565085, "q_0.875": 1.991006943066451, "q_0.9": 2.0448375540058765, "q_0.925": 2.212732041065697, "q_0.95": 2.4200006765706483, "q_0.975": 2.5958901123042017, "q_1": 3.1261867096353892}, {"x": 1.2805122048819528, "y": 1.5640499355830475, "y_pred": 1.5313677594631567, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.7787904478851987, "q_0.05": 0.8132129947522136, "q_0.075": 0.9006826179216104, "q_0.1": 0.9716937209516215, "q_0.125": 0.980881043242205, "q_0.15": 1.0444457946389574, "q_0.175": 1.0849927516393927, "q_0.2": 1.1311071001664577, "q_0.225": 1.1649343419054004, "q_0.25": 1.1649343419054004, "q_0.275": 1.2142273431689061, "q_0.3": 1.2282413433151587, "q_0.325": 1.3120250517938707, "q_0.35": 1.3493178859171078, "q_0.375": 1.3493178859171078, "q_0.4": 1.4701425818214489, "q_0.425": 1.4701425818214489, "q_0.45": 1.5302121733734677, "q_0.475": 1.5302121733734677, "q_0.5": 1.5313677594631567, "q_0.525": 1.5315542813637852, "q_0.55": 1.5424331407865945, "q_0.575": 1.6051265844232472, "q_0.6": 1.6229657790998766, "q_0.625": 1.6296267913393099, "q_0.65": 1.670070018872164, "q_0.675": 1.6826725014894182, "q_0.7": 1.716533989941627, "q_0.725": 1.7648049144038847, "q_0.75": 1.7685441195331006, "q_0.775": 1.7712334500695817, "q_0.8": 1.817111346635527, "q_0.825": 1.817111346635527, "q_0.85": 1.8842268827810746, "q_0.875": 1.9987015539561785, "q_0.9": 2.107913978250884, "q_0.925": 2.212732041065697, "q_0.95": 2.474176271622056, "q_0.975": 2.619272689399041, "q_1": 3.1261867096353892}, {"x": 1.3205282112845138, "y": 1.6786286334145946, "y_pred": 1.670070018872164, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.8132129947522136, "q_0.05": 0.9716937209516215, "q_0.075": 0.980881043242205, "q_0.1": 1.0849927516393927, "q_0.125": 1.1311071001664577, "q_0.15": 1.1649343419054004, "q_0.175": 1.2142273431689061, "q_0.2": 1.2282413433151587, "q_0.225": 1.3120250517938707, "q_0.25": 1.3493178859171078, "q_0.275": 1.4701425818214489, "q_0.3": 1.4924396863121363, "q_0.325": 1.5302121733734677, "q_0.35": 1.5313677594631567, "q_0.375": 1.5321967456881715, "q_0.4": 1.5424331407865945, "q_0.425": 1.6055725642901635, "q_0.45": 1.6247141109079883, "q_0.475": 1.6661077065347696, "q_0.5": 1.670070018872164, "q_0.525": 1.6826725014894182, "q_0.55": 1.6877824433781654, "q_0.575": 1.716533989941627, "q_0.6": 1.7574617652410602, "q_0.625": 1.7648049144038847, "q_0.65": 1.768986714122081, "q_0.675": 1.7712334500695817, "q_0.7": 1.8104658457513367, "q_0.725": 1.817111346635527, "q_0.75": 1.8842268827810746, "q_0.775": 1.991006943066451, "q_0.8": 1.9987015539561785, "q_0.825": 2.052779019229926, "q_0.85": 2.131129095015233, "q_0.875": 2.212732041065697, "q_0.9": 2.3184958723421283, "q_0.925": 2.5184190141508207, "q_0.95": 2.5958901123042017, "q_0.975": 2.6531125699971754, "q_1": 3.1261867096353892}, {"x": 1.3605442176870748, "y": 1.2282413433151587, "y_pred": 1.6877824433781654, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 0.8330400929952239, "q_0.05": 0.9716937209516215, "q_0.075": 1.0849927516393927, "q_0.1": 1.1311071001664577, "q_0.125": 1.1649343419054004, "q_0.15": 1.2142273431689061, "q_0.175": 1.2282413433151587, "q_0.2": 1.3493178859171078, "q_0.225": 1.3741874360040838, "q_0.25": 1.4701425818214489, "q_0.275": 1.4924396863121363, "q_0.3": 1.5302121733734677, "q_0.325": 1.5321967456881715, "q_0.35": 1.5424331407865945, "q_0.375": 1.6051265844232472, "q_0.4": 1.6247141109079883, "q_0.425": 1.664015554358561, "q_0.45": 1.670070018872164, "q_0.475": 1.6764107542236288, "q_0.5": 1.6877824433781654, "q_0.525": 1.7043784685826144, "q_0.55": 1.7551073660875638, "q_0.575": 1.7574617652410602, "q_0.6": 1.7672163357661597, "q_0.625": 1.768986714122081, "q_0.65": 1.792857186315018, "q_0.675": 1.8104658457513367, "q_0.7": 1.817111346635527, "q_0.725": 1.8842268827810746, "q_0.75": 1.991006943066451, "q_0.775": 1.9987015539561785, "q_0.8": 2.052779019229926, "q_0.825": 2.131129095015233, "q_0.85": 2.212732041065697, "q_0.875": 2.3184958723421283, "q_0.9": 2.4200006765706483, "q_0.925": 2.5184190141508207, "q_0.95": 2.619272689399041, "q_0.975": 2.685199489210169, "q_1": 3.1261867096353892}, {"x": 1.400560224089636, "y": 1.7648049144038847, "y_pred": 1.768986714122081, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.1420194367216203, "q_0.05": 1.2282413433151587, "q_0.075": 1.3741874360040838, "q_0.1": 1.4924396863121363, "q_0.125": 1.5302121733734677, "q_0.15": 1.5321967456881715, "q_0.175": 1.6051265844232472, "q_0.2": 1.6247141109079883, "q_0.225": 1.6502600491508608, "q_0.25": 1.6661077065347696, "q_0.275": 1.670070018872164, "q_0.3": 1.6764107542236288, "q_0.325": 1.6826725014894182, "q_0.35": 1.6877824433781654, "q_0.375": 1.7043784685826144, "q_0.4": 1.716533989941627, "q_0.425": 1.7551073660875638, "q_0.45": 1.7648049144038847, "q_0.475": 1.7672163357661597, "q_0.5": 1.768986714122081, "q_0.525": 1.7712334500695817, "q_0.55": 1.7945981753237494, "q_0.575": 1.8104658457513367, "q_0.6": 1.817111346635527, "q_0.625": 1.8842268827810746, "q_0.65": 1.991006943066451, "q_0.675": 1.9987015539561785, "q_0.7": 2.0130716931096693, "q_0.725": 2.052779019229926, "q_0.75": 2.131129095015233, "q_0.775": 2.202835302624778, "q_0.8": 2.212732041065697, "q_0.825": 2.3184958723421283, "q_0.85": 2.4200006765706483, "q_0.875": 2.5136943009649872, "q_0.9": 2.5184190141508207, "q_0.925": 2.5958901123042017, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.440576230492197, "y": 1.7817716862396447, "y_pred": 1.768986714122081, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.1420194367216203, "q_0.05": 1.2282413433151587, "q_0.075": 1.3741874360040838, "q_0.1": 1.4924396863121363, "q_0.125": 1.5302121733734677, "q_0.15": 1.5321967456881715, "q_0.175": 1.6051265844232472, "q_0.2": 1.6247141109079883, "q_0.225": 1.6502600491508608, "q_0.25": 1.6661077065347696, "q_0.275": 1.670070018872164, "q_0.3": 1.6764107542236288, "q_0.325": 1.6826725014894182, "q_0.35": 1.6877824433781654, "q_0.375": 1.7043784685826144, "q_0.4": 1.716533989941627, "q_0.425": 1.7551073660875638, "q_0.45": 1.7648049144038847, "q_0.475": 1.7672163357661597, "q_0.5": 1.768986714122081, "q_0.525": 1.7712334500695817, "q_0.55": 1.7945981753237494, "q_0.575": 1.8104658457513367, "q_0.6": 1.817111346635527, "q_0.625": 1.8842268827810746, "q_0.65": 1.991006943066451, "q_0.675": 1.9987015539561785, "q_0.7": 2.0130716931096693, "q_0.725": 2.052779019229926, "q_0.75": 2.131129095015233, "q_0.775": 2.202835302624778, "q_0.8": 2.212732041065697, "q_0.825": 2.3184958723421283, "q_0.85": 2.4200006765706483, "q_0.875": 2.5136943009649872, "q_0.9": 2.5184190141508207, "q_0.925": 2.5958901123042017, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.480592236894758, "y": 1.8076853555060417, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.2282413433151587, "q_0.05": 1.3741874360040838, "q_0.075": 1.4924396863121363, "q_0.1": 1.5312522008541878, "q_0.125": 1.5321967456881715, "q_0.15": 1.6229657790998766, "q_0.175": 1.6247141109079883, "q_0.2": 1.664015554358561, "q_0.225": 1.6661077065347696, "q_0.25": 1.670070018872164, "q_0.275": 1.6764107542236288, "q_0.3": 1.6826725014894182, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7574617652410602, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.792857186315018, "q_0.55": 1.803700555376618, "q_0.575": 1.817111346635527, "q_0.6": 1.8842268827810746, "q_0.625": 1.9595371749883188, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.0130716931096693, "q_0.725": 2.1053345208326175, "q_0.75": 2.131129095015233, "q_0.775": 2.2092777186214563, "q_0.8": 2.2354707656576482, "q_0.825": 2.3184958723421283, "q_0.85": 2.4200006765706483, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.5958901123042017, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.520608243297319, "y": 2.131129095015233, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7574617652410602, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.131129095015233, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.4200006765706483, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.5606242496998801, "y": 1.9110181506093467, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7574617652410602, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.131129095015233, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.4200006765706483, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.600640256102441, "y": 1.6247141109079883, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7574617652410602, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.131129095015233, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.4200006765706483, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.640656262505002, "y": 1.716533989941627, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7574617652410602, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.131129095015233, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.4200006765706483, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.680672268907563, "y": 1.991006943066451, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7648049144038847, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.202835302624778, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.474176271622056, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.720688275310124, "y": 1.3741874360040838, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7648049144038847, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.202835302624778, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.474176271622056, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.7607042817126852, "y": 2.0016983947518012, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7648049144038847, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.202835302624778, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.474176271622056, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.8007202881152462, "y": 2.025864867289325, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7648049144038847, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.202835302624778, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.474176271622056, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.8407362945178072, "y": 1.5653167977646547, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7648049144038847, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.202835302624778, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.474176271622056, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.8807523009203682, "y": 1.4924396863121363, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7648049144038847, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.202835302624778, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.474176271622056, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.9207683073229291, "y": 1.7043784685826144, "y_pred": 1.7712334500695817, "target": "0", "q_0": 0.6931471805599453, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5302121733734677, "q_0.1": 1.5321967456881715, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.664015554358561, "q_0.2": 1.6661077065347696, "q_0.225": 1.670070018872164, "q_0.25": 1.6764107542236288, "q_0.275": 1.6826725014894182, "q_0.3": 1.6877824433781654, "q_0.325": 1.7043784685826144, "q_0.35": 1.716533989941627, "q_0.375": 1.7551073660875638, "q_0.4": 1.7648049144038847, "q_0.425": 1.7648049144038847, "q_0.45": 1.7672163357661597, "q_0.475": 1.768986714122081, "q_0.5": 1.7712334500695817, "q_0.525": 1.7945981753237494, "q_0.55": 1.8104658457513367, "q_0.575": 1.84226373565085, "q_0.6": 1.8842268827810746, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.052779019229926, "q_0.725": 2.131129095015233, "q_0.75": 2.202835302624778, "q_0.775": 2.212732041065697, "q_0.8": 2.2551246557154423, "q_0.825": 2.3184958723421283, "q_0.85": 2.474176271622056, "q_0.875": 2.5184190141508207, "q_0.9": 2.5776346523445244, "q_0.925": 2.619272689399041, "q_0.95": 2.6531125699971754, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 1.9607843137254903, "y": 1.7712334500695817, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.000800320128051, "y": 2.0130716931096693, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.0408163265306123, "y": 1.8842268827810746, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.0808323329331735, "y": 2.5184190141508207, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.1208483393357342, "y": 1.5321967456881715, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.1608643457382954, "y": 1.6661077065347696, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.2008803521408566, "y": 1.6229657790998766, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.2408963585434174, "y": 2.212732041065697, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.2809123649459786, "y": 1.7551073660875638, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.3209283713485394, "y": 2.023157161489369, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.3609443777511006, "y": 1.768986714122081, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.4009603841536618, "y": 1.6764107542236288, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.4409763905562225, "y": 1.6272709219333723, "y_pred": 1.792857186315018, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.5424331407865945, "q_0.125": 1.6229657790998766, "q_0.15": 1.6247141109079883, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.792857186315018, "q_0.525": 1.803700555376618, "q_0.55": 1.817111346635527, "q_0.575": 1.8842268827810746, "q_0.6": 1.9406553141414435, "q_0.625": 1.991006943066451, "q_0.65": 1.9987015539561785, "q_0.675": 2.0130716931096693, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.212732041065697, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.488007581892087, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.4809923969587837, "y": 2.3184958723421283, "y_pred": 1.7945981753237494, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.6229657790998766, "q_0.125": 1.6247141109079883, "q_0.15": 1.664015554358561, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.7945981753237494, "q_0.525": 1.8104658457513367, "q_0.55": 1.84226373565085, "q_0.575": 1.8842268827810746, "q_0.6": 1.991006943066451, "q_0.625": 1.9987015539561785, "q_0.65": 2.0130716931096693, "q_0.675": 2.052779019229926, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.2354707656576482, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.5136943009649872, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.5210084033613445, "y": 1.6826725014894182, "y_pred": 1.7945981753237494, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.6229657790998766, "q_0.125": 1.6247141109079883, "q_0.15": 1.664015554358561, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.7945981753237494, "q_0.525": 1.8104658457513367, "q_0.55": 1.84226373565085, "q_0.575": 1.8842268827810746, "q_0.6": 1.991006943066451, "q_0.625": 1.9987015539561785, "q_0.65": 2.0130716931096693, "q_0.675": 2.052779019229926, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.2354707656576482, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.5136943009649872, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.5610244097639057, "y": 1.7672163357661597, "y_pred": 1.7945981753237494, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.6229657790998766, "q_0.125": 1.6247141109079883, "q_0.15": 1.664015554358561, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.7945981753237494, "q_0.525": 1.8104658457513367, "q_0.55": 1.84226373565085, "q_0.575": 1.8842268827810746, "q_0.6": 1.991006943066451, "q_0.625": 1.9987015539561785, "q_0.65": 2.0130716931096693, "q_0.675": 2.052779019229926, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.2354707656576482, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.5136943009649872, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.601040416166467, "y": 1.9987015539561785, "y_pred": 1.7945981753237494, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.3741874360040838, "q_0.05": 1.4924396863121363, "q_0.075": 1.5321967456881715, "q_0.1": 1.6229657790998766, "q_0.125": 1.6247141109079883, "q_0.15": 1.664015554358561, "q_0.175": 1.6661077065347696, "q_0.2": 1.670070018872164, "q_0.225": 1.6764107542236288, "q_0.25": 1.6826725014894182, "q_0.275": 1.6877824433781654, "q_0.3": 1.7043784685826144, "q_0.325": 1.716533989941627, "q_0.35": 1.7551073660875638, "q_0.375": 1.7574617652410602, "q_0.4": 1.7648049144038847, "q_0.425": 1.7672163357661597, "q_0.45": 1.768986714122081, "q_0.475": 1.7712334500695817, "q_0.5": 1.7945981753237494, "q_0.525": 1.8104658457513367, "q_0.55": 1.84226373565085, "q_0.575": 1.8842268827810746, "q_0.6": 1.991006943066451, "q_0.625": 1.9987015539561785, "q_0.65": 2.0130716931096693, "q_0.675": 2.052779019229926, "q_0.7": 2.1053345208326175, "q_0.725": 2.131129095015233, "q_0.75": 2.2092777186214563, "q_0.775": 2.2354707656576482, "q_0.8": 2.3184958723421283, "q_0.825": 2.4200006765706483, "q_0.85": 2.5136943009649872, "q_0.875": 2.5184190141508207, "q_0.9": 2.5958901123042017, "q_0.925": 2.619272689399041, "q_0.95": 2.685199489210169, "q_0.975": 2.872711616098489, "q_1": 3.1261867096353892}, {"x": 2.6410564225690276, "y": 2.5958901123042017, "y_pred": 1.817111346635527, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.4701425818214489, "q_0.05": 1.5302121733734677, "q_0.075": 1.5321967456881715, "q_0.1": 1.6229657790998766, "q_0.125": 1.664015554358561, "q_0.15": 1.6661077065347696, "q_0.175": 1.670070018872164, "q_0.2": 1.6764107542236288, "q_0.225": 1.6826725014894182, "q_0.25": 1.6877824433781654, "q_0.275": 1.7043784685826144, "q_0.3": 1.7551073660875638, "q_0.325": 1.7574617652410602, "q_0.35": 1.7648049144038847, "q_0.375": 1.7672163357661597, "q_0.4": 1.768986714122081, "q_0.425": 1.7712334500695817, "q_0.45": 1.7945981753237494, "q_0.475": 1.8104658457513367, "q_0.5": 1.817111346635527, "q_0.525": 1.8842268827810746, "q_0.55": 1.9406553141414435, "q_0.575": 1.9987015539561785, "q_0.6": 2.0130716931096693, "q_0.625": 2.052779019229926, "q_0.65": 2.1053345208326175, "q_0.675": 2.131129095015233, "q_0.7": 2.2092777186214563, "q_0.725": 2.212732041065697, "q_0.75": 2.2551246557154423, "q_0.775": 2.3184958723421283, "q_0.8": 2.4200006765706483, "q_0.825": 2.5136943009649872, "q_0.85": 2.5184190141508207, "q_0.875": 2.5958901123042017, "q_0.9": 2.619272689399041, "q_0.925": 2.6531125699971754, "q_0.95": 2.856057754169509, "q_0.975": 2.909998452479544, "q_1": 3.1261867096353892}, {"x": 2.681072428971589, "y": 1.670070018872164, "y_pred": 1.84226373565085, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.4701425818214489, "q_0.05": 1.5302121733734677, "q_0.075": 1.5321967456881715, "q_0.1": 1.6247141109079883, "q_0.125": 1.664015554358561, "q_0.15": 1.6661077065347696, "q_0.175": 1.670070018872164, "q_0.2": 1.6764107542236288, "q_0.225": 1.6826725014894182, "q_0.25": 1.6877824433781654, "q_0.275": 1.7043784685826144, "q_0.3": 1.7551073660875638, "q_0.325": 1.7574617652410602, "q_0.35": 1.7648049144038847, "q_0.375": 1.7672163357661597, "q_0.4": 1.768986714122081, "q_0.425": 1.7712334500695817, "q_0.45": 1.7945981753237494, "q_0.475": 1.8104658457513367, "q_0.5": 1.84226373565085, "q_0.525": 1.8842268827810746, "q_0.55": 1.991006943066451, "q_0.575": 1.9987015539561785, "q_0.6": 2.0130716931096693, "q_0.625": 2.052779019229926, "q_0.65": 2.1053345208326175, "q_0.675": 2.202835302624778, "q_0.7": 2.2092777186214563, "q_0.725": 2.2354707656576482, "q_0.75": 2.3184958723421283, "q_0.775": 2.4200006765706483, "q_0.8": 2.474176271622056, "q_0.825": 2.5184190141508207, "q_0.85": 2.5776346523445244, "q_0.875": 2.5958901123042017, "q_0.9": 2.619272689399041, "q_0.925": 2.6531125699971754, "q_0.95": 2.872711616098489, "q_0.975": 2.909998452479544, "q_1": 3.383543721206884}, {"x": 2.7210884353741496, "y": 2.6531125699971754, "y_pred": 1.8842268827810746, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6229657790998766, "q_0.1": 1.6247141109079883, "q_0.125": 1.664015554358561, "q_0.15": 1.670070018872164, "q_0.175": 1.6764107542236288, "q_0.2": 1.6826725014894182, "q_0.225": 1.6877824433781654, "q_0.25": 1.716533989941627, "q_0.275": 1.7551073660875638, "q_0.3": 1.7574617652410602, "q_0.325": 1.7648049144038847, "q_0.35": 1.7672163357661597, "q_0.375": 1.7712334500695817, "q_0.4": 1.792857186315018, "q_0.425": 1.803700555376618, "q_0.45": 1.8104658457513367, "q_0.475": 1.84226373565085, "q_0.5": 1.8842268827810746, "q_0.525": 1.991006943066451, "q_0.55": 1.9987015539561785, "q_0.575": 2.0130716931096693, "q_0.6": 2.052779019229926, "q_0.625": 2.131129095015233, "q_0.65": 2.202835302624778, "q_0.675": 2.2092777186214563, "q_0.7": 2.2354707656576482, "q_0.725": 2.3184958723421283, "q_0.75": 2.4200006765706483, "q_0.775": 2.474176271622056, "q_0.8": 2.5136943009649872, "q_0.825": 2.5776346523445244, "q_0.85": 2.5958901123042017, "q_0.875": 2.619272689399041, "q_0.9": 2.6531125699971754, "q_0.925": 2.685199489210169, "q_0.95": 2.872711616098489, "q_0.975": 2.909998452479544, "q_1": 3.383543721206884}, {"x": 2.7611044417767108, "y": 1.6877824433781654, "y_pred": 1.8842268827810746, "target": "0", "q_0": 1.1649343419054004, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6229657790998766, "q_0.1": 1.6247141109079883, "q_0.125": 1.664015554358561, "q_0.15": 1.670070018872164, "q_0.175": 1.6764107542236288, "q_0.2": 1.6877824433781654, "q_0.225": 1.7043784685826144, "q_0.25": 1.716533989941627, "q_0.275": 1.7551073660875638, "q_0.3": 1.7574617652410602, "q_0.325": 1.7669149080958753, "q_0.35": 1.768986714122081, "q_0.375": 1.7712334500695817, "q_0.4": 1.7945981753237494, "q_0.425": 1.803700555376618, "q_0.45": 1.8104658457513367, "q_0.475": 1.84226373565085, "q_0.5": 1.8842268827810746, "q_0.525": 1.991006943066451, "q_0.55": 1.9987015539561785, "q_0.575": 2.052779019229926, "q_0.6": 2.1053345208326175, "q_0.625": 2.131129095015233, "q_0.65": 2.202835302624778, "q_0.675": 2.212732041065697, "q_0.7": 2.2551246557154423, "q_0.725": 2.3184958723421283, "q_0.75": 2.4200006765706483, "q_0.775": 2.474176271622056, "q_0.8": 2.5136943009649872, "q_0.825": 2.5776346523445244, "q_0.85": 2.5958901123042017, "q_0.875": 2.619272689399041, "q_0.9": 2.6531125699971754, "q_0.925": 2.685199489210169, "q_0.95": 2.872711616098489, "q_0.975": 2.909998452479544, "q_1": 3.383543721206884}, {"x": 2.801120448179272, "y": 2.872711616098489, "y_pred": 1.991006943066451, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.6661077065347696, "q_0.15": 1.670070018872164, "q_0.175": 1.6826725014894182, "q_0.2": 1.6877824433781654, "q_0.225": 1.716533989941627, "q_0.25": 1.7551073660875638, "q_0.275": 1.7574617652410602, "q_0.3": 1.7672163357661597, "q_0.325": 1.768986714122081, "q_0.35": 1.7712334500695817, "q_0.375": 1.7945981753237494, "q_0.4": 1.803700555376618, "q_0.425": 1.8104658457513367, "q_0.45": 1.84226373565085, "q_0.475": 1.9406553141414435, "q_0.5": 1.991006943066451, "q_0.525": 1.9987015539561785, "q_0.55": 2.052779019229926, "q_0.575": 2.1053345208326175, "q_0.6": 2.131129095015233, "q_0.625": 2.202835302624778, "q_0.65": 2.212732041065697, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5136943009649872, "q_0.8": 2.570565666904585, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.8831467923834517, "q_0.975": 3.0591136781708457, "q_1": 3.383543721206884}, {"x": 2.8411364545818327, "y": 2.207845416829082, "y_pred": 1.9987015539561785, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6764107542236288, "q_0.175": 1.6877824433781654, "q_0.2": 1.7043784685826144, "q_0.225": 1.7551073660875638, "q_0.25": 1.7574617652410602, "q_0.275": 1.7648049144038847, "q_0.3": 1.768986714122081, "q_0.325": 1.7712334500695817, "q_0.35": 1.7945981753237494, "q_0.375": 1.803700555376618, "q_0.4": 1.8104658457513367, "q_0.425": 1.84226373565085, "q_0.45": 1.8842268827810746, "q_0.475": 1.9406553141414435, "q_0.5": 1.9987015539561785, "q_0.525": 2.052779019229926, "q_0.55": 2.052779019229926, "q_0.575": 2.131129095015233, "q_0.6": 2.202835302624778, "q_0.625": 2.2092777186214563, "q_0.65": 2.2354707656576482, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5184190141508207, "q_0.8": 2.5776346523445244, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.09962285058553, "q_1": 3.4502440034500017}, {"x": 2.881152460984394, "y": 2.909998452479544, "y_pred": 1.9987015539561785, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6764107542236288, "q_0.175": 1.6877824433781654, "q_0.2": 1.7043784685826144, "q_0.225": 1.7551073660875638, "q_0.25": 1.7574617652410602, "q_0.275": 1.7648049144038847, "q_0.3": 1.768986714122081, "q_0.325": 1.7712334500695817, "q_0.35": 1.7945981753237494, "q_0.375": 1.803700555376618, "q_0.4": 1.8104658457513367, "q_0.425": 1.84226373565085, "q_0.45": 1.8842268827810746, "q_0.475": 1.9406553141414435, "q_0.5": 1.9987015539561785, "q_0.525": 2.052779019229926, "q_0.55": 2.052779019229926, "q_0.575": 2.131129095015233, "q_0.6": 2.202835302624778, "q_0.625": 2.2092777186214563, "q_0.65": 2.2354707656576482, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5184190141508207, "q_0.8": 2.5776346523445244, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.09962285058553, "q_1": 3.4502440034500017}, {"x": 2.9211684673869547, "y": 2.4200006765706483, "y_pred": 1.9987015539561785, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6764107542236288, "q_0.175": 1.6877824433781654, "q_0.2": 1.7043784685826144, "q_0.225": 1.7551073660875638, "q_0.25": 1.7574617652410602, "q_0.275": 1.7648049144038847, "q_0.3": 1.768986714122081, "q_0.325": 1.7712334500695817, "q_0.35": 1.7945981753237494, "q_0.375": 1.803700555376618, "q_0.4": 1.8104658457513367, "q_0.425": 1.84226373565085, "q_0.45": 1.8842268827810746, "q_0.475": 1.9406553141414435, "q_0.5": 1.9987015539561785, "q_0.525": 2.052779019229926, "q_0.55": 2.052779019229926, "q_0.575": 2.131129095015233, "q_0.6": 2.202835302624778, "q_0.625": 2.2092777186214563, "q_0.65": 2.2354707656576482, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5184190141508207, "q_0.8": 2.5776346523445244, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.09962285058553, "q_1": 3.4502440034500017}, {"x": 2.961184473789516, "y": 2.619272689399041, "y_pred": 1.9987015539561785, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6764107542236288, "q_0.175": 1.6877824433781654, "q_0.2": 1.7043784685826144, "q_0.225": 1.7551073660875638, "q_0.25": 1.7574617652410602, "q_0.275": 1.7648049144038847, "q_0.3": 1.768986714122081, "q_0.325": 1.7712334500695817, "q_0.35": 1.7945981753237494, "q_0.375": 1.803700555376618, "q_0.4": 1.8104658457513367, "q_0.425": 1.84226373565085, "q_0.45": 1.8842268827810746, "q_0.475": 1.9406553141414435, "q_0.5": 1.9987015539561785, "q_0.525": 2.052779019229926, "q_0.55": 2.052779019229926, "q_0.575": 2.131129095015233, "q_0.6": 2.202835302624778, "q_0.625": 2.2092777186214563, "q_0.65": 2.2354707656576482, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5184190141508207, "q_0.8": 2.5776346523445244, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.09962285058553, "q_1": 3.4502440034500017}, {"x": 3.001200480192077, "y": 1.664015554358561, "y_pred": 1.9987015539561785, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6764107542236288, "q_0.175": 1.6877824433781654, "q_0.2": 1.7043784685826144, "q_0.225": 1.7551073660875638, "q_0.25": 1.7574617652410602, "q_0.275": 1.7648049144038847, "q_0.3": 1.768986714122081, "q_0.325": 1.7712334500695817, "q_0.35": 1.7945981753237494, "q_0.375": 1.803700555376618, "q_0.4": 1.8104658457513367, "q_0.425": 1.84226373565085, "q_0.45": 1.8842268827810746, "q_0.475": 1.9406553141414435, "q_0.5": 1.9987015539561785, "q_0.525": 2.052779019229926, "q_0.55": 2.052779019229926, "q_0.575": 2.131129095015233, "q_0.6": 2.202835302624778, "q_0.625": 2.2092777186214563, "q_0.65": 2.2354707656576482, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5184190141508207, "q_0.8": 2.5776346523445244, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.09962285058553, "q_1": 3.4502440034500017}, {"x": 3.041216486594638, "y": 2.0126002830372514, "y_pred": 1.9987015539561785, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6764107542236288, "q_0.175": 1.6877824433781654, "q_0.2": 1.7043784685826144, "q_0.225": 1.7551073660875638, "q_0.25": 1.7574617652410602, "q_0.275": 1.7648049144038847, "q_0.3": 1.768986714122081, "q_0.325": 1.7712334500695817, "q_0.35": 1.7945981753237494, "q_0.375": 1.803700555376618, "q_0.4": 1.8104658457513367, "q_0.425": 1.84226373565085, "q_0.45": 1.8842268827810746, "q_0.475": 1.9406553141414435, "q_0.5": 1.9987015539561785, "q_0.525": 2.052779019229926, "q_0.55": 2.052779019229926, "q_0.575": 2.131129095015233, "q_0.6": 2.202835302624778, "q_0.625": 2.2092777186214563, "q_0.65": 2.2354707656576482, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5184190141508207, "q_0.8": 2.5776346523445244, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.09962285058553, "q_1": 3.4502440034500017}, {"x": 3.081232492997199, "y": 1.7945981753237494, "y_pred": 1.9987015539561785, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6764107542236288, "q_0.175": 1.6877824433781654, "q_0.2": 1.7043784685826144, "q_0.225": 1.7551073660875638, "q_0.25": 1.7574617652410602, "q_0.275": 1.7648049144038847, "q_0.3": 1.768986714122081, "q_0.325": 1.7712334500695817, "q_0.35": 1.7945981753237494, "q_0.375": 1.803700555376618, "q_0.4": 1.8104658457513367, "q_0.425": 1.84226373565085, "q_0.45": 1.8842268827810746, "q_0.475": 1.9406553141414435, "q_0.5": 1.9987015539561785, "q_0.525": 2.052779019229926, "q_0.55": 2.052779019229926, "q_0.575": 2.131129095015233, "q_0.6": 2.202835302624778, "q_0.625": 2.2092777186214563, "q_0.65": 2.2354707656576482, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5184190141508207, "q_0.8": 2.5776346523445244, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.09962285058553, "q_1": 3.4502440034500017}, {"x": 3.1212484993997602, "y": 2.052779019229926, "y_pred": 1.9987015539561785, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6764107542236288, "q_0.175": 1.6877824433781654, "q_0.2": 1.7043784685826144, "q_0.225": 1.7551073660875638, "q_0.25": 1.7574617652410602, "q_0.275": 1.7648049144038847, "q_0.3": 1.768986714122081, "q_0.325": 1.7712334500695817, "q_0.35": 1.7945981753237494, "q_0.375": 1.803700555376618, "q_0.4": 1.8104658457513367, "q_0.425": 1.84226373565085, "q_0.45": 1.8842268827810746, "q_0.475": 1.9406553141414435, "q_0.5": 1.9987015539561785, "q_0.525": 2.052779019229926, "q_0.55": 2.052779019229926, "q_0.575": 2.131129095015233, "q_0.6": 2.202835302624778, "q_0.625": 2.2092777186214563, "q_0.65": 2.2354707656576482, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5184190141508207, "q_0.8": 2.5776346523445244, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.09962285058553, "q_1": 3.4502440034500017}, {"x": 3.161264505802321, "y": 1.8104658457513367, "y_pred": 1.9987015539561785, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.5321967456881715, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6764107542236288, "q_0.175": 1.6877824433781654, "q_0.2": 1.7043784685826144, "q_0.225": 1.7551073660875638, "q_0.25": 1.7574617652410602, "q_0.275": 1.7648049144038847, "q_0.3": 1.768986714122081, "q_0.325": 1.7712334500695817, "q_0.35": 1.7945981753237494, "q_0.375": 1.803700555376618, "q_0.4": 1.8104658457513367, "q_0.425": 1.84226373565085, "q_0.45": 1.8842268827810746, "q_0.475": 1.991006943066451, "q_0.5": 1.9987015539561785, "q_0.525": 2.052779019229926, "q_0.55": 2.1053345208326175, "q_0.575": 2.131129095015233, "q_0.6": 2.202835302624778, "q_0.625": 2.2092777186214563, "q_0.65": 2.2354707656576482, "q_0.675": 2.2551246557154423, "q_0.7": 2.3184958723421283, "q_0.725": 2.4200006765706483, "q_0.75": 2.474176271622056, "q_0.775": 2.5184190141508207, "q_0.8": 2.5776346523445244, "q_0.825": 2.5958901123042017, "q_0.85": 2.619272689399041, "q_0.875": 2.6531125699971754, "q_0.9": 2.685199489210169, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.09962285058553, "q_1": 3.4502440034500017}, {"x": 3.201280512204882, "y": 2.1053345208326175, "y_pred": 2.0130716931096693, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.6229657790998766, "q_0.075": 1.6247141109079883, "q_0.1": 1.664015554358561, "q_0.125": 1.670070018872164, "q_0.15": 1.6826725014894182, "q_0.175": 1.6877824433781654, "q_0.2": 1.716533989941627, "q_0.225": 1.7574617652410602, "q_0.25": 1.7574617652410602, "q_0.275": 1.7672163357661597, "q_0.3": 1.7712334500695817, "q_0.325": 1.7945981753237494, "q_0.35": 1.803700555376618, "q_0.375": 1.8104658457513367, "q_0.4": 1.8221418244385938, "q_0.425": 1.8842268827810746, "q_0.45": 1.9406553141414435, "q_0.475": 1.9987015539561785, "q_0.5": 2.0130716931096693, "q_0.525": 2.052779019229926, "q_0.55": 2.1053345208326175, "q_0.575": 2.202835302624778, "q_0.6": 2.2092777186214563, "q_0.625": 2.216940168135394, "q_0.65": 2.2551246557154423, "q_0.675": 2.3184958723421283, "q_0.7": 2.4200006765706483, "q_0.725": 2.474176271622056, "q_0.75": 2.5136943009649872, "q_0.775": 2.5776346523445244, "q_0.8": 2.5958901123042017, "q_0.825": 2.619272689399041, "q_0.85": 2.6531125699971754, "q_0.875": 2.685199489210169, "q_0.9": 2.856057754169509, "q_0.925": 2.872711616098489, "q_0.95": 2.909998452479544, "q_0.975": 3.1261867096353892, "q_1": 4.121099826150706}, {"x": 3.241296518607443, "y": 2.2551246557154423, "y_pred": 2.052779019229926, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.6229657790998766, "q_0.075": 1.664015554358561, "q_0.1": 1.6661077065347696, "q_0.125": 1.670070018872164, "q_0.15": 1.6877824433781654, "q_0.175": 1.7043784685826144, "q_0.2": 1.7551073660875638, "q_0.225": 1.7574617652410602, "q_0.25": 1.7648049144038847, "q_0.275": 1.768986714122081, "q_0.3": 1.792857186315018, "q_0.325": 1.7945981753237494, "q_0.35": 1.803700555376618, "q_0.375": 1.8104658457513367, "q_0.4": 1.84226373565085, "q_0.425": 1.9406553141414435, "q_0.45": 1.991006943066451, "q_0.475": 2.0130716931096693, "q_0.5": 2.052779019229926, "q_0.525": 2.1053345208326175, "q_0.55": 2.1805335299151243, "q_0.575": 2.202835302624778, "q_0.6": 2.212732041065697, "q_0.625": 2.2354707656576482, "q_0.65": 2.2551246557154423, "q_0.675": 2.383383895116443, "q_0.7": 2.4200006765706483, "q_0.725": 2.4929473355599368, "q_0.75": 2.5184190141508207, "q_0.775": 2.5776346523445244, "q_0.8": 2.5958901123042017, "q_0.825": 2.619272689399041, "q_0.85": 2.6531125699971754, "q_0.875": 2.685199489210169, "q_0.9": 2.856057754169509, "q_0.925": 2.8831467923834517, "q_0.95": 2.909998452479544, "q_0.975": 3.1261867096353892, "q_1": 4.121099826150706}, {"x": 3.281312525010004, "y": 1.7574617652410602, "y_pred": 2.052779019229926, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.4924396863121363, "q_0.05": 1.6229657790998766, "q_0.075": 1.664015554358561, "q_0.1": 1.6661077065347696, "q_0.125": 1.6764107542236288, "q_0.15": 1.6877824433781654, "q_0.175": 1.7043784685826144, "q_0.2": 1.7551073660875638, "q_0.225": 1.7574617652410602, "q_0.25": 1.7648049144038847, "q_0.275": 1.768986714122081, "q_0.3": 1.792857186315018, "q_0.325": 1.7945981753237494, "q_0.35": 1.803700555376618, "q_0.375": 1.8104658457513367, "q_0.4": 1.84226373565085, "q_0.425": 1.9406553141414435, "q_0.45": 1.991006943066451, "q_0.475": 2.0130716931096693, "q_0.5": 2.052779019229926, "q_0.525": 2.1053345208326175, "q_0.55": 2.202835302624778, "q_0.575": 2.2092777186214563, "q_0.6": 2.212732041065697, "q_0.625": 2.2502111832009897, "q_0.65": 2.2551246557154423, "q_0.675": 2.4200006765706483, "q_0.7": 2.474176271622056, "q_0.725": 2.5136943009649872, "q_0.75": 2.5184190141508207, "q_0.775": 2.5776346523445244, "q_0.8": 2.5958901123042017, "q_0.825": 2.619272689399041, "q_0.85": 2.6531125699971754, "q_0.875": 2.685199489210169, "q_0.9": 2.856057754169509, "q_0.925": 2.8831467923834517, "q_0.95": 2.909998452479544, "q_0.975": 3.1261867096353892, "q_1": 4.121099826150706}, {"x": 3.3213285314125653, "y": 2.685199489210169, "y_pred": 2.202835302624778, "target": "0", "q_0": 1.2142273431689061, "q_0.025": 1.5321967456881715, "q_0.05": 1.6247141109079883, "q_0.075": 1.664015554358561, "q_0.1": 1.670070018872164, "q_0.125": 1.6877824433781654, "q_0.15": 1.7043784685826144, "q_0.175": 1.7551073660875638, "q_0.2": 1.7648049144038847, "q_0.225": 1.768986714122081, "q_0.25": 1.792857186315018, "q_0.275": 1.7945981753237494, "q_0.3": 1.803700555376618, "q_0.325": 1.8104658457513367, "q_0.35": 1.84226373565085, "q_0.375": 1.9406553141414435, "q_0.4": 1.991006943066451, "q_0.425": 2.0130716931096693, "q_0.45": 2.052779019229926, "q_0.475": 2.131129095015233, "q_0.5": 2.202835302624778, "q_0.525": 2.2092777186214563, "q_0.55": 2.216940168135394, "q_0.575": 2.2354707656576482, "q_0.6": 2.2551246557154423, "q_0.625": 2.383383895116443, "q_0.65": 2.474176271622056, "q_0.675": 2.474176271622056, "q_0.7": 2.5136943009649872, "q_0.725": 2.5776346523445244, "q_0.75": 2.5958901123042017, "q_0.775": 2.619272689399041, "q_0.8": 2.6531125699971754, "q_0.825": 2.685199489210169, "q_0.85": 2.790013136861556, "q_0.875": 2.856057754169509, "q_0.9": 2.8831467923834517, "q_0.925": 2.909998452479544, "q_0.95": 3.09962285058553, "q_0.975": 3.1261867096353892, "q_1": 4.145837035670981}, {"x": 3.361344537815126, "y": 2.5136943009649872, "y_pred": 2.202835302624778, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.6247141109079883, "q_0.075": 1.664015554358561, "q_0.1": 1.670070018872164, "q_0.125": 1.6877824433781654, "q_0.15": 1.7043784685826144, "q_0.175": 1.7574617652410602, "q_0.2": 1.7648049144038847, "q_0.225": 1.768986714122081, "q_0.25": 1.792857186315018, "q_0.275": 1.803700555376618, "q_0.3": 1.803700555376618, "q_0.325": 1.8104658457513367, "q_0.35": 1.84226373565085, "q_0.375": 1.9406553141414435, "q_0.4": 1.991006943066451, "q_0.425": 2.0130716931096693, "q_0.45": 2.1053345208326175, "q_0.475": 2.131129095015233, "q_0.5": 2.202835302624778, "q_0.525": 2.2092777186214563, "q_0.55": 2.216940168135394, "q_0.575": 2.2551246557154423, "q_0.6": 2.3184958723421283, "q_0.625": 2.4200006765706483, "q_0.65": 2.474176271622056, "q_0.675": 2.5136943009649872, "q_0.7": 2.5184190141508207, "q_0.725": 2.5776346523445244, "q_0.75": 2.5958901123042017, "q_0.775": 2.619272689399041, "q_0.8": 2.6531125699971754, "q_0.825": 2.685199489210169, "q_0.85": 2.856057754169509, "q_0.875": 2.872711616098489, "q_0.9": 2.8831467923834517, "q_0.925": 2.909998452479544, "q_0.95": 3.09962285058553, "q_0.975": 3.1261867096353892, "q_1": 4.145837035670981}, {"x": 3.4013605442176873, "y": 2.0799351989769708, "y_pred": 2.202835302624778, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.6247141109079883, "q_0.075": 1.664015554358561, "q_0.1": 1.670070018872164, "q_0.125": 1.6877824433781654, "q_0.15": 1.7043784685826144, "q_0.175": 1.7574617652410602, "q_0.2": 1.7648049144038847, "q_0.225": 1.768986714122081, "q_0.25": 1.792857186315018, "q_0.275": 1.803700555376618, "q_0.3": 1.803700555376618, "q_0.325": 1.8104658457513367, "q_0.35": 1.84226373565085, "q_0.375": 1.9406553141414435, "q_0.4": 1.991006943066451, "q_0.425": 2.0130716931096693, "q_0.45": 2.1053345208326175, "q_0.475": 2.131129095015233, "q_0.5": 2.202835302624778, "q_0.525": 2.2092777186214563, "q_0.55": 2.216940168135394, "q_0.575": 2.2551246557154423, "q_0.6": 2.3184958723421283, "q_0.625": 2.4200006765706483, "q_0.65": 2.474176271622056, "q_0.675": 2.5136943009649872, "q_0.7": 2.5184190141508207, "q_0.725": 2.5776346523445244, "q_0.75": 2.5958901123042017, "q_0.775": 2.619272689399041, "q_0.8": 2.6531125699971754, "q_0.825": 2.685199489210169, "q_0.85": 2.856057754169509, "q_0.875": 2.872711616098489, "q_0.9": 2.8831467923834517, "q_0.925": 2.909998452479544, "q_0.95": 3.09962285058553, "q_0.975": 3.1261867096353892, "q_1": 4.145837035670981}, {"x": 3.441376550620248, "y": 2.474176271622056, "y_pred": 2.202835302624778, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.6247141109079883, "q_0.075": 1.664015554358561, "q_0.1": 1.670070018872164, "q_0.125": 1.6877824433781654, "q_0.15": 1.7043784685826144, "q_0.175": 1.7574617652410602, "q_0.2": 1.7648049144038847, "q_0.225": 1.768986714122081, "q_0.25": 1.792857186315018, "q_0.275": 1.803700555376618, "q_0.3": 1.803700555376618, "q_0.325": 1.8104658457513367, "q_0.35": 1.84226373565085, "q_0.375": 1.9406553141414435, "q_0.4": 1.991006943066451, "q_0.425": 2.0130716931096693, "q_0.45": 2.1053345208326175, "q_0.475": 2.131129095015233, "q_0.5": 2.202835302624778, "q_0.525": 2.2092777186214563, "q_0.55": 2.216940168135394, "q_0.575": 2.2551246557154423, "q_0.6": 2.3184958723421283, "q_0.625": 2.4200006765706483, "q_0.65": 2.474176271622056, "q_0.675": 2.5136943009649872, "q_0.7": 2.5184190141508207, "q_0.725": 2.5776346523445244, "q_0.75": 2.5958901123042017, "q_0.775": 2.619272689399041, "q_0.8": 2.6531125699971754, "q_0.825": 2.685199489210169, "q_0.85": 2.856057754169509, "q_0.875": 2.872711616098489, "q_0.9": 2.8831467923834517, "q_0.925": 2.909998452479544, "q_0.95": 3.09962285058553, "q_0.975": 3.1261867096353892, "q_1": 4.145837035670981}, {"x": 3.4813925570228093, "y": 1.84226373565085, "y_pred": 2.202835302624778, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.6247141109079883, "q_0.075": 1.664015554358561, "q_0.1": 1.670070018872164, "q_0.125": 1.6877824433781654, "q_0.15": 1.7043784685826144, "q_0.175": 1.7574617652410602, "q_0.2": 1.7648049144038847, "q_0.225": 1.768986714122081, "q_0.25": 1.792857186315018, "q_0.275": 1.803700555376618, "q_0.3": 1.803700555376618, "q_0.325": 1.8104658457513367, "q_0.35": 1.84226373565085, "q_0.375": 1.9406553141414435, "q_0.4": 1.991006943066451, "q_0.425": 2.0130716931096693, "q_0.45": 2.1053345208326175, "q_0.475": 2.131129095015233, "q_0.5": 2.202835302624778, "q_0.525": 2.2092777186214563, "q_0.55": 2.216940168135394, "q_0.575": 2.2551246557154423, "q_0.6": 2.3184958723421283, "q_0.625": 2.4200006765706483, "q_0.65": 2.474176271622056, "q_0.675": 2.5136943009649872, "q_0.7": 2.5184190141508207, "q_0.725": 2.5776346523445244, "q_0.75": 2.5958901123042017, "q_0.775": 2.619272689399041, "q_0.8": 2.6531125699971754, "q_0.825": 2.685199489210169, "q_0.85": 2.856057754169509, "q_0.875": 2.872711616098489, "q_0.9": 2.8831467923834517, "q_0.925": 2.909998452479544, "q_0.95": 3.09962285058553, "q_0.975": 3.1261867096353892, "q_1": 4.145837035670981}, {"x": 3.5214085634253705, "y": 2.5776346523445244, "y_pred": 2.2092777186214563, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.6247141109079883, "q_0.075": 1.6661077065347696, "q_0.1": 1.6764107542236288, "q_0.125": 1.6877824433781654, "q_0.15": 1.716533989941627, "q_0.175": 1.7574617652410602, "q_0.2": 1.7672163357661597, "q_0.225": 1.7712334500695817, "q_0.25": 1.7945981753237494, "q_0.275": 1.803700555376618, "q_0.3": 1.8104658457513367, "q_0.325": 1.84226373565085, "q_0.35": 1.8842268827810746, "q_0.375": 1.9406553141414435, "q_0.4": 2.0130716931096693, "q_0.425": 2.052779019229926, "q_0.45": 2.131129095015233, "q_0.475": 2.202835302624778, "q_0.5": 2.2092777186214563, "q_0.525": 2.216940168135394, "q_0.55": 2.2354707656576482, "q_0.575": 2.2551246557154423, "q_0.6": 2.383383895116443, "q_0.625": 2.4200006765706483, "q_0.65": 2.474176271622056, "q_0.675": 2.5136943009649872, "q_0.7": 2.5776346523445244, "q_0.725": 2.5776346523445244, "q_0.75": 2.619272689399041, "q_0.775": 2.6531125699971754, "q_0.8": 2.685199489210169, "q_0.825": 2.790013136861556, "q_0.85": 2.856057754169509, "q_0.875": 2.872711616098489, "q_0.9": 2.909998452479544, "q_0.925": 3.0591136781708457, "q_0.95": 3.1261867096353892, "q_0.975": 3.2333966941851915, "q_1": 4.220853543430095}, {"x": 3.561424569827931, "y": 3.1261867096353892, "y_pred": 2.2092777186214563, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.6502600491508612, "q_0.075": 1.6661077065347696, "q_0.1": 1.6764107542236288, "q_0.125": 1.6877824433781654, "q_0.15": 1.716533989941627, "q_0.175": 1.7574617652410602, "q_0.2": 1.7672163357661597, "q_0.225": 1.7712334500695817, "q_0.25": 1.7945981753237494, "q_0.275": 1.803700555376618, "q_0.3": 1.8104658457513367, "q_0.325": 1.84226373565085, "q_0.35": 1.9406553141414435, "q_0.375": 1.991006943066451, "q_0.4": 2.0130716931096693, "q_0.425": 2.1053345208326175, "q_0.45": 2.131129095015233, "q_0.475": 2.202835302624778, "q_0.5": 2.2092777186214563, "q_0.525": 2.216940168135394, "q_0.55": 2.2551246557154423, "q_0.575": 2.281503793339521, "q_0.6": 2.4200006765706483, "q_0.625": 2.474176271622056, "q_0.65": 2.474176271622056, "q_0.675": 2.5184190141508207, "q_0.7": 2.5776346523445244, "q_0.725": 2.5958901123042017, "q_0.75": 2.619272689399041, "q_0.775": 2.6531125699971754, "q_0.8": 2.685199489210169, "q_0.825": 2.856057754169509, "q_0.85": 2.8668226551730065, "q_0.875": 2.8831467923834517, "q_0.9": 2.909998452479544, "q_0.925": 3.09962285058553, "q_0.95": 3.1261867096353892, "q_0.975": 3.2821385056335823, "q_1": 4.220853543430095}, {"x": 3.6014405762304924, "y": 2.2092777186214563, "y_pred": 2.212732041065697, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.664015554358561, "q_0.075": 1.6661077065347696, "q_0.1": 1.6764107542236288, "q_0.125": 1.6877824433781654, "q_0.15": 1.7551073660875638, "q_0.175": 1.7574617652410602, "q_0.2": 1.7672163357661597, "q_0.225": 1.792857186315018, "q_0.25": 1.7945981753237494, "q_0.275": 1.803700555376618, "q_0.3": 1.8104658457513367, "q_0.325": 1.84226373565085, "q_0.35": 1.9406553141414435, "q_0.375": 1.9987015539561785, "q_0.4": 2.052779019229926, "q_0.425": 2.1053345208326175, "q_0.45": 2.202835302624778, "q_0.475": 2.202835302624778, "q_0.5": 2.212732041065697, "q_0.525": 2.2354707656576482, "q_0.55": 2.2551246557154423, "q_0.575": 2.3184958723421283, "q_0.6": 2.4200006765706483, "q_0.625": 2.474176271622056, "q_0.65": 2.5136943009649872, "q_0.675": 2.5222306518170607, "q_0.7": 2.5776346523445244, "q_0.725": 2.5958901123042017, "q_0.75": 2.619272689399041, "q_0.775": 2.6531125699971754, "q_0.8": 2.685199489210169, "q_0.825": 2.856057754169509, "q_0.85": 2.872711616098489, "q_0.875": 2.9092325521106526, "q_0.9": 3.0004285568723192, "q_0.925": 3.09962285058553, "q_0.95": 3.1261867096353892, "q_0.975": 3.383543721206884, "q_1": 4.220853543430095}, {"x": 3.641456582633053, "y": 2.7546360695069616, "y_pred": 2.212732041065697, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.664015554358561, "q_0.075": 1.6661077065347696, "q_0.1": 1.6764107542236288, "q_0.125": 1.6877824433781654, "q_0.15": 1.7551073660875638, "q_0.175": 1.7574617652410602, "q_0.2": 1.7672163357661597, "q_0.225": 1.792857186315018, "q_0.25": 1.7945981753237494, "q_0.275": 1.803700555376618, "q_0.3": 1.8104658457513367, "q_0.325": 1.84226373565085, "q_0.35": 1.9406553141414435, "q_0.375": 1.9987015539561785, "q_0.4": 2.052779019229926, "q_0.425": 2.1053345208326175, "q_0.45": 2.202835302624778, "q_0.475": 2.202835302624778, "q_0.5": 2.212732041065697, "q_0.525": 2.2354707656576482, "q_0.55": 2.2551246557154423, "q_0.575": 2.3184958723421283, "q_0.6": 2.4200006765706483, "q_0.625": 2.474176271622056, "q_0.65": 2.5136943009649872, "q_0.675": 2.5222306518170607, "q_0.7": 2.5776346523445244, "q_0.725": 2.5958901123042017, "q_0.75": 2.619272689399041, "q_0.775": 2.6531125699971754, "q_0.8": 2.685199489210169, "q_0.825": 2.856057754169509, "q_0.85": 2.872711616098489, "q_0.875": 2.9092325521106526, "q_0.9": 3.0004285568723192, "q_0.925": 3.09962285058553, "q_0.95": 3.1261867096353892, "q_0.975": 3.383543721206884, "q_1": 4.220853543430095}, {"x": 3.6814725890356144, "y": 1.9406553141414435, "y_pred": 2.212732041065697, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.664015554358561, "q_0.075": 1.6661077065347696, "q_0.1": 1.6764107542236288, "q_0.125": 1.7043784685826144, "q_0.15": 1.7551073660875638, "q_0.175": 1.7574617652410602, "q_0.2": 1.768986714122081, "q_0.225": 1.792857186315018, "q_0.25": 1.803700555376618, "q_0.275": 1.803700555376618, "q_0.3": 1.8104658457513367, "q_0.325": 1.84226373565085, "q_0.35": 1.9406553141414435, "q_0.375": 1.9987015539561785, "q_0.4": 2.052779019229926, "q_0.425": 2.1053345208326175, "q_0.45": 2.202835302624778, "q_0.475": 2.2092777186214563, "q_0.5": 2.212732041065697, "q_0.525": 2.2354707656576482, "q_0.55": 2.2551246557154423, "q_0.575": 2.3184958723421283, "q_0.6": 2.4200006765706483, "q_0.625": 2.474176271622056, "q_0.65": 2.5136943009649872, "q_0.675": 2.570565666904585, "q_0.7": 2.5776346523445244, "q_0.725": 2.5970398121460088, "q_0.75": 2.619272689399041, "q_0.775": 2.6632524543579312, "q_0.8": 2.685199489210169, "q_0.825": 2.856057754169509, "q_0.85": 2.872711616098489, "q_0.875": 2.9092325521106526, "q_0.9": 3.0004285568723192, "q_0.925": 3.09962285058553, "q_0.95": 3.1261867096353892, "q_0.975": 3.383543721206884, "q_1": 4.220853543430095}, {"x": 3.7214885954381756, "y": 2.856057754169509, "y_pred": 2.216940168135394, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.664015554358561, "q_0.075": 1.670070018872164, "q_0.1": 1.6826725014894182, "q_0.125": 1.7043784685826144, "q_0.15": 1.7574617652410602, "q_0.175": 1.7648049144038847, "q_0.2": 1.7694360613115812, "q_0.225": 1.792857186315018, "q_0.25": 1.803700555376618, "q_0.275": 1.8104658457513367, "q_0.3": 1.84226373565085, "q_0.325": 1.8842268827810746, "q_0.35": 1.9406553141414435, "q_0.375": 2.0130716931096693, "q_0.4": 2.1053345208326175, "q_0.425": 2.131129095015233, "q_0.45": 2.202835302624778, "q_0.475": 2.2092777186214563, "q_0.5": 2.216940168135394, "q_0.525": 2.2354707656576482, "q_0.55": 2.2551246557154423, "q_0.575": 2.388265505794307, "q_0.6": 2.474176271622056, "q_0.625": 2.474176271622056, "q_0.65": 2.5136943009649872, "q_0.675": 2.5776346523445244, "q_0.7": 2.5958901123042017, "q_0.725": 2.619272689399041, "q_0.75": 2.6531125699971754, "q_0.775": 2.685199489210169, "q_0.8": 2.834805762593552, "q_0.825": 2.856057754169509, "q_0.85": 2.872711616098489, "q_0.875": 2.909998452479544, "q_0.9": 3.032908898568775, "q_0.925": 3.09962285058553, "q_0.95": 3.1261867096353892, "q_0.975": 3.383543721206884, "q_1": 4.220853543430095}, {"x": 3.7615046018407363, "y": 2.202835302624778, "y_pred": 2.216940168135394, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.664015554358561, "q_0.075": 1.670070018872164, "q_0.1": 1.6826725014894182, "q_0.125": 1.7043784685826144, "q_0.15": 1.7574617652410602, "q_0.175": 1.7648049144038847, "q_0.2": 1.7694360613115812, "q_0.225": 1.792857186315018, "q_0.25": 1.803700555376618, "q_0.275": 1.8104658457513367, "q_0.3": 1.84226373565085, "q_0.325": 1.8842268827810746, "q_0.35": 1.9406553141414435, "q_0.375": 2.0130716931096693, "q_0.4": 2.1053345208326175, "q_0.425": 2.131129095015233, "q_0.45": 2.202835302624778, "q_0.475": 2.2092777186214563, "q_0.5": 2.216940168135394, "q_0.525": 2.2354707656576482, "q_0.55": 2.2551246557154423, "q_0.575": 2.388265505794307, "q_0.6": 2.474176271622056, "q_0.625": 2.474176271622056, "q_0.65": 2.5136943009649872, "q_0.675": 2.5776346523445244, "q_0.7": 2.5958901123042017, "q_0.725": 2.619272689399041, "q_0.75": 2.6531125699971754, "q_0.775": 2.685199489210169, "q_0.8": 2.834805762593552, "q_0.825": 2.856057754169509, "q_0.85": 2.872711616098489, "q_0.875": 2.909998452479544, "q_0.9": 3.032908898568775, "q_0.925": 3.09962285058553, "q_0.95": 3.1261867096353892, "q_0.975": 3.383543721206884, "q_1": 4.220853543430095}, {"x": 3.8015206082432975, "y": 2.0455349681156223, "y_pred": 2.216940168135394, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.664015554358561, "q_0.075": 1.670070018872164, "q_0.1": 1.6826725014894182, "q_0.125": 1.7043784685826144, "q_0.15": 1.7574617652410602, "q_0.175": 1.7648049144038847, "q_0.2": 1.7694360613115812, "q_0.225": 1.792857186315018, "q_0.25": 1.803700555376618, "q_0.275": 1.8104658457513367, "q_0.3": 1.84226373565085, "q_0.325": 1.8842268827810746, "q_0.35": 1.9406553141414435, "q_0.375": 2.0130716931096693, "q_0.4": 2.1053345208326175, "q_0.425": 2.131129095015233, "q_0.45": 2.202835302624778, "q_0.475": 2.2092777186214563, "q_0.5": 2.216940168135394, "q_0.525": 2.2354707656576482, "q_0.55": 2.2551246557154423, "q_0.575": 2.388265505794307, "q_0.6": 2.474176271622056, "q_0.625": 2.474176271622056, "q_0.65": 2.5136943009649872, "q_0.675": 2.5776346523445244, "q_0.7": 2.5958901123042017, "q_0.725": 2.619272689399041, "q_0.75": 2.6531125699971754, "q_0.775": 2.685199489210169, "q_0.8": 2.834805762593552, "q_0.825": 2.856057754169509, "q_0.85": 2.872711616098489, "q_0.875": 2.909998452479544, "q_0.9": 3.032908898568775, "q_0.925": 3.09962285058553, "q_0.95": 3.1261867096353892, "q_0.975": 3.383543721206884, "q_1": 4.220853543430095}, {"x": 3.8415366146458583, "y": 2.6900609399373545, "y_pred": 2.226941649797617, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.5321967456881715, "q_0.05": 1.664015554358561, "q_0.075": 1.670070018872164, "q_0.1": 1.6826725014894182, "q_0.125": 1.7043784685826144, "q_0.15": 1.7574617652410602, "q_0.175": 1.7648049144038847, "q_0.2": 1.7712334500695817, "q_0.225": 1.7945981753237494, "q_0.25": 1.803700555376618, "q_0.275": 1.8104658457513367, "q_0.3": 1.84226373565085, "q_0.325": 1.9406553141414435, "q_0.35": 1.991006943066451, "q_0.375": 2.052779019229926, "q_0.4": 2.1053345208326175, "q_0.425": 2.202835302624778, "q_0.45": 2.202835302624778, "q_0.475": 2.2092777186214563, "q_0.5": 2.226941649797617, "q_0.525": 2.2551246557154423, "q_0.55": 2.3184958723421283, "q_0.575": 2.4200006765706483, "q_0.6": 2.474176271622056, "q_0.625": 2.5136943009649872, "q_0.65": 2.5184190141508207, "q_0.675": 2.5776346523445244, "q_0.7": 2.5958901123042017, "q_0.725": 2.619272689399041, "q_0.75": 2.6531125699971754, "q_0.775": 2.685199489210169, "q_0.8": 2.856057754169509, "q_0.825": 2.856057754169509, "q_0.85": 2.8831467923834517, "q_0.875": 2.909998452479544, "q_0.9": 3.043646254675835, "q_0.925": 3.09962285058553, "q_0.95": 3.1261867096353892, "q_0.975": 3.400760216249977, "q_1": 4.220853543430095}, {"x": 3.8815526210484195, "y": 1.803700555376618, "y_pred": 2.261848190210194, "target": "0", "q_0": 1.2282413433151587, "q_0.025": 1.6229657790998766, "q_0.05": 1.664015554358561, "q_0.075": 1.6764107542236288, "q_0.1": 1.7043784685826144, "q_0.125": 1.7571674653468734, "q_0.15": 1.7648049144038847, "q_0.175": 1.7712334500695817, "q_0.2": 1.7945981753237494, "q_0.225": 1.803700555376618, "q_0.25": 1.8104658457513367, "q_0.275": 1.84226373565085, "q_0.3": 1.9406553141414435, "q_0.325": 1.9987015539561785, "q_0.35": 2.052779019229926, "q_0.375": 2.131129095015233, "q_0.4": 2.202835302624778, "q_0.425": 2.212732041065697, "q_0.45": 2.218440390384727, "q_0.475": 2.2354707656576482, "q_0.5": 2.261848190210194, "q_0.525": 2.383383895116443, "q_0.55": 2.474176271622056, "q_0.575": 2.474176271622056, "q_0.6": 2.5184190141508207, "q_0.625": 2.5776346523445244, "q_0.65": 2.5958901123042017, "q_0.675": 2.619272689399041, "q_0.7": 2.6531125699971754, "q_0.725": 2.685199489210169, "q_0.75": 2.856057754169509, "q_0.775": 2.856057754169509, "q_0.8": 2.8831467923834517, "q_0.825": 2.909998452479544, "q_0.85": 3.0004285568723192, "q_0.875": 3.080145613344567, "q_0.9": 3.1021769845920146, "q_0.925": 3.1261867096353892, "q_0.95": 3.383543721206884, "q_0.975": 3.591210407032153, "q_1": 4.220853543430095}, {"x": 3.9215686274509807, "y": 3.09962285058553, "y_pred": 2.6107505974951346, "target": "0", "q_0": 1.3741874360040838, "q_0.025": 1.665950795121554, "q_0.05": 1.7043784685826144, "q_0.075": 1.7648049144038847, "q_0.1": 1.792857186315018, "q_0.125": 1.803700555376618, "q_0.15": 1.84226373565085, "q_0.175": 1.9406553141414435, "q_0.2": 2.1053345208326175, "q_0.225": 2.202835302624778, "q_0.25": 2.212732041065697, "q_0.275": 2.226941649797617, "q_0.3": 2.2354707656576482, "q_0.325": 2.2551246557154423, "q_0.35": 2.3184958723421283, "q_0.375": 2.4077919485057735, "q_0.4": 2.474176271622056, "q_0.425": 2.5136943009649872, "q_0.45": 2.570565666904585, "q_0.475": 2.5776346523445244, "q_0.5": 2.6107505974951346, "q_0.525": 2.619272689399041, "q_0.55": 2.685199489210169, "q_0.575": 2.790013136861556, "q_0.6": 2.856057754169509, "q_0.625": 2.8668226551730065, "q_0.65": 2.8831467923834517, "q_0.675": 2.909998452479544, "q_0.7": 3.0004285568723192, "q_0.725": 3.043646254675835, "q_0.75": 3.0770546660691322, "q_0.775": 3.09962285058553, "q_0.8": 3.1021769845920146, "q_0.825": 3.1261867096353892, "q_0.85": 3.2406924266645625, "q_0.875": 3.3031300214793093, "q_0.9": 3.443379248267086, "q_0.925": 3.4515743706701665, "q_0.95": 3.7077674505663416, "q_0.975": 3.838272181680196, "q_1": 4.220853543430095}, {"x": 3.9615846338535414, "y": 1.792857186315018, "y_pred": 2.619272689399041, "target": "0", "q_0": 1.3741874360040838, "q_0.025": 1.670070018872164, "q_0.05": 1.7574617652410602, "q_0.075": 1.792857186315018, "q_0.1": 1.803700555376618, "q_0.125": 1.84226373565085, "q_0.15": 1.9406553141414435, "q_0.175": 2.1053345208326175, "q_0.2": 2.202835302624778, "q_0.225": 2.216940168135394, "q_0.25": 2.234382596088047, "q_0.275": 2.2354707656576482, "q_0.3": 2.2551246557154423, "q_0.325": 2.3184958723421283, "q_0.35": 2.4077919485057735, "q_0.375": 2.474176271622056, "q_0.4": 2.4962789016985347, "q_0.425": 2.5222306518170607, "q_0.45": 2.5776346523445244, "q_0.475": 2.5970398121460088, "q_0.5": 2.619272689399041, "q_0.525": 2.685199489210169, "q_0.55": 2.790013136861556, "q_0.575": 2.834805762593552, "q_0.6": 2.856057754169509, "q_0.625": 2.8831467923834517, "q_0.65": 2.9092325521106526, "q_0.675": 2.9296501080623756, "q_0.7": 3.032908898568775, "q_0.725": 3.0591136781708457, "q_0.75": 3.09962285058553, "q_0.775": 3.09962285058553, "q_0.8": 3.1261867096353892, "q_0.825": 3.192339156729705, "q_0.85": 3.245516283035614, "q_0.875": 3.383543721206884, "q_0.9": 3.4464811358462413, "q_0.925": 3.523972476623229, "q_0.95": 3.720593281166275, "q_0.975": 3.838272181680196, "q_1": 4.220853543430095}, {"x": 4.001600640256102, "y": 2.8831467923834517, "y_pred": 2.685199489210169, "target": "0", "q_0": 1.3741874360040838, "q_0.025": 1.6877824433781654, "q_0.05": 1.76765893035514, "q_0.075": 1.792857186315018, "q_0.1": 1.8104658457513367, "q_0.125": 1.9406553141414435, "q_0.15": 2.052779019229926, "q_0.175": 2.202835302624778, "q_0.2": 2.212732041065697, "q_0.225": 2.226941649797617, "q_0.25": 2.2354707656576482, "q_0.275": 2.2551246557154423, "q_0.3": 2.3184958723421283, "q_0.325": 2.383383895116443, "q_0.35": 2.474176271622056, "q_0.375": 2.4962789016985347, "q_0.4": 2.5222306518170607, "q_0.425": 2.5776346523445244, "q_0.45": 2.600467508483291, "q_0.475": 2.619272689399041, "q_0.5": 2.685199489210169, "q_0.525": 2.790013136861556, "q_0.55": 2.834805762593552, "q_0.575": 2.856057754169509, "q_0.6": 2.8831467923834517, "q_0.625": 2.9092325521106526, "q_0.65": 2.9296501080623756, "q_0.675": 3.032908898568775, "q_0.7": 3.0591136781708457, "q_0.725": 3.080145613344567, "q_0.75": 3.09962285058553, "q_0.775": 3.1261867096353892, "q_0.8": 3.192339156729705, "q_0.825": 3.2406924266645625, "q_0.85": 3.3031300214793093, "q_0.875": 3.4039613919304736, "q_0.9": 3.4502440034500017, "q_0.925": 3.6229763422274246, "q_0.95": 3.7699761313336246, "q_0.975": 3.8880626509514538, "q_1": 4.846116951227636}, {"x": 4.041616646658664, "y": 2.2354707656576482, "y_pred": 2.790013136861556, "target": "0", "q_0": 1.3741874360040836, "q_0.025": 1.7043784685826144, "q_0.05": 1.792857186315018, "q_0.075": 1.803700555376618, "q_0.1": 1.84226373565085, "q_0.125": 2.052779019229926, "q_0.15": 2.202835302624778, "q_0.175": 2.216940168135394, "q_0.2": 2.234382596088047, "q_0.225": 2.2354707656576482, "q_0.25": 2.261848190210194, "q_0.275": 2.383383895116443, "q_0.3": 2.4077919485057735, "q_0.325": 2.474176271622056, "q_0.35": 2.5136943009649872, "q_0.375": 2.570565666904585, "q_0.4": 2.5958901123042017, "q_0.425": 2.6107505974951346, "q_0.45": 2.6728123390432823, "q_0.475": 2.7296536503975375, "q_0.5": 2.790013136861556, "q_0.525": 2.856057754169509, "q_0.55": 2.872711616098489, "q_0.575": 2.8953130280276334, "q_0.6": 2.909998452479544, "q_0.625": 3.0004285568723192, "q_0.65": 3.032908898568775, "q_0.675": 3.0591136781708457, "q_0.7": 3.09962285058553, "q_0.725": 3.09962285058553, "q_0.75": 3.1261867096353892, "q_0.775": 3.192339156729705, "q_0.8": 3.2406924266645625, "q_0.825": 3.3031300214793093, "q_0.85": 3.4039613919304736, "q_0.875": 3.4502440034500017, "q_0.9": 3.5825488999124793, "q_0.925": 3.720593281166275, "q_0.95": 3.818194086927954, "q_0.975": 3.8910066999300055, "q_1": 4.846116951227636}, {"x": 4.081632653061225, "y": 3.0004285568723192, "y_pred": 2.9287208072498823, "target": "0", "q_0": 1.3741874360040838, "q_0.025": 1.792857186315018, "q_0.05": 1.9406553141414435, "q_0.075": 2.202835302624778, "q_0.1": 2.216940168135394, "q_0.125": 2.234382596088047, "q_0.15": 2.261848190210194, "q_0.175": 2.291510317733951, "q_0.2": 2.383383895116443, "q_0.225": 2.4719739635811773, "q_0.25": 2.5136943009649872, "q_0.275": 2.570565666904585, "q_0.3": 2.5970398121460088, "q_0.325": 2.6107505974951346, "q_0.35": 2.685199489210169, "q_0.375": 2.7365751482019363, "q_0.4": 2.834805762593552, "q_0.425": 2.8668226551730065, "q_0.45": 2.8831467923834517, "q_0.475": 2.9092325521106526, "q_0.5": 2.9287208072498823, "q_0.525": 3.0004285568723192, "q_0.55": 3.032908898568775, "q_0.575": 3.0591136781708457, "q_0.6": 3.080145613344567, "q_0.625": 3.09962285058553, "q_0.65": 3.1261867096353892, "q_0.675": 3.192339156729705, "q_0.7": 3.2406924266645625, "q_0.725": 3.2776857598481253, "q_0.75": 3.383543721206884, "q_0.775": 3.4039613919304736, "q_0.8": 3.4485490608990115, "q_0.825": 3.4515743706701665, "q_0.85": 3.591210407032153, "q_0.875": 3.7077674505663416, "q_0.9": 3.7787657822455847, "q_0.925": 3.838178691490339, "q_0.95": 3.8880626509514538, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.121648659463785, "y": 3.383543721206884, "y_pred": 3.0004285568723192, "target": "0", "q_0": 1.5321967456881715, "q_0.025": 1.8052227457109298, "q_0.05": 2.1805335299151243, "q_0.075": 2.216940168135394, "q_0.1": 2.234382596088047, "q_0.125": 2.2551246557154423, "q_0.15": 2.291510317733951, "q_0.175": 2.383383895116443, "q_0.2": 2.4200006765706483, "q_0.225": 2.4962789016985347, "q_0.25": 2.570565666904585, "q_0.275": 2.5970398121460088, "q_0.3": 2.6107505974951346, "q_0.325": 2.685199489210169, "q_0.35": 2.7365751482019363, "q_0.375": 2.834805762593552, "q_0.4": 2.8668226551730065, "q_0.425": 2.8831467923834517, "q_0.45": 2.9092325521106526, "q_0.475": 2.92830262188426, "q_0.5": 3.0004285568723192, "q_0.525": 3.032908898568775, "q_0.55": 3.0591136781708457, "q_0.575": 3.0770546660691322, "q_0.6": 3.09962285058553, "q_0.625": 3.1021769845920146, "q_0.65": 3.192339156729705, "q_0.675": 3.2406924266645625, "q_0.7": 3.245516283035614, "q_0.725": 3.3031300214793093, "q_0.75": 3.383543721206884, "q_0.775": 3.443379248267086, "q_0.8": 3.4502440034500017, "q_0.825": 3.5246676117067777, "q_0.85": 3.6229763422274246, "q_0.875": 3.720593281166275, "q_0.9": 3.7787657822455847, "q_0.925": 3.838272181680196, "q_0.95": 3.8910066999300055, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.161664665866347, "y": 2.22661534869503, "y_pred": 3.0004285568723192, "target": "0", "q_0": 1.5321967456881715, "q_0.025": 1.8052227457109298, "q_0.05": 2.1805335299151243, "q_0.075": 2.216940168135394, "q_0.1": 2.234382596088047, "q_0.125": 2.2551246557154423, "q_0.15": 2.291510317733951, "q_0.175": 2.383383895116443, "q_0.2": 2.4200006765706483, "q_0.225": 2.4962789016985347, "q_0.25": 2.570565666904585, "q_0.275": 2.5970398121460088, "q_0.3": 2.6107505974951346, "q_0.325": 2.685199489210169, "q_0.35": 2.7365751482019363, "q_0.375": 2.834805762593552, "q_0.4": 2.8668226551730065, "q_0.425": 2.8831467923834517, "q_0.45": 2.9092325521106526, "q_0.475": 2.92830262188426, "q_0.5": 3.0004285568723192, "q_0.525": 3.032908898568775, "q_0.55": 3.0591136781708457, "q_0.575": 3.0770546660691322, "q_0.6": 3.09962285058553, "q_0.625": 3.1021769845920146, "q_0.65": 3.192339156729705, "q_0.675": 3.2406924266645625, "q_0.7": 3.245516283035614, "q_0.725": 3.3031300214793093, "q_0.75": 3.383543721206884, "q_0.775": 3.443379248267086, "q_0.8": 3.4502440034500017, "q_0.825": 3.5246676117067777, "q_0.85": 3.6229763422274246, "q_0.875": 3.720593281166275, "q_0.9": 3.7787657822455847, "q_0.925": 3.838272181680196, "q_0.95": 3.8910066999300055, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.201680672268908, "y": 2.7748932781113425, "y_pred": 3.0004285568723192, "target": "0", "q_0": 1.664015554358561, "q_0.025": 1.84226373565085, "q_0.05": 2.202835302624778, "q_0.075": 2.216940168135394, "q_0.1": 2.234382596088047, "q_0.125": 2.261848190210194, "q_0.15": 2.291510317733951, "q_0.175": 2.383383895116443, "q_0.2": 2.474176271622056, "q_0.225": 2.5136943009649872, "q_0.25": 2.570565666904585, "q_0.275": 2.5970398121460088, "q_0.3": 2.6531125699971754, "q_0.325": 2.7119071736370666, "q_0.35": 2.790013136861556, "q_0.375": 2.834805762593552, "q_0.4": 2.8668226551730065, "q_0.425": 2.8953130280276334, "q_0.45": 2.909998452479544, "q_0.475": 2.9296501080623756, "q_0.5": 3.0004285568723192, "q_0.525": 3.032908898568775, "q_0.55": 3.0591136781708457, "q_0.575": 3.080145613344567, "q_0.6": 3.09962285058553, "q_0.625": 3.1261867096353892, "q_0.65": 3.192339156729705, "q_0.675": 3.2406924266645625, "q_0.7": 3.2776857598481253, "q_0.725": 3.316561629701986, "q_0.75": 3.383543721206884, "q_0.775": 3.443379248267086, "q_0.8": 3.4502440034500017, "q_0.825": 3.5246676117067777, "q_0.85": 3.6229763422274246, "q_0.875": 3.720593281166275, "q_0.9": 3.7787657822455847, "q_0.925": 3.838272181680196, "q_0.95": 3.8910066999300055, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.2416966786714685, "y": 2.812055496118488, "y_pred": 3.0004285568723192, "target": "0", "q_0": 1.664015554358561, "q_0.025": 1.84226373565085, "q_0.05": 2.202835302624778, "q_0.075": 2.216940168135394, "q_0.1": 2.234382596088047, "q_0.125": 2.261848190210194, "q_0.15": 2.291510317733951, "q_0.175": 2.383383895116443, "q_0.2": 2.474176271622056, "q_0.225": 2.5136943009649872, "q_0.25": 2.570565666904585, "q_0.275": 2.5970398121460088, "q_0.3": 2.6531125699971754, "q_0.325": 2.7119071736370666, "q_0.35": 2.790013136861556, "q_0.375": 2.834805762593552, "q_0.4": 2.8668226551730065, "q_0.425": 2.8953130280276334, "q_0.45": 2.909998452479544, "q_0.475": 2.9296501080623756, "q_0.5": 3.0004285568723192, "q_0.525": 3.032908898568775, "q_0.55": 3.0591136781708457, "q_0.575": 3.080145613344567, "q_0.6": 3.09962285058553, "q_0.625": 3.1261867096353892, "q_0.65": 3.192339156729705, "q_0.675": 3.2406924266645625, "q_0.7": 3.2776857598481253, "q_0.725": 3.316561629701986, "q_0.75": 3.383543721206884, "q_0.775": 3.443379248267086, "q_0.8": 3.4502440034500017, "q_0.825": 3.5246676117067777, "q_0.85": 3.6229763422274246, "q_0.875": 3.720593281166275, "q_0.9": 3.7787657822455847, "q_0.925": 3.838272181680196, "q_0.95": 3.8910066999300055, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.28171268507403, "y": 2.790013136861556, "y_pred": 3.0004285568723192, "target": "0", "q_0": 1.664015554358561, "q_0.025": 1.84226373565085, "q_0.05": 2.202835302624778, "q_0.075": 2.216940168135394, "q_0.1": 2.234382596088047, "q_0.125": 2.261848190210194, "q_0.15": 2.291510317733951, "q_0.175": 2.383383895116443, "q_0.2": 2.474176271622056, "q_0.225": 2.5136943009649872, "q_0.25": 2.570565666904585, "q_0.275": 2.5970398121460088, "q_0.3": 2.6531125699971754, "q_0.325": 2.7119071736370666, "q_0.35": 2.790013136861556, "q_0.375": 2.834805762593552, "q_0.4": 2.8668226551730065, "q_0.425": 2.8953130280276334, "q_0.45": 2.909998452479544, "q_0.475": 2.9296501080623756, "q_0.5": 3.0004285568723192, "q_0.525": 3.032908898568775, "q_0.55": 3.0591136781708457, "q_0.575": 3.080145613344567, "q_0.6": 3.09962285058553, "q_0.625": 3.1261867096353892, "q_0.65": 3.192339156729705, "q_0.675": 3.2406924266645625, "q_0.7": 3.2776857598481253, "q_0.725": 3.316561629701986, "q_0.75": 3.383543721206884, "q_0.775": 3.443379248267086, "q_0.8": 3.4502440034500017, "q_0.825": 3.5246676117067777, "q_0.85": 3.6229763422274246, "q_0.875": 3.720593281166275, "q_0.9": 3.7787657822455847, "q_0.925": 3.838272181680196, "q_0.95": 3.8910066999300055, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.321728691476591, "y": 2.216940168135394, "y_pred": 3.0004285568723192, "target": "0", "q_0": 1.664015554358561, "q_0.025": 1.84226373565085, "q_0.05": 2.202835302624778, "q_0.075": 2.216940168135394, "q_0.1": 2.234382596088047, "q_0.125": 2.261848190210194, "q_0.15": 2.291510317733951, "q_0.175": 2.383383895116443, "q_0.2": 2.474176271622056, "q_0.225": 2.5136943009649872, "q_0.25": 2.570565666904585, "q_0.275": 2.5970398121460088, "q_0.3": 2.6531125699971754, "q_0.325": 2.7119071736370666, "q_0.35": 2.790013136861556, "q_0.375": 2.834805762593552, "q_0.4": 2.8668226551730065, "q_0.425": 2.8953130280276334, "q_0.45": 2.909998452479544, "q_0.475": 2.9296501080623756, "q_0.5": 3.0004285568723192, "q_0.525": 3.032908898568775, "q_0.55": 3.0591136781708457, "q_0.575": 3.080145613344567, "q_0.6": 3.09962285058553, "q_0.625": 3.1261867096353892, "q_0.65": 3.192339156729705, "q_0.675": 3.2406924266645625, "q_0.7": 3.2776857598481253, "q_0.725": 3.316561629701986, "q_0.75": 3.383543721206884, "q_0.775": 3.443379248267086, "q_0.8": 3.4502440034500017, "q_0.825": 3.5246676117067777, "q_0.85": 3.6229763422274246, "q_0.875": 3.720593281166275, "q_0.9": 3.7787657822455847, "q_0.925": 3.838272181680196, "q_0.95": 3.8910066999300055, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.361744697879152, "y": 3.4502440034500017, "y_pred": 3.032908898568775, "target": "0", "q_0": 1.6640155543585609, "q_0.025": 1.9406553141414435, "q_0.05": 2.216940168135394, "q_0.075": 2.226941649797617, "q_0.1": 2.2354707656576482, "q_0.125": 2.2820077831633534, "q_0.15": 2.383383895116443, "q_0.175": 2.4077919485057735, "q_0.2": 2.4962789016985347, "q_0.225": 2.570565666904585, "q_0.25": 2.5970398121460088, "q_0.275": 2.6107505974951346, "q_0.3": 2.7033422632676607, "q_0.325": 2.7365751482019363, "q_0.35": 2.834805762593552, "q_0.375": 2.8668226551730065, "q_0.4": 2.8953130280276334, "q_0.425": 2.909998452479544, "q_0.45": 2.9296501080623756, "q_0.475": 3.0004285568723192, "q_0.5": 3.032908898568775, "q_0.525": 3.0591136781708457, "q_0.55": 3.0770546660691322, "q_0.575": 3.09962285058553, "q_0.6": 3.1021769845920146, "q_0.625": 3.192339156729705, "q_0.65": 3.2333966941851915, "q_0.675": 3.245516283035614, "q_0.7": 3.3031300214793093, "q_0.725": 3.383543721206884, "q_0.75": 3.4110179337091537, "q_0.775": 3.4502440034500017, "q_0.8": 3.510764910035774, "q_0.825": 3.591210407032153, "q_0.85": 3.7077674505663416, "q_0.875": 3.7436071785977734, "q_0.9": 3.779269555217234, "q_0.925": 3.8398282075568995, "q_0.95": 3.8910066999300055, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.401760704281713, "y": 2.6107505974951346, "y_pred": 3.032908898568775, "target": "0", "q_0": 1.6640155543585609, "q_0.025": 1.9406553141414435, "q_0.05": 2.216940168135394, "q_0.075": 2.226941649797617, "q_0.1": 2.2354707656576482, "q_0.125": 2.2820077831633534, "q_0.15": 2.383383895116443, "q_0.175": 2.4077919485057735, "q_0.2": 2.4962789016985347, "q_0.225": 2.570565666904585, "q_0.25": 2.5970398121460088, "q_0.275": 2.6107505974951346, "q_0.3": 2.7033422632676607, "q_0.325": 2.7365751482019363, "q_0.35": 2.834805762593552, "q_0.375": 2.8668226551730065, "q_0.4": 2.8953130280276334, "q_0.425": 2.909998452479544, "q_0.45": 2.9296501080623756, "q_0.475": 3.0004285568723192, "q_0.5": 3.032908898568775, "q_0.525": 3.0591136781708457, "q_0.55": 3.0770546660691322, "q_0.575": 3.09962285058553, "q_0.6": 3.1021769845920146, "q_0.625": 3.192339156729705, "q_0.65": 3.2333966941851915, "q_0.675": 3.245516283035614, "q_0.7": 3.3031300214793093, "q_0.725": 3.383543721206884, "q_0.75": 3.4110179337091537, "q_0.775": 3.4502440034500017, "q_0.8": 3.510764910035774, "q_0.825": 3.591210407032153, "q_0.85": 3.7077674505663416, "q_0.875": 3.7436071785977734, "q_0.9": 3.779269555217234, "q_0.925": 3.8398282075568995, "q_0.95": 3.8910066999300055, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.441776710684274, "y": 3.296710068167026, "y_pred": 3.032908898568775, "target": "0", "q_0": 1.664015554358561, "q_0.025": 2.052779019229926, "q_0.05": 2.216940168135394, "q_0.075": 2.234382596088047, "q_0.1": 2.2354707656576482, "q_0.125": 2.2820077831633534, "q_0.15": 2.383383895116443, "q_0.175": 2.415727621747941, "q_0.2": 2.4962789016985347, "q_0.225": 2.570565666904585, "q_0.25": 2.5970398121460088, "q_0.275": 2.6531125699971754, "q_0.3": 2.7119071736370666, "q_0.325": 2.780226479307891, "q_0.35": 2.834805762593552, "q_0.375": 2.8668226551730065, "q_0.4": 2.8953130280276334, "q_0.425": 2.9219528283124196, "q_0.45": 2.9296501080623756, "q_0.475": 3.0004285568723192, "q_0.5": 3.032908898568775, "q_0.525": 3.0591136781708457, "q_0.55": 3.080145613344567, "q_0.575": 3.09962285058553, "q_0.6": 3.1261867096353892, "q_0.625": 3.192339156729705, "q_0.65": 3.2406924266645625, "q_0.675": 3.245516283035614, "q_0.7": 3.3031300214793093, "q_0.725": 3.383543721206884, "q_0.75": 3.443379248267086, "q_0.775": 3.4502440034500017, "q_0.8": 3.510764910035774, "q_0.825": 3.591210407032153, "q_0.85": 3.7077674505663416, "q_0.875": 3.7436071785977734, "q_0.9": 3.815675187873755, "q_0.925": 3.8398282075568995, "q_0.95": 3.8910066999300055, "q_0.975": 4.121099826150706, "q_1": 4.846116951227636}, {"x": 4.481792717086835, "y": 3.0591136781708457, "y_pred": 3.0591136781708457, "target": "0", "q_0": 1.664015554358561, "q_0.025": 2.1805335299151243, "q_0.05": 2.216940168135394, "q_0.075": 2.234382596088047, "q_0.1": 2.261848190210194, "q_0.125": 2.291510317733951, "q_0.15": 2.385448149482302, "q_0.175": 2.474176271622056, "q_0.2": 2.5222306518170607, "q_0.225": 2.570565666904585, "q_0.25": 2.6107505974951346, "q_0.275": 2.6728123390432823, "q_0.3": 2.730270846144857, "q_0.325": 2.790013136861556, "q_0.35": 2.856057754169509, "q_0.375": 2.8831467923834517, "q_0.4": 2.9092325521106526, "q_0.425": 2.927791506437389, "q_0.45": 2.9881016302452914, "q_0.475": 3.032908898568775, "q_0.5": 3.0591136781708457, "q_0.525": 3.0770546660691322, "q_0.55": 3.080145613344567, "q_0.575": 3.1021769845920146, "q_0.6": 3.192339156729705, "q_0.625": 3.2333966941851915, "q_0.65": 3.2406924266645625, "q_0.675": 3.2776857598481253, "q_0.7": 3.383543721206884, "q_0.725": 3.4039613919304736, "q_0.75": 3.4485490608990115, "q_0.775": 3.4515743706701665, "q_0.8": 3.5347720158482066, "q_0.825": 3.6229763422274246, "q_0.85": 3.720593281166275, "q_0.875": 3.7787657822455847, "q_0.9": 3.837524260161338, "q_0.925": 3.883842726075107, "q_0.95": 4.013013244551293, "q_0.975": 4.145837035670981, "q_1": 4.846116951227636}, {"x": 4.5218087234893956, "y": 2.383383895116443, "y_pred": 3.0591136781708457, "target": "0", "q_0": 1.664015554358561, "q_0.025": 2.1805335299151243, "q_0.05": 2.216940168135394, "q_0.075": 2.234382596088047, "q_0.1": 2.261848190210194, "q_0.125": 2.291510317733951, "q_0.15": 2.385448149482302, "q_0.175": 2.474176271622056, "q_0.2": 2.5222306518170607, "q_0.225": 2.570565666904585, "q_0.25": 2.6107505974951346, "q_0.275": 2.6728123390432823, "q_0.3": 2.730270846144857, "q_0.325": 2.790013136861556, "q_0.35": 2.856057754169509, "q_0.375": 2.8831467923834517, "q_0.4": 2.9092325521106526, "q_0.425": 2.927791506437389, "q_0.45": 2.9881016302452914, "q_0.475": 3.032908898568775, "q_0.5": 3.0591136781708457, "q_0.525": 3.0770546660691322, "q_0.55": 3.080145613344567, "q_0.575": 3.1021769845920146, "q_0.6": 3.192339156729705, "q_0.625": 3.2333966941851915, "q_0.65": 3.2406924266645625, "q_0.675": 3.2776857598481253, "q_0.7": 3.383543721206884, "q_0.725": 3.4039613919304736, "q_0.75": 3.4485490608990115, "q_0.775": 3.4515743706701665, "q_0.8": 3.5347720158482066, "q_0.825": 3.6229763422274246, "q_0.85": 3.720593281166275, "q_0.875": 3.7787657822455847, "q_0.9": 3.837524260161338, "q_0.925": 3.883842726075107, "q_0.95": 4.013013244551293, "q_0.975": 4.145837035670981, "q_1": 4.846116951227636}, {"x": 4.561824729891957, "y": 3.2776857598481253, "y_pred": 3.0770546660691322, "target": "0", "q_0": 1.664015554358561, "q_0.025": 2.202835302624778, "q_0.05": 2.234382596088047, "q_0.075": 2.2354707656576482, "q_0.1": 2.2820077831633534, "q_0.125": 2.383383895116443, "q_0.15": 2.4719739635811773, "q_0.175": 2.5222306518170607, "q_0.2": 2.570565666904585, "q_0.225": 2.6107505974951346, "q_0.25": 2.6728123390432823, "q_0.275": 2.7327396291341355, "q_0.3": 2.790013136861556, "q_0.325": 2.856057754169509, "q_0.35": 2.8831467923834517, "q_0.375": 2.9092325521106526, "q_0.4": 2.927791506437389, "q_0.425": 2.9881016302452914, "q_0.45": 3.032908898568775, "q_0.475": 3.0591136781708457, "q_0.5": 3.0770546660691322, "q_0.525": 3.0978533899536744, "q_0.55": 3.1021769845920146, "q_0.575": 3.192339156729705, "q_0.6": 3.2333966941851915, "q_0.625": 3.245516283035614, "q_0.65": 3.3031300214793093, "q_0.675": 3.383543721206884, "q_0.7": 3.4039613919304736, "q_0.725": 3.4485490608990115, "q_0.75": 3.4515743706701665, "q_0.775": 3.5347720158482066, "q_0.8": 3.6229763422274246, "q_0.825": 3.710590087602741, "q_0.85": 3.7436071785977734, "q_0.875": 3.815675187873755, "q_0.9": 3.838272181680196, "q_0.925": 3.8880626509514538, "q_0.95": 4.013013244551293, "q_0.975": 4.168436862981786, "q_1": 4.846116951227636}, {"x": 4.601840736294518, "y": 2.570565666904585, "y_pred": 3.0770546660691322, "target": "0", "q_0": 1.664015554358561, "q_0.025": 2.202835302624778, "q_0.05": 2.234382596088047, "q_0.075": 2.2354707656576482, "q_0.1": 2.2820077831633534, "q_0.125": 2.383383895116443, "q_0.15": 2.4719739635811773, "q_0.175": 2.5222306518170607, "q_0.2": 2.570565666904585, "q_0.225": 2.6107505974951346, "q_0.25": 2.6728123390432823, "q_0.275": 2.7327396291341355, "q_0.3": 2.790013136861556, "q_0.325": 2.856057754169509, "q_0.35": 2.8831467923834517, "q_0.375": 2.9092325521106526, "q_0.4": 2.927791506437389, "q_0.425": 2.9881016302452914, "q_0.45": 3.032908898568775, "q_0.475": 3.0591136781708457, "q_0.5": 3.0770546660691322, "q_0.525": 3.0978533899536744, "q_0.55": 3.1021769845920146, "q_0.575": 3.192339156729705, "q_0.6": 3.2333966941851915, "q_0.625": 3.245516283035614, "q_0.65": 3.3031300214793093, "q_0.675": 3.383543721206884, "q_0.7": 3.4039613919304736, "q_0.725": 3.4485490608990115, "q_0.75": 3.4515743706701665, "q_0.775": 3.5347720158482066, "q_0.8": 3.6229763422274246, "q_0.825": 3.710590087602741, "q_0.85": 3.7436071785977734, "q_0.875": 3.815675187873755, "q_0.9": 3.838272181680196, "q_0.925": 3.8880626509514538, "q_0.95": 4.013013244551293, "q_0.975": 4.168436862981786, "q_1": 4.846116951227636}, {"x": 4.641856742697079, "y": 3.417887955057335, "y_pred": 3.0770546660691322, "target": "0", "q_0": 1.664015554358561, "q_0.025": 2.202835302624778, "q_0.05": 2.234382596088047, "q_0.075": 2.2354707656576482, "q_0.1": 2.2820077831633534, "q_0.125": 2.383383895116443, "q_0.15": 2.4719739635811773, "q_0.175": 2.5222306518170607, "q_0.2": 2.570565666904585, "q_0.225": 2.6107505974951346, "q_0.25": 2.6728123390432823, "q_0.275": 2.7327396291341355, "q_0.3": 2.790013136861556, "q_0.325": 2.856057754169509, "q_0.35": 2.8831467923834517, "q_0.375": 2.9092325521106526, "q_0.4": 2.927791506437389, "q_0.425": 2.9881016302452914, "q_0.45": 3.032908898568775, "q_0.475": 3.0591136781708457, "q_0.5": 3.0770546660691322, "q_0.525": 3.0978533899536744, "q_0.55": 3.1021769845920146, "q_0.575": 3.192339156729705, "q_0.6": 3.2333966941851915, "q_0.625": 3.245516283035614, "q_0.65": 3.3031300214793093, "q_0.675": 3.383543721206884, "q_0.7": 3.4039613919304736, "q_0.725": 3.4485490608990115, "q_0.75": 3.4515743706701665, "q_0.775": 3.5347720158482066, "q_0.8": 3.6229763422274246, "q_0.825": 3.710590087602741, "q_0.85": 3.7436071785977734, "q_0.875": 3.815675187873755, "q_0.9": 3.838272181680196, "q_0.925": 3.8880626509514538, "q_0.95": 4.013013244551293, "q_0.975": 4.168436862981786, "q_1": 4.846116951227636}, {"x": 4.68187274909964, "y": 2.9092325521106526, "y_pred": 3.080145613344567, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.216940168135394, "q_0.05": 2.234382596088047, "q_0.075": 2.261848190210194, "q_0.1": 2.291510317733951, "q_0.125": 2.4040264387750425, "q_0.15": 2.4962789016985347, "q_0.175": 2.5222306518170607, "q_0.2": 2.5970398121460088, "q_0.225": 2.6632524543579312, "q_0.25": 2.7296536503975375, "q_0.275": 2.77495674062515, "q_0.3": 2.834805762593552, "q_0.325": 2.8668226551730065, "q_0.35": 2.9092325521106526, "q_0.375": 2.927791506437389, "q_0.4": 2.947065811950295, "q_0.425": 3.0139026064740246, "q_0.45": 3.043646254675835, "q_0.475": 3.0770546660691322, "q_0.5": 3.080145613344567, "q_0.525": 3.1021769845920146, "q_0.55": 3.192339156729705, "q_0.575": 3.2333966941851915, "q_0.6": 3.2406924266645625, "q_0.625": 3.2776857598481253, "q_0.65": 3.383543721206884, "q_0.675": 3.4039613919304736, "q_0.7": 3.443379248267086, "q_0.725": 3.4502440034500017, "q_0.75": 3.5246676117067777, "q_0.775": 3.591210407032153, "q_0.8": 3.7077674505663416, "q_0.825": 3.7436071785977734, "q_0.85": 3.779269555217234, "q_0.875": 3.837524260161338, "q_0.9": 3.8414148207619707, "q_0.925": 3.8910066999300055, "q_0.95": 4.07672327288903, "q_0.975": 4.220853543430095, "q_1": 4.846116951227636}, {"x": 4.721888755502201, "y": 3.443379248267086, "y_pred": 3.09962285058553, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7033422632676607, "q_0.25": 2.7365751482019363, "q_0.275": 2.790013136861556, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.032908898568775, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.09962285058553, "q_0.525": 3.144357047858117, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.315251282390422, "q_0.65": 3.3879555135279835, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.510764910035774, "q_0.75": 3.5479028714337835, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.815675187873755, "q_0.875": 3.838272181680196, "q_0.9": 3.883842726075107, "q_0.925": 3.8910066999300055, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 4.761904761904762, "y": 3.1241131072758273, "y_pred": 3.09962285058553, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7033422632676607, "q_0.25": 2.7365751482019363, "q_0.275": 2.790013136861556, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.032908898568775, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.09962285058553, "q_0.525": 3.144357047858117, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.315251282390422, "q_0.65": 3.3879555135279835, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.510764910035774, "q_0.75": 3.5479028714337835, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.815675187873755, "q_0.875": 3.838272181680196, "q_0.9": 3.883842726075107, "q_0.925": 3.8910066999300055, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 4.8019207683073235, "y": 3.192339156729705, "y_pred": 3.09962285058553, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7033422632676607, "q_0.25": 2.7365751482019363, "q_0.275": 2.790013136861556, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.032908898568775, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.09962285058553, "q_0.525": 3.144357047858117, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.315251282390422, "q_0.65": 3.3879555135279835, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.510764910035774, "q_0.75": 3.5479028714337835, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.815675187873755, "q_0.875": 3.838272181680196, "q_0.9": 3.883842726075107, "q_0.925": 3.8910066999300055, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 4.841936774709884, "y": 2.8079396531511223, "y_pred": 3.09962285058553, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7033422632676607, "q_0.25": 2.7365751482019363, "q_0.275": 2.790013136861556, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.032908898568775, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.09962285058553, "q_0.525": 3.144357047858117, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.315251282390422, "q_0.65": 3.3879555135279835, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.510764910035774, "q_0.75": 3.5479028714337835, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.815675187873755, "q_0.875": 3.838272181680196, "q_0.9": 3.883842726075107, "q_0.925": 3.8910066999300055, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 4.881952781112445, "y": 3.6229763422274246, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 4.921968787515006, "y": 3.080145613344567, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 4.961984793917567, "y": 2.697216869003998, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.002000800320128, "y": 3.032908898568775, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.042016806722689, "y": 1.9864181399125111, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.082032813125251, "y": 2.502005760236582, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.122048819527811, "y": 3.159361769467524, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.162064825930372, "y": 2.4962789016985347, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.202080832332934, "y": 3.1021769845920146, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.2420968387354945, "y": 2.7651218330701277, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.282112845138055, "y": 2.234382596088047, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.322128851540617, "y": 2.540950423797595, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.362144857943178, "y": 3.0509947536910063, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.234382596088047, "q_0.075": 2.2820077831633534, "q_0.1": 2.3734481619553187, "q_0.125": 2.4077919485057735, "q_0.15": 2.4962789016985347, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.821344705246254, "q_0.3": 2.8668226551730065, "q_0.325": 2.8953130280276334, "q_0.35": 2.9219528283124196, "q_0.375": 2.9296501080623756, "q_0.4": 3.0004285568723192, "q_0.425": 3.043646254675835, "q_0.45": 3.0591136781708457, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.34145822862183, "q_0.65": 3.4007602162499757, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.6229763422274246, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.9247237424272536, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.402160864345738, "y": 3.09880735123128, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.2354707656576482, "q_0.075": 2.2820077831633534, "q_0.1": 2.380403175168106, "q_0.125": 2.4077919485057735, "q_0.15": 2.5222306518170607, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.824875739926762, "q_0.3": 2.8668226551730065, "q_0.325": 2.9092325521106526, "q_0.35": 2.927791506437389, "q_0.375": 2.947065811950295, "q_0.4": 3.0139026064740246, "q_0.425": 3.043646254675835, "q_0.45": 3.0770546660691322, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.383543721206884, "q_0.65": 3.4039613919304736, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.631058997846261, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.981902096858289, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.442176870748299, "y": 3.0770546660691322, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.2354707656576482, "q_0.075": 2.2820077831633534, "q_0.1": 2.380403175168106, "q_0.125": 2.4077919485057735, "q_0.15": 2.5222306518170607, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.824875739926762, "q_0.3": 2.8668226551730065, "q_0.325": 2.9092325521106526, "q_0.35": 2.927791506437389, "q_0.375": 2.947065811950295, "q_0.4": 3.0139026064740246, "q_0.425": 3.043646254675835, "q_0.45": 3.0770546660691322, "q_0.475": 3.080145613344567, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.2406924266645625, "q_0.6": 3.2776857598481253, "q_0.625": 3.383543721206884, "q_0.65": 3.4039613919304736, "q_0.675": 3.443379248267086, "q_0.7": 3.4502440034500017, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.631058997846261, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.838272181680196, "q_0.9": 3.8880626509514538, "q_0.925": 3.981902096858289, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.482192877150861, "y": 3.2333966941851915, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.2354707656576482, "q_0.075": 2.2820077831633534, "q_0.1": 2.383383895116443, "q_0.125": 2.4077919485057735, "q_0.15": 2.5222306518170607, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.824875739926762, "q_0.3": 2.8668226551730065, "q_0.325": 2.9092325521106526, "q_0.35": 2.927791506437389, "q_0.375": 2.947065811950295, "q_0.4": 3.0139026064740246, "q_0.425": 3.043646254675835, "q_0.45": 3.0770546660691322, "q_0.475": 3.0881841176937774, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.245516283035614, "q_0.6": 3.2776857598481253, "q_0.625": 3.383543721206884, "q_0.65": 3.4039613919304736, "q_0.675": 3.443379248267086, "q_0.7": 3.4515743706701665, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.7077674505663416, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.8398282075568995, "q_0.9": 3.8880626509514538, "q_0.925": 3.987845038924685, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.5222088835534215, "y": 3.2406924266645625, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.2354707656576482, "q_0.075": 2.2820077831633534, "q_0.1": 2.383383895116443, "q_0.125": 2.4077919485057735, "q_0.15": 2.5222306518170607, "q_0.175": 2.570565666904585, "q_0.2": 2.6107505974951346, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.824875739926762, "q_0.3": 2.8668226551730065, "q_0.325": 2.9092325521106526, "q_0.35": 2.927791506437389, "q_0.375": 2.947065811950295, "q_0.4": 3.0139026064740246, "q_0.425": 3.043646254675835, "q_0.45": 3.0770546660691322, "q_0.475": 3.0881841176937774, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2333966941851915, "q_0.575": 3.245516283035614, "q_0.6": 3.2776857598481253, "q_0.625": 3.383543721206884, "q_0.65": 3.4039613919304736, "q_0.675": 3.443379248267086, "q_0.7": 3.4515743706701665, "q_0.725": 3.5246676117067777, "q_0.75": 3.591210407032153, "q_0.775": 3.7077674505663416, "q_0.8": 3.720593281166275, "q_0.825": 3.7787657822455847, "q_0.85": 3.818194086927954, "q_0.875": 3.8398282075568995, "q_0.9": 3.8880626509514538, "q_0.925": 3.987845038924685, "q_0.95": 4.121099826150706, "q_0.975": 4.26983108832092, "q_1": 4.846116951227636}, {"x": 5.562224889955982, "y": 2.834805762593552, "y_pred": 3.1021769845920146, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.2354707656576482, "q_0.075": 2.2820077831633534, "q_0.1": 2.383383895116443, "q_0.125": 2.4719739635811773, "q_0.15": 2.5222306518170607, "q_0.175": 2.570565666904585, "q_0.2": 2.6632524543579312, "q_0.225": 2.7119071736370666, "q_0.25": 2.7365751482019363, "q_0.275": 2.824875739926762, "q_0.3": 2.8668226551730065, "q_0.325": 2.9092325521106526, "q_0.35": 2.927791506437389, "q_0.375": 2.947065811950295, "q_0.4": 3.032908898568775, "q_0.425": 3.043646254675835, "q_0.45": 3.0770546660691322, "q_0.475": 3.0978533899536744, "q_0.5": 3.1021769845920146, "q_0.525": 3.192339156729705, "q_0.55": 3.2393223513601743, "q_0.575": 3.245516283035614, "q_0.6": 3.3031300214793093, "q_0.625": 3.383543721206884, "q_0.65": 3.4071368357308813, "q_0.675": 3.4485490608990115, "q_0.7": 3.4515743706701665, "q_0.725": 3.5347720158482066, "q_0.75": 3.591210407032153, "q_0.775": 3.7077674505663416, "q_0.8": 3.7436071785977734, "q_0.825": 3.779269555217234, "q_0.85": 3.8311879734601337, "q_0.875": 3.8398282075568995, "q_0.9": 3.8880626509514538, "q_0.925": 4.013013244551293, "q_0.95": 4.145837035670981, "q_0.975": 4.319988909788199, "q_1": 4.846116951227636}, {"x": 5.602240896358544, "y": 3.720593281166275, "y_pred": 3.144357047858117, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.383383895116443, "q_0.125": 2.4719739635811773, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6632524543579312, "q_0.225": 2.7296536503975375, "q_0.25": 2.7365751482019363, "q_0.275": 2.834805762593552, "q_0.3": 2.8831467923834517, "q_0.325": 2.916112755207713, "q_0.35": 2.927791506437389, "q_0.375": 2.9881016302452914, "q_0.4": 3.032908898568775, "q_0.425": 3.0591136781708457, "q_0.45": 3.080145613344567, "q_0.475": 3.09962285058553, "q_0.5": 3.144357047858117, "q_0.525": 3.2333966941851915, "q_0.55": 3.2406924266645625, "q_0.575": 3.2776857598481253, "q_0.6": 3.383543721206884, "q_0.625": 3.4039613919304736, "q_0.65": 3.443379248267086, "q_0.675": 3.4515743706701665, "q_0.7": 3.5246676117067777, "q_0.725": 3.591210407032153, "q_0.75": 3.631058997846261, "q_0.775": 3.720593281166275, "q_0.8": 3.7787657822455847, "q_0.825": 3.815675187873755, "q_0.85": 3.838272181680196, "q_0.875": 3.883842726075107, "q_0.9": 3.8910066999300055, "q_0.925": 4.013013244551293, "q_0.95": 4.145837035670981, "q_0.975": 4.319988909788199, "q_1": 4.846116951227636}, {"x": 5.642256902761105, "y": 2.7296536503975375, "y_pred": 3.192339156729705, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4719739635811773, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.765717445332221, "q_0.275": 2.834805762593552, "q_0.3": 2.8831467923834517, "q_0.325": 2.916112755207713, "q_0.35": 2.9280702966811365, "q_0.375": 2.9881016302452914, "q_0.4": 3.032908898568775, "q_0.425": 3.0591136781708457, "q_0.45": 3.080145613344567, "q_0.475": 3.1021769845920146, "q_0.5": 3.192339156729705, "q_0.525": 3.2333966941851915, "q_0.55": 3.245516283035614, "q_0.575": 3.3031300214793093, "q_0.6": 3.383543721206884, "q_0.625": 3.4039613919304736, "q_0.65": 3.443379248267086, "q_0.675": 3.4515743706701665, "q_0.7": 3.5246676117067777, "q_0.725": 3.591210407032153, "q_0.75": 3.7077674505663416, "q_0.775": 3.720593281166275, "q_0.8": 3.7787657822455847, "q_0.825": 3.818194086927954, "q_0.85": 3.838272181680196, "q_0.875": 3.883842726075107, "q_0.9": 3.8910066999300055, "q_0.925": 4.07672327288903, "q_0.95": 4.145837035670981, "q_0.975": 4.319988909788199, "q_1": 4.846116951227636}, {"x": 5.6822729091636655, "y": 2.8668226551730065, "y_pred": 3.192339156729705, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4719739635811773, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.765717445332221, "q_0.275": 2.834805762593552, "q_0.3": 2.8831467923834517, "q_0.325": 2.916112755207713, "q_0.35": 2.9280702966811365, "q_0.375": 2.9881016302452914, "q_0.4": 3.032908898568775, "q_0.425": 3.0591136781708457, "q_0.45": 3.080145613344567, "q_0.475": 3.1021769845920146, "q_0.5": 3.192339156729705, "q_0.525": 3.2333966941851915, "q_0.55": 3.245516283035614, "q_0.575": 3.3031300214793093, "q_0.6": 3.383543721206884, "q_0.625": 3.4039613919304736, "q_0.65": 3.443379248267086, "q_0.675": 3.4515743706701665, "q_0.7": 3.5246676117067777, "q_0.725": 3.591210407032153, "q_0.75": 3.7077674505663416, "q_0.775": 3.720593281166275, "q_0.8": 3.7787657822455847, "q_0.825": 3.818194086927954, "q_0.85": 3.838272181680196, "q_0.875": 3.883842726075107, "q_0.9": 3.8910066999300055, "q_0.925": 4.07672327288903, "q_0.95": 4.145837035670981, "q_0.975": 4.319988909788199, "q_1": 4.846116951227636}, {"x": 5.722288915566227, "y": 3.7436071785977734, "y_pred": 3.2287979460588954, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.77495674062515, "q_0.275": 2.834805762593552, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2287979460588954, "q_0.525": 3.2406924266645625, "q_0.55": 3.2776857598481253, "q_0.575": 3.34145822862183, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4502440034500017, "q_0.675": 3.5246676117067777, "q_0.7": 3.5479028714337835, "q_0.725": 3.6229763422274246, "q_0.75": 3.720593281166275, "q_0.775": 3.7436071785977734, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.9247237424272536, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.332879274641352, "q_1": 4.846116951227636}, {"x": 5.762304921968788, "y": 3.59020931992085, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 5.802320928371349, "y": 3.4039613919304736, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 5.842336934773909, "y": 2.2522861350471604, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 5.882352941176471, "y": 3.838272181680196, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 5.922368947579032, "y": 3.4515743706701665, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 5.9623849539815925, "y": 4.013013244551293, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.002400960384154, "y": 2.3706058406277295, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.042416966786715, "y": 3.779269555217234, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.082432973189276, "y": 2.4077919485057735, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.122448979591837, "y": 3.3031300214793093, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.162464985994398, "y": 2.3433296974491618, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.202480992396959, "y": 3.7787657822455847, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.2424969987995205, "y": 3.7077674505663416, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.685199489210169, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.856057754169509, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.779269555217234, "q_0.825": 3.837524260161338, "q_0.85": 3.8398282075568995, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.168436862981786, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.282513005202081, "y": 3.244082281027921, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.790013136861556, "q_0.275": 2.8549951545907084, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.2776857598481253, "q_0.575": 3.34145822862183, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.815675187873755, "q_0.825": 3.837524260161338, "q_0.85": 3.8402587246070436, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.322529011604642, "y": 2.9296501080623756, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.790013136861556, "q_0.275": 2.8549951545907084, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.2776857598481253, "q_0.575": 3.34145822862183, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.815675187873755, "q_0.825": 3.837524260161338, "q_0.85": 3.8402587246070436, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.362545018007203, "y": 2.261848190210194, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.790013136861556, "q_0.275": 2.8549951545907084, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.2406924266645625, "q_0.55": 3.2776857598481253, "q_0.575": 3.34145822862183, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7437586819928548, "q_0.8": 3.815675187873755, "q_0.825": 3.837524260161338, "q_0.85": 3.8402587246070436, "q_0.875": 3.8880626509514538, "q_0.9": 3.987845038924685, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.402561024409764, "y": 3.5246676117067777, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.7009490381200547, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.8668226551730065, "q_0.3": 2.8953130280276334, "q_0.325": 2.927791506437389, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.442577030812325, "y": 3.043646254675835, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.7009490381200547, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.8668226551730065, "q_0.3": 2.8953130280276334, "q_0.325": 2.927791506437389, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.482593037214886, "y": 3.591210407032153, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.7009490381200547, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.8668226551730065, "q_0.3": 2.8953130280276334, "q_0.325": 2.927791506437389, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.5226090436174475, "y": 3.8910066999300055, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.7009490381200547, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.8668226551730065, "q_0.3": 2.8953130280276334, "q_0.325": 2.927791506437389, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.562625050020008, "y": 4.121099826150706, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.7009490381200547, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.8668226551730065, "q_0.3": 2.8953130280276334, "q_0.325": 2.927791506437389, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.602641056422569, "y": 3.8880626509514538, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.7009490381200547, "q_0.225": 2.7327396291341355, "q_0.25": 2.790013136861556, "q_0.275": 2.8668226551730065, "q_0.3": 2.8953130280276334, "q_0.325": 2.927791506437389, "q_0.35": 2.9296501080623756, "q_0.375": 3.006085017919566, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.642657062825131, "y": 2.1805335299151243, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.77495674062515, "q_0.275": 2.834805762593552, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.682673069227691, "y": 2.8953130280276334, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.77495674062515, "q_0.275": 2.834805762593552, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.722689075630252, "y": 3.6581469980224885, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.77495674062515, "q_0.275": 2.834805762593552, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.762705082032813, "y": 2.5222306518170607, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.77495674062515, "q_0.275": 2.834805762593552, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.802721088435375, "y": 3.245516283035614, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4868086848133726, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.77495674062515, "q_0.275": 2.834805762593552, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.842737094837935, "y": 2.291510317733951, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4719739635811773, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.77495674062515, "q_0.275": 2.834805762593552, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.882753101240496, "y": 2.5970398121460088, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4719739635811773, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.77495674062515, "q_0.275": 2.834805762593552, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.443379248267086, "q_0.65": 3.4515743706701665, "q_0.675": 3.5246676117067777, "q_0.7": 3.591210407032153, "q_0.725": 3.631058997846261, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.815675187873755, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.922769107643058, "y": 2.226941649797617, "y_pred": 3.2333966941851915, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.226941649797617, "q_0.05": 2.261848190210194, "q_0.075": 2.291510317733951, "q_0.1": 2.4040264387750425, "q_0.125": 2.4719739635811773, "q_0.15": 2.5222306518170607, "q_0.175": 2.5970398121460088, "q_0.2": 2.6728123390432823, "q_0.225": 2.7296536503975375, "q_0.25": 2.77495674062515, "q_0.275": 2.834805762593552, "q_0.3": 2.8953130280276334, "q_0.325": 2.9219528283124196, "q_0.35": 2.9296501080623756, "q_0.375": 3.0004285568723192, "q_0.4": 3.043646254675835, "q_0.425": 3.0770546660691322, "q_0.45": 3.0978533899536744, "q_0.475": 3.144357047858117, "q_0.5": 3.2333966941851915, "q_0.525": 3.245516283035614, "q_0.55": 3.3031300214793093, "q_0.575": 3.383543721206884, "q_0.6": 3.4039613919304736, "q_0.625": 3.4485490608990115, "q_0.65": 3.4515743706701665, "q_0.675": 3.5288622742760825, "q_0.7": 3.591210407032153, "q_0.725": 3.7077674505663416, "q_0.75": 3.720593281166275, "q_0.775": 3.7787657822455847, "q_0.8": 3.818194086927954, "q_0.825": 3.838272181680196, "q_0.85": 3.8414148207619707, "q_0.875": 3.8880626509514538, "q_0.9": 4.013013244551293, "q_0.925": 4.121099826150706, "q_0.95": 4.220853543430095, "q_0.975": 4.343951804396252, "q_1": 4.846116951227636}, {"x": 6.9627851140456185, "y": 3.8398282075568995, "y_pred": 3.2406924266645625, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.3734481619553187, "q_0.1": 2.4077919485057735, "q_0.125": 2.5222306518170607, "q_0.15": 2.5970398121460088, "q_0.175": 2.6728123390432823, "q_0.2": 2.7119071736370666, "q_0.225": 2.7365751482019363, "q_0.25": 2.824875739926762, "q_0.275": 2.8953130280276334, "q_0.3": 2.9219528283124196, "q_0.325": 2.9296501080623756, "q_0.35": 2.9881016302452914, "q_0.375": 3.032908898568775, "q_0.4": 3.0770546660691322, "q_0.425": 3.0978533899536744, "q_0.45": 3.144357047858117, "q_0.475": 3.2287979460588954, "q_0.5": 3.2406924266645625, "q_0.525": 3.3031300214793093, "q_0.55": 3.383543721206884, "q_0.575": 3.4039613919304736, "q_0.6": 3.4485490608990115, "q_0.625": 3.4515743706701665, "q_0.65": 3.5302604951325156, "q_0.675": 3.591210407032153, "q_0.7": 3.7077674505663416, "q_0.725": 3.7436071785977734, "q_0.75": 3.779269555217234, "q_0.775": 3.818296370661341, "q_0.8": 3.838272181680196, "q_0.825": 3.8414148207619707, "q_0.85": 3.8880626509514538, "q_0.875": 3.987845038924685, "q_0.9": 4.121099826150706, "q_0.925": 4.168436862981786, "q_0.95": 4.319988909788199, "q_0.975": 4.491086186299703, "q_1": 5.098424890837123}, {"x": 7.002801120448179, "y": 2.6632524543579312, "y_pred": 3.245516283035614, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.3734481619553187, "q_0.1": 2.4719739635811773, "q_0.125": 2.5222306518170607, "q_0.15": 2.5970398121460088, "q_0.175": 2.6728123390432823, "q_0.2": 2.7296536503975375, "q_0.225": 2.7365751482019363, "q_0.25": 2.824875739926762, "q_0.275": 2.8953130280276334, "q_0.3": 2.9219528283124196, "q_0.325": 2.9296501080623756, "q_0.35": 2.9881016302452914, "q_0.375": 3.032908898568775, "q_0.4": 3.0770546660691322, "q_0.425": 3.0978533899536744, "q_0.45": 3.144357047858117, "q_0.475": 3.2333966941851915, "q_0.5": 3.245516283035614, "q_0.525": 3.313635400154829, "q_0.55": 3.3879555135279835, "q_0.575": 3.4110179337091537, "q_0.6": 3.4485490608990115, "q_0.625": 3.510764910035774, "q_0.65": 3.5347720158482066, "q_0.675": 3.591210407032153, "q_0.7": 3.7077674505663416, "q_0.725": 3.7436071785977734, "q_0.75": 3.779269555217234, "q_0.775": 3.8311879734601337, "q_0.8": 3.838272181680196, "q_0.825": 3.8744596464902683, "q_0.85": 3.8910066999300055, "q_0.875": 4.013013244551293, "q_0.9": 4.121099826150706, "q_0.925": 4.220853543430095, "q_0.95": 4.319988909788199, "q_0.975": 4.491086186299703, "q_1": 5.098424890837123}, {"x": 7.042817126850741, "y": 2.9219528283124196, "y_pred": 3.245516283035614, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.3734481619553187, "q_0.1": 2.4719739635811773, "q_0.125": 2.5222306518170607, "q_0.15": 2.5970398121460088, "q_0.175": 2.6728123390432823, "q_0.2": 2.7296536503975375, "q_0.225": 2.7365751482019363, "q_0.25": 2.824875739926762, "q_0.275": 2.8953130280276334, "q_0.3": 2.9219528283124196, "q_0.325": 2.9296501080623756, "q_0.35": 2.9881016302452914, "q_0.375": 3.032908898568775, "q_0.4": 3.0770546660691322, "q_0.425": 3.0978533899536744, "q_0.45": 3.144357047858117, "q_0.475": 3.2333966941851915, "q_0.5": 3.245516283035614, "q_0.525": 3.315251282390422, "q_0.55": 3.3879555135279835, "q_0.575": 3.4110179337091537, "q_0.6": 3.4485490608990115, "q_0.625": 3.510764910035774, "q_0.65": 3.5347720158482066, "q_0.675": 3.591210407032153, "q_0.7": 3.7077674505663416, "q_0.725": 3.7436071785977734, "q_0.75": 3.779269555217234, "q_0.775": 3.8311879734601337, "q_0.8": 3.838272181680196, "q_0.825": 3.883842726075107, "q_0.85": 3.8910066999300055, "q_0.875": 4.013013244551293, "q_0.9": 4.121099826150706, "q_0.925": 4.220853543430095, "q_0.95": 4.319988909788199, "q_0.975": 4.491086186299703, "q_1": 5.098424890837123}, {"x": 7.082833133253302, "y": 4.145837035670981, "y_pred": 3.245516283035614, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.3734481619553187, "q_0.1": 2.4719739635811773, "q_0.125": 2.5222306518170607, "q_0.15": 2.5970398121460088, "q_0.175": 2.6728123390432823, "q_0.2": 2.7296536503975375, "q_0.225": 2.7365751482019363, "q_0.25": 2.824875739926762, "q_0.275": 2.8953130280276334, "q_0.3": 2.9219528283124196, "q_0.325": 2.9296501080623756, "q_0.35": 2.9881016302452914, "q_0.375": 3.032908898568775, "q_0.4": 3.0770546660691322, "q_0.425": 3.0978533899536744, "q_0.45": 3.144357047858117, "q_0.475": 3.2333966941851915, "q_0.5": 3.245516283035614, "q_0.525": 3.315251282390422, "q_0.55": 3.3879555135279835, "q_0.575": 3.4110179337091537, "q_0.6": 3.4485490608990115, "q_0.625": 3.510764910035774, "q_0.65": 3.5347720158482066, "q_0.675": 3.591210407032153, "q_0.7": 3.7077674505663416, "q_0.725": 3.7436071785977734, "q_0.75": 3.779269555217234, "q_0.775": 3.8311879734601337, "q_0.8": 3.838272181680196, "q_0.825": 3.883842726075107, "q_0.85": 3.8910066999300055, "q_0.875": 4.013013244551293, "q_0.9": 4.121099826150706, "q_0.925": 4.220853543430095, "q_0.95": 4.319988909788199, "q_0.975": 4.491086186299703, "q_1": 5.098424890837123}, {"x": 7.122849139655862, "y": 3.6863056050017757, "y_pred": 3.245516283035614, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.3734481619553187, "q_0.1": 2.4719739635811773, "q_0.125": 2.5222306518170607, "q_0.15": 2.5970398121460088, "q_0.175": 2.6728123390432823, "q_0.2": 2.7296536503975375, "q_0.225": 2.7365751482019363, "q_0.25": 2.824875739926762, "q_0.275": 2.8953130280276334, "q_0.3": 2.9219528283124196, "q_0.325": 2.9296501080623756, "q_0.35": 2.9881016302452914, "q_0.375": 3.032908898568775, "q_0.4": 3.0770546660691322, "q_0.425": 3.0978533899536744, "q_0.45": 3.144357047858117, "q_0.475": 3.2333966941851915, "q_0.5": 3.245516283035614, "q_0.525": 3.315251282390422, "q_0.55": 3.3879555135279835, "q_0.575": 3.4110179337091537, "q_0.6": 3.4485490608990115, "q_0.625": 3.510764910035774, "q_0.65": 3.5347720158482066, "q_0.675": 3.591210407032153, "q_0.7": 3.7077674505663416, "q_0.725": 3.7436071785977734, "q_0.75": 3.779269555217234, "q_0.775": 3.8311879734601337, "q_0.8": 3.838272181680196, "q_0.825": 3.883842726075107, "q_0.85": 3.8910066999300055, "q_0.875": 4.013013244551293, "q_0.9": 4.121099826150706, "q_0.925": 4.220853543430095, "q_0.95": 4.319988909788199, "q_0.975": 4.491086186299703, "q_1": 5.098424890837123}, {"x": 7.162865146058424, "y": 2.2820077831633534, "y_pred": 3.245516283035614, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.3734481619553187, "q_0.1": 2.4719739635811773, "q_0.125": 2.5222306518170607, "q_0.15": 2.5970398121460088, "q_0.175": 2.6728123390432823, "q_0.2": 2.7296536503975375, "q_0.225": 2.7365751482019363, "q_0.25": 2.824875739926762, "q_0.275": 2.8953130280276334, "q_0.3": 2.9219528283124196, "q_0.325": 2.9296501080623756, "q_0.35": 2.9881016302452914, "q_0.375": 3.032908898568775, "q_0.4": 3.0770546660691322, "q_0.425": 3.0978533899536744, "q_0.45": 3.144357047858117, "q_0.475": 3.2333966941851915, "q_0.5": 3.245516283035614, "q_0.525": 3.315251282390422, "q_0.55": 3.3879555135279835, "q_0.575": 3.4110179337091537, "q_0.6": 3.4485490608990115, "q_0.625": 3.510764910035774, "q_0.65": 3.5347720158482066, "q_0.675": 3.591210407032153, "q_0.7": 3.7077674505663416, "q_0.725": 3.7436071785977734, "q_0.75": 3.779269555217234, "q_0.775": 3.8311879734601337, "q_0.8": 3.838272181680196, "q_0.825": 3.883842726075107, "q_0.85": 3.8910066999300055, "q_0.875": 4.013013244551293, "q_0.9": 4.121099826150706, "q_0.925": 4.220853543430095, "q_0.95": 4.319988909788199, "q_0.975": 4.491086186299703, "q_1": 5.098424890837123}, {"x": 7.202881152460985, "y": 2.566113060254038, "y_pred": 3.245516283035614, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.383383895116443, "q_0.1": 2.4719739635811773, "q_0.125": 2.5222306518170607, "q_0.15": 2.6107505974951346, "q_0.175": 2.7009490381200547, "q_0.2": 2.7296536503975375, "q_0.225": 2.765717445332221, "q_0.25": 2.824875739926762, "q_0.275": 2.8953130280276334, "q_0.3": 2.9219528283124196, "q_0.325": 2.9296501080623756, "q_0.35": 3.0004285568723192, "q_0.375": 3.043646254675835, "q_0.4": 3.080145613344567, "q_0.425": 3.102082945055512, "q_0.45": 3.144357047858117, "q_0.475": 3.2333966941851915, "q_0.5": 3.245516283035614, "q_0.525": 3.34145822862183, "q_0.55": 3.3879555135279835, "q_0.575": 3.428627727830244, "q_0.6": 3.4485490608990115, "q_0.625": 3.510764910035774, "q_0.65": 3.5347720158482066, "q_0.675": 3.6229763422274246, "q_0.7": 3.710590087602741, "q_0.725": 3.7437586819928548, "q_0.75": 3.815675187873755, "q_0.775": 3.837524260161338, "q_0.8": 3.8398282075568995, "q_0.825": 3.883842726075107, "q_0.85": 3.8910066999300055, "q_0.875": 4.07672327288903, "q_0.9": 4.145837035670981, "q_0.925": 4.220853543430095, "q_0.95": 4.319988909788199, "q_0.975": 4.491086186299703, "q_1": 5.098424890837123}, {"x": 7.242897158863546, "y": 3.5347720158482066, "y_pred": 3.2776857598481253, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.4040264387750425, "q_0.1": 2.4719739635811773, "q_0.125": 2.5222306518170607, "q_0.15": 2.622852263631275, "q_0.175": 2.7009490381200547, "q_0.2": 2.7327396291341355, "q_0.225": 2.77495674062515, "q_0.25": 2.834805762593552, "q_0.275": 2.9092325521106526, "q_0.3": 2.9219528283124196, "q_0.325": 2.947065811950295, "q_0.35": 3.0004285568723192, "q_0.375": 3.043646254675835, "q_0.4": 3.080145613344567, "q_0.425": 3.1021769845920146, "q_0.45": 3.144357047858117, "q_0.475": 3.2393223513601743, "q_0.5": 3.2776857598481253, "q_0.525": 3.34145822862183, "q_0.55": 3.3879555135279835, "q_0.575": 3.428627727830244, "q_0.6": 3.4502440034500017, "q_0.625": 3.5246676117067777, "q_0.65": 3.5347720158482066, "q_0.675": 3.6229763422274246, "q_0.7": 3.710590087602741, "q_0.725": 3.7787657822455847, "q_0.75": 3.815675187873755, "q_0.775": 3.837524260161338, "q_0.8": 3.8398282075568995, "q_0.825": 3.883842726075107, "q_0.85": 3.9242756478982983, "q_0.875": 4.07672327288903, "q_0.9": 4.145837035670981, "q_0.925": 4.220853543430095, "q_0.95": 4.332879274641352, "q_0.975": 4.561545107079835, "q_1": 5.098424890837123}, {"x": 7.282913165266106, "y": 3.4485490608990115, "y_pred": 3.2776857598481253, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.4040264387750425, "q_0.1": 2.4719739635811773, "q_0.125": 2.5222306518170607, "q_0.15": 2.622852263631275, "q_0.175": 2.7009490381200547, "q_0.2": 2.7327396291341355, "q_0.225": 2.77495674062515, "q_0.25": 2.834805762593552, "q_0.275": 2.9092325521106526, "q_0.3": 2.9219528283124196, "q_0.325": 2.947065811950295, "q_0.35": 3.0004285568723192, "q_0.375": 3.043646254675835, "q_0.4": 3.080145613344567, "q_0.425": 3.1021769845920146, "q_0.45": 3.144357047858117, "q_0.475": 3.2393223513601743, "q_0.5": 3.2776857598481253, "q_0.525": 3.34145822862183, "q_0.55": 3.3879555135279835, "q_0.575": 3.428627727830244, "q_0.6": 3.4502440034500017, "q_0.625": 3.5246676117067777, "q_0.65": 3.5347720158482066, "q_0.675": 3.6229763422274246, "q_0.7": 3.710590087602741, "q_0.725": 3.7787657822455847, "q_0.75": 3.815675187873755, "q_0.775": 3.837524260161338, "q_0.8": 3.8398282075568995, "q_0.825": 3.883842726075107, "q_0.85": 3.9242756478982983, "q_0.875": 4.07672327288903, "q_0.9": 4.145837035670981, "q_0.925": 4.220853543430095, "q_0.95": 4.332879274641352, "q_0.975": 4.561545107079835, "q_1": 5.098424890837123}, {"x": 7.322929171668668, "y": 2.7365751482019363, "y_pred": 3.2776857598481253, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.234382596088047, "q_0.05": 2.2820077831633534, "q_0.075": 2.4040264387750425, "q_0.1": 2.4719739635811773, "q_0.125": 2.5222306518170607, "q_0.15": 2.622852263631275, "q_0.175": 2.7009490381200547, "q_0.2": 2.7327396291341355, "q_0.225": 2.77495674062515, "q_0.25": 2.834805762593552, "q_0.275": 2.9092325521106526, "q_0.3": 2.9219528283124196, "q_0.325": 2.947065811950295, "q_0.35": 3.0004285568723192, "q_0.375": 3.043646254675835, "q_0.4": 3.080145613344567, "q_0.425": 3.1021769845920146, "q_0.45": 3.144357047858117, "q_0.475": 3.2393223513601743, "q_0.5": 3.2776857598481253, "q_0.525": 3.34145822862183, "q_0.55": 3.3879555135279835, "q_0.575": 3.428627727830244, "q_0.6": 3.4502440034500017, "q_0.625": 3.5246676117067777, "q_0.65": 3.5347720158482066, "q_0.675": 3.6229763422274246, "q_0.7": 3.710590087602741, "q_0.725": 3.7787657822455847, "q_0.75": 3.815675187873755, "q_0.775": 3.837524260161338, "q_0.8": 3.8398282075568995, "q_0.825": 3.883842726075107, "q_0.85": 3.9242756478982983, "q_0.875": 4.07672327288903, "q_0.9": 4.145837035670981, "q_0.925": 4.220853543430095, "q_0.95": 4.332879274641352, "q_0.975": 4.561545107079835, "q_1": 5.098424890837123}, {"x": 7.362945178071229, "y": 4.220853543430095, "y_pred": 3.3144433412726255, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.2354707656576482, "q_0.05": 2.291510317733951, "q_0.075": 2.4040264387750425, "q_0.1": 2.4868086848133726, "q_0.125": 2.570565666904585, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8668226551730065, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.0139026064740246, "q_0.375": 3.0770546660691322, "q_0.4": 3.0978533899536744, "q_0.425": 3.144357047858117, "q_0.45": 3.224854641665987, "q_0.475": 3.2406924266645625, "q_0.5": 3.3144433412726255, "q_0.525": 3.3879555135279835, "q_0.55": 3.4110179337091537, "q_0.575": 3.4485490608990115, "q_0.6": 3.510764910035774, "q_0.625": 3.5347720158482066, "q_0.65": 3.591210407032153, "q_0.675": 3.710590087602741, "q_0.7": 3.7437586819928548, "q_0.725": 3.815675187873755, "q_0.75": 3.8311879734601337, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.8910066999300055, "q_0.85": 4.013013244551293, "q_0.875": 4.121099826150706, "q_0.9": 4.220853543430095, "q_0.925": 4.26983108832092, "q_0.95": 4.379160003250951, "q_0.975": 4.592835836821823, "q_1": 5.1235119091523575}, {"x": 7.4029611844737895, "y": 3.5479028714337835, "y_pred": 3.315251282390422, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.291510317733951, "q_0.075": 2.4040264387750425, "q_0.1": 2.4868086848133726, "q_0.125": 2.570565666904585, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8668226551730065, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.0139026064740246, "q_0.375": 3.0770546660691322, "q_0.4": 3.0978533899536744, "q_0.425": 3.144357047858117, "q_0.45": 3.2287979460588954, "q_0.475": 3.245516283035614, "q_0.5": 3.315251282390422, "q_0.525": 3.3879555135279835, "q_0.55": 3.4110179337091537, "q_0.575": 3.4485490608990115, "q_0.6": 3.510764910035774, "q_0.625": 3.5347720158482066, "q_0.65": 3.591210407032153, "q_0.675": 3.710590087602741, "q_0.7": 3.7437586819928548, "q_0.725": 3.815675187873755, "q_0.75": 3.8311879734601337, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.8910066999300055, "q_0.85": 4.013013244551293, "q_0.875": 4.121099826150706, "q_0.9": 4.220853543430095, "q_0.925": 4.26983108832092, "q_0.95": 4.379160003250951, "q_0.975": 4.6303096697848725, "q_1": 5.1235119091523575}, {"x": 7.442977190876351, "y": 3.3879555135279835, "y_pred": 3.315251282390422, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.291510317733951, "q_0.075": 2.4040264387750425, "q_0.1": 2.4868086848133726, "q_0.125": 2.570565666904585, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8668226551730065, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.0139026064740246, "q_0.375": 3.0770546660691322, "q_0.4": 3.0978533899536744, "q_0.425": 3.144357047858117, "q_0.45": 3.2287979460588954, "q_0.475": 3.245516283035614, "q_0.5": 3.315251282390422, "q_0.525": 3.3879555135279835, "q_0.55": 3.4110179337091537, "q_0.575": 3.4485490608990115, "q_0.6": 3.510764910035774, "q_0.625": 3.5347720158482066, "q_0.65": 3.591210407032153, "q_0.675": 3.710590087602741, "q_0.7": 3.7437586819928548, "q_0.725": 3.815675187873755, "q_0.75": 3.8311879734601337, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.8910066999300055, "q_0.85": 4.013013244551293, "q_0.875": 4.121099826150706, "q_0.9": 4.220853543430095, "q_0.925": 4.26983108832092, "q_0.95": 4.379160003250951, "q_0.975": 4.6303096697848725, "q_1": 5.1235119091523575}, {"x": 7.482993197278912, "y": 3.510764910035774, "y_pred": 3.315251282390422, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.291510317733951, "q_0.075": 2.4040264387750425, "q_0.1": 2.4868086848133726, "q_0.125": 2.570565666904585, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8668226551730065, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.0139026064740246, "q_0.375": 3.0770546660691322, "q_0.4": 3.0978533899536744, "q_0.425": 3.144357047858117, "q_0.45": 3.2287979460588954, "q_0.475": 3.245516283035614, "q_0.5": 3.315251282390422, "q_0.525": 3.3879555135279835, "q_0.55": 3.4110179337091537, "q_0.575": 3.4485490608990115, "q_0.6": 3.510764910035774, "q_0.625": 3.5347720158482066, "q_0.65": 3.591210407032153, "q_0.675": 3.710590087602741, "q_0.7": 3.7437586819928548, "q_0.725": 3.815675187873755, "q_0.75": 3.8311879734601337, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.8910066999300055, "q_0.85": 4.013013244551293, "q_0.875": 4.121099826150706, "q_0.9": 4.220853543430095, "q_0.925": 4.26983108832092, "q_0.95": 4.379160003250951, "q_0.975": 4.6303096697848725, "q_1": 5.1235119091523575}, {"x": 7.523009203681473, "y": 3.818194086927954, "y_pred": 3.315251282390422, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.291510317733951, "q_0.075": 2.4040264387750425, "q_0.1": 2.4868086848133726, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.032908898568775, "q_0.375": 3.0770546660691322, "q_0.4": 3.0978533899536744, "q_0.425": 3.144357047858117, "q_0.45": 3.2287979460588954, "q_0.475": 3.245516283035614, "q_0.5": 3.315251282390422, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4485490608990115, "q_0.6": 3.510764910035774, "q_0.625": 3.5347720158482066, "q_0.65": 3.6229763422274246, "q_0.675": 3.710590087602741, "q_0.7": 3.7787657822455847, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.8910066999300055, "q_0.85": 4.07672327288903, "q_0.875": 4.141840531532175, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.379160003250951, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.563025210084034, "y": 2.927791506437389, "y_pred": 3.315251282390422, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.291510317733951, "q_0.075": 2.4040264387750425, "q_0.1": 2.4868086848133726, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.032908898568775, "q_0.375": 3.0770546660691322, "q_0.4": 3.0978533899536744, "q_0.425": 3.144357047858117, "q_0.45": 3.2287979460588954, "q_0.475": 3.245516283035614, "q_0.5": 3.315251282390422, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4485490608990115, "q_0.6": 3.510764910035774, "q_0.625": 3.5347720158482066, "q_0.65": 3.6229763422274246, "q_0.675": 3.710590087602741, "q_0.7": 3.7787657822455847, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.8910066999300055, "q_0.85": 4.07672327288903, "q_0.875": 4.141840531532175, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.379160003250951, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.603041216486595, "y": 3.119097669858246, "y_pred": 3.315251282390422, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.291510317733951, "q_0.075": 2.4040264387750425, "q_0.1": 2.4868086848133726, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.032908898568775, "q_0.375": 3.0770546660691322, "q_0.4": 3.0978533899536744, "q_0.425": 3.144357047858117, "q_0.45": 3.2287979460588954, "q_0.475": 3.245516283035614, "q_0.5": 3.315251282390422, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4485490608990115, "q_0.6": 3.510764910035774, "q_0.625": 3.5347720158482066, "q_0.65": 3.6229763422274246, "q_0.675": 3.710590087602741, "q_0.7": 3.7787657822455847, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.8910066999300055, "q_0.85": 4.07672327288903, "q_0.875": 4.141840531532175, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.379160003250951, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.643057222889156, "y": 2.718820039004306, "y_pred": 3.315251282390422, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.291510317733951, "q_0.075": 2.4040264387750425, "q_0.1": 2.4868086848133726, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.032908898568775, "q_0.375": 3.0770546660691322, "q_0.4": 3.0978533899536744, "q_0.425": 3.144357047858117, "q_0.45": 3.2287979460588954, "q_0.475": 3.245516283035614, "q_0.5": 3.315251282390422, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4485490608990115, "q_0.6": 3.510764910035774, "q_0.625": 3.5347720158482066, "q_0.65": 3.6229763422274246, "q_0.675": 3.710590087602741, "q_0.7": 3.7787657822455847, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.8910066999300055, "q_0.85": 4.07672327288903, "q_0.875": 4.141840531532175, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.379160003250951, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.6830732292917165, "y": 2.6728123390432823, "y_pred": 3.315251282390422, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.291510317733951, "q_0.075": 2.4040264387750425, "q_0.1": 2.4868086848133726, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.032908898568775, "q_0.375": 3.0770546660691322, "q_0.4": 3.0978533899536744, "q_0.425": 3.144357047858117, "q_0.45": 3.2287979460588954, "q_0.475": 3.245516283035614, "q_0.5": 3.315251282390422, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4485490608990115, "q_0.6": 3.510764910035774, "q_0.625": 3.5347720158482066, "q_0.65": 3.6229763422274246, "q_0.675": 3.710590087602741, "q_0.7": 3.7787657822455847, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.8910066999300055, "q_0.85": 4.07672327288903, "q_0.875": 4.141840531532175, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.379160003250951, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.723089235694278, "y": 4.319988909788199, "y_pred": 3.315251282390422, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.821344705246254, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.9296501080623756, "q_0.325": 2.9881016302452914, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.102082945055512, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.315251282390422, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4502440034500017, "q_0.6": 3.5163259907041704, "q_0.625": 3.5479028714337835, "q_0.65": 3.6229763422274246, "q_0.675": 3.720593281166275, "q_0.7": 3.7787657822455847, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8398282075568995, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.430984381976515, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.763105242096839, "y": 3.883842726075107, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.8031212484994, "y": 3.3495008967525233, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.843137254901961, "y": 2.782456894829542, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.883153261304522, "y": 2.8463860029564954, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.923169267707083, "y": 2.4218779432705593, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 7.9631852741096445, "y": 3.251627077119279, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 8.003201280512204, "y": 2.9881016302452914, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 8.043217286914766, "y": 3.84025632129978, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 8.083233293317328, "y": 3.144357047858117, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 8.123249299719888, "y": 2.7119071736370666, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7119071736370666, "q_0.2": 2.7365751482019363, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.9219528283124196, "q_0.3": 2.947065811950295, "q_0.325": 2.998695503122546, "q_0.35": 3.032908898568775, "q_0.375": 3.080145613344567, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2333966941851915, "q_0.475": 3.245516283035614, "q_0.5": 3.34145822862183, "q_0.525": 3.3879555135279835, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.883842726075107, "q_0.825": 3.9247237424272536, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 8.16326530612245, "y": 2.3734481619553187, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7296536503975375, "q_0.2": 2.765717445332221, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.927791506437389, "q_0.3": 2.947065811950295, "q_0.325": 3.0004285568723192, "q_0.35": 3.043646254675835, "q_0.375": 3.090193743781081, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2393223513601743, "q_0.475": 3.2776857598481253, "q_0.5": 3.34145822862183, "q_0.525": 3.396818774846513, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.8880626509514538, "q_0.825": 3.981902096858289, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 8.20328131252501, "y": 2.4719739635811773, "y_pred": 3.34145822862183, "target": "0", "q_0": 1.792857186315018, "q_0.025": 2.261848190210194, "q_0.05": 2.3734481619553187, "q_0.075": 2.4077919485057735, "q_0.1": 2.4962789016985347, "q_0.125": 2.5970398121460088, "q_0.15": 2.6728123390432823, "q_0.175": 2.7296536503975375, "q_0.2": 2.765717445332221, "q_0.225": 2.824875739926762, "q_0.25": 2.8953130280276334, "q_0.275": 2.927791506437389, "q_0.3": 2.947065811950295, "q_0.325": 3.0004285568723192, "q_0.35": 3.043646254675835, "q_0.375": 3.090193743781081, "q_0.4": 3.1021769845920146, "q_0.425": 3.144357047858117, "q_0.45": 3.2393223513601743, "q_0.475": 3.2776857598481253, "q_0.5": 3.34145822862183, "q_0.525": 3.396818774846513, "q_0.55": 3.428627727830244, "q_0.575": 3.4515743706701665, "q_0.6": 3.5246676117067777, "q_0.625": 3.5479028714337835, "q_0.65": 3.631058997846261, "q_0.675": 3.720593281166275, "q_0.7": 3.779269555217234, "q_0.725": 3.818194086927954, "q_0.75": 3.837524260161338, "q_0.775": 3.8412632643907143, "q_0.8": 3.8880626509514538, "q_0.825": 3.981902096858289, "q_0.85": 4.07672327288903, "q_0.875": 4.145837035670981, "q_0.9": 4.220853543430095, "q_0.925": 4.319988909788199, "q_0.95": 4.458734239354661, "q_0.975": 4.678890956362663, "q_1": 5.1235119091523575}, {"x": 8.24329731892757, "y": 3.837524260161338, "y_pred": 3.4039613919304736, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.2820077831633534, "q_0.05": 2.4040264387750425, "q_0.075": 2.4868086848133726, "q_0.1": 2.5970398121460088, "q_0.125": 2.6944181644900924, "q_0.15": 2.7296536503975375, "q_0.175": 2.765717445332221, "q_0.2": 2.821344705246254, "q_0.225": 2.8953130280276334, "q_0.25": 2.927791506437389, "q_0.275": 2.947065811950295, "q_0.3": 3.006085017919566, "q_0.325": 3.043646254675835, "q_0.35": 3.090193743781081, "q_0.375": 3.1042040700915985, "q_0.4": 3.192339156729705, "q_0.425": 3.2393223513601743, "q_0.45": 3.3031300214793093, "q_0.475": 3.34145822862183, "q_0.5": 3.4039613919304736, "q_0.525": 3.443379248267086, "q_0.55": 3.5017659929301264, "q_0.575": 3.5347720158482066, "q_0.6": 3.6229763422274246, "q_0.625": 3.710590087602741, "q_0.65": 3.7787657822455847, "q_0.675": 3.815675187873755, "q_0.7": 3.8311879734601337, "q_0.725": 3.8398282075568995, "q_0.75": 3.883842726075107, "q_0.775": 3.8910066999300055, "q_0.8": 3.987845038924685, "q_0.825": 4.107386791407774, "q_0.85": 4.168436862981786, "q_0.875": 4.225897014990431, "q_0.9": 4.332879274641352, "q_0.925": 4.458734239354661, "q_0.95": 4.561545107079835, "q_0.975": 4.7473811120448595, "q_1": 5.1235119091523575}, {"x": 8.283313325330132, "y": 3.34145822862183, "y_pred": 3.4110179337091537, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.2820077831633534, "q_0.05": 2.4040264387750425, "q_0.075": 2.4868086848133726, "q_0.1": 2.5970398121460088, "q_0.125": 2.7009490381200547, "q_0.15": 2.7296536503975375, "q_0.175": 2.765717445332221, "q_0.2": 2.824875739926762, "q_0.225": 2.8953130280276334, "q_0.25": 2.927791506437389, "q_0.275": 2.947065811950295, "q_0.3": 3.006085017919566, "q_0.325": 3.043646254675835, "q_0.35": 3.090193743781081, "q_0.375": 3.1042040700915985, "q_0.4": 3.196977400510694, "q_0.425": 3.2393223513601743, "q_0.45": 3.3031300214793093, "q_0.475": 3.34145822862183, "q_0.5": 3.4110179337091537, "q_0.525": 3.4485490608990115, "q_0.55": 3.510764910035774, "q_0.575": 3.5347720158482066, "q_0.6": 3.631058997846261, "q_0.625": 3.710590087602741, "q_0.65": 3.779269555217234, "q_0.675": 3.818194086927954, "q_0.7": 3.837524260161338, "q_0.725": 3.8398282075568995, "q_0.75": 3.883842726075107, "q_0.775": 3.9247237424272536, "q_0.8": 4.013013244551293, "q_0.825": 4.121099826150706, "q_0.85": 4.220853543430095, "q_0.875": 4.26983108832092, "q_0.9": 4.343951804396252, "q_0.925": 4.491086186299703, "q_0.95": 4.584934108857597, "q_0.975": 4.761946363458604, "q_1": 5.1235119091523575}, {"x": 8.323329331732694, "y": 3.532330025040343, "y_pred": 3.4110179337091537, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.2820077831633534, "q_0.05": 2.4040264387750425, "q_0.075": 2.4868086848133726, "q_0.1": 2.5970398121460088, "q_0.125": 2.7009490381200547, "q_0.15": 2.7296536503975375, "q_0.175": 2.765717445332221, "q_0.2": 2.824875739926762, "q_0.225": 2.8953130280276334, "q_0.25": 2.927791506437389, "q_0.275": 2.947065811950295, "q_0.3": 3.006085017919566, "q_0.325": 3.043646254675835, "q_0.35": 3.090193743781081, "q_0.375": 3.1042040700915985, "q_0.4": 3.196977400510694, "q_0.425": 3.2393223513601743, "q_0.45": 3.3031300214793093, "q_0.475": 3.34145822862183, "q_0.5": 3.4110179337091537, "q_0.525": 3.4485490608990115, "q_0.55": 3.510764910035774, "q_0.575": 3.5347720158482066, "q_0.6": 3.631058997846261, "q_0.625": 3.710590087602741, "q_0.65": 3.779269555217234, "q_0.675": 3.818194086927954, "q_0.7": 3.837524260161338, "q_0.725": 3.8398282075568995, "q_0.75": 3.883842726075107, "q_0.775": 3.9247237424272536, "q_0.8": 4.013013244551293, "q_0.825": 4.121099826150706, "q_0.85": 4.220853543430095, "q_0.875": 4.26983108832092, "q_0.9": 4.343951804396252, "q_0.925": 4.491086186299703, "q_0.95": 4.584934108857597, "q_0.975": 4.761946363458604, "q_1": 5.1235119091523575}, {"x": 8.363345338135254, "y": 4.343951804396252, "y_pred": 3.4110179337091537, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.2820077831633534, "q_0.05": 2.4040264387750425, "q_0.075": 2.4868086848133726, "q_0.1": 2.5970398121460088, "q_0.125": 2.7009490381200547, "q_0.15": 2.7307337429553464, "q_0.175": 2.77495674062515, "q_0.2": 2.824875739926762, "q_0.225": 2.8953130280276334, "q_0.25": 2.927791506437389, "q_0.275": 2.947065811950295, "q_0.3": 3.006085017919566, "q_0.325": 3.043646254675835, "q_0.35": 3.090193743781081, "q_0.375": 3.1042040700915985, "q_0.4": 3.196977400510694, "q_0.425": 3.2393223513601743, "q_0.45": 3.3031300214793093, "q_0.475": 3.34145822862183, "q_0.5": 3.4110179337091537, "q_0.525": 3.4485490608990115, "q_0.55": 3.510764910035774, "q_0.575": 3.5347720158482066, "q_0.6": 3.631058997846261, "q_0.625": 3.720593281166275, "q_0.65": 3.779269555217234, "q_0.675": 3.818194086927954, "q_0.7": 3.837524260161338, "q_0.725": 3.8398282075568995, "q_0.75": 3.883842726075107, "q_0.775": 3.9247237424272536, "q_0.8": 4.07672327288903, "q_0.825": 4.121099826150706, "q_0.85": 4.220853543430095, "q_0.875": 4.26983108832092, "q_0.9": 4.343951804396252, "q_0.925": 4.491086186299703, "q_0.95": 4.584934108857597, "q_0.975": 4.761946363458604, "q_1": 5.1235119091523575}, {"x": 8.403361344537815, "y": 4.561545107079835, "y_pred": 3.4110179337091537, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.2820077831633534, "q_0.05": 2.4040264387750425, "q_0.075": 2.4868086848133726, "q_0.1": 2.5970398121460088, "q_0.125": 2.7009490381200547, "q_0.15": 2.7307337429553464, "q_0.175": 2.77495674062515, "q_0.2": 2.824875739926762, "q_0.225": 2.8953130280276334, "q_0.25": 2.927791506437389, "q_0.275": 2.947065811950295, "q_0.3": 3.006085017919566, "q_0.325": 3.043646254675835, "q_0.35": 3.090193743781081, "q_0.375": 3.1042040700915985, "q_0.4": 3.196977400510694, "q_0.425": 3.2393223513601743, "q_0.45": 3.3031300214793093, "q_0.475": 3.34145822862183, "q_0.5": 3.4110179337091537, "q_0.525": 3.4485490608990115, "q_0.55": 3.510764910035774, "q_0.575": 3.5347720158482066, "q_0.6": 3.631058997846261, "q_0.625": 3.720593281166275, "q_0.65": 3.779269555217234, "q_0.675": 3.818194086927954, "q_0.7": 3.837524260161338, "q_0.725": 3.8398282075568995, "q_0.75": 3.883842726075107, "q_0.775": 3.9247237424272536, "q_0.8": 4.07672327288903, "q_0.825": 4.121099826150706, "q_0.85": 4.220853543430095, "q_0.875": 4.26983108832092, "q_0.9": 4.343951804396252, "q_0.925": 4.491086186299703, "q_0.95": 4.584934108857597, "q_0.975": 4.761946363458604, "q_1": 5.1235119091523575}, {"x": 8.443377350940377, "y": 2.832969798795942, "y_pred": 3.4110179337091537, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.2820077831633534, "q_0.05": 2.4040264387750425, "q_0.075": 2.4868086848133726, "q_0.1": 2.5970398121460088, "q_0.125": 2.7009490381200547, "q_0.15": 2.7307337429553464, "q_0.175": 2.77495674062515, "q_0.2": 2.824875739926762, "q_0.225": 2.8953130280276334, "q_0.25": 2.927791506437389, "q_0.275": 2.947065811950295, "q_0.3": 3.006085017919566, "q_0.325": 3.043646254675835, "q_0.35": 3.090193743781081, "q_0.375": 3.1042040700915985, "q_0.4": 3.196977400510694, "q_0.425": 3.2393223513601743, "q_0.45": 3.3031300214793093, "q_0.475": 3.34145822862183, "q_0.5": 3.4110179337091537, "q_0.525": 3.4485490608990115, "q_0.55": 3.510764910035774, "q_0.575": 3.5347720158482066, "q_0.6": 3.631058997846261, "q_0.625": 3.720593281166275, "q_0.65": 3.779269555217234, "q_0.675": 3.818194086927954, "q_0.7": 3.837524260161338, "q_0.725": 3.8398282075568995, "q_0.75": 3.883842726075107, "q_0.775": 3.9247237424272536, "q_0.8": 4.07672327288903, "q_0.825": 4.121099826150706, "q_0.85": 4.220853543430095, "q_0.875": 4.26983108832092, "q_0.9": 4.343951804396252, "q_0.925": 4.491086186299703, "q_0.95": 4.584934108857597, "q_0.975": 4.761946363458604, "q_1": 5.1235119091523575}, {"x": 8.483393357342937, "y": 3.8414148207619707, "y_pred": 3.4110179337091537, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.2820077831633534, "q_0.05": 2.4040264387750425, "q_0.075": 2.4868086848133726, "q_0.1": 2.5970398121460088, "q_0.125": 2.7009490381200547, "q_0.15": 2.7307337429553464, "q_0.175": 2.77495674062515, "q_0.2": 2.824875739926762, "q_0.225": 2.8953130280276334, "q_0.25": 2.927791506437389, "q_0.275": 2.947065811950295, "q_0.3": 3.006085017919566, "q_0.325": 3.043646254675835, "q_0.35": 3.090193743781081, "q_0.375": 3.1042040700915985, "q_0.4": 3.196977400510694, "q_0.425": 3.2393223513601743, "q_0.45": 3.3031300214793093, "q_0.475": 3.34145822862183, "q_0.5": 3.4110179337091537, "q_0.525": 3.4485490608990115, "q_0.55": 3.510764910035774, "q_0.575": 3.5347720158482066, "q_0.6": 3.631058997846261, "q_0.625": 3.720593281166275, "q_0.65": 3.779269555217234, "q_0.675": 3.818194086927954, "q_0.7": 3.837524260161338, "q_0.725": 3.8398282075568995, "q_0.75": 3.883842726075107, "q_0.775": 3.9247237424272536, "q_0.8": 4.07672327288903, "q_0.825": 4.121099826150706, "q_0.85": 4.220853543430095, "q_0.875": 4.26983108832092, "q_0.9": 4.343951804396252, "q_0.925": 4.491086186299703, "q_0.95": 4.584934108857597, "q_0.975": 4.761946363458604, "q_1": 5.1235119091523575}, {"x": 8.523409363745499, "y": 2.947065811950295, "y_pred": 3.4110179337091537, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.2820077831633534, "q_0.05": 2.4040264387750425, "q_0.075": 2.4868086848133726, "q_0.1": 2.5970398121460088, "q_0.125": 2.7009490381200547, "q_0.15": 2.7307337429553464, "q_0.175": 2.77495674062515, "q_0.2": 2.824875739926762, "q_0.225": 2.8953130280276334, "q_0.25": 2.927791506437389, "q_0.275": 2.947065811950295, "q_0.3": 3.006085017919566, "q_0.325": 3.043646254675835, "q_0.35": 3.090193743781081, "q_0.375": 3.1042040700915985, "q_0.4": 3.196977400510694, "q_0.425": 3.2393223513601743, "q_0.45": 3.3031300214793093, "q_0.475": 3.34145822862183, "q_0.5": 3.4110179337091537, "q_0.525": 3.4485490608990115, "q_0.55": 3.510764910035774, "q_0.575": 3.5347720158482066, "q_0.6": 3.631058997846261, "q_0.625": 3.720593281166275, "q_0.65": 3.779269555217234, "q_0.675": 3.818194086927954, "q_0.7": 3.837524260161338, "q_0.725": 3.8398282075568995, "q_0.75": 3.883842726075107, "q_0.775": 3.9247237424272536, "q_0.8": 4.07672327288903, "q_0.825": 4.121099826150706, "q_0.85": 4.220853543430095, "q_0.875": 4.26983108832092, "q_0.9": 4.343951804396252, "q_0.925": 4.491086186299703, "q_0.95": 4.584934108857597, "q_0.975": 4.761946363458604, "q_1": 5.1235119091523575}, {"x": 8.56342537014806, "y": 2.4040264387750425, "y_pred": 3.4110179337091537, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.2820077831633534, "q_0.05": 2.4040264387750425, "q_0.075": 2.4868086848133726, "q_0.1": 2.5970398121460088, "q_0.125": 2.7009490381200547, "q_0.15": 2.7307337429553464, "q_0.175": 2.77495674062515, "q_0.2": 2.824875739926762, "q_0.225": 2.8953130280276334, "q_0.25": 2.927791506437389, "q_0.275": 2.947065811950295, "q_0.3": 3.006085017919566, "q_0.325": 3.043646254675835, "q_0.35": 3.090193743781081, "q_0.375": 3.1042040700915985, "q_0.4": 3.196977400510694, "q_0.425": 3.2393223513601743, "q_0.45": 3.3031300214793093, "q_0.475": 3.34145822862183, "q_0.5": 3.4110179337091537, "q_0.525": 3.4485490608990115, "q_0.55": 3.510764910035774, "q_0.575": 3.5347720158482066, "q_0.6": 3.631058997846261, "q_0.625": 3.720593281166275, "q_0.65": 3.779269555217234, "q_0.675": 3.818194086927954, "q_0.7": 3.837524260161338, "q_0.725": 3.8398282075568995, "q_0.75": 3.883842726075107, "q_0.775": 3.9247237424272536, "q_0.8": 4.07672327288903, "q_0.825": 4.121099826150706, "q_0.85": 4.220853543430095, "q_0.875": 4.26983108832092, "q_0.9": 4.343951804396252, "q_0.925": 4.491086186299703, "q_0.95": 4.584934108857597, "q_0.975": 4.761946363458604, "q_1": 5.1235119091523575}, {"x": 8.60344137655062, "y": 4.07672327288903, "y_pred": 3.428627727830244, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.291510317733951, "q_0.05": 2.4077919485057735, "q_0.075": 2.5222306518170607, "q_0.1": 2.6632524543579312, "q_0.125": 2.7033422632676607, "q_0.15": 2.7365751482019363, "q_0.175": 2.7787208396842487, "q_0.2": 2.834805762593552, "q_0.225": 2.916112755207713, "q_0.25": 2.9296501080623756, "q_0.275": 2.9881016302452914, "q_0.3": 3.0139026064740246, "q_0.325": 3.090193743781081, "q_0.35": 3.102082945055512, "q_0.375": 3.144357047858117, "q_0.4": 3.2287979460588954, "q_0.425": 3.245516283035614, "q_0.45": 3.315251282390422, "q_0.475": 3.3879555135279835, "q_0.5": 3.428627727830244, "q_0.525": 3.4658397344054217, "q_0.55": 3.5302604951325156, "q_0.575": 3.591210407032153, "q_0.6": 3.710590087602741, "q_0.625": 3.7437586819928548, "q_0.65": 3.815675187873755, "q_0.675": 3.8311879734601337, "q_0.7": 3.838272181680196, "q_0.725": 3.8414148207619707, "q_0.75": 3.8910066999300055, "q_0.775": 3.987845038924685, "q_0.8": 4.107386791407774, "q_0.825": 4.165816883231287, "q_0.85": 4.222370584304638, "q_0.875": 4.319988909788199, "q_0.9": 4.379160003250951, "q_0.925": 4.541027179576249, "q_0.95": 4.678890956362663, "q_0.975": 4.799851495906518, "q_1": 5.1235119091523575}, {"x": 8.643457382953182, "y": 3.090193743781081, "y_pred": 3.428627727830244, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.291510317733951, "q_0.05": 2.4719739635811773, "q_0.075": 2.5222306518170607, "q_0.1": 2.6632524543579312, "q_0.125": 2.7033422632676607, "q_0.15": 2.7365751482019363, "q_0.175": 2.797400316262737, "q_0.2": 2.834805762593552, "q_0.225": 2.916112755207713, "q_0.25": 2.947065811950295, "q_0.275": 2.9881016302452914, "q_0.3": 3.0139026064740246, "q_0.325": 3.090193743781081, "q_0.35": 3.102082945055512, "q_0.375": 3.144357047858117, "q_0.4": 3.2287979460588954, "q_0.425": 3.245516283035614, "q_0.45": 3.315251282390422, "q_0.475": 3.3879555135279835, "q_0.5": 3.428627727830244, "q_0.525": 3.4658397344054217, "q_0.55": 3.5302604951325156, "q_0.575": 3.591210407032153, "q_0.6": 3.710590087602741, "q_0.625": 3.7437586819928548, "q_0.65": 3.815675187873755, "q_0.675": 3.8311879734601337, "q_0.7": 3.838272181680196, "q_0.725": 3.861764891757854, "q_0.75": 3.8910066999300055, "q_0.775": 3.987845038924685, "q_0.8": 4.107386791407774, "q_0.825": 4.168436862981786, "q_0.85": 4.222370584304638, "q_0.875": 4.319988909788199, "q_0.9": 4.379160003250951, "q_0.925": 4.541027179576249, "q_0.95": 4.678890956362663, "q_0.975": 4.799851495906518, "q_1": 5.1235119091523575}, {"x": 8.683473389355743, "y": 3.2393223513601743, "y_pred": 3.428627727830244, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.291510317733951, "q_0.05": 2.4719739635811773, "q_0.075": 2.5645675980204152, "q_0.1": 2.6632524543579312, "q_0.125": 2.710836559840891, "q_0.15": 2.7365751482019363, "q_0.175": 2.797400316262737, "q_0.2": 2.834805762593552, "q_0.225": 2.916112755207713, "q_0.25": 2.947065811950295, "q_0.275": 2.9881016302452914, "q_0.3": 3.0139026064740246, "q_0.325": 3.090193743781081, "q_0.35": 3.102082945055512, "q_0.375": 3.144357047858117, "q_0.4": 3.2287979460588954, "q_0.425": 3.245516283035614, "q_0.45": 3.315251282390422, "q_0.475": 3.3879555135279835, "q_0.5": 3.428627727830244, "q_0.525": 3.4671132335920856, "q_0.55": 3.5302604951325156, "q_0.575": 3.591210407032153, "q_0.6": 3.710590087602741, "q_0.625": 3.7437586819928548, "q_0.65": 3.815675187873755, "q_0.675": 3.8311879734601337, "q_0.7": 3.8398282075568995, "q_0.725": 3.861764891757854, "q_0.75": 3.9242756478982983, "q_0.775": 3.987845038924685, "q_0.8": 4.107386791407774, "q_0.825": 4.168436862981786, "q_0.85": 4.222370584304638, "q_0.875": 4.319988909788199, "q_0.9": 4.379160003250951, "q_0.925": 4.560568725411009, "q_0.95": 4.678890956362663, "q_0.975": 4.799851495906518, "q_1": 5.1235119091523575}, {"x": 8.723489395758303, "y": 3.710590087602741, "y_pred": 3.443379248267086, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4719739635811773, "q_0.075": 2.5645675980204152, "q_0.1": 2.6728123390432823, "q_0.125": 2.7119071736370666, "q_0.15": 2.765717445332221, "q_0.175": 2.821344705246254, "q_0.2": 2.8668226551730065, "q_0.225": 2.9219528283124196, "q_0.25": 2.947065811950295, "q_0.275": 2.998695503122546, "q_0.3": 3.032908898568775, "q_0.325": 3.090193743781081, "q_0.35": 3.1021769845920146, "q_0.375": 3.144357047858117, "q_0.4": 3.2287979460588954, "q_0.425": 3.2776857598481253, "q_0.45": 3.34145822862183, "q_0.475": 3.4039613919304736, "q_0.5": 3.443379248267086, "q_0.525": 3.510764910035774, "q_0.55": 3.5347720158482066, "q_0.575": 3.631058997846261, "q_0.6": 3.710590087602741, "q_0.625": 3.779269555217234, "q_0.65": 3.818194086927954, "q_0.675": 3.837524260161338, "q_0.7": 3.8398282075568995, "q_0.725": 3.883842726075107, "q_0.75": 3.9247237424272536, "q_0.775": 4.07672327288903, "q_0.8": 4.121099826150706, "q_0.825": 4.220853543430095, "q_0.85": 4.26983108832092, "q_0.875": 4.332879274641352, "q_0.9": 4.458734239354661, "q_0.925": 4.561545107079835, "q_0.95": 4.7102509061059825, "q_0.975": 4.799851495906518, "q_1": 5.1235119091523575}, {"x": 8.763505402160865, "y": 4.26983108832092, "y_pred": 3.4485490608990115, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5645675980204152, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.821344705246254, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.043646254675835, "q_0.325": 3.0978533899536744, "q_0.35": 3.1042040700915985, "q_0.375": 3.2023475804836123, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.34145822862183, "q_0.475": 3.4110179337091537, "q_0.5": 3.4485490608990115, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.837524260161338, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.981902096858289, "q_0.775": 4.07672327288903, "q_0.8": 4.145837035670981, "q_0.825": 4.220853543430095, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.7102509061059825, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 8.803521408563427, "y": 3.815675187873755, "y_pred": 3.4485490608990115, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5645675980204152, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.821344705246254, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.043646254675835, "q_0.325": 3.0978533899536744, "q_0.35": 3.1042040700915985, "q_0.375": 3.2023475804836123, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.34145822862183, "q_0.475": 3.4110179337091537, "q_0.5": 3.4485490608990115, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.837524260161338, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.981902096858289, "q_0.775": 4.07672327288903, "q_0.8": 4.145837035670981, "q_0.825": 4.220853543430095, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.7102509061059825, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 8.843537414965986, "y": 4.379160003250951, "y_pred": 3.4485490608990115, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5645675980204152, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.821344705246254, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.043646254675835, "q_0.325": 3.0978533899536744, "q_0.35": 3.1042040700915985, "q_0.375": 3.2023475804836123, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.34145822862183, "q_0.475": 3.4110179337091537, "q_0.5": 3.4485490608990115, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.837524260161338, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.981902096858289, "q_0.775": 4.07672327288903, "q_0.8": 4.145837035670981, "q_0.825": 4.220853543430095, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.7102509061059825, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 8.883553421368548, "y": 3.0139026064740246, "y_pred": 3.4485490608990115, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5645675980204152, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.821344705246254, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.043646254675835, "q_0.325": 3.0978533899536744, "q_0.35": 3.1042040700915985, "q_0.375": 3.2023475804836123, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.34145822862183, "q_0.475": 3.4110179337091537, "q_0.5": 3.4485490608990115, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.837524260161338, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.981902096858289, "q_0.775": 4.07672327288903, "q_0.8": 4.145837035670981, "q_0.825": 4.220853543430095, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.7102509061059825, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 8.923569427771108, "y": 4.222370584304638, "y_pred": 3.4485490608990115, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5645675980204152, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.821344705246254, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.043646254675835, "q_0.325": 3.0978533899536744, "q_0.35": 3.1042040700915985, "q_0.375": 3.2023475804836123, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.34145822862183, "q_0.475": 3.4110179337091537, "q_0.5": 3.4485490608990115, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.837524260161338, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.981902096858289, "q_0.775": 4.07672327288903, "q_0.8": 4.145837035670981, "q_0.825": 4.220853543430095, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.7102509061059825, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 8.96358543417367, "y": 2.821344705246254, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.003601440576231, "y": 4.592449569452844, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.043617446978791, "y": 3.987845038924685, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.083633453381353, "y": 2.9034891913015297, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.123649459783914, "y": 4.602117178062964, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.163665466186474, "y": 4.107386791407774, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.203681472589036, "y": 3.006085017919566, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.243697478991598, "y": 2.916112755207713, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.283713485394157, "y": 3.631058997846261, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.323729491796719, "y": 2.4868086848133726, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.36374549819928, "y": 2.9155581893024, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.40376150460184, "y": 3.428627727830244, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.443777511004402, "y": 3.315251282390422, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.483793517406964, "y": 3.5302604951325156, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.523809523809524, "y": 3.0978533899536744, "y_pred": 3.4515743706701665, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.570565666904585, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.8216978087143043, "q_0.2": 2.8953130280276334, "q_0.225": 2.927791506437389, "q_0.25": 2.960696216243868, "q_0.275": 3.006085017919566, "q_0.3": 3.0522031936820517, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2393223513601743, "q_0.425": 3.313635400154829, "q_0.45": 3.3879555135279835, "q_0.475": 3.4110179337091537, "q_0.5": 3.4515743706701665, "q_0.525": 3.5246676117067777, "q_0.55": 3.5479028714337835, "q_0.575": 3.7077674505663416, "q_0.6": 3.7437586819928548, "q_0.625": 3.815675187873755, "q_0.65": 3.819557870039772, "q_0.675": 3.838272181680196, "q_0.7": 3.8414148207619707, "q_0.725": 3.8910066999300055, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.145837035670981, "q_0.825": 4.222370584304638, "q_0.85": 4.26983108832092, "q_0.875": 4.343951804396252, "q_0.9": 4.491086186299703, "q_0.925": 4.562970702560892, "q_0.95": 4.719492496051645, "q_0.975": 4.8345914932497145, "q_1": 5.1235119091523575}, {"x": 9.563825530212085, "y": 3.8311879734601337, "y_pred": 3.4671132335920856, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5970398121460088, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.824875739926762, "q_0.2": 2.9092467288491344, "q_0.225": 2.927791506437389, "q_0.25": 2.968623296146495, "q_0.275": 3.0139026064740246, "q_0.3": 3.0773637607966755, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2406924266645625, "q_0.425": 3.315251282390422, "q_0.45": 3.3879555135279835, "q_0.475": 3.428627727830244, "q_0.5": 3.4671132335920856, "q_0.525": 3.5302604951325156, "q_0.55": 3.631058997846261, "q_0.575": 3.710590087602741, "q_0.6": 3.779269555217234, "q_0.625": 3.815675187873755, "q_0.65": 3.8311879734601337, "q_0.675": 3.8398282075568995, "q_0.7": 3.883842726075107, "q_0.725": 3.9247237424272536, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.168436862981786, "q_0.825": 4.225897014990431, "q_0.85": 4.319988909788199, "q_0.875": 4.379160003250951, "q_0.9": 4.516482171419353, "q_0.925": 4.667711335355222, "q_0.95": 4.7473811120448595, "q_0.975": 4.846116951227636, "q_1": 5.1235119091523575}, {"x": 9.603841536614647, "y": 4.491086186299703, "y_pred": 3.4671132335920856, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5970398121460088, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.824875739926762, "q_0.2": 2.9092467288491344, "q_0.225": 2.927791506437389, "q_0.25": 2.968623296146495, "q_0.275": 3.0139026064740246, "q_0.3": 3.0773637607966755, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2406924266645625, "q_0.425": 3.315251282390422, "q_0.45": 3.3879555135279835, "q_0.475": 3.428627727830244, "q_0.5": 3.4671132335920856, "q_0.525": 3.5302604951325156, "q_0.55": 3.631058997846261, "q_0.575": 3.710590087602741, "q_0.6": 3.779269555217234, "q_0.625": 3.815675187873755, "q_0.65": 3.8311879734601337, "q_0.675": 3.8398282075568995, "q_0.7": 3.883842726075107, "q_0.725": 3.9247237424272536, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.168436862981786, "q_0.825": 4.225897014990431, "q_0.85": 4.319988909788199, "q_0.875": 4.379160003250951, "q_0.9": 4.516482171419353, "q_0.925": 4.667711335355222, "q_0.95": 4.7473811120448595, "q_0.975": 4.846116951227636, "q_1": 5.1235119091523575}, {"x": 9.643857543017207, "y": 2.7327396291341355, "y_pred": 3.4671132335920856, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5970398121460088, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.824875739926762, "q_0.2": 2.9092467288491344, "q_0.225": 2.927791506437389, "q_0.25": 2.968623296146495, "q_0.275": 3.0139026064740246, "q_0.3": 3.0773637607966755, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2406924266645625, "q_0.425": 3.315251282390422, "q_0.45": 3.3879555135279835, "q_0.475": 3.428627727830244, "q_0.5": 3.4671132335920856, "q_0.525": 3.5302604951325156, "q_0.55": 3.631058997846261, "q_0.575": 3.710590087602741, "q_0.6": 3.779269555217234, "q_0.625": 3.815675187873755, "q_0.65": 3.8311879734601337, "q_0.675": 3.8398282075568995, "q_0.7": 3.883842726075107, "q_0.725": 3.9247237424272536, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.168436862981786, "q_0.825": 4.225897014990431, "q_0.85": 4.319988909788199, "q_0.875": 4.379160003250951, "q_0.9": 4.516482171419353, "q_0.925": 4.667711335355222, "q_0.95": 4.7473811120448595, "q_0.975": 4.846116951227636, "q_1": 5.1235119091523575}, {"x": 9.683873549419769, "y": 3.6837437991325412, "y_pred": 3.4671132335920856, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5970398121460088, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.824875739926762, "q_0.2": 2.9092467288491344, "q_0.225": 2.927791506437389, "q_0.25": 2.968623296146495, "q_0.275": 3.0139026064740246, "q_0.3": 3.0773637607966755, "q_0.325": 3.0978533899536744, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2406924266645625, "q_0.425": 3.315251282390422, "q_0.45": 3.3879555135279835, "q_0.475": 3.428627727830244, "q_0.5": 3.4671132335920856, "q_0.525": 3.5302604951325156, "q_0.55": 3.631058997846261, "q_0.575": 3.710590087602741, "q_0.6": 3.779269555217234, "q_0.625": 3.815675187873755, "q_0.65": 3.8311879734601337, "q_0.675": 3.8398282075568995, "q_0.7": 3.883842726075107, "q_0.725": 3.9247237424272536, "q_0.75": 3.987845038924685, "q_0.775": 4.107386791407774, "q_0.8": 4.168436862981786, "q_0.825": 4.225897014990431, "q_0.85": 4.319988909788199, "q_0.875": 4.379160003250951, "q_0.9": 4.516482171419353, "q_0.925": 4.667711335355222, "q_0.95": 4.7473811120448595, "q_0.975": 4.846116951227636, "q_1": 5.1235119091523575}, {"x": 9.72388955582233, "y": 2.77495674062515, "y_pred": 3.4758467498002674, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.5970398121460088, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.824875739926762, "q_0.2": 2.9092467288491344, "q_0.225": 2.927791506437389, "q_0.25": 2.968623296146495, "q_0.275": 3.0139026064740246, "q_0.3": 3.080145613344567, "q_0.325": 3.102082945055512, "q_0.35": 3.137274274020074, "q_0.375": 3.224854641665987, "q_0.4": 3.2406924266645625, "q_0.425": 3.315251282390422, "q_0.45": 3.3879555135279835, "q_0.475": 3.428627727830244, "q_0.5": 3.4758467498002674, "q_0.525": 3.5302604951325156, "q_0.55": 3.631058997846261, "q_0.575": 3.710590087602741, "q_0.6": 3.779269555217234, "q_0.625": 3.818194086927954, "q_0.65": 3.8311879734601337, "q_0.675": 3.8398282075568995, "q_0.7": 3.883842726075107, "q_0.725": 3.9247237424272536, "q_0.75": 4.013013244551293, "q_0.775": 4.107386791407774, "q_0.8": 4.168436862981786, "q_0.825": 4.225897014990431, "q_0.85": 4.332879274641352, "q_0.875": 4.379160003250951, "q_0.9": 4.541027179576249, "q_0.925": 4.667711335355222, "q_0.95": 4.7473811120448595, "q_0.975": 4.846116951227636, "q_1": 5.1235119091523575}, {"x": 9.76390556222489, "y": 4.168436862981786, "y_pred": 3.4973687741546082, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.622852263631275, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.824875739926762, "q_0.2": 2.9092467288491344, "q_0.225": 2.927791506437389, "q_0.25": 2.968623296146495, "q_0.275": 3.0139026064740246, "q_0.3": 3.090193743781081, "q_0.325": 3.102082945055512, "q_0.35": 3.144357047858117, "q_0.375": 3.2287979460588954, "q_0.4": 3.245516283035614, "q_0.425": 3.315251282390422, "q_0.45": 3.396818774846513, "q_0.475": 3.428627727830244, "q_0.5": 3.4973687741546082, "q_0.525": 3.5302604951325156, "q_0.55": 3.631058997846261, "q_0.575": 3.720593281166275, "q_0.6": 3.779269555217234, "q_0.625": 3.818194086927954, "q_0.65": 3.8311879734601337, "q_0.675": 3.8412632643907143, "q_0.7": 3.883842726075107, "q_0.725": 3.9247237424272536, "q_0.75": 4.013013244551293, "q_0.775": 4.121099826150706, "q_0.8": 4.168436862981786, "q_0.825": 4.267634384654358, "q_0.85": 4.332879274641352, "q_0.875": 4.430984381976515, "q_0.9": 4.553734053729181, "q_0.925": 4.678890956362663, "q_0.95": 4.7473811120448595, "q_0.975": 4.846116951227636, "q_1": 5.1235119091523575}, {"x": 9.803921568627452, "y": 3.4110179337091537, "y_pred": 3.4973687741546082, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.3734481619553187, "q_0.05": 2.4868086848133726, "q_0.075": 2.622852263631275, "q_0.1": 2.7009490381200547, "q_0.125": 2.7327396291341355, "q_0.15": 2.77495674062515, "q_0.175": 2.824875739926762, "q_0.2": 2.9092467288491344, "q_0.225": 2.927791506437389, "q_0.25": 2.968623296146495, "q_0.275": 3.0139026064740246, "q_0.3": 3.090193743781081, "q_0.325": 3.102082945055512, "q_0.35": 3.144357047858117, "q_0.375": 3.2287979460588954, "q_0.4": 3.245516283035614, "q_0.425": 3.315251282390422, "q_0.45": 3.396818774846513, "q_0.475": 3.428627727830244, "q_0.5": 3.4973687741546082, "q_0.525": 3.5302604951325156, "q_0.55": 3.631058997846261, "q_0.575": 3.720593281166275, "q_0.6": 3.779269555217234, "q_0.625": 3.818194086927954, "q_0.65": 3.8311879734601337, "q_0.675": 3.8412632643907143, "q_0.7": 3.883842726075107, "q_0.725": 3.9247237424272536, "q_0.75": 4.013013244551293, "q_0.775": 4.121099826150706, "q_0.8": 4.168436862981786, "q_0.825": 4.267634384654358, "q_0.85": 4.332879274641352, "q_0.875": 4.430984381976515, "q_0.9": 4.553734053729181, "q_0.925": 4.678890956362663, "q_0.95": 4.7473811120448595, "q_0.975": 4.846116951227636, "q_1": 5.1235119091523575}, {"x": 9.843937575030012, "y": 3.819557870039772, "y_pred": 3.5302604951325156, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4040264387750425, "q_0.05": 2.5222306518170607, "q_0.075": 2.6632524543579312, "q_0.1": 2.7033422632676607, "q_0.125": 2.765717445332221, "q_0.15": 2.821344705246254, "q_0.175": 2.846044226164811, "q_0.2": 2.916112755207713, "q_0.225": 2.947065811950295, "q_0.25": 3.0004285568723192, "q_0.275": 3.04320054346157, "q_0.3": 3.0978533899536744, "q_0.325": 3.1042040700915985, "q_0.35": 3.196977400510694, "q_0.375": 3.2333966941851915, "q_0.4": 3.313635400154829, "q_0.425": 3.34145822862183, "q_0.45": 3.4110179337091537, "q_0.475": 3.4658397344054217, "q_0.5": 3.5302604951325156, "q_0.525": 3.5939174580101216, "q_0.55": 3.710590087602741, "q_0.575": 3.7787657822455847, "q_0.6": 3.815675187873755, "q_0.625": 3.8311879734601337, "q_0.65": 3.8398282075568995, "q_0.675": 3.861764891757854, "q_0.7": 3.9247237424272536, "q_0.725": 3.987845038924685, "q_0.75": 4.107386791407774, "q_0.775": 4.168436862981786, "q_0.8": 4.225897014990431, "q_0.825": 4.332879274641352, "q_0.85": 4.379160003250951, "q_0.875": 4.516482171419353, "q_0.9": 4.6303096697848725, "q_0.925": 4.7102509061059825, "q_0.95": 4.799851495906518, "q_0.975": 4.911074061617013, "q_1": 5.739659267521479}, {"x": 9.883953581432573, "y": 2.9127310904526706, "y_pred": 3.5302604951325156, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4040264387750425, "q_0.05": 2.5222306518170607, "q_0.075": 2.6632524543579312, "q_0.1": 2.7033422632676607, "q_0.125": 2.765717445332221, "q_0.15": 2.821344705246254, "q_0.175": 2.846044226164811, "q_0.2": 2.916112755207713, "q_0.225": 2.947065811950295, "q_0.25": 3.0004285568723192, "q_0.275": 3.04320054346157, "q_0.3": 3.0978533899536744, "q_0.325": 3.1042040700915985, "q_0.35": 3.196977400510694, "q_0.375": 3.2333966941851915, "q_0.4": 3.313635400154829, "q_0.425": 3.34145822862183, "q_0.45": 3.4110179337091537, "q_0.475": 3.4658397344054217, "q_0.5": 3.5302604951325156, "q_0.525": 3.5939174580101216, "q_0.55": 3.710590087602741, "q_0.575": 3.7787657822455847, "q_0.6": 3.815675187873755, "q_0.625": 3.8311879734601337, "q_0.65": 3.8398282075568995, "q_0.675": 3.861764891757854, "q_0.7": 3.9247237424272536, "q_0.725": 3.987845038924685, "q_0.75": 4.107386791407774, "q_0.775": 4.168436862981786, "q_0.8": 4.225897014990431, "q_0.825": 4.332879274641352, "q_0.85": 4.379160003250951, "q_0.875": 4.516482171419353, "q_0.9": 4.6303096697848725, "q_0.925": 4.7102509061059825, "q_0.95": 4.799851495906518, "q_0.975": 4.911074061617013, "q_1": 5.739659267521479}, {"x": 9.923969587835135, "y": 2.824875739926762, "y_pred": 3.5302604951325156, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4040264387750425, "q_0.05": 2.5222306518170607, "q_0.075": 2.6632524543579312, "q_0.1": 2.7033422632676607, "q_0.125": 2.765717445332221, "q_0.15": 2.821344705246254, "q_0.175": 2.846044226164811, "q_0.2": 2.916112755207713, "q_0.225": 2.947065811950295, "q_0.25": 3.0004285568723192, "q_0.275": 3.04320054346157, "q_0.3": 3.0978533899536744, "q_0.325": 3.1042040700915985, "q_0.35": 3.196977400510694, "q_0.375": 3.2333966941851915, "q_0.4": 3.313635400154829, "q_0.425": 3.34145822862183, "q_0.45": 3.4110179337091537, "q_0.475": 3.4658397344054217, "q_0.5": 3.5302604951325156, "q_0.525": 3.5939174580101216, "q_0.55": 3.710590087602741, "q_0.575": 3.7787657822455847, "q_0.6": 3.815675187873755, "q_0.625": 3.8311879734601337, "q_0.65": 3.8398282075568995, "q_0.675": 3.861764891757854, "q_0.7": 3.9247237424272536, "q_0.725": 3.987845038924685, "q_0.75": 4.107386791407774, "q_0.775": 4.168436862981786, "q_0.8": 4.225897014990431, "q_0.825": 4.332879274641352, "q_0.85": 4.379160003250951, "q_0.875": 4.516482171419353, "q_0.9": 4.6303096697848725, "q_0.925": 4.7102509061059825, "q_0.95": 4.799851495906518, "q_0.975": 4.911074061617013, "q_1": 5.739659267521479}, {"x": 9.963985594237695, "y": 3.6506082490974796, "y_pred": 3.5302604951325156, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4040264387750425, "q_0.05": 2.5222306518170607, "q_0.075": 2.6680323967006068, "q_0.1": 2.7033422632676607, "q_0.125": 2.765717445332221, "q_0.15": 2.821344705246254, "q_0.175": 2.846044226164811, "q_0.2": 2.9219528283124196, "q_0.225": 2.960696216243868, "q_0.25": 3.006085017919566, "q_0.275": 3.043646254675835, "q_0.3": 3.0978533899536744, "q_0.325": 3.137274274020074, "q_0.35": 3.2023475804836123, "q_0.375": 3.2333966941851915, "q_0.4": 3.313635400154829, "q_0.425": 3.34145822862183, "q_0.45": 3.4110179337091537, "q_0.475": 3.4658397344054217, "q_0.5": 3.5302604951325156, "q_0.525": 3.6229763422274246, "q_0.55": 3.710590087602741, "q_0.575": 3.779269555217234, "q_0.6": 3.815675187873755, "q_0.625": 3.8311879734601337, "q_0.65": 3.8398282075568995, "q_0.675": 3.883842726075107, "q_0.7": 3.9247237424272536, "q_0.725": 3.987845038924685, "q_0.75": 4.121099826150706, "q_0.775": 4.168436862981786, "q_0.8": 4.225897014990431, "q_0.825": 4.332879274641352, "q_0.85": 4.430984381976515, "q_0.875": 4.541027179576249, "q_0.9": 4.6303096697848725, "q_0.925": 4.719492496051645, "q_0.95": 4.799851495906518, "q_0.975": 4.911074061617013, "q_1": 5.739659267521479}, {"x": 10.004001600640256, "y": 3.3380915059019878, "y_pred": 3.5347720158482066, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.4040264387750425, "q_0.05": 2.5645675980204152, "q_0.075": 2.6944181644900924, "q_0.1": 2.7119071736370666, "q_0.125": 2.765717445332221, "q_0.15": 2.821344705246254, "q_0.175": 2.879996078557204, "q_0.2": 2.9219528283124196, "q_0.225": 2.968623296146495, "q_0.25": 3.006085017919566, "q_0.275": 3.0770546660691322, "q_0.3": 3.102082945055512, "q_0.325": 3.137274274020074, "q_0.35": 3.224854641665987, "q_0.375": 3.2393223513601743, "q_0.4": 3.313635400154829, "q_0.425": 3.3879555135279835, "q_0.45": 3.428627727830244, "q_0.475": 3.4973687741546082, "q_0.5": 3.5347720158482066, "q_0.525": 3.631058997846261, "q_0.55": 3.7437586819928548, "q_0.575": 3.8091914719569306, "q_0.6": 3.819557870039772, "q_0.625": 3.837524260161338, "q_0.65": 3.8414148207619707, "q_0.675": 3.8910066999300055, "q_0.7": 3.981902096858289, "q_0.725": 4.07672327288903, "q_0.75": 4.145837035670981, "q_0.775": 4.222370584304638, "q_0.8": 4.26983108832092, "q_0.825": 4.343951804396252, "q_0.85": 4.488815540569284, "q_0.875": 4.561545107079835, "q_0.9": 4.678890956362663, "q_0.925": 4.719492496051645, "q_0.95": 4.799851495906518, "q_0.975": 4.911074061617013, "q_1": 5.739659267521479}, {"x": 10.044017607042818, "y": 4.7473811120448595, "y_pred": 3.6229763422274246, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4719739635811773, "q_0.05": 2.5645675980204152, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.9092467288491344, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.1042040700915985, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.2776857598481253, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4658397344054217, "q_0.475": 3.5246676117067777, "q_0.5": 3.6229763422274246, "q_0.525": 3.710590087602741, "q_0.55": 3.7831312830132577, "q_0.575": 3.818194086927954, "q_0.6": 3.8342896220489835, "q_0.625": 3.8412632643907143, "q_0.65": 3.8880626509514538, "q_0.675": 3.9504540019212526, "q_0.7": 4.07672327288903, "q_0.725": 4.145078780548356, "q_0.75": 4.220853543430095, "q_0.775": 4.26983108832092, "q_0.8": 4.343951804396252, "q_0.825": 4.458734239354661, "q_0.85": 4.561545107079835, "q_0.875": 4.6303096697848725, "q_0.9": 4.7102509061059825, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.084033613445378, "y": 4.332879274641352, "y_pred": 3.6229763422274246, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4719739635811773, "q_0.05": 2.5645675980204152, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.9092467288491344, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.1042040700915985, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.2776857598481253, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4658397344054217, "q_0.475": 3.5246676117067777, "q_0.5": 3.6229763422274246, "q_0.525": 3.710590087602741, "q_0.55": 3.7831312830132577, "q_0.575": 3.818194086927954, "q_0.6": 3.8342896220489835, "q_0.625": 3.8412632643907143, "q_0.65": 3.8880626509514538, "q_0.675": 3.9504540019212526, "q_0.7": 4.07672327288903, "q_0.725": 4.145078780548356, "q_0.75": 4.220853543430095, "q_0.775": 4.26983108832092, "q_0.8": 4.343951804396252, "q_0.825": 4.458734239354661, "q_0.85": 4.561545107079835, "q_0.875": 4.6303096697848725, "q_0.9": 4.7102509061059825, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.12404961984794, "y": 4.298803613637672, "y_pred": 3.6229763422274246, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4719739635811773, "q_0.05": 2.5645675980204152, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.9092467288491344, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.1042040700915985, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.2776857598481253, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4658397344054217, "q_0.475": 3.5246676117067777, "q_0.5": 3.6229763422274246, "q_0.525": 3.710590087602741, "q_0.55": 3.7831312830132577, "q_0.575": 3.818194086927954, "q_0.6": 3.8342896220489835, "q_0.625": 3.8412632643907143, "q_0.65": 3.8880626509514538, "q_0.675": 3.9504540019212526, "q_0.7": 4.07672327288903, "q_0.725": 4.145078780548356, "q_0.75": 4.220853543430095, "q_0.775": 4.26983108832092, "q_0.8": 4.343951804396252, "q_0.825": 4.458734239354661, "q_0.85": 4.561545107079835, "q_0.875": 4.6303096697848725, "q_0.9": 4.7102509061059825, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.164065626250501, "y": 4.678890956362663, "y_pred": 3.6229763422274246, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4719739635811773, "q_0.05": 2.5645675980204152, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.9092467288491344, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.1042040700915985, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.2776857598481253, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4658397344054217, "q_0.475": 3.5246676117067777, "q_0.5": 3.6229763422274246, "q_0.525": 3.710590087602741, "q_0.55": 3.7831312830132577, "q_0.575": 3.818194086927954, "q_0.6": 3.8342896220489835, "q_0.625": 3.8412632643907143, "q_0.65": 3.8880626509514538, "q_0.675": 3.9504540019212526, "q_0.7": 4.07672327288903, "q_0.725": 4.145078780548356, "q_0.75": 4.220853543430095, "q_0.775": 4.26983108832092, "q_0.8": 4.343951804396252, "q_0.825": 4.458734239354661, "q_0.85": 4.561545107079835, "q_0.875": 4.6303096697848725, "q_0.9": 4.7102509061059825, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.204081632653061, "y": 2.7033422632676607, "y_pred": 3.6229763422274246, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4719739635811773, "q_0.05": 2.5645675980204152, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.9092467288491344, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.1042040700915985, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.2776857598481253, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4658397344054217, "q_0.475": 3.5246676117067777, "q_0.5": 3.6229763422274246, "q_0.525": 3.710590087602741, "q_0.55": 3.7831312830132577, "q_0.575": 3.818194086927954, "q_0.6": 3.8342896220489835, "q_0.625": 3.8412632643907143, "q_0.65": 3.8880626509514538, "q_0.675": 3.9504540019212526, "q_0.7": 4.07672327288903, "q_0.725": 4.145078780548356, "q_0.75": 4.220853543430095, "q_0.775": 4.26983108832092, "q_0.8": 4.343951804396252, "q_0.825": 4.458734239354661, "q_0.85": 4.561545107079835, "q_0.875": 4.6303096697848725, "q_0.9": 4.7102509061059825, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.244097639055623, "y": 3.8412632643907143, "y_pred": 3.6229763422274246, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4719739635811773, "q_0.05": 2.5645675980204152, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.9092467288491344, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.1042040700915985, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.2776857598481253, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4658397344054217, "q_0.475": 3.5246676117067777, "q_0.5": 3.6229763422274246, "q_0.525": 3.710590087602741, "q_0.55": 3.7831312830132577, "q_0.575": 3.818194086927954, "q_0.6": 3.8342896220489835, "q_0.625": 3.8412632643907143, "q_0.65": 3.8880626509514538, "q_0.675": 3.9504540019212526, "q_0.7": 4.07672327288903, "q_0.725": 4.145078780548356, "q_0.75": 4.220853543430095, "q_0.775": 4.26983108832092, "q_0.8": 4.343951804396252, "q_0.825": 4.458734239354661, "q_0.85": 4.561545107079835, "q_0.875": 4.6303096697848725, "q_0.9": 4.7102509061059825, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.284113645458184, "y": 3.9247237424272536, "y_pred": 3.631058997846261, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4719739635811773, "q_0.05": 2.5663670186856664, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.916112755207713, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.1118353636213394, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.279100020382263, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4658397344054217, "q_0.475": 3.5302604951325156, "q_0.5": 3.631058997846261, "q_0.525": 3.726115372945981, "q_0.55": 3.7831312830132577, "q_0.575": 3.818194086927954, "q_0.6": 3.837524260161338, "q_0.625": 3.8412632643907143, "q_0.65": 3.8910066999300055, "q_0.675": 3.981902096858289, "q_0.7": 4.07672327288903, "q_0.725": 4.145078780548356, "q_0.75": 4.222370584304638, "q_0.775": 4.292485548550159, "q_0.8": 4.343951804396252, "q_0.825": 4.458734239354661, "q_0.85": 4.561545107079835, "q_0.875": 4.667711335355222, "q_0.9": 4.7102509061059825, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.324129651860744, "y": 4.846116951227636, "y_pred": 3.631058997846261, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.4719739635811773, "q_0.05": 2.570565666904585, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.916112755207713, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.137274274020074, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.279100020382263, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4671132335920856, "q_0.475": 3.5302604951325156, "q_0.5": 3.631058997846261, "q_0.525": 3.726115372945981, "q_0.55": 3.7831312830132577, "q_0.575": 3.819557870039772, "q_0.6": 3.837524260161338, "q_0.625": 3.8414148207619707, "q_0.65": 3.892272226422649, "q_0.675": 3.981902096858289, "q_0.7": 4.07672327288903, "q_0.725": 4.145837035670981, "q_0.75": 4.222370584304638, "q_0.775": 4.319988909788199, "q_0.8": 4.379160003250951, "q_0.825": 4.491086186299703, "q_0.85": 4.561545107079835, "q_0.875": 4.667711335355222, "q_0.9": 4.710531503341457, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.364145658263306, "y": 3.224854641665987, "y_pred": 3.631058997846261, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.4719739635811773, "q_0.05": 2.570565666904585, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.916112755207713, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.137274274020074, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.279100020382263, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4671132335920856, "q_0.475": 3.5302604951325156, "q_0.5": 3.631058997846261, "q_0.525": 3.726115372945981, "q_0.55": 3.7831312830132577, "q_0.575": 3.819557870039772, "q_0.6": 3.837524260161338, "q_0.625": 3.8414148207619707, "q_0.65": 3.892272226422649, "q_0.675": 3.981902096858289, "q_0.7": 4.07672327288903, "q_0.725": 4.145837035670981, "q_0.75": 4.222370584304638, "q_0.775": 4.319988909788199, "q_0.8": 4.379160003250951, "q_0.825": 4.491086186299703, "q_0.85": 4.561545107079835, "q_0.875": 4.667711335355222, "q_0.9": 4.710531503341457, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.404161664665867, "y": 3.1042040700915985, "y_pred": 3.631058997846261, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.4719739635811773, "q_0.05": 2.570565666904585, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.916112755207713, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.137274274020074, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.279100020382263, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4671132335920856, "q_0.475": 3.5302604951325156, "q_0.5": 3.631058997846261, "q_0.525": 3.726115372945981, "q_0.55": 3.7831312830132577, "q_0.575": 3.819557870039772, "q_0.6": 3.837524260161338, "q_0.625": 3.8414148207619707, "q_0.65": 3.892272226422649, "q_0.675": 3.981902096858289, "q_0.7": 4.07672327288903, "q_0.725": 4.145837035670981, "q_0.75": 4.222370584304638, "q_0.775": 4.319988909788199, "q_0.8": 4.379160003250951, "q_0.825": 4.491086186299703, "q_0.85": 4.561545107079835, "q_0.875": 4.667711335355222, "q_0.9": 4.710531503341457, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.444177671068427, "y": 2.765717445332221, "y_pred": 3.631058997846261, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.4719739635811773, "q_0.05": 2.570565666904585, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.824875739926762, "q_0.175": 2.916112755207713, "q_0.2": 2.947065811950295, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.137274274020074, "q_0.325": 3.196977400510694, "q_0.35": 3.2287979460588954, "q_0.375": 3.279100020382263, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4671132335920856, "q_0.475": 3.5302604951325156, "q_0.5": 3.631058997846261, "q_0.525": 3.726115372945981, "q_0.55": 3.7831312830132577, "q_0.575": 3.819557870039772, "q_0.6": 3.837524260161338, "q_0.625": 3.8414148207619707, "q_0.65": 3.892272226422649, "q_0.675": 3.981902096858289, "q_0.7": 4.07672327288903, "q_0.725": 4.145837035670981, "q_0.75": 4.222370584304638, "q_0.775": 4.319988909788199, "q_0.8": 4.379160003250951, "q_0.825": 4.491086186299703, "q_0.85": 4.561545107079835, "q_0.875": 4.667711335355222, "q_0.9": 4.710531503341457, "q_0.925": 4.761946363458604, "q_0.95": 4.846116951227636, "q_0.975": 4.965004010676292, "q_1": 5.739659267521479}, {"x": 10.484193677470989, "y": 2.5645675980204152, "y_pred": 3.631058997846261, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4719739635811773, "q_0.05": 2.5970398121460088, "q_0.075": 2.7009490381200547, "q_0.1": 2.7327396291341355, "q_0.125": 2.77495674062515, "q_0.15": 2.846044226164811, "q_0.175": 2.916112755207713, "q_0.2": 2.960696216243868, "q_0.225": 2.998695503122546, "q_0.25": 3.04320054346157, "q_0.275": 3.0978533899536744, "q_0.3": 3.137274274020074, "q_0.325": 3.2023475804836123, "q_0.35": 3.2287979460588954, "q_0.375": 3.3031300214793093, "q_0.4": 3.34145822862183, "q_0.425": 3.4110179337091537, "q_0.45": 3.4671132335920856, "q_0.475": 3.5302604951325156, "q_0.5": 3.631058997846261, "q_0.525": 3.7436071785977734, "q_0.55": 3.8091914719569306, "q_0.575": 3.819557870039772, "q_0.6": 3.837524260161338, "q_0.625": 3.8414148207619707, "q_0.65": 3.9242756478982983, "q_0.675": 3.981902096858289, "q_0.7": 4.107386791407774, "q_0.725": 4.1625492107003454, "q_0.75": 4.222370584304638, "q_0.775": 4.319988909788199, "q_0.8": 4.379160003250951, "q_0.825": 4.491086186299703, "q_0.85": 4.562970702560892, "q_0.875": 4.667711335355222, "q_0.9": 4.719492496051645, "q_0.925": 4.799851495906518, "q_0.95": 4.846116951227636, "q_0.975": 5.046269926735264, "q_1": 5.739659267521479}, {"x": 10.52420968387355, "y": 4.799851495906518, "y_pred": 3.710590087602741, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4868086848133726, "q_0.05": 2.622852263631275, "q_0.075": 2.7033422632676607, "q_0.1": 2.765717445332221, "q_0.125": 2.821344705246254, "q_0.15": 2.8752713291986387, "q_0.175": 2.927791506437389, "q_0.2": 2.968623296146495, "q_0.225": 3.006085017919566, "q_0.25": 3.080145613344567, "q_0.275": 3.102082945055512, "q_0.3": 3.141680583121348, "q_0.325": 3.224854641665987, "q_0.35": 3.2393223513601743, "q_0.375": 3.313635400154829, "q_0.4": 3.396818774846513, "q_0.425": 3.4485490608990115, "q_0.45": 3.5017659929301264, "q_0.475": 3.5479028714337835, "q_0.5": 3.710590087602741, "q_0.525": 3.7437586819928548, "q_0.55": 3.815675187873755, "q_0.575": 3.8311879734601337, "q_0.6": 3.8412632643907143, "q_0.625": 3.8910066999300055, "q_0.65": 3.981902096858289, "q_0.675": 4.07672327288903, "q_0.7": 4.145078780548356, "q_0.725": 4.222370584304638, "q_0.75": 4.3148356410695, "q_0.775": 4.379160003250951, "q_0.8": 4.458734239354661, "q_0.825": 4.561545107079835, "q_0.85": 4.6303096697848725, "q_0.875": 4.678890956362663, "q_0.9": 4.7473811120448595, "q_0.925": 4.799851495906518, "q_0.95": 4.846116951227636, "q_0.975": 5.074047614891026, "q_1": 5.739659267521479}, {"x": 10.56422569027611, "y": 4.170753205997345, "y_pred": 3.710590087602741, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4868086848133726, "q_0.05": 2.622852263631275, "q_0.075": 2.7033422632676607, "q_0.1": 2.765717445332221, "q_0.125": 2.821344705246254, "q_0.15": 2.879996078557204, "q_0.175": 2.927791506437389, "q_0.2": 2.968623296146495, "q_0.225": 3.006085017919566, "q_0.25": 3.090193743781081, "q_0.275": 3.1021182098817004, "q_0.3": 3.144357047858117, "q_0.325": 3.224854641665987, "q_0.35": 3.2393223513601743, "q_0.375": 3.313635400154829, "q_0.4": 3.396818774846513, "q_0.425": 3.4658397344054217, "q_0.45": 3.5017659929301264, "q_0.475": 3.591210407032153, "q_0.5": 3.710590087602741, "q_0.525": 3.7787657822455847, "q_0.55": 3.815675187873755, "q_0.575": 3.8311879734601337, "q_0.6": 3.8412632643907143, "q_0.625": 3.892272226422649, "q_0.65": 3.981902096858289, "q_0.675": 4.07672327288903, "q_0.7": 4.145837035670981, "q_0.725": 4.222370584304638, "q_0.75": 4.3148356410695, "q_0.775": 4.379160003250951, "q_0.8": 4.487592885175985, "q_0.825": 4.561545107079835, "q_0.85": 4.6303096697848725, "q_0.875": 4.678890956362663, "q_0.9": 4.7473811120448595, "q_0.925": 4.799851495906518, "q_0.95": 4.846116951227636, "q_0.975": 5.074047614891026, "q_1": 5.739659267521479}, {"x": 10.604241696678672, "y": 4.458734239354661, "y_pred": 3.710590087602741, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4868086848133726, "q_0.05": 2.622852263631275, "q_0.075": 2.7033422632676607, "q_0.1": 2.765717445332221, "q_0.125": 2.821344705246254, "q_0.15": 2.879996078557204, "q_0.175": 2.927791506437389, "q_0.2": 2.968623296146495, "q_0.225": 3.006085017919566, "q_0.25": 3.090193743781081, "q_0.275": 3.1021182098817004, "q_0.3": 3.144357047858117, "q_0.325": 3.224854641665987, "q_0.35": 3.2393223513601743, "q_0.375": 3.313635400154829, "q_0.4": 3.396818774846513, "q_0.425": 3.4658397344054217, "q_0.45": 3.5017659929301264, "q_0.475": 3.591210407032153, "q_0.5": 3.710590087602741, "q_0.525": 3.7787657822455847, "q_0.55": 3.815675187873755, "q_0.575": 3.8311879734601337, "q_0.6": 3.8412632643907143, "q_0.625": 3.892272226422649, "q_0.65": 3.981902096858289, "q_0.675": 4.07672327288903, "q_0.7": 4.145837035670981, "q_0.725": 4.222370584304638, "q_0.75": 4.3148356410695, "q_0.775": 4.379160003250951, "q_0.8": 4.487592885175985, "q_0.825": 4.561545107079835, "q_0.85": 4.6303096697848725, "q_0.875": 4.678890956362663, "q_0.9": 4.7473811120448595, "q_0.925": 4.799851495906518, "q_0.95": 4.846116951227636, "q_0.975": 5.074047614891026, "q_1": 5.739659267521479}, {"x": 10.644257703081234, "y": 3.2287979460588954, "y_pred": 3.710590087602741, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.4868086848133726, "q_0.05": 2.622852263631275, "q_0.075": 2.7033422632676607, "q_0.1": 2.765717445332221, "q_0.125": 2.821344705246254, "q_0.15": 2.879996078557204, "q_0.175": 2.927791506437389, "q_0.2": 2.968623296146495, "q_0.225": 3.006085017919566, "q_0.25": 3.090193743781081, "q_0.275": 3.1021182098817004, "q_0.3": 3.144357047858117, "q_0.325": 3.224854641665987, "q_0.35": 3.2393223513601743, "q_0.375": 3.313635400154829, "q_0.4": 3.396818774846513, "q_0.425": 3.4658397344054217, "q_0.45": 3.5017659929301264, "q_0.475": 3.591210407032153, "q_0.5": 3.710590087602741, "q_0.525": 3.7787657822455847, "q_0.55": 3.815675187873755, "q_0.575": 3.8311879734601337, "q_0.6": 3.8412632643907143, "q_0.625": 3.892272226422649, "q_0.65": 3.981902096858289, "q_0.675": 4.07672327288903, "q_0.7": 4.145837035670981, "q_0.725": 4.222370584304638, "q_0.75": 4.3148356410695, "q_0.775": 4.379160003250951, "q_0.8": 4.487592885175985, "q_0.825": 4.561545107079835, "q_0.85": 4.6303096697848725, "q_0.875": 4.678890956362663, "q_0.9": 4.7473811120448595, "q_0.925": 4.799851495906518, "q_0.95": 4.846116951227636, "q_0.975": 5.074047614891026, "q_1": 5.739659267521479}, {"x": 10.684273709483794, "y": 3.981902096858289, "y_pred": 3.710590087602741, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.4908335269895665, "q_0.05": 2.622852263631275, "q_0.075": 2.7033422632676607, "q_0.1": 2.765717445332221, "q_0.125": 2.821344705246254, "q_0.15": 2.879996078557204, "q_0.175": 2.927791506437389, "q_0.2": 2.968623296146495, "q_0.225": 3.0139026064740246, "q_0.25": 3.090193743781081, "q_0.275": 3.1042040700915985, "q_0.3": 3.144357047858117, "q_0.325": 3.224854641665987, "q_0.35": 3.245516283035614, "q_0.375": 3.315251282390422, "q_0.4": 3.4039613919304736, "q_0.425": 3.4658397344054217, "q_0.45": 3.5017659929301264, "q_0.475": 3.5939174580101216, "q_0.5": 3.710590087602741, "q_0.525": 3.7831312830132577, "q_0.55": 3.818194086927954, "q_0.575": 3.8342896220489835, "q_0.6": 3.8414148207619707, "q_0.625": 3.9242756478982983, "q_0.65": 3.981902096858289, "q_0.675": 4.107386791407774, "q_0.7": 4.145837035670981, "q_0.725": 4.222370584304638, "q_0.75": 4.319988909788199, "q_0.775": 4.379160003250951, "q_0.8": 4.491086186299703, "q_0.825": 4.561545107079835, "q_0.85": 4.6303096697848725, "q_0.875": 4.7102509061059825, "q_0.9": 4.7473811120448595, "q_0.925": 4.807196844362165, "q_0.95": 4.846116951227636, "q_0.975": 5.074047614891026, "q_1": 5.739659267521479}, {"x": 10.724289715886355, "y": 2.7009490381200547, "y_pred": 3.710590087602741, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.4908335269895665, "q_0.05": 2.622852263631275, "q_0.075": 2.7033422632676607, "q_0.1": 2.765717445332221, "q_0.125": 2.821344705246254, "q_0.15": 2.879996078557204, "q_0.175": 2.927791506437389, "q_0.2": 2.968623296146495, "q_0.225": 3.0139026064740246, "q_0.25": 3.090193743781081, "q_0.275": 3.1042040700915985, "q_0.3": 3.144357047858117, "q_0.325": 3.224854641665987, "q_0.35": 3.245516283035614, "q_0.375": 3.315251282390422, "q_0.4": 3.4039613919304736, "q_0.425": 3.4658397344054217, "q_0.45": 3.5017659929301264, "q_0.475": 3.5939174580101216, "q_0.5": 3.710590087602741, "q_0.525": 3.7831312830132577, "q_0.55": 3.818194086927954, "q_0.575": 3.8342896220489835, "q_0.6": 3.8414148207619707, "q_0.625": 3.9242756478982983, "q_0.65": 3.981902096858289, "q_0.675": 4.107386791407774, "q_0.7": 4.145837035670981, "q_0.725": 4.222370584304638, "q_0.75": 4.319988909788199, "q_0.775": 4.379160003250951, "q_0.8": 4.491086186299703, "q_0.825": 4.561545107079835, "q_0.85": 4.6303096697848725, "q_0.875": 4.7102509061059825, "q_0.9": 4.7473811120448595, "q_0.925": 4.807196844362165, "q_0.95": 4.846116951227636, "q_0.975": 5.074047614891026, "q_1": 5.739659267521479}, {"x": 10.764305722288915, "y": 3.7437586819928548, "y_pred": 3.710590087602741, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.4908335269895665, "q_0.05": 2.622852263631275, "q_0.075": 2.7033422632676607, "q_0.1": 2.765717445332221, "q_0.125": 2.821344705246254, "q_0.15": 2.879996078557204, "q_0.175": 2.927791506437389, "q_0.2": 2.968623296146495, "q_0.225": 3.0139026064740246, "q_0.25": 3.090193743781081, "q_0.275": 3.1042040700915985, "q_0.3": 3.144357047858117, "q_0.325": 3.224854641665987, "q_0.35": 3.245516283035614, "q_0.375": 3.315251282390422, "q_0.4": 3.4039613919304736, "q_0.425": 3.4658397344054217, "q_0.45": 3.5017659929301264, "q_0.475": 3.5939174580101216, "q_0.5": 3.710590087602741, "q_0.525": 3.7831312830132577, "q_0.55": 3.818194086927954, "q_0.575": 3.8342896220489835, "q_0.6": 3.8414148207619707, "q_0.625": 3.9242756478982983, "q_0.65": 3.981902096858289, "q_0.675": 4.107386791407774, "q_0.7": 4.145837035670981, "q_0.725": 4.222370584304638, "q_0.75": 4.319988909788199, "q_0.775": 4.379160003250951, "q_0.8": 4.491086186299703, "q_0.825": 4.561545107079835, "q_0.85": 4.6303096697848725, "q_0.875": 4.7102509061059825, "q_0.9": 4.7473811120448595, "q_0.925": 4.807196844362165, "q_0.95": 4.846116951227636, "q_0.975": 5.074047614891026, "q_1": 5.739659267521479}, {"x": 10.804321728691477, "y": 4.962695985699031, "y_pred": 3.726115372945981, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.5222306518170607, "q_0.05": 2.6632524543579312, "q_0.075": 2.7033422632676607, "q_0.1": 2.765717445332221, "q_0.125": 2.824875739926762, "q_0.15": 2.879996078557204, "q_0.175": 2.9296501080623756, "q_0.2": 2.968623296146495, "q_0.225": 3.0139026064740246, "q_0.25": 3.090193743781081, "q_0.275": 3.1042040700915985, "q_0.3": 3.196977400510694, "q_0.325": 3.2287979460588954, "q_0.35": 3.252886021784421, "q_0.375": 3.315251282390422, "q_0.4": 3.4110179337091537, "q_0.425": 3.4658397344054217, "q_0.45": 3.510764910035774, "q_0.475": 3.631058997846261, "q_0.5": 3.726115372945981, "q_0.525": 3.7831312830132577, "q_0.55": 3.818194086927954, "q_0.575": 3.837524260161338, "q_0.6": 3.861764891757854, "q_0.625": 3.9242756478982983, "q_0.65": 3.981902096858289, "q_0.675": 4.107386791407774, "q_0.7": 4.165816883231287, "q_0.725": 4.225897014990431, "q_0.75": 4.332879274641352, "q_0.775": 4.430984381976515, "q_0.8": 4.491086186299703, "q_0.825": 4.562970702560892, "q_0.85": 4.667711335355222, "q_0.875": 4.7102509061059825, "q_0.9": 4.761946363458604, "q_0.925": 4.808528447292236, "q_0.95": 4.911074061617013, "q_0.975": 5.074047614891026, "q_1": 5.739659267521479}, {"x": 10.844337735094038, "y": 4.719492496051645, "y_pred": 3.7437586819928548, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.5645675980204152, "q_0.05": 2.6944181644900924, "q_0.075": 2.7296536503975375, "q_0.1": 2.797400316262737, "q_0.125": 2.846044226164811, "q_0.15": 2.9092467288491344, "q_0.175": 2.960696216243868, "q_0.2": 2.998695503122546, "q_0.225": 3.04320054346157, "q_0.25": 3.0978533899536744, "q_0.275": 3.137274274020074, "q_0.3": 3.2001995084944435, "q_0.325": 3.2287979460588954, "q_0.35": 3.3066611116038334, "q_0.375": 3.34145822862183, "q_0.4": 3.428627727830244, "q_0.425": 3.496594284909133, "q_0.45": 3.5302604951325156, "q_0.475": 3.700449806681924, "q_0.5": 3.7437586819928548, "q_0.525": 3.8091914719569306, "q_0.55": 3.8311879734601337, "q_0.575": 3.8412632643907143, "q_0.6": 3.8910066999300055, "q_0.625": 3.981902096858289, "q_0.65": 4.07672327288903, "q_0.675": 4.145078780548356, "q_0.7": 4.222370584304638, "q_0.725": 4.3148356410695, "q_0.75": 4.379160003250951, "q_0.775": 4.491086186299703, "q_0.8": 4.561545107079835, "q_0.825": 4.598676244447554, "q_0.85": 4.678890956362663, "q_0.875": 4.719492496051645, "q_0.9": 4.799851495906518, "q_0.925": 4.8345914932497145, "q_0.95": 4.941107875289828, "q_0.975": 5.098424890837123, "q_1": 5.739659267521479}, {"x": 10.884353741496598, "y": 3.393032408659865, "y_pred": 3.7437586819928548, "target": "0", "q_0": 2.180533529915124, "q_0.025": 2.5645675980204152, "q_0.05": 2.6944181644900924, "q_0.075": 2.7296536503975375, "q_0.1": 2.797400316262737, "q_0.125": 2.846044226164811, "q_0.15": 2.9092467288491344, "q_0.175": 2.960696216243868, "q_0.2": 2.998695503122546, "q_0.225": 3.04320054346157, "q_0.25": 3.0978533899536744, "q_0.275": 3.137274274020074, "q_0.3": 3.2001995084944435, "q_0.325": 3.2287979460588954, "q_0.35": 3.3066611116038334, "q_0.375": 3.34145822862183, "q_0.4": 3.428627727830244, "q_0.425": 3.496594284909133, "q_0.45": 3.5302604951325156, "q_0.475": 3.700449806681924, "q_0.5": 3.7437586819928548, "q_0.525": 3.8091914719569306, "q_0.55": 3.8311879734601337, "q_0.575": 3.8412632643907143, "q_0.6": 3.8910066999300055, "q_0.625": 3.981902096858289, "q_0.65": 4.07672327288903, "q_0.675": 4.145078780548356, "q_0.7": 4.222370584304638, "q_0.725": 4.3148356410695, "q_0.75": 4.379160003250951, "q_0.775": 4.491086186299703, "q_0.8": 4.561545107079835, "q_0.825": 4.598676244447554, "q_0.85": 4.678890956362663, "q_0.875": 4.719492496051645, "q_0.9": 4.799851495906518, "q_0.925": 4.8345914932497145, "q_0.95": 4.941107875289828, "q_0.975": 5.098424890837123, "q_1": 5.739659267521479}, {"x": 10.92436974789916, "y": 4.942447233853703, "y_pred": 3.7437586819928548, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.5645675980204152, "q_0.05": 2.6944181644900924, "q_0.075": 2.7327396291341355, "q_0.1": 2.797400316262737, "q_0.125": 2.846044226164811, "q_0.15": 2.916112755207713, "q_0.175": 2.960696216243868, "q_0.2": 2.998695503122546, "q_0.225": 3.04320054346157, "q_0.25": 3.102082945055512, "q_0.275": 3.137274274020074, "q_0.3": 3.2023475804836123, "q_0.325": 3.2287979460588954, "q_0.35": 3.3134229936626607, "q_0.375": 3.3879555135279835, "q_0.4": 3.443379248267086, "q_0.425": 3.4973687741546082, "q_0.45": 3.5347720158482066, "q_0.475": 3.700449806681924, "q_0.5": 3.7437586819928548, "q_0.525": 3.815675187873755, "q_0.55": 3.8311879734601337, "q_0.575": 3.8414148207619707, "q_0.6": 3.9242756478982983, "q_0.625": 3.981902096858289, "q_0.65": 4.107386791407774, "q_0.675": 4.145837035670981, "q_0.7": 4.225897014990431, "q_0.725": 4.319988909788199, "q_0.75": 4.430984381976515, "q_0.775": 4.491086186299703, "q_0.8": 4.562970702560892, "q_0.825": 4.6303096697848725, "q_0.85": 4.678890956362663, "q_0.875": 4.719492496051645, "q_0.9": 4.799851495906518, "q_0.925": 4.846116951227636, "q_0.95": 4.943530463335117, "q_0.975": 5.098424890837123, "q_1": 5.739659267521479}, {"x": 10.964385754301722, "y": 3.137274274020074, "y_pred": 3.7437586819928548, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.5645675980204152, "q_0.05": 2.6944181644900924, "q_0.075": 2.7327396291341355, "q_0.1": 2.797400316262737, "q_0.125": 2.846044226164811, "q_0.15": 2.916112755207713, "q_0.175": 2.960696216243868, "q_0.2": 2.998695503122546, "q_0.225": 3.04320054346157, "q_0.25": 3.102082945055512, "q_0.275": 3.137274274020074, "q_0.3": 3.2023475804836123, "q_0.325": 3.2287979460588954, "q_0.35": 3.3134229936626607, "q_0.375": 3.3879555135279835, "q_0.4": 3.443379248267086, "q_0.425": 3.4973687741546082, "q_0.45": 3.5347720158482066, "q_0.475": 3.700449806681924, "q_0.5": 3.7437586819928548, "q_0.525": 3.815675187873755, "q_0.55": 3.8311879734601337, "q_0.575": 3.8414148207619707, "q_0.6": 3.9242756478982983, "q_0.625": 3.981902096858289, "q_0.65": 4.107386791407774, "q_0.675": 4.145837035670981, "q_0.7": 4.225897014990431, "q_0.725": 4.319988909788199, "q_0.75": 4.430984381976515, "q_0.775": 4.491086186299703, "q_0.8": 4.562970702560892, "q_0.825": 4.6303096697848725, "q_0.85": 4.678890956362663, "q_0.875": 4.719492496051645, "q_0.9": 4.799851495906518, "q_0.925": 4.846116951227636, "q_0.95": 4.943530463335117, "q_0.975": 5.098424890837123, "q_1": 5.739659267521479}, {"x": 11.004401760704281, "y": 4.924604710723981, "y_pred": 3.815675187873755, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.7839341708801855, "q_0.1": 2.846044226164811, "q_0.125": 2.9092467288491344, "q_0.15": 2.960696216243868, "q_0.175": 2.9881016302452914, "q_0.2": 3.04320054346157, "q_0.225": 3.0978533899536744, "q_0.25": 3.137274274020074, "q_0.275": 3.196977400510694, "q_0.3": 3.2287979460588954, "q_0.325": 3.3093872703115013, "q_0.35": 3.3879555135279835, "q_0.375": 3.4658397344054217, "q_0.4": 3.4973687741546082, "q_0.425": 3.5479028714337835, "q_0.45": 3.700449806681924, "q_0.475": 3.750760102043388, "q_0.5": 3.815675187873755, "q_0.525": 3.837524260161338, "q_0.55": 3.8645636789296227, "q_0.575": 3.9247237424272536, "q_0.6": 4.027732258990045, "q_0.625": 4.136443449838539, "q_0.65": 4.193999721096671, "q_0.675": 4.26983108832092, "q_0.7": 4.343951804396252, "q_0.725": 4.458734239354661, "q_0.75": 4.541027179576249, "q_0.775": 4.584934108857597, "q_0.8": 4.6303096697848725, "q_0.825": 4.678890956362663, "q_0.85": 4.7473811120448595, "q_0.875": 4.799851495906518, "q_0.9": 4.8345914932497145, "q_0.925": 4.911074061617013, "q_0.95": 5.046269926735264, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.044417767106843, "y": 4.911074061617013, "y_pred": 3.815675187873755, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.846044226164811, "q_0.125": 2.9092467288491344, "q_0.15": 2.960696216243868, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.0978533899536744, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.2333966941851915, "q_0.325": 3.3093872703115013, "q_0.35": 3.3879555135279835, "q_0.375": 3.4658397344054217, "q_0.4": 3.4973687741546082, "q_0.425": 3.5479028714337835, "q_0.45": 3.700449806681924, "q_0.475": 3.7831312830132577, "q_0.5": 3.815675187873755, "q_0.525": 3.8398282075568995, "q_0.55": 3.883842726075107, "q_0.575": 3.9247237424272536, "q_0.6": 4.069835625836726, "q_0.625": 4.140867442851671, "q_0.65": 4.193999721096671, "q_0.675": 4.26983108832092, "q_0.7": 4.363848250848673, "q_0.725": 4.458734239354661, "q_0.75": 4.541027179576249, "q_0.775": 4.584934108857597, "q_0.8": 4.6303096697848725, "q_0.825": 4.678890956362663, "q_0.85": 4.7473811120448595, "q_0.875": 4.799851495906518, "q_0.9": 4.8345914932497145, "q_0.925": 4.911109901880989, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.084433773509405, "y": 4.562970702560892, "y_pred": 3.815675187873755, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.846044226164811, "q_0.125": 2.9092467288491344, "q_0.15": 2.960696216243868, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.0978533899536744, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.2333966941851915, "q_0.325": 3.3093872703115013, "q_0.35": 3.3879555135279835, "q_0.375": 3.4658397344054217, "q_0.4": 3.4973687741546082, "q_0.425": 3.5479028714337835, "q_0.45": 3.700449806681924, "q_0.475": 3.7831312830132577, "q_0.5": 3.815675187873755, "q_0.525": 3.8398282075568995, "q_0.55": 3.883842726075107, "q_0.575": 3.9247237424272536, "q_0.6": 4.069835625836726, "q_0.625": 4.140867442851671, "q_0.65": 4.193999721096671, "q_0.675": 4.26983108832092, "q_0.7": 4.363848250848673, "q_0.725": 4.458734239354661, "q_0.75": 4.541027179576249, "q_0.775": 4.584934108857597, "q_0.8": 4.6303096697848725, "q_0.825": 4.678890956362663, "q_0.85": 4.7473811120448595, "q_0.875": 4.799851495906518, "q_0.9": 4.8345914932497145, "q_0.925": 4.911109901880989, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.124449779911965, "y": 4.147585744709453, "y_pred": 3.818194086927954, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.846044226164811, "q_0.125": 2.9092467288491344, "q_0.15": 2.960696216243868, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.102082945055512, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.2393223513601743, "q_0.325": 3.313635400154829, "q_0.35": 3.396818774846513, "q_0.375": 3.4658397344054217, "q_0.4": 3.4973687741546082, "q_0.425": 3.55521308297961, "q_0.45": 3.700449806681924, "q_0.475": 3.7831312830132577, "q_0.5": 3.818194086927954, "q_0.525": 3.8412632643907143, "q_0.55": 3.883842726075107, "q_0.575": 3.9247237424272536, "q_0.6": 4.07672327288903, "q_0.625": 4.145078780548356, "q_0.65": 4.220853543430095, "q_0.675": 4.292485548550159, "q_0.7": 4.379160003250951, "q_0.725": 4.481419269190689, "q_0.75": 4.553734053729181, "q_0.775": 4.584934108857597, "q_0.8": 4.639886941915621, "q_0.825": 4.7102509061059825, "q_0.85": 4.7473811120448595, "q_0.875": 4.799851495906518, "q_0.9": 4.8345914932497145, "q_0.925": 4.911109901880989, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.164465786314526, "y": 4.761946363458604, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.8677194118950418, "q_0.125": 2.9092467288491344, "q_0.15": 2.960696216243868, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.102082945055512, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.2393223513601743, "q_0.325": 3.313635400154829, "q_0.35": 3.396818774846513, "q_0.375": 3.4658397344054217, "q_0.4": 3.4973687741546082, "q_0.425": 3.5939174580101216, "q_0.45": 3.710590087602741, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.8412632643907143, "q_0.55": 3.8880626509514538, "q_0.575": 3.9247237424272536, "q_0.6": 4.07672327288903, "q_0.625": 4.145078780548356, "q_0.65": 4.222370584304638, "q_0.675": 4.3148356410695, "q_0.7": 4.379160003250951, "q_0.725": 4.491086186299703, "q_0.75": 4.553734053729181, "q_0.775": 4.584934108857597, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.7473811120448595, "q_0.875": 4.799851495906518, "q_0.9": 4.8345914932497145, "q_0.925": 4.911109901880989, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.204481792717088, "y": 3.313635400154829, "y_pred": 3.818194086927954, "target": "0", "q_0": 2.1805335299151243, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.871306438783182, "q_0.125": 2.9092467288491344, "q_0.15": 2.960696216243868, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.102082945055512, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.2393223513601743, "q_0.325": 3.313635400154829, "q_0.35": 3.396818774846513, "q_0.375": 3.4658397344054217, "q_0.4": 3.4973687741546082, "q_0.425": 3.591210407032153, "q_0.45": 3.710590087602741, "q_0.475": 3.7831312830132577, "q_0.5": 3.818194086927954, "q_0.525": 3.8412632643907143, "q_0.55": 3.885407374516176, "q_0.575": 3.9247237424272536, "q_0.6": 4.07672327288903, "q_0.625": 4.145078780548356, "q_0.65": 4.220853543430095, "q_0.675": 4.292485548550159, "q_0.7": 4.379160003250951, "q_0.725": 4.491086186299703, "q_0.75": 4.553734053729181, "q_0.775": 4.584934108857597, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.7473811120448595, "q_0.875": 4.799851495906518, "q_0.9": 4.846116951227636, "q_0.925": 4.9193045828823845, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.244497799119648, "y": 4.7102509061059825, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.871306438783182, "q_0.125": 2.9092467288491344, "q_0.15": 2.9677570284515236, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.102082945055512, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.252886021784421, "q_0.325": 3.313635400154829, "q_0.35": 3.396818774846513, "q_0.375": 3.4658397344054217, "q_0.4": 3.5017659929301264, "q_0.425": 3.5939174580101216, "q_0.45": 3.710590087602741, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.8412632643907143, "q_0.55": 3.892272226422649, "q_0.575": 3.981902096858289, "q_0.6": 4.107386791407774, "q_0.625": 4.145078780548356, "q_0.65": 4.222370584304638, "q_0.675": 4.3148356410695, "q_0.7": 4.430984381976515, "q_0.725": 4.491086186299703, "q_0.75": 4.553734053729181, "q_0.775": 4.5894350717899695, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.752957362878236, "q_0.875": 4.807196844362165, "q_0.9": 4.846116951227636, "q_0.925": 4.943530463335117, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.28451380552221, "y": 4.136443449838539, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.871306438783182, "q_0.125": 2.9092467288491344, "q_0.15": 2.9677570284515236, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.102082945055512, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.2393223513601743, "q_0.325": 3.313635400154829, "q_0.35": 3.396818774846513, "q_0.375": 3.4658397344054217, "q_0.4": 3.5017659929301264, "q_0.425": 3.5939174580101216, "q_0.45": 3.710590087602741, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.8412632643907143, "q_0.55": 3.892272226422649, "q_0.575": 3.981902096858289, "q_0.6": 4.107386791407774, "q_0.625": 4.145078780548356, "q_0.65": 4.222370584304638, "q_0.675": 4.3148356410695, "q_0.7": 4.430984381976515, "q_0.725": 4.491086186299703, "q_0.75": 4.553734053729181, "q_0.775": 4.5894350717899695, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.752957362878236, "q_0.875": 4.807196844362165, "q_0.9": 4.846116951227636, "q_0.925": 4.943530463335117, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.324529811924771, "y": 2.622852263631275, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.871306438783182, "q_0.125": 2.9092467288491344, "q_0.15": 2.9677570284515236, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.102082945055512, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.2393223513601743, "q_0.325": 3.313635400154829, "q_0.35": 3.396818774846513, "q_0.375": 3.4658397344054217, "q_0.4": 3.5017659929301264, "q_0.425": 3.5939174580101216, "q_0.45": 3.710590087602741, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.8412632643907143, "q_0.55": 3.892272226422649, "q_0.575": 3.981902096858289, "q_0.6": 4.107386791407774, "q_0.625": 4.145078780548356, "q_0.65": 4.222370584304638, "q_0.675": 4.3148356410695, "q_0.7": 4.430984381976515, "q_0.725": 4.491086186299703, "q_0.75": 4.553734053729181, "q_0.775": 4.5894350717899695, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.752957362878236, "q_0.875": 4.807196844362165, "q_0.9": 4.846116951227636, "q_0.925": 4.943530463335117, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.364545818327331, "y": 3.4658397344054217, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.871306438783182, "q_0.125": 2.9092467288491344, "q_0.15": 2.9677570284515236, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.102082945055512, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.2393223513601743, "q_0.325": 3.313635400154829, "q_0.35": 3.396818774846513, "q_0.375": 3.4658397344054217, "q_0.4": 3.5017659929301264, "q_0.425": 3.5939174580101216, "q_0.45": 3.710590087602741, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.8412632643907143, "q_0.55": 3.892272226422649, "q_0.575": 3.981902096858289, "q_0.6": 4.107386791407774, "q_0.625": 4.145078780548356, "q_0.65": 4.222370584304638, "q_0.675": 4.3148356410695, "q_0.7": 4.430984381976515, "q_0.725": 4.491086186299703, "q_0.75": 4.553734053729181, "q_0.775": 4.5894350717899695, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.752957362878236, "q_0.875": 4.807196844362165, "q_0.9": 4.846116951227636, "q_0.925": 4.943530463335117, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.404561824729893, "y": 2.968623296146495, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.622852263631275, "q_0.05": 2.7033422632676607, "q_0.075": 2.797400316262737, "q_0.1": 2.871306438783182, "q_0.125": 2.9092467288491344, "q_0.15": 2.9677570284515236, "q_0.175": 2.998695503122546, "q_0.2": 3.04320054346157, "q_0.225": 3.102082945055512, "q_0.25": 3.137274274020074, "q_0.275": 3.2023475804836123, "q_0.3": 3.2393223513601743, "q_0.325": 3.313635400154829, "q_0.35": 3.396818774846513, "q_0.375": 3.4658397344054217, "q_0.4": 3.5017659929301264, "q_0.425": 3.5939174580101216, "q_0.45": 3.710590087602741, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.8412632643907143, "q_0.55": 3.892272226422649, "q_0.575": 3.981902096858289, "q_0.6": 4.107386791407774, "q_0.625": 4.145078780548356, "q_0.65": 4.222370584304638, "q_0.675": 4.3148356410695, "q_0.7": 4.430984381976515, "q_0.725": 4.491086186299703, "q_0.75": 4.553734053729181, "q_0.775": 4.5894350717899695, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.752957362878236, "q_0.875": 4.807196844362165, "q_0.9": 4.846116951227636, "q_0.925": 4.943530463335117, "q_0.95": 5.074047614891026, "q_0.975": 5.1235119091523575, "q_1": 5.739659267521479}, {"x": 11.444577831132454, "y": 5.074047614891026, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.622852263631275, "q_0.05": 2.7327396291341355, "q_0.075": 2.821344705246254, "q_0.1": 2.8752713291986387, "q_0.125": 2.917572773483889, "q_0.15": 2.968623296146495, "q_0.175": 2.998695503122546, "q_0.2": 3.0522031936820517, "q_0.225": 3.102082945055512, "q_0.25": 3.1778977333904392, "q_0.275": 3.224854641665987, "q_0.3": 3.252886021784421, "q_0.325": 3.313635400154829, "q_0.35": 3.4110179337091537, "q_0.375": 3.4671132335920856, "q_0.4": 3.5017659929301264, "q_0.425": 3.6008775686965366, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.981902096858289, "q_0.6": 4.114426410309593, "q_0.625": 4.145837035670981, "q_0.65": 4.225897014990431, "q_0.675": 4.328614438582447, "q_0.7": 4.430984381976515, "q_0.725": 4.516482171419353, "q_0.75": 4.561545107079835, "q_0.775": 4.598676244447554, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.761946363458604, "q_0.875": 4.808528447292236, "q_0.9": 4.846116951227636, "q_0.925": 4.943530463335117, "q_0.95": 5.074047614891026, "q_0.975": 5.148743240539422, "q_1": 5.841440913742378}, {"x": 11.484593837535014, "y": 3.8091914719569306, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6728123390432823, "q_0.05": 2.7327396291341355, "q_0.075": 2.824875739926762, "q_0.1": 2.8752713291986387, "q_0.125": 2.927791506437389, "q_0.15": 2.968623296146495, "q_0.175": 3.004943825726753, "q_0.2": 3.0522031936820517, "q_0.225": 3.102082945055512, "q_0.25": 3.196977400510694, "q_0.275": 3.224854641665987, "q_0.3": 3.261975420924286, "q_0.325": 3.313635400154829, "q_0.35": 3.412938678772533, "q_0.375": 3.4758467498002674, "q_0.4": 3.5017659929301264, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.1625492107003454, "q_0.65": 4.225897014990431, "q_0.675": 4.3290684137821405, "q_0.7": 4.430984381976515, "q_0.725": 4.516482171419353, "q_0.75": 4.562970702560892, "q_0.775": 4.598676244447554, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.093549435647894, "q_0.975": 5.223705005544777, "q_1": 5.841440913742378}, {"x": 11.524609843937576, "y": 3.861764891757854, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6728123390432823, "q_0.05": 2.7327396291341355, "q_0.075": 2.824875739926762, "q_0.1": 2.8752713291986387, "q_0.125": 2.927791506437389, "q_0.15": 2.968623296146495, "q_0.175": 3.004943825726753, "q_0.2": 3.0522031936820517, "q_0.225": 3.102082945055512, "q_0.25": 3.196977400510694, "q_0.275": 3.224854641665987, "q_0.3": 3.261975420924286, "q_0.325": 3.313635400154829, "q_0.35": 3.412938678772533, "q_0.375": 3.4758467498002674, "q_0.4": 3.5017659929301264, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.1625492107003454, "q_0.65": 4.225897014990431, "q_0.675": 4.3290684137821405, "q_0.7": 4.430984381976515, "q_0.725": 4.516482171419353, "q_0.75": 4.562970702560892, "q_0.775": 4.598676244447554, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.093549435647894, "q_0.975": 5.223705005544777, "q_1": 5.841440913742378}, {"x": 11.564625850340137, "y": 4.225897014990431, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6728123390432823, "q_0.05": 2.7327396291341355, "q_0.075": 2.824875739926762, "q_0.1": 2.8752713291986387, "q_0.125": 2.927791506437389, "q_0.15": 2.968623296146495, "q_0.175": 3.004943825726753, "q_0.2": 3.0522031936820517, "q_0.225": 3.102082945055512, "q_0.25": 3.196977400510694, "q_0.275": 3.224854641665987, "q_0.3": 3.261975420924286, "q_0.325": 3.313635400154829, "q_0.35": 3.412938678772533, "q_0.375": 3.4758467498002674, "q_0.4": 3.5017659929301264, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.1625492107003454, "q_0.65": 4.225897014990431, "q_0.675": 4.3290684137821405, "q_0.7": 4.430984381976515, "q_0.725": 4.516482171419353, "q_0.75": 4.562970702560892, "q_0.775": 4.598676244447554, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.093549435647894, "q_0.975": 5.223705005544777, "q_1": 5.841440913742378}, {"x": 11.604641856742697, "y": 3.5444284517808726, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6728123390432823, "q_0.05": 2.7327396291341355, "q_0.075": 2.824875739926762, "q_0.1": 2.8752713291986387, "q_0.125": 2.927791506437389, "q_0.15": 2.968623296146495, "q_0.175": 3.004943825726753, "q_0.2": 3.0522031936820517, "q_0.225": 3.102082945055512, "q_0.25": 3.196977400510694, "q_0.275": 3.224854641665987, "q_0.3": 3.261975420924286, "q_0.325": 3.313635400154829, "q_0.35": 3.412938678772533, "q_0.375": 3.4758467498002674, "q_0.4": 3.5017659929301264, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.1625492107003454, "q_0.65": 4.225897014990431, "q_0.675": 4.3290684137821405, "q_0.7": 4.430984381976515, "q_0.725": 4.516482171419353, "q_0.75": 4.562970702560892, "q_0.775": 4.598676244447554, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.093549435647894, "q_0.975": 5.223705005544777, "q_1": 5.841440913742378}, {"x": 11.644657863145259, "y": 2.960696216243868, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6728123390432823, "q_0.05": 2.7327396291341355, "q_0.075": 2.824875739926762, "q_0.1": 2.8752713291986387, "q_0.125": 2.927791506437389, "q_0.15": 2.968623296146495, "q_0.175": 3.004943825726753, "q_0.2": 3.0522031936820517, "q_0.225": 3.102082945055512, "q_0.25": 3.196977400510694, "q_0.275": 3.224854641665987, "q_0.3": 3.261975420924286, "q_0.325": 3.313635400154829, "q_0.35": 3.412938678772533, "q_0.375": 3.4758467498002674, "q_0.4": 3.5017659929301264, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.1625492107003454, "q_0.65": 4.225897014990431, "q_0.675": 4.3290684137821405, "q_0.7": 4.430984381976515, "q_0.725": 4.516482171419353, "q_0.75": 4.562970702560892, "q_0.775": 4.598676244447554, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.093549435647894, "q_0.975": 5.223705005544777, "q_1": 5.841440913742378}, {"x": 11.684673869547819, "y": 4.704779864585316, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6728123390432823, "q_0.05": 2.7327396291341355, "q_0.075": 2.824875739926762, "q_0.1": 2.8752713291986387, "q_0.125": 2.927791506437389, "q_0.15": 2.968623296146495, "q_0.175": 3.004943825726753, "q_0.2": 3.0522031936820517, "q_0.225": 3.102082945055512, "q_0.25": 3.196977400510694, "q_0.275": 3.224854641665987, "q_0.3": 3.261975420924286, "q_0.325": 3.313635400154829, "q_0.35": 3.412938678772533, "q_0.375": 3.4758467498002674, "q_0.4": 3.5017659929301264, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.1625492107003454, "q_0.65": 4.225897014990431, "q_0.675": 4.3290684137821405, "q_0.7": 4.430984381976515, "q_0.725": 4.516482171419353, "q_0.75": 4.562970702560892, "q_0.775": 4.598676244447554, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.093549435647894, "q_0.975": 5.223705005544777, "q_1": 5.841440913742378}, {"x": 11.72468987595038, "y": 3.102082945055512, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6728123390432823, "q_0.05": 2.7327396291341355, "q_0.075": 2.824875739926762, "q_0.1": 2.8752713291986387, "q_0.125": 2.927791506437389, "q_0.15": 2.968623296146495, "q_0.175": 3.004943825726753, "q_0.2": 3.0522031936820517, "q_0.225": 3.102082945055512, "q_0.25": 3.196977400510694, "q_0.275": 3.224854641665987, "q_0.3": 3.261975420924286, "q_0.325": 3.313635400154829, "q_0.35": 3.412938678772533, "q_0.375": 3.4758467498002674, "q_0.4": 3.5017659929301264, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.1625492107003454, "q_0.65": 4.225897014990431, "q_0.675": 4.3290684137821405, "q_0.7": 4.430984381976515, "q_0.725": 4.516482171419353, "q_0.75": 4.562970702560892, "q_0.775": 4.598676244447554, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.093549435647894, "q_0.975": 5.223705005544777, "q_1": 5.841440913742378}, {"x": 11.764705882352942, "y": 3.9242756478982983, "y_pred": 3.819557870039772, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6728123390432823, "q_0.05": 2.7327396291341355, "q_0.075": 2.824875739926762, "q_0.1": 2.8752713291986387, "q_0.125": 2.927791506437389, "q_0.15": 2.968623296146495, "q_0.175": 3.004943825726753, "q_0.2": 3.0522031936820517, "q_0.225": 3.102082945055512, "q_0.25": 3.196977400510694, "q_0.275": 3.224854641665987, "q_0.3": 3.261975420924286, "q_0.325": 3.313635400154829, "q_0.35": 3.412938678772533, "q_0.375": 3.4758467498002674, "q_0.4": 3.5017659929301264, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.819557870039772, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.1625492107003454, "q_0.65": 4.225897014990431, "q_0.675": 4.3290684137821405, "q_0.7": 4.430984381976515, "q_0.725": 4.516482171419353, "q_0.75": 4.562970702560892, "q_0.775": 4.598676244447554, "q_0.8": 4.667711335355222, "q_0.825": 4.7102509061059825, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.093549435647894, "q_0.975": 5.223705005544777, "q_1": 5.841440913742378}, {"x": 11.804721888755502, "y": 3.196977400510694, "y_pred": 3.8238489319904967, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6944181644900924, "q_0.05": 2.765717445332221, "q_0.075": 2.824875739926762, "q_0.1": 2.879996078557204, "q_0.125": 2.947065811950295, "q_0.15": 2.968623296146495, "q_0.175": 3.006085017919566, "q_0.2": 3.0522031936820517, "q_0.225": 3.1042040700915985, "q_0.25": 3.196977400510694, "q_0.275": 3.2287979460588954, "q_0.3": 3.278734707705796, "q_0.325": 3.313635400154829, "q_0.35": 3.428627727830244, "q_0.375": 3.4758467498002674, "q_0.4": 3.510764910035774, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.8238489319904967, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.165816883231287, "q_0.65": 4.225897014990431, "q_0.675": 4.332879274641352, "q_0.7": 4.458734239354661, "q_0.725": 4.521416495656883, "q_0.75": 4.562970702560892, "q_0.775": 4.627724691528132, "q_0.8": 4.667711335355222, "q_0.825": 4.719492496051645, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.098424890837123, "q_0.975": 5.228614293242584, "q_1": 5.841440913742378}, {"x": 11.844737895158064, "y": 2.8776957582789406, "y_pred": 3.8238489319904967, "target": "0", "q_0": 2.226941649797617, "q_0.025": 2.6944181644900924, "q_0.05": 2.765717445332221, "q_0.075": 2.824875739926762, "q_0.1": 2.879996078557204, "q_0.125": 2.947065811950295, "q_0.15": 2.968623296146495, "q_0.175": 3.006085017919566, "q_0.2": 3.0522031936820517, "q_0.225": 3.1042040700915985, "q_0.25": 3.196977400510694, "q_0.275": 3.2287979460588954, "q_0.3": 3.278734707705796, "q_0.325": 3.313635400154829, "q_0.35": 3.428627727830244, "q_0.375": 3.4758467498002674, "q_0.4": 3.510764910035774, "q_0.425": 3.631058997846261, "q_0.45": 3.726115372945981, "q_0.475": 3.7831312830132577, "q_0.5": 3.8238489319904967, "q_0.525": 3.861764891757854, "q_0.55": 3.9242756478982983, "q_0.575": 3.9845289295109616, "q_0.6": 4.136443449838539, "q_0.625": 4.165816883231287, "q_0.65": 4.225897014990431, "q_0.675": 4.332879274641352, "q_0.7": 4.458734239354661, "q_0.725": 4.521416495656883, "q_0.75": 4.562970702560892, "q_0.775": 4.627724691528132, "q_0.8": 4.667711335355222, "q_0.825": 4.719492496051645, "q_0.85": 4.761946363458604, "q_0.875": 4.8189846428564, "q_0.9": 4.911074061617013, "q_0.925": 4.965004010676292, "q_0.95": 5.098424890837123, "q_0.975": 5.228614293242584, "q_1": 5.841440913742378}, {"x": 11.884753901560625, "y": 4.8345914932497145, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.77495674062515, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.137274274020074, "q_0.25": 3.2023475804836123, "q_0.275": 3.252886021784421, "q_0.3": 3.3093872703115013, "q_0.325": 3.396818774846513, "q_0.35": 3.4671132335920856, "q_0.375": 3.4973687741546082, "q_0.4": 3.5694675885460723, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.7473811120448595, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.911109901880989, "q_0.925": 4.965004010676292, "q_0.95": 5.098424890837123, "q_0.975": 5.234352137028019, "q_1": 5.841440913742378}, {"x": 11.924769907963185, "y": 5.1235119091523575, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.77495674062515, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.137274274020074, "q_0.25": 3.2023475804836123, "q_0.275": 3.252886021784421, "q_0.3": 3.3093872703115013, "q_0.325": 3.396818774846513, "q_0.35": 3.4671132335920856, "q_0.375": 3.4973687741546082, "q_0.4": 3.5694675885460723, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.7473811120448595, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.911109901880989, "q_0.925": 4.965004010676292, "q_0.95": 5.098424890837123, "q_0.975": 5.234352137028019, "q_1": 5.841440913742378}, {"x": 11.964785914365747, "y": 5.098424890837123, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.77495674062515, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.137274274020074, "q_0.25": 3.2023475804836123, "q_0.275": 3.252886021784421, "q_0.3": 3.3093872703115013, "q_0.325": 3.396818774846513, "q_0.35": 3.4671132335920856, "q_0.375": 3.4973687741546082, "q_0.4": 3.5694675885460723, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.7473811120448595, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.911109901880989, "q_0.925": 4.965004010676292, "q_0.95": 5.098424890837123, "q_0.975": 5.234352137028019, "q_1": 5.841440913742378}, {"x": 12.004801920768308, "y": 4.965004010676292, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.77495674062515, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.137274274020074, "q_0.25": 3.2023475804836123, "q_0.275": 3.252886021784421, "q_0.3": 3.3093872703115013, "q_0.325": 3.396818774846513, "q_0.35": 3.4671132335920856, "q_0.375": 3.4973687741546082, "q_0.4": 3.5694675885460723, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.7473811120448595, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.911109901880989, "q_0.925": 4.965004010676292, "q_0.95": 5.098424890837123, "q_0.975": 5.234352137028019, "q_1": 5.841440913742378}, {"x": 12.044817927170868, "y": 4.6303096697848725, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.77495674062515, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.137274274020074, "q_0.25": 3.2023475804836123, "q_0.275": 3.252886021784421, "q_0.3": 3.3093872703115013, "q_0.325": 3.396818774846513, "q_0.35": 3.4671132335920856, "q_0.375": 3.4973687741546082, "q_0.4": 3.5694675885460723, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.7473811120448595, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.911109901880989, "q_0.925": 4.965004010676292, "q_0.95": 5.098424890837123, "q_0.975": 5.234352137028019, "q_1": 5.841440913742378}, {"x": 12.08483393357343, "y": 3.5017659929301264, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.77495674062515, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.137274274020074, "q_0.25": 3.2023475804836123, "q_0.275": 3.252886021784421, "q_0.3": 3.3093872703115013, "q_0.325": 3.396818774846513, "q_0.35": 3.4671132335920856, "q_0.375": 3.4973687741546082, "q_0.4": 3.5694675885460723, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.7473811120448595, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.911109901880989, "q_0.925": 4.965004010676292, "q_0.95": 5.098424890837123, "q_0.975": 5.234352137028019, "q_1": 5.841440913742378}, {"x": 12.124849939975991, "y": 2.856731779926114, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.9677570284515236, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.144357047858117, "q_0.25": 3.224854641665987, "q_0.275": 3.261975420924286, "q_0.3": 3.313635400154829, "q_0.325": 3.4109119316117766, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.752957362878236, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.9193045828823845, "q_0.925": 5.046269926735264, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.164865946378551, "y": 3.700449806681924, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.9677570284515236, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.144357047858117, "q_0.25": 3.224854641665987, "q_0.275": 3.261975420924286, "q_0.3": 3.313635400154829, "q_0.325": 3.4109119316117766, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.752957362878236, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.9193045828823845, "q_0.925": 5.046269926735264, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.204881952781113, "y": 3.252886021784421, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.9677570284515236, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.144357047858117, "q_0.25": 3.224854641665987, "q_0.275": 3.261975420924286, "q_0.3": 3.313635400154829, "q_0.325": 3.4109119316117766, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.752957362878236, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.9193045828823845, "q_0.925": 5.046269926735264, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.244897959183675, "y": 2.998695503122546, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.9677570284515236, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.144357047858117, "q_0.25": 3.224854641665987, "q_0.275": 3.261975420924286, "q_0.3": 3.313635400154829, "q_0.325": 3.4109119316117766, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.752957362878236, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.9193045828823845, "q_0.925": 5.046269926735264, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.284913965586234, "y": 2.797400316262737, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.144357047858117, "q_0.25": 3.224854641665987, "q_0.275": 3.261975420924286, "q_0.3": 3.313635400154829, "q_0.325": 3.4109119316117766, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.752957362878236, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.9193045828823845, "q_0.925": 5.046269926735264, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.324929971988796, "y": 4.541027179576249, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.144357047858117, "q_0.25": 3.224854641665987, "q_0.275": 3.261975420924286, "q_0.3": 3.313635400154829, "q_0.325": 3.4109119316117766, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.752957362878236, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.9193045828823845, "q_0.925": 5.046269926735264, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.364945978391358, "y": 2.6944181644900924, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.846044226164811, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.144357047858117, "q_0.25": 3.224854641665987, "q_0.275": 3.261975420924286, "q_0.3": 3.313635400154829, "q_0.325": 3.4109119316117766, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.107386791407774, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3148356410695, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.6303096697848725, "q_0.8": 4.678890956362663, "q_0.825": 4.752957362878236, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.9193045828823845, "q_0.925": 5.046269926735264, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.404961984793918, "y": 4.667711335355222, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.850465113373024, "q_0.1": 2.879996078557204, "q_0.125": 2.960696216243868, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.1778977333904392, "q_0.25": 3.224854641665987, "q_0.275": 3.261975420924286, "q_0.3": 3.313635400154829, "q_0.325": 3.4110179337091537, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.114426410309593, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3290684137821405, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.639886941915621, "q_0.8": 4.7102509061059825, "q_0.825": 4.752957362878236, "q_0.85": 4.807196844362165, "q_0.875": 4.8345914932497145, "q_0.9": 4.9193045828823845, "q_0.925": 5.046269926735264, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.44497799119648, "y": 3.0522031936820517, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.871306438783182, "q_0.1": 2.879996078557204, "q_0.125": 2.9677570284515236, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.1778977333904392, "q_0.25": 3.224854641665987, "q_0.275": 3.278734707705796, "q_0.3": 3.313635400154829, "q_0.325": 3.4110179337091537, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.114426410309593, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3290684137821405, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.639886941915621, "q_0.8": 4.7102509061059825, "q_0.825": 4.761946363458604, "q_0.85": 4.808528447292236, "q_0.875": 4.846116951227636, "q_0.9": 4.9193045828823845, "q_0.925": 5.074047614891026, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.484993997599041, "y": 2.879996078557204, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.871306438783182, "q_0.1": 2.879996078557204, "q_0.125": 2.9677570284515236, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.1778977333904392, "q_0.25": 3.224854641665987, "q_0.275": 3.278734707705796, "q_0.3": 3.313635400154829, "q_0.325": 3.4110179337091537, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.114426410309593, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3290684137821405, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.639886941915621, "q_0.8": 4.7102509061059825, "q_0.825": 4.761946363458604, "q_0.85": 4.808528447292236, "q_0.875": 4.846116951227636, "q_0.9": 4.9193045828823845, "q_0.925": 5.074047614891026, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.5250100040016, "y": 2.9092467288491344, "y_pred": 3.8412632643907143, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.871306438783182, "q_0.1": 2.879996078557204, "q_0.125": 2.9677570284515236, "q_0.15": 2.998695503122546, "q_0.175": 3.04320054346157, "q_0.2": 3.102082945055512, "q_0.225": 3.1778977333904392, "q_0.25": 3.224854641665987, "q_0.275": 3.278734707705796, "q_0.3": 3.313635400154829, "q_0.325": 3.4110179337091537, "q_0.35": 3.4671132335920856, "q_0.375": 3.5017659929301264, "q_0.4": 3.5939174580101216, "q_0.425": 3.700449806681924, "q_0.45": 3.7437586819928548, "q_0.475": 3.8091914719569306, "q_0.5": 3.8412632643907143, "q_0.525": 3.892272226422649, "q_0.55": 3.981902096858289, "q_0.575": 4.114426410309593, "q_0.6": 4.145078780548356, "q_0.625": 4.222370584304638, "q_0.65": 4.3290684137821405, "q_0.675": 4.430984381976515, "q_0.7": 4.516482171419353, "q_0.725": 4.553734053729181, "q_0.75": 4.5894350717899695, "q_0.775": 4.639886941915621, "q_0.8": 4.7102509061059825, "q_0.825": 4.761946363458604, "q_0.85": 4.808528447292236, "q_0.875": 4.846116951227636, "q_0.9": 4.9193045828823845, "q_0.925": 5.074047614891026, "q_0.95": 5.1235119091523575, "q_0.975": 5.274576374578992, "q_1": 5.921469300691284}, {"x": 12.565026010404162, "y": 4.430984381976515, "y_pred": 3.861764891757854, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.871306438783182, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 2.998695503122546, "q_0.175": 3.0522031936820517, "q_0.2": 3.1118353636213394, "q_0.225": 3.196977400510694, "q_0.25": 3.252886021784421, "q_0.275": 3.279100020382263, "q_0.3": 3.34145822862183, "q_0.325": 3.4658397344054217, "q_0.35": 3.4961772522384926, "q_0.375": 3.5302604951325156, "q_0.4": 3.6008775686965366, "q_0.425": 3.700449806681924, "q_0.45": 3.7831312830132577, "q_0.475": 3.819557870039772, "q_0.5": 3.861764891757854, "q_0.525": 3.9242756478982983, "q_0.55": 4.027732258990045, "q_0.575": 4.136443449838539, "q_0.6": 4.165816883231287, "q_0.625": 4.26983108832092, "q_0.65": 4.343951804396252, "q_0.675": 4.460154591907973, "q_0.7": 4.521416495656883, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.7102509061059825, "q_0.825": 4.761946363458604, "q_0.85": 4.808528447292236, "q_0.875": 4.846116951227636, "q_0.9": 4.943530463335117, "q_0.925": 5.074047614891026, "q_0.95": 5.142663275069371, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.605042016806722, "y": 3.321883305009888, "y_pred": 3.8645636789296227, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.004943825726753, "q_0.175": 3.0522031936820517, "q_0.2": 3.1167929555434855, "q_0.225": 3.2023475804836123, "q_0.25": 3.252886021784421, "q_0.275": 3.301867099225344, "q_0.3": 3.396818774846513, "q_0.325": 3.4658397344054217, "q_0.35": 3.4973687741546082, "q_0.375": 3.5440824750994477, "q_0.4": 3.631058997846261, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8311879734601337, "q_0.5": 3.8645636789296227, "q_0.525": 3.9242756478982983, "q_0.55": 4.06298111849937, "q_0.575": 4.140867442851671, "q_0.6": 4.165816883231287, "q_0.625": 4.26983108832092, "q_0.65": 4.379160003250951, "q_0.675": 4.460154591907973, "q_0.7": 4.521416495656883, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.71165389228335, "q_0.825": 4.761946363458604, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.074047614891026, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.645058023209284, "y": 3.7831312830132577, "y_pred": 3.8645636789296227, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.797400316262737, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.004943825726753, "q_0.175": 3.0522031936820517, "q_0.2": 3.1167929555434855, "q_0.225": 3.2023475804836123, "q_0.25": 3.252886021784421, "q_0.275": 3.301867099225344, "q_0.3": 3.396818774846513, "q_0.325": 3.4658397344054217, "q_0.35": 3.4973687741546082, "q_0.375": 3.5440824750994477, "q_0.4": 3.631058997846261, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8311879734601337, "q_0.5": 3.8645636789296227, "q_0.525": 3.9242756478982983, "q_0.55": 4.06298111849937, "q_0.575": 4.140867442851671, "q_0.6": 4.165816883231287, "q_0.625": 4.26983108832092, "q_0.65": 4.379160003250951, "q_0.675": 4.460154591907973, "q_0.7": 4.521416495656883, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.71165389228335, "q_0.825": 4.761946363458604, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.074047614891026, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.685074029611846, "y": 4.145078780548356, "y_pred": 3.8645636789296227, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.821344705246254, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.006085017919566, "q_0.175": 3.090193743781081, "q_0.2": 3.137274274020074, "q_0.225": 3.2023475804836123, "q_0.25": 3.252886021784421, "q_0.275": 3.3081744359429157, "q_0.3": 3.396818774846513, "q_0.325": 3.4671132335920856, "q_0.35": 3.4973687741546082, "q_0.375": 3.55521308297961, "q_0.4": 3.6406966428255956, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8332040450428844, "q_0.5": 3.8645636789296227, "q_0.525": 3.924432480983433, "q_0.55": 4.06298111849937, "q_0.575": 4.140867442851671, "q_0.6": 4.165816883231287, "q_0.625": 4.292485548550159, "q_0.65": 4.379160003250951, "q_0.675": 4.460154591907973, "q_0.7": 4.541027179576249, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.719492496051645, "q_0.825": 4.761946363458604, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.098424890837123, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.725090036014405, "y": 4.943530463335117, "y_pred": 3.8645636789296227, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.821344705246254, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.006085017919566, "q_0.175": 3.090193743781081, "q_0.2": 3.137274274020074, "q_0.225": 3.2023475804836123, "q_0.25": 3.252886021784421, "q_0.275": 3.3081744359429157, "q_0.3": 3.396818774846513, "q_0.325": 3.4671132335920856, "q_0.35": 3.4973687741546082, "q_0.375": 3.55521308297961, "q_0.4": 3.6406966428255956, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8332040450428844, "q_0.5": 3.8645636789296227, "q_0.525": 3.924432480983433, "q_0.55": 4.06298111849937, "q_0.575": 4.140867442851671, "q_0.6": 4.165816883231287, "q_0.625": 4.292485548550159, "q_0.65": 4.379160003250951, "q_0.675": 4.460154591907973, "q_0.7": 4.541027179576249, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.719492496051645, "q_0.825": 4.761946363458604, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.098424890837123, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.765106042416967, "y": 4.598676244447554, "y_pred": 3.8645636789296227, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.821344705246254, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.006085017919566, "q_0.175": 3.090193743781081, "q_0.2": 3.137274274020074, "q_0.225": 3.2023475804836123, "q_0.25": 3.252886021784421, "q_0.275": 3.3081744359429157, "q_0.3": 3.396818774846513, "q_0.325": 3.4671132335920856, "q_0.35": 3.4973687741546082, "q_0.375": 3.55521308297961, "q_0.4": 3.6406966428255956, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8332040450428844, "q_0.5": 3.8645636789296227, "q_0.525": 3.924432480983433, "q_0.55": 4.06298111849937, "q_0.575": 4.140867442851671, "q_0.6": 4.165816883231287, "q_0.625": 4.292485548550159, "q_0.65": 4.379160003250951, "q_0.675": 4.460154591907973, "q_0.7": 4.541027179576249, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.719492496051645, "q_0.825": 4.761946363458604, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.098424890837123, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.805122048819529, "y": 3.404594684830774, "y_pred": 3.8645636789296227, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.821344705246254, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.006085017919566, "q_0.175": 3.090193743781081, "q_0.2": 3.137274274020074, "q_0.225": 3.2023475804836123, "q_0.25": 3.252886021784421, "q_0.275": 3.3081744359429157, "q_0.3": 3.396818774846513, "q_0.325": 3.4671132335920856, "q_0.35": 3.4973687741546082, "q_0.375": 3.55521308297961, "q_0.4": 3.6406966428255956, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8332040450428844, "q_0.5": 3.8645636789296227, "q_0.525": 3.924432480983433, "q_0.55": 4.06298111849937, "q_0.575": 4.140867442851671, "q_0.6": 4.165816883231287, "q_0.625": 4.292485548550159, "q_0.65": 4.379160003250951, "q_0.675": 4.460154591907973, "q_0.7": 4.541027179576249, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.719492496051645, "q_0.825": 4.761946363458604, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.098424890837123, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.845138055222089, "y": 3.04320054346157, "y_pred": 3.8645636789296227, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.821344705246254, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.006085017919566, "q_0.175": 3.090193743781081, "q_0.2": 3.137274274020074, "q_0.225": 3.2023475804836123, "q_0.25": 3.252886021784421, "q_0.275": 3.3081744359429157, "q_0.3": 3.396818774846513, "q_0.325": 3.4671132335920856, "q_0.35": 3.4973687741546082, "q_0.375": 3.55521308297961, "q_0.4": 3.6406966428255956, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8332040450428844, "q_0.5": 3.8645636789296227, "q_0.525": 3.924432480983433, "q_0.55": 4.06298111849937, "q_0.575": 4.140867442851671, "q_0.6": 4.165816883231287, "q_0.625": 4.292485548550159, "q_0.65": 4.379160003250951, "q_0.675": 4.460154591907973, "q_0.7": 4.541027179576249, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.719492496051645, "q_0.825": 4.761946363458604, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.098424890837123, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.88515406162465, "y": 2.846044226164811, "y_pred": 3.8645636789296227, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.821344705246254, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.006085017919566, "q_0.175": 3.090193743781081, "q_0.2": 3.137274274020074, "q_0.225": 3.2023475804836123, "q_0.25": 3.252886021784421, "q_0.275": 3.3081744359429157, "q_0.3": 3.396818774846513, "q_0.325": 3.4671132335920856, "q_0.35": 3.4973687741546082, "q_0.375": 3.55521308297961, "q_0.4": 3.6406966428255956, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8332040450428844, "q_0.5": 3.8645636789296227, "q_0.525": 3.924432480983433, "q_0.55": 4.06298111849937, "q_0.575": 4.140867442851671, "q_0.6": 4.165816883231287, "q_0.625": 4.292485548550159, "q_0.65": 4.379160003250951, "q_0.675": 4.460154591907973, "q_0.7": 4.541027179576249, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.719492496051645, "q_0.825": 4.761946363458604, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.098424890837123, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.925170068027212, "y": 3.4973687741546082, "y_pred": 3.8645636789296227, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.821344705246254, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.006085017919566, "q_0.175": 3.090193743781081, "q_0.2": 3.137274274020074, "q_0.225": 3.2023475804836123, "q_0.25": 3.252886021784421, "q_0.275": 3.3081744359429157, "q_0.3": 3.396818774846513, "q_0.325": 3.4671132335920856, "q_0.35": 3.4973687741546082, "q_0.375": 3.55521308297961, "q_0.4": 3.6406966428255956, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8332040450428844, "q_0.5": 3.8645636789296227, "q_0.525": 3.924432480983433, "q_0.55": 4.06298111849937, "q_0.575": 4.140867442851671, "q_0.6": 4.165816883231287, "q_0.625": 4.292485548550159, "q_0.65": 4.379160003250951, "q_0.675": 4.460154591907973, "q_0.7": 4.541027179576249, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.719492496051645, "q_0.825": 4.761946363458604, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.098424890837123, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 12.965186074429772, "y": 3.396818774846513, "y_pred": 3.883842726075107, "target": "0", "q_0": 2.3734481619553187, "q_0.025": 2.6944181644900924, "q_0.05": 2.824875739926762, "q_0.075": 2.8752713291986387, "q_0.1": 2.9092467288491344, "q_0.125": 2.968623296146495, "q_0.15": 3.006085017919566, "q_0.175": 3.0978533899536744, "q_0.2": 3.137274274020074, "q_0.225": 3.2023475804836123, "q_0.25": 3.261975420924286, "q_0.275": 3.3081744359429157, "q_0.3": 3.396818774846513, "q_0.325": 3.4671132335920856, "q_0.35": 3.4973687741546082, "q_0.375": 3.55521308297961, "q_0.4": 3.6406966428255956, "q_0.425": 3.726115372945981, "q_0.45": 3.7831312830132577, "q_0.475": 3.8342896220489835, "q_0.5": 3.883842726075107, "q_0.525": 3.9247237424272536, "q_0.55": 4.06298111849937, "q_0.575": 4.145078780548356, "q_0.6": 4.165816883231287, "q_0.625": 4.292485548550159, "q_0.65": 4.379160003250951, "q_0.675": 4.469221529047629, "q_0.7": 4.541027179576249, "q_0.725": 4.562970702560892, "q_0.75": 4.598676244447554, "q_0.775": 4.667711335355222, "q_0.8": 4.719492496051645, "q_0.825": 4.799851495906518, "q_0.85": 4.8189846428564, "q_0.875": 4.911074061617013, "q_0.9": 4.943530463335117, "q_0.925": 5.098424890837123, "q_0.95": 5.148743240539422, "q_0.975": 5.366425487227998, "q_1": 5.921469300691284}, {"x": 13.005202080832333, "y": 3.9123475124715013, "y_pred": 3.9242756478982983, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.7033422632676607, "q_0.05": 2.846044226164811, "q_0.075": 2.879996078557204, "q_0.1": 2.9677570284515236, "q_0.125": 3.004943825726753, "q_0.15": 3.0978533899536744, "q_0.175": 3.1416805831213503, "q_0.2": 3.2023475804836123, "q_0.225": 3.278734707705796, "q_0.25": 3.309084061719355, "q_0.275": 3.396818774846513, "q_0.3": 3.4671132335920856, "q_0.325": 3.4973687741546082, "q_0.35": 3.55521308297961, "q_0.375": 3.6406966428255956, "q_0.4": 3.710590087602741, "q_0.425": 3.7831312830132577, "q_0.45": 3.8311879734601337, "q_0.475": 3.8645636789296227, "q_0.5": 3.9242756478982983, "q_0.525": 4.027732258990045, "q_0.55": 4.136443449838539, "q_0.575": 4.1625492107003454, "q_0.6": 4.225897014990431, "q_0.625": 4.3290684137821405, "q_0.65": 4.458734239354661, "q_0.675": 4.516482171419353, "q_0.7": 4.553734053729181, "q_0.725": 4.5894350717899695, "q_0.75": 4.6303096697848725, "q_0.775": 4.7102509061059825, "q_0.8": 4.761946363458604, "q_0.825": 4.808528447292236, "q_0.85": 4.846116951227636, "q_0.875": 4.943530463335117, "q_0.9": 5.074047614891026, "q_0.925": 5.142663275069371, "q_0.95": 5.2667743091875785, "q_0.975": 5.408225574077972, "q_1": 6.03586784484234}, {"x": 13.045218087234895, "y": 4.516482171419353, "y_pred": 3.9845289295109616, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.77495674062515, "q_0.05": 2.871306438783182, "q_0.075": 2.9092467288491344, "q_0.1": 2.968623296146495, "q_0.125": 3.04320054346157, "q_0.15": 3.1118353636213394, "q_0.175": 3.196977400510694, "q_0.2": 3.252886021784421, "q_0.225": 3.279100020382263, "q_0.25": 3.314615806477712, "q_0.275": 3.4658397344054217, "q_0.3": 3.4758467498002674, "q_0.325": 3.5353468981678033, "q_0.35": 3.5939174580101216, "q_0.375": 3.6661062176696593, "q_0.4": 3.729572609585341, "q_0.425": 3.8091914719569306, "q_0.45": 3.861764891757854, "q_0.475": 3.9045822653151347, "q_0.5": 3.9845289295109616, "q_0.525": 4.069835625836726, "q_0.55": 4.140867442851671, "q_0.575": 4.165816883231287, "q_0.6": 4.292485548550159, "q_0.625": 4.36214694502621, "q_0.65": 4.463780629542646, "q_0.675": 4.521416495656883, "q_0.7": 4.562970702560892, "q_0.725": 4.598676244447554, "q_0.75": 4.639886941915621, "q_0.775": 4.719492496051645, "q_0.8": 4.799851495906518, "q_0.825": 4.8189846428564, "q_0.85": 4.911074061617013, "q_0.875": 4.965004010676292, "q_0.9": 5.098424890837123, "q_0.925": 5.228614293242584, "q_0.95": 5.307878968728166, "q_0.975": 5.408225574077972, "q_1": 6.03586784484234}, {"x": 13.085234093637455, "y": 4.553734053729181, "y_pred": 3.9845289295109616, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.77495674062515, "q_0.05": 2.871306438783182, "q_0.075": 2.9092467288491344, "q_0.1": 2.968623296146495, "q_0.125": 3.04320054346157, "q_0.15": 3.1118353636213394, "q_0.175": 3.196977400510694, "q_0.2": 3.252886021784421, "q_0.225": 3.279100020382263, "q_0.25": 3.314615806477712, "q_0.275": 3.4658397344054217, "q_0.3": 3.4758467498002674, "q_0.325": 3.5353468981678033, "q_0.35": 3.5939174580101216, "q_0.375": 3.6661062176696593, "q_0.4": 3.729572609585341, "q_0.425": 3.8091914719569306, "q_0.45": 3.861764891757854, "q_0.475": 3.9045822653151347, "q_0.5": 3.9845289295109616, "q_0.525": 4.069835625836726, "q_0.55": 4.140867442851671, "q_0.575": 4.165816883231287, "q_0.6": 4.292485548550159, "q_0.625": 4.36214694502621, "q_0.65": 4.463780629542646, "q_0.675": 4.521416495656883, "q_0.7": 4.562970702560892, "q_0.725": 4.598676244447554, "q_0.75": 4.639886941915621, "q_0.775": 4.719492496051645, "q_0.8": 4.799851495906518, "q_0.825": 4.8189846428564, "q_0.85": 4.911074061617013, "q_0.875": 4.965004010676292, "q_0.9": 5.098424890837123, "q_0.925": 5.228614293242584, "q_0.95": 5.307878968728166, "q_0.975": 5.408225574077972, "q_1": 6.03586784484234}, {"x": 13.125250100040017, "y": 3.4671132335920856, "y_pred": 3.9845289295109616, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.77495674062515, "q_0.05": 2.871306438783182, "q_0.075": 2.9092467288491344, "q_0.1": 2.968623296146495, "q_0.125": 3.04320054346157, "q_0.15": 3.1118353636213394, "q_0.175": 3.196977400510694, "q_0.2": 3.252886021784421, "q_0.225": 3.279100020382263, "q_0.25": 3.314615806477712, "q_0.275": 3.4658397344054217, "q_0.3": 3.4758467498002674, "q_0.325": 3.5353468981678033, "q_0.35": 3.5939174580101216, "q_0.375": 3.6661062176696593, "q_0.4": 3.729572609585341, "q_0.425": 3.8091914719569306, "q_0.45": 3.861764891757854, "q_0.475": 3.9045822653151347, "q_0.5": 3.9845289295109616, "q_0.525": 4.069835625836726, "q_0.55": 4.140867442851671, "q_0.575": 4.165816883231287, "q_0.6": 4.292485548550159, "q_0.625": 4.36214694502621, "q_0.65": 4.463780629542646, "q_0.675": 4.521416495656883, "q_0.7": 4.562970702560892, "q_0.725": 4.598676244447554, "q_0.75": 4.639886941915621, "q_0.775": 4.719492496051645, "q_0.8": 4.799851495906518, "q_0.825": 4.8189846428564, "q_0.85": 4.911074061617013, "q_0.875": 4.965004010676292, "q_0.9": 5.098424890837123, "q_0.925": 5.228614293242584, "q_0.95": 5.307878968728166, "q_0.975": 5.408225574077972, "q_1": 6.03586784484234}, {"x": 13.165266106442578, "y": 3.726115372945981, "y_pred": 3.9845289295109616, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.77495674062515, "q_0.05": 2.871306438783182, "q_0.075": 2.9092467288491344, "q_0.1": 2.968623296146495, "q_0.125": 3.04320054346157, "q_0.15": 3.1118353636213394, "q_0.175": 3.196977400510694, "q_0.2": 3.252886021784421, "q_0.225": 3.279100020382263, "q_0.25": 3.314615806477712, "q_0.275": 3.4658397344054217, "q_0.3": 3.4758467498002674, "q_0.325": 3.5353468981678033, "q_0.35": 3.5939174580101216, "q_0.375": 3.6661062176696593, "q_0.4": 3.729572609585341, "q_0.425": 3.8091914719569306, "q_0.45": 3.861764891757854, "q_0.475": 3.9045822653151347, "q_0.5": 3.9845289295109616, "q_0.525": 4.069835625836726, "q_0.55": 4.140867442851671, "q_0.575": 4.165816883231287, "q_0.6": 4.292485548550159, "q_0.625": 4.36214694502621, "q_0.65": 4.463780629542646, "q_0.675": 4.521416495656883, "q_0.7": 4.562970702560892, "q_0.725": 4.598676244447554, "q_0.75": 4.639886941915621, "q_0.775": 4.719492496051645, "q_0.8": 4.799851495906518, "q_0.825": 4.8189846428564, "q_0.85": 4.911074061617013, "q_0.875": 4.965004010676292, "q_0.9": 5.098424890837123, "q_0.925": 5.228614293242584, "q_0.95": 5.307878968728166, "q_0.975": 5.408225574077972, "q_1": 6.03586784484234}, {"x": 13.205282112845138, "y": 3.2023475804836123, "y_pred": 3.9845289295109616, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.77495674062515, "q_0.05": 2.871306438783182, "q_0.075": 2.9092467288491344, "q_0.1": 2.968623296146495, "q_0.125": 3.04320054346157, "q_0.15": 3.1118353636213394, "q_0.175": 3.196977400510694, "q_0.2": 3.252886021784421, "q_0.225": 3.279100020382263, "q_0.25": 3.314615806477712, "q_0.275": 3.4658397344054217, "q_0.3": 3.4758467498002674, "q_0.325": 3.5353468981678033, "q_0.35": 3.5939174580101216, "q_0.375": 3.6661062176696593, "q_0.4": 3.729572609585341, "q_0.425": 3.8091914719569306, "q_0.45": 3.861764891757854, "q_0.475": 3.9045822653151347, "q_0.5": 3.9845289295109616, "q_0.525": 4.069835625836726, "q_0.55": 4.140867442851671, "q_0.575": 4.165816883231287, "q_0.6": 4.292485548550159, "q_0.625": 4.36214694502621, "q_0.65": 4.463780629542646, "q_0.675": 4.521416495656883, "q_0.7": 4.562970702560892, "q_0.725": 4.598676244447554, "q_0.75": 4.639886941915621, "q_0.775": 4.719492496051645, "q_0.8": 4.799851495906518, "q_0.825": 4.8189846428564, "q_0.85": 4.911074061617013, "q_0.875": 4.965004010676292, "q_0.9": 5.098424890837123, "q_0.925": 5.228614293242584, "q_0.95": 5.307878968728166, "q_0.975": 5.408225574077972, "q_1": 6.03586784484234}, {"x": 13.2452981192477, "y": 4.8189846428564, "y_pred": 4.027732258990045, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.797400316262737, "q_0.05": 2.8752713291986387, "q_0.075": 2.960696216243868, "q_0.1": 2.971201880049892, "q_0.125": 3.0522031936820517, "q_0.15": 3.1416805831213503, "q_0.175": 3.2023475804836123, "q_0.2": 3.278734707705796, "q_0.225": 3.3081744359429157, "q_0.25": 3.396818774846513, "q_0.275": 3.4671132335920856, "q_0.3": 3.4973687741546082, "q_0.325": 3.55521308297961, "q_0.35": 3.6008775686965366, "q_0.375": 3.700449806681924, "q_0.4": 3.7437586819928548, "q_0.425": 3.8238489319904967, "q_0.45": 3.8645636789296227, "q_0.475": 3.9242756478982983, "q_0.5": 4.027732258990045, "q_0.525": 4.114426410309593, "q_0.55": 4.145078780548356, "q_0.575": 4.193999721096671, "q_0.6": 4.3148356410695, "q_0.625": 4.430984381976515, "q_0.65": 4.487592885175985, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.598676244447554, "q_0.75": 4.667711335355222, "q_0.775": 4.752957362878236, "q_0.8": 4.807196844362165, "q_0.825": 4.8345914932497145, "q_0.85": 4.9193045828823845, "q_0.875": 5.046269926735264, "q_0.9": 5.1235119091523575, "q_0.925": 5.234352137028019, "q_0.95": 5.366425487227998, "q_0.975": 5.50277970168295, "q_1": 6.03586784484234}, {"x": 13.285314125650261, "y": 2.8780647317981676, "y_pred": 4.027732258990045, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.797400316262737, "q_0.05": 2.8752713291986387, "q_0.075": 2.960696216243868, "q_0.1": 2.971201880049892, "q_0.125": 3.0522031936820517, "q_0.15": 3.1416805831213503, "q_0.175": 3.2023475804836123, "q_0.2": 3.278734707705796, "q_0.225": 3.3081744359429157, "q_0.25": 3.396818774846513, "q_0.275": 3.4671132335920856, "q_0.3": 3.4973687741546082, "q_0.325": 3.55521308297961, "q_0.35": 3.6008775686965366, "q_0.375": 3.700449806681924, "q_0.4": 3.7437586819928548, "q_0.425": 3.8238489319904967, "q_0.45": 3.8645636789296227, "q_0.475": 3.9242756478982983, "q_0.5": 4.027732258990045, "q_0.525": 4.114426410309593, "q_0.55": 4.145078780548356, "q_0.575": 4.193999721096671, "q_0.6": 4.3148356410695, "q_0.625": 4.430984381976515, "q_0.65": 4.487592885175985, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.598676244447554, "q_0.75": 4.667711335355222, "q_0.775": 4.752957362878236, "q_0.8": 4.807196844362165, "q_0.825": 4.8345914932497145, "q_0.85": 4.9193045828823845, "q_0.875": 5.046269926735264, "q_0.9": 5.1235119091523575, "q_0.925": 5.234352137028019, "q_0.95": 5.366425487227998, "q_0.975": 5.50277970168295, "q_1": 6.03586784484234}, {"x": 13.325330132052821, "y": 4.584934108857597, "y_pred": 4.027732258990045, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.797400316262737, "q_0.05": 2.8752713291986387, "q_0.075": 2.960696216243868, "q_0.1": 2.971201880049892, "q_0.125": 3.0522031936820517, "q_0.15": 3.1416805831213503, "q_0.175": 3.2023475804836123, "q_0.2": 3.278734707705796, "q_0.225": 3.3081744359429157, "q_0.25": 3.396818774846513, "q_0.275": 3.4671132335920856, "q_0.3": 3.4973687741546082, "q_0.325": 3.55521308297961, "q_0.35": 3.6008775686965366, "q_0.375": 3.700449806681924, "q_0.4": 3.7437586819928548, "q_0.425": 3.8238489319904967, "q_0.45": 3.8645636789296227, "q_0.475": 3.9242756478982983, "q_0.5": 4.027732258990045, "q_0.525": 4.114426410309593, "q_0.55": 4.145078780548356, "q_0.575": 4.193999721096671, "q_0.6": 4.3148356410695, "q_0.625": 4.430984381976515, "q_0.65": 4.487592885175985, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.598676244447554, "q_0.75": 4.667711335355222, "q_0.775": 4.752957362878236, "q_0.8": 4.807196844362165, "q_0.825": 4.8345914932497145, "q_0.85": 4.9193045828823845, "q_0.875": 5.046269926735264, "q_0.9": 5.1235119091523575, "q_0.925": 5.234352137028019, "q_0.95": 5.366425487227998, "q_0.975": 5.50277970168295, "q_1": 6.03586784484234}, {"x": 13.365346138455383, "y": 4.807196844362165, "y_pred": 4.027732258990045, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.797400316262737, "q_0.05": 2.8752713291986387, "q_0.075": 2.960696216243868, "q_0.1": 2.998695503122546, "q_0.125": 3.0522031936820517, "q_0.15": 3.1416805831213503, "q_0.175": 3.224854641665987, "q_0.2": 3.278734707705796, "q_0.225": 3.3081744359429157, "q_0.25": 3.4109119316117766, "q_0.275": 3.4671132335920856, "q_0.3": 3.4973687741546082, "q_0.325": 3.5694675885460723, "q_0.35": 3.6406966428255956, "q_0.375": 3.700449806681924, "q_0.4": 3.7831312830132577, "q_0.425": 3.8342896220489835, "q_0.45": 3.885407374516176, "q_0.475": 3.9247237424272536, "q_0.5": 4.027732258990045, "q_0.525": 4.118197616851171, "q_0.55": 4.1625492107003454, "q_0.575": 4.193999721096671, "q_0.6": 4.3148356410695, "q_0.625": 4.430984381976515, "q_0.65": 4.491086186299703, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.627724691528132, "q_0.75": 4.678890956362663, "q_0.775": 4.752957362878236, "q_0.8": 4.808528447292236, "q_0.825": 4.846116951227636, "q_0.85": 4.9193045828823845, "q_0.875": 5.046269926735264, "q_0.9": 5.142663275069371, "q_0.925": 5.2470244104838155, "q_0.95": 5.366425487227998, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.405362144857945, "y": 4.808528447292236, "y_pred": 4.036485823112227, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.797400316262737, "q_0.05": 2.8752713291986387, "q_0.075": 2.9677570284515236, "q_0.1": 3.004943825726753, "q_0.125": 3.102082945055512, "q_0.15": 3.1778977333904392, "q_0.175": 3.252886021784421, "q_0.2": 3.279100020382263, "q_0.225": 3.3093872703115013, "q_0.25": 3.412938678772533, "q_0.275": 3.4758467498002674, "q_0.3": 3.5370715451265924, "q_0.325": 3.5939174580101216, "q_0.35": 3.6497409378753063, "q_0.375": 3.726115372945981, "q_0.4": 3.7831312830132577, "q_0.425": 3.8412632643907143, "q_0.45": 3.892272226422649, "q_0.475": 3.981902096858289, "q_0.5": 4.036485823112227, "q_0.525": 4.136443449838539, "q_0.55": 4.1625492107003454, "q_0.575": 4.200888205559467, "q_0.6": 4.3148356410695, "q_0.625": 4.430984381976515, "q_0.65": 4.516482171419353, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.627724691528132, "q_0.75": 4.678890956362663, "q_0.775": 4.761946363458604, "q_0.8": 4.808528447292236, "q_0.825": 4.898065250498959, "q_0.85": 4.943530463335117, "q_0.875": 5.074047614891026, "q_0.9": 5.148743240539422, "q_0.925": 5.2667743091875785, "q_0.95": 5.371496654750119, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.445378151260504, "y": 3.430065213540005, "y_pred": 4.06298111849937, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.8153586080003756, "q_0.05": 2.8752713291986387, "q_0.075": 2.9677570284515236, "q_0.1": 3.004943825726753, "q_0.125": 3.102082945055512, "q_0.15": 3.1778977333904392, "q_0.175": 3.252886021784421, "q_0.2": 3.279100020382263, "q_0.225": 3.3093872703115013, "q_0.25": 3.412938678772533, "q_0.275": 3.4758467498002674, "q_0.3": 3.5440824750994477, "q_0.325": 3.5939174580101216, "q_0.35": 3.6497409378753063, "q_0.375": 3.726115372945981, "q_0.4": 3.8070959694947897, "q_0.425": 3.861764891757854, "q_0.45": 3.892272226422649, "q_0.475": 3.981902096858289, "q_0.5": 4.06298111849937, "q_0.525": 4.136443449838539, "q_0.55": 4.1625492107003454, "q_0.575": 4.223252191976086, "q_0.6": 4.317471278544529, "q_0.625": 4.430984381976515, "q_0.65": 4.516482171419353, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.628936081320426, "q_0.75": 4.7102509061059825, "q_0.775": 4.761946363458604, "q_0.8": 4.808528447292236, "q_0.825": 4.911074061617013, "q_0.85": 4.943530463335117, "q_0.875": 5.074047614891026, "q_0.9": 5.182625141469851, "q_0.925": 5.2667743091875785, "q_0.95": 5.371496654750119, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.485394157663066, "y": 3.7391524336522743, "y_pred": 4.06298111849937, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.8153586080003756, "q_0.05": 2.8752713291986387, "q_0.075": 2.9677570284515236, "q_0.1": 3.004943825726753, "q_0.125": 3.102082945055512, "q_0.15": 3.1778977333904392, "q_0.175": 3.252886021784421, "q_0.2": 3.279100020382263, "q_0.225": 3.3093872703115013, "q_0.25": 3.412938678772533, "q_0.275": 3.4758467498002674, "q_0.3": 3.5440824750994477, "q_0.325": 3.5939174580101216, "q_0.35": 3.6497409378753063, "q_0.375": 3.726115372945981, "q_0.4": 3.8070959694947897, "q_0.425": 3.861764891757854, "q_0.45": 3.892272226422649, "q_0.475": 3.981902096858289, "q_0.5": 4.06298111849937, "q_0.525": 4.136443449838539, "q_0.55": 4.1625492107003454, "q_0.575": 4.223252191976086, "q_0.6": 4.317471278544529, "q_0.625": 4.430984381976515, "q_0.65": 4.516482171419353, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.628936081320426, "q_0.75": 4.7102509061059825, "q_0.775": 4.761946363458604, "q_0.8": 4.808528447292236, "q_0.825": 4.911074061617013, "q_0.85": 4.943530463335117, "q_0.875": 5.074047614891026, "q_0.9": 5.182625141469851, "q_0.925": 5.2667743091875785, "q_0.95": 5.371496654750119, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.525410164065626, "y": 4.3148356410695, "y_pred": 4.06298111849937, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.8153586080003756, "q_0.05": 2.8752713291986387, "q_0.075": 2.9677570284515236, "q_0.1": 3.004943825726753, "q_0.125": 3.102082945055512, "q_0.15": 3.1778977333904392, "q_0.175": 3.252886021784421, "q_0.2": 3.279100020382263, "q_0.225": 3.3093872703115013, "q_0.25": 3.412938678772533, "q_0.275": 3.4758467498002674, "q_0.3": 3.5440824750994477, "q_0.325": 3.5939174580101216, "q_0.35": 3.6497409378753063, "q_0.375": 3.726115372945981, "q_0.4": 3.8070959694947897, "q_0.425": 3.861764891757854, "q_0.45": 3.892272226422649, "q_0.475": 3.981902096858289, "q_0.5": 4.06298111849937, "q_0.525": 4.136443449838539, "q_0.55": 4.1625492107003454, "q_0.575": 4.223252191976086, "q_0.6": 4.317471278544529, "q_0.625": 4.430984381976515, "q_0.65": 4.516482171419353, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.628936081320426, "q_0.75": 4.7102509061059825, "q_0.775": 4.761946363458604, "q_0.8": 4.808528447292236, "q_0.825": 4.911074061617013, "q_0.85": 4.943530463335117, "q_0.875": 5.074047614891026, "q_0.9": 5.182625141469851, "q_0.925": 5.2667743091875785, "q_0.95": 5.371496654750119, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.565426170468188, "y": 3.4758467498002674, "y_pred": 4.06298111849937, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.8153586080003756, "q_0.05": 2.8752713291986387, "q_0.075": 2.9677570284515236, "q_0.1": 3.004943825726753, "q_0.125": 3.102082945055512, "q_0.15": 3.1778977333904392, "q_0.175": 3.252886021784421, "q_0.2": 3.279100020382263, "q_0.225": 3.3093872703115013, "q_0.25": 3.412938678772533, "q_0.275": 3.4758467498002674, "q_0.3": 3.5440824750994477, "q_0.325": 3.5939174580101216, "q_0.35": 3.6497409378753063, "q_0.375": 3.726115372945981, "q_0.4": 3.8070959694947897, "q_0.425": 3.861764891757854, "q_0.45": 3.892272226422649, "q_0.475": 3.981902096858289, "q_0.5": 4.06298111849937, "q_0.525": 4.136443449838539, "q_0.55": 4.1625492107003454, "q_0.575": 4.223252191976086, "q_0.6": 4.317471278544529, "q_0.625": 4.430984381976515, "q_0.65": 4.516482171419353, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.628936081320426, "q_0.75": 4.7102509061059825, "q_0.775": 4.761946363458604, "q_0.8": 4.808528447292236, "q_0.825": 4.911074061617013, "q_0.85": 4.943530463335117, "q_0.875": 5.074047614891026, "q_0.9": 5.182625141469851, "q_0.925": 5.2667743091875785, "q_0.95": 5.371496654750119, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.60544217687075, "y": 3.7420222599036737, "y_pred": 4.06298111849937, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.824875739926762, "q_0.05": 2.8752713291986387, "q_0.075": 2.9677570284515236, "q_0.1": 3.004943825726753, "q_0.125": 3.1118353636213394, "q_0.15": 3.196977400510694, "q_0.175": 3.2529557651755714, "q_0.2": 3.279100020382263, "q_0.225": 3.313635400154829, "q_0.25": 3.457582456433952, "q_0.275": 3.4961772522384926, "q_0.3": 3.5440824750994477, "q_0.325": 3.5939174580101216, "q_0.35": 3.655817169828787, "q_0.375": 3.726115372945981, "q_0.4": 3.8070959694947897, "q_0.425": 3.861764891757854, "q_0.45": 3.892272226422649, "q_0.475": 3.9845289295109616, "q_0.5": 4.06298111849937, "q_0.525": 4.136443449838539, "q_0.55": 4.165816883231287, "q_0.575": 4.225897014990431, "q_0.6": 4.3290684137821405, "q_0.625": 4.430984381976515, "q_0.65": 4.516482171419353, "q_0.675": 4.553734053729181, "q_0.7": 4.584934108857597, "q_0.725": 4.6303096697848725, "q_0.75": 4.7102509061059825, "q_0.775": 4.761946363458604, "q_0.8": 4.808528447292236, "q_0.825": 4.911074061617013, "q_0.85": 4.943530463335117, "q_0.875": 5.098424890837123, "q_0.9": 5.220432147079574, "q_0.925": 5.2667743091875785, "q_0.95": 5.371496654750119, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.645458183273309, "y": 3.279100020382263, "y_pred": 4.06298111849937, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.846044226164811, "q_0.05": 2.8752713291986387, "q_0.075": 2.9677570284515236, "q_0.1": 3.004943825726753, "q_0.125": 3.1118353636213394, "q_0.15": 3.196977400510694, "q_0.175": 3.261975420924286, "q_0.2": 3.279100020382263, "q_0.225": 3.313635400154829, "q_0.25": 3.4658397344054217, "q_0.275": 3.4961772522384926, "q_0.3": 3.5440824750994477, "q_0.325": 3.5939174580101216, "q_0.35": 3.655817169828787, "q_0.375": 3.726115372945981, "q_0.4": 3.8070959694947897, "q_0.425": 3.861764891757854, "q_0.45": 3.892272226422649, "q_0.475": 3.9845289295109616, "q_0.5": 4.06298111849937, "q_0.525": 4.136443449838539, "q_0.55": 4.1625492107003454, "q_0.575": 4.222370584304638, "q_0.6": 4.317471278544529, "q_0.625": 4.430984381976515, "q_0.65": 4.516482171419353, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.6303096697848725, "q_0.75": 4.7102509061059825, "q_0.775": 4.761946363458604, "q_0.8": 4.810619686405075, "q_0.825": 4.911074061617013, "q_0.85": 4.943530463335117, "q_0.875": 5.098424890837123, "q_0.9": 5.220432147079574, "q_0.925": 5.274576374578992, "q_0.95": 5.371496654750119, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.68547418967587, "y": 3.9883029264723833, "y_pred": 4.06298111849937, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.846044226164811, "q_0.05": 2.8752713291986387, "q_0.075": 2.9677570284515236, "q_0.1": 3.004943825726753, "q_0.125": 3.1118353636213394, "q_0.15": 3.196977400510694, "q_0.175": 3.261975420924286, "q_0.2": 3.279100020382263, "q_0.225": 3.313635400154829, "q_0.25": 3.4658397344054217, "q_0.275": 3.4961772522384926, "q_0.3": 3.5440824750994477, "q_0.325": 3.5939174580101216, "q_0.35": 3.655817169828787, "q_0.375": 3.726115372945981, "q_0.4": 3.8070959694947897, "q_0.425": 3.861764891757854, "q_0.45": 3.892272226422649, "q_0.475": 3.9845289295109616, "q_0.5": 4.06298111849937, "q_0.525": 4.136443449838539, "q_0.55": 4.1625492107003454, "q_0.575": 4.222370584304638, "q_0.6": 4.317471278544529, "q_0.625": 4.430984381976515, "q_0.65": 4.516482171419353, "q_0.675": 4.541027179576249, "q_0.7": 4.584934108857597, "q_0.725": 4.6303096697848725, "q_0.75": 4.7102509061059825, "q_0.775": 4.761946363458604, "q_0.8": 4.810619686405075, "q_0.825": 4.911074061617013, "q_0.85": 4.943530463335117, "q_0.875": 5.098424890837123, "q_0.9": 5.220432147079574, "q_0.925": 5.274576374578992, "q_0.95": 5.371496654750119, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.725490196078432, "y": 2.8752713291986387, "y_pred": 4.06298111849937, "target": "0", "q_0": 2.4040264387750425, "q_0.025": 2.846044226164811, "q_0.05": 2.8752713291986387, "q_0.075": 2.9677570284515236, "q_0.1": 3.004943825726753, "q_0.125": 3.1118353636213394, "q_0.15": 3.2023475804836123, "q_0.175": 3.261975420924286, "q_0.2": 3.301867099225344, "q_0.225": 3.314615806477712, "q_0.25": 3.4658397344054217, "q_0.275": 3.4961772522384926, "q_0.3": 3.55521308297961, "q_0.325": 3.6008775686965366, "q_0.35": 3.6661062176696593, "q_0.375": 3.729572609585341, "q_0.4": 3.8091914719569306, "q_0.425": 3.862954376305856, "q_0.45": 3.9045822653151347, "q_0.475": 3.9845289295109616, "q_0.5": 4.06298111849937, "q_0.525": 4.140867442851671, "q_0.55": 4.165816883231287, "q_0.575": 4.225897014990431, "q_0.6": 4.3290684137821405, "q_0.625": 4.458734239354661, "q_0.65": 4.516482171419353, "q_0.675": 4.553734053729181, "q_0.7": 4.5894350717899695, "q_0.725": 4.6303096697848725, "q_0.75": 4.7102509061059825, "q_0.775": 4.795087147074819, "q_0.8": 4.8189846428564, "q_0.825": 4.911109901880989, "q_0.85": 4.965004010676292, "q_0.875": 5.1235119091523575, "q_0.9": 5.228614293242584, "q_0.925": 5.274576374578992, "q_0.95": 5.371496654750119, "q_0.975": 5.528362067750777, "q_1": 6.177399855702102}, {"x": 13.765506202480992, "y": 4.911109901880989, "y_pred": 4.114426410309593, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.871306438783182, "q_0.05": 2.9092467288491344, "q_0.075": 2.971201880049892, "q_0.1": 3.0522031936820517, "q_0.125": 3.1416805831213503, "q_0.15": 3.252886021784421, "q_0.175": 3.279100020382263, "q_0.2": 3.3093872703115013, "q_0.225": 3.412938678772533, "q_0.25": 3.4758467498002674, "q_0.275": 3.5370715451265924, "q_0.3": 3.5939174580101216, "q_0.325": 3.6497409378753063, "q_0.35": 3.700449806681924, "q_0.375": 3.7831312830132577, "q_0.4": 3.8342896220489835, "q_0.425": 3.885407374516176, "q_0.45": 3.9247237424272536, "q_0.475": 4.027732258990045, "q_0.5": 4.114426410309593, "q_0.525": 4.145078780548356, "q_0.55": 4.173175410950672, "q_0.575": 4.292485548550159, "q_0.6": 4.332879274641352, "q_0.625": 4.460154591907973, "q_0.65": 4.521416495656883, "q_0.675": 4.553734053729181, "q_0.7": 4.598676244447554, "q_0.725": 4.639886941915621, "q_0.75": 4.752957362878236, "q_0.775": 4.808528447292236, "q_0.8": 4.86795027450146, "q_0.825": 4.9193045828823845, "q_0.85": 5.047921879055577, "q_0.875": 5.148743240539422, "q_0.9": 5.234352137028019, "q_0.925": 5.307878968728166, "q_0.95": 5.408225574077972, "q_0.975": 5.5855680330200475, "q_1": 6.242380127117748}, {"x": 13.805522208883554, "y": 2.9677570284515236, "y_pred": 4.114426410309593, "target": "0", "q_0": 2.564567598020415, "q_0.025": 2.871306438783182, "q_0.05": 2.9092467288491344, "q_0.075": 2.971201880049892, "q_0.1": 3.0978533899536744, "q_0.125": 3.1416805831213503, "q_0.15": 3.252886021784421, "q_0.175": 3.279100020382263, "q_0.2": 3.3093872703115013, "q_0.225": 3.412938678772533, "q_0.25": 3.4758467498002674, "q_0.275": 3.541278103110306, "q_0.3": 3.5939174580101216, "q_0.325": 3.6497409378753063, "q_0.35": 3.700449806681924, "q_0.375": 3.7831312830132577, "q_0.4": 3.8342896220489835, "q_0.425": 3.885407374516176, "q_0.45": 3.9247237424272536, "q_0.475": 4.027732258990045, "q_0.5": 4.114426410309593, "q_0.525": 4.145078780548356, "q_0.55": 4.173175410950672, "q_0.575": 4.292485548550159, "q_0.6": 4.332879274641352, "q_0.625": 4.460154591907973, "q_0.65": 4.521416495656883, "q_0.675": 4.553734053729181, "q_0.7": 4.598676244447554, "q_0.725": 4.639886941915621, "q_0.75": 4.752957362878236, "q_0.775": 4.808528447292236, "q_0.8": 4.885721790323394, "q_0.825": 4.931753990024515, "q_0.85": 5.074047614891026, "q_0.875": 5.148743240539422, "q_0.9": 5.2470244104838155, "q_0.925": 5.366038114054975, "q_0.95": 5.408225574077972, "q_0.975": 5.5855680330200475, "q_1": 6.242380127117748}, {"x": 13.845538215286116, "y": 4.1625492107003454, "y_pred": 4.118197616851171, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.871306438783182, "q_0.05": 2.960696216243868, "q_0.075": 2.998695503122546, "q_0.1": 3.1118353636213394, "q_0.125": 3.1826983980540335, "q_0.15": 3.261975420924286, "q_0.175": 3.301867099225344, "q_0.2": 3.313635400154829, "q_0.225": 3.435866409981173, "q_0.25": 3.4961772522384926, "q_0.275": 3.55521308297961, "q_0.3": 3.5939174580101216, "q_0.325": 3.655817169828787, "q_0.35": 3.726115372945981, "q_0.375": 3.8070959694947897, "q_0.4": 3.861764891757854, "q_0.425": 3.892272226422649, "q_0.45": 3.9845289295109616, "q_0.475": 4.06298111849937, "q_0.5": 4.118197616851171, "q_0.525": 4.1625492107003454, "q_0.55": 4.185803414891856, "q_0.575": 4.303231360684637, "q_0.6": 4.36214694502621, "q_0.625": 4.469221529047629, "q_0.65": 4.521416495656883, "q_0.675": 4.562970702560892, "q_0.7": 4.598676244447554, "q_0.725": 4.667711335355222, "q_0.75": 4.752957362878236, "q_0.775": 4.808528447292236, "q_0.8": 4.911074061617013, "q_0.825": 4.943530463335117, "q_0.85": 5.098424890837123, "q_0.875": 5.220432147079574, "q_0.9": 5.2667743091875785, "q_0.925": 5.366425487227998, "q_0.95": 5.408225574077972, "q_0.975": 5.5855680330200475, "q_1": 6.242380127117748}, {"x": 13.885554221688675, "y": 3.5939174580101216, "y_pred": 4.118197616851171, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.871306438783182, "q_0.05": 2.9677570284515236, "q_0.075": 3.004943825726753, "q_0.1": 3.1118353636213394, "q_0.125": 3.196977400510694, "q_0.15": 3.261975420924286, "q_0.175": 3.301867099225344, "q_0.2": 3.314615806477712, "q_0.225": 3.4658397344054217, "q_0.25": 3.4973687741546082, "q_0.275": 3.55521308297961, "q_0.3": 3.6008775686965366, "q_0.325": 3.655817169828787, "q_0.35": 3.729572609585341, "q_0.375": 3.8091914719569306, "q_0.4": 3.8645636789296227, "q_0.425": 3.892272226422649, "q_0.45": 3.9845289295109616, "q_0.475": 4.06298111849937, "q_0.5": 4.118197616851171, "q_0.525": 4.1625492107003454, "q_0.55": 4.193999721096671, "q_0.575": 4.3148356410695, "q_0.6": 4.365559434072187, "q_0.625": 4.469221529047629, "q_0.65": 4.521416495656883, "q_0.675": 4.584551555518483, "q_0.7": 4.598676244447554, "q_0.725": 4.667711335355222, "q_0.75": 4.752957362878236, "q_0.775": 4.808528447292236, "q_0.8": 4.911109901880989, "q_0.825": 4.954433805911926, "q_0.85": 5.1235119091523575, "q_0.875": 5.220432147079574, "q_0.9": 5.2667743091875785, "q_0.925": 5.366425487227998, "q_0.95": 5.408225574077972, "q_0.975": 5.5855680330200475, "q_1": 6.242380127117748}, {"x": 13.925570228091237, "y": 4.3290684137821405, "y_pred": 4.131382586341973, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.871306438783182, "q_0.05": 2.9677570284515236, "q_0.075": 3.004943825726753, "q_0.1": 3.1416805831213503, "q_0.125": 3.2023475804836123, "q_0.15": 3.278734707705796, "q_0.175": 3.3081744359429157, "q_0.2": 3.396818774846513, "q_0.225": 3.4671132335920856, "q_0.25": 3.5167201807054154, "q_0.275": 3.5694675885460723, "q_0.3": 3.6406966428255956, "q_0.325": 3.6745321998247378, "q_0.35": 3.729572609585341, "q_0.375": 3.8238489319904967, "q_0.4": 3.8693965820271985, "q_0.425": 3.912983691938516, "q_0.45": 4.008679579573958, "q_0.475": 4.06298111849937, "q_0.5": 4.131382586341973, "q_0.525": 4.1625492107003454, "q_0.55": 4.193999721096671, "q_0.575": 4.3148356410695, "q_0.6": 4.365559434072187, "q_0.625": 4.469221529047629, "q_0.65": 4.521416495656883, "q_0.675": 4.584551555518483, "q_0.7": 4.627724691528132, "q_0.725": 4.667711335355222, "q_0.75": 4.761946363458604, "q_0.775": 4.8189846428564, "q_0.8": 4.911109901880989, "q_0.825": 5.046269926735264, "q_0.85": 5.142663275069371, "q_0.875": 5.228614293242584, "q_0.9": 5.274576374578992, "q_0.925": 5.371496654750119, "q_0.95": 5.50277970168295, "q_0.975": 5.626988860131206, "q_1": 6.242380127117748}, {"x": 13.965586234493799, "y": 5.366425487227998, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.871306438783182, "q_0.05": 2.968623296146495, "q_0.075": 3.04320054346157, "q_0.1": 3.1416805831213503, "q_0.125": 3.2287979460588954, "q_0.15": 3.278734707705796, "q_0.175": 3.3081744359429157, "q_0.2": 3.4109119316117766, "q_0.225": 3.4758467498002674, "q_0.25": 3.5370715451265924, "q_0.275": 3.5694675885460723, "q_0.3": 3.6406966428255956, "q_0.325": 3.6745321998247378, "q_0.35": 3.7309155525253, "q_0.375": 3.8342896220489835, "q_0.4": 3.885407374516176, "q_0.425": 3.912983691938516, "q_0.45": 4.027732258990045, "q_0.475": 4.069835625836726, "q_0.5": 4.140867442851671, "q_0.525": 4.1625492107003454, "q_0.55": 4.193999721096671, "q_0.575": 4.3148356410695, "q_0.6": 4.402495810646449, "q_0.625": 4.487592885175985, "q_0.65": 4.521416495656883, "q_0.675": 4.584934108857597, "q_0.7": 4.627724691528132, "q_0.725": 4.678890956362663, "q_0.75": 4.761946363458604, "q_0.775": 4.8189846428564, "q_0.8": 4.9193045828823845, "q_0.825": 5.046269926735264, "q_0.85": 5.148743240539422, "q_0.875": 5.234352137028019, "q_0.9": 5.274576374578992, "q_0.925": 5.371496654750119, "q_0.95": 5.50277970168295, "q_0.975": 5.632220747720184, "q_1": 6.242380127117748}, {"x": 14.005602240896359, "y": 4.521416495656883, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.871306438783182, "q_0.05": 2.968623296146495, "q_0.075": 3.04320054346157, "q_0.1": 3.1416805831213503, "q_0.125": 3.2287979460588954, "q_0.15": 3.278734707705796, "q_0.175": 3.3081744359429157, "q_0.2": 3.4109119316117766, "q_0.225": 3.4758467498002674, "q_0.25": 3.5370715451265924, "q_0.275": 3.5694675885460723, "q_0.3": 3.6406966428255956, "q_0.325": 3.6745321998247378, "q_0.35": 3.7309155525253, "q_0.375": 3.8342896220489835, "q_0.4": 3.885407374516176, "q_0.425": 3.912983691938516, "q_0.45": 4.027732258990045, "q_0.475": 4.069835625836726, "q_0.5": 4.140867442851671, "q_0.525": 4.1625492107003454, "q_0.55": 4.193999721096671, "q_0.575": 4.3148356410695, "q_0.6": 4.402495810646449, "q_0.625": 4.487592885175985, "q_0.65": 4.521416495656883, "q_0.675": 4.584934108857597, "q_0.7": 4.627724691528132, "q_0.725": 4.678890956362663, "q_0.75": 4.761946363458604, "q_0.775": 4.8189846428564, "q_0.8": 4.9193045828823845, "q_0.825": 5.046269926735264, "q_0.85": 5.148743240539422, "q_0.875": 5.234352137028019, "q_0.9": 5.274576374578992, "q_0.925": 5.371496654750119, "q_0.95": 5.50277970168295, "q_0.975": 5.632220747720184, "q_1": 6.242380127117748}, {"x": 14.04561824729892, "y": 2.871306438783182, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.871306438783182, "q_0.05": 2.968623296146495, "q_0.075": 3.04320054346157, "q_0.1": 3.1416805831213503, "q_0.125": 3.2287979460588954, "q_0.15": 3.278734707705796, "q_0.175": 3.3081744359429157, "q_0.2": 3.4109119316117766, "q_0.225": 3.4758467498002674, "q_0.25": 3.5370715451265924, "q_0.275": 3.5694675885460723, "q_0.3": 3.6406966428255956, "q_0.325": 3.6745321998247378, "q_0.35": 3.7309155525253, "q_0.375": 3.8342896220489835, "q_0.4": 3.885407374516176, "q_0.425": 3.912983691938516, "q_0.45": 4.027732258990045, "q_0.475": 4.069835625836726, "q_0.5": 4.140867442851671, "q_0.525": 4.1625492107003454, "q_0.55": 4.193999721096671, "q_0.575": 4.3148356410695, "q_0.6": 4.402495810646449, "q_0.625": 4.487592885175985, "q_0.65": 4.521416495656883, "q_0.675": 4.584934108857597, "q_0.7": 4.627724691528132, "q_0.725": 4.678890956362663, "q_0.75": 4.761946363458604, "q_0.775": 4.8189846428564, "q_0.8": 4.9193045828823845, "q_0.825": 5.046269926735264, "q_0.85": 5.148743240539422, "q_0.875": 5.234352137028019, "q_0.9": 5.274576374578992, "q_0.925": 5.371496654750119, "q_0.95": 5.50277970168295, "q_0.975": 5.632220747720184, "q_1": 6.242380127117748}, {"x": 14.085634253701482, "y": 3.945928162986964, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.871306438783182, "q_0.05": 2.968623296146495, "q_0.075": 3.04320054346157, "q_0.1": 3.1416805831213503, "q_0.125": 3.2287979460588954, "q_0.15": 3.278734707705796, "q_0.175": 3.3081744359429157, "q_0.2": 3.4109119316117766, "q_0.225": 3.4758467498002674, "q_0.25": 3.5370715451265924, "q_0.275": 3.5694675885460723, "q_0.3": 3.6406966428255956, "q_0.325": 3.6745321998247378, "q_0.35": 3.7309155525253, "q_0.375": 3.8342896220489835, "q_0.4": 3.885407374516176, "q_0.425": 3.912983691938516, "q_0.45": 4.027732258990045, "q_0.475": 4.069835625836726, "q_0.5": 4.140867442851671, "q_0.525": 4.1625492107003454, "q_0.55": 4.193999721096671, "q_0.575": 4.3148356410695, "q_0.6": 4.402495810646449, "q_0.625": 4.487592885175985, "q_0.65": 4.521416495656883, "q_0.675": 4.584934108857597, "q_0.7": 4.627724691528132, "q_0.725": 4.678890956362663, "q_0.75": 4.761946363458604, "q_0.775": 4.8189846428564, "q_0.8": 4.9193045828823845, "q_0.825": 5.046269926735264, "q_0.85": 5.148743240539422, "q_0.875": 5.234352137028019, "q_0.9": 5.274576374578992, "q_0.925": 5.371496654750119, "q_0.95": 5.50277970168295, "q_0.975": 5.632220747720184, "q_1": 6.242380127117748}, {"x": 14.125650260104042, "y": 4.165816883231287, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.874379228855161, "q_0.05": 2.968623296146495, "q_0.075": 3.04320054346157, "q_0.1": 3.1416805831213503, "q_0.125": 3.252886021784421, "q_0.15": 3.278734707705796, "q_0.175": 3.3081744359429157, "q_0.2": 3.4109119316117766, "q_0.225": 3.4758467498002674, "q_0.25": 3.5440824750994477, "q_0.275": 3.5939174580101216, "q_0.3": 3.6497409378753063, "q_0.325": 3.6958675157093475, "q_0.35": 3.7428206085109315, "q_0.375": 3.8342896220489835, "q_0.4": 3.885407374516176, "q_0.425": 3.9242756478982983, "q_0.45": 4.027732258990045, "q_0.475": 4.069835625836726, "q_0.5": 4.140867442851671, "q_0.525": 4.165816883231287, "q_0.55": 4.193999721096671, "q_0.575": 4.3148356410695, "q_0.6": 4.4097836676209035, "q_0.625": 4.487592885175985, "q_0.65": 4.521416495656883, "q_0.675": 4.584934108857597, "q_0.7": 4.627724691528132, "q_0.725": 4.7102509061059825, "q_0.75": 4.783970333134151, "q_0.775": 4.8345914932497145, "q_0.8": 4.9193045828823845, "q_0.825": 5.046269926735264, "q_0.85": 5.148743240539422, "q_0.875": 5.234352137028019, "q_0.9": 5.301065443389686, "q_0.925": 5.371496654750119, "q_0.95": 5.50277970168295, "q_0.975": 5.636087795068564, "q_1": 6.242380127117748}, {"x": 14.165666266506603, "y": 4.240774505104614, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.8752713291986387, "q_0.05": 2.971201880049892, "q_0.075": 3.1118353636213394, "q_0.1": 3.1778977333904392, "q_0.125": 3.261975420924286, "q_0.15": 3.279100020382263, "q_0.175": 3.3093872703115013, "q_0.2": 3.412938678772533, "q_0.225": 3.4961772522384926, "q_0.25": 3.55521308297961, "q_0.275": 3.6008775686965366, "q_0.3": 3.655817169828787, "q_0.325": 3.726115372945981, "q_0.35": 3.8070959694947897, "q_0.375": 3.8645636789296227, "q_0.4": 3.892272226422649, "q_0.425": 3.9845289295109616, "q_0.45": 4.029958252933678, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.165816883231287, "q_0.55": 4.209113929947946, "q_0.575": 4.3290684137821405, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.6303096697848725, "q_0.725": 4.71165389228335, "q_0.75": 4.807196844362165, "q_0.775": 4.898065250498959, "q_0.8": 4.943530463335117, "q_0.825": 5.1235119091523575, "q_0.85": 5.220432147079574, "q_0.875": 5.2667743091875785, "q_0.9": 5.307878968728166, "q_0.925": 5.381095740590758, "q_0.95": 5.528362067750777, "q_0.975": 5.688110136034942, "q_1": 6.242380127117748}, {"x": 14.205682272909165, "y": 4.639886941915621, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.8752713291986387, "q_0.05": 2.971201880049892, "q_0.075": 3.1118353636213394, "q_0.1": 3.1778977333904392, "q_0.125": 3.261975420924286, "q_0.15": 3.279100020382263, "q_0.175": 3.3093872703115013, "q_0.2": 3.412938678772533, "q_0.225": 3.4961772522384926, "q_0.25": 3.55521308297961, "q_0.275": 3.6008775686965366, "q_0.3": 3.6497409378753063, "q_0.325": 3.726115372945981, "q_0.35": 3.8070959694947897, "q_0.375": 3.8645636789296227, "q_0.4": 3.892272226422649, "q_0.425": 3.9845289295109616, "q_0.45": 4.029958252933678, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.165816883231287, "q_0.55": 4.200888205559467, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.5354805799677065, "q_0.675": 4.5894350717899695, "q_0.7": 4.6303096697848725, "q_0.725": 4.71165389228335, "q_0.75": 4.807196844362165, "q_0.775": 4.898065250498959, "q_0.8": 4.943530463335117, "q_0.825": 5.1235119091523575, "q_0.85": 5.220432147079574, "q_0.875": 5.2667743091875785, "q_0.9": 5.307878968728166, "q_0.925": 5.381095740590758, "q_0.95": 5.528362067750777, "q_0.975": 5.688110136034942, "q_1": 6.242380127117748}, {"x": 14.245698279311725, "y": 3.5440824750994477, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.8752713291986387, "q_0.05": 2.971201880049892, "q_0.075": 3.1118353636213394, "q_0.1": 3.1778977333904392, "q_0.125": 3.261975420924286, "q_0.15": 3.279100020382263, "q_0.175": 3.3093872703115013, "q_0.2": 3.412938678772533, "q_0.225": 3.4961772522384926, "q_0.25": 3.55521308297961, "q_0.275": 3.6008775686965366, "q_0.3": 3.6497409378753063, "q_0.325": 3.726115372945981, "q_0.35": 3.8070959694947897, "q_0.375": 3.8645636789296227, "q_0.4": 3.892272226422649, "q_0.425": 3.9845289295109616, "q_0.45": 4.029958252933678, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.165816883231287, "q_0.55": 4.200888205559467, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.5354805799677065, "q_0.675": 4.5894350717899695, "q_0.7": 4.6303096697848725, "q_0.725": 4.71165389228335, "q_0.75": 4.807196844362165, "q_0.775": 4.898065250498959, "q_0.8": 4.943530463335117, "q_0.825": 5.1235119091523575, "q_0.85": 5.220432147079574, "q_0.875": 5.2667743091875785, "q_0.9": 5.307878968728166, "q_0.925": 5.381095740590758, "q_0.95": 5.528362067750777, "q_0.975": 5.688110136034942, "q_1": 6.242380127117748}, {"x": 14.285714285714286, "y": 3.1416805831213503, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.8752713291986387, "q_0.05": 2.971201880049892, "q_0.075": 3.1118353636213394, "q_0.1": 3.1778977333904392, "q_0.125": 3.261975420924286, "q_0.15": 3.279100020382263, "q_0.175": 3.3093872703115013, "q_0.2": 3.412938678772533, "q_0.225": 3.4961772522384926, "q_0.25": 3.55521308297961, "q_0.275": 3.6008775686965366, "q_0.3": 3.6497409378753063, "q_0.325": 3.726115372945981, "q_0.35": 3.8070959694947897, "q_0.375": 3.8645636789296227, "q_0.4": 3.892272226422649, "q_0.425": 3.9845289295109616, "q_0.45": 4.029958252933678, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.165816883231287, "q_0.55": 4.200888205559467, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.5354805799677065, "q_0.675": 4.5894350717899695, "q_0.7": 4.6303096697848725, "q_0.725": 4.71165389228335, "q_0.75": 4.807196844362165, "q_0.775": 4.898065250498959, "q_0.8": 4.943530463335117, "q_0.825": 5.1235119091523575, "q_0.85": 5.220432147079574, "q_0.875": 5.2667743091875785, "q_0.9": 5.307878968728166, "q_0.925": 5.381095740590758, "q_0.95": 5.528362067750777, "q_0.975": 5.688110136034942, "q_1": 6.242380127117748}, {"x": 14.325730292116848, "y": 3.8645636789296227, "y_pred": 4.142786519563793, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.8752713291986387, "q_0.05": 2.998695503122546, "q_0.075": 3.1118353636213394, "q_0.1": 3.1826983980540335, "q_0.125": 3.267402534811233, "q_0.15": 3.301867099225344, "q_0.175": 3.314615806477712, "q_0.2": 3.4658397344054217, "q_0.225": 3.4973687741546082, "q_0.25": 3.5694675885460723, "q_0.275": 3.6008775686965366, "q_0.3": 3.6661062176696593, "q_0.325": 3.729572609585341, "q_0.35": 3.8091914719569306, "q_0.375": 3.8645636789296227, "q_0.4": 3.9045822653151347, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.142786519563793, "q_0.525": 4.165816883231287, "q_0.55": 4.225897014990431, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.487592885175985, "q_0.65": 4.553734053729181, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.808528447292236, "q_0.775": 4.911109901880989, "q_0.8": 5.046269926735264, "q_0.825": 5.142663275069371, "q_0.85": 5.228614293242584, "q_0.875": 5.2667743091875785, "q_0.9": 5.366425487227998, "q_0.925": 5.402319596127429, "q_0.95": 5.528362067750777, "q_0.975": 5.688110136034942, "q_1": 6.242380127117748}, {"x": 14.365746298519408, "y": 5.408225574077972, "y_pred": 4.142786519563793, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.8752713291986387, "q_0.05": 3.004943825726753, "q_0.075": 3.1167929555434855, "q_0.1": 3.196977400510694, "q_0.125": 3.278734707705796, "q_0.15": 3.301867099225344, "q_0.175": 3.314615806477712, "q_0.2": 3.4671132335920856, "q_0.225": 3.5167201807054154, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6661062176696593, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.9113792226808037, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.142786519563793, "q_0.525": 4.173175410950672, "q_0.55": 4.229787797704703, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.487592885175985, "q_0.65": 4.553734053729181, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.808528447292236, "q_0.775": 4.911109901880989, "q_0.8": 5.046269926735264, "q_0.825": 5.146887050752741, "q_0.85": 5.228614293242584, "q_0.875": 5.274576374578992, "q_0.9": 5.366425487227998, "q_0.925": 5.408225574077972, "q_0.95": 5.528362067750777, "q_0.975": 5.688110136034942, "q_1": 6.242380127117748}, {"x": 14.40576230492197, "y": 3.3093872703115013, "y_pred": 4.142786519563793, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.8752713291986387, "q_0.05": 3.004943825726753, "q_0.075": 3.1167929555434855, "q_0.1": 3.196977400510694, "q_0.125": 3.278734707705796, "q_0.15": 3.301867099225344, "q_0.175": 3.314615806477712, "q_0.2": 3.4671132335920856, "q_0.225": 3.5167201807054154, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6661062176696593, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.9113792226808037, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.142786519563793, "q_0.525": 4.173175410950672, "q_0.55": 4.229787797704703, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.487592885175985, "q_0.65": 4.553734053729181, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.808528447292236, "q_0.775": 4.911109901880989, "q_0.8": 5.046269926735264, "q_0.825": 5.146887050752741, "q_0.85": 5.228614293242584, "q_0.875": 5.274576374578992, "q_0.9": 5.366425487227998, "q_0.925": 5.408225574077972, "q_0.95": 5.528362067750777, "q_0.975": 5.688110136034942, "q_1": 6.242380127117748}, {"x": 14.44577831132453, "y": 5.274576374578992, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.485794317727091, "y": 4.292485548550159, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.525810324129653, "y": 4.05800474062702, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.565826330532213, "y": 5.228614293242584, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.605842336934774, "y": 4.069835625836726, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.645858343337336, "y": 4.803771789890052, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.685874349739896, "y": 3.912983691938516, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.725890356142457, "y": 5.307878968728166, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.765906362545019, "y": 4.722332793726734, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.805922368947579, "y": 4.752957362878236, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.84593837535014, "y": 3.729572609585341, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.885954381752702, "y": 4.9193045828823845, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.925970388155262, "y": 4.5894350717899695, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 14.965986394557824, "y": 3.4961772522384926, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.006002400960385, "y": 3.278734707705796, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.046018407362945, "y": 5.046269926735264, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.086034413765507, "y": 5.50277970168295, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.126050420168069, "y": 4.114426410309593, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.166066426570628, "y": 4.487592885175985, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.20608243297319, "y": 5.234352137028019, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.246098439375752, "y": 4.122257617769244, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.286114445778312, "y": 5.505931149616502, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.326130452180873, "y": 4.460154591907973, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.366146458583433, "y": 5.148743240539422, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.406162464985995, "y": 5.399457320990901, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.446178471388556, "y": 5.142663275069371, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.486194477791116, "y": 3.3081744359429157, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.526210484193678, "y": 4.627724691528132, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.56622649059624, "y": 3.9845289295109616, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.6062424969988, "y": 3.044463041960935, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.646258503401361, "y": 4.06298111849937, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.686274509803923, "y": 3.6008775686965366, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.726290516206483, "y": 5.2667743091875785, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.766306522609044, "y": 2.971201880049892, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.806322529011606, "y": 5.5855680330200475, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.846338535414166, "y": 3.885407374516176, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.886354541816727, "y": 3.892272226422649, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.926370548219289, "y": 2.9324641007110412, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 15.966386554621849, "y": 3.412938678772533, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.00640256102441, "y": 4.027732258990045, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.046418567426972, "y": 5.528362067750777, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.086434573829532, "y": 3.1778977333904392, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.126450580232092, "y": 5.582618534061875, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.166466586634655, "y": 5.371496654750119, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.206482593037215, "y": 4.193999721096671, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.879996078557204, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.516482171419353, "q_0.65": 4.560661540352961, "q_0.675": 4.598676244447554, "q_0.7": 4.667711335355222, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.246498599439775, "y": 3.8342896220489835, "y_pred": 4.142786519563793, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.9092467288491344, "q_0.05": 3.004943825726753, "q_0.075": 3.1347141092104986, "q_0.1": 3.2023475804836123, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.8693965820271985, "q_0.4": 3.912983691938516, "q_0.425": 3.999623085800325, "q_0.45": 4.06298111849937, "q_0.475": 4.114426410309593, "q_0.5": 4.142786519563793, "q_0.525": 4.179511356570599, "q_0.55": 4.229787797704703, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.487592885175985, "q_0.65": 4.553734053729181, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.046269926735264, "q_0.825": 5.148743240539422, "q_0.85": 5.234352137028019, "q_0.875": 5.274576374578992, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.533933880357063, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.28651460584234, "y": 3.5694675885460723, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.960696216243868, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2239329197299758, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.3265306122449, "y": 4.6609499014317555, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.960696216243868, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2239329197299758, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.366546618647458, "y": 3.004943825726753, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.960696216243868, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2239329197299758, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.40656262505002, "y": 2.957291408469296, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.960696216243868, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2239329197299758, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.44657863145258, "y": 4.140867442851671, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.960696216243868, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2239329197299758, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.48659463785514, "y": 3.1118353636213394, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.9677570284515236, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2336155612040027, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.526610644257705, "y": 3.6406966428255956, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.9677570284515236, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2336155612040027, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.566626650660265, "y": 3.55521308297961, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.9677570284515236, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2336155612040027, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.606642657062824, "y": 3.6497409378753063, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.9677570284515236, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2336155612040027, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.646658663465388, "y": 3.301867099225344, "y_pred": 4.140867442851671, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.9677570284515236, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.2336155612040027, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5694675885460723, "q_0.275": 3.6406966428255956, "q_0.3": 3.6745321998247378, "q_0.325": 3.729572609585341, "q_0.35": 3.8238489319904967, "q_0.375": 3.8645636789296227, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.140867442851671, "q_0.525": 4.173175410950672, "q_0.55": 4.209113929947946, "q_0.575": 4.317471278544529, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.541027179576249, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8189846428564, "q_0.775": 4.9193045828823845, "q_0.8": 5.047921879055577, "q_0.825": 5.175976092671058, "q_0.85": 5.234352137028019, "q_0.875": 5.2942602989588465, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.686674669867948, "y": 2.9623884850603757, "y_pred": 4.142786519563793, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.9677570284515236, "q_0.05": 3.004943825726753, "q_0.075": 3.1416805831213503, "q_0.1": 3.252886021784421, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4758467498002674, "q_0.225": 3.5440824750994477, "q_0.25": 3.5939174580101216, "q_0.275": 3.6497409378753063, "q_0.3": 3.6745321998247378, "q_0.325": 3.7309155525253, "q_0.35": 3.8342896220489835, "q_0.375": 3.8693965820271985, "q_0.4": 3.912983691938516, "q_0.425": 3.9845289295109616, "q_0.45": 4.036485823112227, "q_0.475": 4.114426410309593, "q_0.5": 4.142786519563793, "q_0.525": 4.179511356570599, "q_0.55": 4.225897014990431, "q_0.575": 4.3290684137821405, "q_0.6": 4.430984381976515, "q_0.625": 4.487592885175985, "q_0.65": 4.553734053729181, "q_0.675": 4.5894350717899695, "q_0.7": 4.639886941915621, "q_0.725": 4.752957362878236, "q_0.75": 4.8345914932497145, "q_0.775": 4.9193045828823845, "q_0.8": 5.074047614891026, "q_0.825": 5.203515163590286, "q_0.85": 5.2470244104838155, "q_0.875": 5.301821570548665, "q_0.9": 5.371496654750119, "q_0.925": 5.408225574077972, "q_0.95": 5.5855680330200475, "q_0.975": 5.739659267521479, "q_1": 6.293456463402652}, {"x": 16.726690676270508, "y": 3.261975420924286, "y_pred": 4.145078780548356, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 2.9677570284515236, "q_0.05": 3.04320054346157, "q_0.075": 3.1416805831213503, "q_0.1": 3.2529557651755714, "q_0.125": 3.278734707705796, "q_0.15": 3.3081744359429157, "q_0.175": 3.4109119316117766, "q_0.2": 3.4961772522384926, "q_0.225": 3.55521308297961, "q_0.25": 3.6008775686965366, "q_0.275": 3.6497409378753063, "q_0.3": 3.6958675157093475, "q_0.325": 3.7428206085109315, "q_0.35": 3.8342896220489835, "q_0.375": 3.885407374516176, "q_0.4": 3.912983691938516, "q_0.425": 4.008679579573958, "q_0.45": 4.06298111849937, "q_0.475": 4.118197616851171, "q_0.5": 4.145078780548356, "q_0.525": 4.185803414891856, "q_0.55": 4.292485548550159, "q_0.575": 4.3290684137821405, "q_0.6": 4.460154591907973, "q_0.625": 4.487592885175985, "q_0.65": 4.569452698793235, "q_0.675": 4.627724691528132, "q_0.7": 4.7102509061059825, "q_0.725": 4.778676612210022, "q_0.75": 4.898065250498959, "q_0.775": 4.943530463335117, "q_0.8": 5.142663275069371, "q_0.825": 5.220432147079574, "q_0.85": 5.2667743091875785, "q_0.875": 5.307878968728166, "q_0.9": 5.381095740590758, "q_0.925": 5.50277970168295, "q_0.95": 5.626988860131206, "q_0.975": 5.790336695635354, "q_1": 6.599518656870281}, {"x": 16.76670668267307, "y": 4.71165389228335, "y_pred": 4.287968664437169, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 3.004943825726753, "q_0.05": 3.1778977333904392, "q_0.075": 3.261975420924286, "q_0.1": 3.301867099225344, "q_0.125": 3.4109119316117766, "q_0.15": 3.4961772522384926, "q_0.175": 3.5440824750994477, "q_0.2": 3.6176363298258356, "q_0.225": 3.6661062176696593, "q_0.25": 3.729572609585341, "q_0.275": 3.78425267544463, "q_0.3": 3.8432099046545245, "q_0.325": 3.885407374516176, "q_0.35": 3.936839014505173, "q_0.375": 4.027732258990045, "q_0.4": 4.06298111849937, "q_0.425": 4.131382586341973, "q_0.45": 4.1625492107003454, "q_0.475": 4.193999721096671, "q_0.5": 4.287968664437169, "q_0.525": 4.3290684137821405, "q_0.55": 4.430984381976515, "q_0.575": 4.487592885175985, "q_0.6": 4.569452698793235, "q_0.625": 4.627724691528132, "q_0.65": 4.71165389228335, "q_0.675": 4.778676612210029, "q_0.7": 4.896547077857406, "q_0.725": 4.950424417897871, "q_0.75": 5.142663275069371, "q_0.775": 5.220432147079574, "q_0.8": 5.2667743091875785, "q_0.825": 5.336697389489906, "q_0.85": 5.383242435781614, "q_0.875": 5.50277970168295, "q_0.9": 5.626988860131206, "q_0.925": 5.739659267521479, "q_0.95": 5.841440913742378, "q_0.975": 6.03586784484234, "q_1": 6.798118186971974}, {"x": 16.80672268907563, "y": 5.739659267521479, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.5645675980204152, "q_0.025": 3.1118353636213394, "q_0.05": 3.1993939814985075, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4671132335920856, "q_0.15": 3.5288513853630223, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.6958675157093475, "q_0.25": 3.7428206085109315, "q_0.275": 3.8238489319904967, "q_0.3": 3.8693965820271985, "q_0.325": 3.912983691938516, "q_0.35": 4.008679579573958, "q_0.375": 4.036485823112227, "q_0.4": 4.118197616851171, "q_0.425": 4.142786519563793, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.3969663939127726, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.5894350717899695, "q_0.625": 4.71165389228335, "q_0.65": 4.755115878250611, "q_0.675": 4.885721790323394, "q_0.7": 4.934866341810061, "q_0.725": 5.098424890837123, "q_0.75": 5.203515163590286, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.371496654750119, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.858069295852243, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 16.84673869547819, "y": 5.790336695635354, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 16.886754701880754, "y": 4.118197616851171, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 16.926770708283314, "y": 3.4109119316117766, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 16.966786714685874, "y": 4.787768604618933, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 17.006802721088437, "y": 4.36214694502621, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 17.046818727490997, "y": 5.8092323226734965, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 17.086834733893557, "y": 3.138066532419398, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 17.12685074029612, "y": 5.220432147079574, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 17.16686674669868, "y": 3.789423215510584, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 17.20688275310124, "y": 3.655817169828787, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 17.246898759503804, "y": 4.881259996735652, "y_pred": 4.317471278544529, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6008775686965366, "q_0.2": 3.655817169828787, "q_0.225": 3.726115372945981, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.88200032622564, "q_0.325": 3.9242756478982983, "q_0.35": 4.016424591290319, "q_0.375": 4.039347576253682, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.185803414891856, "q_0.475": 4.229787797704703, "q_0.5": 4.317471278544529, "q_0.525": 4.4097836676209035, "q_0.55": 4.469221529047629, "q_0.575": 4.5354805799677065, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.889030270779993, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.2470244104838155, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408225574077972, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 17.286914765906364, "y": 3.6745321998247378, "y_pred": 4.3290684137821405, "target": "0", "q_0": 2.622852263631275, "q_0.025": 3.1167929555434855, "q_0.05": 3.222812183180076, "q_0.075": 3.278734707705796, "q_0.1": 3.314615806477712, "q_0.125": 3.4725130308115375, "q_0.15": 3.5370715451265924, "q_0.175": 3.6072760534299473, "q_0.2": 3.6661062176696593, "q_0.225": 3.729572609585341, "q_0.25": 3.7502079753195243, "q_0.275": 3.8342896220489835, "q_0.3": 3.885407374516176, "q_0.325": 3.936839014505173, "q_0.35": 4.016424591290319, "q_0.375": 4.057949921677107, "q_0.4": 4.118197616851171, "q_0.425": 4.1625492107003454, "q_0.45": 4.193999721096671, "q_0.475": 4.242694663487959, "q_0.5": 4.3290684137821405, "q_0.525": 4.4097836676209035, "q_0.55": 4.473660885725792, "q_0.575": 4.541027179576249, "q_0.6": 4.627724691528132, "q_0.625": 4.71165389228335, "q_0.65": 4.778676612210029, "q_0.675": 4.896547077857406, "q_0.7": 4.950424417897871, "q_0.725": 5.142663275069371, "q_0.75": 5.205500818890663, "q_0.775": 5.250238965484575, "q_0.8": 5.307878968728166, "q_0.825": 5.381095740590758, "q_0.85": 5.408851359265172, "q_0.875": 5.5855680330200475, "q_0.9": 5.688110136034942, "q_0.925": 5.790336695635354, "q_0.95": 5.921469300691284, "q_0.975": 6.105857021781258, "q_1": 6.912706312096574}, {"x": 17.326930772308923, "y": 4.898065250498959, "y_pred": 4.36214694502621, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1167929555434855, "q_0.05": 3.2239329197299758, "q_0.075": 3.279100020382263, "q_0.1": 3.4109119316117766, "q_0.125": 3.477387628605698, "q_0.15": 3.5440824750994477, "q_0.175": 3.6406966428255956, "q_0.2": 3.6745321998247378, "q_0.225": 3.7309155525253, "q_0.25": 3.8070959694947897, "q_0.275": 3.8432099046545245, "q_0.3": 3.892272226422649, "q_0.325": 3.936985109287485, "q_0.35": 4.027732258990045, "q_0.375": 4.069835625836726, "q_0.4": 4.131382586341973, "q_0.425": 4.173036624306573, "q_0.45": 4.200888205559467, "q_0.475": 4.292485548550159, "q_0.5": 4.36214694502621, "q_0.525": 4.430984381976515, "q_0.55": 4.487592885175985, "q_0.575": 4.575934724528623, "q_0.6": 4.636192778120208, "q_0.625": 4.72483394521576, "q_0.65": 4.808528447292236, "q_0.675": 4.898065250498959, "q_0.7": 5.028023342034318, "q_0.725": 5.148743240539422, "q_0.75": 5.220432147079574, "q_0.775": 5.2667743091875785, "q_0.8": 5.336697389489906, "q_0.825": 5.383242435781614, "q_0.85": 5.50277970168295, "q_0.875": 5.626988860131206, "q_0.9": 5.737732678435663, "q_0.925": 5.793534138012153, "q_0.95": 5.921469300691284, "q_0.975": 6.117099521421366, "q_1": 6.912706312096574}, {"x": 17.366946778711487, "y": 4.469221529047629, "y_pred": 4.36214694502621, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1167929555434855, "q_0.05": 3.2239329197299758, "q_0.075": 3.279100020382263, "q_0.1": 3.4109119316117766, "q_0.125": 3.4961772522384926, "q_0.15": 3.5440824750994477, "q_0.175": 3.6406966428255956, "q_0.2": 3.6745321998247378, "q_0.225": 3.7309155525253, "q_0.25": 3.8070959694947897, "q_0.275": 3.8432099046545245, "q_0.3": 3.8947475521088504, "q_0.325": 3.936985109287485, "q_0.35": 4.027732258990045, "q_0.375": 4.069835625836726, "q_0.4": 4.131382586341973, "q_0.425": 4.173175410950672, "q_0.45": 4.200888205559467, "q_0.475": 4.292485548550159, "q_0.5": 4.36214694502621, "q_0.525": 4.432691464669937, "q_0.55": 4.487592885175985, "q_0.575": 4.584551555518483, "q_0.6": 4.636192778120208, "q_0.625": 4.725392345301849, "q_0.65": 4.808528447292236, "q_0.675": 4.911074061617013, "q_0.7": 5.028023342034318, "q_0.725": 5.148743240539422, "q_0.75": 5.220432147079574, "q_0.775": 5.2667743091875785, "q_0.8": 5.3509524223356895, "q_0.825": 5.386612467019537, "q_0.85": 5.50277970168295, "q_0.875": 5.626988860131206, "q_0.9": 5.737732678435663, "q_0.925": 5.793534138012153, "q_0.95": 5.921469300691284, "q_0.975": 6.117099521421366, "q_1": 6.912706312096574}, {"x": 17.406962785114047, "y": 4.200888205559467, "y_pred": 4.36214694502621, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1167929555434855, "q_0.05": 3.2239329197299758, "q_0.075": 3.301867099225344, "q_0.1": 3.4109119316117766, "q_0.125": 3.4961772522384926, "q_0.15": 3.55521308297961, "q_0.175": 3.6497409378753063, "q_0.2": 3.6745321998247378, "q_0.225": 3.731146240479181, "q_0.25": 3.8070959694947897, "q_0.275": 3.8522930960504125, "q_0.3": 3.9045822653151347, "q_0.325": 3.9390573426093383, "q_0.35": 4.029958252933678, "q_0.375": 4.092302528219274, "q_0.4": 4.132369506939863, "q_0.425": 4.173175410950672, "q_0.45": 4.200888205559467, "q_0.475": 4.306813298062806, "q_0.5": 4.36214694502621, "q_0.525": 4.460154591907973, "q_0.55": 4.487592885175985, "q_0.575": 4.584551555518483, "q_0.6": 4.639886941915621, "q_0.625": 4.750636583013389, "q_0.65": 4.8166207162838575, "q_0.675": 4.911109901880989, "q_0.7": 5.046269926735264, "q_0.725": 5.175976092671058, "q_0.75": 5.220432147079574, "q_0.775": 5.274576374578992, "q_0.8": 5.355259507868923, "q_0.825": 5.386612467019537, "q_0.85": 5.528362067750777, "q_0.875": 5.636087795068564, "q_0.9": 5.737732678435663, "q_0.925": 5.793534138012153, "q_0.95": 5.921469300691284, "q_0.975": 6.117099521421366, "q_1": 6.912706312096574}, {"x": 17.446978791516607, "y": 4.584551555518483, "y_pred": 4.36214694502621, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1167929555434855, "q_0.05": 3.2239329197299758, "q_0.075": 3.301867099225344, "q_0.1": 3.4109119316117766, "q_0.125": 3.4961772522384926, "q_0.15": 3.55521308297961, "q_0.175": 3.6497409378753063, "q_0.2": 3.6745321998247378, "q_0.225": 3.731146240479181, "q_0.25": 3.8070959694947897, "q_0.275": 3.8522930960504125, "q_0.3": 3.9045822653151347, "q_0.325": 3.9390573426093383, "q_0.35": 4.029958252933678, "q_0.375": 4.092302528219274, "q_0.4": 4.132369506939863, "q_0.425": 4.173175410950672, "q_0.45": 4.200888205559467, "q_0.475": 4.306813298062806, "q_0.5": 4.36214694502621, "q_0.525": 4.460154591907973, "q_0.55": 4.487592885175985, "q_0.575": 4.584551555518483, "q_0.6": 4.639886941915621, "q_0.625": 4.750636583013389, "q_0.65": 4.8166207162838575, "q_0.675": 4.911109901880989, "q_0.7": 5.046269926735264, "q_0.725": 5.175976092671058, "q_0.75": 5.220432147079574, "q_0.775": 5.274576374578992, "q_0.8": 5.355259507868923, "q_0.825": 5.386612467019537, "q_0.85": 5.528362067750777, "q_0.875": 5.636087795068564, "q_0.9": 5.737732678435663, "q_0.925": 5.793534138012153, "q_0.95": 5.921469300691284, "q_0.975": 6.117099521421366, "q_1": 6.912706312096574}, {"x": 17.48699479791917, "y": 3.8070959694947897, "y_pred": 4.36214694502621, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1167929555434855, "q_0.05": 3.2239329197299758, "q_0.075": 3.301867099225344, "q_0.1": 3.4109119316117766, "q_0.125": 3.4961772522384926, "q_0.15": 3.55521308297961, "q_0.175": 3.6497409378753063, "q_0.2": 3.6745321998247378, "q_0.225": 3.731146240479181, "q_0.25": 3.8070959694947897, "q_0.275": 3.8522930960504125, "q_0.3": 3.9045822653151347, "q_0.325": 3.9390573426093383, "q_0.35": 4.029958252933678, "q_0.375": 4.092302528219274, "q_0.4": 4.132369506939863, "q_0.425": 4.173175410950672, "q_0.45": 4.200888205559467, "q_0.475": 4.306813298062806, "q_0.5": 4.36214694502621, "q_0.525": 4.460154591907973, "q_0.55": 4.487592885175985, "q_0.575": 4.584551555518483, "q_0.6": 4.639886941915621, "q_0.625": 4.750636583013389, "q_0.65": 4.8166207162838575, "q_0.675": 4.911109901880989, "q_0.7": 5.046269926735264, "q_0.725": 5.175976092671058, "q_0.75": 5.220432147079574, "q_0.775": 5.274576374578992, "q_0.8": 5.355259507868923, "q_0.825": 5.386612467019537, "q_0.85": 5.528362067750777, "q_0.875": 5.636087795068564, "q_0.9": 5.737732678435663, "q_0.925": 5.793534138012153, "q_0.95": 5.921469300691284, "q_0.975": 6.117099521421366, "q_1": 6.912706312096574}, {"x": 17.52701080432173, "y": 5.034452551965099, "y_pred": 4.36214694502621, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1167929555434855, "q_0.05": 3.2239329197299758, "q_0.075": 3.301867099225344, "q_0.1": 3.4109119316117766, "q_0.125": 3.4961772522384926, "q_0.15": 3.55521308297961, "q_0.175": 3.6497409378753063, "q_0.2": 3.6745321998247378, "q_0.225": 3.731146240479181, "q_0.25": 3.8070959694947897, "q_0.275": 3.8522930960504125, "q_0.3": 3.9045822653151347, "q_0.325": 3.9390573426093383, "q_0.35": 4.029958252933678, "q_0.375": 4.092302528219274, "q_0.4": 4.132369506939863, "q_0.425": 4.173175410950672, "q_0.45": 4.200888205559467, "q_0.475": 4.306813298062806, "q_0.5": 4.36214694502621, "q_0.525": 4.460154591907973, "q_0.55": 4.487592885175985, "q_0.575": 4.584551555518483, "q_0.6": 4.639886941915621, "q_0.625": 4.750636583013389, "q_0.65": 4.8166207162838575, "q_0.675": 4.911109901880989, "q_0.7": 5.046269926735264, "q_0.725": 5.175976092671058, "q_0.75": 5.220432147079574, "q_0.775": 5.274576374578992, "q_0.8": 5.355259507868923, "q_0.825": 5.386612467019537, "q_0.85": 5.528362067750777, "q_0.875": 5.636087795068564, "q_0.9": 5.737732678435663, "q_0.925": 5.793534138012153, "q_0.95": 5.921469300691284, "q_0.975": 6.117099521421366, "q_1": 6.912706312096574}, {"x": 17.56702681072429, "y": 4.185803414891856, "y_pred": 4.36214694502621, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1167929555434855, "q_0.05": 3.2239329197299758, "q_0.075": 3.301867099225344, "q_0.1": 3.4109119316117766, "q_0.125": 3.4961772522384926, "q_0.15": 3.55521308297961, "q_0.175": 3.6497409378753063, "q_0.2": 3.6745321998247378, "q_0.225": 3.731146240479181, "q_0.25": 3.8070959694947897, "q_0.275": 3.8522930960504125, "q_0.3": 3.9045822653151347, "q_0.325": 3.9390573426093383, "q_0.35": 4.029958252933678, "q_0.375": 4.092302528219274, "q_0.4": 4.132369506939863, "q_0.425": 4.173175410950672, "q_0.45": 4.200888205559467, "q_0.475": 4.306813298062806, "q_0.5": 4.36214694502621, "q_0.525": 4.460154591907973, "q_0.55": 4.487592885175985, "q_0.575": 4.584551555518483, "q_0.6": 4.639886941915621, "q_0.625": 4.750636583013389, "q_0.65": 4.8166207162838575, "q_0.675": 4.911109901880989, "q_0.7": 5.046269926735264, "q_0.725": 5.175976092671058, "q_0.75": 5.220432147079574, "q_0.775": 5.274576374578992, "q_0.8": 5.355259507868923, "q_0.825": 5.386612467019537, "q_0.85": 5.528362067750777, "q_0.875": 5.636087795068564, "q_0.9": 5.737732678435663, "q_0.925": 5.793534138012153, "q_0.95": 5.921469300691284, "q_0.975": 6.117099521421366, "q_1": 6.912706312096574}, {"x": 17.607042817126853, "y": 4.029958252933678, "y_pred": 4.36214694502621, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1167929555434855, "q_0.05": 3.2239329197299758, "q_0.075": 3.301867099225344, "q_0.1": 3.4109119316117766, "q_0.125": 3.4961772522384926, "q_0.15": 3.55521308297961, "q_0.175": 3.6497409378753063, "q_0.2": 3.6745321998247378, "q_0.225": 3.731146240479181, "q_0.25": 3.8070959694947897, "q_0.275": 3.8522930960504125, "q_0.3": 3.9045822653151347, "q_0.325": 3.9390573426093383, "q_0.35": 4.029958252933678, "q_0.375": 4.092302528219274, "q_0.4": 4.132369506939863, "q_0.425": 4.173175410950672, "q_0.45": 4.200888205559467, "q_0.475": 4.306813298062806, "q_0.5": 4.36214694502621, "q_0.525": 4.460154591907973, "q_0.55": 4.487592885175985, "q_0.575": 4.584551555518483, "q_0.6": 4.639886941915621, "q_0.625": 4.750636583013389, "q_0.65": 4.8166207162838575, "q_0.675": 4.911109901880989, "q_0.7": 5.046269926735264, "q_0.725": 5.175976092671058, "q_0.75": 5.220432147079574, "q_0.775": 5.274576374578992, "q_0.8": 5.355259507868923, "q_0.825": 5.386612467019537, "q_0.85": 5.528362067750777, "q_0.875": 5.636087795068564, "q_0.9": 5.737732678435663, "q_0.925": 5.793534138012153, "q_0.95": 5.921469300691284, "q_0.975": 6.117099521421366, "q_1": 6.912706312096574}, {"x": 17.647058823529413, "y": 5.402319596127429, "y_pred": 4.4006738464028325, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1416805831213503, "q_0.05": 3.2529557651755714, "q_0.075": 3.3081744359429157, "q_0.1": 3.412938678772533, "q_0.125": 3.5128745437220785, "q_0.15": 3.5694675885460723, "q_0.175": 3.655817169828787, "q_0.2": 3.6958675157093475, "q_0.225": 3.7428206085109315, "q_0.25": 3.8238489319904967, "q_0.275": 3.8693965820271985, "q_0.3": 3.912983691938516, "q_0.325": 4.008679579573958, "q_0.35": 4.036485823112227, "q_0.375": 4.118197616851171, "q_0.4": 4.153701107600792, "q_0.425": 4.185803414891856, "q_0.45": 4.229787797704703, "q_0.475": 4.317471278544529, "q_0.5": 4.4006738464028325, "q_0.525": 4.469221529047629, "q_0.55": 4.5354805799677065, "q_0.575": 4.6137686088177094, "q_0.6": 4.71165389228335, "q_0.625": 4.771997812919494, "q_0.65": 4.885721790323394, "q_0.675": 4.943530463335117, "q_0.7": 5.1235119091523575, "q_0.725": 5.203515163590286, "q_0.75": 5.2470244104838155, "q_0.775": 5.301821570548665, "q_0.8": 5.371496654750119, "q_0.825": 5.402319596127429, "q_0.85": 5.533933880357063, "q_0.875": 5.6570912498687855, "q_0.9": 5.739659267521479, "q_0.925": 5.841440913742378, "q_0.95": 5.923190597868797, "q_0.975": 6.122592326270759, "q_1": 6.912706312096574}, {"x": 17.687074829931973, "y": 5.688110136034942, "y_pred": 4.4006738464028325, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1416805831213503, "q_0.05": 3.2529557651755714, "q_0.075": 3.3081744359429157, "q_0.1": 3.412938678772533, "q_0.125": 3.5128745437220785, "q_0.15": 3.5694675885460723, "q_0.175": 3.655817169828787, "q_0.2": 3.6958675157093475, "q_0.225": 3.7428206085109315, "q_0.25": 3.8238489319904967, "q_0.275": 3.8693965820271985, "q_0.3": 3.912983691938516, "q_0.325": 4.008679579573958, "q_0.35": 4.036485823112227, "q_0.375": 4.118197616851171, "q_0.4": 4.153701107600792, "q_0.425": 4.185803414891856, "q_0.45": 4.229787797704703, "q_0.475": 4.317471278544529, "q_0.5": 4.4006738464028325, "q_0.525": 4.469221529047629, "q_0.55": 4.5354805799677065, "q_0.575": 4.6137686088177094, "q_0.6": 4.71165389228335, "q_0.625": 4.771997812919494, "q_0.65": 4.885721790323394, "q_0.675": 4.943530463335117, "q_0.7": 5.1235119091523575, "q_0.725": 5.203515163590286, "q_0.75": 5.2470244104838155, "q_0.775": 5.301821570548665, "q_0.8": 5.371496654750119, "q_0.825": 5.402319596127429, "q_0.85": 5.533933880357063, "q_0.875": 5.6570912498687855, "q_0.9": 5.739659267521479, "q_0.925": 5.841440913742378, "q_0.95": 5.923190597868797, "q_0.975": 6.122592326270759, "q_1": 6.912706312096574}, {"x": 17.727090836334533, "y": 3.1167929555434855, "y_pred": 4.4006738464028325, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1416805831213503, "q_0.05": 3.2529557651755714, "q_0.075": 3.3081744359429157, "q_0.1": 3.412938678772533, "q_0.125": 3.5128745437220785, "q_0.15": 3.5694675885460723, "q_0.175": 3.655817169828787, "q_0.2": 3.6958675157093475, "q_0.225": 3.7428206085109315, "q_0.25": 3.8238489319904967, "q_0.275": 3.8693965820271985, "q_0.3": 3.912983691938516, "q_0.325": 4.008679579573958, "q_0.35": 4.036485823112227, "q_0.375": 4.118197616851171, "q_0.4": 4.153701107600792, "q_0.425": 4.185803414891856, "q_0.45": 4.229787797704703, "q_0.475": 4.317471278544529, "q_0.5": 4.4006738464028325, "q_0.525": 4.469221529047629, "q_0.55": 4.5354805799677065, "q_0.575": 4.6137686088177094, "q_0.6": 4.71165389228335, "q_0.625": 4.771997812919494, "q_0.65": 4.885721790323394, "q_0.675": 4.943530463335117, "q_0.7": 5.1235119091523575, "q_0.725": 5.203515163590286, "q_0.75": 5.2470244104838155, "q_0.775": 5.301821570548665, "q_0.8": 5.371496654750119, "q_0.825": 5.402319596127429, "q_0.85": 5.533933880357063, "q_0.875": 5.6570912498687855, "q_0.9": 5.739659267521479, "q_0.925": 5.841440913742378, "q_0.95": 5.923190597868797, "q_0.975": 6.122592326270759, "q_1": 6.912706312096574}, {"x": 17.767106842737096, "y": 3.6661062176696593, "y_pred": 4.4006738464028325, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1416805831213503, "q_0.05": 3.2529557651755714, "q_0.075": 3.3081744359429157, "q_0.1": 3.412938678772533, "q_0.125": 3.5128745437220785, "q_0.15": 3.5694675885460723, "q_0.175": 3.655817169828787, "q_0.2": 3.6958675157093475, "q_0.225": 3.7428206085109315, "q_0.25": 3.8238489319904967, "q_0.275": 3.8693965820271985, "q_0.3": 3.912983691938516, "q_0.325": 4.008679579573958, "q_0.35": 4.036485823112227, "q_0.375": 4.118197616851171, "q_0.4": 4.153701107600792, "q_0.425": 4.185803414891856, "q_0.45": 4.229787797704703, "q_0.475": 4.317471278544529, "q_0.5": 4.4006738464028325, "q_0.525": 4.469221529047629, "q_0.55": 4.5354805799677065, "q_0.575": 4.6137686088177094, "q_0.6": 4.71165389228335, "q_0.625": 4.771997812919494, "q_0.65": 4.885721790323394, "q_0.675": 4.943530463335117, "q_0.7": 5.1235119091523575, "q_0.725": 5.203515163590286, "q_0.75": 5.2470244104838155, "q_0.775": 5.301821570548665, "q_0.8": 5.371496654750119, "q_0.825": 5.402319596127429, "q_0.85": 5.533933880357063, "q_0.875": 5.6570912498687855, "q_0.9": 5.739659267521479, "q_0.925": 5.841440913742378, "q_0.95": 5.923190597868797, "q_0.975": 6.122592326270759, "q_1": 6.912706312096574}, {"x": 17.807122849139656, "y": 4.008679579573958, "y_pred": 4.4097836676209035, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1700424123361106, "q_0.05": 3.2529557651755714, "q_0.075": 3.3081744359429157, "q_0.1": 3.457582456433952, "q_0.125": 3.5167201807054154, "q_0.15": 3.5991375410249336, "q_0.175": 3.6661062176696593, "q_0.2": 3.729572609585341, "q_0.225": 3.7502079753195243, "q_0.25": 3.8238489319904967, "q_0.275": 3.88200032622564, "q_0.3": 3.936839014505173, "q_0.325": 4.016424591290319, "q_0.35": 4.06298111849937, "q_0.375": 4.131382586341973, "q_0.4": 4.173175410950672, "q_0.425": 4.200888205559467, "q_0.45": 4.292485548550159, "q_0.475": 4.36214694502621, "q_0.5": 4.4097836676209035, "q_0.525": 4.473660885725792, "q_0.55": 4.569452698793235, "q_0.575": 4.628936081320426, "q_0.6": 4.728370737995101, "q_0.625": 4.807196844362165, "q_0.65": 4.898065250498959, "q_0.675": 5.005688497266193, "q_0.7": 5.148743240539422, "q_0.725": 5.205500818890663, "q_0.75": 5.251219964400493, "q_0.775": 5.3257398400197555, "q_0.8": 5.381095740590758, "q_0.825": 5.408851359265172, "q_0.85": 5.5855680330200475, "q_0.875": 5.6583979794921895, "q_0.9": 5.790336695635354, "q_0.925": 5.8537511302532375, "q_0.95": 5.953160083310513, "q_0.975": 6.126986315347967, "q_1": 6.912706312096574}, {"x": 17.847138855542216, "y": 5.381095740590758, "y_pred": 4.432691464669937, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1778977333904392, "q_0.05": 3.2529557651755714, "q_0.075": 3.3093872703115013, "q_0.1": 3.457582456433952, "q_0.125": 3.5167201807054154, "q_0.15": 3.6008775686965366, "q_0.175": 3.6661062176696593, "q_0.2": 3.7309155525253, "q_0.225": 3.76905797357372, "q_0.25": 3.8342896220489835, "q_0.275": 3.885407374516176, "q_0.3": 3.936985109287485, "q_0.325": 4.025548572432858, "q_0.35": 4.069835625836726, "q_0.375": 4.131382586341973, "q_0.4": 4.173175410950672, "q_0.425": 4.200888205559467, "q_0.45": 4.306813298062806, "q_0.475": 4.36214694502621, "q_0.5": 4.432691464669937, "q_0.525": 4.481640192758833, "q_0.55": 4.584551555518483, "q_0.575": 4.688021822613865, "q_0.6": 4.752957362878236, "q_0.625": 4.8166207162838575, "q_0.65": 4.914205579846556, "q_0.675": 5.028023342034318, "q_0.7": 5.161299509811205, "q_0.725": 5.220432147079574, "q_0.75": 5.2667743091875785, "q_0.775": 5.336697389489906, "q_0.8": 5.383242435781614, "q_0.825": 5.453930998005581, "q_0.85": 5.626988860131206, "q_0.875": 5.688110136034942, "q_0.9": 5.790336695635354, "q_0.925": 5.8537511302532375, "q_0.95": 5.988485084814867, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 17.88715486194478, "y": 5.885922913564549, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6745321998247378, "q_0.2": 3.733091146033754, "q_0.225": 3.8070959694947897, "q_0.25": 3.8432099046545245, "q_0.275": 3.9045822653151347, "q_0.3": 3.9394969072533668, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 17.92717086834734, "y": 5.841440913742378, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6745321998247378, "q_0.2": 3.733091146033754, "q_0.225": 3.8070959694947897, "q_0.25": 3.8432099046545245, "q_0.275": 3.9045822653151347, "q_0.3": 3.9394969072533668, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 17.9671868747499, "y": 5.6570912498687855, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.675662025372961, "q_0.2": 3.738339553729039, "q_0.225": 3.8070959694947897, "q_0.25": 3.8522930960504125, "q_0.275": 3.9045822653151347, "q_0.3": 3.963006765702231, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.7294848141644845, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.007202881152462, "y": 3.8693965820271985, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.675662025372961, "q_0.2": 3.738339553729039, "q_0.225": 3.8070959694947897, "q_0.25": 3.8522930960504125, "q_0.275": 3.9045822653151347, "q_0.3": 3.963006765702231, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.7294848141644845, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.047218887555022, "y": 5.921469300691284, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.675662025372961, "q_0.2": 3.738339553729039, "q_0.225": 3.8070959694947897, "q_0.25": 3.8522930960504125, "q_0.275": 3.9045822653151347, "q_0.3": 3.963006765702231, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.7294848141644845, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.087234893957582, "y": 3.7356291683820824, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.675662025372961, "q_0.2": 3.738339553729039, "q_0.225": 3.8070959694947897, "q_0.25": 3.8522930960504125, "q_0.275": 3.9045822653151347, "q_0.3": 3.963006765702231, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.7294848141644845, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.127250900360146, "y": 3.314615806477712, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.675662025372961, "q_0.2": 3.738339553729039, "q_0.225": 3.8070959694947897, "q_0.25": 3.8522930960504125, "q_0.275": 3.9045822653151347, "q_0.3": 3.963006765702231, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.7294848141644845, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.167266906762706, "y": 5.8124178713968035, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.675662025372961, "q_0.2": 3.738339553729039, "q_0.225": 3.8070959694947897, "q_0.25": 3.8522930960504125, "q_0.275": 3.9045822653151347, "q_0.3": 3.963006765702231, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.7294848141644845, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.207282913165265, "y": 3.6958675157093475, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.675662025372961, "q_0.2": 3.738339553729039, "q_0.225": 3.8070959694947897, "q_0.25": 3.8522930960504125, "q_0.275": 3.9045822653151347, "q_0.3": 3.963006765702231, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.7294848141644845, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.24729891956783, "y": 5.047921879055577, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.675662025372961, "q_0.2": 3.738339553729039, "q_0.225": 3.8070959694947897, "q_0.25": 3.8522930960504125, "q_0.275": 3.9045822653151347, "q_0.3": 3.963006765702231, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.7294848141644845, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.28731492597039, "y": 3.1826983980540335, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4758467498002674, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.675662025372961, "q_0.2": 3.738339553729039, "q_0.225": 3.8070959694947897, "q_0.25": 3.8522930960504125, "q_0.275": 3.9045822653151347, "q_0.3": 3.963006765702231, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.365559434072187, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.7294848141644845, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.32733093237295, "y": 5.175976092671058, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6958675157093475, "q_0.2": 3.740445247763777, "q_0.225": 3.8070959694947897, "q_0.25": 3.8645636789296227, "q_0.275": 3.9045822653151347, "q_0.3": 3.9845289295109616, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.367563273352806, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.367346938775512, "y": 5.626988860131206, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6958675157093475, "q_0.2": 3.740445247763777, "q_0.225": 3.8070959694947897, "q_0.25": 3.8645636789296227, "q_0.275": 3.9045822653151347, "q_0.3": 3.9845289295109616, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.367563273352806, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.407362945178072, "y": 3.8238489319904967, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6958675157093475, "q_0.2": 3.740445247763777, "q_0.225": 3.8070959694947897, "q_0.25": 3.8645636789296227, "q_0.275": 3.9045822653151347, "q_0.3": 3.9845289295109616, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.367563273352806, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.44737895158063, "y": 4.142786519563793, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6958675157093475, "q_0.2": 3.740445247763777, "q_0.225": 3.8070959694947897, "q_0.25": 3.8645636789296227, "q_0.275": 3.9045822653151347, "q_0.3": 3.9845289295109616, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.367563273352806, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.487394957983195, "y": 4.131382586341973, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.261975420924286, "q_0.075": 3.314615806477712, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6958675157093475, "q_0.2": 3.740445247763777, "q_0.225": 3.8070959694947897, "q_0.25": 3.8645636789296227, "q_0.275": 3.9045822653151347, "q_0.3": 3.9845289295109616, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.31160082340736, "q_0.475": 4.367563273352806, "q_0.5": 4.46740666717732, "q_0.525": 4.516482171419353, "q_0.55": 4.5894350717899695, "q_0.575": 4.71165389228335, "q_0.6": 4.771997812919494, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.386612467019537, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.128637492932218, "q_1": 6.912706312096574}, {"x": 18.527410964385755, "y": 5.2470244104838155, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.3633265429749772, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6958675157093475, "q_0.2": 3.742345536361501, "q_0.225": 3.8070959694947897, "q_0.25": 3.8645636789296227, "q_0.275": 3.9045822653151347, "q_0.3": 3.9845289295109616, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.3148356410695, "q_0.475": 4.394892632142071, "q_0.5": 4.46740666717732, "q_0.525": 4.5354805799677065, "q_0.55": 4.627724691528132, "q_0.575": 4.71165389228335, "q_0.6": 4.778676612210029, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.402319596127429, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.168706421972327, "q_1": 6.912706312096574}, {"x": 18.567426970788315, "y": 3.7309155525253, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.3633265429749772, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6958675157093475, "q_0.2": 3.742345536361501, "q_0.225": 3.8070959694947897, "q_0.25": 3.8645636789296227, "q_0.275": 3.9045822653151347, "q_0.3": 3.9845289295109616, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.3148356410695, "q_0.475": 4.394892632142071, "q_0.5": 4.46740666717732, "q_0.525": 4.5354805799677065, "q_0.55": 4.627724691528132, "q_0.575": 4.71165389228335, "q_0.6": 4.778676612210029, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.402319596127429, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.168706421972327, "q_1": 6.912706312096574}, {"x": 18.60744297719088, "y": 3.5370715451265924, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.3633265429749772, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6958675157093475, "q_0.2": 3.742345536361501, "q_0.225": 3.8070959694947897, "q_0.25": 3.8645636789296227, "q_0.275": 3.9045822653151347, "q_0.3": 3.9845289295109616, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.3148356410695, "q_0.475": 4.394892632142071, "q_0.5": 4.46740666717732, "q_0.525": 4.5354805799677065, "q_0.55": 4.627724691528132, "q_0.575": 4.71165389228335, "q_0.6": 4.778676612210029, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.402319596127429, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.168706421972327, "q_1": 6.912706312096574}, {"x": 18.647458983593438, "y": 4.365559434072187, "y_pred": 4.46740666717732, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.3633265429749772, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6406966428255956, "q_0.175": 3.6958675157093475, "q_0.2": 3.742345536361501, "q_0.225": 3.8070959694947897, "q_0.25": 3.8645636789296227, "q_0.275": 3.9045822653151347, "q_0.3": 3.9845289295109616, "q_0.325": 4.029958252933678, "q_0.35": 4.1166823061580855, "q_0.375": 4.142786519563793, "q_0.4": 4.185803414891856, "q_0.425": 4.229787797704703, "q_0.45": 4.3148356410695, "q_0.475": 4.394892632142071, "q_0.5": 4.46740666717732, "q_0.525": 4.5354805799677065, "q_0.55": 4.627724691528132, "q_0.575": 4.71165389228335, "q_0.6": 4.778676612210029, "q_0.625": 4.885721790323394, "q_0.65": 4.934866341810061, "q_0.675": 5.047921879055577, "q_0.7": 5.182625141469851, "q_0.725": 5.228614293242584, "q_0.75": 5.2942602989588465, "q_0.775": 5.366038114054975, "q_0.8": 5.402319596127429, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.793534138012153, "q_0.925": 5.858069295852243, "q_0.95": 5.9933167980933195, "q_0.975": 6.168706421972327, "q_1": 6.912706312096574}, {"x": 18.687474989995998, "y": 3.936839014505173, "y_pred": 4.469221529047629, "target": "0", "q_0": 2.6944181644900924, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.3633265429749772, "q_0.1": 3.4760845779201355, "q_0.125": 3.5370715451265924, "q_0.15": 3.6497409378753063, "q_0.175": 3.6958675157093475, "q_0.2": 3.7428206085109315, "q_0.225": 3.8238489319904967, "q_0.25": 3.8693965820271985, "q_0.275": 3.912983691938516, "q_0.3": 4.008679579573958, "q_0.325": 4.036485823112227, "q_0.35": 4.118197616851171, "q_0.375": 4.172866996186007, "q_0.4": 4.200888205559467, "q_0.425": 4.287968664437169, "q_0.45": 4.317471278544529, "q_0.475": 4.4006738464028325, "q_0.5": 4.469221529047629, "q_0.525": 4.5354805799677065, "q_0.55": 4.628936081320426, "q_0.575": 4.72483394521576, "q_0.6": 4.778676612210029, "q_0.625": 4.885721790323394, "q_0.65": 4.950424417897871, "q_0.675": 5.061725310928203, "q_0.7": 5.200393199907028, "q_0.725": 5.2470244104838155, "q_0.75": 5.301821570548665, "q_0.775": 5.366425487227998, "q_0.8": 5.402319596127429, "q_0.825": 5.533933880357063, "q_0.85": 5.636087795068564, "q_0.875": 5.737732678435663, "q_0.9": 5.836017832799923, "q_0.925": 5.921469300691284, "q_0.95": 6.034894372456506, "q_0.975": 6.176722432262553, "q_1": 6.912706312096574}, {"x": 18.72749099639856, "y": 5.533933880357063, "y_pred": 4.473660885725792, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.4109119316117766, "q_0.1": 3.4961772522384926, "q_0.125": 3.5440824750994477, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.88200032622564, "q_0.275": 3.936839014505173, "q_0.3": 4.016424591290319, "q_0.325": 4.06298111849937, "q_0.35": 4.132369506939863, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.36214694502621, "q_0.475": 4.4097836676209035, "q_0.5": 4.473660885725792, "q_0.525": 4.5742407230328475, "q_0.55": 4.688126828066639, "q_0.575": 4.752957362878236, "q_0.6": 4.8166207162838575, "q_0.625": 4.898065250498959, "q_0.65": 5.005688497266193, "q_0.675": 5.146182978764693, "q_0.7": 5.203515163590286, "q_0.725": 5.2470244104838155, "q_0.75": 5.317565836666096, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.5855680330200475, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 18.76750700280112, "y": 3.7428206085109315, "y_pred": 4.473660885725792, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.4109119316117766, "q_0.1": 3.4961772522384926, "q_0.125": 3.5440824750994477, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.88200032622564, "q_0.275": 3.936839014505173, "q_0.3": 4.016424591290319, "q_0.325": 4.06298111849937, "q_0.35": 4.132369506939863, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.36214694502621, "q_0.475": 4.4097836676209035, "q_0.5": 4.473660885725792, "q_0.525": 4.5742407230328475, "q_0.55": 4.688126828066639, "q_0.575": 4.752957362878236, "q_0.6": 4.8166207162838575, "q_0.625": 4.898065250498959, "q_0.65": 5.005688497266193, "q_0.675": 5.146182978764693, "q_0.7": 5.203515163590286, "q_0.725": 5.2470244104838155, "q_0.75": 5.317565836666096, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.5855680330200475, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 18.80752300920368, "y": 4.5354805799677065, "y_pred": 4.473660885725792, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.4109119316117766, "q_0.1": 3.4961772522384926, "q_0.125": 3.5440824750994477, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.88200032622564, "q_0.275": 3.936839014505173, "q_0.3": 4.016424591290319, "q_0.325": 4.06298111849937, "q_0.35": 4.132369506939863, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.36214694502621, "q_0.475": 4.4097836676209035, "q_0.5": 4.473660885725792, "q_0.525": 4.5742407230328475, "q_0.55": 4.688126828066639, "q_0.575": 4.752957362878236, "q_0.6": 4.8166207162838575, "q_0.625": 4.898065250498959, "q_0.65": 5.005688497266193, "q_0.675": 5.146182978764693, "q_0.7": 5.203515163590286, "q_0.725": 5.2470244104838155, "q_0.75": 5.317565836666096, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.5855680330200475, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 18.847539015606245, "y": 5.8537511302532375, "y_pred": 4.473660885725792, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.4109119316117766, "q_0.1": 3.5081658607027437, "q_0.125": 3.55521308297961, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.069835625836726, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.36214694502621, "q_0.475": 4.415948017352997, "q_0.5": 4.473660885725792, "q_0.525": 4.575934724528623, "q_0.55": 4.6955165158138525, "q_0.575": 4.7537597243022, "q_0.6": 4.8166207162838575, "q_0.625": 4.898065250498959, "q_0.65": 5.005688497266193, "q_0.675": 5.1485304493545545, "q_0.7": 5.205500818890663, "q_0.725": 5.250238965484575, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.5855680330200475, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 18.887555022008804, "y": 4.934866341810061, "y_pred": 4.473660885725792, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.1826983980540335, "q_0.05": 3.267402534811233, "q_0.075": 3.4109119316117766, "q_0.1": 3.5081658607027437, "q_0.125": 3.55521308297961, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.069835625836726, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.36214694502621, "q_0.475": 4.415948017352997, "q_0.5": 4.473660885725792, "q_0.525": 4.575934724528623, "q_0.55": 4.6955165158138525, "q_0.575": 4.7537597243022, "q_0.6": 4.8166207162838575, "q_0.625": 4.898065250498959, "q_0.65": 5.005688497266193, "q_0.675": 5.1485304493545545, "q_0.7": 5.205500818890663, "q_0.725": 5.250238965484575, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.5855680330200475, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 18.927571028411364, "y": 5.636087795068564, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.8713064387831815, "q_0.025": 3.2074637311577288, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.55521308297961, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.076254740803165, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.415948017352997, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8166207162838575, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 18.967587034813928, "y": 5.858069295852243, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.8713064387831815, "q_0.025": 3.2074637311577288, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.55521308297961, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.076254740803165, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.415948017352997, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8166207162838575, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.007603041216488, "y": 5.2942602989588465, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.8713064387831815, "q_0.025": 3.2074637311577288, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.55521308297961, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.076254740803165, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.415948017352997, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8166207162838575, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.047619047619047, "y": 5.144190705167716, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.8713064387831815, "q_0.025": 3.2074637311577288, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.55521308297961, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.076254740803165, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.415948017352997, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8166207162838575, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.08763505402161, "y": 5.952684660315428, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.8713064387831815, "q_0.025": 3.2074637311577288, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.55521308297961, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.076254740803165, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.415948017352997, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8166207162838575, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.12765106042417, "y": 6.03586784484234, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.8713064387831815, "q_0.025": 3.2074637311577288, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.55521308297961, "q_0.15": 3.655817169828787, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.076254740803165, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.415948017352997, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8166207162838575, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6570912498687855, "q_0.875": 5.739659267521479, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.16766706682673, "y": 4.4097836676209035, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.5694675885460723, "q_0.15": 3.664457894812739, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.0955120857025005, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.425994085743159, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8189846428564, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6583979794921895, "q_0.875": 5.786333977573899, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.207683073229294, "y": 3.267402534811233, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.5694675885460723, "q_0.15": 3.664457894812739, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.0955120857025005, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.425994085743159, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8189846428564, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6583979794921895, "q_0.875": 5.786333977573899, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.247699079631854, "y": 3.936985109287485, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.5694675885460723, "q_0.15": 3.664457894812739, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.0955120857025005, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.425994085743159, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8189846428564, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6583979794921895, "q_0.875": 5.786333977573899, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.287715086034414, "y": 3.5167201807054154, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.412938678772533, "q_0.1": 3.5081658607027437, "q_0.125": 3.5694675885460723, "q_0.15": 3.664457894812739, "q_0.175": 3.7309155525253, "q_0.2": 3.7502079753195243, "q_0.225": 3.8238489319904967, "q_0.25": 3.885407374516176, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.0955120857025005, "q_0.35": 4.140867442851671, "q_0.375": 4.179511356570599, "q_0.4": 4.209113929947946, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.425994085743159, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.8189846428564, "q_0.625": 4.911109901880989, "q_0.65": 5.015290345978547, "q_0.675": 5.148743240539422, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.408225574077972, "q_0.825": 5.612905749075997, "q_0.85": 5.6583979794921895, "q_0.875": 5.786333977573899, "q_0.9": 5.841440913742378, "q_0.925": 5.921469300691284, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.327731092436977, "y": 4.317471278544529, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.8713064387831815, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.435274744216397, "q_0.1": 3.5128745437220785, "q_0.125": 3.5694675885460723, "q_0.15": 3.6661062176696593, "q_0.175": 3.7309155525253, "q_0.2": 3.76905797357372, "q_0.225": 3.8342896220489835, "q_0.25": 3.892272226422649, "q_0.275": 3.936985109287485, "q_0.3": 4.025548572432858, "q_0.325": 4.097637794907386, "q_0.35": 4.142786519563793, "q_0.375": 4.179511356570599, "q_0.4": 4.226347047129022, "q_0.425": 4.306813298062806, "q_0.45": 4.365559434072187, "q_0.475": 4.432691464669937, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.6955165158138525, "q_0.575": 4.755115878250611, "q_0.6": 4.86795027450146, "q_0.625": 4.917301257812121, "q_0.65": 5.028023342034318, "q_0.675": 5.161299509811205, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.3257398400197555, "q_0.775": 5.381095740590758, "q_0.8": 5.410544530319537, "q_0.825": 5.612905749075997, "q_0.85": 5.6583979794921895, "q_0.875": 5.790173953485768, "q_0.9": 5.841440913742378, "q_0.925": 5.923190597868797, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.367747098839537, "y": 3.457582456433952, "y_pred": 4.481640192758833, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.435274744216397, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.7309155525253, "q_0.2": 3.76905797357372, "q_0.225": 3.8342896220489835, "q_0.25": 3.8947475521088504, "q_0.275": 3.936985109287485, "q_0.3": 4.027732258990045, "q_0.325": 4.114426410309593, "q_0.35": 4.142786519563793, "q_0.375": 4.184637733393867, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.365559434072187, "q_0.475": 4.460154591907973, "q_0.5": 4.481640192758833, "q_0.525": 4.584551555518483, "q_0.55": 4.71165389228335, "q_0.575": 4.755115878250611, "q_0.6": 4.86795027450146, "q_0.625": 4.917301257812121, "q_0.65": 5.028023342034318, "q_0.675": 5.175976092671058, "q_0.7": 5.205500818890663, "q_0.725": 5.251219964400493, "q_0.75": 5.336697389489906, "q_0.775": 5.381095740590758, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.6583979794921895, "q_0.875": 5.790336695635354, "q_0.9": 5.841440913742378, "q_0.925": 5.923190597868797, "q_0.95": 6.03586784484234, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.407763105242097, "y": 4.885721790323394, "y_pred": 4.487592885175985, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.435274744216397, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.76905797357372, "q_0.225": 3.8432099046545245, "q_0.25": 3.8947475521088504, "q_0.275": 3.936985109287485, "q_0.3": 4.027732258990045, "q_0.325": 4.114426410309593, "q_0.35": 4.142786519563793, "q_0.375": 4.184637733393867, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.365559434072187, "q_0.475": 4.460999052820556, "q_0.5": 4.487592885175985, "q_0.525": 4.584934108857597, "q_0.55": 4.71165389228335, "q_0.575": 4.764822990685219, "q_0.6": 4.86795027450146, "q_0.625": 4.9193045828823845, "q_0.65": 5.028023342034318, "q_0.675": 5.175976092671058, "q_0.7": 5.205500818890663, "q_0.725": 5.260355785997356, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.6583979794921895, "q_0.875": 5.790336695635354, "q_0.9": 5.841440913742378, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.44777911164466, "y": 4.220887696355675, "y_pred": 4.487592885175985, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.435274744216397, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.76905797357372, "q_0.225": 3.8432099046545245, "q_0.25": 3.8947475521088504, "q_0.275": 3.936985109287485, "q_0.3": 4.027732258990045, "q_0.325": 4.114426410309593, "q_0.35": 4.142786519563793, "q_0.375": 4.184637733393867, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.365559434072187, "q_0.475": 4.460999052820556, "q_0.5": 4.487592885175985, "q_0.525": 4.584934108857597, "q_0.55": 4.71165389228335, "q_0.575": 4.764822990685219, "q_0.6": 4.86795027450146, "q_0.625": 4.9193045828823845, "q_0.65": 5.028023342034318, "q_0.675": 5.175976092671058, "q_0.7": 5.205500818890663, "q_0.725": 5.260355785997356, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.6583979794921895, "q_0.875": 5.790336695635354, "q_0.9": 5.841440913742378, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.48779511804722, "y": 5.77139767685229, "y_pred": 4.487592885175985, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.435274744216397, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.76905797357372, "q_0.225": 3.8432099046545245, "q_0.25": 3.8947475521088504, "q_0.275": 3.936985109287485, "q_0.3": 4.027732258990045, "q_0.325": 4.114426410309593, "q_0.35": 4.142786519563793, "q_0.375": 4.184637733393867, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.365559434072187, "q_0.475": 4.460999052820556, "q_0.5": 4.487592885175985, "q_0.525": 4.584934108857597, "q_0.55": 4.71165389228335, "q_0.575": 4.764822990685219, "q_0.6": 4.86795027450146, "q_0.625": 4.9193045828823845, "q_0.65": 5.028023342034318, "q_0.675": 5.175976092671058, "q_0.7": 5.205500818890663, "q_0.725": 5.260355785997356, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.6583979794921895, "q_0.875": 5.790336695635354, "q_0.9": 5.841440913742378, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.52781112444978, "y": 5.9938088106593055, "y_pred": 4.487592885175985, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.435274744216397, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.76905797357372, "q_0.225": 3.8432099046545245, "q_0.25": 3.8947475521088504, "q_0.275": 3.936985109287485, "q_0.3": 4.027732258990045, "q_0.325": 4.114426410309593, "q_0.35": 4.142786519563793, "q_0.375": 4.184637733393867, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.365559434072187, "q_0.475": 4.460999052820556, "q_0.5": 4.487592885175985, "q_0.525": 4.584934108857597, "q_0.55": 4.71165389228335, "q_0.575": 4.764822990685219, "q_0.6": 4.86795027450146, "q_0.625": 4.9193045828823845, "q_0.65": 5.028023342034318, "q_0.675": 5.175976092671058, "q_0.7": 5.205500818890663, "q_0.725": 5.260355785997356, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.6583979794921895, "q_0.875": 5.790336695635354, "q_0.9": 5.841440913742378, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.56782713085234, "y": 4.72483394521576, "y_pred": 4.487592885175985, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.435274744216397, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.76905797357372, "q_0.225": 3.8432099046545245, "q_0.25": 3.8947475521088504, "q_0.275": 3.936985109287485, "q_0.3": 4.027732258990045, "q_0.325": 4.114426410309593, "q_0.35": 4.142786519563793, "q_0.375": 4.184637733393867, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.365559434072187, "q_0.475": 4.460999052820556, "q_0.5": 4.487592885175985, "q_0.525": 4.584934108857597, "q_0.55": 4.71165389228335, "q_0.575": 4.764822990685219, "q_0.6": 4.86795027450146, "q_0.625": 4.9193045828823845, "q_0.65": 5.028023342034318, "q_0.675": 5.175976092671058, "q_0.7": 5.205500818890663, "q_0.725": 5.260355785997356, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.6583979794921895, "q_0.875": 5.790336695635354, "q_0.9": 5.841440913742378, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.607843137254903, "y": 3.9045822653151347, "y_pred": 4.487592885175985, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.435274744216397, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.76905797357372, "q_0.225": 3.8432099046545245, "q_0.25": 3.8947475521088504, "q_0.275": 3.936985109287485, "q_0.3": 4.027732258990045, "q_0.325": 4.114426410309593, "q_0.35": 4.142786519563793, "q_0.375": 4.184637733393867, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.365559434072187, "q_0.475": 4.460999052820556, "q_0.5": 4.487592885175985, "q_0.525": 4.584934108857597, "q_0.55": 4.71165389228335, "q_0.575": 4.764822990685219, "q_0.6": 4.86795027450146, "q_0.625": 4.9193045828823845, "q_0.65": 5.028023342034318, "q_0.675": 5.175976092671058, "q_0.7": 5.205500818890663, "q_0.725": 5.260355785997356, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.6583979794921895, "q_0.875": 5.790336695635354, "q_0.9": 5.841440913742378, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.647859143657463, "y": 4.86795027450146, "y_pred": 4.487592885175985, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.435274744216397, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.76905797357372, "q_0.225": 3.8432099046545245, "q_0.25": 3.8947475521088504, "q_0.275": 3.936985109287485, "q_0.3": 4.027732258990045, "q_0.325": 4.114426410309593, "q_0.35": 4.142786519563793, "q_0.375": 4.184637733393867, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.365559434072187, "q_0.475": 4.460999052820556, "q_0.5": 4.487592885175985, "q_0.525": 4.584934108857597, "q_0.55": 4.71165389228335, "q_0.575": 4.764822990685219, "q_0.6": 4.86795027450146, "q_0.625": 4.9193045828823845, "q_0.65": 5.028023342034318, "q_0.675": 5.175976092671058, "q_0.7": 5.205500818890663, "q_0.725": 5.260355785997356, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.6583979794921895, "q_0.875": 5.790336695635354, "q_0.9": 5.841440913742378, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.687875150060023, "y": 5.793534138012153, "y_pred": 4.516482171419353, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.457582456433952, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.78425267544463, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.936985109287485, "q_0.3": 4.029958252933678, "q_0.325": 4.1166823061580855, "q_0.35": 4.142786519563793, "q_0.375": 4.185803414891856, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.394892632142071, "q_0.475": 4.46740666717732, "q_0.5": 4.516482171419353, "q_0.525": 4.627724691528132, "q_0.55": 4.72483394521576, "q_0.575": 4.771997812919494, "q_0.6": 4.86795027450146, "q_0.625": 4.934866341810061, "q_0.65": 5.046269926735264, "q_0.675": 5.175976092671058, "q_0.7": 5.220432147079574, "q_0.725": 5.274576374578992, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.688110136034942, "q_0.875": 5.790336695635354, "q_0.9": 5.8537511302532375, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.727891156462587, "y": 4.31160082340736, "y_pred": 4.516482171419353, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.457582456433952, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.78425267544463, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.936985109287485, "q_0.3": 4.029958252933678, "q_0.325": 4.1166823061580855, "q_0.35": 4.142786519563793, "q_0.375": 4.185803414891856, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.394892632142071, "q_0.475": 4.46740666717732, "q_0.5": 4.516482171419353, "q_0.525": 4.627724691528132, "q_0.55": 4.72483394521576, "q_0.575": 4.771997812919494, "q_0.6": 4.86795027450146, "q_0.625": 4.934866341810061, "q_0.65": 5.046269926735264, "q_0.675": 5.175976092671058, "q_0.7": 5.220432147079574, "q_0.725": 5.274576374578992, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.688110136034942, "q_0.875": 5.790336695635354, "q_0.9": 5.8537511302532375, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.767907162865146, "y": 4.755115878250611, "y_pred": 4.516482171419353, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.457582456433952, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.78425267544463, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.936985109287485, "q_0.3": 4.029958252933678, "q_0.325": 4.1166823061580855, "q_0.35": 4.142786519563793, "q_0.375": 4.185803414891856, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.394892632142071, "q_0.475": 4.46740666717732, "q_0.5": 4.516482171419353, "q_0.525": 4.627724691528132, "q_0.55": 4.72483394521576, "q_0.575": 4.771997812919494, "q_0.6": 4.86795027450146, "q_0.625": 4.934866341810061, "q_0.65": 5.046269926735264, "q_0.675": 5.175976092671058, "q_0.7": 5.220432147079574, "q_0.725": 5.274576374578992, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.688110136034942, "q_0.875": 5.790336695635354, "q_0.9": 5.8537511302532375, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.807923169267706, "y": 3.906830188992029, "y_pred": 4.516482171419353, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.457582456433952, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.78425267544463, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.936985109287485, "q_0.3": 4.029958252933678, "q_0.325": 4.1166823061580855, "q_0.35": 4.142786519563793, "q_0.375": 4.185803414891856, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.394892632142071, "q_0.475": 4.46740666717732, "q_0.5": 4.516482171419353, "q_0.525": 4.627724691528132, "q_0.55": 4.72483394521576, "q_0.575": 4.771997812919494, "q_0.6": 4.86795027450146, "q_0.625": 4.934866341810061, "q_0.65": 5.046269926735264, "q_0.675": 5.175976092671058, "q_0.7": 5.220432147079574, "q_0.725": 5.274576374578992, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.688110136034942, "q_0.875": 5.790336695635354, "q_0.9": 5.8537511302532375, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.84793917567027, "y": 4.46740666717732, "y_pred": 4.516482171419353, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.457582456433952, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.78425267544463, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.936985109287485, "q_0.3": 4.029958252933678, "q_0.325": 4.1166823061580855, "q_0.35": 4.142786519563793, "q_0.375": 4.185803414891856, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.394892632142071, "q_0.475": 4.46740666717732, "q_0.5": 4.516482171419353, "q_0.525": 4.627724691528132, "q_0.55": 4.72483394521576, "q_0.575": 4.771997812919494, "q_0.6": 4.86795027450146, "q_0.625": 4.934866341810061, "q_0.65": 5.046269926735264, "q_0.675": 5.175976092671058, "q_0.7": 5.220432147079574, "q_0.725": 5.274576374578992, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.688110136034942, "q_0.875": 5.790336695635354, "q_0.9": 5.8537511302532375, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.88795518207283, "y": 4.306813298062806, "y_pred": 4.516482171419353, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.457582456433952, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.78425267544463, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.936985109287485, "q_0.3": 4.029958252933678, "q_0.325": 4.1166823061580855, "q_0.35": 4.142786519563793, "q_0.375": 4.185803414891856, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.394892632142071, "q_0.475": 4.46740666717732, "q_0.5": 4.516482171419353, "q_0.525": 4.627724691528132, "q_0.55": 4.72483394521576, "q_0.575": 4.771997812919494, "q_0.6": 4.86795027450146, "q_0.625": 4.934866341810061, "q_0.65": 5.046269926735264, "q_0.675": 5.175976092671058, "q_0.7": 5.220432147079574, "q_0.725": 5.274576374578992, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.688110136034942, "q_0.875": 5.790336695635354, "q_0.9": 5.8537511302532375, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.92797118847539, "y": 3.8432099046545245, "y_pred": 4.516482171419353, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.267402534811233, "q_0.075": 3.457582456433952, "q_0.1": 3.5128745437220785, "q_0.125": 3.5935578817817606, "q_0.15": 3.6661062176696593, "q_0.175": 3.731146240479181, "q_0.2": 3.78425267544463, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.936985109287485, "q_0.3": 4.029958252933678, "q_0.325": 4.1166823061580855, "q_0.35": 4.142786519563793, "q_0.375": 4.185803414891856, "q_0.4": 4.229787797704703, "q_0.425": 4.31160082340736, "q_0.45": 4.394892632142071, "q_0.475": 4.46740666717732, "q_0.5": 4.516482171419353, "q_0.525": 4.627724691528132, "q_0.55": 4.72483394521576, "q_0.575": 4.771997812919494, "q_0.6": 4.86795027450146, "q_0.625": 4.934866341810061, "q_0.65": 5.046269926735264, "q_0.675": 5.175976092671058, "q_0.7": 5.220432147079574, "q_0.725": 5.274576374578992, "q_0.75": 5.336697389489906, "q_0.775": 5.383242435781614, "q_0.8": 5.453930998005581, "q_0.825": 5.626988860131206, "q_0.85": 5.688110136034942, "q_0.875": 5.790336695635354, "q_0.9": 5.8537511302532375, "q_0.925": 5.923190597868797, "q_0.95": 6.042452142147785, "q_0.975": 6.177399855702102, "q_1": 6.912706312096574}, {"x": 19.967987194877953, "y": 4.628936081320426, "y_pred": 4.5354805799677065, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.278734707705796, "q_0.075": 3.457582456433952, "q_0.1": 3.5167201807054154, "q_0.125": 3.613674538163367, "q_0.15": 3.6745321998247378, "q_0.175": 3.738339553729039, "q_0.2": 3.78425267544463, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.9845289295109616, "q_0.3": 4.036485823112227, "q_0.325": 4.1166823061580855, "q_0.35": 4.172866996186007, "q_0.375": 4.193999721096671, "q_0.4": 4.2502592436525894, "q_0.425": 4.317471278544529, "q_0.45": 4.4006738464028325, "q_0.475": 4.46740666717732, "q_0.5": 4.5354805799677065, "q_0.525": 4.628936081320426, "q_0.55": 4.725392345301849, "q_0.575": 4.778676612210029, "q_0.6": 4.885721790323394, "q_0.625": 4.944475332278714, "q_0.65": 5.047921879055577, "q_0.675": 5.182625141469851, "q_0.7": 5.223368661173108, "q_0.725": 5.2942602989588465, "q_0.75": 5.352029193718996, "q_0.775": 5.386612467019537, "q_0.8": 5.528362067750777, "q_0.825": 5.636087795068564, "q_0.85": 5.7294848141644845, "q_0.875": 5.793534138012153, "q_0.9": 5.8537511302532375, "q_0.925": 5.959341958573792, "q_0.95": 6.105857021781258, "q_0.975": 6.242380127117748, "q_1": 6.912706312096574}, {"x": 20.008003201280513, "y": 4.036485823112227, "y_pred": 4.5354805799677065, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.278734707705796, "q_0.075": 3.457582456433952, "q_0.1": 3.5167201807054154, "q_0.125": 3.613674538163367, "q_0.15": 3.6745321998247378, "q_0.175": 3.738339553729039, "q_0.2": 3.78425267544463, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.9845289295109616, "q_0.3": 4.036485823112227, "q_0.325": 4.1166823061580855, "q_0.35": 4.172866996186007, "q_0.375": 4.193999721096671, "q_0.4": 4.2502592436525894, "q_0.425": 4.317471278544529, "q_0.45": 4.4006738464028325, "q_0.475": 4.46740666717732, "q_0.5": 4.5354805799677065, "q_0.525": 4.628936081320426, "q_0.55": 4.725392345301849, "q_0.575": 4.778676612210029, "q_0.6": 4.885721790323394, "q_0.625": 4.944475332278714, "q_0.65": 5.047921879055577, "q_0.675": 5.182625141469851, "q_0.7": 5.223368661173108, "q_0.725": 5.2942602989588465, "q_0.75": 5.352029193718996, "q_0.775": 5.386612467019537, "q_0.8": 5.528362067750777, "q_0.825": 5.636087795068564, "q_0.85": 5.7294848141644845, "q_0.875": 5.793534138012153, "q_0.9": 5.8537511302532375, "q_0.925": 5.959341958573792, "q_0.95": 6.105857021781258, "q_0.975": 6.242380127117748, "q_1": 6.912706312096574}, {"x": 20.048019207683073, "y": 4.229787797704703, "y_pred": 4.553734053729181, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.278734707705796, "q_0.075": 3.457582456433952, "q_0.1": 3.5167201807054154, "q_0.125": 3.6176363298258356, "q_0.15": 3.6745321998247378, "q_0.175": 3.740445247763777, "q_0.2": 3.8070959694947897, "q_0.225": 3.8432099046545245, "q_0.25": 3.9045822653151347, "q_0.275": 3.9846922539106893, "q_0.3": 4.036485823112227, "q_0.325": 4.1166823061580855, "q_0.35": 4.172866996186007, "q_0.375": 4.200888205559467, "q_0.4": 4.287968664437169, "q_0.425": 4.317471278544529, "q_0.45": 4.4006738464028325, "q_0.475": 4.469221529047629, "q_0.5": 4.553734053729181, "q_0.525": 4.636192778120208, "q_0.55": 4.728370737995101, "q_0.575": 4.778676612210029, "q_0.6": 4.885721790323394, "q_0.625": 4.950424417897871, "q_0.65": 5.047921879055577, "q_0.675": 5.200393199907028, "q_0.7": 5.234352137028019, "q_0.725": 5.301821570548665, "q_0.75": 5.366038114054975, "q_0.775": 5.386612467019537, "q_0.8": 5.533933880357063, "q_0.825": 5.636087795068564, "q_0.85": 5.737732678435663, "q_0.875": 5.793534138012153, "q_0.9": 5.858069295852243, "q_0.925": 5.988485084814867, "q_0.95": 6.117099521421366, "q_0.975": 6.242380127117748, "q_1": 6.912706312096574}, {"x": 20.088035214085636, "y": 4.6955165158138525, "y_pred": 4.584551555518483, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.222812183180076, "q_0.05": 3.3093872703115013, "q_0.075": 3.4725130308115375, "q_0.1": 3.5167201807054154, "q_0.125": 3.6176363298258356, "q_0.15": 3.6958675157093475, "q_0.175": 3.7428206085109315, "q_0.2": 3.8070959694947897, "q_0.225": 3.8693965820271985, "q_0.25": 3.9049613456499497, "q_0.275": 4.008679579573958, "q_0.3": 4.039347576253682, "q_0.325": 4.131382586341973, "q_0.35": 4.179511356570599, "q_0.375": 4.209113929947946, "q_0.4": 4.306813298062806, "q_0.425": 4.365559434072187, "q_0.45": 4.432691464669937, "q_0.475": 4.481640192758833, "q_0.5": 4.584551555518483, "q_0.525": 4.6955165158138525, "q_0.55": 4.755115878250611, "q_0.575": 4.85589252691835, "q_0.6": 4.917301257812121, "q_0.625": 5.015290345978547, "q_0.65": 5.154466836504394, "q_0.675": 5.205500818890663, "q_0.7": 5.250238965484575, "q_0.725": 5.3257398400197555, "q_0.75": 5.381095740590758, "q_0.775": 5.402633907328516, "q_0.8": 5.576540737942507, "q_0.825": 5.6570912498687855, "q_0.85": 5.739659267521479, "q_0.875": 5.839162152306624, "q_0.9": 5.921469300691284, "q_0.925": 6.035527129507298, "q_0.95": 6.122592326270759, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.128051220488196, "y": 5.386612467019537, "y_pred": 4.621895266555519, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5167201807054154, "q_0.125": 3.6216866358884126, "q_0.15": 3.6958675157093475, "q_0.175": 3.7428206085109315, "q_0.2": 3.8115185839505323, "q_0.225": 3.8693965820271985, "q_0.25": 3.9326399713631393, "q_0.275": 4.016424591290319, "q_0.3": 4.039347576253682, "q_0.325": 4.140867442851671, "q_0.35": 4.179511356570599, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.374614594803363, "q_0.45": 4.461932404355518, "q_0.475": 4.497809695965421, "q_0.5": 4.621895266555519, "q_0.525": 4.71165389228335, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.3257398400197555, "q_0.75": 5.381095740590758, "q_0.775": 5.408851359265172, "q_0.8": 5.5855680330200475, "q_0.825": 5.6583979794921895, "q_0.85": 5.786333977573899, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.168067226890756, "y": 4.1166823061580855, "y_pred": 4.621895266555519, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5167201807054154, "q_0.125": 3.6216866358884126, "q_0.15": 3.6958675157093475, "q_0.175": 3.7428206085109315, "q_0.2": 3.8115185839505323, "q_0.225": 3.8693965820271985, "q_0.25": 3.9326399713631393, "q_0.275": 4.016424591290319, "q_0.3": 4.039347576253682, "q_0.325": 4.140867442851671, "q_0.35": 4.179511356570599, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.374614594803363, "q_0.45": 4.461932404355518, "q_0.475": 4.497809695965421, "q_0.5": 4.621895266555519, "q_0.525": 4.71165389228335, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.3257398400197555, "q_0.75": 5.381095740590758, "q_0.775": 5.408851359265172, "q_0.8": 5.5855680330200475, "q_0.825": 5.6583979794921895, "q_0.85": 5.786333977573899, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.20808323329332, "y": 5.923190597868797, "y_pred": 4.621895266555519, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5167201807054154, "q_0.125": 3.6216866358884126, "q_0.15": 3.6958675157093475, "q_0.175": 3.7428206085109315, "q_0.2": 3.8115185839505323, "q_0.225": 3.8693965820271985, "q_0.25": 3.9326399713631393, "q_0.275": 4.016424591290319, "q_0.3": 4.039347576253682, "q_0.325": 4.140867442851671, "q_0.35": 4.179511356570599, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.374614594803363, "q_0.45": 4.461932404355518, "q_0.475": 4.497809695965421, "q_0.5": 4.621895266555519, "q_0.525": 4.71165389228335, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.3257398400197555, "q_0.75": 5.381095740590758, "q_0.775": 5.408851359265172, "q_0.8": 5.5855680330200475, "q_0.825": 5.6583979794921895, "q_0.85": 5.786333977573899, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.24809923969588, "y": 5.737732678435663, "y_pred": 4.621895266555519, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5167201807054154, "q_0.125": 3.6216866358884126, "q_0.15": 3.6958675157093475, "q_0.175": 3.7428206085109315, "q_0.2": 3.8115185839505323, "q_0.225": 3.8693965820271985, "q_0.25": 3.9326399713631393, "q_0.275": 4.016424591290319, "q_0.3": 4.039347576253682, "q_0.325": 4.140867442851671, "q_0.35": 4.179511356570599, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.374614594803363, "q_0.45": 4.461932404355518, "q_0.475": 4.497809695965421, "q_0.5": 4.621895266555519, "q_0.525": 4.71165389228335, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.3257398400197555, "q_0.75": 5.381095740590758, "q_0.775": 5.408851359265172, "q_0.8": 5.5855680330200475, "q_0.825": 5.6583979794921895, "q_0.85": 5.786333977573899, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.28811524609844, "y": 3.2529557651755714, "y_pred": 4.621895266555519, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5167201807054154, "q_0.125": 3.6216866358884126, "q_0.15": 3.6958675157093475, "q_0.175": 3.7428206085109315, "q_0.2": 3.8115185839505323, "q_0.225": 3.8693965820271985, "q_0.25": 3.9326399713631393, "q_0.275": 4.016424591290319, "q_0.3": 4.039347576253682, "q_0.325": 4.140867442851671, "q_0.35": 4.179511356570599, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.374614594803363, "q_0.45": 4.461932404355518, "q_0.475": 4.497809695965421, "q_0.5": 4.621895266555519, "q_0.525": 4.71165389228335, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.3257398400197555, "q_0.75": 5.381095740590758, "q_0.775": 5.408851359265172, "q_0.8": 5.5855680330200475, "q_0.825": 5.6583979794921895, "q_0.85": 5.786333977573899, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.328131252501002, "y": 3.88200032622564, "y_pred": 4.621895266555519, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5167201807054154, "q_0.125": 3.6216866358884126, "q_0.15": 3.6958675157093475, "q_0.175": 3.7428206085109315, "q_0.2": 3.8115185839505323, "q_0.225": 3.8693965820271985, "q_0.25": 3.9326399713631393, "q_0.275": 4.016424591290319, "q_0.3": 4.039347576253682, "q_0.325": 4.140867442851671, "q_0.35": 4.179511356570599, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.374614594803363, "q_0.45": 4.461932404355518, "q_0.475": 4.497809695965421, "q_0.5": 4.621895266555519, "q_0.525": 4.71165389228335, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.3257398400197555, "q_0.75": 5.381095740590758, "q_0.775": 5.408851359265172, "q_0.8": 5.5855680330200475, "q_0.825": 5.6583979794921895, "q_0.85": 5.786333977573899, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.368147258903562, "y": 4.473660885725792, "y_pred": 4.628936081320426, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5288513853630223, "q_0.125": 3.634267078356909, "q_0.15": 3.6958675157093475, "q_0.175": 3.746050182507501, "q_0.2": 3.8207365854712005, "q_0.225": 3.8693965820271985, "q_0.25": 3.936839014505173, "q_0.275": 4.016424591290319, "q_0.3": 4.069835625836726, "q_0.325": 4.142786519563793, "q_0.35": 4.184637733393867, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.394892632142071, "q_0.45": 4.461932404355518, "q_0.475": 4.516482171419353, "q_0.5": 4.628936081320426, "q_0.525": 4.72483394521576, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.336697389489906, "q_0.75": 5.383242435781614, "q_0.775": 5.41041754249046, "q_0.8": 5.612905749075997, "q_0.825": 5.6583979794921895, "q_0.85": 5.790173953485768, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.408163265306122, "y": 3.4299813523716915, "y_pred": 4.628936081320426, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5288513853630223, "q_0.125": 3.634267078356909, "q_0.15": 3.6958675157093475, "q_0.175": 3.746050182507501, "q_0.2": 3.8207365854712005, "q_0.225": 3.8693965820271985, "q_0.25": 3.936839014505173, "q_0.275": 4.016424591290319, "q_0.3": 4.069835625836726, "q_0.325": 4.142786519563793, "q_0.35": 4.184637733393867, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.394892632142071, "q_0.45": 4.461932404355518, "q_0.475": 4.516482171419353, "q_0.5": 4.628936081320426, "q_0.525": 4.72483394521576, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.336697389489906, "q_0.75": 5.383242435781614, "q_0.775": 5.41041754249046, "q_0.8": 5.612905749075997, "q_0.825": 5.6583979794921895, "q_0.85": 5.790173953485768, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.448179271708685, "y": 4.179511356570599, "y_pred": 4.628936081320426, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5288513853630223, "q_0.125": 3.634267078356909, "q_0.15": 3.6958675157093475, "q_0.175": 3.746050182507501, "q_0.2": 3.8207365854712005, "q_0.225": 3.8693965820271985, "q_0.25": 3.936839014505173, "q_0.275": 4.016424591290319, "q_0.3": 4.069835625836726, "q_0.325": 4.142786519563793, "q_0.35": 4.184637733393867, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.394892632142071, "q_0.45": 4.461932404355518, "q_0.475": 4.516482171419353, "q_0.5": 4.628936081320426, "q_0.525": 4.72483394521576, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.336697389489906, "q_0.75": 5.383242435781614, "q_0.775": 5.41041754249046, "q_0.8": 5.612905749075997, "q_0.825": 5.6583979794921895, "q_0.85": 5.790173953485768, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.488195278111245, "y": 5.383242435781614, "y_pred": 4.628936081320426, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4725130308115375, "q_0.1": 3.5288513853630223, "q_0.125": 3.634267078356909, "q_0.15": 3.6958675157093475, "q_0.175": 3.746050182507501, "q_0.2": 3.8207365854712005, "q_0.225": 3.8693965820271985, "q_0.25": 3.936839014505173, "q_0.275": 4.016424591290319, "q_0.3": 4.069835625836726, "q_0.325": 4.142786519563793, "q_0.35": 4.184637733393867, "q_0.375": 4.229787797704703, "q_0.4": 4.31160082340736, "q_0.425": 4.394892632142071, "q_0.45": 4.461932404355518, "q_0.475": 4.516482171419353, "q_0.5": 4.628936081320426, "q_0.525": 4.72483394521576, "q_0.55": 4.771997812919494, "q_0.575": 4.86795027450146, "q_0.6": 4.934866341810061, "q_0.625": 5.028023342034318, "q_0.65": 5.175976092671058, "q_0.675": 5.205500818890663, "q_0.7": 5.251219964400493, "q_0.725": 5.336697389489906, "q_0.75": 5.383242435781614, "q_0.775": 5.41041754249046, "q_0.8": 5.612905749075997, "q_0.825": 5.6583979794921895, "q_0.85": 5.790173953485768, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.03586784484234, "q_0.95": 6.126986315347967, "q_0.975": 6.293456463402652, "q_1": 6.925093622294119}, {"x": 20.528211284513805, "y": 5.203515163590286, "y_pred": 4.628936081320426, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.476007283781178, "q_0.1": 3.5288513853630223, "q_0.125": 3.634267078356909, "q_0.15": 3.6958675157093475, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936839014505173, "q_0.275": 4.016424591290319, "q_0.3": 4.0955120857025005, "q_0.325": 4.142786519563793, "q_0.35": 4.184637733393867, "q_0.375": 4.229787797704703, "q_0.4": 4.317471278544529, "q_0.425": 4.394892632142071, "q_0.45": 4.46740666717732, "q_0.475": 4.5354805799677065, "q_0.5": 4.628936081320426, "q_0.525": 4.72483394521576, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.944475332278714, "q_0.625": 5.046269926735264, "q_0.65": 5.182625141469851, "q_0.675": 5.212656982887996, "q_0.7": 5.260355785997356, "q_0.725": 5.336697389489906, "q_0.75": 5.383242435781614, "q_0.775": 5.410544530319537, "q_0.8": 5.612905749075997, "q_0.825": 5.6583979794921895, "q_0.85": 5.790173953485768, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.296446398739077, "q_1": 6.925093622294119}, {"x": 20.56822729091637, "y": 5.028023342034318, "y_pred": 4.628936081320426, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.476007283781178, "q_0.1": 3.5288513853630223, "q_0.125": 3.634267078356909, "q_0.15": 3.6958675157093475, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936839014505173, "q_0.275": 4.016424591290319, "q_0.3": 4.0955120857025005, "q_0.325": 4.142786519563793, "q_0.35": 4.184637733393867, "q_0.375": 4.229787797704703, "q_0.4": 4.317471278544529, "q_0.425": 4.394892632142071, "q_0.45": 4.46740666717732, "q_0.475": 4.5354805799677065, "q_0.5": 4.628936081320426, "q_0.525": 4.72483394521576, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.944475332278714, "q_0.625": 5.046269926735264, "q_0.65": 5.182625141469851, "q_0.675": 5.212656982887996, "q_0.7": 5.260355785997356, "q_0.725": 5.336697389489906, "q_0.75": 5.383242435781614, "q_0.775": 5.410544530319537, "q_0.8": 5.612905749075997, "q_0.825": 5.6583979794921895, "q_0.85": 5.790173953485768, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.296446398739077, "q_1": 6.925093622294119}, {"x": 20.60824329731893, "y": 5.301821570548665, "y_pred": 4.628936081320426, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.476007283781178, "q_0.1": 3.5288513853630223, "q_0.125": 3.634267078356909, "q_0.15": 3.6958675157093475, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936839014505173, "q_0.275": 4.016424591290319, "q_0.3": 4.0955120857025005, "q_0.325": 4.142786519563793, "q_0.35": 4.184637733393867, "q_0.375": 4.229787797704703, "q_0.4": 4.317471278544529, "q_0.425": 4.394892632142071, "q_0.45": 4.46740666717732, "q_0.475": 4.5354805799677065, "q_0.5": 4.628936081320426, "q_0.525": 4.72483394521576, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.944475332278714, "q_0.625": 5.046269926735264, "q_0.65": 5.182625141469851, "q_0.675": 5.212656982887996, "q_0.7": 5.260355785997356, "q_0.725": 5.336697389489906, "q_0.75": 5.383242435781614, "q_0.775": 5.410544530319537, "q_0.8": 5.612905749075997, "q_0.825": 5.6583979794921895, "q_0.85": 5.790173953485768, "q_0.875": 5.841440913742378, "q_0.9": 5.923190597868797, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.296446398739077, "q_1": 6.925093622294119}, {"x": 20.64825930372149, "y": 3.7502079753195243, "y_pred": 4.628936081320426, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4760845779201355, "q_0.1": 3.5288513853630223, "q_0.125": 3.634267078356909, "q_0.15": 3.6958675157093475, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936839014505173, "q_0.275": 4.016424591290319, "q_0.3": 4.0955120857025005, "q_0.325": 4.142786519563793, "q_0.35": 4.184637733393867, "q_0.375": 4.229787797704703, "q_0.4": 4.317471278544529, "q_0.425": 4.4006738464028325, "q_0.45": 4.46740666717732, "q_0.475": 4.5354805799677065, "q_0.5": 4.628936081320426, "q_0.525": 4.72483394521576, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.944475332278714, "q_0.625": 5.047921879055577, "q_0.65": 5.182625141469851, "q_0.675": 5.220432147079574, "q_0.7": 5.2667743091875785, "q_0.725": 5.336697389489906, "q_0.75": 5.383242435781614, "q_0.775": 5.453930998005581, "q_0.8": 5.626988860131206, "q_0.825": 5.688110136034942, "q_0.85": 5.790336695635354, "q_0.875": 5.847596021997817, "q_0.9": 5.923190597868797, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.296446398739077, "q_1": 6.925093622294119}, {"x": 20.68827531012405, "y": 4.173175410950672, "y_pred": 4.636192778120208, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.642957716588023, "q_0.15": 3.729572609585341, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.114426410309593, "q_0.325": 4.1625492107003454, "q_0.35": 4.185803414891856, "q_0.375": 4.2502592436525894, "q_0.4": 4.317471278544529, "q_0.425": 4.4006738464028325, "q_0.45": 4.46740666717732, "q_0.475": 4.569257889367949, "q_0.5": 4.636192778120208, "q_0.525": 4.728370737995101, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.950424417897871, "q_0.625": 5.047921879055577, "q_0.65": 5.182625141469851, "q_0.675": 5.222634532649728, "q_0.7": 5.2942602989588465, "q_0.725": 5.3509524223356895, "q_0.75": 5.383242435781614, "q_0.775": 5.484003419948014, "q_0.8": 5.626988860131206, "q_0.825": 5.688110136034942, "q_0.85": 5.790336695635354, "q_0.875": 5.8537511302532375, "q_0.9": 5.953160083310513, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.307730002995395, "q_1": 6.925093622294119}, {"x": 20.72829131652661, "y": 5.205500818890663, "y_pred": 4.636192778120208, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.642957716588023, "q_0.15": 3.729572609585341, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.114426410309593, "q_0.325": 4.1625492107003454, "q_0.35": 4.185803414891856, "q_0.375": 4.2502592436525894, "q_0.4": 4.317471278544529, "q_0.425": 4.4006738464028325, "q_0.45": 4.46740666717732, "q_0.475": 4.569257889367949, "q_0.5": 4.636192778120208, "q_0.525": 4.728370737995101, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.950424417897871, "q_0.625": 5.047921879055577, "q_0.65": 5.182625141469851, "q_0.675": 5.222634532649728, "q_0.7": 5.2942602989588465, "q_0.725": 5.3509524223356895, "q_0.75": 5.383242435781614, "q_0.775": 5.484003419948014, "q_0.8": 5.626988860131206, "q_0.825": 5.688110136034942, "q_0.85": 5.790336695635354, "q_0.875": 5.8537511302532375, "q_0.9": 5.953160083310513, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.307730002995395, "q_1": 6.925093622294119}, {"x": 20.76830732292917, "y": 5.833812766287782, "y_pred": 4.636192778120208, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.642957716588023, "q_0.15": 3.729572609585341, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.114426410309593, "q_0.325": 4.1625492107003454, "q_0.35": 4.185803414891856, "q_0.375": 4.2502592436525894, "q_0.4": 4.317471278544529, "q_0.425": 4.4006738464028325, "q_0.45": 4.46740666717732, "q_0.475": 4.569257889367949, "q_0.5": 4.636192778120208, "q_0.525": 4.728370737995101, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.950424417897871, "q_0.625": 5.047921879055577, "q_0.65": 5.182625141469851, "q_0.675": 5.222634532649728, "q_0.7": 5.2942602989588465, "q_0.725": 5.3509524223356895, "q_0.75": 5.383242435781614, "q_0.775": 5.484003419948014, "q_0.8": 5.626988860131206, "q_0.825": 5.688110136034942, "q_0.85": 5.790336695635354, "q_0.875": 5.8537511302532375, "q_0.9": 5.953160083310513, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.307730002995395, "q_1": 6.925093622294119}, {"x": 20.808323329331735, "y": 4.80289988099017, "y_pred": 4.636192778120208, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.642957716588023, "q_0.15": 3.729572609585341, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.114426410309593, "q_0.325": 4.1625492107003454, "q_0.35": 4.185803414891856, "q_0.375": 4.2502592436525894, "q_0.4": 4.317471278544529, "q_0.425": 4.4006738464028325, "q_0.45": 4.46740666717732, "q_0.475": 4.569257889367949, "q_0.5": 4.636192778120208, "q_0.525": 4.728370737995101, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.950424417897871, "q_0.625": 5.047921879055577, "q_0.65": 5.182625141469851, "q_0.675": 5.222634532649728, "q_0.7": 5.2942602989588465, "q_0.725": 5.3509524223356895, "q_0.75": 5.383242435781614, "q_0.775": 5.484003419948014, "q_0.8": 5.626988860131206, "q_0.825": 5.688110136034942, "q_0.85": 5.790336695635354, "q_0.875": 5.8537511302532375, "q_0.9": 5.953160083310513, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.307730002995395, "q_1": 6.925093622294119}, {"x": 20.848339335734295, "y": 4.00075947507023, "y_pred": 4.636192778120208, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.642957716588023, "q_0.15": 3.729572609585341, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.114426410309593, "q_0.325": 4.1625492107003454, "q_0.35": 4.185803414891856, "q_0.375": 4.2502592436525894, "q_0.4": 4.317471278544529, "q_0.425": 4.4006738464028325, "q_0.45": 4.46740666717732, "q_0.475": 4.569257889367949, "q_0.5": 4.636192778120208, "q_0.525": 4.728370737995101, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.950424417897871, "q_0.625": 5.047921879055577, "q_0.65": 5.182625141469851, "q_0.675": 5.222634532649728, "q_0.7": 5.2942602989588465, "q_0.725": 5.3509524223356895, "q_0.75": 5.383242435781614, "q_0.775": 5.484003419948014, "q_0.8": 5.626988860131206, "q_0.825": 5.688110136034942, "q_0.85": 5.790336695635354, "q_0.875": 5.8537511302532375, "q_0.9": 5.953160083310513, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.307730002995395, "q_1": 6.925093622294119}, {"x": 20.888355342136855, "y": 3.2239329197299758, "y_pred": 4.636192778120208, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.314615806477712, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.642957716588023, "q_0.15": 3.729572609585341, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.114426410309593, "q_0.325": 4.1625492107003454, "q_0.35": 4.185803414891856, "q_0.375": 4.2502592436525894, "q_0.4": 4.317471278544529, "q_0.425": 4.4006738464028325, "q_0.45": 4.46740666717732, "q_0.475": 4.569257889367949, "q_0.5": 4.636192778120208, "q_0.525": 4.728370737995101, "q_0.55": 4.778676612210029, "q_0.575": 4.885721790323394, "q_0.6": 4.950424417897871, "q_0.625": 5.047921879055577, "q_0.65": 5.182625141469851, "q_0.675": 5.222634532649728, "q_0.7": 5.2942602989588465, "q_0.725": 5.3509524223356895, "q_0.75": 5.383242435781614, "q_0.775": 5.484003419948014, "q_0.8": 5.626988860131206, "q_0.825": 5.688110136034942, "q_0.85": 5.790336695635354, "q_0.875": 5.8537511302532375, "q_0.9": 5.953160083310513, "q_0.925": 6.042452142147785, "q_0.95": 6.128637492932218, "q_0.975": 6.307730002995395, "q_1": 6.925093622294119}, {"x": 20.928371348539418, "y": 5.3257398400197555, "y_pred": 4.681477938104428, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.7309155525253, "q_0.175": 3.748814903876299, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.469221529047629, "q_0.475": 4.569452698793235, "q_0.5": 4.681477938104428, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.890285211642836, "q_0.6": 4.950424417897871, "q_0.625": 5.138908745036272, "q_0.65": 5.182625141469851, "q_0.675": 5.223368661173108, "q_0.7": 5.2942602989588465, "q_0.725": 5.3509524223356895, "q_0.75": 5.386612467019537, "q_0.775": 5.50277970168295, "q_0.8": 5.626988860131206, "q_0.825": 5.7294848141644845, "q_0.85": 5.790685482401363, "q_0.875": 5.8537511302532375, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.168706421972327, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 20.968387354941978, "y": 3.1584775691928564, "y_pred": 4.681477938104428, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.7309155525253, "q_0.175": 3.748814903876299, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.469221529047629, "q_0.475": 4.569452698793235, "q_0.5": 4.681477938104428, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.890285211642836, "q_0.6": 4.950424417897871, "q_0.625": 5.138908745036272, "q_0.65": 5.182625141469851, "q_0.675": 5.223368661173108, "q_0.7": 5.2942602989588465, "q_0.725": 5.3509524223356895, "q_0.75": 5.386612467019537, "q_0.775": 5.50277970168295, "q_0.8": 5.626988860131206, "q_0.825": 5.7294848141644845, "q_0.85": 5.790685482401363, "q_0.875": 5.8537511302532375, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.168706421972327, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.008403361344538, "y": 4.287968664437169, "y_pred": 4.681477938104428, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6497409378753063, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.469221529047629, "q_0.475": 4.569452698793235, "q_0.5": 4.681477938104428, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.890285211642836, "q_0.6": 4.950424417897871, "q_0.625": 5.142432982777434, "q_0.65": 5.200393199907028, "q_0.675": 5.223368661173108, "q_0.7": 5.301821570548665, "q_0.725": 5.355259507868923, "q_0.75": 5.386612467019537, "q_0.775": 5.51035773693595, "q_0.8": 5.626988860131206, "q_0.825": 5.7294848141644845, "q_0.85": 5.790685482401363, "q_0.875": 5.8537511302532375, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.168706421972327, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.0484193677471, "y": 4.778676612210029, "y_pred": 4.681477938104428, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6497409378753063, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.469221529047629, "q_0.475": 4.569452698793235, "q_0.5": 4.681477938104428, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.890285211642836, "q_0.6": 4.950424417897871, "q_0.625": 5.142432982777434, "q_0.65": 5.200393199907028, "q_0.675": 5.223368661173108, "q_0.7": 5.301821570548665, "q_0.725": 5.355259507868923, "q_0.75": 5.386612467019537, "q_0.775": 5.51035773693595, "q_0.8": 5.626988860131206, "q_0.825": 5.7294848141644845, "q_0.85": 5.790685482401363, "q_0.875": 5.8537511302532375, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.168706421972327, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.08843537414966, "y": 5.9933167980933195, "y_pred": 4.688021822613865, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6497409378753063, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.569452698793235, "q_0.5": 4.688021822613865, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.896547077857406, "q_0.6": 4.950424417897871, "q_0.625": 5.142432982777434, "q_0.65": 5.200393199907028, "q_0.675": 5.228614293242584, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.51035773693595, "q_0.8": 5.636087795068564, "q_0.825": 5.7294848141644845, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.168706421972327, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.12845138055222, "y": 3.4182159713715228, "y_pred": 4.688126828066639, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.5742407230328475, "q_0.5": 4.688126828066639, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.896547077857406, "q_0.6": 4.963909904070533, "q_0.625": 5.146182978764693, "q_0.65": 5.200393199907028, "q_0.675": 5.235279733245411, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.521610443695214, "q_0.8": 5.636087795068564, "q_0.825": 5.737732678435663, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.176722432262553, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.168467386954784, "y": 4.4006738464028325, "y_pred": 4.688126828066639, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.5742407230328475, "q_0.5": 4.688126828066639, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.896547077857406, "q_0.6": 4.963909904070533, "q_0.625": 5.146182978764693, "q_0.65": 5.200393199907028, "q_0.675": 5.235279733245411, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.521610443695214, "q_0.8": 5.636087795068564, "q_0.825": 5.737732678435663, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.176722432262553, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.208483393357344, "y": 3.2199003274256977, "y_pred": 4.688126828066639, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.5742407230328475, "q_0.5": 4.688126828066639, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.896547077857406, "q_0.6": 4.963909904070533, "q_0.625": 5.146182978764693, "q_0.65": 5.200393199907028, "q_0.675": 5.235279733245411, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.521610443695214, "q_0.8": 5.636087795068564, "q_0.825": 5.737732678435663, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.176722432262553, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.248499399759904, "y": 4.209113929947946, "y_pred": 4.688126828066639, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.5742407230328475, "q_0.5": 4.688126828066639, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.896547077857406, "q_0.6": 4.963909904070533, "q_0.625": 5.146182978764693, "q_0.65": 5.200393199907028, "q_0.675": 5.235279733245411, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.521610443695214, "q_0.8": 5.636087795068564, "q_0.825": 5.737732678435663, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.176722432262553, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.288515406162468, "y": 5.079410060075877, "y_pred": 4.688126828066639, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.5742407230328475, "q_0.5": 4.688126828066639, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.896547077857406, "q_0.6": 4.963909904070533, "q_0.625": 5.146182978764693, "q_0.65": 5.200393199907028, "q_0.675": 5.235279733245411, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.521610443695214, "q_0.8": 5.636087795068564, "q_0.825": 5.737732678435663, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.176722432262553, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.328531412565027, "y": 4.016424591290319, "y_pred": 4.688126828066639, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.5742407230328475, "q_0.5": 4.688126828066639, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.896547077857406, "q_0.6": 4.963909904070533, "q_0.625": 5.146182978764693, "q_0.65": 5.200393199907028, "q_0.675": 5.235279733245411, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.521610443695214, "q_0.8": 5.636087795068564, "q_0.825": 5.737732678435663, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.176722432262553, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.368547418967587, "y": 3.8032216466095914, "y_pred": 4.688126828066639, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.7309155525253, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.36214694502621, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.5742407230328475, "q_0.5": 4.688126828066639, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.896547077857406, "q_0.6": 4.963909904070533, "q_0.625": 5.146182978764693, "q_0.65": 5.200393199907028, "q_0.675": 5.235279733245411, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.521610443695214, "q_0.8": 5.636087795068564, "q_0.825": 5.737732678435663, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.10121953615741, "q_0.95": 6.176722432262553, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.40856342537015, "y": 3.5128745437220785, "y_pred": 4.688126828066639, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.730781258231304, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.363511940644604, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.5742407230328475, "q_0.5": 4.688126828066639, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.898065250498959, "q_0.6": 4.987023085582278, "q_0.625": 5.146182978764693, "q_0.65": 5.200393199907028, "q_0.675": 5.2417729067671255, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.528362067750777, "q_0.8": 5.636087795068564, "q_0.825": 5.737320285222089, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.105857021781258, "q_0.95": 6.176722432262553, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.44857943177271, "y": 4.950424417897871, "y_pred": 4.688126828066639, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5330697952670147, "q_0.125": 3.6406966428255956, "q_0.15": 3.730781258231304, "q_0.175": 3.747275193333788, "q_0.2": 3.8207365854712005, "q_0.225": 3.88200032622564, "q_0.25": 3.936985109287485, "q_0.275": 4.025548572432858, "q_0.3": 4.1166823061580855, "q_0.325": 4.172866996186007, "q_0.35": 4.200888205559467, "q_0.375": 4.287968664437169, "q_0.4": 4.363511940644604, "q_0.425": 4.4097836676209035, "q_0.45": 4.473660885725792, "q_0.475": 4.5742407230328475, "q_0.5": 4.688126828066639, "q_0.525": 4.750636583013389, "q_0.55": 4.79005076402758, "q_0.575": 4.898065250498959, "q_0.6": 4.987023085582278, "q_0.625": 5.146182978764693, "q_0.65": 5.200393199907028, "q_0.675": 5.2417729067671255, "q_0.7": 5.301821570548665, "q_0.725": 5.366038114054975, "q_0.75": 5.386612467019537, "q_0.775": 5.528362067750777, "q_0.8": 5.636087795068564, "q_0.825": 5.737320285222089, "q_0.85": 5.793534138012153, "q_0.875": 5.858069295852243, "q_0.9": 5.988485084814867, "q_0.925": 6.105857021781258, "q_0.95": 6.176722432262553, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.48859543817527, "y": 5.320896309825398, "y_pred": 4.6955165158138525, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.3633265429749772, "q_0.075": 3.4760845779201355, "q_0.1": 3.5370715451265924, "q_0.125": 3.6515861446280082, "q_0.15": 3.7309155525253, "q_0.175": 3.7502079753195243, "q_0.2": 3.8207365854712005, "q_0.225": 3.892272226422649, "q_0.25": 3.936985109287485, "q_0.275": 4.029958252933678, "q_0.3": 4.1166823061580855, "q_0.325": 4.173175410950672, "q_0.35": 4.209113929947946, "q_0.375": 4.306813298062806, "q_0.4": 4.367563273352806, "q_0.425": 4.432691464669937, "q_0.45": 4.481640192758833, "q_0.475": 4.584551555518483, "q_0.5": 4.6955165158138525, "q_0.525": 4.7564639567660585, "q_0.55": 4.8166207162838575, "q_0.575": 4.917301257812121, "q_0.6": 5.015290345978547, "q_0.625": 5.148743240539422, "q_0.65": 5.203515163590286, "q_0.675": 5.2470244104838155, "q_0.7": 5.309391833312436, "q_0.725": 5.366038114054975, "q_0.75": 5.402319596127429, "q_0.775": 5.533933880357063, "q_0.8": 5.636087795068564, "q_0.825": 5.737732678435663, "q_0.85": 5.793534138012153, "q_0.875": 5.921469300691284, "q_0.9": 5.9933167980933195, "q_0.925": 6.117099521421366, "q_0.95": 6.177399855702102, "q_0.975": 6.391783668350065, "q_1": 6.925093622294119}, {"x": 21.52861144457783, "y": 5.251219964400493, "y_pred": 4.749622494847907, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.435274744216397, "q_0.075": 3.477387628605698, "q_0.1": 3.5694675885460723, "q_0.125": 3.655817169828787, "q_0.15": 3.731146240479181, "q_0.175": 3.7502079753195243, "q_0.2": 3.8238489319904967, "q_0.225": 3.9045822653151347, "q_0.25": 3.998948728797799, "q_0.275": 4.036937507457324, "q_0.3": 4.132369506939863, "q_0.325": 4.179511356570599, "q_0.35": 4.229787797704703, "q_0.375": 4.329248332012304, "q_0.4": 4.4006738464028325, "q_0.425": 4.469221529047629, "q_0.45": 4.569452698793235, "q_0.475": 4.658443494530879, "q_0.5": 4.749622494847907, "q_0.525": 4.7891841984093775, "q_0.55": 4.885721790323394, "q_0.575": 4.950424417897871, "q_0.6": 5.138908745036272, "q_0.625": 5.182625141469851, "q_0.65": 5.223368661173108, "q_0.675": 5.2942602989588465, "q_0.7": 5.3509524223356895, "q_0.725": 5.383242435781614, "q_0.75": 5.453930998005581, "q_0.775": 5.612905749075997, "q_0.8": 5.6583979794921895, "q_0.825": 5.790173953485768, "q_0.85": 5.841440913742378, "q_0.875": 5.953160083310513, "q_0.9": 6.042452142147785, "q_0.925": 6.122592326270759, "q_0.95": 6.200664817196285, "q_0.975": 6.408709400648361, "q_1": 6.925093622294119}, {"x": 21.568627450980394, "y": 6.117099521421366, "y_pred": 4.749622494847907, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.435274744216397, "q_0.075": 3.477387628605698, "q_0.1": 3.5694675885460723, "q_0.125": 3.655817169828787, "q_0.15": 3.731146240479181, "q_0.175": 3.7502079753195243, "q_0.2": 3.8238489319904967, "q_0.225": 3.9045822653151347, "q_0.25": 3.998948728797799, "q_0.275": 4.036937507457324, "q_0.3": 4.132369506939863, "q_0.325": 4.179511356570599, "q_0.35": 4.229787797704703, "q_0.375": 4.329248332012304, "q_0.4": 4.4006738464028325, "q_0.425": 4.469221529047629, "q_0.45": 4.569452698793235, "q_0.475": 4.658443494530879, "q_0.5": 4.749622494847907, "q_0.525": 4.7891841984093775, "q_0.55": 4.885721790323394, "q_0.575": 4.950424417897871, "q_0.6": 5.138908745036272, "q_0.625": 5.182625141469851, "q_0.65": 5.223368661173108, "q_0.675": 5.2942602989588465, "q_0.7": 5.3509524223356895, "q_0.725": 5.383242435781614, "q_0.75": 5.453930998005581, "q_0.775": 5.612905749075997, "q_0.8": 5.6583979794921895, "q_0.825": 5.790173953485768, "q_0.85": 5.841440913742378, "q_0.875": 5.953160083310513, "q_0.9": 6.042452142147785, "q_0.925": 6.122592326270759, "q_0.95": 6.200664817196285, "q_0.975": 6.408709400648361, "q_1": 6.925093622294119}, {"x": 21.608643457382954, "y": 3.1700424123361106, "y_pred": 4.749622494847907, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.435274744216397, "q_0.075": 3.477387628605698, "q_0.1": 3.5694675885460723, "q_0.125": 3.655817169828787, "q_0.15": 3.731146240479181, "q_0.175": 3.7502079753195243, "q_0.2": 3.8238489319904967, "q_0.225": 3.9045822653151347, "q_0.25": 3.998948728797799, "q_0.275": 4.036937507457324, "q_0.3": 4.132369506939863, "q_0.325": 4.179511356570599, "q_0.35": 4.229787797704703, "q_0.375": 4.329248332012304, "q_0.4": 4.4006738464028325, "q_0.425": 4.469221529047629, "q_0.45": 4.569452698793235, "q_0.475": 4.658443494530879, "q_0.5": 4.749622494847907, "q_0.525": 4.7891841984093775, "q_0.55": 4.885721790323394, "q_0.575": 4.950424417897871, "q_0.6": 5.138908745036272, "q_0.625": 5.182625141469851, "q_0.65": 5.223368661173108, "q_0.675": 5.2942602989588465, "q_0.7": 5.3509524223356895, "q_0.725": 5.383242435781614, "q_0.75": 5.453930998005581, "q_0.775": 5.612905749075997, "q_0.8": 5.6583979794921895, "q_0.825": 5.790173953485768, "q_0.85": 5.841440913742378, "q_0.875": 5.953160083310513, "q_0.9": 6.042452142147785, "q_0.925": 6.122592326270759, "q_0.95": 6.200664817196285, "q_0.975": 6.408709400648361, "q_1": 6.925093622294119}, {"x": 21.648659463785513, "y": 5.182625141469851, "y_pred": 4.749622494847907, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.435274744216397, "q_0.075": 3.477387628605698, "q_0.1": 3.5694675885460723, "q_0.125": 3.655817169828787, "q_0.15": 3.731146240479181, "q_0.175": 3.7502079753195243, "q_0.2": 3.8238489319904967, "q_0.225": 3.9045822653151347, "q_0.25": 3.998948728797799, "q_0.275": 4.036937507457324, "q_0.3": 4.132369506939863, "q_0.325": 4.179511356570599, "q_0.35": 4.229787797704703, "q_0.375": 4.329248332012304, "q_0.4": 4.4006738464028325, "q_0.425": 4.469221529047629, "q_0.45": 4.569452698793235, "q_0.475": 4.658443494530879, "q_0.5": 4.749622494847907, "q_0.525": 4.7891841984093775, "q_0.55": 4.885721790323394, "q_0.575": 4.950424417897871, "q_0.6": 5.138908745036272, "q_0.625": 5.182625141469851, "q_0.65": 5.223368661173108, "q_0.675": 5.2942602989588465, "q_0.7": 5.3509524223356895, "q_0.725": 5.383242435781614, "q_0.75": 5.453930998005581, "q_0.775": 5.612905749075997, "q_0.8": 5.6583979794921895, "q_0.825": 5.790173953485768, "q_0.85": 5.841440913742378, "q_0.875": 5.953160083310513, "q_0.9": 6.042452142147785, "q_0.925": 6.122592326270759, "q_0.95": 6.200664817196285, "q_0.975": 6.408709400648361, "q_1": 6.925093622294119}, {"x": 21.688675470188077, "y": 5.039341170535793, "y_pred": 4.749622494847907, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.435274744216397, "q_0.075": 3.477387628605698, "q_0.1": 3.5694675885460723, "q_0.125": 3.655817169828787, "q_0.15": 3.731146240479181, "q_0.175": 3.7502079753195243, "q_0.2": 3.8238489319904967, "q_0.225": 3.9045822653151347, "q_0.25": 3.998948728797799, "q_0.275": 4.036937507457324, "q_0.3": 4.132369506939863, "q_0.325": 4.179511356570599, "q_0.35": 4.229787797704703, "q_0.375": 4.329248332012304, "q_0.4": 4.4006738464028325, "q_0.425": 4.469221529047629, "q_0.45": 4.569452698793235, "q_0.475": 4.658443494530879, "q_0.5": 4.749622494847907, "q_0.525": 4.7891841984093775, "q_0.55": 4.885721790323394, "q_0.575": 4.950424417897871, "q_0.6": 5.138908745036272, "q_0.625": 5.182625141469851, "q_0.65": 5.223368661173108, "q_0.675": 5.2942602989588465, "q_0.7": 5.3509524223356895, "q_0.725": 5.383242435781614, "q_0.75": 5.453930998005581, "q_0.775": 5.612905749075997, "q_0.8": 5.6583979794921895, "q_0.825": 5.790173953485768, "q_0.85": 5.841440913742378, "q_0.875": 5.953160083310513, "q_0.9": 6.042452142147785, "q_0.925": 6.122592326270759, "q_0.95": 6.200664817196285, "q_0.975": 6.408709400648361, "q_1": 6.925093622294119}, {"x": 21.728691476590637, "y": 5.005688497266193, "y_pred": 4.749622494847907, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.435274744216397, "q_0.075": 3.477387628605698, "q_0.1": 3.5694675885460723, "q_0.125": 3.655817169828787, "q_0.15": 3.731146240479181, "q_0.175": 3.7502079753195243, "q_0.2": 3.8238489319904967, "q_0.225": 3.9045822653151347, "q_0.25": 3.998948728797799, "q_0.275": 4.036937507457324, "q_0.3": 4.132369506939863, "q_0.325": 4.179511356570599, "q_0.35": 4.229787797704703, "q_0.375": 4.329248332012304, "q_0.4": 4.4006738464028325, "q_0.425": 4.469221529047629, "q_0.45": 4.569452698793235, "q_0.475": 4.658443494530879, "q_0.5": 4.749622494847907, "q_0.525": 4.7891841984093775, "q_0.55": 4.885721790323394, "q_0.575": 4.950424417897871, "q_0.6": 5.138908745036272, "q_0.625": 5.182625141469851, "q_0.65": 5.223368661173108, "q_0.675": 5.2942602989588465, "q_0.7": 5.3509524223356895, "q_0.725": 5.383242435781614, "q_0.75": 5.453930998005581, "q_0.775": 5.612905749075997, "q_0.8": 5.6583979794921895, "q_0.825": 5.790173953485768, "q_0.85": 5.841440913742378, "q_0.875": 5.953160083310513, "q_0.9": 6.042452142147785, "q_0.925": 6.122592326270759, "q_0.95": 6.200664817196285, "q_0.975": 6.408709400648361, "q_1": 6.925093622294119}, {"x": 21.768707482993197, "y": 6.177399855702102, "y_pred": 4.750636583013389, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.435274744216397, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.664457894812739, "q_0.15": 3.731146240479181, "q_0.175": 3.76905797357372, "q_0.2": 3.8238489319904967, "q_0.225": 3.9045822653151347, "q_0.25": 4.008679579573958, "q_0.275": 4.039347576253682, "q_0.3": 4.142786519563793, "q_0.325": 4.184637733393867, "q_0.35": 4.2502592436525894, "q_0.375": 4.36214694502621, "q_0.4": 4.4097836676209035, "q_0.425": 4.473660885725792, "q_0.45": 4.57390582955391, "q_0.475": 4.688021822613865, "q_0.5": 4.750636583013389, "q_0.525": 4.79005076402758, "q_0.55": 4.896547077857406, "q_0.575": 4.963909904070533, "q_0.6": 5.142432982777434, "q_0.625": 5.182625141469851, "q_0.65": 5.223368661173108, "q_0.675": 5.301821570548665, "q_0.7": 5.3509524223356895, "q_0.725": 5.386612467019537, "q_0.75": 5.484003419948014, "q_0.775": 5.612905749075997, "q_0.8": 5.688110136034942, "q_0.825": 5.790336695635354, "q_0.85": 5.8537511302532375, "q_0.875": 5.953160083310513, "q_0.9": 6.042452142147785, "q_0.925": 6.126986315347967, "q_0.95": 6.23727783563905, "q_0.975": 6.408709400648361, "q_1": 6.925093622294119}, {"x": 21.80872348939576, "y": 3.222812183180076, "y_pred": 4.750636583013389, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2239329197299758, "q_0.05": 3.435274744216397, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.664457894812739, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8238489319904967, "q_0.225": 3.9045822653151347, "q_0.25": 4.008679579573958, "q_0.275": 4.039347576253682, "q_0.3": 4.142786519563793, "q_0.325": 4.184637733393867, "q_0.35": 4.2502592436525894, "q_0.375": 4.36214694502621, "q_0.4": 4.4097836676209035, "q_0.425": 4.473660885725792, "q_0.45": 4.573939318901804, "q_0.475": 4.688021822613865, "q_0.5": 4.750636583013389, "q_0.525": 4.79005076402758, "q_0.55": 4.896547077857406, "q_0.575": 4.963909904070533, "q_0.6": 5.142432982777434, "q_0.625": 5.182625141469851, "q_0.65": 5.223368661173108, "q_0.675": 5.301821570548665, "q_0.7": 5.3509524223356895, "q_0.725": 5.386612467019537, "q_0.75": 5.484003419948014, "q_0.775": 5.626284704578448, "q_0.8": 5.688110136034942, "q_0.825": 5.790336695635354, "q_0.85": 5.8537511302532375, "q_0.875": 5.988485084814867, "q_0.9": 6.078580758878237, "q_0.925": 6.126986315347967, "q_0.95": 6.2381189553050875, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 21.84873949579832, "y": 5.3509524223356895, "y_pred": 4.7537597243022, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.664457894812739, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8238489319904967, "q_0.225": 3.9049613456499497, "q_0.25": 4.008679579573958, "q_0.275": 4.039347576253682, "q_0.3": 4.142786519563793, "q_0.325": 4.185803414891856, "q_0.35": 4.287968664437169, "q_0.375": 4.365559434072187, "q_0.4": 4.415948017352997, "q_0.425": 4.481640192758833, "q_0.45": 4.575934724528623, "q_0.475": 4.6955165158138525, "q_0.5": 4.7537597243022, "q_0.525": 4.8166207162838575, "q_0.55": 4.898065250498959, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2417729067671255, "q_0.675": 5.307878968728166, "q_0.7": 5.366038114054975, "q_0.725": 5.386612467019537, "q_0.75": 5.51035773693595, "q_0.775": 5.626988860131206, "q_0.8": 5.7294848141644845, "q_0.825": 5.790685482401363, "q_0.85": 5.8537511302532375, "q_0.875": 5.988485084814867, "q_0.9": 6.10121953615741, "q_0.925": 6.128637492932218, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 21.88875550220088, "y": 5.720747484981661, "y_pred": 4.7537597243022, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.664457894812739, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8238489319904967, "q_0.225": 3.9049613456499497, "q_0.25": 4.008679579573958, "q_0.275": 4.039347576253682, "q_0.3": 4.142786519563793, "q_0.325": 4.185803414891856, "q_0.35": 4.287968664437169, "q_0.375": 4.365559434072187, "q_0.4": 4.415948017352997, "q_0.425": 4.481640192758833, "q_0.45": 4.575934724528623, "q_0.475": 4.6955165158138525, "q_0.5": 4.7537597243022, "q_0.525": 4.8166207162838575, "q_0.55": 4.898065250498959, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2417729067671255, "q_0.675": 5.307878968728166, "q_0.7": 5.366038114054975, "q_0.725": 5.386612467019537, "q_0.75": 5.51035773693595, "q_0.775": 5.626988860131206, "q_0.8": 5.7294848141644845, "q_0.825": 5.790685482401363, "q_0.85": 5.8537511302532375, "q_0.875": 5.988485084814867, "q_0.9": 6.10121953615741, "q_0.925": 6.128637492932218, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 21.928771508603443, "y": 4.771997812919494, "y_pred": 4.755115878250611, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.664457894812739, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.052918724854845, "q_0.3": 4.153701107600792, "q_0.325": 4.188467214408424, "q_0.35": 4.287968664437169, "q_0.375": 4.367563273352806, "q_0.4": 4.415948017352997, "q_0.425": 4.481640192758833, "q_0.45": 4.575934724528623, "q_0.475": 4.6955165158138525, "q_0.5": 4.755115878250611, "q_0.525": 4.8166207162838575, "q_0.55": 4.898065250498959, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2470244104838155, "q_0.675": 5.309391833312436, "q_0.7": 5.366038114054975, "q_0.725": 5.402319596127429, "q_0.75": 5.533933880357063, "q_0.775": 5.636087795068564, "q_0.8": 5.7294848141644845, "q_0.825": 5.793534138012153, "q_0.85": 5.858069295852243, "q_0.875": 5.9933167980933195, "q_0.9": 6.105857021781258, "q_0.925": 6.128637492932218, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 21.968787515006003, "y": 4.223443860985988, "y_pred": 4.755115878250611, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.664457894812739, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.052918724854845, "q_0.3": 4.153701107600792, "q_0.325": 4.188467214408424, "q_0.35": 4.287968664437169, "q_0.375": 4.367563273352806, "q_0.4": 4.415948017352997, "q_0.425": 4.481640192758833, "q_0.45": 4.575934724528623, "q_0.475": 4.6955165158138525, "q_0.5": 4.755115878250611, "q_0.525": 4.8166207162838575, "q_0.55": 4.898065250498959, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2470244104838155, "q_0.675": 5.309391833312436, "q_0.7": 5.366038114054975, "q_0.725": 5.402319596127429, "q_0.75": 5.533933880357063, "q_0.775": 5.636087795068564, "q_0.8": 5.7294848141644845, "q_0.825": 5.793534138012153, "q_0.85": 5.858069295852243, "q_0.875": 5.9933167980933195, "q_0.9": 6.105857021781258, "q_0.925": 6.128637492932218, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 22.008803521408563, "y": 5.6583979794921895, "y_pred": 4.755115878250611, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.6661062176696593, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.069012393132045, "q_0.3": 4.153701107600792, "q_0.325": 4.200888205559467, "q_0.35": 4.287968664437169, "q_0.375": 4.367563273352806, "q_0.4": 4.432691464669937, "q_0.425": 4.481640192758833, "q_0.45": 4.584551555518483, "q_0.475": 4.6955165158138525, "q_0.5": 4.755115878250611, "q_0.525": 4.8166207162838575, "q_0.55": 4.917301257812121, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2470244104838155, "q_0.675": 5.3257398400197555, "q_0.7": 5.366038114054975, "q_0.725": 5.402319596127429, "q_0.75": 5.533933880357063, "q_0.775": 5.636087795068564, "q_0.8": 5.737732678435663, "q_0.825": 5.793534138012153, "q_0.85": 5.921469300691284, "q_0.875": 5.9933167980933195, "q_0.9": 6.105857021781258, "q_0.925": 6.128637492932218, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 22.048819527811126, "y": 3.4851967300593474, "y_pred": 4.755115878250611, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.6661062176696593, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.069012393132045, "q_0.3": 4.153701107600792, "q_0.325": 4.200888205559467, "q_0.35": 4.287968664437169, "q_0.375": 4.367563273352806, "q_0.4": 4.432691464669937, "q_0.425": 4.481640192758833, "q_0.45": 4.584551555518483, "q_0.475": 4.6955165158138525, "q_0.5": 4.755115878250611, "q_0.525": 4.8166207162838575, "q_0.55": 4.917301257812121, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2470244104838155, "q_0.675": 5.3257398400197555, "q_0.7": 5.366038114054975, "q_0.725": 5.402319596127429, "q_0.75": 5.533933880357063, "q_0.775": 5.636087795068564, "q_0.8": 5.737732678435663, "q_0.825": 5.793534138012153, "q_0.85": 5.921469300691284, "q_0.875": 5.9933167980933195, "q_0.9": 6.105857021781258, "q_0.925": 6.128637492932218, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 22.088835534213686, "y": 4.569452698793235, "y_pred": 4.755115878250611, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.6661062176696593, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.069582773500545, "q_0.3": 4.153701107600792, "q_0.325": 4.200888205559467, "q_0.35": 4.287968664437169, "q_0.375": 4.367563273352806, "q_0.4": 4.432691464669937, "q_0.425": 4.481640192758833, "q_0.45": 4.584551555518483, "q_0.475": 4.6955165158138525, "q_0.5": 4.755115878250611, "q_0.525": 4.8166207162838575, "q_0.55": 4.917301257812121, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2470244104838155, "q_0.675": 5.3257398400197555, "q_0.7": 5.366038114054975, "q_0.725": 5.402633907328516, "q_0.75": 5.533933880357063, "q_0.775": 5.636087795068564, "q_0.8": 5.737732678435663, "q_0.825": 5.793534138012153, "q_0.85": 5.921469300691284, "q_0.875": 5.9933167980933195, "q_0.9": 6.105857021781258, "q_0.925": 6.168706421972327, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 22.128851540616246, "y": 4.8166207162838575, "y_pred": 4.755115878250611, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.6661062176696593, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.069582773500545, "q_0.3": 4.153701107600792, "q_0.325": 4.200888205559467, "q_0.35": 4.287968664437169, "q_0.375": 4.367563273352806, "q_0.4": 4.432691464669937, "q_0.425": 4.481640192758833, "q_0.45": 4.584551555518483, "q_0.475": 4.6955165158138525, "q_0.5": 4.755115878250611, "q_0.525": 4.8166207162838575, "q_0.55": 4.917301257812121, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2470244104838155, "q_0.675": 5.3257398400197555, "q_0.7": 5.366038114054975, "q_0.725": 5.402633907328516, "q_0.75": 5.533933880357063, "q_0.775": 5.636087795068564, "q_0.8": 5.737732678435663, "q_0.825": 5.793534138012153, "q_0.85": 5.921469300691284, "q_0.875": 5.9933167980933195, "q_0.9": 6.105857021781258, "q_0.925": 6.168706421972327, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 22.16886754701881, "y": 5.366038114054975, "y_pred": 4.755115878250611, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.6661062176696593, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.069582773500545, "q_0.3": 4.153701107600792, "q_0.325": 4.200888205559467, "q_0.35": 4.287968664437169, "q_0.375": 4.367563273352806, "q_0.4": 4.432691464669937, "q_0.425": 4.481640192758833, "q_0.45": 4.584551555518483, "q_0.475": 4.6955165158138525, "q_0.5": 4.755115878250611, "q_0.525": 4.8166207162838575, "q_0.55": 4.917301257812121, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2470244104838155, "q_0.675": 5.3257398400197555, "q_0.7": 5.366038114054975, "q_0.725": 5.402633907328516, "q_0.75": 5.533933880357063, "q_0.775": 5.636087795068564, "q_0.8": 5.737732678435663, "q_0.825": 5.793534138012153, "q_0.85": 5.921469300691284, "q_0.875": 5.9933167980933195, "q_0.9": 6.105857021781258, "q_0.925": 6.168706421972327, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 22.20888355342137, "y": 3.4725130308115375, "y_pred": 4.755115878250611, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.6661062176696593, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.069582773500545, "q_0.3": 4.153701107600792, "q_0.325": 4.200888205559467, "q_0.35": 4.287968664437169, "q_0.375": 4.367563273352806, "q_0.4": 4.432691464669937, "q_0.425": 4.481640192758833, "q_0.45": 4.584551555518483, "q_0.475": 4.6955165158138525, "q_0.5": 4.755115878250611, "q_0.525": 4.8166207162838575, "q_0.55": 4.917301257812121, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2470244104838155, "q_0.675": 5.3257398400197555, "q_0.7": 5.366038114054975, "q_0.725": 5.402633907328516, "q_0.75": 5.533933880357063, "q_0.775": 5.636087795068564, "q_0.8": 5.737732678435663, "q_0.825": 5.793534138012153, "q_0.85": 5.921469300691284, "q_0.875": 5.9933167980933195, "q_0.9": 6.105857021781258, "q_0.925": 6.168706421972327, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 22.24889955982393, "y": 3.9049613456499497, "y_pred": 4.755115878250611, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.457582456433952, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.6661062176696593, "q_0.15": 3.733091146033754, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.069582773500545, "q_0.3": 4.153701107600792, "q_0.325": 4.200888205559467, "q_0.35": 4.287968664437169, "q_0.375": 4.367563273352806, "q_0.4": 4.432691464669937, "q_0.425": 4.481640192758833, "q_0.45": 4.584551555518483, "q_0.475": 4.6955165158138525, "q_0.5": 4.755115878250611, "q_0.525": 4.8166207162838575, "q_0.55": 4.917301257812121, "q_0.575": 5.005688497266193, "q_0.6": 5.146182978764693, "q_0.625": 5.200393199907028, "q_0.65": 5.2470244104838155, "q_0.675": 5.3257398400197555, "q_0.7": 5.366038114054975, "q_0.725": 5.402633907328516, "q_0.75": 5.533933880357063, "q_0.775": 5.636087795068564, "q_0.8": 5.737732678435663, "q_0.825": 5.793534138012153, "q_0.85": 5.921469300691284, "q_0.875": 5.9933167980933195, "q_0.9": 6.105857021781258, "q_0.925": 6.168706421972327, "q_0.95": 6.242380127117748, "q_0.975": 6.419488182023176, "q_1": 6.925093622294119}, {"x": 22.288915566226493, "y": 4.481640192758833, "y_pred": 4.771997812919494, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.461883211429853, "q_0.075": 3.5081658607027437, "q_0.1": 3.5935578817817606, "q_0.125": 3.6661062176696593, "q_0.15": 3.7365026110356876, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.016424591290319, "q_0.275": 4.0955120857025005, "q_0.3": 4.172866996186007, "q_0.325": 4.209113929947946, "q_0.35": 4.306813298062806, "q_0.375": 4.390163237022276, "q_0.4": 4.432691464669937, "q_0.425": 4.501414112513693, "q_0.45": 4.621895266555519, "q_0.475": 4.71165389228335, "q_0.5": 4.771997812919494, "q_0.525": 4.85589252691835, "q_0.55": 4.917301257812121, "q_0.575": 5.015290345978547, "q_0.6": 5.1485304493545545, "q_0.625": 5.203515163590286, "q_0.65": 5.250238965484575, "q_0.675": 5.3257398400197555, "q_0.7": 5.366354531508699, "q_0.725": 5.402633907328516, "q_0.75": 5.545253349624581, "q_0.775": 5.636500464109794, "q_0.8": 5.737732678435663, "q_0.825": 5.836017832799923, "q_0.85": 5.923190597868797, "q_0.875": 5.9933167980933195, "q_0.9": 6.117099521421366, "q_0.925": 6.168706421972327, "q_0.95": 6.242380127117748, "q_0.975": 6.422219416707716, "q_1": 6.925093622294119}, {"x": 22.328931572629052, "y": 5.154853913628727, "y_pred": 4.771997812919494, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.4692782300457945, "q_0.075": 3.5128745437220785, "q_0.1": 3.613674538163367, "q_0.125": 3.6661062176696593, "q_0.15": 3.738339553729039, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.025548572432858, "q_0.275": 4.0955120857025005, "q_0.3": 4.172866996186007, "q_0.325": 4.209113929947946, "q_0.35": 4.31160082340736, "q_0.375": 4.394892632142071, "q_0.4": 4.461932404355518, "q_0.425": 4.5354805799677065, "q_0.45": 4.628936081320426, "q_0.475": 4.72483394521576, "q_0.5": 4.771997812919494, "q_0.525": 4.86795027450146, "q_0.55": 4.934866341810061, "q_0.575": 5.028023342034318, "q_0.6": 5.161299509811205, "q_0.625": 5.205500818890663, "q_0.65": 5.251219964400493, "q_0.675": 5.336697389489906, "q_0.7": 5.366354531508699, "q_0.725": 5.410544530319537, "q_0.75": 5.576540737942507, "q_0.775": 5.6570912498687855, "q_0.8": 5.775208191415703, "q_0.825": 5.836017832799923, "q_0.85": 5.931007805822089, "q_0.875": 6.03586784484234, "q_0.9": 6.117099521421366, "q_0.925": 6.176722432262553, "q_0.95": 6.293456463402652, "q_0.975": 6.432153619155224, "q_1": 6.925093622294119}, {"x": 22.368947579031612, "y": 5.988485084814867, "y_pred": 4.771997812919494, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.4692782300457945, "q_0.075": 3.5128745437220785, "q_0.1": 3.613674538163367, "q_0.125": 3.6661062176696593, "q_0.15": 3.738339553729039, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.025548572432858, "q_0.275": 4.0955120857025005, "q_0.3": 4.172866996186007, "q_0.325": 4.209113929947946, "q_0.35": 4.31160082340736, "q_0.375": 4.394892632142071, "q_0.4": 4.461932404355518, "q_0.425": 4.5354805799677065, "q_0.45": 4.628936081320426, "q_0.475": 4.72483394521576, "q_0.5": 4.771997812919494, "q_0.525": 4.86795027450146, "q_0.55": 4.934866341810061, "q_0.575": 5.028023342034318, "q_0.6": 5.161299509811205, "q_0.625": 5.205500818890663, "q_0.65": 5.251219964400493, "q_0.675": 5.336697389489906, "q_0.7": 5.366354531508699, "q_0.725": 5.410544530319537, "q_0.75": 5.576540737942507, "q_0.775": 5.6570912498687855, "q_0.8": 5.775208191415703, "q_0.825": 5.836017832799923, "q_0.85": 5.931007805822089, "q_0.875": 6.03586784484234, "q_0.9": 6.117099521421366, "q_0.925": 6.176722432262553, "q_0.95": 6.293456463402652, "q_0.975": 6.432153619155224, "q_1": 6.925093622294119}, {"x": 22.408963585434176, "y": 5.146182978764693, "y_pred": 4.771997812919494, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.4692782300457945, "q_0.075": 3.5128745437220785, "q_0.1": 3.613674538163367, "q_0.125": 3.6661062176696593, "q_0.15": 3.738339553729039, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.025548572432858, "q_0.275": 4.0955120857025005, "q_0.3": 4.172866996186007, "q_0.325": 4.209113929947946, "q_0.35": 4.31160082340736, "q_0.375": 4.394892632142071, "q_0.4": 4.461932404355518, "q_0.425": 4.5354805799677065, "q_0.45": 4.628936081320426, "q_0.475": 4.72483394521576, "q_0.5": 4.771997812919494, "q_0.525": 4.86795027450146, "q_0.55": 4.934866341810061, "q_0.575": 5.028023342034318, "q_0.6": 5.161299509811205, "q_0.625": 5.205500818890663, "q_0.65": 5.251219964400493, "q_0.675": 5.336697389489906, "q_0.7": 5.366354531508699, "q_0.725": 5.410544530319537, "q_0.75": 5.576540737942507, "q_0.775": 5.6570912498687855, "q_0.8": 5.775208191415703, "q_0.825": 5.836017832799923, "q_0.85": 5.931007805822089, "q_0.875": 6.03586784484234, "q_0.9": 6.117099521421366, "q_0.925": 6.176722432262553, "q_0.95": 6.293456463402652, "q_0.975": 6.432153619155224, "q_1": 6.925093622294119}, {"x": 22.448979591836736, "y": 3.6176363298258356, "y_pred": 4.771997812919494, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.2529557651755714, "q_0.05": 3.4692782300457945, "q_0.075": 3.5128745437220785, "q_0.1": 3.613674538163367, "q_0.125": 3.6661062176696593, "q_0.15": 3.738339553729039, "q_0.175": 3.76905797357372, "q_0.2": 3.8432099046545245, "q_0.225": 3.9049613456499497, "q_0.25": 4.025548572432858, "q_0.275": 4.0955120857025005, "q_0.3": 4.172866996186007, "q_0.325": 4.209113929947946, "q_0.35": 4.31160082340736, "q_0.375": 4.394892632142071, "q_0.4": 4.461932404355518, "q_0.425": 4.5354805799677065, "q_0.45": 4.628936081320426, "q_0.475": 4.72483394521576, "q_0.5": 4.771997812919494, "q_0.525": 4.86795027450146, "q_0.55": 4.934866341810061, "q_0.575": 5.028023342034318, "q_0.6": 5.161299509811205, "q_0.625": 5.205500818890663, "q_0.65": 5.251219964400493, "q_0.675": 5.336697389489906, "q_0.7": 5.366354531508699, "q_0.725": 5.410544530319537, "q_0.75": 5.576540737942507, "q_0.775": 5.6570912498687855, "q_0.8": 5.775208191415703, "q_0.825": 5.836017832799923, "q_0.85": 5.931007805822089, "q_0.875": 6.03586784484234, "q_0.9": 6.117099521421366, "q_0.925": 6.176722432262553, "q_0.95": 6.293456463402652, "q_0.975": 6.432153619155224, "q_1": 6.925093622294119}, {"x": 22.488995598239296, "y": 6.293456463402652, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.52901160464186, "y": 5.953160083310513, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.56902761104442, "y": 4.79005076402758, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.60904361744698, "y": 6.119236906760326, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.649059623849542, "y": 4.917301257812121, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.689075630252102, "y": 6.128637492932218, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.729091636654662, "y": 5.836017832799923, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.769107643057225, "y": 6.277503039414318, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.809123649459785, "y": 6.126986315347967, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.849139655862345, "y": 3.3271133239830646, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.88915566226491, "y": 3.76905797357372, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.92917166866747, "y": 4.451579517200024, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 22.969187675070028, "y": 6.242380127117748, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.00920368147259, "y": 4.172866996186007, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.212656982887996, "q_0.65": 5.260355785997356, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.453930998005581, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.04921968787515, "y": 3.731146240479181, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.265811530709045, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.469719019525334, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.08923569427771, "y": 6.042452142147785, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.265811530709045, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.469719019525334, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.129251700680275, "y": 4.6450956571637185, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.265811530709045, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.469719019525334, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.169267707082835, "y": 6.117281834842629, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.265811530709045, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.469719019525334, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.209283713485394, "y": 3.7378245528241587, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.265811530709045, "q_0.675": 5.3509524223356895, "q_0.7": 5.383242435781614, "q_0.725": 5.469719019525334, "q_0.75": 5.583934389900637, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.839162152306624, "q_0.85": 5.953160083310513, "q_0.875": 6.042452142147785, "q_0.9": 6.122592326270759, "q_0.925": 6.177399855702102, "q_0.95": 6.296446398739077, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.249299719887958, "y": 5.336697389489906, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.2942602989588465, "q_0.675": 5.3509524223356895, "q_0.7": 5.386612467019537, "q_0.725": 5.484003419948014, "q_0.75": 5.5855680330200475, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.841440913742378, "q_0.85": 5.988485084814867, "q_0.875": 6.078580758878237, "q_0.9": 6.122592326270759, "q_0.925": 6.187298251146786, "q_0.95": 6.307730002995395, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.289315726290518, "y": 4.634839475911025, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.2942602989588465, "q_0.675": 5.3509524223356895, "q_0.7": 5.386612467019537, "q_0.725": 5.484003419948014, "q_0.75": 5.5855680330200475, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.841440913742378, "q_0.85": 5.988485084814867, "q_0.875": 6.078580758878237, "q_0.9": 6.122592326270759, "q_0.925": 6.187298251146786, "q_0.95": 6.307730002995395, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.329331732693078, "y": 3.4760845779201355, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.2942602989588465, "q_0.675": 5.3509524223356895, "q_0.7": 5.386612467019537, "q_0.725": 5.484003419948014, "q_0.75": 5.5855680330200475, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.841440913742378, "q_0.85": 5.988485084814867, "q_0.875": 6.078580758878237, "q_0.9": 6.122592326270759, "q_0.925": 6.187298251146786, "q_0.95": 6.307730002995395, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.369347739095637, "y": 5.457575602506877, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.2942602989588465, "q_0.675": 5.3509524223356895, "q_0.7": 5.386612467019537, "q_0.725": 5.484003419948014, "q_0.75": 5.5855680330200475, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.841440913742378, "q_0.85": 5.988485084814867, "q_0.875": 6.078580758878237, "q_0.9": 6.122592326270759, "q_0.925": 6.187298251146786, "q_0.95": 6.307730002995395, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.4093637454982, "y": 4.025548572432858, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.2942602989588465, "q_0.675": 5.3509524223356895, "q_0.7": 5.386612467019537, "q_0.725": 5.484003419948014, "q_0.75": 5.5855680330200475, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.841440913742378, "q_0.85": 5.988485084814867, "q_0.875": 6.078580758878237, "q_0.9": 6.122592326270759, "q_0.925": 6.187298251146786, "q_0.95": 6.307730002995395, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.44937975190076, "y": 3.3633265429749772, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.2942602989588465, "q_0.675": 5.3509524223356895, "q_0.7": 5.386612467019537, "q_0.725": 5.484003419948014, "q_0.75": 5.5855680330200475, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.841440913742378, "q_0.85": 5.988485084814867, "q_0.875": 6.078580758878237, "q_0.9": 6.122592326270759, "q_0.925": 6.187298251146786, "q_0.95": 6.307730002995395, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.48939575830332, "y": 3.4299787773406125, "y_pred": 4.778676612210029, "target": "0", "q_0": 2.871306438783182, "q_0.025": 3.267402534811233, "q_0.05": 3.4725130308115375, "q_0.075": 3.5128745437220785, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.738339553729039, "q_0.175": 3.78425267544463, "q_0.2": 3.8522930960504125, "q_0.225": 3.936839014505173, "q_0.25": 4.025548572432858, "q_0.275": 4.097637794907386, "q_0.3": 4.173175410950672, "q_0.325": 4.226347047129022, "q_0.35": 4.317471278544529, "q_0.375": 4.4006738464028325, "q_0.4": 4.46740666717732, "q_0.425": 4.569452698793235, "q_0.45": 4.636192778120208, "q_0.475": 4.728370737995101, "q_0.5": 4.778676612210029, "q_0.525": 4.885721790323394, "q_0.55": 4.950424417897871, "q_0.575": 5.047921879055577, "q_0.6": 5.175976092671058, "q_0.625": 5.220432147079574, "q_0.65": 5.2942602989588465, "q_0.675": 5.3509524223356895, "q_0.7": 5.386612467019537, "q_0.725": 5.484003419948014, "q_0.75": 5.5855680330200475, "q_0.775": 5.6583979794921895, "q_0.8": 5.790173953485768, "q_0.825": 5.841440913742378, "q_0.85": 5.988485084814867, "q_0.875": 6.078580758878237, "q_0.9": 6.122592326270759, "q_0.925": 6.187298251146786, "q_0.95": 6.307730002995395, "q_0.975": 6.474234630612757, "q_1": 6.925093622294119}, {"x": 23.529411764705884, "y": 3.435274744216397, "y_pred": 4.789617481218478, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.314615806477712, "q_0.05": 3.4725130308115375, "q_0.075": 3.5167201807054154, "q_0.1": 3.6176363298258356, "q_0.125": 3.675662025372961, "q_0.15": 3.740445247763777, "q_0.175": 3.78425267544463, "q_0.2": 3.8693965820271985, "q_0.225": 3.936985109287485, "q_0.25": 4.025548572432858, "q_0.275": 4.1166823061580855, "q_0.3": 4.173175410950672, "q_0.325": 4.229787797704703, "q_0.35": 4.334888292304965, "q_0.375": 4.4097836676209035, "q_0.4": 4.469221529047629, "q_0.425": 4.57390582955391, "q_0.45": 4.681477938104428, "q_0.475": 4.749622494847907, "q_0.5": 4.789617481218478, "q_0.525": 4.890285211642836, "q_0.55": 4.950424417897871, "q_0.575": 5.138908745036272, "q_0.6": 5.182625141469851, "q_0.625": 5.223368661173108, "q_0.65": 5.301821570548665, "q_0.675": 5.355259507868923, "q_0.7": 5.386612467019537, "q_0.725": 5.484003419948014, "q_0.75": 5.612905749075997, "q_0.775": 5.688110136034942, "q_0.8": 5.790336695635354, "q_0.825": 5.841440913742378, "q_0.85": 5.988485084814867, "q_0.875": 6.10121953615741, "q_0.9": 6.126986315347967, "q_0.925": 6.187298251146786, "q_0.95": 6.365611531052373, "q_0.975": 6.476154977791679, "q_1": 6.925093622294119}, {"x": 23.569427771108444, "y": 6.147507102793787, "y_pred": 4.79005076402758, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5288513853630223, "q_0.1": 3.6176363298258356, "q_0.125": 3.6932152795377187, "q_0.15": 3.740445247763777, "q_0.175": 3.78425267544463, "q_0.2": 3.88200032622564, "q_0.225": 3.9394969072533668, "q_0.25": 4.036485823112227, "q_0.275": 4.1166823061580855, "q_0.3": 4.179511356570599, "q_0.325": 4.2502592436525894, "q_0.35": 4.367563273352806, "q_0.375": 4.415948017352997, "q_0.4": 4.481640192758833, "q_0.425": 4.5742407230328475, "q_0.45": 4.688021822613865, "q_0.475": 4.750636583013389, "q_0.5": 4.79005076402758, "q_0.525": 4.896547077857406, "q_0.55": 4.963909904070533, "q_0.575": 5.142432982777434, "q_0.6": 5.182625141469851, "q_0.625": 5.223368661173108, "q_0.65": 5.301821570548665, "q_0.675": 5.366038114054975, "q_0.7": 5.402633907328516, "q_0.725": 5.51035773693595, "q_0.75": 5.612905749075997, "q_0.775": 5.7294848141644845, "q_0.8": 5.790685482401363, "q_0.825": 5.8537511302532375, "q_0.85": 5.9933167980933195, "q_0.875": 6.105857021781258, "q_0.9": 6.128637492932218, "q_0.925": 6.23727783563905, "q_0.95": 6.391783668350065, "q_0.975": 6.534139925125569, "q_1": 6.925093622294119}, {"x": 23.609443777511004, "y": 5.612905749075997, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7309155525253, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.132369506939863, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.516189423982684, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.931007805822089, "q_0.85": 6.042452142147785, "q_0.875": 6.117099521421366, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 23.649459783913567, "y": 6.122592326270759, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7309155525253, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.132369506939863, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.516189423982684, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.931007805822089, "q_0.85": 6.042452142147785, "q_0.875": 6.117099521421366, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 23.689475790316127, "y": 5.402633907328516, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7309155525253, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.132369506939863, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.516189423982684, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.931007805822089, "q_0.85": 6.042452142147785, "q_0.875": 6.117099521421366, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 23.729491796718687, "y": 4.944475332278714, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7309155525253, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.132369506939863, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.516189423982684, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.931007805822089, "q_0.85": 6.042452142147785, "q_0.875": 6.117099521421366, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 23.76950780312125, "y": 4.226347047129022, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 23.80952380952381, "y": 6.455427492962729, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 23.84953981592637, "y": 4.415948017352997, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 23.889555822328933, "y": 4.766716338132079, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 23.929571828731493, "y": 4.4718412678871164, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 23.969587835134053, "y": 6.408709400648361, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.009603841536617, "y": 3.8207365854712005, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.049619847939177, "y": 4.316406165297147, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.089635854341736, "y": 5.453930998005581, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.1296518607443, "y": 3.4668551830514125, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.16966786714686, "y": 5.223368661173108, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.20968387354942, "y": 4.807603220352423, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.249699879951983, "y": 4.184637733393867, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.289715886354543, "y": 4.039347576253682, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.329731892757103, "y": 4.9335931103953525, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.369747899159666, "y": 4.461932404355518, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.409763905562226, "y": 4.750636583013389, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.004943825726753, "q_0.025": 3.3633265429749772, "q_0.05": 3.4760845779201355, "q_0.075": 3.5330697952670147, "q_0.1": 3.634267078356909, "q_0.125": 3.7310597324964756, "q_0.15": 3.747275193333788, "q_0.175": 3.8115185839505323, "q_0.2": 3.8947475521088504, "q_0.225": 3.9858355247087824, "q_0.25": 4.039347576253682, "q_0.275": 4.140654994453876, "q_0.3": 4.209113929947946, "q_0.325": 4.306813298062806, "q_0.35": 4.394892632142071, "q_0.375": 4.432691464669937, "q_0.4": 4.510279299395088, "q_0.425": 4.621895266555519, "q_0.45": 4.6955165158138525, "q_0.475": 4.7537597243022, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.146182978764693, "q_0.6": 5.200393199907028, "q_0.625": 5.2470244104838155, "q_0.65": 5.3257398400197555, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.545253349624581, "q_0.75": 5.636087795068564, "q_0.775": 5.739659267521479, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.176722432262553, "q_0.925": 6.293456463402652, "q_0.95": 6.408709400648361, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.449779911964786, "y": 4.367563273352806, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.3633265429749772, "q_0.05": 3.477387628605698, "q_0.075": 3.5370715451265924, "q_0.1": 3.6515861446280082, "q_0.125": 3.731146240479181, "q_0.15": 3.747275193333788, "q_0.175": 3.8207365854712005, "q_0.2": 3.8947475521088504, "q_0.225": 3.998948728797799, "q_0.25": 4.069012393132045, "q_0.275": 4.142786519563793, "q_0.3": 4.209113929947946, "q_0.325": 4.31160082340736, "q_0.35": 4.394892632142071, "q_0.375": 4.461932404355518, "q_0.4": 4.5354805799677065, "q_0.425": 4.621895266555519, "q_0.45": 4.697130253460805, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.1485304493545545, "q_0.6": 5.200393199907028, "q_0.625": 5.250238965484575, "q_0.65": 5.336697389489906, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.558633104373527, "q_0.75": 5.636500464109794, "q_0.775": 5.775208191415703, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.177399855702102, "q_0.925": 6.293456463402652, "q_0.95": 6.419488182023176, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.48979591836735, "y": 6.419488182023176, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.3633265429749772, "q_0.05": 3.477387628605698, "q_0.075": 3.5370715451265924, "q_0.1": 3.6515861446280082, "q_0.125": 3.731146240479181, "q_0.15": 3.747275193333788, "q_0.175": 3.8207365854712005, "q_0.2": 3.8947475521088504, "q_0.225": 3.998948728797799, "q_0.25": 4.069012393132045, "q_0.275": 4.142786519563793, "q_0.3": 4.209113929947946, "q_0.325": 4.31160082340736, "q_0.35": 4.394892632142071, "q_0.375": 4.461932404355518, "q_0.4": 4.5354805799677065, "q_0.425": 4.621895266555519, "q_0.45": 4.697130253460805, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.1485304493545545, "q_0.6": 5.200393199907028, "q_0.625": 5.250238965484575, "q_0.65": 5.336697389489906, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.558633104373527, "q_0.75": 5.636500464109794, "q_0.775": 5.775208191415703, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.177399855702102, "q_0.925": 6.293456463402652, "q_0.95": 6.419488182023176, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.52981192476991, "y": 3.7105924034989815, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.3633265429749772, "q_0.05": 3.477387628605698, "q_0.075": 3.5370715451265924, "q_0.1": 3.6515861446280082, "q_0.125": 3.731146240479181, "q_0.15": 3.747275193333788, "q_0.175": 3.8207365854712005, "q_0.2": 3.8947475521088504, "q_0.225": 3.998948728797799, "q_0.25": 4.069012393132045, "q_0.275": 4.142786519563793, "q_0.3": 4.209113929947946, "q_0.325": 4.31160082340736, "q_0.35": 4.394892632142071, "q_0.375": 4.461932404355518, "q_0.4": 4.5354805799677065, "q_0.425": 4.621895266555519, "q_0.45": 4.697130253460805, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.1485304493545545, "q_0.6": 5.200393199907028, "q_0.625": 5.250238965484575, "q_0.65": 5.336697389489906, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.558633104373527, "q_0.75": 5.636500464109794, "q_0.775": 5.775208191415703, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.177399855702102, "q_0.925": 6.293456463402652, "q_0.95": 6.419488182023176, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.56982793117247, "y": 3.5935578817817606, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.3633265429749772, "q_0.05": 3.477387628605698, "q_0.075": 3.5370715451265924, "q_0.1": 3.6515861446280082, "q_0.125": 3.731146240479181, "q_0.15": 3.747275193333788, "q_0.175": 3.8207365854712005, "q_0.2": 3.8947475521088504, "q_0.225": 3.998948728797799, "q_0.25": 4.069012393132045, "q_0.275": 4.142786519563793, "q_0.3": 4.209113929947946, "q_0.325": 4.31160082340736, "q_0.35": 4.394892632142071, "q_0.375": 4.461932404355518, "q_0.4": 4.5354805799677065, "q_0.425": 4.621895266555519, "q_0.45": 4.697130253460805, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.1485304493545545, "q_0.6": 5.200393199907028, "q_0.625": 5.250238965484575, "q_0.65": 5.336697389489906, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.558633104373527, "q_0.75": 5.636500464109794, "q_0.775": 5.775208191415703, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.177399855702102, "q_0.925": 6.293456463402652, "q_0.95": 6.419488182023176, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.609843937575032, "y": 4.394892632142071, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.3633265429749772, "q_0.05": 3.477387628605698, "q_0.075": 3.5370715451265924, "q_0.1": 3.6515861446280082, "q_0.125": 3.731146240479181, "q_0.15": 3.747275193333788, "q_0.175": 3.8207365854712005, "q_0.2": 3.8947475521088504, "q_0.225": 3.998948728797799, "q_0.25": 4.069012393132045, "q_0.275": 4.142786519563793, "q_0.3": 4.209113929947946, "q_0.325": 4.31160082340736, "q_0.35": 4.394892632142071, "q_0.375": 4.461932404355518, "q_0.4": 4.5354805799677065, "q_0.425": 4.621895266555519, "q_0.45": 4.697130253460805, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.1485304493545545, "q_0.6": 5.200393199907028, "q_0.625": 5.250238965484575, "q_0.65": 5.336697389489906, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.558633104373527, "q_0.75": 5.636500464109794, "q_0.775": 5.775208191415703, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.177399855702102, "q_0.925": 6.293456463402652, "q_0.95": 6.419488182023176, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.649859943977592, "y": 5.200393199907028, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.3633265429749772, "q_0.05": 3.477387628605698, "q_0.075": 3.5370715451265924, "q_0.1": 3.6515861446280082, "q_0.125": 3.731146240479181, "q_0.15": 3.747275193333788, "q_0.175": 3.8207365854712005, "q_0.2": 3.8947475521088504, "q_0.225": 3.998948728797799, "q_0.25": 4.069012393132045, "q_0.275": 4.142786519563793, "q_0.3": 4.209113929947946, "q_0.325": 4.31160082340736, "q_0.35": 4.394892632142071, "q_0.375": 4.461932404355518, "q_0.4": 4.5354805799677065, "q_0.425": 4.621895266555519, "q_0.45": 4.697130253460805, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.1485304493545545, "q_0.6": 5.200393199907028, "q_0.625": 5.250238965484575, "q_0.65": 5.336697389489906, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.558633104373527, "q_0.75": 5.636500464109794, "q_0.775": 5.775208191415703, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.177399855702102, "q_0.925": 6.293456463402652, "q_0.95": 6.419488182023176, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.689875950380152, "y": 5.424035071751712, "y_pred": 4.85589252691835, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.3633265429749772, "q_0.05": 3.477387628605698, "q_0.075": 3.5530661753553163, "q_0.1": 3.6515861446280082, "q_0.125": 3.731146240479181, "q_0.15": 3.747275193333788, "q_0.175": 3.8207365854712005, "q_0.2": 3.8947475521088504, "q_0.225": 3.998948728797799, "q_0.25": 4.069012393132045, "q_0.275": 4.142786519563793, "q_0.3": 4.209113929947946, "q_0.325": 4.31160082340736, "q_0.35": 4.394892632142071, "q_0.375": 4.461932404355518, "q_0.4": 4.5354805799677065, "q_0.425": 4.628936081320426, "q_0.45": 4.71165389228335, "q_0.475": 4.755115878250611, "q_0.5": 4.85589252691835, "q_0.525": 4.917301257812121, "q_0.55": 5.015290345978547, "q_0.575": 5.1485304493545545, "q_0.6": 5.201641985380331, "q_0.625": 5.250238965484575, "q_0.65": 5.336697389489906, "q_0.675": 5.366354531508699, "q_0.7": 5.410544530319537, "q_0.725": 5.576540737942507, "q_0.75": 5.636500464109794, "q_0.775": 5.775208191415703, "q_0.8": 5.836017832799923, "q_0.825": 5.953160083310513, "q_0.85": 6.042452142147785, "q_0.875": 6.122592326270759, "q_0.9": 6.177399855702102, "q_0.925": 6.293456463402652, "q_0.95": 6.419488182023176, "q_0.975": 6.5509474359898325, "q_1": 6.925093622294119}, {"x": 24.729891956782716, "y": 4.575934724528623, "y_pred": 4.86795027450146, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.477387628605698, "q_0.075": 3.5935578817817606, "q_0.1": 3.655817169828787, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.153701107600792, "q_0.3": 4.226347047129022, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.469221529047629, "q_0.4": 4.57034332494537, "q_0.425": 4.636192778120208, "q_0.45": 4.725392345301849, "q_0.475": 4.771997812919494, "q_0.5": 4.86795027450146, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.205500818890663, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.386612467019537, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.988485084814867, "q_0.85": 6.10121953615741, "q_0.875": 6.126986315347967, "q_0.9": 6.187298251146786, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 24.769907963185275, "y": 6.534139925125569, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.227035197244159, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.473660885725792, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402633907328516, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 24.809923969587835, "y": 4.432691464669937, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.227035197244159, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.473660885725792, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402633907328516, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 24.8499399759904, "y": 5.636500464109794, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.227035197244159, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.473660885725792, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402633907328516, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 24.88995598239296, "y": 5.366354531508699, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.227035197244159, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.473660885725792, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402633907328516, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 24.92997198879552, "y": 5.9400550222449535, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.227035197244159, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.473660885725792, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402633907328516, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 24.969987995198082, "y": 6.474234630612757, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.227035197244159, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.473660885725792, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402633907328516, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 25.01000400160064, "y": 6.195583247002345, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.227035197244159, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.473660885725792, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402633907328516, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 25.0500200080032, "y": 5.790173953485768, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.227035197244159, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.473660885725792, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402633907328516, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 25.090036014405765, "y": 5.576540737942507, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.227035197244159, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.473660885725792, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402633907328516, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.422219416707716, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 25.130052020808325, "y": 4.395401448239653, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.153701107600792, "q_0.3": 4.226347047129022, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.4708862878019415, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402319596127429, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.432153619155224, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 25.170068027210885, "y": 3.78425267544463, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.153701107600792, "q_0.3": 4.226347047129022, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.4708862878019415, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402319596127429, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.432153619155224, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 25.210084033613445, "y": 3.5081658607027437, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.153701107600792, "q_0.3": 4.226347047129022, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.4708862878019415, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402319596127429, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.432153619155224, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 25.250100040016008, "y": 4.0955120857025005, "y_pred": 4.885721790323394, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.435274744216397, "q_0.05": 3.5081658607027437, "q_0.075": 3.5935578817817606, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.153701107600792, "q_0.3": 4.226347047129022, "q_0.325": 4.334888292304965, "q_0.35": 4.4006738464028325, "q_0.375": 4.4708862878019415, "q_0.4": 4.57390582955391, "q_0.425": 4.636192778120208, "q_0.45": 4.728370737995101, "q_0.475": 4.771997812919494, "q_0.5": 4.885721790323394, "q_0.525": 4.944475332278714, "q_0.55": 5.028023342034318, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.3509524223356895, "q_0.675": 5.402319596127429, "q_0.7": 5.484003419948014, "q_0.725": 5.583934389900637, "q_0.75": 5.6583979794921895, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 5.9933167980933195, "q_0.85": 6.10121953615741, "q_0.875": 6.128637492932218, "q_0.9": 6.200664817196285, "q_0.925": 6.307730002995395, "q_0.95": 6.432153619155224, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 25.290116046418568, "y": 4.719736202194806, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.457582456433952, "q_0.05": 3.5081658607027437, "q_0.075": 3.604450951150449, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.7502079753195243, "q_0.175": 3.8207365854712005, "q_0.2": 3.9049613456499497, "q_0.225": 4.016424591290319, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.229787797704703, "q_0.325": 4.365559434072187, "q_0.35": 4.4097836676209035, "q_0.375": 4.481640192758833, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.047921879055577, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.402633907328516, "q_0.7": 5.51035773693595, "q_0.725": 5.583934389900637, "q_0.75": 5.721728809124186, "q_0.775": 5.790173953485768, "q_0.8": 5.839162152306624, "q_0.825": 6.0240193207180575, "q_0.85": 6.105857021781258, "q_0.875": 6.128637492932218, "q_0.9": 6.228374735311647, "q_0.925": 6.307730002995395, "q_0.95": 6.434114769602721, "q_0.975": 6.578217225522944, "q_1": 6.925093622294119}, {"x": 25.330132052821128, "y": 5.015290345978547, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.37014805922369, "y": 5.839162152306624, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.41016406562625, "y": 6.449590975103732, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.45018007202881, "y": 3.6966281525276585, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.490196078431374, "y": 3.664457894812739, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.530212084833934, "y": 5.248470893925431, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.570228091236494, "y": 5.76148664914103, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.610244097639058, "y": 6.10121953615741, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.650260104041617, "y": 6.391783668350065, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.690276110444177, "y": 6.5509474359898325, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5081658607027437, "q_0.075": 3.6176363298258356, "q_0.1": 3.664457894812739, "q_0.125": 3.733091146033754, "q_0.15": 3.76905797357372, "q_0.175": 3.8432099046545245, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.899706034905603, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.23727783563905, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.73029211684674, "y": 4.636192778120208, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5086367290046776, "q_0.075": 3.6176363298258356, "q_0.1": 3.6661062176696593, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.105857021781258, "q_0.875": 6.168706421972327, "q_0.9": 6.2381189553050875, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.7703081232493, "y": 4.5742407230328475, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.6661062176696593, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.7904238923268565, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.241360264102225, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.81032412965186, "y": 3.8115185839505323, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.6661062176696593, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.7904238923268565, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.241360264102225, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.850340136054424, "y": 5.580470229338927, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.6661062176696593, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.7904238923268565, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.241360264102225, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.890356142456984, "y": 5.490188782079054, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.6661062176696593, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.7904238923268565, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.241360264102225, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.930372148859544, "y": 6.168706421972327, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.6661062176696593, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.7904238923268565, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.241360264102225, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 25.970388155262107, "y": 3.6515861446280082, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.497809695965421, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.051071692998246, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.010404161664667, "y": 4.9733592782847715, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.497809695965421, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.051071692998246, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.050420168067227, "y": 5.250238965484575, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.497809695965421, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.051071692998246, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.09043617446979, "y": 4.132369506939863, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.497809695965421, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.051071692998246, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.13045218087235, "y": 3.8947475521088504, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.497809695965421, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.051071692998246, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.17046818727491, "y": 6.176722432262553, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.497809695965421, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.051071692998246, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.210484193677473, "y": 3.5330697952670147, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.497809695965421, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.051071692998246, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.250500200080033, "y": 4.896547077857406, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.497809695965421, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.051071692998246, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.290516206482593, "y": 3.7255363039077203, "y_pred": 4.8901886683724864, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.76905797357372, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.497809695965421, "q_0.4": 4.5742407230328475, "q_0.425": 4.658443494530879, "q_0.45": 4.728370737995101, "q_0.475": 4.778676612210029, "q_0.5": 4.8901886683724864, "q_0.525": 4.950424417897871, "q_0.55": 5.051071692998246, "q_0.575": 5.154466836504394, "q_0.6": 5.20761524272038, "q_0.625": 5.251219964400493, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790336695635354, "q_0.8": 5.858069295852243, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.330532212885156, "y": 4.85589252691835, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.87472399147363, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.370548219287716, "y": 6.58850509452502, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.87472399147363, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.410564225690276, "y": 4.749622494847907, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.87472399147363, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.45058023209284, "y": 6.187298251146786, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.87472399147363, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.4905962384954, "y": 3.738339553729039, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.87472399147363, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.53061224489796, "y": 4.2502592436525894, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.461883211429853, "q_0.05": 3.5128745437220785, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.7735649082777876, "q_0.175": 3.8522930960504125, "q_0.2": 3.928440928221106, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.172866996186007, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.5742407230328475, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.957868557936048, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.355259507868923, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.87472399147363, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.474234630612757, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.570628251300523, "y": 4.691659187252942, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.461883211429853, "q_0.05": 3.5167201807054154, "q_0.075": 3.6176363298258356, "q_0.1": 3.666587724755868, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9368682334616354, "q_0.225": 4.025548572432858, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.367563273352806, "q_0.35": 4.415948017352997, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.728370737995101, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.060901296526395, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.408851359265172, "q_0.7": 5.51035773693595, "q_0.725": 5.59713274204044, "q_0.75": 5.7294848141644845, "q_0.775": 5.790389013650255, "q_0.8": 5.921469300691284, "q_0.825": 6.034894372456506, "q_0.85": 6.117099521421366, "q_0.875": 6.176722432262553, "q_0.9": 6.242380127117748, "q_0.925": 6.391783668350065, "q_0.95": 6.476154977791679, "q_0.975": 6.599518656870281, "q_1": 7.489627098039405}, {"x": 26.610644257703083, "y": 4.680436012105764, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2510013864745355, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.128917020180318, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.286940140213808, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 26.650660264105642, "y": 5.583934389900637, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2510013864745355, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.128917020180318, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.286940140213808, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 26.690676270508206, "y": 4.501414112513693, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2510013864745355, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.128917020180318, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.286940140213808, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 26.730692276910766, "y": 5.7294848141644845, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2510013864745355, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.128917020180318, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.286940140213808, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 26.770708283313326, "y": 5.484003419948014, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.28118379660951, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.084668395031892, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 26.81072428971589, "y": 4.688126828066639, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.28118379660951, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.084668395031892, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 26.85074029611845, "y": 4.798540955748366, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.28118379660951, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.084668395031892, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 26.89075630252101, "y": 5.408851359265172, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.28118379660951, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.084668395031892, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 26.930772308923572, "y": 3.598127328343025, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.28118379660951, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.084668395031892, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 26.970788315326132, "y": 6.105857021781258, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.28118379660951, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.084668395031892, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.010804321728692, "y": 5.545253349624581, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.28118379660951, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.084668395031892, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.050820328131252, "y": 5.790685482401363, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.28118379660951, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.084668395031892, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.090836334533815, "y": 5.161299509811205, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.28118379660951, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.084668395031892, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.476154977791679, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.130852340936375, "y": 3.740445247763777, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.029958252933678, "q_0.25": 4.097106367606164, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.744322151526749, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.212862255489252, "q_0.625": 5.266571194204961, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.525745492508707, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.170868347338935, "y": 4.725296244098797, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.029958252933678, "q_0.25": 4.097106367606164, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.744322151526749, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.212862255489252, "q_0.625": 5.266571194204961, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.525745492508707, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.2108843537415, "y": 4.728370737995101, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.029958252933678, "q_0.25": 4.097106367606164, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.744322151526749, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.212862255489252, "q_0.625": 5.266571194204961, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.525745492508707, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.25090036014406, "y": 4.448555220234842, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.029958252933678, "q_0.25": 4.097106367606164, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.744322151526749, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.212862255489252, "q_0.625": 5.266571194204961, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.525745492508707, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.290916366546618, "y": 3.477387628605698, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.029958252933678, "q_0.25": 4.097106367606164, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.744322151526749, "q_0.475": 4.7891841984093775, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.212862255489252, "q_0.625": 5.266571194204961, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.7294848141644845, "q_0.775": 5.790685482401363, "q_0.8": 5.931007805822089, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.525745492508707, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.33093237294918, "y": 5.843987110564567, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.029958252933678, "q_0.25": 4.0955120857025005, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.744322151526749, "q_0.475": 4.789660809499389, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.220432147079574, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.533933880357063, "q_0.725": 5.612905749075997, "q_0.75": 5.737732678435663, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.042452142147785, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.293456463402652, "q_0.925": 6.408709400648361, "q_0.95": 6.534139925125569, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.37094837935174, "y": 3.747275193333788, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.035775417732042, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.746707306021273, "q_0.475": 4.79005076402758, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366243785399895, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.737732678435663, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.078580758878237, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.296446398739077, "q_0.925": 6.408709400648361, "q_0.95": 6.534139925125569, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.4109643857543, "y": 5.410544530319537, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.035775417732042, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.746707306021273, "q_0.475": 4.79005076402758, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366243785399895, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.737732678435663, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.078580758878237, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.296446398739077, "q_0.925": 6.408709400648361, "q_0.95": 6.534139925125569, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.450980392156865, "y": 5.737227799463616, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.035775417732042, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.746707306021273, "q_0.475": 4.79005076402758, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366243785399895, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.737732678435663, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.078580758878237, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.296446398739077, "q_0.925": 6.408709400648361, "q_0.95": 6.534139925125569, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.490996398559425, "y": 5.51035773693595, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.035775417732042, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.746707306021273, "q_0.475": 4.79005076402758, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366243785399895, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.737732678435663, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.078580758878237, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.296446398739077, "q_0.925": 6.408709400648361, "q_0.95": 6.534139925125569, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.531012404961984, "y": 6.599518656870281, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.035775417732042, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.746707306021273, "q_0.475": 4.79005076402758, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366243785399895, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.737732678435663, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.078580758878237, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.296446398739077, "q_0.925": 6.408709400648361, "q_0.95": 6.534139925125569, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.571028411364548, "y": 3.733091146033754, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.773650275380591, "q_0.175": 3.8522930960504125, "q_0.2": 3.9394969072533668, "q_0.225": 4.035775417732042, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.746707306021273, "q_0.475": 4.79005076402758, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.267029197552311, "q_0.65": 5.366243785399895, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.737732678435663, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.078580758878237, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.296446398739077, "q_0.925": 6.408709400648361, "q_0.95": 6.534139925125569, "q_0.975": 6.667786930836276, "q_1": 7.489627098039405}, {"x": 27.611044417767108, "y": 6.296446398739077, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036485823112227, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.748297409017619, "q_0.475": 4.79005076402758, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.220432147079574, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.737732678435663, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.078580758878237, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.296446398739077, "q_0.925": 6.408709400648361, "q_0.95": 6.534139925125569, "q_0.975": 6.683379939022111, "q_1": 7.489627098039405}, {"x": 27.651060424169668, "y": 3.4874366868915905, "y_pred": 4.890285211642836, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036485823112227, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.2502592436525894, "q_0.325": 4.369192312444039, "q_0.35": 4.432691464669937, "q_0.375": 4.501414112513693, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.748297409017619, "q_0.475": 4.79005076402758, "q_0.5": 4.890285211642836, "q_0.525": 4.963909904070533, "q_0.55": 5.069141440544453, "q_0.575": 5.161299509811205, "q_0.6": 5.220432147079574, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.737732678435663, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.078580758878237, "q_0.85": 6.122592326270759, "q_0.875": 6.187298251146786, "q_0.9": 6.296446398739077, "q_0.925": 6.408709400648361, "q_0.95": 6.534139925125569, "q_0.975": 6.683379939022111, "q_1": 7.489627098039405}, {"x": 27.69107643057223, "y": 5.186341049709219, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.116792955543485, "q_0.025": 3.4692782300457945, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.7774253866341345, "q_0.175": 3.863858145890777, "q_0.2": 3.9394969072533668, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.287968664437169, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.575934724528623, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.963909904070533, "q_0.55": 5.089093257546786, "q_0.575": 5.161299509811205, "q_0.6": 5.212862255489252, "q_0.625": 5.267029197552311, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.738695972978572, "q_0.775": 5.790685482401363, "q_0.8": 5.953160083310513, "q_0.825": 6.078580758878237, "q_0.85": 6.126986315347967, "q_0.875": 6.200664817196285, "q_0.9": 6.296446398739077, "q_0.925": 6.419488182023176, "q_0.95": 6.534139925125569, "q_0.975": 6.683379939022111, "q_1": 7.489627098039405}, {"x": 27.73109243697479, "y": 4.749635323947886, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5288513853630223, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.88200032622564, "q_0.2": 3.9551964171836125, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.173175410950672, "q_0.3": 4.288793511623786, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.516189423982684, "q_0.4": 4.607863496884008, "q_0.425": 4.681477938104428, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.9651042140046835, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.8189678098003395, "q_0.8": 5.988485084814867, "q_0.825": 6.10121953615741, "q_0.85": 6.13674224822967, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 27.77110844337735, "y": 5.154466836504394, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.5354805799677065, "q_0.4": 4.621895266555519, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.810885689049004, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.988485084814867, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 27.811124449779914, "y": 4.621895266555519, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.5354805799677065, "q_0.4": 4.621895266555519, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.810885689049004, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.988485084814867, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 27.851140456182474, "y": 4.036937507457324, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 27.891156462585034, "y": 3.461883211429853, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 27.931172468987597, "y": 5.142432982777434, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 27.971188475390157, "y": 6.23727783563905, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 28.011204481792717, "y": 4.658443494530879, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 28.05122048819528, "y": 4.153744960616817, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 28.09123649459784, "y": 3.675662025372961, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 28.1312525010004, "y": 3.6932152795377187, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 28.171268507402964, "y": 4.153701107600792, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 28.211284513805523, "y": 3.745718472396644, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 28.251300520208083, "y": 4.3042930638725565, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.686549448599237, "q_0.45": 4.749622494847907, "q_0.475": 4.79005076402758, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.069141440544453, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.612905749075997, "q_0.75": 5.765669741328351, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.6929046867778, "q_1": 7.489627098039405}, {"x": 28.291316526610647, "y": 3.634267078356909, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.8166207162838575, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.083892047307521, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.626988860131206, "q_0.75": 5.775208191415703, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.693602432447822, "q_1": 7.489627098039405}, {"x": 28.331332533013207, "y": 3.6338375540761434, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.6338375540761434, "q_0.1": 3.675662025372961, "q_0.125": 3.738339553729039, "q_0.15": 3.78425267544463, "q_0.175": 3.8885944221936377, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.179511356570599, "q_0.3": 4.2909192024665375, "q_0.325": 4.375571468160891, "q_0.35": 4.432691464669937, "q_0.375": 4.554022513632217, "q_0.4": 4.621895266555519, "q_0.425": 4.688021822613865, "q_0.45": 4.749622494847907, "q_0.475": 4.8166207162838575, "q_0.5": 4.896547077857406, "q_0.525": 4.987023085582278, "q_0.55": 5.083892047307521, "q_0.575": 5.154466836504394, "q_0.6": 5.212656982887996, "q_0.625": 5.260355785997356, "q_0.65": 5.366038114054975, "q_0.675": 5.410544530319537, "q_0.7": 5.545253349624581, "q_0.725": 5.626988860131206, "q_0.75": 5.775208191415703, "q_0.775": 5.828589863960346, "q_0.8": 5.9933167980933195, "q_0.825": 6.10121953615741, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.422219416707716, "q_0.95": 6.5509474359898325, "q_0.975": 6.693602432447822, "q_1": 7.489627098039405}, {"x": 28.371348539415767, "y": 6.307730002995395, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.634267078356909, "q_0.1": 3.675662025372961, "q_0.125": 3.740445247763777, "q_0.15": 3.78425267544463, "q_0.175": 3.8922863001427643, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.185803414891856, "q_0.3": 4.31160082340736, "q_0.325": 4.390163237022276, "q_0.35": 4.461932404355518, "q_0.375": 4.568673461092093, "q_0.4": 4.621895266555519, "q_0.425": 4.688021822613865, "q_0.45": 4.750636583013389, "q_0.475": 4.839964647797142, "q_0.5": 4.896547077857406, "q_0.525": 5.005688497266193, "q_0.55": 5.138908745036272, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.301821570548665, "q_0.65": 5.366354531508699, "q_0.675": 5.453930998005581, "q_0.7": 5.558633104373527, "q_0.725": 5.636500464109794, "q_0.75": 5.775208191415703, "q_0.775": 5.836017832799923, "q_0.8": 6.0240193207180575, "q_0.825": 6.105857021781258, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.432153619155224, "q_0.95": 6.578217225522944, "q_0.975": 6.776237158220718, "q_1": 7.489627098039405}, {"x": 28.41136454581833, "y": 3.963006765702231, "y_pred": 4.896547077857406, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.634267078356909, "q_0.1": 3.675662025372961, "q_0.125": 3.740445247763777, "q_0.15": 3.78425267544463, "q_0.175": 3.8922863001427643, "q_0.2": 3.963006765702231, "q_0.225": 4.036937507457324, "q_0.25": 4.097637794907386, "q_0.275": 4.185803414891856, "q_0.3": 4.31160082340736, "q_0.325": 4.390163237022276, "q_0.35": 4.461932404355518, "q_0.375": 4.568673461092093, "q_0.4": 4.621895266555519, "q_0.425": 4.688021822613865, "q_0.45": 4.750636583013389, "q_0.475": 4.839964647797142, "q_0.5": 4.896547077857406, "q_0.525": 5.005688497266193, "q_0.55": 5.138908745036272, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.301821570548665, "q_0.65": 5.366354531508699, "q_0.675": 5.453930998005581, "q_0.7": 5.558633104373527, "q_0.725": 5.636500464109794, "q_0.75": 5.775208191415703, "q_0.775": 5.836017832799923, "q_0.8": 6.0240193207180575, "q_0.825": 6.105857021781258, "q_0.85": 6.168706421972327, "q_0.875": 6.23727783563905, "q_0.9": 6.307730002995395, "q_0.925": 6.432153619155224, "q_0.95": 6.578217225522944, "q_0.975": 6.776237158220718, "q_1": 7.489627098039405}, {"x": 28.45138055222089, "y": 5.309391833312436, "y_pred": 4.917301257812121, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.634267078356909, "q_0.1": 3.675662025372961, "q_0.125": 3.740445247763777, "q_0.15": 3.8070959694947897, "q_0.175": 3.8947475521088504, "q_0.2": 3.963006765702231, "q_0.225": 4.039347576253682, "q_0.25": 4.097637794907386, "q_0.275": 4.188950163651021, "q_0.3": 4.329248332012304, "q_0.325": 4.390163237022276, "q_0.35": 4.461932404355518, "q_0.375": 4.568673461092093, "q_0.4": 4.621895266555519, "q_0.425": 4.688126828066639, "q_0.45": 4.750636583013389, "q_0.475": 4.85138162358624, "q_0.5": 4.917301257812121, "q_0.525": 5.0129060390346565, "q_0.55": 5.138908745036272, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.309391833312436, "q_0.65": 5.366354531508699, "q_0.675": 5.455836430328226, "q_0.7": 5.569843877203429, "q_0.725": 5.636500464109794, "q_0.75": 5.775208191415703, "q_0.775": 5.836017832799923, "q_0.8": 6.0240193207180575, "q_0.825": 6.105857021781258, "q_0.85": 6.176722432262553, "q_0.875": 6.23727783563905, "q_0.9": 6.350078141458239, "q_0.925": 6.434114769602721, "q_0.95": 6.578217225522944, "q_0.975": 6.776237158220718, "q_1": 7.489627098039405}, {"x": 28.49139655862345, "y": 6.034894372456506, "y_pred": 4.917301257812121, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.634267078356909, "q_0.1": 3.675662025372961, "q_0.125": 3.740445247763777, "q_0.15": 3.8070959694947897, "q_0.175": 3.8947475521088504, "q_0.2": 3.963006765702231, "q_0.225": 4.039347576253682, "q_0.25": 4.097637794907386, "q_0.275": 4.188950163651021, "q_0.3": 4.329248332012304, "q_0.325": 4.390163237022276, "q_0.35": 4.461932404355518, "q_0.375": 4.568673461092093, "q_0.4": 4.621895266555519, "q_0.425": 4.688126828066639, "q_0.45": 4.750636583013389, "q_0.475": 4.85138162358624, "q_0.5": 4.917301257812121, "q_0.525": 5.0129060390346565, "q_0.55": 5.138908745036272, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.309391833312436, "q_0.65": 5.366354531508699, "q_0.675": 5.455836430328226, "q_0.7": 5.569843877203429, "q_0.725": 5.636500464109794, "q_0.75": 5.775208191415703, "q_0.775": 5.836017832799923, "q_0.8": 6.0240193207180575, "q_0.825": 6.105857021781258, "q_0.85": 6.176722432262553, "q_0.875": 6.23727783563905, "q_0.9": 6.350078141458239, "q_0.925": 6.434114769602721, "q_0.95": 6.578217225522944, "q_0.975": 6.776237158220718, "q_1": 7.489627098039405}, {"x": 28.531412565026013, "y": 4.963909904070533, "y_pred": 4.917301257812121, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.634267078356909, "q_0.1": 3.675662025372961, "q_0.125": 3.740445247763777, "q_0.15": 3.8070959694947897, "q_0.175": 3.8947475521088504, "q_0.2": 3.963006765702231, "q_0.225": 4.039347576253682, "q_0.25": 4.097637794907386, "q_0.275": 4.188950163651021, "q_0.3": 4.329248332012304, "q_0.325": 4.390163237022276, "q_0.35": 4.461932404355518, "q_0.375": 4.568673461092093, "q_0.4": 4.621895266555519, "q_0.425": 4.688126828066639, "q_0.45": 4.750636583013389, "q_0.475": 4.85138162358624, "q_0.5": 4.917301257812121, "q_0.525": 5.0129060390346565, "q_0.55": 5.138908745036272, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.309391833312436, "q_0.65": 5.366354531508699, "q_0.675": 5.455836430328226, "q_0.7": 5.569843877203429, "q_0.725": 5.636500464109794, "q_0.75": 5.775208191415703, "q_0.775": 5.836017832799923, "q_0.8": 6.0240193207180575, "q_0.825": 6.105857021781258, "q_0.85": 6.176722432262553, "q_0.875": 6.23727783563905, "q_0.9": 6.350078141458239, "q_0.925": 6.434114769602721, "q_0.95": 6.578217225522944, "q_0.975": 6.776237158220718, "q_1": 7.489627098039405}, {"x": 28.571428571428573, "y": 3.9394969072533668, "y_pred": 4.917301257812121, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.634267078356909, "q_0.1": 3.675662025372961, "q_0.125": 3.740445247763777, "q_0.15": 3.8070959694947897, "q_0.175": 3.8947475521088504, "q_0.2": 3.963006765702231, "q_0.225": 4.039347576253682, "q_0.25": 4.097637794907386, "q_0.275": 4.188950163651021, "q_0.3": 4.329248332012304, "q_0.325": 4.390163237022276, "q_0.35": 4.461932404355518, "q_0.375": 4.568673461092093, "q_0.4": 4.621895266555519, "q_0.425": 4.688126828066639, "q_0.45": 4.750636583013389, "q_0.475": 4.85138162358624, "q_0.5": 4.917301257812121, "q_0.525": 5.0129060390346565, "q_0.55": 5.138908745036272, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.309391833312436, "q_0.65": 5.366354531508699, "q_0.675": 5.455836430328226, "q_0.7": 5.569843877203429, "q_0.725": 5.636500464109794, "q_0.75": 5.775208191415703, "q_0.775": 5.836017832799923, "q_0.8": 6.0240193207180575, "q_0.825": 6.105857021781258, "q_0.85": 6.176722432262553, "q_0.875": 6.23727783563905, "q_0.9": 6.350078141458239, "q_0.925": 6.434114769602721, "q_0.95": 6.578217225522944, "q_0.975": 6.776237158220718, "q_1": 7.489627098039405}, {"x": 28.611444577831133, "y": 4.097637794907386, "y_pred": 4.917301257812121, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4725130308115375, "q_0.05": 3.5330697952670147, "q_0.075": 3.634267078356909, "q_0.1": 3.675662025372961, "q_0.125": 3.740445247763777, "q_0.15": 3.8070959694947897, "q_0.175": 3.8947475521088504, "q_0.2": 3.963006765702231, "q_0.225": 4.039347576253682, "q_0.25": 4.097637794907386, "q_0.275": 4.188950163651021, "q_0.3": 4.329248332012304, "q_0.325": 4.390163237022276, "q_0.35": 4.461932404355518, "q_0.375": 4.568673461092093, "q_0.4": 4.621895266555519, "q_0.425": 4.688126828066639, "q_0.45": 4.750636583013389, "q_0.475": 4.85138162358624, "q_0.5": 4.917301257812121, "q_0.525": 5.0129060390346565, "q_0.55": 5.138908745036272, "q_0.575": 5.161299509811205, "q_0.6": 5.223368661173108, "q_0.625": 5.309391833312436, "q_0.65": 5.366354531508699, "q_0.675": 5.455836430328226, "q_0.7": 5.569843877203429, "q_0.725": 5.636500464109794, "q_0.75": 5.775208191415703, "q_0.775": 5.836017832799923, "q_0.8": 6.0240193207180575, "q_0.825": 6.105857021781258, "q_0.85": 6.176722432262553, "q_0.875": 6.23727783563905, "q_0.9": 6.350078141458239, "q_0.925": 6.434114769602721, "q_0.95": 6.578217225522944, "q_0.975": 6.776237158220718, "q_1": 7.489627098039405}, {"x": 28.651460584233696, "y": 4.890285211642836, "y_pred": 4.944475332278714, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4760845779201355, "q_0.05": 3.5330697952670147, "q_0.075": 3.634267078356909, "q_0.1": 3.6932152795377187, "q_0.125": 3.740445247763777, "q_0.15": 3.8207365854712005, "q_0.175": 3.9045822653151347, "q_0.2": 3.9858355247087824, "q_0.225": 4.069012393132045, "q_0.25": 4.132369506939863, "q_0.275": 4.226347047129022, "q_0.3": 4.334888292304965, "q_0.325": 4.395890036738239, "q_0.35": 4.485740541846766, "q_0.375": 4.57390582955391, "q_0.4": 4.636192778120208, "q_0.425": 4.688126828066639, "q_0.45": 4.7537597243022, "q_0.475": 4.85589252691835, "q_0.5": 4.944475332278714, "q_0.525": 5.015290345978547, "q_0.55": 5.142432982777434, "q_0.575": 5.182625141469851, "q_0.6": 5.2417729067671255, "q_0.625": 5.309391833312436, "q_0.65": 5.402319596127429, "q_0.675": 5.484003419948014, "q_0.7": 5.583934389900637, "q_0.725": 5.721728809124186, "q_0.75": 5.786333977573899, "q_0.775": 5.841440913742378, "q_0.8": 6.034894372456506, "q_0.825": 6.117099521421366, "q_0.85": 6.187298251146786, "q_0.875": 6.242380127117748, "q_0.9": 6.391783668350065, "q_0.925": 6.474234630612757, "q_0.95": 6.578217225522944, "q_0.975": 6.777313011351518, "q_1": 7.489627098039405}, {"x": 28.691476590636256, "y": 5.215152835360321, "y_pred": 4.950424417897871, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.4760845779201355, "q_0.05": 3.5530661753553163, "q_0.075": 3.634267078356909, "q_0.1": 3.6932152795377187, "q_0.125": 3.747275193333788, "q_0.15": 3.8238489319904967, "q_0.175": 3.928440928221106, "q_0.2": 3.998948728797799, "q_0.225": 4.069012393132045, "q_0.25": 4.132369506939863, "q_0.275": 4.242694663487959, "q_0.3": 4.334888292304965, "q_0.325": 4.395890036738239, "q_0.35": 4.497809695965421, "q_0.375": 4.57390582955391, "q_0.4": 4.658443494530879, "q_0.425": 4.725392345301849, "q_0.45": 4.768596663405027, "q_0.475": 4.885248411887277, "q_0.5": 4.950424417897871, "q_0.525": 5.015290345978547, "q_0.55": 5.142432982777434, "q_0.575": 5.200393199907028, "q_0.6": 5.250238965484575, "q_0.625": 5.314760609667232, "q_0.65": 5.402633907328516, "q_0.675": 5.494970241745836, "q_0.7": 5.583934389900637, "q_0.725": 5.7294848141644845, "q_0.75": 5.790173953485768, "q_0.775": 5.923190597868797, "q_0.8": 6.034894372456506, "q_0.825": 6.122592326270759, "q_0.85": 6.187298251146786, "q_0.875": 6.293456463402652, "q_0.9": 6.395220100590806, "q_0.925": 6.476154977791679, "q_0.95": 6.599518656870281, "q_0.975": 6.777313011351518, "q_1": 7.489627098039405}, {"x": 28.731492597038816, "y": 4.6106616954437705, "y_pred": 4.963909904070533, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.477387628605698, "q_0.05": 3.5951918421870643, "q_0.075": 3.6577613329501752, "q_0.1": 3.733091146033754, "q_0.125": 3.7774253866341345, "q_0.15": 3.863858145890777, "q_0.175": 3.9586881278585384, "q_0.2": 4.036937507457324, "q_0.225": 4.0955120857025005, "q_0.25": 4.173175410950672, "q_0.275": 4.288793511623786, "q_0.3": 4.375571468160891, "q_0.325": 4.415948017352997, "q_0.35": 4.516189423982684, "q_0.375": 4.575934724528623, "q_0.4": 4.681477938104428, "q_0.425": 4.744322151526749, "q_0.45": 4.79005076402758, "q_0.475": 4.890285211642836, "q_0.5": 4.963909904070533, "q_0.525": 5.060901296526395, "q_0.55": 5.1485304493545545, "q_0.575": 5.212656982887996, "q_0.6": 5.260355785997356, "q_0.625": 5.355259507868923, "q_0.65": 5.415413344121326, "q_0.675": 5.545253349624581, "q_0.7": 5.636129061972687, "q_0.725": 5.765669741328351, "q_0.75": 5.828589863960346, "q_0.775": 5.9933167980933195, "q_0.8": 6.10121953615741, "q_0.825": 6.168706421972327, "q_0.85": 6.23727783563905, "q_0.875": 6.350078141458239, "q_0.9": 6.432153619155224, "q_0.925": 6.5509474359898325, "q_0.95": 6.667786930836276, "q_0.975": 6.798118186971974, "q_1": 7.489627098039405}, {"x": 28.77150860344138, "y": 6.078580758878237, "y_pred": 5.014710424476773, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.477387628605698, "q_0.05": 3.613674538163367, "q_0.075": 3.666587724755868, "q_0.1": 3.740445247763777, "q_0.125": 3.8115185839505323, "q_0.15": 3.8947475521088504, "q_0.175": 3.9858355247087824, "q_0.2": 4.052918724854845, "q_0.225": 4.122302381529171, "q_0.25": 4.226347047129022, "q_0.275": 4.329248332012304, "q_0.3": 4.394892632142071, "q_0.325": 4.481640192758833, "q_0.35": 4.568673461092093, "q_0.375": 4.621895266555519, "q_0.4": 4.688126828066639, "q_0.425": 4.7537597243022, "q_0.45": 4.85589252691835, "q_0.475": 4.917301257812121, "q_0.5": 5.014710424476773, "q_0.525": 5.138908745036272, "q_0.55": 5.161299509811205, "q_0.575": 5.2417729067671255, "q_0.6": 5.309391833312436, "q_0.625": 5.395930777257884, "q_0.65": 5.484003419948014, "q_0.675": 5.583934389900637, "q_0.7": 5.7011699923444175, "q_0.725": 5.786333977573899, "q_0.75": 5.841440913742378, "q_0.775": 6.034894372456506, "q_0.8": 6.122592326270759, "q_0.825": 6.200664817196285, "q_0.85": 6.296446398739077, "q_0.875": 6.395220100590806, "q_0.9": 6.474234630612757, "q_0.925": 6.578217225522944, "q_0.95": 6.6954419437597, "q_0.975": 6.806474554633876, "q_1": 7.489627098039405}, {"x": 28.81152460984394, "y": 5.977528474251491, "y_pred": 5.014710424476773, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.477387628605698, "q_0.05": 3.613674538163367, "q_0.075": 3.666587724755868, "q_0.1": 3.740445247763777, "q_0.125": 3.8115185839505323, "q_0.15": 3.8947475521088504, "q_0.175": 3.9858355247087824, "q_0.2": 4.052918724854845, "q_0.225": 4.122302381529171, "q_0.25": 4.226347047129022, "q_0.275": 4.329248332012304, "q_0.3": 4.394892632142071, "q_0.325": 4.481640192758833, "q_0.35": 4.568673461092093, "q_0.375": 4.621895266555519, "q_0.4": 4.688126828066639, "q_0.425": 4.7537597243022, "q_0.45": 4.85589252691835, "q_0.475": 4.917301257812121, "q_0.5": 5.014710424476773, "q_0.525": 5.138908745036272, "q_0.55": 5.161299509811205, "q_0.575": 5.2417729067671255, "q_0.6": 5.309391833312436, "q_0.625": 5.395930777257884, "q_0.65": 5.484003419948014, "q_0.675": 5.583934389900637, "q_0.7": 5.7011699923444175, "q_0.725": 5.786333977573899, "q_0.75": 5.841440913742378, "q_0.775": 6.034894372456506, "q_0.8": 6.122592326270759, "q_0.825": 6.200664817196285, "q_0.85": 6.296446398739077, "q_0.875": 6.395220100590806, "q_0.9": 6.474234630612757, "q_0.925": 6.578217225522944, "q_0.95": 6.6954419437597, "q_0.975": 6.806474554633876, "q_1": 7.489627098039405}, {"x": 28.8515406162465, "y": 6.578217225522944, "y_pred": 5.014710424476773, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.477387628605698, "q_0.05": 3.613674538163367, "q_0.075": 3.666587724755868, "q_0.1": 3.740445247763777, "q_0.125": 3.8207365854712005, "q_0.15": 3.9049613456499497, "q_0.175": 3.9858355247087824, "q_0.2": 4.06706166985257, "q_0.225": 4.1297396857595, "q_0.25": 4.229787797704703, "q_0.275": 4.329248332012304, "q_0.3": 4.394892632142071, "q_0.325": 4.486765629118752, "q_0.35": 4.568673461092093, "q_0.375": 4.636192778120208, "q_0.4": 4.688126828066639, "q_0.425": 4.755115878250611, "q_0.45": 4.85589252691835, "q_0.475": 4.917301257812121, "q_0.5": 5.014710424476773, "q_0.525": 5.138908745036272, "q_0.55": 5.161299509811205, "q_0.575": 5.2417729067671255, "q_0.6": 5.309391833312436, "q_0.625": 5.402633907328516, "q_0.65": 5.494970241745836, "q_0.675": 5.583934389900637, "q_0.7": 5.721728809124186, "q_0.725": 5.786333977573899, "q_0.75": 5.8537511302532375, "q_0.775": 6.034894372456506, "q_0.8": 6.122592326270759, "q_0.825": 6.200664817196285, "q_0.85": 6.296446398739077, "q_0.875": 6.408709400648361, "q_0.9": 6.47576604144437, "q_0.925": 6.583499982177306, "q_0.95": 6.7104379315465135, "q_0.975": 6.8116299434565075, "q_1": 7.489627098039405}, {"x": 28.89155662264906, "y": 3.5288513853630223, "y_pred": 5.014710424476773, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.477387628605698, "q_0.05": 3.613674538163367, "q_0.075": 3.666587724755868, "q_0.1": 3.740445247763777, "q_0.125": 3.8207365854712005, "q_0.15": 3.9049613456499497, "q_0.175": 3.9858355247087824, "q_0.2": 4.069012393132045, "q_0.225": 4.1297396857595, "q_0.25": 4.242694663487959, "q_0.275": 4.334888292304965, "q_0.3": 4.395890036738239, "q_0.325": 4.497809695965421, "q_0.35": 4.569452698793235, "q_0.375": 4.636192778120208, "q_0.4": 4.688126828066639, "q_0.425": 4.767417405941826, "q_0.45": 4.85589252691835, "q_0.475": 4.928592475918176, "q_0.5": 5.014710424476773, "q_0.525": 5.138908745036272, "q_0.55": 5.164967520975808, "q_0.575": 5.2417729067671255, "q_0.6": 5.309391833312436, "q_0.625": 5.402633907328516, "q_0.65": 5.494970241745836, "q_0.675": 5.583934389900637, "q_0.7": 5.721728809124186, "q_0.725": 5.786333977573899, "q_0.75": 5.899706034905603, "q_0.775": 6.034894372456506, "q_0.8": 6.122592326270759, "q_0.825": 6.223508182479571, "q_0.85": 6.296446398739077, "q_0.875": 6.408709400648361, "q_0.9": 6.476154977791679, "q_0.925": 6.587166982889164, "q_0.95": 6.72762611268005, "q_0.975": 6.812323555565416, "q_1": 7.489627098039405}, {"x": 28.931572629051622, "y": 6.476154977791679, "y_pred": 5.015290345978547, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5035491258881866, "q_0.05": 3.6176363298258356, "q_0.075": 3.675662025372961, "q_0.1": 3.747275193333788, "q_0.125": 3.8522930960504125, "q_0.15": 3.9288898535936916, "q_0.175": 3.998948728797799, "q_0.2": 4.069012393132045, "q_0.225": 4.142786519563793, "q_0.25": 4.2502592436525894, "q_0.275": 4.334888292304965, "q_0.3": 4.395890036738239, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.771997812919494, "q_0.45": 4.885248411887277, "q_0.475": 4.957868557936048, "q_0.5": 5.015290345978547, "q_0.525": 5.138908745036272, "q_0.55": 5.200393199907028, "q_0.575": 5.2470244104838155, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.042452142147785, "q_0.8": 6.13674224822967, "q_0.825": 6.23727783563905, "q_0.85": 6.307730002995395, "q_0.875": 6.422219416707716, "q_0.9": 6.476154977791679, "q_0.925": 6.599518656870281, "q_0.95": 6.776237158220718, "q_0.975": 6.844044526630338, "q_1": 7.489627098039405}, {"x": 28.971588635454182, "y": 4.767902267399124, "y_pred": 5.047921879055577, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6176363298258356, "q_0.075": 3.6932152795377187, "q_0.1": 3.747275193333788, "q_0.125": 3.8522930960504125, "q_0.15": 3.9394969072533668, "q_0.175": 4.001216687292553, "q_0.2": 4.069582773500545, "q_0.225": 4.153701107600792, "q_0.25": 4.2502592436525894, "q_0.275": 4.360488882284714, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.778676612210029, "q_0.45": 4.885721790323394, "q_0.475": 4.957868557936048, "q_0.5": 5.047921879055577, "q_0.525": 5.141263186917729, "q_0.55": 5.203515163590286, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.23727783563905, "q_0.85": 6.350078141458239, "q_0.875": 6.422219416707716, "q_0.9": 6.476154977791679, "q_0.925": 6.613272081057492, "q_0.95": 6.776237158220718, "q_0.975": 6.844044526630338, "q_1": 7.489627098039405}, {"x": 29.011604641856742, "y": 6.422219416707716, "y_pred": 5.047921879055577, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6176363298258356, "q_0.075": 3.6932152795377187, "q_0.1": 3.747275193333788, "q_0.125": 3.8522930960504125, "q_0.15": 3.9394969072533668, "q_0.175": 4.001216687292553, "q_0.2": 4.069582773500545, "q_0.225": 4.153701107600792, "q_0.25": 4.2502592436525894, "q_0.275": 4.360488882284714, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.778676612210029, "q_0.45": 4.885721790323394, "q_0.475": 4.957868557936048, "q_0.5": 5.047921879055577, "q_0.525": 5.141263186917729, "q_0.55": 5.203515163590286, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.23727783563905, "q_0.85": 6.350078141458239, "q_0.875": 6.422219416707716, "q_0.9": 6.476154977791679, "q_0.925": 6.613272081057492, "q_0.95": 6.776237158220718, "q_0.975": 6.844044526630338, "q_1": 7.489627098039405}, {"x": 29.051620648259306, "y": 5.786333977573899, "y_pred": 5.047921879055577, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6176363298258356, "q_0.075": 3.6932152795377187, "q_0.1": 3.747275193333788, "q_0.125": 3.8522930960504125, "q_0.15": 3.9394969072533668, "q_0.175": 4.001216687292553, "q_0.2": 4.069582773500545, "q_0.225": 4.153701107600792, "q_0.25": 4.2502592436525894, "q_0.275": 4.360488882284714, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.778676612210029, "q_0.45": 4.885721790323394, "q_0.475": 4.957868557936048, "q_0.5": 5.047921879055577, "q_0.525": 5.141263186917729, "q_0.55": 5.203515163590286, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.23727783563905, "q_0.85": 6.350078141458239, "q_0.875": 6.422219416707716, "q_0.9": 6.476154977791679, "q_0.925": 6.613272081057492, "q_0.95": 6.776237158220718, "q_0.975": 6.844044526630338, "q_1": 7.489627098039405}, {"x": 29.091636654661865, "y": 6.798118186971974, "y_pred": 5.047921879055577, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6176363298258356, "q_0.075": 3.6932152795377187, "q_0.1": 3.747275193333788, "q_0.125": 3.8522930960504125, "q_0.15": 3.9394969072533668, "q_0.175": 4.001216687292553, "q_0.2": 4.069582773500545, "q_0.225": 4.153701107600792, "q_0.25": 4.2502592436525894, "q_0.275": 4.360488882284714, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.778676612210029, "q_0.45": 4.885721790323394, "q_0.475": 4.957868557936048, "q_0.5": 5.047921879055577, "q_0.525": 5.141263186917729, "q_0.55": 5.203515163590286, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.23727783563905, "q_0.85": 6.350078141458239, "q_0.875": 6.422219416707716, "q_0.9": 6.476154977791679, "q_0.925": 6.613272081057492, "q_0.95": 6.776237158220718, "q_0.975": 6.844044526630338, "q_1": 7.489627098039405}, {"x": 29.131652661064425, "y": 6.0240193207180575, "y_pred": 5.047921879055577, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6176363298258356, "q_0.075": 3.6932152795377187, "q_0.1": 3.747275193333788, "q_0.125": 3.8522930960504125, "q_0.15": 3.9394969072533668, "q_0.175": 4.001216687292553, "q_0.2": 4.069582773500545, "q_0.225": 4.153701107600792, "q_0.25": 4.2502592436525894, "q_0.275": 4.360488882284714, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.778676612210029, "q_0.45": 4.885721790323394, "q_0.475": 4.957868557936048, "q_0.5": 5.047921879055577, "q_0.525": 5.141263186917729, "q_0.55": 5.203515163590286, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.23727783563905, "q_0.85": 6.350078141458239, "q_0.875": 6.422219416707716, "q_0.9": 6.476154977791679, "q_0.925": 6.613272081057492, "q_0.95": 6.776237158220718, "q_0.975": 6.844044526630338, "q_1": 7.489627098039405}, {"x": 29.17166866746699, "y": 4.681477938104428, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.7735649082777876, "q_0.125": 3.8557613901090195, "q_0.15": 3.9394969072533668, "q_0.175": 4.022071673267338, "q_0.2": 4.069582773500545, "q_0.225": 4.172866996186007, "q_0.25": 4.271015264611869, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.5742407230328475, "q_0.375": 4.658711517982521, "q_0.4": 4.727179380917803, "q_0.425": 4.7891841984093775, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.142432982777434, "q_0.55": 5.20761524272038, "q_0.575": 5.250238965484575, "q_0.6": 5.336697389489906, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790336695635354, "q_0.75": 5.951479115102467, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.2381189553050875, "q_0.85": 6.350078141458239, "q_0.875": 6.432153619155224, "q_0.9": 6.534139925125569, "q_0.925": 6.667786930836276, "q_0.95": 6.777313011351518, "q_0.975": 6.890610821089597, "q_1": 7.6349000581069655}, {"x": 29.21168467386955, "y": 5.1485304493545545, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.8577855790544584, "q_0.15": 3.9394969072533668, "q_0.175": 4.022071673267338, "q_0.2": 4.069582773500545, "q_0.225": 4.158492579747098, "q_0.25": 4.271015264611869, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.5742407230328475, "q_0.375": 4.658711517982521, "q_0.4": 4.725392345301849, "q_0.425": 4.7891841984093775, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.142432982777434, "q_0.55": 5.205500818890663, "q_0.575": 5.250238965484575, "q_0.6": 5.336697389489906, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790336695635354, "q_0.75": 5.951479115102467, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.2381189553050875, "q_0.85": 6.350078141458239, "q_0.875": 6.432153619155224, "q_0.9": 6.534139925125569, "q_0.925": 6.667786930836276, "q_0.95": 6.777313011351518, "q_0.975": 6.890610821089597, "q_1": 7.6349000581069655}, {"x": 29.25170068027211, "y": 4.725392345301849, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.8577855790544584, "q_0.15": 3.9394969072533668, "q_0.175": 4.022071673267338, "q_0.2": 4.069582773500545, "q_0.225": 4.158492579747098, "q_0.25": 4.271015264611869, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.5742407230328475, "q_0.375": 4.658711517982521, "q_0.4": 4.725392345301849, "q_0.425": 4.7891841984093775, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.142432982777434, "q_0.55": 5.205500818890663, "q_0.575": 5.250238965484575, "q_0.6": 5.336697389489906, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790336695635354, "q_0.75": 5.951479115102467, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.2381189553050875, "q_0.85": 6.350078141458239, "q_0.875": 6.432153619155224, "q_0.9": 6.534139925125569, "q_0.925": 6.667786930836276, "q_0.95": 6.777313011351518, "q_0.975": 6.890610821089597, "q_1": 7.6349000581069655}, {"x": 29.291716686674672, "y": 4.688021822613865, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.863858145890777, "q_0.15": 3.9394969072533668, "q_0.175": 4.022071673267338, "q_0.2": 4.069582773500545, "q_0.225": 4.172866996186007, "q_0.25": 4.271015264611869, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658711517982521, "q_0.4": 4.725392345301849, "q_0.425": 4.787285173594916, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.141263186917729, "q_0.55": 5.203515163590286, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.2381189553050875, "q_0.85": 6.350188319612394, "q_0.875": 6.432153619155224, "q_0.9": 6.534139925125569, "q_0.925": 6.667786930836276, "q_0.95": 6.777313011351518, "q_0.975": 6.896750279109836, "q_1": 7.6349000581069655}, {"x": 29.33173269307723, "y": 4.334888292304965, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.863858145890777, "q_0.15": 3.9394969072533668, "q_0.175": 4.022071673267338, "q_0.2": 4.069582773500545, "q_0.225": 4.172866996186007, "q_0.25": 4.271015264611869, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658711517982521, "q_0.4": 4.725392345301849, "q_0.425": 4.787285173594916, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.141263186917729, "q_0.55": 5.203515163590286, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.2381189553050875, "q_0.85": 6.350188319612394, "q_0.875": 6.432153619155224, "q_0.9": 6.534139925125569, "q_0.925": 6.667786930836276, "q_0.95": 6.777313011351518, "q_0.975": 6.896750279109836, "q_1": 7.6349000581069655}, {"x": 29.37174869947979, "y": 5.138908745036272, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.863858145890777, "q_0.15": 3.9394969072533668, "q_0.175": 4.022071673267338, "q_0.2": 4.069582773500545, "q_0.225": 4.172866996186007, "q_0.25": 4.271015264611869, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658711517982521, "q_0.4": 4.725392345301849, "q_0.425": 4.787285173594916, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.141263186917729, "q_0.55": 5.203515163590286, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.2381189553050875, "q_0.85": 6.350188319612394, "q_0.875": 6.432153619155224, "q_0.9": 6.534139925125569, "q_0.925": 6.667786930836276, "q_0.95": 6.777313011351518, "q_0.975": 6.896750279109836, "q_1": 7.6349000581069655}, {"x": 29.411764705882355, "y": 5.775208191415703, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.863858145890777, "q_0.15": 3.9394969072533668, "q_0.175": 4.022071673267338, "q_0.2": 4.069582773500545, "q_0.225": 4.172866996186007, "q_0.25": 4.271015264611869, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658711517982521, "q_0.4": 4.725392345301849, "q_0.425": 4.787285173594916, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.141263186917729, "q_0.55": 5.203515163590286, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790173953485768, "q_0.75": 5.931007805822089, "q_0.775": 6.078580758878237, "q_0.8": 6.168706421972327, "q_0.825": 6.2381189553050875, "q_0.85": 6.350188319612394, "q_0.875": 6.432153619155224, "q_0.9": 6.534139925125569, "q_0.925": 6.667786930836276, "q_0.95": 6.777313011351518, "q_0.975": 6.896750279109836, "q_1": 7.6349000581069655}, {"x": 29.451780712284915, "y": 4.395890036738239, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.863858145890777, "q_0.15": 3.9551964171836125, "q_0.175": 4.035775417732042, "q_0.2": 4.078828774192702, "q_0.225": 4.173175410950672, "q_0.25": 4.28118379660951, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.7891841984093775, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.141263186917729, "q_0.55": 5.205500818890663, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790685482401363, "q_0.75": 5.953160083310513, "q_0.775": 6.078580758878237, "q_0.8": 6.176722432262553, "q_0.825": 6.241360264102225, "q_0.85": 6.365611531052373, "q_0.875": 6.434114769602721, "q_0.9": 6.5509474359898325, "q_0.925": 6.6691524781215294, "q_0.95": 6.777313011351518, "q_0.975": 6.912706312096574, "q_1": 7.6349000581069655}, {"x": 29.491796718687475, "y": 5.2417729067671255, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.863858145890777, "q_0.15": 3.9551964171836125, "q_0.175": 4.035775417732042, "q_0.2": 4.078828774192702, "q_0.225": 4.173175410950672, "q_0.25": 4.28118379660951, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.7891841984093775, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.141263186917729, "q_0.55": 5.205500818890663, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790685482401363, "q_0.75": 5.953160083310513, "q_0.775": 6.078580758878237, "q_0.8": 6.176722432262553, "q_0.825": 6.241360264102225, "q_0.85": 6.365611531052373, "q_0.875": 6.434114769602721, "q_0.9": 6.5509474359898325, "q_0.925": 6.6691524781215294, "q_0.95": 6.777313011351518, "q_0.975": 6.912706312096574, "q_1": 7.6349000581069655}, {"x": 29.531812725090038, "y": 3.8522930960504125, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.863858145890777, "q_0.15": 3.9551964171836125, "q_0.175": 4.035775417732042, "q_0.2": 4.078828774192702, "q_0.225": 4.173175410950672, "q_0.25": 4.28118379660951, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.7891841984093775, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.141263186917729, "q_0.55": 5.205500818890663, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790685482401363, "q_0.75": 5.953160083310513, "q_0.775": 6.078580758878237, "q_0.8": 6.176722432262553, "q_0.825": 6.241360264102225, "q_0.85": 6.365611531052373, "q_0.875": 6.434114769602721, "q_0.9": 6.5509474359898325, "q_0.925": 6.6691524781215294, "q_0.95": 6.777313011351518, "q_0.975": 6.912706312096574, "q_1": 7.6349000581069655}, {"x": 29.571828731492598, "y": 3.998948728797799, "y_pred": 5.051071692998246, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5081658607027437, "q_0.05": 3.6338375540761434, "q_0.075": 3.6932152795377187, "q_0.1": 3.773650275380591, "q_0.125": 3.863858145890777, "q_0.15": 3.9551964171836125, "q_0.175": 4.035775417732042, "q_0.2": 4.078828774192702, "q_0.225": 4.173175410950672, "q_0.25": 4.28118379660951, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.501414112513693, "q_0.35": 4.57390582955391, "q_0.375": 4.658443494530879, "q_0.4": 4.725392345301849, "q_0.425": 4.7891841984093775, "q_0.45": 4.8901886683724864, "q_0.475": 4.957868557936048, "q_0.5": 5.051071692998246, "q_0.525": 5.141263186917729, "q_0.55": 5.205500818890663, "q_0.575": 5.250238965484575, "q_0.6": 5.314760609667232, "q_0.625": 5.408851359265172, "q_0.65": 5.51035773693595, "q_0.675": 5.59713274204044, "q_0.7": 5.7294848141644845, "q_0.725": 5.790685482401363, "q_0.75": 5.953160083310513, "q_0.775": 6.078580758878237, "q_0.8": 6.176722432262553, "q_0.825": 6.241360264102225, "q_0.85": 6.365611531052373, "q_0.875": 6.434114769602721, "q_0.9": 6.5509474359898325, "q_0.925": 6.6691524781215294, "q_0.95": 6.777313011351518, "q_0.975": 6.912706312096574, "q_1": 7.6349000581069655}, {"x": 29.611844737895158, "y": 3.613674538163367, "y_pred": 5.052837625877386, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5128745437220785, "q_0.05": 3.6338375540761434, "q_0.075": 3.6958675157093475, "q_0.1": 3.7774253866341345, "q_0.125": 3.863858145890777, "q_0.15": 3.961847294659666, "q_0.175": 4.035775417732042, "q_0.2": 4.078828774192702, "q_0.225": 4.184637733393867, "q_0.25": 4.285657323308556, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.507905927174601, "q_0.35": 4.5742407230328475, "q_0.375": 4.658711517982521, "q_0.4": 4.728370737995101, "q_0.425": 4.7891841984093775, "q_0.45": 4.8901886683724864, "q_0.475": 4.961930446636361, "q_0.5": 5.052837625877386, "q_0.525": 5.142432982777434, "q_0.55": 5.20761524272038, "q_0.575": 5.251219964400493, "q_0.6": 5.336697389489906, "q_0.625": 5.410544530319537, "q_0.65": 5.515304401496399, "q_0.675": 5.610358088522938, "q_0.7": 5.739659267521479, "q_0.725": 5.790685482401363, "q_0.75": 5.988485084814867, "q_0.775": 6.10121953615741, "q_0.8": 6.187298251146786, "q_0.825": 6.242380127117748, "q_0.85": 6.391783668350065, "q_0.875": 6.434114769602721, "q_0.9": 6.578217225522944, "q_0.925": 6.674273496540186, "q_0.95": 6.777450140005085, "q_0.975": 6.912706312096574, "q_1": 7.6349000581069655}, {"x": 29.65186074429772, "y": 6.777313011351518, "y_pred": 5.054603558756522, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5128745437220785, "q_0.05": 3.6338375540761434, "q_0.075": 3.7310654996953225, "q_0.1": 3.7774253866341345, "q_0.125": 3.863858145890777, "q_0.15": 3.961847294659666, "q_0.175": 4.035775417732042, "q_0.2": 4.078828774192702, "q_0.225": 4.184637733393867, "q_0.25": 4.286461922627283, "q_0.275": 4.367563273352806, "q_0.3": 4.3993899242287675, "q_0.325": 4.507905927174601, "q_0.35": 4.5742407230328475, "q_0.375": 4.663130603098778, "q_0.4": 4.728370737995101, "q_0.425": 4.7891841984093775, "q_0.45": 4.8901886683724864, "q_0.475": 4.961930446636361, "q_0.5": 5.054603558756522, "q_0.525": 5.142432982777434, "q_0.55": 5.20761524272038, "q_0.575": 5.251219964400493, "q_0.6": 5.339548396059068, "q_0.625": 5.410544530319537, "q_0.65": 5.515304401496399, "q_0.675": 5.612905749075997, "q_0.7": 5.743059371733642, "q_0.725": 5.790685482401363, "q_0.75": 5.988485084814867, "q_0.775": 6.10121953615741, "q_0.8": 6.187298251146786, "q_0.825": 6.242380127117748, "q_0.85": 6.391783668350065, "q_0.875": 6.434114769602721, "q_0.9": 6.578217225522944, "q_0.925": 6.683379939022111, "q_0.95": 6.78005558442292, "q_0.975": 6.912706312096574, "q_1": 7.6349000581069655}, {"x": 29.69187675070028, "y": 3.4692782300457945, "y_pred": 5.054603558756522, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5288513853630223, "q_0.05": 3.634267078356909, "q_0.075": 3.733091146033754, "q_0.1": 3.7774253866341345, "q_0.125": 3.8885944221936377, "q_0.15": 3.96493423763629, "q_0.175": 4.036937507457324, "q_0.2": 4.09295049811656, "q_0.225": 4.188950163651021, "q_0.25": 4.288793511623786, "q_0.275": 4.369192312444039, "q_0.3": 4.404153214886817, "q_0.325": 4.516189423982684, "q_0.35": 4.5742407230328475, "q_0.375": 4.681477938104428, "q_0.4": 4.744322151526749, "q_0.425": 4.7891841984093775, "q_0.45": 4.890285211642836, "q_0.475": 4.963909904070533, "q_0.5": 5.054603558756522, "q_0.525": 5.142432982777434, "q_0.55": 5.20761524272038, "q_0.575": 5.256323896547926, "q_0.6": 5.3509524223356895, "q_0.625": 5.410544530319537, "q_0.65": 5.545253349624581, "q_0.675": 5.612905749075997, "q_0.7": 5.765669741328351, "q_0.725": 5.828589863960346, "q_0.75": 6.016309523367708, "q_0.775": 6.105857021781258, "q_0.8": 6.200664817196285, "q_0.825": 6.296446398739077, "q_0.85": 6.393580121720733, "q_0.875": 6.465178563104686, "q_0.9": 6.578217225522944, "q_0.925": 6.6929046867778, "q_0.95": 6.78005558442292, "q_0.975": 6.912706312096574, "q_1": 7.6349000581069655}, {"x": 29.73189275710284, "y": 4.069012393132045, "y_pred": 5.060901296526395, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5288513853630223, "q_0.05": 3.634267078356909, "q_0.075": 3.738339553729039, "q_0.1": 3.8115185839505323, "q_0.125": 3.8885944221936377, "q_0.15": 3.979584120101391, "q_0.175": 4.052918724854845, "q_0.2": 4.097637794907386, "q_0.225": 4.22113706700007, "q_0.25": 4.2909192024665375, "q_0.275": 4.375571468160891, "q_0.3": 4.432691464669937, "q_0.325": 4.516189423982684, "q_0.35": 4.575934724528623, "q_0.375": 4.681477938104428, "q_0.4": 4.750636583013389, "q_0.425": 4.8166207162838575, "q_0.45": 4.890285211642836, "q_0.475": 4.9643279125474855, "q_0.5": 5.060901296526395, "q_0.525": 5.1485304493545545, "q_0.55": 5.212656982887996, "q_0.575": 5.260355785997356, "q_0.6": 5.355259507868923, "q_0.625": 5.429067265936801, "q_0.65": 5.558633104373527, "q_0.675": 5.636500464109794, "q_0.7": 5.765669741328351, "q_0.725": 5.828589863960346, "q_0.75": 6.0240193207180575, "q_0.775": 6.122592326270759, "q_0.8": 6.228179537087993, "q_0.825": 6.296446398739077, "q_0.85": 6.408709400648361, "q_0.875": 6.474234630612757, "q_0.9": 6.587166982889164, "q_0.925": 6.6929046867778, "q_0.95": 6.78005558442292, "q_0.975": 6.912706312096574, "q_1": 7.6349000581069655}, {"x": 29.771908763505404, "y": 5.558633104373527, "y_pred": 5.060901296526395, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.6515861446280082, "q_0.075": 3.740445247763777, "q_0.1": 3.839170480254669, "q_0.125": 3.928440928221106, "q_0.15": 3.9858355247087824, "q_0.175": 4.067793191082373, "q_0.2": 4.118197616851171, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.461932404355518, "q_0.325": 4.554022513632217, "q_0.35": 4.606688285832019, "q_0.375": 4.688021822613865, "q_0.4": 4.7537597243022, "q_0.425": 4.85138162358624, "q_0.45": 4.896547077857406, "q_0.475": 4.987023085582278, "q_0.5": 5.060901296526395, "q_0.525": 5.1485304493545545, "q_0.55": 5.212656982887996, "q_0.575": 5.263365170773502, "q_0.6": 5.366038114054975, "q_0.625": 5.457106718543322, "q_0.65": 5.569843877203429, "q_0.675": 5.676922069924459, "q_0.7": 5.775208191415703, "q_0.725": 5.839162152306624, "q_0.75": 6.034894372456506, "q_0.775": 6.159056956340137, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.422219416707716, "q_0.875": 6.476154977791679, "q_0.9": 6.613272081057492, "q_0.925": 6.7104379315465135, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 29.811924769907964, "y": 3.7387682052417097, "y_pred": 5.060901296526395, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.6515861446280082, "q_0.075": 3.740445247763777, "q_0.1": 3.839170480254669, "q_0.125": 3.928440928221106, "q_0.15": 3.9858355247087824, "q_0.175": 4.067793191082373, "q_0.2": 4.118197616851171, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.461932404355518, "q_0.325": 4.554022513632217, "q_0.35": 4.606688285832019, "q_0.375": 4.688021822613865, "q_0.4": 4.7537597243022, "q_0.425": 4.85138162358624, "q_0.45": 4.896547077857406, "q_0.475": 4.987023085582278, "q_0.5": 5.060901296526395, "q_0.525": 5.1485304493545545, "q_0.55": 5.212656982887996, "q_0.575": 5.263365170773502, "q_0.6": 5.366038114054975, "q_0.625": 5.457106718543322, "q_0.65": 5.569843877203429, "q_0.675": 5.676922069924459, "q_0.7": 5.775208191415703, "q_0.725": 5.839162152306624, "q_0.75": 6.034894372456506, "q_0.775": 6.159056956340137, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.422219416707716, "q_0.875": 6.476154977791679, "q_0.9": 6.613272081057492, "q_0.925": 6.7104379315465135, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 29.851940776310524, "y": 6.485297502273754, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.1297396857595, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85589252691835, "q_0.45": 4.898240198880959, "q_0.475": 4.989640083841659, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.223368661173108, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.480218367589153, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 29.891956782713088, "y": 5.931007805822089, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.1297396857595, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85589252691835, "q_0.45": 4.898240198880959, "q_0.475": 4.989640083841659, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.223368661173108, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.480218367589153, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 29.931972789115648, "y": 6.78005558442292, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.1297396857595, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85589252691835, "q_0.45": 4.898240198880959, "q_0.475": 4.989640083841659, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.223368661173108, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.480218367589153, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 29.971988795518207, "y": 5.20761524272038, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.1297396857595, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85589252691835, "q_0.45": 4.898240198880959, "q_0.475": 4.989640083841659, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.223368661173108, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.480218367589153, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.01200480192077, "y": 4.497809695965421, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.05202080832333, "y": 5.355259507868923, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.09203681472589, "y": 6.667786930836276, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.132052821128454, "y": 5.260355785997356, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.172068827531014, "y": 4.390163237022276, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.212084833933574, "y": 6.491300139138129, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.252100840336137, "y": 4.7537597243022, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.292116846738697, "y": 3.4795865206087635, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.332132853141257, "y": 4.329248332012304, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.37214885954382, "y": 4.57390582955391, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.41216486594638, "y": 6.438907406713138, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5330697952670147, "q_0.05": 3.664457894812739, "q_0.075": 3.7440798572064216, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.12676476406737, "q_0.225": 4.242694663487959, "q_0.25": 4.329248332012304, "q_0.275": 4.390163237022276, "q_0.3": 4.486765629118752, "q_0.325": 4.568673461092093, "q_0.35": 4.607863496884008, "q_0.375": 4.688021822613865, "q_0.4": 4.767417405941826, "q_0.425": 4.85431371075211, "q_0.45": 4.898240198880959, "q_0.475": 4.987023085582278, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.220432147079574, "q_0.575": 5.267029197552311, "q_0.6": 5.380267819921747, "q_0.625": 5.484003419948014, "q_0.65": 5.576540737942507, "q_0.675": 5.688882953610304, "q_0.7": 5.775208191415703, "q_0.725": 5.896533308901491, "q_0.75": 6.034894372456506, "q_0.775": 6.168706421972327, "q_0.8": 6.23727783563905, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.4777042327958245, "q_0.9": 6.665954088408167, "q_0.925": 6.72762611268005, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.45218087234894, "y": 5.060901296526395, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.747275193333788, "q_0.1": 3.8522930960504125, "q_0.125": 3.928440928221106, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.1297396857595, "q_0.225": 4.24932715550084, "q_0.25": 4.334888292304965, "q_0.275": 4.390163237022276, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.688126828066639, "q_0.4": 4.768596663405027, "q_0.425": 4.85589252691835, "q_0.45": 4.917301257812121, "q_0.475": 5.005688497266193, "q_0.5": 5.069141440544453, "q_0.525": 5.154466836504394, "q_0.55": 5.2417729067671255, "q_0.575": 5.267029197552311, "q_0.6": 5.389898531436362, "q_0.625": 5.494970241745836, "q_0.65": 5.578586446580225, "q_0.675": 5.6937689455309854, "q_0.7": 5.786333977573899, "q_0.725": 5.899706034905603, "q_0.75": 6.042452142147785, "q_0.775": 6.176722432262553, "q_0.8": 6.2381189553050875, "q_0.825": 6.350078141458239, "q_0.85": 6.432153619155224, "q_0.875": 6.480218367589153, "q_0.9": 6.667786930836276, "q_0.925": 6.743153962452412, "q_0.95": 6.798118186971974, "q_0.975": 6.925093622294119, "q_1": 7.6349000581069655}, {"x": 30.492196878751503, "y": 5.014710424476773, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.747275193333788, "q_0.1": 3.8522930960504125, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.688126828066639, "q_0.4": 4.771997812919494, "q_0.425": 4.860621883663697, "q_0.45": 4.925571725673944, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.296339648646046, "q_0.6": 5.402382458367646, "q_0.625": 5.494970241745836, "q_0.65": 5.583934389900637, "q_0.675": 5.7011699923444175, "q_0.7": 5.786333977573899, "q_0.725": 5.930976339752404, "q_0.75": 6.078580758878237, "q_0.775": 6.187298251146786, "q_0.8": 6.2381189553050875, "q_0.825": 6.365611531052373, "q_0.85": 6.432153619155224, "q_0.875": 6.534139925125569, "q_0.9": 6.667786930836276, "q_0.925": 6.760228930404921, "q_0.95": 6.798118186971974, "q_0.975": 6.92566764497772, "q_1": 7.6349000581069655}, {"x": 30.532212885154063, "y": 4.642122930422961, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.747275193333788, "q_0.1": 3.8522930960504125, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.688126828066639, "q_0.4": 4.771997812919494, "q_0.425": 4.860621883663697, "q_0.45": 4.925571725673944, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.296339648646046, "q_0.6": 5.402382458367646, "q_0.625": 5.494970241745836, "q_0.65": 5.583934389900637, "q_0.675": 5.7011699923444175, "q_0.7": 5.786333977573899, "q_0.725": 5.930976339752404, "q_0.75": 6.078580758878237, "q_0.775": 6.187298251146786, "q_0.8": 6.2381189553050875, "q_0.825": 6.365611531052373, "q_0.85": 6.432153619155224, "q_0.875": 6.534139925125569, "q_0.9": 6.667786930836276, "q_0.925": 6.760228930404921, "q_0.95": 6.798118186971974, "q_0.975": 6.92566764497772, "q_1": 7.6349000581069655}, {"x": 30.572228891556623, "y": 6.523805673489061, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.76905797357372, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.395890036738239, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.628936081320426, "q_0.375": 4.725392345301849, "q_0.4": 4.783772503764348, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.365611531052373, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.612244897959187, "y": 6.748379896051341, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.76905797357372, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.395890036738239, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.628936081320426, "q_0.375": 4.725392345301849, "q_0.4": 4.783772503764348, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.365611531052373, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.652260904361746, "y": 6.912706312096574, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.76905797357372, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.395890036738239, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.628936081320426, "q_0.375": 4.725392345301849, "q_0.4": 4.783772503764348, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.365611531052373, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.692276910764306, "y": 4.7891841984093775, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.76905797357372, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.395890036738239, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.628936081320426, "q_0.375": 4.725392345301849, "q_0.4": 4.783772503764348, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.365611531052373, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.732292917166866, "y": 6.82865739139843, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.76905797357372, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.395890036738239, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.628936081320426, "q_0.375": 4.725392345301849, "q_0.4": 4.783772503764348, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.365611531052373, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.77230892356943, "y": 6.228374735311647, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069582773500545, "q_0.2": 4.142786519563793, "q_0.225": 4.2510013864745355, "q_0.25": 4.334888292304965, "q_0.275": 4.395890036738239, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.630750255520367, "q_0.375": 4.725392345301849, "q_0.4": 4.787285173594916, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.59713274204044, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.81232492997199, "y": 5.828589863960346, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069582773500545, "q_0.2": 4.142786519563793, "q_0.225": 4.2510013864745355, "q_0.25": 4.334888292304965, "q_0.275": 4.395890036738239, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.630750255520367, "q_0.375": 4.725392345301849, "q_0.4": 4.787285173594916, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.59713274204044, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.85234093637455, "y": 4.339612644927176, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069582773500545, "q_0.2": 4.142786519563793, "q_0.225": 4.2510013864745355, "q_0.25": 4.334888292304965, "q_0.275": 4.395890036738239, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.630750255520367, "q_0.375": 4.725392345301849, "q_0.4": 4.787285173594916, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.59713274204044, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.892356942777113, "y": 4.242694663487959, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.699550859931227, "q_0.4": 4.783772503764348, "q_0.425": 4.86795027450146, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.786333977573899, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.932372949179673, "y": 4.069582773500545, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.699550859931227, "q_0.4": 4.783772503764348, "q_0.425": 4.86795027450146, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.786333977573899, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 30.972388955582232, "y": 6.6929046867778, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.699550859931227, "q_0.4": 4.783772503764348, "q_0.425": 4.86795027450146, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.786333977573899, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.012404961984796, "y": 4.516189423982684, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.699550859931227, "q_0.4": 4.783772503764348, "q_0.425": 4.86795027450146, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.786333977573899, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.052420968387356, "y": 5.069141440544453, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.699550859931227, "q_0.4": 4.783772503764348, "q_0.425": 4.86795027450146, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.786333977573899, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.092436974789916, "y": 5.212656982887996, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.699550859931227, "q_0.4": 4.783772503764348, "q_0.425": 4.86795027450146, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.786333977573899, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.13245298119248, "y": 6.200664817196285, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.699550859931227, "q_0.4": 4.783772503764348, "q_0.425": 4.86795027450146, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.786333977573899, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.17246898759504, "y": 6.432153619155224, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.699550859931227, "q_0.4": 4.783772503764348, "q_0.425": 4.86795027450146, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.596197385576483, "q_0.675": 5.721728809124186, "q_0.7": 5.786333977573899, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.242380127117748, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.2124849939976, "y": 3.9858355247087824, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.390163237022276, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.688126828066639, "q_0.4": 4.779695790520897, "q_0.425": 4.860621883663697, "q_0.45": 4.936558709715239, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.59713274204044, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.251313585511198, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.252501000400162, "y": 4.987023085582278, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.390163237022276, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.688126828066639, "q_0.4": 4.779695790520897, "q_0.425": 4.860621883663697, "q_0.45": 4.936558709715239, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.59713274204044, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.251313585511198, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.292517006802722, "y": 6.434114769602721, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.7735649082777876, "q_0.1": 3.8557613901090195, "q_0.125": 3.9329301819469604, "q_0.15": 3.998948728797799, "q_0.175": 4.069012393132045, "q_0.2": 4.132369506939863, "q_0.225": 4.2502592436525894, "q_0.25": 4.334888292304965, "q_0.275": 4.390163237022276, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.688126828066639, "q_0.4": 4.779695790520897, "q_0.425": 4.860621883663697, "q_0.45": 4.936558709715239, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.161299509811205, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.407795904004388, "q_0.625": 5.494970241745836, "q_0.65": 5.59713274204044, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.078580758878237, "q_0.775": 6.200664817196285, "q_0.8": 6.251313585511198, "q_0.825": 6.375321789501001, "q_0.85": 6.434114769602721, "q_0.875": 6.5509474359898325, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.806474554633876, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.332533013205282, "y": 6.350078141458239, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.666587724755868, "q_0.075": 3.773650275380591, "q_0.1": 3.863858145890777, "q_0.125": 3.9394969072533668, "q_0.15": 3.998948728797799, "q_0.175": 4.069582773500545, "q_0.2": 4.153701107600792, "q_0.225": 4.2510013864745355, "q_0.25": 4.334888292304965, "q_0.275": 4.395890036738239, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.725392345301849, "q_0.4": 4.783772503764348, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.250238965484575, "q_0.575": 5.309391833312436, "q_0.6": 5.408851359265172, "q_0.625": 5.508081778508232, "q_0.65": 5.59713274204044, "q_0.675": 5.721728809124186, "q_0.7": 5.790173953485768, "q_0.725": 5.951479115102467, "q_0.75": 6.10121953615741, "q_0.775": 6.200664817196285, "q_0.8": 6.262837166853249, "q_0.825": 6.391783668350065, "q_0.85": 6.434114769602721, "q_0.875": 6.578217225522944, "q_0.9": 6.667786930836276, "q_0.925": 6.776237158220718, "q_0.95": 6.809549107129772, "q_0.975": 6.9377376395973425, "q_1": 7.6349000581069655}, {"x": 31.372549019607845, "y": 3.863858145890777, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.6702174450027054, "q_0.075": 3.773650275380591, "q_0.1": 3.863858145890777, "q_0.125": 3.9394969072533668, "q_0.15": 3.998948728797799, "q_0.175": 4.069582773500545, "q_0.2": 4.153701107600792, "q_0.225": 4.2510013864745355, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.6955165158138525, "q_0.4": 4.783772503764348, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.2417729067671255, "q_0.575": 5.309391833312436, "q_0.6": 5.408851359265172, "q_0.625": 5.508081778508232, "q_0.65": 5.59713274204044, "q_0.675": 5.721728809124186, "q_0.7": 5.7891257975066495, "q_0.725": 5.931007805822089, "q_0.75": 6.105857021781258, "q_0.775": 6.200664817196285, "q_0.8": 6.271309337268203, "q_0.825": 6.392785686480926, "q_0.85": 6.434114769602721, "q_0.875": 6.578217225522944, "q_0.9": 6.674273496540186, "q_0.925": 6.776237158220718, "q_0.95": 6.812323555565416, "q_0.975": 6.938394669406211, "q_1": 7.6349000581069655}, {"x": 31.412565026010405, "y": 4.052918724854845, "y_pred": 5.069141440544453, "target": "0", "q_0": 3.1167929555434855, "q_0.025": 3.5530661753553163, "q_0.05": 3.675662025372961, "q_0.075": 3.773650275380591, "q_0.1": 3.863858145890777, "q_0.125": 3.9394969072533668, "q_0.15": 3.998948728797799, "q_0.175": 4.069582773500545, "q_0.2": 4.153701107600792, "q_0.225": 4.271015264611869, "q_0.25": 4.334888292304965, "q_0.275": 4.394892632142071, "q_0.3": 4.497809695965421, "q_0.325": 4.568673461092093, "q_0.35": 4.621895266555519, "q_0.375": 4.688126828066639, "q_0.4": 4.778676612210029, "q_0.425": 4.868624028958877, "q_0.45": 4.944475332278714, "q_0.475": 5.014710424476773, "q_0.5": 5.069141440544453, "q_0.525": 5.164967520975808, "q_0.55": 5.250238965484575, "q_0.575": 5.309391833312436, "q_0.6": 5.409189993476045, "q_0.625": 5.508081778508232, "q_0.65": 5.59713274204044, "q_0.675": 5.721728809124186, "q_0.7": 5.790173953485768, "q_0.725": 5.951479115102467, "q_0.75": 6.105857021781258, "q_0.775": 6.207417961050581, "q_0.8": 6.293456463402652, "q_0.825": 6.393580121720733, "q_0.85": 6.434114769602721, "q_0.875": 6.578217225522944, "q_0.9": 6.683379939022111, "q_0.925": 6.776237158220718, "q_0.95": 6.820626532093259, "q_0.975": 6.938394669406211, "q_1": 7.6349000581069655}, {"x": 31.452581032412965, "y": 4.568673461092093, "y_pred": 5.084668395031892, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.604450951150449, "q_0.05": 3.6932152795377187, "q_0.075": 3.7774253866341345, "q_0.1": 3.870270084783503, "q_0.125": 3.9551964171836125, "q_0.15": 4.022071673267338, "q_0.175": 4.069582773500545, "q_0.2": 4.188950163651021, "q_0.225": 4.28118379660951, "q_0.25": 4.360488882284714, "q_0.275": 4.395890036738239, "q_0.3": 4.501414112513693, "q_0.325": 4.568673461092093, "q_0.35": 4.636192778120208, "q_0.375": 4.725392345301849, "q_0.4": 4.7891841984093775, "q_0.425": 4.888772666825256, "q_0.45": 4.957868557936048, "q_0.475": 5.014710424476773, "q_0.5": 5.084668395031892, "q_0.525": 5.203515163590286, "q_0.55": 5.256323896547926, "q_0.575": 5.314760609667232, "q_0.6": 5.415669597479313, "q_0.625": 5.515304401496399, "q_0.65": 5.59713274204044, "q_0.675": 5.7294848141644845, "q_0.7": 5.817480042329025, "q_0.725": 6.004238342598643, "q_0.75": 6.130004122697612, "q_0.775": 6.228374735311647, "q_0.8": 6.3076949047129585, "q_0.825": 6.40640674168122, "q_0.85": 6.465178563104686, "q_0.875": 6.587166982889164, "q_0.9": 6.683379939022111, "q_0.925": 6.777313011351518, "q_0.95": 6.831774415864712, "q_0.975": 6.9462980892058255, "q_1": 7.6349000581069655}, {"x": 31.49259703881553, "y": 3.773650275380591, "y_pred": 5.084668395031892, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.604450951150449, "q_0.05": 3.6932152795377187, "q_0.075": 3.7774253866341345, "q_0.1": 3.870270084783503, "q_0.125": 3.9551964171836125, "q_0.15": 4.022071673267338, "q_0.175": 4.069582773500545, "q_0.2": 4.188950163651021, "q_0.225": 4.28118379660951, "q_0.25": 4.360488882284714, "q_0.275": 4.395890036738239, "q_0.3": 4.501414112513693, "q_0.325": 4.568673461092093, "q_0.35": 4.636192778120208, "q_0.375": 4.725392345301849, "q_0.4": 4.7891841984093775, "q_0.425": 4.888772666825256, "q_0.45": 4.957868557936048, "q_0.475": 5.014710424476773, "q_0.5": 5.084668395031892, "q_0.525": 5.203515163590286, "q_0.55": 5.256323896547926, "q_0.575": 5.314760609667232, "q_0.6": 5.415669597479313, "q_0.625": 5.515304401496399, "q_0.65": 5.59713274204044, "q_0.675": 5.7294848141644845, "q_0.7": 5.817480042329025, "q_0.725": 6.004238342598643, "q_0.75": 6.130004122697612, "q_0.775": 6.228374735311647, "q_0.8": 6.3076949047129585, "q_0.825": 6.40640674168122, "q_0.85": 6.465178563104686, "q_0.875": 6.587166982889164, "q_0.9": 6.683379939022111, "q_0.925": 6.777313011351518, "q_0.95": 6.831774415864712, "q_0.975": 6.9462980892058255, "q_1": 7.6349000581069655}, {"x": 31.53261304521809, "y": 4.991298285394343, "y_pred": 5.084668395031892, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.604450951150449, "q_0.05": 3.6932152795377187, "q_0.075": 3.7774253866341345, "q_0.1": 3.870270084783503, "q_0.125": 3.9551964171836125, "q_0.15": 4.022071673267338, "q_0.175": 4.069582773500545, "q_0.2": 4.188950163651021, "q_0.225": 4.28118379660951, "q_0.25": 4.360488882284714, "q_0.275": 4.395890036738239, "q_0.3": 4.501414112513693, "q_0.325": 4.568673461092093, "q_0.35": 4.636192778120208, "q_0.375": 4.725392345301849, "q_0.4": 4.7891841984093775, "q_0.425": 4.888772666825256, "q_0.45": 4.957868557936048, "q_0.475": 5.014710424476773, "q_0.5": 5.084668395031892, "q_0.525": 5.203515163590286, "q_0.55": 5.256323896547926, "q_0.575": 5.314760609667232, "q_0.6": 5.415669597479313, "q_0.625": 5.515304401496399, "q_0.65": 5.59713274204044, "q_0.675": 5.7294848141644845, "q_0.7": 5.817480042329025, "q_0.725": 6.004238342598643, "q_0.75": 6.130004122697612, "q_0.775": 6.228374735311647, "q_0.8": 6.3076949047129585, "q_0.825": 6.40640674168122, "q_0.85": 6.465178563104686, "q_0.875": 6.587166982889164, "q_0.9": 6.683379939022111, "q_0.925": 6.777313011351518, "q_0.95": 6.831774415864712, "q_0.975": 6.9462980892058255, "q_1": 7.6349000581069655}, {"x": 31.57262905162065, "y": 3.8885944221936377, "y_pred": 5.084668395031892, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.604450951150449, "q_0.05": 3.6932152795377187, "q_0.075": 3.7774253866341345, "q_0.1": 3.870270084783503, "q_0.125": 3.9551964171836125, "q_0.15": 4.022071673267338, "q_0.175": 4.069582773500545, "q_0.2": 4.188950163651021, "q_0.225": 4.28118379660951, "q_0.25": 4.360488882284714, "q_0.275": 4.395890036738239, "q_0.3": 4.501414112513693, "q_0.325": 4.568673461092093, "q_0.35": 4.636192778120208, "q_0.375": 4.725392345301849, "q_0.4": 4.7891841984093775, "q_0.425": 4.888772666825256, "q_0.45": 4.957868557936048, "q_0.475": 5.014710424476773, "q_0.5": 5.084668395031892, "q_0.525": 5.203515163590286, "q_0.55": 5.256323896547926, "q_0.575": 5.314760609667232, "q_0.6": 5.415669597479313, "q_0.625": 5.515304401496399, "q_0.65": 5.59713274204044, "q_0.675": 5.7294848141644845, "q_0.7": 5.817480042329025, "q_0.725": 6.004238342598643, "q_0.75": 6.130004122697612, "q_0.775": 6.228374735311647, "q_0.8": 6.3076949047129585, "q_0.825": 6.40640674168122, "q_0.85": 6.465178563104686, "q_0.875": 6.587166982889164, "q_0.9": 6.683379939022111, "q_0.925": 6.777313011351518, "q_0.95": 6.831774415864712, "q_0.975": 6.9462980892058255, "q_1": 7.6349000581069655}, {"x": 31.61264505802321, "y": 5.494970241745836, "y_pred": 5.084668395031892, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.604450951150449, "q_0.05": 3.6932152795377187, "q_0.075": 3.7774253866341345, "q_0.1": 3.870270084783503, "q_0.125": 3.9551964171836125, "q_0.15": 4.022071673267338, "q_0.175": 4.069582773500545, "q_0.2": 4.188950163651021, "q_0.225": 4.28118379660951, "q_0.25": 4.360488882284714, "q_0.275": 4.395890036738239, "q_0.3": 4.501414112513693, "q_0.325": 4.568673461092093, "q_0.35": 4.636192778120208, "q_0.375": 4.725392345301849, "q_0.4": 4.7891841984093775, "q_0.425": 4.888772666825256, "q_0.45": 4.957868557936048, "q_0.475": 5.014710424476773, "q_0.5": 5.084668395031892, "q_0.525": 5.203515163590286, "q_0.55": 5.256323896547926, "q_0.575": 5.314760609667232, "q_0.6": 5.415669597479313, "q_0.625": 5.515304401496399, "q_0.65": 5.59713274204044, "q_0.675": 5.7294848141644845, "q_0.7": 5.817480042329025, "q_0.725": 6.004238342598643, "q_0.75": 6.130004122697612, "q_0.775": 6.228374735311647, "q_0.8": 6.3076949047129585, "q_0.825": 6.40640674168122, "q_0.85": 6.465178563104686, "q_0.875": 6.587166982889164, "q_0.9": 6.683379939022111, "q_0.925": 6.777313011351518, "q_0.95": 6.831774415864712, "q_0.975": 6.9462980892058255, "q_1": 7.6349000581069655}, {"x": 31.65266106442577, "y": 4.375571468160891, "y_pred": 5.084668395031892, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.604450951150449, "q_0.05": 3.6932152795377187, "q_0.075": 3.7774253866341345, "q_0.1": 3.870270084783503, "q_0.125": 3.9551964171836125, "q_0.15": 4.022071673267338, "q_0.175": 4.069582773500545, "q_0.2": 4.188950163651021, "q_0.225": 4.28118379660951, "q_0.25": 4.360488882284714, "q_0.275": 4.395890036738239, "q_0.3": 4.501414112513693, "q_0.325": 4.568673461092093, "q_0.35": 4.636192778120208, "q_0.375": 4.725392345301849, "q_0.4": 4.7891841984093775, "q_0.425": 4.888772666825256, "q_0.45": 4.957868557936048, "q_0.475": 5.014710424476773, "q_0.5": 5.084668395031892, "q_0.525": 5.203515163590286, "q_0.55": 5.256323896547926, "q_0.575": 5.314760609667232, "q_0.6": 5.415669597479313, "q_0.625": 5.515304401496399, "q_0.65": 5.59713274204044, "q_0.675": 5.7294848141644845, "q_0.7": 5.817480042329025, "q_0.725": 6.004238342598643, "q_0.75": 6.130004122697612, "q_0.775": 6.228374735311647, "q_0.8": 6.3076949047129585, "q_0.825": 6.40640674168122, "q_0.85": 6.465178563104686, "q_0.875": 6.587166982889164, "q_0.9": 6.683379939022111, "q_0.925": 6.777313011351518, "q_0.95": 6.831774415864712, "q_0.975": 6.9462980892058255, "q_1": 7.6349000581069655}, {"x": 31.69267707082833, "y": 5.59713274204044, "y_pred": 5.084668395031892, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.604450951150449, "q_0.05": 3.6932152795377187, "q_0.075": 3.7774253866341345, "q_0.1": 3.870270084783503, "q_0.125": 3.9551964171836125, "q_0.15": 4.022071673267338, "q_0.175": 4.069582773500545, "q_0.2": 4.188950163651021, "q_0.225": 4.28118379660951, "q_0.25": 4.360488882284714, "q_0.275": 4.395890036738239, "q_0.3": 4.501414112513693, "q_0.325": 4.568673461092093, "q_0.35": 4.636192778120208, "q_0.375": 4.725392345301849, "q_0.4": 4.7891841984093775, "q_0.425": 4.888772666825256, "q_0.45": 4.957868557936048, "q_0.475": 5.014710424476773, "q_0.5": 5.084668395031892, "q_0.525": 5.203515163590286, "q_0.55": 5.256323896547926, "q_0.575": 5.314760609667232, "q_0.6": 5.415669597479313, "q_0.625": 5.515304401496399, "q_0.65": 5.59713274204044, "q_0.675": 5.7294848141644845, "q_0.7": 5.817480042329025, "q_0.725": 6.004238342598643, "q_0.75": 6.130004122697612, "q_0.775": 6.228374735311647, "q_0.8": 6.3076949047129585, "q_0.825": 6.40640674168122, "q_0.85": 6.465178563104686, "q_0.875": 6.587166982889164, "q_0.9": 6.683379939022111, "q_0.925": 6.777313011351518, "q_0.95": 6.831774415864712, "q_0.975": 6.9462980892058255, "q_1": 7.6349000581069655}, {"x": 31.732693077230895, "y": 3.928440928221106, "y_pred": 5.128917020180318, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.604450951150449, "q_0.05": 3.6932152795377187, "q_0.075": 3.7774253866341345, "q_0.1": 3.8885944221936377, "q_0.125": 3.961847294659666, "q_0.15": 4.035775417732042, "q_0.175": 4.078828774192702, "q_0.2": 4.188950163651021, "q_0.225": 4.288793511623786, "q_0.25": 4.369192312444039, "q_0.275": 4.3993899242287675, "q_0.3": 4.508471559559456, "q_0.325": 4.57390582955391, "q_0.35": 4.658443494530879, "q_0.375": 4.728370737995101, "q_0.4": 4.7891841984093775, "q_0.425": 4.8901886683724864, "q_0.45": 4.957868557936048, "q_0.475": 5.015290345978547, "q_0.5": 5.128917020180318, "q_0.525": 5.20761524272038, "q_0.55": 5.260355785997356, "q_0.575": 5.355259507868923, "q_0.6": 5.429067265936801, "q_0.625": 5.545253349624581, "q_0.65": 5.610358088522938, "q_0.675": 5.743059371733642, "q_0.7": 5.8189678098003395, "q_0.725": 6.016309523367708, "q_0.75": 6.13674224822967, "q_0.775": 6.228374735311647, "q_0.8": 6.307730002995395, "q_0.825": 6.416305303663277, "q_0.85": 6.474234630612757, "q_0.875": 6.599518656870281, "q_0.9": 6.6929046867778, "q_0.925": 6.777313011351518, "q_0.95": 6.844044526630338, "q_0.975": 6.957989572911767, "q_1": 7.6349000581069655}, {"x": 31.772709083633455, "y": 6.925093622294119, "y_pred": 5.164967520975808, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.613674538163367, "q_0.05": 3.740445247763777, "q_0.075": 3.839170480254669, "q_0.1": 3.928440928221106, "q_0.125": 3.9858355247087824, "q_0.15": 4.069012393132045, "q_0.175": 4.1297396857595, "q_0.2": 4.2502592436525894, "q_0.225": 4.329248332012304, "q_0.25": 4.390163237022276, "q_0.275": 4.497809695965421, "q_0.3": 4.554022513632217, "q_0.325": 4.607863496884008, "q_0.35": 4.688021822613865, "q_0.375": 4.783772503764348, "q_0.4": 4.868624028958877, "q_0.425": 4.925571725673944, "q_0.45": 4.989640083841659, "q_0.475": 5.069141440544453, "q_0.5": 5.164967520975808, "q_0.525": 5.256323896547926, "q_0.55": 5.314760609667232, "q_0.575": 5.415669597479313, "q_0.6": 5.51035773693595, "q_0.625": 5.59713274204044, "q_0.65": 5.721728809124186, "q_0.675": 5.7891257975066495, "q_0.7": 5.931007805822089, "q_0.725": 6.105857021781258, "q_0.75": 6.228179537087993, "q_0.775": 6.293456463402652, "q_0.8": 6.392785686480926, "q_0.825": 6.434114769602721, "q_0.85": 6.578217225522944, "q_0.875": 6.6691524781215294, "q_0.9": 6.760228930404921, "q_0.925": 6.798118186971974, "q_0.95": 6.912706312096574, "q_0.975": 6.989018274918326, "q_1": 7.76888055408128}, {"x": 31.812725090036015, "y": 6.776237158220718, "y_pred": 5.164967520975808, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.613674538163367, "q_0.05": 3.740445247763777, "q_0.075": 3.839170480254669, "q_0.1": 3.928440928221106, "q_0.125": 3.9858355247087824, "q_0.15": 4.069012393132045, "q_0.175": 4.1297396857595, "q_0.2": 4.2502592436525894, "q_0.225": 4.329248332012304, "q_0.25": 4.390163237022276, "q_0.275": 4.497809695965421, "q_0.3": 4.554022513632217, "q_0.325": 4.607863496884008, "q_0.35": 4.688021822613865, "q_0.375": 4.783772503764348, "q_0.4": 4.868624028958877, "q_0.425": 4.925571725673944, "q_0.45": 4.989640083841659, "q_0.475": 5.069141440544453, "q_0.5": 5.164967520975808, "q_0.525": 5.256323896547926, "q_0.55": 5.314760609667232, "q_0.575": 5.415669597479313, "q_0.6": 5.51035773693595, "q_0.625": 5.59713274204044, "q_0.65": 5.721728809124186, "q_0.675": 5.7891257975066495, "q_0.7": 5.931007805822089, "q_0.725": 6.105857021781258, "q_0.75": 6.228179537087993, "q_0.775": 6.293456463402652, "q_0.8": 6.392785686480926, "q_0.825": 6.434114769602721, "q_0.85": 6.578217225522944, "q_0.875": 6.6691524781215294, "q_0.9": 6.760228930404921, "q_0.925": 6.798118186971974, "q_0.95": 6.912706312096574, "q_0.975": 6.989018274918326, "q_1": 7.76888055408128}, {"x": 31.852741096438578, "y": 4.8901886683724864, "y_pred": 5.165680393444788, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.613674538163367, "q_0.05": 3.7440798572064216, "q_0.075": 3.839170480254669, "q_0.1": 3.928440928221106, "q_0.125": 3.9858355247087824, "q_0.15": 4.069012393132045, "q_0.175": 4.1297396857595, "q_0.2": 4.2502592436525894, "q_0.225": 4.329248332012304, "q_0.25": 4.390163237022276, "q_0.275": 4.497809695965421, "q_0.3": 4.554022513632217, "q_0.325": 4.607863496884008, "q_0.35": 4.688021822613865, "q_0.375": 4.783772503764348, "q_0.4": 4.868624028958877, "q_0.425": 4.925571725673944, "q_0.45": 4.989640083841659, "q_0.475": 5.069141440544453, "q_0.5": 5.165680393444788, "q_0.525": 5.256323896547926, "q_0.55": 5.319239185848991, "q_0.575": 5.415669597479313, "q_0.6": 5.515304401496399, "q_0.625": 5.59713274204044, "q_0.65": 5.721728809124186, "q_0.675": 5.7891257975066495, "q_0.7": 5.951479115102467, "q_0.725": 6.105857021781258, "q_0.75": 6.228179537087993, "q_0.775": 6.296446398739077, "q_0.8": 6.392785686480926, "q_0.825": 6.434114769602721, "q_0.85": 6.578217225522944, "q_0.875": 6.674273496540186, "q_0.9": 6.760228930404921, "q_0.925": 6.806474554633876, "q_0.95": 6.912706312096574, "q_0.975": 6.989018274918326, "q_1": 7.76888055408128}, {"x": 31.892757102841138, "y": 4.369192312444039, "y_pred": 5.182625141469851, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.613674538163367, "q_0.05": 3.7440798572064216, "q_0.075": 3.8522930960504125, "q_0.1": 3.928440928221106, "q_0.125": 3.9858355247087824, "q_0.15": 4.069012393132045, "q_0.175": 4.1297396857595, "q_0.2": 4.2502592436525894, "q_0.225": 4.329248332012304, "q_0.25": 4.390163237022276, "q_0.275": 4.497809695965421, "q_0.3": 4.554022513632217, "q_0.325": 4.607863496884008, "q_0.35": 4.688126828066639, "q_0.375": 4.787285173594916, "q_0.4": 4.868624028958877, "q_0.425": 4.925571725673944, "q_0.45": 4.989640083841659, "q_0.475": 5.069141440544453, "q_0.5": 5.182625141469851, "q_0.525": 5.256323896547926, "q_0.55": 5.326080791687565, "q_0.575": 5.415669597479313, "q_0.6": 5.515304401496399, "q_0.625": 5.59713274204044, "q_0.65": 5.721728809124186, "q_0.675": 5.7891257975066495, "q_0.7": 5.951479115102467, "q_0.725": 6.105857021781258, "q_0.75": 6.228179537087993, "q_0.775": 6.296446398739077, "q_0.8": 6.393580121720733, "q_0.825": 6.451875145234029, "q_0.85": 6.578217225522944, "q_0.875": 6.674273496540186, "q_0.9": 6.7618297531865, "q_0.925": 6.806474554633876, "q_0.95": 6.912706312096574, "q_0.975": 6.989018274918326, "q_1": 7.76888055408128}, {"x": 31.932773109243698, "y": 4.3993899242287675, "y_pred": 5.182625141469851, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.613674538163367, "q_0.05": 3.7440798572064216, "q_0.075": 3.8522930960504125, "q_0.1": 3.928440928221106, "q_0.125": 3.9858355247087824, "q_0.15": 4.069012393132045, "q_0.175": 4.1297396857595, "q_0.2": 4.2502592436525894, "q_0.225": 4.329248332012304, "q_0.25": 4.390163237022276, "q_0.275": 4.497809695965421, "q_0.3": 4.554022513632217, "q_0.325": 4.607863496884008, "q_0.35": 4.688126828066639, "q_0.375": 4.787285173594916, "q_0.4": 4.868624028958877, "q_0.425": 4.925571725673944, "q_0.45": 4.989640083841659, "q_0.475": 5.069141440544453, "q_0.5": 5.182625141469851, "q_0.525": 5.256323896547926, "q_0.55": 5.326080791687565, "q_0.575": 5.415669597479313, "q_0.6": 5.515304401496399, "q_0.625": 5.59713274204044, "q_0.65": 5.721728809124186, "q_0.675": 5.7891257975066495, "q_0.7": 5.951479115102467, "q_0.725": 6.105857021781258, "q_0.75": 6.228179537087993, "q_0.775": 6.296446398739077, "q_0.8": 6.393580121720733, "q_0.825": 6.451875145234029, "q_0.85": 6.578217225522944, "q_0.875": 6.674273496540186, "q_0.9": 6.7618297531865, "q_0.925": 6.806474554633876, "q_0.95": 6.912706312096574, "q_0.975": 6.989018274918326, "q_1": 7.76888055408128}, {"x": 31.97278911564626, "y": 5.215350277738969, "y_pred": 5.182625141469851, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.613674538163367, "q_0.05": 3.7440798572064216, "q_0.075": 3.8522930960504125, "q_0.1": 3.928440928221106, "q_0.125": 3.9858355247087824, "q_0.15": 4.069012393132045, "q_0.175": 4.1297396857595, "q_0.2": 4.2502592436525894, "q_0.225": 4.329248332012304, "q_0.25": 4.390163237022276, "q_0.275": 4.497809695965421, "q_0.3": 4.554022513632217, "q_0.325": 4.607863496884008, "q_0.35": 4.688126828066639, "q_0.375": 4.787285173594916, "q_0.4": 4.868624028958877, "q_0.425": 4.925571725673944, "q_0.45": 4.989640083841659, "q_0.475": 5.069141440544453, "q_0.5": 5.182625141469851, "q_0.525": 5.256323896547926, "q_0.55": 5.326080791687565, "q_0.575": 5.415669597479313, "q_0.6": 5.515304401496399, "q_0.625": 5.59713274204044, "q_0.65": 5.721728809124186, "q_0.675": 5.7891257975066495, "q_0.7": 5.951479115102467, "q_0.725": 6.105857021781258, "q_0.75": 6.228179537087993, "q_0.775": 6.296446398739077, "q_0.8": 6.393580121720733, "q_0.825": 6.451875145234029, "q_0.85": 6.578217225522944, "q_0.875": 6.674273496540186, "q_0.9": 6.7618297531865, "q_0.925": 6.806474554633876, "q_0.95": 6.912706312096574, "q_0.975": 6.989018274918326, "q_1": 7.76888055408128}, {"x": 32.01280512204882, "y": 3.666587724755868, "y_pred": 5.182625141469851, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.613674538163367, "q_0.05": 3.7440798572064216, "q_0.075": 3.8522930960504125, "q_0.1": 3.928440928221106, "q_0.125": 3.9858355247087824, "q_0.15": 4.069012393132045, "q_0.175": 4.1297396857595, "q_0.2": 4.2502592436525894, "q_0.225": 4.329248332012304, "q_0.25": 4.390163237022276, "q_0.275": 4.497809695965421, "q_0.3": 4.554022513632217, "q_0.325": 4.607863496884008, "q_0.35": 4.688126828066639, "q_0.375": 4.787285173594916, "q_0.4": 4.868624028958877, "q_0.425": 4.925571725673944, "q_0.45": 4.989640083841659, "q_0.475": 5.069141440544453, "q_0.5": 5.182625141469851, "q_0.525": 5.256323896547926, "q_0.55": 5.326080791687565, "q_0.575": 5.415669597479313, "q_0.6": 5.515304401496399, "q_0.625": 5.59713274204044, "q_0.65": 5.721728809124186, "q_0.675": 5.7891257975066495, "q_0.7": 5.951479115102467, "q_0.725": 6.105857021781258, "q_0.75": 6.228179537087993, "q_0.775": 6.296446398739077, "q_0.8": 6.393580121720733, "q_0.825": 6.451875145234029, "q_0.85": 6.578217225522944, "q_0.875": 6.674273496540186, "q_0.9": 6.7618297531865, "q_0.925": 6.806474554633876, "q_0.95": 6.912706312096574, "q_0.975": 6.989018274918326, "q_1": 7.76888055408128}, {"x": 32.052821128451384, "y": 5.765669741328351, "y_pred": 5.20761524272038, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.613674538163367, "q_0.05": 3.7440798572064216, "q_0.075": 3.8522930960504125, "q_0.1": 3.928440928221106, "q_0.125": 3.991892136289005, "q_0.15": 4.069012393132045, "q_0.175": 4.1297396857595, "q_0.2": 4.2510013864745355, "q_0.225": 4.329248332012304, "q_0.25": 4.390163237022276, "q_0.275": 4.497809695965421, "q_0.3": 4.554022513632217, "q_0.325": 4.607863496884008, "q_0.35": 4.688126828066639, "q_0.375": 4.787285173594916, "q_0.4": 4.885248411887277, "q_0.425": 4.936857362874977, "q_0.45": 5.014710424476773, "q_0.475": 5.084668395031892, "q_0.5": 5.20761524272038, "q_0.525": 5.260355785997356, "q_0.55": 5.355259507868923, "q_0.575": 5.423618812332768, "q_0.6": 5.5262024339768, "q_0.625": 5.606967643882146, "q_0.65": 5.721728809124186, "q_0.675": 5.790685482401363, "q_0.7": 5.951479115102467, "q_0.725": 6.130004122697612, "q_0.75": 6.228374735311647, "q_0.775": 6.305348612831134, "q_0.8": 6.393580121720733, "q_0.825": 6.459476819212006, "q_0.85": 6.583499982177306, "q_0.875": 6.682241633711865, "q_0.9": 6.776237158220718, "q_0.925": 6.806474554633876, "q_0.95": 6.912706312096574, "q_0.975": 7.013591013188307, "q_1": 7.76888055408128}, {"x": 32.092837134853944, "y": 4.957868557936048, "y_pred": 5.20761524272038, "target": "0", "q_0": 3.222812183180076, "q_0.025": 3.613674538163367, "q_0.05": 3.7440798572064216, "q_0.075": 3.8522930960504125, "q_0.1": 3.928440928221106, "q_0.125": 3.991892136289005, "q_0.15": 4.069012393132045, "q_0.175": 4.1297396857595, "q_0.2": 4.2510013864745355, "q_0.225": 4.329248332012304, "q_0.25": 4.390163237022276, "q_0.275": 4.497809695965421, "q_0.3": 4.568673461092093, "q_0.325": 4.607863496884008, "q_0.35": 4.6955165158138525, "q_0.375": 4.787285173594916, "q_0.4": 4.885248411887277, "q_0.425": 4.936857362874977, "q_0.45": 5.014710424476773, "q_0.475": 5.084668395031892, "q_0.5": 5.20761524272038, "q_0.525": 5.260355785997356, "q_0.55": 5.355259507868923, "q_0.575": 5.423618812332768, "q_0.6": 5.526488887106085, "q_0.625": 5.606967643882146, "q_0.65": 5.721728809124186, "q_0.675": 5.790685482401363, "q_0.7": 5.951479115102467, "q_0.725": 6.130004122697612, "q_0.75": 6.228374735311647, "q_0.775": 6.305348612831134, "q_0.8": 6.393580121720733, "q_0.825": 6.4646387933210105, "q_0.85": 6.583499982177306, "q_0.875": 6.681103328401634, "q_0.9": 6.776237158220718, "q_0.925": 6.806474554633876, "q_0.95": 6.912706312096574, "q_0.975": 7.013591013188307, "q_1": 7.76888055408128}, {"x": 32.132853141256504, "y": 4.85138162358624, "y_pred": 5.260355785997356, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.634267078356909, "q_0.05": 3.7774253866341345, "q_0.075": 3.863858145890777, "q_0.1": 3.961847294659666, "q_0.125": 4.036937507457324, "q_0.15": 4.097637794907386, "q_0.175": 4.22113706700007, "q_0.2": 4.288793511623786, "q_0.225": 4.369192312444039, "q_0.25": 4.441696003187549, "q_0.275": 4.521081568301867, "q_0.3": 4.5848821471711805, "q_0.325": 4.681477938104428, "q_0.35": 4.768596663405027, "q_0.375": 4.860621883663697, "q_0.4": 4.898240198880959, "q_0.425": 4.987023085582278, "q_0.45": 5.069141440544453, "q_0.475": 5.164967520975808, "q_0.5": 5.260355785997356, "q_0.525": 5.355259507868923, "q_0.55": 5.42004166564872, "q_0.575": 5.515304401496399, "q_0.6": 5.59713274204044, "q_0.625": 5.721728809124186, "q_0.65": 5.786333977573899, "q_0.675": 5.931007805822089, "q_0.7": 6.105857021781258, "q_0.725": 6.228179537087993, "q_0.75": 6.271309337268203, "q_0.775": 6.391783668350065, "q_0.8": 6.434114769602721, "q_0.825": 6.567324734442829, "q_0.85": 6.667786930836276, "q_0.875": 6.7104379315465135, "q_0.9": 6.796688721434432, "q_0.925": 6.890610821089597, "q_0.95": 6.957989572911767, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.172869147659064, "y": 6.365611531052373, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.870270084783503, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.111068382018161, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688021822613865, "q_0.35": 4.787285173594916, "q_0.375": 4.868624028958877, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.20761524272038, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.53079761373451, "q_0.6": 5.637808825368412, "q_0.625": 5.721728809124186, "q_0.65": 5.8128111056012735, "q_0.675": 5.951479115102467, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.305348612831134, "q_0.775": 6.393580121720733, "q_0.8": 6.451875145234029, "q_0.825": 6.583499982177306, "q_0.85": 6.6691524781215294, "q_0.875": 6.743153962452412, "q_0.9": 6.798118186971974, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.212885154061624, "y": 6.016309523367708, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.870270084783503, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.111068382018161, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688021822613865, "q_0.35": 4.787285173594916, "q_0.375": 4.868624028958877, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.20761524272038, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.53079761373451, "q_0.6": 5.637808825368412, "q_0.625": 5.721728809124186, "q_0.65": 5.8128111056012735, "q_0.675": 5.951479115102467, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.305348612831134, "q_0.775": 6.393580121720733, "q_0.8": 6.451875145234029, "q_0.825": 6.583499982177306, "q_0.85": 6.6691524781215294, "q_0.875": 6.743153962452412, "q_0.9": 6.798118186971974, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.252901160464184, "y": 6.8778924865738595, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.870270084783503, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.111068382018161, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688021822613865, "q_0.35": 4.787285173594916, "q_0.375": 4.868624028958877, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.20761524272038, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.53079761373451, "q_0.6": 5.637808825368412, "q_0.625": 5.721728809124186, "q_0.65": 5.8128111056012735, "q_0.675": 5.951479115102467, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.305348612831134, "q_0.775": 6.393580121720733, "q_0.8": 6.451875145234029, "q_0.825": 6.583499982177306, "q_0.85": 6.6691524781215294, "q_0.875": 6.743153962452412, "q_0.9": 6.798118186971974, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.29291716686675, "y": 4.768596663405027, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.870270084783503, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.111068382018161, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688021822613865, "q_0.35": 4.787285173594916, "q_0.375": 4.868624028958877, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.20761524272038, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.53079761373451, "q_0.6": 5.637808825368412, "q_0.625": 5.721728809124186, "q_0.65": 5.8128111056012735, "q_0.675": 5.951479115102467, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.305348612831134, "q_0.775": 6.393580121720733, "q_0.8": 6.451875145234029, "q_0.825": 6.583499982177306, "q_0.85": 6.6691524781215294, "q_0.875": 6.743153962452412, "q_0.9": 6.798118186971974, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.33293317326931, "y": 6.683379939022111, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.870270084783503, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.111068382018161, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688021822613865, "q_0.35": 4.787285173594916, "q_0.375": 4.868624028958877, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.20761524272038, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.53079761373451, "q_0.6": 5.637808825368412, "q_0.625": 5.721728809124186, "q_0.65": 5.8128111056012735, "q_0.675": 5.951479115102467, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.305348612831134, "q_0.775": 6.393580121720733, "q_0.8": 6.451875145234029, "q_0.825": 6.583499982177306, "q_0.85": 6.6691524781215294, "q_0.875": 6.743153962452412, "q_0.9": 6.798118186971974, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.37294917967187, "y": 6.2381189553050875, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.870270084783503, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.111068382018161, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688021822613865, "q_0.35": 4.787285173594916, "q_0.375": 4.868624028958877, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.20761524272038, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.53079761373451, "q_0.6": 5.637808825368412, "q_0.625": 5.721728809124186, "q_0.65": 5.8128111056012735, "q_0.675": 5.951479115102467, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.305348612831134, "q_0.775": 6.393580121720733, "q_0.8": 6.451875145234029, "q_0.825": 6.583499982177306, "q_0.85": 6.6691524781215294, "q_0.875": 6.743153962452412, "q_0.9": 6.798118186971974, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.41296518607443, "y": 4.792616476370049, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.870270084783503, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.111068382018161, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688021822613865, "q_0.35": 4.787285173594916, "q_0.375": 4.868624028958877, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.20761524272038, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.53079761373451, "q_0.6": 5.637808825368412, "q_0.625": 5.721728809124186, "q_0.65": 5.8128111056012735, "q_0.675": 5.951479115102467, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.305348612831134, "q_0.775": 6.393580121720733, "q_0.8": 6.451875145234029, "q_0.825": 6.583499982177306, "q_0.85": 6.6691524781215294, "q_0.875": 6.743153962452412, "q_0.9": 6.798118186971974, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.45298119247699, "y": 5.721728809124186, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.870270084783503, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.111068382018161, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688021822613865, "q_0.35": 4.787285173594916, "q_0.375": 4.868624028958877, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.20761524272038, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.53079761373451, "q_0.6": 5.637808825368412, "q_0.625": 5.721728809124186, "q_0.65": 5.8128111056012735, "q_0.675": 5.951479115102467, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.305348612831134, "q_0.775": 6.393580121720733, "q_0.8": 6.451875145234029, "q_0.825": 6.583499982177306, "q_0.85": 6.6691524781215294, "q_0.875": 6.743153962452412, "q_0.9": 6.798118186971974, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.49299719887955, "y": 4.554022513632217, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.112576769131043, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688126828066639, "q_0.35": 4.787285173594916, "q_0.375": 4.885248411887277, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.209884025795806, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.545253349624581, "q_0.6": 5.644622067914058, "q_0.625": 5.7260770285449505, "q_0.65": 5.8189678098003395, "q_0.675": 5.989441443190204, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.307730002995395, "q_0.775": 6.393580121720733, "q_0.8": 6.4646387933210105, "q_0.825": 6.583499982177306, "q_0.85": 6.674273496540186, "q_0.875": 6.743153962452412, "q_0.9": 6.806474554633876, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.53301320528212, "y": 6.613272081057492, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.112576769131043, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688126828066639, "q_0.35": 4.787285173594916, "q_0.375": 4.885248411887277, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.209884025795806, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.545253349624581, "q_0.6": 5.644622067914058, "q_0.625": 5.7260770285449505, "q_0.65": 5.8189678098003395, "q_0.675": 5.989441443190204, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.307730002995395, "q_0.775": 6.393580121720733, "q_0.8": 6.4646387933210105, "q_0.825": 6.583499982177306, "q_0.85": 6.674273496540186, "q_0.875": 6.743153962452412, "q_0.9": 6.806474554633876, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.57302921168468, "y": 3.938112330647517, "y_pred": 5.263365170773502, "target": "0", "q_0": 3.2529557651755714, "q_0.025": 3.664457894812739, "q_0.05": 3.7774253866341345, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.112576769131043, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.486765629118752, "q_0.275": 4.554022513632217, "q_0.3": 4.606688285832019, "q_0.325": 4.688126828066639, "q_0.35": 4.787285173594916, "q_0.375": 4.885248411887277, "q_0.4": 4.925571725673944, "q_0.425": 5.014710424476773, "q_0.45": 5.084668395031892, "q_0.475": 5.209884025795806, "q_0.5": 5.263365170773502, "q_0.525": 5.373524653579246, "q_0.55": 5.452291878953412, "q_0.575": 5.545253349624581, "q_0.6": 5.644622067914058, "q_0.625": 5.7260770285449505, "q_0.65": 5.8189678098003395, "q_0.675": 5.989441443190204, "q_0.7": 6.13674224822967, "q_0.725": 6.228374735311647, "q_0.75": 6.307730002995395, "q_0.775": 6.393580121720733, "q_0.8": 6.4646387933210105, "q_0.825": 6.583499982177306, "q_0.85": 6.674273496540186, "q_0.875": 6.743153962452412, "q_0.9": 6.806474554633876, "q_0.925": 6.896750279109836, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.61304521808724, "y": 4.2909192024665375, "y_pred": 5.267029197552311, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.78425267544463, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.1218232669049515, "q_0.175": 4.24932715550084, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.725392345301849, "q_0.35": 4.7891841984093775, "q_0.375": 4.885248411887277, "q_0.4": 4.936857362874977, "q_0.425": 5.014710424476773, "q_0.45": 5.097073359111136, "q_0.475": 5.212656982887996, "q_0.5": 5.267029197552311, "q_0.525": 5.380267819921747, "q_0.55": 5.45528654643082, "q_0.575": 5.558633104373527, "q_0.6": 5.676922069924459, "q_0.625": 5.7294848141644845, "q_0.65": 5.8189678098003395, "q_0.675": 6.016309523367708, "q_0.7": 6.147903247744509, "q_0.725": 6.2381189553050875, "q_0.75": 6.315309345863373, "q_0.775": 6.395220100590806, "q_0.8": 6.465178563104686, "q_0.825": 6.587166982889164, "q_0.85": 6.683379939022111, "q_0.875": 6.760228930404921, "q_0.9": 6.809549107129772, "q_0.925": 6.9036364853327825, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.6530612244898, "y": 4.188950163651021, "y_pred": 5.267029197552311, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.78425267544463, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.1218232669049515, "q_0.175": 4.24932715550084, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.725392345301849, "q_0.35": 4.7891841984093775, "q_0.375": 4.885248411887277, "q_0.4": 4.936857362874977, "q_0.425": 5.014710424476773, "q_0.45": 5.097073359111136, "q_0.475": 5.212656982887996, "q_0.5": 5.267029197552311, "q_0.525": 5.380267819921747, "q_0.55": 5.45528654643082, "q_0.575": 5.558633104373527, "q_0.6": 5.676922069924459, "q_0.625": 5.7294848141644845, "q_0.65": 5.8189678098003395, "q_0.675": 6.016309523367708, "q_0.7": 6.147903247744509, "q_0.725": 6.2381189553050875, "q_0.75": 6.315309345863373, "q_0.775": 6.395220100590806, "q_0.8": 6.465178563104686, "q_0.825": 6.587166982889164, "q_0.85": 6.683379939022111, "q_0.875": 6.760228930404921, "q_0.9": 6.809549107129772, "q_0.925": 6.9036364853327825, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.69307723089236, "y": 4.964100455990332, "y_pred": 5.267029197552311, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.78425267544463, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.1218232669049515, "q_0.175": 4.24932715550084, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.725392345301849, "q_0.35": 4.7891841984093775, "q_0.375": 4.885248411887277, "q_0.4": 4.936857362874977, "q_0.425": 5.014710424476773, "q_0.45": 5.097073359111136, "q_0.475": 5.212656982887996, "q_0.5": 5.267029197552311, "q_0.525": 5.380267819921747, "q_0.55": 5.45528654643082, "q_0.575": 5.558633104373527, "q_0.6": 5.676922069924459, "q_0.625": 5.7294848141644845, "q_0.65": 5.8189678098003395, "q_0.675": 6.016309523367708, "q_0.7": 6.147903247744509, "q_0.725": 6.2381189553050875, "q_0.75": 6.315309345863373, "q_0.775": 6.395220100590806, "q_0.8": 6.465178563104686, "q_0.825": 6.587166982889164, "q_0.85": 6.683379939022111, "q_0.875": 6.760228930404921, "q_0.9": 6.809549107129772, "q_0.925": 6.9036364853327825, "q_0.95": 6.9594339029261665, "q_0.975": 7.133566376914873, "q_1": 7.76888055408128}, {"x": 32.733093237294916, "y": 6.16977970939884, "y_pred": 5.267029197552311, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.7774253866341345, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.1218232669049515, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.725392345301849, "q_0.35": 4.7891841984093775, "q_0.375": 4.885248411887277, "q_0.4": 4.936857362874977, "q_0.425": 5.014710424476773, "q_0.45": 5.097073359111136, "q_0.475": 5.212656982887996, "q_0.5": 5.267029197552311, "q_0.525": 5.380267819921747, "q_0.55": 5.45528654643082, "q_0.575": 5.558633104373527, "q_0.6": 5.676922069924459, "q_0.625": 5.7294848141644845, "q_0.65": 5.8189678098003395, "q_0.675": 6.016309523367708, "q_0.7": 6.147903247744509, "q_0.725": 6.2381189553050875, "q_0.75": 6.315309345863373, "q_0.775": 6.395220100590806, "q_0.8": 6.465178563104686, "q_0.825": 6.587166982889164, "q_0.85": 6.683379939022111, "q_0.875": 6.760228930404921, "q_0.9": 6.809549107129772, "q_0.925": 6.907808121481193, "q_0.95": 6.9594339029261665, "q_0.975": 7.173017440070793, "q_1": 7.76888055408128}, {"x": 32.77310924369748, "y": 5.403382019876286, "y_pred": 5.267029197552311, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.7774253866341345, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.1218232669049515, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.725392345301849, "q_0.35": 4.7891841984093775, "q_0.375": 4.885248411887277, "q_0.4": 4.936857362874977, "q_0.425": 5.014710424476773, "q_0.45": 5.097073359111136, "q_0.475": 5.212656982887996, "q_0.5": 5.267029197552311, "q_0.525": 5.380267819921747, "q_0.55": 5.45528654643082, "q_0.575": 5.558633104373527, "q_0.6": 5.676922069924459, "q_0.625": 5.7294848141644845, "q_0.65": 5.8189678098003395, "q_0.675": 6.016309523367708, "q_0.7": 6.147903247744509, "q_0.725": 6.2381189553050875, "q_0.75": 6.315309345863373, "q_0.775": 6.395220100590806, "q_0.8": 6.465178563104686, "q_0.825": 6.587166982889164, "q_0.85": 6.683379939022111, "q_0.875": 6.760228930404921, "q_0.9": 6.809549107129772, "q_0.925": 6.907808121481193, "q_0.95": 6.9594339029261665, "q_0.975": 7.173017440070793, "q_1": 7.76888055408128}, {"x": 32.81312525010004, "y": 5.267029197552311, "y_pred": 5.267029197552311, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.7774253866341345, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.1218232669049515, "q_0.175": 4.242694663487959, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.725392345301849, "q_0.35": 4.7891841984093775, "q_0.375": 4.885248411887277, "q_0.4": 4.936857362874977, "q_0.425": 5.014710424476773, "q_0.45": 5.097073359111136, "q_0.475": 5.212656982887996, "q_0.5": 5.267029197552311, "q_0.525": 5.380267819921747, "q_0.55": 5.45528654643082, "q_0.575": 5.558633104373527, "q_0.6": 5.676922069924459, "q_0.625": 5.7294848141644845, "q_0.65": 5.8189678098003395, "q_0.675": 6.016309523367708, "q_0.7": 6.147903247744509, "q_0.725": 6.2381189553050875, "q_0.75": 6.315309345863373, "q_0.775": 6.395220100590806, "q_0.8": 6.465178563104686, "q_0.825": 6.587166982889164, "q_0.85": 6.683379939022111, "q_0.875": 6.760228930404921, "q_0.9": 6.809549107129772, "q_0.925": 6.907808121481193, "q_0.95": 6.9594339029261665, "q_0.975": 7.173017440070793, "q_1": 7.76888055408128}, {"x": 32.8531412565026, "y": 3.5530661753553163, "y_pred": 5.267029197552311, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.78425267544463, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.052918724854845, "q_0.15": 4.122302381529171, "q_0.175": 4.24932715550084, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.725392345301849, "q_0.35": 4.7891841984093775, "q_0.375": 4.885248411887277, "q_0.4": 4.955720988370454, "q_0.425": 5.014710424476773, "q_0.45": 5.097073359111136, "q_0.475": 5.212656982887996, "q_0.5": 5.267029197552311, "q_0.525": 5.380267819921747, "q_0.55": 5.45528654643082, "q_0.575": 5.558633104373527, "q_0.6": 5.676922069924459, "q_0.625": 5.7294848141644845, "q_0.65": 5.8189678098003395, "q_0.675": 6.016309523367708, "q_0.7": 6.147903247744509, "q_0.725": 6.2381189553050875, "q_0.75": 6.350078141458239, "q_0.775": 6.40640674168122, "q_0.8": 6.474234630612757, "q_0.825": 6.587166982889164, "q_0.85": 6.683379939022111, "q_0.875": 6.760228930404921, "q_0.9": 6.809549107129772, "q_0.925": 6.907808121481193, "q_0.95": 6.9594339029261665, "q_0.975": 7.173017440070793, "q_1": 7.76888055408128}, {"x": 32.89315726290516, "y": 5.051071692998246, "y_pred": 5.267029197552311, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.78425267544463, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.06706166985257, "q_0.15": 4.122302381529171, "q_0.175": 4.24932715550084, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.725392345301849, "q_0.35": 4.7891841984093775, "q_0.375": 4.888332134958008, "q_0.4": 4.957868557936048, "q_0.425": 5.014710424476773, "q_0.45": 5.124874775655833, "q_0.475": 5.212656982887996, "q_0.5": 5.267029197552311, "q_0.525": 5.380267819921747, "q_0.55": 5.457106718543322, "q_0.575": 5.558633104373527, "q_0.6": 5.676922069924459, "q_0.625": 5.743059371733642, "q_0.65": 5.8189678098003395, "q_0.675": 6.016309523367708, "q_0.7": 6.147903247744509, "q_0.725": 6.2381189553050875, "q_0.75": 6.350078141458239, "q_0.775": 6.40640674168122, "q_0.8": 6.474573826231529, "q_0.825": 6.587166982889164, "q_0.85": 6.683379939022111, "q_0.875": 6.760228930404921, "q_0.9": 6.809549107129772, "q_0.925": 6.907808121481193, "q_0.95": 6.9594339029261665, "q_0.975": 7.173017440070793, "q_1": 7.76888055408128}, {"x": 32.93317326930772, "y": 3.7774253866341345, "y_pred": 5.267029197552311, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.78425267544463, "q_0.075": 3.8885944221936377, "q_0.1": 3.971283130141508, "q_0.125": 4.06706166985257, "q_0.15": 4.122302381529171, "q_0.175": 4.24932715550084, "q_0.2": 4.2909192024665375, "q_0.225": 4.375571468160891, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.725392345301849, "q_0.35": 4.7891841984093775, "q_0.375": 4.888332134958008, "q_0.4": 4.957868557936048, "q_0.425": 5.014710424476773, "q_0.45": 5.124874775655833, "q_0.475": 5.212656982887996, "q_0.5": 5.267029197552311, "q_0.525": 5.380267819921747, "q_0.55": 5.457106718543322, "q_0.575": 5.558633104373527, "q_0.6": 5.676922069924459, "q_0.625": 5.743059371733642, "q_0.65": 5.8189678098003395, "q_0.675": 6.016309523367708, "q_0.7": 6.147903247744509, "q_0.725": 6.2381189553050875, "q_0.75": 6.350078141458239, "q_0.775": 6.40640674168122, "q_0.8": 6.474573826231529, "q_0.825": 6.587166982889164, "q_0.85": 6.683379939022111, "q_0.875": 6.760228930404921, "q_0.9": 6.809549107129772, "q_0.925": 6.907808121481193, "q_0.95": 6.9594339029261665, "q_0.975": 7.173017440070793, "q_1": 7.76888055408128}, {"x": 32.97318927571028, "y": 4.288793511623786, "y_pred": 5.286940140213808, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.666587724755868, "q_0.05": 3.8051011248602893, "q_0.075": 3.890429119135321, "q_0.1": 3.978082321979567, "q_0.125": 4.06706166985257, "q_0.15": 4.122302381529171, "q_0.175": 4.24932715550084, "q_0.2": 4.2909192024665375, "q_0.225": 4.3762248716476595, "q_0.25": 4.497809695965421, "q_0.275": 4.554022513632217, "q_0.3": 4.607863496884008, "q_0.325": 4.744322151526749, "q_0.35": 4.810885689049004, "q_0.375": 4.888772666825256, "q_0.4": 4.957868557936048, "q_0.425": 5.051071692998246, "q_0.45": 5.128917020180318, "q_0.475": 5.212862255489252, "q_0.5": 5.286940140213808, "q_0.525": 5.395930777257884, "q_0.55": 5.457106718543322, "q_0.575": 5.569843877203429, "q_0.6": 5.678347134066301, "q_0.625": 5.743059371733642, "q_0.65": 5.828589863960346, "q_0.675": 6.016309523367708, "q_0.7": 6.166671893644826, "q_0.725": 6.2381189553050875, "q_0.75": 6.350078141458239, "q_0.775": 6.408709400648361, "q_0.8": 6.47576604144437, "q_0.825": 6.613272081057492, "q_0.85": 6.683379939022111, "q_0.875": 6.776237158220718, "q_0.9": 6.812323555565416, "q_0.925": 6.907808121481193, "q_0.95": 6.96528613619982, "q_0.975": 7.173017440070793, "q_1": 7.76888055408128}, {"x": 33.01320528211285, "y": 6.844044526630338, "y_pred": 5.407795904004388, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7735649082777876, "q_0.05": 3.8557613901090195, "q_0.075": 3.9551964171836125, "q_0.1": 4.013729678877427, "q_0.125": 4.09295049811656, "q_0.15": 4.215227491801819, "q_0.175": 4.286461922627283, "q_0.2": 4.360488882284714, "q_0.225": 4.486765629118752, "q_0.25": 4.521081568301867, "q_0.275": 4.606688285832019, "q_0.3": 4.728370737995101, "q_0.325": 4.810885689049004, "q_0.35": 4.885248411887277, "q_0.375": 4.955720988370454, "q_0.4": 5.045065994911716, "q_0.425": 5.138908745036272, "q_0.45": 5.2417729067671255, "q_0.475": 5.314760609667232, "q_0.5": 5.407795904004388, "q_0.525": 5.481153573906607, "q_0.55": 5.578586446580225, "q_0.575": 5.678347134066301, "q_0.6": 5.743059371733642, "q_0.625": 5.828589863960346, "q_0.65": 6.016309523367708, "q_0.675": 6.167747892366451, "q_0.7": 6.251313585511198, "q_0.725": 6.352281704541352, "q_0.75": 6.416305303663277, "q_0.775": 6.47576604144437, "q_0.8": 6.599518656870281, "q_0.825": 6.690604747733197, "q_0.85": 6.760228930404921, "q_0.875": 6.812323555565416, "q_0.9": 6.896750279109836, "q_0.925": 6.957989572911767, "q_0.95": 7.046283867148457, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.05322128851541, "y": 4.316776145736932, "y_pred": 5.415669597479313, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7736374703151707, "q_0.05": 3.862691537907575, "q_0.075": 3.9564574542412085, "q_0.1": 4.022071673267338, "q_0.125": 4.09295049811656, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.360488882284714, "q_0.225": 4.486765629118752, "q_0.25": 4.521081568301867, "q_0.275": 4.607863496884008, "q_0.3": 4.744322151526749, "q_0.325": 4.810885689049004, "q_0.35": 4.888772666825256, "q_0.375": 4.957868557936048, "q_0.4": 5.051071692998246, "q_0.425": 5.141263186917729, "q_0.45": 5.256323896547926, "q_0.475": 5.326098736512186, "q_0.5": 5.415669597479313, "q_0.525": 5.494970241745836, "q_0.55": 5.578586446580225, "q_0.575": 5.680116126954365, "q_0.6": 5.743059371733642, "q_0.625": 5.837733778524463, "q_0.65": 6.0240193207180575, "q_0.675": 6.200664817196285, "q_0.7": 6.251313585511198, "q_0.725": 6.365611531052373, "q_0.75": 6.416305303663277, "q_0.775": 6.476154977791679, "q_0.8": 6.613272081057492, "q_0.825": 6.6929046867778, "q_0.85": 6.776237158220718, "q_0.875": 6.8192697241043785, "q_0.9": 6.9036364853327825, "q_0.925": 6.959047488980644, "q_0.95": 7.046283867148457, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.09323729491797, "y": 6.587166982889164, "y_pred": 5.415669597479313, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.773650275380591, "q_0.05": 3.862691537907575, "q_0.075": 3.957489211833787, "q_0.1": 4.022071673267338, "q_0.125": 4.0955120857025005, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.367563273352806, "q_0.225": 4.486765629118752, "q_0.25": 4.521081568301867, "q_0.275": 4.607863496884008, "q_0.3": 4.744322151526749, "q_0.325": 4.810885689049004, "q_0.35": 4.888772666825256, "q_0.375": 4.957868557936048, "q_0.4": 5.051071692998246, "q_0.425": 5.141263186917729, "q_0.45": 5.256323896547926, "q_0.475": 5.355259507868923, "q_0.5": 5.415669597479313, "q_0.525": 5.494970241745836, "q_0.55": 5.596197385576483, "q_0.575": 5.680116126954365, "q_0.6": 5.743059371733642, "q_0.625": 5.886105011789981, "q_0.65": 6.0240193207180575, "q_0.675": 6.200664817196285, "q_0.7": 6.262837166853249, "q_0.725": 6.365611531052373, "q_0.75": 6.419488182023176, "q_0.775": 6.476154977791679, "q_0.8": 6.613272081057492, "q_0.825": 6.6929046867778, "q_0.85": 6.776237158220718, "q_0.875": 6.82266174407658, "q_0.9": 6.907808121481193, "q_0.925": 6.9594339029261665, "q_0.95": 7.046283867148457, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.13325330132053, "y": 6.393580121720733, "y_pred": 5.415669597479313, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.773650275380591, "q_0.05": 3.862691537907575, "q_0.075": 3.957489211833787, "q_0.1": 4.022071673267338, "q_0.125": 4.0955120857025005, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.367563273352806, "q_0.225": 4.486765629118752, "q_0.25": 4.521081568301867, "q_0.275": 4.607863496884008, "q_0.3": 4.744322151526749, "q_0.325": 4.810885689049004, "q_0.35": 4.888772666825256, "q_0.375": 4.957868557936048, "q_0.4": 5.051071692998246, "q_0.425": 5.141263186917729, "q_0.45": 5.256323896547926, "q_0.475": 5.355259507868923, "q_0.5": 5.415669597479313, "q_0.525": 5.494970241745836, "q_0.55": 5.596197385576483, "q_0.575": 5.680116126954365, "q_0.6": 5.743059371733642, "q_0.625": 5.886105011789981, "q_0.65": 6.0240193207180575, "q_0.675": 6.200664817196285, "q_0.7": 6.262837166853249, "q_0.725": 6.365611531052373, "q_0.75": 6.419488182023176, "q_0.775": 6.476154977791679, "q_0.8": 6.613272081057492, "q_0.825": 6.6929046867778, "q_0.85": 6.776237158220718, "q_0.875": 6.82266174407658, "q_0.9": 6.907808121481193, "q_0.925": 6.9594339029261665, "q_0.95": 7.046283867148457, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.17326930772309, "y": 4.122302381529171, "y_pred": 5.415669597479313, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.773650275380591, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.097637794907386, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.486765629118752, "q_0.25": 4.554022513632217, "q_0.275": 4.607863496884008, "q_0.3": 4.744322151526749, "q_0.325": 4.810885689049004, "q_0.35": 4.888772666825256, "q_0.375": 4.957868557936048, "q_0.4": 5.051071692998246, "q_0.425": 5.141263186917729, "q_0.45": 5.256323896547926, "q_0.475": 5.355259507868923, "q_0.5": 5.415669597479313, "q_0.525": 5.494970241745836, "q_0.55": 5.596197385576483, "q_0.575": 5.680116126954365, "q_0.6": 5.746991044011962, "q_0.625": 5.896533308901491, "q_0.65": 6.074951271072937, "q_0.675": 6.200664817196285, "q_0.7": 6.262837166853249, "q_0.725": 6.365611531052373, "q_0.75": 6.422219416707716, "q_0.775": 6.4777042327958245, "q_0.8": 6.613272081057492, "q_0.825": 6.6954419437597, "q_0.85": 6.776237158220718, "q_0.875": 6.82266174407658, "q_0.9": 6.907808121481193, "q_0.925": 6.9594339029261665, "q_0.95": 7.046283867148457, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.21328531412565, "y": 5.7011699923444175, "y_pred": 5.415669597479313, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.773650275380591, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.486765629118752, "q_0.25": 4.554022513632217, "q_0.275": 4.607863496884008, "q_0.3": 4.744322151526749, "q_0.325": 4.820690945452143, "q_0.35": 4.889067854114831, "q_0.375": 4.957868557936048, "q_0.4": 5.051071692998246, "q_0.425": 5.141263186917729, "q_0.45": 5.256323896547926, "q_0.475": 5.355259507868923, "q_0.5": 5.415669597479313, "q_0.525": 5.508081778508232, "q_0.55": 5.596197385576483, "q_0.575": 5.680116126954365, "q_0.6": 5.746991044011962, "q_0.625": 5.896533308901491, "q_0.65": 6.074951271072937, "q_0.675": 6.207417961050581, "q_0.7": 6.262837166853249, "q_0.725": 6.371714549575328, "q_0.75": 6.422594742018269, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.777313011351518, "q_0.875": 6.82266174407658, "q_0.9": 6.907808121481193, "q_0.925": 6.9594339029261665, "q_0.95": 7.065958062458219, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.253301320528216, "y": 3.971283130141508, "y_pred": 5.415669597479313, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.773650275380591, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.486765629118752, "q_0.25": 4.554022513632217, "q_0.275": 4.607863496884008, "q_0.3": 4.744322151526749, "q_0.325": 4.820690945452143, "q_0.35": 4.889067854114831, "q_0.375": 4.957868557936048, "q_0.4": 5.051071692998246, "q_0.425": 5.141263186917729, "q_0.45": 5.256323896547926, "q_0.475": 5.355259507868923, "q_0.5": 5.415669597479313, "q_0.525": 5.508081778508232, "q_0.55": 5.596197385576483, "q_0.575": 5.680116126954365, "q_0.6": 5.746991044011962, "q_0.625": 5.896533308901491, "q_0.65": 6.074951271072937, "q_0.675": 6.207417961050581, "q_0.7": 6.262837166853249, "q_0.725": 6.371714549575328, "q_0.75": 6.422594742018269, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.777313011351518, "q_0.875": 6.82266174407658, "q_0.9": 6.907808121481193, "q_0.925": 6.9594339029261665, "q_0.95": 7.065958062458219, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.293317326930776, "y": 6.13674224822967, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.333333333333336, "y": 5.8189678098003395, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.373349339735896, "y": 6.4380139754329075, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.413365346138455, "y": 5.263365170773502, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.453381352541015, "y": 6.806474554633876, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.49339735894358, "y": 3.7440798572064216, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.53341336534614, "y": 4.607863496884008, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.5734293717487, "y": 6.105091447158197, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.61344537815126, "y": 5.054603558756522, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.65346138455382, "y": 4.1870275548525475, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.69347739095638, "y": 3.9551964171836125, "y_pred": 5.423618812332768, "target": "0", "q_0": 3.3633265429749772, "q_0.025": 3.7774253866341345, "q_0.05": 3.863858145890777, "q_0.075": 3.961847294659666, "q_0.1": 4.022071673267338, "q_0.125": 4.111068382018161, "q_0.15": 4.22113706700007, "q_0.175": 4.286461922627283, "q_0.2": 4.369192312444039, "q_0.225": 4.497809695965421, "q_0.25": 4.554022513632217, "q_0.275": 4.611532395617609, "q_0.3": 4.7537597243022, "q_0.325": 4.820690945452143, "q_0.35": 4.8901886683724864, "q_0.375": 4.9602003327052175, "q_0.4": 5.054603558756522, "q_0.425": 5.154466836504394, "q_0.45": 5.26080719371378, "q_0.475": 5.373524653579246, "q_0.5": 5.423618812332768, "q_0.525": 5.508081778508232, "q_0.55": 5.59713274204044, "q_0.575": 5.688882953610304, "q_0.6": 5.750726783475231, "q_0.625": 5.899706034905603, "q_0.65": 6.078580758878237, "q_0.675": 6.207417961050581, "q_0.7": 6.264606100395435, "q_0.725": 6.375321789501001, "q_0.75": 6.432153619155224, "q_0.775": 6.480218367589153, "q_0.8": 6.650981183363797, "q_0.825": 6.6954419437597, "q_0.85": 6.78005558442292, "q_0.875": 6.831774415864712, "q_0.9": 6.912706312096574, "q_0.925": 6.9594339029261665, "q_0.95": 7.081019501896454, "q_0.975": 7.302515047456258, "q_1": 7.965287091381542}, {"x": 33.73349339735894, "y": 6.47576604144437, "y_pred": 5.429067265936801, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7774253866341345, "q_0.05": 3.870270084783503, "q_0.075": 3.961847294659666, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.3762248716476595, "q_0.225": 4.507905927174601, "q_0.25": 4.57390582955391, "q_0.275": 4.637356298509388, "q_0.3": 4.761465645334576, "q_0.325": 4.839964647797142, "q_0.35": 4.894947785189663, "q_0.375": 4.961930446636361, "q_0.4": 5.060901296526395, "q_0.425": 5.165680393444788, "q_0.45": 5.267029197552311, "q_0.475": 5.380267819921747, "q_0.5": 5.429067265936801, "q_0.525": 5.515304401496399, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.775208191415703, "q_0.625": 5.900806625736318, "q_0.65": 6.130004122697612, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.51015583193452, "q_0.8": 6.665954088408167, "q_0.825": 6.7104379315465135, "q_0.85": 6.783823531596502, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106052211711557, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 33.77350940376151, "y": 5.256323896547926, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7774253866341345, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.3762248716476595, "q_0.225": 4.507905927174601, "q_0.25": 4.5742407230328475, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.894947785189663, "q_0.375": 4.963909904070533, "q_0.4": 5.069141440544453, "q_0.425": 5.165680393444788, "q_0.45": 5.267029197552311, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.5262024339768, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.51015583193452, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 33.81352541016407, "y": 6.7104379315465135, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7951981113878515, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.383429840009689, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.069141440544453, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.526918566800015, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.534139925125569, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 33.85354141656663, "y": 6.183465539550445, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7951981113878515, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.383429840009689, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.069141440544453, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.526918566800015, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.534139925125569, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 33.89355742296919, "y": 5.036029126629676, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7951981113878515, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.383429840009689, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.069141440544453, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.526918566800015, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.534139925125569, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 33.93357342937175, "y": 4.908924150756576, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7951981113878515, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.383429840009689, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.069141440544453, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.526918566800015, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.534139925125569, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 33.97358943577431, "y": 5.415669597479313, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7951981113878515, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.383429840009689, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.069141440544453, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.526918566800015, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.534139925125569, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.013605442176875, "y": 6.7451599115110845, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7951981113878515, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.383429840009689, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.069141440544453, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.526918566800015, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.534139925125569, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.053621448579435, "y": 6.207417961050581, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7951981113878515, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.383429840009689, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.069141440544453, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.526918566800015, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.534139925125569, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.093637454981994, "y": 3.604450951150449, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7951981113878515, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.383429840009689, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.069141440544453, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.526918566800015, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.534139925125569, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.133653461384554, "y": 6.057843142810192, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.7951981113878515, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.383429840009689, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.843551038072556, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.069141440544453, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.526918566800015, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.783031141582168, "q_0.625": 5.900806625736318, "q_0.65": 6.13674224822967, "q_0.675": 6.228179537087993, "q_0.7": 6.305348612831134, "q_0.725": 6.392785686480926, "q_0.75": 6.451875145234029, "q_0.775": 6.534139925125569, "q_0.8": 6.667786930836276, "q_0.825": 6.7104379315465135, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.106151108103749, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.173669467787114, "y": 6.86205166742157, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.8051011248602893, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.390163237022276, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.85138162358624, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.084668395031892, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.53079761373451, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.786333977573899, "q_0.625": 5.9308279997096065, "q_0.65": 6.13674224822967, "q_0.675": 6.228193779501523, "q_0.7": 6.305348612831134, "q_0.725": 6.393580121720733, "q_0.75": 6.451875145234029, "q_0.775": 6.567324734442829, "q_0.8": 6.667786930836276, "q_0.825": 6.72762611268005, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.108062313023018, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.213685474189674, "y": 6.119678964156959, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.8051011248602893, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.390163237022276, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.85138162358624, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.084668395031892, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.53079761373451, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.786333977573899, "q_0.625": 5.9308279997096065, "q_0.65": 6.13674224822967, "q_0.675": 6.228193779501523, "q_0.7": 6.305348612831134, "q_0.725": 6.393580121720733, "q_0.75": 6.451875145234029, "q_0.775": 6.567324734442829, "q_0.8": 6.667786930836276, "q_0.825": 6.72762611268005, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.108062313023018, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.25370148059224, "y": 4.22113706700007, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.8051011248602893, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.390163237022276, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.85138162358624, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.084668395031892, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.53079761373451, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.786333977573899, "q_0.625": 5.9308279997096065, "q_0.65": 6.13674224822967, "q_0.675": 6.228193779501523, "q_0.7": 6.305348612831134, "q_0.725": 6.393580121720733, "q_0.75": 6.451875145234029, "q_0.775": 6.567324734442829, "q_0.8": 6.667786930836276, "q_0.825": 6.72762611268005, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.108062313023018, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.2937174869948, "y": 5.314760609667232, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.8051011248602893, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.390163237022276, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.85138162358624, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.084668395031892, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.53079761373451, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.786333977573899, "q_0.625": 5.9308279997096065, "q_0.65": 6.13674224822967, "q_0.675": 6.228193779501523, "q_0.7": 6.305348612831134, "q_0.725": 6.393580121720733, "q_0.75": 6.451875145234029, "q_0.775": 6.567324734442829, "q_0.8": 6.667786930836276, "q_0.825": 6.72762611268005, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.108062313023018, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.33373349339736, "y": 4.09295049811656, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.8051011248602893, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.390163237022276, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.85138162358624, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.084668395031892, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.53079761373451, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.786333977573899, "q_0.625": 5.9308279997096065, "q_0.65": 6.13674224822967, "q_0.675": 6.228193779501523, "q_0.7": 6.305348612831134, "q_0.725": 6.393580121720733, "q_0.75": 6.451875145234029, "q_0.775": 6.567324734442829, "q_0.8": 6.667786930836276, "q_0.825": 6.72762611268005, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.108062313023018, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.37374949979992, "y": 4.874013741567046, "y_pred": 5.452291878953412, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.8051011248602893, "q_0.05": 3.870270084783503, "q_0.075": 3.9662192189256635, "q_0.1": 4.035775417732042, "q_0.125": 4.112576769131043, "q_0.15": 4.24932715550084, "q_0.175": 4.2909192024665375, "q_0.2": 4.390163237022276, "q_0.225": 4.508471559559456, "q_0.25": 4.5808494163937, "q_0.275": 4.658711517982521, "q_0.3": 4.767417405941826, "q_0.325": 4.85138162358624, "q_0.35": 4.896821574928517, "q_0.375": 4.9651042140046835, "q_0.4": 5.084668395031892, "q_0.425": 5.20520435895069, "q_0.45": 5.286940140213808, "q_0.475": 5.389898531436362, "q_0.5": 5.452291878953412, "q_0.525": 5.53079761373451, "q_0.55": 5.610358088522938, "q_0.575": 5.6937689455309854, "q_0.6": 5.786333977573899, "q_0.625": 5.9308279997096065, "q_0.65": 6.13674224822967, "q_0.675": 6.228193779501523, "q_0.7": 6.305348612831134, "q_0.725": 6.393580121720733, "q_0.75": 6.451875145234029, "q_0.775": 6.567324734442829, "q_0.8": 6.667786930836276, "q_0.825": 6.72762611268005, "q_0.85": 6.798118186971974, "q_0.875": 6.844044526630338, "q_0.9": 6.93274725807559, "q_0.925": 6.965319847274817, "q_0.95": 7.108062313023018, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.41376550620248, "y": 6.9377376395973425, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.971283130141508, "q_0.1": 4.06706166985257, "q_0.125": 4.122302381529171, "q_0.15": 4.271015264611869, "q_0.175": 4.329248332012304, "q_0.2": 4.404153214886817, "q_0.225": 4.516189423982684, "q_0.25": 4.5848821471711805, "q_0.275": 4.671423009467839, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.216614980798683, "q_0.45": 5.326098736512186, "q_0.475": 5.407795904004388, "q_0.5": 5.481153573906607, "q_0.525": 5.569843877203429, "q_0.55": 5.676922069924459, "q_0.575": 5.721728809124186, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.147903247744509, "q_0.675": 6.241360264102225, "q_0.7": 6.325065319230509, "q_0.725": 6.395220100590806, "q_0.75": 6.465178563104686, "q_0.775": 6.583499982177306, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.938394669406211, "q_0.925": 6.986633512608696, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.45378151260504, "y": 6.890610821089597, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.971283130141508, "q_0.1": 4.06706166985257, "q_0.125": 4.122302381529171, "q_0.15": 4.271015264611869, "q_0.175": 4.329248332012304, "q_0.2": 4.404153214886817, "q_0.225": 4.516189423982684, "q_0.25": 4.5848821471711805, "q_0.275": 4.671423009467839, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.216614980798683, "q_0.45": 5.326098736512186, "q_0.475": 5.407795904004388, "q_0.5": 5.481153573906607, "q_0.525": 5.569843877203429, "q_0.55": 5.676922069924459, "q_0.575": 5.721728809124186, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.147903247744509, "q_0.675": 6.241360264102225, "q_0.7": 6.325065319230509, "q_0.725": 6.395220100590806, "q_0.75": 6.465178563104686, "q_0.775": 6.583499982177306, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.938394669406211, "q_0.925": 6.986633512608696, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.49379751900761, "y": 4.606688285832019, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.971283130141508, "q_0.1": 4.06706166985257, "q_0.125": 4.122302381529171, "q_0.15": 4.271015264611869, "q_0.175": 4.329248332012304, "q_0.2": 4.404153214886817, "q_0.225": 4.516189423982684, "q_0.25": 4.5848821471711805, "q_0.275": 4.671423009467839, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.216614980798683, "q_0.45": 5.326098736512186, "q_0.475": 5.407795904004388, "q_0.5": 5.481153573906607, "q_0.525": 5.569843877203429, "q_0.55": 5.676922069924459, "q_0.575": 5.721728809124186, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.147903247744509, "q_0.675": 6.241360264102225, "q_0.7": 6.325065319230509, "q_0.725": 6.395220100590806, "q_0.75": 6.465178563104686, "q_0.775": 6.583499982177306, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.938394669406211, "q_0.925": 6.986633512608696, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.53381352541017, "y": 4.810885689049004, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.971283130141508, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.329248332012304, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.681477938104428, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.2417729067671255, "q_0.45": 5.355259507868923, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.569843877203429, "q_0.55": 5.676922069924459, "q_0.575": 5.7260770285449505, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.241360264102225, "q_0.7": 6.325065319230509, "q_0.725": 6.395220100590806, "q_0.75": 6.465178563104686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.57382953181273, "y": 5.743059371733642, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.971283130141508, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.329248332012304, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.681477938104428, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.2417729067671255, "q_0.45": 5.355259507868923, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.569843877203429, "q_0.55": 5.676922069924459, "q_0.575": 5.7260770285449505, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.241360264102225, "q_0.7": 6.325065319230509, "q_0.725": 6.395220100590806, "q_0.75": 6.465178563104686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.61384553821529, "y": 7.041674651878425, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.971283130141508, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.329248332012304, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.681477938104428, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.2417729067671255, "q_0.45": 5.355259507868923, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.569843877203429, "q_0.55": 5.676922069924459, "q_0.575": 5.7260770285449505, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.241360264102225, "q_0.7": 6.325065319230509, "q_0.725": 6.395220100590806, "q_0.75": 6.465178563104686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.65386154461785, "y": 4.1297396857595, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.971283130141508, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.329248332012304, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.681477938104428, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.2417729067671255, "q_0.45": 5.355259507868923, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.569843877203429, "q_0.55": 5.676922069924459, "q_0.575": 5.7260770285449505, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.241360264102225, "q_0.7": 6.325065319230509, "q_0.725": 6.395220100590806, "q_0.75": 6.465178563104686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.69387755102041, "y": 4.521081568301867, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.971283130141508, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.329248332012304, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.681477938104428, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.2417729067671255, "q_0.45": 5.355259507868923, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.569843877203429, "q_0.55": 5.676922069924459, "q_0.575": 5.7260770285449505, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.241360264102225, "q_0.7": 6.325065319230509, "q_0.725": 6.395220100590806, "q_0.75": 6.465178563104686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.733893557422974, "y": 6.72762611268005, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.971283130141508, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.329248332012304, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.681477938104428, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.2417729067671255, "q_0.45": 5.355259507868923, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.569843877203429, "q_0.55": 5.676922069924459, "q_0.575": 5.7260770285449505, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.241360264102225, "q_0.7": 6.325065319230509, "q_0.725": 6.395220100590806, "q_0.75": 6.465178563104686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.773909563825534, "y": 5.364394775256847, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.334888292304965, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.688021822613865, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.256323896547926, "q_0.45": 5.371678888514724, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.578586446580225, "q_0.55": 5.676922069924459, "q_0.575": 5.726840795853789, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.251313585511198, "q_0.7": 6.350078141458239, "q_0.725": 6.40640674168122, "q_0.75": 6.475082619659686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.81392557022809, "y": 6.82266174407658, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.334888292304965, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.688021822613865, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.256323896547926, "q_0.45": 5.371678888514724, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.578586446580225, "q_0.55": 5.676922069924459, "q_0.575": 5.726840795853789, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.251313585511198, "q_0.7": 6.350078141458239, "q_0.725": 6.40640674168122, "q_0.75": 6.475082619659686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.85394157663065, "y": 4.271015264611869, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.334888292304965, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.688021822613865, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.256323896547926, "q_0.45": 5.371678888514724, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.578586446580225, "q_0.55": 5.676922069924459, "q_0.575": 5.726840795853789, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.251313585511198, "q_0.7": 6.350078141458239, "q_0.725": 6.40640674168122, "q_0.75": 6.475082619659686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.89395758303321, "y": 5.515304401496399, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.334888292304965, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.688021822613865, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.256323896547926, "q_0.45": 5.371678888514724, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.578586446580225, "q_0.55": 5.676922069924459, "q_0.575": 5.726840795853789, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.251313585511198, "q_0.7": 6.350078141458239, "q_0.725": 6.40640674168122, "q_0.75": 6.475082619659686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.93397358943577, "y": 4.777726278812617, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.334888292304965, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.688021822613865, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.256323896547926, "q_0.45": 5.371678888514724, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.578586446580225, "q_0.55": 5.676922069924459, "q_0.575": 5.726840795853789, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.251313585511198, "q_0.7": 6.350078141458239, "q_0.725": 6.40640674168122, "q_0.75": 6.475082619659686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 34.97398959583834, "y": 4.744322151526749, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.334888292304965, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.688021822613865, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.256323896547926, "q_0.45": 5.371678888514724, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.578586446580225, "q_0.55": 5.676922069924459, "q_0.575": 5.726840795853789, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.251313585511198, "q_0.7": 6.350078141458239, "q_0.725": 6.40640674168122, "q_0.75": 6.475082619659686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 35.0140056022409, "y": 5.212862255489252, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.334888292304965, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.688021822613865, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.256323896547926, "q_0.45": 5.371678888514724, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.578586446580225, "q_0.55": 5.676922069924459, "q_0.575": 5.726840795853789, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.251313585511198, "q_0.7": 6.350078141458239, "q_0.725": 6.40640674168122, "q_0.75": 6.475082619659686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 35.05402160864346, "y": 5.164967520975808, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.334888292304965, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.688021822613865, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.256323896547926, "q_0.45": 5.371678888514724, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.578586446580225, "q_0.55": 5.676922069924459, "q_0.575": 5.726840795853789, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.251313585511198, "q_0.7": 6.350078141458239, "q_0.725": 6.40640674168122, "q_0.75": 6.475082619659686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 35.09403761504602, "y": 4.894947785189663, "y_pred": 5.481153573906607, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.815454918041093, "q_0.05": 3.890429119135321, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271015264611869, "q_0.175": 4.334888292304965, "q_0.2": 4.404153214886817, "q_0.225": 4.518214254087626, "q_0.25": 4.5848821471711805, "q_0.275": 4.688021822613865, "q_0.3": 4.787285173594916, "q_0.325": 4.868624028958877, "q_0.35": 4.925571725673944, "q_0.375": 4.989640083841659, "q_0.4": 5.128917020180318, "q_0.425": 5.256323896547926, "q_0.45": 5.371678888514724, "q_0.475": 5.415669597479313, "q_0.5": 5.481153573906607, "q_0.525": 5.578586446580225, "q_0.55": 5.676922069924459, "q_0.575": 5.726840795853789, "q_0.6": 5.8189678098003395, "q_0.625": 5.989441443190204, "q_0.65": 6.159056956340137, "q_0.675": 6.251313585511198, "q_0.7": 6.350078141458239, "q_0.725": 6.40640674168122, "q_0.75": 6.475082619659686, "q_0.775": 6.587166982889164, "q_0.8": 6.674273496540186, "q_0.825": 6.743153962452412, "q_0.85": 6.809549107129772, "q_0.875": 6.890610821089597, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.303611598224526, "q_1": 7.965287091381542}, {"x": 35.13405362144858, "y": 6.896750279109836, "y_pred": 5.508081778508232, "target": "0", "q_0": 3.461883211429853, "q_0.025": 3.8293881107048575, "q_0.05": 3.9048173966958144, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.343943727416559, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.725392345301849, "q_0.3": 4.810885689049004, "q_0.325": 4.885248411887277, "q_0.35": 4.925571725673944, "q_0.375": 5.025263307888901, "q_0.4": 5.141263186917729, "q_0.425": 5.260355785997356, "q_0.45": 5.373524653579246, "q_0.475": 5.423618812332768, "q_0.5": 5.508081778508232, "q_0.525": 5.578586446580225, "q_0.55": 5.678347134066301, "q_0.575": 5.726840795853789, "q_0.6": 5.828589863960346, "q_0.625": 6.016309523367708, "q_0.65": 6.166671893644826, "q_0.675": 6.251313585511198, "q_0.7": 6.352281704541352, "q_0.725": 6.40640674168122, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.683379939022111, "q_0.825": 6.747738463072244, "q_0.85": 6.812323555565416, "q_0.875": 6.896750279109836, "q_0.9": 6.9462980892058255, "q_0.925": 6.989018274918326, "q_0.95": 7.133566376914873, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.17406962785114, "y": 6.241360264102225, "y_pred": 5.508081778508232, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.345317435289933, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.731697955527121, "q_0.3": 4.810885689049004, "q_0.325": 4.885248411887277, "q_0.35": 4.932552688902458, "q_0.375": 5.045065994911716, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.423618812332768, "q_0.5": 5.508081778508232, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.837733778524463, "q_0.625": 6.016309523367708, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.40640674168122, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.812323555565416, "q_0.875": 6.896750279109836, "q_0.9": 6.947672830813641, "q_0.925": 7.013591013188307, "q_0.95": 7.133566376914873, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.214085634253706, "y": 6.228179537087993, "y_pred": 5.508081778508232, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.345317435289933, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.731697955527121, "q_0.3": 4.810885689049004, "q_0.325": 4.885248411887277, "q_0.35": 4.932552688902458, "q_0.375": 5.045065994911716, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.423618812332768, "q_0.5": 5.508081778508232, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.837733778524463, "q_0.625": 6.016309523367708, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.40640674168122, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.812323555565416, "q_0.875": 6.896750279109836, "q_0.9": 6.947672830813641, "q_0.925": 7.013591013188307, "q_0.95": 7.133566376914873, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.254101640656266, "y": 4.658711517982521, "y_pred": 5.508081778508232, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.345317435289933, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.731697955527121, "q_0.3": 4.810885689049004, "q_0.325": 4.885248411887277, "q_0.35": 4.932552688902458, "q_0.375": 5.045065994911716, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.423618812332768, "q_0.5": 5.508081778508232, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.837733778524463, "q_0.625": 6.016309523367708, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.40640674168122, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.812323555565416, "q_0.875": 6.896750279109836, "q_0.9": 6.947672830813641, "q_0.925": 7.013591013188307, "q_0.95": 7.133566376914873, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.294117647058826, "y": 5.6937689455309854, "y_pred": 5.508081778508232, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.345317435289933, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.731697955527121, "q_0.3": 4.810885689049004, "q_0.325": 4.885248411887277, "q_0.35": 4.932552688902458, "q_0.375": 5.045065994911716, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.423618812332768, "q_0.5": 5.508081778508232, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.837733778524463, "q_0.625": 6.016309523367708, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.40640674168122, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.812323555565416, "q_0.875": 6.896750279109836, "q_0.9": 6.947672830813641, "q_0.925": 7.013591013188307, "q_0.95": 7.133566376914873, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.334133653461386, "y": 6.419310866258337, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888420241331456, "q_0.35": 4.936857362874977, "q_0.375": 5.045065994911716, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.423618812332768, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.837733778524463, "q_0.625": 6.016309523367708, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.40640674168122, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.812323555565416, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.133566376914873, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.374149659863946, "y": 6.480218367589153, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888420241331456, "q_0.35": 4.936857362874977, "q_0.375": 5.045065994911716, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.423618812332768, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.837733778524463, "q_0.625": 6.016309523367708, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.40640674168122, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.812323555565416, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.133566376914873, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.414165666266506, "y": 4.860621883663697, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888420241331456, "q_0.35": 4.936857362874977, "q_0.375": 5.045065994911716, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.423618812332768, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.837733778524463, "q_0.625": 6.016309523367708, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.40640674168122, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.812323555565416, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.133566376914873, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.454181672669066, "y": 6.395220100590806, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.49419767907163, "y": 6.271309337268203, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.53421368547419, "y": 4.134428478218292, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.57422969187675, "y": 6.743153962452412, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.61424569827931, "y": 5.216333176463438, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.65426170468187, "y": 5.380267819921747, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.69427771108443, "y": 5.244812438023339, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.734293717487, "y": 5.676922069924459, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.77430972388956, "y": 5.870819824508271, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.81432573029212, "y": 5.429067265936801, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.85434173669468, "y": 6.760228930404921, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.89435774309724, "y": 5.899706034905603, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.9343737494998, "y": 5.084668395031892, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 35.974389755902365, "y": 5.141263186917729, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 36.014405762304925, "y": 6.566152500987498, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.263365170773502, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.886105011789981, "q_0.625": 6.0240193207180575, "q_0.65": 6.167747892366451, "q_0.675": 6.262837166853249, "q_0.7": 6.352281704541352, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.587166982889164, "q_0.8": 6.687848398930965, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.309012012122501, "q_1": 7.965287091381542}, {"x": 36.054421768707485, "y": 4.896821574928517, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979433940289208, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.267029197552311, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.896533308901491, "q_0.625": 6.0240193207180575, "q_0.65": 6.187298251146786, "q_0.675": 6.262837166853249, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.588611728085426, "q_0.8": 6.690604747733197, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.329586185680565, "q_1": 7.965287091381542}, {"x": 36.094437775110045, "y": 4.404153214886817, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979433940289208, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.141263186917729, "q_0.425": 5.267029197552311, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.896533308901491, "q_0.625": 6.0240193207180575, "q_0.65": 6.187298251146786, "q_0.675": 6.262837166853249, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.588611728085426, "q_0.8": 6.690604747733197, "q_0.825": 6.760228930404921, "q_0.85": 6.8192697241043785, "q_0.875": 6.896750279109836, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.329586185680565, "q_1": 7.965287091381542}, {"x": 36.134453781512605, "y": 3.8557613901090195, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.978082321979567, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.271828158606835, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.046528456278647, "q_0.4": 5.141263186917729, "q_0.425": 5.267029197552311, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.678347134066301, "q_0.575": 5.743059371733642, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.200664817196285, "q_0.675": 6.262837166853249, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.47576604144437, "q_0.775": 6.591982800210019, "q_0.8": 6.690604747733197, "q_0.825": 6.760228930404921, "q_0.85": 6.82266174407658, "q_0.875": 6.8982771758681185, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.3141555555119915, "q_1": 7.965287091381542}, {"x": 36.174469787915164, "y": 6.809549107129772, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.1485304493545545, "q_0.425": 5.267029197552311, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.680116126954365, "q_0.575": 5.743059371733642, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.200664817196285, "q_0.675": 6.262837166853249, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.476154977791679, "q_0.775": 6.602393733805759, "q_0.8": 6.690604747733197, "q_0.825": 6.760228930404921, "q_0.85": 6.82266174407658, "q_0.875": 6.9036364853327825, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.329586185680565, "q_1": 7.965287091381542}, {"x": 36.21448579431773, "y": 6.965319847274817, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.1485304493545545, "q_0.425": 5.267029197552311, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.680116126954365, "q_0.575": 5.743059371733642, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.200664817196285, "q_0.675": 6.262837166853249, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.476154977791679, "q_0.775": 6.602393733805759, "q_0.8": 6.690604747733197, "q_0.825": 6.760228930404921, "q_0.85": 6.82266174407658, "q_0.875": 6.9036364853327825, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.329586185680565, "q_1": 7.965287091381542}, {"x": 36.25450180072029, "y": 4.078828774192702, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.1485304493545545, "q_0.425": 5.267029197552311, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.680116126954365, "q_0.575": 5.743059371733642, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.200664817196285, "q_0.675": 6.262837166853249, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.476154977791679, "q_0.775": 6.602393733805759, "q_0.8": 6.690604747733197, "q_0.825": 6.760228930404921, "q_0.85": 6.82266174407658, "q_0.875": 6.9036364853327825, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.329586185680565, "q_1": 7.965287091381542}, {"x": 36.29451780712285, "y": 4.855715823041448, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.1485304493545545, "q_0.425": 5.267029197552311, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.680116126954365, "q_0.575": 5.743059371733642, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.200664817196285, "q_0.675": 6.262837166853249, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.476154977791679, "q_0.775": 6.602393733805759, "q_0.8": 6.690604747733197, "q_0.825": 6.760228930404921, "q_0.85": 6.82266174407658, "q_0.875": 6.9036364853327825, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.329586185680565, "q_1": 7.965287091381542}, {"x": 36.33453381352541, "y": 4.28118379660951, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.1485304493545545, "q_0.425": 5.267029197552311, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.680116126954365, "q_0.575": 5.743059371733642, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.200664817196285, "q_0.675": 6.262837166853249, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.476154977791679, "q_0.775": 6.602393733805759, "q_0.8": 6.690604747733197, "q_0.825": 6.760228930404921, "q_0.85": 6.82266174407658, "q_0.875": 6.9036364853327825, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.329586185680565, "q_1": 7.965287091381542}, {"x": 36.37454981992797, "y": 4.06706166985257, "y_pred": 5.508775886820478, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.606688285832019, "q_0.275": 4.744322151526749, "q_0.3": 4.810885689049004, "q_0.325": 4.888772666825256, "q_0.35": 4.936857362874977, "q_0.375": 5.051071692998246, "q_0.4": 5.1485304493545545, "q_0.425": 5.267029197552311, "q_0.45": 5.380267819921747, "q_0.475": 5.429067265936801, "q_0.5": 5.508775886820478, "q_0.525": 5.596197385576483, "q_0.55": 5.680116126954365, "q_0.575": 5.743059371733642, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.200664817196285, "q_0.675": 6.262837166853249, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.476154977791679, "q_0.775": 6.602393733805759, "q_0.8": 6.690604747733197, "q_0.825": 6.760228930404921, "q_0.85": 6.82266174407658, "q_0.875": 6.9036364853327825, "q_0.9": 6.957989572911767, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.329586185680565, "q_1": 7.965287091381542}, {"x": 36.41456582633053, "y": 6.907808121481193, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.607863496884008, "q_0.275": 4.744322151526749, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.429067265936801, "q_0.5": 5.515304401496399, "q_0.525": 5.596197385576483, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.264606100395435, "q_0.7": 6.365611531052373, "q_0.725": 6.416305303663277, "q_0.75": 6.4777042327958245, "q_0.775": 6.613272081057492, "q_0.8": 6.6929046867778, "q_0.825": 6.767832838617403, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.959047488980644, "q_0.925": 7.013591013188307, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.4545818327331, "y": 3.855551502021863, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.607863496884008, "q_0.275": 4.744322151526749, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.429067265936801, "q_0.5": 5.515304401496399, "q_0.525": 5.59713274204044, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.264606100395435, "q_0.7": 6.371714549575328, "q_0.725": 6.416305303663277, "q_0.75": 6.480218367589153, "q_0.775": 6.613272081057492, "q_0.8": 6.6954419437597, "q_0.825": 6.776237158220718, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.959047488980644, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.49459783913566, "y": 7.203990983280248, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.607863496884008, "q_0.275": 4.744322151526749, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.429067265936801, "q_0.5": 5.515304401496399, "q_0.525": 5.59713274204044, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.264606100395435, "q_0.7": 6.371714549575328, "q_0.725": 6.416305303663277, "q_0.75": 6.480218367589153, "q_0.775": 6.613272081057492, "q_0.8": 6.6954419437597, "q_0.825": 6.776237158220718, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.959047488980644, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.53461384553822, "y": 4.001216687292553, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.607863496884008, "q_0.275": 4.744322151526749, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.429067265936801, "q_0.5": 5.515304401496399, "q_0.525": 5.59713274204044, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.264606100395435, "q_0.7": 6.371714549575328, "q_0.725": 6.416305303663277, "q_0.75": 6.480218367589153, "q_0.775": 6.613272081057492, "q_0.8": 6.6954419437597, "q_0.825": 6.776237158220718, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.959047488980644, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.57462985194078, "y": 6.783823531596502, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.607863496884008, "q_0.275": 4.744322151526749, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.429067265936801, "q_0.5": 5.515304401496399, "q_0.525": 5.59713274204044, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.264606100395435, "q_0.7": 6.371714549575328, "q_0.725": 6.416305303663277, "q_0.75": 6.480218367589153, "q_0.775": 6.613272081057492, "q_0.8": 6.6954419437597, "q_0.825": 6.776237158220718, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.959047488980644, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.61464585834334, "y": 5.708572196595031, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.607863496884008, "q_0.275": 4.744322151526749, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.429067265936801, "q_0.5": 5.515304401496399, "q_0.525": 5.59713274204044, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.264606100395435, "q_0.7": 6.371714549575328, "q_0.725": 6.416305303663277, "q_0.75": 6.480218367589153, "q_0.775": 6.613272081057492, "q_0.8": 6.6954419437597, "q_0.825": 6.776237158220718, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.959047488980644, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.6546618647459, "y": 4.989640083841659, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.607863496884008, "q_0.275": 4.744322151526749, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.429067265936801, "q_0.5": 5.515304401496399, "q_0.525": 5.59713274204044, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.264606100395435, "q_0.7": 6.371714549575328, "q_0.725": 6.416305303663277, "q_0.75": 6.480218367589153, "q_0.775": 6.613272081057492, "q_0.8": 6.6954419437597, "q_0.825": 6.776237158220718, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.959047488980644, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.694677871148464, "y": 4.898240198880959, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.2787871181567905, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.518214254087626, "q_0.25": 4.607863496884008, "q_0.275": 4.744322151526749, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.429067265936801, "q_0.5": 5.515304401496399, "q_0.525": 5.59713274204044, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.896533308901491, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.264606100395435, "q_0.7": 6.371714549575328, "q_0.725": 6.416305303663277, "q_0.75": 6.480218367589153, "q_0.775": 6.613272081057492, "q_0.8": 6.6954419437597, "q_0.825": 6.776237158220718, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.959047488980644, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.734693877551024, "y": 6.40640674168122, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.774709883953584, "y": 4.800185133965764, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.814725890356144, "y": 6.046641216411357, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.8547418967587, "y": 5.539667016894479, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.89475790316126, "y": 5.423618812332768, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.93477390956383, "y": 6.938394669406211, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 36.97478991596639, "y": 5.680116126954365, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.01480592236895, "y": 6.672043643334824, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.05482192877151, "y": 6.305348612831134, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.09483793517407, "y": 3.806341849571222, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.13485394157663, "y": 6.48200664890112, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.1748699479792, "y": 4.457915401701425, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.21488595438176, "y": 6.9594339029261665, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.254901960784316, "y": 3.826503740571061, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.294917967186876, "y": 4.885248411887277, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.334933973589436, "y": 4.035775417732042, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.374949979991996, "y": 5.407795904004388, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.414965986394556, "y": 6.665954088408167, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.45498199279712, "y": 4.763391593420938, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.49499799919968, "y": 4.227166146671564, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.53501400560224, "y": 4.883179011880089, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.5750300120048, "y": 6.650981183363797, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.61504601840736, "y": 4.192121719521206, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.65506202480992, "y": 4.51115508859659, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.69507803121249, "y": 3.9329301819469604, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.73509403761505, "y": 6.262837166853249, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.77511004401761, "y": 5.128917020180318, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.81512605042017, "y": 4.821551313762399, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.85514205682273, "y": 6.315309345863373, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.89515806322529, "y": 4.916224993387786, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.935174069627855, "y": 6.352281704541352, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 37.975190076030415, "y": 6.674273496540186, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.015206082432975, "y": 4.486765629118752, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.055222088835535, "y": 7.259281786558782, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.095238095238095, "y": 4.286461922627283, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.135254101640655, "y": 4.758775600430898, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.17527010804322, "y": 4.352748975276191, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.21528611444578, "y": 4.961930446636361, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.25530212084834, "y": 5.457106718543322, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.2953181272509, "y": 5.613197928782787, "y_pred": 5.515304401496399, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1297396857595, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.7528159670246595, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.955720988370454, "q_0.375": 5.051071692998246, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.515304401496399, "q_0.525": 5.605612913662584, "q_0.55": 5.680116126954365, "q_0.575": 5.746991044011962, "q_0.6": 5.899706034905603, "q_0.625": 6.074951271072937, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422219416707716, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.7769902554122785, "q_0.85": 6.82266174407658, "q_0.875": 6.907808121481193, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.173017440070793, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.33533413365346, "y": 6.831774415864712, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.37535014005602, "y": 6.96528613619982, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.41536614645859, "y": 4.507905927174601, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.45538215286115, "y": 5.989441443190204, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.49539815926371, "y": 4.111068382018161, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.53541416566627, "y": 5.389898531436362, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.57543017206883, "y": 4.888772666825256, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.61544617847139, "y": 4.868624028958877, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.655462184873954, "y": 5.481153573906607, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.695478191276514, "y": 6.392785686480926, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.735494197679074, "y": 3.961847294659666, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.775510204081634, "y": 6.9462980892058255, "y_pred": 5.516986682213815, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.1693165751878345, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.888772666825256, "q_0.35": 4.957868557936048, "q_0.375": 5.054603558756522, "q_0.4": 5.164967520975808, "q_0.425": 5.286940140213808, "q_0.45": 5.389898531436362, "q_0.475": 5.452291878953412, "q_0.5": 5.516986682213815, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.105857021781258, "q_0.65": 6.207417961050581, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.925093622294119, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.815526210484194, "y": 6.416305303663277, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.889067854114831, "q_0.35": 4.9602003327052175, "q_0.375": 5.054603558756522, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.452291878953412, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.130004122697612, "q_0.65": 6.222956394507974, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.855542216886754, "y": 4.360488882284714, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.889067854114831, "q_0.35": 4.9602003327052175, "q_0.375": 5.054603558756522, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.452291878953412, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.130004122697612, "q_0.65": 6.222956394507974, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.89555822328932, "y": 7.173017440070793, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.889067854114831, "q_0.35": 4.9602003327052175, "q_0.375": 5.054603558756522, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.452291878953412, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.130004122697612, "q_0.65": 6.222956394507974, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.93557422969188, "y": 5.578908084824642, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.889067854114831, "q_0.35": 4.9602003327052175, "q_0.375": 5.054603558756522, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.452291878953412, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.130004122697612, "q_0.65": 6.222956394507974, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 38.97559023609444, "y": 7.400539537651774, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.889067854114831, "q_0.35": 4.9602003327052175, "q_0.375": 5.054603558756522, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.452291878953412, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.130004122697612, "q_0.65": 6.222956394507974, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 39.015606242497, "y": 4.441696003187549, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.889067854114831, "q_0.35": 4.9602003327052175, "q_0.375": 5.054603558756522, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.452291878953412, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.130004122697612, "q_0.65": 6.222956394507974, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 39.05562224889956, "y": 5.688882953610304, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.889067854114831, "q_0.35": 4.9602003327052175, "q_0.375": 5.054603558756522, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.452291878953412, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.130004122697612, "q_0.65": 6.222956394507974, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 39.09563825530212, "y": 4.787285173594916, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.889067854114831, "q_0.35": 4.9602003327052175, "q_0.375": 5.054603558756522, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.452291878953412, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.130004122697612, "q_0.65": 6.222956394507974, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 39.13565426170468, "y": 4.839964647797142, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.889067854114831, "q_0.35": 4.9602003327052175, "q_0.375": 5.054603558756522, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.452291878953412, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.765669741328351, "q_0.6": 5.899706034905603, "q_0.625": 6.130004122697612, "q_0.65": 6.222956394507974, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.422594742018269, "q_0.75": 6.480218367589153, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.9594339029261665, "q_0.925": 7.041674651878425, "q_0.95": 7.186720061721006, "q_0.975": 7.363870009768699, "q_1": 7.965287091381542}, {"x": 39.17567026810725, "y": 5.900806625736318, "y_pred": 5.526918566800015, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.280178234335019, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.607863496884008, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.8901886683724864, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.526918566800015, "q_0.525": 5.606967643882146, "q_0.55": 5.688882953610304, "q_0.575": 5.77118230326571, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.432153619155224, "q_0.75": 6.49436389982853, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.831774415864712, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.186720061721006, "q_0.975": 7.372770930943545, "q_1": 7.965287091381542}, {"x": 39.21568627450981, "y": 7.123886149069307, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.25570228091237, "y": 6.6954419437597, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.295718287314926, "y": 6.39662375300381, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.335734293717486, "y": 5.7891257975066495, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.375750300120046, "y": 7.133566376914873, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.41576630652261, "y": 5.5450147821035, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.45578231292517, "y": 6.957989572911767, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.49579831932773, "y": 6.812323555565416, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.53581432573029, "y": 4.518214254087626, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.57583033213285, "y": 6.583499982177306, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.61584633853541, "y": 3.7735649082777876, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.484363477757859, "q_0.225": 4.521081568301867, "q_0.25": 4.610963333049163, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.060901296526395, "q_0.4": 5.165680393444788, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.45528654643082, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.375321789501001, "q_0.725": 6.434114769602721, "q_0.75": 6.507863533141688, "q_0.775": 6.650981183363797, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.046283867148457, "q_0.95": 7.203990983280248, "q_0.975": 7.433201417476812, "q_1": 7.965287091381542}, {"x": 39.65586234493798, "y": 4.925571725673944, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 39.69587835134054, "y": 4.581208346808396, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 39.7358943577431, "y": 5.610358088522938, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 39.77591036414566, "y": 6.4646387933210105, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 39.81592637054822, "y": 4.095565995090559, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 39.85594237695078, "y": 5.644622067914058, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 39.895958383353346, "y": 7.217665693207217, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 39.935974389755906, "y": 4.5848821471711805, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 39.975990396158466, "y": 6.251313585511198, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 40.016006402561025, "y": 5.9399856783026515, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 40.056022408963585, "y": 3.776388597079375, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 40.096038415366145, "y": 5.508081778508232, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 40.13605442176871, "y": 6.375321789501001, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 40.17607042817127, "y": 3.90534738851618, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 40.21608643457383, "y": 7.013591013188307, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.9602003327052175, "q_0.375": 5.069141440544453, "q_0.4": 5.20520435895069, "q_0.425": 5.314760609667232, "q_0.45": 5.395930777257884, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.29794334207053, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.6954419437597, "q_0.825": 6.783823531596502, "q_0.85": 6.844044526630338, "q_0.875": 6.93274725807559, "q_0.9": 6.96528613619982, "q_0.925": 7.049884809491566, "q_0.95": 7.203990983280248, "q_0.975": 7.446020005529373, "q_1": 7.965287091381542}, {"x": 40.25610244097639, "y": 5.678347134066301, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.29611844737895, "y": 3.858777982499974, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.33613445378151, "y": 4.5808494163937, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.37615046018408, "y": 7.296838654021558, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.41616646658664, "y": 5.915896850946639, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.4561824729892, "y": 4.148768848576335, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.49619847939176, "y": 4.820690945452143, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.53621448579432, "y": 5.452291878953412, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.57623049219688, "y": 3.8293881107048575, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.616246498599445, "y": 5.286940140213808, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.656262505002005, "y": 5.578586446580225, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.696278511404564, "y": 4.663130603098778, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.736294517807124, "y": 5.951479115102467, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.776310524209684, "y": 6.567324734442829, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.816326530612244, "y": 4.637356298509388, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.96529287841482, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.457908853071276, "q_1": 7.965287091381542}, {"x": 40.85634253701481, "y": 6.074951271072937, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.189093809614454, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.636192778120208, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.803132007569111, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.462026852817328, "q_1": 7.965287091381542}, {"x": 40.89635854341737, "y": 6.147903247744509, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.189093809614454, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.636192778120208, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.803132007569111, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.462026852817328, "q_1": 7.965287091381542}, {"x": 40.93637454981993, "y": 7.303611598224526, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.189093809614454, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.636192778120208, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.803132007569111, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.462026852817328, "q_1": 7.965287091381542}, {"x": 40.97639055622249, "y": 6.6691524781215294, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.189093809614454, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.636192778120208, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.803132007569111, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.462026852817328, "q_1": 7.965287091381542}, {"x": 41.01640656262505, "y": 6.93274725807559, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.189093809614454, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.521081568301867, "q_0.25": 4.636192778120208, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.803132007569111, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.462026852817328, "q_1": 7.965287091381542}, {"x": 41.05642256902761, "y": 5.596197385576483, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.09643857543017, "y": 4.456637245889789, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.073043550409165, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.13645458183274, "y": 7.489627098039405, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.069012393132045, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665352288293604, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.844044526630338, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.1764705882353, "y": 4.24932715550084, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.21648659463786, "y": 5.53079761373451, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.25650260104042, "y": 4.022071673267338, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.29651860744298, "y": 7.302515047456258, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.33653461384554, "y": 7.383267540600972, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.3765506202481, "y": 6.465178563104686, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.41656662665066, "y": 5.0824529218913534, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.45658263305322, "y": 4.725310183002998, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.49659863945578, "y": 4.767417405941826, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.53661464585834, "y": 4.2510013864745355, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.509582757236313, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.848546311828135, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.203990983280248, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.5766306522609, "y": 5.746991044011962, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.61664665866347, "y": 4.3075720372474695, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.65666266506603, "y": 4.9651042140046835, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.69667867146859, "y": 6.130004122697612, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.73669467787115, "y": 6.51015583193452, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.77671068427371, "y": 3.870270084783503, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.81672669067627, "y": 5.395930777257884, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.856742697078836, "y": 6.231523353160165, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.896758703481396, "y": 6.989018274918326, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.936774709883956, "y": 5.569843877203429, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 41.976790716286516, "y": 7.428515977004673, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 42.016806722689076, "y": 4.783772503764348, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 42.056822729091635, "y": 3.8363070147488783, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.271309337268203, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.507863533141688, "q_0.775": 6.657930086880654, "q_0.8": 6.7104379315465135, "q_0.825": 6.798118186971974, "q_0.85": 6.858450239263341, "q_0.875": 6.9377376395973425, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.246803433626949, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 42.0968387354942, "y": 5.606967643882146, "y_pred": 5.53079761373451, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.820690945452143, "q_0.325": 4.894947785189663, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.20520435895069, "q_0.425": 5.319239185848991, "q_0.45": 5.40151772933469, "q_0.475": 5.457106718543322, "q_0.5": 5.53079761373451, "q_0.525": 5.610358088522938, "q_0.55": 5.688882953610304, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.299912331309536, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.074316859151154, "q_0.95": 7.259281786558782, "q_0.975": 7.484458296526635, "q_1": 7.965287091381542}, {"x": 42.13685474189676, "y": 4.75140420823128, "y_pred": 5.539419070834594, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.2118045562879844, "q_0.425": 5.326098736512186, "q_0.45": 5.407795904004388, "q_0.475": 5.457106718543322, "q_0.5": 5.539419070834594, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.081019501896454, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.17687074829932, "y": 6.88974959583751, "y_pred": 5.539419070834594, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.2118045562879844, "q_0.425": 5.326098736512186, "q_0.45": 5.407795904004388, "q_0.475": 5.457106718543322, "q_0.5": 5.539419070834594, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.081019501896454, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.21688675470188, "y": 4.665782496864037, "y_pred": 5.539419070834594, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.2118045562879844, "q_0.425": 5.326098736512186, "q_0.45": 5.407795904004388, "q_0.475": 5.457106718543322, "q_0.5": 5.539419070834594, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.081019501896454, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.25690276110444, "y": 4.9602003327052175, "y_pred": 5.539419070834594, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.2118045562879844, "q_0.425": 5.326098736512186, "q_0.45": 5.407795904004388, "q_0.475": 5.457106718543322, "q_0.5": 5.539419070834594, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.081019501896454, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.296918767507, "y": 6.7723245441073825, "y_pred": 5.539419070834594, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.482762043517262, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.2118045562879844, "q_0.425": 5.326098736512186, "q_0.45": 5.407795904004388, "q_0.475": 5.457106718543322, "q_0.5": 5.539419070834594, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.081019501896454, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.33693477390957, "y": 6.4871967563725725, "y_pred": 5.558633104373527, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.44921214265093, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.212656982887996, "q_0.425": 5.326098736512186, "q_0.45": 5.407795904004388, "q_0.475": 5.457106718543322, "q_0.5": 5.558633104373527, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.081019501896454, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.37695078031213, "y": 5.896533308901491, "y_pred": 5.558633104373527, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.44921214265093, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.212656982887996, "q_0.425": 5.326098736512186, "q_0.45": 5.407795904004388, "q_0.475": 5.457106718543322, "q_0.5": 5.558633104373527, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.081019501896454, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.41696678671469, "y": 6.451875145234029, "y_pred": 5.558633104373527, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.44921214265093, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.212656982887996, "q_0.425": 5.326098736512186, "q_0.45": 5.407795904004388, "q_0.475": 5.457106718543322, "q_0.5": 5.558633104373527, "q_0.525": 5.610358088522938, "q_0.55": 5.6937689455309854, "q_0.575": 5.783031141582168, "q_0.6": 5.900806625736318, "q_0.625": 6.130004122697612, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.451875145234029, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.081019501896454, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.45698279311725, "y": 5.373524653579246, "y_pred": 5.568939382488213, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.212862255489252, "q_0.425": 5.342937656487511, "q_0.45": 5.407795904004388, "q_0.475": 5.465138958871356, "q_0.5": 5.568939382488213, "q_0.525": 5.637808825368412, "q_0.55": 5.6937689455309854, "q_0.575": 5.786752750563808, "q_0.6": 5.900806625736318, "q_0.625": 6.13674224822967, "q_0.65": 6.228179537087993, "q_0.675": 6.305348612831134, "q_0.7": 6.392785686480926, "q_0.725": 6.454343177345563, "q_0.75": 6.51015583193452, "q_0.775": 6.665954088408167, "q_0.8": 6.7104379315465135, "q_0.825": 6.806474554633876, "q_0.85": 6.86205166742157, "q_0.875": 6.938394669406211, "q_0.9": 6.965319847274817, "q_0.925": 7.081019501896454, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.49699879951981, "y": 3.815454918041093, "y_pred": 5.568939382488213, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.182691680591658, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.084668395031892, "q_0.4": 5.212862255489252, "q_0.425": 5.355259507868923, "q_0.45": 5.407795904004388, "q_0.475": 5.481153573906607, "q_0.5": 5.568939382488213, "q_0.525": 5.637808825368412, "q_0.55": 5.6937689455309854, "q_0.575": 5.7891257975066495, "q_0.6": 5.900806625736318, "q_0.625": 6.13674224822967, "q_0.65": 6.2381189553050875, "q_0.675": 6.305348612831134, "q_0.7": 6.393580121720733, "q_0.725": 6.4646387933210105, "q_0.75": 6.51015583193452, "q_0.775": 6.667786930836276, "q_0.8": 6.72762611268005, "q_0.825": 6.809549107129772, "q_0.85": 6.890610821089597, "q_0.875": 6.9462980892058255, "q_0.9": 6.986633512608696, "q_0.925": 7.105755522534984, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.53701480592237, "y": 3.839170480254669, "y_pred": 5.569843877203429, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.097073359111136, "q_0.4": 5.212862255489252, "q_0.425": 5.371678888514724, "q_0.45": 5.407795904004388, "q_0.475": 5.481153573906607, "q_0.5": 5.569843877203429, "q_0.525": 5.644622067914058, "q_0.55": 5.6937689455309854, "q_0.575": 5.7891257975066495, "q_0.6": 5.9308279997096065, "q_0.625": 6.13674224822967, "q_0.65": 6.238731551316144, "q_0.675": 6.307554511583209, "q_0.7": 6.393580121720733, "q_0.725": 6.4646387933210105, "q_0.75": 6.567324734442829, "q_0.775": 6.6691524781215294, "q_0.8": 6.743153962452412, "q_0.825": 6.812323555565416, "q_0.85": 6.896750279109836, "q_0.875": 6.9462980892058255, "q_0.9": 6.989018274918326, "q_0.925": 7.105755522534984, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.577030812324935, "y": 5.726840795853789, "y_pred": 5.569843877203429, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.097073359111136, "q_0.4": 5.212862255489252, "q_0.425": 5.371678888514724, "q_0.45": 5.407795904004388, "q_0.475": 5.481153573906607, "q_0.5": 5.569843877203429, "q_0.525": 5.644622067914058, "q_0.55": 5.6937689455309854, "q_0.575": 5.7891257975066495, "q_0.6": 5.9308279997096065, "q_0.625": 6.13674224822967, "q_0.65": 6.238731551316144, "q_0.675": 6.307554511583209, "q_0.7": 6.393580121720733, "q_0.725": 6.4646387933210105, "q_0.75": 6.567324734442829, "q_0.775": 6.6691524781215294, "q_0.8": 6.743153962452412, "q_0.825": 6.812323555565416, "q_0.85": 6.896750279109836, "q_0.875": 6.9462980892058255, "q_0.9": 6.989018274918326, "q_0.925": 7.105755522534984, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.617046818727495, "y": 4.112576769131043, "y_pred": 5.569843877203429, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.097073359111136, "q_0.4": 5.212862255489252, "q_0.425": 5.371678888514724, "q_0.45": 5.407795904004388, "q_0.475": 5.481153573906607, "q_0.5": 5.569843877203429, "q_0.525": 5.644622067914058, "q_0.55": 5.6937689455309854, "q_0.575": 5.7891257975066495, "q_0.6": 5.9308279997096065, "q_0.625": 6.13674224822967, "q_0.65": 6.238731551316144, "q_0.675": 6.307554511583209, "q_0.7": 6.393580121720733, "q_0.725": 6.4646387933210105, "q_0.75": 6.567324734442829, "q_0.775": 6.6691524781215294, "q_0.8": 6.743153962452412, "q_0.825": 6.812323555565416, "q_0.85": 6.896750279109836, "q_0.875": 6.9462980892058255, "q_0.9": 6.989018274918326, "q_0.925": 7.105755522534984, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.657062825130055, "y": 3.991892136289005, "y_pred": 5.569843877203429, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.890429119135321, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.279355501564982, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.758775600430898, "q_0.3": 4.839964647797142, "q_0.325": 4.896821574928517, "q_0.35": 4.961930446636361, "q_0.375": 5.097073359111136, "q_0.4": 5.212862255489252, "q_0.425": 5.371678888514724, "q_0.45": 5.407795904004388, "q_0.475": 5.481153573906607, "q_0.5": 5.569843877203429, "q_0.525": 5.644622067914058, "q_0.55": 5.6937689455309854, "q_0.575": 5.7891257975066495, "q_0.6": 5.9308279997096065, "q_0.625": 6.13674224822967, "q_0.65": 6.238731551316144, "q_0.675": 6.307554511583209, "q_0.7": 6.393580121720733, "q_0.725": 6.4646387933210105, "q_0.75": 6.567324734442829, "q_0.775": 6.6691524781215294, "q_0.8": 6.743153962452412, "q_0.825": 6.812323555565416, "q_0.85": 6.896750279109836, "q_0.875": 6.9462980892058255, "q_0.9": 6.989018274918326, "q_0.925": 7.105755522534984, "q_0.95": 7.259281786558782, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.697078831532615, "y": 7.44693605030826, "y_pred": 5.569843877203429, "target": "0", "q_0": 3.469278230045794, "q_0.025": 3.8293881107048575, "q_0.05": 3.8993800807638372, "q_0.075": 3.979584120101391, "q_0.1": 4.06706166985257, "q_0.125": 4.188950163651021, "q_0.15": 4.28118379660951, "q_0.175": 4.347606948412228, "q_0.2": 4.441696003187549, "q_0.225": 4.521081568301867, "q_0.25": 4.611532395617609, "q_0.275": 4.761465645334576, "q_0.3": 4.839964647797142, "q_0.325": 4.898240198880959, "q_0.35": 4.961930446636361, "q_0.375": 5.113263378116729, "q_0.4": 5.216614980798683, "q_0.425": 5.373524653579246, "q_0.45": 5.407795904004388, "q_0.475": 5.481153573906607, "q_0.5": 5.569843877203429, "q_0.525": 5.644622067914058, "q_0.55": 5.7011699923444175, "q_0.575": 5.8113512300418835, "q_0.6": 5.931007805822089, "q_0.625": 6.147903247744509, "q_0.65": 6.241360264102225, "q_0.675": 6.315309345863373, "q_0.7": 6.395220100590806, "q_0.725": 6.465016632169584, "q_0.75": 6.567324734442829, "q_0.775": 6.6691524781215294, "q_0.8": 6.743153962452412, "q_0.825": 6.812323555565416, "q_0.85": 6.896750279109836, "q_0.875": 6.957989572911767, "q_0.9": 7.013591013188307, "q_0.925": 7.110456675747525, "q_0.95": 7.285662691296467, "q_0.975": 7.489627098039405, "q_1": 7.965287091381542}, {"x": 42.737094837935174, "y": 7.046283867148457, "y_pred": 5.578586446580225, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.078828774192702, "q_0.125": 4.192121719521206, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.554022513632217, "q_0.25": 4.658711517982521, "q_0.275": 4.767417405941826, "q_0.3": 4.860621883663697, "q_0.325": 4.925571725673944, "q_0.35": 4.987023085582278, "q_0.375": 5.128917020180318, "q_0.4": 5.263365170773502, "q_0.425": 5.373524653579246, "q_0.45": 5.423618812332768, "q_0.475": 5.508775886820478, "q_0.5": 5.578586446580225, "q_0.525": 5.676922069924459, "q_0.55": 5.726840795853789, "q_0.575": 5.8189678098003395, "q_0.6": 5.989441443190204, "q_0.625": 6.163423239964418, "q_0.65": 6.251313585511198, "q_0.675": 6.352281704541352, "q_0.7": 6.416305303663277, "q_0.725": 6.47576604144437, "q_0.75": 6.587166982889164, "q_0.775": 6.690604747733197, "q_0.8": 6.760228930404921, "q_0.825": 6.831774415864712, "q_0.85": 6.9265908013145685, "q_0.875": 6.9594339029261665, "q_0.9": 7.041674651878425, "q_0.925": 7.133566376914873, "q_0.95": 7.302515047456258, "q_0.975": 7.500916760847806, "q_1": 7.965287091381542}, {"x": 42.777110844337734, "y": 4.3762248716476595, "y_pred": 5.578586446580225, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.078828774192702, "q_0.125": 4.192121719521206, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.554022513632217, "q_0.25": 4.658711517982521, "q_0.275": 4.767417405941826, "q_0.3": 4.860621883663697, "q_0.325": 4.925571725673944, "q_0.35": 4.987023085582278, "q_0.375": 5.128917020180318, "q_0.4": 5.263365170773502, "q_0.425": 5.373524653579246, "q_0.45": 5.423618812332768, "q_0.475": 5.508775886820478, "q_0.5": 5.578586446580225, "q_0.525": 5.676922069924459, "q_0.55": 5.726840795853789, "q_0.575": 5.8189678098003395, "q_0.6": 5.989441443190204, "q_0.625": 6.163423239964418, "q_0.65": 6.251313585511198, "q_0.675": 6.352281704541352, "q_0.7": 6.416305303663277, "q_0.725": 6.47576604144437, "q_0.75": 6.587166982889164, "q_0.775": 6.690604747733197, "q_0.8": 6.760228930404921, "q_0.825": 6.831774415864712, "q_0.85": 6.9265908013145685, "q_0.875": 6.9594339029261665, "q_0.9": 7.041674651878425, "q_0.925": 7.133566376914873, "q_0.95": 7.302515047456258, "q_0.975": 7.500916760847806, "q_1": 7.965287091381542}, {"x": 42.8171268507403, "y": 3.8051011248602893, "y_pred": 5.578586446580225, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.8293881107048575, "q_0.05": 3.90534738851618, "q_0.075": 3.979584120101391, "q_0.1": 4.078828774192702, "q_0.125": 4.192121719521206, "q_0.15": 4.28118379660951, "q_0.175": 4.352748975276191, "q_0.2": 4.486765629118752, "q_0.225": 4.554022513632217, "q_0.25": 4.658711517982521, "q_0.275": 4.767417405941826, "q_0.3": 4.860621883663697, "q_0.325": 4.925571725673944, "q_0.35": 4.987023085582278, "q_0.375": 5.128917020180318, "q_0.4": 5.263365170773502, "q_0.425": 5.373524653579246, "q_0.45": 5.423618812332768, "q_0.475": 5.508775886820478, "q_0.5": 5.578586446580225, "q_0.525": 5.676922069924459, "q_0.55": 5.726840795853789, "q_0.575": 5.8189678098003395, "q_0.6": 5.989441443190204, "q_0.625": 6.163423239964418, "q_0.65": 6.251313585511198, "q_0.675": 6.352281704541352, "q_0.7": 6.416305303663277, "q_0.725": 6.47576604144437, "q_0.75": 6.587166982889164, "q_0.775": 6.690604747733197, "q_0.8": 6.760228930404921, "q_0.825": 6.831774415864712, "q_0.85": 6.9265908013145685, "q_0.875": 6.9594339029261665, "q_0.9": 7.041674651878425, "q_0.925": 7.133566376914873, "q_0.95": 7.302515047456258, "q_0.975": 7.500916760847806, "q_1": 7.965287091381542}, {"x": 42.85714285714286, "y": 7.363870009768699, "y_pred": 5.644622067914058, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.839170480254669, "q_0.05": 3.9551964171836125, "q_0.075": 4.001216687292553, "q_0.1": 4.112576769131043, "q_0.125": 4.271015264611869, "q_0.15": 4.3075720372474695, "q_0.175": 4.404153214886817, "q_0.2": 4.51115508859659, "q_0.225": 4.607863496884008, "q_0.25": 4.732597939884491, "q_0.275": 4.839964647797142, "q_0.3": 4.898240198880959, "q_0.325": 4.961930446636361, "q_0.35": 5.102990519792822, "q_0.375": 5.212862255489252, "q_0.4": 5.326098736512186, "q_0.425": 5.40151772933469, "q_0.45": 5.465138958871356, "q_0.475": 5.564816871242331, "q_0.5": 5.644622067914058, "q_0.525": 5.721728809124186, "q_0.55": 5.8128111056012735, "q_0.575": 5.951479115102467, "q_0.6": 6.147903247744509, "q_0.625": 6.2381189553050875, "q_0.65": 6.307554511583209, "q_0.675": 6.395220100590806, "q_0.7": 6.465178563104686, "q_0.725": 6.583499982177306, "q_0.75": 6.675079238341156, "q_0.775": 6.747738463072244, "q_0.8": 6.82266174407658, "q_0.825": 6.912706312096574, "q_0.85": 6.9594339029261665, "q_0.875": 7.046283867148457, "q_0.9": 7.1144450602403815, "q_0.925": 7.284985967820072, "q_0.95": 7.457908853071276, "q_0.975": 7.568454379323775, "q_1": 8.350605653893716}, {"x": 42.89715886354542, "y": 4.856958933780043, "y_pred": 5.644622067914058, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.839170480254669, "q_0.05": 3.9551964171836125, "q_0.075": 4.001216687292553, "q_0.1": 4.112576769131043, "q_0.125": 4.271015264611869, "q_0.15": 4.3075720372474695, "q_0.175": 4.404153214886817, "q_0.2": 4.51115508859659, "q_0.225": 4.607863496884008, "q_0.25": 4.732597939884491, "q_0.275": 4.839964647797142, "q_0.3": 4.898240198880959, "q_0.325": 4.961930446636361, "q_0.35": 5.102990519792822, "q_0.375": 5.212862255489252, "q_0.4": 5.326098736512186, "q_0.425": 5.40151772933469, "q_0.45": 5.465138958871356, "q_0.475": 5.564816871242331, "q_0.5": 5.644622067914058, "q_0.525": 5.721728809124186, "q_0.55": 5.8128111056012735, "q_0.575": 5.951479115102467, "q_0.6": 6.147903247744509, "q_0.625": 6.2381189553050875, "q_0.65": 6.307554511583209, "q_0.675": 6.395220100590806, "q_0.7": 6.465178563104686, "q_0.725": 6.583499982177306, "q_0.75": 6.675079238341156, "q_0.775": 6.747738463072244, "q_0.8": 6.82266174407658, "q_0.825": 6.912706312096574, "q_0.85": 6.9594339029261665, "q_0.875": 7.046283867148457, "q_0.9": 7.1144450602403815, "q_0.925": 7.284985967820072, "q_0.95": 7.457908853071276, "q_0.975": 7.568454379323775, "q_1": 8.350605653893716}, {"x": 42.93717486994798, "y": 4.508471559559456, "y_pred": 5.644622067914058, "target": "0", "q_0": 3.4692782300457945, "q_0.025": 3.839170480254669, "q_0.05": 3.9551964171836125, "q_0.075": 4.022071673267338, "q_0.1": 4.1218232669049515, "q_0.125": 4.271828158606835, "q_0.15": 4.3436102864082, "q_0.175": 4.404153214886817, "q_0.2": 4.515644042998396, "q_0.225": 4.609256145343828, "q_0.25": 4.744322151526749, "q_0.275": 4.843551038072556, "q_0.3": 4.9094411838194745, "q_0.325": 4.9651042140046835, "q_0.35": 5.1226554097052235, "q_0.375": 5.216614980798683, "q_0.4": 5.3399790009292065, "q_0.425": 5.40151772933469, "q_0.45": 5.481153573906607, "q_0.475": 5.568939382488213, "q_0.5": 5.644622067914058, "q_0.525": 5.726840795853789, "q_0.55": 5.817480042329025, "q_0.575": 5.951479115102467, "q_0.6": 6.152797806255528, "q_0.625": 6.241360264102225, "q_0.65": 6.315309345863373, "q_0.675": 6.40640674168122, "q_0.7": 6.475082619659686, "q_0.725": 6.587166982889164, "q_0.75": 6.687848398930965, "q_0.775": 6.760228930404921, "q_0.8": 6.831774415864712, "q_0.825": 6.93274725807559, "q_0.85": 6.96528613619982, "q_0.875": 7.049884809491566, "q_0.9": 7.123886149069307, "q_0.925": 7.285662691296467, "q_0.95": 7.484458296526635, "q_0.975": 7.581158473169777, "q_1": 8.350605653893716}, {"x": 42.97719087635054, "y": 6.422594742018269, "y_pred": 5.678347134066301, "target": "0", "q_0": 3.553066175355316, "q_0.025": 3.8557613901090195, "q_0.05": 3.961847294659666, "q_0.075": 4.022071673267338, "q_0.1": 4.1297396857595, "q_0.125": 4.2787871181567905, "q_0.15": 4.347606948412228, "q_0.175": 4.441696003187549, "q_0.2": 4.521081568301867, "q_0.225": 4.637356298509388, "q_0.25": 4.761465645334576, "q_0.275": 4.868624028958877, "q_0.3": 4.932552688902458, "q_0.325": 5.025263307888901, "q_0.35": 5.138394279592555, "q_0.375": 5.263365170773502, "q_0.4": 5.373524653579246, "q_0.425": 5.423618812332768, "q_0.45": 5.508775886820478, "q_0.475": 5.578586446580225, "q_0.5": 5.678347134066301, "q_0.525": 5.765669741328351, "q_0.55": 5.840927161373823, "q_0.575": 6.074951271072937, "q_0.6": 6.163423239964418, "q_0.625": 6.251313585511198, "q_0.65": 6.352281704541352, "q_0.675": 6.422594742018269, "q_0.7": 6.480218367589153, "q_0.725": 6.613272081057492, "q_0.75": 6.6938026241113056, "q_0.775": 6.789883435653076, "q_0.8": 6.86205166742157, "q_0.825": 6.9462980892058255, "q_0.85": 6.986633512608696, "q_0.875": 7.074316859151154, "q_0.9": 7.151894971260996, "q_0.925": 7.302515047456258, "q_0.95": 7.489627098039405, "q_0.975": 7.5863544222920725, "q_1": 8.350605653893716}, {"x": 43.0172068827531, "y": 4.219199771645813, "y_pred": 5.678347134066301, "target": "0", "q_0": 3.553066175355316, "q_0.025": 3.8557613901090195, "q_0.05": 3.961847294659666, "q_0.075": 4.022071673267338, "q_0.1": 4.1297396857595, "q_0.125": 4.2787871181567905, "q_0.15": 4.347606948412228, "q_0.175": 4.441696003187549, "q_0.2": 4.521081568301867, "q_0.225": 4.637356298509388, "q_0.25": 4.761465645334576, "q_0.275": 4.868624028958877, "q_0.3": 4.932552688902458, "q_0.325": 5.025263307888901, "q_0.35": 5.138394279592555, "q_0.375": 5.263365170773502, "q_0.4": 5.373524653579246, "q_0.425": 5.423618812332768, "q_0.45": 5.508775886820478, "q_0.475": 5.578586446580225, "q_0.5": 5.678347134066301, "q_0.525": 5.765669741328351, "q_0.55": 5.840927161373823, "q_0.575": 6.074951271072937, "q_0.6": 6.163423239964418, "q_0.625": 6.251313585511198, "q_0.65": 6.352281704541352, "q_0.675": 6.422594742018269, "q_0.7": 6.480218367589153, "q_0.725": 6.613272081057492, "q_0.75": 6.6938026241113056, "q_0.775": 6.789883435653076, "q_0.8": 6.86205166742157, "q_0.825": 6.9462980892058255, "q_0.85": 6.986633512608696, "q_0.875": 7.074316859151154, "q_0.9": 7.151894971260996, "q_0.925": 7.302515047456258, "q_0.95": 7.489627098039405, "q_0.975": 7.5863544222920725, "q_1": 8.350605653893716}, {"x": 43.05722288915566, "y": 4.809761525624716, "y_pred": 5.688882953610304, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.862691537907575, "q_0.05": 3.9662192189256635, "q_0.075": 4.035775417732042, "q_0.1": 4.188950163651021, "q_0.125": 4.28118379660951, "q_0.15": 4.347606948412228, "q_0.175": 4.486765629118752, "q_0.2": 4.5808494163937, "q_0.225": 4.663130603098778, "q_0.25": 4.783772503764348, "q_0.275": 4.888772666825256, "q_0.3": 4.955720988370454, "q_0.325": 5.051071692998246, "q_0.35": 5.164967520975808, "q_0.375": 5.290215727365148, "q_0.4": 5.3812903189554415, "q_0.425": 5.452291878953412, "q_0.45": 5.5262024339768, "q_0.475": 5.606967643882146, "q_0.5": 5.688882953610304, "q_0.525": 5.7891257975066495, "q_0.55": 5.899706034905603, "q_0.575": 6.130004122697612, "q_0.6": 6.185318079855138, "q_0.625": 6.271309337268203, "q_0.65": 6.375321789501001, "q_0.675": 6.459344460901524, "q_0.7": 6.51015583193452, "q_0.725": 6.665954088408167, "q_0.75": 6.743153962452412, "q_0.775": 6.812323555565416, "q_0.8": 6.9036364853327825, "q_0.825": 6.959266822883218, "q_0.85": 7.041674651878425, "q_0.875": 7.105755522534984, "q_0.9": 7.203990983280248, "q_0.925": 7.329586185680565, "q_0.95": 7.500916760847806, "q_0.975": 7.616453705764474, "q_1": 8.350605653893716}, {"x": 43.09723889555823, "y": 7.500916760847806, "y_pred": 5.688882953610304, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.862691537907575, "q_0.05": 3.9662192189256635, "q_0.075": 4.035775417732042, "q_0.1": 4.188950163651021, "q_0.125": 4.28118379660951, "q_0.15": 4.347606948412228, "q_0.175": 4.486765629118752, "q_0.2": 4.5808494163937, "q_0.225": 4.663130603098778, "q_0.25": 4.785528838679632, "q_0.275": 4.889067854114831, "q_0.3": 4.955720988370454, "q_0.325": 5.054603558756522, "q_0.35": 5.165680393444788, "q_0.375": 5.293790197765075, "q_0.4": 5.381425115449694, "q_0.425": 5.452291878953412, "q_0.45": 5.5262024339768, "q_0.475": 5.606967643882146, "q_0.5": 5.688882953610304, "q_0.525": 5.7891257975066495, "q_0.55": 5.899706034905603, "q_0.575": 6.130004122697612, "q_0.6": 6.185318079855138, "q_0.625": 6.271309337268203, "q_0.65": 6.375321789501001, "q_0.675": 6.459344460901524, "q_0.7": 6.51015583193452, "q_0.725": 6.668674536571691, "q_0.75": 6.743153962452412, "q_0.775": 6.8192697241043785, "q_0.8": 6.9036364853327825, "q_0.825": 6.9594339029261665, "q_0.85": 7.0433988184683685, "q_0.875": 7.105755522534984, "q_0.9": 7.203990983280248, "q_0.925": 7.329586185680565, "q_0.95": 7.500916760847806, "q_0.975": 7.6349000581069655, "q_1": 8.350605653893716}, {"x": 43.13725490196079, "y": 6.231548013298918, "y_pred": 5.688882953610304, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.862691537907575, "q_0.05": 3.9662192189256635, "q_0.075": 4.035775417732042, "q_0.1": 4.188950163651021, "q_0.125": 4.28118379660951, "q_0.15": 4.347606948412228, "q_0.175": 4.486765629118752, "q_0.2": 4.5808494163937, "q_0.225": 4.663130603098778, "q_0.25": 4.785528838679632, "q_0.275": 4.889067854114831, "q_0.3": 4.955720988370454, "q_0.325": 5.054603558756522, "q_0.35": 5.165680393444788, "q_0.375": 5.293790197765075, "q_0.4": 5.381425115449694, "q_0.425": 5.452291878953412, "q_0.45": 5.5262024339768, "q_0.475": 5.606967643882146, "q_0.5": 5.688882953610304, "q_0.525": 5.7891257975066495, "q_0.55": 5.899706034905603, "q_0.575": 6.130004122697612, "q_0.6": 6.185318079855138, "q_0.625": 6.271309337268203, "q_0.65": 6.375321789501001, "q_0.675": 6.459344460901524, "q_0.7": 6.51015583193452, "q_0.725": 6.668674536571691, "q_0.75": 6.743153962452412, "q_0.775": 6.8192697241043785, "q_0.8": 6.9036364853327825, "q_0.825": 6.9594339029261665, "q_0.85": 7.0433988184683685, "q_0.875": 7.105755522534984, "q_0.9": 7.203990983280248, "q_0.925": 7.329586185680565, "q_0.95": 7.500916760847806, "q_0.975": 7.6349000581069655, "q_1": 8.350605653893716}, {"x": 43.17727090836335, "y": 5.783031141582168, "y_pred": 5.688882953610304, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.862691537907575, "q_0.05": 3.9662192189256635, "q_0.075": 4.035775417732042, "q_0.1": 4.188950163651021, "q_0.125": 4.28118379660951, "q_0.15": 4.347606948412228, "q_0.175": 4.486765629118752, "q_0.2": 4.5808494163937, "q_0.225": 4.663130603098778, "q_0.25": 4.785528838679632, "q_0.275": 4.889067854114831, "q_0.3": 4.955720988370454, "q_0.325": 5.054603558756522, "q_0.35": 5.165680393444788, "q_0.375": 5.293790197765075, "q_0.4": 5.381425115449694, "q_0.425": 5.452291878953412, "q_0.45": 5.5262024339768, "q_0.475": 5.606967643882146, "q_0.5": 5.688882953610304, "q_0.525": 5.7891257975066495, "q_0.55": 5.899706034905603, "q_0.575": 6.130004122697612, "q_0.6": 6.185318079855138, "q_0.625": 6.271309337268203, "q_0.65": 6.375321789501001, "q_0.675": 6.459344460901524, "q_0.7": 6.51015583193452, "q_0.725": 6.668674536571691, "q_0.75": 6.743153962452412, "q_0.775": 6.8192697241043785, "q_0.8": 6.9036364853327825, "q_0.825": 6.9594339029261665, "q_0.85": 7.0433988184683685, "q_0.875": 7.105755522534984, "q_0.9": 7.203990983280248, "q_0.925": 7.329586185680565, "q_0.95": 7.500916760847806, "q_0.975": 7.6349000581069655, "q_1": 8.350605653893716}, {"x": 43.21728691476591, "y": 5.319239185848991, "y_pred": 5.688882953610304, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.862691537907575, "q_0.05": 3.9662192189256635, "q_0.075": 4.035775417732042, "q_0.1": 4.188950163651021, "q_0.125": 4.28118379660951, "q_0.15": 4.347606948412228, "q_0.175": 4.486765629118752, "q_0.2": 4.5808494163937, "q_0.225": 4.663130603098778, "q_0.25": 4.785528838679632, "q_0.275": 4.889067854114831, "q_0.3": 4.955720988370454, "q_0.325": 5.054603558756522, "q_0.35": 5.165680393444788, "q_0.375": 5.293790197765075, "q_0.4": 5.381425115449694, "q_0.425": 5.452291878953412, "q_0.45": 5.5262024339768, "q_0.475": 5.606967643882146, "q_0.5": 5.688882953610304, "q_0.525": 5.7891257975066495, "q_0.55": 5.899706034905603, "q_0.575": 6.130004122697612, "q_0.6": 6.185318079855138, "q_0.625": 6.271309337268203, "q_0.65": 6.375321789501001, "q_0.675": 6.459344460901524, "q_0.7": 6.51015583193452, "q_0.725": 6.668674536571691, "q_0.75": 6.743153962452412, "q_0.775": 6.8192697241043785, "q_0.8": 6.9036364853327825, "q_0.825": 6.9594339029261665, "q_0.85": 7.0433988184683685, "q_0.875": 7.105755522534984, "q_0.9": 7.203990983280248, "q_0.925": 7.329586185680565, "q_0.95": 7.500916760847806, "q_0.975": 7.6349000581069655, "q_1": 8.350605653893716}, {"x": 43.25730292116847, "y": 6.747738463072244, "y_pred": 5.6937689455309854, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.862691537907575, "q_0.05": 3.9662192189256635, "q_0.075": 4.060462534449218, "q_0.1": 4.189093809614454, "q_0.125": 4.28118379660951, "q_0.15": 4.352748975276191, "q_0.175": 4.492839865884417, "q_0.2": 4.581208346808396, "q_0.225": 4.671423009467839, "q_0.25": 4.787285173594916, "q_0.275": 4.894947785189663, "q_0.3": 4.9602003327052175, "q_0.325": 5.084668395031892, "q_0.35": 5.165680393444788, "q_0.375": 5.314760609667232, "q_0.4": 5.389898531436362, "q_0.425": 5.45528654643082, "q_0.45": 5.526918566800015, "q_0.475": 5.610358088522938, "q_0.5": 5.6937689455309854, "q_0.525": 5.8113512300418835, "q_0.55": 5.900806625736318, "q_0.575": 6.1363701305086895, "q_0.6": 6.207417961050581, "q_0.625": 6.271309337268203, "q_0.65": 6.392785686480926, "q_0.675": 6.4646387933210105, "q_0.7": 6.545234794393515, "q_0.725": 6.6691524781215294, "q_0.75": 6.743153962452412, "q_0.775": 6.8192697241043785, "q_0.8": 6.907808121481193, "q_0.825": 6.9594339029261665, "q_0.85": 7.046283867148457, "q_0.875": 7.106151108103749, "q_0.9": 7.228085904229239, "q_0.925": 7.363870009768699, "q_0.95": 7.500916760847806, "q_0.975": 7.6349000581069655, "q_1": 8.350605653893716}, {"x": 43.29731892757103, "y": 4.347606948412228, "y_pred": 5.6937689455309854, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.862691537907575, "q_0.05": 3.9662192189256635, "q_0.075": 4.060462534449218, "q_0.1": 4.189093809614454, "q_0.125": 4.28118379660951, "q_0.15": 4.352748975276191, "q_0.175": 4.492839865884417, "q_0.2": 4.581208346808396, "q_0.225": 4.671423009467839, "q_0.25": 4.787285173594916, "q_0.275": 4.894947785189663, "q_0.3": 4.9602003327052175, "q_0.325": 5.084668395031892, "q_0.35": 5.165680393444788, "q_0.375": 5.314760609667232, "q_0.4": 5.389898531436362, "q_0.425": 5.45528654643082, "q_0.45": 5.526918566800015, "q_0.475": 5.610358088522938, "q_0.5": 5.6937689455309854, "q_0.525": 5.8113512300418835, "q_0.55": 5.900806625736318, "q_0.575": 6.1363701305086895, "q_0.6": 6.207417961050581, "q_0.625": 6.271309337268203, "q_0.65": 6.392785686480926, "q_0.675": 6.4646387933210105, "q_0.7": 6.545234794393515, "q_0.725": 6.6691524781215294, "q_0.75": 6.743153962452412, "q_0.775": 6.8192697241043785, "q_0.8": 6.907808121481193, "q_0.825": 6.9594339029261665, "q_0.85": 7.046283867148457, "q_0.875": 7.106151108103749, "q_0.9": 7.228085904229239, "q_0.925": 7.363870009768699, "q_0.95": 7.500916760847806, "q_0.975": 7.6349000581069655, "q_1": 8.350605653893716}, {"x": 43.337334933973594, "y": 7.4821085536349505, "y_pred": 5.6937689455309854, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.862691537907575, "q_0.05": 3.9662192189256635, "q_0.075": 4.060462534449218, "q_0.1": 4.189093809614454, "q_0.125": 4.28118379660951, "q_0.15": 4.352748975276191, "q_0.175": 4.492839865884417, "q_0.2": 4.581208346808396, "q_0.225": 4.671423009467839, "q_0.25": 4.787285173594916, "q_0.275": 4.894947785189663, "q_0.3": 4.9602003327052175, "q_0.325": 5.084668395031892, "q_0.35": 5.165680393444788, "q_0.375": 5.314760609667232, "q_0.4": 5.389898531436362, "q_0.425": 5.45528654643082, "q_0.45": 5.526918566800015, "q_0.475": 5.610358088522938, "q_0.5": 5.6937689455309854, "q_0.525": 5.8113512300418835, "q_0.55": 5.900806625736318, "q_0.575": 6.1363701305086895, "q_0.6": 6.207417961050581, "q_0.625": 6.271309337268203, "q_0.65": 6.392785686480926, "q_0.675": 6.4646387933210105, "q_0.7": 6.545234794393515, "q_0.725": 6.6691524781215294, "q_0.75": 6.743153962452412, "q_0.775": 6.8192697241043785, "q_0.8": 6.907808121481193, "q_0.825": 6.9594339029261665, "q_0.85": 7.046283867148457, "q_0.875": 7.106151108103749, "q_0.9": 7.228085904229239, "q_0.925": 7.363870009768699, "q_0.95": 7.500916760847806, "q_0.975": 7.6349000581069655, "q_1": 8.350605653893716}, {"x": 43.377350940376154, "y": 7.081019501896454, "y_pred": 5.743059371733642, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.862691537907575, "q_0.05": 3.978082321979567, "q_0.075": 4.0672567421805175, "q_0.1": 4.192121719521206, "q_0.125": 4.286461922627283, "q_0.15": 4.3762248716476595, "q_0.175": 4.507905927174601, "q_0.2": 4.607863496884008, "q_0.225": 4.71519306064387, "q_0.25": 4.843551038072556, "q_0.275": 4.9094411838194745, "q_0.3": 4.9651042140046835, "q_0.325": 5.113263378116729, "q_0.35": 5.20520435895069, "q_0.375": 5.326098736512186, "q_0.4": 5.395930777257884, "q_0.425": 5.465138958871356, "q_0.45": 5.539419070834594, "q_0.475": 5.637808825368412, "q_0.5": 5.743059371733642, "q_0.525": 5.817480042329025, "q_0.55": 5.951479115102467, "q_0.575": 6.152797806255528, "q_0.6": 6.228369435935068, "q_0.625": 6.307554511583209, "q_0.65": 6.40640674168122, "q_0.675": 6.47576604144437, "q_0.7": 6.587166982889164, "q_0.725": 6.687848398930965, "q_0.75": 6.78005558442292, "q_0.775": 6.844044526630338, "q_0.8": 6.9462980892058255, "q_0.825": 6.986633512608696, "q_0.85": 7.074316859151154, "q_0.875": 7.123886149069307, "q_0.9": 7.285662691296467, "q_0.925": 7.446020005529373, "q_0.95": 7.505505452941607, "q_0.975": 7.671882404954735, "q_1": 8.350605653893716}, {"x": 43.417366946778714, "y": 6.159056956340137, "y_pred": 5.743059371733642, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.8697891893665486, "q_0.05": 3.978082321979567, "q_0.075": 4.078828774192702, "q_0.1": 4.211287775002987, "q_0.125": 4.286461922627283, "q_0.15": 4.3762248716476595, "q_0.175": 4.508471559559456, "q_0.2": 4.609025084519022, "q_0.225": 4.731697955527121, "q_0.25": 4.843551038072556, "q_0.275": 4.9094411838194745, "q_0.3": 4.966974597924747, "q_0.325": 5.113263378116729, "q_0.35": 5.20520435895069, "q_0.375": 5.326098736512186, "q_0.4": 5.395930777257884, "q_0.425": 5.465138958871356, "q_0.45": 5.539419070834594, "q_0.475": 5.644622067914058, "q_0.5": 5.743059371733642, "q_0.525": 5.817480042329025, "q_0.55": 5.951847545383844, "q_0.575": 6.152797806255528, "q_0.6": 6.2381189553050875, "q_0.625": 6.307554511583209, "q_0.65": 6.40640674168122, "q_0.675": 6.4777042327958245, "q_0.7": 6.591982800210019, "q_0.725": 6.687848398930965, "q_0.75": 6.783823531596502, "q_0.775": 6.844044526630338, "q_0.8": 6.9462980892058255, "q_0.825": 6.986633512608696, "q_0.85": 7.074316859151154, "q_0.875": 7.133566376914873, "q_0.9": 7.285662691296467, "q_0.925": 7.446020005529373, "q_0.95": 7.51211729450557, "q_0.975": 7.671882404954735, "q_1": 8.350605653893716}, {"x": 43.45738295318127, "y": 3.979584120101391, "y_pred": 5.746991044011962, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.870270084783503, "q_0.05": 3.978082321979567, "q_0.075": 4.078828774192702, "q_0.1": 4.211287775002987, "q_0.125": 4.286461922627283, "q_0.15": 4.377382656107809, "q_0.175": 4.508471559559456, "q_0.2": 4.609256145343828, "q_0.225": 4.731697955527121, "q_0.25": 4.843551038072556, "q_0.275": 4.925571725673944, "q_0.3": 4.981246200893748, "q_0.325": 5.124874775655833, "q_0.35": 5.2115914496379805, "q_0.375": 5.32881547845157, "q_0.4": 5.395930777257884, "q_0.425": 5.481153573906607, "q_0.45": 5.568939382488213, "q_0.475": 5.644622067914058, "q_0.5": 5.746991044011962, "q_0.525": 5.8189678098003395, "q_0.55": 5.982629814453092, "q_0.575": 6.159056956340137, "q_0.6": 6.24056933934931, "q_0.625": 6.3092835525930475, "q_0.65": 6.416305303663277, "q_0.675": 6.4777042327958245, "q_0.7": 6.591982800210019, "q_0.725": 6.690604747733197, "q_0.75": 6.783823531596502, "q_0.775": 6.86205166742157, "q_0.8": 6.946573037527391, "q_0.825": 6.989018274918326, "q_0.85": 7.081019501896454, "q_0.875": 7.133566376914873, "q_0.9": 7.285662691296467, "q_0.925": 7.446020005529373, "q_0.95": 7.51211729450557, "q_0.975": 7.671882404954735, "q_1": 8.350605653893716}, {"x": 43.49739895958383, "y": 6.4777042327958245, "y_pred": 5.773454518537434, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.870270084783503, "q_0.05": 3.978082321979567, "q_0.075": 4.08584701570202, "q_0.1": 4.24932715550084, "q_0.125": 4.3075720372474695, "q_0.15": 4.394361878070937, "q_0.175": 4.515095438240721, "q_0.2": 4.620467243062304, "q_0.225": 4.758775600430898, "q_0.25": 4.868624028958877, "q_0.275": 4.932552688902458, "q_0.3": 5.025263307888901, "q_0.325": 5.128917020180318, "q_0.35": 5.216614980798683, "q_0.375": 5.342937656487511, "q_0.4": 5.407795904004388, "q_0.425": 5.508775886820478, "q_0.45": 5.569843877203429, "q_0.475": 5.678347134066301, "q_0.5": 5.773454518537434, "q_0.525": 5.873021342369511, "q_0.55": 6.081381990664249, "q_0.575": 6.163423239964418, "q_0.6": 6.251313585511198, "q_0.625": 6.325194360607169, "q_0.65": 6.451875145234029, "q_0.675": 6.49436389982853, "q_0.7": 6.650981183363797, "q_0.725": 6.6954419437597, "q_0.75": 6.809549107129772, "q_0.775": 6.896750279109836, "q_0.8": 6.959047488980644, "q_0.825": 7.041674651878425, "q_0.85": 7.095665621339528, "q_0.875": 7.173017440070793, "q_0.9": 7.303611598224526, "q_0.925": 7.484458296526635, "q_0.95": 7.530502547889955, "q_0.975": 7.699648512881511, "q_1": 8.350605653893716}, {"x": 43.53741496598639, "y": 7.285662691296467, "y_pred": 5.773454518537434, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.870270084783503, "q_0.05": 3.978082321979567, "q_0.075": 4.09295049811656, "q_0.1": 4.2510013864745355, "q_0.125": 4.3075720372474695, "q_0.15": 4.394361878070937, "q_0.175": 4.515644042998396, "q_0.2": 4.621868606794217, "q_0.225": 4.758775600430898, "q_0.25": 4.868624028958877, "q_0.275": 4.932552688902458, "q_0.3": 5.025263307888901, "q_0.325": 5.128917020180318, "q_0.35": 5.235457427682123, "q_0.375": 5.342937656487511, "q_0.4": 5.407795904004388, "q_0.425": 5.508775886820478, "q_0.45": 5.569843877203429, "q_0.475": 5.678347134066301, "q_0.5": 5.773454518537434, "q_0.525": 5.886105011789981, "q_0.55": 6.087499373460008, "q_0.575": 6.166671893644826, "q_0.6": 6.251313585511198, "q_0.625": 6.345091246477267, "q_0.65": 6.451875145234029, "q_0.675": 6.49436389982853, "q_0.7": 6.654975900260792, "q_0.725": 6.6954419437597, "q_0.75": 6.809549107129772, "q_0.775": 6.8982771758681185, "q_0.8": 6.959047488980644, "q_0.825": 7.0433988184683685, "q_0.85": 7.095665621339528, "q_0.875": 7.173017440070793, "q_0.9": 7.303611598224526, "q_0.925": 7.484458296526635, "q_0.95": 7.530502547889955, "q_0.975": 7.699648512881511, "q_1": 8.350605653893716}, {"x": 43.57743097238896, "y": 5.8113512300418835, "y_pred": 5.77433135497657, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.870270084783503, "q_0.05": 3.978082321979567, "q_0.075": 4.09295049811656, "q_0.1": 4.2510013864745355, "q_0.125": 4.3075720372474695, "q_0.15": 4.394361878070937, "q_0.175": 4.518214254087626, "q_0.2": 4.636025148763184, "q_0.225": 4.758775600430898, "q_0.25": 4.876300922834117, "q_0.275": 4.936857362874977, "q_0.3": 5.035331047471773, "q_0.325": 5.134040926735094, "q_0.35": 5.236730700678295, "q_0.375": 5.342937656487511, "q_0.4": 5.407795904004388, "q_0.425": 5.508775886820478, "q_0.45": 5.569843877203429, "q_0.475": 5.678347134066301, "q_0.5": 5.77433135497657, "q_0.525": 5.886105011789981, "q_0.55": 6.087499373460008, "q_0.575": 6.166671893644826, "q_0.6": 6.251313585511198, "q_0.625": 6.345091246477267, "q_0.65": 6.451875145234029, "q_0.675": 6.507863533141688, "q_0.7": 6.657930086880654, "q_0.725": 6.6954419437597, "q_0.75": 6.812323555565416, "q_0.775": 6.8982771758681185, "q_0.8": 6.959203447694513, "q_0.825": 7.0433988184683685, "q_0.85": 7.095665621339528, "q_0.875": 7.1775743802712535, "q_0.9": 7.303611598224526, "q_0.925": 7.484458296526635, "q_0.95": 7.530502547889955, "q_0.975": 7.699648512881511, "q_1": 8.350605653893716}, {"x": 43.61744697879152, "y": 5.165680393444788, "y_pred": 5.783031141582168, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.890429119135321, "q_0.05": 3.979584120101391, "q_0.075": 4.108785346341911, "q_0.1": 4.271015264611869, "q_0.125": 4.3075720372474695, "q_0.15": 4.394361878070937, "q_0.175": 4.518214254087626, "q_0.2": 4.637356298509388, "q_0.225": 4.761465645334576, "q_0.25": 4.885248411887277, "q_0.275": 4.936857362874977, "q_0.3": 5.035331047471773, "q_0.325": 5.134040926735094, "q_0.35": 5.251305429080203, "q_0.375": 5.342937656487511, "q_0.4": 5.407795904004388, "q_0.425": 5.508775886820478, "q_0.45": 5.569843877203429, "q_0.475": 5.678347134066301, "q_0.5": 5.783031141582168, "q_0.525": 5.886105011789981, "q_0.55": 6.087499373460008, "q_0.575": 6.166671893644826, "q_0.6": 6.251313585511198, "q_0.625": 6.352281704541352, "q_0.65": 6.454343177345563, "q_0.675": 6.507863533141688, "q_0.7": 6.657930086880654, "q_0.725": 6.7104379315465135, "q_0.75": 6.812323555565416, "q_0.775": 6.9036364853327825, "q_0.8": 6.962945242890364, "q_0.825": 7.049884809491566, "q_0.85": 7.105755522534984, "q_0.875": 7.186720061721006, "q_0.9": 7.309012012122501, "q_0.925": 7.489627098039405, "q_0.95": 7.559253690893296, "q_0.975": 7.699648512881511, "q_1": 8.350605653893716}, {"x": 43.65746298519408, "y": 4.2781032883980785, "y_pred": 5.783031141582168, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.890429119135321, "q_0.05": 3.979584120101391, "q_0.075": 4.108785346341911, "q_0.1": 4.271015264611869, "q_0.125": 4.3075720372474695, "q_0.15": 4.394361878070937, "q_0.175": 4.518214254087626, "q_0.2": 4.637356298509388, "q_0.225": 4.761465645334576, "q_0.25": 4.885248411887277, "q_0.275": 4.936857362874977, "q_0.3": 5.035331047471773, "q_0.325": 5.134040926735094, "q_0.35": 5.251305429080203, "q_0.375": 5.342937656487511, "q_0.4": 5.407795904004388, "q_0.425": 5.508775886820478, "q_0.45": 5.569843877203429, "q_0.475": 5.678347134066301, "q_0.5": 5.783031141582168, "q_0.525": 5.886105011789981, "q_0.55": 6.087499373460008, "q_0.575": 6.166671893644826, "q_0.6": 6.251313585511198, "q_0.625": 6.352281704541352, "q_0.65": 6.454343177345563, "q_0.675": 6.507863533141688, "q_0.7": 6.657930086880654, "q_0.725": 6.7104379315465135, "q_0.75": 6.812323555565416, "q_0.775": 6.9036364853327825, "q_0.8": 6.962945242890364, "q_0.825": 7.049884809491566, "q_0.85": 7.105755522534984, "q_0.875": 7.186720061721006, "q_0.9": 7.309012012122501, "q_0.925": 7.489627098039405, "q_0.95": 7.559253690893296, "q_0.975": 7.699648512881511, "q_1": 8.350605653893716}, {"x": 43.69747899159664, "y": 6.690604747733197, "y_pred": 5.783031141582168, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.890429119135321, "q_0.05": 3.979584120101391, "q_0.075": 4.111068382018161, "q_0.1": 4.271828158606835, "q_0.125": 4.331266554023453, "q_0.15": 4.404153214886817, "q_0.175": 4.521081568301867, "q_0.2": 4.637356298509388, "q_0.225": 4.761465645334576, "q_0.25": 4.885248411887277, "q_0.275": 4.936857362874977, "q_0.3": 5.045065994911716, "q_0.325": 5.141263186917729, "q_0.35": 5.251422081944615, "q_0.375": 5.3615518218203295, "q_0.4": 5.407795904004388, "q_0.425": 5.508775886820478, "q_0.45": 5.569843877203429, "q_0.475": 5.680116126954365, "q_0.5": 5.783031141582168, "q_0.525": 5.886105011789981, "q_0.55": 6.126331203044849, "q_0.575": 6.167747892366451, "q_0.6": 6.262837166853249, "q_0.625": 6.365611531052373, "q_0.65": 6.459344460901524, "q_0.675": 6.51015583193452, "q_0.7": 6.665954088408167, "q_0.725": 6.72762611268005, "q_0.75": 6.8192697241043785, "q_0.775": 6.907808121481193, "q_0.8": 6.965319847274817, "q_0.825": 7.065958062458219, "q_0.85": 7.106151108103749, "q_0.875": 7.203217120438564, "q_0.9": 7.325282589647719, "q_0.925": 7.498113162592052, "q_0.95": 7.559253690893296, "q_0.975": 7.704953745544701, "q_1": 8.350605653893716}, {"x": 43.7374949979992, "y": 7.186720061721006, "y_pred": 5.783031141582168, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.890429119135321, "q_0.05": 3.979584120101391, "q_0.075": 4.111068382018161, "q_0.1": 4.271828158606835, "q_0.125": 4.331266554023453, "q_0.15": 4.404153214886817, "q_0.175": 4.521081568301867, "q_0.2": 4.637356298509388, "q_0.225": 4.761465645334576, "q_0.25": 4.885248411887277, "q_0.275": 4.936857362874977, "q_0.3": 5.045065994911716, "q_0.325": 5.141263186917729, "q_0.35": 5.251422081944615, "q_0.375": 5.3615518218203295, "q_0.4": 5.407795904004388, "q_0.425": 5.508775886820478, "q_0.45": 5.569843877203429, "q_0.475": 5.680116126954365, "q_0.5": 5.783031141582168, "q_0.525": 5.886105011789981, "q_0.55": 6.126331203044849, "q_0.575": 6.167747892366451, "q_0.6": 6.262837166853249, "q_0.625": 6.365611531052373, "q_0.65": 6.459344460901524, "q_0.675": 6.51015583193452, "q_0.7": 6.665954088408167, "q_0.725": 6.72762611268005, "q_0.75": 6.8192697241043785, "q_0.775": 6.907808121481193, "q_0.8": 6.965319847274817, "q_0.825": 7.065958062458219, "q_0.85": 7.106151108103749, "q_0.875": 7.203217120438564, "q_0.9": 7.325282589647719, "q_0.925": 7.498113162592052, "q_0.95": 7.559253690893296, "q_0.975": 7.704953745544701, "q_1": 8.350605653893716}, {"x": 43.77751100440176, "y": 4.204920604080426, "y_pred": 5.783031141582168, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.890429119135321, "q_0.05": 3.979584120101391, "q_0.075": 4.111068382018161, "q_0.1": 4.271828158606835, "q_0.125": 4.331266554023453, "q_0.15": 4.404153214886817, "q_0.175": 4.521081568301867, "q_0.2": 4.637356298509388, "q_0.225": 4.761465645334576, "q_0.25": 4.885248411887277, "q_0.275": 4.936857362874977, "q_0.3": 5.045065994911716, "q_0.325": 5.141263186917729, "q_0.35": 5.251422081944615, "q_0.375": 5.3615518218203295, "q_0.4": 5.407795904004388, "q_0.425": 5.508775886820478, "q_0.45": 5.569843877203429, "q_0.475": 5.680116126954365, "q_0.5": 5.783031141582168, "q_0.525": 5.886105011789981, "q_0.55": 6.126331203044849, "q_0.575": 6.167747892366451, "q_0.6": 6.262837166853249, "q_0.625": 6.365611531052373, "q_0.65": 6.459344460901524, "q_0.675": 6.51015583193452, "q_0.7": 6.665954088408167, "q_0.725": 6.72762611268005, "q_0.75": 6.8192697241043785, "q_0.775": 6.907808121481193, "q_0.8": 6.965319847274817, "q_0.825": 7.065958062458219, "q_0.85": 7.106151108103749, "q_0.875": 7.203217120438564, "q_0.9": 7.325282589647719, "q_0.925": 7.498113162592052, "q_0.95": 7.559253690893296, "q_0.975": 7.704953745544701, "q_1": 8.350605653893716}, {"x": 43.817527010804326, "y": 6.710780833392947, "y_pred": 5.783031141582168, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.890429119135321, "q_0.05": 3.979584120101391, "q_0.075": 4.111068382018161, "q_0.1": 4.271828158606835, "q_0.125": 4.331266554023453, "q_0.15": 4.404153214886817, "q_0.175": 4.521081568301867, "q_0.2": 4.658711517982521, "q_0.225": 4.761465645334576, "q_0.25": 4.888772666825256, "q_0.275": 4.936857362874977, "q_0.3": 5.045065994911716, "q_0.325": 5.141263186917729, "q_0.35": 5.251422081944615, "q_0.375": 5.3615518218203295, "q_0.4": 5.413052805033671, "q_0.425": 5.508775886820478, "q_0.45": 5.572482639826347, "q_0.475": 5.680116126954365, "q_0.5": 5.783031141582168, "q_0.525": 5.896533308901491, "q_0.55": 6.12908589278443, "q_0.575": 6.167747892366451, "q_0.6": 6.262837166853249, "q_0.625": 6.365611531052373, "q_0.65": 6.462962586402595, "q_0.675": 6.51015583193452, "q_0.7": 6.665954088408167, "q_0.725": 6.739029346385659, "q_0.75": 6.8192697241043785, "q_0.775": 6.9265908013145685, "q_0.8": 6.965319847274817, "q_0.825": 7.065958062458219, "q_0.85": 7.106151108103749, "q_0.875": 7.203990983280248, "q_0.9": 7.329586185680565, "q_0.925": 7.498113162592052, "q_0.95": 7.559253690893296, "q_0.975": 7.704953745544701, "q_1": 8.350605653893716}, {"x": 43.857543017206886, "y": 3.890429119135321, "y_pred": 5.783031141582168, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.890429119135321, "q_0.05": 3.979584120101391, "q_0.075": 4.111068382018161, "q_0.1": 4.271828158606835, "q_0.125": 4.331266554023453, "q_0.15": 4.404153214886817, "q_0.175": 4.521081568301867, "q_0.2": 4.658711517982521, "q_0.225": 4.761465645334576, "q_0.25": 4.888772666825256, "q_0.275": 4.936857362874977, "q_0.3": 5.045065994911716, "q_0.325": 5.141263186917729, "q_0.35": 5.251422081944615, "q_0.375": 5.3615518218203295, "q_0.4": 5.413052805033671, "q_0.425": 5.508775886820478, "q_0.45": 5.572482639826347, "q_0.475": 5.680116126954365, "q_0.5": 5.783031141582168, "q_0.525": 5.896533308901491, "q_0.55": 6.12908589278443, "q_0.575": 6.167747892366451, "q_0.6": 6.262837166853249, "q_0.625": 6.365611531052373, "q_0.65": 6.462962586402595, "q_0.675": 6.51015583193452, "q_0.7": 6.665954088408167, "q_0.725": 6.739029346385659, "q_0.75": 6.8192697241043785, "q_0.775": 6.9265908013145685, "q_0.8": 6.965319847274817, "q_0.825": 7.065958062458219, "q_0.85": 7.106151108103749, "q_0.875": 7.203990983280248, "q_0.9": 7.329586185680565, "q_0.925": 7.498113162592052, "q_0.95": 7.559253690893296, "q_0.975": 7.704953745544701, "q_1": 8.350605653893716}, {"x": 43.897559023609446, "y": 7.505459640160026, "y_pred": 5.8113512300418835, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.890429119135321, "q_0.05": 3.986526029621062, "q_0.075": 4.1218232669049515, "q_0.1": 4.27536769755606, "q_0.125": 4.3436102864082, "q_0.15": 4.441696003187549, "q_0.175": 4.5808494163937, "q_0.2": 4.665422589602663, "q_0.225": 4.783772503764348, "q_0.25": 4.894947785189663, "q_0.275": 4.955720988370454, "q_0.3": 5.084668395031892, "q_0.325": 5.164967520975808, "q_0.35": 5.286940140213808, "q_0.375": 5.373524653579246, "q_0.4": 5.429067265936801, "q_0.425": 5.5161034848371715, "q_0.45": 5.596197385576483, "q_0.475": 5.693242084446407, "q_0.5": 5.8113512300418835, "q_0.525": 5.900806625736318, "q_0.55": 6.145811128810768, "q_0.575": 6.185318079855138, "q_0.6": 6.271309337268203, "q_0.625": 6.375321789501001, "q_0.65": 6.475082619659686, "q_0.675": 6.567324734442829, "q_0.7": 6.675079238341156, "q_0.725": 6.757343395456734, "q_0.75": 6.8340923655005525, "q_0.775": 6.944732131840182, "q_0.8": 6.986633512608696, "q_0.825": 7.074316859151154, "q_0.85": 7.110456675747525, "q_0.875": 7.265420303827962, "q_0.9": 7.363870009768699, "q_0.925": 7.500916760847806, "q_0.95": 7.581158473169777, "q_0.975": 7.713279231665364, "q_1": 8.350605653893716}, {"x": 43.937575030012006, "y": 6.167747892366451, "y_pred": 5.8128111056012735, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.90534738851618, "q_0.05": 3.986526029621062, "q_0.075": 4.1218232669049515, "q_0.1": 4.2787871181567905, "q_0.125": 4.343943727416559, "q_0.15": 4.460486351845997, "q_0.175": 4.5808494163937, "q_0.2": 4.665422589602663, "q_0.225": 4.787285173594916, "q_0.25": 4.896821574928517, "q_0.275": 4.9602003327052175, "q_0.3": 5.084668395031892, "q_0.325": 5.165680393444788, "q_0.35": 5.289126834881126, "q_0.375": 5.373524653579246, "q_0.4": 5.443071112494653, "q_0.425": 5.516986682213815, "q_0.45": 5.605612913662584, "q_0.475": 5.7011699923444175, "q_0.5": 5.8128111056012735, "q_0.525": 5.9308279997096065, "q_0.55": 6.145811128810768, "q_0.575": 6.218800839753577, "q_0.6": 6.299772939475638, "q_0.625": 6.392785686480926, "q_0.65": 6.475082619659686, "q_0.675": 6.583499982177306, "q_0.7": 6.684542071478193, "q_0.725": 6.78005558442292, "q_0.75": 6.85301778366183, "q_0.775": 6.9462980892058255, "q_0.8": 6.989018274918326, "q_0.825": 7.081019501896454, "q_0.85": 7.1144450602403815, "q_0.875": 7.271846270275043, "q_0.9": 7.372770930943545, "q_0.925": 7.502285855193768, "q_0.95": 7.581158473169777, "q_0.975": 7.720562189265623, "q_1": 8.350605653893716}, {"x": 43.977591036414566, "y": 5.9308279997096065, "y_pred": 5.8128111056012735, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.90534738851618, "q_0.05": 3.986526029621062, "q_0.075": 4.1218232669049515, "q_0.1": 4.2787871181567905, "q_0.125": 4.347606948412228, "q_0.15": 4.482762043517262, "q_0.175": 4.581208346808396, "q_0.2": 4.671423009467839, "q_0.225": 4.810885689049004, "q_0.25": 4.909365837454605, "q_0.275": 4.961930446636361, "q_0.3": 5.097073359111136, "q_0.325": 5.165680393444788, "q_0.35": 5.290215727365148, "q_0.375": 5.380267819921747, "q_0.4": 5.452291878953412, "q_0.425": 5.5262024339768, "q_0.45": 5.605612913662584, "q_0.475": 5.721728809124186, "q_0.5": 5.8128111056012735, "q_0.525": 5.9308279997096065, "q_0.55": 6.147903247744509, "q_0.575": 6.220095836224706, "q_0.6": 6.305348612831134, "q_0.625": 6.393580121720733, "q_0.65": 6.4777042327958245, "q_0.675": 6.591982800210019, "q_0.7": 6.687848398930965, "q_0.725": 6.789883435653076, "q_0.75": 6.874872671732287, "q_0.775": 6.947672830813641, "q_0.8": 7.009896962615171, "q_0.825": 7.081019501896454, "q_0.85": 7.126925553910155, "q_0.875": 7.282279073914468, "q_0.9": 7.372770930943545, "q_0.925": 7.505459640160026, "q_0.95": 7.5863544222920725, "q_0.975": 7.728221570660173, "q_1": 8.350605653893716}, {"x": 44.017607042817126, "y": 4.955720988370454, "y_pred": 5.8128111056012735, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.90534738851618, "q_0.05": 3.986526029621062, "q_0.075": 4.1218232669049515, "q_0.1": 4.2787871181567905, "q_0.125": 4.347606948412228, "q_0.15": 4.482762043517262, "q_0.175": 4.5848821471711805, "q_0.2": 4.671423009467839, "q_0.225": 4.810885689049004, "q_0.25": 4.909365837454605, "q_0.275": 4.961930446636361, "q_0.3": 5.097073359111136, "q_0.325": 5.165680393444788, "q_0.35": 5.293790197765075, "q_0.375": 5.380267819921747, "q_0.4": 5.452291878953412, "q_0.425": 5.5262024339768, "q_0.45": 5.606764434349211, "q_0.475": 5.7260770285449505, "q_0.5": 5.8128111056012735, "q_0.525": 5.9308279997096065, "q_0.55": 6.147903247744509, "q_0.575": 6.222956394507974, "q_0.6": 6.305348612831134, "q_0.625": 6.395220100590806, "q_0.65": 6.4777042327958245, "q_0.675": 6.591982800210019, "q_0.7": 6.687848398930965, "q_0.725": 6.789883435653076, "q_0.75": 6.874872671732287, "q_0.775": 6.947950637275577, "q_0.8": 7.013591013188307, "q_0.825": 7.086538961463197, "q_0.85": 7.133566376914873, "q_0.875": 7.285662691296467, "q_0.9": 7.432407535192752, "q_0.925": 7.505459640160026, "q_0.95": 7.5863544222920725, "q_0.975": 7.735699598519275, "q_1": 8.350605653893716}, {"x": 44.05762304921969, "y": 7.36858224384209, "y_pred": 5.8128111056012735, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.90534738851618, "q_0.05": 3.986526029621062, "q_0.075": 4.1218232669049515, "q_0.1": 4.2787871181567905, "q_0.125": 4.347606948412228, "q_0.15": 4.482762043517262, "q_0.175": 4.5848821471711805, "q_0.2": 4.671423009467839, "q_0.225": 4.810885689049004, "q_0.25": 4.909365837454605, "q_0.275": 4.961930446636361, "q_0.3": 5.097073359111136, "q_0.325": 5.165680393444788, "q_0.35": 5.293790197765075, "q_0.375": 5.380267819921747, "q_0.4": 5.452291878953412, "q_0.425": 5.5262024339768, "q_0.45": 5.606764434349211, "q_0.475": 5.7260770285449505, "q_0.5": 5.8128111056012735, "q_0.525": 5.9308279997096065, "q_0.55": 6.147903247744509, "q_0.575": 6.222956394507974, "q_0.6": 6.305348612831134, "q_0.625": 6.395220100590806, "q_0.65": 6.4777042327958245, "q_0.675": 6.591982800210019, "q_0.7": 6.687848398930965, "q_0.725": 6.789883435653076, "q_0.75": 6.874872671732287, "q_0.775": 6.947950637275577, "q_0.8": 7.013591013188307, "q_0.825": 7.086538961463197, "q_0.85": 7.133566376914873, "q_0.875": 7.285662691296467, "q_0.9": 7.432407535192752, "q_0.925": 7.505459640160026, "q_0.95": 7.5863544222920725, "q_0.975": 7.735699598519275, "q_1": 8.350605653893716}, {"x": 44.09763905562225, "y": 4.843551038072556, "y_pred": 5.8128111056012735, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.932256793888082, "q_0.05": 3.991892136289005, "q_0.075": 4.122302381529171, "q_0.1": 4.2787871181567905, "q_0.125": 4.347606948412228, "q_0.15": 4.482762043517262, "q_0.175": 4.5848821471711805, "q_0.2": 4.671423009467839, "q_0.225": 4.810885689049004, "q_0.25": 4.9094411838194745, "q_0.275": 4.961930446636361, "q_0.3": 5.097073359111136, "q_0.325": 5.165680393444788, "q_0.35": 5.293790197765075, "q_0.375": 5.380267819921747, "q_0.4": 5.452291878953412, "q_0.425": 5.5262024339768, "q_0.45": 5.606967643882146, "q_0.475": 5.7260770285449505, "q_0.5": 5.8128111056012735, "q_0.525": 5.9308279997096065, "q_0.55": 6.149186327608602, "q_0.575": 6.222956394507974, "q_0.6": 6.305348612831134, "q_0.625": 6.40640674168122, "q_0.65": 6.4777042327958245, "q_0.675": 6.591982800210019, "q_0.7": 6.6900672953369185, "q_0.725": 6.796693131461655, "q_0.75": 6.87538470553876, "q_0.775": 6.947950637275577, "q_0.8": 7.013591013188307, "q_0.825": 7.086538961463197, "q_0.85": 7.133566376914873, "q_0.875": 7.285662691296467, "q_0.9": 7.432407535192752, "q_0.925": 7.505459640160026, "q_0.95": 7.5863544222920725, "q_0.975": 7.735699598519275, "q_1": 8.350605653893716}, {"x": 44.13765506202481, "y": 6.986633512608696, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 3.991892136289005, "q_0.075": 4.1297396857595, "q_0.1": 4.279355501564982, "q_0.125": 4.347606948412228, "q_0.15": 4.482762043517262, "q_0.175": 4.5848821471711805, "q_0.2": 4.671423009467839, "q_0.225": 4.820690945452143, "q_0.25": 4.9094411838194745, "q_0.275": 4.9651042140046835, "q_0.3": 5.097073359111136, "q_0.325": 5.165680393444788, "q_0.35": 5.293790197765075, "q_0.375": 5.380267819921747, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.606967643882146, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.951479115102467, "q_0.55": 6.151969434046788, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.40640674168122, "q_0.65": 6.480218367589153, "q_0.675": 6.601616879484233, "q_0.7": 6.6900672953369185, "q_0.725": 6.797446669766952, "q_0.75": 6.890610821089597, "q_0.775": 6.957989572911767, "q_0.8": 7.041674651878425, "q_0.825": 7.088056572014871, "q_0.85": 7.1392490646782765, "q_0.875": 7.285662691296467, "q_0.9": 7.446020005529373, "q_0.925": 7.505459640160026, "q_0.95": 7.5863544222920725, "q_0.975": 7.735699598519275, "q_1": 8.350605653893716}, {"x": 44.17767106842737, "y": 7.5863544222920725, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 4.001216687292553, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.3514634685602, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.83900096267989, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.49436389982853, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.089347137727554, "q_0.85": 7.15012057883883, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.21768707482993, "y": 6.8192697241043785, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 4.001216687292553, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.3514634685602, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.83900096267989, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.49436389982853, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.089347137727554, "q_0.85": 7.15012057883883, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.25770308123249, "y": 5.8128111056012735, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 4.001216687292553, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.3514634685602, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.83900096267989, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.49436389982853, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.089347137727554, "q_0.85": 7.15012057883883, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.29771908763506, "y": 4.087050824118204, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 4.001216687292553, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.3514634685602, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.83900096267989, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.49436389982853, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.089347137727554, "q_0.85": 7.15012057883883, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.33773509403762, "y": 5.637808825368412, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 4.001216687292553, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.3514634685602, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.83900096267989, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.49436389982853, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.089347137727554, "q_0.85": 7.15012057883883, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.37775110044018, "y": 5.508775886820478, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 4.001216687292553, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.3514634685602, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.83900096267989, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.49436389982853, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.089347137727554, "q_0.85": 7.15012057883883, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.41776710684274, "y": 4.611532395617609, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 3.991892136289005, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.352748975276191, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.839964647797142, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.480218367589153, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.095665621339528, "q_0.85": 7.151894971260996, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.4577831132453, "y": 5.45528654643082, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 3.991892136289005, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.352748975276191, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.839964647797142, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.480218367589153, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.095665621339528, "q_0.85": 7.151894971260996, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.49779911964786, "y": 5.20520435895069, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 3.991892136289005, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.352748975276191, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.839964647797142, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.480218367589153, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.095665621339528, "q_0.85": 7.151894971260996, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.537815126050425, "y": 4.465300613746695, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 3.991892136289005, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.352748975276191, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.839964647797142, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.480218367589153, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.095665621339528, "q_0.85": 7.151894971260996, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.577831132452985, "y": 5.526918566800015, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 3.991892136289005, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.352748975276191, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.839964647797142, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.480218367589153, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.095665621339528, "q_0.85": 7.151894971260996, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.617847138855545, "y": 4.845957870427977, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 3.991892136289005, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.352748975276191, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.839964647797142, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.480218367589153, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.095665621339528, "q_0.85": 7.151894971260996, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.657863145258105, "y": 5.837733778524463, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 3.991892136289005, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.352748975276191, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.839964647797142, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.480218367589153, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.095665621339528, "q_0.85": 7.151894971260996, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.697879151660665, "y": 3.978082321979567, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9329301819469604, "q_0.05": 3.991892136289005, "q_0.075": 4.152819146308496, "q_0.1": 4.279355501564982, "q_0.125": 4.352748975276191, "q_0.15": 4.482762043517262, "q_0.175": 4.591790499129065, "q_0.2": 4.671423009467839, "q_0.225": 4.839964647797142, "q_0.25": 4.9094411838194745, "q_0.275": 4.966974597924747, "q_0.3": 5.102990519792822, "q_0.325": 5.187597105836235, "q_0.35": 5.314760609667232, "q_0.375": 5.3812903189554415, "q_0.4": 5.45398855741221, "q_0.425": 5.5262024339768, "q_0.45": 5.610358088522938, "q_0.475": 5.7260770285449505, "q_0.5": 5.817480042329025, "q_0.525": 5.952531773049255, "q_0.55": 6.152797806255528, "q_0.575": 6.228179537087993, "q_0.6": 6.307554511583209, "q_0.625": 6.416305303663277, "q_0.65": 6.480218367589153, "q_0.675": 6.607185528698235, "q_0.7": 6.690604747733197, "q_0.725": 6.800119118863604, "q_0.75": 6.896750279109836, "q_0.775": 6.959047488980644, "q_0.8": 7.0433988184683685, "q_0.825": 7.095665621339528, "q_0.85": 7.151894971260996, "q_0.875": 7.2915198671131325, "q_0.9": 7.446020005529373, "q_0.925": 7.505505452941607, "q_0.95": 7.601521945496781, "q_0.975": 7.76888055408128, "q_1": 8.350605653893716}, {"x": 44.737895158063225, "y": 7.309012012122501, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.001216687292553, "q_0.075": 4.1693165751878345, "q_0.1": 4.279355501564982, "q_0.125": 4.360488882284714, "q_0.15": 4.486765629118752, "q_0.175": 4.607863496884008, "q_0.2": 4.6993936558912655, "q_0.225": 4.843551038072556, "q_0.25": 4.9227058523285345, "q_0.275": 4.981246200893748, "q_0.3": 5.113263378116729, "q_0.325": 5.20520435895069, "q_0.35": 5.319239185848991, "q_0.375": 5.3812903189554415, "q_0.4": 5.45528654643082, "q_0.425": 5.526542597067826, "q_0.45": 5.613426229379003, "q_0.475": 5.743059371733642, "q_0.5": 5.817480042329025, "q_0.525": 5.989441443190204, "q_0.55": 6.152797806255528, "q_0.575": 6.228369435935068, "q_0.6": 6.307554511583209, "q_0.625": 6.422594742018269, "q_0.65": 6.49436389982853, "q_0.675": 6.64615580544274, "q_0.7": 6.690604747733197, "q_0.725": 6.809549107129772, "q_0.75": 6.8982771758681185, "q_0.775": 6.959203447694513, "q_0.8": 7.049884809491566, "q_0.825": 7.105755522534984, "q_0.85": 7.173017440070793, "q_0.875": 7.303611598224526, "q_0.9": 7.457908853071276, "q_0.925": 7.513275429487973, "q_0.95": 7.6349000581069655, "q_0.975": 7.76888055408128, "q_1": 8.568949105019012}, {"x": 44.777911164465785, "y": 6.967026315509443, "y_pred": 5.817480042329025, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.001216687292553, "q_0.075": 4.1693165751878345, "q_0.1": 4.279355501564982, "q_0.125": 4.360488882284714, "q_0.15": 4.486765629118752, "q_0.175": 4.607863496884008, "q_0.2": 4.6993936558912655, "q_0.225": 4.843551038072556, "q_0.25": 4.9227058523285345, "q_0.275": 4.981246200893748, "q_0.3": 5.113263378116729, "q_0.325": 5.20520435895069, "q_0.35": 5.319239185848991, "q_0.375": 5.3812903189554415, "q_0.4": 5.45528654643082, "q_0.425": 5.526542597067826, "q_0.45": 5.613426229379003, "q_0.475": 5.743059371733642, "q_0.5": 5.817480042329025, "q_0.525": 5.989441443190204, "q_0.55": 6.152797806255528, "q_0.575": 6.228369435935068, "q_0.6": 6.307554511583209, "q_0.625": 6.422594742018269, "q_0.65": 6.49436389982853, "q_0.675": 6.64615580544274, "q_0.7": 6.690604747733197, "q_0.725": 6.809549107129772, "q_0.75": 6.8982771758681185, "q_0.775": 6.959203447694513, "q_0.8": 7.049884809491566, "q_0.825": 7.105755522534984, "q_0.85": 7.173017440070793, "q_0.875": 7.303611598224526, "q_0.9": 7.457908853071276, "q_0.925": 7.513275429487973, "q_0.95": 7.6349000581069655, "q_0.975": 7.76888055408128, "q_1": 8.568949105019012}, {"x": 44.81792717086835, "y": 5.959710438444023, "y_pred": 5.8189678098003395, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.022071673267338, "q_0.075": 4.182691680591658, "q_0.1": 4.28118379660951, "q_0.125": 4.369192312444039, "q_0.15": 4.505482959481341, "q_0.175": 4.609025084519022, "q_0.2": 4.710314112810036, "q_0.225": 4.843551038072556, "q_0.25": 4.931114362328738, "q_0.275": 4.989640083841659, "q_0.3": 5.120782424789921, "q_0.325": 5.20520435895069, "q_0.35": 5.319239185848991, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.613426229379003, "q_0.475": 5.746991044011962, "q_0.5": 5.8189678098003395, "q_0.525": 6.026732097997497, "q_0.55": 6.159056956340137, "q_0.575": 6.24056933934931, "q_0.6": 6.3092835525930475, "q_0.625": 6.422594742018269, "q_0.65": 6.507863533141688, "q_0.675": 6.650981183363797, "q_0.7": 6.693256184228506, "q_0.725": 6.812323555565416, "q_0.75": 6.9036364853327825, "q_0.775": 6.96528613619982, "q_0.8": 7.055294660711404, "q_0.825": 7.105755522534984, "q_0.85": 7.173017440070793, "q_0.875": 7.309012012122501, "q_0.9": 7.463056352753851, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.76888055408128, "q_1": 8.568949105019012}, {"x": 44.85794317727091, "y": 7.105755522534984, "y_pred": 5.8189678098003395, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.022071673267338, "q_0.075": 4.182691680591658, "q_0.1": 4.28118379660951, "q_0.125": 4.369192312444039, "q_0.15": 4.505482959481341, "q_0.175": 4.609025084519022, "q_0.2": 4.710314112810036, "q_0.225": 4.843551038072556, "q_0.25": 4.931114362328738, "q_0.275": 4.989640083841659, "q_0.3": 5.120782424789921, "q_0.325": 5.20520435895069, "q_0.35": 5.319239185848991, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.613426229379003, "q_0.475": 5.746991044011962, "q_0.5": 5.8189678098003395, "q_0.525": 6.026732097997497, "q_0.55": 6.159056956340137, "q_0.575": 6.24056933934931, "q_0.6": 6.3092835525930475, "q_0.625": 6.422594742018269, "q_0.65": 6.507863533141688, "q_0.675": 6.650981183363797, "q_0.7": 6.693256184228506, "q_0.725": 6.812323555565416, "q_0.75": 6.9036364853327825, "q_0.775": 6.96528613619982, "q_0.8": 7.055294660711404, "q_0.825": 7.105755522534984, "q_0.85": 7.173017440070793, "q_0.875": 7.309012012122501, "q_0.9": 7.463056352753851, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.76888055408128, "q_1": 8.568949105019012}, {"x": 44.89795918367347, "y": 7.530502547889955, "y_pred": 5.8189678098003395, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.022071673267338, "q_0.075": 4.182691680591658, "q_0.1": 4.28118379660951, "q_0.125": 4.369192312444039, "q_0.15": 4.505482959481341, "q_0.175": 4.609025084519022, "q_0.2": 4.710314112810036, "q_0.225": 4.843551038072556, "q_0.25": 4.931114362328738, "q_0.275": 4.989640083841659, "q_0.3": 5.120782424789921, "q_0.325": 5.20520435895069, "q_0.35": 5.319239185848991, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.613426229379003, "q_0.475": 5.746991044011962, "q_0.5": 5.8189678098003395, "q_0.525": 6.026732097997497, "q_0.55": 6.159056956340137, "q_0.575": 6.24056933934931, "q_0.6": 6.3092835525930475, "q_0.625": 6.422594742018269, "q_0.65": 6.507863533141688, "q_0.675": 6.650981183363797, "q_0.7": 6.693256184228506, "q_0.725": 6.812323555565416, "q_0.75": 6.9036364853327825, "q_0.775": 6.96528613619982, "q_0.8": 7.055294660711404, "q_0.825": 7.105755522534984, "q_0.85": 7.173017440070793, "q_0.875": 7.309012012122501, "q_0.9": 7.463056352753851, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.76888055408128, "q_1": 8.568949105019012}, {"x": 44.93797519007603, "y": 4.271828158606835, "y_pred": 5.8189678098003395, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.022071673267338, "q_0.075": 4.182691680591658, "q_0.1": 4.28118379660951, "q_0.125": 4.369192312444039, "q_0.15": 4.505482959481341, "q_0.175": 4.609025084519022, "q_0.2": 4.710314112810036, "q_0.225": 4.843551038072556, "q_0.25": 4.931114362328738, "q_0.275": 4.989640083841659, "q_0.3": 5.120782424789921, "q_0.325": 5.20520435895069, "q_0.35": 5.319239185848991, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.613426229379003, "q_0.475": 5.746991044011962, "q_0.5": 5.8189678098003395, "q_0.525": 6.026732097997497, "q_0.55": 6.159056956340137, "q_0.575": 6.24056933934931, "q_0.6": 6.3092835525930475, "q_0.625": 6.422594742018269, "q_0.65": 6.507863533141688, "q_0.675": 6.650981183363797, "q_0.7": 6.693256184228506, "q_0.725": 6.812323555565416, "q_0.75": 6.9036364853327825, "q_0.775": 6.96528613619982, "q_0.8": 7.055294660711404, "q_0.825": 7.105755522534984, "q_0.85": 7.173017440070793, "q_0.875": 7.309012012122501, "q_0.9": 7.463056352753851, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.76888055408128, "q_1": 8.568949105019012}, {"x": 44.97799119647859, "y": 6.264606100395435, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.035775417732042, "q_0.075": 4.182691680591658, "q_0.1": 4.283243525352373, "q_0.125": 4.3762248716476595, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.843551038072556, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.1226554097052235, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.451875145234029, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.907808121481193, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.321362508402874, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.01800720288115, "y": 7.671882404954735, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.035775417732042, "q_0.075": 4.182691680591658, "q_0.1": 4.283243525352373, "q_0.125": 4.3762248716476595, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.843551038072556, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.1226554097052235, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.451875145234029, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.907808121481193, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.321362508402874, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.05802320928372, "y": 7.6349000581069655, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.035775417732042, "q_0.075": 4.182691680591658, "q_0.1": 4.283243525352373, "q_0.125": 4.3762248716476595, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.843551038072556, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.1226554097052235, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.451875145234029, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.907808121481193, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.321362508402874, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.09803921568628, "y": 6.163423239964418, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.035775417732042, "q_0.075": 4.182691680591658, "q_0.1": 4.283243525352373, "q_0.125": 4.3762248716476595, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.843551038072556, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.1226554097052235, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.451875145234029, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.907808121481193, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.321362508402874, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.13805522208884, "y": 4.3436102864082, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.035775417732042, "q_0.075": 4.182691680591658, "q_0.1": 4.283243525352373, "q_0.125": 4.3762248716476595, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.843551038072556, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.1226554097052235, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.451875145234029, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.907808121481193, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.321362508402874, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.1780712284914, "y": 6.089018654140633, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.035775417732042, "q_0.075": 4.182691680591658, "q_0.1": 4.283243525352373, "q_0.125": 4.3762248716476595, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.843551038072556, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.1226554097052235, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.451875145234029, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.907808121481193, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.321362508402874, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.21808723489396, "y": 3.862691537907575, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.035775417732042, "q_0.075": 4.182691680591658, "q_0.1": 4.283243525352373, "q_0.125": 4.3762248716476595, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.843551038072556, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.1226554097052235, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.451875145234029, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.907808121481193, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.321362508402874, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.25810324129652, "y": 4.618297266647813, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.298119247699084, "y": 7.523299742234963, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.338135254101644, "y": 5.124874775655833, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.378151260504204, "y": 6.307554511583209, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.418167266906764, "y": 4.936857362874977, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.458183273309324, "y": 7.498113162592052, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.49819927971188, "y": 6.657930086880654, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.53821528611445, "y": 5.127484626543795, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.57823129251701, "y": 6.9036364853327825, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.61824729891957, "y": 4.2787871181567905, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.65826330532213, "y": 5.371678888514724, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.69827931172469, "y": 4.71519306064387, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.73829531812725, "y": 6.49436389982853, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.77831132452982, "y": 4.260520744798736, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.81832733093238, "y": 5.394479411185489, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85138162358624, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.24241661217028, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.919278196042653, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.85834333733494, "y": 4.932552688902458, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85693264038902, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.451875145234029, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.907808121481193, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.898359343737496, "y": 5.817480042329025, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.188950163651021, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85693264038902, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.389898531436362, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.074951271072937, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.451875145234029, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.907808121481193, "q_0.775": 6.974000092888221, "q_0.8": 7.065958062458219, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.325282589647719, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.6349000581069655, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.938375350140056, "y": 5.216614980798683, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.189093809614454, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85693264038902, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.068705675007118, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.925467917049231, "q_0.775": 6.974000092888221, "q_0.8": 7.073043550409165, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.329586185680565, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.635063297987422, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 45.978391356542616, "y": 6.590210868042265, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.189093809614454, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85693264038902, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.068705675007118, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.925467917049231, "q_0.775": 6.974000092888221, "q_0.8": 7.073043550409165, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.329586185680565, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.635063297987422, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 46.01840736294518, "y": 3.9662192189256635, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.189093809614454, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85693264038902, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.068705675007118, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.925467917049231, "q_0.775": 6.974000092888221, "q_0.8": 7.073043550409165, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.329586185680565, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.635063297987422, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 46.05842336934774, "y": 6.3141482371854885, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.189093809614454, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85693264038902, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.068705675007118, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.925467917049231, "q_0.775": 6.974000092888221, "q_0.8": 7.073043550409165, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.329586185680565, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.635063297987422, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 46.0984393757503, "y": 4.761465645334576, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.189093809614454, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85693264038902, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.068705675007118, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.925467917049231, "q_0.775": 6.974000092888221, "q_0.8": 7.073043550409165, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.329586185680565, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.635063297987422, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 46.13845538215286, "y": 4.9094411838194745, "y_pred": 5.837733778524463, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9539174431272, "q_0.05": 4.060462534449218, "q_0.075": 4.189093809614454, "q_0.1": 4.283243525352373, "q_0.125": 4.381521249652034, "q_0.15": 4.505482959481341, "q_0.175": 4.609256145343828, "q_0.2": 4.71519306064387, "q_0.225": 4.85693264038902, "q_0.25": 4.932552688902458, "q_0.275": 5.025263307888901, "q_0.3": 5.124874775655833, "q_0.325": 5.20520435895069, "q_0.35": 5.326098736512186, "q_0.375": 5.381425115449694, "q_0.4": 5.45528654643082, "q_0.425": 5.526918566800015, "q_0.45": 5.637808825368412, "q_0.475": 5.77118230326571, "q_0.5": 5.837733778524463, "q_0.525": 6.068705675007118, "q_0.55": 6.163423239964418, "q_0.575": 6.241360264102225, "q_0.6": 6.315309345863373, "q_0.625": 6.454343177345563, "q_0.65": 6.507863533141688, "q_0.675": 6.657930086880654, "q_0.7": 6.6954419437597, "q_0.725": 6.8192697241043785, "q_0.75": 6.925467917049231, "q_0.775": 6.974000092888221, "q_0.8": 7.073043550409165, "q_0.825": 7.106151108103749, "q_0.85": 7.186720061721006, "q_0.875": 7.329586185680565, "q_0.9": 7.484458296526635, "q_0.925": 7.523299742234963, "q_0.95": 7.635063297987422, "q_0.975": 7.769747333849526, "q_1": 8.568949105019012}, {"x": 46.17847138855542, "y": 6.959047488980644, "y_pred": 5.886105011789981, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.957489211833787, "q_0.05": 4.06235744331653, "q_0.075": 4.192121719521206, "q_0.1": 4.303241173291312, "q_0.125": 4.383429840009689, "q_0.15": 4.51115508859659, "q_0.175": 4.620467243062304, "q_0.2": 4.731697955527121, "q_0.225": 4.876300922834117, "q_0.25": 4.936857362874977, "q_0.275": 5.045065994911716, "q_0.3": 5.13321653313719, "q_0.325": 5.225660716586008, "q_0.35": 5.3399790009292065, "q_0.375": 5.391379062328635, "q_0.4": 5.481153573906607, "q_0.425": 5.539419070834594, "q_0.45": 5.676922069924459, "q_0.475": 5.783031141582168, "q_0.5": 5.886105011789981, "q_0.525": 6.126331203044849, "q_0.55": 6.167747892366451, "q_0.575": 6.251313585511198, "q_0.6": 6.345091246477267, "q_0.625": 6.465043620658768, "q_0.65": 6.562639768728845, "q_0.675": 6.675079238341156, "q_0.7": 6.757343395456734, "q_0.725": 6.844044526630338, "q_0.75": 6.947672830813641, "q_0.775": 7.009896962615171, "q_0.8": 7.077785349853828, "q_0.825": 7.110456675747525, "q_0.85": 7.259281786558782, "q_0.875": 7.362569481123359, "q_0.9": 7.498113162592052, "q_0.925": 7.559253690893296, "q_0.95": 7.671882404954735, "q_0.975": 7.7919426184128975, "q_1": 8.568949105019012}, {"x": 46.21848739495798, "y": 7.559253690893296, "y_pred": 5.886105011789981, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.957489211833787, "q_0.05": 4.06235744331653, "q_0.075": 4.192121719521206, "q_0.1": 4.303241173291312, "q_0.125": 4.383429840009689, "q_0.15": 4.51115508859659, "q_0.175": 4.620467243062304, "q_0.2": 4.731697955527121, "q_0.225": 4.876300922834117, "q_0.25": 4.936857362874977, "q_0.275": 5.045065994911716, "q_0.3": 5.13321653313719, "q_0.325": 5.225660716586008, "q_0.35": 5.3399790009292065, "q_0.375": 5.391379062328635, "q_0.4": 5.481153573906607, "q_0.425": 5.539419070834594, "q_0.45": 5.676922069924459, "q_0.475": 5.783031141582168, "q_0.5": 5.886105011789981, "q_0.525": 6.126331203044849, "q_0.55": 6.167747892366451, "q_0.575": 6.251313585511198, "q_0.6": 6.345091246477267, "q_0.625": 6.465043620658768, "q_0.65": 6.562639768728845, "q_0.675": 6.675079238341156, "q_0.7": 6.757343395456734, "q_0.725": 6.844044526630338, "q_0.75": 6.947672830813641, "q_0.775": 7.009896962615171, "q_0.8": 7.077785349853828, "q_0.825": 7.110456675747525, "q_0.85": 7.259281786558782, "q_0.875": 7.362569481123359, "q_0.9": 7.498113162592052, "q_0.925": 7.559253690893296, "q_0.95": 7.671882404954735, "q_0.975": 7.7919426184128975, "q_1": 8.568949105019012}, {"x": 46.25850340136055, "y": 5.097073359111136, "y_pred": 5.896533308901491, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.957489211833787, "q_0.05": 4.06235744331653, "q_0.075": 4.20314220142323, "q_0.1": 4.303241173291312, "q_0.125": 4.386547959431385, "q_0.15": 4.51115508859659, "q_0.175": 4.620467243062304, "q_0.2": 4.731697955527121, "q_0.225": 4.878558884371987, "q_0.25": 4.936857362874977, "q_0.275": 5.045065994911716, "q_0.3": 5.134040926735094, "q_0.325": 5.251305429080203, "q_0.35": 5.3399790009292065, "q_0.375": 5.391379062328635, "q_0.4": 5.481153573906607, "q_0.425": 5.539811865538276, "q_0.45": 5.678347134066301, "q_0.475": 5.783031141582168, "q_0.5": 5.896533308901491, "q_0.525": 6.126331203044849, "q_0.55": 6.167747892366451, "q_0.575": 6.251313585511198, "q_0.6": 6.352281704541352, "q_0.625": 6.465178563104686, "q_0.65": 6.562639768728845, "q_0.675": 6.675079238341156, "q_0.7": 6.760228930404921, "q_0.725": 6.86205166742157, "q_0.75": 6.947672830813641, "q_0.775": 7.009896962615171, "q_0.8": 7.081019501896454, "q_0.825": 7.110456675747525, "q_0.85": 7.265420303827962, "q_0.875": 7.362569481123359, "q_0.9": 7.498113162592052, "q_0.925": 7.559253690893296, "q_0.95": 7.671882404954735, "q_0.975": 7.7919426184128975, "q_1": 8.568949105019012}, {"x": 46.29851940776311, "y": 7.065958062458219, "y_pred": 5.896533308901491, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.957489211833787, "q_0.05": 4.06235744331653, "q_0.075": 4.20314220142323, "q_0.1": 4.303241173291312, "q_0.125": 4.386547959431385, "q_0.15": 4.51115508859659, "q_0.175": 4.620467243062304, "q_0.2": 4.731697955527121, "q_0.225": 4.878558884371987, "q_0.25": 4.936857362874977, "q_0.275": 5.045065994911716, "q_0.3": 5.134040926735094, "q_0.325": 5.251305429080203, "q_0.35": 5.3399790009292065, "q_0.375": 5.391379062328635, "q_0.4": 5.481153573906607, "q_0.425": 5.539811865538276, "q_0.45": 5.678347134066301, "q_0.475": 5.783031141582168, "q_0.5": 5.896533308901491, "q_0.525": 6.126331203044849, "q_0.55": 6.167747892366451, "q_0.575": 6.251313585511198, "q_0.6": 6.352281704541352, "q_0.625": 6.465178563104686, "q_0.65": 6.562639768728845, "q_0.675": 6.675079238341156, "q_0.7": 6.760228930404921, "q_0.725": 6.86205166742157, "q_0.75": 6.947672830813641, "q_0.775": 7.009896962615171, "q_0.8": 7.081019501896454, "q_0.825": 7.110456675747525, "q_0.85": 7.265420303827962, "q_0.875": 7.362569481123359, "q_0.9": 7.498113162592052, "q_0.925": 7.559253690893296, "q_0.95": 7.671882404954735, "q_0.975": 7.7919426184128975, "q_1": 8.568949105019012}, {"x": 46.33853541416567, "y": 4.279355501564982, "y_pred": 5.896533308901491, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.957489211833787, "q_0.05": 4.06706166985257, "q_0.075": 4.211287775002987, "q_0.1": 4.303241173291312, "q_0.125": 4.386547959431385, "q_0.15": 4.51115508859659, "q_0.175": 4.620467243062304, "q_0.2": 4.731697955527121, "q_0.225": 4.878558884371987, "q_0.25": 4.936857362874977, "q_0.275": 5.045065994911716, "q_0.3": 5.134040926735094, "q_0.325": 5.251305429080203, "q_0.35": 5.3399790009292065, "q_0.375": 5.395930777257884, "q_0.4": 5.4934499542244986, "q_0.425": 5.539811865538276, "q_0.45": 5.678347134066301, "q_0.475": 5.783031141582168, "q_0.5": 5.896533308901491, "q_0.525": 6.130004122697612, "q_0.55": 6.167747892366451, "q_0.575": 6.262837166853249, "q_0.6": 6.365611531052373, "q_0.625": 6.473844612590304, "q_0.65": 6.567324734442829, "q_0.675": 6.679354131929909, "q_0.7": 6.78005558442292, "q_0.725": 6.874872671732287, "q_0.75": 6.947950637275577, "q_0.775": 7.013591013188307, "q_0.8": 7.081019501896454, "q_0.825": 7.110456675747525, "q_0.85": 7.265420303827962, "q_0.875": 7.363870009768699, "q_0.9": 7.498113162592052, "q_0.925": 7.559253690893296, "q_0.95": 7.671882404954735, "q_0.975": 7.82033352456636, "q_1": 8.568949105019012}, {"x": 46.37855142056823, "y": 6.325065319230509, "y_pred": 5.896533308901491, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.957489211833787, "q_0.05": 4.06706166985257, "q_0.075": 4.211287775002987, "q_0.1": 4.303241173291312, "q_0.125": 4.386547959431385, "q_0.15": 4.51115508859659, "q_0.175": 4.620467243062304, "q_0.2": 4.731697955527121, "q_0.225": 4.878558884371987, "q_0.25": 4.936857362874977, "q_0.275": 5.045065994911716, "q_0.3": 5.134040926735094, "q_0.325": 5.251305429080203, "q_0.35": 5.3399790009292065, "q_0.375": 5.395930777257884, "q_0.4": 5.4934499542244986, "q_0.425": 5.539811865538276, "q_0.45": 5.678347134066301, "q_0.475": 5.783031141582168, "q_0.5": 5.896533308901491, "q_0.525": 6.130004122697612, "q_0.55": 6.167747892366451, "q_0.575": 6.262837166853249, "q_0.6": 6.365611531052373, "q_0.625": 6.473844612590304, "q_0.65": 6.567324734442829, "q_0.675": 6.679354131929909, "q_0.7": 6.78005558442292, "q_0.725": 6.874872671732287, "q_0.75": 6.947950637275577, "q_0.775": 7.013591013188307, "q_0.8": 7.081019501896454, "q_0.825": 7.110456675747525, "q_0.85": 7.265420303827962, "q_0.875": 7.363870009768699, "q_0.9": 7.498113162592052, "q_0.925": 7.559253690893296, "q_0.95": 7.671882404954735, "q_0.975": 7.82033352456636, "q_1": 8.568949105019012}, {"x": 46.41856742697079, "y": 6.778127425305961, "y_pred": 5.896533308901491, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.957489211833787, "q_0.05": 4.06706166985257, "q_0.075": 4.211287775002987, "q_0.1": 4.303241173291312, "q_0.125": 4.386547959431385, "q_0.15": 4.51115508859659, "q_0.175": 4.620467243062304, "q_0.2": 4.731697955527121, "q_0.225": 4.878558884371987, "q_0.25": 4.936857362874977, "q_0.275": 5.045065994911716, "q_0.3": 5.134040926735094, "q_0.325": 5.251305429080203, "q_0.35": 5.3399790009292065, "q_0.375": 5.395930777257884, "q_0.4": 5.4934499542244986, "q_0.425": 5.539811865538276, "q_0.45": 5.678347134066301, "q_0.475": 5.783031141582168, "q_0.5": 5.896533308901491, "q_0.525": 6.130004122697612, "q_0.55": 6.167747892366451, "q_0.575": 6.262837166853249, "q_0.6": 6.365611531052373, "q_0.625": 6.473844612590304, "q_0.65": 6.567324734442829, "q_0.675": 6.679354131929909, "q_0.7": 6.78005558442292, "q_0.725": 6.874872671732287, "q_0.75": 6.947950637275577, "q_0.775": 7.013591013188307, "q_0.8": 7.081019501896454, "q_0.825": 7.110456675747525, "q_0.85": 7.265420303827962, "q_0.875": 7.363870009768699, "q_0.9": 7.498113162592052, "q_0.925": 7.559253690893296, "q_0.95": 7.671882404954735, "q_0.975": 7.82033352456636, "q_1": 8.568949105019012}, {"x": 46.45858343337335, "y": 4.482762043517262, "y_pred": 5.900806625736318, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.957489211833787, "q_0.05": 4.078828774192702, "q_0.075": 4.211287775002987, "q_0.1": 4.303241173291312, "q_0.125": 4.386547959431385, "q_0.15": 4.515095438240721, "q_0.175": 4.62491878862851, "q_0.2": 4.731697955527121, "q_0.225": 4.885248411887277, "q_0.25": 4.951412658082369, "q_0.275": 5.045065994911716, "q_0.3": 5.134040926735094, "q_0.325": 5.251422081944615, "q_0.35": 5.3399790009292065, "q_0.375": 5.40151772933469, "q_0.4": 5.508775886820478, "q_0.425": 5.568939382488213, "q_0.45": 5.680116126954365, "q_0.475": 5.802539059625862, "q_0.5": 5.900806625736318, "q_0.525": 6.1363701305086895, "q_0.55": 6.167747892366451, "q_0.575": 6.264606100395435, "q_0.6": 6.371714549575328, "q_0.625": 6.475082619659686, "q_0.65": 6.583499982177306, "q_0.675": 6.684542071478193, "q_0.7": 6.789883435653076, "q_0.725": 6.87538470553876, "q_0.75": 6.957989572911767, "q_0.775": 7.0433988184683685, "q_0.8": 7.086538961463197, "q_0.825": 7.1144450602403815, "q_0.85": 7.271846270275043, "q_0.875": 7.372770930943545, "q_0.9": 7.498113162592052, "q_0.925": 7.568223174389312, "q_0.95": 7.671882404954735, "q_0.975": 7.82033352456636, "q_1": 8.568949105019012}, {"x": 46.498599439775916, "y": 5.5262024339768, "y_pred": 5.900806625736318, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.957489211833787, "q_0.05": 4.078828774192702, "q_0.075": 4.211287775002987, "q_0.1": 4.303241173291312, "q_0.125": 4.386547959431385, "q_0.15": 4.515095438240721, "q_0.175": 4.62491878862851, "q_0.2": 4.731697955527121, "q_0.225": 4.885248411887277, "q_0.25": 4.951412658082369, "q_0.275": 5.045065994911716, "q_0.3": 5.134040926735094, "q_0.325": 5.251422081944615, "q_0.35": 5.3399790009292065, "q_0.375": 5.40151772933469, "q_0.4": 5.508775886820478, "q_0.425": 5.568939382488213, "q_0.45": 5.680116126954365, "q_0.475": 5.802539059625862, "q_0.5": 5.900806625736318, "q_0.525": 6.1363701305086895, "q_0.55": 6.167747892366451, "q_0.575": 6.264606100395435, "q_0.6": 6.371714549575328, "q_0.625": 6.475082619659686, "q_0.65": 6.583499982177306, "q_0.675": 6.684542071478193, "q_0.7": 6.789883435653076, "q_0.725": 6.87538470553876, "q_0.75": 6.957989572911767, "q_0.775": 7.0433988184683685, "q_0.8": 7.086538961463197, "q_0.825": 7.1144450602403815, "q_0.85": 7.271846270275043, "q_0.875": 7.372770930943545, "q_0.9": 7.498113162592052, "q_0.925": 7.568223174389312, "q_0.95": 7.671882404954735, "q_0.975": 7.82033352456636, "q_1": 8.568949105019012}, {"x": 46.538615446178476, "y": 7.329586185680565, "y_pred": 5.951479115102467, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.961847294659666, "q_0.05": 4.0831525913378846, "q_0.075": 4.2510013864745355, "q_0.1": 4.3075720372474695, "q_0.125": 4.394361878070937, "q_0.15": 4.521081568301867, "q_0.175": 4.639379334929002, "q_0.2": 4.744322151526749, "q_0.225": 4.889067854114831, "q_0.25": 4.9602003327052175, "q_0.275": 5.084668395031892, "q_0.3": 5.160711380239443, "q_0.325": 5.287488820414848, "q_0.35": 5.342937656487511, "q_0.375": 5.40151772933469, "q_0.4": 5.509503614918328, "q_0.425": 5.569843877203429, "q_0.45": 5.693242084446407, "q_0.475": 5.8128111056012735, "q_0.5": 5.951479115102467, "q_0.525": 6.145811128810768, "q_0.55": 6.218800839753577, "q_0.575": 6.299772939475638, "q_0.6": 6.392785686480926, "q_0.625": 6.478961300192492, "q_0.65": 6.601616879484233, "q_0.675": 6.687848398930965, "q_0.7": 6.800119118863604, "q_0.725": 6.8982771758681185, "q_0.75": 6.959203447694513, "q_0.775": 7.055294660711404, "q_0.8": 7.095665621339528, "q_0.825": 7.1392490646782765, "q_0.85": 7.285662691296467, "q_0.875": 7.432407535192752, "q_0.9": 7.502437976787764, "q_0.925": 7.577660059559987, "q_0.95": 7.699648512881511, "q_0.975": 7.825322018467288, "q_1": 8.568949105019012}, {"x": 46.578631452581035, "y": 4.283243525352373, "y_pred": 5.951479115102467, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.961847294659666, "q_0.05": 4.0831525913378846, "q_0.075": 4.2510013864745355, "q_0.1": 4.3075720372474695, "q_0.125": 4.394361878070937, "q_0.15": 4.521081568301867, "q_0.175": 4.639379334929002, "q_0.2": 4.744322151526749, "q_0.225": 4.889067854114831, "q_0.25": 4.9602003327052175, "q_0.275": 5.084668395031892, "q_0.3": 5.160711380239443, "q_0.325": 5.287488820414848, "q_0.35": 5.342937656487511, "q_0.375": 5.40151772933469, "q_0.4": 5.509503614918328, "q_0.425": 5.569843877203429, "q_0.45": 5.693242084446407, "q_0.475": 5.8128111056012735, "q_0.5": 5.951479115102467, "q_0.525": 6.145811128810768, "q_0.55": 6.218800839753577, "q_0.575": 6.299772939475638, "q_0.6": 6.392785686480926, "q_0.625": 6.478961300192492, "q_0.65": 6.601616879484233, "q_0.675": 6.687848398930965, "q_0.7": 6.800119118863604, "q_0.725": 6.8982771758681185, "q_0.75": 6.959203447694513, "q_0.775": 7.055294660711404, "q_0.8": 7.095665621339528, "q_0.825": 7.1392490646782765, "q_0.85": 7.285662691296467, "q_0.875": 7.432407535192752, "q_0.9": 7.502437976787764, "q_0.925": 7.577660059559987, "q_0.95": 7.699648512881511, "q_0.975": 7.825322018467288, "q_1": 8.568949105019012}, {"x": 46.618647458983595, "y": 3.9539174431272, "y_pred": 5.951479115102467, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.961847294659666, "q_0.05": 4.0831525913378846, "q_0.075": 4.2510013864745355, "q_0.1": 4.3075720372474695, "q_0.125": 4.394361878070937, "q_0.15": 4.521081568301867, "q_0.175": 4.639379334929002, "q_0.2": 4.744322151526749, "q_0.225": 4.889067854114831, "q_0.25": 4.9602003327052175, "q_0.275": 5.084668395031892, "q_0.3": 5.160711380239443, "q_0.325": 5.287488820414848, "q_0.35": 5.342937656487511, "q_0.375": 5.40151772933469, "q_0.4": 5.509503614918328, "q_0.425": 5.569843877203429, "q_0.45": 5.693242084446407, "q_0.475": 5.8128111056012735, "q_0.5": 5.951479115102467, "q_0.525": 6.145811128810768, "q_0.55": 6.218800839753577, "q_0.575": 6.299772939475638, "q_0.6": 6.392785686480926, "q_0.625": 6.478961300192492, "q_0.65": 6.601616879484233, "q_0.675": 6.687848398930965, "q_0.7": 6.800119118863604, "q_0.725": 6.8982771758681185, "q_0.75": 6.959203447694513, "q_0.775": 7.055294660711404, "q_0.8": 7.095665621339528, "q_0.825": 7.1392490646782765, "q_0.85": 7.285662691296467, "q_0.875": 7.432407535192752, "q_0.9": 7.502437976787764, "q_0.925": 7.577660059559987, "q_0.95": 7.699648512881511, "q_0.975": 7.825322018467288, "q_1": 8.568949105019012}, {"x": 46.658663465386155, "y": 6.166889825150549, "y_pred": 5.951479115102467, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.961847294659666, "q_0.05": 4.0831525913378846, "q_0.075": 4.2510013864745355, "q_0.1": 4.3075720372474695, "q_0.125": 4.394361878070937, "q_0.15": 4.521081568301867, "q_0.175": 4.639379334929002, "q_0.2": 4.744322151526749, "q_0.225": 4.889067854114831, "q_0.25": 4.9602003327052175, "q_0.275": 5.084668395031892, "q_0.3": 5.160711380239443, "q_0.325": 5.287488820414848, "q_0.35": 5.342937656487511, "q_0.375": 5.40151772933469, "q_0.4": 5.509503614918328, "q_0.425": 5.569843877203429, "q_0.45": 5.693242084446407, "q_0.475": 5.8128111056012735, "q_0.5": 5.951479115102467, "q_0.525": 6.145811128810768, "q_0.55": 6.218800839753577, "q_0.575": 6.299772939475638, "q_0.6": 6.392785686480926, "q_0.625": 6.478961300192492, "q_0.65": 6.601616879484233, "q_0.675": 6.687848398930965, "q_0.7": 6.800119118863604, "q_0.725": 6.8982771758681185, "q_0.75": 6.959203447694513, "q_0.775": 7.055294660711404, "q_0.8": 7.095665621339528, "q_0.825": 7.1392490646782765, "q_0.85": 7.285662691296467, "q_0.875": 7.432407535192752, "q_0.9": 7.502437976787764, "q_0.925": 7.577660059559987, "q_0.95": 7.699648512881511, "q_0.975": 7.825322018467288, "q_1": 8.568949105019012}, {"x": 46.698679471788715, "y": 5.568939382488213, "y_pred": 5.989441443190204, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.111068382018161, "q_0.075": 4.271828158606835, "q_0.1": 4.3436102864082, "q_0.125": 4.42070350360095, "q_0.15": 4.564510061852096, "q_0.175": 4.6638580261609865, "q_0.2": 4.761465645334576, "q_0.225": 4.9094411838194745, "q_0.25": 4.966974597924747, "q_0.275": 5.097073359111136, "q_0.3": 5.165680393444788, "q_0.325": 5.290215727365148, "q_0.35": 5.371678888514724, "q_0.375": 5.423618812332768, "q_0.4": 5.516986682213815, "q_0.425": 5.605612913662584, "q_0.45": 5.7260770285449505, "q_0.475": 5.817480042329025, "q_0.5": 5.989441443190204, "q_0.525": 6.152797806255528, "q_0.55": 6.228179537087993, "q_0.575": 6.307554511583209, "q_0.6": 6.422594742018269, "q_0.625": 6.507863533141688, "q_0.65": 6.64615580544274, "q_0.675": 6.693256184228506, "q_0.7": 6.8192697241043785, "q_0.725": 6.9265908013145685, "q_0.75": 6.974000092888221, "q_0.775": 7.073043550409165, "q_0.8": 7.105755522534984, "q_0.825": 7.173017440070793, "q_0.85": 7.309012012122501, "q_0.875": 7.446020005529373, "q_0.9": 7.505505452941607, "q_0.925": 7.5863544222920725, "q_0.95": 7.704953745544701, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 46.738695478191275, "y": 6.974000092888221, "y_pred": 6.034011598917915, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.111068382018161, "q_0.075": 4.271828158606835, "q_0.1": 4.3436102864082, "q_0.125": 4.42070350360095, "q_0.15": 4.5808494163937, "q_0.175": 4.665422589602663, "q_0.2": 4.761465645334576, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.371678888514724, "q_0.375": 5.429067265936801, "q_0.4": 5.520626841439223, "q_0.425": 5.605612913662584, "q_0.45": 5.7260770285449505, "q_0.475": 5.837733778524463, "q_0.5": 6.034011598917915, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.4358306629812265, "q_0.625": 6.507863533141688, "q_0.65": 6.650981183363797, "q_0.675": 6.693256184228506, "q_0.7": 6.82245125481038, "q_0.725": 6.9265908013145685, "q_0.75": 6.977296285700267, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.173017440070793, "q_0.85": 7.309012012122501, "q_0.875": 7.446020005529373, "q_0.9": 7.505505452941607, "q_0.925": 7.5863544222920725, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 46.77871148459384, "y": 7.457908853071276, "y_pred": 6.034011598917915, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.111068382018161, "q_0.075": 4.271828158606835, "q_0.1": 4.3436102864082, "q_0.125": 4.42070350360095, "q_0.15": 4.5808494163937, "q_0.175": 4.665422589602663, "q_0.2": 4.761465645334576, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.371678888514724, "q_0.375": 5.429067265936801, "q_0.4": 5.520626841439223, "q_0.425": 5.605612913662584, "q_0.45": 5.7260770285449505, "q_0.475": 5.837733778524463, "q_0.5": 6.034011598917915, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.4358306629812265, "q_0.625": 6.507863533141688, "q_0.65": 6.650981183363797, "q_0.675": 6.693256184228506, "q_0.7": 6.82245125481038, "q_0.725": 6.9265908013145685, "q_0.75": 6.977296285700267, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.173017440070793, "q_0.85": 7.309012012122501, "q_0.875": 7.446020005529373, "q_0.9": 7.505505452941607, "q_0.925": 7.5863544222920725, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 46.8187274909964, "y": 5.045065994911716, "y_pred": 6.034011598917915, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.111068382018161, "q_0.075": 4.271828158606835, "q_0.1": 4.3436102864082, "q_0.125": 4.42070350360095, "q_0.15": 4.5808494163937, "q_0.175": 4.665422589602663, "q_0.2": 4.761465645334576, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.371678888514724, "q_0.375": 5.429067265936801, "q_0.4": 5.520626841439223, "q_0.425": 5.605612913662584, "q_0.45": 5.7260770285449505, "q_0.475": 5.837733778524463, "q_0.5": 6.034011598917915, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.4358306629812265, "q_0.625": 6.507863533141688, "q_0.65": 6.650981183363797, "q_0.675": 6.693256184228506, "q_0.7": 6.82245125481038, "q_0.725": 6.9265908013145685, "q_0.75": 6.977296285700267, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.173017440070793, "q_0.85": 7.309012012122501, "q_0.875": 7.446020005529373, "q_0.9": 7.505505452941607, "q_0.925": 7.5863544222920725, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 46.85874349739896, "y": 5.391379062328635, "y_pred": 6.034011598917915, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.111068382018161, "q_0.075": 4.271828158606835, "q_0.1": 4.3436102864082, "q_0.125": 4.42070350360095, "q_0.15": 4.5808494163937, "q_0.175": 4.665422589602663, "q_0.2": 4.761465645334576, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.371678888514724, "q_0.375": 5.429067265936801, "q_0.4": 5.520626841439223, "q_0.425": 5.605612913662584, "q_0.45": 5.7260770285449505, "q_0.475": 5.837733778524463, "q_0.5": 6.034011598917915, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.4358306629812265, "q_0.625": 6.507863533141688, "q_0.65": 6.650981183363797, "q_0.675": 6.693256184228506, "q_0.7": 6.82245125481038, "q_0.725": 6.9265908013145685, "q_0.75": 6.977296285700267, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.173017440070793, "q_0.85": 7.309012012122501, "q_0.875": 7.446020005529373, "q_0.9": 7.505505452941607, "q_0.925": 7.5863544222920725, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 46.89875950380152, "y": 5.77118230326571, "y_pred": 6.034011598917915, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.111068382018161, "q_0.075": 4.271828158606835, "q_0.1": 4.3436102864082, "q_0.125": 4.42070350360095, "q_0.15": 4.5808494163937, "q_0.175": 4.665422589602663, "q_0.2": 4.761465645334576, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.371678888514724, "q_0.375": 5.429067265936801, "q_0.4": 5.520626841439223, "q_0.425": 5.605612913662584, "q_0.45": 5.7260770285449505, "q_0.475": 5.837733778524463, "q_0.5": 6.034011598917915, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.4358306629812265, "q_0.625": 6.507863533141688, "q_0.65": 6.650981183363797, "q_0.675": 6.693256184228506, "q_0.7": 6.82245125481038, "q_0.725": 6.9265908013145685, "q_0.75": 6.977296285700267, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.173017440070793, "q_0.85": 7.309012012122501, "q_0.875": 7.446020005529373, "q_0.9": 7.505505452941607, "q_0.925": 7.5863544222920725, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 46.93877551020408, "y": 6.166671893644826, "y_pred": 6.067237734445141, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.441696003187549, "q_0.15": 4.581208346808396, "q_0.175": 4.665422589602663, "q_0.2": 4.768596663405027, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.373524653579246, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.606967643882146, "q_0.45": 5.740762275671127, "q_0.475": 5.837733778524463, "q_0.5": 6.067237734445141, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.454343177345563, "q_0.625": 6.51015583193452, "q_0.65": 6.654975900260792, "q_0.675": 6.6954419437597, "q_0.7": 6.828714929954261, "q_0.725": 6.9377376395973425, "q_0.75": 6.986633512608696, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.186720061721006, "q_0.85": 7.315017438005959, "q_0.875": 7.457908853071276, "q_0.9": 7.505505452941607, "q_0.925": 7.601521945496781, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 46.97879151660664, "y": 7.699648512881511, "y_pred": 6.067237734445141, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.441696003187549, "q_0.15": 4.581208346808396, "q_0.175": 4.665422589602663, "q_0.2": 4.768596663405027, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.373524653579246, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.606967643882146, "q_0.45": 5.740762275671127, "q_0.475": 5.837733778524463, "q_0.5": 6.067237734445141, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.454343177345563, "q_0.625": 6.51015583193452, "q_0.65": 6.654975900260792, "q_0.675": 6.6954419437597, "q_0.7": 6.828714929954261, "q_0.725": 6.9377376395973425, "q_0.75": 6.986633512608696, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.186720061721006, "q_0.85": 7.315017438005959, "q_0.875": 7.457908853071276, "q_0.9": 7.505505452941607, "q_0.925": 7.601521945496781, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 47.01880752300921, "y": 6.591982800210019, "y_pred": 6.067237734445141, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.441696003187549, "q_0.15": 4.581208346808396, "q_0.175": 4.665422589602663, "q_0.2": 4.768596663405027, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.373524653579246, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.606967643882146, "q_0.45": 5.740762275671127, "q_0.475": 5.837733778524463, "q_0.5": 6.067237734445141, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.454343177345563, "q_0.625": 6.51015583193452, "q_0.65": 6.654975900260792, "q_0.675": 6.6954419437597, "q_0.7": 6.828714929954261, "q_0.725": 6.9377376395973425, "q_0.75": 6.986633512608696, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.186720061721006, "q_0.85": 7.315017438005959, "q_0.875": 7.457908853071276, "q_0.9": 7.505505452941607, "q_0.925": 7.601521945496781, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 47.05882352941177, "y": 5.40151772933469, "y_pred": 6.067237734445141, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.441696003187549, "q_0.15": 4.581208346808396, "q_0.175": 4.665422589602663, "q_0.2": 4.768596663405027, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.373524653579246, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.606967643882146, "q_0.45": 5.740762275671127, "q_0.475": 5.837733778524463, "q_0.5": 6.067237734445141, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.454343177345563, "q_0.625": 6.51015583193452, "q_0.65": 6.654975900260792, "q_0.675": 6.6954419437597, "q_0.7": 6.828714929954261, "q_0.725": 6.9377376395973425, "q_0.75": 6.986633512608696, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.186720061721006, "q_0.85": 7.315017438005959, "q_0.875": 7.457908853071276, "q_0.9": 7.505505452941607, "q_0.925": 7.601521945496781, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 47.09883953581433, "y": 4.915475714883638, "y_pred": 6.067237734445141, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.441696003187549, "q_0.15": 4.581208346808396, "q_0.175": 4.665422589602663, "q_0.2": 4.768596663405027, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.373524653579246, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.606967643882146, "q_0.45": 5.740762275671127, "q_0.475": 5.837733778524463, "q_0.5": 6.067237734445141, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.454343177345563, "q_0.625": 6.51015583193452, "q_0.65": 6.654975900260792, "q_0.675": 6.6954419437597, "q_0.7": 6.828714929954261, "q_0.725": 6.9377376395973425, "q_0.75": 6.986633512608696, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.186720061721006, "q_0.85": 7.315017438005959, "q_0.875": 7.457908853071276, "q_0.9": 7.505505452941607, "q_0.925": 7.601521945496781, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 47.13885554221689, "y": 7.554214804013958, "y_pred": 6.067237734445141, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.441696003187549, "q_0.15": 4.581208346808396, "q_0.175": 4.665422589602663, "q_0.2": 4.768596663405027, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.373524653579246, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.606967643882146, "q_0.45": 5.740762275671127, "q_0.475": 5.837733778524463, "q_0.5": 6.067237734445141, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.454343177345563, "q_0.625": 6.51015583193452, "q_0.65": 6.654975900260792, "q_0.675": 6.6954419437597, "q_0.7": 6.828714929954261, "q_0.725": 6.9377376395973425, "q_0.75": 6.986633512608696, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.186720061721006, "q_0.85": 7.315017438005959, "q_0.875": 7.457908853071276, "q_0.9": 7.505505452941607, "q_0.925": 7.601521945496781, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 47.17887154861945, "y": 4.42070350360095, "y_pred": 6.067237734445141, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.441696003187549, "q_0.15": 4.581208346808396, "q_0.175": 4.665422589602663, "q_0.2": 4.768596663405027, "q_0.225": 4.9094411838194745, "q_0.25": 4.981246200893748, "q_0.275": 5.102990519792822, "q_0.3": 5.187597105836235, "q_0.325": 5.293790197765075, "q_0.35": 5.373524653579246, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.606967643882146, "q_0.45": 5.740762275671127, "q_0.475": 5.837733778524463, "q_0.5": 6.067237734445141, "q_0.525": 6.152797806255528, "q_0.55": 6.228369435935068, "q_0.575": 6.307554511583209, "q_0.6": 6.454343177345563, "q_0.625": 6.51015583193452, "q_0.65": 6.654975900260792, "q_0.675": 6.6954419437597, "q_0.7": 6.828714929954261, "q_0.725": 6.9377376395973425, "q_0.75": 6.986633512608696, "q_0.775": 7.073043550409165, "q_0.8": 7.106151108103749, "q_0.825": 7.186720061721006, "q_0.85": 7.315017438005959, "q_0.875": 7.457908853071276, "q_0.9": 7.505505452941607, "q_0.925": 7.601521945496781, "q_0.95": 7.713279231665364, "q_0.975": 7.839738319264051, "q_1": 8.568949105019012}, {"x": 47.21888755502201, "y": 6.687848398930965, "y_pred": 6.081435107799955, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.453688787362178, "q_0.15": 4.58685287249369, "q_0.175": 4.665422589602663, "q_0.2": 4.783772503764348, "q_0.225": 4.920466131836241, "q_0.25": 4.989640083841659, "q_0.275": 5.113263378116729, "q_0.3": 5.20520435895069, "q_0.325": 5.30951169458147, "q_0.35": 5.380267819921747, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.610358088522938, "q_0.45": 5.746991044011962, "q_0.475": 5.840927161373823, "q_0.5": 6.081435107799955, "q_0.525": 6.159056956340137, "q_0.55": 6.24056933934931, "q_0.575": 6.3092835525930475, "q_0.6": 6.454343177345563, "q_0.625": 6.545234794393515, "q_0.65": 6.657930086880654, "q_0.675": 6.7104379315465135, "q_0.7": 6.828714929954261, "q_0.725": 6.944732131840182, "q_0.75": 6.989018274918326, "q_0.775": 7.074316859151154, "q_0.8": 7.1079310136290195, "q_0.825": 7.186720061721006, "q_0.85": 7.325282589647719, "q_0.875": 7.457908853071276, "q_0.9": 7.51211729450557, "q_0.925": 7.601521945496781, "q_0.95": 7.720562189265623, "q_0.975": 7.841111830886181, "q_1": 8.568949105019012}, {"x": 47.258903561424574, "y": 7.484458296526635, "y_pred": 6.081435107799955, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.453688787362178, "q_0.15": 4.58685287249369, "q_0.175": 4.665422589602663, "q_0.2": 4.783772503764348, "q_0.225": 4.920466131836241, "q_0.25": 4.989640083841659, "q_0.275": 5.113263378116729, "q_0.3": 5.20520435895069, "q_0.325": 5.30951169458147, "q_0.35": 5.380267819921747, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.610358088522938, "q_0.45": 5.746991044011962, "q_0.475": 5.840927161373823, "q_0.5": 6.081435107799955, "q_0.525": 6.159056956340137, "q_0.55": 6.24056933934931, "q_0.575": 6.3092835525930475, "q_0.6": 6.454343177345563, "q_0.625": 6.545234794393515, "q_0.65": 6.657930086880654, "q_0.675": 6.7104379315465135, "q_0.7": 6.828714929954261, "q_0.725": 6.944732131840182, "q_0.75": 6.989018274918326, "q_0.775": 7.074316859151154, "q_0.8": 7.1079310136290195, "q_0.825": 7.186720061721006, "q_0.85": 7.325282589647719, "q_0.875": 7.457908853071276, "q_0.9": 7.51211729450557, "q_0.925": 7.601521945496781, "q_0.95": 7.720562189265623, "q_0.975": 7.841111830886181, "q_1": 8.568949105019012}, {"x": 47.298919567827134, "y": 6.475082619659686, "y_pred": 6.081435107799955, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.453688787362178, "q_0.15": 4.58685287249369, "q_0.175": 4.665422589602663, "q_0.2": 4.783772503764348, "q_0.225": 4.920466131836241, "q_0.25": 4.989640083841659, "q_0.275": 5.113263378116729, "q_0.3": 5.20520435895069, "q_0.325": 5.30951169458147, "q_0.35": 5.380267819921747, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.610358088522938, "q_0.45": 5.746991044011962, "q_0.475": 5.840927161373823, "q_0.5": 6.081435107799955, "q_0.525": 6.159056956340137, "q_0.55": 6.24056933934931, "q_0.575": 6.3092835525930475, "q_0.6": 6.454343177345563, "q_0.625": 6.545234794393515, "q_0.65": 6.657930086880654, "q_0.675": 6.7104379315465135, "q_0.7": 6.828714929954261, "q_0.725": 6.944732131840182, "q_0.75": 6.989018274918326, "q_0.775": 7.074316859151154, "q_0.8": 7.1079310136290195, "q_0.825": 7.186720061721006, "q_0.85": 7.325282589647719, "q_0.875": 7.457908853071276, "q_0.9": 7.51211729450557, "q_0.925": 7.601521945496781, "q_0.95": 7.720562189265623, "q_0.975": 7.841111830886181, "q_1": 8.568949105019012}, {"x": 47.338935574229694, "y": 5.539419070834594, "y_pred": 6.081435107799955, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.453688787362178, "q_0.15": 4.58685287249369, "q_0.175": 4.665422589602663, "q_0.2": 4.783772503764348, "q_0.225": 4.920466131836241, "q_0.25": 4.989640083841659, "q_0.275": 5.113263378116729, "q_0.3": 5.20520435895069, "q_0.325": 5.30951169458147, "q_0.35": 5.380267819921747, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.610358088522938, "q_0.45": 5.746991044011962, "q_0.475": 5.840927161373823, "q_0.5": 6.081435107799955, "q_0.525": 6.159056956340137, "q_0.55": 6.24056933934931, "q_0.575": 6.3092835525930475, "q_0.6": 6.454343177345563, "q_0.625": 6.545234794393515, "q_0.65": 6.657930086880654, "q_0.675": 6.7104379315465135, "q_0.7": 6.828714929954261, "q_0.725": 6.944732131840182, "q_0.75": 6.989018274918326, "q_0.775": 7.074316859151154, "q_0.8": 7.1079310136290195, "q_0.825": 7.186720061721006, "q_0.85": 7.325282589647719, "q_0.875": 7.457908853071276, "q_0.9": 7.51211729450557, "q_0.925": 7.601521945496781, "q_0.95": 7.720562189265623, "q_0.975": 7.841111830886181, "q_1": 8.568949105019012}, {"x": 47.378951580632254, "y": 4.671423009467839, "y_pred": 6.081435107799955, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.453688787362178, "q_0.15": 4.58685287249369, "q_0.175": 4.665422589602663, "q_0.2": 4.783772503764348, "q_0.225": 4.920466131836241, "q_0.25": 4.989640083841659, "q_0.275": 5.113263378116729, "q_0.3": 5.20520435895069, "q_0.325": 5.30951169458147, "q_0.35": 5.380267819921747, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.610358088522938, "q_0.45": 5.746991044011962, "q_0.475": 5.840927161373823, "q_0.5": 6.081435107799955, "q_0.525": 6.159056956340137, "q_0.55": 6.24056933934931, "q_0.575": 6.3092835525930475, "q_0.6": 6.454343177345563, "q_0.625": 6.545234794393515, "q_0.65": 6.657930086880654, "q_0.675": 6.7104379315465135, "q_0.7": 6.828714929954261, "q_0.725": 6.944732131840182, "q_0.75": 6.989018274918326, "q_0.775": 7.074316859151154, "q_0.8": 7.1079310136290195, "q_0.825": 7.186720061721006, "q_0.85": 7.325282589647719, "q_0.875": 7.457908853071276, "q_0.9": 7.51211729450557, "q_0.925": 7.601521945496781, "q_0.95": 7.720562189265623, "q_0.975": 7.841111830886181, "q_1": 8.568949105019012}, {"x": 47.418967587034814, "y": 5.326098736512186, "y_pred": 6.081435107799955, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.453688787362178, "q_0.15": 4.58685287249369, "q_0.175": 4.665422589602663, "q_0.2": 4.783772503764348, "q_0.225": 4.920466131836241, "q_0.25": 4.989640083841659, "q_0.275": 5.113263378116729, "q_0.3": 5.20520435895069, "q_0.325": 5.30951169458147, "q_0.35": 5.380267819921747, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.610358088522938, "q_0.45": 5.746991044011962, "q_0.475": 5.840927161373823, "q_0.5": 6.081435107799955, "q_0.525": 6.159056956340137, "q_0.55": 6.24056933934931, "q_0.575": 6.3092835525930475, "q_0.6": 6.454343177345563, "q_0.625": 6.545234794393515, "q_0.65": 6.657930086880654, "q_0.675": 6.7104379315465135, "q_0.7": 6.828714929954261, "q_0.725": 6.944732131840182, "q_0.75": 6.989018274918326, "q_0.775": 7.074316859151154, "q_0.8": 7.1079310136290195, "q_0.825": 7.186720061721006, "q_0.85": 7.325282589647719, "q_0.875": 7.457908853071276, "q_0.9": 7.51211729450557, "q_0.925": 7.601521945496781, "q_0.95": 7.720562189265623, "q_0.975": 7.841111830886181, "q_1": 8.568949105019012}, {"x": 47.458983593437374, "y": 6.64431368326343, "y_pred": 6.081435107799955, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.9662192189256635, "q_0.05": 4.112576769131043, "q_0.075": 4.271828158606835, "q_0.1": 4.343943727416559, "q_0.125": 4.453688787362178, "q_0.15": 4.58685287249369, "q_0.175": 4.665422589602663, "q_0.2": 4.783772503764348, "q_0.225": 4.920466131836241, "q_0.25": 4.989640083841659, "q_0.275": 5.113263378116729, "q_0.3": 5.20520435895069, "q_0.325": 5.30951169458147, "q_0.35": 5.380267819921747, "q_0.375": 5.443071112494653, "q_0.4": 5.5262024339768, "q_0.425": 5.610358088522938, "q_0.45": 5.746991044011962, "q_0.475": 5.840927161373823, "q_0.5": 6.081435107799955, "q_0.525": 6.159056956340137, "q_0.55": 6.24056933934931, "q_0.575": 6.3092835525930475, "q_0.6": 6.454343177345563, "q_0.625": 6.545234794393515, "q_0.65": 6.657930086880654, "q_0.675": 6.7104379315465135, "q_0.7": 6.828714929954261, "q_0.725": 6.944732131840182, "q_0.75": 6.989018274918326, "q_0.775": 7.074316859151154, "q_0.8": 7.1079310136290195, "q_0.825": 7.186720061721006, "q_0.85": 7.325282589647719, "q_0.875": 7.457908853071276, "q_0.9": 7.51211729450557, "q_0.925": 7.601521945496781, "q_0.95": 7.720562189265623, "q_0.975": 7.841111830886181, "q_1": 8.568949105019012}, {"x": 47.49899959983994, "y": 6.423147591394747, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.45528654643082, "q_0.4": 5.53079761373451, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.758136917567491, "q_0.7": 6.86205166742157, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.25659404503719, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.5390156062425, "y": 7.505505452941607, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.45528654643082, "q_0.4": 5.53079761373451, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.758136917567491, "q_0.7": 6.86205166742157, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.25659404503719, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.57903161264506, "y": 7.269755350540212, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.45528654643082, "q_0.4": 5.53079761373451, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.758136917567491, "q_0.7": 6.86205166742157, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.25659404503719, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.61904761904762, "y": 7.074316859151154, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.3812903189554415, "q_0.375": 5.45528654643082, "q_0.4": 5.526918566800015, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.757343395456734, "q_0.7": 6.856631337165711, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.247406915343263, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.65906362545018, "y": 7.446020005529373, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.3812903189554415, "q_0.375": 5.45528654643082, "q_0.4": 5.526918566800015, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.757343395456734, "q_0.7": 6.856631337165711, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.247406915343263, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.69907963185274, "y": 4.9797386716114875, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.3812903189554415, "q_0.375": 5.45528654643082, "q_0.4": 5.526918566800015, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.757343395456734, "q_0.7": 6.856631337165711, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.247406915343263, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.73909563825531, "y": 5.342937656487511, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.3812903189554415, "q_0.375": 5.45528654643082, "q_0.4": 5.526918566800015, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.757343395456734, "q_0.7": 6.856631337165711, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.247406915343263, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.77911164465787, "y": 5.384357851947599, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.3812903189554415, "q_0.375": 5.45528654643082, "q_0.4": 5.526918566800015, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.757343395456734, "q_0.7": 6.856631337165711, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.247406915343263, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.81912765106043, "y": 6.087499373460008, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.3812903189554415, "q_0.375": 5.45528654643082, "q_0.4": 5.526918566800015, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.757343395456734, "q_0.7": 6.856631337165711, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.247406915343263, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.85914365746299, "y": 6.507863533141688, "y_pred": 6.0907051342513086, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.3812903189554415, "q_0.375": 5.45528654643082, "q_0.4": 5.526918566800015, "q_0.425": 5.637808825368412, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.0907051342513086, "q_0.525": 6.166671893644826, "q_0.55": 6.2482342900515695, "q_0.575": 6.325065319230509, "q_0.6": 6.462962586402595, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.757343395456734, "q_0.7": 6.856631337165711, "q_0.725": 6.947672830813641, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.247406915343263, "q_0.85": 7.334147534573716, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.728612872168439, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.89915966386555, "y": 5.025263307888901, "y_pred": 6.123358871367403, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.45528654643082, "q_0.4": 5.53079761373451, "q_0.425": 5.644622067914058, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.123358871367403, "q_0.525": 6.166671893644826, "q_0.55": 6.249456352045211, "q_0.575": 6.325065319230509, "q_0.6": 6.4646387933210105, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.783823531596502, "q_0.7": 6.874872671732287, "q_0.725": 6.947950637275577, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.259281786558782, "q_0.85": 7.33759928006981, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.735699598519275, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.939175670268106, "y": 3.986526029621062, "y_pred": 6.123358871367403, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.27536769755606, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.606688285832019, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.931114362328738, "q_0.25": 5.025263307888901, "q_0.275": 5.1226554097052235, "q_0.3": 5.2115914496379805, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.45528654643082, "q_0.4": 5.53079761373451, "q_0.425": 5.644622067914058, "q_0.45": 5.773454518537434, "q_0.475": 5.886105011789981, "q_0.5": 6.123358871367403, "q_0.525": 6.166671893644826, "q_0.55": 6.249456352045211, "q_0.575": 6.325065319230509, "q_0.6": 6.4646387933210105, "q_0.625": 6.562639768728845, "q_0.65": 6.675079238341156, "q_0.675": 6.783823531596502, "q_0.7": 6.874872671732287, "q_0.725": 6.947950637275577, "q_0.75": 7.0433988184683685, "q_0.775": 7.086538961463197, "q_0.8": 7.110456675747525, "q_0.825": 7.259281786558782, "q_0.85": 7.33759928006981, "q_0.875": 7.484458296526635, "q_0.9": 7.523299742234963, "q_0.925": 7.6349000581069655, "q_0.95": 7.735699598519275, "q_0.975": 7.8521707561370775, "q_1": 8.568949105019012}, {"x": 47.97919167667067, "y": 5.465138958871356, "y_pred": 6.123358871367403, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.607863496884008, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.212862255489252, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.45528654643082, "q_0.4": 5.539419070834594, "q_0.425": 5.656107521638343, "q_0.45": 5.773454518537434, "q_0.475": 5.900806625736318, "q_0.5": 6.123358871367403, "q_0.525": 6.166671893644826, "q_0.55": 6.249456352045211, "q_0.575": 6.345091246477267, "q_0.6": 6.475082619659686, "q_0.625": 6.577643051367236, "q_0.65": 6.679354131929909, "q_0.675": 6.789883435653076, "q_0.7": 6.87538470553876, "q_0.725": 6.947950637275577, "q_0.75": 7.0433988184683685, "q_0.775": 7.088056572014871, "q_0.8": 7.1144450602403815, "q_0.825": 7.265420303827962, "q_0.85": 7.362569481123359, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.01920768307323, "y": 5.113263378116729, "y_pred": 6.123358871367403, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.607863496884008, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.212862255489252, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.45528654643082, "q_0.4": 5.539419070834594, "q_0.425": 5.656107521638343, "q_0.45": 5.773454518537434, "q_0.475": 5.900806625736318, "q_0.5": 6.123358871367403, "q_0.525": 6.166671893644826, "q_0.55": 6.249456352045211, "q_0.575": 6.345091246477267, "q_0.6": 6.475082619659686, "q_0.625": 6.577643051367236, "q_0.65": 6.679354131929909, "q_0.675": 6.789883435653076, "q_0.7": 6.87538470553876, "q_0.725": 6.947950637275577, "q_0.75": 7.0433988184683685, "q_0.775": 7.088056572014871, "q_0.8": 7.1144450602403815, "q_0.825": 7.265420303827962, "q_0.85": 7.362569481123359, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.05922368947579, "y": 7.581158473169777, "y_pred": 6.123358871367403, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.607863496884008, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.212862255489252, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.45528654643082, "q_0.4": 5.539419070834594, "q_0.425": 5.656107521638343, "q_0.45": 5.773454518537434, "q_0.475": 5.900806625736318, "q_0.5": 6.123358871367403, "q_0.525": 6.166671893644826, "q_0.55": 6.249456352045211, "q_0.575": 6.345091246477267, "q_0.6": 6.475082619659686, "q_0.625": 6.577643051367236, "q_0.65": 6.679354131929909, "q_0.675": 6.789883435653076, "q_0.7": 6.87538470553876, "q_0.725": 6.947950637275577, "q_0.75": 7.0433988184683685, "q_0.775": 7.088056572014871, "q_0.8": 7.1144450602403815, "q_0.825": 7.265420303827962, "q_0.85": 7.362569481123359, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.09923969587835, "y": 7.372770930943545, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.13925570228091, "y": 7.265420303827962, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.17927170868347, "y": 6.459344460901524, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.21928771508604, "y": 5.25784807583328, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.2593037214886, "y": 6.056115202279489, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.29931972789116, "y": 7.095665621339528, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.33933573429372, "y": 4.303241173291312, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.37935174069628, "y": 7.0433988184683685, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.41936774709884, "y": 4.080990668385973, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.4593837535014, "y": 7.106151108103749, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.499399759903966, "y": 7.073043550409165, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.1218232669049515, "q_0.075": 4.2787871181567905, "q_0.1": 4.347606948412228, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519021, "q_0.175": 4.671423009467839, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.326098736512186, "q_0.35": 5.381425115449694, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.673210161176248, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.352281704541352, "q_0.6": 6.475082619659686, "q_0.625": 6.586965632995195, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.87538470553876, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.116212837647618, "q_0.825": 7.265420303827962, "q_0.85": 7.363870009768699, "q_0.875": 7.484458296526635, "q_0.9": 7.530502547889955, "q_0.925": 7.6458828499127875, "q_0.95": 7.735699598519275, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.539415766306526, "y": 4.1218232669049515, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.122014912754639, "q_0.075": 4.2787871181567905, "q_0.1": 4.352748975276191, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519022, "q_0.175": 4.687821633353387, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.32881547845157, "q_0.35": 5.389898531436362, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.6737204739936455, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.365611531052373, "q_0.6": 6.475082619659686, "q_0.625": 6.591982800210019, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.875949585473359, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.126925553910155, "q_0.825": 7.271846270275043, "q_0.85": 7.363870009768699, "q_0.875": 7.489627098039405, "q_0.9": 7.536252776490656, "q_0.925": 7.6458828499127875, "q_0.95": 7.736475382963067, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.579431772709086, "y": 6.371714549575328, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.122014912754639, "q_0.075": 4.2787871181567905, "q_0.1": 4.352748975276191, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519022, "q_0.175": 4.687821633353387, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.32881547845157, "q_0.35": 5.389898531436362, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.6737204739936455, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.365611531052373, "q_0.6": 6.475082619659686, "q_0.625": 6.591982800210019, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.875949585473359, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.126925553910155, "q_0.825": 7.271846270275043, "q_0.85": 7.363870009768699, "q_0.875": 7.489627098039405, "q_0.9": 7.536252776490656, "q_0.925": 7.6458828499127875, "q_0.95": 7.736475382963067, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.619447779111646, "y": 5.886105011789981, "y_pred": 6.126331203044849, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.978082321979567, "q_0.05": 4.122014912754639, "q_0.075": 4.2787871181567905, "q_0.1": 4.352748975276191, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519022, "q_0.175": 4.687821633353387, "q_0.2": 4.843551038072556, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.32881547845157, "q_0.35": 5.389898531436362, "q_0.375": 5.465138958871356, "q_0.4": 5.539419070834594, "q_0.425": 5.6737204739936455, "q_0.45": 5.783031141582168, "q_0.475": 5.921854006258333, "q_0.5": 6.126331203044849, "q_0.525": 6.167747892366451, "q_0.55": 6.250175907946609, "q_0.575": 6.365611531052373, "q_0.6": 6.475082619659686, "q_0.625": 6.591982800210019, "q_0.65": 6.684542071478193, "q_0.675": 6.796693131461655, "q_0.7": 6.875949585473359, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.088056572014871, "q_0.8": 7.126925553910155, "q_0.825": 7.271846270275043, "q_0.85": 7.363870009768699, "q_0.875": 7.489627098039405, "q_0.9": 7.536252776490656, "q_0.925": 7.6458828499127875, "q_0.95": 7.736475382963067, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.659463785514205, "y": 4.588303312711287, "y_pred": 6.13279763633506, "target": "0", "q_0": 3.5530661753553163, "q_0.025": 3.979584120101391, "q_0.05": 4.122302381529171, "q_0.075": 4.2787871181567905, "q_0.1": 4.360488882284714, "q_0.125": 4.482762043517262, "q_0.15": 4.609025084519022, "q_0.175": 4.687821633353387, "q_0.2": 4.85693264038902, "q_0.225": 4.932552688902458, "q_0.25": 5.035331047471773, "q_0.275": 5.124874775655833, "q_0.3": 5.216614980798683, "q_0.325": 5.32881547845157, "q_0.35": 5.389898531436362, "q_0.375": 5.465138958871356, "q_0.4": 5.539811865538276, "q_0.425": 5.676922069924459, "q_0.45": 5.802539059625862, "q_0.475": 5.9308279997096065, "q_0.5": 6.13279763633506, "q_0.525": 6.167747892366451, "q_0.55": 6.251313585511198, "q_0.575": 6.371714549575328, "q_0.6": 6.47576604144437, "q_0.625": 6.591982800210019, "q_0.65": 6.684542071478193, "q_0.675": 6.797446669766952, "q_0.7": 6.896750279109836, "q_0.725": 6.959047488980644, "q_0.75": 7.049884809491566, "q_0.775": 7.089347137727554, "q_0.8": 7.126925553910155, "q_0.825": 7.271846270275043, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.559253690893296, "q_0.925": 7.648274846080652, "q_0.95": 7.753808716222624, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.699479791916765, "y": 4.505482959481341, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.2787871181567905, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.687821633353387, "q_0.2": 4.85693264038902, "q_0.225": 4.932552688902458, "q_0.25": 5.041079699526768, "q_0.275": 5.124874775655833, "q_0.3": 5.236730700678295, "q_0.325": 5.32881547845157, "q_0.35": 5.391379062328635, "q_0.375": 5.465138958871356, "q_0.4": 5.539811865538276, "q_0.425": 5.680116126954365, "q_0.45": 5.8113512300418835, "q_0.475": 5.9308279997096065, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.262837166853249, "q_0.575": 6.371714549575328, "q_0.6": 6.4777042327958245, "q_0.625": 6.591982800210019, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.959203447694513, "q_0.75": 7.055294660711404, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.559253690893296, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.73949579831933, "y": 6.947672830813641, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.2787871181567905, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.687821633353387, "q_0.2": 4.85693264038902, "q_0.225": 4.932552688902458, "q_0.25": 5.041079699526768, "q_0.275": 5.124874775655833, "q_0.3": 5.236730700678295, "q_0.325": 5.32881547845157, "q_0.35": 5.391379062328635, "q_0.375": 5.465138958871356, "q_0.4": 5.539811865538276, "q_0.425": 5.680116126954365, "q_0.45": 5.8113512300418835, "q_0.475": 5.9308279997096065, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.262837166853249, "q_0.575": 6.371714549575328, "q_0.6": 6.4777042327958245, "q_0.625": 6.591982800210019, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.959203447694513, "q_0.75": 7.055294660711404, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.559253690893296, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.77951180472189, "y": 6.145811128810768, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.2787871181567905, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.687821633353387, "q_0.2": 4.85693264038902, "q_0.225": 4.932552688902458, "q_0.25": 5.041079699526768, "q_0.275": 5.124874775655833, "q_0.3": 5.236730700678295, "q_0.325": 5.32881547845157, "q_0.35": 5.391379062328635, "q_0.375": 5.465138958871356, "q_0.4": 5.539811865538276, "q_0.425": 5.680116126954365, "q_0.45": 5.8113512300418835, "q_0.475": 5.9308279997096065, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.262837166853249, "q_0.575": 6.371714549575328, "q_0.6": 6.4777042327958245, "q_0.625": 6.591982800210019, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.959203447694513, "q_0.75": 7.055294660711404, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.559253690893296, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.81952781112445, "y": 7.770241417700996, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.2787871181567905, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.687821633353387, "q_0.2": 4.85693264038902, "q_0.225": 4.932552688902458, "q_0.25": 5.041079699526768, "q_0.275": 5.124874775655833, "q_0.3": 5.236730700678295, "q_0.325": 5.32881547845157, "q_0.35": 5.391379062328635, "q_0.375": 5.465138958871356, "q_0.4": 5.539811865538276, "q_0.425": 5.680116126954365, "q_0.45": 5.8113512300418835, "q_0.475": 5.9308279997096065, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.262837166853249, "q_0.575": 6.371714549575328, "q_0.6": 6.4777042327958245, "q_0.625": 6.591982800210019, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.959203447694513, "q_0.75": 7.055294660711404, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.559253690893296, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.85954381752701, "y": 7.76888055408128, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.279355501564982, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.6993936558912655, "q_0.2": 4.860621883663697, "q_0.225": 4.936857362874977, "q_0.25": 5.045065994911716, "q_0.275": 5.134040926735094, "q_0.3": 5.251305429080203, "q_0.325": 5.338094355588171, "q_0.35": 5.391379062328635, "q_0.375": 5.481153573906607, "q_0.4": 5.568939382488213, "q_0.425": 5.682023309336892, "q_0.45": 5.8128111056012735, "q_0.475": 5.951479115102467, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.264606100395435, "q_0.575": 6.371714549575328, "q_0.6": 6.480218367589153, "q_0.625": 6.601616879484233, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.9594339029261665, "q_0.75": 7.064441943104954, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.568223174389312, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.89955982392957, "y": 7.811194312331844, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.279355501564982, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.6993936558912655, "q_0.2": 4.860621883663697, "q_0.225": 4.936857362874977, "q_0.25": 5.045065994911716, "q_0.275": 5.134040926735094, "q_0.3": 5.251305429080203, "q_0.325": 5.338094355588171, "q_0.35": 5.391379062328635, "q_0.375": 5.481153573906607, "q_0.4": 5.568939382488213, "q_0.425": 5.682023309336892, "q_0.45": 5.8128111056012735, "q_0.475": 5.951479115102467, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.264606100395435, "q_0.575": 6.371714549575328, "q_0.6": 6.480218367589153, "q_0.625": 6.601616879484233, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.9594339029261665, "q_0.75": 7.064441943104954, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.568223174389312, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.93957583033213, "y": 4.39452334774676, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.279355501564982, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.6993936558912655, "q_0.2": 4.860621883663697, "q_0.225": 4.936857362874977, "q_0.25": 5.045065994911716, "q_0.275": 5.134040926735094, "q_0.3": 5.251305429080203, "q_0.325": 5.338094355588171, "q_0.35": 5.391379062328635, "q_0.375": 5.481153573906607, "q_0.4": 5.568939382488213, "q_0.425": 5.682023309336892, "q_0.45": 5.8128111056012735, "q_0.475": 5.951479115102467, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.264606100395435, "q_0.575": 6.371714549575328, "q_0.6": 6.480218367589153, "q_0.625": 6.601616879484233, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.9594339029261665, "q_0.75": 7.064441943104954, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.568223174389312, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 48.9795918367347, "y": 7.601521945496781, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.279355501564982, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.6993936558912655, "q_0.2": 4.860621883663697, "q_0.225": 4.936857362874977, "q_0.25": 5.045065994911716, "q_0.275": 5.134040926735094, "q_0.3": 5.251305429080203, "q_0.325": 5.338094355588171, "q_0.35": 5.391379062328635, "q_0.375": 5.481153573906607, "q_0.4": 5.568939382488213, "q_0.425": 5.682023309336892, "q_0.45": 5.8128111056012735, "q_0.475": 5.951479115102467, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.264606100395435, "q_0.575": 6.371714549575328, "q_0.6": 6.480218367589153, "q_0.625": 6.601616879484233, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.9594339029261665, "q_0.75": 7.064441943104954, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.568223174389312, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 49.01960784313726, "y": 4.889067854114831, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.279355501564982, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.6993936558912655, "q_0.2": 4.860621883663697, "q_0.225": 4.936857362874977, "q_0.25": 5.045065994911716, "q_0.275": 5.134040926735094, "q_0.3": 5.251305429080203, "q_0.325": 5.338094355588171, "q_0.35": 5.391379062328635, "q_0.375": 5.481153573906607, "q_0.4": 5.568939382488213, "q_0.425": 5.682023309336892, "q_0.45": 5.8128111056012735, "q_0.475": 5.951479115102467, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.264606100395435, "q_0.575": 6.371714549575328, "q_0.6": 6.480218367589153, "q_0.625": 6.601616879484233, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.9594339029261665, "q_0.75": 7.064441943104954, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.568223174389312, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 49.05962384953982, "y": 5.7260770285449505, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.279355501564982, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.6993936558912655, "q_0.2": 4.860621883663697, "q_0.225": 4.936857362874977, "q_0.25": 5.045065994911716, "q_0.275": 5.134040926735094, "q_0.3": 5.251305429080203, "q_0.325": 5.338094355588171, "q_0.35": 5.391379062328635, "q_0.375": 5.481153573906607, "q_0.4": 5.568939382488213, "q_0.425": 5.682023309336892, "q_0.45": 5.8128111056012735, "q_0.475": 5.951479115102467, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.264606100395435, "q_0.575": 6.371714549575328, "q_0.6": 6.480218367589153, "q_0.625": 6.601616879484233, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.9594339029261665, "q_0.75": 7.064441943104954, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.568223174389312, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 49.09963985594238, "y": 6.8982771758681185, "y_pred": 6.1363701305086895, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.979584120101391, "q_0.05": 4.152819146308496, "q_0.075": 4.279355501564982, "q_0.1": 4.381521249652034, "q_0.125": 4.505482959481341, "q_0.15": 4.609256145343828, "q_0.175": 4.6993936558912655, "q_0.2": 4.860621883663697, "q_0.225": 4.936857362874977, "q_0.25": 5.045065994911716, "q_0.275": 5.134040926735094, "q_0.3": 5.251305429080203, "q_0.325": 5.338094355588171, "q_0.35": 5.391379062328635, "q_0.375": 5.481153573906607, "q_0.4": 5.568939382488213, "q_0.425": 5.682023309336892, "q_0.45": 5.8128111056012735, "q_0.475": 5.951479115102467, "q_0.5": 6.1363701305086895, "q_0.525": 6.185318079855138, "q_0.55": 6.264606100395435, "q_0.575": 6.371714549575328, "q_0.6": 6.480218367589153, "q_0.625": 6.601616879484233, "q_0.65": 6.687848398930965, "q_0.675": 6.800119118863604, "q_0.7": 6.8982771758681185, "q_0.725": 6.9594339029261665, "q_0.75": 7.064441943104954, "q_0.775": 7.095665621339528, "q_0.8": 7.1392490646782765, "q_0.825": 7.282279073914468, "q_0.85": 7.372770930943545, "q_0.875": 7.498113162592052, "q_0.9": 7.568223174389312, "q_0.925": 7.656757991337939, "q_0.95": 7.76888055408128, "q_0.975": 7.870147641057432, "q_1": 8.568949105019012}, {"x": 49.13965586234494, "y": 4.731697955527121, "y_pred": 6.145811128810768, "target": "0", "q_0": 3.6044509511504486, "q_0.025": 3.986526029621062, "q_0.05": 4.1693165751878345, "q_0.075": 4.279355501564982, "q_0.1": 4.381643112717437, "q_0.125": 4.508471559559456, "q_0.15": 4.613383051865101, "q_0.175": 4.71519306064387, "q_0.2": 4.876300922834117, "q_0.225": 4.955720988370454, "q_0.25": 5.045065994911716, "q_0.275": 5.141263186917729, "q_0.3": 5.251422081944615, "q_0.325": 5.338094355588171, "q_0.35": 5.391379062328635, "q_0.375": 5.508775886820478, "q_0.4": 5.568939382488213, "q_0.425": 5.6937689455309854, "q_0.45": 5.817480042329025, "q_0.475": 5.961087884738324, "q_0.5": 6.145811128810768, "q_0.525": 6.218800839753577, "q_0.55": 6.296669653294615, "q_0.575": 6.402262026196145, "q_0.6": 6.507863533141688, "q_0.625": 6.61309513713776, "q_0.65": 6.690604747733197, "q_0.675": 6.8192697241043785, "q_0.7": 6.9265908013145685, "q_0.725": 6.986633512608696, "q_0.75": 7.073043550409165, "q_0.775": 7.106151108103749, "q_0.8": 7.157877290613817, "q_0.825": 7.2915198671131325, "q_0.85": 7.432407535192752, "q_0.875": 7.505459640160026, "q_0.9": 7.568454379323775, "q_0.925": 7.672438687443597, "q_0.95": 7.76888055408128, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.1796718687475, "y": 6.152797806255528, "y_pred": 6.145811128810768, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.986526029621062, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.508471559559456, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.878558884371987, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.251422081944615, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.508775886820478, "q_0.4": 5.569843877203429, "q_0.425": 5.706218698853002, "q_0.45": 5.817480042329025, "q_0.475": 5.9770566636681925, "q_0.5": 6.145811128810768, "q_0.525": 6.218800839753577, "q_0.55": 6.298661381914654, "q_0.575": 6.422594742018269, "q_0.6": 6.507863533141688, "q_0.625": 6.64615580544274, "q_0.65": 6.690604747733197, "q_0.675": 6.82266174407658, "q_0.7": 6.9265908013145685, "q_0.725": 6.986633512608696, "q_0.75": 7.073043550409165, "q_0.775": 7.106151108103749, "q_0.8": 7.157877290613817, "q_0.825": 7.303611598224526, "q_0.85": 7.437297968645725, "q_0.875": 7.505459640160026, "q_0.9": 7.581158473169777, "q_0.925": 7.6867006295192635, "q_0.95": 7.769747333849526, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.219687875150065, "y": 4.6638580261609865, "y_pred": 6.145811128810768, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.986526029621062, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.508807000689098, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.878558884371987, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.251422081944615, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.508775886820478, "q_0.4": 5.569843877203429, "q_0.425": 5.706218698853002, "q_0.45": 5.817480042329025, "q_0.475": 5.9770566636681925, "q_0.5": 6.145811128810768, "q_0.525": 6.218800839753577, "q_0.55": 6.298661381914654, "q_0.575": 6.422594742018269, "q_0.6": 6.545234794393515, "q_0.625": 6.64615580544274, "q_0.65": 6.693256184228506, "q_0.675": 6.82375315809708, "q_0.7": 6.9265908013145685, "q_0.725": 6.989018274918326, "q_0.75": 7.074316859151154, "q_0.775": 7.106151108103749, "q_0.8": 7.166519462847598, "q_0.825": 7.309012012122501, "q_0.85": 7.444051702944519, "q_0.875": 7.505459640160026, "q_0.9": 7.581158473169777, "q_0.925": 7.687481123847246, "q_0.95": 7.769747333849526, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.259703881552625, "y": 4.3471776024952336, "y_pred": 6.147903247744509, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.986526029621062, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.885248411887277, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.257028023970478, "q_0.325": 5.3399790009292065, "q_0.35": 5.39570319151142, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.721166123366081, "q_0.45": 5.837733778524463, "q_0.475": 5.989441443190204, "q_0.5": 6.147903247744509, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.454343177345563, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.7084766354490455, "q_0.675": 6.831774415864712, "q_0.7": 6.946203882849349, "q_0.725": 7.013591013188307, "q_0.75": 7.081019501896454, "q_0.775": 7.1079310136290195, "q_0.8": 7.186720061721006, "q_0.825": 7.322034225079438, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.769747333849526, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.299719887955185, "y": 4.394361878070937, "y_pred": 6.147845293517355, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.991892136289005, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.885248411887277, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.251912263404945, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.826849428695533, "q_0.475": 5.985641521844014, "q_0.5": 6.147845293517355, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.454343177345563, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.7084766354490455, "q_0.675": 6.831774415864712, "q_0.7": 6.946203882849349, "q_0.725": 7.013591013188307, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.769747333849526, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.339735894357744, "y": 5.3399790009292065, "y_pred": 6.1477873392902005, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.991892136289005, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.885248411887277, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.255343533627259, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.820159980056004, "q_0.475": 5.985641521844014, "q_0.5": 6.1477873392902005, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.452368751656332, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.7084766354490455, "q_0.675": 6.831774415864712, "q_0.7": 6.944732131840182, "q_0.725": 7.013591013188307, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.769747333849526, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.379751900760304, "y": 3.957489211833787, "y_pred": 6.1477873392902005, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.991892136289005, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.885248411887277, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.255343533627259, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.820159980056004, "q_0.475": 5.985641521844014, "q_0.5": 6.1477873392902005, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.452368751656332, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.7084766354490455, "q_0.675": 6.831774415864712, "q_0.7": 6.944732131840182, "q_0.725": 7.013591013188307, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.769747333849526, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.419767907162864, "y": 5.605612913662584, "y_pred": 6.1477873392902005, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.991892136289005, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.885248411887277, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.255343533627259, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.820159980056004, "q_0.475": 5.985641521844014, "q_0.5": 6.1477873392902005, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.452368751656332, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.7084766354490455, "q_0.675": 6.831774415864712, "q_0.7": 6.944732131840182, "q_0.725": 7.013591013188307, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.769747333849526, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.45978391356543, "y": 6.545234794393515, "y_pred": 6.1477873392902005, "target": "0", "q_0": 3.604450951150449, "q_0.025": 3.991892136289005, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.885248411887277, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.255343533627259, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.820159980056004, "q_0.475": 5.985641521844014, "q_0.5": 6.1477873392902005, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.452368751656332, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.7084766354490455, "q_0.675": 6.831774415864712, "q_0.7": 6.944732131840182, "q_0.725": 7.013591013188307, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.769747333849526, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.49979991996799, "y": 5.516986682213815, "y_pred": 6.146890586444009, "target": "0", "q_0": 3.6044509511504486, "q_0.025": 3.9974868668911334, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.878558884371987, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.251422081944615, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.817480042329025, "q_0.475": 5.985641521844014, "q_0.5": 6.146890586444009, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.451875145234029, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.6954419437597, "q_0.675": 6.831774415864712, "q_0.7": 6.944732131840182, "q_0.725": 7.009896962615171, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.775046841507674, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.53981592637055, "y": 4.278906386126079, "y_pred": 6.146890586444009, "target": "0", "q_0": 3.6044509511504486, "q_0.025": 3.9974868668911334, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.878558884371987, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.251422081944615, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.817480042329025, "q_0.475": 5.985641521844014, "q_0.5": 6.146890586444009, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.451875145234029, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.6954419437597, "q_0.675": 6.831774415864712, "q_0.7": 6.944732131840182, "q_0.725": 7.009896962615171, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.775046841507674, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.57983193277311, "y": 4.189093809614454, "y_pred": 6.146890586444009, "target": "0", "q_0": 3.6044509511504486, "q_0.025": 3.9974868668911334, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.878558884371987, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.251422081944615, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.817480042329025, "q_0.475": 5.985641521844014, "q_0.5": 6.146890586444009, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.451875145234029, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.6954419437597, "q_0.675": 6.831774415864712, "q_0.7": 6.944732131840182, "q_0.725": 7.009896962615171, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.775046841507674, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.61984793917567, "y": 5.035331047471773, "y_pred": 6.146890586444009, "target": "0", "q_0": 3.6044509511504486, "q_0.025": 3.9974868668911334, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.878558884371987, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.251422081944615, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.817480042329025, "q_0.475": 5.985641521844014, "q_0.5": 6.146890586444009, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.451875145234029, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.6954419437597, "q_0.675": 6.831774415864712, "q_0.7": 6.944732131840182, "q_0.725": 7.009896962615171, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.775046841507674, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.65986394557823, "y": 4.609256145343828, "y_pred": 6.146890586444009, "target": "0", "q_0": 3.6044509511504486, "q_0.025": 3.9974868668911334, "q_0.05": 4.182691680591658, "q_0.075": 4.283243525352373, "q_0.1": 4.383429840009689, "q_0.125": 4.515095438240721, "q_0.15": 4.620467243062304, "q_0.175": 4.71519306064387, "q_0.2": 4.878558884371987, "q_0.225": 4.955720988370454, "q_0.25": 5.05091584037944, "q_0.275": 5.151267483524238, "q_0.3": 5.251422081944615, "q_0.325": 5.3399790009292065, "q_0.35": 5.391379062328635, "q_0.375": 5.509503614918328, "q_0.4": 5.572482639826347, "q_0.425": 5.706218698853002, "q_0.45": 5.817480042329025, "q_0.475": 5.985641521844014, "q_0.5": 6.146890586444009, "q_0.525": 6.220095836224706, "q_0.55": 6.299772939475638, "q_0.575": 6.451875145234029, "q_0.6": 6.545234794393515, "q_0.625": 6.654975900260792, "q_0.65": 6.6954419437597, "q_0.675": 6.831774415864712, "q_0.7": 6.944732131840182, "q_0.725": 7.009896962615171, "q_0.75": 7.081019501896454, "q_0.775": 7.108169739799926, "q_0.8": 7.186720061721006, "q_0.825": 7.322831888632859, "q_0.85": 7.446020005529373, "q_0.875": 7.505505452941607, "q_0.9": 7.5863544222920725, "q_0.925": 7.699648512881511, "q_0.95": 7.775046841507674, "q_0.975": 7.891267869684307, "q_1": 8.568949105019012}, {"x": 49.6998799519808, "y": 7.73434453587796, "y_pred": 6.149186327608602, "target": "0", "q_0": 3.604450951150449, "q_0.025": 4.060462534449218, "q_0.05": 4.189093809614454, "q_0.075": 4.303241173291312, "q_0.1": 4.386547959431385, "q_0.125": 4.515644042998396, "q_0.15": 4.62491878862851, "q_0.175": 4.71519306064387, "q_0.2": 4.889067854114831, "q_0.225": 4.961930446636361, "q_0.25": 5.060924075335412, "q_0.275": 5.160711380239443, "q_0.3": 5.2860203426507155, "q_0.325": 5.3399790009292065, "q_0.35": 5.40151772933469, "q_0.375": 5.509503614918328, "q_0.4": 5.598264224247254, "q_0.425": 5.7260770285449505, "q_0.45": 5.837733778524463, "q_0.475": 6.052923387561611, "q_0.5": 6.149186327608602, "q_0.525": 6.222956394507974, "q_0.55": 6.299772939475638, "q_0.575": 6.454343177345563, "q_0.6": 6.553146877273291, "q_0.625": 6.657930086880654, "q_0.65": 6.747738463072244, "q_0.675": 6.8340923655005525, "q_0.7": 6.947672830813641, "q_0.725": 7.0433988184683685, "q_0.75": 7.086538961463197, "q_0.775": 7.110456675747525, "q_0.8": 7.228085904229239, "q_0.825": 7.329586185680565, "q_0.85": 7.457908853071276, "q_0.875": 7.51211729450557, "q_0.9": 7.601521945496781, "q_0.925": 7.704953745544701, "q_0.95": 7.7919426184128975, "q_0.975": 7.917485895467731, "q_1": 8.568949105019012}, {"x": 49.73989595838336, "y": 4.540066781241935, "y_pred": 6.218800839753577, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.343943727416559, "q_0.1": 4.453688787362178, "q_0.125": 4.591790499129065, "q_0.15": 4.665422589602663, "q_0.175": 4.812234588038356, "q_0.2": 4.931114362328738, "q_0.225": 5.035331047471773, "q_0.25": 5.1226554097052235, "q_0.275": 5.216614980798683, "q_0.3": 5.319239185848991, "q_0.325": 5.3812903189554415, "q_0.35": 5.465138958871356, "q_0.375": 5.565408572498045, "q_0.4": 5.688754574402601, "q_0.425": 5.817480042329025, "q_0.45": 5.9770566636681925, "q_0.475": 6.145811128810768, "q_0.5": 6.218800839753577, "q_0.525": 6.250175907946609, "q_0.55": 6.371714549575328, "q_0.575": 6.545234794393515, "q_0.6": 6.64615580544274, "q_0.625": 6.690604747733197, "q_0.65": 6.82245125481038, "q_0.675": 6.9265908013145685, "q_0.7": 6.992746699276601, "q_0.725": 7.074316859151154, "q_0.75": 7.1079310136290195, "q_0.775": 7.157877290613817, "q_0.8": 7.2915198671131325, "q_0.825": 7.409750490544118, "q_0.85": 7.502437976787764, "q_0.875": 7.568454379323775, "q_0.9": 7.671882404954735, "q_0.925": 7.735699598519275, "q_0.95": 7.825779729360713, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 49.77991196478592, "y": 7.110456675747525, "y_pred": 6.220095836224706, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.343943727416559, "q_0.1": 4.453688787362178, "q_0.125": 4.591790499129065, "q_0.15": 4.665422589602663, "q_0.175": 4.843551038072556, "q_0.2": 4.932552688902458, "q_0.225": 5.035331047471773, "q_0.25": 5.124874775655833, "q_0.275": 5.216614980798683, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.465138958871356, "q_0.375": 5.568939382488213, "q_0.4": 5.693242084446407, "q_0.425": 5.837733778524463, "q_0.45": 6.034011598917915, "q_0.475": 6.145811128810768, "q_0.5": 6.220095836224706, "q_0.525": 6.264606100395435, "q_0.55": 6.392785686480926, "q_0.575": 6.545234794393515, "q_0.6": 6.64615580544274, "q_0.625": 6.693256184228506, "q_0.65": 6.82375315809708, "q_0.675": 6.9265908013145685, "q_0.7": 7.009896962615171, "q_0.725": 7.077785349853828, "q_0.75": 7.108169739799926, "q_0.775": 7.157877290613817, "q_0.8": 7.309012012122501, "q_0.825": 7.432407535192752, "q_0.85": 7.505459640160026, "q_0.875": 7.568454379323775, "q_0.9": 7.675270140890328, "q_0.925": 7.736992572592266, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 49.81992797118848, "y": 6.250175907946609, "y_pred": 6.220095836224706, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.343943727416559, "q_0.1": 4.455048300258942, "q_0.125": 4.598335254535328, "q_0.15": 4.669138900048054, "q_0.175": 4.85693264038902, "q_0.2": 4.932552688902458, "q_0.225": 5.040305887851542, "q_0.25": 5.124874775655833, "q_0.275": 5.235457427682123, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.46532167906729, "q_0.375": 5.568939382488213, "q_0.4": 5.706218698853002, "q_0.425": 5.837733778524463, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.220095836224706, "q_0.525": 6.264606100395435, "q_0.55": 6.402262026196145, "q_0.575": 6.545234794393515, "q_0.6": 6.654975900260792, "q_0.625": 6.693256184228506, "q_0.65": 6.828714929954261, "q_0.675": 6.9265908013145685, "q_0.7": 7.009896962615171, "q_0.725": 7.081019501896454, "q_0.75": 7.108169739799926, "q_0.775": 7.1625581119899575, "q_0.8": 7.309012012122501, "q_0.825": 7.432407535192752, "q_0.85": 7.505459640160026, "q_0.875": 7.568454379323775, "q_0.9": 7.6867006295192635, "q_0.925": 7.744368028576007, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 49.85994397759104, "y": 6.185318079855138, "y_pred": 6.220095836224706, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.343943727416559, "q_0.1": 4.455048300258942, "q_0.125": 4.598335254535328, "q_0.15": 4.669138900048054, "q_0.175": 4.85693264038902, "q_0.2": 4.932552688902458, "q_0.225": 5.040305887851542, "q_0.25": 5.124874775655833, "q_0.275": 5.235457427682123, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.46532167906729, "q_0.375": 5.568939382488213, "q_0.4": 5.706218698853002, "q_0.425": 5.837733778524463, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.220095836224706, "q_0.525": 6.264606100395435, "q_0.55": 6.402262026196145, "q_0.575": 6.545234794393515, "q_0.6": 6.654975900260792, "q_0.625": 6.693256184228506, "q_0.65": 6.828714929954261, "q_0.675": 6.9265908013145685, "q_0.7": 7.009896962615171, "q_0.725": 7.081019501896454, "q_0.75": 7.108169739799926, "q_0.775": 7.1625581119899575, "q_0.8": 7.309012012122501, "q_0.825": 7.432407535192752, "q_0.85": 7.505459640160026, "q_0.875": 7.568454379323775, "q_0.9": 7.6867006295192635, "q_0.925": 7.744368028576007, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 49.8999599839936, "y": 5.961724635945179, "y_pred": 6.220095836224706, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.343943727416559, "q_0.1": 4.455048300258942, "q_0.125": 4.598335254535328, "q_0.15": 4.669138900048054, "q_0.175": 4.85693264038902, "q_0.2": 4.932552688902458, "q_0.225": 5.040305887851542, "q_0.25": 5.124874775655833, "q_0.275": 5.235457427682123, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.46532167906729, "q_0.375": 5.568939382488213, "q_0.4": 5.706218698853002, "q_0.425": 5.837733778524463, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.220095836224706, "q_0.525": 6.264606100395435, "q_0.55": 6.402262026196145, "q_0.575": 6.545234794393515, "q_0.6": 6.654975900260792, "q_0.625": 6.693256184228506, "q_0.65": 6.828714929954261, "q_0.675": 6.9265908013145685, "q_0.7": 7.009896962615171, "q_0.725": 7.081019501896454, "q_0.75": 7.108169739799926, "q_0.775": 7.1625581119899575, "q_0.8": 7.309012012122501, "q_0.825": 7.432407535192752, "q_0.85": 7.505459640160026, "q_0.875": 7.568454379323775, "q_0.9": 7.6867006295192635, "q_0.925": 7.744368028576007, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 49.939975990396164, "y": 7.769747333849526, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.34478490407486, "q_0.1": 4.460486351845997, "q_0.125": 4.606059433029293, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.932552688902458, "q_0.225": 5.041079699526768, "q_0.25": 5.124874775655833, "q_0.275": 5.2479031551940905, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.489146221113229, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.427801865859671, "q_0.575": 6.553146877273291, "q_0.6": 6.654975900260792, "q_0.625": 6.709596251680151, "q_0.65": 6.828714929954261, "q_0.675": 6.93274725807559, "q_0.7": 7.009896962615171, "q_0.725": 7.086538961463197, "q_0.75": 7.108169739799926, "q_0.775": 7.186720061721006, "q_0.8": 7.309967068316329, "q_0.825": 7.432407535192752, "q_0.85": 7.505459640160026, "q_0.875": 7.581158473169777, "q_0.9": 7.687481123847246, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 49.979991996798724, "y": 5.3812903189554415, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.34478490407486, "q_0.1": 4.460486351845997, "q_0.125": 4.606059433029293, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.932552688902458, "q_0.225": 5.041079699526768, "q_0.25": 5.124874775655833, "q_0.275": 5.2479031551940905, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.489146221113229, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.427801865859671, "q_0.575": 6.553146877273291, "q_0.6": 6.654975900260792, "q_0.625": 6.709596251680151, "q_0.65": 6.828714929954261, "q_0.675": 6.93274725807559, "q_0.7": 7.009896962615171, "q_0.725": 7.086538961463197, "q_0.75": 7.108169739799926, "q_0.775": 7.186720061721006, "q_0.8": 7.309967068316329, "q_0.825": 7.432407535192752, "q_0.85": 7.505459640160026, "q_0.875": 7.581158473169777, "q_0.9": 7.687481123847246, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.02000800320128, "y": 7.049884809491566, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.34478490407486, "q_0.1": 4.460486351845997, "q_0.125": 4.606059433029293, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.935341696069088, "q_0.225": 5.041079699526768, "q_0.25": 5.13321653313719, "q_0.275": 5.2479031551940905, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.439872045049711, "q_0.575": 6.554279623176743, "q_0.6": 6.657930086880654, "q_0.625": 6.739029346385659, "q_0.65": 6.830550621500532, "q_0.675": 6.944732131840182, "q_0.7": 7.02434904197775, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.186720061721006, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.687481123847246, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.06002400960384, "y": 6.1363701305086895, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.34478490407486, "q_0.1": 4.460486351845997, "q_0.125": 4.606059433029293, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.935341696069088, "q_0.225": 5.041079699526768, "q_0.25": 5.13321653313719, "q_0.275": 5.2479031551940905, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.439872045049711, "q_0.575": 6.554279623176743, "q_0.6": 6.657930086880654, "q_0.625": 6.739029346385659, "q_0.65": 6.830550621500532, "q_0.675": 6.944732131840182, "q_0.7": 7.02434904197775, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.186720061721006, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.687481123847246, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.1000400160064, "y": 5.509503614918328, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.34478490407486, "q_0.1": 4.460486351845997, "q_0.125": 4.606059433029293, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.933212996652008, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.24818044101043, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.6691524781215294, "q_0.625": 6.747072700996834, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.186720061721006, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.687481123847246, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.14005602240896, "y": 7.713279231665364, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.249282115995472, "q_0.075": 4.34478490407486, "q_0.1": 4.460486351845997, "q_0.125": 4.606059433029293, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.933212996652008, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.24818044101043, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.6691524781215294, "q_0.625": 6.747072700996834, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.186720061721006, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.687481123847246, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.18007202881153, "y": 6.3092835525930475, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.252263575929292, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.7260770285449505, "q_0.425": 5.840927161373823, "q_0.45": 6.074951271072937, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747738463072244, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.437297968645725, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.22008803521409, "y": 4.423540006606536, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.252263575929292, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.7260770285449505, "q_0.425": 5.840927161373823, "q_0.45": 6.074951271072937, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747738463072244, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.437297968645725, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.26010404161665, "y": 5.600048655224016, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.252263575929292, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.7260770285449505, "q_0.425": 5.840927161373823, "q_0.45": 6.074951271072937, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747738463072244, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.437297968645725, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.30012004801921, "y": 7.03462763659444, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.252263575929292, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.7260770285449505, "q_0.425": 5.840927161373823, "q_0.45": 6.074951271072937, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747738463072244, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.437297968645725, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.34013605442177, "y": 6.6900672953369185, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.252263575929292, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.7260770285449505, "q_0.425": 5.840927161373823, "q_0.45": 6.074951271072937, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747738463072244, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.437297968645725, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.38015206082433, "y": 7.568223174389312, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.252263575929292, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.7260770285449505, "q_0.425": 5.840927161373823, "q_0.45": 6.074951271072937, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747738463072244, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.437297968645725, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.42016806722689, "y": 4.981246200893748, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.256050144293558, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.935873870923356, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.248649189220896, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.706240551435829, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747239141515686, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.02434904197775, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.460184073629456, "y": 6.947950637275577, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.256050144293558, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.935873870923356, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.248649189220896, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.706240551435829, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747239141515686, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.02434904197775, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.500200080032016, "y": 5.773454518537434, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.256050144293558, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.935873870923356, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.248649189220896, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.706240551435829, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747239141515686, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.02434904197775, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.540216086434576, "y": 6.222956394507974, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.256050144293558, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.935873870923356, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.248649189220896, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.706240551435829, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747239141515686, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.02434904197775, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.580232092837136, "y": 7.728221570660173, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.256050144293558, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.935873870923356, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.248649189220896, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.706240551435829, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747239141515686, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.02434904197775, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.620248099239696, "y": 7.825322018467288, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.256050144293558, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.935873870923356, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.248649189220896, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.706240551435829, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.747239141515686, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.02434904197775, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.202443257596885, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.660264105642256, "y": 7.362569481123359, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.0831525913378846, "q_0.05": 4.256050144293558, "q_0.075": 4.347606948412228, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.044966337527091, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.381425115449694, "q_0.35": 5.508775886820478, "q_0.375": 5.572482639826347, "q_0.4": 5.706240551435829, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.6691524781215294, "q_0.625": 6.747072700996834, "q_0.65": 6.832122108310087, "q_0.675": 6.938249690190057, "q_0.7": 7.02434904197775, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.188736988651662, "q_0.8": 7.317181882158675, "q_0.825": 7.432407535192752, "q_0.85": 7.505505452941607, "q_0.875": 7.581158473169777, "q_0.9": 7.699648512881511, "q_0.925": 7.76888055408128, "q_0.95": 7.839738319264051, "q_0.975": 7.957500652079471, "q_1": 8.656783487070411}, {"x": 50.70028011204482, "y": 5.381425115449694, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.271828158606835, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.657930086880654, "q_0.625": 6.747738463072244, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.228085904229239, "q_0.8": 7.322831888632859, "q_0.825": 7.444051702944519, "q_0.85": 7.5099228760695125, "q_0.875": 7.5863544222920725, "q_0.9": 7.704953745544701, "q_0.925": 7.769747333849526, "q_0.95": 7.842200327395741, "q_0.975": 7.965287091381542, "q_1": 8.656783487070411}, {"x": 50.74029611844738, "y": 7.468457589651054, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.271828158606835, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.657930086880654, "q_0.625": 6.747738463072244, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.086538961463197, "q_0.75": 7.110456675747525, "q_0.775": 7.228085904229239, "q_0.8": 7.322831888632859, "q_0.825": 7.444051702944519, "q_0.85": 7.5099228760695125, "q_0.875": 7.5863544222920725, "q_0.9": 7.704953745544701, "q_0.925": 7.769747333849526, "q_0.95": 7.842200327395741, "q_0.975": 7.965287091381542, "q_1": 8.656783487070411}, {"x": 50.78031212484994, "y": 6.486735056406248, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.271828158606835, "q_0.075": 4.3775869710125415, "q_0.1": 4.460486351845997, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.935873870923356, "q_0.225": 5.041079699526768, "q_0.25": 5.134040926735094, "q_0.275": 5.236730700678295, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.562639768728845, "q_0.6": 6.657930086880654, "q_0.625": 6.747738463072244, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.088056572014871, "q_0.75": 7.1144450602403815, "q_0.775": 7.228085904229239, "q_0.8": 7.325282589647719, "q_0.825": 7.444051702944519, "q_0.85": 7.51211729450557, "q_0.875": 7.601521945496781, "q_0.9": 7.704953745544701, "q_0.925": 7.769747333849526, "q_0.95": 7.8521707561370775, "q_0.975": 7.965287091381542, "q_1": 8.656783487070411}, {"x": 50.8203281312525, "y": 5.6644298872193914, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27395188197637, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.236730700678295, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.088056572014871, "q_0.75": 7.116212837647618, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.51211729450557, "q_0.875": 7.602581038671398, "q_0.9": 7.713279231665364, "q_0.925": 7.78618425494029, "q_0.95": 7.870147641057432, "q_0.975": 7.969313538515071, "q_1": 8.656783487070411}, {"x": 50.86034413765506, "y": 4.108785346341911, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27395188197637, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.236730700678295, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.0433988184683685, "q_0.725": 7.088056572014871, "q_0.75": 7.116212837647618, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.51211729450557, "q_0.875": 7.602581038671398, "q_0.9": 7.713279231665364, "q_0.925": 7.78618425494029, "q_0.95": 7.870147641057432, "q_0.975": 7.969313538515071, "q_1": 8.656783487070411}, {"x": 50.90036014405762, "y": 7.009896962615171, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 50.94037615046019, "y": 5.952531773049255, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 50.98039215686275, "y": 7.076047748853316, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.02040816326531, "y": 6.9265908013145685, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.06042416966787, "y": 7.1079310136290195, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.10044017607043, "y": 5.160711380239443, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.14045618247299, "y": 7.1392490646782765, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.180472188875555, "y": 6.144218411314805, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.220488195278115, "y": 5.84667334975221, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.260504201680675, "y": 6.64615580544274, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.300520208083235, "y": 4.060462534449218, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.340536214485795, "y": 4.381643112717437, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.380552220888354, "y": 5.134040926735094, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.42056822729092, "y": 7.870147641057432, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.46058423369348, "y": 4.532346603150234, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.50060024009604, "y": 5.289126834881126, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.5406162464986, "y": 4.182691680591658, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.58063225290116, "y": 5.293790197765075, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.62064825930372, "y": 5.251422081944615, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.66066426570629, "y": 7.735699598519275, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.70068027210885, "y": 7.334147534573716, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.74069627851141, "y": 5.501978965156364, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.78071228491397, "y": 4.0831525913378846, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.82072829131653, "y": 7.282279073914468, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.86074429771909, "y": 6.607185528698235, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.900760304121654, "y": 4.591790499129065, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.940776310524214, "y": 7.9414667619686305, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.482762043517262, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.85693264038902, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.057690520263299, "q_0.475": 6.1477873392902005, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089282609441918, "q_0.75": 7.126925553910155, "q_0.775": 7.247406915343263, "q_0.8": 7.329586185680565, "q_0.825": 7.446020005529373, "q_0.85": 7.5133051252567515, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.972123377991125, "q_1": 8.656783487070411}, {"x": 51.980792316926774, "y": 4.386547959431385, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.108785346341911, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609025084519022, "q_0.15": 4.671423009467839, "q_0.175": 4.861157151647604, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.126925553910155, "q_0.775": 7.255813732982542, "q_0.8": 7.329586185680565, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6075721287107125, "q_0.9": 7.713279231665364, "q_0.925": 7.787569438223713, "q_0.95": 7.870147641057432, "q_0.975": 7.976529857351921, "q_1": 8.656783487070411}, {"x": 52.020808323329334, "y": 7.432407535192752, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.060824329731894, "y": 5.158769875740396, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.10084033613445, "y": 5.720157602965614, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.14085634253702, "y": 7.151894971260996, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.18087234893958, "y": 6.684542071478193, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.22088835534214, "y": 7.720562189265623, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.2609043617447, "y": 6.462962586402595, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.30092036814726, "y": 4.383429840009689, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.34093637454982, "y": 7.51211729450557, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.38095238095238, "y": 7.055294660711404, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.42096838735495, "y": 6.828714929954261, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.460984393757506, "y": 4.211287775002987, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.501000400160066, "y": 5.575066854182933, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.541016406562626, "y": 4.665422589602663, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.581032412965186, "y": 7.271846270275043, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.621048419367746, "y": 6.789883435653076, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.66106442577031, "y": 7.518173922350341, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.70108043217287, "y": 7.8521707561370775, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.74109643857543, "y": 7.089347137727554, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.78111244497799, "y": 7.965287091381542, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.82112845138055, "y": 6.454343177345563, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.86114445778311, "y": 4.152819146308496, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.90116046418568, "y": 4.06235744331653, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.94117647058824, "y": 5.370537129332367, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 52.9811924769908, "y": 7.2915198671131325, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.02120848339336, "y": 7.463056352753851, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.06122448979592, "y": 7.842200327395741, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.10124049619848, "y": 4.269062705563534, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.141256502601045, "y": 4.187808083110198, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.181272509003605, "y": 7.656757991337939, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.221288515406165, "y": 5.229422460997643, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.261304521808725, "y": 6.24056933934931, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.301320528211285, "y": 7.937220566279873, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.341336534613845, "y": 5.613426229379003, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.38135254101641, "y": 6.675079238341156, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.42136854741897, "y": 5.617183387601452, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.46138455382153, "y": 7.086538961463197, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.50140056022409, "y": 6.126331203044849, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.54141656662665, "y": 4.966974597924747, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.58143257302921, "y": 5.102990519792822, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.62144857943178, "y": 5.05091584037944, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.66146458583434, "y": 6.149186327608602, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.7014805922369, "y": 6.8340923655005525, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.74149659863946, "y": 7.82033352456636, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.78151260504202, "y": 6.800119118863604, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.82152861144458, "y": 7.15012057883883, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.111822575574601, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.459344460901524, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.135040034552558, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.861544617847144, "y": 4.6993936558912655, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.901560624249704, "y": 5.521915768767059, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.941576630652264, "y": 5.682023309336892, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 53.981592637054824, "y": 6.7753474514368275, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 54.021608643457384, "y": 5.2115914496379805, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 54.061624649859944, "y": 5.242182940034974, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 54.101640656262504, "y": 5.45398855741221, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 54.14165666266507, "y": 7.277112812756142, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 54.18167266906763, "y": 6.345091246477267, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 54.22168867547019, "y": 4.331266554023453, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 54.26170468187275, "y": 4.343943727416559, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 54.30172068827531, "y": 5.520626841439223, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381521249652034, "q_0.1": 4.505482959481341, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390548829250411, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.840595785366216, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.457908853071276, "q_0.85": 7.516675079464473, "q_0.875": 7.6349000581069655, "q_0.9": 7.713279231665364, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 7.979878653405329, "q_1": 8.656783487070411}, {"x": 54.34173669467787, "y": 7.108169739799926, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.38175270108044, "y": 6.796693131461655, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.421768707483, "y": 6.87538470553876, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.46178471388556, "y": 7.1144450602403815, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.50180072028812, "y": 5.187597105836235, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.541816726690676, "y": 6.23740063590811, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.581832733093236, "y": 6.218800839753577, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.6218487394958, "y": 7.00866441327018, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.66186474589836, "y": 7.8830467459184295, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.70188075230092, "y": 5.1553308259236506, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.74189675870348, "y": 7.228085904229239, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.78191276510604, "y": 6.693256184228506, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.8219287715086, "y": 6.37373581036337, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.86194477791117, "y": 7.157877290613817, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.90196078431373, "y": 7.839738319264051, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.94197679071629, "y": 4.189690622545211, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.949976547986341, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.391379062328635, "q_0.35": 5.508775886820478, "q_0.375": 5.605612913662584, "q_0.4": 5.72351928876486, "q_0.425": 5.879245072438962, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.303355969642889, "q_0.55": 6.459344460901524, "q_0.575": 6.585532854626287, "q_0.6": 6.679354131929909, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.092664341623829, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 54.98199279711885, "y": 4.636025148763184, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 55.02200880352141, "y": 7.088056572014871, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.27536769755606, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936876643427871, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.067237734445141, "q_0.475": 6.149186327608602, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.1392490646782765, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.027380510540096, "q_1": 8.656783487070411}, {"x": 55.06202480992397, "y": 4.381521249652034, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.24818044101043, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.049695750695342, "q_1": 8.656783487070411}, {"x": 55.102040816326536, "y": 6.123358871367403, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.24818044101043, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.049695750695342, "q_1": 8.656783487070411}, {"x": 55.142056822729096, "y": 4.931114362328738, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.24818044101043, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.049695750695342, "q_1": 8.656783487070411}, {"x": 55.182072829131656, "y": 5.151267483524238, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.24818044101043, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.049695750695342, "q_1": 8.656783487070411}, {"x": 55.222088835534215, "y": 6.874872671732287, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.24818044101043, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.870147641057432, "q_0.975": 8.049695750695342, "q_1": 8.656783487070411}, {"x": 55.262104841936775, "y": 4.1693165751878345, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.319239185848991, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.446101117070942, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.460285715514496, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.887543372929498, "q_0.975": 8.053307058666409, "q_1": 8.656783487070411}, {"x": 55.302120848339335, "y": 7.568454379323775, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.319239185848991, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.446101117070942, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.460285715514496, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.887543372929498, "q_0.975": 8.053307058666409, "q_1": 8.656783487070411}, {"x": 55.3421368547419, "y": 5.840927161373823, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.319239185848991, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.446101117070942, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.460285715514496, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.887543372929498, "q_0.975": 8.053307058666409, "q_1": 8.656783487070411}, {"x": 55.38215286114446, "y": 6.075459790528447, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.319239185848991, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.446101117070942, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.460285715514496, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.887543372929498, "q_0.975": 8.053307058666409, "q_1": 8.656783487070411}, {"x": 55.42216886754702, "y": 6.228369435935068, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.319239185848991, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.446101117070942, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.460285715514496, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.887543372929498, "q_0.975": 8.053307058666409, "q_1": 8.656783487070411}, {"x": 55.46218487394958, "y": 6.654975900260792, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.1218232669049515, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515095438240721, "q_0.125": 4.609256145343828, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.319239185848991, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.572482639826347, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.446101117070942, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.460285715514496, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.887543372929498, "q_0.975": 8.053307058666409, "q_1": 8.656783487070411}, {"x": 55.50220088035214, "y": 5.443071112494653, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.2787871181567905, "q_0.075": 4.381643112717437, "q_0.1": 4.515644042998396, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.935873870923356, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.466052559851025, "q_0.375": 5.572482639826347, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.438786177128023, "q_0.575": 6.562639768728845, "q_0.6": 6.657930086880654, "q_0.625": 6.747738463072244, "q_0.65": 6.828714929954261, "q_0.675": 6.927076434736595, "q_0.7": 7.0433988184683685, "q_0.725": 7.089347137727554, "q_0.75": 7.126925553910155, "q_0.775": 7.259281786558782, "q_0.8": 7.334147534573716, "q_0.825": 7.4598899101945895, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.7919426184128975, "q_0.95": 7.889030883302941, "q_0.975": 8.062793901452165, "q_1": 8.656783487070411}, {"x": 55.5422168867547, "y": 4.460486351845997, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.279355501564982, "q_0.075": 4.381643112717437, "q_0.1": 4.515644042998396, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.935873870923356, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.465138958871356, "q_0.375": 5.572482639826347, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.0406307249432265, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.438786177128023, "q_0.575": 6.562639768728845, "q_0.6": 6.657930086880654, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.938249690190057, "q_0.7": 7.0433988184683685, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.062793901452165, "q_1": 8.656783487070411}, {"x": 55.58223289315727, "y": 5.338094355588171, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.279355501564982, "q_0.075": 4.381643112717437, "q_0.1": 4.515644042998396, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.935873870923356, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.465138958871356, "q_0.375": 5.572482639826347, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.0406307249432265, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.438786177128023, "q_0.575": 6.562639768728845, "q_0.6": 6.657930086880654, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.938249690190057, "q_0.7": 7.0433988184683685, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.062793901452165, "q_1": 8.656783487070411}, {"x": 55.62224889955983, "y": 4.732597939884491, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.279355501564982, "q_0.075": 4.381643112717437, "q_0.1": 4.515644042998396, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.935873870923356, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.465138958871356, "q_0.375": 5.572482639826347, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.0406307249432265, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.438786177128023, "q_0.575": 6.562639768728845, "q_0.6": 6.657930086880654, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.938249690190057, "q_0.7": 7.0433988184683685, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.062793901452165, "q_1": 8.656783487070411}, {"x": 55.66226490596239, "y": 6.299772939475638, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.279355501564982, "q_0.075": 4.381643112717437, "q_0.1": 4.515644042998396, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.935873870923356, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.465138958871356, "q_0.375": 5.572482639826347, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.0406307249432265, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.438786177128023, "q_0.575": 6.562639768728845, "q_0.6": 6.657930086880654, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.938249690190057, "q_0.7": 7.0433988184683685, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.062793901452165, "q_1": 8.656783487070411}, {"x": 55.70228091236495, "y": 5.339437300956117, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.279355501564982, "q_0.075": 4.381643112717437, "q_0.1": 4.515644042998396, "q_0.125": 4.609649563181977, "q_0.15": 4.687821633353387, "q_0.175": 4.876300922834117, "q_0.2": 4.935873870923356, "q_0.225": 5.045065994911716, "q_0.25": 5.134040926735094, "q_0.275": 5.2479031551940905, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.465138958871356, "q_0.375": 5.572482639826347, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.0406307249432265, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.438786177128023, "q_0.575": 6.562639768728845, "q_0.6": 6.657930086880654, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.938249690190057, "q_0.7": 7.0433988184683685, "q_0.725": 7.089347137727554, "q_0.75": 7.128147769944071, "q_0.775": 7.265420303827962, "q_0.8": 7.334147534573716, "q_0.825": 7.463056352753851, "q_0.85": 7.523299742234963, "q_0.875": 7.6458828499127875, "q_0.9": 7.720562189265623, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.062793901452165, "q_1": 8.656783487070411}, {"x": 55.74229691876751, "y": 7.925163327293834, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.283243525352373, "q_0.075": 4.383429840009689, "q_0.1": 4.515644042998396, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.341491283836457, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.648274846080652, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.065028221486347, "q_1": 8.656783487070411}, {"x": 55.78231292517007, "y": 7.957500652079471, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.283243525352373, "q_0.075": 4.383429840009689, "q_0.1": 4.515644042998396, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.341491283836457, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.648274846080652, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.065028221486347, "q_1": 8.656783487070411}, {"x": 55.822328931572635, "y": 6.562639768728845, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.283243525352373, "q_0.075": 4.383429840009689, "q_0.1": 4.515644042998396, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.341491283836457, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.648274846080652, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.065028221486347, "q_1": 8.656783487070411}, {"x": 55.862344937975195, "y": 6.553146877273291, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.283243525352373, "q_0.075": 4.383429840009689, "q_0.1": 4.515644042998396, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.341491283836457, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.648274846080652, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.065028221486347, "q_1": 8.656783487070411}, {"x": 55.902360944377754, "y": 8.041004847563451, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.283243525352373, "q_0.075": 4.383429840009689, "q_0.1": 4.515644042998396, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.341491283836457, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.648274846080652, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.065028221486347, "q_1": 8.656783487070411}, {"x": 55.942376950780314, "y": 7.6458828499127875, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.283243525352373, "q_0.075": 4.383429840009689, "q_0.1": 4.515644042998396, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.089347137727554, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.341491283836457, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.648274846080652, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.065028221486347, "q_1": 8.656783487070411}, {"x": 55.982392957182874, "y": 7.153120059519048, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.283243525352373, "q_0.075": 4.383429840009689, "q_0.1": 4.515644042998396, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.93773496334822, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.0895050998178455, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.345706923293874, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.648274846080652, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.068094610848837, "q_1": 8.656783487070411}, {"x": 56.022408963585434, "y": 5.32881547845157, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.8051011248602893, "q_0.025": 4.152819146308496, "q_0.05": 4.283243525352373, "q_0.075": 4.383429840009689, "q_0.1": 4.515644042998396, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.93773496334822, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.497566174498546, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.0895050998178455, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.345706923293874, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.648274846080652, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.068094610848837, "q_1": 8.656783487070411}, {"x": 56.062424969987994, "y": 5.539811865538276, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.524621312709386, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.495919686388927, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.653903624837676, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.10244097639056, "y": 4.876300922834117, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.524621312709386, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.495919686388927, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.653903624837676, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.14245698279312, "y": 6.033676989944086, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.524621312709386, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.495919686388927, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.653903624837676, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.18247298919568, "y": 8.070860250562202, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.524621312709386, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.495919686388927, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.653903624837676, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.22248899559824, "y": 7.755698238457565, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.524621312709386, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.495919686388927, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.653903624837676, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.2625050020008, "y": 4.543995366273797, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.524621312709386, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.495919686388927, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.653903624837676, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.30252100840336, "y": 4.1676243065287455, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.524621312709386, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.495919686388927, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.653903624837676, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.34253701480593, "y": 7.704953745544701, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.524621312709386, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.9379495433283065, "q_0.225": 5.05091584037944, "q_0.25": 5.135478975411495, "q_0.275": 5.251305429080203, "q_0.3": 5.326098736512186, "q_0.325": 5.381425115449694, "q_0.35": 5.495919686388927, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.875623573260997, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.653903624837676, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.38255302120849, "y": 6.24241661217028, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.283243525352373, "q_0.075": 4.383429840009689, "q_0.1": 4.515644042998396, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.321254834181335, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.706218698853002, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.146890586444009, "q_0.5": 6.222956394507974, "q_0.525": 6.29935610539027, "q_0.55": 6.454343177345563, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.653903624837676, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.42256902761105, "y": 4.878558884371987, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.321254834181335, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.7051626575548084, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.446101117070942, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.656757991337939, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.46258503401361, "y": 6.797446669766952, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.321254834181335, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.7051626575548084, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.446101117070942, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.656757991337939, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.50260104041617, "y": 6.679354131929909, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.321254834181335, "q_0.325": 5.381425115449694, "q_0.35": 5.4934499542244986, "q_0.375": 5.598264224247254, "q_0.4": 5.7051626575548084, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.446101117070942, "q_0.575": 6.562639768728845, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.559253690893296, "q_0.875": 7.656757991337939, "q_0.9": 7.728221570660173, "q_0.925": 7.82033352456636, "q_0.95": 7.891267869684307, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.54261704681873, "y": 4.564510061852096, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.58263305322129, "y": 5.1226554097052235, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.62264905962385, "y": 4.314672127583073, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.66266506602641, "y": 4.9227058523285345, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.70268107242897, "y": 4.609025084519022, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.74269707883153, "y": 4.85693264038902, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.78271308523409, "y": 6.854575292342254, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.82272909163666, "y": 4.27536769755606, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.86274509803922, "y": 4.488541919131649, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.90276110444178, "y": 4.620467243062304, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.94277711084434, "y": 5.3615518218203295, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 56.9827931172469, "y": 5.290215727365148, "y_pred": 6.222956394507974, "target": "0", "q_0": 3.862691537907574, "q_0.025": 4.1693165751878345, "q_0.05": 4.303241173291312, "q_0.075": 4.383429840009689, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.876300922834117, "q_0.2": 4.936857362874977, "q_0.225": 5.05091584037944, "q_0.25": 5.134040926735094, "q_0.275": 5.251305429080203, "q_0.3": 5.30951169458147, "q_0.325": 5.381425115449694, "q_0.35": 5.480378124576764, "q_0.375": 5.598264224247254, "q_0.4": 5.693242084446407, "q_0.425": 5.840927161373823, "q_0.45": 6.052923387561611, "q_0.475": 6.145811128810768, "q_0.5": 6.222956394507974, "q_0.525": 6.298661381914654, "q_0.55": 6.444215516736463, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.757343395456734, "q_0.65": 6.8340923655005525, "q_0.675": 6.944732131840182, "q_0.7": 7.049884809491566, "q_0.725": 7.095665621339528, "q_0.75": 7.1392490646782765, "q_0.775": 7.271846270275043, "q_0.8": 7.362569481123359, "q_0.825": 7.463056352753851, "q_0.85": 7.568223174389312, "q_0.875": 7.656757991337939, "q_0.9": 7.728612872168439, "q_0.925": 7.820504109833605, "q_0.95": 7.898807765374084, "q_0.975": 8.072351672806978, "q_1": 8.656783487070411}, {"x": 57.02280912364946, "y": 5.113696215703577, "y_pred": 6.228369435935068, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.1693165751878345, "q_0.05": 4.313995137830147, "q_0.075": 4.386547959431385, "q_0.1": 4.532346603150234, "q_0.125": 4.620467243062304, "q_0.15": 4.6993936558912655, "q_0.175": 4.878558884371987, "q_0.2": 4.955720988370454, "q_0.225": 5.05189249273273, "q_0.25": 5.151267483524238, "q_0.275": 5.251305429080203, "q_0.3": 5.32881547845157, "q_0.325": 5.390982361126445, "q_0.35": 5.508775886820478, "q_0.375": 5.60451966408088, "q_0.4": 5.706218698853002, "q_0.425": 5.886105011789981, "q_0.45": 6.057690520263299, "q_0.475": 6.146890586444009, "q_0.5": 6.228369435935068, "q_0.525": 6.299772939475638, "q_0.55": 6.454343177345563, "q_0.575": 6.577643051367236, "q_0.6": 6.675079238341156, "q_0.625": 6.789883435653076, "q_0.65": 6.85301778366183, "q_0.675": 6.947672830813641, "q_0.7": 7.055294660711404, "q_0.725": 7.106151108103749, "q_0.75": 7.15012057883883, "q_0.775": 7.282279073914468, "q_0.8": 7.378395279746822, "q_0.825": 7.484458296526635, "q_0.85": 7.568454379323775, "q_0.875": 7.671882404954735, "q_0.9": 7.735699598519275, "q_0.925": 7.825322018467288, "q_0.95": 7.917485895467731, "q_0.975": 8.087444038800733, "q_1": 8.656783487070411}, {"x": 57.062825130052026, "y": 7.126925553910155, "y_pred": 6.24241661217028, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.182691680591658, "q_0.05": 4.331266554023453, "q_0.075": 4.42070350360095, "q_0.1": 4.564510061852096, "q_0.125": 4.629083673679015, "q_0.15": 4.7317609288643805, "q_0.175": 4.909365837454605, "q_0.2": 4.977043761741297, "q_0.225": 5.102990519792822, "q_0.25": 5.184031077124445, "q_0.275": 5.287488820414848, "q_0.3": 5.342937656487511, "q_0.325": 5.438541504313273, "q_0.35": 5.539419070834594, "q_0.375": 5.656107521638343, "q_0.4": 5.773454518537434, "q_0.425": 5.952531773049255, "q_0.45": 6.081612164918977, "q_0.475": 6.152797806255528, "q_0.5": 6.24241661217028, "q_0.525": 6.3092835525930475, "q_0.55": 6.465536254452598, "q_0.575": 6.601616879484233, "q_0.6": 6.687848398930965, "q_0.625": 6.797446669766952, "q_0.65": 6.875949585473359, "q_0.675": 6.961121135243478, "q_0.7": 7.081019501896454, "q_0.725": 7.1144450602403815, "q_0.75": 7.202443257596885, "q_0.775": 7.322831888632859, "q_0.8": 7.437297968645725, "q_0.825": 7.51211729450557, "q_0.85": 7.6075721287107125, "q_0.875": 7.704953745544701, "q_0.9": 7.78618425494029, "q_0.925": 7.842200327395741, "q_0.95": 7.954445289561369, "q_0.975": 8.133461699729155, "q_1": 8.75141489812569}, {"x": 57.102841136454586, "y": 8.133461699729155, "y_pred": 6.24241661217028, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.182691680591658, "q_0.05": 4.331266554023453, "q_0.075": 4.42070350360095, "q_0.1": 4.564510061852096, "q_0.125": 4.636025148763184, "q_0.15": 4.7317609288643805, "q_0.175": 4.9094411838194745, "q_0.2": 4.981246200893748, "q_0.225": 5.102990519792822, "q_0.25": 5.184887186149939, "q_0.275": 5.287488820414848, "q_0.3": 5.342937656487511, "q_0.325": 5.438541504313273, "q_0.35": 5.539419070834594, "q_0.375": 5.656107521638343, "q_0.4": 5.773454518537434, "q_0.425": 5.952531773049255, "q_0.45": 6.081612164918977, "q_0.475": 6.152797806255528, "q_0.5": 6.24241661217028, "q_0.525": 6.3092835525930475, "q_0.55": 6.465536254452598, "q_0.575": 6.601616879484233, "q_0.6": 6.687848398930965, "q_0.625": 6.797446669766952, "q_0.65": 6.875949585473359, "q_0.675": 6.961121135243478, "q_0.7": 7.081019501896454, "q_0.725": 7.1144450602403815, "q_0.75": 7.228085904229239, "q_0.775": 7.325221322122348, "q_0.8": 7.437297968645725, "q_0.825": 7.51211729450557, "q_0.85": 7.6075721287107125, "q_0.875": 7.704953745544701, "q_0.9": 7.78618425494029, "q_0.925": 7.842200327395741, "q_0.95": 7.954445289561369, "q_0.975": 8.133461699729155, "q_1": 8.75141489812569}, {"x": 57.142857142857146, "y": 6.249456352045211, "y_pred": 6.24241661217028, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.182691680591658, "q_0.05": 4.331266554023453, "q_0.075": 4.42070350360095, "q_0.1": 4.564510061852096, "q_0.125": 4.636025148763184, "q_0.15": 4.7317609288643805, "q_0.175": 4.9094411838194745, "q_0.2": 4.981246200893748, "q_0.225": 5.102990519792822, "q_0.25": 5.184887186149939, "q_0.275": 5.287488820414848, "q_0.3": 5.342937656487511, "q_0.325": 5.438541504313273, "q_0.35": 5.539419070834594, "q_0.375": 5.656107521638343, "q_0.4": 5.773454518537434, "q_0.425": 5.952531773049255, "q_0.45": 6.081612164918977, "q_0.475": 6.152797806255528, "q_0.5": 6.24241661217028, "q_0.525": 6.3092835525930475, "q_0.55": 6.465536254452598, "q_0.575": 6.601616879484233, "q_0.6": 6.687848398930965, "q_0.625": 6.797446669766952, "q_0.65": 6.875949585473359, "q_0.675": 6.961121135243478, "q_0.7": 7.081019501896454, "q_0.725": 7.1144450602403815, "q_0.75": 7.228085904229239, "q_0.775": 7.325221322122348, "q_0.8": 7.437297968645725, "q_0.825": 7.51211729450557, "q_0.85": 7.6075721287107125, "q_0.875": 7.704953745544701, "q_0.9": 7.78618425494029, "q_0.925": 7.842200327395741, "q_0.95": 7.954445289561369, "q_0.975": 8.133461699729155, "q_1": 8.75141489812569}, {"x": 57.182873149259706, "y": 7.917485895467731, "y_pred": 6.24241661217028, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.182691680591658, "q_0.05": 4.331266554023453, "q_0.075": 4.42070350360095, "q_0.1": 4.564510061852096, "q_0.125": 4.636025148763184, "q_0.15": 4.7317609288643805, "q_0.175": 4.9094411838194745, "q_0.2": 4.981246200893748, "q_0.225": 5.102990519792822, "q_0.25": 5.184887186149939, "q_0.275": 5.287488820414848, "q_0.3": 5.342937656487511, "q_0.325": 5.438541504313273, "q_0.35": 5.539419070834594, "q_0.375": 5.656107521638343, "q_0.4": 5.773454518537434, "q_0.425": 5.952531773049255, "q_0.45": 6.081612164918977, "q_0.475": 6.152797806255528, "q_0.5": 6.24241661217028, "q_0.525": 6.3092835525930475, "q_0.55": 6.465536254452598, "q_0.575": 6.601616879484233, "q_0.6": 6.687848398930965, "q_0.625": 6.797446669766952, "q_0.65": 6.875949585473359, "q_0.675": 6.961121135243478, "q_0.7": 7.081019501896454, "q_0.725": 7.1144450602403815, "q_0.75": 7.228085904229239, "q_0.775": 7.325221322122348, "q_0.8": 7.437297968645725, "q_0.825": 7.51211729450557, "q_0.85": 7.6075721287107125, "q_0.875": 7.704953745544701, "q_0.9": 7.78618425494029, "q_0.925": 7.842200327395741, "q_0.95": 7.954445289561369, "q_0.975": 8.133461699729155, "q_1": 8.75141489812569}, {"x": 57.222889155662266, "y": 5.693242084446407, "y_pred": 6.24241661217028, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.182691680591658, "q_0.05": 4.331266554023453, "q_0.075": 4.42070350360095, "q_0.1": 4.564510061852096, "q_0.125": 4.636025148763184, "q_0.15": 4.7317609288643805, "q_0.175": 4.9094411838194745, "q_0.2": 4.981246200893748, "q_0.225": 5.102990519792822, "q_0.25": 5.184887186149939, "q_0.275": 5.287488820414848, "q_0.3": 5.342937656487511, "q_0.325": 5.438541504313273, "q_0.35": 5.539419070834594, "q_0.375": 5.656107521638343, "q_0.4": 5.773454518537434, "q_0.425": 5.952531773049255, "q_0.45": 6.081612164918977, "q_0.475": 6.152797806255528, "q_0.5": 6.24241661217028, "q_0.525": 6.3092835525930475, "q_0.55": 6.465536254452598, "q_0.575": 6.601616879484233, "q_0.6": 6.687848398930965, "q_0.625": 6.797446669766952, "q_0.65": 6.875949585473359, "q_0.675": 6.961121135243478, "q_0.7": 7.081019501896454, "q_0.725": 7.1144450602403815, "q_0.75": 7.228085904229239, "q_0.775": 7.325221322122348, "q_0.8": 7.437297968645725, "q_0.825": 7.51211729450557, "q_0.85": 7.6075721287107125, "q_0.875": 7.704953745544701, "q_0.9": 7.78618425494029, "q_0.925": 7.842200327395741, "q_0.95": 7.954445289561369, "q_0.975": 8.133461699729155, "q_1": 8.75141489812569}, {"x": 57.262905162064826, "y": 4.515644042998396, "y_pred": 6.24241661217028, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.182691680591658, "q_0.05": 4.3429763921581275, "q_0.075": 4.42070350360095, "q_0.1": 4.580811489139448, "q_0.125": 4.636025148763184, "q_0.15": 4.732020561033832, "q_0.175": 4.9094411838194745, "q_0.2": 4.981246200893748, "q_0.225": 5.102990519792822, "q_0.25": 5.184887186149939, "q_0.275": 5.287488820414848, "q_0.3": 5.347108376247142, "q_0.325": 5.438541504313273, "q_0.35": 5.539811865538276, "q_0.375": 5.656107521638343, "q_0.4": 5.773454518537434, "q_0.425": 5.952531773049255, "q_0.45": 6.081612164918977, "q_0.475": 6.152797806255528, "q_0.5": 6.24241661217028, "q_0.525": 6.3092835525930475, "q_0.55": 6.475082619659686, "q_0.575": 6.601616879484233, "q_0.6": 6.687848398930965, "q_0.625": 6.797446669766952, "q_0.65": 6.875949585473359, "q_0.675": 6.974000092888221, "q_0.7": 7.086538961463197, "q_0.725": 7.116212837647618, "q_0.75": 7.228085904229239, "q_0.775": 7.325282589647719, "q_0.8": 7.444051702944519, "q_0.825": 7.51211729450557, "q_0.85": 7.6349000581069655, "q_0.875": 7.704953745544701, "q_0.9": 7.78618425494029, "q_0.925": 7.8521707561370775, "q_0.95": 7.957500652079471, "q_0.975": 8.133461699729155, "q_1": 8.75141489812569}, {"x": 57.30292116846739, "y": 5.744590783872283, "y_pred": 6.24241661217028, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.182691680591658, "q_0.05": 4.3429763921581275, "q_0.075": 4.42070350360095, "q_0.1": 4.580811489139448, "q_0.125": 4.636025148763184, "q_0.15": 4.732020561033832, "q_0.175": 4.9094411838194745, "q_0.2": 4.981246200893748, "q_0.225": 5.102990519792822, "q_0.25": 5.184887186149939, "q_0.275": 5.287488820414848, "q_0.3": 5.347108376247142, "q_0.325": 5.438541504313273, "q_0.35": 5.539811865538276, "q_0.375": 5.656107521638343, "q_0.4": 5.773454518537434, "q_0.425": 5.952531773049255, "q_0.45": 6.081612164918977, "q_0.475": 6.152797806255528, "q_0.5": 6.24241661217028, "q_0.525": 6.3092835525930475, "q_0.55": 6.475082619659686, "q_0.575": 6.601616879484233, "q_0.6": 6.687848398930965, "q_0.625": 6.797446669766952, "q_0.65": 6.875949585473359, "q_0.675": 6.974000092888221, "q_0.7": 7.086538961463197, "q_0.725": 7.116212837647618, "q_0.75": 7.228085904229239, "q_0.775": 7.325282589647719, "q_0.8": 7.444051702944519, "q_0.825": 7.51211729450557, "q_0.85": 7.6349000581069655, "q_0.875": 7.704953745544701, "q_0.9": 7.78618425494029, "q_0.925": 7.8521707561370775, "q_0.95": 7.957500652079471, "q_0.975": 8.133461699729155, "q_1": 8.75141489812569}, {"x": 57.34293717486995, "y": 5.287488820414848, "y_pred": 6.2482342900515695, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.189093809614454, "q_0.05": 4.3436102864082, "q_0.075": 4.430040839189768, "q_0.1": 4.58685287249369, "q_0.125": 4.636025148763184, "q_0.15": 4.732597939884491, "q_0.175": 4.920466131836241, "q_0.2": 4.981246200893748, "q_0.225": 5.102990519792822, "q_0.25": 5.187597105836235, "q_0.275": 5.287488820414848, "q_0.3": 5.347108376247142, "q_0.325": 5.443071112494653, "q_0.35": 5.539811865538276, "q_0.375": 5.673210161176248, "q_0.4": 5.783031141582168, "q_0.425": 5.957988925578241, "q_0.45": 6.087499373460008, "q_0.475": 6.1611669678151895, "q_0.5": 6.2482342900515695, "q_0.525": 6.325271785433165, "q_0.55": 6.507863533141688, "q_0.575": 6.607185528698235, "q_0.6": 6.6900672953369185, "q_0.625": 6.800119118863604, "q_0.65": 6.8982771758681185, "q_0.675": 6.984478038534571, "q_0.7": 7.086538961463197, "q_0.725": 7.126925553910155, "q_0.75": 7.247406915343263, "q_0.775": 7.329586185680565, "q_0.8": 7.446020005529373, "q_0.825": 7.516675079464473, "q_0.85": 7.6458828499127875, "q_0.875": 7.713279231665364, "q_0.9": 7.787569438223713, "q_0.925": 7.8521707561370775, "q_0.95": 7.957500652079471, "q_0.975": 8.133461699729155, "q_1": 8.75141489812569}, {"x": 57.38295318127251, "y": 6.0907051342513086, "y_pred": 6.2482342900515695, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.189093809614454, "q_0.05": 4.343943727416559, "q_0.075": 4.453688787362178, "q_0.1": 4.58685287249369, "q_0.125": 4.639328602508357, "q_0.15": 4.732597939884491, "q_0.175": 4.920466131836241, "q_0.2": 4.990548377091267, "q_0.225": 5.102990519792822, "q_0.25": 5.187597105836235, "q_0.275": 5.289126834881126, "q_0.3": 5.3588816768914995, "q_0.325": 5.443071112494653, "q_0.35": 5.5413418269448105, "q_0.375": 5.6737204739936455, "q_0.4": 5.802539059625862, "q_0.425": 5.957988925578241, "q_0.45": 6.081612164918977, "q_0.475": 6.1611669678151895, "q_0.5": 6.2482342900515695, "q_0.525": 6.325271785433165, "q_0.55": 6.49436389982853, "q_0.575": 6.607185528698235, "q_0.6": 6.690604747733197, "q_0.625": 6.800119118863604, "q_0.65": 6.9036364853327825, "q_0.675": 6.986633512608696, "q_0.7": 7.088056572014871, "q_0.725": 7.128147769944071, "q_0.75": 7.255813732982542, "q_0.775": 7.334147534573716, "q_0.8": 7.457908853071276, "q_0.825": 7.516675079464473, "q_0.85": 7.6458828499127875, "q_0.875": 7.720562189265623, "q_0.9": 7.7919426184128975, "q_0.925": 7.870147641057432, "q_0.95": 7.958802616307166, "q_0.975": 8.16227263890931, "q_1": 8.75141489812569}, {"x": 57.42296918767507, "y": 6.757343395456734, "y_pred": 6.2482342900515695, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.209068378464134, "q_0.05": 4.343943727416559, "q_0.075": 4.453688787362178, "q_0.1": 4.58685287249369, "q_0.125": 4.639379334929002, "q_0.15": 4.732597939884491, "q_0.175": 4.920466131836241, "q_0.2": 4.990548377091267, "q_0.225": 5.102990519792822, "q_0.25": 5.187597105836235, "q_0.275": 5.288963033434498, "q_0.3": 5.3588816768914995, "q_0.325": 5.443071112494653, "q_0.35": 5.5413418269448105, "q_0.375": 5.673210161176248, "q_0.4": 5.784501430094777, "q_0.425": 5.957988925578241, "q_0.45": 6.081612164918977, "q_0.475": 6.1611669678151895, "q_0.5": 6.2482342900515695, "q_0.525": 6.325271785433165, "q_0.55": 6.49436389982853, "q_0.575": 6.607185528698235, "q_0.6": 6.692195609630379, "q_0.625": 6.800119118863604, "q_0.65": 6.9036364853327825, "q_0.675": 6.986633512608696, "q_0.7": 7.088056572014871, "q_0.725": 7.128147769944071, "q_0.75": 7.265420303827962, "q_0.775": 7.334824091520664, "q_0.8": 7.4598899101945895, "q_0.825": 7.518297183219039, "q_0.85": 7.64732980904761, "q_0.875": 7.720562189265623, "q_0.9": 7.7919426184128975, "q_0.925": 7.870147641057432, "q_0.95": 7.965287091381542, "q_0.975": 8.16227263890931, "q_1": 8.75141489812569}, {"x": 57.46298519407763, "y": 5.961087884738324, "y_pred": 6.2482342900515695, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.209068378464134, "q_0.05": 4.343943727416559, "q_0.075": 4.453688787362178, "q_0.1": 4.58685287249369, "q_0.125": 4.639379334929002, "q_0.15": 4.732597939884491, "q_0.175": 4.920466131836241, "q_0.2": 4.990548377091267, "q_0.225": 5.102990519792822, "q_0.25": 5.187597105836235, "q_0.275": 5.288963033434498, "q_0.3": 5.3588816768914995, "q_0.325": 5.443071112494653, "q_0.35": 5.5413418269448105, "q_0.375": 5.673210161176248, "q_0.4": 5.784501430094777, "q_0.425": 5.957988925578241, "q_0.45": 6.081612164918977, "q_0.475": 6.1611669678151895, "q_0.5": 6.2482342900515695, "q_0.525": 6.325271785433165, "q_0.55": 6.49436389982853, "q_0.575": 6.607185528698235, "q_0.6": 6.692195609630379, "q_0.625": 6.800119118863604, "q_0.65": 6.9036364853327825, "q_0.675": 6.986633512608696, "q_0.7": 7.088056572014871, "q_0.725": 7.128147769944071, "q_0.75": 7.265420303827962, "q_0.775": 7.334824091520664, "q_0.8": 7.4598899101945895, "q_0.825": 7.518297183219039, "q_0.85": 7.64732980904761, "q_0.875": 7.720562189265623, "q_0.9": 7.7919426184128975, "q_0.925": 7.870147641057432, "q_0.95": 7.965287091381542, "q_0.975": 8.16227263890931, "q_1": 8.75141489812569}, {"x": 57.50300120048019, "y": 7.891267869684307, "y_pred": 6.250175907946609, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211287775002987, "q_0.05": 4.347606948412228, "q_0.075": 4.460486351845997, "q_0.1": 4.598335254535328, "q_0.125": 4.665422589602663, "q_0.15": 4.761465645334576, "q_0.175": 4.931114362328738, "q_0.2": 5.024010989310101, "q_0.225": 5.120782424789921, "q_0.25": 5.2115914496379805, "q_0.275": 5.290215727365148, "q_0.3": 5.3812903189554415, "q_0.325": 5.465138958871356, "q_0.35": 5.572482639826347, "q_0.375": 5.682023309336892, "q_0.4": 5.839503411873947, "q_0.425": 5.9770566636681925, "q_0.45": 6.0907051342513086, "q_0.475": 6.185318079855138, "q_0.5": 6.250175907946609, "q_0.525": 6.371714549575328, "q_0.55": 6.553146877273291, "q_0.575": 6.642254678323099, "q_0.6": 6.739029346385659, "q_0.625": 6.828714929954261, "q_0.65": 6.927562068158622, "q_0.675": 7.02434904197775, "q_0.7": 7.095665621339528, "q_0.725": 7.151894971260996, "q_0.75": 7.288591279204791, "q_0.775": 7.38092137103429, "q_0.8": 7.484458296526635, "q_0.825": 7.568454379323775, "q_0.85": 7.658270432699586, "q_0.875": 7.735699598519275, "q_0.9": 7.820504109833605, "q_0.925": 7.891267869684307, "q_0.95": 7.979878653405329, "q_0.975": 8.177872505366615, "q_1": 8.75141489812569}, {"x": 57.54301720688276, "y": 7.687481123847246, "y_pred": 6.250175907946609, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211287775002987, "q_0.05": 4.347606948412228, "q_0.075": 4.460486351845997, "q_0.1": 4.598335254535328, "q_0.125": 4.665422589602663, "q_0.15": 4.761465645334576, "q_0.175": 4.931114362328738, "q_0.2": 5.024010989310101, "q_0.225": 5.120782424789921, "q_0.25": 5.2115914496379805, "q_0.275": 5.290215727365148, "q_0.3": 5.3812903189554415, "q_0.325": 5.465138958871356, "q_0.35": 5.572482639826347, "q_0.375": 5.682023309336892, "q_0.4": 5.839503411873947, "q_0.425": 5.9770566636681925, "q_0.45": 6.0907051342513086, "q_0.475": 6.185318079855138, "q_0.5": 6.250175907946609, "q_0.525": 6.371714549575328, "q_0.55": 6.553146877273291, "q_0.575": 6.642254678323099, "q_0.6": 6.739029346385659, "q_0.625": 6.828714929954261, "q_0.65": 6.927562068158622, "q_0.675": 7.02434904197775, "q_0.7": 7.095665621339528, "q_0.725": 7.151894971260996, "q_0.75": 7.288591279204791, "q_0.775": 7.38092137103429, "q_0.8": 7.484458296526635, "q_0.825": 7.568454379323775, "q_0.85": 7.658270432699586, "q_0.875": 7.735699598519275, "q_0.9": 7.820504109833605, "q_0.925": 7.891267869684307, "q_0.95": 7.979878653405329, "q_0.975": 8.177872505366615, "q_1": 8.75141489812569}, {"x": 57.58303321328532, "y": 6.944732131840182, "y_pred": 6.250175907946609, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211287775002987, "q_0.05": 4.347606948412228, "q_0.075": 4.460486351845997, "q_0.1": 4.598335254535328, "q_0.125": 4.665422589602663, "q_0.15": 4.761465645334576, "q_0.175": 4.931114362328738, "q_0.2": 5.024010989310101, "q_0.225": 5.120782424789921, "q_0.25": 5.2115914496379805, "q_0.275": 5.290215727365148, "q_0.3": 5.3812903189554415, "q_0.325": 5.465138958871356, "q_0.35": 5.572482639826347, "q_0.375": 5.682023309336892, "q_0.4": 5.839503411873947, "q_0.425": 5.9770566636681925, "q_0.45": 6.0907051342513086, "q_0.475": 6.185318079855138, "q_0.5": 6.250175907946609, "q_0.525": 6.371714549575328, "q_0.55": 6.553146877273291, "q_0.575": 6.642254678323099, "q_0.6": 6.739029346385659, "q_0.625": 6.828714929954261, "q_0.65": 6.927562068158622, "q_0.675": 7.02434904197775, "q_0.7": 7.095665621339528, "q_0.725": 7.151894971260996, "q_0.75": 7.288591279204791, "q_0.775": 7.38092137103429, "q_0.8": 7.484458296526635, "q_0.825": 7.568454379323775, "q_0.85": 7.658270432699586, "q_0.875": 7.735699598519275, "q_0.9": 7.820504109833605, "q_0.925": 7.891267869684307, "q_0.95": 7.979878653405329, "q_0.975": 8.177872505366615, "q_1": 8.75141489812569}, {"x": 57.62304921968788, "y": 6.081612164918977, "y_pred": 6.250175907946609, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211287775002987, "q_0.05": 4.3708626516283235, "q_0.075": 4.460486351845997, "q_0.1": 4.598335254535328, "q_0.125": 4.665422589602663, "q_0.15": 4.764826637626218, "q_0.175": 4.931114362328738, "q_0.2": 5.024010989310101, "q_0.225": 5.120782424789921, "q_0.25": 5.2115914496379805, "q_0.275": 5.290215727365148, "q_0.3": 5.3812903189554415, "q_0.325": 5.465138958871356, "q_0.35": 5.572482639826347, "q_0.375": 5.682023309336892, "q_0.4": 5.839503411873947, "q_0.425": 5.9770566636681925, "q_0.45": 6.0907051342513086, "q_0.475": 6.185318079855138, "q_0.5": 6.250175907946609, "q_0.525": 6.371714549575328, "q_0.55": 6.553146877273291, "q_0.575": 6.642254678323099, "q_0.6": 6.739029346385659, "q_0.625": 6.828714929954261, "q_0.65": 6.938249690190057, "q_0.675": 7.02434904197775, "q_0.7": 7.105755522534984, "q_0.725": 7.151894971260996, "q_0.75": 7.2915198671131325, "q_0.775": 7.394550905989107, "q_0.8": 7.484458296526635, "q_0.825": 7.568454379323775, "q_0.85": 7.671882404954735, "q_0.875": 7.735699598519275, "q_0.9": 7.820504109833605, "q_0.925": 7.891267869684307, "q_0.95": 8.013159591495198, "q_0.975": 8.177872505366615, "q_1": 8.759634274030816}, {"x": 57.66306522609044, "y": 4.62491878862851, "y_pred": 6.250175907946609, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211287775002987, "q_0.05": 4.3708626516283235, "q_0.075": 4.460486351845997, "q_0.1": 4.598335254535328, "q_0.125": 4.665422589602663, "q_0.15": 4.764826637626218, "q_0.175": 4.931114362328738, "q_0.2": 5.024010989310101, "q_0.225": 5.120782424789921, "q_0.25": 5.2115914496379805, "q_0.275": 5.290215727365148, "q_0.3": 5.3812903189554415, "q_0.325": 5.465138958871356, "q_0.35": 5.572482639826347, "q_0.375": 5.682023309336892, "q_0.4": 5.839503411873947, "q_0.425": 5.9770566636681925, "q_0.45": 6.0907051342513086, "q_0.475": 6.185318079855138, "q_0.5": 6.250175907946609, "q_0.525": 6.371714549575328, "q_0.55": 6.553146877273291, "q_0.575": 6.642254678323099, "q_0.6": 6.739029346385659, "q_0.625": 6.828714929954261, "q_0.65": 6.938249690190057, "q_0.675": 7.02434904197775, "q_0.7": 7.105755522534984, "q_0.725": 7.151894971260996, "q_0.75": 7.2915198671131325, "q_0.775": 7.394550905989107, "q_0.8": 7.484458296526635, "q_0.825": 7.568454379323775, "q_0.85": 7.671882404954735, "q_0.875": 7.735699598519275, "q_0.9": 7.820504109833605, "q_0.925": 7.891267869684307, "q_0.95": 8.013159591495198, "q_0.975": 8.177872505366615, "q_1": 8.759634274030816}, {"x": 57.703081232493, "y": 5.706218698853002, "y_pred": 6.250175907946609, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211287775002987, "q_0.05": 4.3708626516283235, "q_0.075": 4.460486351845997, "q_0.1": 4.598335254535328, "q_0.125": 4.665422589602663, "q_0.15": 4.764826637626218, "q_0.175": 4.931114362328738, "q_0.2": 5.024010989310101, "q_0.225": 5.120782424789921, "q_0.25": 5.2115914496379805, "q_0.275": 5.290215727365148, "q_0.3": 5.3812903189554415, "q_0.325": 5.465138958871356, "q_0.35": 5.572482639826347, "q_0.375": 5.682023309336892, "q_0.4": 5.839503411873947, "q_0.425": 5.9770566636681925, "q_0.45": 6.0907051342513086, "q_0.475": 6.185318079855138, "q_0.5": 6.250175907946609, "q_0.525": 6.371714549575328, "q_0.55": 6.553146877273291, "q_0.575": 6.642254678323099, "q_0.6": 6.739029346385659, "q_0.625": 6.828714929954261, "q_0.65": 6.938249690190057, "q_0.675": 7.02434904197775, "q_0.7": 7.105755522534984, "q_0.725": 7.151894971260996, "q_0.75": 7.2915198671131325, "q_0.775": 7.394550905989107, "q_0.8": 7.484458296526635, "q_0.825": 7.568454379323775, "q_0.85": 7.671882404954735, "q_0.875": 7.735699598519275, "q_0.9": 7.820504109833605, "q_0.925": 7.891267869684307, "q_0.95": 8.013159591495198, "q_0.975": 8.177872505366615, "q_1": 8.759634274030816}, {"x": 57.74309723889556, "y": 6.959203447694513, "y_pred": 6.250175907946609, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211386530730391, "q_0.05": 4.3708626516283235, "q_0.075": 4.482762043517262, "q_0.1": 4.606059433029293, "q_0.125": 4.665422589602663, "q_0.15": 4.764826637626218, "q_0.175": 4.931784502214521, "q_0.2": 5.025263307888901, "q_0.225": 5.1226554097052235, "q_0.25": 5.216614980798683, "q_0.275": 5.293790197765075, "q_0.3": 5.381425115449694, "q_0.325": 5.466052559851025, "q_0.35": 5.598264224247254, "q_0.375": 5.693242084446407, "q_0.4": 5.840642411473849, "q_0.425": 5.9770566636681925, "q_0.45": 6.123358871367403, "q_0.475": 6.185318079855138, "q_0.5": 6.250175907946609, "q_0.525": 6.38830657909329, "q_0.55": 6.556922696951482, "q_0.575": 6.64615580544274, "q_0.6": 6.739029346385659, "q_0.625": 6.8340923655005525, "q_0.65": 6.944732131840182, "q_0.675": 7.0433988184683685, "q_0.7": 7.1077530230764925, "q_0.725": 7.157877290613817, "q_0.75": 7.303487754943594, "q_0.775": 7.409750490544118, "q_0.8": 7.494307419463388, "q_0.825": 7.576381492860504, "q_0.85": 7.672438687443597, "q_0.875": 7.744368028576007, "q_0.9": 7.820504109833605, "q_0.925": 7.898807765374084, "q_0.95": 8.027380510540096, "q_0.975": 8.19749931912753, "q_1": 8.759634274030816}, {"x": 57.78311324529812, "y": 5.251305429080203, "y_pred": 6.250175907946609, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211386530730391, "q_0.05": 4.3708626516283235, "q_0.075": 4.482762043517262, "q_0.1": 4.606059433029293, "q_0.125": 4.665422589602663, "q_0.15": 4.764826637626218, "q_0.175": 4.931784502214521, "q_0.2": 5.025263307888901, "q_0.225": 5.1226554097052235, "q_0.25": 5.216614980798683, "q_0.275": 5.293790197765075, "q_0.3": 5.381425115449694, "q_0.325": 5.466052559851025, "q_0.35": 5.598264224247254, "q_0.375": 5.693242084446407, "q_0.4": 5.840642411473849, "q_0.425": 5.9770566636681925, "q_0.45": 6.123358871367403, "q_0.475": 6.185318079855138, "q_0.5": 6.250175907946609, "q_0.525": 6.38830657909329, "q_0.55": 6.556922696951482, "q_0.575": 6.64615580544274, "q_0.6": 6.739029346385659, "q_0.625": 6.8340923655005525, "q_0.65": 6.944732131840182, "q_0.675": 7.0433988184683685, "q_0.7": 7.1077530230764925, "q_0.725": 7.157877290613817, "q_0.75": 7.303487754943594, "q_0.775": 7.409750490544118, "q_0.8": 7.494307419463388, "q_0.825": 7.576381492860504, "q_0.85": 7.672438687443597, "q_0.875": 7.744368028576007, "q_0.9": 7.820504109833605, "q_0.925": 7.898807765374084, "q_0.95": 8.027380510540096, "q_0.975": 8.19749931912753, "q_1": 8.759634274030816}, {"x": 57.823129251700685, "y": 4.515095438240721, "y_pred": 6.250175907946609, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211386530730391, "q_0.05": 4.3708626516283235, "q_0.075": 4.482762043517262, "q_0.1": 4.606059433029293, "q_0.125": 4.665422589602663, "q_0.15": 4.764826637626218, "q_0.175": 4.931784502214521, "q_0.2": 5.025263307888901, "q_0.225": 5.1226554097052235, "q_0.25": 5.216614980798683, "q_0.275": 5.293790197765075, "q_0.3": 5.381425115449694, "q_0.325": 5.466052559851025, "q_0.35": 5.598264224247254, "q_0.375": 5.693242084446407, "q_0.4": 5.840642411473849, "q_0.425": 5.9770566636681925, "q_0.45": 6.123358871367403, "q_0.475": 6.185318079855138, "q_0.5": 6.250175907946609, "q_0.525": 6.38830657909329, "q_0.55": 6.556922696951482, "q_0.575": 6.64615580544274, "q_0.6": 6.739029346385659, "q_0.625": 6.8340923655005525, "q_0.65": 6.944732131840182, "q_0.675": 7.0433988184683685, "q_0.7": 7.1077530230764925, "q_0.725": 7.157877290613817, "q_0.75": 7.303487754943594, "q_0.775": 7.409750490544118, "q_0.8": 7.494307419463388, "q_0.825": 7.576381492860504, "q_0.85": 7.672438687443597, "q_0.875": 7.744368028576007, "q_0.9": 7.820504109833605, "q_0.925": 7.898807765374084, "q_0.95": 8.027380510540096, "q_0.975": 8.19749931912753, "q_1": 8.759634274030816}, {"x": 57.863145258103245, "y": 7.7919426184128975, "y_pred": 6.253251670123682, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211386530730391, "q_0.05": 4.374179160246665, "q_0.075": 4.505482959481341, "q_0.1": 4.606059433029293, "q_0.125": 4.665422589602663, "q_0.15": 4.773197724835218, "q_0.175": 4.932552688902458, "q_0.2": 5.025263307888901, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.381425115449694, "q_0.325": 5.480378124576764, "q_0.35": 5.598264224247254, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.9793170140524055, "q_0.45": 6.123358871367403, "q_0.475": 6.20421541989995, "q_0.5": 6.253251670123682, "q_0.525": 6.399834503882525, "q_0.55": 6.562639768728845, "q_0.575": 6.64615580544274, "q_0.6": 6.747738463072244, "q_0.625": 6.8340923655005525, "q_0.65": 6.944732131840182, "q_0.675": 7.049884809491566, "q_0.7": 7.1079310136290195, "q_0.725": 7.1608603901938235, "q_0.75": 7.309967068316329, "q_0.775": 7.409750490544118, "q_0.8": 7.494307419463388, "q_0.825": 7.578682912919554, "q_0.85": 7.675270140890328, "q_0.875": 7.744368028576007, "q_0.9": 7.825322018467288, "q_0.925": 7.906764005708316, "q_0.95": 8.049695750695342, "q_0.975": 8.19749931912753, "q_1": 8.759634274030816}, {"x": 57.903161264505805, "y": 6.982745760397966, "y_pred": 6.253251670123682, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211386530730391, "q_0.05": 4.374179160246665, "q_0.075": 4.505482959481341, "q_0.1": 4.606059433029293, "q_0.125": 4.665422589602663, "q_0.15": 4.773197724835218, "q_0.175": 4.932552688902458, "q_0.2": 5.025263307888901, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.381425115449694, "q_0.325": 5.480378124576764, "q_0.35": 5.598264224247254, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.9793170140524055, "q_0.45": 6.123358871367403, "q_0.475": 6.20421541989995, "q_0.5": 6.253251670123682, "q_0.525": 6.399834503882525, "q_0.55": 6.562639768728845, "q_0.575": 6.64615580544274, "q_0.6": 6.747738463072244, "q_0.625": 6.8340923655005525, "q_0.65": 6.944732131840182, "q_0.675": 7.049884809491566, "q_0.7": 7.1079310136290195, "q_0.725": 7.1608603901938235, "q_0.75": 7.309967068316329, "q_0.775": 7.409750490544118, "q_0.8": 7.494307419463388, "q_0.825": 7.578682912919554, "q_0.85": 7.675270140890328, "q_0.875": 7.744368028576007, "q_0.9": 7.825322018467288, "q_0.925": 7.906764005708316, "q_0.95": 8.049695750695342, "q_0.975": 8.19749931912753, "q_1": 8.759634274030816}, {"x": 57.943177270908365, "y": 6.601616879484233, "y_pred": 6.253251670123682, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.211386530730391, "q_0.05": 4.374179160246665, "q_0.075": 4.505482959481341, "q_0.1": 4.606059433029293, "q_0.125": 4.665422589602663, "q_0.15": 4.773197724835218, "q_0.175": 4.932552688902458, "q_0.2": 5.025263307888901, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.381425115449694, "q_0.325": 5.480378124576764, "q_0.35": 5.598264224247254, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.9793170140524055, "q_0.45": 6.123358871367403, "q_0.475": 6.20421541989995, "q_0.5": 6.253251670123682, "q_0.525": 6.399834503882525, "q_0.55": 6.562639768728845, "q_0.575": 6.64615580544274, "q_0.6": 6.747738463072244, "q_0.625": 6.8340923655005525, "q_0.65": 6.944732131840182, "q_0.675": 7.049884809491566, "q_0.7": 7.1079310136290195, "q_0.725": 7.1608603901938235, "q_0.75": 7.309967068316329, "q_0.775": 7.409750490544118, "q_0.8": 7.494307419463388, "q_0.825": 7.578682912919554, "q_0.85": 7.675270140890328, "q_0.875": 7.744368028576007, "q_0.9": 7.825322018467288, "q_0.925": 7.906764005708316, "q_0.95": 8.049695750695342, "q_0.975": 8.19749931912753, "q_1": 8.759634274030816}, {"x": 57.983193277310924, "y": 7.325282589647719, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.023209283713484, "y": 7.502437976787764, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.06322529011605, "y": 6.067237734445141, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.10324129651861, "y": 7.690682463990887, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.14325730292117, "y": 7.83568461919981, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.18327330932373, "y": 5.205496440377085, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.22328931572629, "y": 6.577643051367236, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.26330532212885, "y": 6.2482342900515695, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.30332132853142, "y": 6.295639755296914, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.34333733493398, "y": 7.928847622412846, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.38335334133654, "y": 5.347108376247142, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.4233693477391, "y": 8.118396488973131, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.46338535414166, "y": 7.787569438223713, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.50340136054422, "y": 5.9770566636681925, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.543417366946784, "y": 7.444051702944519, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.946203882849349, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.321152596941451, "q_0.775": 7.418573339780122, "q_0.8": 7.502437976787764, "q_0.825": 7.595916950510564, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.917485895467731, "q_0.95": 8.065028221486347, "q_0.975": 8.206721886437666, "q_1": 8.759634274030816}, {"x": 58.583433373349344, "y": 7.247406915343263, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.9349732185676265, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.605612913662584, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.422594742018269, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.502437976787764, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.068094610848837, "q_0.975": 8.21869896050462, "q_1": 8.759634274030816}, {"x": 58.623449379751904, "y": 6.875949585473359, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.9349732185676265, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.605612913662584, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.422594742018269, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.502437976787764, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.068094610848837, "q_0.975": 8.21869896050462, "q_1": 8.759634274030816}, {"x": 58.66346538615446, "y": 5.413052805033671, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809901, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.605612913662584, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.298661381914654, "q_0.525": 6.416270884920758, "q_0.55": 6.562639768728845, "q_0.575": 6.654975900260792, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.068094610848837, "q_0.975": 8.21869896050462, "q_1": 8.759634274030816}, {"x": 58.70348139255702, "y": 4.909365837454605, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809901, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.605612913662584, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.298661381914654, "q_0.525": 6.416270884920758, "q_0.55": 6.562639768728845, "q_0.575": 6.654975900260792, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.068094610848837, "q_0.975": 8.21869896050462, "q_1": 8.759634274030816}, {"x": 58.74349739895958, "y": 6.8532488474470465, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809898, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.985641521844014, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.067328013508208, "q_0.975": 8.221416748584316, "q_1": 8.759634274030816}, {"x": 58.78351340536215, "y": 7.555694682677963, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809898, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.985641521844014, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.067328013508208, "q_0.975": 8.221416748584316, "q_1": 8.759634274030816}, {"x": 58.82352941176471, "y": 4.17447335519898, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809898, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.985641521844014, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.067328013508208, "q_0.975": 8.221416748584316, "q_1": 8.759634274030816}, {"x": 58.86354541816727, "y": 6.739029346385659, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809898, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.985641521844014, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.067328013508208, "q_0.975": 8.221416748584316, "q_1": 8.759634274030816}, {"x": 58.90356142456983, "y": 5.921854006258333, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809898, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.985641521844014, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.067328013508208, "q_0.975": 8.221416748584316, "q_1": 8.759634274030816}, {"x": 58.94357743097239, "y": 7.78618425494029, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809898, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.985641521844014, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.067328013508208, "q_0.975": 8.221416748584316, "q_1": 8.759634274030816}, {"x": 58.98359343737495, "y": 5.426737897848413, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809898, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.985641521844014, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.067328013508208, "q_0.975": 8.221416748584316, "q_1": 8.759634274030816}, {"x": 59.02360944377752, "y": 6.052923387561611, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809898, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.985641521844014, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.067328013508208, "q_0.975": 8.221416748584316, "q_1": 8.759634274030816}, {"x": 59.063625450180076, "y": 6.220095836224706, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.3775869710125415, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.853587239809898, "q_0.175": 4.933212996652008, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.985641521844014, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.504656265577897, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.769747333849526, "q_0.9": 7.839738319264051, "q_0.925": 7.923803031070612, "q_0.95": 8.067328013508208, "q_0.975": 8.221416748584316, "q_1": 8.759634274030816}, {"x": 59.103641456582636, "y": 4.687821633353387, "y_pred": 6.296005743754593, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609025084519022, "q_0.125": 4.671423009467839, "q_0.15": 4.85693264038902, "q_0.175": 4.9349732185676265, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.390982361126445, "q_0.325": 5.4934499542244986, "q_0.35": 5.60451966408088, "q_0.375": 5.693242084446407, "q_0.4": 5.840927161373823, "q_0.425": 5.9793170140524055, "q_0.45": 6.123358871367403, "q_0.475": 6.218800839753577, "q_0.5": 6.296005743754593, "q_0.525": 6.402262026196145, "q_0.55": 6.562639768728845, "q_0.575": 6.651337245831529, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.055294660711404, "q_0.7": 7.110456675747525, "q_0.725": 7.202443257596885, "q_0.75": 7.322831888632859, "q_0.775": 7.432407535192752, "q_0.8": 7.505459640160026, "q_0.825": 7.601521945496781, "q_0.85": 7.687481123847246, "q_0.875": 7.775046841507674, "q_0.9": 7.840312638765685, "q_0.925": 7.923803031070612, "q_0.95": 8.068094610848837, "q_0.975": 8.221805004024278, "q_1": 8.759634274030816}, {"x": 59.143657462985196, "y": 7.033757690335763, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609256145343828, "q_0.125": 4.687350626979153, "q_0.15": 4.85693264038902, "q_0.175": 4.935873870923356, "q_0.2": 5.035331047471773, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.4934499542244986, "q_0.35": 5.605612913662584, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.298661381914654, "q_0.525": 6.416270884920758, "q_0.55": 6.574642394839567, "q_0.575": 6.654975900260792, "q_0.6": 6.757343395456734, "q_0.625": 6.85301778366183, "q_0.65": 6.947672830813641, "q_0.675": 7.064441943104954, "q_0.7": 7.1144450602403815, "q_0.725": 7.228085904229239, "q_0.75": 7.325282589647719, "q_0.775": 7.432407535192752, "q_0.8": 7.505505452941607, "q_0.825": 7.602581038671398, "q_0.85": 7.687481123847246, "q_0.875": 7.775046841507674, "q_0.9": 7.840312638765685, "q_0.925": 7.934691520554733, "q_0.95": 8.072351672806978, "q_0.975": 8.221805004024278, "q_1": 8.759634274030816}, {"x": 59.183673469387756, "y": 7.516675079464473, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609256145343828, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.935873870923356, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.605612913662584, "q_0.375": 5.706218698853002, "q_0.4": 5.877072172932184, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.778923927027959, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.1144450602403815, "q_0.725": 7.228085904229239, "q_0.75": 7.325282589647719, "q_0.775": 7.437297968645725, "q_0.8": 7.50977496937789, "q_0.825": 7.602581038671398, "q_0.85": 7.687481123847246, "q_0.875": 7.775046841507674, "q_0.9": 7.841111830886181, "q_0.925": 7.934691520554733, "q_0.95": 8.072351672806978, "q_0.975": 8.221805004024278, "q_1": 8.759634274030816}, {"x": 59.223689475790316, "y": 4.3518502240033134, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609256145343828, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.935873870923356, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.605612913662584, "q_0.375": 5.706218698853002, "q_0.4": 5.877072172932184, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.778923927027959, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.1144450602403815, "q_0.725": 7.228085904229239, "q_0.75": 7.325282589647719, "q_0.775": 7.437297968645725, "q_0.8": 7.50977496937789, "q_0.825": 7.602581038671398, "q_0.85": 7.687481123847246, "q_0.875": 7.775046841507674, "q_0.9": 7.841111830886181, "q_0.925": 7.934691520554733, "q_0.95": 8.072351672806978, "q_0.975": 8.221805004024278, "q_1": 8.759634274030816}, {"x": 59.26370548219288, "y": 5.30951169458147, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609256145343828, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.935873870923356, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.605612913662584, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.778923927027959, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.246440864787576, "q_0.75": 7.325282589647719, "q_0.775": 7.437297968645725, "q_0.8": 7.5099228760695125, "q_0.825": 7.602581038671398, "q_0.85": 7.699648512881511, "q_0.875": 7.783919898282058, "q_0.9": 7.841111830886181, "q_0.925": 7.934691520554733, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.30372148859544, "y": 4.271800682832958, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609256145343828, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.935873870923356, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.605612913662584, "q_0.375": 5.7051626575548084, "q_0.4": 5.875623573260997, "q_0.425": 5.985641521844014, "q_0.45": 6.126331203044849, "q_0.475": 6.218800839753577, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.778923927027959, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.246440864787576, "q_0.75": 7.325282589647719, "q_0.775": 7.437297968645725, "q_0.8": 7.5099228760695125, "q_0.825": 7.602581038671398, "q_0.85": 7.699648512881511, "q_0.875": 7.783919898282058, "q_0.9": 7.841111830886181, "q_0.925": 7.934691520554733, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.343737494998, "y": 8.038378604768745, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.936857362874977, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.609825398631992, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.998995959093903, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.247406915343263, "q_0.75": 7.325282589647719, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6075721287107125, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.842200327395741, "q_0.925": 7.9414667619686305, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.38375350140056, "y": 6.85301778366183, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.936857362874977, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.609825398631992, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.998995959093903, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.247406915343263, "q_0.75": 7.325282589647719, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6075721287107125, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.842200327395741, "q_0.925": 7.9414667619686305, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.42376950780312, "y": 8.072351672806978, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.936857362874977, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.609825398631992, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.998995959093903, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.247406915343263, "q_0.75": 7.325282589647719, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6075721287107125, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.842200327395741, "q_0.925": 7.9414667619686305, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.46378551420568, "y": 6.298661381914654, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.936857362874977, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.609825398631992, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.998995959093903, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.247406915343263, "q_0.75": 7.325282589647719, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6075721287107125, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.842200327395741, "q_0.925": 7.9414667619686305, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.50380152060825, "y": 7.409750490544118, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.936857362874977, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.609825398631992, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.998995959093903, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.247406915343263, "q_0.75": 7.325282589647719, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6075721287107125, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.842200327395741, "q_0.925": 7.9414667619686305, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.54381752701081, "y": 5.656107521638343, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.936857362874977, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.609825398631992, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.998995959093903, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.247406915343263, "q_0.75": 7.325282589647719, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6075721287107125, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.842200327395741, "q_0.925": 7.9414667619686305, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.58383353341337, "y": 5.572482639826347, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.936857362874977, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.609825398631992, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.998995959093903, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.247406915343263, "q_0.75": 7.325282589647719, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6075721287107125, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.842200327395741, "q_0.925": 7.9414667619686305, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.62384953981593, "y": 5.6737204739936455, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515095438240721, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.936857362874977, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.609825398631992, "q_0.375": 5.706218698853002, "q_0.4": 5.875623573260997, "q_0.425": 5.998995959093903, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.85301778366183, "q_0.65": 6.947950637275577, "q_0.675": 7.064441943104954, "q_0.7": 7.116212837647618, "q_0.725": 7.247406915343263, "q_0.75": 7.325282589647719, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6075721287107125, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.842200327395741, "q_0.925": 7.9414667619686305, "q_0.95": 8.072351672806978, "q_0.975": 8.235819827590735, "q_1": 8.759634274030816}, {"x": 59.66386554621849, "y": 6.82245125481038, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515644042998396, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.40151772933469, "q_0.325": 5.509503614918328, "q_0.35": 5.613426229379003, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.874872671732287, "q_0.65": 6.959047488980644, "q_0.675": 7.065958062458219, "q_0.7": 7.126925553910155, "q_0.725": 7.247406915343263, "q_0.75": 7.329586185680565, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6355530176287925, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.849023144623965, "q_0.925": 7.944021526451298, "q_0.95": 8.084607236378016, "q_0.975": 8.244306119580855, "q_1": 8.759634274030816}, {"x": 59.70388155262105, "y": 5.598264224247254, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515644042998396, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.40151772933469, "q_0.325": 5.509503614918328, "q_0.35": 5.613426229379003, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.874872671732287, "q_0.65": 6.959047488980644, "q_0.675": 7.065958062458219, "q_0.7": 7.126925553910155, "q_0.725": 7.247406915343263, "q_0.75": 7.329586185680565, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6355530176287925, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.849023144623965, "q_0.925": 7.944021526451298, "q_0.95": 8.084607236378016, "q_0.975": 8.244306119580855, "q_1": 8.759634274030816}, {"x": 59.74389755902361, "y": 7.820504109833605, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515644042998396, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.40151772933469, "q_0.325": 5.509503614918328, "q_0.35": 5.613426229379003, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.427801865859671, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.874872671732287, "q_0.65": 6.959047488980644, "q_0.675": 7.065958062458219, "q_0.7": 7.126925553910155, "q_0.725": 7.247406915343263, "q_0.75": 7.329586185680565, "q_0.775": 7.444051702944519, "q_0.8": 7.51211729450557, "q_0.825": 7.6355530176287925, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.849023144623965, "q_0.925": 7.944021526451298, "q_0.95": 8.084607236378016, "q_0.975": 8.244306119580855, "q_1": 8.759634274030816}, {"x": 59.783913565426175, "y": 8.16227263890931, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.249282115995472, "q_0.05": 4.381521249652034, "q_0.075": 4.515644042998396, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.861157151647604, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.413052805033671, "q_0.325": 5.509503614918328, "q_0.35": 5.613426229379003, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.431816264420449, "q_0.55": 6.577643051367236, "q_0.575": 6.654975900260792, "q_0.6": 6.789883435653076, "q_0.625": 6.874872671732287, "q_0.65": 6.959203447694513, "q_0.675": 7.069322733758634, "q_0.7": 7.126925553910155, "q_0.725": 7.255813732982542, "q_0.75": 7.334147534573716, "q_0.775": 7.444051702944519, "q_0.8": 7.5133051252567515, "q_0.825": 7.6355530176287925, "q_0.85": 7.704953745544701, "q_0.875": 7.78618425494029, "q_0.9": 7.849023144623965, "q_0.925": 7.954445289561369, "q_0.95": 8.084607236378016, "q_0.975": 8.253158928769395, "q_1": 8.759634274030816}, {"x": 59.823929571828735, "y": 4.249282115995472, "y_pred": 6.298661381914654, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.256050144293558, "q_0.05": 4.381643112717437, "q_0.075": 4.515644042998396, "q_0.1": 4.609649563181977, "q_0.125": 4.687821633353387, "q_0.15": 4.85693264038902, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.40151772933469, "q_0.325": 5.508775886820478, "q_0.35": 5.613894526792925, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.298661381914654, "q_0.525": 6.4358306629812265, "q_0.55": 6.577643051367236, "q_0.575": 6.675079238341156, "q_0.6": 6.791127718349811, "q_0.625": 6.87538470553876, "q_0.65": 6.959203447694513, "q_0.675": 7.077785349853828, "q_0.7": 7.1392490646782765, "q_0.725": 7.271846270275043, "q_0.75": 7.341491283836457, "q_0.775": 7.4598899101945895, "q_0.8": 7.516675079464473, "q_0.825": 7.6458828499127875, "q_0.85": 7.720562189265623, "q_0.875": 7.787569438223713, "q_0.9": 7.855099678303955, "q_0.925": 7.957500652079471, "q_0.95": 8.087444038800733, "q_0.975": 8.25568969274555, "q_1": 8.759634274030816}, {"x": 59.863945578231295, "y": 4.920466131836241, "y_pred": 6.299772939475638, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.256050144293558, "q_0.05": 4.381643112717437, "q_0.075": 4.516317338226719, "q_0.1": 4.611532395617609, "q_0.125": 4.687821633353387, "q_0.15": 4.857566317077806, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.613426229379003, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.299772939475638, "q_0.525": 6.4358306629812265, "q_0.55": 6.5813610942184555, "q_0.575": 6.675079238341156, "q_0.6": 6.791127718349811, "q_0.625": 6.87538470553876, "q_0.65": 6.960449944601343, "q_0.675": 7.077785349853828, "q_0.7": 7.1392490646782765, "q_0.725": 7.271846270275043, "q_0.75": 7.362569481123359, "q_0.775": 7.4598899101945895, "q_0.8": 7.518297183219039, "q_0.825": 7.64732980904761, "q_0.85": 7.720562189265623, "q_0.875": 7.7919426184128975, "q_0.9": 7.870147641057432, "q_0.925": 7.958802616307166, "q_0.95": 8.092158159258524, "q_0.975": 8.262361706864532, "q_1": 8.759634274030816}, {"x": 59.903961584633855, "y": 4.58685287249369, "y_pred": 6.299772939475638, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.256050144293558, "q_0.05": 4.381643112717437, "q_0.075": 4.524621312709386, "q_0.1": 4.611532395617609, "q_0.125": 4.687821633353387, "q_0.15": 4.861157151647604, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.216614980798683, "q_0.275": 5.293790197765075, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.613426229379003, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.299772939475638, "q_0.525": 6.4358306629812265, "q_0.55": 6.584403129278517, "q_0.575": 6.675079238341156, "q_0.6": 6.796693131461655, "q_0.625": 6.875949585473359, "q_0.65": 6.961121135243478, "q_0.675": 7.083657251950617, "q_0.7": 7.15012057883883, "q_0.725": 7.277634175261337, "q_0.75": 7.372770930943545, "q_0.775": 7.463056352753851, "q_0.8": 7.518297183219039, "q_0.825": 7.648274846080652, "q_0.85": 7.720562189265623, "q_0.875": 7.7919426184128975, "q_0.9": 7.870147641057432, "q_0.925": 7.958802616307166, "q_0.95": 8.107815238235931, "q_0.975": 8.262361706864532, "q_1": 8.759634274030816}, {"x": 59.943977591036415, "y": 4.300344718267344, "y_pred": 6.299772939475638, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.256050144293558, "q_0.05": 4.381643112717437, "q_0.075": 4.524621312709386, "q_0.1": 4.611532395617609, "q_0.125": 4.687821633353387, "q_0.15": 4.861157151647604, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.216614980798683, "q_0.275": 5.293790197765075, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.613426229379003, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.299772939475638, "q_0.525": 6.4358306629812265, "q_0.55": 6.584403129278517, "q_0.575": 6.675079238341156, "q_0.6": 6.796693131461655, "q_0.625": 6.875949585473359, "q_0.65": 6.961121135243478, "q_0.675": 7.083657251950617, "q_0.7": 7.15012057883883, "q_0.725": 7.277634175261337, "q_0.75": 7.372770930943545, "q_0.775": 7.463056352753851, "q_0.8": 7.518297183219039, "q_0.825": 7.648274846080652, "q_0.85": 7.720562189265623, "q_0.875": 7.7919426184128975, "q_0.9": 7.870147641057432, "q_0.925": 7.958802616307166, "q_0.95": 8.107815238235931, "q_0.975": 8.262361706864532, "q_1": 8.759634274030816}, {"x": 59.983993597438975, "y": 5.0630309141950365, "y_pred": 6.299772939475638, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.256050144293558, "q_0.05": 4.381643112717437, "q_0.075": 4.524621312709386, "q_0.1": 4.611532395617609, "q_0.125": 4.687821633353387, "q_0.15": 4.861157151647604, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.216614980798683, "q_0.275": 5.293790197765075, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.613426229379003, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.299772939475638, "q_0.525": 6.4358306629812265, "q_0.55": 6.584403129278517, "q_0.575": 6.675079238341156, "q_0.6": 6.796693131461655, "q_0.625": 6.875949585473359, "q_0.65": 6.961121135243478, "q_0.675": 7.083657251950617, "q_0.7": 7.15012057883883, "q_0.725": 7.277634175261337, "q_0.75": 7.372770930943545, "q_0.775": 7.463056352753851, "q_0.8": 7.518297183219039, "q_0.825": 7.648274846080652, "q_0.85": 7.720562189265623, "q_0.875": 7.7919426184128975, "q_0.9": 7.870147641057432, "q_0.925": 7.958802616307166, "q_0.95": 8.107815238235931, "q_0.975": 8.262361706864532, "q_1": 8.759634274030816}, {"x": 60.02400960384154, "y": 5.964408368429123, "y_pred": 6.299772939475638, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.256050144293558, "q_0.05": 4.381643112717437, "q_0.075": 4.524621312709386, "q_0.1": 4.611532395617609, "q_0.125": 4.687821633353387, "q_0.15": 4.861157151647604, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.216614980798683, "q_0.275": 5.293790197765075, "q_0.3": 5.391379062328635, "q_0.325": 5.497566174498546, "q_0.35": 5.613426229379003, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.299772939475638, "q_0.525": 6.4358306629812265, "q_0.55": 6.584403129278517, "q_0.575": 6.675079238341156, "q_0.6": 6.796693131461655, "q_0.625": 6.875949585473359, "q_0.65": 6.961121135243478, "q_0.675": 7.083657251950617, "q_0.7": 7.15012057883883, "q_0.725": 7.277634175261337, "q_0.75": 7.372770930943545, "q_0.775": 7.463056352753851, "q_0.8": 7.518297183219039, "q_0.825": 7.648274846080652, "q_0.85": 7.720562189265623, "q_0.875": 7.7919426184128975, "q_0.9": 7.870147641057432, "q_0.925": 7.958802616307166, "q_0.95": 8.107815238235931, "q_0.975": 8.262361706864532, "q_1": 8.759634274030816}, {"x": 60.0640256102441, "y": 7.569806385080851, "y_pred": 6.303355969642889, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.256050144293558, "q_0.05": 4.381643112717437, "q_0.075": 4.524621312709386, "q_0.1": 4.613383051865101, "q_0.125": 4.687821633353387, "q_0.15": 4.861157151647604, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.40151772933469, "q_0.325": 5.497566174498546, "q_0.35": 5.6165482121384915, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.303355969642889, "q_0.525": 6.438786177128023, "q_0.55": 6.585532854626287, "q_0.575": 6.675079238341156, "q_0.6": 6.796693131461655, "q_0.625": 6.875949585473359, "q_0.65": 6.962794825803428, "q_0.675": 7.086538961463197, "q_0.7": 7.15012057883883, "q_0.725": 7.282279073914468, "q_0.75": 7.378395279746822, "q_0.775": 7.463056352753851, "q_0.8": 7.523299742234963, "q_0.825": 7.648274846080652, "q_0.85": 7.728221570660173, "q_0.875": 7.7919426184128975, "q_0.9": 7.870147641057432, "q_0.925": 7.958802616307166, "q_0.95": 8.107815238235931, "q_0.975": 8.262361706864532, "q_1": 8.759634274030816}, {"x": 60.10404161664666, "y": 5.041079699526768, "y_pred": 6.303355969642889, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.256050144293558, "q_0.05": 4.381643112717437, "q_0.075": 4.527518296624702, "q_0.1": 4.613383051865101, "q_0.125": 4.687821633353387, "q_0.15": 4.861157151647604, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.40151772933469, "q_0.325": 5.509230716881635, "q_0.35": 5.6165482121384915, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.303355969642889, "q_0.525": 6.438786177128023, "q_0.55": 6.585532854626287, "q_0.575": 6.675079238341156, "q_0.6": 6.796693131461655, "q_0.625": 6.875949585473359, "q_0.65": 6.974000092888221, "q_0.675": 7.086538961463197, "q_0.7": 7.15012057883883, "q_0.725": 7.282279073914468, "q_0.75": 7.378395279746822, "q_0.775": 7.463056352753851, "q_0.8": 7.523299742234963, "q_0.825": 7.648274846080652, "q_0.85": 7.728221570660173, "q_0.875": 7.7919426184128975, "q_0.9": 7.870147641057432, "q_0.925": 7.958802616307166, "q_0.95": 8.107815238235931, "q_0.975": 8.262361706864532, "q_1": 8.759634274030816}, {"x": 60.14405762304922, "y": 6.1611669678151895, "y_pred": 6.303355969642889, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.256050144293558, "q_0.05": 4.381643112717437, "q_0.075": 4.527518296624702, "q_0.1": 4.613383051865101, "q_0.125": 4.687821633353387, "q_0.15": 4.861157151647604, "q_0.175": 4.9379495433283065, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.40151772933469, "q_0.325": 5.509230716881635, "q_0.35": 5.6165482121384915, "q_0.375": 5.706218698853002, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.126331203044849, "q_0.475": 6.220095836224706, "q_0.5": 6.303355969642889, "q_0.525": 6.438786177128023, "q_0.55": 6.585532854626287, "q_0.575": 6.675079238341156, "q_0.6": 6.796693131461655, "q_0.625": 6.875949585473359, "q_0.65": 6.974000092888221, "q_0.675": 7.086538961463197, "q_0.7": 7.15012057883883, "q_0.725": 7.282279073914468, "q_0.75": 7.378395279746822, "q_0.775": 7.463056352753851, "q_0.8": 7.523299742234963, "q_0.825": 7.648274846080652, "q_0.85": 7.728221570660173, "q_0.875": 7.7919426184128975, "q_0.9": 7.870147641057432, "q_0.925": 7.958802616307166, "q_0.95": 8.107815238235931, "q_0.975": 8.262361706864532, "q_1": 8.759634274030816}, {"x": 60.18407362945178, "y": 7.954445289561369, "y_pred": 6.327380002784864, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.303241173291312, "q_0.05": 4.388611874925633, "q_0.075": 4.557606719214216, "q_0.1": 4.62491878862851, "q_0.125": 4.7271700827333865, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.05091584037944, "q_0.225": 5.13321653313719, "q_0.25": 5.236730700678295, "q_0.275": 5.321254834181335, "q_0.3": 5.429411953563314, "q_0.325": 5.539811865538276, "q_0.35": 5.656107521638343, "q_0.375": 5.756006867404569, "q_0.4": 5.921854006258333, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.246120396171547, "q_0.5": 6.327380002784864, "q_0.525": 6.462962586402595, "q_0.55": 6.601616879484233, "q_0.575": 6.693256184228506, "q_0.6": 6.82375315809708, "q_0.625": 6.927562068158622, "q_0.65": 7.017123002296461, "q_0.675": 7.110456675747525, "q_0.7": 7.228085904229239, "q_0.725": 7.322831888632859, "q_0.75": 7.432407535192752, "q_0.775": 7.505505452941607, "q_0.8": 7.602581038671398, "q_0.825": 7.6867006295192635, "q_0.85": 7.769747333849526, "q_0.875": 7.840312638765685, "q_0.9": 7.923803031070612, "q_0.925": 8.049695750695342, "q_0.95": 8.16227263890931, "q_0.975": 8.330653642760094, "q_1": 9.052052760289175}, {"x": 60.22408963585434, "y": 6.87602430705853, "y_pred": 6.345091246477267, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.303241173291312, "q_0.05": 4.388611874925633, "q_0.075": 4.557606719214216, "q_0.1": 4.6233876387201605, "q_0.125": 4.7271700827333865, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.05091584037944, "q_0.225": 5.13321653313719, "q_0.25": 5.236730700678295, "q_0.275": 5.321254834181335, "q_0.3": 5.437071183128024, "q_0.325": 5.539811865538276, "q_0.35": 5.656107521638343, "q_0.375": 5.758925211820149, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.146890586444009, "q_0.475": 6.2482342900515695, "q_0.5": 6.345091246477267, "q_0.525": 6.465536254452598, "q_0.55": 6.607185528698235, "q_0.575": 6.7084766354490455, "q_0.6": 6.828714929954261, "q_0.625": 6.938249690190057, "q_0.65": 7.02434904197775, "q_0.675": 7.116212837647618, "q_0.7": 7.247406915343263, "q_0.725": 7.325282589647719, "q_0.75": 7.437297968645725, "q_0.775": 7.5099228760695125, "q_0.8": 7.6075721287107125, "q_0.825": 7.687481123847246, "q_0.85": 7.775046841507674, "q_0.875": 7.841111830886181, "q_0.9": 7.934691520554733, "q_0.925": 8.049695750695342, "q_0.95": 8.168759440796432, "q_0.975": 8.330653642760094, "q_1": 9.052052760289175}, {"x": 60.26410564225691, "y": 7.415635195024064, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.324914770233221, "q_0.05": 4.410849548025042, "q_0.075": 4.580811489139448, "q_0.1": 4.629281794590717, "q_0.125": 4.731697955527121, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.045065994911716, "q_0.225": 5.13321653313719, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.067237734445141, "q_0.45": 6.1477873392902005, "q_0.475": 6.253251670123682, "q_0.5": 6.371591548732639, "q_0.525": 6.500147298514093, "q_0.55": 6.610945882647042, "q_0.575": 6.71005982948768, "q_0.6": 6.840595785366216, "q_0.625": 6.947672830813641, "q_0.65": 7.064441943104954, "q_0.675": 7.1392490646782765, "q_0.7": 7.277634175261337, "q_0.725": 7.362569481123359, "q_0.75": 7.463033246915256, "q_0.775": 7.518297183219039, "q_0.8": 7.6458828499127875, "q_0.825": 7.712264273562155, "q_0.85": 7.787569438223713, "q_0.875": 7.870147641057432, "q_0.9": 7.958802616307166, "q_0.925": 8.068094610848837, "q_0.95": 8.19749931912753, "q_0.975": 8.351384810193501, "q_1": 9.052052760289175}, {"x": 60.30412164865947, "y": 6.399834503882525, "y_pred": 6.371714549575328, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.324914770233221, "q_0.05": 4.415323350822995, "q_0.075": 4.580811489139448, "q_0.1": 4.636025148763184, "q_0.125": 4.731697955527121, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.13321653313719, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.067237734445141, "q_0.45": 6.1477873392902005, "q_0.475": 6.253251670123682, "q_0.5": 6.371714549575328, "q_0.525": 6.514932326533614, "q_0.55": 6.612988970785921, "q_0.575": 6.710214355423524, "q_0.6": 6.840595785366216, "q_0.625": 6.947950637275577, "q_0.65": 7.064441943104954, "q_0.675": 7.1392490646782765, "q_0.7": 7.277634175261337, "q_0.725": 7.3715856589146345, "q_0.75": 7.463056352753851, "q_0.775": 7.518297183219039, "q_0.8": 7.64732980904761, "q_0.825": 7.713279231665364, "q_0.85": 7.787569438223713, "q_0.875": 7.887543372929498, "q_0.9": 7.958802616307166, "q_0.925": 8.072351672806978, "q_0.95": 8.19749931912753, "q_0.975": 8.351384810193501, "q_1": 9.052052760289175}, {"x": 60.34413765506203, "y": 8.168759440796432, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.324914770233221, "q_0.05": 4.415323350822995, "q_0.075": 4.580811489139448, "q_0.1": 4.636025148763184, "q_0.125": 4.731697955527121, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.437071183128024, "q_0.325": 5.539811865538276, "q_0.35": 5.656107521638343, "q_0.375": 5.764540600700155, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.253251670123682, "q_0.5": 6.38830657909329, "q_0.525": 6.507863533141688, "q_0.55": 6.612988970785921, "q_0.575": 6.710214355423524, "q_0.6": 6.840595785366216, "q_0.625": 6.947950637275577, "q_0.65": 7.064441943104954, "q_0.675": 7.15012057883883, "q_0.7": 7.282279073914468, "q_0.725": 7.378395279746822, "q_0.75": 7.46937059082763, "q_0.775": 7.559253690893296, "q_0.8": 7.64732980904761, "q_0.825": 7.720562189265623, "q_0.85": 7.7919426184128975, "q_0.875": 7.887543372929498, "q_0.9": 7.958802616307166, "q_0.925": 8.072351672806978, "q_0.95": 8.206721886437666, "q_0.975": 8.353987139950119, "q_1": 9.052052760289175}, {"x": 60.38415366146459, "y": 6.556922696951482, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.959972695457308, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.253251670123682, "q_0.5": 6.38830657909329, "q_0.525": 6.514932326533614, "q_0.55": 6.612988970785921, "q_0.575": 6.710214355423524, "q_0.6": 6.840595785366216, "q_0.625": 6.959047488980644, "q_0.65": 7.064441943104954, "q_0.675": 7.15012057883883, "q_0.7": 7.282279073914468, "q_0.725": 7.378395279746822, "q_0.75": 7.46937059082763, "q_0.775": 7.564607068510808, "q_0.8": 7.648274846080652, "q_0.825": 7.728221570660173, "q_0.85": 7.7919426184128975, "q_0.875": 7.889030883302941, "q_0.9": 7.961135356983236, "q_0.925": 8.072351672806978, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.42416966786715, "y": 4.321356707515843, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.959972695457308, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.253251670123682, "q_0.5": 6.38830657909329, "q_0.525": 6.514932326533614, "q_0.55": 6.612988970785921, "q_0.575": 6.710214355423524, "q_0.6": 6.840595785366216, "q_0.625": 6.959047488980644, "q_0.65": 7.064441943104954, "q_0.675": 7.15012057883883, "q_0.7": 7.282279073914468, "q_0.725": 7.378395279746822, "q_0.75": 7.46937059082763, "q_0.775": 7.564607068510808, "q_0.8": 7.648274846080652, "q_0.825": 7.728221570660173, "q_0.85": 7.7919426184128975, "q_0.875": 7.889030883302941, "q_0.9": 7.961135356983236, "q_0.925": 8.072351672806978, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.46418567426971, "y": 4.949976547986341, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.959972695457308, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.253251670123682, "q_0.5": 6.38830657909329, "q_0.525": 6.514932326533614, "q_0.55": 6.612988970785921, "q_0.575": 6.710214355423524, "q_0.6": 6.840595785366216, "q_0.625": 6.959047488980644, "q_0.65": 7.064441943104954, "q_0.675": 7.15012057883883, "q_0.7": 7.282279073914468, "q_0.725": 7.378395279746822, "q_0.75": 7.46937059082763, "q_0.775": 7.564607068510808, "q_0.8": 7.648274846080652, "q_0.825": 7.728221570660173, "q_0.85": 7.7919426184128975, "q_0.875": 7.889030883302941, "q_0.9": 7.961135356983236, "q_0.925": 8.072351672806978, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.504201680672274, "y": 5.802539059625862, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.320448574848399, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.288384606409618, "q_0.5": 6.38830657909329, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.85301778366183, "q_0.625": 6.959203447694513, "q_0.65": 7.069322733758634, "q_0.675": 7.157877290613817, "q_0.7": 7.303487754943594, "q_0.725": 7.38092137103429, "q_0.75": 7.46937059082763, "q_0.775": 7.568223174389312, "q_0.8": 7.648274846080652, "q_0.825": 7.728612872168439, "q_0.85": 7.805474688475007, "q_0.875": 7.889030883302941, "q_0.9": 7.965287091381542, "q_0.925": 8.084607236378016, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.544217687074834, "y": 6.612988970785921, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.584233693477394, "y": 7.317181882158675, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.624249699879954, "y": 5.839503411873947, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.664265706282514, "y": 7.064441943104954, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.704281712685074, "y": 7.394550905989107, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.74429771908764, "y": 5.44713201020163, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.7843137254902, "y": 8.177872505366615, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.82432973189276, "y": 6.819718730684032, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.86434573829532, "y": 7.775046841507674, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.90436174469788, "y": 6.435186831666117, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.94437775110044, "y": 7.202281511884648, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 60.98439375750301, "y": 7.322831888632859, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.02440976390557, "y": 7.892342736365135, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.889067854114831, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.969313538515071, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.06442577030813, "y": 4.764826637626218, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.104441776710686, "y": 6.449841538418785, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.144457783113246, "y": 5.914397719106047, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.184473789515806, "y": 7.958802616307166, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.321254834181335, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.22448979591837, "y": 4.580811489139448, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.146890586444009, "q_0.475": 6.264606100395435, "q_0.5": 6.38830657909329, "q_0.525": 6.54144698591108, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.85301778366183, "q_0.625": 6.959203447694513, "q_0.65": 7.069322733758634, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.648274846080652, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.26450580232093, "y": 8.206721886437666, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.235457427682123, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.146890586444009, "q_0.475": 6.264606100395435, "q_0.5": 6.38830657909329, "q_0.525": 6.54144698591108, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.85301778366183, "q_0.625": 6.959203447694513, "q_0.65": 7.069322733758634, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.38092137103429, "q_0.75": 7.473497471477349, "q_0.775": 7.568454379323775, "q_0.8": 7.648274846080652, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.206721886437666, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.30452180872349, "y": 7.7653514014903475, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.731697955527121, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.289883693528926, "q_0.5": 6.38830657909329, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.85301778366183, "q_0.625": 6.959203447694513, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.481576741542824, "q_0.775": 7.574491953654589, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.21869896050462, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.34453781512605, "y": 4.453688787362178, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.731697955527121, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.289883693528926, "q_0.5": 6.38830657909329, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.85301778366183, "q_0.625": 6.959203447694513, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.481576741542824, "q_0.775": 7.574491953654589, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.21869896050462, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.38455382152861, "y": 6.178540257466989, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.731697955527121, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.289883693528926, "q_0.5": 6.38830657909329, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.85301778366183, "q_0.625": 6.959203447694513, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.481576741542824, "q_0.775": 7.574491953654589, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.21869896050462, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.42456982793117, "y": 7.116212837647618, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.731697955527121, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.289883693528926, "q_0.5": 6.38830657909329, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.85301778366183, "q_0.625": 6.959203447694513, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.481576741542824, "q_0.775": 7.574491953654589, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.21869896050462, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.46458583433373, "y": 7.202443257596885, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.731697955527121, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.289883693528926, "q_0.5": 6.38830657909329, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.85301778366183, "q_0.625": 6.959203447694513, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.481576741542824, "q_0.775": 7.574491953654589, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.21869896050462, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.5046018407363, "y": 7.899683305981368, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.331266554023453, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.731697955527121, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.289883693528926, "q_0.5": 6.38830657909329, "q_0.525": 6.54893756694938, "q_0.55": 6.612988970785921, "q_0.575": 6.739029346385659, "q_0.6": 6.85301778366183, "q_0.625": 6.959203447694513, "q_0.65": 7.073043550409165, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.388244484213244, "q_0.75": 7.481576741542824, "q_0.775": 7.574491953654589, "q_0.8": 7.653903624837676, "q_0.825": 7.728612872168439, "q_0.85": 7.82033352456636, "q_0.875": 7.891267869684307, "q_0.9": 7.973606893184375, "q_0.925": 8.087444038800733, "q_0.95": 8.21869896050462, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.54461784713886, "y": 7.4598899101945895, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3429763921581275, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.074316859151154, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.394550905989107, "q_0.75": 7.4842277450376, "q_0.775": 7.578682912919554, "q_0.8": 7.653903624837676, "q_0.825": 7.729252645206323, "q_0.85": 7.820504109833605, "q_0.875": 7.891267869684307, "q_0.9": 7.975557626239649, "q_0.925": 8.087444038800733, "q_0.95": 8.221805004024278, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.58463385354142, "y": 5.438541504313273, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3429763921581275, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.074316859151154, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.394550905989107, "q_0.75": 7.4842277450376, "q_0.775": 7.578682912919554, "q_0.8": 7.653903624837676, "q_0.825": 7.729252645206323, "q_0.85": 7.820504109833605, "q_0.875": 7.891267869684307, "q_0.9": 7.975557626239649, "q_0.925": 8.087444038800733, "q_0.95": 8.221805004024278, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.62464985994398, "y": 6.21510491613075, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3429763921581275, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.074316859151154, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.394550905989107, "q_0.75": 7.4842277450376, "q_0.775": 7.578682912919554, "q_0.8": 7.653903624837676, "q_0.825": 7.729252645206323, "q_0.85": 7.820504109833605, "q_0.875": 7.891267869684307, "q_0.9": 7.975557626239649, "q_0.925": 8.087444038800733, "q_0.95": 8.221805004024278, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.66466586634654, "y": 7.057477260743734, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3429763921581275, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.074316859151154, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.394550905989107, "q_0.75": 7.4842277450376, "q_0.775": 7.578682912919554, "q_0.8": 7.653903624837676, "q_0.825": 7.729252645206323, "q_0.85": 7.820504109833605, "q_0.875": 7.891267869684307, "q_0.9": 7.975557626239649, "q_0.925": 8.087444038800733, "q_0.95": 8.221805004024278, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.7046818727491, "y": 4.7271700827333865, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3429763921581275, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.074316859151154, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.394550905989107, "q_0.75": 7.4842277450376, "q_0.775": 7.578682912919554, "q_0.8": 7.653903624837676, "q_0.825": 7.729252645206323, "q_0.85": 7.820504109833605, "q_0.875": 7.891267869684307, "q_0.9": 7.975557626239649, "q_0.925": 8.087444038800733, "q_0.95": 8.221805004024278, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.744697879151666, "y": 4.957828291869556, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3429763921581275, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.074316859151154, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.394550905989107, "q_0.75": 7.4842277450376, "q_0.775": 7.578682912919554, "q_0.8": 7.653903624837676, "q_0.825": 7.729252645206323, "q_0.85": 7.820504109833605, "q_0.875": 7.891267869684307, "q_0.9": 7.975557626239649, "q_0.925": 8.087444038800733, "q_0.95": 8.221805004024278, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.784713885554225, "y": 6.146890586444009, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3429763921581275, "q_0.05": 4.423049631682392, "q_0.075": 4.580811489139448, "q_0.1": 4.639328602508357, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.957828291869556, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.739029346385659, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.074316859151154, "q_0.675": 7.1608603901938235, "q_0.7": 7.309967068316329, "q_0.725": 7.394550905989107, "q_0.75": 7.4842277450376, "q_0.775": 7.578682912919554, "q_0.8": 7.653903624837676, "q_0.825": 7.729252645206323, "q_0.85": 7.820504109833605, "q_0.875": 7.891267869684307, "q_0.9": 7.975557626239649, "q_0.925": 8.087444038800733, "q_0.95": 8.221805004024278, "q_0.975": 8.371003816899552, "q_1": 9.052052760289175}, {"x": 61.824729891956785, "y": 5.390982361126445, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.909365837454605, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.314141050363568, "q_0.3": 5.438541504313273, "q_0.325": 5.5650225234108275, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.402262026196145, "q_0.525": 6.553146877273291, "q_0.55": 6.627671675619592, "q_0.575": 6.760766198616192, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.840312638765685, "q_0.875": 7.923803031070612, "q_0.9": 8.013159591495198, "q_0.925": 8.118396488973131, "q_0.95": 8.253158928769395, "q_0.975": 8.399641360022773, "q_1": 9.06553779600127}, {"x": 61.864745898359345, "y": 7.728612872168439, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.909365837454605, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.314141050363568, "q_0.3": 5.438541504313273, "q_0.325": 5.5650225234108275, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.402262026196145, "q_0.525": 6.553146877273291, "q_0.55": 6.627671675619592, "q_0.575": 6.760766198616192, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.840312638765685, "q_0.875": 7.923803031070612, "q_0.9": 8.013159591495198, "q_0.925": 8.118396488973131, "q_0.95": 8.253158928769395, "q_0.975": 8.399641360022773, "q_1": 9.06553779600127}, {"x": 61.904761904761905, "y": 6.585532854626287, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.909365837454605, "q_0.175": 4.9611273743122535, "q_0.2": 5.045065994911716, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5650225234108275, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.1864739195534355, "q_0.7": 7.322831888632859, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602581038671398, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 61.944777911164465, "y": 5.602281000911959, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.909365837454605, "q_0.175": 4.9611273743122535, "q_0.2": 5.045065994911716, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5650225234108275, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.1864739195534355, "q_0.7": 7.322831888632859, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602581038671398, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 61.98479391756703, "y": 7.675270140890328, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429856766564394, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.909365837454605, "q_0.175": 4.9611273743122535, "q_0.2": 5.045065994911716, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.322328101125433, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602581038671398, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.02480992396959, "y": 7.494307419463388, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429856766564394, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.909365837454605, "q_0.175": 4.9611273743122535, "q_0.2": 5.045065994911716, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.322328101125433, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602581038671398, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.06482593037215, "y": 8.297240998500218, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429856766564394, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.909365837454605, "q_0.175": 4.9611273743122535, "q_0.2": 5.045065994911716, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.322328101125433, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602581038671398, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.10484193677471, "y": 7.672438687443597, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429856766564394, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.909365837454605, "q_0.175": 4.9611273743122535, "q_0.2": 5.045065994911716, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.322328101125433, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602581038671398, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.14485794317727, "y": 5.879245072438962, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.755334316521691, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602581038671398, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.18487394957983, "y": 4.690386217793669, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.755334316521691, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602581038671398, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.2248899559824, "y": 7.648274846080652, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.26490596238496, "y": 4.410849548025042, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.30492196878752, "y": 5.6165482121384915, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.34493797519008, "y": 7.979878653405329, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.38495398159264, "y": 8.151317697729668, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.4249699879952, "y": 6.82375315809708, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.464985994397765, "y": 7.02434904197775, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.505002000800324, "y": 4.3429763921581275, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.545018007202884, "y": 6.303355969642889, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.585034013605444, "y": 6.438786177128023, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.625050020008004, "y": 5.581042974970659, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.665066026410564, "y": 4.454147400110522, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.70508203281313, "y": 5.120782424789921, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.74509803921569, "y": 5.6578426900977075, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.78511404561825, "y": 5.9793170140524055, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.82513005202081, "y": 6.627671675619592, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.86514605842337, "y": 7.1751285535239955, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.90516206482593, "y": 5.4934499542244986, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.9451780712285, "y": 5.5413418269448105, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 62.98519407763106, "y": 4.256050144293558, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.02521008403362, "y": 4.34478490407486, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.06522609043618, "y": 5.2479031551940905, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.10524209683874, "y": 7.255813732982542, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.1452581032413, "y": 6.791127718349811, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.343943727416559, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77199839472142, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747738463072244, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.418573339780122, "q_0.75": 7.502437976787764, "q_0.775": 7.602394882250917, "q_0.8": 7.672438687443597, "q_0.825": 7.744368028576007, "q_0.85": 7.841111830886181, "q_0.875": 7.923803031070612, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.18527410964386, "y": 7.38092137103429, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.982263155741037, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.418573339780122, "q_0.75": 7.504656265577897, "q_0.775": 7.602581038671398, "q_0.8": 7.674137559511644, "q_0.825": 7.747226894051673, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.22529011604642, "y": 7.378395279746822, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.982263155741037, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.418573339780122, "q_0.75": 7.504656265577897, "q_0.775": 7.602581038671398, "q_0.8": 7.674137559511644, "q_0.825": 7.747226894051673, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.26530612244898, "y": 7.744368028576007, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.982263155741037, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.418573339780122, "q_0.75": 7.504656265577897, "q_0.775": 7.602581038671398, "q_0.8": 7.674137559511644, "q_0.825": 7.747226894051673, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.30532212885154, "y": 7.178225371728468, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.982263155741037, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.418573339780122, "q_0.75": 7.504656265577897, "q_0.775": 7.602581038671398, "q_0.8": 7.674137559511644, "q_0.825": 7.747226894051673, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.3453381352541, "y": 8.256546502020454, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.982263155741037, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.418573339780122, "q_0.75": 7.504656265577897, "q_0.775": 7.602581038671398, "q_0.8": 7.674137559511644, "q_0.825": 7.747226894051673, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.38535414165666, "y": 7.923803031070612, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.429631788911159, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.30951169458147, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.982263155741037, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.418573339780122, "q_0.75": 7.504656265577897, "q_0.775": 7.602581038671398, "q_0.8": 7.674137559511644, "q_0.825": 7.747226894051673, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.027380510540096, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.42537014805922, "y": 6.624884863409077, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757343395456734, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.418573339780122, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.411171895527225, "q_1": 9.06553779600127}, {"x": 63.46538615446179, "y": 6.631861940238117, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.50540216086435, "y": 4.324914770233221, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.54541816726691, "y": 8.343972148531499, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.58543417366947, "y": 4.7317609288643805, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.62545018007203, "y": 7.2701810486766485, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.66546618647459, "y": 7.6075721287107125, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.705482192877156, "y": 5.740762275671127, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.745498199279716, "y": 5.006755641483721, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.785514205682276, "y": 4.598335254535328, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.825530212084836, "y": 7.309967068316329, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.865546218487395, "y": 6.076229323149602, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.773454518537434, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.7531089084138625, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.083657251950617, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.425587294941825, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.905562224889955, "y": 7.166519462847598, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.94557823129252, "y": 8.00932911236957, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 63.98559423769508, "y": 4.801301240708443, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.02561024409763, "y": 8.027380510540096, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.0656262505002, "y": 5.909352220321944, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.10564225690277, "y": 5.466052559851025, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.14565826330532, "y": 8.130677289535292, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.18567426970789, "y": 8.330653642760094, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.22569027611044, "y": 5.024010989310101, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.26570628251301, "y": 6.938249690190057, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.30572228891558, "y": 4.639328602508357, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.34573829531813, "y": 6.915499728729733, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.3857543017207, "y": 7.653903624837676, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.42577030812325, "y": 7.057916165512762, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.46578631452581, "y": 5.941777400652301, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.50580232092837, "y": 5.799325852907073, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.54581832733093, "y": 5.842223259934395, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.293790197765075, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.77118230326571, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.757047471097765, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.841111830886181, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.5858343337335, "y": 6.665468530459509, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.289126834881126, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.62585034013605, "y": 7.887543372929498, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.289126834881126, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.66586634653862, "y": 8.087444038800733, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.289126834881126, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.70588235294117, "y": 4.424324688724378, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.289126834881126, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.74589835934374, "y": 4.9611273743122535, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.58685287249369, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.289126834881126, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.086538961463197, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.130677289535292, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.78591436574631, "y": 4.671308716371486, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.287488820414848, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.842200327395741, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.133461699729155, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.82593037214886, "y": 5.0115860009527955, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.287488820414848, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.842200327395741, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.133461699729155, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.86594637855143, "y": 5.654152155726985, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.287488820414848, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.842200327395741, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.133461699729155, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.90596238495398, "y": 6.32475872585219, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.287488820414848, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.842200327395741, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.133461699729155, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.94597839135655, "y": 6.840595785366216, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.287488820414848, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.842200327395741, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.133461699729155, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 64.9859943977591, "y": 7.271751297428264, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.287488820414848, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.842200327395741, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.133461699729155, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.02601040416167, "y": 7.934691520554733, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.287488820414848, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.842200327395741, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.133461699729155, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.06602641056423, "y": 8.350605653893716, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.89452199944938, "q_0.175": 4.9611273743122535, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.287488820414848, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.052923387561611, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.399834503882525, "q_0.525": 6.54893756694938, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.842200327395741, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.133461699729155, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.10604241696679, "y": 6.984478038534571, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.886199312154281, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.475082619659686, "q_0.55": 6.612988970785921, "q_0.575": 6.737452877306334, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.434726674575022, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.133461699729155, "q_0.95": 8.262361706864532, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.14605842336935, "y": 7.750524417643925, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.1226554097052235, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875610657512601, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.9414667619686305, "q_0.9": 8.049695750695342, "q_0.925": 8.159333173662095, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.1860744297719, "y": 7.46937059082763, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.429411953563314, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.289883693528926, "q_0.5": 6.371591548732639, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.861075300814898, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.934691520554733, "q_0.9": 8.049695750695342, "q_0.925": 8.159333173662095, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.22609043617447, "y": 5.497566174498546, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.519898809594144, "q_0.35": 5.634402059728512, "q_0.375": 5.751022109966033, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.371591548732639, "q_0.525": 6.456944525411682, "q_0.55": 6.607185528698235, "q_0.575": 6.709596251680151, "q_0.6": 6.846413164888051, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.421378921844798, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.9414667619686305, "q_0.9": 8.049695750695342, "q_0.925": 8.160164203356791, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.26610644257703, "y": 7.881028382150689, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.519898809594144, "q_0.35": 5.634402059728512, "q_0.375": 5.751022109966033, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.371591548732639, "q_0.525": 6.456944525411682, "q_0.55": 6.607185528698235, "q_0.575": 6.709596251680151, "q_0.6": 6.846413164888051, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.421378921844798, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.9414667619686305, "q_0.9": 8.049695750695342, "q_0.925": 8.160164203356791, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.3061224489796, "y": 4.388611874925633, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.34613845538216, "y": 4.211386530730391, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.38615446178471, "y": 5.3588816768914995, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.42617046818728, "y": 6.150036565559704, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.46618647458983, "y": 6.8906398439322105, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.5062024809924, "y": 4.639379334929002, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.54621848739497, "y": 7.038039115989212, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.58623449379752, "y": 7.579826538061985, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.62625050020009, "y": 4.99214345940004, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.66626650660264, "y": 5.957988925578241, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.7062825130052, "y": 6.399271480556851, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.74629851940776, "y": 6.113765403330026, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.78631452581033, "y": 7.576844328604437, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.82633053221289, "y": 8.253158928769395, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.86634653861545, "y": 7.575297385189395, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.90636254501801, "y": 4.545956483531799, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.94637855142057, "y": 7.602581038671398, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 65.98639455782313, "y": 4.499311186910622, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.0264105642257, "y": 5.21217195589657, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.06642657062825, "y": 4.864361193267596, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.10644257703082, "y": 5.05189249273273, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.14645858343337, "y": 6.444215516736463, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.18647458983594, "y": 7.0483624646042555, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.22649059623849, "y": 6.201976558634519, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.26650660264106, "y": 8.262454249336805, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.30652260904363, "y": 5.235457427682123, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.34653861544618, "y": 7.437297968645725, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.38655462184875, "y": 7.889030883302941, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.4265706282513, "y": 6.592643613372832, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.46658663465386, "y": 6.1477873392902005, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.50660264105643, "y": 6.738193405313481, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.54661864745898, "y": 6.034011598917915, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.58663465386155, "y": 6.567357280860742, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.6266506602641, "y": 5.985641521844014, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.66666666666667, "y": 5.9170809943129035, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.70668267306922, "y": 7.1608603901938235, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.74669867947179, "y": 4.621868606794217, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.78671468587436, "y": 4.933212996652008, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.82673069227691, "y": 7.821059018883674, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.86674669867948, "y": 7.4842277450376, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.90676270508203, "y": 5.419964320297897, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.9467787114846, "y": 5.824928661078668, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 66.98679471788716, "y": 8.141111237815675, "y_pred": 6.370240255705349, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.591790499129065, "q_0.1": 4.639379334929002, "q_0.125": 4.7317609288643805, "q_0.15": 4.876300922834117, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277021526049126, "q_0.3": 5.429411953563314, "q_0.325": 5.515484260468025, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.253251670123682, "q_0.5": 6.370240255705349, "q_0.525": 6.446757353769544, "q_0.55": 6.602173744405637, "q_0.575": 6.709596251680151, "q_0.6": 6.840595785366216, "q_0.625": 6.961121135243478, "q_0.65": 7.069322733758634, "q_0.675": 7.168676553974224, "q_0.7": 7.321152596941451, "q_0.725": 7.433488644096537, "q_0.75": 7.50977496937789, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.02681072428972, "y": 7.6867006295192635, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.06682673069228, "y": 6.827916935577122, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.10684273709484, "y": 5.170581004496657, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.1468587434974, "y": 4.423049631682392, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.18687474989996, "y": 6.057690520263299, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.22689075630252, "y": 7.077785349853828, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.26690676270509, "y": 7.736992572592266, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.30692276910764, "y": 7.840312638765685, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.34693877551021, "y": 4.3775869710125415, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.38695478191276, "y": 5.271306804154225, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.42697078831533, "y": 5.673210161176248, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.46698679471788, "y": 5.038500327276012, "y_pred": 6.371591548732639, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.34478490407486, "q_0.05": 4.430040839189768, "q_0.075": 4.5952723636492, "q_0.1": 4.639379334929002, "q_0.125": 4.732020561033832, "q_0.15": 4.878558884371987, "q_0.175": 4.9611273743122535, "q_0.2": 5.038500327276012, "q_0.225": 5.120782424789921, "q_0.25": 5.1987437976665865, "q_0.275": 5.277204539643211, "q_0.3": 5.429411953563314, "q_0.325": 5.520626841439223, "q_0.35": 5.634402059728512, "q_0.375": 5.740762275671127, "q_0.4": 5.879245072438962, "q_0.425": 6.026732097997497, "q_0.45": 6.138653415907718, "q_0.475": 6.269383563495164, "q_0.5": 6.371591548732639, "q_0.525": 6.459344460901524, "q_0.55": 6.6076140956537275, "q_0.575": 6.709596251680151, "q_0.6": 6.85301778366183, "q_0.625": 6.961121135243478, "q_0.65": 7.073043550409165, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.5099228760695125, "q_0.775": 7.602581038671398, "q_0.8": 7.675270140890328, "q_0.825": 7.753808716222624, "q_0.85": 7.849023144623965, "q_0.875": 7.944021526451298, "q_0.9": 8.053307058666409, "q_0.925": 8.16227263890931, "q_0.95": 8.262454249336805, "q_0.975": 8.412088037464146, "q_1": 9.06553779600127}, {"x": 67.50700280112045, "y": 7.6355530176287925, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.54701880752302, "y": 7.486479851529196, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.58703481392557, "y": 6.427801865859671, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.62705082032814, "y": 8.399641360022773, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.66706682673069, "y": 4.8529901311723895, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.70708283313326, "y": 8.049695750695342, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.74709883953582, "y": 4.737565998831183, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.78711484593838, "y": 4.935873870923356, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.82713085234094, "y": 7.192142411399674, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.8671468587435, "y": 4.710314112810036, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.90716286514606, "y": 6.642254678323099, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.94717887154862, "y": 6.026732097997497, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 67.98719487795118, "y": 7.33261344710559, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.02721088435375, "y": 8.062793901452165, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.0672268907563, "y": 7.5099228760695125, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.10724289715887, "y": 7.849023144623965, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.14725890356142, "y": 4.3901615057447385, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.18727490996399, "y": 5.565408572498045, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.22729091636656, "y": 6.4358306629812265, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.26730692276911, "y": 6.015105570276598, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.30732292917168, "y": 5.233061773139259, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.34733893557423, "y": 5.558562596484324, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.3873549419768, "y": 8.262361706864532, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.42737094837935, "y": 5.501991629045078, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732020561033832, "q_0.15": 4.89452199944938, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.913052347788571, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.610945882647042, "q_0.575": 6.710214355423524, "q_0.6": 6.875949585473359, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.1864739195534355, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.7835732685260135, "q_0.85": 7.855099678303955, "q_0.875": 7.958802616307166, "q_0.9": 8.062793901452165, "q_0.925": 8.176438771149055, "q_0.95": 8.297240998500218, "q_0.975": 8.419077548226216, "q_1": 9.06553779600127}, {"x": 68.46738695478192, "y": 5.756006867404569, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.50740296118448, "y": 4.271452468633496, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.54741896758703, "y": 7.841111830886181, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.5874349739896, "y": 4.913776847538599, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.62745098039215, "y": 5.123635492586353, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.66746698679472, "y": 5.3412598812816725, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.70748299319729, "y": 8.013159591495198, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.74749899959984, "y": 5.135478975411495, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.78751500600241, "y": 7.645545020022812, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.82753101240496, "y": 7.691248195796737, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.86754701880753, "y": 8.19749931912753, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.90756302521008, "y": 4.752186087747524, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.94757903161265, "y": 5.184887186149939, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 68.98759503801521, "y": 7.418573339780122, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.02761104441777, "y": 5.0958542573717915, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.06762705082033, "y": 5.480378124576764, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.10764305722289, "y": 4.972851849322481, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.14765906362545, "y": 4.9988223773521305, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.187675070028, "y": 6.312486188186416, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.22769107643057, "y": 4.732225820309146, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.26770708283314, "y": 5.634402059728512, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.3077230892357, "y": 6.081258050680933, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.34773909563826, "y": 4.371979857968353, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.38775510204081, "y": 5.920103148237866, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.42777110844338, "y": 4.669138900048054, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.433911372591338, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732597939884491, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.039016201726165, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.138653415907718, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.322831888632859, "q_0.725": 7.437297968645725, "q_0.75": 7.51211729450557, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.855099678303955, "q_0.875": 7.961135356983236, "q_0.9": 8.062793901452165, "q_0.925": 8.177872505366615, "q_0.95": 8.298253495624909, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.46778711484595, "y": 6.3695003111396895, "y_pred": 6.38830657909329, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.448744433669469, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.732525767528159, "q_0.15": 4.909365837454605, "q_0.175": 4.961766854270886, "q_0.2": 5.041079699526768, "q_0.225": 5.123635492586353, "q_0.25": 5.1987437976665865, "q_0.275": 5.2860203426507155, "q_0.3": 5.437071183128024, "q_0.325": 5.536289657914686, "q_0.35": 5.654152155726985, "q_0.375": 5.756006867404569, "q_0.4": 5.909160566020582, "q_0.425": 6.034011598917915, "q_0.45": 6.146890586444009, "q_0.475": 6.296005743754593, "q_0.5": 6.38830657909329, "q_0.525": 6.465536254452598, "q_0.55": 6.608614085216537, "q_0.575": 6.710214355423524, "q_0.6": 6.874872671732287, "q_0.625": 6.961121135243478, "q_0.65": 7.077785349853828, "q_0.675": 7.178225371728468, "q_0.7": 7.325282589647719, "q_0.725": 7.437297968645725, "q_0.75": 7.5133051252567515, "q_0.775": 7.6075721287107125, "q_0.8": 7.678387747062077, "q_0.825": 7.783919898282058, "q_0.85": 7.860603397764244, "q_0.875": 7.961135356983236, "q_0.9": 8.065028221486347, "q_0.925": 8.177872505366615, "q_0.95": 8.304538377149415, "q_0.975": 8.426477316766753, "q_1": 9.06553779600127}, {"x": 69.5078031212485, "y": 7.783919898282058, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05091584037944, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.2860203426507155, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.913052347788571, "q_0.425": 6.039386478687201, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.500147298514093, "q_0.55": 6.612988970785921, "q_0.575": 6.737452877306334, "q_0.6": 6.877415819285887, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.334824091520664, "q_0.725": 7.444051702944519, "q_0.75": 7.5133051252567515, "q_0.775": 7.6181077415725165, "q_0.8": 7.6867006295192635, "q_0.825": 7.783919898282058, "q_0.85": 7.887543372929498, "q_0.875": 7.969313538515071, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.3175637586431, "q_0.975": 8.47353212124489, "q_1": 9.117904357059661}, {"x": 69.54781912765107, "y": 7.753808716222624, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05091584037944, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.2860203426507155, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.913052347788571, "q_0.425": 6.039386478687201, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.500147298514093, "q_0.55": 6.612988970785921, "q_0.575": 6.737452877306334, "q_0.6": 6.877415819285887, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.334824091520664, "q_0.725": 7.444051702944519, "q_0.75": 7.5133051252567515, "q_0.775": 7.6181077415725165, "q_0.8": 7.6867006295192635, "q_0.825": 7.783919898282058, "q_0.85": 7.887543372929498, "q_0.875": 7.969313538515071, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.3175637586431, "q_0.975": 8.47353212124489, "q_1": 9.117904357059661}, {"x": 69.58783513405362, "y": 4.613383051865101, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05091584037944, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.2860203426507155, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.913052347788571, "q_0.425": 6.039386478687201, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.500147298514093, "q_0.55": 6.612988970785921, "q_0.575": 6.737452877306334, "q_0.6": 6.877415819285887, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.334824091520664, "q_0.725": 7.444051702944519, "q_0.75": 7.5133051252567515, "q_0.775": 7.6181077415725165, "q_0.8": 7.6867006295192635, "q_0.825": 7.783919898282058, "q_0.85": 7.887543372929498, "q_0.875": 7.969313538515071, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.3175637586431, "q_0.975": 8.47353212124489, "q_1": 9.117904357059661}, {"x": 69.62785114045619, "y": 6.831165801686161, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05091584037944, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.2860203426507155, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.913052347788571, "q_0.425": 6.039386478687201, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.500147298514093, "q_0.55": 6.612988970785921, "q_0.575": 6.737452877306334, "q_0.6": 6.877415819285887, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.334824091520664, "q_0.725": 7.444051702944519, "q_0.75": 7.5133051252567515, "q_0.775": 7.6181077415725165, "q_0.8": 7.6867006295192635, "q_0.825": 7.783919898282058, "q_0.85": 7.887543372929498, "q_0.875": 7.969313538515071, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.3175637586431, "q_0.975": 8.47353212124489, "q_1": 9.117904357059661}, {"x": 69.66786714685874, "y": 7.825703771484614, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.598335254535328, "q_0.1": 4.644463340279043, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05091584037944, "q_0.225": 5.123635492586353, "q_0.25": 5.213140640317787, "q_0.275": 5.2860203426507155, "q_0.3": 5.438541504313273, "q_0.325": 5.5413418269448105, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.913052347788571, "q_0.425": 6.039386478687201, "q_0.45": 6.146890586444009, "q_0.475": 6.298661381914654, "q_0.5": 6.399834503882525, "q_0.525": 6.500147298514093, "q_0.55": 6.612988970785921, "q_0.575": 6.737452877306334, "q_0.6": 6.877415819285887, "q_0.625": 6.962794825803428, "q_0.65": 7.077785349853828, "q_0.675": 7.188385545858182, "q_0.7": 7.334824091520664, "q_0.725": 7.444051702944519, "q_0.75": 7.5133051252567515, "q_0.775": 7.6181077415725165, "q_0.8": 7.6867006295192635, "q_0.825": 7.783919898282058, "q_0.85": 7.887543372929498, "q_0.875": 7.969313538515071, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.3175637586431, "q_0.975": 8.47353212124489, "q_1": 9.117904357059661}, {"x": 69.7078831532613, "y": 5.2860203426507155, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 69.74789915966387, "y": 7.518297183219039, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 69.78791516606643, "y": 8.068094610848837, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 69.827931172469, "y": 7.708566595928236, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 69.86794717887155, "y": 4.732020561033832, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 69.90796318527411, "y": 4.313995137830147, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 69.94797919167668, "y": 5.093061326625452, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 69.98799519807923, "y": 5.429411953563314, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.0280112044818, "y": 6.903888973579131, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.06802721088435, "y": 5.916012034000652, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.10804321728692, "y": 7.277634175261337, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.14805922368947, "y": 5.784501430094777, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.18807523009204, "y": 4.9379495433283065, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.2280912364946, "y": 5.6137286715780395, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.26810724289716, "y": 8.053307058666409, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.30812324929973, "y": 8.371003816899552, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.34813925570228, "y": 5.167065115015842, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.38815526210485, "y": 7.64732980904761, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.42817126850741, "y": 5.449436989388218, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.46818727490997, "y": 8.070536155761484, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.50820328131253, "y": 4.990548377091267, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.54821928771509, "y": 7.128147769944071, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.58823529411765, "y": 4.644463340279043, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.6282513005202, "y": 8.445329155603197, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.66826730692277, "y": 7.279044131397248, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.70828331332534, "y": 7.883202521282729, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.74829931972789, "y": 6.7084766354490455, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.78831532613046, "y": 6.325271785433165, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.82833133253301, "y": 6.946203882849349, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.86834733893558, "y": 6.54893756694938, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.90836334533813, "y": 6.296005743754593, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.9483793517407, "y": 7.537122532574793, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 70.98839535814326, "y": 5.052377723222724, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.02841136454582, "y": 5.022961792631538, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.06842737094838, "y": 6.138653415907718, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.10844337735094, "y": 5.664158343458555, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.1484593837535, "y": 4.609649563181977, "y_pred": 6.399834503882525, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.651988806623869, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.970509766280765, "q_0.2": 5.05189249273273, "q_0.225": 5.123635492586353, "q_0.25": 5.233061773139259, "q_0.275": 5.290215727365148, "q_0.3": 5.449436989388218, "q_0.325": 5.5650225234108275, "q_0.35": 5.6578426900977075, "q_0.375": 5.764366791822143, "q_0.4": 5.9170809943129035, "q_0.425": 6.057690520263299, "q_0.45": 6.1477873392902005, "q_0.475": 6.303355969642889, "q_0.5": 6.399834503882525, "q_0.525": 6.514932326533614, "q_0.55": 6.62232618333511, "q_0.575": 6.747072700996834, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.080210963885797, "q_0.675": 7.202443257596885, "q_0.7": 7.334824091520664, "q_0.725": 7.456806517351355, "q_0.75": 7.516675079464473, "q_0.775": 7.6355530176287925, "q_0.8": 7.687481123847246, "q_0.825": 7.787569438223713, "q_0.85": 7.889030883302941, "q_0.875": 7.973606893184375, "q_0.9": 8.068094610848837, "q_0.925": 8.19749931912753, "q_0.95": 8.330653642760094, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.18847539015607, "y": 7.906764005708316, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.22849139655862, "y": 7.595916950510564, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.26850740296119, "y": 6.62232618333511, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.30852340936374, "y": 8.487108437956586, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.34853941576631, "y": 4.606059433029293, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.38855542216886, "y": 7.578682912919554, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.42857142857143, "y": 5.437071183128024, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.468587434974, "y": 5.875623573260997, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.50860344137655, "y": 5.236730700678295, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.54861944777912, "y": 7.678387747062077, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.58863545418167, "y": 4.916531801106208, "y_pred": 6.402262026196145, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.3708626516283235, "q_0.05": 4.453688787362178, "q_0.075": 4.606059433029293, "q_0.1": 4.65943479221821, "q_0.125": 4.737565998831183, "q_0.15": 4.916531801106208, "q_0.175": 4.972851849322481, "q_0.2": 5.05189249273273, "q_0.225": 5.13321653313719, "q_0.25": 5.233061773139259, "q_0.275": 5.321254834181335, "q_0.3": 5.449436989388218, "q_0.325": 5.565408572498045, "q_0.35": 5.664158343458555, "q_0.375": 5.781123634460956, "q_0.4": 5.921854006258333, "q_0.425": 6.057690520263299, "q_0.45": 6.150036565559704, "q_0.475": 6.303355969642889, "q_0.5": 6.402262026196145, "q_0.525": 6.54893756694938, "q_0.55": 6.627671675619592, "q_0.575": 6.752934176496481, "q_0.6": 6.903888973579131, "q_0.625": 6.974902368088824, "q_0.65": 7.088056572014871, "q_0.675": 7.202443257596885, "q_0.7": 7.33759928006981, "q_0.725": 7.4598899101945895, "q_0.75": 7.518297183219039, "q_0.775": 7.6355530176287925, "q_0.8": 7.708566595928236, "q_0.825": 7.805474688475007, "q_0.85": 7.891267869684307, "q_0.875": 7.975557626239649, "q_0.9": 8.084607236378016, "q_0.925": 8.206721886437666, "q_0.95": 8.350605653893716, "q_0.975": 8.487108437956586, "q_1": 9.117904357059661}, {"x": 71.62865146058424, "y": 7.898807765374084, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.920466131836241, "q_0.175": 4.972851849322481, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.338094355588171, "q_0.3": 5.454014158790365, "q_0.325": 5.592212067468457, "q_0.35": 5.673210161176248, "q_0.375": 5.784501430094777, "q_0.4": 5.952531773049255, "q_0.425": 6.068705675007118, "q_0.45": 6.1742452684924825, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.908155437208337, "q_0.625": 6.984478038534571, "q_0.65": 7.108169739799926, "q_0.675": 7.255813732982542, "q_0.7": 7.339281484523887, "q_0.725": 7.46937059082763, "q_0.75": 7.523299742234963, "q_0.775": 7.645545020022812, "q_0.8": 7.712264273562155, "q_0.825": 7.823620854172216, "q_0.85": 7.898807765374084, "q_0.875": 7.979878653405329, "q_0.9": 8.087444038800733, "q_0.925": 8.221805004024278, "q_0.95": 8.353987139950119, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 71.6686674669868, "y": 7.135040034552558, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.862691537907575, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.922481880279304, "q_0.175": 4.972851849322481, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.338094355588171, "q_0.3": 5.454014158790365, "q_0.325": 5.592212067468457, "q_0.35": 5.673210161176248, "q_0.375": 5.784501430094777, "q_0.4": 5.952531773049255, "q_0.425": 6.068891780047043, "q_0.45": 6.180114464839802, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.908155437208337, "q_0.625": 6.984478038534571, "q_0.65": 7.108169739799926, "q_0.675": 7.255813732982542, "q_0.7": 7.339281484523887, "q_0.725": 7.46937059082763, "q_0.75": 7.518297183219039, "q_0.775": 7.645545020022812, "q_0.8": 7.712264273562155, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 7.979878653405329, "q_0.9": 8.087444038800733, "q_0.925": 8.221805004024278, "q_0.95": 8.353987139950119, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 71.70868347338936, "y": 4.553121442458908, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 71.74869947979192, "y": 7.777350988843385, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 71.78871548619448, "y": 6.992746699276601, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 71.82873149259704, "y": 8.182412195194702, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 71.8687474989996, "y": 7.5133051252567515, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 71.90876350540216, "y": 6.709596251680151, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 71.94877951180473, "y": 7.891957264054015, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 71.98879551820728, "y": 5.496834259748343, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 72.02881152460985, "y": 6.651337245831529, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 72.0688275310124, "y": 5.5650225234108275, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 72.10884353741497, "y": 8.461019066614918, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 72.14885954381754, "y": 5.277021526049126, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 72.18887555022009, "y": 4.374179160246665, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 72.22889155662266, "y": 5.706240551435829, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 72.26890756302521, "y": 6.465536254452598, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.974738209910947, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.596754924306473, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 72.30892356942778, "y": 4.430040839189768, "y_pred": 6.416270884920758, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.606059433029293, "q_0.1": 4.669138900048054, "q_0.125": 4.752186087747524, "q_0.15": 4.923302982117865, "q_0.175": 4.977043761741297, "q_0.2": 5.052377723222724, "q_0.225": 5.135478975411495, "q_0.25": 5.235457427682123, "q_0.275": 5.347108376247142, "q_0.3": 5.466052559851025, "q_0.325": 5.598264224247254, "q_0.35": 5.6737204739936455, "q_0.375": 5.784501430094777, "q_0.4": 5.957988925578241, "q_0.425": 6.076229323149602, "q_0.45": 6.201121542961315, "q_0.475": 6.312486188186416, "q_0.5": 6.416270884920758, "q_0.525": 6.556922696951482, "q_0.55": 6.642254678323099, "q_0.575": 6.778923927027959, "q_0.6": 6.909593822858551, "q_0.625": 6.984478038534571, "q_0.65": 7.1144450602403815, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.5607641850212985, "q_0.775": 7.645545020022812, "q_0.8": 7.728612872168439, "q_0.825": 7.834476236336158, "q_0.85": 7.898807765374084, "q_0.875": 8.003396375626119, "q_0.9": 8.092158159258524, "q_0.925": 8.235819827590735, "q_0.95": 8.371003816899552, "q_0.975": 8.501236984713952, "q_1": 9.117904357059661}, {"x": 72.34893957583033, "y": 6.71086839399545, "y_pred": 6.427801865859671, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.374179160246665, "q_0.05": 4.470390263985683, "q_0.075": 4.609025084519022, "q_0.1": 4.67869742851378, "q_0.125": 4.755614343993165, "q_0.15": 4.931784502214521, "q_0.175": 4.977043761741297, "q_0.2": 5.0630309141950365, "q_0.225": 5.135478975411495, "q_0.25": 5.236730700678295, "q_0.275": 5.3588816768914995, "q_0.3": 5.4741072109626785, "q_0.325": 5.60090035532502, "q_0.35": 5.688614811687864, "q_0.375": 5.802539059625862, "q_0.4": 5.957988925578241, "q_0.425": 6.081258050680933, "q_0.45": 6.220095836224706, "q_0.475": 6.325271785433165, "q_0.5": 6.427801865859671, "q_0.525": 6.562639768728845, "q_0.55": 6.64615580544274, "q_0.575": 6.789661109836697, "q_0.6": 6.915499728729733, "q_0.625": 6.984478038534571, "q_0.65": 7.116212837647618, "q_0.675": 7.255813732982542, "q_0.7": 7.341491283836457, "q_0.725": 7.46937059082763, "q_0.75": 7.564607068510808, "q_0.775": 7.6458828499127875, "q_0.8": 7.729996186871609, "q_0.825": 7.838171093255294, "q_0.85": 7.906764005708316, "q_0.875": 8.013159591495198, "q_0.9": 8.107815238235931, "q_0.925": 8.244306119580855, "q_0.95": 8.371003816899552, "q_0.975": 8.511672702219997, "q_1": 9.117904357059661}, {"x": 72.3889555822329, "y": 8.065028221486347, "y_pred": 6.444215516736463, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.524621312709386, "q_0.075": 4.613383051865101, "q_0.1": 4.693007450504758, "q_0.125": 4.773197724835218, "q_0.15": 4.933212996652008, "q_0.175": 4.990548377091267, "q_0.2": 5.078068846600801, "q_0.225": 5.167065115015842, "q_0.25": 5.24818044101043, "q_0.275": 5.40151772933469, "q_0.3": 5.4934499542244986, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.864985404400768, "q_0.4": 5.985641521844014, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.364758681587269, "q_0.5": 6.444215516736463, "q_0.525": 6.586965632995195, "q_0.55": 6.7084766354490455, "q_0.575": 6.821675824365898, "q_0.6": 6.927562068158622, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.39349892724248, "q_0.725": 7.485418535152848, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.944021526451298, "q_0.875": 8.049695750695342, "q_0.9": 8.130677289535292, "q_0.925": 8.262361706864532, "q_0.95": 8.399641360022773, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.42897158863546, "y": 7.33759928006981, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.524621312709386, "q_0.075": 4.613383051865101, "q_0.1": 4.694172874974996, "q_0.125": 4.773197724835218, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.078068846600801, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.413052805033671, "q_0.3": 5.4934499542244986, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.875623573260997, "q_0.4": 5.985641521844014, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.586965632995195, "q_0.55": 6.7084766354490455, "q_0.575": 6.82245125481038, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.39349892724248, "q_0.725": 7.486479851529196, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.944021526451298, "q_0.875": 8.053307058666409, "q_0.9": 8.130677289535292, "q_0.925": 8.262361706864532, "q_0.95": 8.399641360022773, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.46898759503802, "y": 6.987192538543265, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.524621312709386, "q_0.075": 4.613383051865101, "q_0.1": 4.694172874974996, "q_0.125": 4.773197724835218, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.078068846600801, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.413052805033671, "q_0.3": 5.4934499542244986, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.875623573260997, "q_0.4": 5.985641521844014, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.586965632995195, "q_0.55": 6.7084766354490455, "q_0.575": 6.82245125481038, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.39349892724248, "q_0.725": 7.486479851529196, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.944021526451298, "q_0.875": 8.053307058666409, "q_0.9": 8.130677289535292, "q_0.925": 8.262361706864532, "q_0.95": 8.399641360022773, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.50900360144058, "y": 8.419077548226216, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.524621312709386, "q_0.075": 4.613383051865101, "q_0.1": 4.694172874974996, "q_0.125": 4.773197724835218, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.078068846600801, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.413052805033671, "q_0.3": 5.4934499542244986, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.875623573260997, "q_0.4": 5.985641521844014, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.586965632995195, "q_0.55": 6.7084766354490455, "q_0.575": 6.82245125481038, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.39349892724248, "q_0.725": 7.486479851529196, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.944021526451298, "q_0.875": 8.053307058666409, "q_0.9": 8.130677289535292, "q_0.925": 8.262361706864532, "q_0.95": 8.399641360022773, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.54901960784314, "y": 8.43009558223072, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.524621312709386, "q_0.075": 4.613383051865101, "q_0.1": 4.694172874974996, "q_0.125": 4.773197724835218, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.078068846600801, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.413052805033671, "q_0.3": 5.4934499542244986, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.875623573260997, "q_0.4": 5.985641521844014, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.586965632995195, "q_0.55": 6.7084766354490455, "q_0.575": 6.82245125481038, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.39349892724248, "q_0.725": 7.486479851529196, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.944021526451298, "q_0.875": 8.053307058666409, "q_0.9": 8.130677289535292, "q_0.925": 8.262361706864532, "q_0.95": 8.399641360022773, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.5890356142457, "y": 7.855099678303955, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.524621312709386, "q_0.075": 4.613383051865101, "q_0.1": 4.694172874974996, "q_0.125": 4.773197724835218, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.078068846600801, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.413052805033671, "q_0.3": 5.4934499542244986, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.875623573260997, "q_0.4": 5.985641521844014, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.586965632995195, "q_0.55": 6.7084766354490455, "q_0.575": 6.82245125481038, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.39349892724248, "q_0.725": 7.486479851529196, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.944021526451298, "q_0.875": 8.053307058666409, "q_0.9": 8.130677289535292, "q_0.925": 8.262361706864532, "q_0.95": 8.399641360022773, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.62905162064827, "y": 6.925236174926521, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.524621312709386, "q_0.075": 4.613383051865101, "q_0.1": 4.694172874974996, "q_0.125": 4.773197724835218, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.078068846600801, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.413052805033671, "q_0.3": 5.4934499542244986, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.875623573260997, "q_0.4": 5.985641521844014, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.586965632995195, "q_0.55": 6.7084766354490455, "q_0.575": 6.82245125481038, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.39349892724248, "q_0.725": 7.486479851529196, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.944021526451298, "q_0.875": 8.053307058666409, "q_0.9": 8.130677289535292, "q_0.925": 8.262361706864532, "q_0.95": 8.399641360022773, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.66906762705082, "y": 6.4102501286231135, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.524621312709386, "q_0.075": 4.613383051865101, "q_0.1": 4.694172874974996, "q_0.125": 4.773197724835218, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.078068846600801, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.413052805033671, "q_0.3": 5.4934499542244986, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.875623573260997, "q_0.4": 5.985641521844014, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.586965632995195, "q_0.55": 6.7084766354490455, "q_0.575": 6.82245125481038, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.39349892724248, "q_0.725": 7.486479851529196, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.944021526451298, "q_0.875": 8.053307058666409, "q_0.9": 8.130677289535292, "q_0.925": 8.262361706864532, "q_0.95": 8.399641360022773, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.70908363345339, "y": 4.3708626516283235, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.524621312709386, "q_0.075": 4.613383051865101, "q_0.1": 4.694172874974996, "q_0.125": 4.773197724835218, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.078068846600801, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.413052805033671, "q_0.3": 5.4934499542244986, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.875623573260997, "q_0.4": 5.985641521844014, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.586965632995195, "q_0.55": 6.7084766354490455, "q_0.575": 6.82245125481038, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.39349892724248, "q_0.725": 7.486479851529196, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.944021526451298, "q_0.875": 8.053307058666409, "q_0.9": 8.130677289535292, "q_0.925": 8.262361706864532, "q_0.95": 8.399641360022773, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.74909963985594, "y": 6.921468824024663, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.5439034078690606, "q_0.075": 4.613383051865101, "q_0.1": 4.69777579925783, "q_0.125": 4.773197724835218, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.082973149448729, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.419964320297897, "q_0.3": 5.497566174498546, "q_0.325": 5.62140566354136, "q_0.35": 5.719682679094714, "q_0.375": 5.875623573260997, "q_0.4": 6.02262314226934, "q_0.425": 6.13279763633506, "q_0.45": 6.253251670123682, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.592643613372832, "q_0.55": 6.7084766354490455, "q_0.575": 6.82245125481038, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.303487754943594, "q_0.7": 7.394550905989107, "q_0.725": 7.486479851529196, "q_0.75": 7.579826538061985, "q_0.775": 7.653903624837676, "q_0.8": 7.753808716222624, "q_0.825": 7.849023144623965, "q_0.85": 7.954445289561369, "q_0.875": 8.053307058666409, "q_0.9": 8.133461699729155, "q_0.925": 8.262361706864532, "q_0.95": 8.411171895527225, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.78911564625851, "y": 8.568949105019012, "y_pred": 6.446101117070942, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.3775869710125415, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.706679514948626, "q_0.125": 4.7758565031849525, "q_0.15": 4.9349732185676265, "q_0.175": 4.992071423108374, "q_0.2": 5.082973149448729, "q_0.225": 5.169930215921888, "q_0.25": 5.24818044101043, "q_0.275": 5.419964320297897, "q_0.3": 5.497566174498546, "q_0.325": 5.62140566354136, "q_0.35": 5.7260770285449505, "q_0.375": 5.879245072438962, "q_0.4": 6.026732097997497, "q_0.425": 6.138653415907718, "q_0.45": 6.272889904759298, "q_0.475": 6.3695003111396895, "q_0.5": 6.446101117070942, "q_0.525": 6.592643613372832, "q_0.55": 6.7084766354490455, "q_0.575": 6.82375315809708, "q_0.6": 6.938249690190057, "q_0.625": 6.992746699276601, "q_0.65": 7.135040034552558, "q_0.675": 7.309967068316329, "q_0.7": 7.394550905989107, "q_0.725": 7.486479851529196, "q_0.75": 7.595916950510564, "q_0.775": 7.669390382418008, "q_0.8": 7.753808716222624, "q_0.825": 7.855099678303955, "q_0.85": 7.958802616307166, "q_0.875": 8.053307058666409, "q_0.9": 8.160164203356791, "q_0.925": 8.262454249336805, "q_0.95": 8.411171895527225, "q_0.975": 8.55822033518474, "q_1": 9.117904357059661}, {"x": 72.82913165266106, "y": 7.834476236336158, "y_pred": 6.446757353769544, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.381521249652034, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.706679514948626, "q_0.125": 4.7982156998918475, "q_0.15": 4.935873870923356, "q_0.175": 4.99214345940004, "q_0.2": 5.082973149448729, "q_0.225": 5.170581004496657, "q_0.25": 5.251305429080203, "q_0.275": 5.425175682468657, "q_0.3": 5.520626841439223, "q_0.325": 5.634402059728512, "q_0.35": 5.740762275671127, "q_0.375": 5.879245072438962, "q_0.4": 6.034011598917915, "q_0.425": 6.146890586444009, "q_0.45": 6.289883693528926, "q_0.475": 6.371591548732639, "q_0.5": 6.446757353769544, "q_0.525": 6.592643613372832, "q_0.55": 6.709596251680151, "q_0.575": 6.82375315809708, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.396331630299205, "q_0.725": 7.494307419463388, "q_0.75": 7.595916950510564, "q_0.775": 7.672438687443597, "q_0.8": 7.775046841507674, "q_0.825": 7.855099678303955, "q_0.85": 7.961135356983236, "q_0.875": 8.062793901452165, "q_0.9": 8.16227263890931, "q_0.925": 8.262454249336805, "q_0.95": 8.411171895527225, "q_0.975": 8.560528974284738, "q_1": 9.117904357059661}, {"x": 72.86914765906363, "y": 5.781123634460956, "y_pred": 6.446757353769544, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.381521249652034, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.706679514948626, "q_0.125": 4.7982156998918475, "q_0.15": 4.935873870923356, "q_0.175": 4.99214345940004, "q_0.2": 5.082973149448729, "q_0.225": 5.170581004496657, "q_0.25": 5.251305429080203, "q_0.275": 5.425175682468657, "q_0.3": 5.520626841439223, "q_0.325": 5.634402059728512, "q_0.35": 5.740762275671127, "q_0.375": 5.879245072438962, "q_0.4": 6.034011598917915, "q_0.425": 6.146890586444009, "q_0.45": 6.289883693528926, "q_0.475": 6.371591548732639, "q_0.5": 6.446757353769544, "q_0.525": 6.592643613372832, "q_0.55": 6.709596251680151, "q_0.575": 6.82375315809708, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.396331630299205, "q_0.725": 7.494307419463388, "q_0.75": 7.595916950510564, "q_0.775": 7.672438687443597, "q_0.8": 7.775046841507674, "q_0.825": 7.855099678303955, "q_0.85": 7.961135356983236, "q_0.875": 8.062793901452165, "q_0.9": 8.16227263890931, "q_0.925": 8.262454249336805, "q_0.95": 8.411171895527225, "q_0.975": 8.560528974284738, "q_1": 9.117904357059661}, {"x": 72.9091636654662, "y": 4.970509766280765, "y_pred": 6.446757353769544, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.381521249652034, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.706679514948626, "q_0.125": 4.7982156998918475, "q_0.15": 4.935873870923356, "q_0.175": 4.99214345940004, "q_0.2": 5.082973149448729, "q_0.225": 5.170581004496657, "q_0.25": 5.251305429080203, "q_0.275": 5.425175682468657, "q_0.3": 5.520626841439223, "q_0.325": 5.634402059728512, "q_0.35": 5.740762275671127, "q_0.375": 5.879245072438962, "q_0.4": 6.034011598917915, "q_0.425": 6.146890586444009, "q_0.45": 6.289883693528926, "q_0.475": 6.371591548732639, "q_0.5": 6.446757353769544, "q_0.525": 6.592643613372832, "q_0.55": 6.709596251680151, "q_0.575": 6.82375315809708, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.396331630299205, "q_0.725": 7.494307419463388, "q_0.75": 7.595916950510564, "q_0.775": 7.672438687443597, "q_0.8": 7.775046841507674, "q_0.825": 7.855099678303955, "q_0.85": 7.961135356983236, "q_0.875": 8.062793901452165, "q_0.9": 8.16227263890931, "q_0.925": 8.262454249336805, "q_0.95": 8.411171895527225, "q_0.975": 8.560528974284738, "q_1": 9.117904357059661}, {"x": 72.94917967186875, "y": 7.690910947028105, "y_pred": 6.446757353769544, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.381521249652034, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.706679514948626, "q_0.125": 4.7982156998918475, "q_0.15": 4.935873870923356, "q_0.175": 4.99214345940004, "q_0.2": 5.082973149448729, "q_0.225": 5.170581004496657, "q_0.25": 5.251305429080203, "q_0.275": 5.425175682468657, "q_0.3": 5.520626841439223, "q_0.325": 5.634402059728512, "q_0.35": 5.740762275671127, "q_0.375": 5.879245072438962, "q_0.4": 6.034011598917915, "q_0.425": 6.146890586444009, "q_0.45": 6.289883693528926, "q_0.475": 6.371591548732639, "q_0.5": 6.446757353769544, "q_0.525": 6.592643613372832, "q_0.55": 6.709596251680151, "q_0.575": 6.82375315809708, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.396331630299205, "q_0.725": 7.494307419463388, "q_0.75": 7.595916950510564, "q_0.775": 7.672438687443597, "q_0.8": 7.775046841507674, "q_0.825": 7.855099678303955, "q_0.85": 7.961135356983236, "q_0.875": 8.062793901452165, "q_0.9": 8.16227263890931, "q_0.925": 8.262454249336805, "q_0.95": 8.411171895527225, "q_0.975": 8.560528974284738, "q_1": 9.117904357059661}, {"x": 72.98919567827132, "y": 7.519192224745076, "y_pred": 6.446757353769544, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.381521249652034, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.706679514948626, "q_0.125": 4.7982156998918475, "q_0.15": 4.935873870923356, "q_0.175": 4.99214345940004, "q_0.2": 5.082973149448729, "q_0.225": 5.170581004496657, "q_0.25": 5.251305429080203, "q_0.275": 5.425175682468657, "q_0.3": 5.520626841439223, "q_0.325": 5.634402059728512, "q_0.35": 5.740762275671127, "q_0.375": 5.879245072438962, "q_0.4": 6.034011598917915, "q_0.425": 6.146890586444009, "q_0.45": 6.289883693528926, "q_0.475": 6.371591548732639, "q_0.5": 6.446757353769544, "q_0.525": 6.592643613372832, "q_0.55": 6.709596251680151, "q_0.575": 6.82375315809708, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.396331630299205, "q_0.725": 7.494307419463388, "q_0.75": 7.595916950510564, "q_0.775": 7.672438687443597, "q_0.8": 7.775046841507674, "q_0.825": 7.855099678303955, "q_0.85": 7.961135356983236, "q_0.875": 8.062793901452165, "q_0.9": 8.16227263890931, "q_0.925": 8.262454249336805, "q_0.95": 8.411171895527225, "q_0.975": 8.560528974284738, "q_1": 9.117904357059661}, {"x": 73.02921168467387, "y": 8.48049153649446, "y_pred": 6.454343177345563, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.381643112717437, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.710314112810036, "q_0.125": 4.7982156998918475, "q_0.15": 4.935873870923356, "q_0.175": 4.99214345940004, "q_0.2": 5.082973149448729, "q_0.225": 5.170581004496657, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.634402059728512, "q_0.35": 5.751022109966033, "q_0.375": 5.880725247445652, "q_0.4": 6.034011598917915, "q_0.425": 6.146890586444009, "q_0.45": 6.289883693528926, "q_0.475": 6.371591548732639, "q_0.5": 6.454343177345563, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.828579125837872, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.396331630299205, "q_0.725": 7.494307419463388, "q_0.75": 7.595916950510564, "q_0.775": 7.672438687443597, "q_0.8": 7.775046841507674, "q_0.825": 7.855099678303955, "q_0.85": 7.961135356983236, "q_0.875": 8.062793901452165, "q_0.9": 8.168759440796432, "q_0.925": 8.266762790364961, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.06922769107643, "y": 8.084607236378016, "y_pred": 6.454343177345563, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.381643112717437, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.710314112810036, "q_0.125": 4.7982156998918475, "q_0.15": 4.935873870923356, "q_0.175": 4.99214345940004, "q_0.2": 5.082973149448729, "q_0.225": 5.170581004496657, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.634402059728512, "q_0.35": 5.751022109966033, "q_0.375": 5.880725247445652, "q_0.4": 6.034011598917915, "q_0.425": 6.146890586444009, "q_0.45": 6.289883693528926, "q_0.475": 6.371591548732639, "q_0.5": 6.454343177345563, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.828579125837872, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.396331630299205, "q_0.725": 7.494307419463388, "q_0.75": 7.595916950510564, "q_0.775": 7.672438687443597, "q_0.8": 7.775046841507674, "q_0.825": 7.855099678303955, "q_0.85": 7.961135356983236, "q_0.875": 8.062793901452165, "q_0.9": 8.168759440796432, "q_0.925": 8.266762790364961, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.10924369747899, "y": 6.711371446457694, "y_pred": 6.454343177345563, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.381643112717437, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.710314112810036, "q_0.125": 4.7982156998918475, "q_0.15": 4.935873870923356, "q_0.175": 4.99214345940004, "q_0.2": 5.082973149448729, "q_0.225": 5.170581004496657, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.634402059728512, "q_0.35": 5.751022109966033, "q_0.375": 5.880725247445652, "q_0.4": 6.034011598917915, "q_0.425": 6.146890586444009, "q_0.45": 6.289883693528926, "q_0.475": 6.371591548732639, "q_0.5": 6.454343177345563, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.828579125837872, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.396331630299205, "q_0.725": 7.494307419463388, "q_0.75": 7.595916950510564, "q_0.775": 7.672438687443597, "q_0.8": 7.775046841507674, "q_0.825": 7.855099678303955, "q_0.85": 7.961135356983236, "q_0.875": 8.062793901452165, "q_0.9": 8.168759440796432, "q_0.925": 8.266762790364961, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.14925970388155, "y": 4.755614343993165, "y_pred": 6.454343177345563, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.381643112717437, "q_0.05": 4.545956483531799, "q_0.075": 4.621868606794217, "q_0.1": 4.710314112810036, "q_0.125": 4.7982156998918475, "q_0.15": 4.935873870923356, "q_0.175": 4.99214345940004, "q_0.2": 5.082973149448729, "q_0.225": 5.170581004496657, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.634402059728512, "q_0.35": 5.751022109966033, "q_0.375": 5.880725247445652, "q_0.4": 6.034011598917915, "q_0.425": 6.146890586444009, "q_0.45": 6.289883693528926, "q_0.475": 6.371591548732639, "q_0.5": 6.454343177345563, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.828579125837872, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.396331630299205, "q_0.725": 7.494307419463388, "q_0.75": 7.595916950510564, "q_0.775": 7.672438687443597, "q_0.8": 7.775046841507674, "q_0.825": 7.855099678303955, "q_0.85": 7.961135356983236, "q_0.875": 8.062793901452165, "q_0.9": 8.168759440796432, "q_0.925": 8.266762790364961, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.18927571028412, "y": 6.402262026196145, "y_pred": 6.460278013670872, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.386547959431385, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.810019457720938, "q_0.15": 4.936325118550387, "q_0.175": 5.006226138839089, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.654152155726985, "q_0.35": 5.756006867404569, "q_0.375": 5.909160566020582, "q_0.4": 6.034011598917915, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.371591548732639, "q_0.5": 6.460278013670872, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.15012057883883, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.672438687443597, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.963071720147777, "q_0.875": 8.065028221486347, "q_0.9": 8.168759440796432, "q_0.925": 8.297240998500218, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.22929171668667, "y": 5.6716750974135675, "y_pred": 6.460278013670872, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.386547959431385, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.810019457720938, "q_0.15": 4.936325118550387, "q_0.175": 5.006226138839089, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.654152155726985, "q_0.35": 5.756006867404569, "q_0.375": 5.909160566020582, "q_0.4": 6.034011598917915, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.371591548732639, "q_0.5": 6.460278013670872, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.15012057883883, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.672438687443597, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.963071720147777, "q_0.875": 8.065028221486347, "q_0.9": 8.168759440796432, "q_0.925": 8.297240998500218, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.26930772308924, "y": 6.528373332510743, "y_pred": 6.460278013670872, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.386547959431385, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.810019457720938, "q_0.15": 4.936325118550387, "q_0.175": 5.006226138839089, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.654152155726985, "q_0.35": 5.756006867404569, "q_0.375": 5.909160566020582, "q_0.4": 6.034011598917915, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.371591548732639, "q_0.5": 6.460278013670872, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.15012057883883, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.672438687443597, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.963071720147777, "q_0.875": 8.065028221486347, "q_0.9": 8.168759440796432, "q_0.925": 8.297240998500218, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.3093237294918, "y": 5.62140566354136, "y_pred": 6.460278013670872, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.386547959431385, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.810019457720938, "q_0.15": 4.936325118550387, "q_0.175": 5.006226138839089, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.654152155726985, "q_0.35": 5.756006867404569, "q_0.375": 5.909160566020582, "q_0.4": 6.034011598917915, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.371591548732639, "q_0.5": 6.460278013670872, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.15012057883883, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.672438687443597, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.963071720147777, "q_0.875": 8.065028221486347, "q_0.9": 8.168759440796432, "q_0.925": 8.297240998500218, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.34933973589436, "y": 8.035536345723893, "y_pred": 6.460278013670872, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.386547959431385, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.810019457720938, "q_0.15": 4.936325118550387, "q_0.175": 5.006226138839089, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.654152155726985, "q_0.35": 5.756006867404569, "q_0.375": 5.909160566020582, "q_0.4": 6.034011598917915, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.371591548732639, "q_0.5": 6.460278013670872, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.15012057883883, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.672438687443597, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.963071720147777, "q_0.875": 8.065028221486347, "q_0.9": 8.168759440796432, "q_0.925": 8.297240998500218, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.38935574229693, "y": 7.961135356983236, "y_pred": 6.460278013670872, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.386547959431385, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.810019457720938, "q_0.15": 4.936325118550387, "q_0.175": 5.006226138839089, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.654152155726985, "q_0.35": 5.756006867404569, "q_0.375": 5.909160566020582, "q_0.4": 6.034011598917915, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.371591548732639, "q_0.5": 6.460278013670872, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.15012057883883, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.672438687443597, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.963071720147777, "q_0.875": 8.065028221486347, "q_0.9": 8.168759440796432, "q_0.925": 8.297240998500218, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.42937174869948, "y": 5.682804456149165, "y_pred": 6.460278013670872, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.386547959431385, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.810019457720938, "q_0.15": 4.936325118550387, "q_0.175": 5.006226138839089, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.271306804154225, "q_0.275": 5.429411953563314, "q_0.3": 5.536289657914686, "q_0.325": 5.654152155726985, "q_0.35": 5.756006867404569, "q_0.375": 5.909160566020582, "q_0.4": 6.034011598917915, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.371591548732639, "q_0.5": 6.460278013670872, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.15012057883883, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.672438687443597, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.963071720147777, "q_0.875": 8.065028221486347, "q_0.9": 8.168759440796432, "q_0.925": 8.297240998500218, "q_0.95": 8.412088037464146, "q_0.975": 8.568949105019012, "q_1": 9.117904357059661}, {"x": 73.46938775510205, "y": 6.908155437208337, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.5094037615046, "y": 6.178734762645732, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.54941976790717, "y": 8.244306119580855, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.58943577430972, "y": 5.13321653313719, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.62945178071229, "y": 7.334824091520664, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.66946778711485, "y": 8.511672702219997, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.7094837935174, "y": 5.082973149448729, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.74949979991997, "y": 5.1987437976665865, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.78951580632253, "y": 7.321152596941451, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.8295318127251, "y": 7.690702664526135, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.86954781912766, "y": 6.446101117070942, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.90956382553021, "y": 6.961121135243478, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.545956483531799, "q_0.075": 4.6233876387201605, "q_0.1": 4.710314112810036, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.831943468272714, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.309967068316329, "q_0.7": 7.409750490544118, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.7835732685260135, "q_0.825": 7.860603397764244, "q_0.85": 7.969313538515071, "q_0.875": 8.065028221486347, "q_0.9": 8.176438771149055, "q_0.925": 8.298253495624909, "q_0.95": 8.412088037464146, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.94957983193278, "y": 5.24818044101043, "y_pred": 6.460278013670872, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.549716964490572, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.434870098168665, "q_0.3": 5.5413418269448105, "q_0.325": 5.654152155726985, "q_0.35": 5.758925211820149, "q_0.375": 5.909160566020582, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.371714549575328, "q_0.5": 6.460278013670872, "q_0.525": 6.6007006912960104, "q_0.55": 6.709596251680151, "q_0.575": 6.828579125837872, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.145846942462921, "q_0.675": 7.309967068316329, "q_0.7": 7.407613161302036, "q_0.725": 7.494307419463388, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.783919898282058, "q_0.825": 7.86433967322054, "q_0.85": 7.969313538515071, "q_0.875": 8.067625812021475, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.415415940801093, "q_0.975": 8.57729771367967, "q_1": 9.117904357059661}, {"x": 73.98959583833533, "y": 6.38830657909329, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.434870098168665, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.157604606791473, "q_0.675": 7.317181882158675, "q_0.7": 7.411374655686721, "q_0.725": 7.502437976787764, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.783919898282058, "q_0.825": 7.887543372929498, "q_0.85": 7.973606893184375, "q_0.875": 8.068094610848837, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.419077548226216, "q_0.975": 8.580292183758063, "q_1": 9.117904357059661}, {"x": 74.0296118447379, "y": 4.815036147477783, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.434870098168665, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.157604606791473, "q_0.675": 7.317181882158675, "q_0.7": 7.411374655686721, "q_0.725": 7.502437976787764, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.783919898282058, "q_0.825": 7.887543372929498, "q_0.85": 7.973606893184375, "q_0.875": 8.068094610848837, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.419077548226216, "q_0.975": 8.580292183758063, "q_1": 9.117904357059661}, {"x": 74.06962785114045, "y": 5.719682679094714, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.434870098168665, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.157604606791473, "q_0.675": 7.317181882158675, "q_0.7": 7.411374655686721, "q_0.725": 7.502437976787764, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.783919898282058, "q_0.825": 7.887543372929498, "q_0.85": 7.973606893184375, "q_0.875": 8.068094610848837, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.419077548226216, "q_0.975": 8.580292183758063, "q_1": 9.117904357059661}, {"x": 74.10964385754302, "y": 5.562123994989091, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.434870098168665, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.157604606791473, "q_0.675": 7.317181882158675, "q_0.7": 7.411374655686721, "q_0.725": 7.502437976787764, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.783919898282058, "q_0.825": 7.887543372929498, "q_0.85": 7.973606893184375, "q_0.875": 8.068094610848837, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.419077548226216, "q_0.975": 8.580292183758063, "q_1": 9.117904357059661}, {"x": 74.14965986394559, "y": 6.253251670123682, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.010593790461873, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.434870098168665, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.758925211820149, "q_0.375": 5.913052347788571, "q_0.4": 6.039386478687201, "q_0.425": 6.1477873392902005, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 6.996889990494486, "q_0.65": 7.157604606791473, "q_0.675": 7.317181882158675, "q_0.7": 7.411374655686721, "q_0.725": 7.502437976787764, "q_0.75": 7.602394882250917, "q_0.775": 7.675270140890328, "q_0.8": 7.783919898282058, "q_0.825": 7.887543372929498, "q_0.85": 7.973606893184375, "q_0.875": 8.068094610848837, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.419077548226216, "q_0.975": 8.580292183758063, "q_1": 9.117904357059661}, {"x": 74.18967587034814, "y": 8.351384810193501, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.020086038168256, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.763617911589514, "q_0.375": 5.913052347788571, "q_0.4": 6.044330210893478, "q_0.425": 6.1483119599096, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.317181882158675, "q_0.7": 7.411374655686721, "q_0.725": 7.502437976787764, "q_0.75": 7.602394882250917, "q_0.775": 7.678387747062077, "q_0.8": 7.783919898282058, "q_0.825": 7.887543372929498, "q_0.85": 7.973606893184375, "q_0.875": 8.068094610848837, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.419077548226216, "q_0.975": 8.580292183758063, "q_1": 9.117904357059661}, {"x": 74.2296918767507, "y": 5.116926315109529, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.020086038168256, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.763617911589514, "q_0.375": 5.913052347788571, "q_0.4": 6.044330210893478, "q_0.425": 6.1483119599096, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.317181882158675, "q_0.7": 7.411374655686721, "q_0.725": 7.502437976787764, "q_0.75": 7.602394882250917, "q_0.775": 7.678387747062077, "q_0.8": 7.783919898282058, "q_0.825": 7.887543372929498, "q_0.85": 7.973606893184375, "q_0.875": 8.068094610848837, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.419077548226216, "q_0.975": 8.580292183758063, "q_1": 9.117904357059661}, {"x": 74.26970788315326, "y": 6.068705675007118, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.020086038168256, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.763617911589514, "q_0.375": 5.913052347788571, "q_0.4": 6.044330210893478, "q_0.425": 6.1483119599096, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.317181882158675, "q_0.7": 7.411374655686721, "q_0.725": 7.502437976787764, "q_0.75": 7.602394882250917, "q_0.775": 7.678387747062077, "q_0.8": 7.783919898282058, "q_0.825": 7.887543372929498, "q_0.85": 7.973606893184375, "q_0.875": 8.068094610848837, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.419077548226216, "q_0.975": 8.580292183758063, "q_1": 9.117904357059661}, {"x": 74.30972388955583, "y": 6.995171016656801, "y_pred": 6.465536254452598, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.936876643427871, "q_0.175": 5.020086038168256, "q_0.2": 5.0958542573717915, "q_0.225": 5.17901952322608, "q_0.25": 5.277021526049126, "q_0.275": 5.437071183128024, "q_0.3": 5.5413418269448105, "q_0.325": 5.656107521638343, "q_0.35": 5.763617911589514, "q_0.375": 5.913052347788571, "q_0.4": 6.044330210893478, "q_0.425": 6.1483119599096, "q_0.45": 6.296005743754593, "q_0.475": 6.38830657909329, "q_0.5": 6.465536254452598, "q_0.525": 6.601616879484233, "q_0.55": 6.710214355423524, "q_0.575": 6.8317228149119416, "q_0.6": 6.941917271476338, "q_0.625": 7.009896962615171, "q_0.65": 7.157604606791473, "q_0.675": 7.317181882158675, "q_0.7": 7.411374655686721, "q_0.725": 7.502437976787764, "q_0.75": 7.602394882250917, "q_0.775": 7.678387747062077, "q_0.8": 7.783919898282058, "q_0.825": 7.887543372929498, "q_0.85": 7.973606893184375, "q_0.875": 8.068094610848837, "q_0.9": 8.177872505366615, "q_0.925": 8.304538377149415, "q_0.95": 8.419077548226216, "q_0.975": 8.580292183758063, "q_1": 9.117904357059661}, {"x": 74.3497398959584, "y": 8.426477316766753, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.38975590236095, "y": 4.91140448197021, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.42977190876351, "y": 8.304538377149415, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.46978791516607, "y": 4.687350626979153, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.50980392156863, "y": 6.416270884920758, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.54981992797119, "y": 6.303948529591591, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.58983593437375, "y": 5.24506363638644, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.62985194077632, "y": 5.8420454907099835, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.66986794717887, "y": 6.304400325057131, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.70988395358144, "y": 8.083721588116003, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.74989995998399, "y": 8.47353212124489, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.78991596638656, "y": 6.586965632995195, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.82993197278911, "y": 8.107815238235931, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.86994797919168, "y": 6.974902368088824, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.90996398559425, "y": 5.854025825929924, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.388611874925633, "q_0.05": 4.553121442458908, "q_0.075": 4.6233876387201605, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.277204539643211, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.659506997501113, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.150036565559704, "q_0.45": 6.303355969642889, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.712743216244316, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.411374655686721, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.7919426184128975, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.078701760777843, "q_0.9": 8.19749931912753, "q_0.925": 8.330653642760094, "q_0.95": 8.419077548226216, "q_0.975": 8.594044335676344, "q_1": 9.117904357059661}, {"x": 74.9499799919968, "y": 5.184031077124445, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 74.98999599839937, "y": 6.13279763633506, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.03001200480192, "y": 6.608614085216537, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.07002801120449, "y": 4.537227858757381, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.11004401760705, "y": 4.977043761741297, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.1500600240096, "y": 6.94617493223719, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.19007603041217, "y": 5.321254834181335, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.23009203681472, "y": 7.975557626239649, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.27010804321729, "y": 5.764366791822143, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.31012404961984, "y": 4.802260828349936, "y_pred": 6.483305829133004, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.394361878070937, "q_0.05": 4.553121442458908, "q_0.075": 4.62491878862851, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.438541504313273, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.302663302162421, "q_0.475": 6.391495263221277, "q_0.5": 6.483305829133004, "q_0.525": 6.608614085216537, "q_0.55": 6.718625662234357, "q_0.575": 6.834613470179619, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.414544968596967, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.889030883302941, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.330653642760094, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.35014005602241, "y": 4.7104750429896844, "y_pred": 6.487652707470597, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.553121442458908, "q_0.075": 4.626131311340627, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.445362337985604, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.303355969642889, "q_0.475": 6.3997818723834055, "q_0.5": 6.487652707470597, "q_0.525": 6.608614085216537, "q_0.55": 6.725283272356965, "q_0.575": 6.840595785366216, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.418573339780122, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.895723366863788, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.333461920170596, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.39015606242498, "y": 8.412088037464146, "y_pred": 6.487652707470597, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.553121442458908, "q_0.075": 4.626131311340627, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.445362337985604, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.303355969642889, "q_0.475": 6.3997818723834055, "q_0.5": 6.487652707470597, "q_0.525": 6.608614085216537, "q_0.55": 6.725283272356965, "q_0.575": 6.840595785366216, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.418573339780122, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.895723366863788, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.333461920170596, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.43017206882753, "y": 4.861157151647604, "y_pred": 6.487652707470597, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.553121442458908, "q_0.075": 4.626131311340627, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.445362337985604, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.303355969642889, "q_0.475": 6.3997818723834055, "q_0.5": 6.487652707470597, "q_0.525": 6.608614085216537, "q_0.55": 6.725283272356965, "q_0.575": 6.840595785366216, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.418573339780122, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.895723366863788, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.333461920170596, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.4701880752301, "y": 4.961004884743957, "y_pred": 6.487652707470597, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.553121442458908, "q_0.075": 4.626131311340627, "q_0.1": 4.7104750429896844, "q_0.125": 4.815036147477783, "q_0.15": 4.9379495433283065, "q_0.175": 5.020086038168256, "q_0.2": 5.10050345105409, "q_0.225": 5.184031077124445, "q_0.25": 5.279220753234176, "q_0.275": 5.445362337985604, "q_0.3": 5.5650225234108275, "q_0.325": 5.664158343458555, "q_0.35": 5.764366791822143, "q_0.375": 5.9170809943129035, "q_0.4": 6.057690520263299, "q_0.425": 6.1554060397230455, "q_0.45": 6.303355969642889, "q_0.475": 6.3997818723834055, "q_0.5": 6.487652707470597, "q_0.525": 6.608614085216537, "q_0.55": 6.725283272356965, "q_0.575": 6.840595785366216, "q_0.6": 6.946203882849349, "q_0.625": 7.02434904197775, "q_0.65": 7.1608603901938235, "q_0.675": 7.321152596941451, "q_0.7": 7.418573339780122, "q_0.725": 7.50977496937789, "q_0.75": 7.602581038671398, "q_0.775": 7.6867006295192635, "q_0.8": 7.805474688475007, "q_0.825": 7.895723366863788, "q_0.85": 7.975557626239649, "q_0.875": 8.084607236378016, "q_0.9": 8.206721886437666, "q_0.925": 8.333461920170596, "q_0.95": 8.426477316766753, "q_0.975": 8.597543237419693, "q_1": 9.117904357059661}, {"x": 75.51020408163265, "y": 8.092158159258524, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184031077124445, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.578754186313811, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.1844684512491375, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.612988970785921, "q_0.55": 6.737452877306334, "q_0.575": 6.840595785366216, "q_0.6": 6.947950637275577, "q_0.625": 7.031590664874649, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.432839978754262, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.895723366863788, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.350605653893716, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.55022008803522, "y": 5.454014158790365, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184031077124445, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.578754186313811, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.1844684512491375, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.612988970785921, "q_0.55": 6.737452877306334, "q_0.575": 6.840595785366216, "q_0.6": 6.947950637275577, "q_0.625": 7.031590664874649, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.432839978754262, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.895723366863788, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.350605653893716, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.59023609443778, "y": 7.240651548042136, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184031077124445, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.578754186313811, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.1844684512491375, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.612988970785921, "q_0.55": 6.737452877306334, "q_0.575": 6.840595785366216, "q_0.6": 6.947950637275577, "q_0.625": 7.031590664874649, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.432839978754262, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.895723366863788, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.350605653893716, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.63025210084034, "y": 7.895723366863788, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.592212067468457, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.201121542961315, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.6186691826210025, "q_0.55": 6.739029346385659, "q_0.575": 6.844251125635344, "q_0.6": 6.951024707653157, "q_0.625": 7.04268637801448, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.433488644096537, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.898807765374084, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.6702681072429, "y": 6.987341419314399, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.592212067468457, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.201121542961315, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.6186691826210025, "q_0.55": 6.739029346385659, "q_0.575": 6.844251125635344, "q_0.6": 6.951024707653157, "q_0.625": 7.04268637801448, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.433488644096537, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.898807765374084, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.71028411364546, "y": 8.508522144422727, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.592212067468457, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.201121542961315, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.6186691826210025, "q_0.55": 6.739029346385659, "q_0.575": 6.844251125635344, "q_0.6": 6.951024707653157, "q_0.625": 7.04268637801448, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.433488644096537, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.898807765374084, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.75030012004802, "y": 7.430449252093384, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.592212067468457, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.201121542961315, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.6186691826210025, "q_0.55": 6.739029346385659, "q_0.575": 6.844251125635344, "q_0.6": 6.951024707653157, "q_0.625": 7.04268637801448, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.433488644096537, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.898807765374084, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.79031612645058, "y": 4.843480112061384, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.592212067468457, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.201121542961315, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.6186691826210025, "q_0.55": 6.739029346385659, "q_0.575": 6.844251125635344, "q_0.6": 6.951024707653157, "q_0.625": 7.04268637801448, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.433488644096537, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.898807765374084, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.83033213285314, "y": 6.778923927027959, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.592212067468457, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.201121542961315, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.6186691826210025, "q_0.55": 6.739029346385659, "q_0.575": 6.844251125635344, "q_0.6": 6.951024707653157, "q_0.625": 7.04268637801448, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.433488644096537, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.898807765374084, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.87034813925571, "y": 7.473497471477349, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.592212067468457, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.201121542961315, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.6186691826210025, "q_0.55": 6.739029346385659, "q_0.575": 6.844251125635344, "q_0.6": 6.951024707653157, "q_0.625": 7.04268637801448, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.433488644096537, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.898807765374084, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.91036414565826, "y": 7.838171093255294, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.9539174431272, "q_0.025": 4.407510062784828, "q_0.05": 4.557555109791887, "q_0.075": 4.629281794590717, "q_0.1": 4.7240685583919175, "q_0.125": 4.834738492119293, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.2860203426507155, "q_0.275": 5.454014158790365, "q_0.3": 5.592212067468457, "q_0.325": 5.673210161176248, "q_0.35": 5.781123634460956, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.201121542961315, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.6186691826210025, "q_0.55": 6.739029346385659, "q_0.575": 6.844251125635344, "q_0.6": 6.951024707653157, "q_0.625": 7.04268637801448, "q_0.65": 7.166519462847598, "q_0.675": 7.322831888632859, "q_0.7": 7.433488644096537, "q_0.725": 7.5099228760695125, "q_0.75": 7.6131657192050435, "q_0.775": 7.708566595928236, "q_0.8": 7.81879504897625, "q_0.825": 7.898807765374084, "q_0.85": 7.979878653405329, "q_0.875": 8.087444038800733, "q_0.9": 8.21869896050462, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.606702238234487, "q_1": 9.117904357059661}, {"x": 75.95038015206083, "y": 4.470390263985683, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 75.99039615846338, "y": 7.479166154828569, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.03041216486595, "y": 7.944021526451298, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.07042817126852, "y": 7.602394882250917, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.11044417767107, "y": 6.584403129278517, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.15046018407364, "y": 6.349084000786672, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.19047619047619, "y": 6.747072700996834, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.23049219687876, "y": 7.422600750174301, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.27050820328131, "y": 8.372367582622786, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.31052420968388, "y": 7.043446260612086, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.35054021608644, "y": 8.221805004024278, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.390556222489, "y": 7.411374655686721, "y_pred": 6.514932326533614, "target": "0", "q_0": 3.957489211833787, "q_0.025": 4.410849548025042, "q_0.05": 4.557606719214216, "q_0.075": 4.636025148763184, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.111303275047512, "q_0.225": 5.184887186149939, "q_0.25": 5.287488820414848, "q_0.275": 5.454014158790365, "q_0.3": 5.596754924306473, "q_0.325": 5.682023309336892, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.068705675007118, "q_0.425": 6.205039131452644, "q_0.45": 6.303948529591591, "q_0.475": 6.402262026196145, "q_0.5": 6.514932326533614, "q_0.525": 6.62232618333511, "q_0.55": 6.740124079473436, "q_0.575": 6.846413164888051, "q_0.6": 6.951024707653157, "q_0.625": 7.055294660711404, "q_0.65": 7.175198135307678, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5133051252567515, "q_0.75": 7.618325241690449, "q_0.775": 7.712264273562155, "q_0.8": 7.834476236336158, "q_0.825": 7.906764005708316, "q_0.85": 8.003396375626119, "q_0.875": 8.092158159258524, "q_0.9": 8.221805004024278, "q_0.925": 8.351384810193501, "q_0.95": 8.47353212124489, "q_0.975": 8.616610321711462, "q_1": 9.117904357059661}, {"x": 76.43057222889156, "y": 4.65943479221821, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415099660683098, "q_0.05": 4.557606719214216, "q_0.075": 4.639328602508357, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598264224247254, "q_0.325": 5.688614811687864, "q_0.35": 5.784501430094777, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.85301778366183, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5142978237200815, "q_0.75": 7.619277132554094, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.906764005708316, "q_0.85": 8.012509576991988, "q_0.875": 8.107815238235931, "q_0.9": 8.221805004024278, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.619863866968766, "q_1": 9.117904357059661}, {"x": 76.47058823529412, "y": 6.541275603590793, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415099660683098, "q_0.05": 4.557606719214216, "q_0.075": 4.639328602508357, "q_0.1": 4.7240685583919175, "q_0.125": 4.845388670289239, "q_0.15": 4.9379495433283065, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598264224247254, "q_0.325": 5.688614811687864, "q_0.35": 5.784501430094777, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.85301778366183, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.437297968645725, "q_0.725": 7.5142978237200815, "q_0.75": 7.619277132554094, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.906764005708316, "q_0.85": 8.012509576991988, "q_0.875": 8.107815238235931, "q_0.9": 8.221805004024278, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.619863866968766, "q_1": 9.117904357059661}, {"x": 76.51060424169668, "y": 5.609568138628042, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.557606719214216, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.599442980685961, "q_0.325": 5.688614811687864, "q_0.35": 5.784501430094777, "q_0.375": 5.946996614527446, "q_0.4": 6.072427775805698, "q_0.425": 6.209781935129773, "q_0.45": 6.312486188186416, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.861075300814898, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.917485895467731, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.619863866968766, "q_1": 9.117904357059661}, {"x": 76.55062024809924, "y": 5.60451966408088, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.557606719214216, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.599442980685961, "q_0.325": 5.688614811687864, "q_0.35": 5.784501430094777, "q_0.375": 5.946996614527446, "q_0.4": 6.072427775805698, "q_0.425": 6.209781935129773, "q_0.45": 6.312486188186416, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.861075300814898, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.917485895467731, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.619863866968766, "q_1": 9.117904357059661}, {"x": 76.5906362545018, "y": 5.913052347788571, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.557606719214216, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.599442980685961, "q_0.325": 5.688614811687864, "q_0.35": 5.784501430094777, "q_0.375": 5.946996614527446, "q_0.4": 6.072427775805698, "q_0.425": 6.209781935129773, "q_0.45": 6.312486188186416, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.861075300814898, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.917485895467731, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.619863866968766, "q_1": 9.117904357059661}, {"x": 76.63065226090437, "y": 5.734466776149962, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.557606719214216, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.599442980685961, "q_0.325": 5.688614811687864, "q_0.35": 5.784501430094777, "q_0.375": 5.946996614527446, "q_0.4": 6.072427775805698, "q_0.425": 6.209781935129773, "q_0.45": 6.312486188186416, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.861075300814898, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.917485895467731, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.619863866968766, "q_1": 9.117904357059661}, {"x": 76.67066826730692, "y": 6.8836574104133685, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.557606719214216, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.599442980685961, "q_0.325": 5.688614811687864, "q_0.35": 5.784501430094777, "q_0.375": 5.946996614527446, "q_0.4": 6.072427775805698, "q_0.425": 6.209781935129773, "q_0.45": 6.312486188186416, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.861075300814898, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.917485895467731, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.619863866968766, "q_1": 9.117904357059661}, {"x": 76.71068427370949, "y": 7.341491283836457, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449217, "q_0.025": 4.415323350822995, "q_0.05": 4.557606719214216, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598264224247254, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.85301778366183, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.917485895467731, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.619863866968766, "q_1": 9.117904357059661}, {"x": 76.75070028011204, "y": 5.536289657914686, "y_pred": 6.531934946741497, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598113294253176, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.531934946741497, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.846413164888051, "q_0.6": 6.959203447694513, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.923803031070612, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.621327218104792, "q_1": 9.117904357059661}, {"x": 76.79071628651461, "y": 4.931784502214521, "y_pred": 6.531934946741497, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598113294253176, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.531934946741497, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.846413164888051, "q_0.6": 6.959203447694513, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.923803031070612, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.621327218104792, "q_1": 9.117904357059661}, {"x": 76.83073229291718, "y": 4.6233876387201605, "y_pred": 6.531934946741497, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598113294253176, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.531934946741497, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.846413164888051, "q_0.6": 6.959203447694513, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.923803031070612, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.621327218104792, "q_1": 9.117904357059661}, {"x": 76.87074829931973, "y": 6.875243061162032, "y_pred": 6.531934946741497, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598113294253176, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.531934946741497, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.846413164888051, "q_0.6": 6.959203447694513, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.923803031070612, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.621327218104792, "q_1": 9.117904357059661}, {"x": 76.9107643057223, "y": 5.17901952322608, "y_pred": 6.531934946741497, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598113294253176, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.531934946741497, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.846413164888051, "q_0.6": 6.959203447694513, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.728612872168439, "q_0.8": 7.838171093255294, "q_0.825": 7.923803031070612, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.353987139950119, "q_0.95": 8.487108437956586, "q_0.975": 8.621327218104792, "q_1": 9.117904357059661}, {"x": 76.95078031212485, "y": 4.409109604814028, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598264224247254, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.846413164888051, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.729252645206323, "q_0.8": 7.838171093255294, "q_0.825": 7.923803031070612, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.371003816899552, "q_0.95": 8.487108437956586, "q_0.975": 8.621327218104792, "q_1": 9.117904357059661}, {"x": 76.99079631852742, "y": 8.411171895527225, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598264224247254, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.846413164888051, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.729252645206323, "q_0.8": 7.838171093255294, "q_0.825": 7.923803031070612, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.371003816899552, "q_0.95": 8.487108437956586, "q_0.975": 8.621327218104792, "q_1": 9.117904357059661}, {"x": 77.03081232492997, "y": 6.710214355423524, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598264224247254, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.846413164888051, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.729252645206323, "q_0.8": 7.838171093255294, "q_0.825": 7.923803031070612, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.371003816899552, "q_0.95": 8.487108437956586, "q_0.975": 8.621327218104792, "q_1": 9.117904357059661}, {"x": 77.07082833133254, "y": 4.773197724835218, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.846905144778675, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.291853463588768, "q_0.275": 5.454014158790365, "q_0.3": 5.598264224247254, "q_0.325": 5.688614811687864, "q_0.35": 5.783835662042167, "q_0.375": 5.941777400652301, "q_0.4": 6.072427775805698, "q_0.425": 6.205039131452644, "q_0.45": 6.30549773952699, "q_0.475": 6.402262026196145, "q_0.5": 6.54893756694938, "q_0.525": 6.62232618333511, "q_0.55": 6.747072700996834, "q_0.575": 6.846413164888051, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.178225371728468, "q_0.675": 7.334824091520664, "q_0.7": 7.444051702944519, "q_0.725": 7.516675079464473, "q_0.75": 7.626105540532846, "q_0.775": 7.729252645206323, "q_0.8": 7.838171093255294, "q_0.825": 7.923803031070612, "q_0.85": 8.013159591495198, "q_0.875": 8.107815238235931, "q_0.9": 8.235819827590735, "q_0.925": 8.371003816899552, "q_0.95": 8.487108437956586, "q_0.975": 8.621327218104792, "q_1": 9.117904357059661}, {"x": 77.1108443377351, "y": 8.044408820411464, "y_pred": 6.54893756694938, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.415323350822995, "q_0.05": 4.563077462932428, "q_0.075": 4.639328602508357, "q_0.1": 4.7271700827333865, "q_0.125": 4.861157151647604, "q_0.15": 4.943982127131941, "q_0.175": 5.022961792631538, "q_0.2": 5.116926315109529, "q_0.225": 5.184887186149939, "q_0.25": 5.321254834181335, "q_0.275": 5.466052559851025, "q_0.3": 5.60090035532502, "q_0.325": 5.700225120913034, "q_0.35": 5.784501430094777, "q_0.375": 5.957988925578241, "q_0.4": 6.076229323149602, "q_0.425": 6.2243429438156745, "q_0.45": 6.312486188186416, "q_0.475": 6.402587829509397, "q_0.5": 6.54893756694938, "q_0.525": 6.627671675619592, "q_0.55": 6.747072700996834, "q_0.575": 6.861075300814898, "q_0.6": 6.961121135243478, "q_0.625": 7.060700098950234, "q_0.65": 7.1864739195534355, "q_0.675": 7.33759928006981, "q_0.7": 7.456806517351355, "q_0.725": 7.518297183219039, "q_0.75": 7.6355530176287925, "q_0.775": 7.729996186871609, "q_0.8": 7.838171093255294, "q_0.825": 7.934691520554733, "q_0.85": 8.023014968910232, "q_0.875": 8.108535542540102, "q_0.9": 8.244306119580855, "q_0.925": 8.371003816899552, "q_0.95": 8.500490658593364, "q_0.975": 8.626414190883203, "q_1": 9.117904357059661}, {"x": 77.15086034413766, "y": 8.656783487070411, "y_pred": 6.584403129278517, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.429631788911159, "q_0.05": 4.571950181861702, "q_0.075": 4.649510367688897, "q_0.1": 4.732020561033832, "q_0.125": 4.875801950284103, "q_0.15": 4.961766854270886, "q_0.175": 5.05189249273273, "q_0.2": 5.13321653313719, "q_0.225": 5.233061773139259, "q_0.25": 5.379970822579473, "q_0.275": 5.497566174498546, "q_0.3": 5.62140566354136, "q_0.325": 5.724301801078898, "q_0.35": 5.8499681637146885, "q_0.375": 5.985641521844014, "q_0.4": 6.13279763633506, "q_0.425": 6.253251670123682, "q_0.45": 6.349084000786672, "q_0.475": 6.438786177128023, "q_0.5": 6.584403129278517, "q_0.525": 6.706037320773416, "q_0.55": 6.789576779354622, "q_0.575": 6.908155437208337, "q_0.6": 6.974902368088824, "q_0.625": 7.083657251950617, "q_0.65": 7.230209559757361, "q_0.675": 7.365036486519591, "q_0.7": 7.473497471477349, "q_0.725": 7.564607068510808, "q_0.75": 7.64732980904761, "q_0.775": 7.747226894051673, "q_0.8": 7.849023144623965, "q_0.825": 7.961135356983236, "q_0.85": 8.062793901452165, "q_0.875": 8.160164203356791, "q_0.9": 8.262361706864532, "q_0.925": 8.399641360022773, "q_0.95": 8.511672702219997, "q_0.975": 8.656783487070411, "q_1": 9.117904357059661}, {"x": 77.19087635054022, "y": 6.327380002784864, "y_pred": 6.584403129278517, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.429631788911159, "q_0.05": 4.571950181861702, "q_0.075": 4.649510367688897, "q_0.1": 4.732020561033832, "q_0.125": 4.875801950284103, "q_0.15": 4.961766854270886, "q_0.175": 5.05189249273273, "q_0.2": 5.13321653313719, "q_0.225": 5.233061773139259, "q_0.25": 5.379970822579473, "q_0.275": 5.497566174498546, "q_0.3": 5.62140566354136, "q_0.325": 5.724301801078898, "q_0.35": 5.8499681637146885, "q_0.375": 5.985641521844014, "q_0.4": 6.13279763633506, "q_0.425": 6.253251670123682, "q_0.45": 6.349084000786672, "q_0.475": 6.438786177128023, "q_0.5": 6.584403129278517, "q_0.525": 6.706037320773416, "q_0.55": 6.789576779354622, "q_0.575": 6.908155437208337, "q_0.6": 6.974902368088824, "q_0.625": 7.083657251950617, "q_0.65": 7.230209559757361, "q_0.675": 7.365036486519591, "q_0.7": 7.473497471477349, "q_0.725": 7.564607068510808, "q_0.75": 7.64732980904761, "q_0.775": 7.747226894051673, "q_0.8": 7.849023144623965, "q_0.825": 7.961135356983236, "q_0.85": 8.062793901452165, "q_0.875": 8.160164203356791, "q_0.9": 8.262361706864532, "q_0.925": 8.399641360022773, "q_0.95": 8.511672702219997, "q_0.975": 8.656783487070411, "q_1": 9.117904357059661}, {"x": 77.23089235694277, "y": 4.557606719214216, "y_pred": 6.585532854626287, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.429631788911159, "q_0.05": 4.571950181861702, "q_0.075": 4.6544672455588385, "q_0.1": 4.732941557211765, "q_0.125": 4.87723242573593, "q_0.15": 4.966974597924747, "q_0.175": 5.05189249273273, "q_0.2": 5.13321653313719, "q_0.225": 5.235457427682123, "q_0.25": 5.390982361126445, "q_0.275": 5.50862782218625, "q_0.3": 5.623111978822796, "q_0.325": 5.727387000924436, "q_0.35": 5.875623573260997, "q_0.375": 6.0002396971481105, "q_0.4": 6.138653415907718, "q_0.425": 6.253251670123682, "q_0.45": 6.351213677266079, "q_0.475": 6.444215516736463, "q_0.5": 6.585532854626287, "q_0.525": 6.7077902783888845, "q_0.55": 6.791127718349811, "q_0.575": 6.909593822858551, "q_0.6": 6.978307956479305, "q_0.625": 7.090556387204751, "q_0.65": 7.255813732982542, "q_0.675": 7.38092137103429, "q_0.7": 7.473497471477349, "q_0.725": 7.578682912919554, "q_0.75": 7.648274846080652, "q_0.775": 7.752419234250754, "q_0.8": 7.855099678303955, "q_0.825": 7.969313538515071, "q_0.85": 8.065028221486347, "q_0.875": 8.16227263890931, "q_0.9": 8.262398723853442, "q_0.925": 8.399641360022773, "q_0.95": 8.515794582503428, "q_0.975": 8.656783487070411, "q_1": 9.117904357059661}, {"x": 77.27090836334534, "y": 4.885392194879367, "y_pred": 6.585532854626287, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.429631788911159, "q_0.05": 4.5778888791669194, "q_0.075": 4.6544672455588385, "q_0.1": 4.732941557211765, "q_0.125": 4.87723242573593, "q_0.15": 4.970509766280765, "q_0.175": 5.052086584928728, "q_0.2": 5.13321653313719, "q_0.225": 5.235457427682123, "q_0.25": 5.390982361126445, "q_0.275": 5.515484260468025, "q_0.3": 5.623111978822796, "q_0.325": 5.740762275671127, "q_0.35": 5.875623573260997, "q_0.375": 6.0002396971481105, "q_0.4": 6.138653415907718, "q_0.425": 6.253251670123682, "q_0.45": 6.351213677266079, "q_0.475": 6.444215516736463, "q_0.5": 6.585532854626287, "q_0.525": 6.7077902783888845, "q_0.55": 6.791127718349811, "q_0.575": 6.909593822858551, "q_0.6": 6.978307956479305, "q_0.625": 7.090556387204751, "q_0.65": 7.255813732982542, "q_0.675": 7.38092137103429, "q_0.7": 7.481576741542824, "q_0.725": 7.578682912919554, "q_0.75": 7.648274846080652, "q_0.775": 7.752419234250754, "q_0.8": 7.855099678303955, "q_0.825": 7.969313538515071, "q_0.85": 8.065028221486347, "q_0.875": 8.168759440796432, "q_0.9": 8.262454249336805, "q_0.925": 8.411171895527225, "q_0.95": 8.515794582503428, "q_0.975": 8.656783487070411, "q_1": 9.117904357059661}, {"x": 77.31092436974791, "y": 6.037648453675335, "y_pred": 6.586965632995195, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.429631788911159, "q_0.05": 4.580811489139448, "q_0.075": 4.65943479221821, "q_0.1": 4.737565998831183, "q_0.125": 4.89452199944938, "q_0.15": 4.970509766280765, "q_0.175": 5.053577304868934, "q_0.2": 5.139702495332067, "q_0.225": 5.2479031551940905, "q_0.25": 5.425175682468657, "q_0.275": 5.5413418269448105, "q_0.3": 5.656107521638343, "q_0.325": 5.756006867404569, "q_0.35": 5.898536315686575, "q_0.375": 6.034011598917915, "q_0.4": 6.1477873392902005, "q_0.425": 6.288384606409618, "q_0.45": 6.3695003111396895, "q_0.475": 6.446757353769544, "q_0.5": 6.586965632995195, "q_0.525": 6.70914840518771, "q_0.55": 6.801242483475173, "q_0.575": 6.915499728729733, "q_0.6": 6.984478038534571, "q_0.625": 7.118446852718025, "q_0.65": 7.2701810486766485, "q_0.675": 7.39349892724248, "q_0.7": 7.4842277450376, "q_0.725": 7.579826538061985, "q_0.75": 7.653903624837676, "q_0.775": 7.753808716222624, "q_0.8": 7.860603397764244, "q_0.825": 7.973606893184375, "q_0.85": 8.068094610848837, "q_0.875": 8.176438771149055, "q_0.9": 8.290064088436722, "q_0.925": 8.411171895527225, "q_0.95": 8.52676812225451, "q_0.975": 8.660299510850912, "q_1": 9.117904357059661}, {"x": 77.35094037615046, "y": 8.235819827590735, "y_pred": 6.586965632995195, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.429631788911159, "q_0.05": 4.580811489139448, "q_0.075": 4.65943479221821, "q_0.1": 4.737565998831183, "q_0.125": 4.89452199944938, "q_0.15": 4.970509766280765, "q_0.175": 5.053577304868934, "q_0.2": 5.139702495332067, "q_0.225": 5.2479031551940905, "q_0.25": 5.425175682468657, "q_0.275": 5.5413418269448105, "q_0.3": 5.656107521638343, "q_0.325": 5.756006867404569, "q_0.35": 5.898536315686575, "q_0.375": 6.034011598917915, "q_0.4": 6.1477873392902005, "q_0.425": 6.288384606409618, "q_0.45": 6.3695003111396895, "q_0.475": 6.446757353769544, "q_0.5": 6.586965632995195, "q_0.525": 6.70914840518771, "q_0.55": 6.801242483475173, "q_0.575": 6.915499728729733, "q_0.6": 6.984478038534571, "q_0.625": 7.118446852718025, "q_0.65": 7.2701810486766485, "q_0.675": 7.39349892724248, "q_0.7": 7.4842277450376, "q_0.725": 7.579826538061985, "q_0.75": 7.653903624837676, "q_0.775": 7.753808716222624, "q_0.8": 7.860603397764244, "q_0.825": 7.973606893184375, "q_0.85": 8.068094610848837, "q_0.875": 8.176438771149055, "q_0.9": 8.290064088436722, "q_0.925": 8.411171895527225, "q_0.95": 8.52676812225451, "q_0.975": 8.660299510850912, "q_1": 9.117904357059661}, {"x": 77.39095638255303, "y": 5.020086038168256, "y_pred": 6.592643613372832, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.430040839189768, "q_0.05": 4.586006206841602, "q_0.075": 4.669138900048054, "q_0.1": 4.752186087747524, "q_0.125": 4.909365837454605, "q_0.15": 4.972851849322481, "q_0.175": 5.0630309141950365, "q_0.2": 5.1625194461836035, "q_0.225": 5.24818044101043, "q_0.25": 5.437071183128024, "q_0.275": 5.565408572498045, "q_0.3": 5.664158343458555, "q_0.325": 5.764366791822143, "q_0.35": 5.909160566020582, "q_0.375": 6.038294202381151, "q_0.4": 6.150036565559704, "q_0.425": 6.288384606409618, "q_0.45": 6.371591548732639, "q_0.475": 6.460278013670872, "q_0.5": 6.592643613372832, "q_0.525": 6.709596251680151, "q_0.55": 6.808449409256699, "q_0.575": 6.915499728729733, "q_0.6": 6.984478038534571, "q_0.625": 7.118446852718025, "q_0.65": 7.2701810486766485, "q_0.675": 7.39349892724248, "q_0.7": 7.483076412090329, "q_0.725": 7.579826538061985, "q_0.75": 7.663301039966068, "q_0.775": 7.775046841507674, "q_0.8": 7.886834595438653, "q_0.825": 7.973606893184375, "q_0.85": 8.072351672806978, "q_0.875": 8.197308002501416, "q_0.9": 8.298253495624909, "q_0.925": 8.412088037464146, "q_0.95": 8.55822033518474, "q_0.975": 8.678526350886326, "q_1": 9.117904357059661}, {"x": 77.43097238895558, "y": 7.969313538515071, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.277204539643211, "q_0.25": 5.454014158790365, "q_0.275": 5.592212067468457, "q_0.3": 5.688614811687864, "q_0.325": 5.779973267072424, "q_0.35": 5.9170809943129035, "q_0.375": 6.044330210893478, "q_0.4": 6.1742452684924825, "q_0.425": 6.296005743754593, "q_0.45": 6.372893513759131, "q_0.475": 6.4791162595064655, "q_0.5": 6.608614085216537, "q_0.525": 6.712743216244316, "q_0.55": 6.821675824365898, "q_0.575": 6.917009181616521, "q_0.6": 6.987192538543265, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.394550905989107, "q_0.7": 7.486479851529196, "q_0.725": 7.5890535127290795, "q_0.75": 7.669390382418008, "q_0.775": 7.776061914674912, "q_0.8": 7.887543372929498, "q_0.825": 7.975557626239649, "q_0.85": 8.084607236378016, "q_0.875": 8.19749931912753, "q_0.9": 8.304538377149415, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.47098839535815, "y": 4.440729393712048, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.277204539643211, "q_0.25": 5.454014158790365, "q_0.275": 5.592212067468457, "q_0.3": 5.688614811687864, "q_0.325": 5.779973267072424, "q_0.35": 5.9170809943129035, "q_0.375": 6.044330210893478, "q_0.4": 6.1742452684924825, "q_0.425": 6.296005743754593, "q_0.45": 6.372893513759131, "q_0.475": 6.4791162595064655, "q_0.5": 6.608614085216537, "q_0.525": 6.712743216244316, "q_0.55": 6.821675824365898, "q_0.575": 6.917009181616521, "q_0.6": 6.987192538543265, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.394550905989107, "q_0.7": 7.486479851529196, "q_0.725": 7.5890535127290795, "q_0.75": 7.669390382418008, "q_0.775": 7.776061914674912, "q_0.8": 7.887543372929498, "q_0.825": 7.975557626239649, "q_0.85": 8.084607236378016, "q_0.875": 8.19749931912753, "q_0.9": 8.304538377149415, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.5110044017607, "y": 6.371591548732639, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.277204539643211, "q_0.25": 5.454014158790365, "q_0.275": 5.592212067468457, "q_0.3": 5.688614811687864, "q_0.325": 5.779973267072424, "q_0.35": 5.9170809943129035, "q_0.375": 6.044330210893478, "q_0.4": 6.1742452684924825, "q_0.425": 6.296005743754593, "q_0.45": 6.372893513759131, "q_0.475": 6.4791162595064655, "q_0.5": 6.608614085216537, "q_0.525": 6.712743216244316, "q_0.55": 6.821675824365898, "q_0.575": 6.917009181616521, "q_0.6": 6.987192538543265, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.394550905989107, "q_0.7": 7.486479851529196, "q_0.725": 7.5890535127290795, "q_0.75": 7.669390382418008, "q_0.775": 7.776061914674912, "q_0.8": 7.887543372929498, "q_0.825": 7.975557626239649, "q_0.85": 8.084607236378016, "q_0.875": 8.19749931912753, "q_0.9": 8.304538377149415, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.55102040816327, "y": 7.188385545858182, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.277204539643211, "q_0.25": 5.454014158790365, "q_0.275": 5.592212067468457, "q_0.3": 5.688614811687864, "q_0.325": 5.779973267072424, "q_0.35": 5.9170809943129035, "q_0.375": 6.044330210893478, "q_0.4": 6.1742452684924825, "q_0.425": 6.296005743754593, "q_0.45": 6.372893513759131, "q_0.475": 6.4791162595064655, "q_0.5": 6.608614085216537, "q_0.525": 6.712743216244316, "q_0.55": 6.821675824365898, "q_0.575": 6.917009181616521, "q_0.6": 6.987192538543265, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.394550905989107, "q_0.7": 7.486479851529196, "q_0.725": 7.5890535127290795, "q_0.75": 7.669390382418008, "q_0.775": 7.776061914674912, "q_0.8": 7.887543372929498, "q_0.825": 7.975557626239649, "q_0.85": 8.084607236378016, "q_0.875": 8.19749931912753, "q_0.9": 8.304538377149415, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.59103641456583, "y": 4.640413095130836, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.277204539643211, "q_0.25": 5.454014158790365, "q_0.275": 5.592212067468457, "q_0.3": 5.688614811687864, "q_0.325": 5.779973267072424, "q_0.35": 5.9170809943129035, "q_0.375": 6.044330210893478, "q_0.4": 6.1742452684924825, "q_0.425": 6.296005743754593, "q_0.45": 6.372893513759131, "q_0.475": 6.4791162595064655, "q_0.5": 6.608614085216537, "q_0.525": 6.712743216244316, "q_0.55": 6.821675824365898, "q_0.575": 6.917009181616521, "q_0.6": 6.987192538543265, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.394550905989107, "q_0.7": 7.486479851529196, "q_0.725": 7.5890535127290795, "q_0.75": 7.669390382418008, "q_0.775": 7.776061914674912, "q_0.8": 7.887543372929498, "q_0.825": 7.975557626239649, "q_0.85": 8.084607236378016, "q_0.875": 8.19749931912753, "q_0.9": 8.304538377149415, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.63105242096839, "y": 7.060700098950234, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.277204539643211, "q_0.25": 5.454014158790365, "q_0.275": 5.592212067468457, "q_0.3": 5.688614811687864, "q_0.325": 5.779973267072424, "q_0.35": 5.9170809943129035, "q_0.375": 6.044330210893478, "q_0.4": 6.1742452684924825, "q_0.425": 6.296005743754593, "q_0.45": 6.372893513759131, "q_0.475": 6.4791162595064655, "q_0.5": 6.608614085216537, "q_0.525": 6.712743216244316, "q_0.55": 6.821675824365898, "q_0.575": 6.917009181616521, "q_0.6": 6.987192538543265, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.394550905989107, "q_0.7": 7.486479851529196, "q_0.725": 7.5890535127290795, "q_0.75": 7.669390382418008, "q_0.775": 7.776061914674912, "q_0.8": 7.887543372929498, "q_0.825": 7.975557626239649, "q_0.85": 8.084607236378016, "q_0.875": 8.19749931912753, "q_0.9": 8.304538377149415, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.67106842737095, "y": 8.500490658593364, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.279220753234176, "q_0.25": 5.454014158790365, "q_0.275": 5.596754924306473, "q_0.3": 5.688614811687864, "q_0.325": 5.781123634460956, "q_0.35": 5.9170809943129035, "q_0.375": 6.045991727725136, "q_0.4": 6.180114464839802, "q_0.425": 6.296005743754593, "q_0.45": 6.38830657909329, "q_0.475": 6.483305829133004, "q_0.5": 6.608614085216537, "q_0.525": 6.718625662234357, "q_0.55": 6.8220247680659165, "q_0.575": 6.921468824024663, "q_0.6": 6.987192538543265, "q_0.625": 7.128147769944071, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.595916950510564, "q_0.75": 7.672438687443597, "q_0.775": 7.7835732685260135, "q_0.8": 7.889030883302941, "q_0.825": 7.976245692643259, "q_0.85": 8.084607236378016, "q_0.875": 8.206721886437666, "q_0.9": 8.328220888956123, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.71108443377351, "y": 5.078068846600801, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.279220753234176, "q_0.25": 5.454014158790365, "q_0.275": 5.596754924306473, "q_0.3": 5.688614811687864, "q_0.325": 5.781123634460956, "q_0.35": 5.9170809943129035, "q_0.375": 6.045991727725136, "q_0.4": 6.180114464839802, "q_0.425": 6.296005743754593, "q_0.45": 6.38830657909329, "q_0.475": 6.483305829133004, "q_0.5": 6.608614085216537, "q_0.525": 6.718625662234357, "q_0.55": 6.8220247680659165, "q_0.575": 6.921468824024663, "q_0.6": 6.987192538543265, "q_0.625": 7.128147769944071, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.595916950510564, "q_0.75": 7.672438687443597, "q_0.775": 7.7835732685260135, "q_0.8": 7.889030883302941, "q_0.825": 7.976245692643259, "q_0.85": 8.084607236378016, "q_0.875": 8.206721886437666, "q_0.9": 8.328220888956123, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.75110044017607, "y": 7.564607068510808, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.279220753234176, "q_0.25": 5.454014158790365, "q_0.275": 5.596754924306473, "q_0.3": 5.688614811687864, "q_0.325": 5.781123634460956, "q_0.35": 5.9170809943129035, "q_0.375": 6.045991727725136, "q_0.4": 6.180114464839802, "q_0.425": 6.296005743754593, "q_0.45": 6.38830657909329, "q_0.475": 6.483305829133004, "q_0.5": 6.608614085216537, "q_0.525": 6.718625662234357, "q_0.55": 6.8220247680659165, "q_0.575": 6.921468824024663, "q_0.6": 6.987192538543265, "q_0.625": 7.128147769944071, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.595916950510564, "q_0.75": 7.672438687443597, "q_0.775": 7.7835732685260135, "q_0.8": 7.889030883302941, "q_0.825": 7.976245692643259, "q_0.85": 8.084607236378016, "q_0.875": 8.206721886437666, "q_0.9": 8.328220888956123, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.79111644657864, "y": 7.03920356442922, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.67869742851378, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.279220753234176, "q_0.25": 5.454014158790365, "q_0.275": 5.596754924306473, "q_0.3": 5.688614811687864, "q_0.325": 5.781123634460956, "q_0.35": 5.9170809943129035, "q_0.375": 6.045991727725136, "q_0.4": 6.180114464839802, "q_0.425": 6.296005743754593, "q_0.45": 6.38830657909329, "q_0.475": 6.483305829133004, "q_0.5": 6.608614085216537, "q_0.525": 6.718625662234357, "q_0.55": 6.8220247680659165, "q_0.575": 6.921468824024663, "q_0.6": 6.987192538543265, "q_0.625": 7.128147769944071, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.595916950510564, "q_0.75": 7.672438687443597, "q_0.775": 7.7835732685260135, "q_0.8": 7.889030883302941, "q_0.825": 7.976245692643259, "q_0.85": 8.084607236378016, "q_0.875": 8.206721886437666, "q_0.9": 8.328220888956123, "q_0.925": 8.419077548226216, "q_0.95": 8.568949105019012, "q_0.975": 8.714263257179471, "q_1": 9.117904357059661}, {"x": 77.8311324529812, "y": 5.188373845582734, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.687350626979153, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.279220753234176, "q_0.25": 5.454014158790365, "q_0.275": 5.596754924306473, "q_0.3": 5.688614811687864, "q_0.325": 5.781123634460956, "q_0.35": 5.9170809943129035, "q_0.375": 6.045991727725136, "q_0.4": 6.180114464839802, "q_0.425": 6.296005743754593, "q_0.45": 6.38830657909329, "q_0.475": 6.483305829133004, "q_0.5": 6.608614085216537, "q_0.525": 6.718625662234357, "q_0.55": 6.82245125481038, "q_0.575": 6.921468824024663, "q_0.6": 6.987192538543265, "q_0.625": 7.128147769944071, "q_0.65": 7.278041988048013, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.595916950510564, "q_0.75": 7.672438687443597, "q_0.775": 7.7835732685260135, "q_0.8": 7.889030883302941, "q_0.825": 7.976245692643259, "q_0.85": 8.084607236378016, "q_0.875": 8.218474484144245, "q_0.9": 8.330653642760094, "q_0.925": 8.426477316766753, "q_0.95": 8.568949105019012, "q_0.975": 8.731083381403074, "q_1": 9.117904357059661}, {"x": 77.87114845938376, "y": 4.407510062784828, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.687350626979153, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.279220753234176, "q_0.25": 5.454014158790365, "q_0.275": 5.596754924306473, "q_0.3": 5.688614811687864, "q_0.325": 5.781123634460956, "q_0.35": 5.9170809943129035, "q_0.375": 6.045991727725136, "q_0.4": 6.180114464839802, "q_0.425": 6.296005743754593, "q_0.45": 6.38830657909329, "q_0.475": 6.483305829133004, "q_0.5": 6.608614085216537, "q_0.525": 6.718625662234357, "q_0.55": 6.82245125481038, "q_0.575": 6.921468824024663, "q_0.6": 6.987192538543265, "q_0.625": 7.128147769944071, "q_0.65": 7.278041988048013, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.595916950510564, "q_0.75": 7.672438687443597, "q_0.775": 7.7835732685260135, "q_0.8": 7.889030883302941, "q_0.825": 7.976245692643259, "q_0.85": 8.084607236378016, "q_0.875": 8.218474484144245, "q_0.9": 8.330653642760094, "q_0.925": 8.426477316766753, "q_0.95": 8.568949105019012, "q_0.975": 8.731083381403074, "q_1": 9.117904357059661}, {"x": 77.91116446578631, "y": 4.42147304957761, "y_pred": 6.608614085216537, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.586006206841602, "q_0.075": 4.687350626979153, "q_0.1": 4.755614343993165, "q_0.125": 4.923302982117865, "q_0.15": 4.977043761741297, "q_0.175": 5.076711109306927, "q_0.2": 5.169930215921888, "q_0.225": 5.279220753234176, "q_0.25": 5.454014158790365, "q_0.275": 5.596754924306473, "q_0.3": 5.688614811687864, "q_0.325": 5.781123634460956, "q_0.35": 5.9170809943129035, "q_0.375": 6.045991727725136, "q_0.4": 6.180114464839802, "q_0.425": 6.296005743754593, "q_0.45": 6.38830657909329, "q_0.475": 6.483305829133004, "q_0.5": 6.608614085216537, "q_0.525": 6.718625662234357, "q_0.55": 6.82245125481038, "q_0.575": 6.921468824024663, "q_0.6": 6.987192538543265, "q_0.625": 7.128147769944071, "q_0.65": 7.278041988048013, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.595916950510564, "q_0.75": 7.672438687443597, "q_0.775": 7.7835732685260135, "q_0.8": 7.889030883302941, "q_0.825": 7.976245692643259, "q_0.85": 8.084607236378016, "q_0.875": 8.218474484144245, "q_0.9": 8.330653642760094, "q_0.925": 8.426477316766753, "q_0.95": 8.568949105019012, "q_0.975": 8.731083381403074, "q_1": 9.117904357059661}, {"x": 77.95118047218888, "y": 6.706037320773416, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.687350626979153, "q_0.1": 4.758999105990978, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.2860203426507155, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.391495263221277, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.730291416884388, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.2811064482905765, "q_0.675": 7.407613161302036, "q_0.7": 7.502437976787764, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.895723366863788, "q_0.825": 7.979878653405329, "q_0.85": 8.092158159258524, "q_0.875": 8.21869896050462, "q_0.9": 8.341159957816656, "q_0.925": 8.47353212124489, "q_0.95": 8.580292183758063, "q_0.975": 8.743615197761091, "q_1": 9.117904357059661}, {"x": 77.99119647859143, "y": 8.501236984713952, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.687350626979153, "q_0.1": 4.758999105990978, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.2860203426507155, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.391495263221277, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.730291416884388, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.2811064482905765, "q_0.675": 7.407613161302036, "q_0.7": 7.502437976787764, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.895723366863788, "q_0.825": 7.979878653405329, "q_0.85": 8.092158159258524, "q_0.875": 8.21869896050462, "q_0.9": 8.341159957816656, "q_0.925": 8.47353212124489, "q_0.95": 8.580292183758063, "q_0.975": 8.743615197761091, "q_1": 9.117904357059661}, {"x": 78.031212484994, "y": 7.197900477501126, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.687350626979153, "q_0.1": 4.758999105990978, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.2860203426507155, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.391495263221277, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.730291416884388, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.2811064482905765, "q_0.675": 7.407613161302036, "q_0.7": 7.502437976787764, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.895723366863788, "q_0.825": 7.979878653405329, "q_0.85": 8.092158159258524, "q_0.875": 8.21869896050462, "q_0.9": 8.341159957816656, "q_0.925": 8.47353212124489, "q_0.95": 8.580292183758063, "q_0.975": 8.743615197761091, "q_1": 9.117904357059661}, {"x": 78.07122849139657, "y": 7.504656265577897, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.687350626979153, "q_0.1": 4.758999105990978, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.2860203426507155, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.391495263221277, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.730291416884388, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.2811064482905765, "q_0.675": 7.407613161302036, "q_0.7": 7.502437976787764, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.895723366863788, "q_0.825": 7.979878653405329, "q_0.85": 8.092158159258524, "q_0.875": 8.21869896050462, "q_0.9": 8.341159957816656, "q_0.925": 8.47353212124489, "q_0.95": 8.580292183758063, "q_0.975": 8.743615197761091, "q_1": 9.117904357059661}, {"x": 78.11124449779912, "y": 6.542030667749927, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.687350626979153, "q_0.1": 4.758999105990978, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.2860203426507155, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.391495263221277, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.730291416884388, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.2811064482905765, "q_0.675": 7.407613161302036, "q_0.7": 7.502437976787764, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.895723366863788, "q_0.825": 7.979878653405329, "q_0.85": 8.092158159258524, "q_0.875": 8.21869896050462, "q_0.9": 8.341159957816656, "q_0.925": 8.47353212124489, "q_0.95": 8.580292183758063, "q_0.975": 8.743615197761091, "q_1": 9.117904357059661}, {"x": 78.15126050420169, "y": 6.927562068158622, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.687821633353387, "q_0.1": 4.758999105990978, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.290215727365148, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.730291416884388, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.895723366863788, "q_0.825": 7.980916032181643, "q_0.85": 8.092158159258524, "q_0.875": 8.21869896050462, "q_0.9": 8.350605653893716, "q_0.925": 8.47353212124489, "q_0.95": 8.593399174917819, "q_0.975": 8.743615197761091, "q_1": 9.117904357059661}, {"x": 78.19127651060424, "y": 4.936876643427871, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.6903125718688194, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990548377091267, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.594044335676344, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.2312925170068, "y": 8.21869896050462, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.6903125718688194, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990548377091267, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.594044335676344, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.27130852340936, "y": 7.712264273562155, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.6903125718688194, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990548377091267, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.594044335676344, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.31132452981193, "y": 8.75141489812569, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.6903125718688194, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990548377091267, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.594044335676344, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.3513405362145, "y": 5.688614811687864, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.433911372591338, "q_0.05": 4.5952723636492, "q_0.075": 4.6903125718688194, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990548377091267, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.067237734445141, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.594044335676344, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.39135654261705, "y": 5.379970822579473, "y_pred": 6.612988970785921, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.453688787362178, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990929138595543, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.068705675007118, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.612988970785921, "q_0.525": 6.7344985488390545, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.787569438223713, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.597543237419693, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.43137254901961, "y": 4.9349732185676265, "y_pred": 6.612988970785921, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.453688787362178, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990929138595543, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.068705675007118, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.612988970785921, "q_0.525": 6.7344985488390545, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.787569438223713, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.597543237419693, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.47138855542217, "y": 8.606702238234487, "y_pred": 6.612988970785921, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.453688787362178, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990929138595543, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.068705675007118, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.612988970785921, "q_0.525": 6.7344985488390545, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.787569438223713, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.597543237419693, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.51140456182473, "y": 7.805474688475007, "y_pred": 6.612988970785921, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.453688787362178, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990929138595543, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.068705675007118, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.612988970785921, "q_0.525": 6.7344985488390545, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.787569438223713, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.597543237419693, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.5514205682273, "y": 5.116799385600194, "y_pred": 6.612988970785921, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.453688787362178, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.990929138595543, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.291853463588768, "q_0.25": 5.4741072109626785, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.784501430094777, "q_0.35": 5.941777400652301, "q_0.375": 6.068705675007118, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.612988970785921, "q_0.525": 6.7344985488390545, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.787569438223713, "q_0.8": 7.898807765374084, "q_0.825": 7.980916032181643, "q_0.85": 8.107815238235931, "q_0.875": 8.21869896050462, "q_0.9": 8.351384810193501, "q_0.925": 8.494603113876268, "q_0.95": 8.597543237419693, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.59143657462985, "y": 6.808449409256699, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.170581004496657, "q_0.225": 5.314010328940865, "q_0.25": 5.478417414081877, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.787542562230623, "q_0.35": 5.946996614527446, "q_0.375": 6.068705675007118, "q_0.4": 6.201121542961315, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.396331630299205, "q_0.7": 7.502437976787764, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.78431616069725, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.107815238235931, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.500490658593364, "q_0.95": 8.597543237419693, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.63145258103242, "y": 6.201121542961315, "y_pred": 6.612988970785921, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.173956411988428, "q_0.225": 5.314010328940865, "q_0.25": 5.478417414081877, "q_0.275": 5.60090035532502, "q_0.3": 5.7051626575548084, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.068705675007118, "q_0.4": 6.205039131452644, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.612988970785921, "q_0.525": 6.737452877306334, "q_0.55": 6.828579125837872, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.502437976787764, "q_0.725": 7.602394882250917, "q_0.75": 7.678387747062077, "q_0.775": 7.787569438223713, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.500490658593364, "q_0.95": 8.606702238234487, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.67146858743497, "y": 5.053577304868934, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.314010328940865, "q_0.25": 5.478417414081877, "q_0.275": 5.603748615191543, "q_0.3": 5.7051626575548084, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.500490658593364, "q_0.95": 8.606702238234487, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.71148459383754, "y": 5.10050345105409, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.314010328940865, "q_0.25": 5.478417414081877, "q_0.275": 5.603748615191543, "q_0.3": 5.7051626575548084, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.500490658593364, "q_0.95": 8.606702238234487, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.75150060024009, "y": 8.61033029467016, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.314010328940865, "q_0.25": 5.478417414081877, "q_0.275": 5.603748615191543, "q_0.3": 5.7051626575548084, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.500490658593364, "q_0.95": 8.606702238234487, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.79151660664266, "y": 5.727437352890488, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.314010328940865, "q_0.25": 5.478417414081877, "q_0.275": 5.603748615191543, "q_0.3": 5.7051626575548084, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.500490658593364, "q_0.95": 8.606702238234487, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.83153261304523, "y": 8.515794582503428, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.314010328940865, "q_0.25": 5.478417414081877, "q_0.275": 5.603748615191543, "q_0.3": 5.7051626575548084, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.30137691969869, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.78618425494029, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.500490658593364, "q_0.95": 8.606702238234487, "q_0.975": 8.75141489812569, "q_1": 9.117904357059661}, {"x": 78.87154861944778, "y": 4.7240685583919175, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.321254834181335, "q_0.25": 5.480378124576764, "q_0.275": 5.603748615191543, "q_0.3": 5.706240551435829, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.301037477475684, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.501236984713952, "q_0.95": 8.606702238234487, "q_0.975": 8.75641470931683, "q_1": 9.117904357059661}, {"x": 78.91156462585035, "y": 6.412098295278259, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.321254834181335, "q_0.25": 5.480378124576764, "q_0.275": 5.603748615191543, "q_0.3": 5.706240551435829, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.301037477475684, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.501236984713952, "q_0.95": 8.606702238234487, "q_0.975": 8.75641470931683, "q_1": 9.117904357059661}, {"x": 78.9515806322529, "y": 4.961766854270886, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.321254834181335, "q_0.25": 5.480378124576764, "q_0.275": 5.603748615191543, "q_0.3": 5.706240551435829, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.301037477475684, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.501236984713952, "q_0.95": 8.606702238234487, "q_0.975": 8.75641470931683, "q_1": 9.117904357059661}, {"x": 78.99159663865547, "y": 4.415323350822995, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.321254834181335, "q_0.25": 5.480378124576764, "q_0.275": 5.603748615191543, "q_0.3": 5.706240551435829, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.301037477475684, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.501236984713952, "q_0.95": 8.606702238234487, "q_0.975": 8.75641470931683, "q_1": 9.117904357059661}, {"x": 79.03161264505803, "y": 6.821675824365898, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.321254834181335, "q_0.25": 5.480378124576764, "q_0.275": 5.603748615191543, "q_0.3": 5.706240551435829, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.301037477475684, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.501236984713952, "q_0.95": 8.606702238234487, "q_0.975": 8.75641470931683, "q_1": 9.117904357059661}, {"x": 79.07162865146059, "y": 4.89452199944938, "y_pred": 6.610945882647042, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.470390263985683, "q_0.05": 4.5952723636492, "q_0.075": 4.693007450504758, "q_0.1": 4.764826637626218, "q_0.125": 4.923302982117865, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.17901952322608, "q_0.225": 5.321254834181335, "q_0.25": 5.480378124576764, "q_0.275": 5.603748615191543, "q_0.3": 5.706240551435829, "q_0.325": 5.797198210916315, "q_0.35": 5.957988925578241, "q_0.375": 6.072427775805698, "q_0.4": 6.205039131452644, "q_0.425": 6.301037477475684, "q_0.45": 6.3997818723834055, "q_0.475": 6.500147298514093, "q_0.5": 6.610945882647042, "q_0.525": 6.7344985488390545, "q_0.55": 6.82375315809708, "q_0.575": 6.921468824024663, "q_0.6": 6.987341419314399, "q_0.625": 7.120134177365377, "q_0.65": 7.277634175261337, "q_0.675": 7.396331630299205, "q_0.7": 7.494307419463388, "q_0.725": 7.602394882250917, "q_0.75": 7.675270140890328, "q_0.775": 7.783919898282058, "q_0.8": 7.898807765374084, "q_0.825": 8.003396375626119, "q_0.85": 8.108371794791108, "q_0.875": 8.221805004024278, "q_0.9": 8.353987139950119, "q_0.925": 8.501236984713952, "q_0.95": 8.606702238234487, "q_0.975": 8.75641470931683, "q_1": 9.117904357059661}, {"x": 79.11164465786315, "y": 7.5607641850212985, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.1516606642657, "y": 7.456806517351355, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.19167667066827, "y": 5.169930215921888, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.23169267707082, "y": 8.52676812225451, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.27170868347339, "y": 7.559874162450733, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.31172468987596, "y": 5.7051626575548084, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.35174069627851, "y": 7.50977496937789, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.39175670268108, "y": 7.6101874554247875, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.43177270908363, "y": 5.901252506928543, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.4717887154862, "y": 6.048304368842901, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.51180472188877, "y": 5.976652221572761, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.55182072829132, "y": 7.1075157819432135, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.59183673469389, "y": 8.353987139950119, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.63185274109644, "y": 5.1625194461836035, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.671868747499, "y": 8.245177167323805, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.71188475390156, "y": 4.524621312709386, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.75190076030412, "y": 7.303487754943594, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.79191676670669, "y": 6.2243429438156745, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.83193277310924, "y": 7.880270552977918, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.87194877951181, "y": 7.573283834870935, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.91196478591436, "y": 6.514932326533614, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.95198079231693, "y": 7.235179432613154, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 79.9919967987195, "y": 6.611588572406605, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.03201280512205, "y": 7.973606893184375, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.07202881152462, "y": 6.500147298514093, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.11204481792717, "y": 6.7077902783888845, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.15206082432974, "y": 5.5099417694233495, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.19207683073229, "y": 7.069322733758634, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.23209283713486, "y": 5.741512115373536, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.27210884353742, "y": 6.948813463316421, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.31212484993998, "y": 5.15681285339289, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.35214085634254, "y": 5.112475047528257, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.3921568627451, "y": 6.246120396171547, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.43217286914766, "y": 6.289883693528926, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.47218887555022, "y": 5.592212067468457, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.51220488195278, "y": 4.992071423108374, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.55222088835535, "y": 4.586006206841602, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.5922368947579, "y": 4.524979486901972, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.63225290116047, "y": 5.609825398631992, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.67226890756302, "y": 6.448293079419409, "y_pred": 6.62232618333511, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.598335254535328, "q_0.075": 4.693007450504758, "q_0.1": 4.773197724835218, "q_0.125": 4.931784502214521, "q_0.15": 4.992071423108374, "q_0.175": 5.078068846600801, "q_0.2": 5.184031077124445, "q_0.225": 5.3588816768914995, "q_0.25": 5.4826980112754615, "q_0.275": 5.609825398631992, "q_0.3": 5.719410508128275, "q_0.325": 5.813050987330242, "q_0.35": 5.962611131831868, "q_0.375": 6.081297649416187, "q_0.4": 6.2243429438156745, "q_0.425": 6.303355969642889, "q_0.45": 6.402262026196145, "q_0.475": 6.510321966120001, "q_0.5": 6.62232618333511, "q_0.525": 6.737452877306334, "q_0.55": 6.8317228149119416, "q_0.575": 6.927562068158622, "q_0.6": 6.992746699276601, "q_0.625": 7.128147769944071, "q_0.65": 7.279673239194703, "q_0.675": 7.407613161302036, "q_0.7": 7.504656265577897, "q_0.725": 7.6075721287107125, "q_0.75": 7.6867006295192635, "q_0.775": 7.805474688475007, "q_0.8": 7.906764005708316, "q_0.825": 8.012509576991988, "q_0.85": 8.114503278895993, "q_0.875": 8.237941400588257, "q_0.9": 8.371003816899552, "q_0.925": 8.511539494434864, "q_0.95": 8.616610321711462, "q_0.975": 8.759634274030816, "q_1": 9.117904357059661}, {"x": 80.71228491396559, "y": 7.6131657192050435, "y_pred": 6.639289246145984, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.606059433029293, "q_0.075": 4.694172874974996, "q_0.1": 4.7758565031849525, "q_0.125": 4.931784502214521, "q_0.15": 5.006226138839089, "q_0.175": 5.0958542573717915, "q_0.2": 5.1987437976665865, "q_0.225": 5.379970822579473, "q_0.25": 5.497566174498546, "q_0.275": 5.62140566354136, "q_0.3": 5.724301801078898, "q_0.325": 5.8499681637146885, "q_0.35": 5.978165873657799, "q_0.375": 6.098058624348094, "q_0.4": 6.225271986032057, "q_0.425": 6.30549773952699, "q_0.45": 6.412098295278259, "q_0.475": 6.514932326533614, "q_0.5": 6.639289246145984, "q_0.525": 6.747072700996834, "q_0.55": 6.834613470179619, "q_0.575": 6.938249690190057, "q_0.6": 6.996889990494486, "q_0.625": 7.145846942462921, "q_0.65": 7.303487754943594, "q_0.675": 7.411374655686721, "q_0.7": 7.50977496937789, "q_0.725": 7.6131657192050435, "q_0.75": 7.708566595928236, "q_0.775": 7.81879504897625, "q_0.8": 7.923803031070612, "q_0.825": 8.013159591495198, "q_0.85": 8.125731123929855, "q_0.875": 8.24686190504441, "q_0.9": 8.374442768160684, "q_0.925": 8.511672702219997, "q_0.95": 8.619863866968766, "q_0.975": 8.76492642927737, "q_1": 9.117904357059661}, {"x": 80.75230092036816, "y": 6.507041457482819, "y_pred": 6.639289246145984, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.606059433029293, "q_0.075": 4.694172874974996, "q_0.1": 4.7758565031849525, "q_0.125": 4.931784502214521, "q_0.15": 5.006226138839089, "q_0.175": 5.0958542573717915, "q_0.2": 5.1987437976665865, "q_0.225": 5.379970822579473, "q_0.25": 5.497566174498546, "q_0.275": 5.62140566354136, "q_0.3": 5.724301801078898, "q_0.325": 5.8499681637146885, "q_0.35": 5.978165873657799, "q_0.375": 6.098058624348094, "q_0.4": 6.225271986032057, "q_0.425": 6.30549773952699, "q_0.45": 6.412098295278259, "q_0.475": 6.514932326533614, "q_0.5": 6.639289246145984, "q_0.525": 6.747072700996834, "q_0.55": 6.834613470179619, "q_0.575": 6.938249690190057, "q_0.6": 6.996889990494486, "q_0.625": 7.145846942462921, "q_0.65": 7.303487754943594, "q_0.675": 7.411374655686721, "q_0.7": 7.50977496937789, "q_0.725": 7.6131657192050435, "q_0.75": 7.708566595928236, "q_0.775": 7.81879504897625, "q_0.8": 7.923803031070612, "q_0.825": 8.013159591495198, "q_0.85": 8.125731123929855, "q_0.875": 8.24686190504441, "q_0.9": 8.374442768160684, "q_0.925": 8.511672702219997, "q_0.95": 8.619863866968766, "q_0.975": 8.76492642927737, "q_1": 9.117904357059661}, {"x": 80.79231692677071, "y": 8.397940800398864, "y_pred": 6.639289246145984, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.606059433029293, "q_0.075": 4.694172874974996, "q_0.1": 4.7758565031849525, "q_0.125": 4.931784502214521, "q_0.15": 5.006226138839089, "q_0.175": 5.0958542573717915, "q_0.2": 5.1987437976665865, "q_0.225": 5.379970822579473, "q_0.25": 5.497566174498546, "q_0.275": 5.62140566354136, "q_0.3": 5.724301801078898, "q_0.325": 5.8499681637146885, "q_0.35": 5.978165873657799, "q_0.375": 6.098058624348094, "q_0.4": 6.225271986032057, "q_0.425": 6.30549773952699, "q_0.45": 6.412098295278259, "q_0.475": 6.514932326533614, "q_0.5": 6.639289246145984, "q_0.525": 6.747072700996834, "q_0.55": 6.834613470179619, "q_0.575": 6.938249690190057, "q_0.6": 6.996889990494486, "q_0.625": 7.145846942462921, "q_0.65": 7.303487754943594, "q_0.675": 7.411374655686721, "q_0.7": 7.50977496937789, "q_0.725": 7.6131657192050435, "q_0.75": 7.708566595928236, "q_0.775": 7.81879504897625, "q_0.8": 7.923803031070612, "q_0.825": 8.013159591495198, "q_0.85": 8.125731123929855, "q_0.875": 8.24686190504441, "q_0.9": 8.374442768160684, "q_0.925": 8.511672702219997, "q_0.95": 8.619863866968766, "q_0.975": 8.76492642927737, "q_1": 9.117904357059661}, {"x": 80.83233293317328, "y": 4.571950181861702, "y_pred": 6.639289246145984, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.606059433029293, "q_0.075": 4.694172874974996, "q_0.1": 4.7758565031849525, "q_0.125": 4.931784502214521, "q_0.15": 5.006226138839089, "q_0.175": 5.0958542573717915, "q_0.2": 5.1987437976665865, "q_0.225": 5.379970822579473, "q_0.25": 5.497566174498546, "q_0.275": 5.62140566354136, "q_0.3": 5.724301801078898, "q_0.325": 5.8499681637146885, "q_0.35": 5.978165873657799, "q_0.375": 6.098058624348094, "q_0.4": 6.225271986032057, "q_0.425": 6.30549773952699, "q_0.45": 6.412098295278259, "q_0.475": 6.514932326533614, "q_0.5": 6.639289246145984, "q_0.525": 6.747072700996834, "q_0.55": 6.834613470179619, "q_0.575": 6.938249690190057, "q_0.6": 6.996889990494486, "q_0.625": 7.145846942462921, "q_0.65": 7.303487754943594, "q_0.675": 7.411374655686721, "q_0.7": 7.50977496937789, "q_0.725": 7.6131657192050435, "q_0.75": 7.708566595928236, "q_0.775": 7.81879504897625, "q_0.8": 7.923803031070612, "q_0.825": 8.013159591495198, "q_0.85": 8.125731123929855, "q_0.875": 8.24686190504441, "q_0.9": 8.374442768160684, "q_0.925": 8.511672702219997, "q_0.95": 8.619863866968766, "q_0.975": 8.76492642927737, "q_1": 9.117904357059661}, {"x": 80.87234893957583, "y": 5.213140640317787, "y_pred": 6.639289246145984, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.606059433029293, "q_0.075": 4.694172874974996, "q_0.1": 4.7758565031849525, "q_0.125": 4.931784502214521, "q_0.15": 5.006226138839089, "q_0.175": 5.0958542573717915, "q_0.2": 5.1987437976665865, "q_0.225": 5.379970822579473, "q_0.25": 5.497566174498546, "q_0.275": 5.62140566354136, "q_0.3": 5.724301801078898, "q_0.325": 5.8499681637146885, "q_0.35": 5.978165873657799, "q_0.375": 6.098058624348094, "q_0.4": 6.225271986032057, "q_0.425": 6.30549773952699, "q_0.45": 6.412098295278259, "q_0.475": 6.514932326533614, "q_0.5": 6.639289246145984, "q_0.525": 6.747072700996834, "q_0.55": 6.834613470179619, "q_0.575": 6.938249690190057, "q_0.6": 6.996889990494486, "q_0.625": 7.145846942462921, "q_0.65": 7.303487754943594, "q_0.675": 7.411374655686721, "q_0.7": 7.50977496937789, "q_0.725": 7.6131657192050435, "q_0.75": 7.708566595928236, "q_0.775": 7.81879504897625, "q_0.8": 7.923803031070612, "q_0.825": 8.013159591495198, "q_0.85": 8.125731123929855, "q_0.875": 8.24686190504441, "q_0.9": 8.374442768160684, "q_0.925": 8.511672702219997, "q_0.95": 8.619863866968766, "q_0.975": 8.76492642927737, "q_1": 9.117904357059661}, {"x": 80.9123649459784, "y": 5.909160566020582, "y_pred": 6.639289246145984, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.606059433029293, "q_0.075": 4.694172874974996, "q_0.1": 4.7758565031849525, "q_0.125": 4.931784502214521, "q_0.15": 5.006226138839089, "q_0.175": 5.0958542573717915, "q_0.2": 5.1987437976665865, "q_0.225": 5.379970822579473, "q_0.25": 5.497566174498546, "q_0.275": 5.62140566354136, "q_0.3": 5.724301801078898, "q_0.325": 5.8499681637146885, "q_0.35": 5.978165873657799, "q_0.375": 6.098058624348094, "q_0.4": 6.225271986032057, "q_0.425": 6.30549773952699, "q_0.45": 6.412098295278259, "q_0.475": 6.514932326533614, "q_0.5": 6.639289246145984, "q_0.525": 6.747072700996834, "q_0.55": 6.834613470179619, "q_0.575": 6.938249690190057, "q_0.6": 6.996889990494486, "q_0.625": 7.145846942462921, "q_0.65": 7.303487754943594, "q_0.675": 7.411374655686721, "q_0.7": 7.50977496937789, "q_0.725": 7.6131657192050435, "q_0.75": 7.708566595928236, "q_0.775": 7.81879504897625, "q_0.8": 7.923803031070612, "q_0.825": 8.013159591495198, "q_0.85": 8.125731123929855, "q_0.875": 8.24686190504441, "q_0.9": 8.374442768160684, "q_0.925": 8.511672702219997, "q_0.95": 8.619863866968766, "q_0.975": 8.76492642927737, "q_1": 9.117904357059661}, {"x": 80.95238095238095, "y": 6.962794825803428, "y_pred": 6.639289246145984, "target": "0", "q_0": 4.060462534449218, "q_0.025": 4.5120769478925356, "q_0.05": 4.609649563181977, "q_0.075": 4.694172874974996, "q_0.1": 4.7758565031849525, "q_0.125": 4.933212996652008, "q_0.15": 5.0081247609927, "q_0.175": 5.10050345105409, "q_0.2": 5.2094776668517895, "q_0.225": 5.379970822579473, "q_0.25": 5.50862782218625, "q_0.275": 5.623111978822796, "q_0.3": 5.740762275671127, "q_0.325": 5.8499681637146885, "q_0.35": 5.978165873657799, "q_0.375": 6.098058624348094, "q_0.4": 6.232252530174902, "q_0.425": 6.312486188186416, "q_0.45": 6.412098295278259, "q_0.475": 6.54893756694938, "q_0.5": 6.639289246145984, "q_0.525": 6.752934176496481, "q_0.55": 6.840595785366216, "q_0.575": 6.941917271476338, "q_0.6": 7.012787378487698, "q_0.625": 7.157604606791473, "q_0.65": 7.303487754943594, "q_0.675": 7.414544968596967, "q_0.7": 7.50977496937789, "q_0.725": 7.6131657192050435, "q_0.75": 7.712264273562155, "q_0.775": 7.81879504897625, "q_0.8": 7.934691520554733, "q_0.825": 8.023014968910232, "q_0.85": 8.125731123929855, "q_0.875": 8.24686190504441, "q_0.9": 8.374442768160684, "q_0.925": 8.511672702219997, "q_0.95": 8.621327218104792, "q_0.975": 8.770775653497267, "q_1": 9.117904357059661}, {"x": 80.99239695878352, "y": 8.176438771149055, "y_pred": 6.651337245831529, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.524621312709386, "q_0.05": 4.613383051865101, "q_0.075": 4.69777579925783, "q_0.1": 4.795374002248041, "q_0.125": 4.9349732185676265, "q_0.15": 5.0081247609927, "q_0.175": 5.10050345105409, "q_0.2": 5.213140640317787, "q_0.225": 5.419964320297897, "q_0.25": 5.515484260468025, "q_0.275": 5.631001143383613, "q_0.3": 5.744420423879747, "q_0.325": 5.864985404400768, "q_0.35": 5.9793170140524055, "q_0.375": 6.0992437544438785, "q_0.4": 6.235280783617888, "q_0.425": 6.325271785433165, "q_0.45": 6.416270884920758, "q_0.475": 6.5566365014337, "q_0.5": 6.651337245831529, "q_0.525": 6.753932644595816, "q_0.55": 6.844251125635344, "q_0.575": 6.941917271476338, "q_0.6": 7.026683492747557, "q_0.625": 7.1608603901938235, "q_0.65": 7.303487754943594, "q_0.675": 7.418573339780122, "q_0.7": 7.5099228760695125, "q_0.725": 7.617910955751531, "q_0.75": 7.712264273562155, "q_0.775": 7.819725094531, "q_0.8": 7.944021526451298, "q_0.825": 8.023188356534959, "q_0.85": 8.130677289535292, "q_0.875": 8.255119321802304, "q_0.9": 8.377631068613598, "q_0.925": 8.515794582503428, "q_0.95": 8.626414190883203, "q_0.975": 8.780554280105154, "q_1": 9.117904357059661}, {"x": 81.03241296518608, "y": 5.962611131831868, "y_pred": 6.651337245831529, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.524621312709386, "q_0.05": 4.613383051865101, "q_0.075": 4.69777579925783, "q_0.1": 4.795374002248041, "q_0.125": 4.9349732185676265, "q_0.15": 5.0081247609927, "q_0.175": 5.10050345105409, "q_0.2": 5.213140640317787, "q_0.225": 5.419964320297897, "q_0.25": 5.515484260468025, "q_0.275": 5.631001143383613, "q_0.3": 5.744420423879747, "q_0.325": 5.864985404400768, "q_0.35": 5.9793170140524055, "q_0.375": 6.0992437544438785, "q_0.4": 6.235280783617888, "q_0.425": 6.325271785433165, "q_0.45": 6.416270884920758, "q_0.475": 6.5566365014337, "q_0.5": 6.651337245831529, "q_0.525": 6.753932644595816, "q_0.55": 6.844251125635344, "q_0.575": 6.941917271476338, "q_0.6": 7.026683492747557, "q_0.625": 7.1608603901938235, "q_0.65": 7.303487754943594, "q_0.675": 7.418573339780122, "q_0.7": 7.5099228760695125, "q_0.725": 7.617910955751531, "q_0.75": 7.712264273562155, "q_0.775": 7.819725094531, "q_0.8": 7.944021526451298, "q_0.825": 8.023188356534959, "q_0.85": 8.130677289535292, "q_0.875": 8.255119321802304, "q_0.9": 8.377631068613598, "q_0.925": 8.515794582503428, "q_0.95": 8.626414190883203, "q_0.975": 8.780554280105154, "q_1": 9.117904357059661}, {"x": 81.07242897158864, "y": 5.60090035532502, "y_pred": 6.651337245831529, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.524621312709386, "q_0.05": 4.613383051865101, "q_0.075": 4.69777579925783, "q_0.1": 4.795374002248041, "q_0.125": 4.9349732185676265, "q_0.15": 5.0081247609927, "q_0.175": 5.10050345105409, "q_0.2": 5.213140640317787, "q_0.225": 5.419964320297897, "q_0.25": 5.515484260468025, "q_0.275": 5.631001143383613, "q_0.3": 5.744420423879747, "q_0.325": 5.864985404400768, "q_0.35": 5.9793170140524055, "q_0.375": 6.0992437544438785, "q_0.4": 6.235280783617888, "q_0.425": 6.325271785433165, "q_0.45": 6.416270884920758, "q_0.475": 6.5566365014337, "q_0.5": 6.651337245831529, "q_0.525": 6.753932644595816, "q_0.55": 6.844251125635344, "q_0.575": 6.941917271476338, "q_0.6": 7.026683492747557, "q_0.625": 7.1608603901938235, "q_0.65": 7.303487754943594, "q_0.675": 7.418573339780122, "q_0.7": 7.5099228760695125, "q_0.725": 7.617910955751531, "q_0.75": 7.712264273562155, "q_0.775": 7.819725094531, "q_0.8": 7.944021526451298, "q_0.825": 8.023188356534959, "q_0.85": 8.130677289535292, "q_0.875": 8.255119321802304, "q_0.9": 8.377631068613598, "q_0.925": 8.515794582503428, "q_0.95": 8.626414190883203, "q_0.975": 8.780554280105154, "q_1": 9.117904357059661}, {"x": 81.1124449779912, "y": 4.693007450504758, "y_pred": 6.651337245831529, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.524621312709386, "q_0.05": 4.613383051865101, "q_0.075": 4.69777579925783, "q_0.1": 4.795374002248041, "q_0.125": 4.9349732185676265, "q_0.15": 5.0081247609927, "q_0.175": 5.10050345105409, "q_0.2": 5.213140640317787, "q_0.225": 5.419964320297897, "q_0.25": 5.515484260468025, "q_0.275": 5.631001143383613, "q_0.3": 5.744420423879747, "q_0.325": 5.864985404400768, "q_0.35": 5.9793170140524055, "q_0.375": 6.0992437544438785, "q_0.4": 6.235280783617888, "q_0.425": 6.325271785433165, "q_0.45": 6.416270884920758, "q_0.475": 6.5566365014337, "q_0.5": 6.651337245831529, "q_0.525": 6.753932644595816, "q_0.55": 6.844251125635344, "q_0.575": 6.941917271476338, "q_0.6": 7.026683492747557, "q_0.625": 7.1608603901938235, "q_0.65": 7.303487754943594, "q_0.675": 7.418573339780122, "q_0.7": 7.5099228760695125, "q_0.725": 7.617910955751531, "q_0.75": 7.712264273562155, "q_0.775": 7.819725094531, "q_0.8": 7.944021526451298, "q_0.825": 8.023188356534959, "q_0.85": 8.130677289535292, "q_0.875": 8.255119321802304, "q_0.9": 8.377631068613598, "q_0.925": 8.515794582503428, "q_0.95": 8.626414190883203, "q_0.975": 8.780554280105154, "q_1": 9.117904357059661}, {"x": 81.15246098439376, "y": 8.04145526068419, "y_pred": 6.651337245831529, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.524621312709386, "q_0.05": 4.613383051865101, "q_0.075": 4.69777579925783, "q_0.1": 4.795374002248041, "q_0.125": 4.9349732185676265, "q_0.15": 5.0081247609927, "q_0.175": 5.10050345105409, "q_0.2": 5.213140640317787, "q_0.225": 5.419964320297897, "q_0.25": 5.515484260468025, "q_0.275": 5.631001143383613, "q_0.3": 5.744420423879747, "q_0.325": 5.864985404400768, "q_0.35": 5.9793170140524055, "q_0.375": 6.0992437544438785, "q_0.4": 6.235280783617888, "q_0.425": 6.325271785433165, "q_0.45": 6.416270884920758, "q_0.475": 6.5566365014337, "q_0.5": 6.651337245831529, "q_0.525": 6.753932644595816, "q_0.55": 6.844251125635344, "q_0.575": 6.941917271476338, "q_0.6": 7.026683492747557, "q_0.625": 7.1608603901938235, "q_0.65": 7.303487754943594, "q_0.675": 7.418573339780122, "q_0.7": 7.5099228760695125, "q_0.725": 7.617910955751531, "q_0.75": 7.712264273562155, "q_0.775": 7.819725094531, "q_0.8": 7.944021526451298, "q_0.825": 8.023188356534959, "q_0.85": 8.130677289535292, "q_0.875": 8.255119321802304, "q_0.9": 8.377631068613598, "q_0.925": 8.515794582503428, "q_0.95": 8.626414190883203, "q_0.975": 8.780554280105154, "q_1": 9.117904357059661}, {"x": 81.19247699079632, "y": 6.0951304850708645, "y_pred": 6.6990133855678895, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.524621312709386, "q_0.05": 4.621868606794217, "q_0.075": 4.69777579925783, "q_0.1": 4.7982156998918475, "q_0.125": 4.9349732185676265, "q_0.15": 5.010593790461873, "q_0.175": 5.10050345105409, "q_0.2": 5.213140640317787, "q_0.225": 5.422762824837261, "q_0.25": 5.536289657914686, "q_0.275": 5.654152155726985, "q_0.3": 5.75201906145374, "q_0.325": 5.879245072438962, "q_0.35": 5.982591644497074, "q_0.375": 6.10162148381928, "q_0.4": 6.237064028762291, "q_0.425": 6.327380002784864, "q_0.45": 6.416270884920758, "q_0.475": 6.556922696951482, "q_0.5": 6.6990133855678895, "q_0.525": 6.757047471097765, "q_0.55": 6.846229285932902, "q_0.575": 6.941917271476338, "q_0.6": 7.026683492747557, "q_0.625": 7.1608603901938235, "q_0.65": 7.309967068316329, "q_0.675": 7.418573339780122, "q_0.7": 7.5133051252567515, "q_0.725": 7.617910955751531, "q_0.75": 7.728612872168439, "q_0.775": 7.820504109833605, "q_0.8": 7.958802616307166, "q_0.825": 8.027380510540096, "q_0.85": 8.149663120061545, "q_0.875": 8.255119321802304, "q_0.9": 8.387606655202816, "q_0.925": 8.515794582503428, "q_0.95": 8.636956779745413, "q_0.975": 8.780554280105154, "q_1": 9.117904357059661}, {"x": 81.23249299719889, "y": 6.941917271476338, "y_pred": 6.6990133855678895, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.524621312709386, "q_0.05": 4.621868606794217, "q_0.075": 4.69777579925783, "q_0.1": 4.7982156998918475, "q_0.125": 4.9349732185676265, "q_0.15": 5.010593790461873, "q_0.175": 5.10050345105409, "q_0.2": 5.213140640317787, "q_0.225": 5.422762824837261, "q_0.25": 5.536289657914686, "q_0.275": 5.654152155726985, "q_0.3": 5.75201906145374, "q_0.325": 5.879245072438962, "q_0.35": 5.982591644497074, "q_0.375": 6.10162148381928, "q_0.4": 6.237064028762291, "q_0.425": 6.327380002784864, "q_0.45": 6.416270884920758, "q_0.475": 6.556922696951482, "q_0.5": 6.6990133855678895, "q_0.525": 6.757047471097765, "q_0.55": 6.846229285932902, "q_0.575": 6.941917271476338, "q_0.6": 7.026683492747557, "q_0.625": 7.1608603901938235, "q_0.65": 7.309967068316329, "q_0.675": 7.418573339780122, "q_0.7": 7.5133051252567515, "q_0.725": 7.617910955751531, "q_0.75": 7.728612872168439, "q_0.775": 7.820504109833605, "q_0.8": 7.958802616307166, "q_0.825": 8.027380510540096, "q_0.85": 8.149663120061545, "q_0.875": 8.255119321802304, "q_0.9": 8.387606655202816, "q_0.925": 8.515794582503428, "q_0.95": 8.636956779745413, "q_0.975": 8.780554280105154, "q_1": 9.117904357059661}, {"x": 81.27250900360144, "y": 8.759634274030816, "y_pred": 6.706037320773416, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.524621312709386, "q_0.05": 4.621920108500809, "q_0.075": 4.69777579925783, "q_0.1": 4.7982156998918475, "q_0.125": 4.9349732185676265, "q_0.15": 5.010593790461873, "q_0.175": 5.111303275047512, "q_0.2": 5.213140640317787, "q_0.225": 5.425175682468657, "q_0.25": 5.5413418269448105, "q_0.275": 5.6578426900977075, "q_0.3": 5.756006867404569, "q_0.325": 5.880725247445652, "q_0.35": 5.985641521844014, "q_0.375": 6.10162148381928, "q_0.4": 6.237064028762291, "q_0.425": 6.327380002784864, "q_0.45": 6.427801865859671, "q_0.475": 6.556922696951482, "q_0.5": 6.706037320773416, "q_0.525": 6.757047471097765, "q_0.55": 6.846413164888051, "q_0.575": 6.941917271476338, "q_0.6": 7.031590664874649, "q_0.625": 7.163454430668503, "q_0.65": 7.309967068316329, "q_0.675": 7.425587294941825, "q_0.7": 7.5133051252567515, "q_0.725": 7.617910955751531, "q_0.75": 7.729252645206323, "q_0.775": 7.8219196898771575, "q_0.8": 7.961135356983236, "q_0.825": 8.040490396358344, "q_0.85": 8.159333173662095, "q_0.875": 8.26229962764565, "q_0.9": 8.387606655202816, "q_0.925": 8.52676812225451, "q_0.95": 8.642029948067592, "q_0.975": 8.782561436427532, "q_1": 9.117904357059661}, {"x": 81.31252501000401, "y": 4.429631788911159, "y_pred": 6.706037320773416, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.524621312709386, "q_0.05": 4.621920108500809, "q_0.075": 4.69777579925783, "q_0.1": 4.7982156998918475, "q_0.125": 4.9349732185676265, "q_0.15": 5.010593790461873, "q_0.175": 5.111303275047512, "q_0.2": 5.213140640317787, "q_0.225": 5.425175682468657, "q_0.25": 5.5413418269448105, "q_0.275": 5.6578426900977075, "q_0.3": 5.756006867404569, "q_0.325": 5.880725247445652, "q_0.35": 5.985641521844014, "q_0.375": 6.10162148381928, "q_0.4": 6.237064028762291, "q_0.425": 6.327380002784864, "q_0.45": 6.427801865859671, "q_0.475": 6.556922696951482, "q_0.5": 6.706037320773416, "q_0.525": 6.757047471097765, "q_0.55": 6.846413164888051, "q_0.575": 6.941917271476338, "q_0.6": 7.031590664874649, "q_0.625": 7.163454430668503, "q_0.65": 7.309967068316329, "q_0.675": 7.425587294941825, "q_0.7": 7.5133051252567515, "q_0.725": 7.617910955751531, "q_0.75": 7.729252645206323, "q_0.775": 7.8219196898771575, "q_0.8": 7.961135356983236, "q_0.825": 8.040490396358344, "q_0.85": 8.159333173662095, "q_0.875": 8.26229962764565, "q_0.9": 8.387606655202816, "q_0.925": 8.52676812225451, "q_0.95": 8.642029948067592, "q_0.975": 8.782561436427532, "q_1": 9.117904357059661}, {"x": 81.35254101640656, "y": 5.064661019951462, "y_pred": 6.706037320773416, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.524621312709386, "q_0.05": 4.621920108500809, "q_0.075": 4.69777579925783, "q_0.1": 4.7982156998918475, "q_0.125": 4.9349732185676265, "q_0.15": 5.010593790461873, "q_0.175": 5.111303275047512, "q_0.2": 5.213140640317787, "q_0.225": 5.425175682468657, "q_0.25": 5.5413418269448105, "q_0.275": 5.6578426900977075, "q_0.3": 5.756006867404569, "q_0.325": 5.880725247445652, "q_0.35": 5.985641521844014, "q_0.375": 6.10162148381928, "q_0.4": 6.237064028762291, "q_0.425": 6.327380002784864, "q_0.45": 6.427801865859671, "q_0.475": 6.556922696951482, "q_0.5": 6.706037320773416, "q_0.525": 6.757047471097765, "q_0.55": 6.846413164888051, "q_0.575": 6.941917271476338, "q_0.6": 7.031590664874649, "q_0.625": 7.163454430668503, "q_0.65": 7.309967068316329, "q_0.675": 7.425587294941825, "q_0.7": 7.5133051252567515, "q_0.725": 7.617910955751531, "q_0.75": 7.729252645206323, "q_0.775": 7.8219196898771575, "q_0.8": 7.961135356983236, "q_0.825": 8.040490396358344, "q_0.85": 8.159333173662095, "q_0.875": 8.26229962764565, "q_0.9": 8.387606655202816, "q_0.925": 8.52676812225451, "q_0.95": 8.642029948067592, "q_0.975": 8.782561436427532, "q_1": 9.117904357059661}, {"x": 81.39255702280913, "y": 7.860603397764244, "y_pred": 6.7077902783888845, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.6233876387201605, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.020086038168256, "q_0.175": 5.120782424789921, "q_0.2": 5.266681531525466, "q_0.225": 5.445362337985604, "q_0.25": 5.592212067468457, "q_0.275": 5.688614811687864, "q_0.3": 5.765062027334191, "q_0.325": 5.909160566020582, "q_0.35": 6.034011598917915, "q_0.375": 6.1554060397230455, "q_0.4": 6.246120396171547, "q_0.425": 6.351213677266079, "q_0.45": 6.446757353769544, "q_0.475": 6.5776147809679015, "q_0.5": 6.7077902783888845, "q_0.525": 6.778923927027959, "q_0.55": 6.861075300814898, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.729996186871609, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.065028221486347, "q_0.85": 8.160164203356791, "q_0.875": 8.266762790364961, "q_0.9": 8.411171895527225, "q_0.925": 8.558259565289545, "q_0.95": 8.646326542285099, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.43257302921168, "y": 7.976245692643259, "y_pred": 6.7077902783888845, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.6233876387201605, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.020086038168256, "q_0.175": 5.120782424789921, "q_0.2": 5.266681531525466, "q_0.225": 5.445362337985604, "q_0.25": 5.592212067468457, "q_0.275": 5.688614811687864, "q_0.3": 5.765062027334191, "q_0.325": 5.909160566020582, "q_0.35": 6.034011598917915, "q_0.375": 6.1554060397230455, "q_0.4": 6.246120396171547, "q_0.425": 6.351213677266079, "q_0.45": 6.446757353769544, "q_0.475": 6.5776147809679015, "q_0.5": 6.7077902783888845, "q_0.525": 6.778923927027959, "q_0.55": 6.861075300814898, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.729996186871609, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.065028221486347, "q_0.85": 8.160164203356791, "q_0.875": 8.266762790364961, "q_0.9": 8.411171895527225, "q_0.925": 8.558259565289545, "q_0.95": 8.646326542285099, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.47258903561425, "y": 7.81879504897625, "y_pred": 6.7084766354490455, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.123635492586353, "q_0.2": 5.277021526049126, "q_0.225": 5.445362337985604, "q_0.25": 5.596754924306473, "q_0.275": 5.700225120913034, "q_0.3": 5.77199839472142, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1554060397230455, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.455223396049245, "q_0.475": 6.584403129278517, "q_0.5": 6.7084766354490455, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.736992572592266, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.067469545745688, "q_0.85": 8.160164203356791, "q_0.875": 8.277610137638758, "q_0.9": 8.411171895527225, "q_0.925": 8.559323713835472, "q_0.95": 8.646901911275965, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.51260504201682, "y": 6.7947474098980205, "y_pred": 6.7084766354490455, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.123635492586353, "q_0.2": 5.277021526049126, "q_0.225": 5.445362337985604, "q_0.25": 5.596754924306473, "q_0.275": 5.700225120913034, "q_0.3": 5.77199839472142, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1554060397230455, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.455223396049245, "q_0.475": 6.584403129278517, "q_0.5": 6.7084766354490455, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.736992572592266, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.067469545745688, "q_0.85": 8.160164203356791, "q_0.875": 8.277610137638758, "q_0.9": 8.411171895527225, "q_0.925": 8.559323713835472, "q_0.95": 8.646901911275965, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.55262104841937, "y": 8.745599187039456, "y_pred": 6.7084766354490455, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.123635492586353, "q_0.2": 5.277021526049126, "q_0.225": 5.445362337985604, "q_0.25": 5.596754924306473, "q_0.275": 5.700225120913034, "q_0.3": 5.77199839472142, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1554060397230455, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.455223396049245, "q_0.475": 6.584403129278517, "q_0.5": 6.7084766354490455, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.736992572592266, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.067469545745688, "q_0.85": 8.160164203356791, "q_0.875": 8.277610137638758, "q_0.9": 8.411171895527225, "q_0.925": 8.559323713835472, "q_0.95": 8.646901911275965, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.59263705482194, "y": 6.174682608424176, "y_pred": 6.7084766354490455, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.123635492586353, "q_0.2": 5.277021526049126, "q_0.225": 5.445362337985604, "q_0.25": 5.596754924306473, "q_0.275": 5.700225120913034, "q_0.3": 5.77199839472142, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1554060397230455, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.455223396049245, "q_0.475": 6.584403129278517, "q_0.5": 6.7084766354490455, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.736992572592266, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.067469545745688, "q_0.85": 8.160164203356791, "q_0.875": 8.277610137638758, "q_0.9": 8.411171895527225, "q_0.925": 8.559323713835472, "q_0.95": 8.646901911275965, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.63265306122449, "y": 7.083657251950617, "y_pred": 6.7084766354490455, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.123635492586353, "q_0.2": 5.277021526049126, "q_0.225": 5.445362337985604, "q_0.25": 5.596754924306473, "q_0.275": 5.700225120913034, "q_0.3": 5.77199839472142, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1554060397230455, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.455223396049245, "q_0.475": 6.584403129278517, "q_0.5": 6.7084766354490455, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.736992572592266, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.067469545745688, "q_0.85": 8.160164203356791, "q_0.875": 8.277610137638758, "q_0.9": 8.411171895527225, "q_0.925": 8.559323713835472, "q_0.95": 8.646901911275965, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.67266906762706, "y": 4.706679514948626, "y_pred": 6.7084766354490455, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.123635492586353, "q_0.2": 5.277021526049126, "q_0.225": 5.445362337985604, "q_0.25": 5.596754924306473, "q_0.275": 5.700225120913034, "q_0.3": 5.77199839472142, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1554060397230455, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.455223396049245, "q_0.475": 6.584403129278517, "q_0.5": 6.7084766354490455, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.736992572592266, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.067469545745688, "q_0.85": 8.160164203356791, "q_0.875": 8.277610137638758, "q_0.9": 8.411171895527225, "q_0.925": 8.559323713835472, "q_0.95": 8.646901911275965, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.71268507402962, "y": 6.237064028762291, "y_pred": 6.7084766354490455, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.123635492586353, "q_0.2": 5.277021526049126, "q_0.225": 5.445362337985604, "q_0.25": 5.596754924306473, "q_0.275": 5.700225120913034, "q_0.3": 5.77199839472142, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1554060397230455, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.455223396049245, "q_0.475": 6.584403129278517, "q_0.5": 6.7084766354490455, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.736992572592266, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.067469545745688, "q_0.85": 8.160164203356791, "q_0.875": 8.277610137638758, "q_0.9": 8.411171895527225, "q_0.925": 8.559323713835472, "q_0.95": 8.646901911275965, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.75270108043217, "y": 7.618325241690449, "y_pred": 6.7084766354490455, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.123635492586353, "q_0.2": 5.277021526049126, "q_0.225": 5.445362337985604, "q_0.25": 5.596754924306473, "q_0.275": 5.700225120913034, "q_0.3": 5.77199839472142, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1554060397230455, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.455223396049245, "q_0.475": 6.584403129278517, "q_0.5": 6.7084766354490455, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.736992572592266, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.067469545745688, "q_0.85": 8.160164203356791, "q_0.875": 8.277610137638758, "q_0.9": 8.411171895527225, "q_0.925": 8.559323713835472, "q_0.95": 8.646901911275965, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.79271708683474, "y": 5.4826980112754615, "y_pred": 6.7084766354490455, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.123635492586353, "q_0.2": 5.277021526049126, "q_0.225": 5.445362337985604, "q_0.25": 5.596754924306473, "q_0.275": 5.700225120913034, "q_0.3": 5.77199839472142, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1554060397230455, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.455223396049245, "q_0.475": 6.584403129278517, "q_0.5": 6.7084766354490455, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.04268637801448, "q_0.625": 7.168676553974224, "q_0.65": 7.321152596941451, "q_0.675": 7.433488644096537, "q_0.7": 7.527967925067729, "q_0.725": 7.619277132554094, "q_0.75": 7.736992572592266, "q_0.775": 7.838171093255294, "q_0.8": 7.969313538515071, "q_0.825": 8.067469545745688, "q_0.85": 8.160164203356791, "q_0.875": 8.277610137638758, "q_0.9": 8.411171895527225, "q_0.925": 8.559323713835472, "q_0.95": 8.646901911275965, "q_0.975": 8.78516906076949, "q_1": 9.117904357059661}, {"x": 81.8327330932373, "y": 8.597543237419693, "y_pred": 6.709596251680151, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.13321653313719, "q_0.2": 5.277204539643211, "q_0.225": 5.454014158790365, "q_0.25": 5.599442980685961, "q_0.275": 5.700225120913034, "q_0.3": 5.781123634460956, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1742452684924825, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.456944525411682, "q_0.475": 6.585532854626287, "q_0.5": 6.709596251680151, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.060700098950234, "q_0.625": 7.168676553974224, "q_0.65": 7.325282589647719, "q_0.675": 7.437297968645725, "q_0.7": 7.527967925067729, "q_0.725": 7.626105540532846, "q_0.75": 7.7397642304098815, "q_0.775": 7.840312638765685, "q_0.8": 7.973606893184375, "q_0.825": 8.068094610848837, "q_0.85": 8.175286871596136, "q_0.875": 8.290064088436722, "q_0.9": 8.412088037464146, "q_0.925": 8.560528974284738, "q_0.95": 8.646901911275965, "q_0.975": 8.789170680647835, "q_1": 9.117904357059661}, {"x": 81.87274909963986, "y": 7.463033246915256, "y_pred": 6.709596251680151, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.13321653313719, "q_0.2": 5.277204539643211, "q_0.225": 5.454014158790365, "q_0.25": 5.599442980685961, "q_0.275": 5.700225120913034, "q_0.3": 5.781123634460956, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1742452684924825, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.456944525411682, "q_0.475": 6.585532854626287, "q_0.5": 6.709596251680151, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.060700098950234, "q_0.625": 7.168676553974224, "q_0.65": 7.325282589647719, "q_0.675": 7.437297968645725, "q_0.7": 7.527967925067729, "q_0.725": 7.626105540532846, "q_0.75": 7.7397642304098815, "q_0.775": 7.840312638765685, "q_0.8": 7.973606893184375, "q_0.825": 8.068094610848837, "q_0.85": 8.175286871596136, "q_0.875": 8.290064088436722, "q_0.9": 8.412088037464146, "q_0.925": 8.560528974284738, "q_0.95": 8.646901911275965, "q_0.975": 8.789170680647835, "q_1": 9.117904357059661}, {"x": 81.91276510604241, "y": 5.700225120913034, "y_pred": 6.709596251680151, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.5439034078690606, "q_0.05": 4.626131311340627, "q_0.075": 4.706679514948626, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.022961792631538, "q_0.175": 5.13321653313719, "q_0.2": 5.277204539643211, "q_0.225": 5.454014158790365, "q_0.25": 5.599442980685961, "q_0.275": 5.700225120913034, "q_0.3": 5.781123634460956, "q_0.325": 5.909160566020582, "q_0.35": 6.038294202381151, "q_0.375": 6.1742452684924825, "q_0.4": 6.253251670123682, "q_0.425": 6.364758681587269, "q_0.45": 6.456944525411682, "q_0.475": 6.585532854626287, "q_0.5": 6.709596251680151, "q_0.525": 6.789576779354622, "q_0.55": 6.879615170004694, "q_0.575": 6.951024707653157, "q_0.6": 7.060700098950234, "q_0.625": 7.168676553974224, "q_0.65": 7.325282589647719, "q_0.675": 7.437297968645725, "q_0.7": 7.527967925067729, "q_0.725": 7.626105540532846, "q_0.75": 7.7397642304098815, "q_0.775": 7.840312638765685, "q_0.8": 7.973606893184375, "q_0.825": 8.068094610848837, "q_0.85": 8.175286871596136, "q_0.875": 8.290064088436722, "q_0.9": 8.412088037464146, "q_0.925": 8.560528974284738, "q_0.95": 8.646901911275965, "q_0.975": 8.789170680647835, "q_1": 9.117904357059661}, {"x": 81.95278111244498, "y": 7.827900568464735, "y_pred": 6.710214355423524, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.545956483531799, "q_0.05": 4.626131311340627, "q_0.075": 4.710314112810036, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.024010989310101, "q_0.175": 5.13321653313719, "q_0.2": 5.279220753234176, "q_0.225": 5.466052559851025, "q_0.25": 5.60090035532502, "q_0.275": 5.7051626575548084, "q_0.3": 5.783835662042167, "q_0.325": 5.9170809943129035, "q_0.35": 6.039386478687201, "q_0.375": 6.1742452684924825, "q_0.4": 6.269383563495164, "q_0.425": 6.3695003111396895, "q_0.45": 6.456944525411682, "q_0.475": 6.586965632995195, "q_0.5": 6.710214355423524, "q_0.525": 6.791127718349811, "q_0.55": 6.882374294961595, "q_0.575": 6.961121135243478, "q_0.6": 7.060700098950234, "q_0.625": 7.175198135307678, "q_0.65": 7.334824091520664, "q_0.675": 7.456806517351355, "q_0.7": 7.532656934455018, "q_0.725": 7.626105540532846, "q_0.75": 7.742094468175936, "q_0.775": 7.849023144623965, "q_0.8": 7.973606893184375, "q_0.825": 8.068200828625084, "q_0.85": 8.176438771149055, "q_0.875": 8.298253495624909, "q_0.9": 8.415415940801093, "q_0.925": 8.568949105019012, "q_0.95": 8.649206225406363, "q_0.975": 8.789170680647835, "q_1": 9.117904357059661}, {"x": 81.99279711884755, "y": 4.7982156998918475, "y_pred": 6.710214355423524, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.545956483531799, "q_0.05": 4.626131311340627, "q_0.075": 4.710314112810036, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.024010989310101, "q_0.175": 5.13321653313719, "q_0.2": 5.279220753234176, "q_0.225": 5.466052559851025, "q_0.25": 5.60090035532502, "q_0.275": 5.7051626575548084, "q_0.3": 5.783835662042167, "q_0.325": 5.9170809943129035, "q_0.35": 6.039386478687201, "q_0.375": 6.1742452684924825, "q_0.4": 6.269383563495164, "q_0.425": 6.3695003111396895, "q_0.45": 6.456944525411682, "q_0.475": 6.586965632995195, "q_0.5": 6.710214355423524, "q_0.525": 6.791127718349811, "q_0.55": 6.882374294961595, "q_0.575": 6.961121135243478, "q_0.6": 7.060700098950234, "q_0.625": 7.175198135307678, "q_0.65": 7.334824091520664, "q_0.675": 7.456806517351355, "q_0.7": 7.532656934455018, "q_0.725": 7.626105540532846, "q_0.75": 7.742094468175936, "q_0.775": 7.849023144623965, "q_0.8": 7.973606893184375, "q_0.825": 8.068200828625084, "q_0.85": 8.176438771149055, "q_0.875": 8.298253495624909, "q_0.9": 8.415415940801093, "q_0.925": 8.568949105019012, "q_0.95": 8.649206225406363, "q_0.975": 8.789170680647835, "q_1": 9.117904357059661}, {"x": 82.0328131252501, "y": 8.738965446692841, "y_pred": 6.710214355423524, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.545956483531799, "q_0.05": 4.626131311340627, "q_0.075": 4.710314112810036, "q_0.1": 4.810019457720938, "q_0.125": 4.936876643427871, "q_0.15": 5.024010989310101, "q_0.175": 5.13321653313719, "q_0.2": 5.279220753234176, "q_0.225": 5.466052559851025, "q_0.25": 5.60090035532502, "q_0.275": 5.7051626575548084, "q_0.3": 5.783835662042167, "q_0.325": 5.9170809943129035, "q_0.35": 6.039386478687201, "q_0.375": 6.1742452684924825, "q_0.4": 6.269383563495164, "q_0.425": 6.3695003111396895, "q_0.45": 6.456944525411682, "q_0.475": 6.586965632995195, "q_0.5": 6.710214355423524, "q_0.525": 6.791127718349811, "q_0.55": 6.882374294961595, "q_0.575": 6.961121135243478, "q_0.6": 7.060700098950234, "q_0.625": 7.175198135307678, "q_0.65": 7.334824091520664, "q_0.675": 7.456806517351355, "q_0.7": 7.532656934455018, "q_0.725": 7.626105540532846, "q_0.75": 7.742094468175936, "q_0.775": 7.849023144623965, "q_0.8": 7.973606893184375, "q_0.825": 8.068200828625084, "q_0.85": 8.176438771149055, "q_0.875": 8.298253495624909, "q_0.9": 8.415415940801093, "q_0.925": 8.568949105019012, "q_0.95": 8.649206225406363, "q_0.975": 8.789170680647835, "q_1": 9.117904357059661}, {"x": 82.07282913165267, "y": 4.649510367688897, "y_pred": 6.718625662234357, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.629281794590717, "q_0.075": 4.7104750429896844, "q_0.1": 4.815036147477783, "q_0.125": 4.9379495433283065, "q_0.15": 5.038500327276012, "q_0.175": 5.139702495332067, "q_0.2": 5.279220753234176, "q_0.225": 5.4741072109626785, "q_0.25": 5.60090035532502, "q_0.275": 5.708783567339424, "q_0.3": 5.787542562230623, "q_0.325": 5.938080315357945, "q_0.35": 6.044330210893478, "q_0.375": 6.180114464839802, "q_0.4": 6.272889904759298, "q_0.425": 6.371591548732639, "q_0.45": 6.465536254452598, "q_0.475": 6.592643613372832, "q_0.5": 6.718625662234357, "q_0.525": 6.7947474098980205, "q_0.55": 6.890520012280274, "q_0.575": 6.962794825803428, "q_0.6": 7.069322733758634, "q_0.625": 7.177320475731536, "q_0.65": 7.339281484523887, "q_0.675": 7.456806517351355, "q_0.7": 7.5607641850212985, "q_0.725": 7.636669508528806, "q_0.75": 7.744368028576007, "q_0.775": 7.855099678303955, "q_0.8": 7.975557626239649, "q_0.825": 8.078701760777843, "q_0.85": 8.197308002501416, "q_0.875": 8.298253495624909, "q_0.9": 8.419077548226216, "q_0.925": 8.57729771367967, "q_0.95": 8.656783487070411, "q_0.975": 8.789170680647835, "q_1": 9.117904357059661}, {"x": 82.11284513805522, "y": 8.55822033518474, "y_pred": 6.725283272356965, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.629281794590717, "q_0.075": 4.7240685583919175, "q_0.1": 4.834738492119293, "q_0.125": 4.943982127131941, "q_0.15": 5.044718767099616, "q_0.175": 5.1625194461836035, "q_0.2": 5.295385109787309, "q_0.225": 5.478417414081877, "q_0.25": 5.60451966408088, "q_0.275": 5.719410508128275, "q_0.3": 5.798800465529174, "q_0.325": 5.946996614527446, "q_0.35": 6.068705675007118, "q_0.375": 6.1844684512491375, "q_0.4": 6.288384606409618, "q_0.425": 6.371591548732639, "q_0.45": 6.4791162595064655, "q_0.475": 6.6007006912960104, "q_0.5": 6.725283272356965, "q_0.525": 6.801918132767173, "q_0.55": 6.898606605378788, "q_0.575": 6.974090481987398, "q_0.6": 7.076926267490199, "q_0.625": 7.178225371728468, "q_0.65": 7.339281484523887, "q_0.675": 7.456806517351355, "q_0.7": 7.564607068510808, "q_0.725": 7.636669508528806, "q_0.75": 7.747226894051673, "q_0.775": 7.860603397764244, "q_0.8": 7.976245692643259, "q_0.825": 8.084607236378016, "q_0.85": 8.19749931912753, "q_0.875": 8.328220888956123, "q_0.9": 8.47353212124489, "q_0.925": 8.580292183758063, "q_0.95": 8.660299510850912, "q_0.975": 8.789170680647835, "q_1": 9.117904357059661}, {"x": 82.15286114445779, "y": 5.550421156245262, "y_pred": 6.725283272356965, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.629281794590717, "q_0.075": 4.7240685583919175, "q_0.1": 4.834738492119293, "q_0.125": 4.943982127131941, "q_0.15": 5.05189249273273, "q_0.175": 5.1625194461836035, "q_0.2": 5.314010328940865, "q_0.225": 5.480378124576764, "q_0.25": 5.60451966408088, "q_0.275": 5.719682679094714, "q_0.3": 5.805963058307168, "q_0.325": 5.959720916527021, "q_0.35": 6.068705675007118, "q_0.375": 6.201121542961315, "q_0.4": 6.288384606409618, "q_0.425": 6.372893513759131, "q_0.45": 6.4791162595064655, "q_0.475": 6.6007006912960104, "q_0.5": 6.725283272356965, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974090481987398, "q_0.6": 7.076926267490199, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.4598899101945895, "q_0.7": 7.564607068510808, "q_0.725": 7.645545020022812, "q_0.75": 7.747226894051673, "q_0.775": 7.860603397764244, "q_0.8": 7.976245692643259, "q_0.825": 8.087444038800733, "q_0.85": 8.19749931912753, "q_0.875": 8.328220888956123, "q_0.9": 8.47353212124489, "q_0.925": 8.580292183758063, "q_0.95": 8.660299510850912, "q_0.975": 8.790102127143314, "q_1": 9.117904357059661}, {"x": 82.19287715086034, "y": 7.7835732685260135, "y_pred": 6.725283272356965, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.629281794590717, "q_0.075": 4.7240685583919175, "q_0.1": 4.834738492119293, "q_0.125": 4.943982127131941, "q_0.15": 5.05189249273273, "q_0.175": 5.1625194461836035, "q_0.2": 5.314010328940865, "q_0.225": 5.480378124576764, "q_0.25": 5.60451966408088, "q_0.275": 5.719682679094714, "q_0.3": 5.805963058307168, "q_0.325": 5.959720916527021, "q_0.35": 6.068705675007118, "q_0.375": 6.201121542961315, "q_0.4": 6.288384606409618, "q_0.425": 6.372893513759131, "q_0.45": 6.4791162595064655, "q_0.475": 6.6007006912960104, "q_0.5": 6.725283272356965, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974090481987398, "q_0.6": 7.076926267490199, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.4598899101945895, "q_0.7": 7.564607068510808, "q_0.725": 7.645545020022812, "q_0.75": 7.747226894051673, "q_0.775": 7.860603397764244, "q_0.8": 7.976245692643259, "q_0.825": 8.087444038800733, "q_0.85": 8.19749931912753, "q_0.875": 8.328220888956123, "q_0.9": 8.47353212124489, "q_0.925": 8.580292183758063, "q_0.95": 8.660299510850912, "q_0.975": 8.790102127143314, "q_1": 9.117904357059661}, {"x": 82.23289315726291, "y": 4.433911372591338, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.629281794590717, "q_0.075": 4.7240685583919175, "q_0.1": 4.834738492119293, "q_0.125": 4.943982127131941, "q_0.15": 5.052377723222724, "q_0.175": 5.164678638878914, "q_0.2": 5.314010328940865, "q_0.225": 5.480378124576764, "q_0.25": 5.609825398631992, "q_0.275": 5.719682679094714, "q_0.3": 5.805963058307168, "q_0.325": 5.959720916527021, "q_0.35": 6.072427775805698, "q_0.375": 6.201121542961315, "q_0.4": 6.288384606409618, "q_0.425": 6.38830657909329, "q_0.45": 6.483305829133004, "q_0.475": 6.6007006912960104, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.077785349853828, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645545020022812, "q_0.75": 7.747226894051673, "q_0.775": 7.860603397764244, "q_0.8": 7.976245692643259, "q_0.825": 8.087444038800733, "q_0.85": 8.19749931912753, "q_0.875": 8.328220888956123, "q_0.9": 8.47353212124489, "q_0.925": 8.580292183758063, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.27290916366547, "y": 5.558341467218177, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.629281794590717, "q_0.075": 4.7240685583919175, "q_0.1": 4.834738492119293, "q_0.125": 4.943982127131941, "q_0.15": 5.052377723222724, "q_0.175": 5.164678638878914, "q_0.2": 5.314010328940865, "q_0.225": 5.480378124576764, "q_0.25": 5.609825398631992, "q_0.275": 5.719682679094714, "q_0.3": 5.805963058307168, "q_0.325": 5.959720916527021, "q_0.35": 6.072427775805698, "q_0.375": 6.201121542961315, "q_0.4": 6.288384606409618, "q_0.425": 6.38830657909329, "q_0.45": 6.483305829133004, "q_0.475": 6.6007006912960104, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.077785349853828, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645545020022812, "q_0.75": 7.747226894051673, "q_0.775": 7.860603397764244, "q_0.8": 7.976245692643259, "q_0.825": 8.087444038800733, "q_0.85": 8.19749931912753, "q_0.875": 8.328220888956123, "q_0.9": 8.47353212124489, "q_0.925": 8.580292183758063, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.31292517006803, "y": 7.7475102923154076, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.629281794590717, "q_0.075": 4.7240685583919175, "q_0.1": 4.834738492119293, "q_0.125": 4.943982127131941, "q_0.15": 5.052377723222724, "q_0.175": 5.167065115015842, "q_0.2": 5.321254834181335, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.201121542961315, "q_0.4": 6.289883693528926, "q_0.425": 6.38830657909329, "q_0.45": 6.483305829133004, "q_0.475": 6.6007006912960104, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.083657251950617, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.747226894051673, "q_0.775": 7.860603397764244, "q_0.8": 7.979152061252921, "q_0.825": 8.092158159258524, "q_0.85": 8.218474484144245, "q_0.875": 8.328220888956123, "q_0.9": 8.47353212124489, "q_0.925": 8.580292183758063, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.3529411764706, "y": 6.789576779354622, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.629281794590717, "q_0.075": 4.7240685583919175, "q_0.1": 4.834738492119293, "q_0.125": 4.943982127131941, "q_0.15": 5.052377723222724, "q_0.175": 5.167065115015842, "q_0.2": 5.321254834181335, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.201121542961315, "q_0.4": 6.289883693528926, "q_0.425": 6.38830657909329, "q_0.45": 6.483305829133004, "q_0.475": 6.6007006912960104, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.083657251950617, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.747226894051673, "q_0.775": 7.860603397764244, "q_0.8": 7.979152061252921, "q_0.825": 8.092158159258524, "q_0.85": 8.218474484144245, "q_0.875": 8.328220888956123, "q_0.9": 8.47353212124489, "q_0.925": 8.580292183758063, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.39295718287315, "y": 4.943982127131941, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.639328602508357, "q_0.075": 4.7271700827333865, "q_0.1": 4.845388670289239, "q_0.125": 4.944763419976961, "q_0.15": 5.053577304868934, "q_0.175": 5.169930215921888, "q_0.2": 5.354648463001193, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.205039131452644, "q_0.4": 6.289883693528926, "q_0.425": 6.391495263221277, "q_0.45": 6.487652707470597, "q_0.475": 6.608614085216537, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.081308491111911, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.749408543238138, "q_0.775": 7.86433967322054, "q_0.8": 7.980916032181643, "q_0.825": 8.107815238235931, "q_0.85": 8.218474484144245, "q_0.875": 8.333461920170596, "q_0.9": 8.494603113876268, "q_0.925": 8.593399174917819, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.43297318927571, "y": 6.177393158074199, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.639328602508357, "q_0.075": 4.7271700827333865, "q_0.1": 4.845388670289239, "q_0.125": 4.944763419976961, "q_0.15": 5.053577304868934, "q_0.175": 5.169930215921888, "q_0.2": 5.354648463001193, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.205039131452644, "q_0.4": 6.289883693528926, "q_0.425": 6.391495263221277, "q_0.45": 6.487652707470597, "q_0.475": 6.608614085216537, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.081308491111911, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.749408543238138, "q_0.775": 7.86433967322054, "q_0.8": 7.980916032181643, "q_0.825": 8.107815238235931, "q_0.85": 8.218474484144245, "q_0.875": 8.333461920170596, "q_0.9": 8.494603113876268, "q_0.925": 8.593399174917819, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.47298919567828, "y": 6.098058624348094, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.639328602508357, "q_0.075": 4.7271700827333865, "q_0.1": 4.845388670289239, "q_0.125": 4.944763419976961, "q_0.15": 5.053577304868934, "q_0.175": 5.169930215921888, "q_0.2": 5.354648463001193, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.205039131452644, "q_0.4": 6.289883693528926, "q_0.425": 6.391495263221277, "q_0.45": 6.487652707470597, "q_0.475": 6.608614085216537, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.081308491111911, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.749408543238138, "q_0.775": 7.86433967322054, "q_0.8": 7.980916032181643, "q_0.825": 8.107815238235931, "q_0.85": 8.218474484144245, "q_0.875": 8.333461920170596, "q_0.9": 8.494603113876268, "q_0.925": 8.593399174917819, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.51300520208083, "y": 6.951024707653157, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.639328602508357, "q_0.075": 4.7271700827333865, "q_0.1": 4.845388670289239, "q_0.125": 4.944763419976961, "q_0.15": 5.053577304868934, "q_0.175": 5.169930215921888, "q_0.2": 5.354648463001193, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.205039131452644, "q_0.4": 6.289883693528926, "q_0.425": 6.391495263221277, "q_0.45": 6.487652707470597, "q_0.475": 6.608614085216537, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.081308491111911, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.749408543238138, "q_0.775": 7.86433967322054, "q_0.8": 7.980916032181643, "q_0.825": 8.107815238235931, "q_0.85": 8.218474484144245, "q_0.875": 8.333461920170596, "q_0.9": 8.494603113876268, "q_0.925": 8.593399174917819, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.5530212084834, "y": 7.39349892724248, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.639328602508357, "q_0.075": 4.7271700827333865, "q_0.1": 4.845388670289239, "q_0.125": 4.944763419976961, "q_0.15": 5.053577304868934, "q_0.175": 5.169930215921888, "q_0.2": 5.354648463001193, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.205039131452644, "q_0.4": 6.289883693528926, "q_0.425": 6.391495263221277, "q_0.45": 6.487652707470597, "q_0.475": 6.608614085216537, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.081308491111911, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.749408543238138, "q_0.775": 7.86433967322054, "q_0.8": 7.980916032181643, "q_0.825": 8.107815238235931, "q_0.85": 8.218474484144245, "q_0.875": 8.333461920170596, "q_0.9": 8.494603113876268, "q_0.925": 8.593399174917819, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.59303721488595, "y": 8.159333173662095, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.639328602508357, "q_0.075": 4.7271700827333865, "q_0.1": 4.845388670289239, "q_0.125": 4.944763419976961, "q_0.15": 5.053577304868934, "q_0.175": 5.169930215921888, "q_0.2": 5.354648463001193, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.205039131452644, "q_0.4": 6.289883693528926, "q_0.425": 6.391495263221277, "q_0.45": 6.487652707470597, "q_0.475": 6.608614085216537, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.081308491111911, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.749408543238138, "q_0.775": 7.86433967322054, "q_0.8": 7.980916032181643, "q_0.825": 8.107815238235931, "q_0.85": 8.218474484144245, "q_0.875": 8.333461920170596, "q_0.9": 8.494603113876268, "q_0.925": 8.593399174917819, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.63305322128852, "y": 6.639289246145984, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.639328602508357, "q_0.075": 4.7271700827333865, "q_0.1": 4.845388670289239, "q_0.125": 4.944763419976961, "q_0.15": 5.053577304868934, "q_0.175": 5.169930215921888, "q_0.2": 5.354648463001193, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.205039131452644, "q_0.4": 6.289883693528926, "q_0.425": 6.391495263221277, "q_0.45": 6.487652707470597, "q_0.475": 6.608614085216537, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.081308491111911, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.749408543238138, "q_0.775": 7.86433967322054, "q_0.8": 7.980916032181643, "q_0.825": 8.107815238235931, "q_0.85": 8.218474484144245, "q_0.875": 8.333461920170596, "q_0.9": 8.494603113876268, "q_0.925": 8.593399174917819, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.67306922769107, "y": 6.1742452684924825, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.639328602508357, "q_0.075": 4.7271700827333865, "q_0.1": 4.845388670289239, "q_0.125": 4.944763419976961, "q_0.15": 5.053577304868934, "q_0.175": 5.169930215921888, "q_0.2": 5.354648463001193, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.205039131452644, "q_0.4": 6.289883693528926, "q_0.425": 6.391495263221277, "q_0.45": 6.487652707470597, "q_0.475": 6.608614085216537, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.081308491111911, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.749408543238138, "q_0.775": 7.86433967322054, "q_0.8": 7.980916032181643, "q_0.825": 8.107815238235931, "q_0.85": 8.218474484144245, "q_0.875": 8.333461920170596, "q_0.9": 8.494603113876268, "q_0.925": 8.593399174917819, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.71308523409364, "y": 5.076711109306927, "y_pred": 6.730291416884388, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.549716964490572, "q_0.05": 4.639328602508357, "q_0.075": 4.7271700827333865, "q_0.1": 4.845388670289239, "q_0.125": 4.944763419976961, "q_0.15": 5.053577304868934, "q_0.175": 5.169930215921888, "q_0.2": 5.354648463001193, "q_0.225": 5.4826980112754615, "q_0.25": 5.609825398631992, "q_0.275": 5.724301801078898, "q_0.3": 5.813050987330242, "q_0.325": 5.962611131831868, "q_0.35": 6.072427775805698, "q_0.375": 6.205039131452644, "q_0.4": 6.289883693528926, "q_0.425": 6.391495263221277, "q_0.45": 6.487652707470597, "q_0.475": 6.608614085216537, "q_0.5": 6.730291416884388, "q_0.525": 6.808449409256699, "q_0.55": 6.898606605378788, "q_0.575": 6.974902368088824, "q_0.6": 7.081308491111911, "q_0.625": 7.1864739195534355, "q_0.65": 7.341491283836457, "q_0.675": 7.463033246915256, "q_0.7": 7.564607068510808, "q_0.725": 7.645690583100041, "q_0.75": 7.749408543238138, "q_0.775": 7.86433967322054, "q_0.8": 7.980916032181643, "q_0.825": 8.107815238235931, "q_0.85": 8.218474484144245, "q_0.875": 8.333461920170596, "q_0.9": 8.494603113876268, "q_0.925": 8.593399174917819, "q_0.95": 8.660299510850912, "q_0.975": 8.795380323951093, "q_1": 9.117904357059661}, {"x": 82.7531012404962, "y": 8.003396375626119, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.729386186263482, "q_0.1": 4.845388670289239, "q_0.125": 4.961766854270886, "q_0.15": 5.071625074945647, "q_0.175": 5.184031077124445, "q_0.2": 5.379970822579473, "q_0.225": 5.50862782218625, "q_0.25": 5.631001143383613, "q_0.275": 5.751022109966033, "q_0.3": 5.8499681637146885, "q_0.325": 5.978165873657799, "q_0.35": 6.0901156550857785, "q_0.375": 6.209781935129773, "q_0.4": 6.30137691969869, "q_0.425": 6.3997818723834055, "q_0.45": 6.500147298514093, "q_0.475": 6.610945882647042, "q_0.5": 6.737452877306334, "q_0.525": 6.828579125837872, "q_0.55": 6.909593822858551, "q_0.575": 6.982263155741037, "q_0.6": 7.090556387204751, "q_0.625": 7.187863818091271, "q_0.65": 7.364869117417418, "q_0.675": 7.46937059082763, "q_0.7": 7.578682912919554, "q_0.725": 7.653903624837676, "q_0.75": 7.752419234250754, "q_0.775": 7.887543372929498, "q_0.8": 8.003396375626119, "q_0.825": 8.108535542540102, "q_0.85": 8.21869896050462, "q_0.875": 8.341159957816656, "q_0.9": 8.500490658593364, "q_0.925": 8.597543237419693, "q_0.95": 8.661674632929188, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 82.79311724689876, "y": 7.599268831142167, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.729386186263482, "q_0.1": 4.845388670289239, "q_0.125": 4.961766854270886, "q_0.15": 5.071625074945647, "q_0.175": 5.184031077124445, "q_0.2": 5.379970822579473, "q_0.225": 5.50862782218625, "q_0.25": 5.631001143383613, "q_0.275": 5.751022109966033, "q_0.3": 5.8499681637146885, "q_0.325": 5.978165873657799, "q_0.35": 6.0901156550857785, "q_0.375": 6.209781935129773, "q_0.4": 6.30137691969869, "q_0.425": 6.3997818723834055, "q_0.45": 6.500147298514093, "q_0.475": 6.610945882647042, "q_0.5": 6.737452877306334, "q_0.525": 6.828579125837872, "q_0.55": 6.909593822858551, "q_0.575": 6.982263155741037, "q_0.6": 7.090556387204751, "q_0.625": 7.187863818091271, "q_0.65": 7.364869117417418, "q_0.675": 7.46937059082763, "q_0.7": 7.578682912919554, "q_0.725": 7.653903624837676, "q_0.75": 7.752419234250754, "q_0.775": 7.887543372929498, "q_0.8": 8.003396375626119, "q_0.825": 8.108535542540102, "q_0.85": 8.21869896050462, "q_0.875": 8.341159957816656, "q_0.9": 8.500490658593364, "q_0.925": 8.597543237419693, "q_0.95": 8.661674632929188, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 82.83313325330133, "y": 6.250648218044874, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.729386186263482, "q_0.1": 4.845388670289239, "q_0.125": 4.961766854270886, "q_0.15": 5.071625074945647, "q_0.175": 5.184031077124445, "q_0.2": 5.379970822579473, "q_0.225": 5.50862782218625, "q_0.25": 5.631001143383613, "q_0.275": 5.751022109966033, "q_0.3": 5.8499681637146885, "q_0.325": 5.978165873657799, "q_0.35": 6.0901156550857785, "q_0.375": 6.209781935129773, "q_0.4": 6.30137691969869, "q_0.425": 6.3997818723834055, "q_0.45": 6.500147298514093, "q_0.475": 6.610945882647042, "q_0.5": 6.737452877306334, "q_0.525": 6.828579125837872, "q_0.55": 6.909593822858551, "q_0.575": 6.982263155741037, "q_0.6": 7.090556387204751, "q_0.625": 7.187863818091271, "q_0.65": 7.364869117417418, "q_0.675": 7.46937059082763, "q_0.7": 7.578682912919554, "q_0.725": 7.653903624837676, "q_0.75": 7.752419234250754, "q_0.775": 7.887543372929498, "q_0.8": 8.003396375626119, "q_0.825": 8.108535542540102, "q_0.85": 8.21869896050462, "q_0.875": 8.341159957816656, "q_0.9": 8.500490658593364, "q_0.925": 8.597543237419693, "q_0.95": 8.661674632929188, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 82.87314925970388, "y": 6.737452877306334, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.729386186263482, "q_0.1": 4.845388670289239, "q_0.125": 4.961766854270886, "q_0.15": 5.071625074945647, "q_0.175": 5.184031077124445, "q_0.2": 5.379970822579473, "q_0.225": 5.50862782218625, "q_0.25": 5.631001143383613, "q_0.275": 5.751022109966033, "q_0.3": 5.8499681637146885, "q_0.325": 5.978165873657799, "q_0.35": 6.0901156550857785, "q_0.375": 6.209781935129773, "q_0.4": 6.30137691969869, "q_0.425": 6.3997818723834055, "q_0.45": 6.500147298514093, "q_0.475": 6.610945882647042, "q_0.5": 6.737452877306334, "q_0.525": 6.828579125837872, "q_0.55": 6.909593822858551, "q_0.575": 6.982263155741037, "q_0.6": 7.090556387204751, "q_0.625": 7.187863818091271, "q_0.65": 7.364869117417418, "q_0.675": 7.46937059082763, "q_0.7": 7.578682912919554, "q_0.725": 7.653903624837676, "q_0.75": 7.752419234250754, "q_0.775": 7.887543372929498, "q_0.8": 8.003396375626119, "q_0.825": 8.108535542540102, "q_0.85": 8.21869896050462, "q_0.875": 8.341159957816656, "q_0.9": 8.500490658593364, "q_0.925": 8.597543237419693, "q_0.95": 8.661674632929188, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 82.91316526610645, "y": 7.388244484213244, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.729386186263482, "q_0.1": 4.845388670289239, "q_0.125": 4.961766854270886, "q_0.15": 5.071625074945647, "q_0.175": 5.184031077124445, "q_0.2": 5.379970822579473, "q_0.225": 5.50862782218625, "q_0.25": 5.631001143383613, "q_0.275": 5.751022109966033, "q_0.3": 5.8499681637146885, "q_0.325": 5.978165873657799, "q_0.35": 6.0901156550857785, "q_0.375": 6.209781935129773, "q_0.4": 6.30137691969869, "q_0.425": 6.3997818723834055, "q_0.45": 6.500147298514093, "q_0.475": 6.610945882647042, "q_0.5": 6.737452877306334, "q_0.525": 6.828579125837872, "q_0.55": 6.909593822858551, "q_0.575": 6.982263155741037, "q_0.6": 7.090556387204751, "q_0.625": 7.187863818091271, "q_0.65": 7.364869117417418, "q_0.675": 7.46937059082763, "q_0.7": 7.578682912919554, "q_0.725": 7.653903624837676, "q_0.75": 7.752419234250754, "q_0.775": 7.887543372929498, "q_0.8": 8.003396375626119, "q_0.825": 8.108535542540102, "q_0.85": 8.21869896050462, "q_0.875": 8.341159957816656, "q_0.9": 8.500490658593364, "q_0.925": 8.597543237419693, "q_0.95": 8.661674632929188, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 82.95318127250901, "y": 5.1722317896120975, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.729386186263482, "q_0.1": 4.845388670289239, "q_0.125": 4.961766854270886, "q_0.15": 5.071625074945647, "q_0.175": 5.184031077124445, "q_0.2": 5.379970822579473, "q_0.225": 5.50862782218625, "q_0.25": 5.631001143383613, "q_0.275": 5.751022109966033, "q_0.3": 5.8499681637146885, "q_0.325": 5.978165873657799, "q_0.35": 6.0901156550857785, "q_0.375": 6.209781935129773, "q_0.4": 6.30137691969869, "q_0.425": 6.3997818723834055, "q_0.45": 6.500147298514093, "q_0.475": 6.610945882647042, "q_0.5": 6.737452877306334, "q_0.525": 6.828579125837872, "q_0.55": 6.909593822858551, "q_0.575": 6.982263155741037, "q_0.6": 7.090556387204751, "q_0.625": 7.187863818091271, "q_0.65": 7.364869117417418, "q_0.675": 7.46937059082763, "q_0.7": 7.578682912919554, "q_0.725": 7.653903624837676, "q_0.75": 7.752419234250754, "q_0.775": 7.887543372929498, "q_0.8": 8.003396375626119, "q_0.825": 8.108535542540102, "q_0.85": 8.21869896050462, "q_0.875": 8.341159957816656, "q_0.9": 8.500490658593364, "q_0.925": 8.597543237419693, "q_0.95": 8.661674632929188, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 82.99319727891157, "y": 4.563077462932428, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.729386186263482, "q_0.1": 4.845388670289239, "q_0.125": 4.961766854270886, "q_0.15": 5.071625074945647, "q_0.175": 5.184031077124445, "q_0.2": 5.379970822579473, "q_0.225": 5.50862782218625, "q_0.25": 5.631001143383613, "q_0.275": 5.751022109966033, "q_0.3": 5.8499681637146885, "q_0.325": 5.978165873657799, "q_0.35": 6.0901156550857785, "q_0.375": 6.209781935129773, "q_0.4": 6.30137691969869, "q_0.425": 6.3997818723834055, "q_0.45": 6.500147298514093, "q_0.475": 6.610945882647042, "q_0.5": 6.737452877306334, "q_0.525": 6.828579125837872, "q_0.55": 6.909593822858551, "q_0.575": 6.982263155741037, "q_0.6": 7.090556387204751, "q_0.625": 7.187863818091271, "q_0.65": 7.364869117417418, "q_0.675": 7.46937059082763, "q_0.7": 7.578682912919554, "q_0.725": 7.653903624837676, "q_0.75": 7.752419234250754, "q_0.775": 7.887543372929498, "q_0.8": 8.003396375626119, "q_0.825": 8.108535542540102, "q_0.85": 8.21869896050462, "q_0.875": 8.341159957816656, "q_0.9": 8.500490658593364, "q_0.925": 8.597543237419693, "q_0.95": 8.661674632929188, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 83.03321328531413, "y": 5.8499681637146885, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.729386186263482, "q_0.1": 4.845388670289239, "q_0.125": 4.961766854270886, "q_0.15": 5.071625074945647, "q_0.175": 5.184031077124445, "q_0.2": 5.379970822579473, "q_0.225": 5.50862782218625, "q_0.25": 5.631001143383613, "q_0.275": 5.751022109966033, "q_0.3": 5.8499681637146885, "q_0.325": 5.978165873657799, "q_0.35": 6.0901156550857785, "q_0.375": 6.209781935129773, "q_0.4": 6.30137691969869, "q_0.425": 6.3997818723834055, "q_0.45": 6.500147298514093, "q_0.475": 6.610945882647042, "q_0.5": 6.737452877306334, "q_0.525": 6.828579125837872, "q_0.55": 6.909593822858551, "q_0.575": 6.982263155741037, "q_0.6": 7.090556387204751, "q_0.625": 7.187863818091271, "q_0.65": 7.364869117417418, "q_0.675": 7.46937059082763, "q_0.7": 7.578682912919554, "q_0.725": 7.653903624837676, "q_0.75": 7.752419234250754, "q_0.775": 7.887543372929498, "q_0.8": 8.003396375626119, "q_0.825": 8.108535542540102, "q_0.85": 8.21869896050462, "q_0.875": 8.341159957816656, "q_0.9": 8.500490658593364, "q_0.925": 8.597543237419693, "q_0.95": 8.661674632929188, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 83.07322929171669, "y": 7.0829595081166605, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.729386186263482, "q_0.1": 4.846905144778675, "q_0.125": 4.961766854270886, "q_0.15": 5.071625074945647, "q_0.175": 5.184031077124445, "q_0.2": 5.379970822579473, "q_0.225": 5.515484260468025, "q_0.25": 5.6427861623597195, "q_0.275": 5.751022109966033, "q_0.3": 5.8499681637146885, "q_0.325": 5.978165873657799, "q_0.35": 6.0901156550857785, "q_0.375": 6.2243429438156745, "q_0.4": 6.303355969642889, "q_0.425": 6.402262026196145, "q_0.45": 6.510321966120001, "q_0.475": 6.6183726690495766, "q_0.5": 6.737452877306334, "q_0.525": 6.828579125837872, "q_0.55": 6.909593822858551, "q_0.575": 6.982263155741037, "q_0.6": 7.090556387204751, "q_0.625": 7.188385545858182, "q_0.65": 7.365036486519591, "q_0.675": 7.46991407998999, "q_0.7": 7.579826538061985, "q_0.725": 7.663301039966068, "q_0.75": 7.753808716222624, "q_0.775": 7.887543372929498, "q_0.8": 8.003396375626119, "q_0.825": 8.108535542540102, "q_0.85": 8.21869896050462, "q_0.875": 8.341159957816656, "q_0.9": 8.501236984713952, "q_0.925": 8.597543237419693, "q_0.95": 8.678526350886326, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 83.11324529811925, "y": 6.6007006912960104, "y_pred": 6.737452877306334, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557555109791887, "q_0.05": 4.649510367688897, "q_0.075": 4.730799731903235, "q_0.1": 4.846905144778675, "q_0.125": 4.961766854270886, "q_0.15": 5.073646087604473, "q_0.175": 5.1987437976665865, "q_0.2": 5.422762824837261, "q_0.225": 5.515484260468025, "q_0.25": 5.658258766948559, "q_0.275": 5.756006867404569, "q_0.3": 5.864985404400768, "q_0.325": 5.9793170140524055, "q_0.35": 6.098058624348094, "q_0.375": 6.225271986032057, "q_0.4": 6.30549773952699, "q_0.425": 6.402587829509397, "q_0.45": 6.510321966120001, "q_0.475": 6.6183726690495766, "q_0.5": 6.737452877306334, "q_0.525": 6.8317228149119416, "q_0.55": 6.914009441403124, "q_0.575": 6.984392089682237, "q_0.6": 7.090556387204751, "q_0.625": 7.188385545858182, "q_0.65": 7.38092137103429, "q_0.675": 7.473497471477349, "q_0.7": 7.588692279161636, "q_0.725": 7.663301039966068, "q_0.75": 7.776061914674912, "q_0.775": 7.895723366863788, "q_0.8": 8.012395823707582, "q_0.825": 8.114503278895993, "q_0.85": 8.221805004024278, "q_0.875": 8.351384810193501, "q_0.9": 8.501236984713952, "q_0.925": 8.597543237419693, "q_0.95": 8.678526350886326, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 83.1532613045218, "y": 7.5142978237200815, "y_pred": 6.747072700996834, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.557606719214216, "q_0.05": 4.649510367688897, "q_0.075": 4.730799731903235, "q_0.1": 4.846905144778675, "q_0.125": 4.971148986294573, "q_0.15": 5.076711109306927, "q_0.175": 5.212224896951286, "q_0.2": 5.425175682468657, "q_0.225": 5.5650225234108275, "q_0.25": 5.666063859278035, "q_0.275": 5.763617911589514, "q_0.3": 5.880725247445652, "q_0.325": 6.0002396971481105, "q_0.35": 6.0992437544438785, "q_0.375": 6.235280783617888, "q_0.4": 6.327380002784864, "q_0.425": 6.412098295278259, "q_0.45": 6.514932326533614, "q_0.475": 6.639289246145984, "q_0.5": 6.747072700996834, "q_0.525": 6.831943468272714, "q_0.55": 6.915789627088493, "q_0.575": 6.984392089682237, "q_0.6": 7.118446852718025, "q_0.625": 7.193804305611335, "q_0.65": 7.388244484213244, "q_0.675": 7.481576741542824, "q_0.7": 7.602394882250917, "q_0.725": 7.669390382418008, "q_0.75": 7.7835732685260135, "q_0.775": 7.901397682027765, "q_0.8": 8.013159591495198, "q_0.825": 8.114503278895993, "q_0.85": 8.235819827590735, "q_0.875": 8.353987139950119, "q_0.9": 8.511539494434864, "q_0.925": 8.606702238234487, "q_0.95": 8.694079191281137, "q_0.975": 8.82117208413729, "q_1": 9.117904357059661}, {"x": 83.19327731092437, "y": 8.078701760777843, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732020561033832, "q_0.1": 4.875801950284103, "q_0.125": 4.977043761741297, "q_0.15": 5.078068846600801, "q_0.175": 5.24818044101043, "q_0.2": 5.435750532152411, "q_0.225": 5.596754924306473, "q_0.25": 5.7051626575548084, "q_0.275": 5.77199839472142, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.13279763633506, "q_0.375": 6.237064028762291, "q_0.4": 6.349084000786672, "q_0.425": 6.446101117070942, "q_0.45": 6.5566365014337, "q_0.475": 6.6990133855678895, "q_0.5": 6.753932644595816, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.993913251319144, "q_0.6": 7.120134177365377, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.6131657192050435, "q_0.725": 7.680986707663319, "q_0.75": 7.7835732685260135, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.125731123929855, "q_0.85": 8.24686190504441, "q_0.875": 8.372367582622786, "q_0.9": 8.515794582503428, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.23329331732694, "y": 6.610945882647042, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.991309900099821, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.034011598917915, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.125731123929855, "q_0.85": 8.253158928769395, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.27330932372949, "y": 5.041210239249921, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.991309900099821, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.034011598917915, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.125731123929855, "q_0.85": 8.253158928769395, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.31332533013206, "y": 8.218474484144245, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.991309900099821, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.034011598917915, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.125731123929855, "q_0.85": 8.253158928769395, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.35334133653461, "y": 6.996889990494486, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.991309900099821, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.034011598917915, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.125731123929855, "q_0.85": 8.253158928769395, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.39335734293718, "y": 7.729252645206323, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.991309900099821, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.034011598917915, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.125731123929855, "q_0.85": 8.253158928769395, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.43337334933975, "y": 7.573602962295361, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.991309900099821, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.034011598917915, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.125731123929855, "q_0.85": 8.253158928769395, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.4733893557423, "y": 8.743615197761091, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.991309900099821, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.034011598917915, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.125731123929855, "q_0.85": 8.253158928769395, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.51340536214487, "y": 5.758925211820149, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.991309900099821, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.034011598917915, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.125731123929855, "q_0.85": 8.253158928769395, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.55342136854742, "y": 7.578857656444672, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.026732097997497, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.4842277450376, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.7835732685260135, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.59343737494999, "y": 6.072427775805698, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.026732097997497, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.4842277450376, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.7835732685260135, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.63345338135254, "y": 6.205039131452644, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.026732097997497, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.4842277450376, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.7835732685260135, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.6734693877551, "y": 5.4741072109626785, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.909160566020582, "q_0.325": 6.026732097997497, "q_0.35": 6.1477873392902005, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.4842277450376, "q_0.7": 7.6171997119926855, "q_0.725": 7.6867006295192635, "q_0.75": 7.7835732685260135, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.619863866968766, "q_0.95": 8.714263257179471, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.71348539415767, "y": 5.978165873657799, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.146890586444009, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.494307419463388, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.75350140056022, "y": 8.661674632929188, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.146890586444009, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.494307419463388, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.79351740696279, "y": 5.751022109966033, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.146890586444009, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.494307419463388, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.83353341336534, "y": 5.544778009252736, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.146890586444009, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.494307419463388, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.87354941976791, "y": 7.04268637801448, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.146890586444009, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.494307419463388, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.91356542617046, "y": 5.599442980685961, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.146890586444009, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.494307419463388, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.95358143257303, "y": 6.5566365014337, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.146890586444009, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.494307419463388, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 83.9935974389756, "y": 8.160164203356791, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277021526049126, "q_0.2": 5.445362337985604, "q_0.225": 5.599442980685961, "q_0.25": 5.706240551435829, "q_0.275": 5.781123634460956, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.146890586444009, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.494307419463388, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.783919898282058, "q_0.775": 7.944021526451298, "q_0.8": 8.023188356534959, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.374442768160684, "q_0.9": 8.52676812225451, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 84.03361344537815, "y": 5.478417414081877, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.141524179298767, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.037868419194714, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 84.07362945178072, "y": 6.351213677266079, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.141524179298767, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.037868419194714, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 84.11364545818327, "y": 7.168676553974224, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.141524179298767, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.037868419194714, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 84.15366146458584, "y": 6.881156978053098, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.141524179298767, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.037868419194714, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 84.1936774709884, "y": 8.789170680647835, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.141524179298767, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.037868419194714, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 84.23369347739096, "y": 7.481576741542824, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.141524179298767, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.037868419194714, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 84.27370948379352, "y": 7.747226894051673, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.141524179298767, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.037868419194714, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 84.31372549019608, "y": 8.757399042695802, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.141524179298767, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.037868419194714, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83584657488061, "q_1": 9.117904357059661}, {"x": 84.35374149659864, "y": 6.30137691969869, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.708566595928236, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.040490396358344, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.3937575030012, "y": 6.039386478687201, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.082973149448729, "q_0.175": 5.277204539643211, "q_0.2": 5.454014158790365, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.909160566020582, "q_0.325": 6.038294202381151, "q_0.35": 6.150036565559704, "q_0.375": 6.245968280349431, "q_0.4": 6.351213677266079, "q_0.425": 6.446757353769544, "q_0.45": 6.5571161746619975, "q_0.475": 6.706037320773416, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.135040034552558, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.486479851529196, "q_0.7": 7.6171997119926855, "q_0.725": 7.708566595928236, "q_0.75": 7.805474688475007, "q_0.775": 7.961135356983236, "q_0.8": 8.040490396358344, "q_0.825": 8.12808244001597, "q_0.85": 8.255119321802304, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.621327218104792, "q_0.95": 8.731083381403074, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.43377350940376, "y": 4.6544672455588385, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.10050345105409, "q_0.175": 5.277204539643211, "q_0.2": 5.466052559851025, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.912273991434973, "q_0.325": 6.038294202381151, "q_0.35": 6.1554060397230455, "q_0.375": 6.246120396171547, "q_0.4": 6.351213677266079, "q_0.425": 6.455223396049245, "q_0.45": 6.5571161746619975, "q_0.475": 6.7077902783888845, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.963071720147777, "q_0.8": 8.040490396358344, "q_0.825": 8.149663120061545, "q_0.85": 8.26229962764565, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.626414190883203, "q_0.95": 8.731083381403074, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.47378951580633, "y": 5.279220753234176, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.10050345105409, "q_0.175": 5.277204539643211, "q_0.2": 5.466052559851025, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.912273991434973, "q_0.325": 6.038294202381151, "q_0.35": 6.1554060397230455, "q_0.375": 6.246120396171547, "q_0.4": 6.351213677266079, "q_0.425": 6.455223396049245, "q_0.45": 6.5571161746619975, "q_0.475": 6.7077902783888845, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.963071720147777, "q_0.8": 8.040490396358344, "q_0.825": 8.149663120061545, "q_0.85": 8.26229962764565, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.626414190883203, "q_0.95": 8.731083381403074, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.51380552220888, "y": 5.515484260468025, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.10050345105409, "q_0.175": 5.277204539643211, "q_0.2": 5.466052559851025, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.912273991434973, "q_0.325": 6.038294202381151, "q_0.35": 6.1554060397230455, "q_0.375": 6.246120396171547, "q_0.4": 6.351213677266079, "q_0.425": 6.455223396049245, "q_0.45": 6.5571161746619975, "q_0.475": 6.7077902783888845, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.963071720147777, "q_0.8": 8.040490396358344, "q_0.825": 8.149663120061545, "q_0.85": 8.26229962764565, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.626414190883203, "q_0.95": 8.731083381403074, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.55382152861145, "y": 5.277204539643211, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.563077462932428, "q_0.05": 4.6544672455588385, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 4.992071423108374, "q_0.15": 5.10050345105409, "q_0.175": 5.277204539643211, "q_0.2": 5.466052559851025, "q_0.225": 5.599442980685961, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.912273991434973, "q_0.325": 6.038294202381151, "q_0.35": 6.1554060397230455, "q_0.375": 6.246120396171547, "q_0.4": 6.351213677266079, "q_0.425": 6.455223396049245, "q_0.45": 6.5571161746619975, "q_0.475": 6.7077902783888845, "q_0.5": 6.757047471097765, "q_0.525": 6.846229285932902, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.6171997119926855, "q_0.725": 7.712264273562155, "q_0.75": 7.805474688475007, "q_0.775": 7.963071720147777, "q_0.8": 8.040490396358344, "q_0.825": 8.149663120061545, "q_0.85": 8.26229962764565, "q_0.875": 8.377631068613598, "q_0.9": 8.55822033518474, "q_0.925": 8.626414190883203, "q_0.95": 8.731083381403074, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.593837535014, "y": 7.819725094531, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.21138653073039, "q_0.025": 4.563077462932428, "q_0.05": 4.65943479221821, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.279220753234176, "q_0.2": 5.4741072109626785, "q_0.225": 5.60090035532502, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.937552160315894, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.571279519023628, "q_0.475": 6.710214355423524, "q_0.5": 6.767875097485854, "q_0.525": 6.846413164888051, "q_0.55": 6.927562068158622, "q_0.575": 7.0263333251320805, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.712264273562155, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.065028221486347, "q_0.825": 8.149663120061545, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.731083381403074, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.63385354141657, "y": 6.846413164888051, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.660405203001196, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.103743398252113, "q_0.175": 5.279220753234176, "q_0.2": 5.475831292210361, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.941777400652301, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.5776147809679015, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.729252645206323, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.067469545745688, "q_0.825": 8.159333173662095, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.67386954781914, "y": 7.433488644096537, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.660405203001196, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.103743398252113, "q_0.175": 5.279220753234176, "q_0.2": 5.475831292210361, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.941777400652301, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.5776147809679015, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.729252645206323, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.067469545745688, "q_0.825": 8.159333173662095, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.71388555422169, "y": 8.114503278895993, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.660405203001196, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.103743398252113, "q_0.175": 5.279220753234176, "q_0.2": 5.475831292210361, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.941777400652301, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.5776147809679015, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.729252645206323, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.067469545745688, "q_0.825": 8.159333173662095, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.75390156062426, "y": 5.49036134233919, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.660405203001196, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.103743398252113, "q_0.175": 5.279220753234176, "q_0.2": 5.475831292210361, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.941777400652301, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.5776147809679015, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.729252645206323, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.067469545745688, "q_0.825": 8.159333173662095, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.79391756702681, "y": 5.914533014018397, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.660405203001196, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.103743398252113, "q_0.175": 5.279220753234176, "q_0.2": 5.475831292210361, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.941777400652301, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.5776147809679015, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.729252645206323, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.067469545745688, "q_0.825": 8.159333173662095, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.83393357342938, "y": 7.617910955751531, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.660405203001196, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.103743398252113, "q_0.175": 5.279220753234176, "q_0.2": 5.475831292210361, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.941777400652301, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.5776147809679015, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.729252645206323, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.067469545745688, "q_0.825": 8.159333173662095, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.87394957983193, "y": 6.213366871329344, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.660405203001196, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.103743398252113, "q_0.175": 5.279220753234176, "q_0.2": 5.475831292210361, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.941777400652301, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.5776147809679015, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.729252645206323, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.067469545745688, "q_0.825": 8.159333173662095, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.9139655862345, "y": 4.5952723636492, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.660405203001196, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.103743398252113, "q_0.175": 5.279220753234176, "q_0.2": 5.475831292210361, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.941777400652301, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.5776147809679015, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.729252645206323, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.067469545745688, "q_0.825": 8.159333173662095, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.95398159263706, "y": 6.402587829509397, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.660405203001196, "q_0.075": 4.732941557211765, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.103743398252113, "q_0.175": 5.279220753234176, "q_0.2": 5.475831292210361, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.941777400652301, "q_0.325": 6.039386478687201, "q_0.35": 6.1742452684924825, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.5776147809679015, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.145846942462921, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.50977496937789, "q_0.7": 7.617910955751531, "q_0.725": 7.729252645206323, "q_0.75": 7.81879504897625, "q_0.775": 7.966488456369145, "q_0.8": 8.067469545745688, "q_0.825": 8.159333173662095, "q_0.85": 8.26229962764565, "q_0.875": 8.387606655202816, "q_0.9": 8.55874340324878, "q_0.925": 8.626414190883203, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 84.99399759903962, "y": 8.511539494434864, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.946996614527446, "q_0.325": 6.044330210893478, "q_0.35": 6.180114464839802, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.585532854626287, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.277634175261337, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.618325241690449, "q_0.725": 7.729252645206323, "q_0.75": 7.819725094531, "q_0.775": 7.969313538515071, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.266762790364961, "q_0.875": 8.397940800398864, "q_0.9": 8.560528974284738, "q_0.925": 8.636956779745413, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 85.03401360544218, "y": 6.288384606409618, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.946996614527446, "q_0.325": 6.044330210893478, "q_0.35": 6.180114464839802, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.585532854626287, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.277634175261337, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.618325241690449, "q_0.725": 7.729252645206323, "q_0.75": 7.819725094531, "q_0.775": 7.969313538515071, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.266762790364961, "q_0.875": 8.397940800398864, "q_0.9": 8.560528974284738, "q_0.925": 8.636956779745413, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 85.07402961184474, "y": 5.946996614527446, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.946996614527446, "q_0.325": 6.044330210893478, "q_0.35": 6.180114464839802, "q_0.375": 6.269383563495164, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.585532854626287, "q_0.475": 6.712743216244316, "q_0.5": 6.789576779354622, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.277634175261337, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.618325241690449, "q_0.725": 7.729252645206323, "q_0.75": 7.819725094531, "q_0.775": 7.969313538515071, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.266762790364961, "q_0.875": 8.397940800398864, "q_0.9": 8.560528974284738, "q_0.925": 8.636956779745413, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 85.1140456182473, "y": 8.876217858803319, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.718625662234357, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.940266859897525, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729791712913657, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.560528974284738, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 85.15406162464987, "y": 7.339281484523887, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.718625662234357, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.940266859897525, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729791712913657, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.560528974284738, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 85.19407763105242, "y": 6.0992437544438785, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.718625662234357, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.940266859897525, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729791712913657, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.560528974284738, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 85.23409363745499, "y": 4.923302982117865, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.718625662234357, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.940266859897525, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729791712913657, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.560528974284738, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 85.27410964385754, "y": 7.980916032181643, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.718625662234357, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.940266859897525, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729791712913657, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.560528974284738, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.83968562066385, "q_1": 9.117904357059661}, {"x": 85.31412565026011, "y": 7.626105540532846, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.876517188010016, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.725073101040283, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.568949105019012, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.844261149052482, "q_1": 9.117904357059661}, {"x": 85.35414165666266, "y": 8.580292183758063, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.876517188010016, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.725073101040283, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.568949105019012, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.844261149052482, "q_1": 9.117904357059661}, {"x": 85.39415766306523, "y": 5.43924309841885, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.876517188010016, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.725073101040283, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.568949105019012, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.844261149052482, "q_1": 9.117904357059661}, {"x": 85.4341736694678, "y": 4.98337791644885, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.876517188010016, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.725073101040283, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.568949105019012, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.844261149052482, "q_1": 9.117904357059661}, {"x": 85.47418967587035, "y": 7.700595723864465, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.876517188010016, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.725073101040283, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.068200828625084, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.568949105019012, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.844261149052482, "q_1": 9.117904357059661}, {"x": 85.51420568227292, "y": 5.379009359805703, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.6165482121384915, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.078701760777843, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.57729771367967, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.55422168867547, "y": 5.257817180679621, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.6165482121384915, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.078701760777843, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.57729771367967, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.59423769507804, "y": 5.899450341992198, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.620434173260784, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.180114464839802, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.078701760777843, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.57729771367967, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.6342537014806, "y": 8.117596821078196, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.620434173260784, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.180114464839802, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.078701760777843, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.57729771367967, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.67426970788316, "y": 6.8811255412556935, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.620434173260784, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.180114464839802, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.078701760777843, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.57729771367967, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.71428571428572, "y": 4.67869742851378, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.620434173260784, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.180114464839802, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.078701760777843, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.57729771367967, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.75430172068828, "y": 6.544939930572705, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.478417414081877, "q_0.225": 5.620434173260784, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.180114464839802, "q_0.375": 6.272889904759298, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.157604606791473, "q_0.625": 7.279673239194703, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.819725094531, "q_0.775": 7.973606893184375, "q_0.8": 8.078701760777843, "q_0.825": 8.160164203356791, "q_0.85": 8.277610137638758, "q_0.875": 8.411171895527225, "q_0.9": 8.57729771367967, "q_0.925": 8.642029948067592, "q_0.95": 8.743615197761091, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.79431772709084, "y": 7.527967925067729, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.480378124576764, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.288384606409618, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.412008718268771, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.975557626239649, "q_0.8": 8.078701760777843, "q_0.825": 8.176438771149055, "q_0.85": 8.290064088436722, "q_0.875": 8.415415940801093, "q_0.9": 8.57729771367967, "q_0.925": 8.646326542285099, "q_0.95": 8.75141489812569, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.8343337334934, "y": 6.878730305340124, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.480378124576764, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.288384606409618, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.412008718268771, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.975557626239649, "q_0.8": 8.078701760777843, "q_0.825": 8.176438771149055, "q_0.85": 8.290064088436722, "q_0.875": 8.415415940801093, "q_0.9": 8.57729771367967, "q_0.925": 8.646326542285099, "q_0.95": 8.75141489812569, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.87434973989596, "y": 7.031590664874649, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.480378124576764, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.288384606409618, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.412008718268771, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.975557626239649, "q_0.8": 8.078701760777843, "q_0.825": 8.176438771149055, "q_0.85": 8.290064088436722, "q_0.875": 8.415415940801093, "q_0.9": 8.57729771367967, "q_0.925": 8.646326542285099, "q_0.95": 8.75141489812569, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.91436574629853, "y": 5.479976762251183, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.480378124576764, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.288384606409618, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.412008718268771, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.975557626239649, "q_0.8": 8.078701760777843, "q_0.825": 8.176438771149055, "q_0.85": 8.290064088436722, "q_0.875": 8.415415940801093, "q_0.9": 8.57729771367967, "q_0.925": 8.646326542285099, "q_0.95": 8.75141489812569, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.95438175270108, "y": 8.26229962764565, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.480378124576764, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.288384606409618, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.412008718268771, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.975557626239649, "q_0.8": 8.078701760777843, "q_0.825": 8.176438771149055, "q_0.85": 8.290064088436722, "q_0.875": 8.415415940801093, "q_0.9": 8.57729771367967, "q_0.925": 8.646326542285099, "q_0.95": 8.75141489812569, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 85.99439775910365, "y": 6.984392089682237, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.737465449225017, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.480378124576764, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.288384606409618, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.412008718268771, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.975557626239649, "q_0.8": 8.078701760777843, "q_0.825": 8.176438771149055, "q_0.85": 8.290064088436722, "q_0.875": 8.415415940801093, "q_0.9": 8.57729771367967, "q_0.925": 8.646326542285099, "q_0.95": 8.75141489812569, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.0344137655062, "y": 7.663301039966068, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.7503585766329754, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.959720916527021, "q_0.325": 6.057690520263299, "q_0.35": 6.1844684512491375, "q_0.375": 6.288384606409618, "q_0.4": 6.38830657909329, "q_0.425": 6.4791162595064655, "q_0.45": 6.592643613372832, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.078701760777843, "q_0.825": 8.176438771149055, "q_0.85": 8.290064088436722, "q_0.875": 8.415415940801093, "q_0.9": 8.57729771367967, "q_0.925": 8.646326542285099, "q_0.95": 8.75141489812569, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.07442977190877, "y": 8.863937268116876, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.56843660938355, "q_0.05": 4.67869742851378, "q_0.075": 4.7503585766329754, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.959720916527021, "q_0.325": 6.057690520263299, "q_0.35": 6.1844684512491375, "q_0.375": 6.288384606409618, "q_0.4": 6.38830657909329, "q_0.425": 6.4791162595064655, "q_0.45": 6.592643613372832, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.078701760777843, "q_0.825": 8.176438771149055, "q_0.85": 8.290064088436722, "q_0.875": 8.415415940801093, "q_0.9": 8.57729771367967, "q_0.925": 8.646326542285099, "q_0.95": 8.75141489812569, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.11444577831132, "y": 6.391495263221277, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.687350626979153, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.176438771149055, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.15446178471389, "y": 8.415415940801093, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.687350626979153, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.176438771149055, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.19447779111646, "y": 4.5120769478925356, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.96145504570993, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.23449379751901, "y": 4.629281794590717, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.96145504570993, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.27450980392157, "y": 7.118446852718025, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.96145504570993, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.31452581032413, "y": 5.872932917036346, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.96145504570993, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.3545418167267, "y": 5.591147659858958, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.96145504570993, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.39455782312926, "y": 5.724301801078898, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.96145504570993, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.43457382953181, "y": 5.905807746440309, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.96145504570993, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.47458983593438, "y": 7.742094468175936, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.755614343993165, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.96145504570993, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.5142978237200815, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.51460584233693, "y": 7.028501371106932, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.52071486868123, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.5546218487395, "y": 8.012395823707582, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.52071486868123, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.59463785514205, "y": 8.197308002501416, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.52071486868123, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.63465386154462, "y": 8.255119321802304, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.52071486868123, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.67466986794719, "y": 6.339940039407706, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.52071486868123, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.71468587434974, "y": 6.370240255705349, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.75470188075231, "y": 8.630495179432762, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.79471788715486, "y": 7.447720136331995, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.83473389355743, "y": 4.846905144778675, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.87474989996, "y": 6.914009441403124, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.91476590636255, "y": 6.081297649416187, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.95478191276511, "y": 8.908699687712478, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 86.99479791916767, "y": 4.549716964490572, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.879615170004694, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.411374655686721, "q_0.675": 7.527967925067729, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.8219196898771575, "q_0.775": 7.976245692643259, "q_0.8": 8.084607236378016, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.03481392557023, "y": 7.230209559757361, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117150512290443, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.882374294961595, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.838171093255294, "q_0.775": 7.980916032181643, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.07482993197279, "y": 7.729996186871609, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117150512290443, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.882374294961595, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.838171093255294, "q_0.775": 7.980916032181643, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.11484593837535, "y": 5.783835662042167, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117150512290443, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.882374294961595, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.838171093255294, "q_0.775": 7.980916032181643, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.15486194477792, "y": 8.85140779674296, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117150512290443, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.882374294961595, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.838171093255294, "q_0.775": 7.980916032181643, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.19487795118047, "y": 8.341159957816656, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117150512290443, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.882374294961595, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.838171093255294, "q_0.775": 7.980916032181643, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.23489395758304, "y": 8.593399174917819, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117150512290443, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.882374294961595, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.838171093255294, "q_0.775": 7.980916032181643, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.27490996398559, "y": 4.5778888791669194, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117150512290443, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.882374294961595, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.838171093255294, "q_0.775": 7.980916032181643, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.31492597038816, "y": 7.045713944006282, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117150512290443, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.882374294961595, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.838171093255294, "q_0.775": 7.980916032181643, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.35494197679073, "y": 5.813050987330242, "y_pred": 6.808449409256699, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117150512290443, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.962611131831868, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.808449409256699, "q_0.525": 6.882374294961595, "q_0.55": 6.941917271476338, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.279673239194703, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.838171093255294, "q_0.775": 7.980916032181643, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.298253495624909, "q_0.875": 8.415415940801093, "q_0.9": 8.580292183758063, "q_0.925": 8.646326542285099, "q_0.95": 8.75641470931683, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.39495798319328, "y": 8.298253495624909, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.43497398959585, "y": 7.330113278865303, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.4749899959984, "y": 6.909593822858551, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.51500600240097, "y": 5.0081247609927, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.55502200880352, "y": 6.917009181616521, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.59503801520609, "y": 7.328806062418579, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.63505402160865, "y": 8.782561436427532, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.6750700280112, "y": 7.120134177365377, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.71508603441377, "y": 8.83584657488061, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.75510204081633, "y": 8.810735394257996, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.79511804721889, "y": 7.414544968596967, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.83513405362145, "y": 6.767875097485854, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.87515006002401, "y": 6.589569435974425, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.91516606642658, "y": 8.494603113876268, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.95518207282913, "y": 4.626131311340627, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 87.9951980792317, "y": 5.010593790461873, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 88.03521408563425, "y": 4.9584041151780704, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 88.07523009203682, "y": 7.898892194445093, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 88.11524609843939, "y": 6.026098831652635, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 88.15526210484194, "y": 7.366254109140413, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 88.1952781112445, "y": 7.213462308810518, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 88.23529411764706, "y": 6.235280783617888, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.571950181861702, "q_0.05": 4.6903125718688194, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.4902804063026664, "q_0.225": 5.645580863236789, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.976652221572761, "q_0.325": 6.073283123958078, "q_0.35": 6.205039131452644, "q_0.375": 6.289883693528926, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.608614085216537, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.304538377149415, "q_0.875": 8.47353212124489, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.851887029700187, "q_1": 9.117904357059661}, {"x": 88.27531012404962, "y": 6.890520012280274, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.31532613045218, "y": 7.401381135835537, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.35534213685474, "y": 8.731083381403074, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.39535814325731, "y": 7.090556387204751, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.43537414965986, "y": 7.265305918721284, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.47539015606243, "y": 4.810019457720938, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.51540616246498, "y": 8.78516906076949, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.55542216886755, "y": 6.879615170004694, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.59543817527012, "y": 8.108371794791108, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.63545418167267, "y": 4.732941557211765, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.67547018807524, "y": 6.3997818723834055, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.71548619447779, "y": 5.663255085358033, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.75550220088036, "y": 5.708783567339424, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.79551820728291, "y": 8.068200828625084, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.83553421368548, "y": 7.315190982871181, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.87555022008804, "y": 6.487652707470597, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.9155662264906, "y": 4.557555109791887, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.95558223289316, "y": 8.851887029700187, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 88.99559823929572, "y": 8.83968562066385, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.03561424569828, "y": 5.4902804063026664, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.07563025210085, "y": 4.69777579925783, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.1156462585034, "y": 6.898606605378788, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.15566226490597, "y": 8.795380323951093, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.19567827130852, "y": 8.611592775896343, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.23569427771109, "y": 7.145846942462921, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.27571028411364, "y": 5.880725247445652, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.31572629051621, "y": 6.0002396971481105, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.35574229691878, "y": 8.55874340324878, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.39575830332133, "y": 6.730291416884388, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.4357743097239, "y": 5.10626820521813, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.47579031612645, "y": 5.63525156638366, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.51580632252902, "y": 5.763617911589514, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.593399174917819, "q_0.925": 8.646901911275965, "q_0.95": 8.759634274030816, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.55582232893157, "y": 5.073646087604473, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.59583833533414, "y": 6.604052871367486, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.6358543417367, "y": 8.646326542285099, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.67587034813926, "y": 7.532656934455018, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.71588635454182, "y": 4.845388670289239, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.75590236094438, "y": 4.5439034078690606, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.79591836734694, "y": 5.765062027334191, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.83593437374951, "y": 6.1554060397230455, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.87595038015206, "y": 8.023188356534959, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.91596638655463, "y": 8.88200742103362, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.95598239295718, "y": 6.269383563495164, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 89.99599839935975, "y": 7.619277132554094, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.0360144057623, "y": 9.010436355386776, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.07603041216487, "y": 7.886834595438653, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.11604641856744, "y": 7.393621606300377, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.15606242496999, "y": 4.875801950284103, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.19607843137256, "y": 5.982591644497074, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.773197724835218, "q_0.1": 4.879416782011444, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.23609443777511, "y": 8.646901911275965, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.27611044417768, "y": 5.432101734387852, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.31612645058024, "y": 8.333461920170596, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.3561424569828, "y": 7.669390382418008, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.39615846338536, "y": 6.180114464839802, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.43617446978791, "y": 6.9160795254472545, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.47619047619048, "y": 6.978307956479305, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.51620648259303, "y": 7.752419234250754, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.5562224889956, "y": 6.861075300814898, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.59623849539817, "y": 5.1294046945888265, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.63625450180072, "y": 8.023014968910232, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.67627050820329, "y": 6.364758681587269, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.71628651460584, "y": 8.88147648048192, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.75630252100841, "y": 5.8112130410988385, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.79631852741097, "y": 5.719410508128275, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.83633453381353, "y": 6.038294202381151, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.8763505402161, "y": 7.118395869102744, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.91636654661865, "y": 8.57729771367967, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.95638255302121, "y": 5.329155089641667, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 90.99639855942377, "y": 5.797198210916315, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.03641456582633, "y": 7.163454430668503, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.0764305722289, "y": 6.58820166534862, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.11644657863145, "y": 6.5571161746619975, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.15646258503402, "y": 8.24686190504441, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.19647859143657, "y": 8.714263257179471, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.23649459783914, "y": 6.712743216244316, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.2765106042417, "y": 7.645690583100041, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.31652661064426, "y": 8.160966672885124, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.35654261704683, "y": 6.882374294961595, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.39655862344938, "y": 5.868956975983773, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.43657462985195, "y": 7.425587294941825, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.4765906362545, "y": 7.1864739195534355, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.51660664265707, "y": 8.619863866968766, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.55662264905963, "y": 4.7758565031849525, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.59663865546219, "y": 8.660299510850912, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.63665466186475, "y": 6.959696173562709, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.6766706682673, "y": 4.610848139434947, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.71668667466987, "y": 6.10162148381928, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.75670268107243, "y": 7.8219196898771575, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.79671868747499, "y": 6.753932644595816, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.83673469387756, "y": 8.982502542065031, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.87675070028011, "y": 6.456944525411682, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.91676670668268, "y": 6.02262314226934, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.95678271308523, "y": 8.266762790364961, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 91.9967987194878, "y": 7.026683492747557, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.03681472589037, "y": 7.636669508528806, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.07683073229292, "y": 8.196703151306775, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.11684673869549, "y": 7.588692279161636, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.693007450504758, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.982591644497074, "q_0.325": 6.0901156550857785, "q_0.35": 6.2243429438156745, "q_0.375": 6.30549773952699, "q_0.4": 6.402587829509397, "q_0.425": 6.500147298514093, "q_0.45": 6.6183726690495766, "q_0.475": 6.737452877306334, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.961121135243478, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.303487754943594, "q_0.65": 7.425587294941825, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.15686274509804, "y": 6.460278013670872, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.139702495332067, "q_0.175": 5.379970822579473, "q_0.2": 5.515484260468025, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.8499681637146885, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303948529591591, "q_0.4": 6.402587829509397, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.060700098950234, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.1968787515006, "y": 5.111303275047512, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.826750504928085, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303355969642889, "q_0.4": 6.402262026196145, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.23689475790316, "y": 7.177320475731536, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.826750504928085, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303355969642889, "q_0.4": 6.402262026196145, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.27691076430573, "y": 8.616610321711462, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.826750504928085, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303355969642889, "q_0.4": 6.402262026196145, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.31692677070829, "y": 6.446757353769544, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.826750504928085, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303355969642889, "q_0.4": 6.402262026196145, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.35694277711085, "y": 8.678526350886326, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.826750504928085, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303355969642889, "q_0.4": 6.402262026196145, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.39695878351341, "y": 6.831943468272714, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.826750504928085, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303355969642889, "q_0.4": 6.402262026196145, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.43697478991596, "y": 7.364869117417418, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.826750504928085, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303355969642889, "q_0.4": 6.402262026196145, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.47699079631853, "y": 8.328220888956123, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.826750504928085, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303355969642889, "q_0.4": 6.402262026196145, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.5170068027211, "y": 7.1110023808265534, "y_pred": 6.828579125837872, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.659506997501113, "q_0.25": 5.758925211820149, "q_0.275": 5.826750504928085, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.2243429438156745, "q_0.375": 6.303355969642889, "q_0.4": 6.402262026196145, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.828579125837872, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.168676553974224, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.532656934455018, "q_0.7": 7.636669508528806, "q_0.725": 7.742094468175936, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.55702280912365, "y": 4.962073884620831, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.654152155726985, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.59703881552622, "y": 9.002290443880572, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.654152155726985, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.63705482192877, "y": 5.666063859278035, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.654152155726985, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.67707082833134, "y": 7.776061914674912, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.654152155726985, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.71708683473389, "y": 6.844251125635344, "y_pred": 6.821675824365898, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.7758565031849525, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.13321653313719, "q_0.175": 5.379009359805703, "q_0.2": 5.50862782218625, "q_0.225": 5.654152155726985, "q_0.25": 5.751022109966033, "q_0.275": 5.816014313219066, "q_0.3": 5.978165873657799, "q_0.325": 6.081297649416187, "q_0.35": 6.209781935129773, "q_0.375": 6.30137691969869, "q_0.4": 6.3997818723834055, "q_0.425": 6.487652707470597, "q_0.45": 6.610945882647042, "q_0.475": 6.7344985488390545, "q_0.5": 6.821675824365898, "q_0.525": 6.882374294961595, "q_0.55": 6.951024707653157, "q_0.575": 7.04268637801448, "q_0.6": 7.163454430668503, "q_0.625": 7.291032845411248, "q_0.65": 7.414544968596967, "q_0.675": 7.527967925067729, "q_0.7": 7.626105540532846, "q_0.725": 7.742094468175936, "q_0.75": 7.860603397764244, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.500490658593364, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.75710284113646, "y": 6.725283272356965, "y_pred": 6.799440752029758, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.882693316424714, "q_0.125": 5.010593790461873, "q_0.15": 5.118047301014095, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.959720916527021, "q_0.325": 6.072427775805698, "q_0.35": 6.205039131452644, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.6007006912960104, "q_0.475": 6.730291416884388, "q_0.5": 6.799440752029758, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.031590664874649, "q_0.6": 7.163454430668503, "q_0.625": 7.277634175261337, "q_0.65": 7.407613161302036, "q_0.675": 7.5142978237200815, "q_0.7": 7.626105540532846, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.79711884753902, "y": 5.659506997501113, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.83713485394158, "y": 7.831852566920745, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.87715086034414, "y": 5.064865740995338, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.9171668667467, "y": 9.052052760289175, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.95718287314926, "y": 8.39382210709838, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 92.99719887955183, "y": 6.982263155741037, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.03721488595438, "y": 6.483305829133004, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.354648463001193, "q_0.2": 5.4902804063026664, "q_0.225": 5.631001143383613, "q_0.25": 5.744420423879747, "q_0.275": 5.813050987330242, "q_0.3": 5.959720916527021, "q_0.325": 6.045991727725136, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.483305829133004, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.407613161302036, "q_0.675": 7.5133051252567515, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.07723089235695, "y": 5.856418052260201, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.321254834181335, "q_0.2": 5.4902804063026664, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.958508522862876, "q_0.325": 6.045991727725136, "q_0.35": 6.201121542961315, "q_0.375": 6.288384606409618, "q_0.4": 6.391495263221277, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.861075300814898, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.396331630299205, "q_0.675": 7.5133051252567515, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.1172468987595, "y": 6.834613470179619, "y_pred": 6.7947474098980205, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.321254834181335, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.201121542961315, "q_0.375": 6.272889904759298, "q_0.4": 6.38830657909329, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.7947474098980205, "q_0.525": 6.846413164888051, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.396331630299205, "q_0.675": 7.50977496937789, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.19749931912753, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.15726290516207, "y": 8.552453733116586, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.767873242768626, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.321254834181335, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.789576779354622, "q_0.525": 6.846413164888051, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.255813732982542, "q_0.65": 7.396331630299205, "q_0.675": 7.50977496937789, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.840312638765685, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.19727891156462, "y": 5.805963058307168, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.767873242768626, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.321254834181335, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.789576779354622, "q_0.525": 6.846413164888051, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.255813732982542, "q_0.65": 7.396331630299205, "q_0.675": 7.50977496937789, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.840312638765685, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.23729491796719, "y": 6.8317228149119416, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.767873242768626, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.321254834181335, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.946996614527446, "q_0.325": 6.045991727725136, "q_0.35": 6.1844684512491375, "q_0.375": 6.272889904759298, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.58820166534862, "q_0.475": 6.725283272356965, "q_0.5": 6.789576779354622, "q_0.525": 6.846413164888051, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.255813732982542, "q_0.65": 7.396331630299205, "q_0.675": 7.50977496937789, "q_0.7": 7.619277132554094, "q_0.725": 7.729996186871609, "q_0.75": 7.840312638765685, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.27731092436976, "y": 5.623111978822796, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.586965632995195, "q_0.475": 6.718625662234357, "q_0.5": 6.789576779354622, "q_0.525": 6.846413164888051, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.50977496937789, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.31732693077231, "y": 6.0901156550857785, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.586965632995195, "q_0.475": 6.718625662234357, "q_0.5": 6.789576779354622, "q_0.525": 6.846413164888051, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.50977496937789, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.35734293717488, "y": 5.422762824837261, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.586965632995195, "q_0.475": 6.718625662234357, "q_0.5": 6.789576779354622, "q_0.525": 6.846413164888051, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.50977496937789, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.39735894357743, "y": 9.062540849971839, "y_pred": 6.789576779354622, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5778888791669194, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.321254834181335, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.586965632995195, "q_0.475": 6.718625662234357, "q_0.5": 6.789576779354622, "q_0.525": 6.846413164888051, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.50977496937789, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.43737494998, "y": 7.157604606791473, "y_pred": 6.778923927027959, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.584403129278517, "q_0.475": 6.718625662234357, "q_0.5": 6.778923927027959, "q_0.525": 6.846289046593325, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.47739095638255, "y": 7.891996881094482, "y_pred": 6.778923927027959, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.584403129278517, "q_0.475": 6.718625662234357, "q_0.5": 6.778923927027959, "q_0.525": 6.846289046593325, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.51740696278512, "y": 5.006226138839089, "y_pred": 6.778923927027959, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.584403129278517, "q_0.475": 6.718625662234357, "q_0.5": 6.778923927027959, "q_0.525": 6.846289046593325, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.55742296918768, "y": 6.225271986032057, "y_pred": 6.778923927027959, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.694172874974996, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.584403129278517, "q_0.475": 6.718625662234357, "q_0.5": 6.778923927027959, "q_0.525": 6.846289046593325, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.59743897559024, "y": 8.621327218104792, "y_pred": 6.778923927027959, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.354648463001193, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.586464160566078, "q_0.475": 6.718625662234357, "q_0.5": 6.778923927027959, "q_0.525": 6.846413164888051, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.500490658593364, "q_0.9": 8.595094006199352, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.876217858803319, "q_1": 9.117904357059661}, {"x": 93.6374549819928, "y": 4.944763419976961, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.317994806823119, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.582366624785327, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.500490658593364, "q_0.9": 8.595443896373691, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 93.67747098839536, "y": 5.314010328940865, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.317994806823119, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.582366624785327, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.500490658593364, "q_0.9": 8.595443896373691, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 93.71748699479792, "y": 7.407613161302036, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.317994806823119, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.805963058307168, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.582366624785327, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.500490658593364, "q_0.9": 8.595443896373691, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 93.75750300120049, "y": 7.396331630299205, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.314010328940865, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.584403129278517, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 93.79751900760304, "y": 8.377631068613598, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.314010328940865, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.584403129278517, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 93.83753501400561, "y": 8.82117208413729, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.118047301014095, "q_0.175": 5.314010328940865, "q_0.2": 5.4826980112754615, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.584403129278517, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.396331630299205, "q_0.675": 7.504656265577897, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 93.87755102040816, "y": 5.2094776668517895, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.586006206841602, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.729996186871609, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.646901911275965, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 93.91756702681073, "y": 5.744420423879747, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.994955110030511, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 93.95758303321328, "y": 6.510321966120001, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.994955110030511, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 93.99759903961585, "y": 4.56843660938355, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.994955110030511, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.03761504601842, "y": 4.882693316424714, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.994955110030511, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.07763105242097, "y": 5.596754924306473, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.994955110030511, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.11764705882354, "y": 6.757047471097765, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.994955110030511, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.15766306522609, "y": 5.7118098369370545, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.994955110030511, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.19767907162866, "y": 8.560528974284738, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.116926315109529, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.994955110030511, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.855099678303955, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.23769507803122, "y": 6.044330210893478, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.27771108443378, "y": 8.780554280105154, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.31772709083634, "y": 9.009968296794789, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.3577430972389, "y": 6.6183726690495766, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.39775910364146, "y": 5.603748615191543, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.43777511004402, "y": 5.898450604535707, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.47779111644658, "y": 8.108535542540102, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.51780712284915, "y": 5.816014313219066, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.5578231292517, "y": 6.30549773952699, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.59783913565427, "y": 6.752934176496481, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.63785514205682, "y": 7.193804305611335, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.67787114845939, "y": 9.11458573503138, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.117654955947497, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.724301801078898, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.253251670123682, "q_0.4": 6.370240255705349, "q_0.425": 6.47044255141403, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597193347245362, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.71788715486196, "y": 5.631001143383613, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.75790316126451, "y": 6.1844684512491375, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.79791916766708, "y": 5.77199839472142, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.83793517406963, "y": 6.220676133338011, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.8779511804722, "y": 5.033430626849856, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.91796718687475, "y": 6.215854390040508, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.95798319327731, "y": 8.626414190883203, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 94.99799919967988, "y": 5.937552160315894, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.03801520608243, "y": 6.272889904759298, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.465536254452598, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.078031212485, "y": 8.887191425445145, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.465536254452598, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.11804721888755, "y": 7.901397682027765, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.465536254452598, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.15806322529012, "y": 6.9357646949765765, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.60451966408088, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.370240255705349, "q_0.425": 6.465536254452598, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.19807923169267, "y": 8.125731123929855, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.245968280349431, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.390871705727871, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.23809523809524, "y": 5.139702495332067, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.245968280349431, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.390871705727871, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.27811124449781, "y": 6.6990133855678895, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.245968280349431, "q_0.4": 6.370240255705349, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.31812725090036, "y": 5.118047301014095, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.35814325730293, "y": 5.645580863236789, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.39815926370548, "y": 5.226926058720448, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.43817527010805, "y": 6.232252530174902, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.47819127651061, "y": 6.323459702852928, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.51820728291317, "y": 8.908985126808997, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.1742452684924825, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.55822328931573, "y": 5.787542562230623, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.59823929571829, "y": 6.740124079473436, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.63825530212085, "y": 8.290064088436722, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.6782713085234, "y": 8.310184130019666, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.71828731492597, "y": 8.012509576991988, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.75830332132854, "y": 5.898536315686575, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.7983193277311, "y": 6.846229285932902, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.83833533413366, "y": 5.434870098168665, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.87835134053621, "y": 5.445362337985604, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.91836734693878, "y": 6.5776147809679015, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.95838335334135, "y": 7.963071720147777, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 95.9983993597439, "y": 6.993913251319144, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.03841536614647, "y": 8.642029948067592, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.07843137254902, "y": 8.387606655202816, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.11844737895159, "y": 4.730799731903235, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.15846338535414, "y": 7.187863818091271, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.1984793917567, "y": 7.374972633829199, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.23849539815927, "y": 8.988687855912499, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.27851140456183, "y": 4.694172874974996, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.31852741096439, "y": 7.019599914198413, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.35854341736695, "y": 5.526190495924084, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.39855942376951, "y": 4.834738492119293, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.43857543017208, "y": 7.279673239194703, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.47859143657463, "y": 8.12808244001597, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.454014158790365, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.570516710705291, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.377059400424104, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.860603397764244, "q_0.775": 7.976245692643259, "q_0.8": 8.107815238235931, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.594044335676344, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.5186074429772, "y": 8.139162674182916, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.709596251680151, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.853580544883968, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.55862344937975, "y": 4.729386186263482, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.709596251680151, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.853580544883968, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.59863945578232, "y": 6.455223396049245, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.841111830886181, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.63865546218487, "y": 4.795374002248041, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.67867146858744, "y": 5.727387000924436, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.71868747499, "y": 5.476071546860019, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.75870348139256, "y": 5.578754186313811, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.79871948779513, "y": 6.147234318061181, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.83873549419768, "y": 5.864985404400768, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.87875150060025, "y": 9.004725167752092, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.9187675070028, "y": 6.209781935129773, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.95878351340536, "y": 8.694079191281137, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 96.99879951980793, "y": 5.425175682468657, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 97.03881552621048, "y": 8.097568839832103, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 97.07883153261305, "y": 4.87723242573593, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 97.1188475390156, "y": 6.718625662234357, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 97.15886354541817, "y": 4.6219973610606955, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 97.19887955182074, "y": 8.313926240478853, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.456944525411682, "q_0.45": 6.568736824629164, "q_0.475": 6.7077902783888845, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.914009441403124, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.838171093255294, "q_0.775": 7.976245692643259, "q_0.8": 8.086876678316194, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 97.23889555822329, "y": 8.95779178351427, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.7083393640370135, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.849023144623965, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 97.27891156462586, "y": 4.758999105990978, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.7083393640370135, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.849023144623965, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 97.31892757102841, "y": 8.88302550089174, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.10050345105409, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.60090035532502, "q_0.25": 5.708783567339424, "q_0.275": 5.783835662042167, "q_0.3": 5.898450604535707, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.7083393640370135, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.849023144623965, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.304538377149415, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.88147648048192, "q_1": 9.117904357059661}, {"x": 97.35894357743098, "y": 8.149663120061545, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.855099678303955, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.39895958383353, "y": 6.245968280349431, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.855099678303955, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.4389755902361, "y": 8.770775653497267, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.855099678303955, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.47899159663866, "y": 5.959720916527021, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.855099678303955, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.51900760304122, "y": 6.4791162595064655, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.855099678303955, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.55902360944378, "y": 5.044718767099616, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.855099678303955, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.59903961584634, "y": 7.6171997119926855, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.855099678303955, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.6390556222489, "y": 4.737465449225017, "y_pred": 6.753932644595816, "target": "0", "q_0": 4.211386530730391, "q_0.025": 4.5952723636492, "q_0.05": 4.696007135430609, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.291853463588768, "q_0.2": 5.445362337985604, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.783835662042167, "q_0.3": 5.898536315686575, "q_0.325": 6.026098831652635, "q_0.35": 6.1554060397230455, "q_0.375": 6.245968280349431, "q_0.4": 6.364758681587269, "q_0.425": 6.460278013670872, "q_0.45": 6.568736824629164, "q_0.475": 6.710214355423524, "q_0.5": 6.753932644595816, "q_0.525": 6.834613470179619, "q_0.55": 6.9160795254472545, "q_0.575": 6.993913251319144, "q_0.6": 7.145846942462921, "q_0.625": 7.193953346832904, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.729996186871609, "q_0.75": 7.855099678303955, "q_0.775": 7.976245692643259, "q_0.8": 8.092158159258524, "q_0.825": 8.197308002501416, "q_0.85": 8.328220888956123, "q_0.875": 8.494603113876268, "q_0.9": 8.597543237419693, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.67907162865147, "y": 6.828579125837872, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.245968280349431, "q_0.4": 6.370240255705349, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.500490658593364, "q_0.9": 8.606702238234487, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.71908763505402, "y": 7.7397642304098815, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719478550869885, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.500490658593364, "q_0.9": 8.613637896668372, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.75910364145659, "y": 8.374442768160684, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719478550869885, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.500490658593364, "q_0.9": 8.613637896668372, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.79911964785914, "y": 5.291853463588768, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719478550869885, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.860603397764244, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.500490658593364, "q_0.9": 8.613637896668372, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.83913565426171, "y": 8.067469545745688, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.87915166066426, "y": 7.90732776997904, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.91916766706683, "y": 7.175198135307678, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.9591836734694, "y": 7.291032845411248, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 97.99919967987195, "y": 5.0245613460605645, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.87723242573593, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618325241690449, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.03921568627452, "y": 7.365036486519591, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.07923169267707, "y": 6.359407673957779, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.11924769907964, "y": 8.594044335676344, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.1592637054822, "y": 6.045991727725136, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.19927971188476, "y": 7.257843962467477, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.23929571828732, "y": 6.568736824629164, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.27931172468988, "y": 8.636956779745413, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.31932773109244, "y": 5.775953590826922, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.359343737495, "y": 4.971148986294573, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.39935974389756, "y": 8.052332549486678, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.43937575030013, "y": 6.508692197625905, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.47939175670268, "y": 7.319775943699577, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.51940776310525, "y": 4.731751053745287, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.5594237695078, "y": 8.991172421941721, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4588295192146346, "q_0.225": 5.603748615191543, "q_0.25": 5.719410508128275, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917455145857338, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.328220888956123, "q_0.875": 8.501236984713952, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.770775653497267, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.59943977591037, "y": 8.649206225406363, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618159527314881, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.63945578231294, "y": 7.482308856792155, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618159527314881, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.67947178871549, "y": 4.6903125718688194, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618159527314881, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.71948779511806, "y": 6.351923533258781, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618159527314881, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.75950380152061, "y": 9.117904357059661, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618159527314881, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.79951980792318, "y": 7.749408543238138, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.039386478687201, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.618159527314881, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.649206225406363, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.83953581432573, "y": 5.354648463001193, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.65818989658261, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.8795518207283, "y": 6.7344985488390545, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.91956782713086, "y": 9.06553779600127, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.95958383353342, "y": 7.076926267490199, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 98.99959983993598, "y": 4.728470546979986, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.03961584633853, "y": 7.46991407998999, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.0796318527411, "y": 5.865122811368949, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.11964785914365, "y": 5.071625074945647, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.15966386554622, "y": 6.47280484254361, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.19967987194879, "y": 7.1903036562211105, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.23969587835134, "y": 4.696007135430609, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.719682679094714, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.371591548732639, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.757047471097765, "q_0.525": 6.844251125635344, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.481576741542824, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.27971188475391, "y": 7.193953346832904, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.31972789115646, "y": 6.974090481987398, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.256050144293558, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.006226138839089, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.246120396171547, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.927562068158622, "q_0.575": 7.026683492747557, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.617910955751531, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 7.980916032181643, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.616610321711462, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.35974389755903, "y": 8.277610137638758, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.354648463001193, "q_0.2": 5.478417414081877, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.725283272356965, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511672702219997, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.3997599039616, "y": 6.571279519023628, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.354648463001193, "q_0.2": 5.478417414081877, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.725283272356965, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511672702219997, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.43977591036415, "y": 7.170627305099414, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.354648463001193, "q_0.2": 5.478417414081877, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.725283272356965, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511672702219997, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.47979191676671, "y": 8.040490396358344, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.354648463001193, "q_0.2": 5.478417414081877, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.725283272356965, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511672702219997, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.51980792316927, "y": 8.75641470931683, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.773197724835218, "q_0.1": 4.87723242573593, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.354648463001193, "q_0.2": 5.478417414081877, "q_0.225": 5.623111978822796, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.937552160315894, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.725283272356965, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.39349892724248, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108535542540102, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511672702219997, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.55982392957183, "y": 6.372893513759131, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.59983993597439, "y": 7.395264654821521, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.63985594237695, "y": 7.8246675146737825, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.67987194877952, "y": 4.821391386264066, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.71988795518207, "y": 8.315605187091805, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.75990396158464, "y": 6.36360365645803, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.7999199679872, "y": 7.714913754013528, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.83993597438976, "y": 6.799440752029758, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.87995198079233, "y": 7.86433967322054, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.91996798719488, "y": 7.966488456369145, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.844251125635344, "q_0.55": 6.930843118885808, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 99.95998399359745, "y": 5.50862782218625, "y_pred": 6.767875097485854, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.69777579925783, "q_0.075": 4.773197724835218, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.478417414081877, "q_0.225": 5.609825398631992, "q_0.25": 5.727387000924436, "q_0.275": 5.797198210916315, "q_0.3": 5.909160566020582, "q_0.325": 6.044330210893478, "q_0.35": 6.1844684512491375, "q_0.375": 6.269383563495164, "q_0.4": 6.372893513759131, "q_0.425": 6.4791162595064655, "q_0.45": 6.5776147809679015, "q_0.475": 6.718625662234357, "q_0.5": 6.767875097485854, "q_0.525": 6.846229285932902, "q_0.55": 6.9357646949765765, "q_0.575": 7.026683492747557, "q_0.6": 7.163454430668503, "q_0.625": 7.257843962467477, "q_0.65": 7.388244484213244, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.003396375626119, "q_0.8": 8.108371794791108, "q_0.825": 8.218474484144245, "q_0.85": 8.333461920170596, "q_0.875": 8.511539494434864, "q_0.9": 8.621327218104792, "q_0.925": 8.660299510850912, "q_0.95": 8.780554280105154, "q_0.975": 8.887191425445145, "q_1": 9.117904357059661}, {"x": 100.0, "y": 7.680986707663319, "y_pred": 6.757047471097765, "target": "0", "q_0": 4.3708626516283235, "q_0.025": 4.6219973610606955, "q_0.05": 4.706679514948626, "q_0.075": 4.758999105990978, "q_0.1": 4.875801950284103, "q_0.125": 5.0081247609927, "q_0.15": 5.111303275047512, "q_0.175": 5.314010328940865, "q_0.2": 5.4741072109626785, "q_0.225": 5.603748615191543, "q_0.25": 5.724301801078898, "q_0.275": 5.787542562230623, "q_0.3": 5.898536315686575, "q_0.325": 6.038294202381151, "q_0.35": 6.180114464839802, "q_0.375": 6.245968280349431, "q_0.4": 6.372893513759131, "q_0.425": 6.47280484254361, "q_0.45": 6.571279519023628, "q_0.475": 6.712743216244316, "q_0.5": 6.757047471097765, "q_0.525": 6.834613470179619, "q_0.55": 6.917009181616521, "q_0.575": 6.996889990494486, "q_0.6": 7.157604606791473, "q_0.625": 7.230209559757361, "q_0.65": 7.365036486519591, "q_0.675": 7.482308856792155, "q_0.7": 7.619277132554094, "q_0.725": 7.7397642304098815, "q_0.75": 7.86433967322054, "q_0.775": 8.012395823707582, "q_0.8": 8.108535542540102, "q_0.825": 8.21869896050462, "q_0.85": 8.333461920170596, "q_0.875": 8.52676812225451, "q_0.9": 8.621327218104792, "q_0.925": 8.661674632929188, "q_0.95": 8.782561436427532, "q_0.975": 8.908699687712478, "q_1": 9.117904357059661}, {"x": 0.0, "y": 0.0, "y_pred": 0.5953915950057604, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.0, "q_0.075": 0.18702159736751542, "q_0.1": 0.18702159736751542, "q_0.125": 0.2788707583992151, "q_0.15": 0.2788707583992151, "q_0.175": 0.3344400356338557, "q_0.2": 0.3344400356338557, "q_0.225": 0.3945154846394395, "q_0.25": 0.3945154846394395, "q_0.275": 0.4100651999581945, "q_0.3": 0.4162641190228647, "q_0.325": 0.4162641190228647, "q_0.35": 0.4656934360380208, "q_0.375": 0.4656934360380208, "q_0.4": 0.48669645950766116, "q_0.425": 0.48669645950766116, "q_0.45": 0.5730402111792994, "q_0.475": 0.5730402111792994, "q_0.5": 0.5953915950057604, "q_0.525": 0.623873369499546, "q_0.55": 0.623873369499546, "q_0.575": 0.6421141058720687, "q_0.6": 0.6421141058720687, "q_0.625": 0.7175496256918212, "q_0.65": 0.7422982104950082, "q_0.675": 0.7422982104950082, "q_0.7": 0.7445041060908579, "q_0.725": 0.7559809643754105, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8087226266435009, "q_0.85": 0.8422038224466747, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.040016006402561026, "y": 0.18702159736751542, "y_pred": 0.5953915950057604, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.0, "q_0.075": 0.18702159736751542, "q_0.1": 0.18702159736751542, "q_0.125": 0.2788707583992151, "q_0.15": 0.2788707583992151, "q_0.175": 0.3344400356338557, "q_0.2": 0.3344400356338557, "q_0.225": 0.3945154846394395, "q_0.25": 0.3945154846394395, "q_0.275": 0.4100651999581945, "q_0.3": 0.4162641190228647, "q_0.325": 0.4162641190228647, "q_0.35": 0.4656934360380208, "q_0.375": 0.4656934360380208, "q_0.4": 0.48669645950766116, "q_0.425": 0.48669645950766116, "q_0.45": 0.5730402111792994, "q_0.475": 0.5730402111792994, "q_0.5": 0.5953915950057604, "q_0.525": 0.623873369499546, "q_0.55": 0.623873369499546, "q_0.575": 0.6421141058720687, "q_0.6": 0.6421141058720687, "q_0.625": 0.7175496256918212, "q_0.65": 0.7422982104950082, "q_0.675": 0.7422982104950082, "q_0.7": 0.7445041060908579, "q_0.725": 0.7559809643754105, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8087226266435009, "q_0.85": 0.8422038224466747, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.08003201280512205, "y": 0.2788707583992151, "y_pred": 0.5953915950057604, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.0, "q_0.075": 0.18702159736751542, "q_0.1": 0.18702159736751542, "q_0.125": 0.2788707583992151, "q_0.15": 0.2788707583992151, "q_0.175": 0.3344400356338557, "q_0.2": 0.3344400356338557, "q_0.225": 0.3945154846394395, "q_0.25": 0.3945154846394395, "q_0.275": 0.4100651999581945, "q_0.3": 0.4162641190228647, "q_0.325": 0.4162641190228647, "q_0.35": 0.4656934360380208, "q_0.375": 0.4656934360380208, "q_0.4": 0.48669645950766116, "q_0.425": 0.48669645950766116, "q_0.45": 0.5730402111792994, "q_0.475": 0.5730402111792994, "q_0.5": 0.5953915950057604, "q_0.525": 0.623873369499546, "q_0.55": 0.623873369499546, "q_0.575": 0.6421141058720687, "q_0.6": 0.6421141058720687, "q_0.625": 0.7175496256918212, "q_0.65": 0.7422982104950082, "q_0.675": 0.7422982104950082, "q_0.7": 0.7445041060908579, "q_0.725": 0.7559809643754105, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8087226266435009, "q_0.85": 0.8422038224466747, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.12004801920768307, "y": 0.3344400356338557, "y_pred": 0.5953915950057604, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.0, "q_0.075": 0.18702159736751542, "q_0.1": 0.18702159736751542, "q_0.125": 0.2788707583992151, "q_0.15": 0.2788707583992151, "q_0.175": 0.3344400356338557, "q_0.2": 0.3344400356338557, "q_0.225": 0.3945154846394395, "q_0.25": 0.3945154846394395, "q_0.275": 0.4100651999581945, "q_0.3": 0.4162641190228647, "q_0.325": 0.4162641190228647, "q_0.35": 0.4656934360380208, "q_0.375": 0.4656934360380208, "q_0.4": 0.48669645950766116, "q_0.425": 0.48669645950766116, "q_0.45": 0.5730402111792994, "q_0.475": 0.5730402111792994, "q_0.5": 0.5953915950057604, "q_0.525": 0.623873369499546, "q_0.55": 0.623873369499546, "q_0.575": 0.6421141058720687, "q_0.6": 0.6421141058720687, "q_0.625": 0.7175496256918212, "q_0.65": 0.7422982104950082, "q_0.675": 0.7422982104950082, "q_0.7": 0.7445041060908579, "q_0.725": 0.7559809643754105, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8087226266435009, "q_0.85": 0.8422038224466747, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.1600640256102441, "y": 0.4100651999581945, "y_pred": 0.5953915950057604, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.0, "q_0.075": 0.18702159736751542, "q_0.1": 0.18702159736751542, "q_0.125": 0.2788707583992151, "q_0.15": 0.2788707583992151, "q_0.175": 0.3344400356338557, "q_0.2": 0.3344400356338557, "q_0.225": 0.3945154846394395, "q_0.25": 0.3945154846394395, "q_0.275": 0.4100651999581945, "q_0.3": 0.4162641190228647, "q_0.325": 0.4162641190228647, "q_0.35": 0.4656934360380208, "q_0.375": 0.4656934360380208, "q_0.4": 0.48669645950766116, "q_0.425": 0.48669645950766116, "q_0.45": 0.5730402111792994, "q_0.475": 0.5730402111792994, "q_0.5": 0.5953915950057604, "q_0.525": 0.623873369499546, "q_0.55": 0.623873369499546, "q_0.575": 0.6421141058720687, "q_0.6": 0.6421141058720687, "q_0.625": 0.7175496256918212, "q_0.65": 0.7422982104950082, "q_0.675": 0.7422982104950082, "q_0.7": 0.7445041060908579, "q_0.725": 0.7559809643754105, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8087226266435009, "q_0.85": 0.8422038224466747, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.20008003201280514, "y": 0.3945154846394395, "y_pred": 0.5953915950057604, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.0, "q_0.075": 0.18702159736751542, "q_0.1": 0.18702159736751542, "q_0.125": 0.2788707583992151, "q_0.15": 0.2788707583992151, "q_0.175": 0.3344400356338557, "q_0.2": 0.3344400356338557, "q_0.225": 0.3945154846394395, "q_0.25": 0.3945154846394395, "q_0.275": 0.4100651999581945, "q_0.3": 0.4162641190228647, "q_0.325": 0.4162641190228647, "q_0.35": 0.4656934360380208, "q_0.375": 0.4656934360380208, "q_0.4": 0.48669645950766116, "q_0.425": 0.48669645950766116, "q_0.45": 0.5730402111792994, "q_0.475": 0.5730402111792994, "q_0.5": 0.5953915950057604, "q_0.525": 0.623873369499546, "q_0.55": 0.623873369499546, "q_0.575": 0.6421141058720687, "q_0.6": 0.6421141058720687, "q_0.625": 0.7175496256918212, "q_0.65": 0.7422982104950082, "q_0.675": 0.7422982104950082, "q_0.7": 0.7445041060908579, "q_0.725": 0.7559809643754105, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8087226266435009, "q_0.85": 0.8422038224466747, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.24009603841536614, "y": 0.4162641190228647, "y_pred": 0.5953915950057604, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.0, "q_0.075": 0.18702159736751542, "q_0.1": 0.18702159736751542, "q_0.125": 0.2788707583992151, "q_0.15": 0.2788707583992151, "q_0.175": 0.3344400356338557, "q_0.2": 0.3344400356338557, "q_0.225": 0.3945154846394395, "q_0.25": 0.3945154846394395, "q_0.275": 0.4100651999581945, "q_0.3": 0.4162641190228647, "q_0.325": 0.4162641190228647, "q_0.35": 0.4656934360380208, "q_0.375": 0.4656934360380208, "q_0.4": 0.48669645950766116, "q_0.425": 0.48669645950766116, "q_0.45": 0.5730402111792994, "q_0.475": 0.5730402111792994, "q_0.5": 0.5953915950057604, "q_0.525": 0.623873369499546, "q_0.55": 0.623873369499546, "q_0.575": 0.6421141058720687, "q_0.6": 0.6421141058720687, "q_0.625": 0.7175496256918212, "q_0.65": 0.7422982104950082, "q_0.675": 0.7422982104950082, "q_0.7": 0.7445041060908579, "q_0.725": 0.7559809643754105, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8087226266435009, "q_0.85": 0.8422038224466747, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.2801120448179272, "y": 0.4656934360380208, "y_pred": 0.5953915950057604, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.0, "q_0.075": 0.18702159736751542, "q_0.1": 0.18702159736751542, "q_0.125": 0.2788707583992151, "q_0.15": 0.2788707583992151, "q_0.175": 0.3344400356338557, "q_0.2": 0.3344400356338557, "q_0.225": 0.3945154846394395, "q_0.25": 0.3945154846394395, "q_0.275": 0.4100651999581945, "q_0.3": 0.4162641190228647, "q_0.325": 0.4162641190228647, "q_0.35": 0.4656934360380208, "q_0.375": 0.4656934360380208, "q_0.4": 0.48669645950766116, "q_0.425": 0.48669645950766116, "q_0.45": 0.5730402111792994, "q_0.475": 0.5730402111792994, "q_0.5": 0.5953915950057604, "q_0.525": 0.623873369499546, "q_0.55": 0.623873369499546, "q_0.575": 0.6421141058720687, "q_0.6": 0.6421141058720687, "q_0.625": 0.7175496256918212, "q_0.65": 0.7422982104950082, "q_0.675": 0.7422982104950082, "q_0.7": 0.7445041060908579, "q_0.725": 0.7559809643754105, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8087226266435009, "q_0.85": 0.8422038224466747, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.3201280512204882, "y": 0.48669645950766116, "y_pred": 0.5953915950057604, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.0, "q_0.075": 0.18702159736751542, "q_0.1": 0.18702159736751542, "q_0.125": 0.2788707583992151, "q_0.15": 0.2788707583992151, "q_0.175": 0.3344400356338557, "q_0.2": 0.3344400356338557, "q_0.225": 0.3945154846394395, "q_0.25": 0.3945154846394395, "q_0.275": 0.4100651999581945, "q_0.3": 0.4162641190228647, "q_0.325": 0.4162641190228647, "q_0.35": 0.4656934360380208, "q_0.375": 0.4656934360380208, "q_0.4": 0.48669645950766116, "q_0.425": 0.48669645950766116, "q_0.45": 0.5730402111792994, "q_0.475": 0.5730402111792994, "q_0.5": 0.5953915950057604, "q_0.525": 0.623873369499546, "q_0.55": 0.623873369499546, "q_0.575": 0.6421141058720687, "q_0.6": 0.6421141058720687, "q_0.625": 0.7175496256918212, "q_0.65": 0.7422982104950082, "q_0.675": 0.7422982104950082, "q_0.7": 0.7445041060908579, "q_0.725": 0.7559809643754105, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8087226266435009, "q_0.85": 0.8422038224466747, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.36014405762304924, "y": 0.5953915950057604, "y_pred": 0.623873369499546, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.18702159736751542, "q_0.1": 0.2788707583992151, "q_0.125": 0.2788707583992151, "q_0.15": 0.3344400356338557, "q_0.175": 0.3344400356338557, "q_0.2": 0.3945154846394395, "q_0.225": 0.3945154846394395, "q_0.25": 0.4100651999581945, "q_0.275": 0.4162641190228647, "q_0.3": 0.4162641190228647, "q_0.325": 0.4656934360380208, "q_0.35": 0.4656934360380208, "q_0.375": 0.48669645950766116, "q_0.4": 0.48669645950766116, "q_0.425": 0.5730402111792994, "q_0.45": 0.5953915950057604, "q_0.475": 0.5953915950057604, "q_0.5": 0.623873369499546, "q_0.525": 0.623873369499546, "q_0.55": 0.6421141058720687, "q_0.575": 0.6421141058720687, "q_0.6": 0.7175496256918212, "q_0.625": 0.7422982104950082, "q_0.65": 0.7422982104950082, "q_0.675": 0.7445041060908579, "q_0.7": 0.7559809643754105, "q_0.725": 0.7682250470374827, "q_0.75": 0.7682250470374827, "q_0.775": 0.7949705775167532, "q_0.8": 0.7949705775167532, "q_0.825": 0.8422038224466747, "q_0.85": 0.8641347288534107, "q_0.875": 0.8641347288534107, "q_0.9": 0.9682152820895437, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.0964317957393261, "q_1": 1.4419645713309863}, {"x": 0.4001600640256103, "y": 0.623873369499546, "y_pred": 0.6421141058720687, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.18702159736751542, "q_0.1": 0.2788707583992151, "q_0.125": 0.3344400356338557, "q_0.15": 0.3344400356338557, "q_0.175": 0.3945154846394395, "q_0.2": 0.3945154846394395, "q_0.225": 0.4100651999581945, "q_0.25": 0.4162641190228647, "q_0.275": 0.4162641190228647, "q_0.3": 0.4656934360380208, "q_0.325": 0.48669645950766116, "q_0.35": 0.48669645950766116, "q_0.375": 0.5730402111792994, "q_0.4": 0.5730402111792994, "q_0.425": 0.5953915950057604, "q_0.45": 0.623873369499546, "q_0.475": 0.623873369499546, "q_0.5": 0.6421141058720687, "q_0.525": 0.6421141058720687, "q_0.55": 0.7175496256918212, "q_0.575": 0.7175496256918212, "q_0.6": 0.7422982104950082, "q_0.625": 0.7422982104950082, "q_0.65": 0.7445041060908579, "q_0.675": 0.7559809643754105, "q_0.7": 0.7682250470374827, "q_0.725": 0.7682250470374827, "q_0.75": 0.7949705775167532, "q_0.775": 0.7949705775167532, "q_0.8": 0.8087226266435009, "q_0.825": 0.8422038224466747, "q_0.85": 0.8641347288534107, "q_0.875": 0.9682152820895437, "q_0.9": 0.990786762336443, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.135054824163709, "q_1": 1.4419645713309863}, {"x": 0.4401760704281713, "y": 0.6421141058720687, "y_pred": 0.6421141058720687, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.18702159736751542, "q_0.1": 0.2788707583992151, "q_0.125": 0.3344400356338557, "q_0.15": 0.3344400356338557, "q_0.175": 0.3945154846394395, "q_0.2": 0.3945154846394395, "q_0.225": 0.4100651999581945, "q_0.25": 0.4162641190228647, "q_0.275": 0.4162641190228647, "q_0.3": 0.4656934360380208, "q_0.325": 0.48669645950766116, "q_0.35": 0.48669645950766116, "q_0.375": 0.5730402111792994, "q_0.4": 0.5730402111792994, "q_0.425": 0.5953915950057604, "q_0.45": 0.623873369499546, "q_0.475": 0.623873369499546, "q_0.5": 0.6421141058720687, "q_0.525": 0.6421141058720687, "q_0.55": 0.7175496256918212, "q_0.575": 0.7175496256918212, "q_0.6": 0.7422982104950082, "q_0.625": 0.7422982104950082, "q_0.65": 0.7445041060908579, "q_0.675": 0.7559809643754105, "q_0.7": 0.7682250470374827, "q_0.725": 0.7682250470374827, "q_0.75": 0.7949705775167532, "q_0.775": 0.7949705775167532, "q_0.8": 0.8087226266435009, "q_0.825": 0.8422038224466747, "q_0.85": 0.8641347288534107, "q_0.875": 0.9682152820895437, "q_0.9": 0.990786762336443, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.135054824163709, "q_1": 1.4419645713309863}, {"x": 0.4801920768307323, "y": 0.5730402111792994, "y_pred": 0.6421141058720687, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.18702159736751542, "q_0.1": 0.2788707583992151, "q_0.125": 0.3344400356338557, "q_0.15": 0.3344400356338557, "q_0.175": 0.3945154846394395, "q_0.2": 0.3945154846394395, "q_0.225": 0.4100651999581945, "q_0.25": 0.4162641190228647, "q_0.275": 0.4162641190228647, "q_0.3": 0.4656934360380208, "q_0.325": 0.48669645950766116, "q_0.35": 0.48669645950766116, "q_0.375": 0.5730402111792994, "q_0.4": 0.5730402111792994, "q_0.425": 0.5953915950057604, "q_0.45": 0.623873369499546, "q_0.475": 0.623873369499546, "q_0.5": 0.6421141058720687, "q_0.525": 0.6421141058720687, "q_0.55": 0.7175496256918212, "q_0.575": 0.7175496256918212, "q_0.6": 0.7422982104950082, "q_0.625": 0.7422982104950082, "q_0.65": 0.7445041060908579, "q_0.675": 0.7559809643754105, "q_0.7": 0.7682250470374827, "q_0.725": 0.7682250470374827, "q_0.75": 0.7949705775167532, "q_0.775": 0.7949705775167532, "q_0.8": 0.8087226266435009, "q_0.825": 0.8422038224466747, "q_0.85": 0.8641347288534107, "q_0.875": 0.9682152820895437, "q_0.9": 0.990786762336443, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.135054824163709, "q_1": 1.4419645713309863}, {"x": 0.5202080832332934, "y": 0.7422982104950082, "y_pred": 0.6421141058720687, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.2788707583992151, "q_0.1": 0.2788707583992151, "q_0.125": 0.3344400356338557, "q_0.15": 0.3945154846394395, "q_0.175": 0.3945154846394395, "q_0.2": 0.4100651999581945, "q_0.225": 0.4162641190228647, "q_0.25": 0.4162641190228647, "q_0.275": 0.4656934360380208, "q_0.3": 0.48669645950766116, "q_0.325": 0.48669645950766116, "q_0.35": 0.5730402111792994, "q_0.375": 0.5925976720274528, "q_0.4": 0.5953915950057604, "q_0.425": 0.623873369499546, "q_0.45": 0.6421141058720687, "q_0.475": 0.6421141058720687, "q_0.5": 0.6421141058720687, "q_0.525": 0.7175496256918212, "q_0.55": 0.7422982104950082, "q_0.575": 0.7422982104950082, "q_0.6": 0.7445041060908579, "q_0.625": 0.7559809643754105, "q_0.65": 0.7559809643754105, "q_0.675": 0.7682250470374827, "q_0.7": 0.7682250470374827, "q_0.725": 0.7949705775167532, "q_0.75": 0.7949705775167532, "q_0.775": 0.8087226266435009, "q_0.8": 0.8422038224466747, "q_0.825": 0.8641347288534107, "q_0.85": 0.8641347288534107, "q_0.875": 0.9682152820895437, "q_0.9": 0.990786762336443, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.2193861284805907, "q_1": 1.4419645713309863}, {"x": 0.5602240896358543, "y": 0.7949705775167532, "y_pred": 0.6421141058720687, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.2788707583992151, "q_0.1": 0.2788707583992151, "q_0.125": 0.3344400356338557, "q_0.15": 0.3945154846394395, "q_0.175": 0.3945154846394395, "q_0.2": 0.4100651999581945, "q_0.225": 0.4162641190228647, "q_0.25": 0.4162641190228647, "q_0.275": 0.4656934360380208, "q_0.3": 0.48669645950766116, "q_0.325": 0.48669645950766116, "q_0.35": 0.5730402111792994, "q_0.375": 0.5925976720274528, "q_0.4": 0.5953915950057604, "q_0.425": 0.623873369499546, "q_0.45": 0.6421141058720687, "q_0.475": 0.6421141058720687, "q_0.5": 0.6421141058720687, "q_0.525": 0.7175496256918212, "q_0.55": 0.7422982104950082, "q_0.575": 0.7422982104950082, "q_0.6": 0.7445041060908579, "q_0.625": 0.7559809643754105, "q_0.65": 0.7559809643754105, "q_0.675": 0.7682250470374827, "q_0.7": 0.7682250470374827, "q_0.725": 0.7949705775167532, "q_0.75": 0.7949705775167532, "q_0.775": 0.8087226266435009, "q_0.8": 0.8422038224466747, "q_0.825": 0.8641347288534107, "q_0.85": 0.8641347288534107, "q_0.875": 0.9682152820895437, "q_0.9": 0.990786762336443, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.2193861284805907, "q_1": 1.4419645713309863}, {"x": 0.6002400960384154, "y": 0.7131839473618662, "y_pred": 0.6421141058720687, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.2788707583992151, "q_0.1": 0.2788707583992151, "q_0.125": 0.3344400356338557, "q_0.15": 0.3945154846394395, "q_0.175": 0.3945154846394395, "q_0.2": 0.4100651999581945, "q_0.225": 0.4162641190228647, "q_0.25": 0.4162641190228647, "q_0.275": 0.4656934360380208, "q_0.3": 0.48669645950766116, "q_0.325": 0.48669645950766116, "q_0.35": 0.5730402111792994, "q_0.375": 0.5925976720274528, "q_0.4": 0.5953915950057604, "q_0.425": 0.623873369499546, "q_0.45": 0.6421141058720687, "q_0.475": 0.6421141058720687, "q_0.5": 0.6421141058720687, "q_0.525": 0.7175496256918212, "q_0.55": 0.7422982104950082, "q_0.575": 0.7422982104950082, "q_0.6": 0.7445041060908579, "q_0.625": 0.7559809643754105, "q_0.65": 0.7559809643754105, "q_0.675": 0.7682250470374827, "q_0.7": 0.7682250470374827, "q_0.725": 0.7949705775167532, "q_0.75": 0.7949705775167532, "q_0.775": 0.8087226266435009, "q_0.8": 0.8422038224466747, "q_0.825": 0.8641347288534107, "q_0.85": 0.8641347288534107, "q_0.875": 0.9682152820895437, "q_0.9": 0.990786762336443, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.2193861284805907, "q_1": 1.4419645713309863}, {"x": 0.6402561024409764, "y": 0.7682250470374827, "y_pred": 0.6421141058720687, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.2788707583992151, "q_0.1": 0.2788707583992151, "q_0.125": 0.3344400356338557, "q_0.15": 0.3945154846394395, "q_0.175": 0.3945154846394395, "q_0.2": 0.4100651999581945, "q_0.225": 0.4162641190228647, "q_0.25": 0.4162641190228647, "q_0.275": 0.4656934360380208, "q_0.3": 0.48669645950766116, "q_0.325": 0.48669645950766116, "q_0.35": 0.5730402111792994, "q_0.375": 0.5925976720274528, "q_0.4": 0.5953915950057604, "q_0.425": 0.623873369499546, "q_0.45": 0.6421141058720687, "q_0.475": 0.6421141058720687, "q_0.5": 0.6421141058720687, "q_0.525": 0.7175496256918212, "q_0.55": 0.7422982104950082, "q_0.575": 0.7422982104950082, "q_0.6": 0.7445041060908579, "q_0.625": 0.7559809643754105, "q_0.65": 0.7559809643754105, "q_0.675": 0.7682250470374827, "q_0.7": 0.7682250470374827, "q_0.725": 0.7949705775167532, "q_0.75": 0.7949705775167532, "q_0.775": 0.8087226266435009, "q_0.8": 0.8422038224466747, "q_0.825": 0.8641347288534107, "q_0.85": 0.8641347288534107, "q_0.875": 0.9682152820895437, "q_0.9": 0.990786762336443, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.2193861284805907, "q_1": 1.4419645713309863}, {"x": 0.6802721088435374, "y": 0.7480509716517105, "y_pred": 0.6421141058720687, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.2788707583992151, "q_0.1": 0.2788707583992151, "q_0.125": 0.3344400356338557, "q_0.15": 0.3945154846394395, "q_0.175": 0.3945154846394395, "q_0.2": 0.4100651999581945, "q_0.225": 0.4162641190228647, "q_0.25": 0.4162641190228647, "q_0.275": 0.4656934360380208, "q_0.3": 0.48669645950766116, "q_0.325": 0.48669645950766116, "q_0.35": 0.5730402111792994, "q_0.375": 0.5925976720274528, "q_0.4": 0.5953915950057604, "q_0.425": 0.623873369499546, "q_0.45": 0.6421141058720687, "q_0.475": 0.6421141058720687, "q_0.5": 0.6421141058720687, "q_0.525": 0.7175496256918212, "q_0.55": 0.7422982104950082, "q_0.575": 0.7422982104950082, "q_0.6": 0.7445041060908579, "q_0.625": 0.7559809643754105, "q_0.65": 0.7559809643754105, "q_0.675": 0.7682250470374827, "q_0.7": 0.7682250470374827, "q_0.725": 0.7949705775167532, "q_0.75": 0.7949705775167532, "q_0.775": 0.8087226266435009, "q_0.8": 0.8422038224466747, "q_0.825": 0.8641347288534107, "q_0.85": 0.8641347288534107, "q_0.875": 0.9682152820895437, "q_0.9": 0.990786762336443, "q_0.925": 0.990786762336443, "q_0.95": 1.0964317957393261, "q_0.975": 1.2193861284805907, "q_1": 1.4419645713309863}, {"x": 0.7202881152460985, "y": 0.7017012432571841, "y_pred": 0.7422982104950082, "target": "1", "q_0": 0.0, "q_0.025": 0.0, "q_0.05": 0.18702159736751542, "q_0.075": 0.2788707583992151, "q_0.1": 0.3344400356338557, "q_0.125": 0.3945154846394395, "q_0.15": 0.3945154846394395, "q_0.175": 0.4100651999581945, "q_0.2": 0.4162641190228647, "q_0.225": 0.4656934360380208, "q_0.25": 0.4656934360380208, "q_0.275": 0.48669645950766116, "q_0.3": 0.5730402111792994, "q_0.325": 0.5953915950057604, "q_0.35": 0.623873369499546, "q_0.375": 0.623873369499546, "q_0.4": 0.6421141058720687, "q_0.425": 0.7175496256918212, "q_0.45": 0.7175496256918212, "q_0.475": 0.7422982104950082, "q_0.5": 0.7422982104950082, "q_0.525": 0.7445041060908579, "q_0.55": 0.7445041060908579, "q_0.575": 0.7559809643754105, "q_0.6": 0.7682250470374827, "q_0.625": 0.7682250470374827, "q_0.65": 0.7949705775167532, "q_0.675": 0.7949705775167532, "q_0.7": 0.8087226266435009, "q_0.725": 0.8422038224466747, "q_0.75": 0.8641347288534107, "q_0.775": 0.8641347288534107, "q_0.8": 0.9682152820895437, "q_0.825": 0.9682152820895437, "q_0.85": 0.990786762336443, "q_0.875": 0.990786762336443, "q_0.9": 1.0964317957393261, "q_0.925": 1.0964317957393261, "q_0.95": 1.2243623924114388, "q_0.975": 1.3085182313927775, "q_1": 1.8071824118200865}, {"x": 0.7603041216486595, "y": 0.7191778604925515, "y_pred": 0.7559809643754105, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.2788707583992151, "q_0.075": 0.3344400356338557, "q_0.1": 0.3945154846394395, "q_0.125": 0.4100651999581945, "q_0.15": 0.4162641190228647, "q_0.175": 0.4656934360380208, "q_0.2": 0.48669645950766116, "q_0.225": 0.5730402111792994, "q_0.25": 0.5953915950057604, "q_0.275": 0.623873369499546, "q_0.3": 0.6421141058720687, "q_0.325": 0.6421141058720687, "q_0.35": 0.7175496256918212, "q_0.375": 0.7175496256918212, "q_0.4": 0.7422982104950082, "q_0.425": 0.7445041060908579, "q_0.45": 0.7445041060908579, "q_0.475": 0.7559809643754105, "q_0.5": 0.7559809643754105, "q_0.525": 0.7682250470374827, "q_0.55": 0.7949705775167532, "q_0.575": 0.7949705775167532, "q_0.6": 0.8087226266435009, "q_0.625": 0.8422038224466747, "q_0.65": 0.8422038224466747, "q_0.675": 0.8641347288534107, "q_0.7": 0.8641347288534107, "q_0.725": 0.9470878405277132, "q_0.75": 0.9682152820895437, "q_0.775": 0.990786762336443, "q_0.8": 0.990786762336443, "q_0.825": 1.020968240465803, "q_0.85": 1.0964317957393261, "q_0.875": 1.0964317957393261, "q_0.9": 1.1993575392190896, "q_0.925": 1.2243623924114388, "q_0.95": 1.3081999644746116, "q_0.975": 1.4419645713309863, "q_1": 1.8071824118200865}, {"x": 0.8003201280512205, "y": 0.7445041060908579, "y_pred": 0.7559809643754105, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.2788707583992151, "q_0.075": 0.3344400356338557, "q_0.1": 0.3945154846394395, "q_0.125": 0.4100651999581945, "q_0.15": 0.4162641190228647, "q_0.175": 0.4656934360380208, "q_0.2": 0.48669645950766116, "q_0.225": 0.5730402111792994, "q_0.25": 0.5953915950057604, "q_0.275": 0.623873369499546, "q_0.3": 0.6421141058720687, "q_0.325": 0.6421141058720687, "q_0.35": 0.7175496256918212, "q_0.375": 0.7175496256918212, "q_0.4": 0.7422982104950082, "q_0.425": 0.7445041060908579, "q_0.45": 0.7445041060908579, "q_0.475": 0.7559809643754105, "q_0.5": 0.7559809643754105, "q_0.525": 0.7682250470374827, "q_0.55": 0.7949705775167532, "q_0.575": 0.7949705775167532, "q_0.6": 0.8087226266435009, "q_0.625": 0.8422038224466747, "q_0.65": 0.8422038224466747, "q_0.675": 0.8641347288534107, "q_0.7": 0.8641347288534107, "q_0.725": 0.9682152820895437, "q_0.75": 0.9682152820895437, "q_0.775": 0.990786762336443, "q_0.8": 0.990786762336443, "q_0.825": 1.0385793389662257, "q_0.85": 1.0964317957393261, "q_0.875": 1.0964317957393261, "q_0.9": 1.1993575392190896, "q_0.925": 1.2243623924114388, "q_0.95": 1.3081999644746116, "q_0.975": 1.4419645713309863, "q_1": 1.8071824118200865}, {"x": 0.8403361344537815, "y": 0.7175496256918212, "y_pred": 0.7559809643754105, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.2788707583992151, "q_0.075": 0.3344400356338557, "q_0.1": 0.3945154846394395, "q_0.125": 0.4100651999581945, "q_0.15": 0.4162641190228647, "q_0.175": 0.4656934360380208, "q_0.2": 0.48669645950766116, "q_0.225": 0.5730402111792994, "q_0.25": 0.5953915950057604, "q_0.275": 0.623873369499546, "q_0.3": 0.6421141058720687, "q_0.325": 0.6421141058720687, "q_0.35": 0.7175496256918212, "q_0.375": 0.7175496256918212, "q_0.4": 0.7422982104950082, "q_0.425": 0.7445041060908579, "q_0.45": 0.7445041060908579, "q_0.475": 0.7559809643754105, "q_0.5": 0.7559809643754105, "q_0.525": 0.7682250470374827, "q_0.55": 0.7949705775167532, "q_0.575": 0.7949705775167532, "q_0.6": 0.8087226266435009, "q_0.625": 0.8422038224466747, "q_0.65": 0.8422038224466747, "q_0.675": 0.8641347288534107, "q_0.7": 0.8641347288534107, "q_0.725": 0.9682152820895437, "q_0.75": 0.9682152820895437, "q_0.775": 0.990786762336443, "q_0.8": 0.990786762336443, "q_0.825": 1.0385793389662257, "q_0.85": 1.0964317957393261, "q_0.875": 1.0964317957393261, "q_0.9": 1.1993575392190896, "q_0.925": 1.2243623924114388, "q_0.95": 1.3081999644746116, "q_0.975": 1.4419645713309863, "q_1": 1.8071824118200865}, {"x": 0.8803521408563426, "y": 0.990786762336443, "y_pred": 0.7559809643754105, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.2788707583992151, "q_0.075": 0.3344400356338557, "q_0.1": 0.3945154846394395, "q_0.125": 0.4100651999581945, "q_0.15": 0.4162641190228647, "q_0.175": 0.4656934360380208, "q_0.2": 0.48669645950766116, "q_0.225": 0.5730402111792994, "q_0.25": 0.5953915950057604, "q_0.275": 0.623873369499546, "q_0.3": 0.6421141058720687, "q_0.325": 0.6421141058720687, "q_0.35": 0.7175496256918212, "q_0.375": 0.7175496256918212, "q_0.4": 0.7422982104950082, "q_0.425": 0.7445041060908579, "q_0.45": 0.7445041060908579, "q_0.475": 0.7559809643754105, "q_0.5": 0.7559809643754105, "q_0.525": 0.7682250470374827, "q_0.55": 0.7949705775167532, "q_0.575": 0.7949705775167532, "q_0.6": 0.8087226266435009, "q_0.625": 0.8422038224466747, "q_0.65": 0.8422038224466747, "q_0.675": 0.8641347288534107, "q_0.7": 0.8641347288534107, "q_0.725": 0.9682152820895437, "q_0.75": 0.9682152820895437, "q_0.775": 0.990786762336443, "q_0.8": 0.990786762336443, "q_0.825": 1.0385793389662257, "q_0.85": 1.0964317957393261, "q_0.875": 1.0964317957393261, "q_0.9": 1.1993575392190896, "q_0.925": 1.2243623924114388, "q_0.95": 1.3081999644746116, "q_0.975": 1.4419645713309863, "q_1": 1.8071824118200865}, {"x": 0.9203681472589036, "y": 0.9975743167676481, "y_pred": 0.7559809643754105, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.2788707583992151, "q_0.075": 0.3344400356338557, "q_0.1": 0.3945154846394395, "q_0.125": 0.4100651999581945, "q_0.15": 0.4162641190228647, "q_0.175": 0.4656934360380208, "q_0.2": 0.48669645950766116, "q_0.225": 0.5730402111792994, "q_0.25": 0.5953915950057604, "q_0.275": 0.623873369499546, "q_0.3": 0.6421141058720687, "q_0.325": 0.6421141058720687, "q_0.35": 0.7175496256918212, "q_0.375": 0.7175496256918212, "q_0.4": 0.7422982104950082, "q_0.425": 0.7445041060908579, "q_0.45": 0.7445041060908579, "q_0.475": 0.7559809643754105, "q_0.5": 0.7559809643754105, "q_0.525": 0.7682250470374827, "q_0.55": 0.7949705775167532, "q_0.575": 0.7949705775167532, "q_0.6": 0.8087226266435009, "q_0.625": 0.8422038224466747, "q_0.65": 0.8422038224466747, "q_0.675": 0.8641347288534107, "q_0.7": 0.8641347288534107, "q_0.725": 0.9682152820895437, "q_0.75": 0.9682152820895437, "q_0.775": 0.990786762336443, "q_0.8": 0.990786762336443, "q_0.825": 1.0385793389662257, "q_0.85": 1.0964317957393261, "q_0.875": 1.0964317957393261, "q_0.9": 1.1993575392190896, "q_0.925": 1.2243623924114388, "q_0.95": 1.3081999644746116, "q_0.975": 1.4419645713309863, "q_1": 1.8071824118200865}, {"x": 0.9603841536614646, "y": 0.8641347288534107, "y_pred": 0.7559809643754105, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.2788707583992151, "q_0.075": 0.3344400356338557, "q_0.1": 0.3945154846394395, "q_0.125": 0.4100651999581945, "q_0.15": 0.4162641190228647, "q_0.175": 0.4656934360380208, "q_0.2": 0.48669645950766116, "q_0.225": 0.5730402111792994, "q_0.25": 0.5953915950057604, "q_0.275": 0.623873369499546, "q_0.3": 0.6421141058720687, "q_0.325": 0.6421141058720687, "q_0.35": 0.7175496256918212, "q_0.375": 0.7175496256918212, "q_0.4": 0.7422982104950082, "q_0.425": 0.7445041060908579, "q_0.45": 0.7445041060908579, "q_0.475": 0.7559809643754105, "q_0.5": 0.7559809643754105, "q_0.525": 0.7682250470374827, "q_0.55": 0.7949705775167532, "q_0.575": 0.7949705775167532, "q_0.6": 0.8087226266435009, "q_0.625": 0.8422038224466747, "q_0.65": 0.8422038224466747, "q_0.675": 0.8641347288534107, "q_0.7": 0.8641347288534107, "q_0.725": 0.9682152820895437, "q_0.75": 0.9682152820895437, "q_0.775": 0.990786762336443, "q_0.8": 0.990786762336443, "q_0.825": 1.0385793389662257, "q_0.85": 1.0964317957393261, "q_0.875": 1.0964317957393261, "q_0.9": 1.1993575392190896, "q_0.925": 1.2243623924114388, "q_0.95": 1.3081999644746116, "q_0.975": 1.4419645713309863, "q_1": 1.8071824118200865}, {"x": 1.0004001600640255, "y": 0.8422038224466747, "y_pred": 0.7949705775167532, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.2788707583992151, "q_0.075": 0.3344400356338557, "q_0.1": 0.3945154846394395, "q_0.125": 0.4100651999581945, "q_0.15": 0.4162641190228647, "q_0.175": 0.48669645950766116, "q_0.2": 0.5730402111792994, "q_0.225": 0.5953915950057604, "q_0.25": 0.623873369499546, "q_0.275": 0.6421141058720687, "q_0.3": 0.7175496256918212, "q_0.325": 0.7175496256918212, "q_0.35": 0.7422982104950082, "q_0.375": 0.7422982104950082, "q_0.4": 0.7445041060908579, "q_0.425": 0.7559809643754105, "q_0.45": 0.7559809643754105, "q_0.475": 0.7682250470374827, "q_0.5": 0.7949705775167532, "q_0.525": 0.8087226266435009, "q_0.55": 0.8087226266435009, "q_0.575": 0.8422038224466747, "q_0.6": 0.8422038224466747, "q_0.625": 0.8641347288534107, "q_0.65": 0.9399568955924347, "q_0.675": 0.9682152820895437, "q_0.7": 0.9682152820895437, "q_0.725": 0.990786762336443, "q_0.75": 0.990786762336443, "q_0.775": 1.0786912399882227, "q_0.8": 1.0964317957393261, "q_0.825": 1.1224450682972034, "q_0.85": 1.1651956429956947, "q_0.875": 1.2243623924114388, "q_0.9": 1.2243623924114388, "q_0.925": 1.3278970405140123, "q_0.95": 1.4350256599842122, "q_0.975": 1.51563020778495, "q_1": 2.0099134941688126}, {"x": 1.0404161664665867, "y": 1.0964317957393261, "y_pred": 0.7949705775167532, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.2788707583992151, "q_0.075": 0.3344400356338557, "q_0.1": 0.3945154846394395, "q_0.125": 0.4162641190228647, "q_0.15": 0.4656934360380208, "q_0.175": 0.48669645950766116, "q_0.2": 0.5730402111792994, "q_0.225": 0.623873369499546, "q_0.25": 0.6329937376858068, "q_0.275": 0.6421141058720687, "q_0.3": 0.7175496256918212, "q_0.325": 0.7175496256918212, "q_0.35": 0.7422982104950082, "q_0.375": 0.7445041060908579, "q_0.4": 0.7445041060908579, "q_0.425": 0.7559809643754105, "q_0.45": 0.7559809643754105, "q_0.475": 0.7682250470374827, "q_0.5": 0.7949705775167532, "q_0.525": 0.8087226266435009, "q_0.55": 0.8087226266435009, "q_0.575": 0.8422038224466747, "q_0.6": 0.8641347288534107, "q_0.625": 0.8641347288534107, "q_0.65": 0.9422321783440505, "q_0.675": 0.9682152820895437, "q_0.7": 0.9682152820895437, "q_0.725": 0.990786762336443, "q_0.75": 0.990786762336443, "q_0.775": 1.0964317957393261, "q_0.8": 1.0964317957393261, "q_0.825": 1.135054824163709, "q_0.85": 1.1993575392190896, "q_0.875": 1.2243623924114388, "q_0.9": 1.2749828159732455, "q_0.925": 1.3311182559063632, "q_0.95": 1.4419645713309863, "q_0.975": 1.5183248807595735, "q_1": 2.0099134941688126}, {"x": 1.0804321728691477, "y": 0.8087226266435009, "y_pred": 0.8641347288534107, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.3344400356338557, "q_0.075": 0.3945154846394395, "q_0.1": 0.4162641190228647, "q_0.125": 0.48669645950766116, "q_0.15": 0.5730402111792994, "q_0.175": 0.623873369499546, "q_0.2": 0.6421141058720687, "q_0.225": 0.7175496256918212, "q_0.25": 0.7175496256918212, "q_0.275": 0.7422982104950082, "q_0.3": 0.7445041060908579, "q_0.325": 0.7559809643754105, "q_0.35": 0.7559809643754105, "q_0.375": 0.7682250470374827, "q_0.4": 0.7949705775167532, "q_0.425": 0.8087226266435009, "q_0.45": 0.8087226266435009, "q_0.475": 0.8422038224466747, "q_0.5": 0.8641347288534107, "q_0.525": 0.8641347288534107, "q_0.55": 0.9422321783440505, "q_0.575": 0.9682152820895437, "q_0.6": 0.9682152820895437, "q_0.625": 0.990786762336443, "q_0.65": 1.020465066222938, "q_0.675": 1.0964317957393261, "q_0.7": 1.0964317957393261, "q_0.725": 1.135054824163709, "q_0.75": 1.1651956429956947, "q_0.775": 1.1993575392190896, "q_0.8": 1.2243623924114388, "q_0.825": 1.2243623924114388, "q_0.85": 1.3081999644746116, "q_0.875": 1.3650402429347053, "q_0.9": 1.4350256599842122, "q_0.925": 1.4715850665651127, "q_0.95": 1.5233292734267345, "q_0.975": 1.726441396706834, "q_1": 2.0099134941688126}, {"x": 1.1204481792717087, "y": 0.9682152820895437, "y_pred": 0.8641347288534107, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.3344400356338557, "q_0.075": 0.4100651999581945, "q_0.1": 0.4162641190228647, "q_0.125": 0.48669645950766116, "q_0.15": 0.5730402111792994, "q_0.175": 0.623873369499546, "q_0.2": 0.6421141058720687, "q_0.225": 0.7175496256918212, "q_0.25": 0.7175496256918212, "q_0.275": 0.7422982104950082, "q_0.3": 0.7445041060908579, "q_0.325": 0.7559809643754105, "q_0.35": 0.7559809643754105, "q_0.375": 0.7682250470374827, "q_0.4": 0.7949705775167532, "q_0.425": 0.8087226266435009, "q_0.45": 0.8422038224466747, "q_0.475": 0.8422038224466747, "q_0.5": 0.8641347288534107, "q_0.525": 0.9399568955924347, "q_0.55": 0.9470878405277132, "q_0.575": 0.9682152820895437, "q_0.6": 0.990786762336443, "q_0.625": 0.990786762336443, "q_0.65": 1.0463069165452816, "q_0.675": 1.0964317957393261, "q_0.7": 1.1224450682972034, "q_0.725": 1.143445662505712, "q_0.75": 1.166372975807776, "q_0.775": 1.2077261009308098, "q_0.8": 1.2243623924114388, "q_0.825": 1.2556712696685537, "q_0.85": 1.320930641201294, "q_0.875": 1.3683927222360346, "q_0.9": 1.4350256599842122, "q_0.925": 1.4715850665651127, "q_0.95": 1.5233292734267345, "q_0.975": 1.726441396706834, "q_1": 2.0099134941688126}, {"x": 1.1604641856742697, "y": 0.7559809643754105, "y_pred": 0.8641347288534107, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.3344400356338557, "q_0.075": 0.4100651999581945, "q_0.1": 0.4162641190228647, "q_0.125": 0.48669645950766116, "q_0.15": 0.5730402111792994, "q_0.175": 0.623873369499546, "q_0.2": 0.6421141058720687, "q_0.225": 0.7175496256918212, "q_0.25": 0.7175496256918212, "q_0.275": 0.7422982104950082, "q_0.3": 0.7445041060908579, "q_0.325": 0.7559809643754105, "q_0.35": 0.7559809643754105, "q_0.375": 0.7682250470374827, "q_0.4": 0.7949705775167532, "q_0.425": 0.8087226266435009, "q_0.45": 0.8422038224466747, "q_0.475": 0.8422038224466747, "q_0.5": 0.8641347288534107, "q_0.525": 0.9399568955924347, "q_0.55": 0.9470878405277132, "q_0.575": 0.9682152820895437, "q_0.6": 0.990786762336443, "q_0.625": 0.990786762336443, "q_0.65": 1.0463069165452816, "q_0.675": 1.0964317957393261, "q_0.7": 1.1224450682972034, "q_0.725": 1.143445662505712, "q_0.75": 1.166372975807776, "q_0.775": 1.2077261009308098, "q_0.8": 1.2243623924114388, "q_0.825": 1.2556712696685537, "q_0.85": 1.320930641201294, "q_0.875": 1.3683927222360346, "q_0.9": 1.4350256599842122, "q_0.925": 1.4715850665651127, "q_0.95": 1.5233292734267345, "q_0.975": 1.726441396706834, "q_1": 2.0099134941688126}, {"x": 1.2004801920768309, "y": 0.829764993170107, "y_pred": 0.8641347288534107, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.3344400356338557, "q_0.075": 0.4100651999581945, "q_0.1": 0.4162641190228647, "q_0.125": 0.48669645950766116, "q_0.15": 0.5953915950057604, "q_0.175": 0.623873369499546, "q_0.2": 0.6421141058720687, "q_0.225": 0.7175496256918212, "q_0.25": 0.7422982104950082, "q_0.275": 0.7445041060908579, "q_0.3": 0.7445041060908579, "q_0.325": 0.7559809643754105, "q_0.35": 0.7682250470374827, "q_0.375": 0.7949705775167532, "q_0.4": 0.8087226266435009, "q_0.425": 0.8087226266435009, "q_0.45": 0.8422038224466747, "q_0.475": 0.8624899108729036, "q_0.5": 0.8641347288534107, "q_0.525": 0.9422321783440505, "q_0.55": 0.9682152820895437, "q_0.575": 0.9682152820895437, "q_0.6": 0.990786762336443, "q_0.625": 0.990786762336443, "q_0.65": 1.0786912399882227, "q_0.675": 1.0964317957393261, "q_0.7": 1.1263905633240743, "q_0.725": 1.145517884510388, "q_0.75": 1.1722126138568785, "q_0.775": 1.2077261009308098, "q_0.8": 1.2243623924114388, "q_0.825": 1.2749828159732455, "q_0.85": 1.3278970405140123, "q_0.875": 1.3683927222360346, "q_0.9": 1.4350256599842122, "q_0.925": 1.4715850665651127, "q_0.95": 1.5233292734267345, "q_0.975": 1.726441396706834, "q_1": 2.0099134941688126}, {"x": 1.2404961984793919, "y": 1.0399666417176125, "y_pred": 0.9422321783440505, "target": "1", "q_0": 0.0, "q_0.025": 0.18702159736751542, "q_0.05": 0.3344400356338557, "q_0.075": 0.4100651999581945, "q_0.1": 0.4656934360380208, "q_0.125": 0.5730402111792994, "q_0.15": 0.623873369499546, "q_0.175": 0.6421141058720687, "q_0.2": 0.7175496256918212, "q_0.225": 0.7175496256918212, "q_0.25": 0.7422982104950082, "q_0.275": 0.7445041060908579, "q_0.3": 0.7559809643754105, "q_0.325": 0.7559809643754105, "q_0.35": 0.7682250470374827, "q_0.375": 0.7949705775167532, "q_0.4": 0.8087226266435009, "q_0.425": 0.8422038224466747, "q_0.45": 0.8422038224466747, "q_0.475": 0.8641347288534107, "q_0.5": 0.9422321783440505, "q_0.525": 0.9682152820895437, "q_0.55": 0.9682152820895437, "q_0.575": 0.990786762336443, "q_0.6": 0.990786762336443, "q_0.625": 1.0786912399882227, "q_0.65": 1.0964317957393261, "q_0.675": 1.1263905633240743, "q_0.7": 1.145517884510388, "q_0.725": 1.1702713355816705, "q_0.75": 1.2077261009308098, "q_0.775": 1.2243623924114388, "q_0.8": 1.2243623924114388, "q_0.825": 1.3081999644746116, "q_0.85": 1.3311182559063632, "q_0.875": 1.401449759017032, "q_0.9": 1.4419645713309863, "q_0.925": 1.4881321755703982, "q_0.95": 1.5681902934779766, "q_0.975": 1.726441396706834, "q_1": 2.0099134941688126}, {"x": 1.2805122048819528, "y": 1.0845547171167336, "y_pred": 0.9682152820895437, "target": "1", "q_0": 0.0, "q_0.025": 0.2788707583992151, "q_0.05": 0.3344400356338557, "q_0.075": 0.4100651999581945, "q_0.1": 0.4656934360380208, "q_0.125": 0.5730402111792994, "q_0.15": 0.623873369499546, "q_0.175": 0.6421141058720687, "q_0.2": 0.7175496256918212, "q_0.225": 0.7422982104950082, "q_0.25": 0.7445041060908579, "q_0.275": 0.7559809643754105, "q_0.3": 0.7559809643754105, "q_0.325": 0.7682250470374827, "q_0.35": 0.7949705775167532, "q_0.375": 0.8087226266435009, "q_0.4": 0.8422038224466747, "q_0.425": 0.8422038224466747, "q_0.45": 0.8641347288534107, "q_0.475": 0.9422321783440505, "q_0.5": 0.9682152820895437, "q_0.525": 0.9682152820895437, "q_0.55": 0.990786762336443, "q_0.575": 1.020465066222938, "q_0.6": 1.0786912399882227, "q_0.625": 1.0964317957393261, "q_0.65": 1.1263905633240743, "q_0.675": 1.145517884510388, "q_0.7": 1.166372975807776, "q_0.725": 1.1993575392190896, "q_0.75": 1.2193861284805907, "q_0.775": 1.2243623924114388, "q_0.8": 1.3081999644746116, "q_0.825": 1.3278970405140123, "q_0.85": 1.3683927222360346, "q_0.875": 1.4350256599842122, "q_0.9": 1.4715850665651127, "q_0.925": 1.51563020778495, "q_0.95": 1.5681902934779766, "q_0.975": 1.726441396706834, "q_1": 2.0099134941688126}, {"x": 1.3205282112845138, "y": 1.0596202066592642, "y_pred": 1.135054824163709, "target": "1", "q_0": 0.0, "q_0.025": 0.3344400356338557, "q_0.05": 0.4656934360380208, "q_0.075": 0.5953915950057604, "q_0.1": 0.6421141058720687, "q_0.125": 0.7175496256918212, "q_0.15": 0.7422982104950082, "q_0.175": 0.7559809643754105, "q_0.2": 0.7682250470374827, "q_0.225": 0.8087226266435009, "q_0.25": 0.8087226266435009, "q_0.275": 0.8422038224466747, "q_0.3": 0.8641347288534107, "q_0.325": 0.9422321783440505, "q_0.35": 0.9470878405277132, "q_0.375": 0.9682152820895437, "q_0.4": 0.990786762336443, "q_0.425": 1.0405920359377043, "q_0.45": 1.0964317957393261, "q_0.475": 1.1224450682972034, "q_0.5": 1.135054824163709, "q_0.525": 1.145517884510388, "q_0.55": 1.1651956429956947, "q_0.575": 1.1722126138568785, "q_0.6": 1.1993575392190896, "q_0.625": 1.2193861284805907, "q_0.65": 1.2243623924114388, "q_0.675": 1.2556712696685537, "q_0.7": 1.3081999644746116, "q_0.725": 1.320930641201294, "q_0.75": 1.3311182559063632, "q_0.775": 1.3683927222360346, "q_0.8": 1.4314835785719142, "q_0.825": 1.4419645713309863, "q_0.85": 1.4715850665651127, "q_0.875": 1.4881321755703982, "q_0.9": 1.5233292734267345, "q_0.925": 1.5786936835021335, "q_0.95": 1.726441396706834, "q_0.975": 1.8027563610152773, "q_1": 2.0099134941688126}, {"x": 1.3605442176870748, "y": 1.2243623924114388, "y_pred": 1.145517884510388, "target": "1", "q_0": 0.0, "q_0.025": 0.3945154846394395, "q_0.05": 0.48669645950766116, "q_0.075": 0.623873369499546, "q_0.1": 0.7175496256918212, "q_0.125": 0.7422982104950082, "q_0.15": 0.7559809643754105, "q_0.175": 0.7682250470374827, "q_0.2": 0.8087226266435009, "q_0.225": 0.8422038224466747, "q_0.25": 0.8641347288534107, "q_0.275": 0.9410945369682426, "q_0.3": 0.9470878405277132, "q_0.325": 0.9682152820895437, "q_0.35": 0.990786762336443, "q_0.375": 1.020465066222938, "q_0.4": 1.0786912399882227, "q_0.425": 1.0964317957393261, "q_0.45": 1.1263905633240743, "q_0.475": 1.135054824163709, "q_0.5": 1.145517884510388, "q_0.525": 1.166372975807776, "q_0.55": 1.198757111314664, "q_0.575": 1.1993575392190896, "q_0.6": 1.2193861284805907, "q_0.625": 1.2243623924114388, "q_0.65": 1.2749828159732455, "q_0.675": 1.3081999644746116, "q_0.7": 1.320930641201294, "q_0.725": 1.3311182559063632, "q_0.75": 1.3683927222360346, "q_0.775": 1.401449759017032, "q_0.8": 1.4350256599842122, "q_0.825": 1.4633014537620808, "q_0.85": 1.4881321755703982, "q_0.875": 1.51563020778495, "q_0.9": 1.5233292734267345, "q_0.925": 1.6175603236520901, "q_0.95": 1.726441396706834, "q_0.975": 1.8071824118200865, "q_1": 2.0099134941688126}, {"x": 1.400560224089636, "y": 1.3081999644746116, "y_pred": 1.2556712696685537, "target": "1", "q_0": 0.0, "q_0.025": 0.7175496256918212, "q_0.05": 0.7682250470374827, "q_0.075": 0.8422038224466747, "q_0.1": 0.9399568955924347, "q_0.125": 0.9422321783440505, "q_0.15": 0.9470878405277132, "q_0.175": 0.9682152820895437, "q_0.2": 1.020465066222938, "q_0.225": 1.0786912399882227, "q_0.25": 1.0964317957393261, "q_0.275": 1.1263905633240743, "q_0.3": 1.135054824163709, "q_0.325": 1.145517884510388, "q_0.35": 1.1651956429956947, "q_0.375": 1.166372975807776, "q_0.4": 1.1722126138568785, "q_0.425": 1.1993575392190896, "q_0.45": 1.2077261009308098, "q_0.475": 1.2193861284805907, "q_0.5": 1.2556712696685537, "q_0.525": 1.2749828159732455, "q_0.55": 1.3081999644746116, "q_0.575": 1.320930641201294, "q_0.6": 1.3278970405140123, "q_0.625": 1.3311182559063632, "q_0.65": 1.3683927222360346, "q_0.675": 1.3722978755846154, "q_0.7": 1.4314835785719142, "q_0.725": 1.4350256599842122, "q_0.75": 1.4419645713309863, "q_0.775": 1.4715850665651127, "q_0.8": 1.4881321755703982, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.440576230492197, "y": 1.2029552528060798, "y_pred": 1.2556712696685537, "target": "1", "q_0": 0.0, "q_0.025": 0.7175496256918212, "q_0.05": 0.7682250470374827, "q_0.075": 0.8422038224466747, "q_0.1": 0.9399568955924347, "q_0.125": 0.9422321783440505, "q_0.15": 0.9470878405277132, "q_0.175": 0.9682152820895437, "q_0.2": 1.020465066222938, "q_0.225": 1.0786912399882227, "q_0.25": 1.0964317957393261, "q_0.275": 1.1263905633240743, "q_0.3": 1.135054824163709, "q_0.325": 1.145517884510388, "q_0.35": 1.1651956429956947, "q_0.375": 1.166372975807776, "q_0.4": 1.1722126138568785, "q_0.425": 1.1993575392190896, "q_0.45": 1.2077261009308098, "q_0.475": 1.2193861284805907, "q_0.5": 1.2556712696685537, "q_0.525": 1.2749828159732455, "q_0.55": 1.3081999644746116, "q_0.575": 1.320930641201294, "q_0.6": 1.3278970405140123, "q_0.625": 1.3311182559063632, "q_0.65": 1.3683927222360346, "q_0.675": 1.3722978755846154, "q_0.7": 1.4314835785719142, "q_0.725": 1.4350256599842122, "q_0.75": 1.4419645713309863, "q_0.775": 1.4715850665651127, "q_0.8": 1.4881321755703982, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.480592236894758, "y": 1.0537494198601665, "y_pred": 1.2749828159732455, "target": "1", "q_0": 0.0, "q_0.025": 0.7559809643754105, "q_0.05": 0.8641347288534107, "q_0.075": 0.9399568955924347, "q_0.1": 0.9422321783440505, "q_0.125": 0.9470878405277132, "q_0.15": 1.020465066222938, "q_0.175": 1.0405920359377043, "q_0.2": 1.0786912399882227, "q_0.225": 1.1224450682972034, "q_0.25": 1.1263905633240743, "q_0.275": 1.135054824163709, "q_0.3": 1.145517884510388, "q_0.325": 1.1651956429956947, "q_0.35": 1.166372975807776, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2077261009308098, "q_0.45": 1.2193861284805907, "q_0.475": 1.2556712696685537, "q_0.5": 1.2749828159732455, "q_0.525": 1.3081999644746116, "q_0.55": 1.320930641201294, "q_0.575": 1.3278970405140123, "q_0.6": 1.3311182559063632, "q_0.625": 1.3616877636333742, "q_0.65": 1.3722978755846154, "q_0.675": 1.401449759017032, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4633014537620808, "q_0.775": 1.4715850665651127, "q_0.8": 1.4881321755703982, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.520608243297319, "y": 1.2749828159732455, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0405920359377043, "q_0.2": 1.0964317957393261, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1436608122067884, "q_0.3": 1.145517884510388, "q_0.325": 1.1651956429956947, "q_0.35": 1.1702713355816705, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2077261009308098, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.3081999644746116, "q_0.55": 1.320930641201294, "q_0.575": 1.3278970405140123, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3722978755846154, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.4881321755703982, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.5606242496998801, "y": 0.8800346822842576, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0405920359377043, "q_0.2": 1.0964317957393261, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1436608122067884, "q_0.3": 1.145517884510388, "q_0.325": 1.1651956429956947, "q_0.35": 1.1702713355816705, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2077261009308098, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.3081999644746116, "q_0.55": 1.320930641201294, "q_0.575": 1.3278970405140123, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3722978755846154, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.4881321755703982, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.600640256102441, "y": 1.2193861284805907, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0405920359377043, "q_0.2": 1.0964317957393261, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1436608122067884, "q_0.3": 1.145517884510388, "q_0.325": 1.1651956429956947, "q_0.35": 1.1702713355816705, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2077261009308098, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.3081999644746116, "q_0.55": 1.320930641201294, "q_0.575": 1.3278970405140123, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3722978755846154, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.4881321755703982, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.640656262505002, "y": 1.135054824163709, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0405920359377043, "q_0.2": 1.0964317957393261, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1436608122067884, "q_0.3": 1.145517884510388, "q_0.325": 1.1651956429956947, "q_0.35": 1.1702713355816705, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2077261009308098, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.3081999644746116, "q_0.55": 1.320930641201294, "q_0.575": 1.3278970405140123, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3722978755846154, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.4881321755703982, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.680672268907563, "y": 0.9399568955924347, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0786912399882227, "q_0.2": 1.1224450682972034, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1450536164344882, "q_0.3": 1.145517884510388, "q_0.325": 1.166372975807776, "q_0.35": 1.1722126138568785, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2193861284805907, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.51563020778495, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.720688275310124, "y": 1.4419645713309863, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0786912399882227, "q_0.2": 1.1224450682972034, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1450536164344882, "q_0.3": 1.145517884510388, "q_0.325": 1.166372975807776, "q_0.35": 1.1722126138568785, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2193861284805907, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.51563020778495, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.7607042817126852, "y": 1.0582528736879866, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0786912399882227, "q_0.2": 1.1224450682972034, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1450536164344882, "q_0.3": 1.145517884510388, "q_0.325": 1.166372975807776, "q_0.35": 1.1722126138568785, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2193861284805907, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.51563020778495, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.8007202881152462, "y": 1.246095038991056, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0786912399882227, "q_0.2": 1.1224450682972034, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1450536164344882, "q_0.3": 1.145517884510388, "q_0.325": 1.166372975807776, "q_0.35": 1.1722126138568785, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2193861284805907, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.51563020778495, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.8407362945178072, "y": 1.430575790643342, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0786912399882227, "q_0.2": 1.1224450682972034, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1450536164344882, "q_0.3": 1.145517884510388, "q_0.325": 1.166372975807776, "q_0.35": 1.1722126138568785, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2193861284805907, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.51563020778495, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.8807523009203682, "y": 1.1993575392190896, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0786912399882227, "q_0.2": 1.1224450682972034, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1450536164344882, "q_0.3": 1.145517884510388, "q_0.325": 1.166372975807776, "q_0.35": 1.1722126138568785, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2193861284805907, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.51563020778495, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.9207683073229291, "y": 0.9470878405277132, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.0, "q_0.025": 0.8087226266435009, "q_0.05": 0.9399568955924347, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 0.9682152820895437, "q_0.15": 1.020465066222938, "q_0.175": 1.0786912399882227, "q_0.2": 1.1224450682972034, "q_0.225": 1.1263905633240743, "q_0.25": 1.135054824163709, "q_0.275": 1.1450536164344882, "q_0.3": 1.145517884510388, "q_0.325": 1.166372975807776, "q_0.35": 1.1722126138568785, "q_0.375": 1.198757111314664, "q_0.4": 1.1993575392190896, "q_0.425": 1.2193861284805907, "q_0.45": 1.2193861284805907, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4314835785719142, "q_0.7": 1.4350256599842122, "q_0.725": 1.4419645713309863, "q_0.75": 1.4715850665651127, "q_0.775": 1.480524508849519, "q_0.8": 1.51563020778495, "q_0.825": 1.51563020778495, "q_0.85": 1.5233292734267345, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.726441396706834, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 1.9607843137254903, "y": 1.4350256599842122, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.000800320128051, "y": 1.1263905633240743, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.0408163265306123, "y": 1.5786936835021335, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.0808323329331735, "y": 1.5233292734267345, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.1208483393357342, "y": 1.51563020778495, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.1608643457382954, "y": 1.1651956429956947, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.2008803521408566, "y": 1.4715850665651127, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.2408963585434174, "y": 1.6564269638020468, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.2809123649459786, "y": 1.320930641201294, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.3209283713485394, "y": 1.2882465681044069, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.3609443777511006, "y": 0.9422321783440505, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.4009603841536618, "y": 1.4881321755703982, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.4409763905562225, "y": 1.6257604642611618, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3616877636333742, "q_0.625": 1.3683927222360346, "q_0.65": 1.3813534340941245, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.4809923969587837, "y": 1.145517884510388, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918211, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3683927222360346, "q_0.625": 1.3722978755846154, "q_0.65": 1.401449759017032, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.5210084033613445, "y": 1.2077261009308098, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918211, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3683927222360346, "q_0.625": 1.3722978755846154, "q_0.65": 1.401449759017032, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.5610244097639057, "y": 1.3683927222360346, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918211, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3683927222360346, "q_0.625": 1.3722978755846154, "q_0.65": 1.401449759017032, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.601040416166467, "y": 1.020465066222938, "y_pred": 1.3081999644746116, "target": "1", "q_0": 0.7175496256918211, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9422321783440505, "q_0.1": 0.9470878405277132, "q_0.125": 1.020465066222938, "q_0.15": 1.0405920359377043, "q_0.175": 1.0786912399882227, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.1436608122067884, "q_0.275": 1.145517884510388, "q_0.3": 1.1651956429956947, "q_0.325": 1.1702713355816705, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2077261009308098, "q_0.425": 1.2193861284805907, "q_0.45": 1.2556712696685537, "q_0.475": 1.2749828159732455, "q_0.5": 1.3081999644746116, "q_0.525": 1.320930641201294, "q_0.55": 1.3278970405140123, "q_0.575": 1.3311182559063632, "q_0.6": 1.3683927222360346, "q_0.625": 1.3722978755846154, "q_0.65": 1.401449759017032, "q_0.675": 1.4350256599842122, "q_0.7": 1.4350256599842122, "q_0.725": 1.4633014537620808, "q_0.75": 1.4715850665651127, "q_0.775": 1.4881321755703982, "q_0.8": 1.51563020778495, "q_0.825": 1.5233292734267345, "q_0.85": 1.5681902934779766, "q_0.875": 1.5786936835021335, "q_0.9": 1.6564269638020468, "q_0.925": 1.7316863786989098, "q_0.95": 1.8027563610152773, "q_0.975": 1.8347876628147504, "q_1": 2.0099134941688126}, {"x": 2.6410564225690276, "y": 1.0405920359377043, "y_pred": 1.320930641201294, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9470878405277132, "q_0.1": 1.020465066222938, "q_0.125": 1.0405920359377043, "q_0.15": 1.0786912399882227, "q_0.175": 1.1224450682972034, "q_0.2": 1.1263905633240743, "q_0.225": 1.135054824163709, "q_0.25": 1.145517884510388, "q_0.275": 1.1651956429956947, "q_0.3": 1.166372975807776, "q_0.325": 1.1722126138568785, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2193861284805907, "q_0.425": 1.2556712696685537, "q_0.45": 1.2749828159732455, "q_0.475": 1.3081999644746116, "q_0.5": 1.320930641201294, "q_0.525": 1.3278970405140123, "q_0.55": 1.3311182559063632, "q_0.575": 1.3616877636333742, "q_0.6": 1.3683927222360346, "q_0.625": 1.3813534340941245, "q_0.65": 1.4044531409725256, "q_0.675": 1.4350256599842122, "q_0.7": 1.4419645713309863, "q_0.725": 1.4715850665651127, "q_0.75": 1.480524508849519, "q_0.775": 1.4881321755703982, "q_0.8": 1.5233292734267345, "q_0.825": 1.5681902934779766, "q_0.85": 1.5786936835021335, "q_0.875": 1.6564269638020468, "q_0.9": 1.7316863786989098, "q_0.925": 1.8027563610152773, "q_0.95": 1.8071824118200865, "q_0.975": 1.8762395293054102, "q_1": 2.0099134941688126}, {"x": 2.681072428971589, "y": 1.3278970405140123, "y_pred": 1.320930641201294, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9470878405277132, "q_0.1": 1.020465066222938, "q_0.125": 1.0405920359377043, "q_0.15": 1.0786912399882227, "q_0.175": 1.1224450682972034, "q_0.2": 1.1263905633240743, "q_0.225": 1.1436608122067884, "q_0.25": 1.145517884510388, "q_0.275": 1.1651956429956947, "q_0.3": 1.166372975807776, "q_0.325": 1.1722126138568785, "q_0.35": 1.198757111314664, "q_0.375": 1.1993575392190896, "q_0.4": 1.2193861284805907, "q_0.425": 1.2556712696685537, "q_0.45": 1.2749828159732455, "q_0.475": 1.3081999644746116, "q_0.5": 1.320930641201294, "q_0.525": 1.3278970405140123, "q_0.55": 1.3311182559063632, "q_0.575": 1.3616877636333742, "q_0.6": 1.3683927222360346, "q_0.625": 1.3813534340941245, "q_0.65": 1.4314835785719142, "q_0.675": 1.4350256599842122, "q_0.7": 1.4419645713309863, "q_0.725": 1.4715850665651127, "q_0.75": 1.480524508849519, "q_0.775": 1.51563020778495, "q_0.8": 1.5233292734267345, "q_0.825": 1.5681902934779766, "q_0.85": 1.5786936835021335, "q_0.875": 1.726441396706834, "q_0.9": 1.7316863786989098, "q_0.925": 1.8027563610152773, "q_0.95": 1.8071824118200865, "q_0.975": 1.8762395293054102, "q_1": 2.2536101082900837}, {"x": 2.7210884353741496, "y": 1.198757111314664, "y_pred": 1.3278970405140123, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9682152820895437, "q_0.1": 1.0405920359377043, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.1263905633240743, "q_0.2": 1.135054824163709, "q_0.225": 1.1436608122067884, "q_0.25": 1.145517884510388, "q_0.275": 1.166372975807776, "q_0.3": 1.1702713355816705, "q_0.325": 1.198757111314664, "q_0.35": 1.1993575392190896, "q_0.375": 1.2077261009308098, "q_0.4": 1.2193861284805907, "q_0.425": 1.2646750591798805, "q_0.45": 1.3081999644746116, "q_0.475": 1.320930641201294, "q_0.5": 1.3278970405140123, "q_0.525": 1.3311182559063632, "q_0.55": 1.3616877636333742, "q_0.575": 1.3683927222360346, "q_0.6": 1.3813534340941245, "q_0.625": 1.401449759017032, "q_0.65": 1.4314835785719142, "q_0.675": 1.4419645713309863, "q_0.7": 1.4633014537620808, "q_0.725": 1.480524508849519, "q_0.75": 1.4881321755703982, "q_0.775": 1.51563020778495, "q_0.8": 1.5681902934779766, "q_0.825": 1.5786936835021335, "q_0.85": 1.7092454005992117, "q_0.875": 1.7316863786989098, "q_0.9": 1.8016032885954067, "q_0.925": 1.8027563610152773, "q_0.95": 1.8347876628147504, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 2.7611044417767108, "y": 1.3311182559063632, "y_pred": 1.3278970405140123, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9422321783440505, "q_0.075": 0.9682152820895437, "q_0.1": 1.0405920359377043, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.1263905633240743, "q_0.2": 1.135054824163709, "q_0.225": 1.1436608122067884, "q_0.25": 1.145517884510388, "q_0.275": 1.166372975807776, "q_0.3": 1.1702713355816705, "q_0.325": 1.198757111314664, "q_0.35": 1.1993575392190896, "q_0.375": 1.2077261009308098, "q_0.4": 1.2556712696685537, "q_0.425": 1.2749828159732455, "q_0.45": 1.3081999644746116, "q_0.475": 1.320930641201294, "q_0.5": 1.3278970405140123, "q_0.525": 1.3311182559063632, "q_0.55": 1.3616877636333742, "q_0.575": 1.3683927222360346, "q_0.6": 1.3813534340941245, "q_0.625": 1.401449759017032, "q_0.65": 1.4350256599842122, "q_0.675": 1.4419645713309863, "q_0.7": 1.4633014537620808, "q_0.725": 1.480524508849519, "q_0.75": 1.4881321755703982, "q_0.775": 1.5233292734267345, "q_0.8": 1.5681902934779766, "q_0.825": 1.5786936835021335, "q_0.85": 1.726441396706834, "q_0.875": 1.7316863786989098, "q_0.9": 1.8016032885954067, "q_0.925": 1.8071824118200865, "q_0.95": 1.8347876628147504, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 2.801120448179272, "y": 1.3813534340941245, "y_pred": 1.3311182559063632, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9399568955924347, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0405920359377043, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.1263905633240743, "q_0.2": 1.1436608122067884, "q_0.225": 1.145517884510388, "q_0.25": 1.166372975807776, "q_0.275": 1.1702713355816705, "q_0.3": 1.1722126138568785, "q_0.325": 1.198757111314664, "q_0.35": 1.2077261009308098, "q_0.375": 1.2193861284805907, "q_0.4": 1.2591247285988385, "q_0.425": 1.3081999644746116, "q_0.45": 1.320930641201294, "q_0.475": 1.3278970405140123, "q_0.5": 1.3311182559063632, "q_0.525": 1.3616877636333742, "q_0.55": 1.3722978755846154, "q_0.575": 1.3813534340941245, "q_0.6": 1.401449759017032, "q_0.625": 1.4314835785719142, "q_0.65": 1.4419645713309863, "q_0.675": 1.4633014537620808, "q_0.7": 1.480524508849519, "q_0.725": 1.4881321755703982, "q_0.75": 1.5233292734267345, "q_0.775": 1.5681902934779766, "q_0.8": 1.6564269638020468, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8016032885954067, "q_0.9": 1.8027563610152773, "q_0.925": 1.8071824118200865, "q_0.95": 1.8347876628147504, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 2.8411364545818327, "y": 1.8509198617561622, "y_pred": 1.3616877636333742, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0786912399882227, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.135054824163709, "q_0.2": 1.1436608122067884, "q_0.225": 1.145517884510388, "q_0.25": 1.166372975807776, "q_0.275": 1.1702713355816705, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2077261009308098, "q_0.375": 1.2556712696685537, "q_0.4": 1.2749828159732455, "q_0.425": 1.3081999644746116, "q_0.45": 1.3278970405140123, "q_0.475": 1.3311182559063632, "q_0.5": 1.3616877636333742, "q_0.525": 1.3683927222360346, "q_0.55": 1.3722978755846154, "q_0.575": 1.401449759017032, "q_0.6": 1.4314835785719142, "q_0.625": 1.4350256599842122, "q_0.65": 1.4633014537620808, "q_0.675": 1.4715850665651127, "q_0.7": 1.4881321755703982, "q_0.725": 1.51563020778495, "q_0.75": 1.5681902934779766, "q_0.775": 1.5786936835021335, "q_0.8": 1.7092454005992117, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.8762395293054102, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 2.881152460984394, "y": 1.8347876628147504, "y_pred": 1.3616877636333742, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0786912399882227, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.135054824163709, "q_0.2": 1.1436608122067884, "q_0.225": 1.145517884510388, "q_0.25": 1.166372975807776, "q_0.275": 1.1702713355816705, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2077261009308098, "q_0.375": 1.2556712696685537, "q_0.4": 1.2749828159732455, "q_0.425": 1.3081999644746116, "q_0.45": 1.3278970405140123, "q_0.475": 1.3311182559063632, "q_0.5": 1.3616877636333742, "q_0.525": 1.3683927222360346, "q_0.55": 1.3722978755846154, "q_0.575": 1.401449759017032, "q_0.6": 1.4314835785719142, "q_0.625": 1.4350256599842122, "q_0.65": 1.4633014537620808, "q_0.675": 1.4715850665651127, "q_0.7": 1.4881321755703982, "q_0.725": 1.51563020778495, "q_0.75": 1.5681902934779766, "q_0.775": 1.5786936835021335, "q_0.8": 1.7092454005992117, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.8762395293054102, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 2.9211684673869547, "y": 1.1224450682972034, "y_pred": 1.3616877636333742, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0786912399882227, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.135054824163709, "q_0.2": 1.1436608122067884, "q_0.225": 1.145517884510388, "q_0.25": 1.166372975807776, "q_0.275": 1.1702713355816705, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2077261009308098, "q_0.375": 1.2556712696685537, "q_0.4": 1.2749828159732455, "q_0.425": 1.3081999644746116, "q_0.45": 1.3278970405140123, "q_0.475": 1.3311182559063632, "q_0.5": 1.3616877636333742, "q_0.525": 1.3683927222360346, "q_0.55": 1.3722978755846154, "q_0.575": 1.401449759017032, "q_0.6": 1.4314835785719142, "q_0.625": 1.4350256599842122, "q_0.65": 1.4633014537620808, "q_0.675": 1.4715850665651127, "q_0.7": 1.4881321755703982, "q_0.725": 1.51563020778495, "q_0.75": 1.5681902934779766, "q_0.775": 1.5786936835021335, "q_0.8": 1.7092454005992117, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.8762395293054102, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 2.961184473789516, "y": 1.8027563610152773, "y_pred": 1.3616877636333742, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0786912399882227, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.135054824163709, "q_0.2": 1.1436608122067884, "q_0.225": 1.145517884510388, "q_0.25": 1.166372975807776, "q_0.275": 1.1702713355816705, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2077261009308098, "q_0.375": 1.2556712696685537, "q_0.4": 1.2749828159732455, "q_0.425": 1.3081999644746116, "q_0.45": 1.3278970405140123, "q_0.475": 1.3311182559063632, "q_0.5": 1.3616877636333742, "q_0.525": 1.3683927222360346, "q_0.55": 1.3722978755846154, "q_0.575": 1.401449759017032, "q_0.6": 1.4314835785719142, "q_0.625": 1.4350256599842122, "q_0.65": 1.4633014537620808, "q_0.675": 1.4715850665651127, "q_0.7": 1.4881321755703982, "q_0.725": 1.51563020778495, "q_0.75": 1.5681902934779766, "q_0.775": 1.5786936835021335, "q_0.8": 1.7092454005992117, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.8762395293054102, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 3.001200480192077, "y": 1.0786912399882227, "y_pred": 1.3616877636333742, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0786912399882227, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.135054824163709, "q_0.2": 1.1436608122067884, "q_0.225": 1.145517884510388, "q_0.25": 1.166372975807776, "q_0.275": 1.1702713355816705, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2077261009308098, "q_0.375": 1.2556712696685537, "q_0.4": 1.2749828159732455, "q_0.425": 1.3081999644746116, "q_0.45": 1.3278970405140123, "q_0.475": 1.3311182559063632, "q_0.5": 1.3616877636333742, "q_0.525": 1.3683927222360346, "q_0.55": 1.3722978755846154, "q_0.575": 1.401449759017032, "q_0.6": 1.4314835785719142, "q_0.625": 1.4350256599842122, "q_0.65": 1.4633014537620808, "q_0.675": 1.4715850665651127, "q_0.7": 1.4881321755703982, "q_0.725": 1.51563020778495, "q_0.75": 1.5681902934779766, "q_0.775": 1.5786936835021335, "q_0.8": 1.7092454005992117, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.8762395293054102, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 3.041216486594638, "y": 1.4786924381591804, "y_pred": 1.3616877636333742, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0786912399882227, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.135054824163709, "q_0.2": 1.1436608122067884, "q_0.225": 1.145517884510388, "q_0.25": 1.166372975807776, "q_0.275": 1.1702713355816705, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2077261009308098, "q_0.375": 1.2556712696685537, "q_0.4": 1.2749828159732455, "q_0.425": 1.3081999644746116, "q_0.45": 1.3278970405140123, "q_0.475": 1.3311182559063632, "q_0.5": 1.3616877636333742, "q_0.525": 1.3683927222360346, "q_0.55": 1.3722978755846154, "q_0.575": 1.401449759017032, "q_0.6": 1.4314835785719142, "q_0.625": 1.4350256599842122, "q_0.65": 1.4633014537620808, "q_0.675": 1.4715850665651127, "q_0.7": 1.4881321755703982, "q_0.725": 1.51563020778495, "q_0.75": 1.5681902934779766, "q_0.775": 1.5786936835021335, "q_0.8": 1.7092454005992117, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.8762395293054102, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 3.081232492997199, "y": 1.166372975807776, "y_pred": 1.3616877636333742, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0786912399882227, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.135054824163709, "q_0.2": 1.1436608122067884, "q_0.225": 1.145517884510388, "q_0.25": 1.166372975807776, "q_0.275": 1.1702713355816705, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2077261009308098, "q_0.375": 1.2556712696685537, "q_0.4": 1.2749828159732455, "q_0.425": 1.3081999644746116, "q_0.45": 1.3278970405140123, "q_0.475": 1.3311182559063632, "q_0.5": 1.3616877636333742, "q_0.525": 1.3683927222360346, "q_0.55": 1.3722978755846154, "q_0.575": 1.401449759017032, "q_0.6": 1.4314835785719142, "q_0.625": 1.4350256599842122, "q_0.65": 1.4633014537620808, "q_0.675": 1.4715850665651127, "q_0.7": 1.4881321755703982, "q_0.725": 1.51563020778495, "q_0.75": 1.5681902934779766, "q_0.775": 1.5786936835021335, "q_0.8": 1.7092454005992117, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.8762395293054102, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 3.1212484993997602, "y": 1.3616877636333742, "y_pred": 1.3616877636333742, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0786912399882227, "q_0.125": 1.0786912399882227, "q_0.15": 1.1224450682972034, "q_0.175": 1.135054824163709, "q_0.2": 1.1436608122067884, "q_0.225": 1.145517884510388, "q_0.25": 1.166372975807776, "q_0.275": 1.1702713355816705, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2077261009308098, "q_0.375": 1.2556712696685537, "q_0.4": 1.2749828159732455, "q_0.425": 1.3081999644746116, "q_0.45": 1.3278970405140123, "q_0.475": 1.3311182559063632, "q_0.5": 1.3616877636333742, "q_0.525": 1.3683927222360346, "q_0.55": 1.3722978755846154, "q_0.575": 1.401449759017032, "q_0.6": 1.4314835785719142, "q_0.625": 1.4350256599842122, "q_0.65": 1.4633014537620808, "q_0.675": 1.4715850665651127, "q_0.7": 1.4881321755703982, "q_0.725": 1.51563020778495, "q_0.75": 1.5681902934779766, "q_0.775": 1.5786936835021335, "q_0.8": 1.7092454005992117, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.8762395293054102, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 3.161264505802321, "y": 1.726441396706834, "y_pred": 1.3616877636333742, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.020465066222938, "q_0.1": 1.0786912399882227, "q_0.125": 1.1029351138787955, "q_0.15": 1.1224450682972034, "q_0.175": 1.135054824163709, "q_0.2": 1.1436608122067884, "q_0.225": 1.1651956429956947, "q_0.25": 1.166372975807776, "q_0.275": 1.1722126138568785, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2193861284805907, "q_0.375": 1.2556712696685537, "q_0.4": 1.2749828159732455, "q_0.425": 1.320930641201294, "q_0.45": 1.3278970405140123, "q_0.475": 1.3311182559063632, "q_0.5": 1.3616877636333742, "q_0.525": 1.3683927222360346, "q_0.55": 1.3813534340941245, "q_0.575": 1.401449759017032, "q_0.6": 1.4314835785719142, "q_0.625": 1.4350256599842122, "q_0.65": 1.4633014537620808, "q_0.675": 1.480524508849519, "q_0.7": 1.4881321755703982, "q_0.725": 1.5233292734267345, "q_0.75": 1.5681902934779766, "q_0.775": 1.5786936835021335, "q_0.8": 1.726441396706834, "q_0.825": 1.726441396706834, "q_0.85": 1.7316863786989098, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.8762395293054102, "q_0.975": 1.9602456223502909, "q_1": 2.2536101082900837}, {"x": 3.201280512204882, "y": 1.4314835785719142, "y_pred": 1.3683927222360346, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9470878405277132, "q_0.075": 1.0405920359377043, "q_0.1": 1.0786912399882227, "q_0.125": 1.1224450682972034, "q_0.15": 1.1263905633240743, "q_0.175": 1.1436608122067884, "q_0.2": 1.145517884510388, "q_0.225": 1.1651956429956947, "q_0.25": 1.1702713355816705, "q_0.275": 1.1722126138568785, "q_0.3": 1.198757111314664, "q_0.325": 1.1993575392190896, "q_0.35": 1.2193861284805907, "q_0.375": 1.2556712696685537, "q_0.4": 1.3081999644746116, "q_0.425": 1.320930641201294, "q_0.45": 1.3311182559063632, "q_0.475": 1.3616877636333742, "q_0.5": 1.3683927222360346, "q_0.525": 1.3722978755846154, "q_0.55": 1.3813534340941245, "q_0.575": 1.401449759017032, "q_0.6": 1.4350256599842122, "q_0.625": 1.4633014537620808, "q_0.65": 1.4715850665651127, "q_0.675": 1.480524508849519, "q_0.7": 1.51563020778495, "q_0.725": 1.5665362126339277, "q_0.75": 1.5786936835021335, "q_0.775": 1.6612361999689103, "q_0.8": 1.726441396706834, "q_0.825": 1.7316863786989098, "q_0.85": 1.8016032885954067, "q_0.875": 1.8027563610152773, "q_0.9": 1.8071824118200865, "q_0.925": 1.8347876628147504, "q_0.95": 1.9552107295456946, "q_0.975": 1.9966111964759614, "q_1": 2.7344841619655367}, {"x": 3.241296518607443, "y": 1.8071824118200865, "y_pred": 1.3683927222360346, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9587079333867201, "q_0.075": 1.0405920359377043, "q_0.1": 1.0786912399882227, "q_0.125": 1.1224450682972034, "q_0.15": 1.1263905633240743, "q_0.175": 1.1436608122067884, "q_0.2": 1.145517884510388, "q_0.225": 1.166372975807776, "q_0.25": 1.1702713355816705, "q_0.275": 1.1722126138568785, "q_0.3": 1.198757111314664, "q_0.325": 1.2077261009308098, "q_0.35": 1.2556712696685537, "q_0.375": 1.2591247285988385, "q_0.4": 1.3081999644746116, "q_0.425": 1.3278970405140123, "q_0.45": 1.3311182559063632, "q_0.475": 1.3616877636333742, "q_0.5": 1.3683927222360346, "q_0.525": 1.3722978755846154, "q_0.55": 1.401449759017032, "q_0.575": 1.4314835785719142, "q_0.6": 1.4350256599842122, "q_0.625": 1.4633014537620808, "q_0.65": 1.480524508849519, "q_0.675": 1.4881321755703982, "q_0.7": 1.5233292734267345, "q_0.725": 1.5681902934779766, "q_0.75": 1.5825942265986794, "q_0.775": 1.726441396706834, "q_0.8": 1.726441396706834, "q_0.825": 1.7316863786989098, "q_0.85": 1.8027563610152773, "q_0.875": 1.8071824118200865, "q_0.9": 1.8347876628147504, "q_0.925": 1.8762395293054102, "q_0.95": 1.9602456223502909, "q_0.975": 2.0099134941688126, "q_1": 2.7344841619655367}, {"x": 3.281312525010004, "y": 1.7316863786989098, "y_pred": 1.3722978755846154, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 0.9682152820895437, "q_0.075": 1.0405920359377043, "q_0.1": 1.0786912399882227, "q_0.125": 1.1224450682972034, "q_0.15": 1.1263905633240743, "q_0.175": 1.1436608122067884, "q_0.2": 1.145517884510388, "q_0.225": 1.166372975807776, "q_0.25": 1.1702713355816705, "q_0.275": 1.1722126138568785, "q_0.3": 1.198757111314664, "q_0.325": 1.2077261009308098, "q_0.35": 1.2556712696685537, "q_0.375": 1.2591247285988385, "q_0.4": 1.3081999644746116, "q_0.425": 1.3278970405140123, "q_0.45": 1.3311182559063632, "q_0.475": 1.3616877636333742, "q_0.5": 1.3722978755846154, "q_0.525": 1.3813534340941245, "q_0.55": 1.401449759017032, "q_0.575": 1.4314835785719142, "q_0.6": 1.4419645713309863, "q_0.625": 1.4633014537620808, "q_0.65": 1.480524508849519, "q_0.675": 1.4881321755703982, "q_0.7": 1.5233292734267345, "q_0.725": 1.5681902934779766, "q_0.75": 1.6564269638020468, "q_0.775": 1.726441396706834, "q_0.8": 1.7316863786989098, "q_0.825": 1.7316863786989098, "q_0.85": 1.8027563610152773, "q_0.875": 1.8071824118200865, "q_0.9": 1.8347876628147504, "q_0.925": 1.8762395293054102, "q_0.95": 1.9602456223502909, "q_0.975": 2.0099134941688126, "q_1": 2.7344841619655367}, {"x": 3.3213285314125653, "y": 1.9602456223502909, "y_pred": 1.3813534340941245, "target": "1", "q_0": 0.7175496256918212, "q_0.025": 0.9422321783440505, "q_0.05": 1.020465066222938, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1263905633240743, "q_0.15": 1.1436608122067884, "q_0.175": 1.145517884510388, "q_0.2": 1.166372975807776, "q_0.225": 1.1702713355816705, "q_0.25": 1.1722126138568785, "q_0.275": 1.198757111314664, "q_0.3": 1.2077261009308098, "q_0.325": 1.2556712696685537, "q_0.35": 1.2749828159732455, "q_0.375": 1.3164228408788734, "q_0.4": 1.3278970405140123, "q_0.425": 1.3616877636333742, "q_0.45": 1.3683927222360346, "q_0.475": 1.3722978755846154, "q_0.5": 1.3813534340941245, "q_0.525": 1.401449759017032, "q_0.55": 1.4350256599842122, "q_0.575": 1.4633014537620808, "q_0.6": 1.4715850665651127, "q_0.625": 1.480524508849519, "q_0.65": 1.51563020778495, "q_0.675": 1.5681902934779766, "q_0.7": 1.5786936835021335, "q_0.725": 1.6897570877456367, "q_0.75": 1.726441396706834, "q_0.775": 1.7316863786989098, "q_0.8": 1.8016032885954067, "q_0.825": 1.8027563610152773, "q_0.85": 1.8071824118200865, "q_0.875": 1.8347876628147504, "q_0.9": 1.8762395293054102, "q_0.925": 1.9602456223502909, "q_0.95": 1.9737380618647906, "q_0.975": 2.0099134941688126, "q_1": 2.7344841619655367}, {"x": 3.361344537815126, "y": 1.5681902934779766, "y_pred": 1.3813534340941245, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.020465066222938, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1263905633240743, "q_0.15": 1.1436608122067884, "q_0.175": 1.145517884510388, "q_0.2": 1.166372975807776, "q_0.225": 1.1702713355816705, "q_0.25": 1.1722126138568785, "q_0.275": 1.198757111314664, "q_0.3": 1.2193861284805907, "q_0.325": 1.2556712696685537, "q_0.35": 1.2749828159732455, "q_0.375": 1.320930641201294, "q_0.4": 1.3311182559063632, "q_0.425": 1.3616877636333742, "q_0.45": 1.3722978755846154, "q_0.475": 1.3722978755846154, "q_0.5": 1.3813534340941245, "q_0.525": 1.410252091424363, "q_0.55": 1.4350256599842122, "q_0.575": 1.4633014537620808, "q_0.6": 1.4715850665651127, "q_0.625": 1.480524508849519, "q_0.65": 1.51563020778495, "q_0.675": 1.5681902934779766, "q_0.7": 1.5786936835021335, "q_0.725": 1.6897570877456367, "q_0.75": 1.726441396706834, "q_0.775": 1.7316863786989098, "q_0.8": 1.8016032885954067, "q_0.825": 1.8027563610152773, "q_0.85": 1.8071824118200865, "q_0.875": 1.8347876628147504, "q_0.9": 1.8762395293054102, "q_0.925": 1.9602456223502909, "q_0.95": 1.9824707283797816, "q_0.975": 2.0099134941688126, "q_1": 2.7344841619655367}, {"x": 3.4013605442176873, "y": 1.8422461361859859, "y_pred": 1.3813534340941245, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.020465066222938, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1263905633240743, "q_0.15": 1.1436608122067884, "q_0.175": 1.145517884510388, "q_0.2": 1.166372975807776, "q_0.225": 1.1702713355816705, "q_0.25": 1.1722126138568785, "q_0.275": 1.198757111314664, "q_0.3": 1.2193861284805907, "q_0.325": 1.2556712696685537, "q_0.35": 1.2749828159732455, "q_0.375": 1.320930641201294, "q_0.4": 1.3311182559063632, "q_0.425": 1.3616877636333742, "q_0.45": 1.3722978755846154, "q_0.475": 1.3722978755846154, "q_0.5": 1.3813534340941245, "q_0.525": 1.410252091424363, "q_0.55": 1.4350256599842122, "q_0.575": 1.4633014537620808, "q_0.6": 1.4715850665651127, "q_0.625": 1.480524508849519, "q_0.65": 1.51563020778495, "q_0.675": 1.5681902934779766, "q_0.7": 1.5786936835021335, "q_0.725": 1.6897570877456367, "q_0.75": 1.726441396706834, "q_0.775": 1.7316863786989098, "q_0.8": 1.8016032885954067, "q_0.825": 1.8027563610152773, "q_0.85": 1.8071824118200865, "q_0.875": 1.8347876628147504, "q_0.9": 1.8762395293054102, "q_0.925": 1.9602456223502909, "q_0.95": 1.9824707283797816, "q_0.975": 2.0099134941688126, "q_1": 2.7344841619655367}, {"x": 3.441376550620248, "y": 1.3722978755846154, "y_pred": 1.3813534340941245, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.020465066222938, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1263905633240743, "q_0.15": 1.1436608122067884, "q_0.175": 1.145517884510388, "q_0.2": 1.166372975807776, "q_0.225": 1.1702713355816705, "q_0.25": 1.1722126138568785, "q_0.275": 1.198757111314664, "q_0.3": 1.2193861284805907, "q_0.325": 1.2556712696685537, "q_0.35": 1.2749828159732455, "q_0.375": 1.320930641201294, "q_0.4": 1.3311182559063632, "q_0.425": 1.3616877636333742, "q_0.45": 1.3722978755846154, "q_0.475": 1.3722978755846154, "q_0.5": 1.3813534340941245, "q_0.525": 1.410252091424363, "q_0.55": 1.4350256599842122, "q_0.575": 1.4633014537620808, "q_0.6": 1.4715850665651127, "q_0.625": 1.480524508849519, "q_0.65": 1.51563020778495, "q_0.675": 1.5681902934779766, "q_0.7": 1.5786936835021335, "q_0.725": 1.6897570877456367, "q_0.75": 1.726441396706834, "q_0.775": 1.7316863786989098, "q_0.8": 1.8016032885954067, "q_0.825": 1.8027563610152773, "q_0.85": 1.8071824118200865, "q_0.875": 1.8347876628147504, "q_0.9": 1.8762395293054102, "q_0.925": 1.9602456223502909, "q_0.95": 1.9824707283797816, "q_0.975": 2.0099134941688126, "q_1": 2.7344841619655367}, {"x": 3.4813925570228093, "y": 1.401449759017032, "y_pred": 1.3813534340941245, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.020465066222938, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1263905633240743, "q_0.15": 1.1436608122067884, "q_0.175": 1.145517884510388, "q_0.2": 1.166372975807776, "q_0.225": 1.1702713355816705, "q_0.25": 1.1722126138568785, "q_0.275": 1.198757111314664, "q_0.3": 1.2193861284805907, "q_0.325": 1.2556712696685537, "q_0.35": 1.2749828159732455, "q_0.375": 1.320930641201294, "q_0.4": 1.3311182559063632, "q_0.425": 1.3616877636333742, "q_0.45": 1.3722978755846154, "q_0.475": 1.3722978755846154, "q_0.5": 1.3813534340941245, "q_0.525": 1.410252091424363, "q_0.55": 1.4350256599842122, "q_0.575": 1.4633014537620808, "q_0.6": 1.4715850665651127, "q_0.625": 1.480524508849519, "q_0.65": 1.51563020778495, "q_0.675": 1.5681902934779766, "q_0.7": 1.5786936835021335, "q_0.725": 1.6897570877456367, "q_0.75": 1.726441396706834, "q_0.775": 1.7316863786989098, "q_0.8": 1.8016032885954067, "q_0.825": 1.8027563610152773, "q_0.85": 1.8071824118200865, "q_0.875": 1.8347876628147504, "q_0.9": 1.8762395293054102, "q_0.925": 1.9602456223502909, "q_0.95": 1.9824707283797816, "q_0.975": 2.0099134941688126, "q_1": 2.7344841619655367}, {"x": 3.5214085634253705, "y": 1.4633014537620808, "y_pred": 1.401449759017032, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.020465066222938, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.135054824163709, "q_0.15": 1.1436608122067884, "q_0.175": 1.1651956429956947, "q_0.2": 1.166372975807776, "q_0.225": 1.1722126138568785, "q_0.25": 1.198757111314664, "q_0.275": 1.1993575392190896, "q_0.3": 1.2556712696685537, "q_0.325": 1.2556712696685537, "q_0.35": 1.2749828159732455, "q_0.375": 1.3278970405140123, "q_0.4": 1.3311182559063632, "q_0.425": 1.3616877636333742, "q_0.45": 1.3722978755846154, "q_0.475": 1.3813534340941245, "q_0.5": 1.401449759017032, "q_0.525": 1.4314835785719142, "q_0.55": 1.4633014537620808, "q_0.575": 1.4693070730442772, "q_0.6": 1.480524508849519, "q_0.625": 1.51563020778495, "q_0.65": 1.530690502329308, "q_0.675": 1.5681902934779766, "q_0.7": 1.6564269638020468, "q_0.725": 1.7092454005992117, "q_0.75": 1.726441396706834, "q_0.775": 1.7537326092035959, "q_0.8": 1.8027563610152773, "q_0.825": 1.8071824118200865, "q_0.85": 1.8347876628147504, "q_0.875": 1.8762395293054102, "q_0.9": 1.9428411491420838, "q_0.925": 1.9602456223502909, "q_0.95": 2.0099134941688126, "q_0.975": 2.1081721057949148, "q_1": 2.7344841619655367}, {"x": 3.561424569827931, "y": 1.480524508849519, "y_pred": 1.401449759017032, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.020465066222938, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.135054824163709, "q_0.15": 1.1436608122067884, "q_0.175": 1.1651956429956947, "q_0.2": 1.1702713355816705, "q_0.225": 1.1722126138568785, "q_0.25": 1.198757111314664, "q_0.275": 1.1993575392190896, "q_0.3": 1.2556712696685537, "q_0.325": 1.2581750273930106, "q_0.35": 1.3081999644746116, "q_0.375": 1.3278970405140123, "q_0.4": 1.3311182559063632, "q_0.425": 1.3683927222360346, "q_0.45": 1.3722978755846154, "q_0.475": 1.3813534340941245, "q_0.5": 1.401449759017032, "q_0.525": 1.4350256599842122, "q_0.55": 1.4633014537620808, "q_0.575": 1.4715850665651127, "q_0.6": 1.480524508849519, "q_0.625": 1.51563020778495, "q_0.65": 1.5681902934779766, "q_0.675": 1.5786936835021335, "q_0.7": 1.6612361999689103, "q_0.725": 1.726441396706834, "q_0.75": 1.7316863786989098, "q_0.775": 1.7938626646659221, "q_0.8": 1.8027563610152773, "q_0.825": 1.8071824118200865, "q_0.85": 1.8347876628147504, "q_0.875": 1.8762395293054102, "q_0.9": 1.9552107295456946, "q_0.925": 1.9602456223502909, "q_0.95": 2.0099134941688126, "q_0.975": 2.1471434660150575, "q_1": 2.7344841619655367}, {"x": 3.6014405762304924, "y": 1.1702713355816705, "y_pred": 1.4314835785719142, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.0405920359377043, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.135054824163709, "q_0.15": 1.1436608122067884, "q_0.175": 1.1651956429956947, "q_0.2": 1.1702713355816705, "q_0.225": 1.1722126138568785, "q_0.25": 1.198757111314664, "q_0.275": 1.2077261009308098, "q_0.3": 1.2556712696685537, "q_0.325": 1.2591247285988385, "q_0.35": 1.3081999644746116, "q_0.375": 1.3278970405140123, "q_0.4": 1.3616877636333742, "q_0.425": 1.3683927222360346, "q_0.45": 1.3722978755846154, "q_0.475": 1.401449759017032, "q_0.5": 1.4314835785719142, "q_0.525": 1.4419645713309863, "q_0.55": 1.4633014537620808, "q_0.575": 1.480524508849519, "q_0.6": 1.4881321755703982, "q_0.625": 1.5233292734267345, "q_0.65": 1.5681902934779766, "q_0.675": 1.5952273456608774, "q_0.7": 1.700491107485623, "q_0.725": 1.726441396706834, "q_0.75": 1.7316863786989098, "q_0.775": 1.8016032885954067, "q_0.8": 1.8027563610152773, "q_0.825": 1.8071824118200865, "q_0.85": 1.8347876628147504, "q_0.875": 1.9315536996307234, "q_0.9": 1.9602456223502909, "q_0.925": 1.9867790633986462, "q_0.95": 2.0099134941688126, "q_0.975": 2.1835887522308957, "q_1": 2.7344841619655367}, {"x": 3.641456582633053, "y": 1.6058580583700839, "y_pred": 1.4314835785719142, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.0405920359377043, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.135054824163709, "q_0.15": 1.1436608122067884, "q_0.175": 1.1651956429956947, "q_0.2": 1.1702713355816705, "q_0.225": 1.1722126138568785, "q_0.25": 1.198757111314664, "q_0.275": 1.2077261009308098, "q_0.3": 1.2556712696685537, "q_0.325": 1.2591247285988385, "q_0.35": 1.3081999644746116, "q_0.375": 1.3278970405140123, "q_0.4": 1.3616877636333742, "q_0.425": 1.3683927222360346, "q_0.45": 1.3722978755846154, "q_0.475": 1.401449759017032, "q_0.5": 1.4314835785719142, "q_0.525": 1.4419645713309863, "q_0.55": 1.4633014537620808, "q_0.575": 1.480524508849519, "q_0.6": 1.4881321755703982, "q_0.625": 1.5233292734267345, "q_0.65": 1.5681902934779766, "q_0.675": 1.5952273456608774, "q_0.7": 1.700491107485623, "q_0.725": 1.726441396706834, "q_0.75": 1.7316863786989098, "q_0.775": 1.8016032885954067, "q_0.8": 1.8027563610152773, "q_0.825": 1.8071824118200865, "q_0.85": 1.8347876628147504, "q_0.875": 1.9315536996307234, "q_0.9": 1.9602456223502909, "q_0.925": 1.9867790633986462, "q_0.95": 2.0099134941688126, "q_0.975": 2.1835887522308957, "q_1": 2.7344841619655367}, {"x": 3.6814725890356144, "y": 1.1722126138568785, "y_pred": 1.4314835785719142, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.0405920359377043, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1436608122067884, "q_0.15": 1.1436608122067884, "q_0.175": 1.1651956429956947, "q_0.2": 1.1702713355816705, "q_0.225": 1.1722126138568785, "q_0.25": 1.198757111314664, "q_0.275": 1.2077261009308098, "q_0.3": 1.2556712696685537, "q_0.325": 1.2591247285988385, "q_0.35": 1.3081999644746116, "q_0.375": 1.3278970405140123, "q_0.4": 1.3616877636333742, "q_0.425": 1.3722978755846154, "q_0.45": 1.3722978755846154, "q_0.475": 1.401449759017032, "q_0.5": 1.4314835785719142, "q_0.525": 1.4419645713309863, "q_0.55": 1.4633014537620808, "q_0.575": 1.480524508849519, "q_0.6": 1.4881321755703982, "q_0.625": 1.5233292734267345, "q_0.65": 1.5681902934779766, "q_0.675": 1.6436461998288363, "q_0.7": 1.7092454005992117, "q_0.725": 1.726441396706834, "q_0.75": 1.7316863786989098, "q_0.775": 1.8016032885954067, "q_0.8": 1.8027563610152773, "q_0.825": 1.8071824118200865, "q_0.85": 1.8741974463308972, "q_0.875": 1.9428411491420838, "q_0.9": 1.9602456223502909, "q_0.925": 1.9867790633986462, "q_0.95": 2.0099134941688126, "q_0.975": 2.1835887522308957, "q_1": 2.7344841619655367}, {"x": 3.7214885954381756, "y": 2.0099134941688126, "y_pred": 1.4350256599842122, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.0405920359377043, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1436608122067884, "q_0.15": 1.1436608122067884, "q_0.175": 1.166372975807776, "q_0.2": 1.1702713355816705, "q_0.225": 1.1722126138568785, "q_0.25": 1.198757111314664, "q_0.275": 1.2193861284805907, "q_0.3": 1.2556712696685537, "q_0.325": 1.2749828159732455, "q_0.35": 1.320930641201294, "q_0.375": 1.3311182559063632, "q_0.4": 1.3616877636333742, "q_0.425": 1.3722978755846154, "q_0.45": 1.3813534340941245, "q_0.475": 1.401449759017032, "q_0.5": 1.4350256599842122, "q_0.525": 1.4633014537620808, "q_0.55": 1.4715850665651127, "q_0.575": 1.480524508849519, "q_0.6": 1.5233292734267345, "q_0.625": 1.5681902934779766, "q_0.65": 1.5786936835021335, "q_0.675": 1.6897570877456367, "q_0.7": 1.726441396706834, "q_0.725": 1.7316863786989098, "q_0.75": 1.7938626646659221, "q_0.775": 1.8027563610152773, "q_0.8": 1.8071824118200865, "q_0.825": 1.8347876628147504, "q_0.85": 1.8762395293054102, "q_0.875": 1.9428411491420838, "q_0.9": 1.9602456223502909, "q_0.925": 2.0099134941688126, "q_0.95": 2.0099134941688126, "q_0.975": 2.1919247966358903, "q_1": 2.7344841619655367}, {"x": 3.7615046018407363, "y": 1.1436608122067884, "y_pred": 1.4350256599842122, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.0405920359377043, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1436608122067884, "q_0.15": 1.1436608122067884, "q_0.175": 1.166372975807776, "q_0.2": 1.1702713355816705, "q_0.225": 1.1722126138568785, "q_0.25": 1.198757111314664, "q_0.275": 1.2193861284805907, "q_0.3": 1.2556712696685537, "q_0.325": 1.2749828159732455, "q_0.35": 1.320930641201294, "q_0.375": 1.3311182559063632, "q_0.4": 1.3616877636333742, "q_0.425": 1.3722978755846154, "q_0.45": 1.3813534340941245, "q_0.475": 1.401449759017032, "q_0.5": 1.4350256599842122, "q_0.525": 1.4633014537620808, "q_0.55": 1.4715850665651127, "q_0.575": 1.480524508849519, "q_0.6": 1.5233292734267345, "q_0.625": 1.5681902934779766, "q_0.65": 1.5786936835021335, "q_0.675": 1.6897570877456367, "q_0.7": 1.726441396706834, "q_0.725": 1.7316863786989098, "q_0.75": 1.7938626646659221, "q_0.775": 1.8027563610152773, "q_0.8": 1.8071824118200865, "q_0.825": 1.8347876628147504, "q_0.85": 1.8762395293054102, "q_0.875": 1.9428411491420838, "q_0.9": 1.9602456223502909, "q_0.925": 2.0099134941688126, "q_0.95": 2.0099134941688126, "q_0.975": 2.1919247966358903, "q_1": 2.7344841619655367}, {"x": 3.8015206082432975, "y": 1.5606324047341142, "y_pred": 1.4350256599842122, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.0405920359377043, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1436608122067884, "q_0.15": 1.1436608122067884, "q_0.175": 1.166372975807776, "q_0.2": 1.1702713355816705, "q_0.225": 1.1722126138568785, "q_0.25": 1.198757111314664, "q_0.275": 1.2193861284805907, "q_0.3": 1.2556712696685537, "q_0.325": 1.2749828159732455, "q_0.35": 1.320930641201294, "q_0.375": 1.3311182559063632, "q_0.4": 1.3616877636333742, "q_0.425": 1.3722978755846154, "q_0.45": 1.3813534340941245, "q_0.475": 1.401449759017032, "q_0.5": 1.4350256599842122, "q_0.525": 1.4633014537620808, "q_0.55": 1.4715850665651127, "q_0.575": 1.480524508849519, "q_0.6": 1.5233292734267345, "q_0.625": 1.5681902934779766, "q_0.65": 1.5786936835021335, "q_0.675": 1.6897570877456367, "q_0.7": 1.726441396706834, "q_0.725": 1.7316863786989098, "q_0.75": 1.7938626646659221, "q_0.775": 1.8027563610152773, "q_0.8": 1.8071824118200865, "q_0.825": 1.8347876628147504, "q_0.85": 1.8762395293054102, "q_0.875": 1.9428411491420838, "q_0.9": 1.9602456223502909, "q_0.925": 2.0099134941688126, "q_0.95": 2.0099134941688126, "q_0.975": 2.1919247966358903, "q_1": 2.7344841619655367}, {"x": 3.8415366146458583, "y": 1.3903322012965407, "y_pred": 1.4350256599842122, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.0405920359377043, "q_0.075": 1.0786912399882227, "q_0.1": 1.1224450682972034, "q_0.125": 1.1436608122067884, "q_0.15": 1.1436608122067884, "q_0.175": 1.166372975807776, "q_0.2": 1.1702713355816705, "q_0.225": 1.1722126138568785, "q_0.25": 1.198757111314664, "q_0.275": 1.2193861284805907, "q_0.3": 1.2556712696685537, "q_0.325": 1.2749828159732455, "q_0.35": 1.320930641201294, "q_0.375": 1.3311182559063632, "q_0.4": 1.3683927222360346, "q_0.425": 1.3722978755846154, "q_0.45": 1.3813534340941245, "q_0.475": 1.401449759017032, "q_0.5": 1.4350256599842122, "q_0.525": 1.4633014537620808, "q_0.55": 1.480524508849519, "q_0.575": 1.480524508849519, "q_0.6": 1.5233292734267345, "q_0.625": 1.5681902934779766, "q_0.65": 1.5942958558883242, "q_0.675": 1.700491107485623, "q_0.7": 1.726441396706834, "q_0.725": 1.7316863786989098, "q_0.75": 1.8016032885954067, "q_0.775": 1.8027563610152773, "q_0.8": 1.8071824118200865, "q_0.825": 1.8347876628147504, "q_0.85": 1.8762395293054102, "q_0.875": 1.9428411491420838, "q_0.9": 1.9602456223502909, "q_0.925": 2.0099134941688126, "q_0.95": 2.0667201576662597, "q_0.975": 2.1946613396308043, "q_1": 2.7344841619655367}, {"x": 3.8815526210484195, "y": 1.2556712696685537, "y_pred": 1.480524508849519, "target": "1", "q_0": 0.8087226266435009, "q_0.025": 0.9470878405277132, "q_0.05": 1.0405920359377043, "q_0.075": 1.1224450682972034, "q_0.1": 1.135054824163709, "q_0.125": 1.1436608122067884, "q_0.15": 1.1652545096362987, "q_0.175": 1.1702713355816705, "q_0.2": 1.1722126138568785, "q_0.225": 1.1993575392190896, "q_0.25": 1.2556712696685537, "q_0.275": 1.2591247285988385, "q_0.3": 1.3081999644746116, "q_0.325": 1.3278970405140123, "q_0.35": 1.3616877636333742, "q_0.375": 1.3722978755846154, "q_0.4": 1.3813534340941245, "q_0.425": 1.401449759017032, "q_0.45": 1.4350256599842122, "q_0.475": 1.4633014537620808, "q_0.5": 1.480524508849519, "q_0.525": 1.4881321755703982, "q_0.55": 1.530690502329308, "q_0.575": 1.5681902934779766, "q_0.6": 1.6564269638020468, "q_0.625": 1.700491107485623, "q_0.65": 1.726441396706834, "q_0.675": 1.7316863786989098, "q_0.7": 1.7938626646659221, "q_0.725": 1.8027563610152773, "q_0.75": 1.8071824118200865, "q_0.775": 1.8347876628147504, "q_0.8": 1.8762395293054102, "q_0.825": 1.9428411491420838, "q_0.85": 1.9602456223502909, "q_0.875": 1.9867790633986462, "q_0.9": 2.0099134941688126, "q_0.925": 2.1081721057949148, "q_0.95": 2.1919247966358903, "q_0.975": 2.272549952910886, "q_1": 2.9476038788028385}, {"x": 3.9215686274509807, "y": 1.9428411491420838, "y_pred": 1.7092454005992117, "target": "1", "q_0": 0.9399568955924347, "q_0.025": 1.0786912399882227, "q_0.05": 1.135054824163709, "q_0.075": 1.145517884510388, "q_0.1": 1.1702713355816705, "q_0.125": 1.1909737522800066, "q_0.15": 1.2556712696685537, "q_0.175": 1.2591247285988385, "q_0.2": 1.313718160685421, "q_0.225": 1.3391272975969297, "q_0.25": 1.3722978755846154, "q_0.275": 1.3813534340941245, "q_0.3": 1.4155334908687605, "q_0.325": 1.4633014537620808, "q_0.35": 1.480524508849519, "q_0.375": 1.530690502329308, "q_0.4": 1.5681902934779766, "q_0.425": 1.640461025840134, "q_0.45": 1.6897570877456367, "q_0.475": 1.700491107485623, "q_0.5": 1.7092454005992117, "q_0.525": 1.7316863786989098, "q_0.55": 1.7584791666382484, "q_0.575": 1.8016032885954067, "q_0.6": 1.8027563610152773, "q_0.625": 1.8256487393970575, "q_0.65": 1.8762395293054102, "q_0.675": 1.9122918809040403, "q_0.7": 1.9428411491420838, "q_0.725": 1.9602456223502909, "q_0.75": 1.9737380618647906, "q_0.775": 2.0099134941688126, "q_0.8": 2.0364240867248338, "q_0.825": 2.1081721057949148, "q_0.85": 2.1471434660150575, "q_0.875": 2.1919247966358903, "q_0.9": 2.2116938666772166, "q_0.925": 2.2536101082900837, "q_0.95": 2.3202836219774388, "q_0.975": 2.4836486088453604, "q_1": 2.9476038788028385}, {"x": 3.9615846338535414, "y": 1.8762395293054102, "y_pred": 1.7316863786989098, "target": "1", "q_0": 0.9399568955924347, "q_0.025": 1.0940050798963663, "q_0.05": 1.1436608122067884, "q_0.075": 1.166372975807776, "q_0.1": 1.1722126138568785, "q_0.125": 1.198757111314664, "q_0.15": 1.2591247285988385, "q_0.175": 1.2605146678792636, "q_0.2": 1.3304740128278931, "q_0.225": 1.3616877636333742, "q_0.25": 1.3813534340941245, "q_0.275": 1.4155334908687605, "q_0.3": 1.4633014537620808, "q_0.325": 1.480524508849519, "q_0.35": 1.530690502329308, "q_0.375": 1.5631008139578264, "q_0.4": 1.6368987942200761, "q_0.425": 1.6612361999689103, "q_0.45": 1.700491107485623, "q_0.475": 1.7092454005992117, "q_0.5": 1.7316863786989098, "q_0.525": 1.7514472296980221, "q_0.55": 1.8016032885954067, "q_0.575": 1.8016032885954067, "q_0.6": 1.8071824118200865, "q_0.625": 1.8762395293054102, "q_0.65": 1.8804632621080155, "q_0.675": 1.9428411491420838, "q_0.7": 1.9428411491420838, "q_0.725": 1.9602456223502909, "q_0.75": 1.9867790633986462, "q_0.775": 2.0099134941688126, "q_0.8": 2.1081721057949148, "q_0.825": 2.1182813624010053, "q_0.85": 2.161885051545963, "q_0.875": 2.1946613396308043, "q_0.9": 2.2356010378751776, "q_0.925": 2.2536101082900837, "q_0.95": 2.3202836219774388, "q_0.975": 2.4949839093558666, "q_1": 2.9476038788028385}, {"x": 4.001600640256102, "y": 1.2591247285988385, "y_pred": 1.748045507323806, "target": "1", "q_0": 0.9399568955924347, "q_0.025": 1.1224450682972034, "q_0.05": 1.1436608122067884, "q_0.075": 1.1702713355816705, "q_0.1": 1.178001487222244, "q_0.125": 1.2556712696685537, "q_0.15": 1.2591247285988385, "q_0.175": 1.313718160685421, "q_0.2": 1.3616877636333742, "q_0.225": 1.3722978755846154, "q_0.25": 1.401449759017032, "q_0.275": 1.4633014537620808, "q_0.3": 1.480524508849519, "q_0.325": 1.530690502329308, "q_0.35": 1.5631008139578264, "q_0.375": 1.6054936858658917, "q_0.4": 1.6612361999689103, "q_0.425": 1.6949716637182313, "q_0.45": 1.7092454005992117, "q_0.475": 1.726441396706834, "q_0.5": 1.748045507323806, "q_0.525": 1.7938626646659221, "q_0.55": 1.8016032885954067, "q_0.575": 1.8071824118200865, "q_0.6": 1.8347876628147504, "q_0.625": 1.8762395293054102, "q_0.65": 1.9127412837784434, "q_0.675": 1.9428411491420838, "q_0.7": 1.9602456223502909, "q_0.725": 1.9737380618647906, "q_0.75": 2.0099134941688126, "q_0.775": 2.0364240867248338, "q_0.8": 2.1081721057949148, "q_0.825": 2.1471434660150575, "q_0.85": 2.1835887522308957, "q_0.875": 2.1946613396308043, "q_0.9": 2.2499427214266623, "q_0.925": 2.272549952910886, "q_0.95": 2.3202836219774388, "q_0.975": 2.4949839093558666, "q_1": 3.082570185997104}, {"x": 4.041616646658664, "y": 1.8016032885954067, "y_pred": 1.7938626646659221, "target": "1", "q_0": 0.9399568955924347, "q_0.025": 1.1224450682972034, "q_0.05": 1.145517884510388, "q_0.075": 1.1722126138568785, "q_0.1": 1.2193861284805907, "q_0.125": 1.2591247285988385, "q_0.15": 1.313718160685421, "q_0.175": 1.3407877867848452, "q_0.2": 1.3722978755846154, "q_0.225": 1.4155334908687605, "q_0.25": 1.4633014537620808, "q_0.275": 1.480524508849519, "q_0.3": 1.530690502329308, "q_0.325": 1.5764520798074533, "q_0.35": 1.640461025840134, "q_0.375": 1.6897570877456367, "q_0.4": 1.700491107485623, "q_0.425": 1.7092454005992117, "q_0.45": 1.7316863786989098, "q_0.475": 1.7514472296980221, "q_0.5": 1.7938626646659221, "q_0.525": 1.8016032885954067, "q_0.55": 1.8071824118200865, "q_0.575": 1.8762395293054102, "q_0.6": 1.8862583920563183, "q_0.625": 1.9428411491420838, "q_0.65": 1.9552107295456946, "q_0.675": 1.973312563332549, "q_0.7": 1.9867790633986462, "q_0.725": 2.0099134941688126, "q_0.75": 2.0667201576662597, "q_0.775": 2.1182813624010053, "q_0.8": 2.1471434660150575, "q_0.825": 2.1835887522308957, "q_0.85": 2.1996987093304345, "q_0.875": 2.2499427214266623, "q_0.9": 2.272549952910886, "q_0.925": 2.3202836219774388, "q_0.95": 2.4558594180200135, "q_0.975": 2.5669475991898523, "q_1": 3.082570185997104}, {"x": 4.081632653061225, "y": 1.9867790633986462, "y_pred": 1.8804632621080155, "target": "1", "q_0": 0.9399568955924347, "q_0.025": 1.1702713355816705, "q_0.05": 1.1935682052915588, "q_0.075": 1.2591247285988385, "q_0.1": 1.313718160685421, "q_0.125": 1.3722978755846154, "q_0.15": 1.4155334908687605, "q_0.175": 1.480524508849519, "q_0.2": 1.5612359127978404, "q_0.225": 1.5781752276141312, "q_0.25": 1.6315554467899878, "q_0.275": 1.6612361999689103, "q_0.3": 1.6897570877456367, "q_0.325": 1.700491107485623, "q_0.35": 1.7092454005992117, "q_0.375": 1.743644759602239, "q_0.4": 1.7514472296980221, "q_0.425": 1.7938626646659221, "q_0.45": 1.8016032885954067, "q_0.475": 1.8347876628147504, "q_0.5": 1.8804632621080155, "q_0.525": 1.9127412837784434, "q_0.55": 1.9428411491420838, "q_0.575": 1.9602456223502909, "q_0.6": 1.9737380618647906, "q_0.625": 1.9867790633986462, "q_0.65": 2.0364240867248338, "q_0.675": 2.1081721057949148, "q_0.7": 2.1182813624010053, "q_0.725": 2.158349758130808, "q_0.75": 2.1835887522308957, "q_0.775": 2.1946613396308043, "q_0.8": 2.2116938666772166, "q_0.825": 2.2499427214266623, "q_0.85": 2.272549952910886, "q_0.875": 2.3202836219774388, "q_0.9": 2.357575987187868, "q_0.925": 2.4558594180200135, "q_0.95": 2.5369801070591347, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.121648659463785, "y": 1.9737380618647906, "y_pred": 1.9127412837784434, "target": "1", "q_0": 1.0405920359377043, "q_0.025": 1.178001487222244, "q_0.05": 1.2591247285988385, "q_0.075": 1.313718160685421, "q_0.1": 1.3407877867848452, "q_0.125": 1.4155334908687605, "q_0.15": 1.480524508849519, "q_0.175": 1.5612359127978404, "q_0.2": 1.5942958558883242, "q_0.225": 1.640461025840134, "q_0.25": 1.6612361999689103, "q_0.275": 1.6897570877456367, "q_0.3": 1.700491107485623, "q_0.325": 1.7092454005992117, "q_0.35": 1.7316863786989098, "q_0.375": 1.7514472296980221, "q_0.4": 1.7938626646659221, "q_0.425": 1.8016032885954067, "q_0.45": 1.8347876628147504, "q_0.475": 1.8804632621080155, "q_0.5": 1.9127412837784434, "q_0.525": 1.9428411491420838, "q_0.55": 1.9602456223502909, "q_0.575": 1.9737380618647906, "q_0.6": 1.9867790633986462, "q_0.625": 2.0364240867248338, "q_0.65": 2.1081721057949148, "q_0.675": 2.1182813624010053, "q_0.7": 2.1471434660150575, "q_0.725": 2.1651755981079774, "q_0.75": 2.1919247966358903, "q_0.775": 2.1946613396308043, "q_0.8": 2.2356010378751776, "q_0.825": 2.2536101082900837, "q_0.85": 2.2892111152582455, "q_0.875": 2.3202836219774388, "q_0.9": 2.3967217410259405, "q_0.925": 2.4811194760629895, "q_0.95": 2.540813463760297, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.161664665866347, "y": 1.2156957137192759, "y_pred": 1.9127412837784434, "target": "1", "q_0": 1.0405920359377043, "q_0.025": 1.178001487222244, "q_0.05": 1.2591247285988385, "q_0.075": 1.313718160685421, "q_0.1": 1.3407877867848452, "q_0.125": 1.4155334908687605, "q_0.15": 1.480524508849519, "q_0.175": 1.5612359127978404, "q_0.2": 1.5942958558883242, "q_0.225": 1.640461025840134, "q_0.25": 1.6612361999689103, "q_0.275": 1.6897570877456367, "q_0.3": 1.700491107485623, "q_0.325": 1.7092454005992117, "q_0.35": 1.7316863786989098, "q_0.375": 1.7514472296980221, "q_0.4": 1.7938626646659221, "q_0.425": 1.8016032885954067, "q_0.45": 1.8347876628147504, "q_0.475": 1.8804632621080155, "q_0.5": 1.9127412837784434, "q_0.525": 1.9428411491420838, "q_0.55": 1.9602456223502909, "q_0.575": 1.9737380618647906, "q_0.6": 1.9867790633986462, "q_0.625": 2.0364240867248338, "q_0.65": 2.1081721057949148, "q_0.675": 2.1182813624010053, "q_0.7": 2.1471434660150575, "q_0.725": 2.1651755981079774, "q_0.75": 2.1919247966358903, "q_0.775": 2.1946613396308043, "q_0.8": 2.2356010378751776, "q_0.825": 2.2536101082900837, "q_0.85": 2.2892111152582455, "q_0.875": 2.3202836219774388, "q_0.9": 2.3967217410259405, "q_0.925": 2.4811194760629895, "q_0.95": 2.540813463760297, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.201680672268908, "y": 1.8908524040327475, "y_pred": 1.9127412837784434, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.178001487222244, "q_0.05": 1.2591247285988385, "q_0.075": 1.313718160685421, "q_0.1": 1.3616877636333742, "q_0.125": 1.4155334908687605, "q_0.15": 1.530690502329308, "q_0.175": 1.5612359127978404, "q_0.2": 1.5942958558883242, "q_0.225": 1.640461025840134, "q_0.25": 1.6612361999689103, "q_0.275": 1.6897570877456367, "q_0.3": 1.700491107485623, "q_0.325": 1.7092454005992117, "q_0.35": 1.748045507323806, "q_0.375": 1.7514472296980221, "q_0.4": 1.7938626646659221, "q_0.425": 1.8016032885954067, "q_0.45": 1.8741974463308972, "q_0.475": 1.8862583920563183, "q_0.5": 1.9127412837784434, "q_0.525": 1.9428411491420838, "q_0.55": 1.9726743155341868, "q_0.575": 1.9853816172181133, "q_0.6": 1.9867790633986462, "q_0.625": 2.0364240867248338, "q_0.65": 2.1081721057949148, "q_0.675": 2.1182813624010053, "q_0.7": 2.1471434660150575, "q_0.725": 2.165641952069677, "q_0.75": 2.1919247966358903, "q_0.775": 2.2048084266089663, "q_0.8": 2.2356010378751776, "q_0.825": 2.2536101082900837, "q_0.85": 2.2892111152582455, "q_0.875": 2.3202836219774388, "q_0.9": 2.3967217410259405, "q_0.925": 2.4811194760629895, "q_0.95": 2.540813463760297, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.2416966786714685, "y": 1.9331742269701586, "y_pred": 1.9127412837784434, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.178001487222244, "q_0.05": 1.2591247285988385, "q_0.075": 1.313718160685421, "q_0.1": 1.3616877636333742, "q_0.125": 1.4155334908687605, "q_0.15": 1.530690502329308, "q_0.175": 1.5612359127978404, "q_0.2": 1.5942958558883242, "q_0.225": 1.640461025840134, "q_0.25": 1.6612361999689103, "q_0.275": 1.6897570877456367, "q_0.3": 1.700491107485623, "q_0.325": 1.7092454005992117, "q_0.35": 1.748045507323806, "q_0.375": 1.7514472296980221, "q_0.4": 1.7938626646659221, "q_0.425": 1.8016032885954067, "q_0.45": 1.8741974463308972, "q_0.475": 1.8862583920563183, "q_0.5": 1.9127412837784434, "q_0.525": 1.9428411491420838, "q_0.55": 1.9726743155341868, "q_0.575": 1.9853816172181133, "q_0.6": 1.9867790633986462, "q_0.625": 2.0364240867248338, "q_0.65": 2.1081721057949148, "q_0.675": 2.1182813624010053, "q_0.7": 2.1471434660150575, "q_0.725": 2.165641952069677, "q_0.75": 2.1919247966358903, "q_0.775": 2.2048084266089663, "q_0.8": 2.2356010378751776, "q_0.825": 2.2536101082900837, "q_0.85": 2.2892111152582455, "q_0.875": 2.3202836219774388, "q_0.9": 2.3967217410259405, "q_0.925": 2.4811194760629895, "q_0.95": 2.540813463760297, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.28171268507403, "y": 2.1081721057949148, "y_pred": 1.9127412837784434, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.178001487222244, "q_0.05": 1.2591247285988385, "q_0.075": 1.313718160685421, "q_0.1": 1.3616877636333742, "q_0.125": 1.4155334908687605, "q_0.15": 1.530690502329308, "q_0.175": 1.5612359127978404, "q_0.2": 1.5942958558883242, "q_0.225": 1.640461025840134, "q_0.25": 1.6612361999689103, "q_0.275": 1.6897570877456367, "q_0.3": 1.700491107485623, "q_0.325": 1.7092454005992117, "q_0.35": 1.748045507323806, "q_0.375": 1.7514472296980221, "q_0.4": 1.7938626646659221, "q_0.425": 1.8016032885954067, "q_0.45": 1.8741974463308972, "q_0.475": 1.8862583920563183, "q_0.5": 1.9127412837784434, "q_0.525": 1.9428411491420838, "q_0.55": 1.9726743155341868, "q_0.575": 1.9853816172181133, "q_0.6": 1.9867790633986462, "q_0.625": 2.0364240867248338, "q_0.65": 2.1081721057949148, "q_0.675": 2.1182813624010053, "q_0.7": 2.1471434660150575, "q_0.725": 2.165641952069677, "q_0.75": 2.1919247966358903, "q_0.775": 2.2048084266089663, "q_0.8": 2.2356010378751776, "q_0.825": 2.2536101082900837, "q_0.85": 2.2892111152582455, "q_0.875": 2.3202836219774388, "q_0.9": 2.3967217410259405, "q_0.925": 2.4811194760629895, "q_0.95": 2.540813463760297, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.321728691476591, "y": 1.7092454005992117, "y_pred": 1.9127412837784434, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.178001487222244, "q_0.05": 1.2591247285988385, "q_0.075": 1.313718160685421, "q_0.1": 1.3616877636333742, "q_0.125": 1.4155334908687605, "q_0.15": 1.530690502329308, "q_0.175": 1.5612359127978404, "q_0.2": 1.5942958558883242, "q_0.225": 1.640461025840134, "q_0.25": 1.6612361999689103, "q_0.275": 1.6897570877456367, "q_0.3": 1.700491107485623, "q_0.325": 1.7092454005992117, "q_0.35": 1.748045507323806, "q_0.375": 1.7514472296980221, "q_0.4": 1.7938626646659221, "q_0.425": 1.8016032885954067, "q_0.45": 1.8741974463308972, "q_0.475": 1.8862583920563183, "q_0.5": 1.9127412837784434, "q_0.525": 1.9428411491420838, "q_0.55": 1.9726743155341868, "q_0.575": 1.9853816172181133, "q_0.6": 1.9867790633986462, "q_0.625": 2.0364240867248338, "q_0.65": 2.1081721057949148, "q_0.675": 2.1182813624010053, "q_0.7": 2.1471434660150575, "q_0.725": 2.165641952069677, "q_0.75": 2.1919247966358903, "q_0.775": 2.2048084266089663, "q_0.8": 2.2356010378751776, "q_0.825": 2.2536101082900837, "q_0.85": 2.2892111152582455, "q_0.875": 2.3202836219774388, "q_0.9": 2.3967217410259405, "q_0.925": 2.4811194760629895, "q_0.95": 2.540813463760297, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.361744697879152, "y": 1.6612361999689103, "y_pred": 1.9428411491420838, "target": "1", "q_0": 1.0786912399882225, "q_0.025": 1.178001487222244, "q_0.05": 1.260097686095136, "q_0.075": 1.313718160685421, "q_0.1": 1.3722978755846154, "q_0.125": 1.4633014537620808, "q_0.15": 1.530690502329308, "q_0.175": 1.5681902934779766, "q_0.2": 1.6003667043455454, "q_0.225": 1.6436461998288363, "q_0.25": 1.6612361999689103, "q_0.275": 1.6949716637182313, "q_0.3": 1.7092454005992117, "q_0.325": 1.7251312510046795, "q_0.35": 1.748045507323806, "q_0.375": 1.7584791666382484, "q_0.4": 1.7938626646659221, "q_0.425": 1.8256487393970575, "q_0.45": 1.8762395293054102, "q_0.475": 1.8947651688023193, "q_0.5": 1.9428411491420838, "q_0.525": 1.9552107295456946, "q_0.55": 1.9737380618647906, "q_0.575": 1.9867790633986462, "q_0.6": 2.0364240867248338, "q_0.625": 2.0667201576662597, "q_0.65": 2.1182813624010053, "q_0.675": 2.1471434660150575, "q_0.7": 2.161885051545963, "q_0.725": 2.183926848600019, "q_0.75": 2.1946613396308043, "q_0.775": 2.2116938666772166, "q_0.8": 2.2536101082900837, "q_0.825": 2.272549952910886, "q_0.85": 2.301986765918782, "q_0.875": 2.357575987187868, "q_0.9": 2.4558594180200135, "q_0.925": 2.4949839093558666, "q_0.95": 2.551176200219537, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.401760704281713, "y": 2.2536101082900837, "y_pred": 1.9428411491420838, "target": "1", "q_0": 1.0786912399882225, "q_0.025": 1.178001487222244, "q_0.05": 1.260097686095136, "q_0.075": 1.313718160685421, "q_0.1": 1.3722978755846154, "q_0.125": 1.4633014537620808, "q_0.15": 1.530690502329308, "q_0.175": 1.5681902934779766, "q_0.2": 1.6003667043455454, "q_0.225": 1.6436461998288363, "q_0.25": 1.6612361999689103, "q_0.275": 1.6949716637182313, "q_0.3": 1.7092454005992117, "q_0.325": 1.7251312510046795, "q_0.35": 1.748045507323806, "q_0.375": 1.7584791666382484, "q_0.4": 1.7938626646659221, "q_0.425": 1.8256487393970575, "q_0.45": 1.8762395293054102, "q_0.475": 1.8947651688023193, "q_0.5": 1.9428411491420838, "q_0.525": 1.9552107295456946, "q_0.55": 1.9737380618647906, "q_0.575": 1.9867790633986462, "q_0.6": 2.0364240867248338, "q_0.625": 2.0667201576662597, "q_0.65": 2.1182813624010053, "q_0.675": 2.1471434660150575, "q_0.7": 2.161885051545963, "q_0.725": 2.183926848600019, "q_0.75": 2.1946613396308043, "q_0.775": 2.2116938666772166, "q_0.8": 2.2536101082900837, "q_0.825": 2.272549952910886, "q_0.85": 2.301986765918782, "q_0.875": 2.357575987187868, "q_0.9": 2.4558594180200135, "q_0.925": 2.4949839093558666, "q_0.95": 2.551176200219537, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.441776710684274, "y": 2.065481676928539, "y_pred": 1.9428411491420838, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.178001487222244, "q_0.05": 1.2605146678792636, "q_0.075": 1.3311182559063632, "q_0.1": 1.3795423223922227, "q_0.125": 1.4633014537620808, "q_0.15": 1.530690502329308, "q_0.175": 1.5681902934779766, "q_0.2": 1.6003667043455454, "q_0.225": 1.6436461998288363, "q_0.25": 1.6612361999689103, "q_0.275": 1.6949716637182313, "q_0.3": 1.7092454005992117, "q_0.325": 1.7251312510046795, "q_0.35": 1.748045507323806, "q_0.375": 1.7584791666382484, "q_0.4": 1.7938626646659221, "q_0.425": 1.8256487393970575, "q_0.45": 1.8762395293054102, "q_0.475": 1.8947651688023193, "q_0.5": 1.9428411491420838, "q_0.525": 1.9552107295456946, "q_0.55": 1.9737380618647906, "q_0.575": 1.9867790633986462, "q_0.6": 2.0364240867248338, "q_0.625": 2.1081721057949148, "q_0.65": 2.1182813624010053, "q_0.675": 2.1471434660150575, "q_0.7": 2.161885051545963, "q_0.725": 2.1919247966358903, "q_0.75": 2.1946613396308043, "q_0.775": 2.2356010378751776, "q_0.8": 2.2536101082900837, "q_0.825": 2.272549952910886, "q_0.85": 2.3202836219774388, "q_0.875": 2.357575987187868, "q_0.9": 2.4558594180200135, "q_0.925": 2.4949839093558666, "q_0.95": 2.551176200219537, "q_0.975": 2.7344841619655367, "q_1": 3.082570185997104}, {"x": 4.481792717086835, "y": 1.7938626646659221, "y_pred": 1.9428411491420838, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.178001487222244, "q_0.05": 1.2605146678792636, "q_0.075": 1.3391272975969297, "q_0.1": 1.4155334908687605, "q_0.125": 1.4875018218530234, "q_0.15": 1.5612359127978404, "q_0.175": 1.5942958558883242, "q_0.2": 1.6315554467899878, "q_0.225": 1.6612361999689103, "q_0.25": 1.6897570877456367, "q_0.275": 1.700491107485623, "q_0.3": 1.7092454005992117, "q_0.325": 1.743644759602239, "q_0.35": 1.7514472296980221, "q_0.375": 1.7780951409323205, "q_0.4": 1.8016032885954067, "q_0.425": 1.8741974463308972, "q_0.45": 1.8862583920563183, "q_0.475": 1.9127412837784434, "q_0.5": 1.9428411491420838, "q_0.525": 1.9737380618647906, "q_0.55": 1.9853816172181133, "q_0.575": 2.0099134941688126, "q_0.6": 2.0667201576662597, "q_0.625": 2.1081721057949148, "q_0.65": 2.1344143978676344, "q_0.675": 2.158349758130808, "q_0.7": 2.1835887522308957, "q_0.725": 2.1919247966358903, "q_0.75": 2.2050773590973116, "q_0.775": 2.2356010378751776, "q_0.8": 2.2536101082900837, "q_0.825": 2.2892111152582455, "q_0.85": 2.3202836219774388, "q_0.875": 2.3967217410259405, "q_0.9": 2.4558594180200135, "q_0.925": 2.5063759264154037, "q_0.95": 2.5709209645768194, "q_0.975": 2.7344841619655367, "q_1": 3.10544295706245}, {"x": 4.5218087234893956, "y": 1.530690502329308, "y_pred": 1.9428411491420838, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.178001487222244, "q_0.05": 1.2605146678792636, "q_0.075": 1.3391272975969297, "q_0.1": 1.4155334908687605, "q_0.125": 1.4875018218530234, "q_0.15": 1.5612359127978404, "q_0.175": 1.5942958558883242, "q_0.2": 1.6315554467899878, "q_0.225": 1.6612361999689103, "q_0.25": 1.6897570877456367, "q_0.275": 1.700491107485623, "q_0.3": 1.7092454005992117, "q_0.325": 1.743644759602239, "q_0.35": 1.7514472296980221, "q_0.375": 1.7780951409323205, "q_0.4": 1.8016032885954067, "q_0.425": 1.8741974463308972, "q_0.45": 1.8862583920563183, "q_0.475": 1.9127412837784434, "q_0.5": 1.9428411491420838, "q_0.525": 1.9737380618647906, "q_0.55": 1.9853816172181133, "q_0.575": 2.0099134941688126, "q_0.6": 2.0667201576662597, "q_0.625": 2.1081721057949148, "q_0.65": 2.1344143978676344, "q_0.675": 2.158349758130808, "q_0.7": 2.1835887522308957, "q_0.725": 2.1919247966358903, "q_0.75": 2.2050773590973116, "q_0.775": 2.2356010378751776, "q_0.8": 2.2536101082900837, "q_0.825": 2.2892111152582455, "q_0.85": 2.3202836219774388, "q_0.875": 2.3967217410259405, "q_0.9": 2.4558594180200135, "q_0.925": 2.5063759264154037, "q_0.95": 2.5709209645768194, "q_0.975": 2.7344841619655367, "q_1": 3.10544295706245}, {"x": 4.561824729891957, "y": 2.1471434660150575, "y_pred": 1.9737380618647906, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.2556712696685537, "q_0.05": 1.313718160685421, "q_0.075": 1.3405802256363557, "q_0.1": 1.4155334908687605, "q_0.125": 1.5314211079935294, "q_0.15": 1.5761727098595335, "q_0.175": 1.6054936858658917, "q_0.2": 1.640461025840134, "q_0.225": 1.6612361999689103, "q_0.25": 1.6949716637182313, "q_0.275": 1.700491107485623, "q_0.3": 1.7251312510046795, "q_0.325": 1.7506012687354757, "q_0.35": 1.7584791666382484, "q_0.375": 1.7938626646659221, "q_0.4": 1.8256487393970575, "q_0.425": 1.8804632621080155, "q_0.45": 1.8947651688023193, "q_0.475": 1.9428411491420838, "q_0.5": 1.9737380618647906, "q_0.525": 1.9853816172181133, "q_0.55": 2.0364240867248338, "q_0.575": 2.0667201576662597, "q_0.6": 2.1182813624010053, "q_0.625": 2.1471434660150575, "q_0.65": 2.161885051545963, "q_0.675": 2.1835887522308957, "q_0.7": 2.1919247966358903, "q_0.725": 2.2050773590973116, "q_0.75": 2.2356010378751776, "q_0.775": 2.2536101082900837, "q_0.8": 2.272549952910886, "q_0.825": 2.3202836219774388, "q_0.85": 2.357575987187868, "q_0.875": 2.4441998714762514, "q_0.9": 2.4836486088453604, "q_0.925": 2.5369801070591347, "q_0.95": 2.5801921504797534, "q_0.975": 2.7350737990639096, "q_1": 3.10544295706245}, {"x": 4.601840736294518, "y": 1.6897570877456367, "y_pred": 1.9737380618647906, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.2556712696685537, "q_0.05": 1.313718160685421, "q_0.075": 1.3405802256363557, "q_0.1": 1.4155334908687605, "q_0.125": 1.5314211079935294, "q_0.15": 1.5761727098595335, "q_0.175": 1.6054936858658917, "q_0.2": 1.640461025840134, "q_0.225": 1.6612361999689103, "q_0.25": 1.6949716637182313, "q_0.275": 1.700491107485623, "q_0.3": 1.7251312510046795, "q_0.325": 1.7506012687354757, "q_0.35": 1.7584791666382484, "q_0.375": 1.7938626646659221, "q_0.4": 1.8256487393970575, "q_0.425": 1.8804632621080155, "q_0.45": 1.8947651688023193, "q_0.475": 1.9428411491420838, "q_0.5": 1.9737380618647906, "q_0.525": 1.9853816172181133, "q_0.55": 2.0364240867248338, "q_0.575": 2.0667201576662597, "q_0.6": 2.1182813624010053, "q_0.625": 2.1471434660150575, "q_0.65": 2.161885051545963, "q_0.675": 2.1835887522308957, "q_0.7": 2.1919247966358903, "q_0.725": 2.2050773590973116, "q_0.75": 2.2356010378751776, "q_0.775": 2.2536101082900837, "q_0.8": 2.272549952910886, "q_0.825": 2.3202836219774388, "q_0.85": 2.357575987187868, "q_0.875": 2.4441998714762514, "q_0.9": 2.4836486088453604, "q_0.925": 2.5369801070591347, "q_0.95": 2.5801921504797534, "q_0.975": 2.7350737990639096, "q_1": 3.10544295706245}, {"x": 4.641856742697079, "y": 1.2600738915320613, "y_pred": 1.9737380618647906, "target": "1", "q_0": 1.0786912399882227, "q_0.025": 1.2556712696685537, "q_0.05": 1.313718160685421, "q_0.075": 1.3405802256363557, "q_0.1": 1.4155334908687605, "q_0.125": 1.5314211079935294, "q_0.15": 1.5761727098595335, "q_0.175": 1.6054936858658917, "q_0.2": 1.640461025840134, "q_0.225": 1.6612361999689103, "q_0.25": 1.6949716637182313, "q_0.275": 1.700491107485623, "q_0.3": 1.7251312510046795, "q_0.325": 1.7506012687354757, "q_0.35": 1.7584791666382484, "q_0.375": 1.7938626646659221, "q_0.4": 1.8256487393970575, "q_0.425": 1.8804632621080155, "q_0.45": 1.8947651688023193, "q_0.475": 1.9428411491420838, "q_0.5": 1.9737380618647906, "q_0.525": 1.9853816172181133, "q_0.55": 2.0364240867248338, "q_0.575": 2.0667201576662597, "q_0.6": 2.1182813624010053, "q_0.625": 2.1471434660150575, "q_0.65": 2.161885051545963, "q_0.675": 2.1835887522308957, "q_0.7": 2.1919247966358903, "q_0.725": 2.2050773590973116, "q_0.75": 2.2356010378751776, "q_0.775": 2.2536101082900837, "q_0.8": 2.272549952910886, "q_0.825": 2.3202836219774388, "q_0.85": 2.357575987187868, "q_0.875": 2.4441998714762514, "q_0.9": 2.4836486088453604, "q_0.925": 2.5369801070591347, "q_0.95": 2.5801921504797534, "q_0.975": 2.7350737990639096, "q_1": 3.10544295706245}, {"x": 4.68187274909964, "y": 1.700491107485623, "y_pred": 1.9853816172181133, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2591247285988385, "q_0.05": 1.313718160685421, "q_0.075": 1.3407877867848452, "q_0.1": 1.4875018218530234, "q_0.125": 1.5631008139578264, "q_0.15": 1.5942958558883242, "q_0.175": 1.6241954985010723, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7092454005992117, "q_0.3": 1.748045507323806, "q_0.325": 1.7514472296980221, "q_0.35": 1.7780951409323205, "q_0.375": 1.8016032885954067, "q_0.4": 1.8754226961156053, "q_0.425": 1.8947651688023193, "q_0.45": 1.9127412837784434, "q_0.475": 1.9552107295456946, "q_0.5": 1.9853816172181133, "q_0.525": 2.0099134941688126, "q_0.55": 2.0667201576662597, "q_0.575": 2.1182813624010053, "q_0.6": 2.1456734219847933, "q_0.625": 2.158349758130808, "q_0.65": 2.165641952069677, "q_0.675": 2.1919247966358903, "q_0.7": 2.1946613396308043, "q_0.725": 2.2116938666772166, "q_0.75": 2.2499427214266623, "q_0.775": 2.272549952910886, "q_0.8": 2.2970834254008214, "q_0.825": 2.3302278576110784, "q_0.85": 2.3967217410259405, "q_0.875": 2.4558594180200135, "q_0.9": 2.4949839093558666, "q_0.925": 2.540813463760297, "q_0.95": 2.5801921504797534, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 4.721888755502201, "y": 2.2116938666772166, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.313718160685421, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5631008139578264, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.748045507323806, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.0364240867248338, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.1471434660150575, "q_0.625": 2.161885051545963, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2050773590973116, "q_0.725": 2.2356010378751776, "q_0.75": 2.2536101082900837, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.399048011485926, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.6750818584025255, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 4.761904761904762, "y": 1.703644383731212, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.313718160685421, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5631008139578264, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.748045507323806, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.0364240867248338, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.1471434660150575, "q_0.625": 2.161885051545963, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2050773590973116, "q_0.725": 2.2356010378751776, "q_0.75": 2.2536101082900837, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.399048011485926, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.6750818584025255, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 4.8019207683073235, "y": 1.178001487222244, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.313718160685421, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5631008139578264, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.748045507323806, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.0364240867248338, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.1471434660150575, "q_0.625": 2.161885051545963, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2050773590973116, "q_0.725": 2.2356010378751776, "q_0.75": 2.2536101082900837, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.399048011485926, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.6750818584025255, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 4.841936774709884, "y": 1.9153686124135256, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.313718160685421, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5631008139578264, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.748045507323806, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.0364240867248338, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.1471434660150575, "q_0.625": 2.161885051545963, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2050773590973116, "q_0.725": 2.2356010378751776, "q_0.75": 2.2536101082900837, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.399048011485926, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.6750818584025255, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 4.881952781112445, "y": 2.3967217410259405, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 4.921968787515006, "y": 2.1835887522308957, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 4.961984793917567, "y": 1.9416153842387014, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.002000800320128, "y": 2.3202836219774388, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.042016806722689, "y": 2.201345881140945, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.082032813125251, "y": 1.810474880171068, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.122048819527811, "y": 1.9335848821734225, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.162064825930372, "y": 2.1182813624010053, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.202080832332934, "y": 2.272549952910886, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.2420968387354945, "y": 1.2656138806923818, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.282112845138055, "y": 2.1946613396308043, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.322128851540617, "y": 1.7767829084702664, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.362144857943178, "y": 2.0598032309207, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6368987942200748, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7495789641708075, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.1835887522308957, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2356010378751776, "q_0.75": 2.258273548346157, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4049650870951025, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.402160864345738, "y": 2.2018632704544476, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.748045507323806, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.183926848600019, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2499427214266623, "q_0.75": 2.25982384442147, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4441998714762514, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.442176870748299, "y": 1.9127412837784434, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.748045507323806, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.183926848600019, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2499427214266623, "q_0.75": 2.25982384442147, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4441998714762514, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.551176200219537, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.482192877150861, "y": 1.4155334908687605, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.748045507323806, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.183926848600019, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2499427214266623, "q_0.75": 2.260785664842828, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4441998714762514, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.558203281548866, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.5222088835534215, "y": 1.7514472296980221, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.530690502329308, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.748045507323806, "q_0.325": 1.7514472296980221, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.1651755981079774, "q_0.65": 2.183926848600019, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2499427214266623, "q_0.75": 2.260785664842828, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.357575987187868, "q_0.85": 2.4441998714762514, "q_0.875": 2.4811194760629895, "q_0.9": 2.5202995028214916, "q_0.925": 2.558203281548866, "q_0.95": 2.707321630102125, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.562224889955982, "y": 1.313718160685421, "y_pred": 1.9867790633986462, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.536535347643079, "q_0.125": 1.5761727098595335, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.700491107485623, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7530294155095734, "q_0.35": 1.7938626646659221, "q_0.375": 1.8256487393970575, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9428411491420838, "q_0.475": 1.9737380618647906, "q_0.5": 1.9867790633986462, "q_0.525": 2.064300445695231, "q_0.55": 2.1081721057949148, "q_0.575": 2.1344143978676344, "q_0.6": 2.158349758130808, "q_0.625": 2.165641952069677, "q_0.65": 2.191134267868869, "q_0.675": 2.1946613396308043, "q_0.7": 2.2116938666772166, "q_0.725": 2.2499427214266623, "q_0.75": 2.260785664842828, "q_0.775": 2.2892111152582455, "q_0.8": 2.3202836219774388, "q_0.825": 2.3624611524054955, "q_0.85": 2.4558594180200135, "q_0.875": 2.48206790085638, "q_0.9": 2.5281986813998056, "q_0.925": 2.558203281548866, "q_0.95": 2.729011295090292, "q_0.975": 2.7350737990639096, "q_1": 3.11661440888511}, {"x": 5.602240896358544, "y": 2.1344143978676344, "y_pred": 2.0099134941688126, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.5612359127978404, "q_0.125": 1.5768711347293332, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9737380618647906, "q_0.5": 2.0099134941688126, "q_0.525": 2.0667201576662597, "q_0.55": 2.1182813624010053, "q_0.575": 2.1471434660150575, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1919247966358903, "q_0.675": 2.1996987093304345, "q_0.7": 2.2178744216088404, "q_0.725": 2.2536101082900837, "q_0.75": 2.272549952910886, "q_0.775": 2.301986765918782, "q_0.8": 2.357575987187868, "q_0.825": 2.3967217410259405, "q_0.85": 2.4558594180200135, "q_0.875": 2.4949839093558666, "q_0.9": 2.5369801070591347, "q_0.925": 2.5669475991898523, "q_0.95": 2.729011295090292, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 5.642256902761105, "y": 2.4949839093558666, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.5612359127978404, "q_0.125": 1.5768711347293332, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1182813624010053, "q_0.575": 2.1471434660150575, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1919247966358903, "q_0.675": 2.1996987093304345, "q_0.7": 2.2356010378751776, "q_0.725": 2.2536101082900837, "q_0.75": 2.272549952910886, "q_0.775": 2.301986765918782, "q_0.8": 2.357575987187868, "q_0.825": 2.3967217410259405, "q_0.85": 2.4558594180200135, "q_0.875": 2.4949839093558666, "q_0.9": 2.5369801070591347, "q_0.925": 2.5801921504797534, "q_0.95": 2.729011295090292, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 5.6822729091636655, "y": 2.2892111152582455, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4155334908687605, "q_0.1": 1.5612359127978404, "q_0.125": 1.5768711347293332, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1182813624010053, "q_0.575": 2.1471434660150575, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1919247966358903, "q_0.675": 2.1996987093304345, "q_0.7": 2.2356010378751776, "q_0.725": 2.2536101082900837, "q_0.75": 2.272549952910886, "q_0.775": 2.301986765918782, "q_0.8": 2.357575987187868, "q_0.825": 2.3967217410259405, "q_0.85": 2.4558594180200135, "q_0.875": 2.4949839093558666, "q_0.9": 2.5369801070591347, "q_0.925": 2.5801921504797534, "q_0.95": 2.729011295090292, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 5.722288915566227, "y": 1.748045507323806, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5612359127978404, "q_0.125": 1.5768711347293332, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.1547077131931864, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1919247966358903, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.357575987187868, "q_0.825": 2.428633389531809, "q_0.85": 2.4790548450590197, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 5.762304921968788, "y": 2.0162931147559813, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 5.802320928371349, "y": 1.640461025840134, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 5.842336934773909, "y": 1.9680692184508732, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 5.882352941176471, "y": 1.6436461998288363, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 5.922368947579032, "y": 2.2499427214266623, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 5.9623849539815925, "y": 1.5942958558883242, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.002400960384154, "y": 2.575073682104968, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.042416966786715, "y": 2.161885051545963, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.082432973189276, "y": 1.3391272975969297, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.122448979591837, "y": 1.2605146678792636, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.162464985994398, "y": 2.649975695037999, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.202480992396959, "y": 1.5612359127978404, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.2424969987995205, "y": 1.6949716637182313, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3391272975969297, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.5970397580432898, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6897570877456367, "q_0.25": 1.7042095965706285, "q_0.275": 1.7251312510046795, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8804632621080155, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.161885051545963, "q_0.625": 2.1835887522308957, "q_0.65": 2.1925017436944954, "q_0.675": 2.2050773590973116, "q_0.7": 2.2356010378751776, "q_0.725": 2.258273548346157, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.428633389531809, "q_0.85": 2.4811194760629895, "q_0.875": 2.4949839093558666, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.282513005202081, "y": 1.5507728820774718, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3407877867848452, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.6003667043455454, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7092454005992117, "q_0.275": 1.743644759602239, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.1651755981079774, "q_0.625": 2.183926848600019, "q_0.65": 2.1925017436944954, "q_0.675": 2.2116938666772166, "q_0.7": 2.244206048006066, "q_0.725": 2.260785664842828, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.4441998714762514, "q_0.85": 2.4811194760629895, "q_0.875": 2.5202995028214916, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.322529011604642, "y": 2.5801921504797534, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3407877867848452, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.6003667043455454, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7092454005992117, "q_0.275": 1.743644759602239, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.1651755981079774, "q_0.625": 2.183926848600019, "q_0.65": 2.1925017436944954, "q_0.675": 2.2116938666772166, "q_0.7": 2.244206048006066, "q_0.725": 2.260785664842828, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.4441998714762514, "q_0.85": 2.4811194760629895, "q_0.875": 2.5202995028214916, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.362545018007203, "y": 2.1919247966358903, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3407877867848452, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.6003667043455454, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7092454005992117, "q_0.275": 1.743644759602239, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.7938626646659221, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.8947651688023193, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.1651755981079774, "q_0.625": 2.183926848600019, "q_0.65": 2.1925017436944954, "q_0.675": 2.2116938666772166, "q_0.7": 2.244206048006066, "q_0.725": 2.260785664842828, "q_0.75": 2.2892111152582455, "q_0.775": 2.3202836219774388, "q_0.8": 2.3624611524054955, "q_0.825": 2.4441998714762514, "q_0.85": 2.4811194760629895, "q_0.875": 2.5202995028214916, "q_0.9": 2.540813463760297, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.402561024409764, "y": 1.9853816172181133, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3407877867848452, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.6054936858658917, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.743644759602239, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.8016032885954067, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.1651755981079774, "q_0.625": 2.183926848600019, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.260785664842828, "q_0.75": 2.2970834254008214, "q_0.775": 2.3302278576110784, "q_0.8": 2.3624611524054955, "q_0.825": 2.4558594180200135, "q_0.85": 2.4811194760629895, "q_0.875": 2.5202995028214916, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.442577030812325, "y": 2.0667201576662597, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3407877867848452, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.6054936858658917, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.743644759602239, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.8016032885954067, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.1651755981079774, "q_0.625": 2.183926848600019, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.260785664842828, "q_0.75": 2.2970834254008214, "q_0.775": 2.3302278576110784, "q_0.8": 2.3624611524054955, "q_0.825": 2.4558594180200135, "q_0.85": 2.4811194760629895, "q_0.875": 2.5202995028214916, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.482593037214886, "y": 1.7251312510046795, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3407877867848452, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.6054936858658917, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.743644759602239, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.8016032885954067, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.1651755981079774, "q_0.625": 2.183926848600019, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.260785664842828, "q_0.75": 2.2970834254008214, "q_0.775": 2.3302278576110784, "q_0.8": 2.3624611524054955, "q_0.825": 2.4558594180200135, "q_0.85": 2.4811194760629895, "q_0.875": 2.5202995028214916, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.5226090436174475, "y": 2.158349758130808, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3407877867848452, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.6054936858658917, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.743644759602239, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.8016032885954067, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.1651755981079774, "q_0.625": 2.183926848600019, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.260785664842828, "q_0.75": 2.2970834254008214, "q_0.775": 2.3302278576110784, "q_0.8": 2.3624611524054955, "q_0.825": 2.4558594180200135, "q_0.85": 2.4811194760629895, "q_0.875": 2.5202995028214916, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.562625050020008, "y": 1.8804632621080155, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3407877867848452, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.6054936858658917, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.743644759602239, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.8016032885954067, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.1651755981079774, "q_0.625": 2.183926848600019, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.260785664842828, "q_0.75": 2.2970834254008214, "q_0.775": 2.3302278576110784, "q_0.8": 2.3624611524054955, "q_0.825": 2.4558594180200135, "q_0.85": 2.4811194760629895, "q_0.875": 2.5202995028214916, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.602641056422569, "y": 1.5631008139578264, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.2605146678792636, "q_0.05": 1.3407877867848452, "q_0.075": 1.4875018218530234, "q_0.1": 1.5631008139578264, "q_0.125": 1.5781752276141312, "q_0.15": 1.6054936858658917, "q_0.175": 1.6315554467899878, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.743644759602239, "q_0.3": 1.7506012687354757, "q_0.325": 1.7584791666382484, "q_0.35": 1.8016032885954067, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.1651755981079774, "q_0.625": 2.183926848600019, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.260785664842828, "q_0.75": 2.2970834254008214, "q_0.775": 2.3302278576110784, "q_0.8": 2.3624611524054955, "q_0.825": 2.4558594180200135, "q_0.85": 2.4811194760629895, "q_0.875": 2.5202995028214916, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7427053287599286, "q_1": 3.11661440888511}, {"x": 6.642657062825131, "y": 2.2356010378751776, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.313718160685421, "q_0.05": 1.3407877867848452, "q_0.075": 1.530690502329308, "q_0.1": 1.5631008139578264, "q_0.125": 1.5942958558883242, "q_0.15": 1.61014734001063, "q_0.175": 1.640461025840134, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.748045507323806, "q_0.3": 1.7514472296980221, "q_0.325": 1.7652211439842282, "q_0.35": 1.8256487393970575, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.165641952069677, "q_0.625": 2.191134267868869, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.272549952910886, "q_0.75": 2.301986765918782, "q_0.775": 2.357575987187868, "q_0.8": 2.3967217410259405, "q_0.825": 2.4558594180200135, "q_0.85": 2.482510499093292, "q_0.875": 2.5281986813998056, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7646368740395526, "q_1": 3.11661440888511}, {"x": 6.682673069227691, "y": 1.8256487393970575, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.313718160685421, "q_0.05": 1.3407877867848452, "q_0.075": 1.530690502329308, "q_0.1": 1.5631008139578264, "q_0.125": 1.5942958558883242, "q_0.15": 1.61014734001063, "q_0.175": 1.640461025840134, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.748045507323806, "q_0.3": 1.7514472296980221, "q_0.325": 1.7652211439842282, "q_0.35": 1.8256487393970575, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.165641952069677, "q_0.625": 2.191134267868869, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.272549952910886, "q_0.75": 2.301986765918782, "q_0.775": 2.357575987187868, "q_0.8": 2.3967217410259405, "q_0.825": 2.4558594180200135, "q_0.85": 2.482510499093292, "q_0.875": 2.5281986813998056, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7646368740395526, "q_1": 3.11661440888511}, {"x": 6.722689075630252, "y": 2.4351663564088604, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.313718160685421, "q_0.05": 1.3407877867848452, "q_0.075": 1.530690502329308, "q_0.1": 1.5631008139578264, "q_0.125": 1.5942958558883242, "q_0.15": 1.61014734001063, "q_0.175": 1.640461025840134, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.748045507323806, "q_0.3": 1.7514472296980221, "q_0.325": 1.7652211439842282, "q_0.35": 1.8256487393970575, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.165641952069677, "q_0.625": 2.191134267868869, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.272549952910886, "q_0.75": 2.301986765918782, "q_0.775": 2.357575987187868, "q_0.8": 2.3967217410259405, "q_0.825": 2.4558594180200135, "q_0.85": 2.482510499093292, "q_0.875": 2.5281986813998056, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7646368740395526, "q_1": 3.11661440888511}, {"x": 6.762705082032813, "y": 1.8947651688023193, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.313718160685421, "q_0.05": 1.3407877867848452, "q_0.075": 1.530690502329308, "q_0.1": 1.5631008139578264, "q_0.125": 1.5942958558883242, "q_0.15": 1.61014734001063, "q_0.175": 1.640461025840134, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.748045507323806, "q_0.3": 1.7514472296980221, "q_0.325": 1.7652211439842282, "q_0.35": 1.8256487393970575, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.165641952069677, "q_0.625": 2.191134267868869, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.272549952910886, "q_0.75": 2.301986765918782, "q_0.775": 2.357575987187868, "q_0.8": 2.3967217410259405, "q_0.825": 2.4558594180200135, "q_0.85": 2.482510499093292, "q_0.875": 2.5281986813998056, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7646368740395526, "q_1": 3.11661440888511}, {"x": 6.802721088435375, "y": 2.0364240867248338, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.313718160685421, "q_0.05": 1.3407877867848452, "q_0.075": 1.530690502329308, "q_0.1": 1.5631008139578264, "q_0.125": 1.5942958558883242, "q_0.15": 1.61014734001063, "q_0.175": 1.640461025840134, "q_0.2": 1.6436461998288363, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.748045507323806, "q_0.3": 1.7514472296980221, "q_0.325": 1.7652211439842282, "q_0.35": 1.8256487393970575, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9853816172181133, "q_0.5": 2.0364240867248338, "q_0.525": 2.0667201576662597, "q_0.55": 2.1344143978676344, "q_0.575": 2.158349758130808, "q_0.6": 2.165641952069677, "q_0.625": 2.191134267868869, "q_0.65": 2.1946613396308043, "q_0.675": 2.2116938666772166, "q_0.7": 2.2499427214266623, "q_0.725": 2.272549952910886, "q_0.75": 2.301986765918782, "q_0.775": 2.357575987187868, "q_0.8": 2.3967217410259405, "q_0.825": 2.4558594180200135, "q_0.85": 2.482510499093292, "q_0.875": 2.5281986813998056, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7646368740395526, "q_1": 3.11661440888511}, {"x": 6.842737094837935, "y": 2.4558594180200135, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.313718160685421, "q_0.05": 1.3407877867848452, "q_0.075": 1.530690502329308, "q_0.1": 1.5631008139578264, "q_0.125": 1.5942958558883242, "q_0.15": 1.61014734001063, "q_0.175": 1.640461025840134, "q_0.2": 1.651692460867325, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.748045507323806, "q_0.3": 1.7514472296980221, "q_0.325": 1.7652211439842282, "q_0.35": 1.8256487393970575, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9867790633986462, "q_0.5": 2.0364240867248338, "q_0.525": 2.074754357150667, "q_0.55": 2.1456734219847933, "q_0.575": 2.158349758130808, "q_0.6": 2.165641952069677, "q_0.625": 2.1919247966358903, "q_0.65": 2.1996987093304345, "q_0.675": 2.2178744216088404, "q_0.7": 2.2499427214266623, "q_0.725": 2.272549952910886, "q_0.75": 2.301986765918782, "q_0.775": 2.357575987187868, "q_0.8": 2.3967217410259405, "q_0.825": 2.4558594180200135, "q_0.85": 2.4836486088453604, "q_0.875": 2.5281986813998056, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7646368740395526, "q_1": 3.11661440888511}, {"x": 6.882753101240496, "y": 1.9552107295456946, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.313718160685421, "q_0.05": 1.3407877867848452, "q_0.075": 1.530690502329308, "q_0.1": 1.5631008139578264, "q_0.125": 1.5942958558883242, "q_0.15": 1.61014734001063, "q_0.175": 1.640461025840134, "q_0.2": 1.651692460867325, "q_0.225": 1.6949716637182313, "q_0.25": 1.7153730467553179, "q_0.275": 1.748045507323806, "q_0.3": 1.7514472296980221, "q_0.325": 1.7652211439842282, "q_0.35": 1.8256487393970575, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9867790633986462, "q_0.5": 2.0364240867248338, "q_0.525": 2.074754357150667, "q_0.55": 2.1456734219847933, "q_0.575": 2.158349758130808, "q_0.6": 2.165641952069677, "q_0.625": 2.1919247966358903, "q_0.65": 2.1996987093304345, "q_0.675": 2.2178744216088404, "q_0.7": 2.2499427214266623, "q_0.725": 2.272549952910886, "q_0.75": 2.301986765918782, "q_0.775": 2.357575987187868, "q_0.8": 2.3967217410259405, "q_0.825": 2.4558594180200135, "q_0.85": 2.4836486088453604, "q_0.875": 2.5281986813998056, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7646368740395526, "q_1": 3.11661440888511}, {"x": 6.922769107643058, "y": 2.7344841619655367, "y_pred": 2.0364240867248338, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.313718160685421, "q_0.05": 1.3407877867848452, "q_0.075": 1.5350741363146365, "q_0.1": 1.5631008139578264, "q_0.125": 1.5942958558883242, "q_0.15": 1.61014734001063, "q_0.175": 1.640461025840134, "q_0.2": 1.651692460867325, "q_0.225": 1.6949716637182313, "q_0.25": 1.715988593388376, "q_0.275": 1.748045507323806, "q_0.3": 1.7514472296980221, "q_0.325": 1.7652211439842282, "q_0.35": 1.8256487393970575, "q_0.375": 1.8741974463308972, "q_0.4": 1.8862583920563183, "q_0.425": 1.9127412837784434, "q_0.45": 1.9552107295456946, "q_0.475": 1.9867790633986462, "q_0.5": 2.0364240867248338, "q_0.525": 2.1081721057949148, "q_0.55": 2.1456734219847933, "q_0.575": 2.161885051545963, "q_0.6": 2.165641952069677, "q_0.625": 2.1919247966358903, "q_0.65": 2.1996987093304345, "q_0.675": 2.2178744216088404, "q_0.7": 2.2499427214266623, "q_0.725": 2.272549952910886, "q_0.75": 2.301986765918782, "q_0.775": 2.357575987187868, "q_0.8": 2.3967217410259405, "q_0.825": 2.4558594180200135, "q_0.85": 2.4836486088453604, "q_0.875": 2.5281986813998056, "q_0.9": 2.551176200219537, "q_0.925": 2.5801921504797534, "q_0.95": 2.7344841619655367, "q_0.975": 2.7646368740395526, "q_1": 3.11661440888511}, {"x": 6.9627851140456185, "y": 2.4811194760629895, "y_pred": 2.0667201576662597, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4155334908687605, "q_0.075": 1.5612359127978404, "q_0.1": 1.5761727098595335, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8659008625359992, "q_0.375": 1.8804632621080155, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9853816172181133, "q_0.475": 2.0364240867248338, "q_0.5": 2.0667201576662597, "q_0.525": 2.1456734219847933, "q_0.55": 2.161885051545963, "q_0.575": 2.165641952069677, "q_0.6": 2.1919247966358903, "q_0.625": 2.1996987093304345, "q_0.65": 2.2178744216088404, "q_0.675": 2.2536101082900837, "q_0.7": 2.2892111152582455, "q_0.725": 2.3202836219774388, "q_0.75": 2.357575987187868, "q_0.775": 2.399048011485926, "q_0.8": 2.4558594180200135, "q_0.825": 2.4811194760629895, "q_0.85": 2.5202995028214916, "q_0.875": 2.540813463760297, "q_0.9": 2.5669475991898523, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.7646368740395526, "q_1": 3.3999694003344496}, {"x": 7.002801120448179, "y": 2.5369801070591347, "y_pred": 2.074754357150667, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4418058704600873, "q_0.075": 1.5612359127978404, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8741974463308972, "q_0.375": 1.8840852183257053, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9853816172181133, "q_0.475": 2.0364240867248338, "q_0.5": 2.074754357150667, "q_0.525": 2.146797550217463, "q_0.55": 2.161885051545963, "q_0.575": 2.1835887522308957, "q_0.6": 2.1919247966358903, "q_0.625": 2.2050773590973116, "q_0.65": 2.2356010378751776, "q_0.675": 2.258273548346157, "q_0.7": 2.2892111152582455, "q_0.725": 2.3202836219774388, "q_0.75": 2.357575987187868, "q_0.775": 2.399048011485926, "q_0.8": 2.4790548450590197, "q_0.825": 2.4836486088453604, "q_0.85": 2.5230642153239025, "q_0.875": 2.540813463760297, "q_0.9": 2.5801921504797534, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.8097691960241553, "q_1": 3.3999694003344496}, {"x": 7.042817126850741, "y": 2.7350737990639096, "y_pred": 2.074754357150667, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.465023759270825, "q_0.075": 1.5612359127978404, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8741974463308972, "q_0.375": 1.8804632621080155, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9853816172181133, "q_0.475": 2.0364240867248338, "q_0.5": 2.074754357150667, "q_0.525": 2.1471434660150575, "q_0.55": 2.161885051545963, "q_0.575": 2.1835887522308957, "q_0.6": 2.1919247966358903, "q_0.625": 2.2050773590973116, "q_0.65": 2.2356010378751776, "q_0.675": 2.258273548346157, "q_0.7": 2.2892111152582455, "q_0.725": 2.3202836219774388, "q_0.75": 2.357575987187868, "q_0.775": 2.399048011485926, "q_0.8": 2.4790548450590197, "q_0.825": 2.4836486088453604, "q_0.85": 2.5258289278263093, "q_0.875": 2.540813463760297, "q_0.9": 2.5801921504797534, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.8097691960241553, "q_1": 3.3999694003344496}, {"x": 7.082833133253302, "y": 1.8862583920563183, "y_pred": 2.074754357150667, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.465023759270825, "q_0.075": 1.5612359127978404, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8741974463308972, "q_0.375": 1.8804632621080155, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9853816172181133, "q_0.475": 2.0364240867248338, "q_0.5": 2.074754357150667, "q_0.525": 2.1471434660150575, "q_0.55": 2.161885051545963, "q_0.575": 2.1835887522308957, "q_0.6": 2.1919247966358903, "q_0.625": 2.2050773590973116, "q_0.65": 2.2356010378751776, "q_0.675": 2.258273548346157, "q_0.7": 2.2892111152582455, "q_0.725": 2.3202836219774388, "q_0.75": 2.357575987187868, "q_0.775": 2.399048011485926, "q_0.8": 2.4790548450590197, "q_0.825": 2.4836486088453604, "q_0.85": 2.5258289278263093, "q_0.875": 2.540813463760297, "q_0.9": 2.5801921504797534, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.8097691960241553, "q_1": 3.3999694003344496}, {"x": 7.122849139655862, "y": 2.180232897172401, "y_pred": 2.074754357150667, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.465023759270825, "q_0.075": 1.5612359127978404, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8741974463308972, "q_0.375": 1.8804632621080155, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9853816172181133, "q_0.475": 2.0364240867248338, "q_0.5": 2.074754357150667, "q_0.525": 2.1471434660150575, "q_0.55": 2.161885051545963, "q_0.575": 2.1835887522308957, "q_0.6": 2.1919247966358903, "q_0.625": 2.2050773590973116, "q_0.65": 2.2356010378751776, "q_0.675": 2.258273548346157, "q_0.7": 2.2892111152582455, "q_0.725": 2.3202836219774388, "q_0.75": 2.357575987187868, "q_0.775": 2.399048011485926, "q_0.8": 2.4790548450590197, "q_0.825": 2.4836486088453604, "q_0.85": 2.5258289278263093, "q_0.875": 2.540813463760297, "q_0.9": 2.5801921504797534, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.8097691960241553, "q_1": 3.3999694003344496}, {"x": 7.162865146058424, "y": 2.357575987187868, "y_pred": 2.074754357150667, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.465023759270825, "q_0.075": 1.5612359127978404, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8741974463308972, "q_0.375": 1.8804632621080155, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9853816172181133, "q_0.475": 2.0364240867248338, "q_0.5": 2.074754357150667, "q_0.525": 2.1471434660150575, "q_0.55": 2.161885051545963, "q_0.575": 2.1835887522308957, "q_0.6": 2.1919247966358903, "q_0.625": 2.2050773590973116, "q_0.65": 2.2356010378751776, "q_0.675": 2.258273548346157, "q_0.7": 2.2892111152582455, "q_0.725": 2.3202836219774388, "q_0.75": 2.357575987187868, "q_0.775": 2.399048011485926, "q_0.8": 2.4790548450590197, "q_0.825": 2.4836486088453604, "q_0.85": 2.5258289278263093, "q_0.875": 2.540813463760297, "q_0.9": 2.5801921504797534, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.8097691960241553, "q_1": 3.3999694003344496}, {"x": 7.202881152460985, "y": 2.331896257397455, "y_pred": 2.1081721057949148, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5612359127978404, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9867790633986462, "q_0.475": 2.064300445695231, "q_0.5": 2.1081721057949148, "q_0.525": 2.1471434660150575, "q_0.55": 2.1651755981079774, "q_0.575": 2.1835887522308957, "q_0.6": 2.1919247966358903, "q_0.625": 2.2050773590973116, "q_0.65": 2.2356010378751776, "q_0.675": 2.25982384442147, "q_0.7": 2.2970834254008214, "q_0.725": 2.3202836219774388, "q_0.75": 2.3624611524054955, "q_0.775": 2.428633389531809, "q_0.8": 2.4790548450590197, "q_0.825": 2.4836486088453604, "q_0.85": 2.5281986813998056, "q_0.875": 2.551176200219537, "q_0.9": 2.5801921504797534, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.242897158863546, "y": 2.7646368740395526, "y_pred": 2.1081721057949148, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5612359127978404, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9867790633986462, "q_0.475": 2.064300445695231, "q_0.5": 2.1081721057949148, "q_0.525": 2.1471434660150575, "q_0.55": 2.1651755981079774, "q_0.575": 2.1835887522308957, "q_0.6": 2.1925017436944954, "q_0.625": 2.2050773590973116, "q_0.65": 2.2356010378751776, "q_0.675": 2.25982384442147, "q_0.7": 2.2970834254008214, "q_0.725": 2.3302278576110784, "q_0.75": 2.3624611524054955, "q_0.775": 2.428633389531809, "q_0.8": 2.4790548450590197, "q_0.825": 2.4836486088453604, "q_0.85": 2.5369801070591347, "q_0.875": 2.551176200219537, "q_0.9": 2.5801921504797534, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.282913165266106, "y": 1.7506012687354757, "y_pred": 2.1081721057949148, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5612359127978404, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9867790633986462, "q_0.475": 2.064300445695231, "q_0.5": 2.1081721057949148, "q_0.525": 2.1471434660150575, "q_0.55": 2.1651755981079774, "q_0.575": 2.1835887522308957, "q_0.6": 2.1925017436944954, "q_0.625": 2.2050773590973116, "q_0.65": 2.2356010378751776, "q_0.675": 2.25982384442147, "q_0.7": 2.2970834254008214, "q_0.725": 2.3302278576110784, "q_0.75": 2.3624611524054955, "q_0.775": 2.428633389531809, "q_0.8": 2.4790548450590197, "q_0.825": 2.4836486088453604, "q_0.85": 2.5369801070591347, "q_0.875": 2.551176200219537, "q_0.9": 2.5801921504797534, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.322929171668668, "y": 1.7584791666382484, "y_pred": 2.1081721057949148, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5612359127978404, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6764723991857389, "q_0.225": 1.7042095965706285, "q_0.25": 1.7251312510046795, "q_0.275": 1.7506012687354757, "q_0.3": 1.7584791666382484, "q_0.325": 1.7826693521756727, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.8947651688023193, "q_0.425": 1.9552107295456946, "q_0.45": 1.9867790633986462, "q_0.475": 2.064300445695231, "q_0.5": 2.1081721057949148, "q_0.525": 2.1471434660150575, "q_0.55": 2.1651755981079774, "q_0.575": 2.1835887522308957, "q_0.6": 2.1925017436944954, "q_0.625": 2.2050773590973116, "q_0.65": 2.2356010378751776, "q_0.675": 2.25982384442147, "q_0.7": 2.2970834254008214, "q_0.725": 2.3302278576110784, "q_0.75": 2.3624611524054955, "q_0.775": 2.428633389531809, "q_0.8": 2.4790548450590197, "q_0.825": 2.4836486088453604, "q_0.85": 2.5369801070591347, "q_0.875": 2.551176200219537, "q_0.9": 2.5801921504797534, "q_0.925": 2.729011295090292, "q_0.95": 2.7350737990639096, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.362945178071229, "y": 2.729011295090292, "y_pred": 2.1353660665705094, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.5974556263310717, "q_0.15": 1.6241954985010723, "q_0.175": 1.6435665704791185, "q_0.2": 1.6897570877456367, "q_0.225": 1.7064053133430575, "q_0.25": 1.7401545478134488, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1353660665705094, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2155567135094802, "q_0.65": 2.2536101082900837, "q_0.675": 2.272549952910886, "q_0.7": 2.301986765918782, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.558203281548866, "q_0.9": 2.6750818584025255, "q_0.925": 2.7344841619655367, "q_0.95": 2.7427053287599286, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.4029611844737895, "y": 2.551176200219537, "y_pred": 2.136317735273385, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6897570877456367, "q_0.225": 1.7064053133430575, "q_0.25": 1.7401545478134488, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.136317735273385, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.272549952910886, "q_0.7": 2.301986765918782, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.558203281548866, "q_0.9": 2.6750818584025255, "q_0.925": 2.7344841619655367, "q_0.95": 2.7427053287599286, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.442977190876351, "y": 1.6315554467899878, "y_pred": 2.136317735273385, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6897570877456367, "q_0.225": 1.7064053133430575, "q_0.25": 1.7401545478134488, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.136317735273385, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.272549952910886, "q_0.7": 2.301986765918782, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.558203281548866, "q_0.9": 2.6750818584025255, "q_0.925": 2.7344841619655367, "q_0.95": 2.7427053287599286, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.482993197278912, "y": 2.2050773590973116, "y_pred": 2.136317735273385, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.5970397580432898, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6897570877456367, "q_0.225": 1.7064053133430575, "q_0.25": 1.7401545478134488, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.136317735273385, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.272549952910886, "q_0.7": 2.301986765918782, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.558203281548866, "q_0.9": 2.6750818584025255, "q_0.925": 2.7344841619655367, "q_0.95": 2.7427053287599286, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.523009203681473, "y": 2.4836486088453604, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.6436461998288363, "q_0.2": 1.6897570877456367, "q_0.225": 1.7092454005992117, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.31113519394811, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.558203281548866, "q_0.9": 2.6750818584025255, "q_0.925": 2.7344841619655367, "q_0.95": 2.7427053287599286, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.563025210084034, "y": 1.8741974463308972, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.6436461998288363, "q_0.2": 1.6897570877456367, "q_0.225": 1.7092454005992117, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.31113519394811, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.558203281548866, "q_0.9": 2.6750818584025255, "q_0.925": 2.7344841619655367, "q_0.95": 2.7427053287599286, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.603041216486595, "y": 2.005233424578963, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.6436461998288363, "q_0.2": 1.6897570877456367, "q_0.225": 1.7092454005992117, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.31113519394811, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.558203281548866, "q_0.9": 2.6750818584025255, "q_0.925": 2.7344841619655367, "q_0.95": 2.7427053287599286, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.643057222889156, "y": 2.2307949718279776, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.6436461998288363, "q_0.2": 1.6897570877456367, "q_0.225": 1.7092454005992117, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.31113519394811, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.558203281548866, "q_0.9": 2.6750818584025255, "q_0.925": 2.7344841619655367, "q_0.95": 2.7427053287599286, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.6830732292917165, "y": 2.064300445695231, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.6436461998288363, "q_0.2": 1.6897570877456367, "q_0.225": 1.7092454005992117, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.31113519394811, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.558203281548866, "q_0.9": 2.6750818584025255, "q_0.925": 2.7344841619655367, "q_0.95": 2.7427053287599286, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.723089235694278, "y": 2.5202995028214916, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3391272975969297, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5773927718832526, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.6436461998288363, "q_0.2": 1.689317792653966, "q_0.225": 1.7092454005992117, "q_0.25": 1.7401545478134488, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.763105242096839, "y": 1.3407877867848452, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.8031212484994, "y": 2.0241362080999696, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.843137254901961, "y": 1.8731273663731591, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.883153261304522, "y": 2.310276041328714, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.923169267707083, "y": 2.581763677850941, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 7.9631852741096445, "y": 1.463020792672003, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 8.003201280512204, "y": 1.5970397580432898, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 8.043217286914766, "y": 2.4177206132409235, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 8.083233293317328, "y": 2.540813463760297, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 8.123249299719888, "y": 2.301986765918782, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.1436608122067884, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5768711347293332, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.640461025840134, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7254745564005882, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.2536101082900837, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.357575987187868, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4811194760629895, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.676446867215599, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 8.16326530612245, "y": 2.9476038788028385, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5781752276141312, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.6436461998288363, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7401545478134488, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.258273548346157, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.3624611524054955, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4836486088453604, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.707321630102125, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 8.20328131252501, "y": 2.165641952069677, "y_pred": 2.1456734219847933, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.3407877867848452, "q_0.05": 1.4875018218530234, "q_0.075": 1.5631008139578264, "q_0.1": 1.5781752276141312, "q_0.125": 1.6003667043455454, "q_0.15": 1.6241954985010723, "q_0.175": 1.6436461998288363, "q_0.2": 1.6875606122872815, "q_0.225": 1.7064053133430575, "q_0.25": 1.7401545478134488, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.7938626646659221, "q_0.35": 1.8741974463308972, "q_0.375": 1.8862583920563183, "q_0.4": 1.9518501628155387, "q_0.425": 1.9853816172181133, "q_0.45": 2.0364240867248338, "q_0.475": 2.0667201576662597, "q_0.5": 2.1456734219847933, "q_0.525": 2.161885051545963, "q_0.55": 2.165641952069677, "q_0.575": 2.191134267868869, "q_0.6": 2.1996987093304345, "q_0.625": 2.2178744216088404, "q_0.65": 2.258273548346157, "q_0.675": 2.2892111152582455, "q_0.7": 2.3202836219774388, "q_0.725": 2.3624611524054955, "q_0.75": 2.399048011485926, "q_0.775": 2.4558594180200135, "q_0.8": 2.4836486088453604, "q_0.825": 2.5202995028214916, "q_0.85": 2.540813463760297, "q_0.875": 2.5669475991898523, "q_0.9": 2.707321630102125, "q_0.925": 2.7344841619655367, "q_0.95": 2.7646368740395526, "q_0.975": 2.9476038788028385, "q_1": 3.4815036306311677}, {"x": 8.24329731892757, "y": 1.5761727098595335, "y_pred": 2.146797550217463, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.3407877867848452, "q_0.05": 1.536535347643079, "q_0.075": 1.5761727098595335, "q_0.1": 1.5781752276141312, "q_0.125": 1.6054936858658917, "q_0.15": 1.6241954985010723, "q_0.175": 1.6436461998288363, "q_0.2": 1.6949716637182313, "q_0.225": 1.7153730467553179, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.7652211439842282, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8894375220746846, "q_0.4": 1.9518501628155387, "q_0.425": 1.9906968929199382, "q_0.45": 2.0364240867248338, "q_0.475": 2.0833958217544333, "q_0.5": 2.146797550217463, "q_0.525": 2.1651755981079774, "q_0.55": 2.1835887522308957, "q_0.575": 2.1919247966358903, "q_0.6": 2.2050773590973116, "q_0.625": 2.2356010378751776, "q_0.65": 2.260785664842828, "q_0.675": 2.2970834254008214, "q_0.7": 2.3302278576110784, "q_0.725": 2.3758752544937853, "q_0.75": 2.428633389531809, "q_0.775": 2.4790548450590197, "q_0.8": 2.4836486088453604, "q_0.825": 2.5281986813998056, "q_0.85": 2.551176200219537, "q_0.875": 2.5801921504797534, "q_0.9": 2.7177618126847722, "q_0.925": 2.7350737990639096, "q_0.95": 2.8097691960241553, "q_0.975": 3.056878401496446, "q_1": 3.4815036306311677}, {"x": 8.283313325330132, "y": 2.4790548450590197, "y_pred": 2.1471434660150575, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.3407877867848452, "q_0.05": 1.536535347643079, "q_0.075": 1.5761727098595335, "q_0.1": 1.5942958558883242, "q_0.125": 1.6054936858658917, "q_0.15": 1.6315554467899878, "q_0.175": 1.651692460867325, "q_0.2": 1.6949716637182313, "q_0.225": 1.7153730467553179, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.766057223481253, "q_0.325": 1.8095111121900993, "q_0.35": 1.8804632621080155, "q_0.375": 1.8894375220746846, "q_0.4": 1.9552107295456946, "q_0.425": 1.9906968929199382, "q_0.45": 2.064300445695231, "q_0.475": 2.094443689031947, "q_0.5": 2.1471434660150575, "q_0.525": 2.1651755981079774, "q_0.55": 2.183926848600019, "q_0.575": 2.1925017436944954, "q_0.6": 2.2050773590973116, "q_0.625": 2.2499427214266623, "q_0.65": 2.260785664842828, "q_0.675": 2.301986765918782, "q_0.7": 2.34153913501825, "q_0.725": 2.394124866599558, "q_0.75": 2.428633389531809, "q_0.775": 2.4790548450590197, "q_0.8": 2.4836486088453604, "q_0.825": 2.5369801070591347, "q_0.85": 2.558203281548866, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7406066580935287, "q_0.95": 2.8309843866460245, "q_0.975": 3.082570185997104, "q_1": 3.4815036306311677}, {"x": 8.323329331732694, "y": 2.345289590087508, "y_pred": 2.1471434660150575, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.3407877867848452, "q_0.05": 1.536535347643079, "q_0.075": 1.5761727098595335, "q_0.1": 1.5942958558883242, "q_0.125": 1.6054936858658917, "q_0.15": 1.6315554467899878, "q_0.175": 1.651692460867325, "q_0.2": 1.6949716637182313, "q_0.225": 1.7153730467553179, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.766057223481253, "q_0.325": 1.8095111121900993, "q_0.35": 1.8804632621080155, "q_0.375": 1.8894375220746846, "q_0.4": 1.9552107295456946, "q_0.425": 1.9906968929199382, "q_0.45": 2.064300445695231, "q_0.475": 2.094443689031947, "q_0.5": 2.1471434660150575, "q_0.525": 2.1651755981079774, "q_0.55": 2.183926848600019, "q_0.575": 2.1925017436944954, "q_0.6": 2.2050773590973116, "q_0.625": 2.2499427214266623, "q_0.65": 2.260785664842828, "q_0.675": 2.301986765918782, "q_0.7": 2.34153913501825, "q_0.725": 2.394124866599558, "q_0.75": 2.428633389531809, "q_0.775": 2.4790548450590197, "q_0.8": 2.4836486088453604, "q_0.825": 2.5369801070591347, "q_0.85": 2.558203281548866, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7406066580935287, "q_0.95": 2.8309843866460245, "q_0.975": 3.082570185997104, "q_1": 3.4815036306311677}, {"x": 8.363345338135254, "y": 2.3302278576110784, "y_pred": 2.1471434660150575, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.3407877867848452, "q_0.05": 1.536535347643079, "q_0.075": 1.5761727098595335, "q_0.1": 1.5942958558883242, "q_0.125": 1.6054936858658917, "q_0.15": 1.6315554467899878, "q_0.175": 1.651692460867325, "q_0.2": 1.6949716637182313, "q_0.225": 1.7153730467553179, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.766057223481253, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8894375220746846, "q_0.4": 1.9552107295456946, "q_0.425": 1.9906968929199382, "q_0.45": 2.064300445695231, "q_0.475": 2.094443689031947, "q_0.5": 2.1471434660150575, "q_0.525": 2.1651755981079774, "q_0.55": 2.183926848600019, "q_0.575": 2.1925017436944954, "q_0.6": 2.2050773590973116, "q_0.625": 2.2356010378751776, "q_0.65": 2.260785664842828, "q_0.675": 2.301986765918782, "q_0.7": 2.34153913501825, "q_0.725": 2.394124866599558, "q_0.75": 2.428633389531809, "q_0.775": 2.4790548450590197, "q_0.8": 2.4836486088453604, "q_0.825": 2.5369801070591347, "q_0.85": 2.558203281548866, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7350737990639096, "q_0.95": 2.8309843866460245, "q_0.975": 3.082570185997104, "q_1": 3.4815036306311677}, {"x": 8.403361344537815, "y": 2.260785664842828, "y_pred": 2.1471434660150575, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.3407877867848452, "q_0.05": 1.536535347643079, "q_0.075": 1.5761727098595335, "q_0.1": 1.5942958558883242, "q_0.125": 1.6054936858658917, "q_0.15": 1.6315554467899878, "q_0.175": 1.651692460867325, "q_0.2": 1.6949716637182313, "q_0.225": 1.7153730467553179, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.766057223481253, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8894375220746846, "q_0.4": 1.9552107295456946, "q_0.425": 1.9906968929199382, "q_0.45": 2.064300445695231, "q_0.475": 2.094443689031947, "q_0.5": 2.1471434660150575, "q_0.525": 2.1651755981079774, "q_0.55": 2.183926848600019, "q_0.575": 2.1925017436944954, "q_0.6": 2.2050773590973116, "q_0.625": 2.2356010378751776, "q_0.65": 2.260785664842828, "q_0.675": 2.301986765918782, "q_0.7": 2.34153913501825, "q_0.725": 2.394124866599558, "q_0.75": 2.428633389531809, "q_0.775": 2.4790548450590197, "q_0.8": 2.4836486088453604, "q_0.825": 2.5369801070591347, "q_0.85": 2.558203281548866, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7350737990639096, "q_0.95": 2.8309843866460245, "q_0.975": 3.082570185997104, "q_1": 3.4815036306311677}, {"x": 8.443377350940377, "y": 2.914606544158137, "y_pred": 2.1471434660150575, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.3407877867848452, "q_0.05": 1.536535347643079, "q_0.075": 1.5761727098595335, "q_0.1": 1.5942958558883242, "q_0.125": 1.6054936858658917, "q_0.15": 1.6315554467899878, "q_0.175": 1.651692460867325, "q_0.2": 1.6949716637182313, "q_0.225": 1.7153730467553179, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.766057223481253, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8894375220746846, "q_0.4": 1.9552107295456946, "q_0.425": 1.9906968929199382, "q_0.45": 2.064300445695231, "q_0.475": 2.094443689031947, "q_0.5": 2.1471434660150575, "q_0.525": 2.1651755981079774, "q_0.55": 2.183926848600019, "q_0.575": 2.1925017436944954, "q_0.6": 2.2050773590973116, "q_0.625": 2.2356010378751776, "q_0.65": 2.260785664842828, "q_0.675": 2.301986765918782, "q_0.7": 2.34153913501825, "q_0.725": 2.394124866599558, "q_0.75": 2.428633389531809, "q_0.775": 2.4790548450590197, "q_0.8": 2.4836486088453604, "q_0.825": 2.5369801070591347, "q_0.85": 2.558203281548866, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7350737990639096, "q_0.95": 2.8309843866460245, "q_0.975": 3.082570185997104, "q_1": 3.4815036306311677}, {"x": 8.483393357342937, "y": 1.5781752276141312, "y_pred": 2.1471434660150575, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.3407877867848452, "q_0.05": 1.536535347643079, "q_0.075": 1.5761727098595335, "q_0.1": 1.5942958558883242, "q_0.125": 1.6054936858658917, "q_0.15": 1.6315554467899878, "q_0.175": 1.651692460867325, "q_0.2": 1.6949716637182313, "q_0.225": 1.7153730467553179, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.766057223481253, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8894375220746846, "q_0.4": 1.9552107295456946, "q_0.425": 1.9906968929199382, "q_0.45": 2.064300445695231, "q_0.475": 2.094443689031947, "q_0.5": 2.1471434660150575, "q_0.525": 2.1651755981079774, "q_0.55": 2.183926848600019, "q_0.575": 2.1925017436944954, "q_0.6": 2.2050773590973116, "q_0.625": 2.2356010378751776, "q_0.65": 2.260785664842828, "q_0.675": 2.301986765918782, "q_0.7": 2.34153913501825, "q_0.725": 2.394124866599558, "q_0.75": 2.428633389531809, "q_0.775": 2.4790548450590197, "q_0.8": 2.4836486088453604, "q_0.825": 2.5369801070591347, "q_0.85": 2.558203281548866, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7350737990639096, "q_0.95": 2.8309843866460245, "q_0.975": 3.082570185997104, "q_1": 3.4815036306311677}, {"x": 8.523409363745499, "y": 1.4875018218530234, "y_pred": 2.1471434660150575, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.3407877867848452, "q_0.05": 1.536535347643079, "q_0.075": 1.5761727098595335, "q_0.1": 1.5942958558883242, "q_0.125": 1.6054936858658917, "q_0.15": 1.6315554467899878, "q_0.175": 1.651692460867325, "q_0.2": 1.6949716637182313, "q_0.225": 1.7153730467553179, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.766057223481253, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8894375220746846, "q_0.4": 1.9552107295456946, "q_0.425": 1.9906968929199382, "q_0.45": 2.064300445695231, "q_0.475": 2.094443689031947, "q_0.5": 2.1471434660150575, "q_0.525": 2.1651755981079774, "q_0.55": 2.183926848600019, "q_0.575": 2.1925017436944954, "q_0.6": 2.2050773590973116, "q_0.625": 2.2356010378751776, "q_0.65": 2.260785664842828, "q_0.675": 2.301986765918782, "q_0.7": 2.34153913501825, "q_0.725": 2.394124866599558, "q_0.75": 2.428633389531809, "q_0.775": 2.4790548450590197, "q_0.8": 2.4836486088453604, "q_0.825": 2.5369801070591347, "q_0.85": 2.558203281548866, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7350737990639096, "q_0.95": 2.8309843866460245, "q_0.975": 3.082570185997104, "q_1": 3.4815036306311677}, {"x": 8.56342537014806, "y": 1.6241954985010723, "y_pred": 2.1471434660150575, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.3407877867848452, "q_0.05": 1.536535347643079, "q_0.075": 1.5761727098595335, "q_0.1": 1.5942958558883242, "q_0.125": 1.6054936858658917, "q_0.15": 1.6315554467899878, "q_0.175": 1.651692460867325, "q_0.2": 1.6949716637182313, "q_0.225": 1.7153730467553179, "q_0.25": 1.743644759602239, "q_0.275": 1.7506012687354757, "q_0.3": 1.766057223481253, "q_0.325": 1.8095111121900993, "q_0.35": 1.8741974463308972, "q_0.375": 1.8894375220746846, "q_0.4": 1.9552107295456946, "q_0.425": 1.9906968929199382, "q_0.45": 2.064300445695231, "q_0.475": 2.094443689031947, "q_0.5": 2.1471434660150575, "q_0.525": 2.1651755981079774, "q_0.55": 2.183926848600019, "q_0.575": 2.1925017436944954, "q_0.6": 2.2050773590973116, "q_0.625": 2.2356010378751776, "q_0.65": 2.260785664842828, "q_0.675": 2.301986765918782, "q_0.7": 2.34153913501825, "q_0.725": 2.394124866599558, "q_0.75": 2.428633389531809, "q_0.775": 2.4790548450590197, "q_0.8": 2.4836486088453604, "q_0.825": 2.5369801070591347, "q_0.85": 2.558203281548866, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7350737990639096, "q_0.95": 2.8309843866460245, "q_0.975": 3.082570185997104, "q_1": 3.4815036306311677}, {"x": 8.60344137655062, "y": 1.7780951409323205, "y_pred": 2.158349758130808, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5612359127978404, "q_0.075": 1.5768711347293332, "q_0.1": 1.5970397580432898, "q_0.125": 1.61014734001063, "q_0.15": 1.640461025840134, "q_0.175": 1.6764723991857389, "q_0.2": 1.7042095965706285, "q_0.225": 1.715988593388376, "q_0.25": 1.743644759602239, "q_0.275": 1.7584791666382484, "q_0.3": 1.7780951409323205, "q_0.325": 1.8256487393970575, "q_0.35": 1.8804632621080155, "q_0.375": 1.8947651688023193, "q_0.4": 1.9726743155341868, "q_0.425": 1.9923941629620197, "q_0.45": 2.064300445695231, "q_0.475": 2.1182813624010053, "q_0.5": 2.158349758130808, "q_0.525": 2.1651755981079774, "q_0.55": 2.183926848600019, "q_0.575": 2.1925017436944954, "q_0.6": 2.2050773590973116, "q_0.625": 2.2499427214266623, "q_0.65": 2.260785664842828, "q_0.675": 2.301986765918782, "q_0.7": 2.357575987187868, "q_0.725": 2.399048011485926, "q_0.75": 2.4441998714762514, "q_0.775": 2.4790548450590197, "q_0.8": 2.519551391651299, "q_0.825": 2.540813463760297, "q_0.85": 2.5669475991898523, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7427053287599286, "q_0.95": 2.9147032497610956, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 8.643457382953182, "y": 2.3624611524054955, "y_pred": 2.158349758130808, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5612359127978404, "q_0.075": 1.5768711347293332, "q_0.1": 1.5970397580432898, "q_0.125": 1.61014734001063, "q_0.15": 1.640461025840134, "q_0.175": 1.6764723991857389, "q_0.2": 1.7042095965706285, "q_0.225": 1.715988593388376, "q_0.25": 1.746683444054756, "q_0.275": 1.7584791666382484, "q_0.3": 1.7780951409323205, "q_0.325": 1.8256487393970575, "q_0.35": 1.8804632621080155, "q_0.375": 1.9127412837784434, "q_0.4": 1.9726743155341868, "q_0.425": 1.9923941629620197, "q_0.45": 2.0667201576662597, "q_0.475": 2.1344143978676344, "q_0.5": 2.158349758130808, "q_0.525": 2.165641952069677, "q_0.55": 2.191134267868869, "q_0.575": 2.1925017436944954, "q_0.6": 2.2116938666772166, "q_0.625": 2.2536101082900837, "q_0.65": 2.272549952910886, "q_0.675": 2.301986765918782, "q_0.7": 2.3624611524054955, "q_0.725": 2.399048011485926, "q_0.75": 2.4441998714762514, "q_0.775": 2.4811194760629895, "q_0.8": 2.519551391651299, "q_0.825": 2.540813463760297, "q_0.85": 2.5669475991898523, "q_0.875": 2.6750818584025255, "q_0.9": 2.729011295090292, "q_0.925": 2.7427053287599286, "q_0.95": 2.9147032497610956, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 8.683473389355743, "y": 2.399048011485926, "y_pred": 2.158349758130808, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5612359127978404, "q_0.075": 1.5768711347293332, "q_0.1": 1.5987032311944178, "q_0.125": 1.61014734001063, "q_0.15": 1.640461025840134, "q_0.175": 1.6764723991857389, "q_0.2": 1.7042095965706285, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7584791666382484, "q_0.3": 1.7780951409323205, "q_0.325": 1.8659008625359992, "q_0.35": 1.8825077275430822, "q_0.375": 1.9127412837784434, "q_0.4": 1.9726743155341868, "q_0.425": 1.9923941629620197, "q_0.45": 2.0667201576662597, "q_0.475": 2.1344143978676344, "q_0.5": 2.158349758130808, "q_0.525": 2.165641952069677, "q_0.55": 2.191134267868869, "q_0.575": 2.1925017436944954, "q_0.6": 2.2116938666772166, "q_0.625": 2.2562566884199984, "q_0.65": 2.272549952910886, "q_0.675": 2.3202836219774388, "q_0.7": 2.3624611524054955, "q_0.725": 2.399048011485926, "q_0.75": 2.4441998714762514, "q_0.775": 2.4811194760629895, "q_0.8": 2.5202995028214916, "q_0.825": 2.540813463760297, "q_0.85": 2.5669475991898523, "q_0.875": 2.676446867215599, "q_0.9": 2.729011295090292, "q_0.925": 2.7427053287599286, "q_0.95": 2.9147032497610956, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 8.723489395758303, "y": 1.7652211439842282, "y_pred": 2.159252646284476, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6425313889327906, "q_0.175": 1.6764723991857389, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9398895035522234, "q_0.4": 1.9737380618647906, "q_0.425": 1.99424811067523, "q_0.45": 2.0667201576662597, "q_0.475": 2.1344143978676344, "q_0.5": 2.159252646284476, "q_0.525": 2.165641952069677, "q_0.55": 2.191134267868869, "q_0.575": 2.1925017436944954, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2892111152582455, "q_0.675": 2.3302278576110784, "q_0.7": 2.3624611524054955, "q_0.725": 2.399048011485926, "q_0.75": 2.455426470971908, "q_0.775": 2.4811194760629895, "q_0.8": 2.5202995028214916, "q_0.825": 2.551176200219537, "q_0.85": 2.5669475991898523, "q_0.875": 2.707321630102125, "q_0.9": 2.7344841619655367, "q_0.925": 2.7646368740395526, "q_0.95": 2.9476038788028385, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 8.763505402160865, "y": 2.1996987093304345, "y_pred": 2.1618868549483543, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618868549483543, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.788331343081471, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 8.803521408563427, "y": 2.191134267868869, "y_pred": 2.1618868549483543, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618868549483543, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.788331343081471, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 8.843537414965986, "y": 2.1456734219847933, "y_pred": 2.1618868549483543, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618868549483543, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.788331343081471, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 8.883553421368548, "y": 2.7427053287599286, "y_pred": 2.1618868549483543, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618868549483543, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.788331343081471, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 8.923569427771108, "y": 2.183926848600019, "y_pred": 2.1618868549483543, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618868549483543, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.788331343081471, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 8.96358543417367, "y": 2.6750818584025255, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.003601440576231, "y": 1.670307284332978, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.043617446978791, "y": 2.2970834254008214, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.083633453381353, "y": 2.80089804877752, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.123649459783914, "y": 1.696364260328574, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.163665466186474, "y": 2.1925017436944954, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.203681472589036, "y": 2.4441998714762514, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.243697478991598, "y": 1.7153730467553179, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.283713485394157, "y": 2.707321630102125, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.323729491796719, "y": 1.536535347643079, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.36374549819928, "y": 3.0453784047774124, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.40376150460184, "y": 2.2178744216088404, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.443777511004402, "y": 1.9906968929199382, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.483793517406964, "y": 1.61014734001063, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.523809523809524, "y": 2.1651755981079774, "y_pred": 2.161885051545963, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5631008139578264, "q_0.075": 1.5768711347293332, "q_0.1": 1.6003667043455454, "q_0.125": 1.6241954985010723, "q_0.15": 1.6436461998288363, "q_0.175": 1.6875606122872815, "q_0.2": 1.7064053133430575, "q_0.225": 1.7251312510046795, "q_0.25": 1.746683444054756, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9867790633986462, "q_0.425": 2.027131062088837, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.161885051545963, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.258273548346157, "q_0.65": 2.2970834254008214, "q_0.675": 2.3302278576110784, "q_0.7": 2.3758752544937853, "q_0.725": 2.428633389531809, "q_0.75": 2.4558594180200135, "q_0.775": 2.4836486088453604, "q_0.8": 2.5281986813998056, "q_0.825": 2.558203281548866, "q_0.85": 2.5801921504797534, "q_0.875": 2.707321630102125, "q_0.9": 2.7350737990639096, "q_0.925": 2.8097691960241553, "q_0.95": 3.028872387280381, "q_0.975": 3.10544295706245, "q_1": 3.4815036306311677}, {"x": 9.563825530212085, "y": 2.5669475991898523, "y_pred": 2.1618886583507457, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5706352996393322, "q_0.075": 1.5781752276141312, "q_0.1": 1.6054936858658917, "q_0.125": 1.6241954985010723, "q_0.15": 1.651692460867325, "q_0.175": 1.6875606122872815, "q_0.2": 1.7153730467553179, "q_0.225": 1.7254745564005882, "q_0.25": 1.748045507323806, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.0364240867248338, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618886583507457, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.25982384442147, "q_0.65": 2.2970834254008214, "q_0.675": 2.34153913501825, "q_0.7": 2.394124866599558, "q_0.725": 2.428633389531809, "q_0.75": 2.4790548450590197, "q_0.775": 2.4949839093558666, "q_0.8": 2.540813463760297, "q_0.825": 2.558203281548866, "q_0.85": 2.6750818584025255, "q_0.875": 2.729011295090292, "q_0.9": 2.7427053287599286, "q_0.925": 2.910085567877327, "q_0.95": 3.082570185997104, "q_0.975": 3.1227101939238655, "q_1": 3.4815036306311677}, {"x": 9.603841536614647, "y": 1.5768711347293332, "y_pred": 2.1618886583507457, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5706352996393322, "q_0.075": 1.5781752276141312, "q_0.1": 1.6054936858658917, "q_0.125": 1.6241954985010723, "q_0.15": 1.651692460867325, "q_0.175": 1.6875606122872815, "q_0.2": 1.7153730467553179, "q_0.225": 1.7254745564005882, "q_0.25": 1.748045507323806, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.0364240867248338, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618886583507457, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.25982384442147, "q_0.65": 2.2970834254008214, "q_0.675": 2.34153913501825, "q_0.7": 2.394124866599558, "q_0.725": 2.428633389531809, "q_0.75": 2.4790548450590197, "q_0.775": 2.4949839093558666, "q_0.8": 2.540813463760297, "q_0.825": 2.558203281548866, "q_0.85": 2.6750818584025255, "q_0.875": 2.729011295090292, "q_0.9": 2.7427053287599286, "q_0.925": 2.910085567877327, "q_0.95": 3.082570185997104, "q_0.975": 3.1227101939238655, "q_1": 3.4815036306311677}, {"x": 9.643857543017207, "y": 1.9518501628155387, "y_pred": 2.1618886583507457, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5706352996393322, "q_0.075": 1.5781752276141312, "q_0.1": 1.6054936858658917, "q_0.125": 1.6241954985010723, "q_0.15": 1.651692460867325, "q_0.175": 1.6875606122872815, "q_0.2": 1.7153730467553179, "q_0.225": 1.7254745564005882, "q_0.25": 1.748045507323806, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.0364240867248338, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618886583507457, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.25982384442147, "q_0.65": 2.2970834254008214, "q_0.675": 2.34153913501825, "q_0.7": 2.394124866599558, "q_0.725": 2.428633389531809, "q_0.75": 2.4790548450590197, "q_0.775": 2.4949839093558666, "q_0.8": 2.540813463760297, "q_0.825": 2.558203281548866, "q_0.85": 2.6750818584025255, "q_0.875": 2.729011295090292, "q_0.9": 2.7427053287599286, "q_0.925": 2.910085567877327, "q_0.95": 3.082570185997104, "q_0.975": 3.1227101939238655, "q_1": 3.4815036306311677}, {"x": 9.683873549419769, "y": 2.8895065163192877, "y_pred": 2.1618886583507457, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5706352996393322, "q_0.075": 1.5781752276141312, "q_0.1": 1.6054936858658917, "q_0.125": 1.6241954985010723, "q_0.15": 1.651692460867325, "q_0.175": 1.6875606122872815, "q_0.2": 1.7153730467553179, "q_0.225": 1.7254745564005882, "q_0.25": 1.748045507323806, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.0364240867248338, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618886583507457, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.25982384442147, "q_0.65": 2.2970834254008214, "q_0.675": 2.34153913501825, "q_0.7": 2.394124866599558, "q_0.725": 2.428633389531809, "q_0.75": 2.4790548450590197, "q_0.775": 2.4949839093558666, "q_0.8": 2.540813463760297, "q_0.825": 2.558203281548866, "q_0.85": 2.6750818584025255, "q_0.875": 2.729011295090292, "q_0.9": 2.7427053287599286, "q_0.925": 2.910085567877327, "q_0.95": 3.082570185997104, "q_0.975": 3.1227101939238655, "q_1": 3.4815036306311677}, {"x": 9.72388955582233, "y": 2.558203281548866, "y_pred": 2.1618886583507457, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5706352996393322, "q_0.075": 1.5781752276141312, "q_0.1": 1.6054936858658917, "q_0.125": 1.6241954985010723, "q_0.15": 1.651692460867325, "q_0.175": 1.6897570877456367, "q_0.2": 1.7153730467553179, "q_0.225": 1.7254745564005882, "q_0.25": 1.748045507323806, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8862583920563183, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.0364240867248338, "q_0.45": 2.074754357150667, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618886583507457, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2178744216088404, "q_0.625": 2.25982384442147, "q_0.65": 2.2970834254008214, "q_0.675": 2.34153913501825, "q_0.7": 2.394124866599558, "q_0.725": 2.4441998714762514, "q_0.75": 2.4790548450590197, "q_0.775": 2.4949839093558666, "q_0.8": 2.540813463760297, "q_0.825": 2.5669475991898523, "q_0.85": 2.6750818584025255, "q_0.875": 2.729011295090292, "q_0.9": 2.7427053287599286, "q_0.925": 2.910085567877327, "q_0.95": 3.082570185997104, "q_0.975": 3.1227101939238655, "q_1": 3.4815036306311677}, {"x": 9.76390556222489, "y": 1.7826693521756727, "y_pred": 2.1618886583507457, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5761727098595335, "q_0.075": 1.5781752276141312, "q_0.1": 1.6054936858658917, "q_0.125": 1.6241954985010723, "q_0.15": 1.651692460867325, "q_0.175": 1.6949716637182313, "q_0.2": 1.7153730467553179, "q_0.225": 1.7401545478134488, "q_0.25": 1.748045507323806, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8894375220746846, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.0364240867248338, "q_0.45": 2.07806753604615, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618886583507457, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2304222094437676, "q_0.625": 2.25982384442147, "q_0.65": 2.3002307214829223, "q_0.675": 2.357575987187868, "q_0.7": 2.3967217410259405, "q_0.725": 2.4441998714762514, "q_0.75": 2.4790548450590197, "q_0.775": 2.519551391651299, "q_0.8": 2.540813463760297, "q_0.825": 2.5669475991898523, "q_0.85": 2.676446867215599, "q_0.875": 2.729011295090292, "q_0.9": 2.7427053287599286, "q_0.925": 2.9128612465750425, "q_0.95": 3.082570185997104, "q_0.975": 3.1419948986942368, "q_1": 3.4815036306311677}, {"x": 9.803921568627452, "y": 1.7042095965706285, "y_pred": 2.1618886583507457, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.4875018218530234, "q_0.05": 1.5761727098595335, "q_0.075": 1.5781752276141312, "q_0.1": 1.6054936858658917, "q_0.125": 1.6241954985010723, "q_0.15": 1.651692460867325, "q_0.175": 1.6949716637182313, "q_0.2": 1.7153730467553179, "q_0.225": 1.7401545478134488, "q_0.25": 1.748045507323806, "q_0.275": 1.7652211439842282, "q_0.3": 1.7826693521756727, "q_0.325": 1.8659008625359992, "q_0.35": 1.8894375220746846, "q_0.375": 1.9518501628155387, "q_0.4": 1.9906968929199382, "q_0.425": 2.0364240867248338, "q_0.45": 2.07806753604615, "q_0.475": 2.1456734219847933, "q_0.5": 2.1618886583507457, "q_0.525": 2.1737618604535083, "q_0.55": 2.191134267868869, "q_0.575": 2.1996987093304345, "q_0.6": 2.2304222094437676, "q_0.625": 2.25982384442147, "q_0.65": 2.3002307214829223, "q_0.675": 2.357575987187868, "q_0.7": 2.3967217410259405, "q_0.725": 2.4441998714762514, "q_0.75": 2.4790548450590197, "q_0.775": 2.519551391651299, "q_0.8": 2.540813463760297, "q_0.825": 2.5669475991898523, "q_0.85": 2.676446867215599, "q_0.875": 2.729011295090292, "q_0.9": 2.7427053287599286, "q_0.925": 2.9128612465750425, "q_0.95": 3.082570185997104, "q_0.975": 3.1419948986942368, "q_1": 3.4815036306311677}, {"x": 9.843937575030012, "y": 3.028872387280381, "y_pred": 2.1651755981079774, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.5086633516570518, "q_0.05": 1.5761727098595335, "q_0.075": 1.5942958558883242, "q_0.1": 1.6054936858658917, "q_0.125": 1.6315554467899878, "q_0.15": 1.6764723991857389, "q_0.175": 1.7042095965706285, "q_0.2": 1.715988593388376, "q_0.225": 1.743644759602239, "q_0.25": 1.7506012687354757, "q_0.275": 1.7780951409323205, "q_0.3": 1.8095111121900993, "q_0.325": 1.8741974463308972, "q_0.35": 1.8947651688023193, "q_0.375": 1.9726743155341868, "q_0.4": 1.9923941629620197, "q_0.425": 2.064300445695231, "q_0.45": 2.0938912956680737, "q_0.475": 2.146797550217463, "q_0.5": 2.1651755981079774, "q_0.525": 2.183926848600019, "q_0.55": 2.1925017436944954, "q_0.575": 2.2178744216088404, "q_0.6": 2.258273548346157, "q_0.625": 2.2892111152582455, "q_0.65": 2.3302278576110784, "q_0.675": 2.3758752544937853, "q_0.7": 2.428633389531809, "q_0.725": 2.4558485943438106, "q_0.75": 2.4836486088453604, "q_0.775": 2.5281986813998056, "q_0.8": 2.558203281548866, "q_0.825": 2.6750818584025255, "q_0.85": 2.7177618126847722, "q_0.875": 2.7427053287599286, "q_0.9": 2.8309843866460245, "q_0.925": 3.028872387280381, "q_0.95": 3.10544295706245, "q_0.975": 3.2029037652023558, "q_1": 3.7958272883525694}, {"x": 9.883953581432573, "y": 1.933113529533938, "y_pred": 2.1651755981079774, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.5086633516570518, "q_0.05": 1.5761727098595335, "q_0.075": 1.5942958558883242, "q_0.1": 1.6054936858658917, "q_0.125": 1.6315554467899878, "q_0.15": 1.6764723991857389, "q_0.175": 1.7042095965706285, "q_0.2": 1.715988593388376, "q_0.225": 1.743644759602239, "q_0.25": 1.7506012687354757, "q_0.275": 1.7780951409323205, "q_0.3": 1.8095111121900993, "q_0.325": 1.8741974463308972, "q_0.35": 1.8947651688023193, "q_0.375": 1.9726743155341868, "q_0.4": 1.9923941629620197, "q_0.425": 2.064300445695231, "q_0.45": 2.0938912956680737, "q_0.475": 2.146797550217463, "q_0.5": 2.1651755981079774, "q_0.525": 2.183926848600019, "q_0.55": 2.1925017436944954, "q_0.575": 2.2178744216088404, "q_0.6": 2.258273548346157, "q_0.625": 2.2892111152582455, "q_0.65": 2.3302278576110784, "q_0.675": 2.3758752544937853, "q_0.7": 2.428633389531809, "q_0.725": 2.4558485943438106, "q_0.75": 2.4836486088453604, "q_0.775": 2.5281986813998056, "q_0.8": 2.558203281548866, "q_0.825": 2.6750818584025255, "q_0.85": 2.7177618126847722, "q_0.875": 2.7427053287599286, "q_0.9": 2.8309843866460245, "q_0.925": 3.028872387280381, "q_0.95": 3.10544295706245, "q_0.975": 3.2029037652023558, "q_1": 3.7958272883525694}, {"x": 9.923969587835135, "y": 1.743644759602239, "y_pred": 2.1651755981079774, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.5086633516570518, "q_0.05": 1.5761727098595335, "q_0.075": 1.5942958558883242, "q_0.1": 1.6054936858658917, "q_0.125": 1.6315554467899878, "q_0.15": 1.6764723991857389, "q_0.175": 1.7042095965706285, "q_0.2": 1.715988593388376, "q_0.225": 1.743644759602239, "q_0.25": 1.7506012687354757, "q_0.275": 1.7780951409323205, "q_0.3": 1.8095111121900993, "q_0.325": 1.8741974463308972, "q_0.35": 1.8947651688023193, "q_0.375": 1.9726743155341868, "q_0.4": 1.9923941629620197, "q_0.425": 2.064300445695231, "q_0.45": 2.0938912956680737, "q_0.475": 2.146797550217463, "q_0.5": 2.1651755981079774, "q_0.525": 2.183926848600019, "q_0.55": 2.1925017436944954, "q_0.575": 2.2178744216088404, "q_0.6": 2.258273548346157, "q_0.625": 2.2892111152582455, "q_0.65": 2.3302278576110784, "q_0.675": 2.3758752544937853, "q_0.7": 2.428633389531809, "q_0.725": 2.4558485943438106, "q_0.75": 2.4836486088453604, "q_0.775": 2.5281986813998056, "q_0.8": 2.558203281548866, "q_0.825": 2.6750818584025255, "q_0.85": 2.7177618126847722, "q_0.875": 2.7427053287599286, "q_0.9": 2.8309843866460245, "q_0.925": 3.028872387280381, "q_0.95": 3.10544295706245, "q_0.975": 3.2029037652023558, "q_1": 3.7958272883525694}, {"x": 9.963985594237695, "y": 3.213381568966706, "y_pred": 2.1651755981079774, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.5086633516570518, "q_0.05": 1.5761727098595335, "q_0.075": 1.5970397580432898, "q_0.1": 1.6054936858658917, "q_0.125": 1.640461025840134, "q_0.15": 1.6764723991857389, "q_0.175": 1.7042095965706285, "q_0.2": 1.715988593388376, "q_0.225": 1.743644759602239, "q_0.25": 1.7506012687354757, "q_0.275": 1.7780951409323205, "q_0.3": 1.810676679078199, "q_0.325": 1.8741974463308972, "q_0.35": 1.8947651688023193, "q_0.375": 1.9726743155341868, "q_0.4": 1.9923941629620197, "q_0.425": 2.064300445695231, "q_0.45": 2.094443689031947, "q_0.475": 2.146797550217463, "q_0.5": 2.1651755981079774, "q_0.525": 2.183926848600019, "q_0.55": 2.1925017436944954, "q_0.575": 2.2178744216088404, "q_0.6": 2.258273548346157, "q_0.625": 2.289944087178931, "q_0.65": 2.3302278576110784, "q_0.675": 2.3758752544937853, "q_0.7": 2.428633389531809, "q_0.725": 2.4558594180200135, "q_0.75": 2.4874288490489973, "q_0.775": 2.5281986813998056, "q_0.8": 2.558203281548866, "q_0.825": 2.6750818584025255, "q_0.85": 2.7177618126847722, "q_0.875": 2.7427053287599286, "q_0.9": 2.910085567877327, "q_0.925": 3.028872387280381, "q_0.95": 3.10544295706245, "q_0.975": 3.2640060460539786, "q_1": 3.7958272883525694}, {"x": 10.004001600640256, "y": 1.9803148955670524, "y_pred": 2.165641952069677, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5086633516570518, "q_0.05": 1.5761727098595335, "q_0.075": 1.6003667043455454, "q_0.1": 1.61014734001063, "q_0.125": 1.6436461998288363, "q_0.15": 1.6764723991857389, "q_0.175": 1.7042095965706285, "q_0.2": 1.715988593388376, "q_0.225": 1.743644759602239, "q_0.25": 1.7584791666382484, "q_0.275": 1.7826693521756727, "q_0.3": 1.8256487393970575, "q_0.325": 1.8816388297331794, "q_0.35": 1.9398895035522234, "q_0.375": 1.9853816172181133, "q_0.4": 2.007340859870221, "q_0.425": 2.074754357150667, "q_0.45": 2.1344143978676344, "q_0.475": 2.158349758130808, "q_0.5": 2.165641952069677, "q_0.525": 2.191134267868869, "q_0.55": 2.1996987093304345, "q_0.575": 2.2304222094437676, "q_0.6": 2.25982384442147, "q_0.625": 2.2970834254008214, "q_0.65": 2.34153913501825, "q_0.675": 2.394124866599558, "q_0.7": 2.428633389531809, "q_0.725": 2.4790548450590197, "q_0.75": 2.4987847032800143, "q_0.775": 2.540813463760297, "q_0.8": 2.5669475991898523, "q_0.825": 2.676446867215599, "q_0.85": 2.729011295090292, "q_0.875": 2.7646368740395526, "q_0.9": 2.9147032497610956, "q_0.925": 3.082570185997104, "q_0.95": 3.11661440888511, "q_0.975": 3.2928888831873198, "q_1": 3.7958272883525694}, {"x": 10.044017607042818, "y": 1.651692460867325, "y_pred": 2.1737618604535083, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7064053133430575, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.7652211439842282, "q_0.275": 1.7938626646659221, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9552107295456946, "q_0.375": 1.9923941629620197, "q_0.4": 2.0364240867248338, "q_0.425": 2.07806753604615, "q_0.45": 2.1456734219847933, "q_0.475": 2.1618886583507457, "q_0.5": 2.1737618604535083, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.260785664842828, "q_0.625": 2.3277417987026685, "q_0.65": 2.3624611524054955, "q_0.675": 2.399048011485926, "q_0.7": 2.455426470971908, "q_0.725": 2.4836486088453604, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7427053287599286, "q_0.875": 2.910085567877327, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.084033613445378, "y": 2.25982384442147, "y_pred": 2.1737618604535083, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7064053133430575, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.7652211439842282, "q_0.275": 1.7938626646659221, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9552107295456946, "q_0.375": 1.9923941629620197, "q_0.4": 2.0364240867248338, "q_0.425": 2.07806753604615, "q_0.45": 2.1456734219847933, "q_0.475": 2.1618886583507457, "q_0.5": 2.1737618604535083, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.260785664842828, "q_0.625": 2.3277417987026685, "q_0.65": 2.3624611524054955, "q_0.675": 2.399048011485926, "q_0.7": 2.455426470971908, "q_0.725": 2.4836486088453604, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7427053287599286, "q_0.875": 2.910085567877327, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.12404961984794, "y": 2.2134581743847996, "y_pred": 2.1737618604535083, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7064053133430575, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.7652211439842282, "q_0.275": 1.7938626646659221, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9552107295456946, "q_0.375": 1.9923941629620197, "q_0.4": 2.0364240867248338, "q_0.425": 2.07806753604615, "q_0.45": 2.1456734219847933, "q_0.475": 2.1618886583507457, "q_0.5": 2.1737618604535083, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.260785664842828, "q_0.625": 2.3277417987026685, "q_0.65": 2.3624611524054955, "q_0.675": 2.399048011485926, "q_0.7": 2.455426470971908, "q_0.725": 2.4836486088453604, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7427053287599286, "q_0.875": 2.910085567877327, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.164065626250501, "y": 3.10544295706245, "y_pred": 2.1737618604535083, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7064053133430575, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.7652211439842282, "q_0.275": 1.7938626646659221, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9552107295456946, "q_0.375": 1.9923941629620197, "q_0.4": 2.0364240867248338, "q_0.425": 2.07806753604615, "q_0.45": 2.1456734219847933, "q_0.475": 2.1618886583507457, "q_0.5": 2.1737618604535083, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.260785664842828, "q_0.625": 2.3277417987026685, "q_0.65": 2.3624611524054955, "q_0.675": 2.399048011485926, "q_0.7": 2.455426470971908, "q_0.725": 2.4836486088453604, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7427053287599286, "q_0.875": 2.910085567877327, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.204081632653061, "y": 1.6764723991857389, "y_pred": 2.1737618604535083, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7064053133430575, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.7652211439842282, "q_0.275": 1.7938626646659221, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9552107295456946, "q_0.375": 1.9923941629620197, "q_0.4": 2.0364240867248338, "q_0.425": 2.07806753604615, "q_0.45": 2.1456734219847933, "q_0.475": 2.1618886583507457, "q_0.5": 2.1737618604535083, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.260785664842828, "q_0.625": 2.3277417987026685, "q_0.65": 2.3624611524054955, "q_0.675": 2.399048011485926, "q_0.7": 2.455426470971908, "q_0.725": 2.4836486088453604, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7427053287599286, "q_0.875": 2.910085567877327, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.244097639055623, "y": 1.6003667043455454, "y_pred": 2.1737618604535083, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7064053133430575, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.7652211439842282, "q_0.275": 1.7938626646659221, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9552107295456946, "q_0.375": 1.9923941629620197, "q_0.4": 2.0364240867248338, "q_0.425": 2.07806753604615, "q_0.45": 2.1456734219847933, "q_0.475": 2.1618886583507457, "q_0.5": 2.1737618604535083, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.260785664842828, "q_0.625": 2.3277417987026685, "q_0.65": 2.3624611524054955, "q_0.675": 2.399048011485926, "q_0.7": 2.455426470971908, "q_0.725": 2.4836486088453604, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7427053287599286, "q_0.875": 2.910085567877327, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.284113645458184, "y": 1.6054936858658917, "y_pred": 2.1737618604535083, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7064053133430575, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.7652211439842282, "q_0.275": 1.8095111121900993, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9569570881445406, "q_0.375": 1.9923941629620197, "q_0.4": 2.0402802991977853, "q_0.425": 2.07806753604615, "q_0.45": 2.1456734219847933, "q_0.475": 2.1618886583507457, "q_0.5": 2.1737618604535083, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.2678442376836605, "q_0.625": 2.3302278576110784, "q_0.65": 2.3758752544937853, "q_0.675": 2.4232132211358013, "q_0.7": 2.455426470971908, "q_0.725": 2.4836486088453604, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7427053287599286, "q_0.875": 2.910085567877327, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.324129651860744, "y": 3.082570185997104, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7153730467553179, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.766057223481253, "q_0.275": 1.8095111121900993, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9726743155341868, "q_0.375": 1.9923941629620197, "q_0.4": 2.0402802991977853, "q_0.425": 2.0833958217544333, "q_0.45": 2.1456734219847933, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.289944087178931, "q_0.625": 2.3302278576110784, "q_0.65": 2.3758752544937853, "q_0.675": 2.428633389531809, "q_0.7": 2.455426470971908, "q_0.725": 2.4874288490489973, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7646368740395526, "q_0.875": 2.9106099093476447, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.364145658263306, "y": 2.258273548346157, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7153730467553179, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.766057223481253, "q_0.275": 1.8095111121900993, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9726743155341868, "q_0.375": 1.9923941629620197, "q_0.4": 2.0402802991977853, "q_0.425": 2.0833958217544333, "q_0.45": 2.1456734219847933, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.289944087178931, "q_0.625": 2.3302278576110784, "q_0.65": 2.3758752544937853, "q_0.675": 2.428633389531809, "q_0.7": 2.455426470971908, "q_0.725": 2.4874288490489973, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7646368740395526, "q_0.875": 2.9106099093476447, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.404161664665867, "y": 1.715988593388376, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7153730467553179, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.766057223481253, "q_0.275": 1.8095111121900993, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9726743155341868, "q_0.375": 1.9923941629620197, "q_0.4": 2.0402802991977853, "q_0.425": 2.0833958217544333, "q_0.45": 2.1456734219847933, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.289944087178931, "q_0.625": 2.3302278576110784, "q_0.65": 2.3758752544937853, "q_0.675": 2.428633389531809, "q_0.7": 2.455426470971908, "q_0.725": 2.4874288490489973, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7646368740395526, "q_0.875": 2.9106099093476447, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.444177671068427, "y": 2.5281986813998056, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.651692460867325, "q_0.15": 1.6875606122872815, "q_0.175": 1.7153730467553179, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.766057223481253, "q_0.275": 1.8095111121900993, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9726743155341868, "q_0.375": 1.9923941629620197, "q_0.4": 2.0402802991977853, "q_0.425": 2.0833958217544333, "q_0.45": 2.1456734219847933, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.289944087178931, "q_0.625": 2.3302278576110784, "q_0.65": 2.3758752544937853, "q_0.675": 2.428633389531809, "q_0.7": 2.455426470971908, "q_0.725": 2.4874288490489973, "q_0.75": 2.5281986813998056, "q_0.775": 2.558203281548866, "q_0.8": 2.6750818584025255, "q_0.825": 2.7177618126847722, "q_0.85": 2.7646368740395526, "q_0.875": 2.9106099093476447, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.484193677470989, "y": 2.428633389531809, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6003667043455454, "q_0.1": 1.6241954985010723, "q_0.125": 1.6601974547742562, "q_0.15": 1.6875606122872815, "q_0.175": 1.7153730467553179, "q_0.2": 1.7254745564005882, "q_0.225": 1.746683444054756, "q_0.25": 1.766057223481253, "q_0.275": 1.8095111121900993, "q_0.3": 1.8659008625359992, "q_0.325": 1.8894375220746846, "q_0.35": 1.9726743155341868, "q_0.375": 1.9923941629620197, "q_0.4": 2.0402802991977853, "q_0.425": 2.0833958217544333, "q_0.45": 2.1456734219847933, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1925017436944954, "q_0.55": 2.2178744216088404, "q_0.575": 2.258273548346157, "q_0.6": 2.2970834254008214, "q_0.625": 2.3302278576110784, "q_0.65": 2.3876967882448223, "q_0.675": 2.428633389531809, "q_0.7": 2.455426470971908, "q_0.725": 2.4874288490489973, "q_0.75": 2.5281986813998056, "q_0.775": 2.566669160601805, "q_0.8": 2.676446867215599, "q_0.825": 2.729011295090292, "q_0.85": 2.8097691960241553, "q_0.875": 2.9106099093476447, "q_0.9": 3.028872387280381, "q_0.925": 3.10544295706245, "q_0.95": 3.1419948986942368, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.52420968387355, "y": 1.8095111121900993, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6054936858658917, "q_0.1": 1.6315554467899878, "q_0.125": 1.6764723991857389, "q_0.15": 1.7042095965706285, "q_0.175": 1.715988593388376, "q_0.2": 1.7401545478134488, "q_0.225": 1.7506012687354757, "q_0.25": 1.7780951409323205, "q_0.275": 1.8095111121900993, "q_0.3": 1.8741974463308972, "q_0.325": 1.8894375220746846, "q_0.35": 1.9726743155341868, "q_0.375": 1.99424811067523, "q_0.4": 2.0667201576662597, "q_0.425": 2.0833958217544333, "q_0.45": 2.146797550217463, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1996987093304345, "q_0.55": 2.2304222094437676, "q_0.575": 2.25982384442147, "q_0.6": 2.3005804210475995, "q_0.625": 2.357575987187868, "q_0.65": 2.394124866599558, "q_0.675": 2.441790563669244, "q_0.7": 2.4790548450590197, "q_0.725": 2.519551391651299, "q_0.75": 2.551176200219537, "q_0.775": 2.6200630651147208, "q_0.8": 2.716392000954027, "q_0.825": 2.7427053287599286, "q_0.85": 2.8309843866460245, "q_0.875": 2.944140015617874, "q_0.9": 3.082570185997104, "q_0.925": 3.11661440888511, "q_0.95": 3.2029037652023473, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.56422569027611, "y": 2.5551884735428043, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6054936858658917, "q_0.1": 1.640461025840134, "q_0.125": 1.6764723991857389, "q_0.15": 1.7042095965706285, "q_0.175": 1.715988593388376, "q_0.2": 1.7401545478134488, "q_0.225": 1.7506012687354757, "q_0.25": 1.7826693521756727, "q_0.275": 1.810676679078199, "q_0.3": 1.8741974463308972, "q_0.325": 1.8947651688023193, "q_0.35": 1.9853816172181133, "q_0.375": 1.99424811067523, "q_0.4": 2.074754357150667, "q_0.425": 2.0833958217544333, "q_0.45": 2.146797550217463, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1996987093304345, "q_0.55": 2.2304222094437676, "q_0.575": 2.25982384442147, "q_0.6": 2.3005804210475995, "q_0.625": 2.357575987187868, "q_0.65": 2.394124866599558, "q_0.675": 2.4441998714762514, "q_0.7": 2.4790548450590197, "q_0.725": 2.519551391651299, "q_0.75": 2.551176200219537, "q_0.775": 2.6200630651147208, "q_0.8": 2.716392000954027, "q_0.825": 2.7427053287599286, "q_0.85": 2.8309843866460245, "q_0.875": 2.944140015617874, "q_0.9": 3.082570185997104, "q_0.925": 3.11661440888511, "q_0.95": 3.2029037652023558, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.604241696678672, "y": 2.074754357150667, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6054936858658917, "q_0.1": 1.640461025840134, "q_0.125": 1.6764723991857389, "q_0.15": 1.7042095965706285, "q_0.175": 1.715988593388376, "q_0.2": 1.7401545478134488, "q_0.225": 1.7506012687354757, "q_0.25": 1.7826693521756727, "q_0.275": 1.810676679078199, "q_0.3": 1.8741974463308972, "q_0.325": 1.8947651688023193, "q_0.35": 1.9853816172181133, "q_0.375": 1.99424811067523, "q_0.4": 2.074754357150667, "q_0.425": 2.0833958217544333, "q_0.45": 2.146797550217463, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1996987093304345, "q_0.55": 2.2304222094437676, "q_0.575": 2.25982384442147, "q_0.6": 2.3005804210475995, "q_0.625": 2.357575987187868, "q_0.65": 2.394124866599558, "q_0.675": 2.4441998714762514, "q_0.7": 2.4790548450590197, "q_0.725": 2.519551391651299, "q_0.75": 2.551176200219537, "q_0.775": 2.6200630651147208, "q_0.8": 2.716392000954027, "q_0.825": 2.7427053287599286, "q_0.85": 2.8309843866460245, "q_0.875": 2.944140015617874, "q_0.9": 3.082570185997104, "q_0.925": 3.11661440888511, "q_0.95": 3.2029037652023558, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.644257703081234, "y": 1.8894375220746846, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6054936858658917, "q_0.1": 1.640461025840134, "q_0.125": 1.6764723991857389, "q_0.15": 1.7042095965706285, "q_0.175": 1.715988593388376, "q_0.2": 1.7401545478134488, "q_0.225": 1.7506012687354757, "q_0.25": 1.7826693521756727, "q_0.275": 1.810676679078199, "q_0.3": 1.8741974463308972, "q_0.325": 1.8947651688023193, "q_0.35": 1.9853816172181133, "q_0.375": 1.99424811067523, "q_0.4": 2.074754357150667, "q_0.425": 2.0833958217544333, "q_0.45": 2.146797550217463, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1996987093304345, "q_0.55": 2.2304222094437676, "q_0.575": 2.25982384442147, "q_0.6": 2.3005804210475995, "q_0.625": 2.357575987187868, "q_0.65": 2.394124866599558, "q_0.675": 2.4441998714762514, "q_0.7": 2.4790548450590197, "q_0.725": 2.519551391651299, "q_0.75": 2.551176200219537, "q_0.775": 2.6200630651147208, "q_0.8": 2.716392000954027, "q_0.825": 2.7427053287599286, "q_0.85": 2.8309843866460245, "q_0.875": 2.944140015617874, "q_0.9": 3.082570185997104, "q_0.925": 3.11661440888511, "q_0.95": 3.2029037652023558, "q_0.975": 3.3999694003344496, "q_1": 3.7958272883525694}, {"x": 10.684273709483794, "y": 2.394124866599558, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6054936858658917, "q_0.1": 1.6426906476322258, "q_0.125": 1.6764723991857389, "q_0.15": 1.7042095965706285, "q_0.175": 1.715988593388376, "q_0.2": 1.743644759602239, "q_0.225": 1.7506012687354757, "q_0.25": 1.7826693521756727, "q_0.275": 1.810676679078199, "q_0.3": 1.8741974463308972, "q_0.325": 1.917451892893663, "q_0.35": 1.9853816172181133, "q_0.375": 1.99424811067523, "q_0.4": 2.074754357150667, "q_0.425": 2.0833958217544333, "q_0.45": 2.146797550217463, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1996987093304345, "q_0.55": 2.2304222094437676, "q_0.575": 2.25982384442147, "q_0.6": 2.3005804210475995, "q_0.625": 2.3624611524054955, "q_0.65": 2.394340424129465, "q_0.675": 2.4441998714762514, "q_0.7": 2.4811194760629895, "q_0.725": 2.519551391651299, "q_0.75": 2.558203281548866, "q_0.775": 2.6750818584025255, "q_0.8": 2.716392000954027, "q_0.825": 2.7427053287599286, "q_0.85": 2.8309843866460245, "q_0.875": 2.9476038788028385, "q_0.9": 3.082570185997104, "q_0.925": 3.11661440888511, "q_0.95": 3.2029037652023558, "q_0.975": 3.401542196968918, "q_1": 3.7958272883525694}, {"x": 10.724289715886355, "y": 1.9923941629620197, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6054936858658917, "q_0.1": 1.6426906476322258, "q_0.125": 1.6764723991857389, "q_0.15": 1.7042095965706285, "q_0.175": 1.715988593388376, "q_0.2": 1.743644759602239, "q_0.225": 1.7506012687354757, "q_0.25": 1.7826693521756727, "q_0.275": 1.810676679078199, "q_0.3": 1.8741974463308972, "q_0.325": 1.917451892893663, "q_0.35": 1.9853816172181133, "q_0.375": 1.99424811067523, "q_0.4": 2.074754357150667, "q_0.425": 2.0833958217544333, "q_0.45": 2.146797550217463, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1996987093304345, "q_0.55": 2.2304222094437676, "q_0.575": 2.25982384442147, "q_0.6": 2.3005804210475995, "q_0.625": 2.3624611524054955, "q_0.65": 2.394340424129465, "q_0.675": 2.4441998714762514, "q_0.7": 2.4811194760629895, "q_0.725": 2.519551391651299, "q_0.75": 2.558203281548866, "q_0.775": 2.6750818584025255, "q_0.8": 2.716392000954027, "q_0.825": 2.7427053287599286, "q_0.85": 2.8309843866460245, "q_0.875": 2.9476038788028385, "q_0.9": 3.082570185997104, "q_0.925": 3.11661440888511, "q_0.95": 3.2029037652023558, "q_0.975": 3.401542196968918, "q_1": 3.7958272883525694}, {"x": 10.764305722288915, "y": 1.8659008625359992, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6054936858658917, "q_0.1": 1.6426906476322258, "q_0.125": 1.6764723991857389, "q_0.15": 1.7042095965706285, "q_0.175": 1.715988593388376, "q_0.2": 1.743644759602239, "q_0.225": 1.7506012687354757, "q_0.25": 1.7826693521756727, "q_0.275": 1.810676679078199, "q_0.3": 1.8741974463308972, "q_0.325": 1.917451892893663, "q_0.35": 1.9853816172181133, "q_0.375": 1.99424811067523, "q_0.4": 2.074754357150667, "q_0.425": 2.0833958217544333, "q_0.45": 2.146797550217463, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1996987093304345, "q_0.55": 2.2304222094437676, "q_0.575": 2.25982384442147, "q_0.6": 2.3005804210475995, "q_0.625": 2.3624611524054955, "q_0.65": 2.394340424129465, "q_0.675": 2.4441998714762514, "q_0.7": 2.4811194760629895, "q_0.725": 2.519551391651299, "q_0.75": 2.558203281548866, "q_0.775": 2.6750818584025255, "q_0.8": 2.716392000954027, "q_0.825": 2.7427053287599286, "q_0.85": 2.8309843866460245, "q_0.875": 2.9476038788028385, "q_0.9": 3.082570185997104, "q_0.925": 3.11661440888511, "q_0.95": 3.2029037652023558, "q_0.975": 3.401542196968918, "q_1": 3.7958272883525694}, {"x": 10.804321728691477, "y": 3.0889094238957133, "y_pred": 2.183926848600019, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.536535347643079, "q_0.05": 1.5768711347293332, "q_0.075": 1.6054936858658917, "q_0.1": 1.6436461998288363, "q_0.125": 1.6764723991857389, "q_0.15": 1.7042095965706285, "q_0.175": 1.715988593388376, "q_0.2": 1.743644759602239, "q_0.225": 1.7584791666382484, "q_0.25": 1.7826693521756727, "q_0.275": 1.810676679078199, "q_0.3": 1.8804632621080155, "q_0.325": 1.9398895035522234, "q_0.35": 1.9906968929199382, "q_0.375": 2.021469012882459, "q_0.4": 2.074754357150667, "q_0.425": 2.0833958217544333, "q_0.45": 2.146797550217463, "q_0.475": 2.1651755981079774, "q_0.5": 2.183926848600019, "q_0.525": 2.1996987093304345, "q_0.55": 2.2536101082900837, "q_0.575": 2.2600642995268094, "q_0.6": 2.301986765918782, "q_0.625": 2.3624611524054955, "q_0.65": 2.3978848762559344, "q_0.675": 2.4441998714762514, "q_0.7": 2.4836486088453604, "q_0.725": 2.5202995028214916, "q_0.75": 2.558203281548866, "q_0.775": 2.6750818584025255, "q_0.8": 2.7177618126847722, "q_0.825": 2.7427053287599286, "q_0.85": 2.910085567877327, "q_0.875": 2.960190747602051, "q_0.9": 3.094027702409054, "q_0.925": 3.11661440888511, "q_0.95": 3.2029037652023558, "q_0.975": 3.4195654797640556, "q_1": 3.7958272883525694}, {"x": 10.844337735094038, "y": 1.746683444054756, "y_pred": 2.191134267868869, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.5631008139578264, "q_0.05": 1.5970397580432898, "q_0.075": 1.61014734001063, "q_0.1": 1.651692460867325, "q_0.125": 1.6875606122872815, "q_0.15": 1.7064053133430575, "q_0.175": 1.7254745564005882, "q_0.2": 1.744261310744111, "q_0.225": 1.766057223481253, "q_0.25": 1.7866353173490446, "q_0.275": 1.8659008625359992, "q_0.3": 1.8894375220746846, "q_0.325": 1.9726743155341868, "q_0.35": 1.9923941629620197, "q_0.375": 2.027131062088837, "q_0.4": 2.07806753604615, "q_0.425": 2.094443689031947, "q_0.45": 2.1471434660150575, "q_0.475": 2.165641952069677, "q_0.5": 2.191134267868869, "q_0.525": 2.2178744216088404, "q_0.55": 2.258273548346157, "q_0.575": 2.2945846570231567, "q_0.6": 2.34153913501825, "q_0.625": 2.394124866599558, "q_0.65": 2.428633389531809, "q_0.675": 2.455426470971908, "q_0.7": 2.4894033343783124, "q_0.725": 2.540813463760297, "q_0.75": 2.567433519049851, "q_0.775": 2.707321630102125, "q_0.8": 2.7350737990639096, "q_0.825": 2.8309843866460245, "q_0.85": 2.9147032497610956, "q_0.875": 3.082570185997104, "q_0.9": 3.10544295706245, "q_0.925": 3.1419948986942368, "q_0.95": 3.2928888831873198, "q_0.975": 3.4195654797640556, "q_1": 3.7958272883525694}, {"x": 10.884353741496598, "y": 1.9811176957972196, "y_pred": 2.191134267868869, "target": "1", "q_0": 1.1780014872222437, "q_0.025": 1.5631008139578264, "q_0.05": 1.5970397580432898, "q_0.075": 1.61014734001063, "q_0.1": 1.651692460867325, "q_0.125": 1.6875606122872815, "q_0.15": 1.7064053133430575, "q_0.175": 1.7254745564005882, "q_0.2": 1.744261310744111, "q_0.225": 1.766057223481253, "q_0.25": 1.7866353173490446, "q_0.275": 1.8659008625359992, "q_0.3": 1.8894375220746846, "q_0.325": 1.9726743155341868, "q_0.35": 1.9923941629620197, "q_0.375": 2.027131062088837, "q_0.4": 2.07806753604615, "q_0.425": 2.094443689031947, "q_0.45": 2.1471434660150575, "q_0.475": 2.165641952069677, "q_0.5": 2.191134267868869, "q_0.525": 2.2178744216088404, "q_0.55": 2.258273548346157, "q_0.575": 2.2945846570231567, "q_0.6": 2.34153913501825, "q_0.625": 2.394124866599558, "q_0.65": 2.428633389531809, "q_0.675": 2.455426470971908, "q_0.7": 2.4894033343783124, "q_0.725": 2.540813463760297, "q_0.75": 2.567433519049851, "q_0.775": 2.707321630102125, "q_0.8": 2.7350737990639096, "q_0.825": 2.8309843866460245, "q_0.85": 2.9147032497610956, "q_0.875": 3.082570185997104, "q_0.9": 3.10544295706245, "q_0.925": 3.1419948986942368, "q_0.95": 3.2928888831873198, "q_0.975": 3.4195654797640556, "q_1": 3.7958272883525694}, {"x": 10.92436974789916, "y": 2.1803460505081977, "y_pred": 2.1925017436944954, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5631008139578264, "q_0.05": 1.5970397580432898, "q_0.075": 1.61014734001063, "q_0.1": 1.6601974547742562, "q_0.125": 1.6875606122872815, "q_0.15": 1.7064053133430575, "q_0.175": 1.7254745564005882, "q_0.2": 1.746683444054756, "q_0.225": 1.766057223481253, "q_0.25": 1.8095111121900993, "q_0.275": 1.8659008625359992, "q_0.3": 1.8894375220746846, "q_0.325": 1.9726743155341868, "q_0.35": 1.99424811067523, "q_0.375": 2.0402802991977853, "q_0.4": 2.07806753604615, "q_0.425": 2.136317735273385, "q_0.45": 2.1612281936477826, "q_0.475": 2.1737618604535083, "q_0.5": 2.1925017436944954, "q_0.525": 2.221763787765269, "q_0.55": 2.258273548346157, "q_0.575": 2.2970834254008214, "q_0.6": 2.34153913501825, "q_0.625": 2.394124866599558, "q_0.65": 2.428633389531809, "q_0.675": 2.4790548450590197, "q_0.7": 2.519551391651299, "q_0.725": 2.558203281548866, "q_0.75": 2.6750818584025255, "q_0.775": 2.716392000954027, "q_0.8": 2.7427053287599286, "q_0.825": 2.910085567877327, "q_0.85": 2.944140015617874, "q_0.875": 3.082570185997104, "q_0.9": 3.11661440888511, "q_0.925": 3.1585551585980562, "q_0.95": 3.293832348295237, "q_0.975": 3.441586955456952, "q_1": 3.7958272883525694}, {"x": 10.964385754301722, "y": 1.9726743155341868, "y_pred": 2.1925017436944954, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5631008139578264, "q_0.05": 1.5970397580432898, "q_0.075": 1.61014734001063, "q_0.1": 1.6601974547742562, "q_0.125": 1.6875606122872815, "q_0.15": 1.7064053133430575, "q_0.175": 1.7254745564005882, "q_0.2": 1.746683444054756, "q_0.225": 1.766057223481253, "q_0.25": 1.8095111121900993, "q_0.275": 1.8659008625359992, "q_0.3": 1.8894375220746846, "q_0.325": 1.9726743155341868, "q_0.35": 1.99424811067523, "q_0.375": 2.0402802991977853, "q_0.4": 2.07806753604615, "q_0.425": 2.136317735273385, "q_0.45": 2.1612281936477826, "q_0.475": 2.1737618604535083, "q_0.5": 2.1925017436944954, "q_0.525": 2.221763787765269, "q_0.55": 2.258273548346157, "q_0.575": 2.2970834254008214, "q_0.6": 2.34153913501825, "q_0.625": 2.394124866599558, "q_0.65": 2.428633389531809, "q_0.675": 2.4790548450590197, "q_0.7": 2.519551391651299, "q_0.725": 2.558203281548866, "q_0.75": 2.6750818584025255, "q_0.775": 2.716392000954027, "q_0.8": 2.7427053287599286, "q_0.825": 2.910085567877327, "q_0.85": 2.944140015617874, "q_0.875": 3.082570185997104, "q_0.9": 3.11661440888511, "q_0.925": 3.1585551585980562, "q_0.95": 3.293832348295237, "q_0.975": 3.441586955456952, "q_1": 3.7958272883525694}, {"x": 11.004401760704281, "y": 1.8571074735455129, "y_pred": 2.2304222094437676, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6003667043455454, "q_0.075": 1.651692460867325, "q_0.1": 1.6764723991857389, "q_0.125": 1.7064053133430575, "q_0.15": 1.715988593388376, "q_0.175": 1.7401545478134488, "q_0.2": 1.7652211439842282, "q_0.225": 1.7866353173490446, "q_0.25": 1.8491309244679617, "q_0.275": 1.8894375220746846, "q_0.3": 1.9726743155341868, "q_0.325": 1.99424811067523, "q_0.35": 2.0402802991977853, "q_0.375": 2.07806753604615, "q_0.4": 2.101075614235774, "q_0.425": 2.146797550217463, "q_0.45": 2.171001775257661, "q_0.475": 2.1925017436944954, "q_0.5": 2.2304222094437676, "q_0.525": 2.25982384442147, "q_0.55": 2.301986765918782, "q_0.575": 2.3758752544937853, "q_0.6": 2.394340424129465, "q_0.625": 2.455426470971908, "q_0.65": 2.4874288490489973, "q_0.675": 2.5281986813998056, "q_0.7": 2.5669475991898523, "q_0.725": 2.676446867215599, "q_0.75": 2.7177618126847722, "q_0.775": 2.8309843866460245, "q_0.8": 2.9106099093476447, "q_0.825": 2.987237480068975, "q_0.85": 3.084317919855012, "q_0.875": 3.11661440888511, "q_0.9": 3.1585551585980562, "q_0.925": 3.2928888831873198, "q_0.95": 3.3999694003344496, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.044417767106843, "y": 2.910085567877327, "y_pred": 2.2304222094437676, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6003667043455454, "q_0.075": 1.651692460867325, "q_0.1": 1.6764723991857389, "q_0.125": 1.7064053133430575, "q_0.15": 1.7251312510046795, "q_0.175": 1.743644759602239, "q_0.2": 1.766057223481253, "q_0.225": 1.7866353173490446, "q_0.25": 1.8659008625359992, "q_0.275": 1.8894375220746846, "q_0.3": 1.9726743155341868, "q_0.325": 1.99424811067523, "q_0.35": 2.0402802991977853, "q_0.375": 2.07806753604615, "q_0.4": 2.1215079694943313, "q_0.425": 2.158349758130808, "q_0.45": 2.1737618604535083, "q_0.475": 2.1925017436944954, "q_0.5": 2.2304222094437676, "q_0.525": 2.260785664842828, "q_0.55": 2.3163031470852005, "q_0.575": 2.3758752544937853, "q_0.6": 2.394340424129465, "q_0.625": 2.455426470971908, "q_0.65": 2.4874288490489973, "q_0.675": 2.5281986813998056, "q_0.7": 2.5675519447000394, "q_0.725": 2.707321630102125, "q_0.75": 2.729011295090292, "q_0.775": 2.8309843866460245, "q_0.8": 2.9106099093476447, "q_0.825": 3.028872387280381, "q_0.85": 3.094027702409054, "q_0.875": 3.11661440888511, "q_0.9": 3.1585551585980562, "q_0.925": 3.2928888831873198, "q_0.95": 3.3999694003344496, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.084433773509405, "y": 2.0833958217544333, "y_pred": 2.2304222094437676, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6003667043455454, "q_0.075": 1.651692460867325, "q_0.1": 1.6764723991857389, "q_0.125": 1.7064053133430575, "q_0.15": 1.7251312510046795, "q_0.175": 1.743644759602239, "q_0.2": 1.766057223481253, "q_0.225": 1.7866353173490446, "q_0.25": 1.8659008625359992, "q_0.275": 1.8894375220746846, "q_0.3": 1.9726743155341868, "q_0.325": 1.99424811067523, "q_0.35": 2.0402802991977853, "q_0.375": 2.07806753604615, "q_0.4": 2.1215079694943313, "q_0.425": 2.158349758130808, "q_0.45": 2.1737618604535083, "q_0.475": 2.1925017436944954, "q_0.5": 2.2304222094437676, "q_0.525": 2.260785664842828, "q_0.55": 2.3163031470852005, "q_0.575": 2.3758752544937853, "q_0.6": 2.394340424129465, "q_0.625": 2.455426470971908, "q_0.65": 2.4874288490489973, "q_0.675": 2.5281986813998056, "q_0.7": 2.5675519447000394, "q_0.725": 2.707321630102125, "q_0.75": 2.729011295090292, "q_0.775": 2.8309843866460245, "q_0.8": 2.9106099093476447, "q_0.825": 3.028872387280381, "q_0.85": 3.094027702409054, "q_0.875": 3.11661440888511, "q_0.9": 3.1585551585980562, "q_0.925": 3.2928888831873198, "q_0.95": 3.3999694003344496, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.124449779911965, "y": 1.6784725165319223, "y_pred": 2.2562566884199984, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6003667043455454, "q_0.075": 1.651692460867325, "q_0.1": 1.6805791695542958, "q_0.125": 1.7064053133430575, "q_0.15": 1.7254745564005882, "q_0.175": 1.743644759602239, "q_0.2": 1.766057223481253, "q_0.225": 1.7981659877350702, "q_0.25": 1.8659008625359992, "q_0.275": 1.8894375220746846, "q_0.3": 1.9804092093057222, "q_0.325": 2.021469012882459, "q_0.35": 2.064300445695231, "q_0.375": 2.0833958217544333, "q_0.4": 2.136317735273385, "q_0.425": 2.1612281936477826, "q_0.45": 2.1737618604535083, "q_0.475": 2.1996987093304345, "q_0.5": 2.2562566884199984, "q_0.525": 2.2722558457091897, "q_0.55": 2.3302278576110784, "q_0.575": 2.3758752544937853, "q_0.6": 2.399048011485926, "q_0.625": 2.455426470971908, "q_0.65": 2.4874288490489973, "q_0.675": 2.540813463760297, "q_0.7": 2.6200630651147208, "q_0.725": 2.7143511675123513, "q_0.75": 2.7427053287599286, "q_0.775": 2.8309843866460245, "q_0.8": 2.9147032497610956, "q_0.825": 3.028872387280381, "q_0.85": 3.094027702409054, "q_0.875": 3.1227101939238655, "q_0.9": 3.1585551585980562, "q_0.925": 3.2928888831873198, "q_0.95": 3.3999694003344496, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.164465786314526, "y": 2.4874288490489973, "y_pred": 2.2562566884199984, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.651692460867325, "q_0.1": 1.6875606122872815, "q_0.125": 1.7064053133430575, "q_0.15": 1.7254745564005882, "q_0.175": 1.743644759602239, "q_0.2": 1.766057223481253, "q_0.225": 1.8095111121900993, "q_0.25": 1.8659008625359992, "q_0.275": 1.921713872569338, "q_0.3": 1.9906968929199382, "q_0.325": 2.027131062088837, "q_0.35": 2.074754357150667, "q_0.375": 2.0833958217544333, "q_0.4": 2.1456734219847933, "q_0.425": 2.1612938794376007, "q_0.45": 2.1737618604535083, "q_0.475": 2.1996987093304345, "q_0.5": 2.2562566884199984, "q_0.525": 2.289944087178931, "q_0.55": 2.34153913501825, "q_0.575": 2.3876967882448223, "q_0.6": 2.428633389531809, "q_0.625": 2.455426470971908, "q_0.65": 2.4987847032800143, "q_0.675": 2.558203281548866, "q_0.7": 2.6200630651147208, "q_0.725": 2.716392000954027, "q_0.75": 2.8097691960241553, "q_0.775": 2.8309843866460245, "q_0.8": 2.9147032497610956, "q_0.825": 3.028872387280381, "q_0.85": 3.10544295706245, "q_0.875": 3.1227101939238655, "q_0.9": 3.1680252568862532, "q_0.925": 3.2928888831873198, "q_0.95": 3.3999694003344496, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.204481792717088, "y": 1.7064053133430575, "y_pred": 2.2562566884199984, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.7064053133430575, "q_0.15": 1.7254745564005882, "q_0.175": 1.743644759602239, "q_0.2": 1.7780951409323205, "q_0.225": 1.8095111121900993, "q_0.25": 1.8659008625359992, "q_0.275": 1.9398895035522234, "q_0.3": 1.9923941629620197, "q_0.325": 2.027131062088837, "q_0.35": 2.074754357150667, "q_0.375": 2.0833958217544333, "q_0.4": 2.1456734219847933, "q_0.425": 2.1618886583507457, "q_0.45": 2.1737618604535083, "q_0.475": 2.1996987093304345, "q_0.5": 2.2562566884199984, "q_0.525": 2.2970834254008214, "q_0.55": 2.34153913501825, "q_0.575": 2.3876967882448223, "q_0.6": 2.428633389531809, "q_0.625": 2.455426470971908, "q_0.65": 2.507091378628539, "q_0.675": 2.558203281548866, "q_0.7": 2.6750818584025255, "q_0.725": 2.716392000954027, "q_0.75": 2.8097691960241553, "q_0.775": 2.910085567877327, "q_0.8": 2.9147032497610956, "q_0.825": 3.0503513498241857, "q_0.85": 3.10544295706245, "q_0.875": 3.1227101939238655, "q_0.9": 3.1680252568862532, "q_0.925": 3.2928888831873198, "q_0.95": 3.3999694003344496, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.244497799119648, "y": 2.146797550217463, "y_pred": 2.258273548346157, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.7064053133430575, "q_0.15": 1.7254745564005882, "q_0.175": 1.746683444054756, "q_0.2": 1.7780951409323205, "q_0.225": 1.8095111121900993, "q_0.25": 1.8741974463308972, "q_0.275": 1.9398895035522234, "q_0.3": 1.9923941629620197, "q_0.325": 2.027131062088837, "q_0.35": 2.074754357150667, "q_0.375": 2.0833958217544333, "q_0.4": 2.146797550217463, "q_0.425": 2.1618886583507457, "q_0.45": 2.1737618604535083, "q_0.475": 2.2178744216088404, "q_0.5": 2.258273548346157, "q_0.525": 2.2970834254008214, "q_0.55": 2.34153913501825, "q_0.575": 2.394124866599558, "q_0.6": 2.428633389531809, "q_0.625": 2.4790548450590197, "q_0.65": 2.519551391651299, "q_0.675": 2.5641632133093606, "q_0.7": 2.676446867215599, "q_0.725": 2.7177618126847722, "q_0.75": 2.8097691960241553, "q_0.775": 2.910085567877327, "q_0.8": 2.9375645139349933, "q_0.825": 3.0608792606701654, "q_0.85": 3.10544295706245, "q_0.875": 3.138898997004305, "q_0.9": 3.1956503380860775, "q_0.925": 3.293832348295237, "q_0.95": 3.4027046988291785, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.28451380552221, "y": 3.1419948986942368, "y_pred": 2.258273548346157, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.7064053133430575, "q_0.15": 1.7254745564005882, "q_0.175": 1.746683444054756, "q_0.2": 1.7780951409323205, "q_0.225": 1.8095111121900993, "q_0.25": 1.8741974463308972, "q_0.275": 1.9398895035522234, "q_0.3": 1.9923941629620197, "q_0.325": 2.027131062088837, "q_0.35": 2.074754357150667, "q_0.375": 2.094443689031947, "q_0.4": 2.146797550217463, "q_0.425": 2.1618886583507457, "q_0.45": 2.183926848600019, "q_0.475": 2.2178744216088404, "q_0.5": 2.258273548346157, "q_0.525": 2.2970834254008214, "q_0.55": 2.34153913501825, "q_0.575": 2.394124866599558, "q_0.6": 2.4311412249112148, "q_0.625": 2.4790548450590197, "q_0.65": 2.519551391651299, "q_0.675": 2.5669475991898523, "q_0.7": 2.676446867215599, "q_0.725": 2.7177618126847722, "q_0.75": 2.8097691960241553, "q_0.775": 2.910085567877327, "q_0.8": 2.9375645139349933, "q_0.825": 3.0608792606701654, "q_0.85": 3.10544295706245, "q_0.875": 3.138898997004305, "q_0.9": 3.2029037652023558, "q_0.925": 3.293832348295237, "q_0.95": 3.4027046988291785, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.324529811924771, "y": 2.1737618604535083, "y_pred": 2.258273548346157, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.7064053133430575, "q_0.15": 1.7254745564005882, "q_0.175": 1.746683444054756, "q_0.2": 1.7780951409323205, "q_0.225": 1.8095111121900993, "q_0.25": 1.8741974463308972, "q_0.275": 1.9398895035522234, "q_0.3": 1.9923941629620197, "q_0.325": 2.027131062088837, "q_0.35": 2.074754357150667, "q_0.375": 2.094443689031947, "q_0.4": 2.146797550217463, "q_0.425": 2.1618886583507457, "q_0.45": 2.183926848600019, "q_0.475": 2.2178744216088404, "q_0.5": 2.258273548346157, "q_0.525": 2.2970834254008214, "q_0.55": 2.34153913501825, "q_0.575": 2.394124866599558, "q_0.6": 2.4311412249112148, "q_0.625": 2.4790548450590197, "q_0.65": 2.519551391651299, "q_0.675": 2.5669475991898523, "q_0.7": 2.676446867215599, "q_0.725": 2.7177618126847722, "q_0.75": 2.8097691960241553, "q_0.775": 2.910085567877327, "q_0.8": 2.9375645139349933, "q_0.825": 3.0608792606701654, "q_0.85": 3.10544295706245, "q_0.875": 3.138898997004305, "q_0.9": 3.2029037652023558, "q_0.925": 3.293832348295237, "q_0.95": 3.4027046988291785, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.364545818327331, "y": 2.676446867215599, "y_pred": 2.258273548346157, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.7064053133430575, "q_0.15": 1.7254745564005882, "q_0.175": 1.746683444054756, "q_0.2": 1.7780951409323205, "q_0.225": 1.8095111121900993, "q_0.25": 1.8741974463308972, "q_0.275": 1.9398895035522234, "q_0.3": 1.9923941629620197, "q_0.325": 2.027131062088837, "q_0.35": 2.074754357150667, "q_0.375": 2.094443689031947, "q_0.4": 2.146797550217463, "q_0.425": 2.1618886583507457, "q_0.45": 2.183926848600019, "q_0.475": 2.2178744216088404, "q_0.5": 2.258273548346157, "q_0.525": 2.2970834254008214, "q_0.55": 2.34153913501825, "q_0.575": 2.394124866599558, "q_0.6": 2.4311412249112148, "q_0.625": 2.4790548450590197, "q_0.65": 2.519551391651299, "q_0.675": 2.5669475991898523, "q_0.7": 2.676446867215599, "q_0.725": 2.7177618126847722, "q_0.75": 2.8097691960241553, "q_0.775": 2.910085567877327, "q_0.8": 2.9375645139349933, "q_0.825": 3.0608792606701654, "q_0.85": 3.10544295706245, "q_0.875": 3.138898997004305, "q_0.9": 3.2029037652023558, "q_0.925": 3.293832348295237, "q_0.95": 3.4027046988291785, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.404561824729893, "y": 2.455426470971908, "y_pred": 2.258273548346157, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.7064053133430575, "q_0.15": 1.7254745564005882, "q_0.175": 1.746683444054756, "q_0.2": 1.7780951409323205, "q_0.225": 1.8095111121900993, "q_0.25": 1.8741974463308972, "q_0.275": 1.9398895035522234, "q_0.3": 1.9923941629620197, "q_0.325": 2.027131062088837, "q_0.35": 2.074754357150667, "q_0.375": 2.094443689031947, "q_0.4": 2.146797550217463, "q_0.425": 2.1618886583507457, "q_0.45": 2.183926848600019, "q_0.475": 2.2178744216088404, "q_0.5": 2.258273548346157, "q_0.525": 2.2970834254008214, "q_0.55": 2.34153913501825, "q_0.575": 2.394124866599558, "q_0.6": 2.4311412249112148, "q_0.625": 2.4790548450590197, "q_0.65": 2.519551391651299, "q_0.675": 2.5669475991898523, "q_0.7": 2.676446867215599, "q_0.725": 2.7177618126847722, "q_0.75": 2.8097691960241553, "q_0.775": 2.910085567877327, "q_0.8": 2.9375645139349933, "q_0.825": 3.0608792606701654, "q_0.85": 3.10544295706245, "q_0.875": 3.138898997004305, "q_0.9": 3.2029037652023558, "q_0.925": 3.293832348295237, "q_0.95": 3.4027046988291785, "q_0.975": 3.4656862685833105, "q_1": 3.7958272883525694}, {"x": 11.444577831132454, "y": 1.7401545478134488, "y_pred": 2.260785664842828, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.7153730467553179, "q_0.15": 1.7401545478134488, "q_0.175": 1.746683444054756, "q_0.2": 1.785024463450957, "q_0.225": 1.810676679078199, "q_0.25": 1.8862583920563183, "q_0.275": 1.9726743155341868, "q_0.3": 1.99424811067523, "q_0.325": 2.0402802991977853, "q_0.35": 2.07806753604615, "q_0.375": 2.094443689031947, "q_0.4": 2.146797550217463, "q_0.425": 2.1651755981079774, "q_0.45": 2.1925017436944954, "q_0.475": 2.2304222094437676, "q_0.5": 2.260785664842828, "q_0.525": 2.301986765918782, "q_0.55": 2.3758752544937853, "q_0.575": 2.394340424129465, "q_0.6": 2.455426470971908, "q_0.625": 2.4874288490489973, "q_0.65": 2.5281986813998056, "q_0.675": 2.6200630651147208, "q_0.7": 2.716392000954027, "q_0.725": 2.7427053287599286, "q_0.75": 2.8309843866460245, "q_0.775": 2.9106099093476447, "q_0.8": 2.9955644615112638, "q_0.825": 3.094027702409054, "q_0.85": 3.11661440888511, "q_0.875": 3.1585551585980562, "q_0.9": 3.235189055656499, "q_0.925": 3.327349574422488, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.484593837535014, "y": 2.7177618126847722, "y_pred": 2.2827484712500667, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7506012687354757, "q_0.2": 1.785024463450957, "q_0.225": 1.810676679078199, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 1.99424811067523, "q_0.325": 2.0402802991977853, "q_0.35": 2.07806753604615, "q_0.375": 2.101075614235774, "q_0.4": 2.158349758130808, "q_0.425": 2.171001775257661, "q_0.45": 2.1925017436944954, "q_0.475": 2.2304222094437676, "q_0.5": 2.2827484712500667, "q_0.525": 2.3302278576110784, "q_0.55": 2.3758752544937853, "q_0.575": 2.399048011485926, "q_0.6": 2.455426470971908, "q_0.625": 2.4874288490489973, "q_0.65": 2.551176200219537, "q_0.675": 2.6200630651147208, "q_0.7": 2.716392000954027, "q_0.725": 2.8097691960241553, "q_0.75": 2.8309843866460245, "q_0.775": 2.9147032497610956, "q_0.8": 3.028872387280381, "q_0.825": 3.094027702409054, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2721761213411105, "q_0.925": 3.327349574422488, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.524609843937576, "y": 3.11661440888511, "y_pred": 2.2827484712500667, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7506012687354757, "q_0.2": 1.785024463450957, "q_0.225": 1.810676679078199, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 1.99424811067523, "q_0.325": 2.0402802991977853, "q_0.35": 2.07806753604615, "q_0.375": 2.101075614235774, "q_0.4": 2.158349758130808, "q_0.425": 2.171001775257661, "q_0.45": 2.1925017436944954, "q_0.475": 2.2304222094437676, "q_0.5": 2.2827484712500667, "q_0.525": 2.3302278576110784, "q_0.55": 2.3758752544937853, "q_0.575": 2.399048011485926, "q_0.6": 2.455426470971908, "q_0.625": 2.4874288490489973, "q_0.65": 2.551176200219537, "q_0.675": 2.6200630651147208, "q_0.7": 2.716392000954027, "q_0.725": 2.8097691960241553, "q_0.75": 2.8309843866460245, "q_0.775": 2.9147032497610956, "q_0.8": 3.028872387280381, "q_0.825": 3.094027702409054, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2721761213411105, "q_0.925": 3.327349574422488, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.564625850340137, "y": 1.6601974547742562, "y_pred": 2.2827484712500667, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7506012687354757, "q_0.2": 1.785024463450957, "q_0.225": 1.810676679078199, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 1.99424811067523, "q_0.325": 2.0402802991977853, "q_0.35": 2.07806753604615, "q_0.375": 2.101075614235774, "q_0.4": 2.158349758130808, "q_0.425": 2.171001775257661, "q_0.45": 2.1925017436944954, "q_0.475": 2.2304222094437676, "q_0.5": 2.2827484712500667, "q_0.525": 2.3302278576110784, "q_0.55": 2.3758752544937853, "q_0.575": 2.399048011485926, "q_0.6": 2.455426470971908, "q_0.625": 2.4874288490489973, "q_0.65": 2.551176200219537, "q_0.675": 2.6200630651147208, "q_0.7": 2.716392000954027, "q_0.725": 2.8097691960241553, "q_0.75": 2.8309843866460245, "q_0.775": 2.9147032497610956, "q_0.8": 3.028872387280381, "q_0.825": 3.094027702409054, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2721761213411105, "q_0.925": 3.327349574422488, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.604641856742697, "y": 2.9280976361702518, "y_pred": 2.2827484712500667, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7506012687354757, "q_0.2": 1.785024463450957, "q_0.225": 1.810676679078199, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 1.99424811067523, "q_0.325": 2.0402802991977853, "q_0.35": 2.07806753604615, "q_0.375": 2.101075614235774, "q_0.4": 2.158349758130808, "q_0.425": 2.171001775257661, "q_0.45": 2.1925017436944954, "q_0.475": 2.2304222094437676, "q_0.5": 2.2827484712500667, "q_0.525": 2.3302278576110784, "q_0.55": 2.3758752544937853, "q_0.575": 2.399048011485926, "q_0.6": 2.455426470971908, "q_0.625": 2.4874288490489973, "q_0.65": 2.551176200219537, "q_0.675": 2.6200630651147208, "q_0.7": 2.716392000954027, "q_0.725": 2.8097691960241553, "q_0.75": 2.8309843866460245, "q_0.775": 2.9147032497610956, "q_0.8": 3.028872387280381, "q_0.825": 3.094027702409054, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2721761213411105, "q_0.925": 3.327349574422488, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.644657863145259, "y": 2.8097691960241553, "y_pred": 2.2827484712500667, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7506012687354757, "q_0.2": 1.785024463450957, "q_0.225": 1.810676679078199, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 1.99424811067523, "q_0.325": 2.0402802991977853, "q_0.35": 2.07806753604615, "q_0.375": 2.101075614235774, "q_0.4": 2.158349758130808, "q_0.425": 2.171001775257661, "q_0.45": 2.1925017436944954, "q_0.475": 2.2304222094437676, "q_0.5": 2.2827484712500667, "q_0.525": 2.3302278576110784, "q_0.55": 2.3758752544937853, "q_0.575": 2.399048011485926, "q_0.6": 2.455426470971908, "q_0.625": 2.4874288490489973, "q_0.65": 2.551176200219537, "q_0.675": 2.6200630651147208, "q_0.7": 2.716392000954027, "q_0.725": 2.8097691960241553, "q_0.75": 2.8309843866460245, "q_0.775": 2.9147032497610956, "q_0.8": 3.028872387280381, "q_0.825": 3.094027702409054, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2721761213411105, "q_0.925": 3.327349574422488, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.684673869547819, "y": 3.1524520336318096, "y_pred": 2.2827484712500667, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7506012687354757, "q_0.2": 1.785024463450957, "q_0.225": 1.810676679078199, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 1.99424811067523, "q_0.325": 2.0402802991977853, "q_0.35": 2.07806753604615, "q_0.375": 2.101075614235774, "q_0.4": 2.158349758130808, "q_0.425": 2.171001775257661, "q_0.45": 2.1925017436944954, "q_0.475": 2.2304222094437676, "q_0.5": 2.2827484712500667, "q_0.525": 2.3302278576110784, "q_0.55": 2.3758752544937853, "q_0.575": 2.399048011485926, "q_0.6": 2.455426470971908, "q_0.625": 2.4874288490489973, "q_0.65": 2.551176200219537, "q_0.675": 2.6200630651147208, "q_0.7": 2.716392000954027, "q_0.725": 2.8097691960241553, "q_0.75": 2.8309843866460245, "q_0.775": 2.9147032497610956, "q_0.8": 3.028872387280381, "q_0.825": 3.094027702409054, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2721761213411105, "q_0.925": 3.327349574422488, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.72468987595038, "y": 1.6875606122872815, "y_pred": 2.2827484712500667, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7506012687354757, "q_0.2": 1.785024463450957, "q_0.225": 1.810676679078199, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 1.99424811067523, "q_0.325": 2.0402802991977853, "q_0.35": 2.07806753604615, "q_0.375": 2.101075614235774, "q_0.4": 2.158349758130808, "q_0.425": 2.171001775257661, "q_0.45": 2.1925017436944954, "q_0.475": 2.2304222094437676, "q_0.5": 2.2827484712500667, "q_0.525": 2.3302278576110784, "q_0.55": 2.3758752544937853, "q_0.575": 2.399048011485926, "q_0.6": 2.455426470971908, "q_0.625": 2.4874288490489973, "q_0.65": 2.551176200219537, "q_0.675": 2.6200630651147208, "q_0.7": 2.716392000954027, "q_0.725": 2.8097691960241553, "q_0.75": 2.8309843866460245, "q_0.775": 2.9147032497610956, "q_0.8": 3.028872387280381, "q_0.825": 3.094027702409054, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2721761213411105, "q_0.925": 3.327349574422488, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.764705882352942, "y": 2.07806753604615, "y_pred": 2.2827484712500667, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.6054936858658917, "q_0.075": 1.6601974547742562, "q_0.1": 1.6875606122872815, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7506012687354757, "q_0.2": 1.785024463450957, "q_0.225": 1.810676679078199, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 1.99424811067523, "q_0.325": 2.0402802991977853, "q_0.35": 2.07806753604615, "q_0.375": 2.101075614235774, "q_0.4": 2.158349758130808, "q_0.425": 2.171001775257661, "q_0.45": 2.1925017436944954, "q_0.475": 2.2304222094437676, "q_0.5": 2.2827484712500667, "q_0.525": 2.3302278576110784, "q_0.55": 2.3758752544937853, "q_0.575": 2.399048011485926, "q_0.6": 2.455426470971908, "q_0.625": 2.4874288490489973, "q_0.65": 2.551176200219537, "q_0.675": 2.6200630651147208, "q_0.7": 2.716392000954027, "q_0.725": 2.8097691960241553, "q_0.75": 2.8309843866460245, "q_0.775": 2.9147032497610956, "q_0.8": 3.028872387280381, "q_0.825": 3.094027702409054, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2721761213411105, "q_0.925": 3.327349574422488, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.804721888755502, "y": 2.8309843866460245, "y_pred": 2.289944087178931, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.61014734001063, "q_0.075": 1.6642711547949658, "q_0.1": 1.688870268138388, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7652211439842282, "q_0.2": 1.7866353173490446, "q_0.225": 1.8659008625359992, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 2.021469012882459, "q_0.325": 2.0402802991977853, "q_0.35": 2.0833958217544333, "q_0.375": 2.136317735273385, "q_0.4": 2.1601555344381436, "q_0.425": 2.1737618604535083, "q_0.45": 2.1996987093304345, "q_0.475": 2.2562566884199984, "q_0.5": 2.289944087178931, "q_0.525": 2.337294814550029, "q_0.55": 2.3758752544937853, "q_0.575": 2.4232132211358013, "q_0.6": 2.455426470971908, "q_0.625": 2.4987847032800143, "q_0.65": 2.558203281548866, "q_0.675": 2.676446867215599, "q_0.7": 2.7177618126847722, "q_0.725": 2.8097691960241553, "q_0.75": 2.910085567877327, "q_0.775": 2.9147032497610956, "q_0.8": 3.0503513498241857, "q_0.825": 3.10544295706245, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2809613115320513, "q_0.925": 3.3347375513556146, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.844737895158064, "y": 1.5336182986787659, "y_pred": 2.289944087178931, "target": "1", "q_0": 1.178001487222244, "q_0.025": 1.5706352996393322, "q_0.05": 1.61014734001063, "q_0.075": 1.6642711547949658, "q_0.1": 1.688870268138388, "q_0.125": 1.715988593388376, "q_0.15": 1.7401545478134488, "q_0.175": 1.7652211439842282, "q_0.2": 1.7866353173490446, "q_0.225": 1.8659008625359992, "q_0.25": 1.8894375220746846, "q_0.275": 1.9726743155341868, "q_0.3": 2.021469012882459, "q_0.325": 2.0402802991977853, "q_0.35": 2.0833958217544333, "q_0.375": 2.136317735273385, "q_0.4": 2.1601555344381436, "q_0.425": 2.1737618604535083, "q_0.45": 2.1996987093304345, "q_0.475": 2.2562566884199984, "q_0.5": 2.289944087178931, "q_0.525": 2.337294814550029, "q_0.55": 2.3758752544937853, "q_0.575": 2.4232132211358013, "q_0.6": 2.455426470971908, "q_0.625": 2.4987847032800143, "q_0.65": 2.558203281548866, "q_0.675": 2.676446867215599, "q_0.7": 2.7177618126847722, "q_0.725": 2.8097691960241553, "q_0.75": 2.910085567877327, "q_0.775": 2.9147032497610956, "q_0.8": 3.0503513498241857, "q_0.825": 3.10544295706245, "q_0.85": 3.1227101939238655, "q_0.875": 3.1585551585980562, "q_0.9": 3.2809613115320513, "q_0.925": 3.3347375513556146, "q_0.95": 3.4195654797640556, "q_0.975": 3.4815036306311677, "q_1": 3.8504047089770763}, {"x": 11.884753901560625, "y": 2.9147032497610956, "y_pred": 2.3163031470852005, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5761727098595335, "q_0.05": 1.651692460867325, "q_0.075": 1.6764723991857389, "q_0.1": 1.7064053133430575, "q_0.125": 1.7254745564005882, "q_0.15": 1.746683444054756, "q_0.175": 1.7850244634509567, "q_0.2": 1.810676679078199, "q_0.225": 1.8825077275430822, "q_0.25": 1.9518501628155387, "q_0.275": 1.99424811067523, "q_0.3": 2.0402802991977853, "q_0.325": 2.07806753604615, "q_0.35": 2.094443689031947, "q_0.375": 2.146797550217463, "q_0.4": 2.1618886583507457, "q_0.425": 2.1925017436944954, "q_0.45": 2.2304222094437676, "q_0.475": 2.2827484712500667, "q_0.5": 2.3163031470852005, "q_0.525": 2.3758752544937853, "q_0.55": 2.394340424129465, "q_0.575": 2.455426470971908, "q_0.6": 2.4923650623722877, "q_0.625": 2.551176200219537, "q_0.65": 2.6200630651147208, "q_0.675": 2.716392000954027, "q_0.7": 2.8097691960241553, "q_0.725": 2.910085567877327, "q_0.75": 2.9147032497610956, "q_0.775": 3.028872387280381, "q_0.8": 3.094027702409054, "q_0.825": 3.1227101939238655, "q_0.85": 3.1585551585980562, "q_0.875": 3.235189055656499, "q_0.9": 3.293832348295237, "q_0.925": 3.3999694003344496, "q_0.95": 3.4531240432726302, "q_0.975": 3.5394533066193468, "q_1": 3.8504047089770763}, {"x": 11.924769907963185, "y": 3.1585551585980562, "y_pred": 2.3163031470852005, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5761727098595335, "q_0.05": 1.651692460867325, "q_0.075": 1.6764723991857389, "q_0.1": 1.7064053133430575, "q_0.125": 1.7254745564005882, "q_0.15": 1.746683444054756, "q_0.175": 1.7850244634509567, "q_0.2": 1.810676679078199, "q_0.225": 1.8825077275430822, "q_0.25": 1.9518501628155387, "q_0.275": 1.99424811067523, "q_0.3": 2.0402802991977853, "q_0.325": 2.07806753604615, "q_0.35": 2.094443689031947, "q_0.375": 2.146797550217463, "q_0.4": 2.1618886583507457, "q_0.425": 2.1925017436944954, "q_0.45": 2.2304222094437676, "q_0.475": 2.2827484712500667, "q_0.5": 2.3163031470852005, "q_0.525": 2.3758752544937853, "q_0.55": 2.394340424129465, "q_0.575": 2.455426470971908, "q_0.6": 2.4923650623722877, "q_0.625": 2.551176200219537, "q_0.65": 2.6200630651147208, "q_0.675": 2.716392000954027, "q_0.7": 2.8097691960241553, "q_0.725": 2.910085567877327, "q_0.75": 2.9147032497610956, "q_0.775": 3.028872387280381, "q_0.8": 3.094027702409054, "q_0.825": 3.1227101939238655, "q_0.85": 3.1585551585980562, "q_0.875": 3.235189055656499, "q_0.9": 3.293832348295237, "q_0.925": 3.3999694003344496, "q_0.95": 3.4531240432726302, "q_0.975": 3.5394533066193468, "q_1": 3.8504047089770763}, {"x": 11.964785914365747, "y": 2.3758752544937853, "y_pred": 2.3163031470852005, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5761727098595335, "q_0.05": 1.651692460867325, "q_0.075": 1.6764723991857389, "q_0.1": 1.7064053133430575, "q_0.125": 1.7254745564005882, "q_0.15": 1.746683444054756, "q_0.175": 1.7850244634509567, "q_0.2": 1.810676679078199, "q_0.225": 1.8825077275430822, "q_0.25": 1.9518501628155387, "q_0.275": 1.99424811067523, "q_0.3": 2.0402802991977853, "q_0.325": 2.07806753604615, "q_0.35": 2.094443689031947, "q_0.375": 2.146797550217463, "q_0.4": 2.1618886583507457, "q_0.425": 2.1925017436944954, "q_0.45": 2.2304222094437676, "q_0.475": 2.2827484712500667, "q_0.5": 2.3163031470852005, "q_0.525": 2.3758752544937853, "q_0.55": 2.394340424129465, "q_0.575": 2.455426470971908, "q_0.6": 2.4923650623722877, "q_0.625": 2.551176200219537, "q_0.65": 2.6200630651147208, "q_0.675": 2.716392000954027, "q_0.7": 2.8097691960241553, "q_0.725": 2.910085567877327, "q_0.75": 2.9147032497610956, "q_0.775": 3.028872387280381, "q_0.8": 3.094027702409054, "q_0.825": 3.1227101939238655, "q_0.85": 3.1585551585980562, "q_0.875": 3.235189055656499, "q_0.9": 3.293832348295237, "q_0.925": 3.3999694003344496, "q_0.95": 3.4531240432726302, "q_0.975": 3.5394533066193468, "q_1": 3.8504047089770763}, {"x": 12.004801920768308, "y": 2.34153913501825, "y_pred": 2.3163031470852005, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5761727098595335, "q_0.05": 1.651692460867325, "q_0.075": 1.6764723991857389, "q_0.1": 1.7064053133430575, "q_0.125": 1.7254745564005882, "q_0.15": 1.746683444054756, "q_0.175": 1.7850244634509567, "q_0.2": 1.810676679078199, "q_0.225": 1.8825077275430822, "q_0.25": 1.9518501628155387, "q_0.275": 1.99424811067523, "q_0.3": 2.0402802991977853, "q_0.325": 2.07806753604615, "q_0.35": 2.094443689031947, "q_0.375": 2.146797550217463, "q_0.4": 2.1618886583507457, "q_0.425": 2.1925017436944954, "q_0.45": 2.2304222094437676, "q_0.475": 2.2827484712500667, "q_0.5": 2.3163031470852005, "q_0.525": 2.3758752544937853, "q_0.55": 2.394340424129465, "q_0.575": 2.455426470971908, "q_0.6": 2.4923650623722877, "q_0.625": 2.551176200219537, "q_0.65": 2.6200630651147208, "q_0.675": 2.716392000954027, "q_0.7": 2.8097691960241553, "q_0.725": 2.910085567877327, "q_0.75": 2.9147032497610956, "q_0.775": 3.028872387280381, "q_0.8": 3.094027702409054, "q_0.825": 3.1227101939238655, "q_0.85": 3.1585551585980562, "q_0.875": 3.235189055656499, "q_0.9": 3.293832348295237, "q_0.925": 3.3999694003344496, "q_0.95": 3.4531240432726302, "q_0.975": 3.5394533066193468, "q_1": 3.8504047089770763}, {"x": 12.044817927170868, "y": 2.0402802991977853, "y_pred": 2.3163031470852005, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5761727098595335, "q_0.05": 1.651692460867325, "q_0.075": 1.6764723991857389, "q_0.1": 1.7064053133430575, "q_0.125": 1.7254745564005882, "q_0.15": 1.746683444054756, "q_0.175": 1.7850244634509567, "q_0.2": 1.810676679078199, "q_0.225": 1.8825077275430822, "q_0.25": 1.9518501628155387, "q_0.275": 1.99424811067523, "q_0.3": 2.0402802991977853, "q_0.325": 2.07806753604615, "q_0.35": 2.094443689031947, "q_0.375": 2.146797550217463, "q_0.4": 2.1618886583507457, "q_0.425": 2.1925017436944954, "q_0.45": 2.2304222094437676, "q_0.475": 2.2827484712500667, "q_0.5": 2.3163031470852005, "q_0.525": 2.3758752544937853, "q_0.55": 2.394340424129465, "q_0.575": 2.455426470971908, "q_0.6": 2.4923650623722877, "q_0.625": 2.551176200219537, "q_0.65": 2.6200630651147208, "q_0.675": 2.716392000954027, "q_0.7": 2.8097691960241553, "q_0.725": 2.910085567877327, "q_0.75": 2.9147032497610956, "q_0.775": 3.028872387280381, "q_0.8": 3.094027702409054, "q_0.825": 3.1227101939238655, "q_0.85": 3.1585551585980562, "q_0.875": 3.235189055656499, "q_0.9": 3.293832348295237, "q_0.925": 3.3999694003344496, "q_0.95": 3.4531240432726302, "q_0.975": 3.5394533066193468, "q_1": 3.8504047089770763}, {"x": 12.08483393357343, "y": 1.5086633516570518, "y_pred": 2.3163031470852005, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5761727098595335, "q_0.05": 1.651692460867325, "q_0.075": 1.6764723991857389, "q_0.1": 1.7064053133430575, "q_0.125": 1.7254745564005882, "q_0.15": 1.746683444054756, "q_0.175": 1.7850244634509567, "q_0.2": 1.810676679078199, "q_0.225": 1.8825077275430822, "q_0.25": 1.9518501628155387, "q_0.275": 1.99424811067523, "q_0.3": 2.0402802991977853, "q_0.325": 2.07806753604615, "q_0.35": 2.094443689031947, "q_0.375": 2.146797550217463, "q_0.4": 2.1618886583507457, "q_0.425": 2.1925017436944954, "q_0.45": 2.2304222094437676, "q_0.475": 2.2827484712500667, "q_0.5": 2.3163031470852005, "q_0.525": 2.3758752544937853, "q_0.55": 2.394340424129465, "q_0.575": 2.455426470971908, "q_0.6": 2.4923650623722877, "q_0.625": 2.551176200219537, "q_0.65": 2.6200630651147208, "q_0.675": 2.716392000954027, "q_0.7": 2.8097691960241553, "q_0.725": 2.910085567877327, "q_0.75": 2.9147032497610956, "q_0.775": 3.028872387280381, "q_0.8": 3.094027702409054, "q_0.825": 3.1227101939238655, "q_0.85": 3.1585551585980562, "q_0.875": 3.235189055656499, "q_0.9": 3.293832348295237, "q_0.925": 3.3999694003344496, "q_0.95": 3.4531240432726302, "q_0.975": 3.5394533066193468, "q_1": 3.8504047089770763}, {"x": 12.124849939975991, "y": 1.864270192076156, "y_pred": 2.34153913501825, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.651692460867325, "q_0.075": 1.6875606122872815, "q_0.1": 1.7153730467553179, "q_0.125": 1.7401545478134488, "q_0.15": 1.7580061390642232, "q_0.175": 1.7866353173490446, "q_0.2": 1.8491309244679617, "q_0.225": 1.8894375220746846, "q_0.25": 1.9726743155341868, "q_0.275": 2.021469012882459, "q_0.3": 2.0402802991977853, "q_0.325": 2.0833958217544333, "q_0.35": 2.136317735273385, "q_0.375": 2.1612281936477826, "q_0.4": 2.1737618604535083, "q_0.425": 2.2193868606044527, "q_0.45": 2.2562566884199984, "q_0.475": 2.2970834254008214, "q_0.5": 2.34153913501825, "q_0.525": 2.3876967882448223, "q_0.55": 2.428633389531809, "q_0.575": 2.4836486088453604, "q_0.6": 2.519551391651299, "q_0.625": 2.567433519049851, "q_0.65": 2.707321630102125, "q_0.675": 2.7427053287599286, "q_0.7": 2.8309843866460245, "q_0.725": 2.9147032497610956, "q_0.75": 2.9511751701130873, "q_0.775": 3.082570185997104, "q_0.8": 3.11661440888511, "q_0.825": 3.1419948986942368, "q_0.85": 3.2029037652023558, "q_0.875": 3.2928888831873198, "q_0.9": 3.327349574422488, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.556470488022298, "q_1": 3.865423235726951}, {"x": 12.164865946378551, "y": 3.4195654797640556, "y_pred": 2.34153913501825, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.651692460867325, "q_0.075": 1.6875606122872815, "q_0.1": 1.7153730467553179, "q_0.125": 1.7401545478134488, "q_0.15": 1.7580061390642232, "q_0.175": 1.7866353173490446, "q_0.2": 1.8491309244679617, "q_0.225": 1.8894375220746846, "q_0.25": 1.9726743155341868, "q_0.275": 2.021469012882459, "q_0.3": 2.0402802991977853, "q_0.325": 2.0833958217544333, "q_0.35": 2.136317735273385, "q_0.375": 2.1612281936477826, "q_0.4": 2.1737618604535083, "q_0.425": 2.2193868606044527, "q_0.45": 2.2562566884199984, "q_0.475": 2.2970834254008214, "q_0.5": 2.34153913501825, "q_0.525": 2.3876967882448223, "q_0.55": 2.428633389531809, "q_0.575": 2.4836486088453604, "q_0.6": 2.519551391651299, "q_0.625": 2.567433519049851, "q_0.65": 2.707321630102125, "q_0.675": 2.7427053287599286, "q_0.7": 2.8309843866460245, "q_0.725": 2.9147032497610956, "q_0.75": 2.9511751701130873, "q_0.775": 3.082570185997104, "q_0.8": 3.11661440888511, "q_0.825": 3.1419948986942368, "q_0.85": 3.2029037652023558, "q_0.875": 3.2928888831873198, "q_0.9": 3.327349574422488, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.556470488022298, "q_1": 3.865423235726951}, {"x": 12.204881952781113, "y": 3.2029037652023558, "y_pred": 2.34153913501825, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.651692460867325, "q_0.075": 1.6875606122872815, "q_0.1": 1.7153730467553179, "q_0.125": 1.7401545478134488, "q_0.15": 1.7580061390642232, "q_0.175": 1.7866353173490446, "q_0.2": 1.8491309244679617, "q_0.225": 1.8894375220746846, "q_0.25": 1.9726743155341868, "q_0.275": 2.021469012882459, "q_0.3": 2.0402802991977853, "q_0.325": 2.0833958217544333, "q_0.35": 2.136317735273385, "q_0.375": 2.1612281936477826, "q_0.4": 2.1737618604535083, "q_0.425": 2.2193868606044527, "q_0.45": 2.2562566884199984, "q_0.475": 2.2970834254008214, "q_0.5": 2.34153913501825, "q_0.525": 2.3876967882448223, "q_0.55": 2.428633389531809, "q_0.575": 2.4836486088453604, "q_0.6": 2.519551391651299, "q_0.625": 2.567433519049851, "q_0.65": 2.707321630102125, "q_0.675": 2.7427053287599286, "q_0.7": 2.8309843866460245, "q_0.725": 2.9147032497610956, "q_0.75": 2.9511751701130873, "q_0.775": 3.082570185997104, "q_0.8": 3.11661440888511, "q_0.825": 3.1419948986942368, "q_0.85": 3.2029037652023558, "q_0.875": 3.2928888831873198, "q_0.9": 3.327349574422488, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.556470488022298, "q_1": 3.865423235726951}, {"x": 12.244897959183675, "y": 2.027131062088837, "y_pred": 2.34153913501825, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.651692460867325, "q_0.075": 1.6875606122872815, "q_0.1": 1.7153730467553179, "q_0.125": 1.7401545478134488, "q_0.15": 1.7580061390642232, "q_0.175": 1.7866353173490446, "q_0.2": 1.8491309244679617, "q_0.225": 1.8894375220746846, "q_0.25": 1.9726743155341868, "q_0.275": 2.021469012882459, "q_0.3": 2.0402802991977853, "q_0.325": 2.0833958217544333, "q_0.35": 2.136317735273385, "q_0.375": 2.1612281936477826, "q_0.4": 2.1737618604535083, "q_0.425": 2.2193868606044527, "q_0.45": 2.2562566884199984, "q_0.475": 2.2970834254008214, "q_0.5": 2.34153913501825, "q_0.525": 2.3876967882448223, "q_0.55": 2.428633389531809, "q_0.575": 2.4836486088453604, "q_0.6": 2.519551391651299, "q_0.625": 2.567433519049851, "q_0.65": 2.707321630102125, "q_0.675": 2.7427053287599286, "q_0.7": 2.8309843866460245, "q_0.725": 2.9147032497610956, "q_0.75": 2.9511751701130873, "q_0.775": 3.082570185997104, "q_0.8": 3.11661440888511, "q_0.825": 3.1419948986942368, "q_0.85": 3.2029037652023558, "q_0.875": 3.2928888831873198, "q_0.9": 3.327349574422488, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.556470488022298, "q_1": 3.865423235726951}, {"x": 12.284913965586234, "y": 3.3999694003344496, "y_pred": 2.34153913501825, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.651692460867325, "q_0.075": 1.6875606122872815, "q_0.1": 1.715988593388376, "q_0.125": 1.7401545478134488, "q_0.15": 1.7652211439842282, "q_0.175": 1.7866353173490446, "q_0.2": 1.8491309244679617, "q_0.225": 1.8894375220746846, "q_0.25": 1.9906968929199382, "q_0.275": 2.021469012882459, "q_0.3": 2.0402802991977853, "q_0.325": 2.0833958217544333, "q_0.35": 2.136317735273385, "q_0.375": 2.1612281936477826, "q_0.4": 2.1737618604535083, "q_0.425": 2.221763787765269, "q_0.45": 2.258273548346157, "q_0.475": 2.3005804210475995, "q_0.5": 2.34153913501825, "q_0.525": 2.394124866599558, "q_0.55": 2.4328131151641497, "q_0.575": 2.4874288490489973, "q_0.6": 2.519551391651299, "q_0.625": 2.5686177755517448, "q_0.65": 2.716392000954027, "q_0.675": 2.758599258276219, "q_0.7": 2.8309843866460245, "q_0.725": 2.9147032497610956, "q_0.75": 2.987237480068975, "q_0.775": 3.084317919855012, "q_0.8": 3.11661440888511, "q_0.825": 3.1419948986942368, "q_0.85": 3.2029037652023558, "q_0.875": 3.2928888831873198, "q_0.9": 3.3382947254345257, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.556470488022298, "q_1": 3.865423235726951}, {"x": 12.324929971988796, "y": 2.2304222094437676, "y_pred": 2.34153913501825, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.651692460867325, "q_0.075": 1.6875606122872815, "q_0.1": 1.715988593388376, "q_0.125": 1.7401545478134488, "q_0.15": 1.7652211439842282, "q_0.175": 1.7866353173490446, "q_0.2": 1.8491309244679617, "q_0.225": 1.8894375220746846, "q_0.25": 1.9906968929199382, "q_0.275": 2.021469012882459, "q_0.3": 2.0402802991977853, "q_0.325": 2.0833958217544333, "q_0.35": 2.136317735273385, "q_0.375": 2.1612281936477826, "q_0.4": 2.1737618604535083, "q_0.425": 2.221763787765269, "q_0.45": 2.258273548346157, "q_0.475": 2.3005804210475995, "q_0.5": 2.34153913501825, "q_0.525": 2.394124866599558, "q_0.55": 2.4328131151641497, "q_0.575": 2.4874288490489973, "q_0.6": 2.519551391651299, "q_0.625": 2.5686177755517448, "q_0.65": 2.716392000954027, "q_0.675": 2.758599258276219, "q_0.7": 2.8309843866460245, "q_0.725": 2.9147032497610956, "q_0.75": 2.987237480068975, "q_0.775": 3.084317919855012, "q_0.8": 3.11661440888511, "q_0.825": 3.1419948986942368, "q_0.85": 3.2029037652023558, "q_0.875": 3.2928888831873198, "q_0.9": 3.3382947254345257, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.556470488022298, "q_1": 3.865423235726951}, {"x": 12.364945978391358, "y": 2.094443689031947, "y_pred": 2.34153913501825, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.651692460867325, "q_0.075": 1.6875606122872815, "q_0.1": 1.715988593388376, "q_0.125": 1.7401545478134488, "q_0.15": 1.7652211439842282, "q_0.175": 1.7866353173490446, "q_0.2": 1.8491309244679617, "q_0.225": 1.8894375220746846, "q_0.25": 1.9906968929199382, "q_0.275": 2.021469012882459, "q_0.3": 2.0402802991977853, "q_0.325": 2.0833958217544333, "q_0.35": 2.136317735273385, "q_0.375": 2.1612281936477826, "q_0.4": 2.1737618604535083, "q_0.425": 2.221763787765269, "q_0.45": 2.258273548346157, "q_0.475": 2.3005804210475995, "q_0.5": 2.34153913501825, "q_0.525": 2.394124866599558, "q_0.55": 2.4328131151641497, "q_0.575": 2.4874288490489973, "q_0.6": 2.519551391651299, "q_0.625": 2.5686177755517448, "q_0.65": 2.716392000954027, "q_0.675": 2.758599258276219, "q_0.7": 2.8309843866460245, "q_0.725": 2.9147032497610956, "q_0.75": 2.987237480068975, "q_0.775": 3.084317919855012, "q_0.8": 3.11661440888511, "q_0.825": 3.1419948986942368, "q_0.85": 3.2029037652023558, "q_0.875": 3.2928888831873198, "q_0.9": 3.3382947254345257, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.556470488022298, "q_1": 3.865423235726951}, {"x": 12.404961984793918, "y": 1.810676679078199, "y_pred": 2.34153913501825, "target": "1", "q_0": 1.340787786784845, "q_0.025": 1.5768711347293332, "q_0.05": 1.6601974547742562, "q_0.075": 1.6875606122872815, "q_0.1": 1.715988593388376, "q_0.125": 1.7401545478134488, "q_0.15": 1.766057223481253, "q_0.175": 1.7866353173490446, "q_0.2": 1.8659008625359992, "q_0.225": 1.8894375220746846, "q_0.25": 1.9906968929199382, "q_0.275": 2.021469012882459, "q_0.3": 2.074754357150667, "q_0.325": 2.0833958217544333, "q_0.35": 2.136317735273385, "q_0.375": 2.1612281936477826, "q_0.4": 2.1737618604535083, "q_0.425": 2.221763787765269, "q_0.45": 2.258273548346157, "q_0.475": 2.3005804210475995, "q_0.5": 2.34153913501825, "q_0.525": 2.394124866599558, "q_0.55": 2.441790563669244, "q_0.575": 2.4874288490489973, "q_0.6": 2.523459174252813, "q_0.625": 2.6200630651147208, "q_0.65": 2.716392000954027, "q_0.675": 2.8097691960241553, "q_0.7": 2.910085567877327, "q_0.725": 2.9147032497610956, "q_0.75": 3.028872387280381, "q_0.775": 3.094027702409054, "q_0.8": 3.11661440888511, "q_0.825": 3.1419948986942368, "q_0.85": 3.2029037652023558, "q_0.875": 3.2928888831873198, "q_0.9": 3.3382947254345257, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.5619842790475644, "q_1": 3.865423235726951}, {"x": 12.44497799119648, "y": 3.2928888831873198, "y_pred": 2.3447339183764937, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.6601974547742562, "q_0.075": 1.6875606122872815, "q_0.1": 1.715988593388376, "q_0.125": 1.7401545478134488, "q_0.15": 1.766057223481253, "q_0.175": 1.8095111121900993, "q_0.2": 1.8659008625359992, "q_0.225": 1.921713872569338, "q_0.25": 1.9923941629620197, "q_0.275": 2.027131062088837, "q_0.3": 2.074754357150667, "q_0.325": 2.094443689031947, "q_0.35": 2.1456734219847933, "q_0.375": 2.1618886583507457, "q_0.4": 2.183926848600019, "q_0.425": 2.2304222094437676, "q_0.45": 2.25982384442147, "q_0.475": 2.3005804210475995, "q_0.5": 2.3447339183764937, "q_0.525": 2.394340424129465, "q_0.55": 2.455426470971908, "q_0.575": 2.4923650623722877, "q_0.6": 2.551176200219537, "q_0.625": 2.6200630651147208, "q_0.65": 2.716392000954027, "q_0.675": 2.8097691960241553, "q_0.7": 2.910085567877327, "q_0.725": 2.9375645139349933, "q_0.75": 3.0503513498241857, "q_0.775": 3.094027702409054, "q_0.8": 3.1227101939238655, "q_0.825": 3.1585551585980562, "q_0.85": 3.2029037652023558, "q_0.875": 3.293832348295237, "q_0.9": 3.3494368325860044, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.576706409454941, "q_1": 3.865423235726951}, {"x": 12.484993997599041, "y": 3.4656862685833105, "y_pred": 2.3447339183764937, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.6601974547742562, "q_0.075": 1.6875606122872815, "q_0.1": 1.715988593388376, "q_0.125": 1.7401545478134488, "q_0.15": 1.766057223481253, "q_0.175": 1.8095111121900993, "q_0.2": 1.8659008625359992, "q_0.225": 1.921713872569338, "q_0.25": 1.9923941629620197, "q_0.275": 2.027131062088837, "q_0.3": 2.074754357150667, "q_0.325": 2.094443689031947, "q_0.35": 2.1456734219847933, "q_0.375": 2.1618886583507457, "q_0.4": 2.183926848600019, "q_0.425": 2.2304222094437676, "q_0.45": 2.25982384442147, "q_0.475": 2.3005804210475995, "q_0.5": 2.3447339183764937, "q_0.525": 2.394340424129465, "q_0.55": 2.455426470971908, "q_0.575": 2.4923650623722877, "q_0.6": 2.551176200219537, "q_0.625": 2.6200630651147208, "q_0.65": 2.716392000954027, "q_0.675": 2.8097691960241553, "q_0.7": 2.910085567877327, "q_0.725": 2.9375645139349933, "q_0.75": 3.0503513498241857, "q_0.775": 3.094027702409054, "q_0.8": 3.1227101939238655, "q_0.825": 3.1585551585980562, "q_0.85": 3.2029037652023558, "q_0.875": 3.293832348295237, "q_0.9": 3.3494368325860044, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.576706409454941, "q_1": 3.865423235726951}, {"x": 12.5250100040016, "y": 2.1618886583507457, "y_pred": 2.3447339183764937, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.6601974547742562, "q_0.075": 1.6875606122872815, "q_0.1": 1.715988593388376, "q_0.125": 1.7401545478134488, "q_0.15": 1.766057223481253, "q_0.175": 1.8095111121900993, "q_0.2": 1.8659008625359992, "q_0.225": 1.921713872569338, "q_0.25": 1.9923941629620197, "q_0.275": 2.027131062088837, "q_0.3": 2.074754357150667, "q_0.325": 2.094443689031947, "q_0.35": 2.1456734219847933, "q_0.375": 2.1618886583507457, "q_0.4": 2.183926848600019, "q_0.425": 2.2304222094437676, "q_0.45": 2.25982384442147, "q_0.475": 2.3005804210475995, "q_0.5": 2.3447339183764937, "q_0.525": 2.394340424129465, "q_0.55": 2.455426470971908, "q_0.575": 2.4923650623722877, "q_0.6": 2.551176200219537, "q_0.625": 2.6200630651147208, "q_0.65": 2.716392000954027, "q_0.675": 2.8097691960241553, "q_0.7": 2.910085567877327, "q_0.725": 2.9375645139349933, "q_0.75": 3.0503513498241857, "q_0.775": 3.094027702409054, "q_0.8": 3.1227101939238655, "q_0.825": 3.1585551585980562, "q_0.85": 3.2029037652023558, "q_0.875": 3.293832348295237, "q_0.9": 3.3494368325860044, "q_0.925": 3.4195654797640556, "q_0.95": 3.4656862685833105, "q_0.975": 3.576706409454941, "q_1": 3.865423235726951}, {"x": 12.565026010404162, "y": 2.9106099093476447, "y_pred": 2.3758752544937853, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5768711347293332, "q_0.05": 1.6601974547742562, "q_0.075": 1.6875606122872815, "q_0.1": 1.7254745564005882, "q_0.125": 1.743644759602239, "q_0.15": 1.7780951409323205, "q_0.175": 1.8095111121900993, "q_0.2": 1.8670073433613252, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.094443689031947, "q_0.35": 2.146797550217463, "q_0.375": 2.1651755981079774, "q_0.4": 2.2178744216088404, "q_0.425": 2.2562566884199984, "q_0.45": 2.289944087178931, "q_0.475": 2.337294814550029, "q_0.5": 2.3758752544937853, "q_0.525": 2.4232132211358013, "q_0.55": 2.455426470971908, "q_0.575": 2.519551391651299, "q_0.6": 2.5669475991898523, "q_0.625": 2.676446867215599, "q_0.65": 2.7177618126847722, "q_0.675": 2.8309843866460245, "q_0.7": 2.9106099093476447, "q_0.725": 2.944140015617874, "q_0.75": 3.0717247233336344, "q_0.775": 3.10544295706245, "q_0.8": 3.138898997004305, "q_0.825": 3.1680252568862532, "q_0.85": 3.2721761213411105, "q_0.875": 3.293832348295237, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.865423235726951}, {"x": 12.605042016806722, "y": 2.1818627360412557, "y_pred": 2.3758752544937853, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5781752276141312, "q_0.05": 1.6601974547742562, "q_0.075": 1.6875606122872815, "q_0.1": 1.7254745564005882, "q_0.125": 1.743644759602239, "q_0.15": 1.7780951409323205, "q_0.175": 1.810676679078199, "q_0.2": 1.8670073433613252, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.094443689031947, "q_0.35": 2.146797550217463, "q_0.375": 2.1651755981079774, "q_0.4": 2.2193868606044527, "q_0.425": 2.2562566884199984, "q_0.45": 2.289944087178931, "q_0.475": 2.337294814550029, "q_0.5": 2.3758752544937853, "q_0.525": 2.4232132211358013, "q_0.55": 2.455426470971908, "q_0.575": 2.519551391651299, "q_0.6": 2.567433519049851, "q_0.625": 2.676446867215599, "q_0.65": 2.729011295090292, "q_0.675": 2.8309843866460245, "q_0.7": 2.9147032497610956, "q_0.725": 2.9511751701130873, "q_0.75": 3.082570185997104, "q_0.775": 3.11661440888511, "q_0.8": 3.138898997004305, "q_0.825": 3.1680252568862532, "q_0.85": 3.2721761213411105, "q_0.875": 3.293832348295237, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 12.645058023209284, "y": 1.7254745564005882, "y_pred": 2.3758752544937853, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5781752276141312, "q_0.05": 1.6601974547742562, "q_0.075": 1.6875606122872815, "q_0.1": 1.7254745564005882, "q_0.125": 1.743644759602239, "q_0.15": 1.7780951409323205, "q_0.175": 1.810676679078199, "q_0.2": 1.8670073433613252, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.094443689031947, "q_0.35": 2.146797550217463, "q_0.375": 2.1651755981079774, "q_0.4": 2.2193868606044527, "q_0.425": 2.2562566884199984, "q_0.45": 2.289944087178931, "q_0.475": 2.337294814550029, "q_0.5": 2.3758752544937853, "q_0.525": 2.4232132211358013, "q_0.55": 2.455426470971908, "q_0.575": 2.519551391651299, "q_0.6": 2.567433519049851, "q_0.625": 2.676446867215599, "q_0.65": 2.729011295090292, "q_0.675": 2.8309843866460245, "q_0.7": 2.9147032497610956, "q_0.725": 2.9511751701130873, "q_0.75": 3.082570185997104, "q_0.775": 3.11661440888511, "q_0.8": 3.138898997004305, "q_0.825": 3.1680252568862532, "q_0.85": 3.2721761213411105, "q_0.875": 3.293832348295237, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 12.685074029611846, "y": 2.3005804210475995, "y_pred": 2.3876967882448223, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5970397580432898, "q_0.05": 1.6601974547742562, "q_0.075": 1.700657170798348, "q_0.1": 1.7254745564005882, "q_0.125": 1.744261310744111, "q_0.15": 1.7826693521756727, "q_0.175": 1.810676679078199, "q_0.2": 1.8825077275430822, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.101075614235774, "q_0.35": 2.1601555344381436, "q_0.375": 2.171001775257661, "q_0.4": 2.2193868606044527, "q_0.425": 2.2562566884199984, "q_0.45": 2.2970834254008214, "q_0.475": 2.34153913501825, "q_0.5": 2.3876967882448223, "q_0.525": 2.428633389531809, "q_0.55": 2.4790548450590197, "q_0.575": 2.519551391651299, "q_0.6": 2.567433519049851, "q_0.625": 2.676446867215599, "q_0.65": 2.7427053287599286, "q_0.675": 2.8398926977772523, "q_0.7": 2.9147032497610956, "q_0.725": 2.9511751701130873, "q_0.75": 3.082570185997104, "q_0.775": 3.11661440888511, "q_0.8": 3.1419948986942368, "q_0.825": 3.193836981307002, "q_0.85": 3.2721761213411105, "q_0.875": 3.2984310619523125, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 12.725090036014405, "y": 2.6200630651147208, "y_pred": 2.3876967882448223, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5970397580432898, "q_0.05": 1.6601974547742562, "q_0.075": 1.700657170798348, "q_0.1": 1.7254745564005882, "q_0.125": 1.744261310744111, "q_0.15": 1.7826693521756727, "q_0.175": 1.810676679078199, "q_0.2": 1.8825077275430822, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.101075614235774, "q_0.35": 2.1601555344381436, "q_0.375": 2.171001775257661, "q_0.4": 2.2193868606044527, "q_0.425": 2.2562566884199984, "q_0.45": 2.2970834254008214, "q_0.475": 2.34153913501825, "q_0.5": 2.3876967882448223, "q_0.525": 2.428633389531809, "q_0.55": 2.4790548450590197, "q_0.575": 2.519551391651299, "q_0.6": 2.567433519049851, "q_0.625": 2.676446867215599, "q_0.65": 2.7427053287599286, "q_0.675": 2.8398926977772523, "q_0.7": 2.9147032497610956, "q_0.725": 2.9511751701130873, "q_0.75": 3.082570185997104, "q_0.775": 3.11661440888511, "q_0.8": 3.1419948986942368, "q_0.825": 3.193836981307002, "q_0.85": 3.2721761213411105, "q_0.875": 3.2984310619523125, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 12.765106042416967, "y": 1.766057223481253, "y_pred": 2.3876967882448223, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5970397580432898, "q_0.05": 1.6601974547742562, "q_0.075": 1.700657170798348, "q_0.1": 1.7254745564005882, "q_0.125": 1.744261310744111, "q_0.15": 1.7826693521756727, "q_0.175": 1.810676679078199, "q_0.2": 1.8825077275430822, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.101075614235774, "q_0.35": 2.1601555344381436, "q_0.375": 2.171001775257661, "q_0.4": 2.2193868606044527, "q_0.425": 2.2562566884199984, "q_0.45": 2.2970834254008214, "q_0.475": 2.34153913501825, "q_0.5": 2.3876967882448223, "q_0.525": 2.428633389531809, "q_0.55": 2.4790548450590197, "q_0.575": 2.519551391651299, "q_0.6": 2.567433519049851, "q_0.625": 2.676446867215599, "q_0.65": 2.7427053287599286, "q_0.675": 2.8398926977772523, "q_0.7": 2.9147032497610956, "q_0.725": 2.9511751701130873, "q_0.75": 3.082570185997104, "q_0.775": 3.11661440888511, "q_0.8": 3.1419948986942368, "q_0.825": 3.193836981307002, "q_0.85": 3.2721761213411105, "q_0.875": 3.2984310619523125, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 12.805122048819529, "y": 3.1593946836785003, "y_pred": 2.3876967882448223, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5970397580432898, "q_0.05": 1.6601974547742562, "q_0.075": 1.700657170798348, "q_0.1": 1.7254745564005882, "q_0.125": 1.744261310744111, "q_0.15": 1.7826693521756727, "q_0.175": 1.810676679078199, "q_0.2": 1.8825077275430822, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.101075614235774, "q_0.35": 2.1601555344381436, "q_0.375": 2.171001775257661, "q_0.4": 2.2193868606044527, "q_0.425": 2.2562566884199984, "q_0.45": 2.2970834254008214, "q_0.475": 2.34153913501825, "q_0.5": 2.3876967882448223, "q_0.525": 2.428633389531809, "q_0.55": 2.4790548450590197, "q_0.575": 2.519551391651299, "q_0.6": 2.567433519049851, "q_0.625": 2.676446867215599, "q_0.65": 2.7427053287599286, "q_0.675": 2.8398926977772523, "q_0.7": 2.9147032497610956, "q_0.725": 2.9511751701130873, "q_0.75": 3.082570185997104, "q_0.775": 3.11661440888511, "q_0.8": 3.1419948986942368, "q_0.825": 3.193836981307002, "q_0.85": 3.2721761213411105, "q_0.875": 3.2984310619523125, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 12.845138055222089, "y": 2.519551391651299, "y_pred": 2.3876967882448223, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5970397580432898, "q_0.05": 1.6601974547742562, "q_0.075": 1.700657170798348, "q_0.1": 1.7254745564005882, "q_0.125": 1.744261310744111, "q_0.15": 1.7826693521756727, "q_0.175": 1.810676679078199, "q_0.2": 1.8825077275430822, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.101075614235774, "q_0.35": 2.1601555344381436, "q_0.375": 2.171001775257661, "q_0.4": 2.2193868606044527, "q_0.425": 2.2562566884199984, "q_0.45": 2.2970834254008214, "q_0.475": 2.34153913501825, "q_0.5": 2.3876967882448223, "q_0.525": 2.428633389531809, "q_0.55": 2.4790548450590197, "q_0.575": 2.519551391651299, "q_0.6": 2.567433519049851, "q_0.625": 2.676446867215599, "q_0.65": 2.7427053287599286, "q_0.675": 2.8398926977772523, "q_0.7": 2.9147032497610956, "q_0.725": 2.9511751701130873, "q_0.75": 3.082570185997104, "q_0.775": 3.11661440888511, "q_0.8": 3.1419948986942368, "q_0.825": 3.193836981307002, "q_0.85": 3.2721761213411105, "q_0.875": 3.2984310619523125, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 12.88515406162465, "y": 1.99424811067523, "y_pred": 2.3876967882448223, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5970397580432898, "q_0.05": 1.6601974547742562, "q_0.075": 1.700657170798348, "q_0.1": 1.7254745564005882, "q_0.125": 1.744261310744111, "q_0.15": 1.7826693521756727, "q_0.175": 1.810676679078199, "q_0.2": 1.8825077275430822, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.101075614235774, "q_0.35": 2.1601555344381436, "q_0.375": 2.171001775257661, "q_0.4": 2.2193868606044527, "q_0.425": 2.2562566884199984, "q_0.45": 2.2970834254008214, "q_0.475": 2.34153913501825, "q_0.5": 2.3876967882448223, "q_0.525": 2.428633389531809, "q_0.55": 2.4790548450590197, "q_0.575": 2.519551391651299, "q_0.6": 2.567433519049851, "q_0.625": 2.676446867215599, "q_0.65": 2.7427053287599286, "q_0.675": 2.8398926977772523, "q_0.7": 2.9147032497610956, "q_0.725": 2.9511751701130873, "q_0.75": 3.082570185997104, "q_0.775": 3.11661440888511, "q_0.8": 3.1419948986942368, "q_0.825": 3.193836981307002, "q_0.85": 3.2721761213411105, "q_0.875": 3.2984310619523125, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 12.925170068027212, "y": 2.716392000954027, "y_pred": 2.3876967882448223, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.5970397580432898, "q_0.05": 1.6601974547742562, "q_0.075": 1.700657170798348, "q_0.1": 1.7254745564005882, "q_0.125": 1.744261310744111, "q_0.15": 1.7826693521756727, "q_0.175": 1.810676679078199, "q_0.2": 1.8825077275430822, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.101075614235774, "q_0.35": 2.1601555344381436, "q_0.375": 2.171001775257661, "q_0.4": 2.2193868606044527, "q_0.425": 2.2562566884199984, "q_0.45": 2.2970834254008214, "q_0.475": 2.34153913501825, "q_0.5": 2.3876967882448223, "q_0.525": 2.428633389531809, "q_0.55": 2.4790548450590197, "q_0.575": 2.519551391651299, "q_0.6": 2.567433519049851, "q_0.625": 2.676446867215599, "q_0.65": 2.7427053287599286, "q_0.675": 2.8398926977772523, "q_0.7": 2.9147032497610956, "q_0.725": 2.9511751701130873, "q_0.75": 3.082570185997104, "q_0.775": 3.11661440888511, "q_0.8": 3.1419948986942368, "q_0.825": 3.193836981307002, "q_0.85": 3.2721761213411105, "q_0.875": 3.2984310619523125, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 12.965186074429772, "y": 3.1227101939238655, "y_pred": 2.3876967882448223, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6003667043455454, "q_0.05": 1.6642711547949658, "q_0.075": 1.700657170798348, "q_0.1": 1.7254745564005882, "q_0.125": 1.744261310744111, "q_0.15": 1.785024463450957, "q_0.175": 1.810676679078199, "q_0.2": 1.8825077275430822, "q_0.225": 1.9398895035522234, "q_0.25": 1.99424811067523, "q_0.275": 2.027131062088837, "q_0.3": 2.07806753604615, "q_0.325": 2.101075614235774, "q_0.35": 2.1601555344381436, "q_0.375": 2.171001775257661, "q_0.4": 2.221763787765269, "q_0.425": 2.2562566884199984, "q_0.45": 2.3005804210475995, "q_0.475": 2.34153913501825, "q_0.5": 2.3876967882448223, "q_0.525": 2.428633389531809, "q_0.55": 2.4874288490489973, "q_0.575": 2.519551391651299, "q_0.6": 2.5686177755517448, "q_0.625": 2.716392000954027, "q_0.65": 2.8097691960241553, "q_0.675": 2.910085567877327, "q_0.7": 2.9147032497610956, "q_0.725": 2.987237480068975, "q_0.75": 3.084317919855012, "q_0.775": 3.11661440888511, "q_0.8": 3.1419948986942368, "q_0.825": 3.193836981307002, "q_0.85": 3.2809613115320513, "q_0.875": 3.2984310619523125, "q_0.9": 3.3999694003344496, "q_0.925": 3.441586955456952, "q_0.95": 3.4815036306311677, "q_0.975": 3.576706409454941, "q_1": 3.974268046084235}, {"x": 13.005202080832333, "y": 2.187663876481845, "y_pred": 2.4232132211358013, "target": "1", "q_0": 1.340787786784845, "q_0.025": 1.6054936858658917, "q_0.05": 1.6736282582473092, "q_0.075": 1.7064053133430575, "q_0.1": 1.7397269803805884, "q_0.125": 1.7652211439842282, "q_0.15": 1.7866353173490446, "q_0.175": 1.8659008625359992, "q_0.2": 1.8894375220746846, "q_0.225": 1.9726743155341868, "q_0.25": 2.021469012882459, "q_0.275": 2.074754357150667, "q_0.3": 2.094443689031947, "q_0.325": 2.146797550217463, "q_0.35": 2.1618886583507457, "q_0.375": 2.2193868606044527, "q_0.4": 2.2562566884199984, "q_0.425": 2.289944087178931, "q_0.45": 2.337294814550029, "q_0.475": 2.3876967882448223, "q_0.5": 2.4232132211358013, "q_0.525": 2.455426470971908, "q_0.55": 2.519551391651299, "q_0.575": 2.567433519049851, "q_0.6": 2.707321630102125, "q_0.625": 2.8097691960241553, "q_0.65": 2.910085567877327, "q_0.675": 2.9375645139349933, "q_0.7": 2.987237480068975, "q_0.725": 3.084317919855012, "q_0.75": 3.1227101939238655, "q_0.775": 3.142439353581243, "q_0.8": 3.2029037652023558, "q_0.825": 3.2809613115320513, "q_0.85": 3.2984310619523125, "q_0.875": 3.374001682092608, "q_0.9": 3.441586955456952, "q_0.925": 3.4815036306311677, "q_0.95": 3.556470488022298, "q_0.975": 3.67093685399774, "q_1": 4.053811225269878}, {"x": 13.045218087234895, "y": 2.944140015617874, "y_pred": 2.4328131151641497, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6054936858658917, "q_0.05": 1.6736282582473092, "q_0.075": 1.7064053133430575, "q_0.1": 1.7401545478134488, "q_0.125": 1.766057223481253, "q_0.15": 1.8095111121900993, "q_0.175": 1.8670073433613252, "q_0.2": 1.921713872569338, "q_0.225": 1.9906968929199382, "q_0.25": 2.021469012882459, "q_0.275": 2.07806753604615, "q_0.3": 2.136317735273385, "q_0.325": 2.1601555344381436, "q_0.35": 2.1737618604535083, "q_0.375": 2.221763787765269, "q_0.4": 2.25982384442147, "q_0.425": 2.3005804210475995, "q_0.45": 2.34153913501825, "q_0.475": 2.394286534746988, "q_0.5": 2.4328131151641497, "q_0.525": 2.4874288490489973, "q_0.55": 2.5281986813998056, "q_0.575": 2.6200630651147208, "q_0.6": 2.716392000954027, "q_0.625": 2.8292310853190643, "q_0.65": 2.9106099093476447, "q_0.675": 2.9482359182540043, "q_0.7": 3.0608792606701654, "q_0.725": 3.0968815160723975, "q_0.75": 3.1243143547949948, "q_0.775": 3.1680252568862532, "q_0.8": 3.235189055656499, "q_0.825": 3.293832348295237, "q_0.85": 3.327349574422488, "q_0.875": 3.4027046988291785, "q_0.9": 3.4531240432726302, "q_0.925": 3.4815036306311677, "q_0.95": 3.576520637205075, "q_0.975": 3.695461651296798, "q_1": 4.053811225269878}, {"x": 13.085234093637455, "y": 2.394340424129465, "y_pred": 2.4328131151641497, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6054936858658917, "q_0.05": 1.6736282582473092, "q_0.075": 1.7064053133430575, "q_0.1": 1.7401545478134488, "q_0.125": 1.766057223481253, "q_0.15": 1.8095111121900993, "q_0.175": 1.8670073433613252, "q_0.2": 1.921713872569338, "q_0.225": 1.9906968929199382, "q_0.25": 2.021469012882459, "q_0.275": 2.07806753604615, "q_0.3": 2.136317735273385, "q_0.325": 2.1601555344381436, "q_0.35": 2.1737618604535083, "q_0.375": 2.221763787765269, "q_0.4": 2.25982384442147, "q_0.425": 2.3005804210475995, "q_0.45": 2.34153913501825, "q_0.475": 2.394286534746988, "q_0.5": 2.4328131151641497, "q_0.525": 2.4874288490489973, "q_0.55": 2.5281986813998056, "q_0.575": 2.6200630651147208, "q_0.6": 2.716392000954027, "q_0.625": 2.8292310853190643, "q_0.65": 2.9106099093476447, "q_0.675": 2.9482359182540043, "q_0.7": 3.0608792606701654, "q_0.725": 3.0968815160723975, "q_0.75": 3.1243143547949948, "q_0.775": 3.1680252568862532, "q_0.8": 3.235189055656499, "q_0.825": 3.293832348295237, "q_0.85": 3.327349574422488, "q_0.875": 3.4027046988291785, "q_0.9": 3.4531240432726302, "q_0.925": 3.4815036306311677, "q_0.95": 3.576520637205075, "q_0.975": 3.695461651296798, "q_1": 4.053811225269878}, {"x": 13.125250100040017, "y": 3.4815036306311677, "y_pred": 2.4328131151641497, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6054936858658917, "q_0.05": 1.6736282582473092, "q_0.075": 1.7064053133430575, "q_0.1": 1.7401545478134488, "q_0.125": 1.766057223481253, "q_0.15": 1.8095111121900993, "q_0.175": 1.8670073433613252, "q_0.2": 1.921713872569338, "q_0.225": 1.9906968929199382, "q_0.25": 2.021469012882459, "q_0.275": 2.07806753604615, "q_0.3": 2.136317735273385, "q_0.325": 2.1601555344381436, "q_0.35": 2.1737618604535083, "q_0.375": 2.221763787765269, "q_0.4": 2.25982384442147, "q_0.425": 2.3005804210475995, "q_0.45": 2.34153913501825, "q_0.475": 2.394286534746988, "q_0.5": 2.4328131151641497, "q_0.525": 2.4874288490489973, "q_0.55": 2.5281986813998056, "q_0.575": 2.6200630651147208, "q_0.6": 2.716392000954027, "q_0.625": 2.8292310853190643, "q_0.65": 2.9106099093476447, "q_0.675": 2.9482359182540043, "q_0.7": 3.0608792606701654, "q_0.725": 3.0968815160723975, "q_0.75": 3.1243143547949948, "q_0.775": 3.1680252568862532, "q_0.8": 3.235189055656499, "q_0.825": 3.293832348295237, "q_0.85": 3.327349574422488, "q_0.875": 3.4027046988291785, "q_0.9": 3.4531240432726302, "q_0.925": 3.4815036306311677, "q_0.95": 3.576520637205075, "q_0.975": 3.695461651296798, "q_1": 4.053811225269878}, {"x": 13.165266106442578, "y": 3.094027702409054, "y_pred": 2.4328131151641497, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6054936858658917, "q_0.05": 1.6736282582473092, "q_0.075": 1.7064053133430575, "q_0.1": 1.7401545478134488, "q_0.125": 1.766057223481253, "q_0.15": 1.8095111121900993, "q_0.175": 1.8670073433613252, "q_0.2": 1.921713872569338, "q_0.225": 1.9906968929199382, "q_0.25": 2.021469012882459, "q_0.275": 2.07806753604615, "q_0.3": 2.136317735273385, "q_0.325": 2.1601555344381436, "q_0.35": 2.1737618604535083, "q_0.375": 2.221763787765269, "q_0.4": 2.25982384442147, "q_0.425": 2.3005804210475995, "q_0.45": 2.34153913501825, "q_0.475": 2.394286534746988, "q_0.5": 2.4328131151641497, "q_0.525": 2.4874288490489973, "q_0.55": 2.5281986813998056, "q_0.575": 2.6200630651147208, "q_0.6": 2.716392000954027, "q_0.625": 2.8292310853190643, "q_0.65": 2.9106099093476447, "q_0.675": 2.9482359182540043, "q_0.7": 3.0608792606701654, "q_0.725": 3.0968815160723975, "q_0.75": 3.1243143547949948, "q_0.775": 3.1680252568862532, "q_0.8": 3.235189055656499, "q_0.825": 3.293832348295237, "q_0.85": 3.327349574422488, "q_0.875": 3.4027046988291785, "q_0.9": 3.4531240432726302, "q_0.925": 3.4815036306311677, "q_0.95": 3.576520637205075, "q_0.975": 3.695461651296798, "q_1": 4.053811225269878}, {"x": 13.205282112845138, "y": 2.2562566884199984, "y_pred": 2.4328131151641497, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6054936858658917, "q_0.05": 1.6736282582473092, "q_0.075": 1.7064053133430575, "q_0.1": 1.7401545478134488, "q_0.125": 1.766057223481253, "q_0.15": 1.8095111121900993, "q_0.175": 1.8670073433613252, "q_0.2": 1.921713872569338, "q_0.225": 1.9906968929199382, "q_0.25": 2.021469012882459, "q_0.275": 2.07806753604615, "q_0.3": 2.136317735273385, "q_0.325": 2.1601555344381436, "q_0.35": 2.1737618604535083, "q_0.375": 2.221763787765269, "q_0.4": 2.25982384442147, "q_0.425": 2.3005804210475995, "q_0.45": 2.34153913501825, "q_0.475": 2.394286534746988, "q_0.5": 2.4328131151641497, "q_0.525": 2.4874288490489973, "q_0.55": 2.5281986813998056, "q_0.575": 2.6200630651147208, "q_0.6": 2.716392000954027, "q_0.625": 2.8292310853190643, "q_0.65": 2.9106099093476447, "q_0.675": 2.9482359182540043, "q_0.7": 3.0608792606701654, "q_0.725": 3.0968815160723975, "q_0.75": 3.1243143547949948, "q_0.775": 3.1680252568862532, "q_0.8": 3.235189055656499, "q_0.825": 3.293832348295237, "q_0.85": 3.327349574422488, "q_0.875": 3.4027046988291785, "q_0.9": 3.4531240432726302, "q_0.925": 3.4815036306311677, "q_0.95": 3.576520637205075, "q_0.975": 3.695461651296798, "q_1": 4.053811225269878}, {"x": 13.2452981192477, "y": 1.5706352996393322, "y_pred": 2.441790563669244, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.61014734001063, "q_0.05": 1.6764723991857389, "q_0.075": 1.7153730467553179, "q_0.1": 1.7401545478134488, "q_0.125": 1.766057223481253, "q_0.15": 1.8095111121900993, "q_0.175": 1.8670073433613252, "q_0.2": 1.9398895035522234, "q_0.225": 1.9923941629620197, "q_0.25": 2.027131062088837, "q_0.275": 2.0833958217544333, "q_0.3": 2.136317735273385, "q_0.325": 2.1612281936477826, "q_0.35": 2.1737618604535083, "q_0.375": 2.2304222094437676, "q_0.4": 2.2827484712500667, "q_0.425": 2.3163031470852005, "q_0.45": 2.375105238840981, "q_0.475": 2.394340424129465, "q_0.5": 2.441790563669244, "q_0.525": 2.4923650623722877, "q_0.55": 2.5641632133093606, "q_0.575": 2.6200630651147208, "q_0.6": 2.729011295090292, "q_0.625": 2.910085567877327, "q_0.65": 2.9375645139349933, "q_0.675": 2.987237480068975, "q_0.7": 3.082570185997104, "q_0.725": 3.11661440888511, "q_0.75": 3.1419948986942368, "q_0.775": 3.193836981307002, "q_0.8": 3.2721761213411105, "q_0.825": 3.293832348295237, "q_0.85": 3.3382947254345257, "q_0.875": 3.4195654797640556, "q_0.9": 3.4656862685833105, "q_0.925": 3.523454725081377, "q_0.95": 3.576706409454941, "q_0.975": 3.7002354515412668, "q_1": 4.053811225269878}, {"x": 13.285314125650261, "y": 2.872998392374339, "y_pred": 2.441790563669244, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.61014734001063, "q_0.05": 1.6764723991857389, "q_0.075": 1.7153730467553179, "q_0.1": 1.7401545478134488, "q_0.125": 1.766057223481253, "q_0.15": 1.8095111121900993, "q_0.175": 1.8670073433613252, "q_0.2": 1.9398895035522234, "q_0.225": 1.9923941629620197, "q_0.25": 2.027131062088837, "q_0.275": 2.0833958217544333, "q_0.3": 2.136317735273385, "q_0.325": 2.1612281936477826, "q_0.35": 2.1737618604535083, "q_0.375": 2.2304222094437676, "q_0.4": 2.2827484712500667, "q_0.425": 2.3163031470852005, "q_0.45": 2.375105238840981, "q_0.475": 2.394340424129465, "q_0.5": 2.441790563669244, "q_0.525": 2.4923650623722877, "q_0.55": 2.5641632133093606, "q_0.575": 2.6200630651147208, "q_0.6": 2.729011295090292, "q_0.625": 2.910085567877327, "q_0.65": 2.9375645139349933, "q_0.675": 2.987237480068975, "q_0.7": 3.082570185997104, "q_0.725": 3.11661440888511, "q_0.75": 3.1419948986942368, "q_0.775": 3.193836981307002, "q_0.8": 3.2721761213411105, "q_0.825": 3.293832348295237, "q_0.85": 3.3382947254345257, "q_0.875": 3.4195654797640556, "q_0.9": 3.4656862685833105, "q_0.925": 3.523454725081377, "q_0.95": 3.576706409454941, "q_0.975": 3.7002354515412668, "q_1": 4.053811225269878}, {"x": 13.325330132052821, "y": 1.9398895035522234, "y_pred": 2.441790563669244, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.61014734001063, "q_0.05": 1.6764723991857389, "q_0.075": 1.7153730467553179, "q_0.1": 1.7401545478134488, "q_0.125": 1.766057223481253, "q_0.15": 1.8095111121900993, "q_0.175": 1.8670073433613252, "q_0.2": 1.9398895035522234, "q_0.225": 1.9923941629620197, "q_0.25": 2.027131062088837, "q_0.275": 2.0833958217544333, "q_0.3": 2.136317735273385, "q_0.325": 2.1612281936477826, "q_0.35": 2.1737618604535083, "q_0.375": 2.2304222094437676, "q_0.4": 2.2827484712500667, "q_0.425": 2.3163031470852005, "q_0.45": 2.375105238840981, "q_0.475": 2.394340424129465, "q_0.5": 2.441790563669244, "q_0.525": 2.4923650623722877, "q_0.55": 2.5641632133093606, "q_0.575": 2.6200630651147208, "q_0.6": 2.729011295090292, "q_0.625": 2.910085567877327, "q_0.65": 2.9375645139349933, "q_0.675": 2.987237480068975, "q_0.7": 3.082570185997104, "q_0.725": 3.11661440888511, "q_0.75": 3.1419948986942368, "q_0.775": 3.193836981307002, "q_0.8": 3.2721761213411105, "q_0.825": 3.293832348295237, "q_0.85": 3.3382947254345257, "q_0.875": 3.4195654797640556, "q_0.9": 3.4656862685833105, "q_0.925": 3.523454725081377, "q_0.95": 3.576706409454941, "q_0.975": 3.7002354515412668, "q_1": 4.053811225269878}, {"x": 13.365346138455383, "y": 1.7866353173490446, "y_pred": 2.4477916916783404, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6495769653196974, "q_0.05": 1.6805791695542958, "q_0.075": 1.715988593388376, "q_0.1": 1.7401545478134488, "q_0.125": 1.785024463450957, "q_0.15": 1.810676679078199, "q_0.175": 1.8825077275430822, "q_0.2": 1.9398895035522234, "q_0.225": 1.99424811067523, "q_0.25": 2.027131062088837, "q_0.275": 2.0833958217544333, "q_0.3": 2.136317735273385, "q_0.325": 2.1612281936477826, "q_0.35": 2.2050773590973116, "q_0.375": 2.2562566884199984, "q_0.4": 2.289944087178931, "q_0.425": 2.337294814550029, "q_0.45": 2.3758752544937853, "q_0.475": 2.4232132211358013, "q_0.5": 2.4477916916783404, "q_0.525": 2.4987847032800143, "q_0.55": 2.567433519049851, "q_0.575": 2.676446867215599, "q_0.6": 2.8097691960241553, "q_0.625": 2.9106099093476447, "q_0.65": 2.944140015617874, "q_0.675": 3.0233510508125065, "q_0.7": 3.0847721040106455, "q_0.725": 3.1227101939238655, "q_0.75": 3.148360344528845, "q_0.775": 3.2029037652023558, "q_0.8": 3.2809613115320513, "q_0.825": 3.2984310619523125, "q_0.85": 3.3494368325860044, "q_0.875": 3.4195654797640556, "q_0.9": 3.4656862685833105, "q_0.925": 3.5245450211353173, "q_0.95": 3.576706409454941, "q_0.975": 3.7002936872232506, "q_1": 4.053811225269878}, {"x": 13.405362144857945, "y": 3.441586955456952, "y_pred": 2.455426470971908, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6495769653196974, "q_0.05": 1.6805791695542958, "q_0.075": 1.7254745564005882, "q_0.1": 1.743644759602239, "q_0.125": 1.785024463450957, "q_0.15": 1.810676679078199, "q_0.175": 1.8825077275430822, "q_0.2": 1.9398895035522234, "q_0.225": 1.99424811067523, "q_0.25": 2.027131062088837, "q_0.275": 2.094443689031947, "q_0.3": 2.146123073277861, "q_0.325": 2.1612281936477826, "q_0.35": 2.219232081835928, "q_0.375": 2.2562566884199984, "q_0.4": 2.2970834254008214, "q_0.425": 2.3390693903909536, "q_0.45": 2.3876967882448223, "q_0.475": 2.4232132211358013, "q_0.5": 2.455426470971908, "q_0.525": 2.519551391651299, "q_0.55": 2.5679072216506094, "q_0.575": 2.716392000954027, "q_0.6": 2.8292310853190643, "q_0.625": 2.9106099093476447, "q_0.65": 2.9482359182540043, "q_0.675": 3.0503513498241857, "q_0.7": 3.094027702409054, "q_0.725": 3.138898997004305, "q_0.75": 3.1680252568862532, "q_0.775": 3.235189055656499, "q_0.8": 3.2928888831873198, "q_0.825": 3.327349574422488, "q_0.85": 3.3519348573142453, "q_0.875": 3.441586955456952, "q_0.9": 3.4815036306311677, "q_0.925": 3.5394533066193468, "q_0.95": 3.6308283437669715, "q_0.975": 3.716241316335802, "q_1": 4.053811225269878}, {"x": 13.445378151260504, "y": 3.5845306398065206, "y_pred": 2.455426470971908, "target": "1", "q_0": 1.340787786784845, "q_0.025": 1.6495769653196974, "q_0.05": 1.6805791695542958, "q_0.075": 1.7254745564005882, "q_0.1": 1.743644759602239, "q_0.125": 1.785024463450957, "q_0.15": 1.810676679078199, "q_0.175": 1.8825077275430822, "q_0.2": 1.9398895035522234, "q_0.225": 1.99424811067523, "q_0.25": 2.0402802991977853, "q_0.275": 2.094443689031947, "q_0.3": 2.146797550217463, "q_0.325": 2.1618886583507457, "q_0.35": 2.2193868606044527, "q_0.375": 2.2562566884199984, "q_0.4": 2.3005804210475995, "q_0.425": 2.34153913501825, "q_0.45": 2.3876967882448223, "q_0.475": 2.428633389531809, "q_0.5": 2.455426470971908, "q_0.525": 2.519551391651299, "q_0.55": 2.5686177755517448, "q_0.575": 2.716392000954027, "q_0.6": 2.8292310853190643, "q_0.625": 2.9147032497610956, "q_0.65": 2.9511751701130873, "q_0.675": 3.0608792606701654, "q_0.7": 3.10544295706245, "q_0.725": 3.138898997004305, "q_0.75": 3.1680252568862532, "q_0.775": 3.235189055656499, "q_0.8": 3.2928888831873198, "q_0.825": 3.327349574422488, "q_0.85": 3.3851307041962526, "q_0.875": 3.441586955456952, "q_0.9": 3.4815036306311677, "q_0.925": 3.5394533066193468, "q_0.95": 3.6308283437669715, "q_0.975": 3.716241316335802, "q_1": 4.053811225269878}, {"x": 13.485394157663066, "y": 2.094034966351967, "y_pred": 2.455426470971908, "target": "1", "q_0": 1.340787786784845, "q_0.025": 1.6495769653196974, "q_0.05": 1.6805791695542958, "q_0.075": 1.7254745564005882, "q_0.1": 1.743644759602239, "q_0.125": 1.785024463450957, "q_0.15": 1.810676679078199, "q_0.175": 1.8825077275430822, "q_0.2": 1.9398895035522234, "q_0.225": 1.99424811067523, "q_0.25": 2.0402802991977853, "q_0.275": 2.094443689031947, "q_0.3": 2.146797550217463, "q_0.325": 2.1618886583507457, "q_0.35": 2.2193868606044527, "q_0.375": 2.2562566884199984, "q_0.4": 2.3005804210475995, "q_0.425": 2.34153913501825, "q_0.45": 2.3876967882448223, "q_0.475": 2.428633389531809, "q_0.5": 2.455426470971908, "q_0.525": 2.519551391651299, "q_0.55": 2.5686177755517448, "q_0.575": 2.716392000954027, "q_0.6": 2.8292310853190643, "q_0.625": 2.9147032497610956, "q_0.65": 2.9511751701130873, "q_0.675": 3.0608792606701654, "q_0.7": 3.10544295706245, "q_0.725": 3.138898997004305, "q_0.75": 3.1680252568862532, "q_0.775": 3.235189055656499, "q_0.8": 3.2928888831873198, "q_0.825": 3.327349574422488, "q_0.85": 3.3851307041962526, "q_0.875": 3.441586955456952, "q_0.9": 3.4815036306311677, "q_0.925": 3.5394533066193468, "q_0.95": 3.6308283437669715, "q_0.975": 3.716241316335802, "q_1": 4.053811225269878}, {"x": 13.525410164065626, "y": 2.1612281936477826, "y_pred": 2.455426470971908, "target": "1", "q_0": 1.340787786784845, "q_0.025": 1.6495769653196974, "q_0.05": 1.6805791695542958, "q_0.075": 1.7254745564005882, "q_0.1": 1.743644759602239, "q_0.125": 1.785024463450957, "q_0.15": 1.810676679078199, "q_0.175": 1.8825077275430822, "q_0.2": 1.9398895035522234, "q_0.225": 1.99424811067523, "q_0.25": 2.0402802991977853, "q_0.275": 2.094443689031947, "q_0.3": 2.146797550217463, "q_0.325": 2.1618886583507457, "q_0.35": 2.2193868606044527, "q_0.375": 2.2562566884199984, "q_0.4": 2.3005804210475995, "q_0.425": 2.34153913501825, "q_0.45": 2.3876967882448223, "q_0.475": 2.428633389531809, "q_0.5": 2.455426470971908, "q_0.525": 2.519551391651299, "q_0.55": 2.5686177755517448, "q_0.575": 2.716392000954027, "q_0.6": 2.8292310853190643, "q_0.625": 2.9147032497610956, "q_0.65": 2.9511751701130873, "q_0.675": 3.0608792606701654, "q_0.7": 3.10544295706245, "q_0.725": 3.138898997004305, "q_0.75": 3.1680252568862532, "q_0.775": 3.235189055656499, "q_0.8": 3.2928888831873198, "q_0.825": 3.327349574422488, "q_0.85": 3.3851307041962526, "q_0.875": 3.441586955456952, "q_0.9": 3.4815036306311677, "q_0.925": 3.5394533066193468, "q_0.95": 3.6308283437669715, "q_0.975": 3.716241316335802, "q_1": 4.053811225269878}, {"x": 13.565426170468188, "y": 1.8825077275430822, "y_pred": 2.455426470971908, "target": "1", "q_0": 1.340787786784845, "q_0.025": 1.6495769653196974, "q_0.05": 1.6805791695542958, "q_0.075": 1.7254745564005882, "q_0.1": 1.743644759602239, "q_0.125": 1.785024463450957, "q_0.15": 1.810676679078199, "q_0.175": 1.8825077275430822, "q_0.2": 1.9398895035522234, "q_0.225": 1.99424811067523, "q_0.25": 2.0402802991977853, "q_0.275": 2.094443689031947, "q_0.3": 2.146797550217463, "q_0.325": 2.1618886583507457, "q_0.35": 2.2193868606044527, "q_0.375": 2.2562566884199984, "q_0.4": 2.3005804210475995, "q_0.425": 2.34153913501825, "q_0.45": 2.3876967882448223, "q_0.475": 2.428633389531809, "q_0.5": 2.455426470971908, "q_0.525": 2.519551391651299, "q_0.55": 2.5686177755517448, "q_0.575": 2.716392000954027, "q_0.6": 2.8292310853190643, "q_0.625": 2.9147032497610956, "q_0.65": 2.9511751701130873, "q_0.675": 3.0608792606701654, "q_0.7": 3.10544295706245, "q_0.725": 3.138898997004305, "q_0.75": 3.1680252568862532, "q_0.775": 3.235189055656499, "q_0.8": 3.2928888831873198, "q_0.825": 3.327349574422488, "q_0.85": 3.3851307041962526, "q_0.875": 3.441586955456952, "q_0.9": 3.4815036306311677, "q_0.925": 3.5394533066193468, "q_0.95": 3.6308283437669715, "q_0.975": 3.716241316335802, "q_1": 4.053811225269878}, {"x": 13.60544217687075, "y": 2.4854253534535315, "y_pred": 2.4874288490489973, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.651692460867325, "q_0.05": 1.6805791695542958, "q_0.075": 1.7254745564005882, "q_0.1": 1.744261310744111, "q_0.125": 1.785024463450957, "q_0.15": 1.843181146497585, "q_0.175": 1.8825077275430822, "q_0.2": 1.9398895035522234, "q_0.225": 1.99424811067523, "q_0.25": 2.0402802991977853, "q_0.275": 2.094443689031947, "q_0.3": 2.146797550217463, "q_0.325": 2.1618886583507457, "q_0.35": 2.2193868606044527, "q_0.375": 2.2562566884199984, "q_0.4": 2.3005804210475995, "q_0.425": 2.34153913501825, "q_0.45": 2.3876967882448223, "q_0.475": 2.4328131151641497, "q_0.5": 2.4874288490489973, "q_0.525": 2.519551391651299, "q_0.55": 2.5686177755517448, "q_0.575": 2.716392000954027, "q_0.6": 2.8292310853190643, "q_0.625": 2.9147032497610956, "q_0.65": 2.9511751701130873, "q_0.675": 3.0608792606701654, "q_0.7": 3.10544295706245, "q_0.725": 3.1419948986942368, "q_0.75": 3.1680252568862532, "q_0.775": 3.2558359707668463, "q_0.8": 3.293832348295237, "q_0.825": 3.327349574422488, "q_0.85": 3.3999694003344496, "q_0.875": 3.441586955456952, "q_0.9": 3.4815036306311677, "q_0.925": 3.5394533066193468, "q_0.95": 3.6308283437669715, "q_0.975": 3.716241316335802, "q_1": 4.053811225269878}, {"x": 13.645458183273309, "y": 3.327349574422488, "y_pred": 2.4923650623722877, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.651692460867325, "q_0.05": 1.6805791695542958, "q_0.075": 1.7254745564005882, "q_0.1": 1.744261310744111, "q_0.125": 1.785024463450957, "q_0.15": 1.8491309244679617, "q_0.175": 1.8865015736714692, "q_0.2": 1.9697461979159923, "q_0.225": 2.007340859870221, "q_0.25": 2.074754357150667, "q_0.275": 2.101075614235774, "q_0.3": 2.1601555344381436, "q_0.325": 2.171001775257661, "q_0.35": 2.221763787765269, "q_0.375": 2.2827484712500667, "q_0.4": 2.3005804210475995, "q_0.425": 2.3447339183764937, "q_0.45": 2.394340424129465, "q_0.475": 2.4328131151641497, "q_0.5": 2.4923650623722877, "q_0.525": 2.5641632133093606, "q_0.55": 2.6200630651147208, "q_0.575": 2.7427053287599286, "q_0.6": 2.910085567877327, "q_0.625": 2.9375645139349933, "q_0.65": 2.987237480068975, "q_0.675": 3.082570185997104, "q_0.7": 3.11661440888511, "q_0.725": 3.142439353581243, "q_0.75": 3.193836981307002, "q_0.775": 3.2558359707668463, "q_0.8": 3.293832348295237, "q_0.825": 3.327349574422488, "q_0.85": 3.3999694003344496, "q_0.875": 3.441586955456952, "q_0.9": 3.4815036306311677, "q_0.925": 3.556470488022298, "q_0.95": 3.6308283437669715, "q_0.975": 3.716241316335802, "q_1": 4.053811225269878}, {"x": 13.68547418967587, "y": 2.992245528319624, "y_pred": 2.4923650623722877, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.651692460867325, "q_0.05": 1.6805791695542958, "q_0.075": 1.7254745564005882, "q_0.1": 1.744261310744111, "q_0.125": 1.785024463450957, "q_0.15": 1.8491309244679617, "q_0.175": 1.8865015736714692, "q_0.2": 1.9697461979159923, "q_0.225": 2.007340859870221, "q_0.25": 2.074754357150667, "q_0.275": 2.101075614235774, "q_0.3": 2.1601555344381436, "q_0.325": 2.171001775257661, "q_0.35": 2.221763787765269, "q_0.375": 2.2827484712500667, "q_0.4": 2.3005804210475995, "q_0.425": 2.3447339183764937, "q_0.45": 2.394340424129465, "q_0.475": 2.4328131151641497, "q_0.5": 2.4923650623722877, "q_0.525": 2.5641632133093606, "q_0.55": 2.6200630651147208, "q_0.575": 2.7427053287599286, "q_0.6": 2.910085567877327, "q_0.625": 2.9375645139349933, "q_0.65": 2.987237480068975, "q_0.675": 3.082570185997104, "q_0.7": 3.11661440888511, "q_0.725": 3.142439353581243, "q_0.75": 3.193836981307002, "q_0.775": 3.2558359707668463, "q_0.8": 3.293832348295237, "q_0.825": 3.327349574422488, "q_0.85": 3.3999694003344496, "q_0.875": 3.441586955456952, "q_0.9": 3.4815036306311677, "q_0.925": 3.556470488022298, "q_0.95": 3.6308283437669715, "q_0.975": 3.716241316335802, "q_1": 4.053811225269878}, {"x": 13.725490196078432, "y": 3.293832348295237, "y_pred": 2.4923650623722877, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6601974547742562, "q_0.05": 1.6875606122872815, "q_0.075": 1.7254745564005882, "q_0.1": 1.744261310744111, "q_0.125": 1.7866353173490446, "q_0.15": 1.8491309244679617, "q_0.175": 1.8879114986662764, "q_0.2": 1.9699538884593042, "q_0.225": 2.007340859870221, "q_0.25": 2.07806753604615, "q_0.275": 2.11558631595738, "q_0.3": 2.1601555344381436, "q_0.325": 2.171001775257661, "q_0.35": 2.221763787765269, "q_0.375": 2.2827484712500667, "q_0.4": 2.3163031470852005, "q_0.425": 2.3447339183764937, "q_0.45": 2.394340424129465, "q_0.475": 2.441790563669244, "q_0.5": 2.4923650623722877, "q_0.525": 2.5641632133093606, "q_0.55": 2.6200630651147208, "q_0.575": 2.758599258276219, "q_0.6": 2.910085567877327, "q_0.625": 2.944140015617874, "q_0.65": 2.987237480068975, "q_0.675": 3.084317919855012, "q_0.7": 3.1227101939238655, "q_0.725": 3.148360344528845, "q_0.75": 3.193836981307002, "q_0.775": 3.2721761213411105, "q_0.8": 3.293832348295237, "q_0.825": 3.327349574422488, "q_0.85": 3.3999694003344496, "q_0.875": 3.441586955456952, "q_0.9": 3.4815036306311677, "q_0.925": 3.556470488022298, "q_0.95": 3.6308283437669715, "q_0.975": 3.716241316335802, "q_1": 4.053811225269878}, {"x": 13.765506202480992, "y": 2.021469012882459, "y_pred": 2.519551391651299, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6608085097773626, "q_0.05": 1.6875606122872815, "q_0.075": 1.736563931540788, "q_0.1": 1.746683444054756, "q_0.125": 1.7866353173490446, "q_0.15": 1.8659008625359992, "q_0.175": 1.921713872569338, "q_0.2": 1.97134094507356, "q_0.225": 2.021469012882459, "q_0.25": 2.0823841244089167, "q_0.275": 2.136317735273385, "q_0.3": 2.1612281936477826, "q_0.325": 2.218612966761829, "q_0.35": 2.2562566884199984, "q_0.375": 2.289944087178931, "q_0.4": 2.337294814550029, "q_0.425": 2.3876967882448223, "q_0.45": 2.4232132211358013, "q_0.475": 2.455426470971908, "q_0.5": 2.519551391651299, "q_0.525": 2.567433519049851, "q_0.55": 2.716392000954027, "q_0.575": 2.8292310853190643, "q_0.6": 2.9147032497610956, "q_0.625": 2.9511751701130873, "q_0.65": 3.0608792606701654, "q_0.675": 3.094027702409054, "q_0.7": 3.138898997004305, "q_0.725": 3.1680252568862532, "q_0.75": 3.235189055656499, "q_0.775": 3.2809613115320513, "q_0.8": 3.2984310619523125, "q_0.825": 3.3494368325860044, "q_0.85": 3.4195654797640556, "q_0.875": 3.4656862685833105, "q_0.9": 3.523454725081377, "q_0.925": 3.576520637205075, "q_0.95": 3.6398530810606005, "q_0.975": 3.726517185255917, "q_1": 4.0742237600893345}, {"x": 13.805522208883554, "y": 3.0608792606701654, "y_pred": 2.519551391651299, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6642711547949658, "q_0.05": 1.6875606122872815, "q_0.075": 1.736563931540788, "q_0.1": 1.746683444054756, "q_0.125": 1.7866353173490446, "q_0.15": 1.8659008625359992, "q_0.175": 1.921713872569338, "q_0.2": 1.9726743155341868, "q_0.225": 2.021469012882459, "q_0.25": 2.0833958217544333, "q_0.275": 2.136317735273385, "q_0.3": 2.1612281936477826, "q_0.325": 2.218612966761829, "q_0.35": 2.2562566884199984, "q_0.375": 2.3005804210475995, "q_0.4": 2.337294814550029, "q_0.425": 2.3876967882448223, "q_0.45": 2.427549355852609, "q_0.475": 2.455426470971908, "q_0.5": 2.519551391651299, "q_0.525": 2.5686177755517448, "q_0.55": 2.716392000954027, "q_0.575": 2.8292310853190643, "q_0.6": 2.9375645139349933, "q_0.625": 2.9511751701130873, "q_0.65": 3.0608792606701654, "q_0.675": 3.10544295706245, "q_0.7": 3.1419948986942368, "q_0.725": 3.1680252568862532, "q_0.75": 3.235189055656499, "q_0.775": 3.2809613115320513, "q_0.8": 3.2984310619523125, "q_0.825": 3.3494368325860044, "q_0.85": 3.4195654797640556, "q_0.875": 3.4656862685833105, "q_0.9": 3.523454725081377, "q_0.925": 3.576706409454941, "q_0.95": 3.6398530810606005, "q_0.975": 3.726517185255917, "q_1": 4.0742237600893345}, {"x": 13.845538215286116, "y": 3.4531240432726302, "y_pred": 2.532739632856084, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6642711547949658, "q_0.05": 1.6875606122872815, "q_0.075": 1.736563931540788, "q_0.1": 1.7580061390642232, "q_0.125": 1.7866353173490446, "q_0.15": 1.8670073433613252, "q_0.175": 1.921713872569338, "q_0.2": 1.9837241637792395, "q_0.225": 2.021469012882459, "q_0.25": 2.094443689031947, "q_0.275": 2.146797550217463, "q_0.3": 2.1618886583507457, "q_0.325": 2.2193868606044527, "q_0.35": 2.2827484712500667, "q_0.375": 2.3005804210475995, "q_0.4": 2.34153913501825, "q_0.425": 2.3876967882448223, "q_0.45": 2.4328131151641497, "q_0.475": 2.4874288490489973, "q_0.5": 2.532739632856084, "q_0.525": 2.5686177755517448, "q_0.55": 2.7482574403887723, "q_0.575": 2.8507806336042902, "q_0.6": 2.9375645139349933, "q_0.625": 2.987237480068975, "q_0.65": 3.082570185997104, "q_0.675": 3.1227101939238655, "q_0.7": 3.148360344528845, "q_0.725": 3.193836981307002, "q_0.75": 3.2558359707668463, "q_0.775": 3.2928888831873198, "q_0.8": 3.327349574422488, "q_0.825": 3.3519348573142453, "q_0.85": 3.441586955456952, "q_0.875": 3.4815036306311677, "q_0.9": 3.5394533066193468, "q_0.925": 3.576706409454941, "q_0.95": 3.6621945673308955, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 13.885554221688675, "y": 2.136317735273385, "y_pred": 2.549096452515171, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6642711547949658, "q_0.05": 1.6875606122872815, "q_0.075": 1.7397269803805884, "q_0.1": 1.7580061390642232, "q_0.125": 1.7866353173490446, "q_0.15": 1.8670073433613252, "q_0.175": 1.921713872569338, "q_0.2": 1.9837241637792395, "q_0.225": 2.021469012882459, "q_0.25": 2.101075614235774, "q_0.275": 2.146797550217463, "q_0.3": 2.171001775257661, "q_0.325": 2.221763787765269, "q_0.35": 2.2827484712500667, "q_0.375": 2.3070308941573043, "q_0.4": 2.3447339183764937, "q_0.425": 2.394124866599558, "q_0.45": 2.4328131151641497, "q_0.475": 2.4923650623722877, "q_0.5": 2.549096452515171, "q_0.525": 2.5686177755517448, "q_0.55": 2.758599258276219, "q_0.575": 2.910085567877327, "q_0.6": 2.944140015617874, "q_0.625": 2.987237480068975, "q_0.65": 3.084317919855012, "q_0.675": 3.1227101939238655, "q_0.7": 3.148360344528845, "q_0.725": 3.193836981307002, "q_0.75": 3.2558359707668463, "q_0.775": 3.293832348295237, "q_0.8": 3.327349574422488, "q_0.825": 3.3519348573142453, "q_0.85": 3.441586955456952, "q_0.875": 3.4815036306311677, "q_0.9": 3.5394533066193468, "q_0.925": 3.576706409454941, "q_0.95": 3.67093685399774, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 13.925570228091237, "y": 2.987237480068975, "y_pred": 2.5641632133093606, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.7580061390642232, "q_0.125": 1.8013887196963485, "q_0.15": 1.8670073433613252, "q_0.175": 1.936662933668477, "q_0.2": 1.988080087552442, "q_0.225": 2.027131062088837, "q_0.25": 2.101075614235774, "q_0.275": 2.1601555344381436, "q_0.3": 2.1737618604535083, "q_0.325": 2.221763787765269, "q_0.35": 2.289944087178931, "q_0.375": 2.3163031470852005, "q_0.4": 2.3447339183764937, "q_0.425": 2.394340424129465, "q_0.45": 2.441790563669244, "q_0.475": 2.4923650623722877, "q_0.5": 2.5641632133093606, "q_0.525": 2.6200630651147208, "q_0.55": 2.7711908390505697, "q_0.575": 2.9106099093476447, "q_0.6": 2.9482359182540043, "q_0.625": 3.028872387280381, "q_0.65": 3.0847721040106455, "q_0.675": 3.1243143547949948, "q_0.7": 3.1585551585980562, "q_0.725": 3.2029037652023558, "q_0.75": 3.2721761213411105, "q_0.775": 3.293832348295237, "q_0.8": 3.3382947254345257, "q_0.825": 3.3999694003344496, "q_0.85": 3.4531240432726302, "q_0.875": 3.499501200010317, "q_0.9": 3.5521547230937136, "q_0.925": 3.576706409454941, "q_0.95": 3.695461651296798, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 13.965586234493799, "y": 2.3876967882448223, "y_pred": 2.567433519049851, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.766057223481253, "q_0.125": 1.8095111121900993, "q_0.15": 1.8670073433613252, "q_0.175": 1.9398895035522234, "q_0.2": 1.99424811067523, "q_0.225": 2.0402802991977853, "q_0.25": 2.11558631595738, "q_0.275": 2.1601555344381436, "q_0.3": 2.2117685920564156, "q_0.325": 2.2304222094437676, "q_0.35": 2.289944087178931, "q_0.375": 2.337294814550029, "q_0.4": 2.3758752544937853, "q_0.425": 2.4232132211358013, "q_0.45": 2.441790563669244, "q_0.475": 2.4987847032800143, "q_0.5": 2.567433519049851, "q_0.525": 2.6926217886902015, "q_0.55": 2.8292310853190643, "q_0.575": 2.9147032497610956, "q_0.6": 2.9511751701130873, "q_0.625": 3.0503513498241857, "q_0.65": 3.094027702409054, "q_0.675": 3.138898997004305, "q_0.7": 3.1680252568862532, "q_0.725": 3.2154830123927143, "q_0.75": 3.2721761213411105, "q_0.775": 3.2984310619523125, "q_0.8": 3.3382947254345257, "q_0.825": 3.4027046988291785, "q_0.85": 3.4531240432726302, "q_0.875": 3.523454725081377, "q_0.9": 3.556470488022298, "q_0.925": 3.6308283437669715, "q_0.95": 3.695461651296798, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.005602240896359, "y": 2.1601555344381436, "y_pred": 2.567433519049851, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.766057223481253, "q_0.125": 1.8095111121900993, "q_0.15": 1.8670073433613252, "q_0.175": 1.9398895035522234, "q_0.2": 1.99424811067523, "q_0.225": 2.0402802991977853, "q_0.25": 2.11558631595738, "q_0.275": 2.1601555344381436, "q_0.3": 2.2117685920564156, "q_0.325": 2.2304222094437676, "q_0.35": 2.289944087178931, "q_0.375": 2.337294814550029, "q_0.4": 2.3758752544937853, "q_0.425": 2.4232132211358013, "q_0.45": 2.441790563669244, "q_0.475": 2.4987847032800143, "q_0.5": 2.567433519049851, "q_0.525": 2.6926217886902015, "q_0.55": 2.8292310853190643, "q_0.575": 2.9147032497610956, "q_0.6": 2.9511751701130873, "q_0.625": 3.0503513498241857, "q_0.65": 3.094027702409054, "q_0.675": 3.138898997004305, "q_0.7": 3.1680252568862532, "q_0.725": 3.2154830123927143, "q_0.75": 3.2721761213411105, "q_0.775": 3.2984310619523125, "q_0.8": 3.3382947254345257, "q_0.825": 3.4027046988291785, "q_0.85": 3.4531240432726302, "q_0.875": 3.523454725081377, "q_0.9": 3.556470488022298, "q_0.925": 3.6308283437669715, "q_0.95": 3.695461651296798, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.04561824729892, "y": 3.576706409454941, "y_pred": 2.567433519049851, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.766057223481253, "q_0.125": 1.8095111121900993, "q_0.15": 1.8670073433613252, "q_0.175": 1.9398895035522234, "q_0.2": 1.99424811067523, "q_0.225": 2.0402802991977853, "q_0.25": 2.11558631595738, "q_0.275": 2.1601555344381436, "q_0.3": 2.2117685920564156, "q_0.325": 2.2304222094437676, "q_0.35": 2.289944087178931, "q_0.375": 2.337294814550029, "q_0.4": 2.3758752544937853, "q_0.425": 2.4232132211358013, "q_0.45": 2.441790563669244, "q_0.475": 2.4987847032800143, "q_0.5": 2.567433519049851, "q_0.525": 2.6926217886902015, "q_0.55": 2.8292310853190643, "q_0.575": 2.9147032497610956, "q_0.6": 2.9511751701130873, "q_0.625": 3.0503513498241857, "q_0.65": 3.094027702409054, "q_0.675": 3.138898997004305, "q_0.7": 3.1680252568862532, "q_0.725": 3.2154830123927143, "q_0.75": 3.2721761213411105, "q_0.775": 3.2984310619523125, "q_0.8": 3.3382947254345257, "q_0.825": 3.4027046988291785, "q_0.85": 3.4531240432726302, "q_0.875": 3.523454725081377, "q_0.9": 3.556470488022298, "q_0.925": 3.6308283437669715, "q_0.95": 3.695461651296798, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.085634253701482, "y": 2.285616902900831, "y_pred": 2.567433519049851, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.766057223481253, "q_0.125": 1.8095111121900993, "q_0.15": 1.8670073433613252, "q_0.175": 1.9398895035522234, "q_0.2": 1.99424811067523, "q_0.225": 2.0402802991977853, "q_0.25": 2.11558631595738, "q_0.275": 2.1601555344381436, "q_0.3": 2.2117685920564156, "q_0.325": 2.2304222094437676, "q_0.35": 2.289944087178931, "q_0.375": 2.337294814550029, "q_0.4": 2.3758752544937853, "q_0.425": 2.4232132211358013, "q_0.45": 2.441790563669244, "q_0.475": 2.4987847032800143, "q_0.5": 2.567433519049851, "q_0.525": 2.6926217886902015, "q_0.55": 2.8292310853190643, "q_0.575": 2.9147032497610956, "q_0.6": 2.9511751701130873, "q_0.625": 3.0503513498241857, "q_0.65": 3.094027702409054, "q_0.675": 3.138898997004305, "q_0.7": 3.1680252568862532, "q_0.725": 3.2154830123927143, "q_0.75": 3.2721761213411105, "q_0.775": 3.2984310619523125, "q_0.8": 3.3382947254345257, "q_0.825": 3.4027046988291785, "q_0.85": 3.4531240432726302, "q_0.875": 3.523454725081377, "q_0.9": 3.556470488022298, "q_0.925": 3.6308283437669715, "q_0.95": 3.695461651296798, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.125650260104042, "y": 1.785024463450957, "y_pred": 2.567433519049851, "target": "1", "q_0": 1.3407877867848452, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.766057223481253, "q_0.125": 1.8084958131283808, "q_0.15": 1.8670073433613252, "q_0.175": 1.9398895035522234, "q_0.2": 1.99424811067523, "q_0.225": 2.0402802991977853, "q_0.25": 2.11558631595738, "q_0.275": 2.1601555344381436, "q_0.3": 2.2117685920564156, "q_0.325": 2.2304222094437676, "q_0.35": 2.289944087178931, "q_0.375": 2.337294814550029, "q_0.4": 2.3758752544937853, "q_0.425": 2.4232132211358013, "q_0.45": 2.441790563669244, "q_0.475": 2.4987847032800143, "q_0.5": 2.567433519049851, "q_0.525": 2.680894970621113, "q_0.55": 2.8292310853190643, "q_0.575": 2.9147032497610956, "q_0.6": 2.9511751701130873, "q_0.625": 3.0503513498241857, "q_0.65": 3.094027702409054, "q_0.675": 3.138898997004305, "q_0.7": 3.1680252568862532, "q_0.725": 3.235189055656499, "q_0.75": 3.2721761213411105, "q_0.775": 3.2984310619523125, "q_0.8": 3.3382947254345257, "q_0.825": 3.4027046988291785, "q_0.85": 3.4531240432726302, "q_0.875": 3.523454725081377, "q_0.9": 3.556470488022298, "q_0.925": 3.6308283437669715, "q_0.95": 3.695461651296798, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.165666266506603, "y": 2.373082417162535, "y_pred": 2.5686177755517448, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.766057223481253, "q_0.125": 1.810676679078199, "q_0.15": 1.8825077275430822, "q_0.175": 1.9398895035522234, "q_0.2": 1.99424811067523, "q_0.225": 2.0402802991977853, "q_0.25": 2.136317735273385, "q_0.275": 2.1612281936477826, "q_0.3": 2.2193868606044527, "q_0.325": 2.2659820643961868, "q_0.35": 2.3005804210475995, "q_0.375": 2.3390693903909536, "q_0.4": 2.3876967882448223, "q_0.425": 2.4328131151641497, "q_0.45": 2.471713372020629, "q_0.475": 2.519551391651299, "q_0.5": 2.5686177755517448, "q_0.525": 2.7177618126847722, "q_0.55": 2.8309843866460245, "q_0.575": 2.9375645139349933, "q_0.6": 2.987237480068975, "q_0.625": 3.0608792606701654, "q_0.65": 3.123271650228761, "q_0.675": 3.148360344528845, "q_0.7": 3.193836981307002, "q_0.725": 3.235189055656499, "q_0.75": 3.2809613115320513, "q_0.775": 3.2984310619523125, "q_0.8": 3.3494368325860044, "q_0.825": 3.418983029601323, "q_0.85": 3.4815036306311677, "q_0.875": 3.5245450211353173, "q_0.9": 3.5715370135184616, "q_0.925": 3.6398530810606005, "q_0.95": 3.7002354515412668, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.205682272909165, "y": 2.4987847032800143, "y_pred": 2.5686177755517448, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.766057223481253, "q_0.125": 1.810676679078199, "q_0.15": 1.8825077275430822, "q_0.175": 1.9398895035522234, "q_0.2": 1.99424811067523, "q_0.225": 2.07806753604615, "q_0.25": 2.136317735273385, "q_0.275": 2.1618886583507457, "q_0.3": 2.2193868606044527, "q_0.325": 2.2827484712500667, "q_0.35": 2.3005804210475995, "q_0.375": 2.3390693903909536, "q_0.4": 2.3876967882448223, "q_0.425": 2.4328131151641497, "q_0.45": 2.4748682988523942, "q_0.475": 2.519551391651299, "q_0.5": 2.5686177755517448, "q_0.525": 2.7503390983803193, "q_0.55": 2.8507806336042902, "q_0.575": 2.944140015617874, "q_0.6": 2.987237480068975, "q_0.625": 3.084317919855012, "q_0.65": 3.1243143547949948, "q_0.675": 3.148360344528845, "q_0.7": 3.193836981307002, "q_0.725": 3.2558359707668463, "q_0.75": 3.2809613115320513, "q_0.775": 3.316247792724538, "q_0.8": 3.3494368325860044, "q_0.825": 3.4195654797640556, "q_0.85": 3.4815036306311677, "q_0.875": 3.5245450211353173, "q_0.9": 3.576520637205075, "q_0.925": 3.6398530810606005, "q_0.95": 3.7002354515412668, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.245698279311725, "y": 3.138898997004305, "y_pred": 2.5686177755517448, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.766057223481253, "q_0.125": 1.810676679078199, "q_0.15": 1.8825077275430822, "q_0.175": 1.9398895035522234, "q_0.2": 1.99424811067523, "q_0.225": 2.07806753604615, "q_0.25": 2.136317735273385, "q_0.275": 2.1618886583507457, "q_0.3": 2.2193868606044527, "q_0.325": 2.2827484712500667, "q_0.35": 2.3005804210475995, "q_0.375": 2.3390693903909536, "q_0.4": 2.3876967882448223, "q_0.425": 2.4328131151641497, "q_0.45": 2.4748682988523942, "q_0.475": 2.519551391651299, "q_0.5": 2.5686177755517448, "q_0.525": 2.7503390983803193, "q_0.55": 2.8507806336042902, "q_0.575": 2.944140015617874, "q_0.6": 2.987237480068975, "q_0.625": 3.084317919855012, "q_0.65": 3.1243143547949948, "q_0.675": 3.148360344528845, "q_0.7": 3.193836981307002, "q_0.725": 3.2558359707668463, "q_0.75": 3.2809613115320513, "q_0.775": 3.316247792724538, "q_0.8": 3.3494368325860044, "q_0.825": 3.4195654797640556, "q_0.85": 3.4815036306311677, "q_0.875": 3.5245450211353173, "q_0.9": 3.576520637205075, "q_0.925": 3.6398530810606005, "q_0.95": 3.7002354515412668, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.285714285714286, "y": 3.556470488022298, "y_pred": 2.5686177755517448, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.766057223481253, "q_0.125": 1.810676679078199, "q_0.15": 1.8825077275430822, "q_0.175": 1.9398895035522234, "q_0.2": 1.99424811067523, "q_0.225": 2.07806753604615, "q_0.25": 2.136317735273385, "q_0.275": 2.1618886583507457, "q_0.3": 2.2193868606044527, "q_0.325": 2.2827484712500667, "q_0.35": 2.3005804210475995, "q_0.375": 2.3390693903909536, "q_0.4": 2.3876967882448223, "q_0.425": 2.4328131151641497, "q_0.45": 2.4748682988523942, "q_0.475": 2.519551391651299, "q_0.5": 2.5686177755517448, "q_0.525": 2.7503390983803193, "q_0.55": 2.8507806336042902, "q_0.575": 2.944140015617874, "q_0.6": 2.987237480068975, "q_0.625": 3.084317919855012, "q_0.65": 3.1243143547949948, "q_0.675": 3.148360344528845, "q_0.7": 3.193836981307002, "q_0.725": 3.2558359707668463, "q_0.75": 3.2809613115320513, "q_0.775": 3.316247792724538, "q_0.8": 3.3494368325860044, "q_0.825": 3.4195654797640556, "q_0.85": 3.4815036306311677, "q_0.875": 3.5245450211353173, "q_0.9": 3.576520637205075, "q_0.925": 3.6398530810606005, "q_0.95": 3.7002354515412668, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.325730292116848, "y": 3.2809613115320513, "y_pred": 2.5686177755517448, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8468666129079034, "q_0.15": 1.8825077275430822, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.0823841244089167, "q_0.25": 2.136317735273385, "q_0.275": 2.171001775257661, "q_0.3": 2.2193868606044527, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.34153913501825, "q_0.4": 2.3876967882448223, "q_0.425": 2.4328131151641497, "q_0.45": 2.4923650623722877, "q_0.475": 2.532739632856084, "q_0.5": 2.5686177755517448, "q_0.525": 2.758599258276219, "q_0.55": 2.910085567877327, "q_0.575": 2.944140015617874, "q_0.6": 2.987237480068975, "q_0.625": 3.084317919855012, "q_0.65": 3.1243143547949948, "q_0.675": 3.1585551585980562, "q_0.7": 3.1983825601362144, "q_0.725": 3.2558359707668463, "q_0.75": 3.2928888831873198, "q_0.775": 3.327349574422488, "q_0.8": 3.3519348573142453, "q_0.825": 3.4195654797640556, "q_0.85": 3.4815036306311677, "q_0.875": 3.5375897709338493, "q_0.9": 3.576520637205075, "q_0.925": 3.6398530810606005, "q_0.95": 3.7003907466932233, "q_0.975": 3.7365428918478374, "q_1": 4.0742237600893345}, {"x": 14.365746298519408, "y": 3.523454725081377, "y_pred": 2.5686177755517448, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8468666129079034, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.0833958217544333, "q_0.25": 2.136317735273385, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.5686177755517448, "q_0.525": 2.758599258276219, "q_0.55": 2.910085567877327, "q_0.575": 2.944140015617874, "q_0.6": 2.987237480068975, "q_0.625": 3.084317919855012, "q_0.65": 3.1243143547949948, "q_0.675": 3.1676661025083614, "q_0.7": 3.1983825601362144, "q_0.725": 3.2558359707668463, "q_0.75": 3.2928888831873198, "q_0.775": 3.327349574422488, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.495468420747075, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6398530810606005, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.0742237600893345}, {"x": 14.40576230492197, "y": 2.567433519049851, "y_pred": 2.5686177755517448, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8468666129079034, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.0833958217544333, "q_0.25": 2.136317735273385, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.5686177755517448, "q_0.525": 2.758599258276219, "q_0.55": 2.910085567877327, "q_0.575": 2.944140015617874, "q_0.6": 2.987237480068975, "q_0.625": 3.084317919855012, "q_0.65": 3.1243143547949948, "q_0.675": 3.1676661025083614, "q_0.7": 3.1983825601362144, "q_0.725": 3.2558359707668463, "q_0.75": 3.2928888831873198, "q_0.775": 3.327349574422488, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.495468420747075, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6398530810606005, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.0742237600893345}, {"x": 14.44577831132453, "y": 3.084317919855012, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.485794317727091, "y": 2.221763787765269, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.525810324129653, "y": 1.7179143386966957, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.565826330532213, "y": 2.3447339183764937, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.605842336934774, "y": 3.0503513498241857, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.645858343337336, "y": 2.156151411077642, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.685874349739896, "y": 3.4027046988291785, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.725890356142457, "y": 3.2558359707668463, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.765906362545019, "y": 1.9900339952765607, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.805922368947579, "y": 2.2827484712500667, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.84593837535014, "y": 3.3382947254345257, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.885954381752702, "y": 2.101075614235774, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.925970388155262, "y": 2.289944087178931, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 14.965986394557824, "y": 2.3163031470852005, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.006002400960385, "y": 3.2984310619523125, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.046018407362945, "y": 1.6642711547949658, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.086034413765507, "y": 1.744261310744111, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.126050420168069, "y": 2.8292310853190643, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.166066426570628, "y": 2.441790563669244, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.20608243297319, "y": 2.9511751701130873, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.246098439375752, "y": 2.1642531924008592, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.286114445778312, "y": 3.5529704561104833, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.326130452180873, "y": 3.235189055656499, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.366146458583433, "y": 1.7397269803805884, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.406162464985995, "y": 3.2904565277226743, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.446178471388556, "y": 3.695461651296798, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.486194477791116, "y": 3.6398530810606005, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.526210484193678, "y": 3.193836981307002, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.56622649059624, "y": 1.8670073433613252, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.6062424969988, "y": 2.852511499181604, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.646258503401361, "y": 2.2193868606044527, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.686274509803923, "y": 3.716241316335802, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.726290516206483, "y": 3.1680252568862532, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.766306522609044, "y": 2.9375645139349933, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.806322529011606, "y": 3.1243143547949948, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.846338535414166, "y": 2.5641632133093606, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.886354541816727, "y": 2.4232132211358013, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.926370548219289, "y": 3.6599194266445485, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 15.966386554621849, "y": 2.337294814550029, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 16.00640256102441, "y": 1.700657170798348, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 16.046418567426972, "y": 2.4923650623722877, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 16.086434573829532, "y": 3.3519348573142453, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 16.126450580232092, "y": 3.0419581870896932, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 16.166466586634655, "y": 3.7365428918478374, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 16.206482593037215, "y": 1.8491309244679617, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.2827484712500667, "q_0.35": 2.3163031470852005, "q_0.375": 2.3447339183764937, "q_0.4": 2.394340424129465, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0233510508125065, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2029037652023558, "q_0.725": 3.2558359707668463, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.3519348573142453, "q_0.825": 3.441586955456952, "q_0.85": 3.499501200010317, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.6621945673308955, "q_0.95": 3.716241316335802, "q_0.975": 3.7627427035790566, "q_1": 4.268951518844273}, {"x": 16.246498599439775, "y": 3.6308283437669715, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570516, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9398895035522234, "q_0.2": 2.007340859870221, "q_0.225": 2.0833958217544333, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9482359182540043, "q_0.6": 3.0503513498241857, "q_0.625": 3.0847721040106455, "q_0.65": 3.138898997004305, "q_0.675": 3.1680252568862532, "q_0.7": 3.2063934018989553, "q_0.725": 3.2721761213411105, "q_0.75": 3.293832348295237, "q_0.775": 3.3382947254345257, "q_0.8": 3.370292008058055, "q_0.825": 3.441586955456952, "q_0.85": 3.505489581278082, "q_0.875": 3.5394533066193468, "q_0.9": 3.576706409454941, "q_0.925": 3.666975236297665, "q_0.95": 3.716241316335802, "q_0.975": 3.7716311659512507, "q_1": 4.268951518844273}, {"x": 16.28651460584234, "y": 2.4328131151641497, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.887700009917055, "q_0.175": 1.9697461979159923, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.1601555344381436, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.215198209372608, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.3999694003344496, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.3265306122449, "y": 2.6675388965788827, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.887700009917055, "q_0.175": 1.9697461979159923, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.1601555344381436, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.215198209372608, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.3999694003344496, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.366546618647458, "y": 2.5686177755517448, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.887700009917055, "q_0.175": 1.9697461979159923, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.1601555344381436, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.215198209372608, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.3999694003344496, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.40656262505002, "y": 1.8779603856560574, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.887700009917055, "q_0.175": 1.9697461979159923, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.1601555344381436, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.215198209372608, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.3999694003344496, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.44657863145258, "y": 2.171001775257661, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.887700009917055, "q_0.175": 1.9697461979159923, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.1601555344381436, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.215198209372608, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.3999694003344496, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.48659463785514, "y": 3.2721761213411105, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570516, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9418719278799952, "q_0.2": 2.007340859870221, "q_0.225": 2.0833958217544333, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.235189055656499, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.4027046988291785, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.526610644257705, "y": 1.6736282582473092, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570516, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9418719278799952, "q_0.2": 2.007340859870221, "q_0.225": 2.0833958217544333, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.235189055656499, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.4027046988291785, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.566626650660265, "y": 1.921713872569338, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570516, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9418719278799952, "q_0.2": 2.007340859870221, "q_0.225": 2.0833958217544333, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.235189055656499, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.4027046988291785, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.606642657062824, "y": 1.6805791695542958, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570516, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9418719278799952, "q_0.2": 2.007340859870221, "q_0.225": 2.0833958217544333, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.235189055656499, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.4027046988291785, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.646658663465388, "y": 3.5394533066193468, "y_pred": 2.6200630651147208, "target": "1", "q_0": 1.5086633516570516, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8865015736714692, "q_0.175": 1.9418719278799952, "q_0.2": 2.007340859870221, "q_0.225": 2.0833958217544333, "q_0.25": 2.146797550217463, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.3447339183764937, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.4923650623722877, "q_0.475": 2.5641632133093606, "q_0.5": 2.6200630651147208, "q_0.525": 2.7711908390505697, "q_0.55": 2.9106099093476447, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1680252568862532, "q_0.7": 3.235189055656499, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.4027046988291785, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.5521547230937136, "q_0.9": 3.6308283437669715, "q_0.925": 3.67093685399774, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.686674669867948, "y": 3.00579504577123, "y_pred": 2.6672118144933243, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6642711547949658, "q_0.05": 1.700657170798348, "q_0.075": 1.7397269803805884, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8879114986662764, "q_0.175": 1.9697461979159923, "q_0.2": 2.007340859870221, "q_0.225": 2.0833958217544333, "q_0.25": 2.1568160383829715, "q_0.275": 2.171001775257661, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.375105238840981, "q_0.4": 2.4232132211358013, "q_0.425": 2.441790563669244, "q_0.45": 2.496801536282269, "q_0.475": 2.5641632133093606, "q_0.5": 2.6672118144933243, "q_0.525": 2.7711908390505697, "q_0.55": 2.9147032497610956, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.094027702409054, "q_0.65": 3.142439353581243, "q_0.675": 3.1850435883091572, "q_0.7": 3.235189055656499, "q_0.725": 3.2721761213411105, "q_0.75": 3.2984310619523125, "q_0.775": 3.3382947254345257, "q_0.8": 3.4027046988291785, "q_0.825": 3.4531240432726302, "q_0.85": 3.523454725081377, "q_0.875": 3.556470488022298, "q_0.9": 3.6308283437669715, "q_0.925": 3.694864713592013, "q_0.95": 3.716241316335802, "q_0.975": 3.786445269904908, "q_1": 4.268951518844273}, {"x": 16.726690676270508, "y": 2.007340859870221, "y_pred": 2.6926217886902015, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6736282582473092, "q_0.05": 1.700657170798348, "q_0.075": 1.742978530146983, "q_0.1": 1.785024463450957, "q_0.125": 1.8491309244679617, "q_0.15": 1.8879114986662764, "q_0.175": 1.9697461979159923, "q_0.2": 2.007340859870221, "q_0.225": 2.094443689031947, "q_0.25": 2.1601555344381436, "q_0.275": 2.2117685920564156, "q_0.3": 2.221763787765269, "q_0.325": 2.289944087178931, "q_0.35": 2.324559256565347, "q_0.375": 2.375105238840981, "q_0.4": 2.4232132211358013, "q_0.425": 2.445337631344143, "q_0.45": 2.496801536282269, "q_0.475": 2.567433519049851, "q_0.5": 2.6926217886902015, "q_0.525": 2.8242615882189286, "q_0.55": 2.9280320315353277, "q_0.575": 2.9511751701130873, "q_0.6": 3.0503513498241857, "q_0.625": 3.122122251245532, "q_0.65": 3.148360344528845, "q_0.675": 3.193836981307002, "q_0.7": 3.235189055656499, "q_0.725": 3.2809613115320513, "q_0.75": 3.2984310619523125, "q_0.775": 3.3494368325860044, "q_0.8": 3.4027046988291785, "q_0.825": 3.4815036306311677, "q_0.85": 3.5245450211353173, "q_0.875": 3.556470488022298, "q_0.9": 3.6308283437669715, "q_0.925": 3.695461651296798, "q_0.95": 3.726517185255917, "q_0.975": 3.793830888280943, "q_1": 4.276668090847616}, {"x": 16.76670668267307, "y": 3.3494368325860044, "y_pred": 2.7711908390505697, "target": "1", "q_0": 1.5086633516570516, "q_0.025": 1.6805791695542958, "q_0.05": 1.7397269803805884, "q_0.075": 1.785024463450957, "q_0.1": 1.8491309244679617, "q_0.125": 1.8981509732479338, "q_0.15": 1.9597137468299473, "q_0.175": 1.9837241637792395, "q_0.2": 2.0823841244089167, "q_0.225": 2.136317735273385, "q_0.25": 2.2117685920564156, "q_0.275": 2.221763787765269, "q_0.3": 2.2827484712500667, "q_0.325": 2.324559256565347, "q_0.35": 2.378039305913013, "q_0.375": 2.4328131151641497, "q_0.4": 2.455161297797124, "q_0.425": 2.496801536282269, "q_0.45": 2.567433519049851, "q_0.475": 2.716392000954027, "q_0.5": 2.7711908390505697, "q_0.525": 2.909750328545787, "q_0.55": 2.9511751701130873, "q_0.575": 3.0503513498241857, "q_0.6": 3.122122251245532, "q_0.625": 3.148360344528845, "q_0.65": 3.193836981307002, "q_0.675": 3.235189055656499, "q_0.7": 3.2809613115320513, "q_0.725": 3.3382947254345257, "q_0.75": 3.370292008058055, "q_0.775": 3.442415724840303, "q_0.8": 3.522202095333013, "q_0.825": 3.5521547230937136, "q_0.85": 3.590302587504638, "q_0.875": 3.666975236297665, "q_0.9": 3.7002354515412668, "q_0.925": 3.7365428918478374, "q_0.95": 3.7958272883525694, "q_0.975": 3.939720545367994, "q_1": 4.601478365291408}, {"x": 16.80672268907563, "y": 3.7958272883525694, "y_pred": 2.7852898547316287, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.880197540341031, "q_0.125": 1.9059524787193978, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.084732466999923, "q_0.225": 2.1601555344381436, "q_0.25": 2.2117685920564156, "q_0.275": 2.2415368825294557, "q_0.3": 2.289944087178931, "q_0.325": 2.337294814550029, "q_0.35": 2.3876967882448223, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.6463215474857016, "q_0.475": 2.7482574403887723, "q_0.5": 2.7852898547316287, "q_0.525": 2.9212385010011017, "q_0.55": 2.9620948511270098, "q_0.575": 3.0503513498241857, "q_0.6": 3.1243143547949948, "q_0.625": 3.157828549901804, "q_0.65": 3.1983825601362144, "q_0.675": 3.245925158272737, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4027046988291785, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.5715370135184616, "q_0.85": 3.6398530810606005, "q_0.875": 3.67093685399774, "q_0.9": 3.716241316335802, "q_0.925": 3.7571756657981075, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 16.84673869547819, "y": 3.726517185255917, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 16.886754701880754, "y": 3.7002354515412668, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 16.926770708283314, "y": 1.6495769653196974, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 16.966786714685874, "y": 2.9579846456361985, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 17.006802721088437, "y": 2.2117685920564156, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 17.046818727490997, "y": 2.9074429858462265, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 17.086834733893557, "y": 2.3532406927741807, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 17.12685074029612, "y": 1.9837241637792395, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 17.16686674669868, "y": 2.6422650778457606, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 17.20688275310124, "y": 2.758599258276219, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 17.246898759503804, "y": 3.880596944019051, "y_pred": 2.786438473486531, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1601555344381436, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.663926777311072, "q_0.475": 2.7503390983803193, "q_0.5": 2.786438473486531, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2535910484369635, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 17.286914765906364, "y": 1.736563931540788, "y_pred": 2.8097691960241553, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.6805791695542958, "q_0.05": 1.742978530146983, "q_0.075": 1.8013887196963485, "q_0.1": 1.8821104160196382, "q_0.125": 1.9092064798952328, "q_0.15": 1.9697461979159923, "q_0.175": 1.9837241637792395, "q_0.2": 2.101075614235774, "q_0.225": 2.1612281936477826, "q_0.25": 2.214610009519448, "q_0.275": 2.2415368825294557, "q_0.3": 2.3057062865961773, "q_0.325": 2.3390693903909536, "q_0.35": 2.392466255602696, "q_0.375": 2.445337631344143, "q_0.4": 2.4748682988523942, "q_0.425": 2.532739632856084, "q_0.45": 2.6672118144933243, "q_0.475": 2.7503390983803193, "q_0.5": 2.8097691960241553, "q_0.525": 2.9280320315353277, "q_0.55": 2.9620948511270098, "q_0.575": 3.0608792606701654, "q_0.6": 3.138898997004305, "q_0.625": 3.1676661025083614, "q_0.65": 3.2012252710124636, "q_0.675": 3.2558359707668463, "q_0.7": 3.2984310619523125, "q_0.725": 3.3494368325860044, "q_0.75": 3.4046712897770495, "q_0.775": 3.495468420747075, "q_0.8": 3.5245450211353173, "q_0.825": 3.576520637205075, "q_0.85": 3.6398530810606005, "q_0.875": 3.694864713592013, "q_0.9": 3.716241316335802, "q_0.925": 3.7627427035790566, "q_0.95": 3.7958272883525694, "q_0.975": 3.953925754882873, "q_1": 4.601478365291408}, {"x": 17.326930772308923, "y": 2.324559256565347, "y_pred": 2.8242615882189286, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.700657170798348, "q_0.05": 1.744261310744111, "q_0.075": 1.843181146497585, "q_0.1": 1.8865015736714692, "q_0.125": 1.921713872569338, "q_0.15": 1.9699538884593042, "q_0.175": 1.988080087552442, "q_0.2": 2.103699386342056, "q_0.225": 2.171001775257661, "q_0.25": 2.218612966761829, "q_0.275": 2.2562566884199984, "q_0.3": 2.3153809790481863, "q_0.325": 2.3447339183764937, "q_0.35": 2.4170340648268227, "q_0.375": 2.4477916916783404, "q_0.4": 2.4923650623722877, "q_0.425": 2.549096452515171, "q_0.45": 2.6672118144933243, "q_0.475": 2.7503390983803193, "q_0.5": 2.8242615882189286, "q_0.525": 2.9294619038952754, "q_0.55": 2.986521221820581, "q_0.575": 3.084317919855012, "q_0.6": 3.142439353581243, "q_0.625": 3.1680252568862532, "q_0.65": 3.2063934018989553, "q_0.675": 3.2558359707668463, "q_0.7": 3.316247792724538, "q_0.725": 3.3519348573142453, "q_0.75": 3.4176492141237844, "q_0.775": 3.499501200010317, "q_0.8": 3.5394533066193468, "q_0.825": 3.576520637205075, "q_0.85": 3.6463227680354446, "q_0.875": 3.695013948018209, "q_0.9": 3.720078071236834, "q_0.925": 3.7627427035790566, "q_0.95": 3.8483805452575797, "q_0.975": 3.956645244694696, "q_1": 4.601478365291408}, {"x": 17.366946778711487, "y": 3.576520637205075, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.700657170798348, "q_0.05": 1.744261310744111, "q_0.075": 1.843181146497585, "q_0.1": 1.8865015736714692, "q_0.125": 1.9309788629699098, "q_0.15": 1.9699538884593042, "q_0.175": 1.988080087552442, "q_0.2": 2.103699386342056, "q_0.225": 2.171001775257661, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.3160802280467, "q_0.325": 2.375105238840981, "q_0.35": 2.4170340648268227, "q_0.375": 2.4477916916783404, "q_0.4": 2.4923650623722877, "q_0.425": 2.549096452515171, "q_0.45": 2.6808881594079543, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 2.987237480068975, "q_0.575": 3.084317919855012, "q_0.6": 3.142439353581243, "q_0.625": 3.1680252568862532, "q_0.65": 3.2063934018989553, "q_0.675": 3.2558359707668463, "q_0.7": 3.316247792724538, "q_0.725": 3.3519348573142453, "q_0.75": 3.418983029601323, "q_0.775": 3.499501200010317, "q_0.8": 3.5521547230937136, "q_0.825": 3.576706409454941, "q_0.85": 3.6463227680354446, "q_0.875": 3.695461651296798, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.9709569051798512, "q_1": 4.601478365291408}, {"x": 17.406962785114047, "y": 3.142439353581243, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.700657170798348, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8865015736714692, "q_0.125": 1.9309788629699098, "q_0.15": 1.9699538884593042, "q_0.175": 2.007340859870221, "q_0.2": 2.103699386342056, "q_0.225": 2.1853471070035178, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.3163031470852005, "q_0.325": 2.375105238840981, "q_0.35": 2.4232132211358013, "q_0.375": 2.4538918513137595, "q_0.4": 2.4923650623722877, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 2.987237480068975, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1701525483141193, "q_0.65": 3.2063934018989553, "q_0.675": 3.264993772752799, "q_0.7": 3.327349574422488, "q_0.725": 3.353391306973348, "q_0.75": 3.418983029601323, "q_0.775": 3.499501200010317, "q_0.8": 3.5521547230937136, "q_0.825": 3.576706409454941, "q_0.85": 3.6621945673308955, "q_0.875": 3.695461651296798, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.9709569051798512, "q_1": 4.601478365291408}, {"x": 17.446978791516607, "y": 3.5245450211353173, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.700657170798348, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8865015736714692, "q_0.125": 1.9309788629699098, "q_0.15": 1.9699538884593042, "q_0.175": 2.007340859870221, "q_0.2": 2.103699386342056, "q_0.225": 2.1853471070035178, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.3163031470852005, "q_0.325": 2.375105238840981, "q_0.35": 2.4232132211358013, "q_0.375": 2.4538918513137595, "q_0.4": 2.4923650623722877, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 2.987237480068975, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1701525483141193, "q_0.65": 3.2063934018989553, "q_0.675": 3.264993772752799, "q_0.7": 3.327349574422488, "q_0.725": 3.353391306973348, "q_0.75": 3.418983029601323, "q_0.775": 3.499501200010317, "q_0.8": 3.5521547230937136, "q_0.825": 3.576706409454941, "q_0.85": 3.6621945673308955, "q_0.875": 3.695461651296798, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.9709569051798512, "q_1": 4.601478365291408}, {"x": 17.48699479791917, "y": 3.148360344528845, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.700657170798348, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8865015736714692, "q_0.125": 1.9309788629699098, "q_0.15": 1.9699538884593042, "q_0.175": 2.007340859870221, "q_0.2": 2.103699386342056, "q_0.225": 2.1853471070035178, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.3163031470852005, "q_0.325": 2.375105238840981, "q_0.35": 2.4232132211358013, "q_0.375": 2.4538918513137595, "q_0.4": 2.4923650623722877, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 2.987237480068975, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1701525483141193, "q_0.65": 3.2063934018989553, "q_0.675": 3.264993772752799, "q_0.7": 3.327349574422488, "q_0.725": 3.353391306973348, "q_0.75": 3.418983029601323, "q_0.775": 3.499501200010317, "q_0.8": 3.5521547230937136, "q_0.825": 3.576706409454941, "q_0.85": 3.6621945673308955, "q_0.875": 3.695461651296798, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.9709569051798512, "q_1": 4.601478365291408}, {"x": 17.52701080432173, "y": 3.376782905968044, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.700657170798348, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8865015736714692, "q_0.125": 1.9309788629699098, "q_0.15": 1.9699538884593042, "q_0.175": 2.007340859870221, "q_0.2": 2.103699386342056, "q_0.225": 2.1853471070035178, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.3163031470852005, "q_0.325": 2.375105238840981, "q_0.35": 2.4232132211358013, "q_0.375": 2.4538918513137595, "q_0.4": 2.4923650623722877, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 2.987237480068975, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1701525483141193, "q_0.65": 3.2063934018989553, "q_0.675": 3.264993772752799, "q_0.7": 3.327349574422488, "q_0.725": 3.353391306973348, "q_0.75": 3.418983029601323, "q_0.775": 3.499501200010317, "q_0.8": 3.5521547230937136, "q_0.825": 3.576706409454941, "q_0.85": 3.6621945673308955, "q_0.875": 3.695461651296798, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.9709569051798512, "q_1": 4.601478365291408}, {"x": 17.56702681072429, "y": 2.7711908390505697, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.700657170798348, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8865015736714692, "q_0.125": 1.9309788629699098, "q_0.15": 1.9699538884593042, "q_0.175": 2.007340859870221, "q_0.2": 2.103699386342056, "q_0.225": 2.1853471070035178, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.3163031470852005, "q_0.325": 2.375105238840981, "q_0.35": 2.4232132211358013, "q_0.375": 2.4538918513137595, "q_0.4": 2.4923650623722877, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 2.987237480068975, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1701525483141193, "q_0.65": 3.2063934018989553, "q_0.675": 3.264993772752799, "q_0.7": 3.327349574422488, "q_0.725": 3.353391306973348, "q_0.75": 3.418983029601323, "q_0.775": 3.499501200010317, "q_0.8": 3.5521547230937136, "q_0.825": 3.576706409454941, "q_0.85": 3.6621945673308955, "q_0.875": 3.695461651296798, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.9709569051798512, "q_1": 4.601478365291408}, {"x": 17.607042817126853, "y": 2.11558631595738, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.700657170798348, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8865015736714692, "q_0.125": 1.9309788629699098, "q_0.15": 1.9699538884593042, "q_0.175": 2.007340859870221, "q_0.2": 2.103699386342056, "q_0.225": 2.1853471070035178, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.3163031470852005, "q_0.325": 2.375105238840981, "q_0.35": 2.4232132211358013, "q_0.375": 2.4538918513137595, "q_0.4": 2.4923650623722877, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 2.987237480068975, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1701525483141193, "q_0.65": 3.2063934018989553, "q_0.675": 3.264993772752799, "q_0.7": 3.327349574422488, "q_0.725": 3.353391306973348, "q_0.75": 3.418983029601323, "q_0.775": 3.499501200010317, "q_0.8": 3.5521547230937136, "q_0.825": 3.576706409454941, "q_0.85": 3.6621945673308955, "q_0.875": 3.695461651296798, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.9709569051798512, "q_1": 4.601478365291408}, {"x": 17.647058823529413, "y": 3.499501200010317, "y_pred": 2.8309843866460245, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.736563931540788, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8879114986662764, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.007340859870221, "q_0.2": 2.11558631595738, "q_0.225": 2.1892755820357195, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.4547633026902496, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8309843866460245, "q_0.525": 2.944140015617874, "q_0.55": 2.987541012660218, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1850435883091572, "q_0.65": 3.211179413909586, "q_0.675": 3.2671245615998408, "q_0.7": 3.3382947254345257, "q_0.725": 3.370292008058055, "q_0.75": 3.441586955456952, "q_0.775": 3.5203231507104635, "q_0.8": 3.556470488022298, "q_0.825": 3.6080736861576215, "q_0.85": 3.6621945673308955, "q_0.875": 3.7002354515412668, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.974268046084235, "q_1": 4.601478365291408}, {"x": 17.687074829931973, "y": 2.9482359182540043, "y_pred": 2.8309843866460245, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.736563931540788, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8879114986662764, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.007340859870221, "q_0.2": 2.11558631595738, "q_0.225": 2.1892755820357195, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.4547633026902496, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8309843866460245, "q_0.525": 2.944140015617874, "q_0.55": 2.987541012660218, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1850435883091572, "q_0.65": 3.211179413909586, "q_0.675": 3.2671245615998408, "q_0.7": 3.3382947254345257, "q_0.725": 3.370292008058055, "q_0.75": 3.441586955456952, "q_0.775": 3.5203231507104635, "q_0.8": 3.556470488022298, "q_0.825": 3.6080736861576215, "q_0.85": 3.6621945673308955, "q_0.875": 3.7002354515412668, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.974268046084235, "q_1": 4.601478365291408}, {"x": 17.727090836334533, "y": 1.9699538884593042, "y_pred": 2.8309843866460245, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.736563931540788, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8879114986662764, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.007340859870221, "q_0.2": 2.11558631595738, "q_0.225": 2.1892755820357195, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.4547633026902496, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8309843866460245, "q_0.525": 2.944140015617874, "q_0.55": 2.987541012660218, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1850435883091572, "q_0.65": 3.211179413909586, "q_0.675": 3.2671245615998408, "q_0.7": 3.3382947254345257, "q_0.725": 3.370292008058055, "q_0.75": 3.441586955456952, "q_0.775": 3.5203231507104635, "q_0.8": 3.556470488022298, "q_0.825": 3.6080736861576215, "q_0.85": 3.6621945673308955, "q_0.875": 3.7002354515412668, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.974268046084235, "q_1": 4.601478365291408}, {"x": 17.767106842737096, "y": 3.495468420747075, "y_pred": 2.8309843866460245, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.736563931540788, "q_0.05": 1.7580061390642232, "q_0.075": 1.8468666129079034, "q_0.1": 1.8879114986662764, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.007340859870221, "q_0.2": 2.11558631595738, "q_0.225": 2.1892755820357195, "q_0.25": 2.218612966761829, "q_0.275": 2.2659820643961868, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.4547633026902496, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8309843866460245, "q_0.525": 2.944140015617874, "q_0.55": 2.987541012660218, "q_0.575": 3.0847721040106455, "q_0.6": 3.142439353581243, "q_0.625": 3.1850435883091572, "q_0.65": 3.211179413909586, "q_0.675": 3.2671245615998408, "q_0.7": 3.3382947254345257, "q_0.725": 3.370292008058055, "q_0.75": 3.441586955456952, "q_0.775": 3.5203231507104635, "q_0.8": 3.556470488022298, "q_0.825": 3.6080736861576215, "q_0.85": 3.6621945673308955, "q_0.875": 3.7002354515412668, "q_0.9": 3.726517185255917, "q_0.925": 3.786445269904908, "q_0.95": 3.8504047089770763, "q_0.975": 3.974268046084235, "q_1": 4.601478365291408}, {"x": 17.807122849139656, "y": 3.8504047089770763, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.736563931540788, "q_0.05": 1.785024463450957, "q_0.075": 1.856922366415948, "q_0.1": 1.8879114986662764, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2816117251390278, "q_0.3": 2.324559256565347, "q_0.325": 2.379342960646159, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.4531240432726302, "q_0.775": 3.523454725081377, "q_0.8": 3.5715370135184616, "q_0.825": 3.6308283437669715, "q_0.85": 3.666975236297665, "q_0.875": 3.7003907466932233, "q_0.9": 3.7365428918478374, "q_0.925": 3.792510752561383, "q_0.95": 3.865423235726951, "q_0.975": 3.974268046084235, "q_1": 4.601478365291408}, {"x": 17.847138855542216, "y": 2.4477916916783404, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5086633516570518, "q_0.025": 1.736563931540788, "q_0.05": 1.7866353173490446, "q_0.075": 1.856922366415948, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.1916100148723814, "q_0.25": 2.2193868606044527, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.455161297797124, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9424961401971585, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.4531240432726302, "q_0.775": 3.523454725081377, "q_0.8": 3.5715370135184616, "q_0.825": 3.6308283437669715, "q_0.85": 3.668657076923141, "q_0.875": 3.7003907466932233, "q_0.9": 3.7459235564656, "q_0.925": 3.792510752561383, "q_0.95": 3.865423235726951, "q_0.975": 3.974268046084235, "q_1": 4.601478365291408}, {"x": 17.88715486194478, "y": 2.3284575883635164, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7409463115429864, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.756064033273435, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9796008373914473, "q_1": 4.601478365291408}, {"x": 17.92717086834734, "y": 1.843181146497585, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7409463115429864, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.756064033273435, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9796008373914473, "q_1": 4.601478365291408}, {"x": 17.9671868747499, "y": 3.1850435883091572, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.7562863597783696, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9890569080420093, "q_1": 4.601478365291408}, {"x": 18.007202881152462, "y": 3.865423235726951, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.7562863597783696, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9890569080420093, "q_1": 4.601478365291408}, {"x": 18.047218887555022, "y": 1.97134094507356, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.7562863597783696, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9890569080420093, "q_1": 4.601478365291408}, {"x": 18.087234893957582, "y": 2.7780148924456958, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.7562863597783696, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9890569080420093, "q_1": 4.601478365291408}, {"x": 18.127250900360146, "y": 1.8865015736714692, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.7562863597783696, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9890569080420093, "q_1": 4.601478365291408}, {"x": 18.167266906762706, "y": 1.739394698668447, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.7562863597783696, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9890569080420093, "q_1": 4.601478365291408}, {"x": 18.207282913165265, "y": 3.1983825601362144, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.7562863597783696, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9890569080420093, "q_1": 4.601478365291408}, {"x": 18.24729891956783, "y": 3.67093685399774, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.7562863597783696, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9890569080420093, "q_1": 4.601478365291408}, {"x": 18.28731492597039, "y": 2.445337631344143, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.936662933668477, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.378039305913013, "q_0.35": 2.4328131151641497, "q_0.375": 2.471488206433124, "q_0.4": 2.496801536282269, "q_0.425": 2.5641632133093606, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2721761213411105, "q_0.7": 3.343579605074459, "q_0.725": 3.401155945099232, "q_0.75": 3.46625577767469, "q_0.775": 3.5245450211353173, "q_0.8": 3.576520637205075, "q_0.825": 3.6398530810606005, "q_0.85": 3.67093685399774, "q_0.875": 3.7003907466932233, "q_0.9": 3.7562863597783696, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.9890569080420093, "q_1": 4.601478365291408}, {"x": 18.32733093237295, "y": 3.694864713592013, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.9398895035522234, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.379342960646159, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.343579605074459, "q_0.725": 3.4014855749733646, "q_0.75": 3.4815036306311677, "q_0.775": 3.530125941651888, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.7146227590555156, "q_0.9": 3.7571756657981075, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.996793693119765, "q_1": 4.601478365291408}, {"x": 18.367346938775512, "y": 1.936662933668477, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.9398895035522234, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.379342960646159, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.343579605074459, "q_0.725": 3.4014855749733646, "q_0.75": 3.4815036306311677, "q_0.775": 3.530125941651888, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.7146227590555156, "q_0.9": 3.7571756657981075, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.996793693119765, "q_1": 4.601478365291408}, {"x": 18.407362945178072, "y": 2.218612966761829, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.9398895035522234, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.379342960646159, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.343579605074459, "q_0.725": 3.4014855749733646, "q_0.75": 3.4815036306311677, "q_0.775": 3.530125941651888, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.7146227590555156, "q_0.9": 3.7571756657981075, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.996793693119765, "q_1": 4.601478365291408}, {"x": 18.44737895158063, "y": 3.7627427035790566, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.9398895035522234, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.379342960646159, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.343579605074459, "q_0.725": 3.4014855749733646, "q_0.75": 3.4815036306311677, "q_0.775": 3.530125941651888, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.7146227590555156, "q_0.9": 3.7571756657981075, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.996793693119765, "q_1": 4.601478365291408}, {"x": 18.487394957983195, "y": 2.8507806336042902, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8670073433613252, "q_0.1": 1.8981509732479338, "q_0.125": 1.9398895035522234, "q_0.15": 1.97134094507356, "q_0.175": 2.021469012882459, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.379342960646159, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.343579605074459, "q_0.725": 3.4014855749733646, "q_0.75": 3.4815036306311677, "q_0.775": 3.530125941651888, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.7146227590555156, "q_0.9": 3.7571756657981075, "q_0.925": 3.793830888280943, "q_0.95": 3.865423235726951, "q_0.975": 3.996793693119765, "q_1": 4.601478365291408}, {"x": 18.527410964385755, "y": 3.0847721040106455, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393318, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8816631177832204, "q_0.1": 1.8981509732479338, "q_0.125": 1.9398895035522234, "q_0.15": 1.97134094507356, "q_0.175": 2.0344093317192424, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.37810448864967, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.343579605074459, "q_0.725": 3.4014855749733646, "q_0.75": 3.474790516800358, "q_0.775": 3.530125941651888, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.7146227590555156, "q_0.9": 3.760515888466677, "q_0.925": 3.7958272883525694, "q_0.95": 3.902951553828625, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.567426970788315, "y": 1.7580061390642232, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393318, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8816631177832204, "q_0.1": 1.8981509732479338, "q_0.125": 1.9398895035522234, "q_0.15": 1.97134094507356, "q_0.175": 2.0344093317192424, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.37810448864967, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.343579605074459, "q_0.725": 3.4014855749733646, "q_0.75": 3.474790516800358, "q_0.775": 3.530125941651888, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.7146227590555156, "q_0.9": 3.760515888466677, "q_0.925": 3.7958272883525694, "q_0.95": 3.902951553828625, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.60744297719088, "y": 1.9697461979159923, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393318, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8816631177832204, "q_0.1": 1.8981509732479338, "q_0.125": 1.9398895035522234, "q_0.15": 1.97134094507356, "q_0.175": 2.0344093317192424, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.37810448864967, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.343579605074459, "q_0.725": 3.4014855749733646, "q_0.75": 3.474790516800358, "q_0.775": 3.530125941651888, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.7146227590555156, "q_0.9": 3.760515888466677, "q_0.925": 3.7958272883525694, "q_0.95": 3.902951553828625, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.647458983593438, "y": 1.8013887196963485, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393318, "q_0.025": 1.742978530146983, "q_0.05": 1.8013887196963485, "q_0.075": 1.8816631177832204, "q_0.1": 1.8981509732479338, "q_0.125": 1.9398895035522234, "q_0.15": 1.97134094507356, "q_0.175": 2.0344093317192424, "q_0.2": 2.11558631595738, "q_0.225": 2.198273848926883, "q_0.25": 2.221763787765269, "q_0.275": 2.2686469003495104, "q_0.3": 2.324559256565347, "q_0.325": 2.37810448864967, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.567433519049851, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.193836981307002, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.343579605074459, "q_0.725": 3.4014855749733646, "q_0.75": 3.474790516800358, "q_0.775": 3.530125941651888, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.7146227590555156, "q_0.9": 3.760515888466677, "q_0.925": 3.7958272883525694, "q_0.95": 3.902951553828625, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.687474989995998, "y": 3.786445269904908, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8821104160196382, "q_0.1": 1.898834811382455, "q_0.125": 1.9492179919138157, "q_0.15": 1.97134094507356, "q_0.175": 2.0823841244089167, "q_0.2": 2.124096677937921, "q_0.225": 2.2117685920564156, "q_0.25": 2.229295320561961, "q_0.275": 2.2827484712500667, "q_0.3": 2.337294814550029, "q_0.325": 2.379342960646159, "q_0.35": 2.441790563669244, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.5686177755517448, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8507806336042902, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.345922496079072, "q_0.725": 3.4027046988291785, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.576520637205075, "q_0.825": 3.6463227680354446, "q_0.85": 3.67093685399774, "q_0.875": 3.716241316335802, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.907643907476007, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.72749099639856, "y": 1.988080087552442, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8821104160196382, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.15538797460519, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.289944087178931, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.5686177755517448, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4046712897770495, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.920253225994105, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.76750700280112, "y": 3.6621945673308955, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8821104160196382, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.15538797460519, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.289944087178931, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.5686177755517448, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4046712897770495, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.920253225994105, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.80752300920368, "y": 2.496801536282269, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8821104160196382, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.15538797460519, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.289944087178931, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.5686177755517448, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4046712897770495, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.920253225994105, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.847539015606245, "y": 3.5521547230937136, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8821104160196382, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1601555344381436, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.289944087178931, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.571393337679041, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4046712897770495, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.576706409454941, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.920253225994105, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.887555022008804, "y": 2.532739632856084, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8821104160196382, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1601555344381436, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.289944087178931, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.496801536282269, "q_0.425": 2.571393337679041, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4046712897770495, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.576706409454941, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.920253225994105, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.927571028411364, "y": 2.3057062865961773, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8825077275430822, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1601555344381436, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.2911475090553504, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.4981635938906557, "q_0.425": 2.5917377746347263, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4027046988291785, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.9268909670051806, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 18.967587034813928, "y": 1.8981509732479338, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8825077275430822, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1601555344381436, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.2911475090553504, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.4981635938906557, "q_0.425": 2.5917377746347263, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4027046988291785, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.9268909670051806, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 19.007603041216488, "y": 2.3390693903909536, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8825077275430822, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1601555344381436, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.2911475090553504, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.4981635938906557, "q_0.425": 2.5917377746347263, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4027046988291785, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.9268909670051806, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 19.047619047619047, "y": 2.7894703128550846, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8825077275430822, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1601555344381436, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.2911475090553504, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.4981635938906557, "q_0.425": 2.5917377746347263, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4027046988291785, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.9268909670051806, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 19.08763505402161, "y": 3.606304868330189, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8825077275430822, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1601555344381436, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.2911475090553504, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.4981635938906557, "q_0.425": 2.5917377746347263, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4027046988291785, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.9268909670051806, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 19.12765106042417, "y": 2.7482574403887723, "y_pred": 2.8292310853190643, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8825077275430822, "q_0.1": 1.9059524787193978, "q_0.125": 1.9597137468299473, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1601555344381436, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.2911475090553504, "q_0.3": 2.3390693903909536, "q_0.325": 2.382681027184651, "q_0.35": 2.445337631344143, "q_0.375": 2.471713372020629, "q_0.4": 2.4981635938906557, "q_0.425": 2.5917377746347263, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8292310853190643, "q_0.525": 2.9280320315353277, "q_0.55": 3.0016595769909005, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2809613115320513, "q_0.7": 3.3494368325860044, "q_0.725": 3.4027046988291785, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6463227680354446, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.7958272883525694, "q_0.95": 3.9268909670051806, "q_0.975": 4.008720357673253, "q_1": 4.601478365291408}, {"x": 19.16766706682673, "y": 3.974268046084235, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393318, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8865015736714692, "q_0.1": 1.9092064798952328, "q_0.125": 1.9697461979159923, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1612281936477826, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.3057062865961773, "q_0.3": 2.3390693903909536, "q_0.325": 2.3876967882448223, "q_0.35": 2.445337631344143, "q_0.375": 2.4748272866028125, "q_0.4": 2.4987847032800143, "q_0.425": 2.6463215474857016, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8507806336042902, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2984310619523125, "q_0.7": 3.3494368325860044, "q_0.725": 3.4046712897770495, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.023615283076078, "q_1": 4.601478365291408}, {"x": 19.207683073229294, "y": 2.9620948511270098, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393318, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8865015736714692, "q_0.1": 1.9092064798952328, "q_0.125": 1.9697461979159923, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1612281936477826, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.3057062865961773, "q_0.3": 2.3390693903909536, "q_0.325": 2.3876967882448223, "q_0.35": 2.445337631344143, "q_0.375": 2.4748272866028125, "q_0.4": 2.4987847032800143, "q_0.425": 2.6463215474857016, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8507806336042902, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2984310619523125, "q_0.7": 3.3494368325860044, "q_0.725": 3.4046712897770495, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.023615283076078, "q_1": 4.601478365291408}, {"x": 19.247699079631854, "y": 1.742978530146983, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393318, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8865015736714692, "q_0.1": 1.9092064798952328, "q_0.125": 1.9697461979159923, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1612281936477826, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.3057062865961773, "q_0.3": 2.3390693903909536, "q_0.325": 2.3876967882448223, "q_0.35": 2.445337631344143, "q_0.375": 2.4748272866028125, "q_0.4": 2.4987847032800143, "q_0.425": 2.6463215474857016, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8507806336042902, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2984310619523125, "q_0.7": 3.3494368325860044, "q_0.725": 3.4046712897770495, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.023615283076078, "q_1": 4.601478365291408}, {"x": 19.287715086034414, "y": 2.6672118144933243, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393318, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8865015736714692, "q_0.1": 1.9092064798952328, "q_0.125": 1.9697461979159923, "q_0.15": 1.9837241637792395, "q_0.175": 2.0823841244089167, "q_0.2": 2.1612281936477826, "q_0.225": 2.214610009519448, "q_0.25": 2.2415368825294557, "q_0.275": 2.3057062865961773, "q_0.3": 2.3390693903909536, "q_0.325": 2.3876967882448223, "q_0.35": 2.445337631344143, "q_0.375": 2.4748272866028125, "q_0.4": 2.4987847032800143, "q_0.425": 2.6463215474857016, "q_0.45": 2.6926217886902015, "q_0.475": 2.7541570651421017, "q_0.5": 2.8507806336042902, "q_0.525": 2.9375645139349933, "q_0.55": 3.0023326689433887, "q_0.575": 3.0847721040106455, "q_0.6": 3.148360344528845, "q_0.625": 3.1983825601362144, "q_0.65": 3.2117805731313727, "q_0.675": 3.2984310619523125, "q_0.7": 3.3494368325860044, "q_0.725": 3.4046712897770495, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.720078071236834, "q_0.9": 3.7627427035790566, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.023615283076078, "q_1": 4.601478365291408}, {"x": 19.327731092436977, "y": 3.316247792724538, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.843181146497585, "q_0.075": 1.8865015736714692, "q_0.1": 1.9092064798952328, "q_0.125": 1.9697461979159923, "q_0.15": 1.9837241637792395, "q_0.175": 2.084732466999923, "q_0.2": 2.1853471070035178, "q_0.225": 2.214610009519448, "q_0.25": 2.2442125503622727, "q_0.275": 2.3057062865961773, "q_0.3": 2.3447339183764937, "q_0.325": 2.392466255602696, "q_0.35": 2.4477916916783404, "q_0.375": 2.4748272866028125, "q_0.4": 2.532739632856084, "q_0.425": 2.6463215474857016, "q_0.45": 2.7244289655061595, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0023326689433887, "q_0.575": 3.09733409211609, "q_0.6": 3.157828549901804, "q_0.625": 3.1983825601362144, "q_0.65": 3.2231726939355, "q_0.675": 3.309653692705213, "q_0.7": 3.3494368325860044, "q_0.725": 3.4176492141237844, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.726517185255917, "q_0.9": 3.7796313450647516, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.050013980166575, "q_1": 4.601478365291408}, {"x": 19.367747098839537, "y": 2.2415368825294557, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8468666129079034, "q_0.075": 1.8865015736714692, "q_0.1": 1.9092064798952328, "q_0.125": 1.9697461979159923, "q_0.15": 1.9837241637792395, "q_0.175": 2.084732466999923, "q_0.2": 2.1853471070035178, "q_0.225": 2.218612966761829, "q_0.25": 2.2442125503622727, "q_0.275": 2.3057062865961773, "q_0.3": 2.375105238840981, "q_0.325": 2.392466255602696, "q_0.35": 2.4477916916783404, "q_0.375": 2.4748682988523942, "q_0.4": 2.532739632856084, "q_0.425": 2.663486646565429, "q_0.45": 2.7244289655061595, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0023326689433887, "q_0.575": 3.122122251245532, "q_0.6": 3.157828549901804, "q_0.625": 3.2012252710124636, "q_0.65": 3.2231726939355, "q_0.675": 3.316247792724538, "q_0.7": 3.3494368325860044, "q_0.725": 3.4176492141237844, "q_0.75": 3.495468420747075, "q_0.775": 3.5521547230937136, "q_0.8": 3.590302587504638, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.050013980166575, "q_1": 4.601478365291408}, {"x": 19.407763105242097, "y": 3.343579605074459, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8468666129079034, "q_0.075": 1.8865015736714692, "q_0.1": 1.921713872569338, "q_0.125": 1.9697461979159923, "q_0.15": 1.988080087552442, "q_0.175": 2.087592517766196, "q_0.2": 2.186132802009959, "q_0.225": 2.218612966761829, "q_0.25": 2.253246502896806, "q_0.275": 2.3057062865961773, "q_0.3": 2.375105238840981, "q_0.325": 2.392466255602696, "q_0.35": 2.4477916916783404, "q_0.375": 2.4748682988523942, "q_0.4": 2.532739632856084, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2012252710124636, "q_0.65": 3.2231726939355, "q_0.675": 3.316247792724538, "q_0.7": 3.3519348573142453, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.556470488022298, "q_0.8": 3.6080736861576215, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.050013980166575, "q_1": 4.601478365291408}, {"x": 19.44777911164466, "y": 2.88325108876339, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8468666129079034, "q_0.075": 1.8865015736714692, "q_0.1": 1.921713872569338, "q_0.125": 1.9697461979159923, "q_0.15": 1.988080087552442, "q_0.175": 2.087592517766196, "q_0.2": 2.186132802009959, "q_0.225": 2.218612966761829, "q_0.25": 2.253246502896806, "q_0.275": 2.3057062865961773, "q_0.3": 2.375105238840981, "q_0.325": 2.392466255602696, "q_0.35": 2.4477916916783404, "q_0.375": 2.4748682988523942, "q_0.4": 2.532739632856084, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2012252710124636, "q_0.65": 3.2231726939355, "q_0.675": 3.316247792724538, "q_0.7": 3.3519348573142453, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.556470488022298, "q_0.8": 3.6080736861576215, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.050013980166575, "q_1": 4.601478365291408}, {"x": 19.48779511804722, "y": 1.7501904002069806, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8468666129079034, "q_0.075": 1.8865015736714692, "q_0.1": 1.921713872569338, "q_0.125": 1.9697461979159923, "q_0.15": 1.988080087552442, "q_0.175": 2.087592517766196, "q_0.2": 2.186132802009959, "q_0.225": 2.218612966761829, "q_0.25": 2.253246502896806, "q_0.275": 2.3057062865961773, "q_0.3": 2.375105238840981, "q_0.325": 2.392466255602696, "q_0.35": 2.4477916916783404, "q_0.375": 2.4748682988523942, "q_0.4": 2.532739632856084, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2012252710124636, "q_0.65": 3.2231726939355, "q_0.675": 3.316247792724538, "q_0.7": 3.3519348573142453, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.556470488022298, "q_0.8": 3.6080736861576215, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.050013980166575, "q_1": 4.601478365291408}, {"x": 19.52781112444978, "y": 3.529932804650735, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8468666129079034, "q_0.075": 1.8865015736714692, "q_0.1": 1.921713872569338, "q_0.125": 1.9697461979159923, "q_0.15": 1.988080087552442, "q_0.175": 2.087592517766196, "q_0.2": 2.186132802009959, "q_0.225": 2.218612966761829, "q_0.25": 2.253246502896806, "q_0.275": 2.3057062865961773, "q_0.3": 2.375105238840981, "q_0.325": 2.392466255602696, "q_0.35": 2.4477916916783404, "q_0.375": 2.4748682988523942, "q_0.4": 2.532739632856084, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2012252710124636, "q_0.65": 3.2231726939355, "q_0.675": 3.316247792724538, "q_0.7": 3.3519348573142453, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.556470488022298, "q_0.8": 3.6080736861576215, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.050013980166575, "q_1": 4.601478365291408}, {"x": 19.56782713085234, "y": 3.0233510508125065, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8468666129079034, "q_0.075": 1.8865015736714692, "q_0.1": 1.921713872569338, "q_0.125": 1.9697461979159923, "q_0.15": 1.988080087552442, "q_0.175": 2.087592517766196, "q_0.2": 2.186132802009959, "q_0.225": 2.218612966761829, "q_0.25": 2.253246502896806, "q_0.275": 2.3057062865961773, "q_0.3": 2.375105238840981, "q_0.325": 2.392466255602696, "q_0.35": 2.4477916916783404, "q_0.375": 2.4748682988523942, "q_0.4": 2.532739632856084, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2012252710124636, "q_0.65": 3.2231726939355, "q_0.675": 3.316247792724538, "q_0.7": 3.3519348573142453, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.556470488022298, "q_0.8": 3.6080736861576215, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.050013980166575, "q_1": 4.601478365291408}, {"x": 19.607843137254903, "y": 1.8879114986662764, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8468666129079034, "q_0.075": 1.8865015736714692, "q_0.1": 1.921713872569338, "q_0.125": 1.9697461979159923, "q_0.15": 1.988080087552442, "q_0.175": 2.087592517766196, "q_0.2": 2.186132802009959, "q_0.225": 2.218612966761829, "q_0.25": 2.253246502896806, "q_0.275": 2.3057062865961773, "q_0.3": 2.375105238840981, "q_0.325": 2.392466255602696, "q_0.35": 2.4477916916783404, "q_0.375": 2.4748682988523942, "q_0.4": 2.532739632856084, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2012252710124636, "q_0.65": 3.2231726939355, "q_0.675": 3.316247792724538, "q_0.7": 3.3519348573142453, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.556470488022298, "q_0.8": 3.6080736861576215, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.050013980166575, "q_1": 4.601478365291408}, {"x": 19.647859143657463, "y": 2.8242615882189286, "y_pred": 2.8507806336042902, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.742978530146983, "q_0.05": 1.8468666129079034, "q_0.075": 1.8865015736714692, "q_0.1": 1.921713872569338, "q_0.125": 1.9697461979159923, "q_0.15": 1.988080087552442, "q_0.175": 2.087592517766196, "q_0.2": 2.186132802009959, "q_0.225": 2.218612966761829, "q_0.25": 2.253246502896806, "q_0.275": 2.3057062865961773, "q_0.3": 2.375105238840981, "q_0.325": 2.392466255602696, "q_0.35": 2.4477916916783404, "q_0.375": 2.4748682988523942, "q_0.4": 2.532739632856084, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.758599258276219, "q_0.5": 2.8507806336042902, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2012252710124636, "q_0.65": 3.2231726939355, "q_0.675": 3.316247792724538, "q_0.7": 3.3519348573142453, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.556470488022298, "q_0.8": 3.6080736861576215, "q_0.825": 3.6621945673308955, "q_0.85": 3.694864713592013, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8212020589615934, "q_0.95": 3.939720545367994, "q_0.975": 4.050013980166575, "q_1": 4.601478365291408}, {"x": 19.687875150060023, "y": 2.378039305913013, "y_pred": 2.887732869733995, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7531954491521842, "q_0.05": 1.8468666129079034, "q_0.075": 1.8879114986662764, "q_0.1": 1.9309788629699098, "q_0.125": 1.9699538884593042, "q_0.15": 1.988080087552442, "q_0.175": 2.103699386342056, "q_0.2": 2.1892755820357195, "q_0.225": 2.218612966761829, "q_0.25": 2.2659820643961868, "q_0.275": 2.315485866397964, "q_0.3": 2.378039305913013, "q_0.325": 2.4145349391087643, "q_0.35": 2.4547633026902496, "q_0.375": 2.484755110951135, "q_0.4": 2.5421714929704304, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.7711908390505697, "q_0.5": 2.887732869733995, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2063934018989553, "q_0.65": 3.235189055656499, "q_0.675": 3.316247792724538, "q_0.7": 3.3552660277039834, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.566008808437526, "q_0.8": 3.6080736861576215, "q_0.825": 3.666975236297665, "q_0.85": 3.6959390313212417, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8483805452575797, "q_0.95": 3.939720545367994, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 19.727891156462587, "y": 3.792510752561383, "y_pred": 2.887732869733995, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7531954491521842, "q_0.05": 1.8468666129079034, "q_0.075": 1.8879114986662764, "q_0.1": 1.9309788629699098, "q_0.125": 1.9699538884593042, "q_0.15": 1.988080087552442, "q_0.175": 2.103699386342056, "q_0.2": 2.1892755820357195, "q_0.225": 2.218612966761829, "q_0.25": 2.2659820643961868, "q_0.275": 2.315485866397964, "q_0.3": 2.378039305913013, "q_0.325": 2.4145349391087643, "q_0.35": 2.4547633026902496, "q_0.375": 2.484755110951135, "q_0.4": 2.5421714929704304, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.7711908390505697, "q_0.5": 2.887732869733995, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2063934018989553, "q_0.65": 3.235189055656499, "q_0.675": 3.316247792724538, "q_0.7": 3.3552660277039834, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.566008808437526, "q_0.8": 3.6080736861576215, "q_0.825": 3.666975236297665, "q_0.85": 3.6959390313212417, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8483805452575797, "q_0.95": 3.939720545367994, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 19.767907162865146, "y": 2.375105238840981, "y_pred": 2.887732869733995, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7531954491521842, "q_0.05": 1.8468666129079034, "q_0.075": 1.8879114986662764, "q_0.1": 1.9309788629699098, "q_0.125": 1.9699538884593042, "q_0.15": 1.988080087552442, "q_0.175": 2.103699386342056, "q_0.2": 2.1892755820357195, "q_0.225": 2.218612966761829, "q_0.25": 2.2659820643961868, "q_0.275": 2.315485866397964, "q_0.3": 2.378039305913013, "q_0.325": 2.4145349391087643, "q_0.35": 2.4547633026902496, "q_0.375": 2.484755110951135, "q_0.4": 2.5421714929704304, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.7711908390505697, "q_0.5": 2.887732869733995, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2063934018989553, "q_0.65": 3.235189055656499, "q_0.675": 3.316247792724538, "q_0.7": 3.3552660277039834, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.566008808437526, "q_0.8": 3.6080736861576215, "q_0.825": 3.666975236297665, "q_0.85": 3.6959390313212417, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8483805452575797, "q_0.95": 3.939720545367994, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 19.807923169267706, "y": 3.9455366276415025, "y_pred": 2.887732869733995, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7531954491521842, "q_0.05": 1.8468666129079034, "q_0.075": 1.8879114986662764, "q_0.1": 1.9309788629699098, "q_0.125": 1.9699538884593042, "q_0.15": 1.988080087552442, "q_0.175": 2.103699386342056, "q_0.2": 2.1892755820357195, "q_0.225": 2.218612966761829, "q_0.25": 2.2659820643961868, "q_0.275": 2.315485866397964, "q_0.3": 2.378039305913013, "q_0.325": 2.4145349391087643, "q_0.35": 2.4547633026902496, "q_0.375": 2.484755110951135, "q_0.4": 2.5421714929704304, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.7711908390505697, "q_0.5": 2.887732869733995, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2063934018989553, "q_0.65": 3.235189055656499, "q_0.675": 3.316247792724538, "q_0.7": 3.3552660277039834, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.566008808437526, "q_0.8": 3.6080736861576215, "q_0.825": 3.666975236297665, "q_0.85": 3.6959390313212417, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8483805452575797, "q_0.95": 3.939720545367994, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 19.84793917567027, "y": 3.0023326689433887, "y_pred": 2.887732869733995, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7531954491521842, "q_0.05": 1.8468666129079034, "q_0.075": 1.8879114986662764, "q_0.1": 1.9309788629699098, "q_0.125": 1.9699538884593042, "q_0.15": 1.988080087552442, "q_0.175": 2.103699386342056, "q_0.2": 2.1892755820357195, "q_0.225": 2.218612966761829, "q_0.25": 2.2659820643961868, "q_0.275": 2.315485866397964, "q_0.3": 2.378039305913013, "q_0.325": 2.4145349391087643, "q_0.35": 2.4547633026902496, "q_0.375": 2.484755110951135, "q_0.4": 2.5421714929704304, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.7711908390505697, "q_0.5": 2.887732869733995, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2063934018989553, "q_0.65": 3.235189055656499, "q_0.675": 3.316247792724538, "q_0.7": 3.3552660277039834, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.566008808437526, "q_0.8": 3.6080736861576215, "q_0.825": 3.666975236297665, "q_0.85": 3.6959390313212417, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8483805452575797, "q_0.95": 3.939720545367994, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 19.88795518207283, "y": 2.471713372020629, "y_pred": 2.887732869733995, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7531954491521842, "q_0.05": 1.8468666129079034, "q_0.075": 1.8879114986662764, "q_0.1": 1.9309788629699098, "q_0.125": 1.9699538884593042, "q_0.15": 1.988080087552442, "q_0.175": 2.103699386342056, "q_0.2": 2.1892755820357195, "q_0.225": 2.218612966761829, "q_0.25": 2.2659820643961868, "q_0.275": 2.315485866397964, "q_0.3": 2.378039305913013, "q_0.325": 2.4145349391087643, "q_0.35": 2.4547633026902496, "q_0.375": 2.484755110951135, "q_0.4": 2.5421714929704304, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.7711908390505697, "q_0.5": 2.887732869733995, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2063934018989553, "q_0.65": 3.235189055656499, "q_0.675": 3.316247792724538, "q_0.7": 3.3552660277039834, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.566008808437526, "q_0.8": 3.6080736861576215, "q_0.825": 3.666975236297665, "q_0.85": 3.6959390313212417, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8483805452575797, "q_0.95": 3.939720545367994, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 19.92797118847539, "y": 3.6463227680354446, "y_pred": 2.887732869733995, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7531954491521842, "q_0.05": 1.8468666129079034, "q_0.075": 1.8879114986662764, "q_0.1": 1.9309788629699098, "q_0.125": 1.9699538884593042, "q_0.15": 1.988080087552442, "q_0.175": 2.103699386342056, "q_0.2": 2.1892755820357195, "q_0.225": 2.218612966761829, "q_0.25": 2.2659820643961868, "q_0.275": 2.315485866397964, "q_0.3": 2.378039305913013, "q_0.325": 2.4145349391087643, "q_0.35": 2.4547633026902496, "q_0.375": 2.484755110951135, "q_0.4": 2.5421714929704304, "q_0.425": 2.6672118144933243, "q_0.45": 2.7252740794696506, "q_0.475": 2.7711908390505697, "q_0.5": 2.887732869733995, "q_0.525": 2.9482359182540043, "q_0.55": 3.0233510508125065, "q_0.575": 3.122122251245532, "q_0.6": 3.1676661025083614, "q_0.625": 3.2063934018989553, "q_0.65": 3.235189055656499, "q_0.675": 3.316247792724538, "q_0.7": 3.3552660277039834, "q_0.725": 3.4176492141237844, "q_0.75": 3.499501200010317, "q_0.775": 3.566008808437526, "q_0.8": 3.6080736861576215, "q_0.825": 3.666975236297665, "q_0.85": 3.6959390313212417, "q_0.875": 3.726517185255917, "q_0.9": 3.786445269904908, "q_0.925": 3.8483805452575797, "q_0.95": 3.939720545367994, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 19.967987194877953, "y": 3.370292008058055, "y_pred": 2.905615710123424, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7580061390642232, "q_0.05": 1.8491309244679617, "q_0.075": 1.8879114986662764, "q_0.1": 1.936662933668477, "q_0.125": 1.9711446208734211, "q_0.15": 2.0135902135722845, "q_0.175": 2.103699386342056, "q_0.2": 2.1905071218050285, "q_0.225": 2.2193868606044527, "q_0.25": 2.2659820643961868, "q_0.275": 2.324559256565347, "q_0.3": 2.378039305913013, "q_0.325": 2.4170340648268227, "q_0.35": 2.455161297797124, "q_0.375": 2.4923650623722877, "q_0.4": 2.549096452515171, "q_0.425": 2.668293863082787, "q_0.45": 2.7482574403887723, "q_0.475": 2.7852898547316287, "q_0.5": 2.905615710123424, "q_0.525": 2.9620948511270098, "q_0.55": 3.0273644148069776, "q_0.575": 3.142439353581243, "q_0.6": 3.1850435883091572, "q_0.625": 3.211179413909586, "q_0.65": 3.264993772752799, "q_0.675": 3.343579605074459, "q_0.7": 3.370292008058055, "q_0.725": 3.418983029601323, "q_0.75": 3.523454725081377, "q_0.775": 3.5715370135184616, "q_0.8": 3.6308283437669715, "q_0.825": 3.666975236297665, "q_0.85": 3.7003907466932233, "q_0.875": 3.7491662525253835, "q_0.9": 3.792510752561383, "q_0.925": 3.8504047089770763, "q_0.95": 3.953925754882873, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 20.008003201280513, "y": 2.6926217886902015, "y_pred": 2.905615710123424, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7580061390642232, "q_0.05": 1.8491309244679617, "q_0.075": 1.8879114986662764, "q_0.1": 1.936662933668477, "q_0.125": 1.9711446208734211, "q_0.15": 2.0135902135722845, "q_0.175": 2.103699386342056, "q_0.2": 2.1905071218050285, "q_0.225": 2.2193868606044527, "q_0.25": 2.2659820643961868, "q_0.275": 2.324559256565347, "q_0.3": 2.378039305913013, "q_0.325": 2.4170340648268227, "q_0.35": 2.455161297797124, "q_0.375": 2.4923650623722877, "q_0.4": 2.549096452515171, "q_0.425": 2.668293863082787, "q_0.45": 2.7482574403887723, "q_0.475": 2.7852898547316287, "q_0.5": 2.905615710123424, "q_0.525": 2.9620948511270098, "q_0.55": 3.0273644148069776, "q_0.575": 3.142439353581243, "q_0.6": 3.1850435883091572, "q_0.625": 3.211179413909586, "q_0.65": 3.264993772752799, "q_0.675": 3.343579605074459, "q_0.7": 3.370292008058055, "q_0.725": 3.418983029601323, "q_0.75": 3.523454725081377, "q_0.775": 3.5715370135184616, "q_0.8": 3.6308283437669715, "q_0.825": 3.666975236297665, "q_0.85": 3.7003907466932233, "q_0.875": 3.7491662525253835, "q_0.9": 3.792510752561383, "q_0.925": 3.8504047089770763, "q_0.95": 3.953925754882873, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 20.048019207683073, "y": 3.2117805731313727, "y_pred": 2.9212385010011017, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.7580061390642232, "q_0.05": 1.856922366415948, "q_0.075": 1.8899526033401959, "q_0.1": 1.936662933668477, "q_0.125": 1.97134094507356, "q_0.15": 2.021469012882459, "q_0.175": 2.11558631595738, "q_0.2": 2.1927416175421937, "q_0.225": 2.2233711475956004, "q_0.25": 2.2686469003495104, "q_0.275": 2.324559256565347, "q_0.3": 2.378039305913013, "q_0.325": 2.4232132211358013, "q_0.35": 2.471713372020629, "q_0.375": 2.496801536282269, "q_0.4": 2.549096452515171, "q_0.425": 2.6808881594079543, "q_0.45": 2.7482574403887723, "q_0.475": 2.786438473486531, "q_0.5": 2.9212385010011017, "q_0.525": 2.9620948511270098, "q_0.55": 3.0503513498241857, "q_0.575": 3.142439353581243, "q_0.6": 3.1850435883091572, "q_0.625": 3.211179413909586, "q_0.65": 3.264993772752799, "q_0.675": 3.343579605074459, "q_0.7": 3.401155945099232, "q_0.725": 3.418983029601323, "q_0.75": 3.523454725081377, "q_0.775": 3.5715370135184616, "q_0.8": 3.6322691902566353, "q_0.825": 3.666975236297665, "q_0.85": 3.7003907466932233, "q_0.875": 3.7491662525253835, "q_0.9": 3.792510752561383, "q_0.925": 3.8570920487176004, "q_0.95": 3.9604286219453133, "q_0.975": 4.053811225269878, "q_1": 4.601478365291408}, {"x": 20.088035214085636, "y": 3.5715370135184616, "y_pred": 2.9212385010011017, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8816631177832204, "q_0.075": 1.8981509732479338, "q_0.1": 1.94549211429443, "q_0.125": 1.9716572244485429, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.198273848926883, "q_0.225": 2.223950019440938, "q_0.25": 2.2686469003495104, "q_0.275": 2.3248460022236523, "q_0.3": 2.382681027184651, "q_0.325": 2.441790563669244, "q_0.35": 2.471713372020629, "q_0.375": 2.4981635938906557, "q_0.4": 2.5917377746347263, "q_0.425": 2.6926217886902015, "q_0.45": 2.7503390983803193, "q_0.475": 2.8242615882189286, "q_0.5": 2.9212385010011017, "q_0.525": 2.986521221820581, "q_0.55": 3.0847721040106455, "q_0.575": 3.148360344528845, "q_0.6": 3.1983825601362144, "q_0.625": 3.2117805731313727, "q_0.65": 3.2734615334866, "q_0.675": 3.3494368325860044, "q_0.7": 3.4027046988291785, "q_0.725": 3.46625577767469, "q_0.75": 3.5521547230937136, "q_0.775": 3.576520637205075, "q_0.8": 3.6463227680354446, "q_0.825": 3.67093685399774, "q_0.85": 3.7146227590555156, "q_0.875": 3.7571756657981075, "q_0.9": 3.7958272883525694, "q_0.925": 3.9095596691147443, "q_0.95": 3.974268046084235, "q_0.975": 4.0742237600893345, "q_1": 4.601478365291408}, {"x": 20.128051220488196, "y": 3.7491662525253835, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9015701639205396, "q_0.1": 1.9492179919138157, "q_0.125": 1.9737522072326243, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.198273848926883, "q_0.225": 2.223950019440938, "q_0.25": 2.2686469003495104, "q_0.275": 2.3248460022236523, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.4981635938906557, "q_0.4": 2.605670703771356, "q_0.425": 2.6926217886902015, "q_0.45": 2.7503390983803193, "q_0.475": 2.8242615882189286, "q_0.5": 2.9280320315353277, "q_0.525": 2.987237480068975, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2117805731313727, "q_0.65": 3.2984310619523125, "q_0.675": 3.3519348573142453, "q_0.7": 3.4046712897770495, "q_0.725": 3.46625577767469, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.67093685399774, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.7958272883525694, "q_0.925": 3.920253225994105, "q_0.95": 3.9796008373914473, "q_0.975": 4.0742237600893345, "q_1": 4.601478365291408}, {"x": 20.168067226890756, "y": 3.666975236297665, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9015701639205396, "q_0.1": 1.9492179919138157, "q_0.125": 1.9737522072326243, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.198273848926883, "q_0.225": 2.223950019440938, "q_0.25": 2.2686469003495104, "q_0.275": 2.3248460022236523, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.4981635938906557, "q_0.4": 2.605670703771356, "q_0.425": 2.6926217886902015, "q_0.45": 2.7503390983803193, "q_0.475": 2.8242615882189286, "q_0.5": 2.9280320315353277, "q_0.525": 2.987237480068975, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2117805731313727, "q_0.65": 3.2984310619523125, "q_0.675": 3.3519348573142453, "q_0.7": 3.4046712897770495, "q_0.725": 3.46625577767469, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.67093685399774, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.7958272883525694, "q_0.925": 3.920253225994105, "q_0.95": 3.9796008373914473, "q_0.975": 4.0742237600893345, "q_1": 4.601478365291408}, {"x": 20.20808323329332, "y": 2.103699386342056, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9015701639205396, "q_0.1": 1.9492179919138157, "q_0.125": 1.9737522072326243, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.198273848926883, "q_0.225": 2.223950019440938, "q_0.25": 2.2686469003495104, "q_0.275": 2.3248460022236523, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.4981635938906557, "q_0.4": 2.605670703771356, "q_0.425": 2.6926217886902015, "q_0.45": 2.7503390983803193, "q_0.475": 2.8242615882189286, "q_0.5": 2.9280320315353277, "q_0.525": 2.987237480068975, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2117805731313727, "q_0.65": 3.2984310619523125, "q_0.675": 3.3519348573142453, "q_0.7": 3.4046712897770495, "q_0.725": 3.46625577767469, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.67093685399774, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.7958272883525694, "q_0.925": 3.920253225994105, "q_0.95": 3.9796008373914473, "q_0.975": 4.0742237600893345, "q_1": 4.601478365291408}, {"x": 20.24809923969588, "y": 3.7003907466932233, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9015701639205396, "q_0.1": 1.9492179919138157, "q_0.125": 1.9737522072326243, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.198273848926883, "q_0.225": 2.223950019440938, "q_0.25": 2.2686469003495104, "q_0.275": 2.3248460022236523, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.4981635938906557, "q_0.4": 2.605670703771356, "q_0.425": 2.6926217886902015, "q_0.45": 2.7503390983803193, "q_0.475": 2.8242615882189286, "q_0.5": 2.9280320315353277, "q_0.525": 2.987237480068975, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2117805731313727, "q_0.65": 3.2984310619523125, "q_0.675": 3.3519348573142453, "q_0.7": 3.4046712897770495, "q_0.725": 3.46625577767469, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.67093685399774, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.7958272883525694, "q_0.925": 3.920253225994105, "q_0.95": 3.9796008373914473, "q_0.975": 4.0742237600893345, "q_1": 4.601478365291408}, {"x": 20.28811524609844, "y": 1.8468666129079034, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9015701639205396, "q_0.1": 1.9492179919138157, "q_0.125": 1.9737522072326243, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.198273848926883, "q_0.225": 2.223950019440938, "q_0.25": 2.2686469003495104, "q_0.275": 2.3248460022236523, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.4981635938906557, "q_0.4": 2.605670703771356, "q_0.425": 2.6926217886902015, "q_0.45": 2.7503390983803193, "q_0.475": 2.8242615882189286, "q_0.5": 2.9280320315353277, "q_0.525": 2.987237480068975, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2117805731313727, "q_0.65": 3.2984310619523125, "q_0.675": 3.3519348573142453, "q_0.7": 3.4046712897770495, "q_0.725": 3.46625577767469, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.67093685399774, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.7958272883525694, "q_0.925": 3.920253225994105, "q_0.95": 3.9796008373914473, "q_0.975": 4.0742237600893345, "q_1": 4.601478365291408}, {"x": 20.328131252501002, "y": 2.1892755820357195, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9015701639205396, "q_0.1": 1.9492179919138157, "q_0.125": 1.9737522072326243, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.198273848926883, "q_0.225": 2.223950019440938, "q_0.25": 2.2686469003495104, "q_0.275": 2.3248460022236523, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.4981635938906557, "q_0.4": 2.605670703771356, "q_0.425": 2.6926217886902015, "q_0.45": 2.7503390983803193, "q_0.475": 2.8242615882189286, "q_0.5": 2.9280320315353277, "q_0.525": 2.987237480068975, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2117805731313727, "q_0.65": 3.2984310619523125, "q_0.675": 3.3519348573142453, "q_0.7": 3.4046712897770495, "q_0.725": 3.46625577767469, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.67093685399774, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.7958272883525694, "q_0.925": 3.920253225994105, "q_0.95": 3.9796008373914473, "q_0.975": 4.0742237600893345, "q_1": 4.601478365291408}, {"x": 20.368147258903562, "y": 3.211179413909586, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9059524787193978, "q_0.1": 1.9492179919138157, "q_0.125": 1.977190641210023, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.2117685920564156, "q_0.225": 2.229295320561961, "q_0.25": 2.2816117251390278, "q_0.275": 2.338049009282423, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.6926217886902015, "q_0.45": 2.7541570651421017, "q_0.475": 2.8292310853190643, "q_0.5": 2.9280320315353277, "q_0.525": 2.987541012660218, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2231726939355, "q_0.65": 3.309653692705213, "q_0.675": 3.353391306973348, "q_0.7": 3.4128881529918504, "q_0.725": 3.4680774029695485, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.694864713592013, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.8212020589615934, "q_0.925": 3.9268909670051806, "q_0.95": 3.9796008373914473, "q_0.975": 4.1068807620061225, "q_1": 4.601478365291408}, {"x": 20.408163265306122, "y": 1.9850610632438679, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9059524787193978, "q_0.1": 1.9492179919138157, "q_0.125": 1.977190641210023, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.2117685920564156, "q_0.225": 2.229295320561961, "q_0.25": 2.2816117251390278, "q_0.275": 2.338049009282423, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.6926217886902015, "q_0.45": 2.7541570651421017, "q_0.475": 2.8292310853190643, "q_0.5": 2.9280320315353277, "q_0.525": 2.987541012660218, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2231726939355, "q_0.65": 3.309653692705213, "q_0.675": 3.353391306973348, "q_0.7": 3.4128881529918504, "q_0.725": 3.4680774029695485, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.694864713592013, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.8212020589615934, "q_0.925": 3.9268909670051806, "q_0.95": 3.9796008373914473, "q_0.975": 4.1068807620061225, "q_1": 4.601478365291408}, {"x": 20.448179271708685, "y": 3.1676661025083614, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9059524787193978, "q_0.1": 1.9492179919138157, "q_0.125": 1.977190641210023, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.2117685920564156, "q_0.225": 2.229295320561961, "q_0.25": 2.2816117251390278, "q_0.275": 2.338049009282423, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.6926217886902015, "q_0.45": 2.7541570651421017, "q_0.475": 2.8292310853190643, "q_0.5": 2.9280320315353277, "q_0.525": 2.987541012660218, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2231726939355, "q_0.65": 3.309653692705213, "q_0.675": 3.353391306973348, "q_0.7": 3.4128881529918504, "q_0.725": 3.4680774029695485, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.694864713592013, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.8212020589615934, "q_0.925": 3.9268909670051806, "q_0.95": 3.9796008373914473, "q_0.975": 4.1068807620061225, "q_1": 4.601478365291408}, {"x": 20.488195278111245, "y": 2.4547633026902496, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9059524787193978, "q_0.1": 1.9492179919138157, "q_0.125": 1.977190641210023, "q_0.15": 2.0823841244089167, "q_0.175": 2.124096677937921, "q_0.2": 2.2117685920564156, "q_0.225": 2.229295320561961, "q_0.25": 2.2816117251390278, "q_0.275": 2.338049009282423, "q_0.3": 2.382681027184651, "q_0.325": 2.445337631344143, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.6926217886902015, "q_0.45": 2.7541570651421017, "q_0.475": 2.8292310853190643, "q_0.5": 2.9280320315353277, "q_0.525": 2.987541012660218, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2231726939355, "q_0.65": 3.309653692705213, "q_0.675": 3.353391306973348, "q_0.7": 3.4128881529918504, "q_0.725": 3.4680774029695485, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.694864713592013, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.8212020589615934, "q_0.925": 3.9268909670051806, "q_0.95": 3.9796008373914473, "q_0.975": 4.1068807620061225, "q_1": 4.601478365291408}, {"x": 20.528211284513805, "y": 2.7503390983803193, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9059524787193978, "q_0.1": 1.9597137468299473, "q_0.125": 1.977190641210023, "q_0.15": 2.0823841244089167, "q_0.175": 2.1311237859058125, "q_0.2": 2.2117685920564156, "q_0.225": 2.2415368825294557, "q_0.25": 2.2816117251390278, "q_0.275": 2.3390693903909536, "q_0.3": 2.382681027184651, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.6926217886902015, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 2.987541012660218, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2231726939355, "q_0.65": 3.309653692705213, "q_0.675": 3.353391306973348, "q_0.7": 3.4143164713314316, "q_0.725": 3.4680774029695485, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.694864713592013, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.8212020589615934, "q_0.925": 3.9268909670051806, "q_0.95": 3.9796008373914473, "q_0.975": 4.1068807620061225, "q_1": 4.601478365291408}, {"x": 20.56822729091637, "y": 2.4748682988523942, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9059524787193978, "q_0.1": 1.9597137468299473, "q_0.125": 1.977190641210023, "q_0.15": 2.0823841244089167, "q_0.175": 2.1311237859058125, "q_0.2": 2.2117685920564156, "q_0.225": 2.2415368825294557, "q_0.25": 2.2816117251390278, "q_0.275": 2.3390693903909536, "q_0.3": 2.382681027184651, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.6926217886902015, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 2.987541012660218, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2231726939355, "q_0.65": 3.309653692705213, "q_0.675": 3.353391306973348, "q_0.7": 3.4143164713314316, "q_0.725": 3.4680774029695485, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.694864713592013, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.8212020589615934, "q_0.925": 3.9268909670051806, "q_0.95": 3.9796008373914473, "q_0.975": 4.1068807620061225, "q_1": 4.601478365291408}, {"x": 20.60824329731893, "y": 1.8821104160196382, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.5706352996393322, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9059524787193978, "q_0.1": 1.9597137468299473, "q_0.125": 1.977190641210023, "q_0.15": 2.0823841244089167, "q_0.175": 2.1311237859058125, "q_0.2": 2.2117685920564156, "q_0.225": 2.2415368825294557, "q_0.25": 2.2816117251390278, "q_0.275": 2.3390693903909536, "q_0.3": 2.382681027184651, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.6926217886902015, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 2.987541012660218, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2231726939355, "q_0.65": 3.309653692705213, "q_0.675": 3.353391306973348, "q_0.7": 3.4143164713314316, "q_0.725": 3.4680774029695485, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.694864713592013, "q_0.85": 3.720078071236834, "q_0.875": 3.7627427035790566, "q_0.9": 3.8212020589615934, "q_0.925": 3.9268909670051806, "q_0.95": 3.9796008373914473, "q_0.975": 4.1068807620061225, "q_1": 4.601478365291408}, {"x": 20.64825930372149, "y": 2.9280320315353277, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8013887196963485, "q_0.05": 1.8821104160196382, "q_0.075": 1.9059524787193978, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.0823841244089167, "q_0.175": 2.1638405748224727, "q_0.2": 2.2117685920564156, "q_0.225": 2.2415368825294557, "q_0.25": 2.2827484712500667, "q_0.275": 2.3390693903909536, "q_0.3": 2.3876967882448223, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.7244289655061595, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 2.987541012660218, "q_0.55": 3.0847721040106455, "q_0.575": 3.157828549901804, "q_0.6": 3.2012252710124636, "q_0.625": 3.2231726939355, "q_0.65": 3.316247792724538, "q_0.675": 3.353391306973348, "q_0.7": 3.4176492141237844, "q_0.725": 3.4869689450100205, "q_0.75": 3.5521547230937136, "q_0.775": 3.590302587504638, "q_0.8": 3.6463227680354446, "q_0.825": 3.694864713592013, "q_0.85": 3.726517185255917, "q_0.875": 3.7796313450647516, "q_0.9": 3.8212020589615934, "q_0.925": 3.9268909670051806, "q_0.95": 3.996793693119765, "q_0.975": 4.112451093040405, "q_1": 4.601478365291408}, {"x": 20.68827531012405, "y": 4.053811225269878, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8821104160196382, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.0823841244089167, "q_0.175": 2.171001775257661, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3390693903909536, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.7244289655061595, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.09733409211609, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.2231726939355, "q_0.65": 3.316247792724538, "q_0.675": 3.3665355129695547, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6621945673308955, "q_0.825": 3.7002354515412668, "q_0.85": 3.726517185255917, "q_0.875": 3.786445269904908, "q_0.9": 3.8483805452575797, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 20.72829131652661, "y": 3.2012252710124636, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8821104160196382, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.0823841244089167, "q_0.175": 2.171001775257661, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3390693903909536, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.7244289655061595, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.09733409211609, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.2231726939355, "q_0.65": 3.316247792724538, "q_0.675": 3.3665355129695547, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6621945673308955, "q_0.825": 3.7002354515412668, "q_0.85": 3.726517185255917, "q_0.875": 3.786445269904908, "q_0.9": 3.8483805452575797, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 20.76830732292917, "y": 2.4448432599122647, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8821104160196382, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.0823841244089167, "q_0.175": 2.171001775257661, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3390693903909536, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.7244289655061595, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.09733409211609, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.2231726939355, "q_0.65": 3.316247792724538, "q_0.675": 3.3665355129695547, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6621945673308955, "q_0.825": 3.7002354515412668, "q_0.85": 3.726517185255917, "q_0.875": 3.786445269904908, "q_0.9": 3.8483805452575797, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 20.808323329331735, "y": 4.04313636731768, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8821104160196382, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.0823841244089167, "q_0.175": 2.171001775257661, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3390693903909536, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.7244289655061595, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.09733409211609, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.2231726939355, "q_0.65": 3.316247792724538, "q_0.675": 3.3665355129695547, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6621945673308955, "q_0.825": 3.7002354515412668, "q_0.85": 3.726517185255917, "q_0.875": 3.786445269904908, "q_0.9": 3.8483805452575797, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 20.848339335734295, "y": 2.6647536763634654, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8821104160196382, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.0823841244089167, "q_0.175": 2.171001775257661, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3390693903909536, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.7244289655061595, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.09733409211609, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.2231726939355, "q_0.65": 3.316247792724538, "q_0.675": 3.3665355129695547, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6621945673308955, "q_0.825": 3.7002354515412668, "q_0.85": 3.726517185255917, "q_0.875": 3.786445269904908, "q_0.9": 3.8483805452575797, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 20.888355342136855, "y": 3.4176492141237844, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8821104160196382, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.0823841244089167, "q_0.175": 2.171001775257661, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3390693903909536, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748272866028125, "q_0.375": 2.532739632856084, "q_0.4": 2.6463215474857016, "q_0.425": 2.7244289655061595, "q_0.45": 2.7541570651421017, "q_0.475": 2.8507806336042902, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.09733409211609, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.2231726939355, "q_0.65": 3.316247792724538, "q_0.675": 3.3665355129695547, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6621945673308955, "q_0.825": 3.7002354515412668, "q_0.85": 3.726517185255917, "q_0.875": 3.786445269904908, "q_0.9": 3.8483805452575797, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 20.928371348539418, "y": 3.264993772752799, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8863297316143355, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3390693903909536, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.6463215474857016, "q_0.425": 2.7244289655061595, "q_0.45": 2.7541570651421017, "q_0.475": 2.8837922146436323, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.113446395550243, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.327349574422488, "q_0.675": 3.370292008058055, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6621945673308955, "q_0.825": 3.7003907466932233, "q_0.85": 3.7459235564656, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 20.968387354941978, "y": 4.045060328385297, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8863297316143355, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3390693903909536, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.6463215474857016, "q_0.425": 2.7244289655061595, "q_0.45": 2.7541570651421017, "q_0.475": 2.8837922146436323, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.113446395550243, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.327349574422488, "q_0.675": 3.370292008058055, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6621945673308955, "q_0.825": 3.7003907466932233, "q_0.85": 3.7459235564656, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 21.008403361344538, "y": 3.953925754882873, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8863297316143355, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3447339183764937, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.8837922146436323, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3286306980272906, "q_0.675": 3.370292008058055, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6631507011242523, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 21.0484193677471, "y": 2.0823841244089167, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8863297316143355, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2415368825294557, "q_0.25": 2.2869817001809967, "q_0.275": 2.3447339183764937, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.8837922146436323, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3286306980272906, "q_0.675": 3.370292008058055, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.562263916856411, "q_0.775": 3.6080736861576215, "q_0.8": 3.6631507011242523, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.118021424074704, "q_1": 4.601478365291408}, {"x": 21.08843537414966, "y": 1.9309788629699098, "y_pred": 2.9375645139349933, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8863297316143355, "q_0.075": 1.9092064798952328, "q_0.1": 1.9597137468299473, "q_0.125": 1.9837241637792395, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.2869817001809967, "q_0.275": 2.3447339183764937, "q_0.3": 2.392466255602696, "q_0.325": 2.4477916916783404, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9375645139349933, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.4176492141237844, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.124382246637914, "q_1": 4.601478365291408}, {"x": 21.12845138055222, "y": 3.7040905091234384, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9092064798952328, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.291548649680823, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.418983029601323, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.168467386954784, "y": 3.939720545367994, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9092064798952328, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.291548649680823, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.418983029601323, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.208483393357344, "y": 2.932167722898658, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9092064798952328, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.291548649680823, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.418983029601323, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.248499399759904, "y": 3.418983029601323, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9092064798952328, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.291548649680823, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.418983029601323, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.288515406162468, "y": 1.8965713894634864, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9092064798952328, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.291548649680823, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.418983029601323, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.328531412565027, "y": 2.2659820643961868, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9092064798952328, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.291548649680823, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.418983029601323, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.368547418967587, "y": 2.0939995405010134, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9092064798952328, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1853471070035178, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.291548649680823, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.418983029601323, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.40856342537015, "y": 3.2063934018989553, "y_pred": 2.9375645139349933, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9309788629699098, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1892755820357195, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.3057062865961773, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9375645139349933, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.418983029601323, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.44857943177271, "y": 2.214610009519448, "y_pred": 2.9375645139349933, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9309788629699098, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1892755820357195, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.3057062865961773, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9375645139349933, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.247672616839975, "q_0.65": 3.3296445072915564, "q_0.675": 3.370292008058055, "q_0.7": 3.418983029601323, "q_0.725": 3.495468420747075, "q_0.75": 3.566008808437526, "q_0.775": 3.6080736861576215, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.7913710112124965, "q_0.9": 3.8504047089770763, "q_0.925": 3.939720545367994, "q_0.95": 4.008720357673253, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.48859543817527, "y": 1.8765234339615413, "y_pred": 2.9280320315353277, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.843181146497585, "q_0.05": 1.8865015736714692, "q_0.075": 1.9309788629699098, "q_0.1": 1.9697461979159923, "q_0.125": 1.988080087552442, "q_0.15": 2.084732466999923, "q_0.175": 2.1892755820357195, "q_0.2": 2.214610009519448, "q_0.225": 2.2442125503622727, "q_0.25": 2.3057062865961773, "q_0.275": 2.375105238840981, "q_0.3": 2.392466255602696, "q_0.325": 2.4547633026902496, "q_0.35": 2.4748682988523942, "q_0.375": 2.5421714929704304, "q_0.4": 2.663926777311072, "q_0.425": 2.7244289655061595, "q_0.45": 2.758599258276219, "q_0.475": 2.885771395438066, "q_0.5": 2.9280320315353277, "q_0.525": 3.0023326689433887, "q_0.55": 3.122122251245532, "q_0.575": 3.1676661025083614, "q_0.6": 3.2063934018989553, "q_0.625": 3.2558359707668463, "q_0.65": 3.3296445072915564, "q_0.675": 3.401155945099232, "q_0.7": 3.418983029601323, "q_0.725": 3.499501200010317, "q_0.75": 3.566008808437526, "q_0.775": 3.6147308455352865, "q_0.8": 3.666975236297665, "q_0.825": 3.7003907466932233, "q_0.85": 3.7491662525253835, "q_0.875": 3.792510752561383, "q_0.9": 3.865423235726951, "q_0.925": 3.953925754882873, "q_0.95": 4.023615283076078, "q_0.975": 4.1248979890079145, "q_1": 4.601478365291408}, {"x": 21.52861144457783, "y": 2.4748272866028125, "y_pred": 2.9482359182540043, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8468666129079034, "q_0.05": 1.8917401245504895, "q_0.075": 1.936662933668477, "q_0.1": 1.9711446208734211, "q_0.125": 2.0344093317192424, "q_0.15": 2.11558631595738, "q_0.175": 2.1905071218050285, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.484755110951135, "q_0.375": 2.549096452515171, "q_0.4": 2.6672118144933243, "q_0.425": 2.7252740794696506, "q_0.45": 2.783567202157163, "q_0.475": 2.9006328592899173, "q_0.5": 2.9482359182540043, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.193836981307002, "q_0.6": 3.2117805731313727, "q_0.625": 3.2984310619523125, "q_0.65": 3.353391306973348, "q_0.675": 3.4014855749733646, "q_0.7": 3.460687561603477, "q_0.725": 3.5521547230937136, "q_0.75": 3.576706409454941, "q_0.775": 3.6322691902566353, "q_0.8": 3.67093685399774, "q_0.825": 3.720078071236834, "q_0.85": 3.7627427035790566, "q_0.875": 3.8212020589615934, "q_0.9": 3.920253225994105, "q_0.925": 3.974268046084235, "q_0.95": 4.053811225269878, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.568627450980394, "y": 3.401155945099232, "y_pred": 2.9482359182540043, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8468666129079034, "q_0.05": 1.8917401245504895, "q_0.075": 1.936662933668477, "q_0.1": 1.9711446208734211, "q_0.125": 2.0344093317192424, "q_0.15": 2.11558631595738, "q_0.175": 2.1905071218050285, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.484755110951135, "q_0.375": 2.549096452515171, "q_0.4": 2.6672118144933243, "q_0.425": 2.7252740794696506, "q_0.45": 2.783567202157163, "q_0.475": 2.9006328592899173, "q_0.5": 2.9482359182540043, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.193836981307002, "q_0.6": 3.2117805731313727, "q_0.625": 3.2984310619523125, "q_0.65": 3.353391306973348, "q_0.675": 3.4014855749733646, "q_0.7": 3.460687561603477, "q_0.725": 3.5521547230937136, "q_0.75": 3.576706409454941, "q_0.775": 3.6322691902566353, "q_0.8": 3.67093685399774, "q_0.825": 3.720078071236834, "q_0.85": 3.7627427035790566, "q_0.875": 3.8212020589615934, "q_0.9": 3.920253225994105, "q_0.925": 3.974268046084235, "q_0.95": 4.053811225269878, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.608643457382954, "y": 3.157828549901804, "y_pred": 2.9482359182540043, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8468666129079034, "q_0.05": 1.8917401245504895, "q_0.075": 1.936662933668477, "q_0.1": 1.9711446208734211, "q_0.125": 2.0344093317192424, "q_0.15": 2.11558631595738, "q_0.175": 2.1905071218050285, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.484755110951135, "q_0.375": 2.549096452515171, "q_0.4": 2.6672118144933243, "q_0.425": 2.7252740794696506, "q_0.45": 2.783567202157163, "q_0.475": 2.9006328592899173, "q_0.5": 2.9482359182540043, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.193836981307002, "q_0.6": 3.2117805731313727, "q_0.625": 3.2984310619523125, "q_0.65": 3.353391306973348, "q_0.675": 3.4014855749733646, "q_0.7": 3.460687561603477, "q_0.725": 3.5521547230937136, "q_0.75": 3.576706409454941, "q_0.775": 3.6322691902566353, "q_0.8": 3.67093685399774, "q_0.825": 3.720078071236834, "q_0.85": 3.7627427035790566, "q_0.875": 3.8212020589615934, "q_0.9": 3.920253225994105, "q_0.925": 3.974268046084235, "q_0.95": 4.053811225269878, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.648659463785513, "y": 2.549096452515171, "y_pred": 2.9482359182540043, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8468666129079034, "q_0.05": 1.8917401245504895, "q_0.075": 1.936662933668477, "q_0.1": 1.9711446208734211, "q_0.125": 2.0344093317192424, "q_0.15": 2.11558631595738, "q_0.175": 2.1905071218050285, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.484755110951135, "q_0.375": 2.549096452515171, "q_0.4": 2.6672118144933243, "q_0.425": 2.7252740794696506, "q_0.45": 2.783567202157163, "q_0.475": 2.9006328592899173, "q_0.5": 2.9482359182540043, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.193836981307002, "q_0.6": 3.2117805731313727, "q_0.625": 3.2984310619523125, "q_0.65": 3.353391306973348, "q_0.675": 3.4014855749733646, "q_0.7": 3.460687561603477, "q_0.725": 3.5521547230937136, "q_0.75": 3.576706409454941, "q_0.775": 3.6322691902566353, "q_0.8": 3.67093685399774, "q_0.825": 3.720078071236834, "q_0.85": 3.7627427035790566, "q_0.875": 3.8212020589615934, "q_0.9": 3.920253225994105, "q_0.925": 3.974268046084235, "q_0.95": 4.053811225269878, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.688675470188077, "y": 3.7931478943544557, "y_pred": 2.9482359182540043, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8468666129079034, "q_0.05": 1.8917401245504895, "q_0.075": 1.936662933668477, "q_0.1": 1.9711446208734211, "q_0.125": 2.0344093317192424, "q_0.15": 2.11558631595738, "q_0.175": 2.1905071218050285, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.484755110951135, "q_0.375": 2.549096452515171, "q_0.4": 2.6672118144933243, "q_0.425": 2.7252740794696506, "q_0.45": 2.783567202157163, "q_0.475": 2.9006328592899173, "q_0.5": 2.9482359182540043, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.193836981307002, "q_0.6": 3.2117805731313727, "q_0.625": 3.2984310619523125, "q_0.65": 3.353391306973348, "q_0.675": 3.4014855749733646, "q_0.7": 3.460687561603477, "q_0.725": 3.5521547230937136, "q_0.75": 3.576706409454941, "q_0.775": 3.6322691902566353, "q_0.8": 3.67093685399774, "q_0.825": 3.720078071236834, "q_0.85": 3.7627427035790566, "q_0.875": 3.8212020589615934, "q_0.9": 3.920253225994105, "q_0.925": 3.974268046084235, "q_0.95": 4.053811225269878, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.728691476590637, "y": 2.4170340648268227, "y_pred": 2.9482359182540043, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8468666129079034, "q_0.05": 1.8917401245504895, "q_0.075": 1.936662933668477, "q_0.1": 1.9711446208734211, "q_0.125": 2.0344093317192424, "q_0.15": 2.11558631595738, "q_0.175": 2.1905071218050285, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.484755110951135, "q_0.375": 2.549096452515171, "q_0.4": 2.6672118144933243, "q_0.425": 2.7252740794696506, "q_0.45": 2.783567202157163, "q_0.475": 2.9006328592899173, "q_0.5": 2.9482359182540043, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.193836981307002, "q_0.6": 3.2117805731313727, "q_0.625": 3.2984310619523125, "q_0.65": 3.353391306973348, "q_0.675": 3.4014855749733646, "q_0.7": 3.460687561603477, "q_0.725": 3.5521547230937136, "q_0.75": 3.576706409454941, "q_0.775": 3.6322691902566353, "q_0.8": 3.67093685399774, "q_0.825": 3.720078071236834, "q_0.85": 3.7627427035790566, "q_0.875": 3.8212020589615934, "q_0.9": 3.920253225994105, "q_0.925": 3.974268046084235, "q_0.95": 4.053811225269878, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.768707482993197, "y": 2.379342960646159, "y_pred": 2.9482359182540043, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8491309244679617, "q_0.05": 1.8981509732479338, "q_0.075": 1.936662933668477, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.11558631595738, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.4923650623722877, "q_0.375": 2.549096452515171, "q_0.4": 2.668293863082787, "q_0.425": 2.7252740794696506, "q_0.45": 2.783567202157163, "q_0.475": 2.9006328592899173, "q_0.5": 2.9482359182540043, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.1983825601362144, "q_0.6": 3.2231726939355, "q_0.625": 3.309653692705213, "q_0.65": 3.353391306973348, "q_0.675": 3.4046712897770495, "q_0.7": 3.460687561603477, "q_0.725": 3.5521547230937136, "q_0.75": 3.590302587504638, "q_0.775": 3.6462269616838245, "q_0.8": 3.67093685399774, "q_0.825": 3.720078071236834, "q_0.85": 3.7627427035790566, "q_0.875": 3.8212020589615934, "q_0.9": 3.920253225994105, "q_0.925": 3.974268046084235, "q_0.95": 4.053811225269878, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.80872348939576, "y": 3.122122251245532, "y_pred": 2.950780802798181, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.856922366415948, "q_0.05": 1.8979909619074242, "q_0.075": 1.936662933668477, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.11558631595738, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.488590119858136, "q_0.375": 2.549096452515171, "q_0.4": 2.668293863082787, "q_0.425": 2.7252740794696506, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.950780802798181, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.1983825601362144, "q_0.6": 3.2231726939355, "q_0.625": 3.309653692705213, "q_0.65": 3.353391306973348, "q_0.675": 3.4046712897770495, "q_0.7": 3.46625577767469, "q_0.725": 3.5521547230937136, "q_0.75": 3.590302587504638, "q_0.775": 3.6462269616838245, "q_0.8": 3.67093685399774, "q_0.825": 3.720078071236834, "q_0.85": 3.7796313450647516, "q_0.875": 3.8212020589615934, "q_0.9": 3.920253225994105, "q_0.925": 3.974268046084235, "q_0.95": 4.0714414255033775, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.84873949579832, "y": 2.9212385010011017, "y_pred": 2.9482359182540043, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.11558631595738, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.4923650623722877, "q_0.375": 2.549096452515171, "q_0.4": 2.668293863082787, "q_0.425": 2.7252740794696506, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.9482359182540043, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.1983825601362144, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.3552660277039834, "q_0.675": 3.4128881529918504, "q_0.7": 3.46625577767469, "q_0.725": 3.552408034873406, "q_0.75": 3.590302587504638, "q_0.775": 3.6463227680354446, "q_0.8": 3.694864713592013, "q_0.825": 3.726517185255917, "q_0.85": 3.786445269904908, "q_0.875": 3.8483805452575797, "q_0.9": 3.9268909670051806, "q_0.925": 3.9796008373914473, "q_0.95": 4.0714414255033775, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.88875550220088, "y": 2.8428229718475677, "y_pred": 2.9482359182540043, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.11558631595738, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.4923650623722877, "q_0.375": 2.549096452515171, "q_0.4": 2.668293863082787, "q_0.425": 2.7252740794696506, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.9482359182540043, "q_0.525": 3.0233510508125065, "q_0.55": 3.122122251245532, "q_0.575": 3.1983825601362144, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.3552660277039834, "q_0.675": 3.4128881529918504, "q_0.7": 3.46625577767469, "q_0.725": 3.552408034873406, "q_0.75": 3.590302587504638, "q_0.775": 3.6463227680354446, "q_0.8": 3.694864713592013, "q_0.825": 3.726517185255917, "q_0.85": 3.786445269904908, "q_0.875": 3.8483805452575797, "q_0.9": 3.9268909670051806, "q_0.925": 3.9796008373914473, "q_0.95": 4.0714414255033775, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.928771508603443, "y": 2.124096677937921, "y_pred": 2.950780802798181, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.496801536282269, "q_0.375": 2.5686177755517448, "q_0.4": 2.668293863082787, "q_0.425": 2.72530696125584, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.950780802798181, "q_0.525": 3.0233510508125065, "q_0.55": 3.1385194217963046, "q_0.575": 3.2012252710124636, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.370292008058055, "q_0.675": 3.4128881529918504, "q_0.7": 3.46625577767469, "q_0.725": 3.562263916856411, "q_0.75": 3.590302587504638, "q_0.775": 3.6463227680354446, "q_0.8": 3.694864713592013, "q_0.825": 3.7365428918478374, "q_0.85": 3.7913710112124965, "q_0.875": 3.8483805452575797, "q_0.9": 3.9268909670051806, "q_0.925": 3.9796008373914473, "q_0.95": 4.0742237600893345, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 21.968787515006003, "y": 2.9915401696264237, "y_pred": 2.950780802798181, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.496801536282269, "q_0.375": 2.5686177755517448, "q_0.4": 2.668293863082787, "q_0.425": 2.72530696125584, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.950780802798181, "q_0.525": 3.0233510508125065, "q_0.55": 3.1385194217963046, "q_0.575": 3.2012252710124636, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.370292008058055, "q_0.675": 3.4128881529918504, "q_0.7": 3.46625577767469, "q_0.725": 3.562263916856411, "q_0.75": 3.590302587504638, "q_0.775": 3.6463227680354446, "q_0.8": 3.694864713592013, "q_0.825": 3.7365428918478374, "q_0.85": 3.7913710112124965, "q_0.875": 3.8483805452575797, "q_0.9": 3.9268909670051806, "q_0.925": 3.9796008373914473, "q_0.95": 4.0742237600893345, "q_0.975": 4.170168813253846, "q_1": 4.601478365291408}, {"x": 22.008803521408563, "y": 2.382681027184651, "y_pred": 2.950780802798181, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.496801536282269, "q_0.375": 2.5730586749554183, "q_0.4": 2.668293863082787, "q_0.425": 2.7482574403887723, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.950780802798181, "q_0.525": 3.0233510508125065, "q_0.55": 3.142439353581243, "q_0.575": 3.2012252710124636, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.370292008058055, "q_0.675": 3.4176492141237844, "q_0.7": 3.4675309153810914, "q_0.725": 3.562263916856411, "q_0.75": 3.590302587504638, "q_0.775": 3.6463227680354446, "q_0.8": 3.6953422637558417, "q_0.825": 3.7459235564656, "q_0.85": 3.7913710112124965, "q_0.875": 3.8483805452575797, "q_0.9": 3.9268909670051806, "q_0.925": 3.996793693119765, "q_0.95": 4.0742237600893345, "q_0.975": 4.184335582340923, "q_1": 4.601478365291408}, {"x": 22.048819527811126, "y": 2.7150242808366185, "y_pred": 2.950780802798181, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4145349391087643, "q_0.325": 2.471488206433124, "q_0.35": 2.496801536282269, "q_0.375": 2.5730586749554183, "q_0.4": 2.668293863082787, "q_0.425": 2.7482574403887723, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.950780802798181, "q_0.525": 3.0233510508125065, "q_0.55": 3.142439353581243, "q_0.575": 3.2012252710124636, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.370292008058055, "q_0.675": 3.4176492141237844, "q_0.7": 3.4675309153810914, "q_0.725": 3.562263916856411, "q_0.75": 3.590302587504638, "q_0.775": 3.6463227680354446, "q_0.8": 3.6953422637558417, "q_0.825": 3.7459235564656, "q_0.85": 3.7913710112124965, "q_0.875": 3.8483805452575797, "q_0.9": 3.9268909670051806, "q_0.925": 3.996793693119765, "q_0.95": 4.0742237600893345, "q_0.975": 4.184335582340923, "q_1": 4.601478365291408}, {"x": 22.088835534213686, "y": 3.566008808437526, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.496801536282269, "q_0.375": 2.5730586749554183, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0253373082851653, "q_0.55": 3.142439353581243, "q_0.575": 3.2012252710124636, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.370292008058055, "q_0.675": 3.4176492141237844, "q_0.7": 3.4680774029695485, "q_0.725": 3.562263916856411, "q_0.75": 3.6080736861576215, "q_0.775": 3.6463227680354446, "q_0.8": 3.7002354515412668, "q_0.825": 3.7459235564656, "q_0.85": 3.7913710112124965, "q_0.875": 3.8504047089770763, "q_0.9": 3.9319023165796763, "q_0.925": 3.996793693119765, "q_0.95": 4.0742237600893345, "q_0.975": 4.184335582340923, "q_1": 4.601478365291408}, {"x": 22.128851540616246, "y": 4.0742237600893345, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.496801536282269, "q_0.375": 2.5730586749554183, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0253373082851653, "q_0.55": 3.142439353581243, "q_0.575": 3.2012252710124636, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.370292008058055, "q_0.675": 3.4176492141237844, "q_0.7": 3.4680774029695485, "q_0.725": 3.562263916856411, "q_0.75": 3.6080736861576215, "q_0.775": 3.6463227680354446, "q_0.8": 3.7002354515412668, "q_0.825": 3.7459235564656, "q_0.85": 3.7913710112124965, "q_0.875": 3.8504047089770763, "q_0.9": 3.9319023165796763, "q_0.925": 3.996793693119765, "q_0.95": 4.0742237600893345, "q_0.975": 4.184335582340923, "q_1": 4.601478365291408}, {"x": 22.16886754701881, "y": 3.6703389175486167, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.496801536282269, "q_0.375": 2.5730586749554183, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0253373082851653, "q_0.55": 3.142439353581243, "q_0.575": 3.2012252710124636, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.370292008058055, "q_0.675": 3.4176492141237844, "q_0.7": 3.4680774029695485, "q_0.725": 3.562263916856411, "q_0.75": 3.6080736861576215, "q_0.775": 3.6463227680354446, "q_0.8": 3.7002354515412668, "q_0.825": 3.7459235564656, "q_0.85": 3.7913710112124965, "q_0.875": 3.8504047089770763, "q_0.9": 3.9319023165796763, "q_0.925": 3.996793693119765, "q_0.95": 4.0742237600893345, "q_0.975": 4.184335582340923, "q_1": 4.601478365291408}, {"x": 22.20888355342137, "y": 2.7541570651421017, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.496801536282269, "q_0.375": 2.5730586749554183, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0253373082851653, "q_0.55": 3.142439353581243, "q_0.575": 3.2012252710124636, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.370292008058055, "q_0.675": 3.4176492141237844, "q_0.7": 3.4680774029695485, "q_0.725": 3.562263916856411, "q_0.75": 3.6080736861576215, "q_0.775": 3.6463227680354446, "q_0.8": 3.7002354515412668, "q_0.825": 3.7459235564656, "q_0.85": 3.7913710112124965, "q_0.875": 3.8504047089770763, "q_0.9": 3.9319023165796763, "q_0.925": 3.996793693119765, "q_0.95": 4.0742237600893345, "q_0.975": 4.184335582340923, "q_1": 4.601478365291408}, {"x": 22.24889955982393, "y": 3.2231726939355, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.856922366415948, "q_0.05": 1.8981509732479338, "q_0.075": 1.94549211429443, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.496801536282269, "q_0.375": 2.5730586749554183, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0253373082851653, "q_0.55": 3.142439353581243, "q_0.575": 3.2012252710124636, "q_0.6": 3.2231726939355, "q_0.625": 3.316247792724538, "q_0.65": 3.370292008058055, "q_0.675": 3.4176492141237844, "q_0.7": 3.4680774029695485, "q_0.725": 3.562263916856411, "q_0.75": 3.6080736861576215, "q_0.775": 3.6463227680354446, "q_0.8": 3.7002354515412668, "q_0.825": 3.7459235564656, "q_0.85": 3.7913710112124965, "q_0.875": 3.8504047089770763, "q_0.9": 3.9319023165796763, "q_0.925": 3.996793693119765, "q_0.95": 4.0742237600893345, "q_0.975": 4.184335582340923, "q_1": 4.601478365291408}, {"x": 22.288915566226493, "y": 3.6080736861576215, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9015701639205396, "q_0.075": 1.9492179919138157, "q_0.1": 1.97134094507356, "q_0.125": 2.04543075400701, "q_0.15": 2.124096677937921, "q_0.175": 2.1919776458948323, "q_0.2": 2.2233711475956004, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.4981635938906557, "q_0.375": 2.5917377746347263, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.7852898547316287, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0253373082851653, "q_0.55": 3.142439353581243, "q_0.575": 3.2012252710124636, "q_0.6": 3.247672616839975, "q_0.625": 3.3286306980272906, "q_0.65": 3.370292008058055, "q_0.675": 3.4176492141237844, "q_0.7": 3.495149857235451, "q_0.725": 3.562263916856411, "q_0.75": 3.6080736861576215, "q_0.775": 3.6463227680354446, "q_0.8": 3.7003907466932233, "q_0.825": 3.7491662525253835, "q_0.85": 3.7913710112124965, "q_0.875": 3.8504047089770763, "q_0.9": 3.939720545367994, "q_0.925": 3.996793693119765, "q_0.95": 4.0742237600893345, "q_0.975": 4.184335582340923, "q_1": 4.601478365291408}, {"x": 22.328931572629052, "y": 2.7798428527883594, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.1927416175421937, "q_0.2": 2.223950019440938, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.4981635938906557, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.2642043964528042, "q_0.625": 3.3296445072915564, "q_0.65": 3.401155945099232, "q_0.675": 3.418983029601323, "q_0.7": 3.495468420747075, "q_0.725": 3.566008808437526, "q_0.75": 3.6080736861576215, "q_0.775": 3.6641068349176065, "q_0.8": 3.7003907466932233, "q_0.825": 3.7491662525253835, "q_0.85": 3.7933028339931183, "q_0.875": 3.865423235726951, "q_0.9": 3.939720545367994, "q_0.925": 4.008720357673253, "q_0.95": 4.0742237600893345, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.368947579031612, "y": 2.6463215474857016, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.1927416175421937, "q_0.2": 2.223950019440938, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.4981635938906557, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.2642043964528042, "q_0.625": 3.3296445072915564, "q_0.65": 3.401155945099232, "q_0.675": 3.418983029601323, "q_0.7": 3.495468420747075, "q_0.725": 3.566008808437526, "q_0.75": 3.6080736861576215, "q_0.775": 3.6641068349176065, "q_0.8": 3.7003907466932233, "q_0.825": 3.7491662525253835, "q_0.85": 3.7933028339931183, "q_0.875": 3.865423235726951, "q_0.9": 3.939720545367994, "q_0.925": 4.008720357673253, "q_0.95": 4.0742237600893345, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.408963585434176, "y": 2.084732466999923, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.1927416175421937, "q_0.2": 2.223950019440938, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.4981635938906557, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.2642043964528042, "q_0.625": 3.3296445072915564, "q_0.65": 3.401155945099232, "q_0.675": 3.418983029601323, "q_0.7": 3.495468420747075, "q_0.725": 3.566008808437526, "q_0.75": 3.6080736861576215, "q_0.775": 3.6641068349176065, "q_0.8": 3.7003907466932233, "q_0.825": 3.7491662525253835, "q_0.85": 3.7933028339931183, "q_0.875": 3.865423235726951, "q_0.9": 3.939720545367994, "q_0.925": 4.008720357673253, "q_0.95": 4.0742237600893345, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.448979591836736, "y": 3.590302587504638, "y_pred": 2.9620948511270098, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.1927416175421937, "q_0.2": 2.223950019440938, "q_0.225": 2.2659820643961868, "q_0.25": 2.3153809790481863, "q_0.275": 2.379342960646159, "q_0.3": 2.4170340648268227, "q_0.325": 2.471713372020629, "q_0.35": 2.4981635938906557, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.9620948511270098, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.2642043964528042, "q_0.625": 3.3296445072915564, "q_0.65": 3.401155945099232, "q_0.675": 3.418983029601323, "q_0.7": 3.495468420747075, "q_0.725": 3.566008808437526, "q_0.75": 3.6080736861576215, "q_0.775": 3.6641068349176065, "q_0.8": 3.7003907466932233, "q_0.825": 3.7491662525253835, "q_0.85": 3.7933028339931183, "q_0.875": 3.865423235726951, "q_0.9": 3.939720545367994, "q_0.925": 4.008720357673253, "q_0.95": 4.0742237600893345, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.488995598239296, "y": 3.8483805452575797, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.52901160464186, "y": 2.5421714929704304, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.56902761104442, "y": 3.7146227590555156, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.60904361744698, "y": 3.281665640988899, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.649059623849542, "y": 3.720078071236834, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.689075630252102, "y": 2.7852898547316287, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.729091636654662, "y": 3.6322691902566353, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.769107643057225, "y": 2.7809592086882904, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.809123649459785, "y": 1.977190641210023, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.849139655862345, "y": 3.141697526815767, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.88915566226491, "y": 2.9006328592899173, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.92917166866747, "y": 2.3938515938575122, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 22.969187675070028, "y": 4.008720357673253, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 23.00920368147259, "y": 2.7244289655061595, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.856922366415948, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.9726060625734914, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.9006328592899173, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.148360344528845, "q_0.575": 3.2063934018989553, "q_0.6": 3.264993772752799, "q_0.625": 3.343579605074459, "q_0.65": 3.401155945099232, "q_0.675": 3.4203469675267444, "q_0.7": 3.499501200010317, "q_0.725": 3.5707077827563176, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.793830888280943, "q_0.875": 3.902951553828625, "q_0.9": 3.953925754882873, "q_0.925": 4.008720357673253, "q_0.95": 4.118021424074704, "q_0.975": 4.199848775004261, "q_1": 4.601478365291408}, {"x": 23.04921968787515, "y": 1.856922366415948, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.905615710123424, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.343579605074459, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5203231507104635, "q_0.725": 3.5715370135184616, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.7958272883525694, "q_0.875": 3.906366733050187, "q_0.9": 3.9540424658107725, "q_0.925": 4.023615283076078, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.601478365291408}, {"x": 23.08923569427771, "y": 2.7252740794696506, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.905615710123424, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.343579605074459, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5203231507104635, "q_0.725": 3.5715370135184616, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.7958272883525694, "q_0.875": 3.906366733050187, "q_0.9": 3.9540424658107725, "q_0.925": 4.023615283076078, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.601478365291408}, {"x": 23.129251700680275, "y": 2.8338436995425003, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.905615710123424, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.343579605074459, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5203231507104635, "q_0.725": 3.5715370135184616, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.7958272883525694, "q_0.875": 3.906366733050187, "q_0.9": 3.9540424658107725, "q_0.925": 4.023615283076078, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.601478365291408}, {"x": 23.169267707082835, "y": 3.942250920322188, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.905615710123424, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.343579605074459, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5203231507104635, "q_0.725": 3.5715370135184616, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.7958272883525694, "q_0.875": 3.906366733050187, "q_0.9": 3.9540424658107725, "q_0.925": 4.023615283076078, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.601478365291408}, {"x": 23.209283713485394, "y": 3.7860703685721644, "y_pred": 2.983802892665897, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.124096677937921, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.605670703771356, "q_0.4": 2.6808881594079543, "q_0.425": 2.7482574403887723, "q_0.45": 2.786438473486531, "q_0.475": 2.905615710123424, "q_0.5": 2.983802892665897, "q_0.525": 3.0273644148069776, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.343579605074459, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5203231507104635, "q_0.725": 3.5715370135184616, "q_0.75": 3.6147308455352865, "q_0.775": 3.6703389175486167, "q_0.8": 3.7146227590555156, "q_0.825": 3.7571756657981075, "q_0.85": 3.7958272883525694, "q_0.875": 3.906366733050187, "q_0.9": 3.9540424658107725, "q_0.925": 4.023615283076078, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.601478365291408}, {"x": 23.249299719887958, "y": 2.2686469003495104, "y_pred": 2.986521221820581, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.1664529559971624, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.613141023924022, "q_0.4": 2.6808881594079543, "q_0.425": 2.7503390983803193, "q_0.45": 2.8242615882189286, "q_0.475": 2.905615710123424, "q_0.5": 2.986521221820581, "q_0.525": 3.027945289300058, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.3494368325860044, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5245450211353173, "q_0.725": 3.5715370135184616, "q_0.75": 3.6322691902566353, "q_0.775": 3.6703389175486167, "q_0.8": 3.720078071236834, "q_0.825": 3.7627427035790566, "q_0.85": 3.8212020589615934, "q_0.875": 3.9095596691147443, "q_0.9": 3.9709569051798512, "q_0.925": 4.050013980166575, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.737127610767498}, {"x": 23.289315726290518, "y": 3.8911277507262363, "y_pred": 2.986521221820581, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.1664529559971624, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.613141023924022, "q_0.4": 2.6808881594079543, "q_0.425": 2.7503390983803193, "q_0.45": 2.8242615882189286, "q_0.475": 2.905615710123424, "q_0.5": 2.986521221820581, "q_0.525": 3.027945289300058, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.3494368325860044, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5245450211353173, "q_0.725": 3.5715370135184616, "q_0.75": 3.6322691902566353, "q_0.775": 3.6703389175486167, "q_0.8": 3.720078071236834, "q_0.825": 3.7627427035790566, "q_0.85": 3.8212020589615934, "q_0.875": 3.9095596691147443, "q_0.9": 3.9709569051798512, "q_0.925": 4.050013980166575, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.737127610767498}, {"x": 23.329331732693078, "y": 2.392466255602696, "y_pred": 2.986521221820581, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.1664529559971624, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.613141023924022, "q_0.4": 2.6808881594079543, "q_0.425": 2.7503390983803193, "q_0.45": 2.8242615882189286, "q_0.475": 2.905615710123424, "q_0.5": 2.986521221820581, "q_0.525": 3.027945289300058, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.3494368325860044, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5245450211353173, "q_0.725": 3.5715370135184616, "q_0.75": 3.6322691902566353, "q_0.775": 3.6703389175486167, "q_0.8": 3.720078071236834, "q_0.825": 3.7627427035790566, "q_0.85": 3.8212020589615934, "q_0.875": 3.9095596691147443, "q_0.9": 3.9709569051798512, "q_0.925": 4.050013980166575, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.737127610767498}, {"x": 23.369347739095637, "y": 2.632382260477554, "y_pred": 2.986521221820581, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.1664529559971624, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.613141023924022, "q_0.4": 2.6808881594079543, "q_0.425": 2.7503390983803193, "q_0.45": 2.8242615882189286, "q_0.475": 2.905615710123424, "q_0.5": 2.986521221820581, "q_0.525": 3.027945289300058, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.3494368325860044, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5245450211353173, "q_0.725": 3.5715370135184616, "q_0.75": 3.6322691902566353, "q_0.775": 3.6703389175486167, "q_0.8": 3.720078071236834, "q_0.825": 3.7627427035790566, "q_0.85": 3.8212020589615934, "q_0.875": 3.9095596691147443, "q_0.9": 3.9709569051798512, "q_0.925": 4.050013980166575, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.737127610767498}, {"x": 23.4093637454982, "y": 1.9597137468299473, "y_pred": 2.986521221820581, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.1664529559971624, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.613141023924022, "q_0.4": 2.6808881594079543, "q_0.425": 2.7503390983803193, "q_0.45": 2.8242615882189286, "q_0.475": 2.905615710123424, "q_0.5": 2.986521221820581, "q_0.525": 3.027945289300058, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.3494368325860044, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5245450211353173, "q_0.725": 3.5715370135184616, "q_0.75": 3.6322691902566353, "q_0.775": 3.6703389175486167, "q_0.8": 3.720078071236834, "q_0.825": 3.7627427035790566, "q_0.85": 3.8212020589615934, "q_0.875": 3.9095596691147443, "q_0.9": 3.9709569051798512, "q_0.925": 4.050013980166575, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.737127610767498}, {"x": 23.44937975190076, "y": 1.9059524787193978, "y_pred": 2.986521221820581, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.1664529559971624, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.613141023924022, "q_0.4": 2.6808881594079543, "q_0.425": 2.7503390983803193, "q_0.45": 2.8242615882189286, "q_0.475": 2.905615710123424, "q_0.5": 2.986521221820581, "q_0.525": 3.027945289300058, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.3494368325860044, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5245450211353173, "q_0.725": 3.5715370135184616, "q_0.75": 3.6322691902566353, "q_0.775": 3.6703389175486167, "q_0.8": 3.720078071236834, "q_0.825": 3.7627427035790566, "q_0.85": 3.8212020589615934, "q_0.875": 3.9095596691147443, "q_0.9": 3.9709569051798512, "q_0.925": 4.050013980166575, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.737127610767498}, {"x": 23.48939575830332, "y": 3.4987254321951626, "y_pred": 2.986521221820581, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9492179919138157, "q_0.1": 1.977190641210023, "q_0.125": 2.063936806561931, "q_0.15": 2.1664529559971624, "q_0.175": 2.198273848926883, "q_0.2": 2.223950019440938, "q_0.225": 2.2686469003495104, "q_0.25": 2.3160802280467, "q_0.275": 2.382681027184651, "q_0.3": 2.4170340648268227, "q_0.325": 2.4748272866028125, "q_0.35": 2.532739632856084, "q_0.375": 2.613141023924022, "q_0.4": 2.6808881594079543, "q_0.425": 2.7503390983803193, "q_0.45": 2.8242615882189286, "q_0.475": 2.905615710123424, "q_0.5": 2.986521221820581, "q_0.525": 3.027945289300058, "q_0.55": 3.157828549901804, "q_0.575": 3.211179413909586, "q_0.6": 3.2675005831610826, "q_0.625": 3.3494368325860044, "q_0.65": 3.4013624607582162, "q_0.675": 3.4463227805046746, "q_0.7": 3.5245450211353173, "q_0.725": 3.5715370135184616, "q_0.75": 3.6322691902566353, "q_0.775": 3.6703389175486167, "q_0.8": 3.720078071236834, "q_0.825": 3.7627427035790566, "q_0.85": 3.8212020589615934, "q_0.875": 3.9095596691147443, "q_0.9": 3.9709569051798512, "q_0.925": 4.050013980166575, "q_0.95": 4.118021424074704, "q_0.975": 4.268951518844273, "q_1": 4.737127610767498}, {"x": 23.529411764705884, "y": 4.118021424074704, "y_pred": 2.986521221820581, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9557975204500364, "q_0.1": 1.977190641210023, "q_0.125": 2.0823841244089167, "q_0.15": 2.1853471070035178, "q_0.175": 2.198273848926883, "q_0.2": 2.229295320561961, "q_0.225": 2.2686469003495104, "q_0.25": 2.3248460022236523, "q_0.275": 2.382681027184651, "q_0.3": 2.445337631344143, "q_0.325": 2.4748272866028125, "q_0.35": 2.5421714929704304, "q_0.375": 2.6463215474857016, "q_0.4": 2.690098446132405, "q_0.425": 2.7541570651421017, "q_0.45": 2.8507806336042902, "q_0.475": 2.9212385010011017, "q_0.5": 2.986521221820581, "q_0.525": 3.0621236357191126, "q_0.55": 3.1676661025083614, "q_0.575": 3.2231726939355, "q_0.6": 3.309653692705213, "q_0.625": 3.353391306973348, "q_0.65": 3.4046712897770495, "q_0.675": 3.460687561603477, "q_0.7": 3.5521547230937136, "q_0.725": 3.590302587504638, "q_0.75": 3.6322691902566353, "q_0.775": 3.67093685399774, "q_0.8": 3.7459235564656, "q_0.825": 3.7880461358298714, "q_0.85": 3.8483805452575797, "q_0.875": 3.920253225994105, "q_0.9": 3.974268046084235, "q_0.925": 4.053811225269878, "q_0.95": 4.1248979890079145, "q_0.975": 4.268951518844273, "q_1": 4.737127610767498}, {"x": 23.569427771108444, "y": 3.0235982136936905, "y_pred": 2.987541012660218, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8816631177832204, "q_0.05": 1.9059524787193978, "q_0.075": 1.9597137468299473, "q_0.1": 1.977190641210023, "q_0.125": 2.0823841244089167, "q_0.15": 2.1853471070035178, "q_0.175": 2.2117685920564156, "q_0.2": 2.2415368825294557, "q_0.225": 2.2816117251390278, "q_0.25": 2.3248460022236523, "q_0.275": 2.392466255602696, "q_0.3": 2.4512774971842948, "q_0.325": 2.484755110951135, "q_0.35": 2.549096452515171, "q_0.375": 2.663926777311072, "q_0.4": 2.7044792758026515, "q_0.425": 2.758599258276219, "q_0.45": 2.885771395438066, "q_0.475": 2.9212385010011017, "q_0.5": 2.987541012660218, "q_0.525": 3.09733409211609, "q_0.55": 3.1850435883091572, "q_0.575": 3.247672616839975, "q_0.6": 3.3286306980272906, "q_0.625": 3.370292008058055, "q_0.65": 3.4128881529918504, "q_0.675": 3.46625577767469, "q_0.7": 3.552408034873406, "q_0.725": 3.590302587504638, "q_0.75": 3.6462269616838245, "q_0.775": 3.7003907466932233, "q_0.8": 3.7491662525253835, "q_0.825": 3.792510752561383, "q_0.85": 3.8570920487176004, "q_0.875": 3.9268909670051806, "q_0.9": 3.9796008373914473, "q_0.925": 4.0714414255033775, "q_0.95": 4.134065512562791, "q_0.975": 4.276668090847616, "q_1": 4.737127610767498}, {"x": 23.609443777511004, "y": 3.920253225994105, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.214610009519448, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3390693903909536, "q_0.275": 2.4028755615933397, "q_0.3": 2.455161297797124, "q_0.325": 2.488590119858136, "q_0.35": 2.5730586749554183, "q_0.375": 2.6672118144933243, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.9620948511270098, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.4869689450100205, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7571756657981075, "q_0.825": 3.798999134678666, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.306950883682711, "q_1": 4.737127610767498}, {"x": 23.649459783913567, "y": 3.793830888280943, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.214610009519448, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3390693903909536, "q_0.275": 2.4028755615933397, "q_0.3": 2.455161297797124, "q_0.325": 2.488590119858136, "q_0.35": 2.5730586749554183, "q_0.375": 2.6672118144933243, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.9620948511270098, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.4869689450100205, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7571756657981075, "q_0.825": 3.798999134678666, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.306950883682711, "q_1": 4.737127610767498}, {"x": 23.689475790316127, "y": 3.46625577767469, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.214610009519448, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3390693903909536, "q_0.275": 2.4028755615933397, "q_0.3": 2.455161297797124, "q_0.325": 2.488590119858136, "q_0.35": 2.5730586749554183, "q_0.375": 2.6672118144933243, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.9620948511270098, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.4869689450100205, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7571756657981075, "q_0.825": 3.798999134678666, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.306950883682711, "q_1": 4.737127610767498}, {"x": 23.729491796718687, "y": 4.268951518844273, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.214610009519448, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3390693903909536, "q_0.275": 2.4028755615933397, "q_0.3": 2.455161297797124, "q_0.325": 2.488590119858136, "q_0.35": 2.5730586749554183, "q_0.375": 2.6672118144933243, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.9620948511270098, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.4869689450100205, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7571756657981075, "q_0.825": 3.798999134678666, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.306950883682711, "q_1": 4.737127610767498}, {"x": 23.76950780312125, "y": 3.8212020589615934, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 23.80952380952381, "y": 2.4744128148908455, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 23.84953981592637, "y": 3.7913710112124965, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 23.889555822328933, "y": 3.5465579179960516, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 23.929571828731493, "y": 2.7972252377328752, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 23.969587835134053, "y": 1.9711446208734211, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.009603841536617, "y": 2.3248460022236523, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.049619847939177, "y": 3.822031922489625, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.089635854341736, "y": 2.4145349391087643, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.1296518607443, "y": 4.341435787190387, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.16966786714686, "y": 3.562263916856411, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.20968387354942, "y": 3.0062775639000634, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.249699879951983, "y": 3.247672616839975, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.289715886354543, "y": 3.353391306973348, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.329731892757103, "y": 4.277953991707228, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.369747899159666, "y": 2.198273848926883, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.409763905562226, "y": 2.484755110951135, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8821104160196382, "q_0.05": 1.9092064798952328, "q_0.075": 1.9597137468299473, "q_0.1": 2.0135902135722845, "q_0.125": 2.084732466999923, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.3580595505422157, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.4923650623722877, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.401155945099232, "q_0.65": 3.4203469675267444, "q_0.675": 3.491032646272281, "q_0.7": 3.562263916856411, "q_0.725": 3.6103589315542504, "q_0.75": 3.666975236297665, "q_0.775": 3.720078071236834, "q_0.8": 3.7627427035790566, "q_0.825": 3.8212020589615934, "q_0.85": 3.906366733050187, "q_0.875": 3.953925754882873, "q_0.9": 4.008720357673253, "q_0.925": 4.0742237600893345, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.449779911964786, "y": 3.6147308455352865, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8863297316143355, "q_0.05": 1.9092064798952328, "q_0.075": 1.9697461979159923, "q_0.1": 2.0135902135722845, "q_0.125": 2.103699386342056, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.375105238840981, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.496801536282269, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.4013624607582162, "q_0.65": 3.4203469675267444, "q_0.675": 3.495149857235451, "q_0.7": 3.562263916856411, "q_0.725": 3.6147308455352865, "q_0.75": 3.6703389175486167, "q_0.775": 3.720078071236834, "q_0.8": 3.7796313450647516, "q_0.825": 3.8212020589615934, "q_0.85": 3.9095596691147443, "q_0.875": 3.9550928641618697, "q_0.9": 4.011699342753823, "q_0.925": 4.1068807620061225, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.48979591836735, "y": 2.4028755615933397, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8863297316143355, "q_0.05": 1.9092064798952328, "q_0.075": 1.9697461979159923, "q_0.1": 2.0135902135722845, "q_0.125": 2.103699386342056, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.375105238840981, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.496801536282269, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.4013624607582162, "q_0.65": 3.4203469675267444, "q_0.675": 3.495149857235451, "q_0.7": 3.562263916856411, "q_0.725": 3.6147308455352865, "q_0.75": 3.6703389175486167, "q_0.775": 3.720078071236834, "q_0.8": 3.7796313450647516, "q_0.825": 3.8212020589615934, "q_0.85": 3.9095596691147443, "q_0.875": 3.9550928641618697, "q_0.9": 4.011699342753823, "q_0.925": 4.1068807620061225, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.52981192476991, "y": 4.0362640176097555, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8863297316143355, "q_0.05": 1.9092064798952328, "q_0.075": 1.9697461979159923, "q_0.1": 2.0135902135722845, "q_0.125": 2.103699386342056, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.375105238840981, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.496801536282269, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.4013624607582162, "q_0.65": 3.4203469675267444, "q_0.675": 3.495149857235451, "q_0.7": 3.562263916856411, "q_0.725": 3.6147308455352865, "q_0.75": 3.6703389175486167, "q_0.775": 3.720078071236834, "q_0.8": 3.7796313450647516, "q_0.825": 3.8212020589615934, "q_0.85": 3.9095596691147443, "q_0.875": 3.9550928641618697, "q_0.9": 4.011699342753823, "q_0.925": 4.1068807620061225, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.56982793117247, "y": 2.6808881594079543, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8863297316143355, "q_0.05": 1.9092064798952328, "q_0.075": 1.9697461979159923, "q_0.1": 2.0135902135722845, "q_0.125": 2.103699386342056, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.375105238840981, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.496801536282269, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.4013624607582162, "q_0.65": 3.4203469675267444, "q_0.675": 3.495149857235451, "q_0.7": 3.562263916856411, "q_0.725": 3.6147308455352865, "q_0.75": 3.6703389175486167, "q_0.775": 3.720078071236834, "q_0.8": 3.7796313450647516, "q_0.825": 3.8212020589615934, "q_0.85": 3.9095596691147443, "q_0.875": 3.9550928641618697, "q_0.9": 4.011699342753823, "q_0.925": 4.1068807620061225, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.609843937575032, "y": 2.253246502896806, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8863297316143355, "q_0.05": 1.9092064798952328, "q_0.075": 1.9697461979159923, "q_0.1": 2.0135902135722845, "q_0.125": 2.103699386342056, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.375105238840981, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.496801536282269, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.4013624607582162, "q_0.65": 3.4203469675267444, "q_0.675": 3.495149857235451, "q_0.7": 3.562263916856411, "q_0.725": 3.6147308455352865, "q_0.75": 3.6703389175486167, "q_0.775": 3.720078071236834, "q_0.8": 3.7796313450647516, "q_0.825": 3.8212020589615934, "q_0.85": 3.9095596691147443, "q_0.875": 3.9550928641618697, "q_0.9": 4.011699342753823, "q_0.925": 4.1068807620061225, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.649859943977592, "y": 1.9092064798952328, "y_pred": 3.0233510508125065, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8863297316143355, "q_0.05": 1.9092064798952328, "q_0.075": 1.9697461979159923, "q_0.1": 2.0135902135722845, "q_0.125": 2.103699386342056, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.2869817001809967, "q_0.25": 2.375105238840981, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.496801536282269, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965197026856022, "q_0.5": 3.0233510508125065, "q_0.525": 3.122122251245532, "q_0.55": 3.211179413909586, "q_0.575": 3.2675005831610826, "q_0.6": 3.343579605074459, "q_0.625": 3.4013624607582162, "q_0.65": 3.4203469675267444, "q_0.675": 3.495149857235451, "q_0.7": 3.562263916856411, "q_0.725": 3.6147308455352865, "q_0.75": 3.6703389175486167, "q_0.775": 3.720078071236834, "q_0.8": 3.7796313450647516, "q_0.825": 3.8212020589615934, "q_0.85": 3.9095596691147443, "q_0.875": 3.9550928641618697, "q_0.9": 4.011699342753823, "q_0.925": 4.1068807620061225, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.689875950380152, "y": 3.3298295437511127, "y_pred": 3.0253373082851653, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.8863297316143355, "q_0.05": 1.9092064798952328, "q_0.075": 1.9697461979159923, "q_0.1": 2.0135902135722845, "q_0.125": 2.103699386342056, "q_0.15": 2.1905071218050285, "q_0.175": 2.218612966761829, "q_0.2": 2.2442125503622727, "q_0.225": 2.291548649680823, "q_0.25": 2.375105238840981, "q_0.275": 2.4028755615933397, "q_0.3": 2.471488206433124, "q_0.325": 2.496801536282269, "q_0.35": 2.5917377746347263, "q_0.375": 2.668293863082787, "q_0.4": 2.7252740794696506, "q_0.425": 2.786438473486531, "q_0.45": 2.9006328592899173, "q_0.475": 2.965919343029246, "q_0.5": 3.0253373082851653, "q_0.525": 3.122122251245532, "q_0.55": 3.2117805731313727, "q_0.575": 3.2734615334866, "q_0.6": 3.3494368325860044, "q_0.625": 3.4013624607582162, "q_0.65": 3.4359324553135027, "q_0.675": 3.495149857235451, "q_0.7": 3.566008808437526, "q_0.725": 3.6147308455352865, "q_0.75": 3.6703389175486167, "q_0.775": 3.720078071236834, "q_0.8": 3.7796313450647516, "q_0.825": 3.8212020589615934, "q_0.85": 3.9095596691147443, "q_0.875": 3.9550928641618697, "q_0.9": 4.023615283076078, "q_0.925": 4.1068807620061225, "q_0.95": 4.170168813253846, "q_0.975": 4.3653321569812, "q_1": 4.767619077388904}, {"x": 24.729891956782716, "y": 3.9268909670051806, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.649576965319697, "q_0.025": 1.8865015736714692, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1905071218050285, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.378039305913013, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6808881594079543, "q_0.4": 2.7541570651421017, "q_0.425": 2.8837922146436323, "q_0.45": 2.905615710123424, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.148360344528845, "q_0.55": 3.2231726939355, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5203231507104635, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7002354515412668, "q_0.775": 3.7491662525253835, "q_0.8": 3.7913710112124965, "q_0.825": 3.8570920487176004, "q_0.85": 3.9268909670051806, "q_0.875": 3.974268046084235, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 24.769907963185275, "y": 2.4981635938906557, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.7491662525253835, "q_0.8": 3.792510752561383, "q_0.825": 3.865423235726951, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 24.809923969587835, "y": 4.170168813253846, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.7491662525253835, "q_0.8": 3.792510752561383, "q_0.825": 3.865423235726951, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 24.8499399759904, "y": 3.7571756657981075, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.7491662525253835, "q_0.8": 3.792510752561383, "q_0.825": 3.865423235726951, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 24.88995598239296, "y": 1.9492179919138157, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.7491662525253835, "q_0.8": 3.792510752561383, "q_0.825": 3.865423235726951, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 24.92997198879552, "y": 3.279489701135157, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.7491662525253835, "q_0.8": 3.792510752561383, "q_0.825": 3.865423235726951, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 24.969987995198082, "y": 3.2675005831610826, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.7491662525253835, "q_0.8": 3.792510752561383, "q_0.825": 3.865423235726951, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 25.01000400160064, "y": 2.318713451502994, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.7491662525253835, "q_0.8": 3.792510752561383, "q_0.825": 3.865423235726951, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 25.0500200080032, "y": 2.663926777311072, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.7491662525253835, "q_0.8": 3.792510752561383, "q_0.825": 3.865423235726951, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 25.090036014405765, "y": 2.987541012660218, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.613141023924022, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.7491662525253835, "q_0.8": 3.792510752561383, "q_0.825": 3.865423235726951, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.398564135824883, "q_1": 4.767619077388904}, {"x": 25.130052020808325, "y": 1.9192845235886042, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1905071218050285, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.6463215474857016, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.756064033273435, "q_0.8": 3.792510752561383, "q_0.825": 3.902951553828625, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.407294961688546, "q_1": 4.767619077388904}, {"x": 25.170068027210885, "y": 2.1853471070035178, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1905071218050285, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.6463215474857016, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.756064033273435, "q_0.8": 3.792510752561383, "q_0.825": 3.902951553828625, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.407294961688546, "q_1": 4.767619077388904}, {"x": 25.210084033613445, "y": 2.2233711475956004, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1905071218050285, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.6463215474857016, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.756064033273435, "q_0.8": 3.792510752561383, "q_0.825": 3.902951553828625, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.407294961688546, "q_1": 4.767619077388904}, {"x": 25.250100040016008, "y": 2.786438473486531, "y_pred": 3.0273644148069776, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.9309788629699098, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.11558631595738, "q_0.15": 2.1905071218050285, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.4170340648268227, "q_0.3": 2.4748272866028125, "q_0.325": 2.5421714929704304, "q_0.35": 2.6463215474857016, "q_0.375": 2.6870200566440694, "q_0.4": 2.7541570651421017, "q_0.425": 2.885771395438066, "q_0.45": 2.9088364315966055, "q_0.475": 2.986521221820581, "q_0.5": 3.0273644148069776, "q_0.525": 3.157828549901804, "q_0.55": 3.2435609496229434, "q_0.575": 3.309653692705213, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.5245450211353173, "q_0.7": 3.5715370135184616, "q_0.725": 3.6322691902566353, "q_0.75": 3.7003907466932233, "q_0.775": 3.756064033273435, "q_0.8": 3.792510752561383, "q_0.825": 3.902951553828625, "q_0.85": 3.9268909670051806, "q_0.875": 3.9796008373914473, "q_0.9": 4.053811225269878, "q_0.925": 4.1248979890079145, "q_0.95": 4.199848775004261, "q_0.975": 4.407294961688546, "q_1": 4.767619077388904}, {"x": 25.290116046418568, "y": 3.7496963013279094, "y_pred": 3.027945289300058, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8879114986662764, "q_0.05": 1.936662933668477, "q_0.075": 1.9711446208734211, "q_0.1": 2.0344093317192424, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.2233711475956004, "q_0.2": 2.253246502896806, "q_0.225": 2.3146396154867976, "q_0.25": 2.379342960646159, "q_0.275": 2.429426750821424, "q_0.3": 2.4748682988523942, "q_0.325": 2.5421714929704304, "q_0.35": 2.6463215474857016, "q_0.375": 2.690098446132405, "q_0.4": 2.783567202157163, "q_0.425": 2.885771395438066, "q_0.45": 2.9212385010011017, "q_0.475": 2.986521221820581, "q_0.5": 3.027945289300058, "q_0.525": 3.157828549901804, "q_0.55": 3.247672616839975, "q_0.575": 3.3183542294418134, "q_0.6": 3.3552660277039834, "q_0.625": 3.4046712897770495, "q_0.65": 3.460687561603477, "q_0.675": 3.530125941651888, "q_0.7": 3.590302587504638, "q_0.725": 3.6415485318169702, "q_0.75": 3.702986699791204, "q_0.775": 3.756064033273435, "q_0.8": 3.793830888280943, "q_0.825": 3.902951553828625, "q_0.85": 3.9319023165796763, "q_0.875": 3.9796008373914473, "q_0.9": 4.0714414255033775, "q_0.925": 4.134065512562791, "q_0.95": 4.199848775004261, "q_0.975": 4.407294961688546, "q_1": 4.767619077388904}, {"x": 25.330132052821128, "y": 3.9709569051798512, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.37014805922369, "y": 2.223950019440938, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.41016406562625, "y": 3.766859248185666, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.45018007202881, "y": 3.555941893279088, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.490196078431374, "y": 4.134065512562791, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.530212084833934, "y": 4.340814801489661, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.570228091236494, "y": 2.127698836555933, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.610244097639058, "y": 2.0135902135722845, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.650260104041617, "y": 3.902951553828625, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.690276110444177, "y": 2.229295320561961, "y_pred": 3.0621236357191126, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.97134094507356, "q_0.1": 2.04543075400701, "q_0.125": 2.124096677937921, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2659820643961868, "q_0.225": 2.3153809790481863, "q_0.25": 2.382681027184651, "q_0.275": 2.4547633026902496, "q_0.3": 2.484755110951135, "q_0.325": 2.5730586749554183, "q_0.35": 2.663926777311072, "q_0.375": 2.7244289655061595, "q_0.4": 2.786438473486531, "q_0.425": 2.887732869733995, "q_0.45": 2.950780802798181, "q_0.475": 2.987541012660218, "q_0.5": 3.0621236357191126, "q_0.525": 3.1983825601362144, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.3823525524652656, "q_0.625": 3.4128881529918504, "q_0.65": 3.46625577767469, "q_0.675": 3.5419679766409953, "q_0.7": 3.590302587504638, "q_0.725": 3.6462269616838245, "q_0.75": 3.720078071236834, "q_0.775": 3.7571756657981075, "q_0.8": 3.8212020589615934, "q_0.825": 3.9095596691147443, "q_0.85": 3.953925754882873, "q_0.875": 4.008720357673253, "q_0.9": 4.0742237600893345, "q_0.925": 4.154812452147601, "q_0.95": 4.268951518844273, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.73029211684674, "y": 2.3153809790481863, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1919776458948323, "q_0.175": 2.223950019440938, "q_0.2": 2.2686469003495104, "q_0.225": 2.3153809790481863, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.488590119858136, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7252740794696506, "q_0.4": 2.786438473486531, "q_0.425": 2.9006328592899173, "q_0.45": 2.965197026856022, "q_0.475": 3.0016595769909005, "q_0.5": 3.09733409211609, "q_0.525": 3.2012252710124636, "q_0.55": 3.2675005831610826, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.4176492141237844, "q_0.65": 3.46625577767469, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6463227680354446, "q_0.75": 3.720078071236834, "q_0.775": 3.7796313450647516, "q_0.8": 3.8483805452575797, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.023615283076078, "q_0.9": 4.083042250794794, "q_0.925": 4.170168813253846, "q_0.95": 4.276668090847616, "q_0.975": 4.453833421672142, "q_1": 4.951913791281355}, {"x": 25.7703081232493, "y": 4.1248979890079145, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2686469003495104, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.496801536282269, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7253514483783317, "q_0.4": 2.8300827058507037, "q_0.425": 2.9006328592899173, "q_0.45": 2.983802892665897, "q_0.475": 3.0023326689433887, "q_0.5": 3.09733409211609, "q_0.525": 3.2063934018989553, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.46625577767469, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.720078071236834, "q_0.775": 3.7796313450647516, "q_0.8": 3.8483805452575797, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 25.81032412965186, "y": 4.276668090847616, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2686469003495104, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.496801536282269, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7253514483783317, "q_0.4": 2.8300827058507037, "q_0.425": 2.9006328592899173, "q_0.45": 2.983802892665897, "q_0.475": 3.0023326689433887, "q_0.5": 3.09733409211609, "q_0.525": 3.2063934018989553, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.46625577767469, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.720078071236834, "q_0.775": 3.7796313450647516, "q_0.8": 3.8483805452575797, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 25.850340136054424, "y": 2.6444725371274367, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2686469003495104, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.496801536282269, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7253514483783317, "q_0.4": 2.8300827058507037, "q_0.425": 2.9006328592899173, "q_0.45": 2.983802892665897, "q_0.475": 3.0023326689433887, "q_0.5": 3.09733409211609, "q_0.525": 3.2063934018989553, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.46625577767469, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.720078071236834, "q_0.775": 3.7796313450647516, "q_0.8": 3.8483805452575797, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 25.890356142456984, "y": 4.025587401705344, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2686469003495104, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.496801536282269, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7253514483783317, "q_0.4": 2.8300827058507037, "q_0.425": 2.9006328592899173, "q_0.45": 2.983802892665897, "q_0.475": 3.0023326689433887, "q_0.5": 3.09733409211609, "q_0.525": 3.2063934018989553, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.46625577767469, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.720078071236834, "q_0.775": 3.7796313450647516, "q_0.8": 3.8483805452575797, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 25.930372148859544, "y": 4.0714414255033775, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2686469003495104, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.496801536282269, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7253514483783317, "q_0.4": 2.8300827058507037, "q_0.425": 2.9006328592899173, "q_0.45": 2.983802892665897, "q_0.475": 3.0023326689433887, "q_0.5": 3.09733409211609, "q_0.525": 3.2063934018989553, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.46625577767469, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.720078071236834, "q_0.775": 3.7796313450647516, "q_0.8": 3.8483805452575797, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 25.970388155262107, "y": 3.4046712897770495, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.4981635938906557, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7482574403887723, "q_0.4": 2.8507806336042902, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.010404161664667, "y": 3.3024454413834796, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.4981635938906557, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7482574403887723, "q_0.4": 2.8507806336042902, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.050420168067227, "y": 3.3296445072915564, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.4981635938906557, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7482574403887723, "q_0.4": 2.8507806336042902, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.09043617446979, "y": 2.605670703771356, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.4981635938906557, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7482574403887723, "q_0.4": 2.8507806336042902, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.13045218087235, "y": 3.4463227805046746, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.4981635938906557, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7482574403887723, "q_0.4": 2.8507806336042902, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.17046818727491, "y": 2.455161297797124, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.4981635938906557, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7482574403887723, "q_0.4": 2.8507806336042902, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.210484193677473, "y": 2.2816117251390278, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.4981635938906557, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7482574403887723, "q_0.4": 2.8507806336042902, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.250500200080033, "y": 2.905615710123424, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.4981635938906557, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7482574403887723, "q_0.4": 2.8507806336042902, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.290516206482593, "y": 3.682655209129065, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1664529559971624, "q_0.15": 2.1927416175421937, "q_0.175": 2.223950019440938, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.392466255602696, "q_0.275": 2.455161297797124, "q_0.3": 2.4981635938906557, "q_0.325": 2.5917377746347263, "q_0.35": 2.668293863082787, "q_0.375": 2.7482574403887723, "q_0.4": 2.8507806336042902, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.401155945099232, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.5521547230937136, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.1068807620061225, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.330532212885156, "y": 3.460687561603477, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1739247036810907, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.4028755615933397, "q_0.275": 2.471488206433124, "q_0.3": 2.4981635938906557, "q_0.325": 2.605670703771356, "q_0.35": 2.6808881594079543, "q_0.375": 2.7503390983803193, "q_0.4": 2.8837922146436323, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.4013624607582162, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.118021424074704, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.370548219287716, "y": 4.373111437962734, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1739247036810907, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.4028755615933397, "q_0.275": 2.471488206433124, "q_0.3": 2.4981635938906557, "q_0.325": 2.605670703771356, "q_0.35": 2.6808881594079543, "q_0.375": 2.7503390983803193, "q_0.4": 2.8837922146436323, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.4013624607582162, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.118021424074704, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.410564225690276, "y": 3.530125941651888, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1739247036810907, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.4028755615933397, "q_0.275": 2.471488206433124, "q_0.3": 2.4981635938906557, "q_0.325": 2.605670703771356, "q_0.35": 2.6808881594079543, "q_0.375": 2.7503390983803193, "q_0.4": 2.8837922146436323, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.4013624607582162, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.118021424074704, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.45058023209284, "y": 2.1905071218050285, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1739247036810907, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.4028755615933397, "q_0.275": 2.471488206433124, "q_0.3": 2.4981635938906557, "q_0.325": 2.605670703771356, "q_0.35": 2.6808881594079543, "q_0.375": 2.7503390983803193, "q_0.4": 2.8837922146436323, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.4013624607582162, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.118021424074704, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.4905962384954, "y": 2.2442125503622727, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1739247036810907, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.4028755615933397, "q_0.275": 2.471488206433124, "q_0.3": 2.4981635938906557, "q_0.325": 2.605670703771356, "q_0.35": 2.6808881594079543, "q_0.375": 2.7503390983803193, "q_0.4": 2.8837922146436323, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.4013624607582162, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.118021424074704, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.53061224489796, "y": 2.063936806561931, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1739247036810907, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.4028755615933397, "q_0.275": 2.471488206433124, "q_0.3": 2.4981635938906557, "q_0.325": 2.605670703771356, "q_0.35": 2.6808881594079543, "q_0.375": 2.7503390983803193, "q_0.4": 2.8837922146436323, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0233510508125065, "q_0.5": 3.09733409211609, "q_0.525": 3.211179413909586, "q_0.55": 3.2734615334866, "q_0.575": 3.3296445072915564, "q_0.6": 3.4013624607582162, "q_0.625": 3.418983029601323, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6080736861576215, "q_0.725": 3.6621945673308955, "q_0.75": 3.7260945790478277, "q_0.775": 3.7796313450647516, "q_0.8": 3.8504047089770763, "q_0.825": 3.920253225994105, "q_0.85": 3.9709569051798512, "q_0.875": 4.050013980166575, "q_0.9": 4.118021424074704, "q_0.925": 4.170168813253846, "q_0.95": 4.291161428335633, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.570628251300523, "y": 2.3255866273098316, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8899526033401959, "q_0.05": 1.94549211429443, "q_0.075": 1.9726060625734914, "q_0.1": 2.04543075400701, "q_0.125": 2.1739247036810907, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2816117251390278, "q_0.225": 2.3160802280467, "q_0.25": 2.4028755615933397, "q_0.275": 2.471488206433124, "q_0.3": 2.4981635938906557, "q_0.325": 2.605670703771356, "q_0.35": 2.6808881594079543, "q_0.375": 2.7541570651421017, "q_0.4": 2.8837922146436323, "q_0.425": 2.905615710123424, "q_0.45": 2.983802892665897, "q_0.475": 3.0253373082851653, "q_0.5": 3.09733409211609, "q_0.525": 3.2117805731313727, "q_0.55": 3.2734615334866, "q_0.575": 3.343579605074459, "q_0.6": 3.4013624607582162, "q_0.625": 3.4203469675267444, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6103589315542504, "q_0.725": 3.666975236297665, "q_0.75": 3.7459235564656, "q_0.775": 3.786445269904908, "q_0.8": 3.8570920487176004, "q_0.825": 3.9268909670051806, "q_0.85": 3.974268046084235, "q_0.875": 4.050013980166575, "q_0.9": 4.118021424074704, "q_0.925": 4.184335582340923, "q_0.95": 4.306950883682711, "q_0.975": 4.462326526695686, "q_1": 4.951913791281355}, {"x": 26.610644257703083, "y": 3.408768545524527, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8927232612161506, "q_0.05": 1.94549211429443, "q_0.075": 1.9771446301476692, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471488206433124, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9088364315966055, "q_0.45": 2.9864309924590415, "q_0.475": 3.0253373082851653, "q_0.5": 3.09733409211609, "q_0.525": 3.2231726939355, "q_0.55": 3.2840751745218855, "q_0.575": 3.353391306973348, "q_0.6": 3.4013624607582162, "q_0.625": 3.4203469675267444, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.865423235726951, "q_0.825": 3.9268909670051806, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.306950883682711, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 26.650660264105642, "y": 4.050013980166575, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8927232612161506, "q_0.05": 1.94549211429443, "q_0.075": 1.9771446301476692, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471488206433124, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9088364315966055, "q_0.45": 2.9864309924590415, "q_0.475": 3.0253373082851653, "q_0.5": 3.09733409211609, "q_0.525": 3.2231726939355, "q_0.55": 3.2840751745218855, "q_0.575": 3.353391306973348, "q_0.6": 3.4013624607582162, "q_0.625": 3.4203469675267444, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.865423235726951, "q_0.825": 3.9268909670051806, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.306950883682711, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 26.690676270508206, "y": 4.199848775004261, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8927232612161506, "q_0.05": 1.94549211429443, "q_0.075": 1.9771446301476692, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471488206433124, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9088364315966055, "q_0.45": 2.9864309924590415, "q_0.475": 3.0253373082851653, "q_0.5": 3.09733409211609, "q_0.525": 3.2231726939355, "q_0.55": 3.2840751745218855, "q_0.575": 3.353391306973348, "q_0.6": 3.4013624607582162, "q_0.625": 3.4203469675267444, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.865423235726951, "q_0.825": 3.9268909670051806, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.306950883682711, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 26.730692276910766, "y": 2.885771395438066, "y_pred": 3.09733409211609, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8927232612161506, "q_0.05": 1.94549211429443, "q_0.075": 1.9771446301476692, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.1927416175421937, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471488206433124, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9088364315966055, "q_0.45": 2.9864309924590415, "q_0.475": 3.0253373082851653, "q_0.5": 3.09733409211609, "q_0.525": 3.2231726939355, "q_0.55": 3.2840751745218855, "q_0.575": 3.353391306973348, "q_0.6": 3.4013624607582162, "q_0.625": 3.4203469675267444, "q_0.65": 3.4680774029695485, "q_0.675": 3.552408034873406, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.865423235726951, "q_0.825": 3.9268909670051806, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.306950883682711, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 26.770708283313326, "y": 3.309653692705213, "y_pred": 3.122122251245532, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471713372020629, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.122122251245532, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4203469675267444, "q_0.65": 3.4869689450100205, "q_0.675": 3.561037875908926, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.3653321569812, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 26.81072428971589, "y": 3.9796008373914473, "y_pred": 3.122122251245532, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471713372020629, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.122122251245532, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4203469675267444, "q_0.65": 3.4869689450100205, "q_0.675": 3.561037875908926, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.3653321569812, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 26.85074029611845, "y": 2.6545172612521584, "y_pred": 3.122122251245532, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471713372020629, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.122122251245532, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4203469675267444, "q_0.65": 3.4869689450100205, "q_0.675": 3.561037875908926, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.3653321569812, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 26.89075630252101, "y": 3.4128881529918504, "y_pred": 3.122122251245532, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471713372020629, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.122122251245532, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4203469675267444, "q_0.65": 3.4869689450100205, "q_0.675": 3.561037875908926, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.3653321569812, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 26.930772308923572, "y": 2.2879586126453453, "y_pred": 3.122122251245532, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471713372020629, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.122122251245532, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4203469675267444, "q_0.65": 3.4869689450100205, "q_0.675": 3.561037875908926, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.3653321569812, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 26.970788315326132, "y": 3.09733409211609, "y_pred": 3.122122251245532, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471713372020629, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.122122251245532, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4203469675267444, "q_0.65": 3.4869689450100205, "q_0.675": 3.561037875908926, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.3653321569812, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 27.010804321728692, "y": 2.2869817001809967, "y_pred": 3.122122251245532, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471713372020629, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.122122251245532, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4203469675267444, "q_0.65": 3.4869689450100205, "q_0.675": 3.561037875908926, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.3653321569812, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 27.050820328131252, "y": 3.0621236357191126, "y_pred": 3.122122251245532, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471713372020629, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.122122251245532, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4203469675267444, "q_0.65": 3.4869689450100205, "q_0.675": 3.561037875908926, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.3653321569812, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 27.090836334533815, "y": 2.887732869733995, "y_pred": 3.122122251245532, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.229295320561961, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4145349391087643, "q_0.275": 2.471713372020629, "q_0.3": 2.5421714929704304, "q_0.325": 2.613141023924022, "q_0.35": 2.6870200566440694, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.122122251245532, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4203469675267444, "q_0.65": 3.4869689450100205, "q_0.675": 3.561037875908926, "q_0.7": 3.6103589315542504, "q_0.725": 3.6703389175486167, "q_0.75": 3.7459235564656, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.053811225269878, "q_0.9": 4.1248979890079145, "q_0.925": 4.192343117035323, "q_0.95": 4.3653321569812, "q_0.975": 4.4806014856332075, "q_1": 4.951913791281355}, {"x": 27.130852340936375, "y": 2.986521221820581, "y_pred": 3.13805549654208, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2415368825294557, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4170340648268227, "q_0.275": 2.4748272866028125, "q_0.3": 2.549096452515171, "q_0.325": 2.613141023924022, "q_0.35": 2.690098446132405, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.13805549654208, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.4869689450100205, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.6703389175486167, "q_0.75": 3.7467342304805444, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.0539435948763005, "q_0.9": 4.1248979890079145, "q_0.925": 4.199661133555053, "q_0.95": 4.3653321569812, "q_0.975": 4.484454122060825, "q_1": 4.951913791281355}, {"x": 27.170868347338935, "y": 2.4797288481896933, "y_pred": 3.13805549654208, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2415368825294557, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4170340648268227, "q_0.275": 2.4748272866028125, "q_0.3": 2.549096452515171, "q_0.325": 2.613141023924022, "q_0.35": 2.690098446132405, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.13805549654208, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.4869689450100205, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.6703389175486167, "q_0.75": 3.7467342304805444, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.0539435948763005, "q_0.9": 4.1248979890079145, "q_0.925": 4.199661133555053, "q_0.95": 4.3653321569812, "q_0.975": 4.484454122060825, "q_1": 4.951913791281355}, {"x": 27.2108843537415, "y": 2.1919776458948323, "y_pred": 3.13805549654208, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2415368825294557, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4170340648268227, "q_0.275": 2.4748272866028125, "q_0.3": 2.549096452515171, "q_0.325": 2.613141023924022, "q_0.35": 2.690098446132405, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.13805549654208, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.4869689450100205, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.6703389175486167, "q_0.75": 3.7467342304805444, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.0539435948763005, "q_0.9": 4.1248979890079145, "q_0.925": 4.199661133555053, "q_0.95": 4.3653321569812, "q_0.975": 4.484454122060825, "q_1": 4.951913791281355}, {"x": 27.25090036014406, "y": 2.5673531997877586, "y_pred": 3.13805549654208, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2415368825294557, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4170340648268227, "q_0.275": 2.4748272866028125, "q_0.3": 2.549096452515171, "q_0.325": 2.613141023924022, "q_0.35": 2.690098446132405, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.13805549654208, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.4869689450100205, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.6703389175486167, "q_0.75": 3.7467342304805444, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.0539435948763005, "q_0.9": 4.1248979890079145, "q_0.925": 4.199661133555053, "q_0.95": 4.3653321569812, "q_0.975": 4.484454122060825, "q_1": 4.951913791281355}, {"x": 27.290916366546618, "y": 2.471488206433124, "y_pred": 3.13805549654208, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2415368825294557, "q_0.2": 2.2869817001809967, "q_0.225": 2.3248460022236523, "q_0.25": 2.4170340648268227, "q_0.275": 2.4748272866028125, "q_0.3": 2.549096452515171, "q_0.325": 2.613141023924022, "q_0.35": 2.690098446132405, "q_0.375": 2.783567202157163, "q_0.4": 2.885771395438066, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.13805549654208, "q_0.525": 3.2435609496229434, "q_0.55": 3.309653692705213, "q_0.575": 3.353391306973348, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.4869689450100205, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.6703389175486167, "q_0.75": 3.7467342304805444, "q_0.775": 3.7913710112124965, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.9796008373914473, "q_0.875": 4.0539435948763005, "q_0.9": 4.1248979890079145, "q_0.925": 4.199661133555053, "q_0.95": 4.3653321569812, "q_0.975": 4.484454122060825, "q_1": 4.951913791281355}, {"x": 27.33093237294918, "y": 3.8009882456968307, "y_pred": 3.13805549654208, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.2869817001809967, "q_0.225": 2.3390693903909536, "q_0.25": 2.4170340648268227, "q_0.275": 2.4748272866028125, "q_0.3": 2.549096452515171, "q_0.325": 2.6463215474857016, "q_0.35": 2.6926217886902015, "q_0.375": 2.7852898547316287, "q_0.4": 2.8871138245803345, "q_0.425": 2.9212385010011017, "q_0.45": 2.986521221820581, "q_0.475": 3.0273644148069776, "q_0.5": 3.13805549654208, "q_0.525": 3.247672616839975, "q_0.55": 3.309653692705213, "q_0.575": 3.3552660277039834, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.491032646272281, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.694864713592013, "q_0.75": 3.7491662525253835, "q_0.775": 3.793830888280943, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.996793693119765, "q_0.875": 4.054023016640153, "q_0.9": 4.1248979890079145, "q_0.925": 4.199848775004261, "q_0.95": 4.3653321569812, "q_0.975": 4.4913859201078745, "q_1": 4.951913791281355}, {"x": 27.37094837935174, "y": 3.756064033273435, "y_pred": 3.1390074757796294, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.2869817001809967, "q_0.225": 2.3390693903909536, "q_0.25": 2.4197104341694473, "q_0.275": 2.4748682988523942, "q_0.3": 2.549096452515171, "q_0.325": 2.6463215474857016, "q_0.35": 2.6926217886902015, "q_0.375": 2.7852898547316287, "q_0.4": 2.8871138245803345, "q_0.425": 2.9280320315353277, "q_0.45": 2.986521221820581, "q_0.475": 3.027945289300058, "q_0.5": 3.1390074757796294, "q_0.525": 3.247672616839975, "q_0.55": 3.309653692705213, "q_0.575": 3.3552660277039834, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.491032646272281, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.694864713592013, "q_0.75": 3.7491662525253835, "q_0.775": 3.793830888280943, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.996793693119765, "q_0.875": 4.054023016640153, "q_0.9": 4.1248979890079145, "q_0.925": 4.199848775004261, "q_0.95": 4.3653321569812, "q_0.975": 4.497057391237302, "q_1": 4.951913791281355}, {"x": 27.4109643857543, "y": 3.4014855749733646, "y_pred": 3.1390074757796294, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.2869817001809967, "q_0.225": 2.3390693903909536, "q_0.25": 2.4197104341694473, "q_0.275": 2.4748682988523942, "q_0.3": 2.549096452515171, "q_0.325": 2.6463215474857016, "q_0.35": 2.6926217886902015, "q_0.375": 2.7852898547316287, "q_0.4": 2.8871138245803345, "q_0.425": 2.9280320315353277, "q_0.45": 2.986521221820581, "q_0.475": 3.027945289300058, "q_0.5": 3.1390074757796294, "q_0.525": 3.247672616839975, "q_0.55": 3.309653692705213, "q_0.575": 3.3552660277039834, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.491032646272281, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.694864713592013, "q_0.75": 3.7491662525253835, "q_0.775": 3.793830888280943, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.996793693119765, "q_0.875": 4.054023016640153, "q_0.9": 4.1248979890079145, "q_0.925": 4.199848775004261, "q_0.95": 4.3653321569812, "q_0.975": 4.497057391237302, "q_1": 4.951913791281355}, {"x": 27.450980392156865, "y": 2.0765285050986, "y_pred": 3.1390074757796294, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.2869817001809967, "q_0.225": 2.3390693903909536, "q_0.25": 2.4197104341694473, "q_0.275": 2.4748682988523942, "q_0.3": 2.549096452515171, "q_0.325": 2.6463215474857016, "q_0.35": 2.6926217886902015, "q_0.375": 2.7852898547316287, "q_0.4": 2.8871138245803345, "q_0.425": 2.9280320315353277, "q_0.45": 2.986521221820581, "q_0.475": 3.027945289300058, "q_0.5": 3.1390074757796294, "q_0.525": 3.247672616839975, "q_0.55": 3.309653692705213, "q_0.575": 3.3552660277039834, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.491032646272281, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.694864713592013, "q_0.75": 3.7491662525253835, "q_0.775": 3.793830888280943, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.996793693119765, "q_0.875": 4.054023016640153, "q_0.9": 4.1248979890079145, "q_0.925": 4.199848775004261, "q_0.95": 4.3653321569812, "q_0.975": 4.497057391237302, "q_1": 4.951913791281355}, {"x": 27.490996398559425, "y": 3.3552660277039834, "y_pred": 3.1390074757796294, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.2869817001809967, "q_0.225": 2.3390693903909536, "q_0.25": 2.4197104341694473, "q_0.275": 2.4748682988523942, "q_0.3": 2.549096452515171, "q_0.325": 2.6463215474857016, "q_0.35": 2.6926217886902015, "q_0.375": 2.7852898547316287, "q_0.4": 2.8871138245803345, "q_0.425": 2.9280320315353277, "q_0.45": 2.986521221820581, "q_0.475": 3.027945289300058, "q_0.5": 3.1390074757796294, "q_0.525": 3.247672616839975, "q_0.55": 3.309653692705213, "q_0.575": 3.3552660277039834, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.491032646272281, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.694864713592013, "q_0.75": 3.7491662525253835, "q_0.775": 3.793830888280943, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.996793693119765, "q_0.875": 4.054023016640153, "q_0.9": 4.1248979890079145, "q_0.925": 4.199848775004261, "q_0.95": 4.3653321569812, "q_0.975": 4.497057391237302, "q_1": 4.951913791281355}, {"x": 27.531012404961984, "y": 2.04543075400701, "y_pred": 3.1390074757796294, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.2869817001809967, "q_0.225": 2.3390693903909536, "q_0.25": 2.4197104341694473, "q_0.275": 2.4748682988523942, "q_0.3": 2.549096452515171, "q_0.325": 2.6463215474857016, "q_0.35": 2.6926217886902015, "q_0.375": 2.7852898547316287, "q_0.4": 2.8871138245803345, "q_0.425": 2.9280320315353277, "q_0.45": 2.986521221820581, "q_0.475": 3.027945289300058, "q_0.5": 3.1390074757796294, "q_0.525": 3.247672616839975, "q_0.55": 3.309653692705213, "q_0.575": 3.3552660277039834, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.491032646272281, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.694864713592013, "q_0.75": 3.7491662525253835, "q_0.775": 3.793830888280943, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.996793693119765, "q_0.875": 4.054023016640153, "q_0.9": 4.1248979890079145, "q_0.925": 4.199848775004261, "q_0.95": 4.3653321569812, "q_0.975": 4.497057391237302, "q_1": 4.951913791281355}, {"x": 27.571028411364548, "y": 1.8816631177832204, "y_pred": 3.1390074757796294, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.2869817001809967, "q_0.225": 2.3390693903909536, "q_0.25": 2.4197104341694473, "q_0.275": 2.4748682988523942, "q_0.3": 2.549096452515171, "q_0.325": 2.6463215474857016, "q_0.35": 2.6926217886902015, "q_0.375": 2.7852898547316287, "q_0.4": 2.8871138245803345, "q_0.425": 2.9280320315353277, "q_0.45": 2.986521221820581, "q_0.475": 3.027945289300058, "q_0.5": 3.1390074757796294, "q_0.525": 3.247672616839975, "q_0.55": 3.309653692705213, "q_0.575": 3.3552660277039834, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.491032646272281, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.694864713592013, "q_0.75": 3.7491662525253835, "q_0.775": 3.793830888280943, "q_0.8": 3.902951553828625, "q_0.825": 3.9319023165796763, "q_0.85": 3.996793693119765, "q_0.875": 4.054023016640153, "q_0.9": 4.1248979890079145, "q_0.925": 4.199848775004261, "q_0.95": 4.3653321569812, "q_0.975": 4.497057391237302, "q_1": 4.951913791281355}, {"x": 27.611044417767108, "y": 2.783567202157163, "y_pred": 3.142439353581243, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.291548649680823, "q_0.225": 2.3580595505422157, "q_0.25": 2.429426750821424, "q_0.275": 2.4748682988523942, "q_0.3": 2.549096452515171, "q_0.325": 2.6463215474857016, "q_0.35": 2.6973752128664303, "q_0.375": 2.7852898547316287, "q_0.4": 2.887732869733995, "q_0.425": 2.9482359182540043, "q_0.45": 2.987541012660218, "q_0.475": 3.027945289300058, "q_0.5": 3.142439353581243, "q_0.525": 3.247672616839975, "q_0.55": 3.309653692705213, "q_0.575": 3.3552660277039834, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.495149857235451, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.7003907466932233, "q_0.75": 3.756064033273435, "q_0.775": 3.793830888280943, "q_0.8": 3.902951553828625, "q_0.825": 3.939720545367994, "q_0.85": 3.996793693119765, "q_0.875": 4.054023016640153, "q_0.9": 4.134065512562791, "q_0.925": 4.199848775004261, "q_0.95": 4.3653321569812, "q_0.975": 4.501742211298699, "q_1": 4.951913791281355}, {"x": 27.651060424169668, "y": 2.482522428427954, "y_pred": 3.142439353581243, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.94549211429443, "q_0.075": 1.977190641210023, "q_0.1": 2.0588700055251516, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.291548649680823, "q_0.225": 2.3580595505422157, "q_0.25": 2.429426750821424, "q_0.275": 2.4748682988523942, "q_0.3": 2.549096452515171, "q_0.325": 2.6463215474857016, "q_0.35": 2.6973752128664303, "q_0.375": 2.7852898547316287, "q_0.4": 2.887732869733995, "q_0.425": 2.9482359182540043, "q_0.45": 2.987541012660218, "q_0.475": 3.027945289300058, "q_0.5": 3.142439353581243, "q_0.525": 3.247672616839975, "q_0.55": 3.309653692705213, "q_0.575": 3.3552660277039834, "q_0.6": 3.4014855749733646, "q_0.625": 3.4463227805046746, "q_0.65": 3.495149857235451, "q_0.675": 3.562263916856411, "q_0.7": 3.6147308455352865, "q_0.725": 3.7003907466932233, "q_0.75": 3.756064033273435, "q_0.775": 3.793830888280943, "q_0.8": 3.902951553828625, "q_0.825": 3.939720545367994, "q_0.85": 3.996793693119765, "q_0.875": 4.054023016640153, "q_0.9": 4.134065512562791, "q_0.925": 4.199848775004261, "q_0.95": 4.3653321569812, "q_0.975": 4.501742211298699, "q_1": 4.951913791281355}, {"x": 27.69107643057223, "y": 3.4387172031672213, "y_pred": 3.157828549901804, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 1.977190641210023, "q_0.1": 2.063936806561931, "q_0.125": 2.1853471070035178, "q_0.15": 2.198273848926883, "q_0.175": 2.2442125503622727, "q_0.2": 2.3057062865961773, "q_0.225": 2.379342960646159, "q_0.25": 2.445337631344143, "q_0.275": 2.488590119858136, "q_0.3": 2.5730586749554183, "q_0.325": 2.6672118144933243, "q_0.35": 2.7244289655061595, "q_0.375": 2.786438473486531, "q_0.4": 2.8887254865875134, "q_0.425": 2.965197026856022, "q_0.45": 2.987541012660218, "q_0.475": 3.0581633303894216, "q_0.5": 3.157828549901804, "q_0.525": 3.2642043964528042, "q_0.55": 3.3286306980272906, "q_0.575": 3.3552660277039834, "q_0.6": 3.4046712897770495, "q_0.625": 3.4463227805046746, "q_0.65": 3.495149857235451, "q_0.675": 3.566008808437526, "q_0.7": 3.6322691902566353, "q_0.725": 3.702986699791204, "q_0.75": 3.756064033273435, "q_0.775": 3.8097834121875263, "q_0.8": 3.906366733050187, "q_0.825": 3.953925754882873, "q_0.85": 3.996793693119765, "q_0.875": 4.0714414255033775, "q_0.9": 4.134065512562791, "q_0.925": 4.199848775004261, "q_0.95": 4.392337762588066, "q_0.975": 4.501742211298699, "q_1": 4.951913791281355}, {"x": 27.73109243697479, "y": 4.341592270088906, "y_pred": 3.2117805731313727, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.063936806561931, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2686469003495104, "q_0.2": 2.3158594942098008, "q_0.225": 2.4028755615933397, "q_0.25": 2.471488206433124, "q_0.275": 2.5421714929704304, "q_0.3": 2.613141023924022, "q_0.325": 2.6870200566440694, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9088364315966055, "q_0.425": 2.984716634589762, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2117805731313727, "q_0.525": 3.2734615334866, "q_0.55": 3.3296445072915564, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.530125941651888, "q_0.675": 3.6080736861576215, "q_0.7": 3.6462269616838245, "q_0.725": 3.726517185255917, "q_0.75": 3.7796313450647516, "q_0.775": 3.8570920487176004, "q_0.8": 3.920253225994105, "q_0.825": 3.9709569051798512, "q_0.85": 4.050013980166575, "q_0.875": 4.1068807620061225, "q_0.9": 4.183329504286376, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 27.77110844337735, "y": 3.7796313450647516, "y_pred": 3.2231726939355, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.081307583769472, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.471488206433124, "q_0.275": 2.5421714929704304, "q_0.3": 2.613141023924022, "q_0.325": 2.6870200566440694, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2231726939355, "q_0.525": 3.2906937344093983, "q_0.55": 3.343579605074459, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7796313450647516, "q_0.775": 3.8570920487176004, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 27.811124449779914, "y": 3.9095596691147443, "y_pred": 3.2231726939355, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.081307583769472, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.471488206433124, "q_0.275": 2.5421714929704304, "q_0.3": 2.613141023924022, "q_0.325": 2.6870200566440694, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2231726939355, "q_0.525": 3.2906937344093983, "q_0.55": 3.343579605074459, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7796313450647516, "q_0.775": 3.8570920487176004, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 27.851140456182474, "y": 4.407294961688546, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 27.891156462585034, "y": 3.552408034873406, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 27.931172468987597, "y": 3.4013624607582162, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 27.971188475390157, "y": 3.4680774029695485, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.011204481792717, "y": 4.184335582340923, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.05122048819528, "y": 2.8916222846227573, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.09123649459784, "y": 3.996793693119765, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.1312525010004, "y": 3.6103589315542504, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.171268507402964, "y": 2.668293863082787, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.211284513805523, "y": 1.879527184864867, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.251300520208083, "y": 2.413183654139846, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.8871138245803345, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.291161428335633, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.291316526610647, "y": 3.7459235564656, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.2235737527414687, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.3494368325860044, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.786445269904908, "q_0.775": 3.891750678846295, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.306950883682711, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.331332533013207, "y": 3.4203469675267444, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.2235737527414687, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9280320315353277, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.3494368325860044, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6538153232587716, "q_0.725": 3.7459235564656, "q_0.75": 3.786445269904908, "q_0.775": 3.891750678846295, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.118021424074704, "q_0.9": 4.184335582340923, "q_0.925": 4.306950883682711, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.371348539415767, "y": 2.5917377746347263, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6641068349176034, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.1248979890079145, "q_0.9": 4.184335582340923, "q_0.925": 4.306950883682711, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.41136454581833, "y": 3.0273644148069776, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.353391306973348, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.6641068349176034, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9268909670051806, "q_0.825": 3.9796008373914473, "q_0.85": 4.050013980166575, "q_0.875": 4.1248979890079145, "q_0.9": 4.184335582340923, "q_0.925": 4.306950883682711, "q_0.95": 4.407294961688546, "q_0.975": 4.516720865781383, "q_1": 4.951913791281355}, {"x": 28.45138055222089, "y": 3.6462269616838245, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.2840751745218855, "q_0.55": 3.343579605074459, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.666975236297665, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9319023165796763, "q_0.825": 3.9796008373914473, "q_0.85": 4.053811225269878, "q_0.875": 4.1248979890079145, "q_0.9": 4.184335582340923, "q_0.925": 4.306950883682711, "q_0.95": 4.440019371654492, "q_0.975": 4.537031097510249, "q_1": 4.951913791281355}, {"x": 28.49139655862345, "y": 2.1927416175421937, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.2840751745218855, "q_0.55": 3.343579605074459, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.666975236297665, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9319023165796763, "q_0.825": 3.9796008373914473, "q_0.85": 4.053811225269878, "q_0.875": 4.1248979890079145, "q_0.9": 4.184335582340923, "q_0.925": 4.306950883682711, "q_0.95": 4.440019371654492, "q_0.975": 4.537031097510249, "q_1": 4.951913791281355}, {"x": 28.531412565026013, "y": 3.0253373082851653, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.2840751745218855, "q_0.55": 3.343579605074459, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.666975236297665, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9319023165796763, "q_0.825": 3.9796008373914473, "q_0.85": 4.053811225269878, "q_0.875": 4.1248979890079145, "q_0.9": 4.184335582340923, "q_0.925": 4.306950883682711, "q_0.95": 4.440019371654492, "q_0.975": 4.537031097510249, "q_1": 4.951913791281355}, {"x": 28.571428571428573, "y": 2.983802892665897, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.2840751745218855, "q_0.55": 3.343579605074459, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.666975236297665, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9319023165796763, "q_0.825": 3.9796008373914473, "q_0.85": 4.053811225269878, "q_0.875": 4.1248979890079145, "q_0.9": 4.184335582340923, "q_0.925": 4.306950883682711, "q_0.95": 4.440019371654492, "q_0.975": 4.537031097510249, "q_1": 4.951913791281355}, {"x": 28.611444577831133, "y": 3.3286306980272906, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.0823841244089167, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4145349391087643, "q_0.25": 2.4748272866028125, "q_0.275": 2.549096452515171, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.2840751745218855, "q_0.55": 3.343579605074459, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4680774029695485, "q_0.65": 3.552408034873406, "q_0.675": 3.6103589315542504, "q_0.7": 3.666975236297665, "q_0.725": 3.7459235564656, "q_0.75": 3.7913710112124965, "q_0.775": 3.902951553828625, "q_0.8": 3.9319023165796763, "q_0.825": 3.9796008373914473, "q_0.85": 4.053811225269878, "q_0.875": 4.1248979890079145, "q_0.9": 4.184335582340923, "q_0.925": 4.306950883682711, "q_0.95": 4.440019371654492, "q_0.975": 4.537031097510249, "q_1": 4.951913791281355}, {"x": 28.651460584233696, "y": 3.2734615334866, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.063936806561931, "q_0.125": 2.1905071218050285, "q_0.15": 2.2233711475956004, "q_0.175": 2.2816117251390278, "q_0.2": 2.3160802280467, "q_0.225": 2.4170340648268227, "q_0.25": 2.4748682988523942, "q_0.275": 2.5730586749554183, "q_0.3": 2.613141023924022, "q_0.325": 2.690098446132405, "q_0.35": 2.783567202157163, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.984716634589762, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.2840751745218855, "q_0.55": 3.343579605074459, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4869689450100205, "q_0.65": 3.552408034873406, "q_0.675": 3.6147308455352865, "q_0.7": 3.6703389175486167, "q_0.725": 3.7491662525253835, "q_0.75": 3.793830888280943, "q_0.775": 3.906366733050187, "q_0.8": 3.948544280020183, "q_0.825": 3.996793693119765, "q_0.85": 4.067957743730716, "q_0.875": 4.134065512562791, "q_0.9": 4.199848775004261, "q_0.925": 4.348711745147643, "q_0.95": 4.453833421672142, "q_0.975": 4.537031097510249, "q_1": 4.951913791281355}, {"x": 28.691476590636256, "y": 2.8536708020780095, "y_pred": 3.2435609496229434, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.063936806561931, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.2869817001809967, "q_0.2": 2.3160802280467, "q_0.225": 2.4194108372040253, "q_0.25": 2.484755110951135, "q_0.275": 2.5730586749554183, "q_0.3": 2.6463215474857016, "q_0.325": 2.6973752128664303, "q_0.35": 2.7852898547316287, "q_0.375": 2.885771395438066, "q_0.4": 2.9212385010011017, "q_0.425": 2.986521221820581, "q_0.45": 3.0253373082851653, "q_0.475": 3.09733409211609, "q_0.5": 3.2435609496229434, "q_0.525": 3.309653692705213, "q_0.55": 3.3494368325860044, "q_0.575": 3.4013624607582162, "q_0.6": 3.4203469675267444, "q_0.625": 3.4869689450100205, "q_0.65": 3.552408034873406, "q_0.675": 3.6147308455352865, "q_0.7": 3.694864713592013, "q_0.725": 3.756064033273435, "q_0.75": 3.7958272883525694, "q_0.775": 3.906366733050187, "q_0.8": 3.948544280020183, "q_0.825": 3.996793693119765, "q_0.85": 4.0714414255033775, "q_0.875": 4.134065512562791, "q_0.9": 4.199848775004261, "q_0.925": 4.3653321569812, "q_0.95": 4.453833421672142, "q_0.975": 4.537031097510249, "q_1": 4.951913791281355}, {"x": 28.731492597038816, "y": 3.933951776341296, "y_pred": 3.247672616839975, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.8935276457607826, "q_0.05": 1.9492179919138157, "q_0.075": 2.007365105352465, "q_0.1": 2.063936806561931, "q_0.125": 2.1905071218050285, "q_0.15": 2.223950019440938, "q_0.175": 2.291548649680823, "q_0.2": 2.3248460022236523, "q_0.225": 2.429426750821424, "q_0.25": 2.488590119858136, "q_0.275": 2.5917377746347263, "q_0.3": 2.663926777311072, "q_0.325": 2.716810477779716, "q_0.35": 2.811955287713658, "q_0.375": 2.887732869733995, "q_0.4": 2.950780802798181, "q_0.425": 2.986521221820581, "q_0.45": 3.0273644148069776, "q_0.475": 3.131885696893322, "q_0.5": 3.247672616839975, "q_0.525": 3.309653692705213, "q_0.55": 3.3552660277039834, "q_0.575": 3.4014855749733646, "q_0.6": 3.460687561603477, "q_0.625": 3.495468420747075, "q_0.65": 3.566008808437526, "q_0.675": 3.6462269616838245, "q_0.7": 3.720078071236834, "q_0.725": 3.7796313450647516, "q_0.75": 3.8570920487176004, "q_0.775": 3.9268909670051806, "q_0.8": 3.9709569051798512, "q_0.825": 4.050013980166575, "q_0.85": 4.118021424074704, "q_0.875": 4.184335582340923, "q_0.9": 4.291161428335633, "q_0.925": 4.398564135824883, "q_0.95": 4.4806014856332075, "q_0.975": 4.5750987950482696, "q_1": 4.951913791281355}, {"x": 28.77150860344138, "y": 2.0344093317192424, "y_pred": 3.2642043964528042, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.0823841244089167, "q_0.125": 2.1919776458948323, "q_0.15": 2.229295320561961, "q_0.175": 2.3146396154867976, "q_0.2": 2.3693039189277747, "q_0.225": 2.455161297797124, "q_0.25": 2.4981635938906557, "q_0.275": 2.5917377746347263, "q_0.3": 2.6808881594079543, "q_0.325": 2.7253514483783317, "q_0.35": 2.8300827058507037, "q_0.375": 2.8887254865875134, "q_0.4": 2.965197026856022, "q_0.425": 2.987541012660218, "q_0.45": 3.027945289300058, "q_0.475": 3.13805549654208, "q_0.5": 3.2642043964528042, "q_0.525": 3.3183542294418134, "q_0.55": 3.3590612501407273, "q_0.575": 3.4114502019292554, "q_0.6": 3.4680774029695485, "q_0.625": 3.527875932086115, "q_0.65": 3.6103589315542504, "q_0.675": 3.6538153232587716, "q_0.7": 3.7459235564656, "q_0.725": 3.793830888280943, "q_0.75": 3.906366733050187, "q_0.775": 3.951338077386283, "q_0.8": 3.9992077473929766, "q_0.825": 4.0714414255033775, "q_0.85": 4.154812452147601, "q_0.875": 4.199848775004261, "q_0.9": 4.312273348856062, "q_0.925": 4.441678520587124, "q_0.95": 4.500853507417846, "q_0.975": 4.579146244995807, "q_1": 5.000401010833492}, {"x": 28.81152460984394, "y": 1.9484169484893405, "y_pred": 3.2642043964528042, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.0823841244089167, "q_0.125": 2.1919776458948323, "q_0.15": 2.229295320561961, "q_0.175": 2.3146396154867976, "q_0.2": 2.3693039189277747, "q_0.225": 2.455161297797124, "q_0.25": 2.4981635938906557, "q_0.275": 2.5917377746347263, "q_0.3": 2.6808881594079543, "q_0.325": 2.7253514483783317, "q_0.35": 2.8300827058507037, "q_0.375": 2.8887254865875134, "q_0.4": 2.965197026856022, "q_0.425": 2.987541012660218, "q_0.45": 3.027945289300058, "q_0.475": 3.13805549654208, "q_0.5": 3.2642043964528042, "q_0.525": 3.3183542294418134, "q_0.55": 3.3590612501407273, "q_0.575": 3.4114502019292554, "q_0.6": 3.4680774029695485, "q_0.625": 3.527875932086115, "q_0.65": 3.6103589315542504, "q_0.675": 3.6538153232587716, "q_0.7": 3.7459235564656, "q_0.725": 3.793830888280943, "q_0.75": 3.906366733050187, "q_0.775": 3.951338077386283, "q_0.8": 3.9992077473929766, "q_0.825": 4.0714414255033775, "q_0.85": 4.154812452147601, "q_0.875": 4.199848775004261, "q_0.9": 4.312273348856062, "q_0.925": 4.441678520587124, "q_0.95": 4.500853507417846, "q_0.975": 4.579146244995807, "q_1": 5.000401010833492}, {"x": 28.8515406162465, "y": 3.0016595769909005, "y_pred": 3.2642043964528042, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.229295320561961, "q_0.175": 2.3146396154867976, "q_0.2": 2.382681027184651, "q_0.225": 2.455161297797124, "q_0.25": 2.4981635938906557, "q_0.275": 2.60287342412113, "q_0.3": 2.6870200566440694, "q_0.325": 2.7253514483783317, "q_0.35": 2.834322935116626, "q_0.375": 2.8887254865875134, "q_0.4": 2.965197026856022, "q_0.425": 2.987541012660218, "q_0.45": 3.027945289300058, "q_0.475": 3.1390074757796294, "q_0.5": 3.2642043964528042, "q_0.525": 3.3183542294418134, "q_0.55": 3.375315913614858, "q_0.575": 3.4128881529918504, "q_0.6": 3.4680774029695485, "q_0.625": 3.5294729106117644, "q_0.65": 3.6103589315542504, "q_0.675": 3.666975236297665, "q_0.7": 3.7459235564656, "q_0.725": 3.793830888280943, "q_0.75": 3.906366733050187, "q_0.775": 3.9550928641618697, "q_0.8": 4.008720357673253, "q_0.825": 4.0742237600893345, "q_0.85": 4.154812452147601, "q_0.875": 4.242813272213002, "q_0.9": 4.332775941551913, "q_0.925": 4.441678520587124, "q_0.95": 4.501742211298699, "q_0.975": 4.579146244995807, "q_1": 5.000401010833492}, {"x": 28.89155662264906, "y": 4.306950883682711, "y_pred": 3.264993772752799, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.1024260118048512, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3146396154867976, "q_0.2": 2.382681027184651, "q_0.225": 2.470015753344929, "q_0.25": 2.532739632856084, "q_0.275": 2.605670703771356, "q_0.3": 2.6870200566440694, "q_0.325": 2.7253514483783317, "q_0.35": 2.8507806336042902, "q_0.375": 2.8887254865875134, "q_0.4": 2.9670028172890834, "q_0.425": 2.9898673389941393, "q_0.45": 3.027945289300058, "q_0.475": 3.1390074757796294, "q_0.5": 3.264993772752799, "q_0.525": 3.3286306980272906, "q_0.55": 3.3823525524652656, "q_0.575": 3.4128881529918504, "q_0.6": 3.4680774029695485, "q_0.625": 3.530125941651888, "q_0.65": 3.6103589315542504, "q_0.675": 3.6703389175486167, "q_0.7": 3.7491662525253835, "q_0.725": 3.8212020589615934, "q_0.75": 3.9095596691147443, "q_0.775": 3.9550928641618697, "q_0.8": 4.023615283076078, "q_0.825": 4.083042250794794, "q_0.85": 4.155838853489351, "q_0.875": 4.265395942540645, "q_0.9": 4.355662066573338, "q_0.925": 4.442001273473941, "q_0.95": 4.501742211298699, "q_0.975": 4.579146244995807, "q_1": 5.000401010833492}, {"x": 28.931572629051622, "y": 2.613141023924022, "y_pred": 3.2642043964528042, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3146396154867976, "q_0.2": 2.392466255602696, "q_0.225": 2.471488206433124, "q_0.25": 2.538554674234327, "q_0.275": 2.605670703771356, "q_0.3": 2.6870200566440694, "q_0.325": 2.7253514483783317, "q_0.35": 2.852214856573651, "q_0.375": 2.8887254865875134, "q_0.4": 2.965197026856022, "q_0.425": 2.987541012660218, "q_0.45": 3.027945289300058, "q_0.475": 3.1390074757796294, "q_0.5": 3.2642043964528042, "q_0.525": 3.321298163409161, "q_0.55": 3.3823525524652656, "q_0.575": 3.4176492141237844, "q_0.6": 3.4869689450100205, "q_0.625": 3.5327513965170736, "q_0.65": 3.6147308455352865, "q_0.675": 3.702986699791204, "q_0.7": 3.756064033273435, "q_0.725": 3.8570920487176004, "q_0.75": 3.920253225994105, "q_0.775": 3.9617281614932196, "q_0.8": 4.043937587278693, "q_0.825": 4.1068807620061225, "q_0.85": 4.170168813253846, "q_0.875": 4.276668090847616, "q_0.9": 4.3653321569812, "q_0.925": 4.453833421672142, "q_0.95": 4.510620692332899, "q_0.975": 4.579146244995807, "q_1": 5.000401010833492}, {"x": 28.971588635454182, "y": 2.3256782805463927, "y_pred": 3.2675005831610826, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3146396154867976, "q_0.2": 2.392466255602696, "q_0.225": 2.471488206433124, "q_0.25": 2.5421714929704304, "q_0.275": 2.613141023924022, "q_0.3": 2.6890247553008053, "q_0.325": 2.7503390983803193, "q_0.35": 2.859814990201883, "q_0.375": 2.9006328592899173, "q_0.4": 2.9670028172890834, "q_0.425": 2.9914729253003998, "q_0.45": 3.0581633303894216, "q_0.475": 3.1515168922979693, "q_0.5": 3.2675005831610826, "q_0.525": 3.3286306980272906, "q_0.55": 3.3823525524652656, "q_0.575": 3.4203469675267444, "q_0.6": 3.491032646272281, "q_0.625": 3.552408034873406, "q_0.65": 3.6322691902566353, "q_0.675": 3.702986699791204, "q_0.7": 3.7627427035790566, "q_0.725": 3.8570920487176004, "q_0.75": 3.9268909670051806, "q_0.775": 3.9709569051798512, "q_0.8": 4.050013980166575, "q_0.825": 4.118021424074704, "q_0.85": 4.184335582340923, "q_0.875": 4.291161428335633, "q_0.9": 4.392337762588066, "q_0.925": 4.453833421672142, "q_0.95": 4.510620692332899, "q_0.975": 4.601094254941581, "q_1": 5.000401010833492}, {"x": 29.011604641856742, "y": 4.398564135824883, "y_pred": 3.2675005831610826, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3146396154867976, "q_0.2": 2.392466255602696, "q_0.225": 2.471488206433124, "q_0.25": 2.5421714929704304, "q_0.275": 2.613141023924022, "q_0.3": 2.6890247553008053, "q_0.325": 2.7503390983803193, "q_0.35": 2.859814990201883, "q_0.375": 2.9006328592899173, "q_0.4": 2.9670028172890834, "q_0.425": 2.9914729253003998, "q_0.45": 3.0581633303894216, "q_0.475": 3.1515168922979693, "q_0.5": 3.2675005831610826, "q_0.525": 3.3286306980272906, "q_0.55": 3.3823525524652656, "q_0.575": 3.4203469675267444, "q_0.6": 3.491032646272281, "q_0.625": 3.552408034873406, "q_0.65": 3.6322691902566353, "q_0.675": 3.702986699791204, "q_0.7": 3.7627427035790566, "q_0.725": 3.8570920487176004, "q_0.75": 3.9268909670051806, "q_0.775": 3.9709569051798512, "q_0.8": 4.050013980166575, "q_0.825": 4.118021424074704, "q_0.85": 4.184335582340923, "q_0.875": 4.291161428335633, "q_0.9": 4.392337762588066, "q_0.925": 4.453833421672142, "q_0.95": 4.510620692332899, "q_0.975": 4.601094254941581, "q_1": 5.000401010833492}, {"x": 29.051620648259306, "y": 2.3160802280467, "y_pred": 3.2675005831610826, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3146396154867976, "q_0.2": 2.392466255602696, "q_0.225": 2.471488206433124, "q_0.25": 2.5421714929704304, "q_0.275": 2.613141023924022, "q_0.3": 2.6890247553008053, "q_0.325": 2.7503390983803193, "q_0.35": 2.859814990201883, "q_0.375": 2.9006328592899173, "q_0.4": 2.9670028172890834, "q_0.425": 2.9914729253003998, "q_0.45": 3.0581633303894216, "q_0.475": 3.1515168922979693, "q_0.5": 3.2675005831610826, "q_0.525": 3.3286306980272906, "q_0.55": 3.3823525524652656, "q_0.575": 3.4203469675267444, "q_0.6": 3.491032646272281, "q_0.625": 3.552408034873406, "q_0.65": 3.6322691902566353, "q_0.675": 3.702986699791204, "q_0.7": 3.7627427035790566, "q_0.725": 3.8570920487176004, "q_0.75": 3.9268909670051806, "q_0.775": 3.9709569051798512, "q_0.8": 4.050013980166575, "q_0.825": 4.118021424074704, "q_0.85": 4.184335582340923, "q_0.875": 4.291161428335633, "q_0.9": 4.392337762588066, "q_0.925": 4.453833421672142, "q_0.95": 4.510620692332899, "q_0.975": 4.601094254941581, "q_1": 5.000401010833492}, {"x": 29.091636654661865, "y": 2.8837922146436323, "y_pred": 3.2675005831610826, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3146396154867976, "q_0.2": 2.392466255602696, "q_0.225": 2.471488206433124, "q_0.25": 2.5421714929704304, "q_0.275": 2.613141023924022, "q_0.3": 2.6890247553008053, "q_0.325": 2.7503390983803193, "q_0.35": 2.859814990201883, "q_0.375": 2.9006328592899173, "q_0.4": 2.9670028172890834, "q_0.425": 2.9914729253003998, "q_0.45": 3.0581633303894216, "q_0.475": 3.1515168922979693, "q_0.5": 3.2675005831610826, "q_0.525": 3.3286306980272906, "q_0.55": 3.3823525524652656, "q_0.575": 3.4203469675267444, "q_0.6": 3.491032646272281, "q_0.625": 3.552408034873406, "q_0.65": 3.6322691902566353, "q_0.675": 3.702986699791204, "q_0.7": 3.7627427035790566, "q_0.725": 3.8570920487176004, "q_0.75": 3.9268909670051806, "q_0.775": 3.9709569051798512, "q_0.8": 4.050013980166575, "q_0.825": 4.118021424074704, "q_0.85": 4.184335582340923, "q_0.875": 4.291161428335633, "q_0.9": 4.392337762588066, "q_0.925": 4.453833421672142, "q_0.95": 4.510620692332899, "q_0.975": 4.601094254941581, "q_1": 5.000401010833492}, {"x": 29.131652661064425, "y": 3.8570920487176004, "y_pred": 3.2675005831610826, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3146396154867976, "q_0.2": 2.392466255602696, "q_0.225": 2.471488206433124, "q_0.25": 2.5421714929704304, "q_0.275": 2.613141023924022, "q_0.3": 2.6890247553008053, "q_0.325": 2.7503390983803193, "q_0.35": 2.859814990201883, "q_0.375": 2.9006328592899173, "q_0.4": 2.9670028172890834, "q_0.425": 2.9914729253003998, "q_0.45": 3.0581633303894216, "q_0.475": 3.1515168922979693, "q_0.5": 3.2675005831610826, "q_0.525": 3.3286306980272906, "q_0.55": 3.3823525524652656, "q_0.575": 3.4203469675267444, "q_0.6": 3.491032646272281, "q_0.625": 3.552408034873406, "q_0.65": 3.6322691902566353, "q_0.675": 3.702986699791204, "q_0.7": 3.7627427035790566, "q_0.725": 3.8570920487176004, "q_0.75": 3.9268909670051806, "q_0.775": 3.9709569051798512, "q_0.8": 4.050013980166575, "q_0.825": 4.118021424074704, "q_0.85": 4.184335582340923, "q_0.875": 4.291161428335633, "q_0.9": 4.392337762588066, "q_0.925": 4.453833421672142, "q_0.95": 4.510620692332899, "q_0.975": 4.601094254941581, "q_1": 5.000401010833492}, {"x": 29.17166866746699, "y": 2.5730586749554183, "y_pred": 3.2675005831610826, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.102102709194691, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3153809790481863, "q_0.2": 2.392466255602696, "q_0.225": 2.471488206433124, "q_0.25": 2.5421714929704304, "q_0.275": 2.613141023924022, "q_0.3": 2.690098446132405, "q_0.325": 2.7625310391788718, "q_0.35": 2.8837922146436323, "q_0.375": 2.905615710123424, "q_0.4": 2.969850215308071, "q_0.425": 3.0016595769909005, "q_0.45": 3.0581633303894216, "q_0.475": 3.151683441958731, "q_0.5": 3.2675005831610826, "q_0.525": 3.3286306980272906, "q_0.55": 3.3823525524652656, "q_0.575": 3.4203469675267444, "q_0.6": 3.491032646272281, "q_0.625": 3.552408034873406, "q_0.65": 3.6415485318169702, "q_0.675": 3.7146227590555156, "q_0.7": 3.7796313450647516, "q_0.725": 3.8570920487176004, "q_0.75": 3.9319023165796763, "q_0.775": 3.9796008373914473, "q_0.8": 4.053811225269878, "q_0.825": 4.1248979890079145, "q_0.85": 4.184335582340923, "q_0.875": 4.291161428335633, "q_0.9": 4.392337762588066, "q_0.925": 4.4622170692373855, "q_0.95": 4.516720865781383, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.21168467386955, "y": 2.488590119858136, "y_pred": 3.2675005831610826, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3153809790481863, "q_0.2": 2.392466255602696, "q_0.225": 2.471488206433124, "q_0.25": 2.5456339727427992, "q_0.275": 2.613141023924022, "q_0.3": 2.690098446132405, "q_0.325": 2.763071228495921, "q_0.35": 2.8837922146436323, "q_0.375": 2.905615710123424, "q_0.4": 2.969850215308071, "q_0.425": 3.0016595769909005, "q_0.45": 3.0581633303894216, "q_0.475": 3.157828549901804, "q_0.5": 3.2675005831610826, "q_0.525": 3.3286306980272906, "q_0.55": 3.3823525524652656, "q_0.575": 3.4203469675267444, "q_0.6": 3.495149857235451, "q_0.625": 3.5541000648222463, "q_0.65": 3.6415485318169702, "q_0.675": 3.7146227590555156, "q_0.7": 3.7796313450647516, "q_0.725": 3.891750678846295, "q_0.75": 3.9319023165796763, "q_0.775": 3.9796008373914473, "q_0.8": 4.054023016640153, "q_0.825": 4.1248979890079145, "q_0.85": 4.192343117035323, "q_0.875": 4.304492011139114, "q_0.9": 4.398564135824883, "q_0.925": 4.462326526695686, "q_0.95": 4.516720865781383, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.25170068027211, "y": 2.950780802798181, "y_pred": 3.2675005831610826, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3153809790481863, "q_0.2": 2.392466255602696, "q_0.225": 2.471488206433124, "q_0.25": 2.5456339727427992, "q_0.275": 2.613141023924022, "q_0.3": 2.690098446132405, "q_0.325": 2.763071228495921, "q_0.35": 2.8837922146436323, "q_0.375": 2.905615710123424, "q_0.4": 2.969850215308071, "q_0.425": 3.0016595769909005, "q_0.45": 3.0581633303894216, "q_0.475": 3.157828549901804, "q_0.5": 3.2675005831610826, "q_0.525": 3.3286306980272906, "q_0.55": 3.3823525524652656, "q_0.575": 3.4203469675267444, "q_0.6": 3.495149857235451, "q_0.625": 3.5541000648222463, "q_0.65": 3.6415485318169702, "q_0.675": 3.7146227590555156, "q_0.7": 3.7796313450647516, "q_0.725": 3.891750678846295, "q_0.75": 3.9319023165796763, "q_0.775": 3.9796008373914473, "q_0.8": 4.054023016640153, "q_0.825": 4.1248979890079145, "q_0.85": 4.192343117035323, "q_0.875": 4.304492011139114, "q_0.9": 4.398564135824883, "q_0.925": 4.462326526695686, "q_0.95": 4.516720865781383, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.291716686674672, "y": 4.023615283076078, "y_pred": 3.273262828959913, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3153809790481863, "q_0.2": 2.4028755615933397, "q_0.225": 2.471488206433124, "q_0.25": 2.549096452515171, "q_0.275": 2.613141023924022, "q_0.3": 2.6973752128664303, "q_0.325": 2.780163702302858, "q_0.35": 2.8837922146436323, "q_0.375": 2.906971216643092, "q_0.4": 2.9709310125598636, "q_0.425": 3.0016595769909005, "q_0.45": 3.0621236357191126, "q_0.475": 3.188182743371921, "q_0.5": 3.273262828959913, "q_0.525": 3.3296445072915564, "q_0.55": 3.400067994887957, "q_0.575": 3.4463227805046746, "q_0.6": 3.495149857235451, "q_0.625": 3.560833525936844, "q_0.65": 3.6415485318169702, "q_0.675": 3.720078071236834, "q_0.7": 3.7796313450647516, "q_0.725": 3.902951553828625, "q_0.75": 3.948544280020183, "q_0.775": 3.996793693119765, "q_0.8": 4.054023016640153, "q_0.825": 4.134065512562791, "q_0.85": 4.192343117035323, "q_0.875": 4.306950883682711, "q_0.9": 4.398564135824883, "q_0.925": 4.462326526695686, "q_0.95": 4.516720865781383, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.33173269307723, "y": 4.3653321569812, "y_pred": 3.273262828959913, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3153809790481863, "q_0.2": 2.4028755615933397, "q_0.225": 2.471488206433124, "q_0.25": 2.549096452515171, "q_0.275": 2.613141023924022, "q_0.3": 2.6973752128664303, "q_0.325": 2.780163702302858, "q_0.35": 2.8837922146436323, "q_0.375": 2.906971216643092, "q_0.4": 2.9709310125598636, "q_0.425": 3.0016595769909005, "q_0.45": 3.0621236357191126, "q_0.475": 3.188182743371921, "q_0.5": 3.273262828959913, "q_0.525": 3.3296445072915564, "q_0.55": 3.400067994887957, "q_0.575": 3.4463227805046746, "q_0.6": 3.495149857235451, "q_0.625": 3.560833525936844, "q_0.65": 3.6415485318169702, "q_0.675": 3.720078071236834, "q_0.7": 3.7796313450647516, "q_0.725": 3.902951553828625, "q_0.75": 3.948544280020183, "q_0.775": 3.996793693119765, "q_0.8": 4.054023016640153, "q_0.825": 4.134065512562791, "q_0.85": 4.192343117035323, "q_0.875": 4.306950883682711, "q_0.9": 4.398564135824883, "q_0.925": 4.462326526695686, "q_0.95": 4.516720865781383, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.37174869947979, "y": 1.94549211429443, "y_pred": 3.273262828959913, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3153809790481863, "q_0.2": 2.4028755615933397, "q_0.225": 2.471488206433124, "q_0.25": 2.549096452515171, "q_0.275": 2.613141023924022, "q_0.3": 2.6973752128664303, "q_0.325": 2.780163702302858, "q_0.35": 2.8837922146436323, "q_0.375": 2.906971216643092, "q_0.4": 2.9709310125598636, "q_0.425": 3.0016595769909005, "q_0.45": 3.0621236357191126, "q_0.475": 3.188182743371921, "q_0.5": 3.273262828959913, "q_0.525": 3.3296445072915564, "q_0.55": 3.400067994887957, "q_0.575": 3.4463227805046746, "q_0.6": 3.495149857235451, "q_0.625": 3.560833525936844, "q_0.65": 3.6415485318169702, "q_0.675": 3.720078071236834, "q_0.7": 3.7796313450647516, "q_0.725": 3.902951553828625, "q_0.75": 3.948544280020183, "q_0.775": 3.996793693119765, "q_0.8": 4.054023016640153, "q_0.825": 4.134065512562791, "q_0.85": 4.192343117035323, "q_0.875": 4.306950883682711, "q_0.9": 4.398564135824883, "q_0.925": 4.462326526695686, "q_0.95": 4.516720865781383, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.411764705882355, "y": 2.3146396154867976, "y_pred": 3.273262828959913, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.084732466999923, "q_0.125": 2.1919776458948323, "q_0.15": 2.2442125503622727, "q_0.175": 2.3153809790481863, "q_0.2": 2.4028755615933397, "q_0.225": 2.471488206433124, "q_0.25": 2.549096452515171, "q_0.275": 2.613141023924022, "q_0.3": 2.6973752128664303, "q_0.325": 2.780163702302858, "q_0.35": 2.8837922146436323, "q_0.375": 2.906971216643092, "q_0.4": 2.9709310125598636, "q_0.425": 3.0016595769909005, "q_0.45": 3.0621236357191126, "q_0.475": 3.188182743371921, "q_0.5": 3.273262828959913, "q_0.525": 3.3296445072915564, "q_0.55": 3.400067994887957, "q_0.575": 3.4463227805046746, "q_0.6": 3.495149857235451, "q_0.625": 3.560833525936844, "q_0.65": 3.6415485318169702, "q_0.675": 3.720078071236834, "q_0.7": 3.7796313450647516, "q_0.725": 3.902951553828625, "q_0.75": 3.948544280020183, "q_0.775": 3.996793693119765, "q_0.8": 4.054023016640153, "q_0.825": 4.134065512562791, "q_0.85": 4.192343117035323, "q_0.875": 4.306950883682711, "q_0.9": 4.398564135824883, "q_0.925": 4.462326526695686, "q_0.95": 4.516720865781383, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.451780712284915, "y": 4.501742211298699, "y_pred": 3.2734615334866, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.108454158188187, "q_0.125": 2.1927416175421937, "q_0.15": 2.253246502896806, "q_0.175": 2.3160802280467, "q_0.2": 2.4145349391087643, "q_0.225": 2.484755110951135, "q_0.25": 2.5730586749554183, "q_0.275": 2.663926777311072, "q_0.3": 2.703179106240242, "q_0.325": 2.7852898547316287, "q_0.35": 2.8837922146436323, "q_0.375": 2.9088364315966055, "q_0.4": 2.983802892665897, "q_0.425": 3.0016595769909005, "q_0.45": 3.0847721040106455, "q_0.475": 3.1948126242687063, "q_0.5": 3.2734615334866, "q_0.525": 3.330322171483946, "q_0.55": 3.401300506060521, "q_0.575": 3.460687561603477, "q_0.6": 3.499501200010317, "q_0.625": 3.562263916856411, "q_0.65": 3.6462269616838245, "q_0.675": 3.7260945790478277, "q_0.7": 3.793830888280943, "q_0.725": 3.906366733050187, "q_0.75": 3.9550928641618697, "q_0.775": 4.0043066980372055, "q_0.8": 4.0714414255033775, "q_0.825": 4.154812452147601, "q_0.85": 4.199848775004261, "q_0.875": 4.309750983024624, "q_0.9": 4.407294961688546, "q_0.925": 4.4806014856332075, "q_0.95": 4.537031097510249, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.491796718687475, "y": 3.495149857235451, "y_pred": 3.2734615334866, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.108454158188187, "q_0.125": 2.1927416175421937, "q_0.15": 2.253246502896806, "q_0.175": 2.3160802280467, "q_0.2": 2.4145349391087643, "q_0.225": 2.484755110951135, "q_0.25": 2.5730586749554183, "q_0.275": 2.663926777311072, "q_0.3": 2.703179106240242, "q_0.325": 2.7852898547316287, "q_0.35": 2.8837922146436323, "q_0.375": 2.9088364315966055, "q_0.4": 2.983802892665897, "q_0.425": 3.0016595769909005, "q_0.45": 3.0847721040106455, "q_0.475": 3.1948126242687063, "q_0.5": 3.2734615334866, "q_0.525": 3.330322171483946, "q_0.55": 3.401300506060521, "q_0.575": 3.460687561603477, "q_0.6": 3.499501200010317, "q_0.625": 3.562263916856411, "q_0.65": 3.6462269616838245, "q_0.675": 3.7260945790478277, "q_0.7": 3.793830888280943, "q_0.725": 3.906366733050187, "q_0.75": 3.9550928641618697, "q_0.775": 4.0043066980372055, "q_0.8": 4.0714414255033775, "q_0.825": 4.154812452147601, "q_0.85": 4.199848775004261, "q_0.875": 4.309750983024624, "q_0.9": 4.407294961688546, "q_0.925": 4.4806014856332075, "q_0.95": 4.537031097510249, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.531812725090038, "y": 3.3823525524652656, "y_pred": 3.2734615334866, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.108454158188187, "q_0.125": 2.1927416175421937, "q_0.15": 2.253246502896806, "q_0.175": 2.3160802280467, "q_0.2": 2.4145349391087643, "q_0.225": 2.484755110951135, "q_0.25": 2.5730586749554183, "q_0.275": 2.663926777311072, "q_0.3": 2.703179106240242, "q_0.325": 2.7852898547316287, "q_0.35": 2.8837922146436323, "q_0.375": 2.9088364315966055, "q_0.4": 2.983802892665897, "q_0.425": 3.0016595769909005, "q_0.45": 3.0847721040106455, "q_0.475": 3.1948126242687063, "q_0.5": 3.2734615334866, "q_0.525": 3.330322171483946, "q_0.55": 3.401300506060521, "q_0.575": 3.460687561603477, "q_0.6": 3.499501200010317, "q_0.625": 3.562263916856411, "q_0.65": 3.6462269616838245, "q_0.675": 3.7260945790478277, "q_0.7": 3.793830888280943, "q_0.725": 3.906366733050187, "q_0.75": 3.9550928641618697, "q_0.775": 4.0043066980372055, "q_0.8": 4.0714414255033775, "q_0.825": 4.154812452147601, "q_0.85": 4.199848775004261, "q_0.875": 4.309750983024624, "q_0.9": 4.407294961688546, "q_0.925": 4.4806014856332075, "q_0.95": 4.537031097510249, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.571828731492598, "y": 4.1068807620061225, "y_pred": 3.2734615334866, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.108454158188187, "q_0.125": 2.1927416175421937, "q_0.15": 2.253246502896806, "q_0.175": 2.3160802280467, "q_0.2": 2.4145349391087643, "q_0.225": 2.484755110951135, "q_0.25": 2.5730586749554183, "q_0.275": 2.663926777311072, "q_0.3": 2.703179106240242, "q_0.325": 2.7852898547316287, "q_0.35": 2.8837922146436323, "q_0.375": 2.9088364315966055, "q_0.4": 2.983802892665897, "q_0.425": 3.0016595769909005, "q_0.45": 3.0847721040106455, "q_0.475": 3.1948126242687063, "q_0.5": 3.2734615334866, "q_0.525": 3.330322171483946, "q_0.55": 3.401300506060521, "q_0.575": 3.460687561603477, "q_0.6": 3.499501200010317, "q_0.625": 3.562263916856411, "q_0.65": 3.6462269616838245, "q_0.675": 3.7260945790478277, "q_0.7": 3.793830888280943, "q_0.725": 3.906366733050187, "q_0.75": 3.9550928641618697, "q_0.775": 4.0043066980372055, "q_0.8": 4.0714414255033775, "q_0.825": 4.154812452147601, "q_0.85": 4.199848775004261, "q_0.875": 4.309750983024624, "q_0.9": 4.407294961688546, "q_0.925": 4.4806014856332075, "q_0.95": 4.537031097510249, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.611844737895158, "y": 1.9726060625734914, "y_pred": 3.2734615334866, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.103699386342056, "q_0.125": 2.1927416175421937, "q_0.15": 2.253246502896806, "q_0.175": 2.3160802280467, "q_0.2": 2.4170340648268227, "q_0.225": 2.484755110951135, "q_0.25": 2.5730586749554183, "q_0.275": 2.663926777311072, "q_0.3": 2.703179106240242, "q_0.325": 2.7852898547316287, "q_0.35": 2.885771395438066, "q_0.375": 2.9088364315966055, "q_0.4": 2.983802892665897, "q_0.425": 3.0171317957431363, "q_0.45": 3.0944591840281293, "q_0.475": 3.19881481113056, "q_0.5": 3.2734615334866, "q_0.525": 3.3315806906983862, "q_0.55": 3.4013624607582162, "q_0.575": 3.460687561603477, "q_0.6": 3.516057306819606, "q_0.625": 3.566008808437526, "q_0.65": 3.6462269616838245, "q_0.675": 3.726263579377608, "q_0.7": 3.793830888280943, "q_0.725": 3.9095596691147443, "q_0.75": 3.9550928641618697, "q_0.775": 4.023615283076078, "q_0.8": 4.075987458230433, "q_0.825": 4.154812452147601, "q_0.85": 4.233784940697606, "q_0.875": 4.309750983024624, "q_0.9": 4.407294961688546, "q_0.925": 4.4806014856332075, "q_0.95": 4.537031097510249, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.65186074429772, "y": 1.9015701639205396, "y_pred": 3.2734615334866, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.0135902135722845, "q_0.1": 2.103699386342056, "q_0.125": 2.1927416175421937, "q_0.15": 2.253246502896806, "q_0.175": 2.3160802280467, "q_0.2": 2.4170340648268227, "q_0.225": 2.484755110951135, "q_0.25": 2.5730586749554183, "q_0.275": 2.663926777311072, "q_0.3": 2.703179106240242, "q_0.325": 2.786438473486531, "q_0.35": 2.885771395438066, "q_0.375": 2.9088364315966055, "q_0.4": 2.983802892665897, "q_0.425": 3.0171317957431363, "q_0.45": 3.0944591840281293, "q_0.475": 3.19881481113056, "q_0.5": 3.2734615334866, "q_0.525": 3.3315806906983862, "q_0.55": 3.4013624607582162, "q_0.575": 3.460687561603477, "q_0.6": 3.516057306819606, "q_0.625": 3.566008808437526, "q_0.65": 3.6462269616838245, "q_0.675": 3.726479144374171, "q_0.7": 3.793830888280943, "q_0.725": 3.9095596691147443, "q_0.75": 3.9550928641618697, "q_0.775": 4.023615283076078, "q_0.8": 4.083042250794794, "q_0.825": 4.154812452147601, "q_0.85": 4.233784940697606, "q_0.875": 4.312273348856062, "q_0.9": 4.407294961688546, "q_0.925": 4.4806014856332075, "q_0.95": 4.537031097510249, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.69187675070028, "y": 4.537031097510249, "y_pred": 3.3017246675552254, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.020654369166617, "q_0.1": 2.1335854321993173, "q_0.125": 2.1927416175421937, "q_0.15": 2.2816117251390278, "q_0.175": 2.3160802280467, "q_0.2": 2.429426750821424, "q_0.225": 2.4897964350965056, "q_0.25": 2.5917377746347263, "q_0.275": 2.6870200566440694, "q_0.3": 2.7244289655061595, "q_0.325": 2.8128121196375666, "q_0.35": 2.8871138245803345, "q_0.375": 2.950780802798181, "q_0.4": 2.984716634589762, "q_0.425": 3.0253373082851653, "q_0.45": 3.09733409211609, "q_0.475": 3.2435609496229434, "q_0.5": 3.3017246675552254, "q_0.525": 3.353391306973348, "q_0.55": 3.4014855749733646, "q_0.575": 3.4680774029695485, "q_0.6": 3.5203231507104635, "q_0.625": 3.6103589315542504, "q_0.65": 3.6703389175486167, "q_0.675": 3.7491662525253835, "q_0.7": 3.8570920487176004, "q_0.725": 3.9268909670051806, "q_0.75": 3.961030053598647, "q_0.775": 4.043937587278693, "q_0.8": 4.1068807620061225, "q_0.825": 4.170168813253846, "q_0.85": 4.2763349780089985, "q_0.875": 4.3653321569812, "q_0.9": 4.442001273473941, "q_0.925": 4.4806014856332075, "q_0.95": 4.537031097510249, "q_0.975": 4.601478365291408, "q_1": 5.083807251723853}, {"x": 29.73189275710284, "y": 4.154812452147601, "y_pred": 3.309653692705213, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.032577143227643, "q_0.1": 2.1523668988250786, "q_0.125": 2.193922874845395, "q_0.15": 2.2869817001809967, "q_0.175": 2.3248460022236523, "q_0.2": 2.444206584827035, "q_0.225": 2.4914188591819832, "q_0.25": 2.60287342412113, "q_0.275": 2.6890247553008053, "q_0.3": 2.7253514483783317, "q_0.325": 2.8300827058507037, "q_0.35": 2.887732869733995, "q_0.375": 2.950780802798181, "q_0.4": 2.986521221820581, "q_0.425": 3.027945289300058, "q_0.45": 3.131885696893322, "q_0.475": 3.2435609496229434, "q_0.5": 3.309653692705213, "q_0.525": 3.3552660277039834, "q_0.55": 3.4128881529918504, "q_0.575": 3.4869689450100205, "q_0.6": 3.530125941651888, "q_0.625": 3.6147308455352865, "q_0.65": 3.702986699791204, "q_0.675": 3.7571756657981075, "q_0.7": 3.891750678846295, "q_0.725": 3.9319023165796763, "q_0.75": 3.9796008373914473, "q_0.775": 4.05167711432169, "q_0.8": 4.1248979890079145, "q_0.825": 4.184335582340923, "q_0.85": 4.291161428335633, "q_0.875": 4.3653321569812, "q_0.9": 4.453833421672142, "q_0.925": 4.497057391237302, "q_0.95": 4.570331200342933, "q_0.975": 4.647529416344164, "q_1": 5.083807251723853}, {"x": 29.771908763505404, "y": 3.9319023165796763, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.032577143227643, "q_0.1": 2.1664529559971624, "q_0.125": 2.198273848926883, "q_0.15": 2.291548649680823, "q_0.175": 2.3580595505422157, "q_0.2": 2.446420767024358, "q_0.225": 2.534097647109762, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.7541570651421017, "q_0.325": 2.8400706680520504, "q_0.35": 2.8887254865875134, "q_0.375": 2.965197026856022, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.418983029601323, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7833642727923076, "q_0.7": 3.906366733050187, "q_0.725": 3.948544280020183, "q_0.75": 3.996793693119765, "q_0.775": 4.0714414255033775, "q_0.8": 4.154812452147601, "q_0.825": 4.199848775004261, "q_0.85": 4.306950883682711, "q_0.875": 4.398564135824883, "q_0.9": 4.456289206242499, "q_0.925": 4.501742211298699, "q_0.95": 4.570331200342933, "q_0.975": 4.647529416344164, "q_1": 5.083807251723853}, {"x": 29.811924769907964, "y": 2.2964103131062994, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.032577143227643, "q_0.1": 2.1664529559971624, "q_0.125": 2.198273848926883, "q_0.15": 2.291548649680823, "q_0.175": 2.3580595505422157, "q_0.2": 2.446420767024358, "q_0.225": 2.534097647109762, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.7541570651421017, "q_0.325": 2.8400706680520504, "q_0.35": 2.8887254865875134, "q_0.375": 2.965197026856022, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.418983029601323, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7833642727923076, "q_0.7": 3.906366733050187, "q_0.725": 3.948544280020183, "q_0.75": 3.996793693119765, "q_0.775": 4.0714414255033775, "q_0.8": 4.154812452147601, "q_0.825": 4.199848775004261, "q_0.85": 4.306950883682711, "q_0.875": 4.398564135824883, "q_0.9": 4.456289206242499, "q_0.925": 4.501742211298699, "q_0.95": 4.570331200342933, "q_0.975": 4.647529416344164, "q_1": 5.083807251723853}, {"x": 29.851940776310524, "y": 3.1854171897970054, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.032577143227643, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.7625310391788718, "q_0.325": 2.852214856573651, "q_0.35": 2.8887254865875134, "q_0.375": 2.965197026856022, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.2435609496229434, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 29.891956782713088, "y": 4.462326526695686, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.032577143227643, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.7625310391788718, "q_0.325": 2.852214856573651, "q_0.35": 2.8887254865875134, "q_0.375": 2.965197026856022, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.2435609496229434, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 29.931972789115648, "y": 4.453833421672142, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.032577143227643, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.7625310391788718, "q_0.325": 2.852214856573651, "q_0.35": 2.8887254865875134, "q_0.375": 2.965197026856022, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.2435609496229434, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 29.971988795518207, "y": 1.8935276457607826, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9557975204500364, "q_0.075": 2.032577143227643, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.7625310391788718, "q_0.325": 2.852214856573651, "q_0.35": 2.8887254865875134, "q_0.375": 2.965197026856022, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.2435609496229434, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.01200480192077, "y": 3.9550928641618697, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.05202080832333, "y": 1.8863297316143355, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.09203681472589, "y": 4.601478365291408, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.132052821128454, "y": 3.027945289300058, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.172068827531014, "y": 4.5750987950482696, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.212084833933574, "y": 2.8933114994722766, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.252100840336137, "y": 2.6870200566440694, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.292116846738697, "y": 2.7522125974738487, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.332132853141257, "y": 3.906366733050187, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.37214885954382, "y": 2.429426750821424, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.41216486594638, "y": 4.280799366983737, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.3678535889494725, "q_0.2": 2.455161297797124, "q_0.225": 2.5421714929704304, "q_0.25": 2.613141023924022, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.987541012660218, "q_0.425": 3.027945289300058, "q_0.45": 3.13805549654208, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.7149582049067673, "q_0.675": 3.7913710112124965, "q_0.7": 3.906366733050187, "q_0.725": 3.9550928641618697, "q_0.75": 4.000783666055703, "q_0.775": 4.0742237600893345, "q_0.8": 4.154812452147601, "q_0.825": 4.201787387189963, "q_0.85": 4.309274244747917, "q_0.875": 4.398564135824883, "q_0.9": 4.460768432955014, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.45218087234894, "y": 3.5203231507104635, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9597137468299473, "q_0.075": 2.0343142955918774, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.370185932345016, "q_0.2": 2.470015753344929, "q_0.225": 2.549096452515171, "q_0.25": 2.6461316096332688, "q_0.275": 2.6973752128664303, "q_0.3": 2.763071228495921, "q_0.325": 2.852214856573651, "q_0.35": 2.9006328592899173, "q_0.375": 2.9670028172890834, "q_0.4": 2.9898673389941393, "q_0.425": 3.032729016318319, "q_0.45": 3.1390074757796294, "q_0.475": 3.247672616839975, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.491032646272281, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.720078071236834, "q_0.675": 3.7913710112124965, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.008720357673253, "q_0.775": 4.083042250794794, "q_0.8": 4.154812452147601, "q_0.825": 4.233784940697606, "q_0.85": 4.309750983024624, "q_0.875": 4.398564135824883, "q_0.9": 4.4622170692373855, "q_0.925": 4.501742211298699, "q_0.95": 4.5750987950482696, "q_0.975": 4.649265362576704, "q_1": 5.083807251723853}, {"x": 30.492196878751503, "y": 4.579146244995807, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9709660110113036, "q_0.075": 2.0343879485905854, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.382681027184651, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.663926777311072, "q_0.275": 2.699149197083439, "q_0.3": 2.7693770294219893, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.032729016318319, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.4921648792871527, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.793830888280943, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.083042250794794, "q_0.8": 4.155838853489351, "q_0.825": 4.242813272213002, "q_0.85": 4.309750983024624, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.532212885154063, "y": 4.628794613947105, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9709660110113036, "q_0.075": 2.0343879485905854, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.382681027184651, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.663926777311072, "q_0.275": 2.699149197083439, "q_0.3": 2.7693770294219893, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.032729016318319, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.4921648792871527, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.793830888280943, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.083042250794794, "q_0.8": 4.155838853489351, "q_0.825": 4.242813272213002, "q_0.85": 4.309750983024624, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.572228891556623, "y": 2.3930025869394416, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.382681027184651, "q_0.2": 2.471488206433124, "q_0.225": 2.5656030306547812, "q_0.25": 2.663926777311072, "q_0.275": 2.699149197083439, "q_0.3": 2.763071228495921, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9898673389941393, "q_0.425": 3.032729016318319, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.792510752561383, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.083042250794794, "q_0.8": 4.155838853489351, "q_0.825": 4.242813272213002, "q_0.85": 4.309750983024624, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.612244897959187, "y": 4.54494519969999, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.382681027184651, "q_0.2": 2.471488206433124, "q_0.225": 2.5656030306547812, "q_0.25": 2.663926777311072, "q_0.275": 2.699149197083439, "q_0.3": 2.763071228495921, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9898673389941393, "q_0.425": 3.032729016318319, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.792510752561383, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.083042250794794, "q_0.8": 4.155838853489351, "q_0.825": 4.242813272213002, "q_0.85": 4.309750983024624, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.652260904361746, "y": 2.007365105352465, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.382681027184651, "q_0.2": 2.471488206433124, "q_0.225": 2.5656030306547812, "q_0.25": 2.663926777311072, "q_0.275": 2.699149197083439, "q_0.3": 2.763071228495921, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9898673389941393, "q_0.425": 3.032729016318319, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.792510752561383, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.083042250794794, "q_0.8": 4.155838853489351, "q_0.825": 4.242813272213002, "q_0.85": 4.309750983024624, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.692276910764306, "y": 1.9557975204500364, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.382681027184651, "q_0.2": 2.471488206433124, "q_0.225": 2.5656030306547812, "q_0.25": 2.663926777311072, "q_0.275": 2.699149197083439, "q_0.3": 2.763071228495921, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9898673389941393, "q_0.425": 3.032729016318319, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.792510752561383, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.083042250794794, "q_0.8": 4.155838853489351, "q_0.825": 4.242813272213002, "q_0.85": 4.309750983024624, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.732292917166866, "y": 4.516802776321348, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.291548649680823, "q_0.175": 2.382681027184651, "q_0.2": 2.471488206433124, "q_0.225": 2.5656030306547812, "q_0.25": 2.663926777311072, "q_0.275": 2.699149197083439, "q_0.3": 2.763071228495921, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9898673389941393, "q_0.425": 3.032729016318319, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.552408034873406, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.792510752561383, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.083042250794794, "q_0.8": 4.155838853489351, "q_0.825": 4.242813272213002, "q_0.85": 4.309750983024624, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.77230892356943, "y": 4.570331200342933, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.3079396188188315, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.663926777311072, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0408093265566487, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.793830888280943, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.159470353648089, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.81232492997199, "y": 2.291548649680823, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.3079396188188315, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.663926777311072, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0408093265566487, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.793830888280943, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.159470353648089, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.85234093637455, "y": 3.11841699020562, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.2131302114558995, "q_0.15": 2.3079396188188315, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.663926777311072, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.859814990201883, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0408093265566487, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6415485318169702, "q_0.65": 3.722318448474545, "q_0.675": 3.793830888280943, "q_0.7": 3.9095596691147443, "q_0.725": 3.9550928641618697, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.159470353648089, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.407294961688546, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.892356942777113, "y": 3.2642043964528042, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.7958272883525694, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.167362514124177, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.932372949179673, "y": 4.291161428335633, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.7958272883525694, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.167362514124177, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 30.972388955582232, "y": 3.6415485318169702, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.7958272883525694, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.167362514124177, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.012404961984796, "y": 4.054023016640153, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.7958272883525694, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.167362514124177, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.052420968387356, "y": 3.2435609496229434, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.7958272883525694, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.167362514124177, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.092436974789916, "y": 3.702986699791204, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.7958272883525694, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.167362514124177, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.13245298119248, "y": 3.948544280020183, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.7958272883525694, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.167362514124177, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.17246898759504, "y": 3.9569191942004887, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.7958272883525694, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.091534912349754, "q_0.8": 4.167362514124177, "q_0.825": 4.265395942540645, "q_0.85": 4.312273348856062, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.2124849939976, "y": 1.8899526033401959, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.804038302060726, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.1068807620061225, "q_0.8": 4.167370622158568, "q_0.825": 4.265395942540645, "q_0.85": 4.321557261612918, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.252501000400162, "y": 2.1664529559971624, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.804038302060726, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.1068807620061225, "q_0.8": 4.167370622158568, "q_0.825": 4.265395942540645, "q_0.85": 4.321557261612918, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.292517006802722, "y": 2.9088364315966055, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.6495769653196974, "q_0.025": 1.896550859842837, "q_0.05": 1.9711446208734211, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.214610009519448, "q_0.15": 2.3146396154867976, "q_0.175": 2.3842523068288335, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.668293863082787, "q_0.275": 2.703179106240242, "q_0.3": 2.7693770294219893, "q_0.325": 2.865791866761892, "q_0.35": 2.905615710123424, "q_0.375": 2.9670028172890834, "q_0.4": 2.9910162225585744, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3590612501407273, "q_0.55": 3.4203469675267444, "q_0.575": 3.495149857235451, "q_0.6": 3.5541000648222463, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.804038302060726, "q_0.7": 3.9107986177103706, "q_0.725": 3.9569191942004887, "q_0.75": 4.023615283076078, "q_0.775": 4.1068807620061225, "q_0.8": 4.167370622158568, "q_0.825": 4.265395942540645, "q_0.85": 4.321557261612918, "q_0.875": 4.43891327236607, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.332533013205282, "y": 2.0588700055251516, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.742978530146983, "q_0.025": 1.896550859842837, "q_0.05": 1.9726060625734914, "q_0.075": 2.0344093317192424, "q_0.1": 2.1664529559971624, "q_0.125": 2.2159839124410263, "q_0.15": 2.3146396154867976, "q_0.175": 2.392466255602696, "q_0.2": 2.471488206433124, "q_0.225": 2.5730586749554183, "q_0.25": 2.6808881594079543, "q_0.275": 2.7036991740652065, "q_0.3": 2.783567202157163, "q_0.325": 2.8837922146436323, "q_0.35": 2.906971216643092, "q_0.375": 2.967085513121202, "q_0.4": 2.9914729253003998, "q_0.425": 3.0581633303894216, "q_0.45": 3.1390074757796294, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3823525524652656, "q_0.55": 3.4463227805046746, "q_0.575": 3.495149857235451, "q_0.6": 3.560833525936844, "q_0.625": 3.6462269616838245, "q_0.65": 3.7260945790478277, "q_0.675": 3.829875089616894, "q_0.7": 3.9268909670051806, "q_0.725": 3.9569191942004887, "q_0.75": 4.043937587278693, "q_0.775": 4.1068807620061225, "q_0.8": 4.170168813253846, "q_0.825": 4.270163941565705, "q_0.85": 4.332775941551913, "q_0.875": 4.441678520587124, "q_0.9": 4.462326526695686, "q_0.925": 4.510620692332899, "q_0.95": 4.5750987950482696, "q_0.975": 4.67951575246285, "q_1": 5.083807251723853}, {"x": 31.372549019607845, "y": 2.965197026856022, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.742978530146983, "q_0.025": 1.896550859842837, "q_0.05": 1.9726060625734914, "q_0.075": 2.04543075400701, "q_0.1": 2.1739247036810907, "q_0.125": 2.2233711475956004, "q_0.15": 2.3153809790481863, "q_0.175": 2.426541154335626, "q_0.2": 2.488590119858136, "q_0.225": 2.5917377746347263, "q_0.25": 2.6870200566440694, "q_0.275": 2.708989464098925, "q_0.3": 2.811955287713658, "q_0.325": 2.8837922146436323, "q_0.35": 2.9088364315966055, "q_0.375": 2.969850215308071, "q_0.4": 3.0016595769909005, "q_0.425": 3.0581633303894216, "q_0.45": 3.1515168922979693, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3823525524652656, "q_0.55": 3.460687561603477, "q_0.575": 3.495149857235451, "q_0.6": 3.561115387967302, "q_0.625": 3.647700362041045, "q_0.65": 3.7345460746170174, "q_0.675": 3.8570920487176004, "q_0.7": 3.9319023165796763, "q_0.725": 3.9709569051798512, "q_0.75": 4.050013980166575, "q_0.775": 4.1248979890079145, "q_0.8": 4.185032258800536, "q_0.825": 4.291161428335633, "q_0.85": 4.3653321569812, "q_0.875": 4.441678520587124, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.412565026010405, "y": 2.984716634589762, "y_pred": 3.3183542294418134, "target": "1", "q_0": 1.742978530146983, "q_0.025": 1.896550859842837, "q_0.05": 1.9726060625734914, "q_0.075": 2.04543075400701, "q_0.1": 2.1739247036810907, "q_0.125": 2.223660583518269, "q_0.15": 2.3158594942098008, "q_0.175": 2.4277395421973256, "q_0.2": 2.4890726459534838, "q_0.225": 2.5917377746347263, "q_0.25": 2.6890247553008053, "q_0.275": 2.711348093065874, "q_0.3": 2.811955287713658, "q_0.325": 2.885771395438066, "q_0.35": 2.9088364315966055, "q_0.375": 2.9709310125598636, "q_0.4": 3.0016595769909005, "q_0.425": 3.0621236357191126, "q_0.45": 3.1515168922979693, "q_0.475": 3.2642043964528042, "q_0.5": 3.3183542294418134, "q_0.525": 3.3823525524652656, "q_0.55": 3.460687561603477, "q_0.575": 3.5144016961386773, "q_0.6": 3.561115387967302, "q_0.625": 3.6538153232587716, "q_0.65": 3.7446972761331203, "q_0.675": 3.8570920487176004, "q_0.7": 3.9365381198047418, "q_0.725": 3.9709569051798512, "q_0.75": 4.053811225269878, "q_0.775": 4.134065512562791, "q_0.8": 4.192343117035323, "q_0.825": 4.291161428335633, "q_0.85": 4.3653321569812, "q_0.875": 4.442001273473941, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.452581032412965, "y": 4.4806014856332075, "y_pred": 3.3286306980272906, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.896550859842837, "q_0.05": 1.9771446301476692, "q_0.075": 2.04543075400701, "q_0.1": 2.1739247036810907, "q_0.125": 2.229295320561961, "q_0.15": 2.3160802280467, "q_0.175": 2.429426750821424, "q_0.2": 2.4914188591819832, "q_0.225": 2.605670703771356, "q_0.25": 2.690098446132405, "q_0.275": 2.725314698146708, "q_0.3": 2.8128121196375666, "q_0.325": 2.8871138245803345, "q_0.35": 2.930814367099149, "q_0.375": 2.983802892665897, "q_0.4": 3.0171317957431363, "q_0.425": 3.0944591840281293, "q_0.45": 3.151683441958731, "q_0.475": 3.27266047564297, "q_0.5": 3.3286306980272906, "q_0.525": 3.396703937348799, "q_0.55": 3.467448976133687, "q_0.575": 3.5203231507104635, "q_0.6": 3.5751808459354404, "q_0.625": 3.6948844639770186, "q_0.65": 3.756064033273435, "q_0.675": 3.902951553828625, "q_0.7": 3.948544280020183, "q_0.725": 3.996793693119765, "q_0.75": 4.058042527153772, "q_0.775": 4.154812452147601, "q_0.8": 4.192343117035323, "q_0.825": 4.304492011139114, "q_0.85": 4.392337762588066, "q_0.875": 4.444763676187999, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.49259703881553, "y": 3.4869689450100205, "y_pred": 3.3286306980272906, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.896550859842837, "q_0.05": 1.9771446301476692, "q_0.075": 2.04543075400701, "q_0.1": 2.1739247036810907, "q_0.125": 2.229295320561961, "q_0.15": 2.3160802280467, "q_0.175": 2.429426750821424, "q_0.2": 2.4914188591819832, "q_0.225": 2.605670703771356, "q_0.25": 2.690098446132405, "q_0.275": 2.725314698146708, "q_0.3": 2.8128121196375666, "q_0.325": 2.8871138245803345, "q_0.35": 2.930814367099149, "q_0.375": 2.983802892665897, "q_0.4": 3.0171317957431363, "q_0.425": 3.0944591840281293, "q_0.45": 3.151683441958731, "q_0.475": 3.27266047564297, "q_0.5": 3.3286306980272906, "q_0.525": 3.396703937348799, "q_0.55": 3.467448976133687, "q_0.575": 3.5203231507104635, "q_0.6": 3.5751808459354404, "q_0.625": 3.6948844639770186, "q_0.65": 3.756064033273435, "q_0.675": 3.902951553828625, "q_0.7": 3.948544280020183, "q_0.725": 3.996793693119765, "q_0.75": 4.058042527153772, "q_0.775": 4.154812452147601, "q_0.8": 4.192343117035323, "q_0.825": 4.304492011139114, "q_0.85": 4.392337762588066, "q_0.875": 4.444763676187999, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.53261304521809, "y": 3.880865397039713, "y_pred": 3.3286306980272906, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.896550859842837, "q_0.05": 1.9771446301476692, "q_0.075": 2.04543075400701, "q_0.1": 2.1739247036810907, "q_0.125": 2.229295320561961, "q_0.15": 2.3160802280467, "q_0.175": 2.429426750821424, "q_0.2": 2.4914188591819832, "q_0.225": 2.605670703771356, "q_0.25": 2.690098446132405, "q_0.275": 2.725314698146708, "q_0.3": 2.8128121196375666, "q_0.325": 2.8871138245803345, "q_0.35": 2.930814367099149, "q_0.375": 2.983802892665897, "q_0.4": 3.0171317957431363, "q_0.425": 3.0944591840281293, "q_0.45": 3.151683441958731, "q_0.475": 3.27266047564297, "q_0.5": 3.3286306980272906, "q_0.525": 3.396703937348799, "q_0.55": 3.467448976133687, "q_0.575": 3.5203231507104635, "q_0.6": 3.5751808459354404, "q_0.625": 3.6948844639770186, "q_0.65": 3.756064033273435, "q_0.675": 3.902951553828625, "q_0.7": 3.948544280020183, "q_0.725": 3.996793693119765, "q_0.75": 4.058042527153772, "q_0.775": 4.154812452147601, "q_0.8": 4.192343117035323, "q_0.825": 4.304492011139114, "q_0.85": 4.392337762588066, "q_0.875": 4.444763676187999, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.57262905162065, "y": 4.392337762588066, "y_pred": 3.3286306980272906, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.896550859842837, "q_0.05": 1.9771446301476692, "q_0.075": 2.04543075400701, "q_0.1": 2.1739247036810907, "q_0.125": 2.229295320561961, "q_0.15": 2.3160802280467, "q_0.175": 2.429426750821424, "q_0.2": 2.4914188591819832, "q_0.225": 2.605670703771356, "q_0.25": 2.690098446132405, "q_0.275": 2.725314698146708, "q_0.3": 2.8128121196375666, "q_0.325": 2.8871138245803345, "q_0.35": 2.930814367099149, "q_0.375": 2.983802892665897, "q_0.4": 3.0171317957431363, "q_0.425": 3.0944591840281293, "q_0.45": 3.151683441958731, "q_0.475": 3.27266047564297, "q_0.5": 3.3286306980272906, "q_0.525": 3.396703937348799, "q_0.55": 3.467448976133687, "q_0.575": 3.5203231507104635, "q_0.6": 3.5751808459354404, "q_0.625": 3.6948844639770186, "q_0.65": 3.756064033273435, "q_0.675": 3.902951553828625, "q_0.7": 3.948544280020183, "q_0.725": 3.996793693119765, "q_0.75": 4.058042527153772, "q_0.775": 4.154812452147601, "q_0.8": 4.192343117035323, "q_0.825": 4.304492011139114, "q_0.85": 4.392337762588066, "q_0.875": 4.444763676187999, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.61264505802321, "y": 3.13805549654208, "y_pred": 3.3286306980272906, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.896550859842837, "q_0.05": 1.9771446301476692, "q_0.075": 2.04543075400701, "q_0.1": 2.1739247036810907, "q_0.125": 2.229295320561961, "q_0.15": 2.3160802280467, "q_0.175": 2.429426750821424, "q_0.2": 2.4914188591819832, "q_0.225": 2.605670703771356, "q_0.25": 2.690098446132405, "q_0.275": 2.725314698146708, "q_0.3": 2.8128121196375666, "q_0.325": 2.8871138245803345, "q_0.35": 2.930814367099149, "q_0.375": 2.983802892665897, "q_0.4": 3.0171317957431363, "q_0.425": 3.0944591840281293, "q_0.45": 3.151683441958731, "q_0.475": 3.27266047564297, "q_0.5": 3.3286306980272906, "q_0.525": 3.396703937348799, "q_0.55": 3.467448976133687, "q_0.575": 3.5203231507104635, "q_0.6": 3.5751808459354404, "q_0.625": 3.6948844639770186, "q_0.65": 3.756064033273435, "q_0.675": 3.902951553828625, "q_0.7": 3.948544280020183, "q_0.725": 3.996793693119765, "q_0.75": 4.058042527153772, "q_0.775": 4.154812452147601, "q_0.8": 4.192343117035323, "q_0.825": 4.304492011139114, "q_0.85": 4.392337762588066, "q_0.875": 4.444763676187999, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.65266106442577, "y": 1.896550859842837, "y_pred": 3.3286306980272906, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.896550859842837, "q_0.05": 1.9771446301476692, "q_0.075": 2.04543075400701, "q_0.1": 2.1739247036810907, "q_0.125": 2.229295320561961, "q_0.15": 2.3160802280467, "q_0.175": 2.429426750821424, "q_0.2": 2.4914188591819832, "q_0.225": 2.605670703771356, "q_0.25": 2.690098446132405, "q_0.275": 2.725314698146708, "q_0.3": 2.8128121196375666, "q_0.325": 2.8871138245803345, "q_0.35": 2.930814367099149, "q_0.375": 2.983802892665897, "q_0.4": 3.0171317957431363, "q_0.425": 3.0944591840281293, "q_0.45": 3.151683441958731, "q_0.475": 3.27266047564297, "q_0.5": 3.3286306980272906, "q_0.525": 3.396703937348799, "q_0.55": 3.467448976133687, "q_0.575": 3.5203231507104635, "q_0.6": 3.5751808459354404, "q_0.625": 3.6948844639770186, "q_0.65": 3.756064033273435, "q_0.675": 3.902951553828625, "q_0.7": 3.948544280020183, "q_0.725": 3.996793693119765, "q_0.75": 4.058042527153772, "q_0.775": 4.154812452147601, "q_0.8": 4.192343117035323, "q_0.825": 4.304492011139114, "q_0.85": 4.392337762588066, "q_0.875": 4.444763676187999, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.69267707082833, "y": 2.6973752128664303, "y_pred": 3.3286306980272906, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.896550859842837, "q_0.05": 1.9771446301476692, "q_0.075": 2.04543075400701, "q_0.1": 2.1739247036810907, "q_0.125": 2.229295320561961, "q_0.15": 2.3160802280467, "q_0.175": 2.429426750821424, "q_0.2": 2.4914188591819832, "q_0.225": 2.605670703771356, "q_0.25": 2.690098446132405, "q_0.275": 2.725314698146708, "q_0.3": 2.8128121196375666, "q_0.325": 2.8871138245803345, "q_0.35": 2.930814367099149, "q_0.375": 2.983802892665897, "q_0.4": 3.0171317957431363, "q_0.425": 3.0944591840281293, "q_0.45": 3.151683441958731, "q_0.475": 3.27266047564297, "q_0.5": 3.3286306980272906, "q_0.525": 3.396703937348799, "q_0.55": 3.467448976133687, "q_0.575": 3.5203231507104635, "q_0.6": 3.5751808459354404, "q_0.625": 3.6948844639770186, "q_0.65": 3.756064033273435, "q_0.675": 3.902951553828625, "q_0.7": 3.948544280020183, "q_0.725": 3.996793693119765, "q_0.75": 4.058042527153772, "q_0.775": 4.154812452147601, "q_0.8": 4.192343117035323, "q_0.825": 4.304492011139114, "q_0.85": 4.392337762588066, "q_0.875": 4.444763676187999, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.732693077230895, "y": 4.192343117035323, "y_pred": 3.321298163409161, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.896550859842837, "q_0.05": 1.9771446301476692, "q_0.075": 2.045961214128722, "q_0.1": 2.1739247036810907, "q_0.125": 2.229295320561961, "q_0.15": 2.3160802280467, "q_0.175": 2.429426750821424, "q_0.2": 2.4914188591819832, "q_0.225": 2.605670703771356, "q_0.25": 2.690098446132405, "q_0.275": 2.7253514483783317, "q_0.3": 2.8128121196375666, "q_0.325": 2.8871138245803345, "q_0.35": 2.9249749427949223, "q_0.375": 2.9775425288232102, "q_0.4": 3.0171317957431363, "q_0.425": 3.0944591840281293, "q_0.45": 3.1515168922979693, "q_0.475": 3.27266047564297, "q_0.5": 3.321298163409161, "q_0.525": 3.3823525524652656, "q_0.55": 3.467448976133687, "q_0.575": 3.5203231507104635, "q_0.6": 3.5751808459354404, "q_0.625": 3.6948844639770186, "q_0.65": 3.756064033273435, "q_0.675": 3.902951553828625, "q_0.7": 3.948544280020183, "q_0.725": 3.999811260961281, "q_0.75": 4.0714414255033775, "q_0.775": 4.154812452147601, "q_0.8": 4.199848775004261, "q_0.825": 4.304492011139114, "q_0.85": 4.392337762588066, "q_0.875": 4.444763676187999, "q_0.9": 4.4806014856332075, "q_0.925": 4.516720865781383, "q_0.95": 4.579146244995807, "q_0.975": 4.700220156664893, "q_1": 5.083807251723853}, {"x": 31.772709083633455, "y": 4.441678520587124, "y_pred": 3.3315806906983862, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9015701639205396, "q_0.05": 2.0103767068816265, "q_0.075": 2.081307583769472, "q_0.1": 2.1905071218050285, "q_0.125": 2.291548649680823, "q_0.15": 2.3580595505422157, "q_0.175": 2.446420767024358, "q_0.2": 2.538554674234327, "q_0.225": 2.6461316096332688, "q_0.25": 2.699149197083439, "q_0.275": 2.7253514483783317, "q_0.3": 2.8300827058507037, "q_0.325": 2.8871138245803345, "q_0.35": 2.965197026856022, "q_0.375": 2.984716634589762, "q_0.4": 3.0273644148069776, "q_0.425": 3.1106190322821314, "q_0.45": 3.188182743371921, "q_0.475": 3.2840751745218855, "q_0.5": 3.3315806906983862, "q_0.525": 3.400067994887957, "q_0.55": 3.4869689450100205, "q_0.575": 3.527875932086115, "q_0.6": 3.6391697707678308, "q_0.625": 3.7149582049067673, "q_0.65": 3.7796313450647516, "q_0.675": 3.906366733050187, "q_0.7": 3.9569191942004887, "q_0.725": 4.023615283076078, "q_0.75": 4.1068807620061225, "q_0.775": 4.167370622158568, "q_0.8": 4.265395942540645, "q_0.825": 4.309750983024624, "q_0.85": 4.398564135824883, "q_0.875": 4.453833421672142, "q_0.9": 4.493500363686744, "q_0.925": 4.540790492218592, "q_0.95": 4.620425689497323, "q_0.975": 4.738124777031687, "q_1": 5.083807251723853}, {"x": 31.812725090036015, "y": 2.8871138245803345, "y_pred": 3.3315806906983862, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9015701639205396, "q_0.05": 2.0103767068816265, "q_0.075": 2.081307583769472, "q_0.1": 2.1905071218050285, "q_0.125": 2.291548649680823, "q_0.15": 2.3580595505422157, "q_0.175": 2.446420767024358, "q_0.2": 2.538554674234327, "q_0.225": 2.6461316096332688, "q_0.25": 2.699149197083439, "q_0.275": 2.7253514483783317, "q_0.3": 2.8300827058507037, "q_0.325": 2.8871138245803345, "q_0.35": 2.965197026856022, "q_0.375": 2.984716634589762, "q_0.4": 3.0273644148069776, "q_0.425": 3.1106190322821314, "q_0.45": 3.188182743371921, "q_0.475": 3.2840751745218855, "q_0.5": 3.3315806906983862, "q_0.525": 3.400067994887957, "q_0.55": 3.4869689450100205, "q_0.575": 3.527875932086115, "q_0.6": 3.6391697707678308, "q_0.625": 3.7149582049067673, "q_0.65": 3.7796313450647516, "q_0.675": 3.906366733050187, "q_0.7": 3.9569191942004887, "q_0.725": 4.023615283076078, "q_0.75": 4.1068807620061225, "q_0.775": 4.167370622158568, "q_0.8": 4.265395942540645, "q_0.825": 4.309750983024624, "q_0.85": 4.398564135824883, "q_0.875": 4.453833421672142, "q_0.9": 4.493500363686744, "q_0.925": 4.540790492218592, "q_0.95": 4.620425689497323, "q_0.975": 4.738124777031687, "q_1": 5.083807251723853}, {"x": 31.852741096438578, "y": 2.7253514483783317, "y_pred": 3.3315806906983862, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9015701639205396, "q_0.05": 2.0103767068816265, "q_0.075": 2.081307583769472, "q_0.1": 2.1919776458948323, "q_0.125": 2.291548649680823, "q_0.15": 2.3580595505422157, "q_0.175": 2.446420767024358, "q_0.2": 2.538554674234327, "q_0.225": 2.6461316096332688, "q_0.25": 2.699149197083439, "q_0.275": 2.7625310391788718, "q_0.3": 2.834322935116626, "q_0.325": 2.887732869733995, "q_0.35": 2.965197026856022, "q_0.375": 2.984716634589762, "q_0.4": 3.027480589705594, "q_0.425": 3.1106190322821314, "q_0.45": 3.19881481113056, "q_0.475": 3.2840751745218855, "q_0.5": 3.3315806906983862, "q_0.525": 3.400067994887957, "q_0.55": 3.4869689450100205, "q_0.575": 3.5294729106117644, "q_0.6": 3.6391697707678308, "q_0.625": 3.7149582049067673, "q_0.65": 3.7796313450647516, "q_0.675": 3.9072447904679453, "q_0.7": 3.9569191942004887, "q_0.725": 4.023615283076078, "q_0.75": 4.1068807620061225, "q_0.775": 4.167370622158568, "q_0.8": 4.265395942540645, "q_0.825": 4.309750983024624, "q_0.85": 4.398564135824883, "q_0.875": 4.453833421672142, "q_0.9": 4.493500363686744, "q_0.925": 4.540790492218592, "q_0.95": 4.630628094838974, "q_0.975": 4.738124777031687, "q_1": 5.083807251723853}, {"x": 31.892757102841138, "y": 4.510620692332899, "y_pred": 3.3315806906983862, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9015701639205396, "q_0.05": 2.0103767068816265, "q_0.075": 2.081307583769472, "q_0.1": 2.1919776458948323, "q_0.125": 2.291548649680823, "q_0.15": 2.3678535889494725, "q_0.175": 2.455161297797124, "q_0.2": 2.541448129223211, "q_0.225": 2.663926777311072, "q_0.25": 2.703179106240242, "q_0.275": 2.7625310391788718, "q_0.3": 2.834322935116626, "q_0.325": 2.887732869733995, "q_0.35": 2.965197026856022, "q_0.375": 2.984716634589762, "q_0.4": 3.027945289300058, "q_0.425": 3.131885696893322, "q_0.45": 3.19881481113056, "q_0.475": 3.2840751745218855, "q_0.5": 3.3315806906983862, "q_0.525": 3.401305668951996, "q_0.55": 3.4869689450100205, "q_0.575": 3.5294729106117644, "q_0.6": 3.6391697707678308, "q_0.625": 3.7149582049067673, "q_0.65": 3.7796313450647516, "q_0.675": 3.9095596691147443, "q_0.7": 3.9569191942004887, "q_0.725": 4.030660174519365, "q_0.75": 4.1068807620061225, "q_0.775": 4.170168813253846, "q_0.8": 4.265395942540645, "q_0.825": 4.312273348856062, "q_0.85": 4.407294961688546, "q_0.875": 4.453833421672142, "q_0.9": 4.493500363686744, "q_0.925": 4.540790492218592, "q_0.95": 4.630628094838974, "q_0.975": 4.738124777031687, "q_1": 5.083807251723853}, {"x": 31.932773109243698, "y": 2.8887254865875134, "y_pred": 3.3315806906983862, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9015701639205396, "q_0.05": 2.0103767068816265, "q_0.075": 2.081307583769472, "q_0.1": 2.1919776458948323, "q_0.125": 2.291548649680823, "q_0.15": 2.3678535889494725, "q_0.175": 2.455161297797124, "q_0.2": 2.541448129223211, "q_0.225": 2.663926777311072, "q_0.25": 2.703179106240242, "q_0.275": 2.7625310391788718, "q_0.3": 2.834322935116626, "q_0.325": 2.887732869733995, "q_0.35": 2.965197026856022, "q_0.375": 2.984716634589762, "q_0.4": 3.027945289300058, "q_0.425": 3.131885696893322, "q_0.45": 3.19881481113056, "q_0.475": 3.2840751745218855, "q_0.5": 3.3315806906983862, "q_0.525": 3.401305668951996, "q_0.55": 3.4869689450100205, "q_0.575": 3.5294729106117644, "q_0.6": 3.6391697707678308, "q_0.625": 3.7149582049067673, "q_0.65": 3.7796313450647516, "q_0.675": 3.9095596691147443, "q_0.7": 3.9569191942004887, "q_0.725": 4.030660174519365, "q_0.75": 4.1068807620061225, "q_0.775": 4.170168813253846, "q_0.8": 4.265395942540645, "q_0.825": 4.312273348856062, "q_0.85": 4.407294961688546, "q_0.875": 4.453833421672142, "q_0.9": 4.493500363686744, "q_0.925": 4.540790492218592, "q_0.95": 4.630628094838974, "q_0.975": 4.738124777031687, "q_1": 5.083807251723853}, {"x": 31.97278911564626, "y": 3.7427131518587426, "y_pred": 3.3315806906983862, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9015701639205396, "q_0.05": 2.0103767068816265, "q_0.075": 2.081307583769472, "q_0.1": 2.1919776458948323, "q_0.125": 2.291548649680823, "q_0.15": 2.3678535889494725, "q_0.175": 2.455161297797124, "q_0.2": 2.541448129223211, "q_0.225": 2.663926777311072, "q_0.25": 2.703179106240242, "q_0.275": 2.7625310391788718, "q_0.3": 2.834322935116626, "q_0.325": 2.887732869733995, "q_0.35": 2.965197026856022, "q_0.375": 2.984716634589762, "q_0.4": 3.027945289300058, "q_0.425": 3.131885696893322, "q_0.45": 3.19881481113056, "q_0.475": 3.2840751745218855, "q_0.5": 3.3315806906983862, "q_0.525": 3.401305668951996, "q_0.55": 3.4869689450100205, "q_0.575": 3.5294729106117644, "q_0.6": 3.6391697707678308, "q_0.625": 3.7149582049067673, "q_0.65": 3.7796313450647516, "q_0.675": 3.9095596691147443, "q_0.7": 3.9569191942004887, "q_0.725": 4.030660174519365, "q_0.75": 4.1068807620061225, "q_0.775": 4.170168813253846, "q_0.8": 4.265395942540645, "q_0.825": 4.312273348856062, "q_0.85": 4.407294961688546, "q_0.875": 4.453833421672142, "q_0.9": 4.493500363686744, "q_0.925": 4.540790492218592, "q_0.95": 4.630628094838974, "q_0.975": 4.738124777031687, "q_1": 5.083807251723853}, {"x": 32.01280512204882, "y": 2.690098446132405, "y_pred": 3.3315806906983862, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9015701639205396, "q_0.05": 2.0103767068816265, "q_0.075": 2.081307583769472, "q_0.1": 2.1919776458948323, "q_0.125": 2.291548649680823, "q_0.15": 2.3678535889494725, "q_0.175": 2.455161297797124, "q_0.2": 2.541448129223211, "q_0.225": 2.663926777311072, "q_0.25": 2.703179106240242, "q_0.275": 2.7625310391788718, "q_0.3": 2.834322935116626, "q_0.325": 2.887732869733995, "q_0.35": 2.965197026856022, "q_0.375": 2.984716634589762, "q_0.4": 3.027945289300058, "q_0.425": 3.131885696893322, "q_0.45": 3.19881481113056, "q_0.475": 3.2840751745218855, "q_0.5": 3.3315806906983862, "q_0.525": 3.401305668951996, "q_0.55": 3.4869689450100205, "q_0.575": 3.5294729106117644, "q_0.6": 3.6391697707678308, "q_0.625": 3.7149582049067673, "q_0.65": 3.7796313450647516, "q_0.675": 3.9095596691147443, "q_0.7": 3.9569191942004887, "q_0.725": 4.030660174519365, "q_0.75": 4.1068807620061225, "q_0.775": 4.170168813253846, "q_0.8": 4.265395942540645, "q_0.825": 4.312273348856062, "q_0.85": 4.407294961688546, "q_0.875": 4.453833421672142, "q_0.9": 4.493500363686744, "q_0.925": 4.540790492218592, "q_0.95": 4.630628094838974, "q_0.975": 4.738124777031687, "q_1": 5.083807251723853}, {"x": 32.052821128451384, "y": 2.1739247036810907, "y_pred": 3.3315806906983862, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9059524787193978, "q_0.05": 2.0103767068816265, "q_0.075": 2.081959920717172, "q_0.1": 2.1919776458948323, "q_0.125": 2.291548649680823, "q_0.15": 2.3678535889494725, "q_0.175": 2.455161297797124, "q_0.2": 2.538554674234327, "q_0.225": 2.6608458620916298, "q_0.25": 2.699149197083439, "q_0.275": 2.7625310391788718, "q_0.3": 2.834322935116626, "q_0.325": 2.887732869733995, "q_0.35": 2.965197026856022, "q_0.375": 2.984716634589762, "q_0.4": 3.027945289300058, "q_0.425": 3.131885696893322, "q_0.45": 3.19881481113056, "q_0.475": 3.2840751745218855, "q_0.5": 3.3315806906983862, "q_0.525": 3.401155945099232, "q_0.55": 3.4869689450100205, "q_0.575": 3.5294729106117644, "q_0.6": 3.6391697707678308, "q_0.625": 3.7149582049067673, "q_0.65": 3.7796313450647516, "q_0.675": 3.9095596691147443, "q_0.7": 3.9569191942004887, "q_0.725": 4.030660174519365, "q_0.75": 4.1068807620061225, "q_0.775": 4.170168813253846, "q_0.8": 4.265395942540645, "q_0.825": 4.312273348856062, "q_0.85": 4.407294961688546, "q_0.875": 4.453833421672142, "q_0.9": 4.493500363686744, "q_0.925": 4.540790492218592, "q_0.95": 4.630628094838974, "q_0.975": 4.7583620229574874, "q_1": 5.083807251723853}, {"x": 32.092837134853944, "y": 3.3183542294418134, "y_pred": 3.3315806906983862, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9059524787193978, "q_0.05": 2.0103767068816265, "q_0.075": 2.081959920717172, "q_0.1": 2.1919776458948323, "q_0.125": 2.291548649680823, "q_0.15": 2.3678535889494725, "q_0.175": 2.4689213083572805, "q_0.2": 2.5421714929704304, "q_0.225": 2.663926777311072, "q_0.25": 2.703179106240242, "q_0.275": 2.7625310391788718, "q_0.3": 2.834322935116626, "q_0.325": 2.887732869733995, "q_0.35": 2.965197026856022, "q_0.375": 2.984716634589762, "q_0.4": 3.027945289300058, "q_0.425": 3.131885696893322, "q_0.45": 3.19881481113056, "q_0.475": 3.2840751745218855, "q_0.5": 3.3315806906983862, "q_0.525": 3.4013624607582162, "q_0.55": 3.4871965354194967, "q_0.575": 3.5294729106117644, "q_0.6": 3.6391697707678308, "q_0.625": 3.7149582049067673, "q_0.65": 3.7796313450647516, "q_0.675": 3.9095596691147443, "q_0.7": 3.9569191942004887, "q_0.725": 4.030660174519365, "q_0.75": 4.1068807620061225, "q_0.775": 4.170168813253846, "q_0.8": 4.265395942540645, "q_0.825": 4.312273348856062, "q_0.85": 4.407294961688546, "q_0.875": 4.453833421672142, "q_0.9": 4.497057391237302, "q_0.925": 4.557545325122913, "q_0.95": 4.630628094838974, "q_0.975": 4.7583620229574874, "q_1": 5.083807251723853}, {"x": 32.132853141256504, "y": 4.516720865781383, "y_pred": 3.3587416391071625, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.032577143227643, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.325642290903333, "q_0.15": 2.426541154335626, "q_0.175": 2.4897964350965056, "q_0.2": 2.5730586749554183, "q_0.225": 2.6890247553008053, "q_0.25": 2.708989464098925, "q_0.275": 2.783567202157163, "q_0.3": 2.8400706680520504, "q_0.325": 2.9006328592899173, "q_0.35": 2.967085513121202, "q_0.375": 2.9910162225585744, "q_0.4": 3.0581633303894216, "q_0.425": 3.1390074757796294, "q_0.45": 3.2435609496229434, "q_0.475": 3.3183542294418134, "q_0.5": 3.3587416391071625, "q_0.525": 3.4203469675267444, "q_0.55": 3.516057306819606, "q_0.575": 3.560833525936844, "q_0.6": 3.6538153232587716, "q_0.625": 3.726263579377608, "q_0.65": 3.8570920487176004, "q_0.675": 3.948544280020183, "q_0.7": 4.000783666055703, "q_0.725": 4.058042527153772, "q_0.75": 4.154812452147601, "q_0.775": 4.192343117035323, "q_0.8": 4.291161428335633, "q_0.825": 4.3504823899916225, "q_0.85": 4.441678520587124, "q_0.875": 4.462326526695686, "q_0.9": 4.510620692332899, "q_0.925": 4.5750987950482696, "q_0.95": 4.67951575246285, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.172869147659064, "y": 3.6538153232587716, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.032577143227643, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3319464530596, "q_0.15": 2.4277395421973256, "q_0.175": 2.4897964350965056, "q_0.2": 2.5730586749554183, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.7875910595758158, "q_0.3": 2.8400706680520504, "q_0.325": 2.905615710123424, "q_0.35": 2.967085513121202, "q_0.375": 2.9914729253003998, "q_0.4": 3.0581633303894216, "q_0.425": 3.1390074757796294, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4376070535488417, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7345460746170174, "q_0.65": 3.8570920487176004, "q_0.675": 3.951338077386283, "q_0.7": 4.0043066980372055, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.201787387189963, "q_0.8": 4.304492011139114, "q_0.825": 4.351517742112809, "q_0.85": 4.442001273473941, "q_0.875": 4.4746887814924925, "q_0.9": 4.510620692332899, "q_0.925": 4.579146244995807, "q_0.95": 4.67951575246285, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.212885154061624, "y": 2.4914188591819832, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.032577143227643, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3319464530596, "q_0.15": 2.4277395421973256, "q_0.175": 2.4897964350965056, "q_0.2": 2.5730586749554183, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.7875910595758158, "q_0.3": 2.8400706680520504, "q_0.325": 2.905615710123424, "q_0.35": 2.967085513121202, "q_0.375": 2.9914729253003998, "q_0.4": 3.0581633303894216, "q_0.425": 3.1390074757796294, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4376070535488417, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7345460746170174, "q_0.65": 3.8570920487176004, "q_0.675": 3.951338077386283, "q_0.7": 4.0043066980372055, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.201787387189963, "q_0.8": 4.304492011139114, "q_0.825": 4.351517742112809, "q_0.85": 4.442001273473941, "q_0.875": 4.4746887814924925, "q_0.9": 4.510620692332899, "q_0.925": 4.579146244995807, "q_0.95": 4.67951575246285, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.252901160464184, "y": 3.8375186791189515, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.032577143227643, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3319464530596, "q_0.15": 2.4277395421973256, "q_0.175": 2.4897964350965056, "q_0.2": 2.5730586749554183, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.7875910595758158, "q_0.3": 2.8400706680520504, "q_0.325": 2.905615710123424, "q_0.35": 2.967085513121202, "q_0.375": 2.9914729253003998, "q_0.4": 3.0581633303894216, "q_0.425": 3.1390074757796294, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4376070535488417, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7345460746170174, "q_0.65": 3.8570920487176004, "q_0.675": 3.951338077386283, "q_0.7": 4.0043066980372055, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.201787387189963, "q_0.8": 4.304492011139114, "q_0.825": 4.351517742112809, "q_0.85": 4.442001273473941, "q_0.875": 4.4746887814924925, "q_0.9": 4.510620692332899, "q_0.925": 4.579146244995807, "q_0.95": 4.67951575246285, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.29291716686675, "y": 4.083042250794794, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.032577143227643, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3319464530596, "q_0.15": 2.4277395421973256, "q_0.175": 2.4897964350965056, "q_0.2": 2.5730586749554183, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.7875910595758158, "q_0.3": 2.8400706680520504, "q_0.325": 2.905615710123424, "q_0.35": 2.967085513121202, "q_0.375": 2.9914729253003998, "q_0.4": 3.0581633303894216, "q_0.425": 3.1390074757796294, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4376070535488417, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7345460746170174, "q_0.65": 3.8570920487176004, "q_0.675": 3.951338077386283, "q_0.7": 4.0043066980372055, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.201787387189963, "q_0.8": 4.304492011139114, "q_0.825": 4.351517742112809, "q_0.85": 4.442001273473941, "q_0.875": 4.4746887814924925, "q_0.9": 4.510620692332899, "q_0.925": 4.579146244995807, "q_0.95": 4.67951575246285, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.33293317326931, "y": 2.811955287713658, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.032577143227643, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3319464530596, "q_0.15": 2.4277395421973256, "q_0.175": 2.4897964350965056, "q_0.2": 2.5730586749554183, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.7875910595758158, "q_0.3": 2.8400706680520504, "q_0.325": 2.905615710123424, "q_0.35": 2.967085513121202, "q_0.375": 2.9914729253003998, "q_0.4": 3.0581633303894216, "q_0.425": 3.1390074757796294, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4376070535488417, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7345460746170174, "q_0.65": 3.8570920487176004, "q_0.675": 3.951338077386283, "q_0.7": 4.0043066980372055, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.201787387189963, "q_0.8": 4.304492011139114, "q_0.825": 4.351517742112809, "q_0.85": 4.442001273473941, "q_0.875": 4.4746887814924925, "q_0.9": 4.510620692332899, "q_0.925": 4.579146244995807, "q_0.95": 4.67951575246285, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.37294917967187, "y": 3.491032646272281, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.032577143227643, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3319464530596, "q_0.15": 2.4277395421973256, "q_0.175": 2.4897964350965056, "q_0.2": 2.5730586749554183, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.7875910595758158, "q_0.3": 2.8400706680520504, "q_0.325": 2.905615710123424, "q_0.35": 2.967085513121202, "q_0.375": 2.9914729253003998, "q_0.4": 3.0581633303894216, "q_0.425": 3.1390074757796294, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4376070535488417, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7345460746170174, "q_0.65": 3.8570920487176004, "q_0.675": 3.951338077386283, "q_0.7": 4.0043066980372055, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.201787387189963, "q_0.8": 4.304492011139114, "q_0.825": 4.351517742112809, "q_0.85": 4.442001273473941, "q_0.875": 4.4746887814924925, "q_0.9": 4.510620692332899, "q_0.925": 4.579146244995807, "q_0.95": 4.67951575246285, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.41296518607443, "y": 3.8414496844839716, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.032577143227643, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3319464530596, "q_0.15": 2.4277395421973256, "q_0.175": 2.4897964350965056, "q_0.2": 2.5730586749554183, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.7875910595758158, "q_0.3": 2.8400706680520504, "q_0.325": 2.905615710123424, "q_0.35": 2.967085513121202, "q_0.375": 2.9914729253003998, "q_0.4": 3.0581633303894216, "q_0.425": 3.1390074757796294, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4376070535488417, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7345460746170174, "q_0.65": 3.8570920487176004, "q_0.675": 3.951338077386283, "q_0.7": 4.0043066980372055, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.201787387189963, "q_0.8": 4.304492011139114, "q_0.825": 4.351517742112809, "q_0.85": 4.442001273473941, "q_0.875": 4.4746887814924925, "q_0.9": 4.510620692332899, "q_0.925": 4.579146244995807, "q_0.95": 4.67951575246285, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.45298119247699, "y": 2.3580595505422157, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.032577143227643, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3319464530596, "q_0.15": 2.4277395421973256, "q_0.175": 2.4897964350965056, "q_0.2": 2.5730586749554183, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.7875910595758158, "q_0.3": 2.8400706680520504, "q_0.325": 2.905615710123424, "q_0.35": 2.967085513121202, "q_0.375": 2.9914729253003998, "q_0.4": 3.0581633303894216, "q_0.425": 3.1390074757796294, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4376070535488417, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7345460746170174, "q_0.65": 3.8570920487176004, "q_0.675": 3.951338077386283, "q_0.7": 4.0043066980372055, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.201787387189963, "q_0.8": 4.304492011139114, "q_0.825": 4.351517742112809, "q_0.85": 4.442001273473941, "q_0.875": 4.4746887814924925, "q_0.9": 4.510620692332899, "q_0.925": 4.579146244995807, "q_0.95": 4.67951575246285, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.49299719887955, "y": 4.647529416344164, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.0343142955918774, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3330099774170625, "q_0.15": 2.4277395421973256, "q_0.175": 2.4914188591819832, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.711348093065874, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.906971216643092, "q_0.35": 2.969850215308071, "q_0.375": 2.9914729253003998, "q_0.4": 3.066127764945416, "q_0.425": 3.1515168922979693, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4542234101090186, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7446972761331203, "q_0.65": 3.871351807004203, "q_0.675": 3.951338077386283, "q_0.7": 4.009116605893217, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.233784940697606, "q_0.8": 4.304492011139114, "q_0.825": 4.354057639477195, "q_0.85": 4.442001273473941, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.579146244995807, "q_0.95": 4.691764555999637, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.53301320528212, "y": 3.188182743371921, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.0343142955918774, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3330099774170625, "q_0.15": 2.4277395421973256, "q_0.175": 2.4914188591819832, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.711348093065874, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.906971216643092, "q_0.35": 2.969850215308071, "q_0.375": 2.9914729253003998, "q_0.4": 3.066127764945416, "q_0.425": 3.1515168922979693, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4542234101090186, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7446972761331203, "q_0.65": 3.871351807004203, "q_0.675": 3.951338077386283, "q_0.7": 4.009116605893217, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.233784940697606, "q_0.8": 4.304492011139114, "q_0.825": 4.354057639477195, "q_0.85": 4.442001273473941, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.579146244995807, "q_0.95": 4.691764555999637, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.57302921168468, "y": 4.695164996004206, "y_pred": 3.3590612501407273, "target": "1", "q_0": 1.8468666129079034, "q_0.025": 1.9557975204500364, "q_0.05": 2.0343142955918774, "q_0.075": 2.1523668988250786, "q_0.1": 2.2159839124410263, "q_0.125": 2.3330099774170625, "q_0.15": 2.4277395421973256, "q_0.175": 2.4914188591819832, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.711348093065874, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.906971216643092, "q_0.35": 2.969850215308071, "q_0.375": 2.9914729253003998, "q_0.4": 3.066127764945416, "q_0.425": 3.1515168922979693, "q_0.45": 3.2642043964528042, "q_0.475": 3.3183542294418134, "q_0.5": 3.3590612501407273, "q_0.525": 3.4542234101090186, "q_0.55": 3.5203231507104635, "q_0.575": 3.561115387967302, "q_0.6": 3.6538153232587716, "q_0.625": 3.7446972761331203, "q_0.65": 3.871351807004203, "q_0.675": 3.951338077386283, "q_0.7": 4.009116605893217, "q_0.725": 4.083042250794794, "q_0.75": 4.155838853489351, "q_0.775": 4.233784940697606, "q_0.8": 4.304492011139114, "q_0.825": 4.354057639477195, "q_0.85": 4.442001273473941, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.579146244995807, "q_0.95": 4.691764555999637, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.61304521808724, "y": 2.444206584827035, "y_pred": 3.3725130535405006, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 1.9726060625734914, "q_0.05": 2.0343142955918774, "q_0.075": 2.1664529559971624, "q_0.1": 2.223950019440938, "q_0.125": 2.3553129290502435, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5917377746347263, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.969850215308071, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.1515168922979693, "q_0.45": 3.2675005831610826, "q_0.475": 3.3183542294418134, "q_0.5": 3.3725130535405006, "q_0.525": 3.467448976133687, "q_0.55": 3.525096036811748, "q_0.575": 3.5751808459354404, "q_0.6": 3.6948844639770186, "q_0.625": 3.7446972761331203, "q_0.65": 3.891750678846295, "q_0.675": 3.9550928641618697, "q_0.7": 4.024292911640289, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.242813272213002, "q_0.8": 4.306950883682711, "q_0.825": 4.3653321569812, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.586113951299229, "q_0.95": 4.700220156664893, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.6530612244898, "y": 3.2840751745218855, "y_pred": 3.3725130535405006, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 1.9726060625734914, "q_0.05": 2.0343142955918774, "q_0.075": 2.1664529559971624, "q_0.1": 2.223950019440938, "q_0.125": 2.3553129290502435, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5917377746347263, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.969850215308071, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.1515168922979693, "q_0.45": 3.2675005831610826, "q_0.475": 3.3183542294418134, "q_0.5": 3.3725130535405006, "q_0.525": 3.467448976133687, "q_0.55": 3.525096036811748, "q_0.575": 3.5751808459354404, "q_0.6": 3.6948844639770186, "q_0.625": 3.7446972761331203, "q_0.65": 3.891750678846295, "q_0.675": 3.9550928641618697, "q_0.7": 4.024292911640289, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.242813272213002, "q_0.8": 4.306950883682711, "q_0.825": 4.3653321569812, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.586113951299229, "q_0.95": 4.700220156664893, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.69307723089236, "y": 2.3780042939436905, "y_pred": 3.3725130535405006, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 1.9726060625734914, "q_0.05": 2.0343142955918774, "q_0.075": 2.1664529559971624, "q_0.1": 2.223950019440938, "q_0.125": 2.3553129290502435, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5917377746347263, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.969850215308071, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.1515168922979693, "q_0.45": 3.2675005831610826, "q_0.475": 3.3183542294418134, "q_0.5": 3.3725130535405006, "q_0.525": 3.467448976133687, "q_0.55": 3.525096036811748, "q_0.575": 3.5751808459354404, "q_0.6": 3.6948844639770186, "q_0.625": 3.7446972761331203, "q_0.65": 3.891750678846295, "q_0.675": 3.9550928641618697, "q_0.7": 4.024292911640289, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.242813272213002, "q_0.8": 4.306950883682711, "q_0.825": 4.3653321569812, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.586113951299229, "q_0.95": 4.700220156664893, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.733093237294916, "y": 1.9343408651327416, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 1.9726060625734914, "q_0.05": 2.0343237992046137, "q_0.075": 2.1664529559971624, "q_0.1": 2.229295320561961, "q_0.125": 2.3566188703128574, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5917377746347263, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.1515168922979693, "q_0.45": 3.27266047564297, "q_0.475": 3.3183542294418134, "q_0.5": 3.380339819171627, "q_0.525": 3.467448976133687, "q_0.55": 3.525096036811748, "q_0.575": 3.5751808459354404, "q_0.6": 3.6948844639770186, "q_0.625": 3.7446972761331203, "q_0.65": 3.891750678846295, "q_0.675": 3.9550928641618697, "q_0.7": 4.024292911640289, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.242813272213002, "q_0.8": 4.306950883682711, "q_0.825": 4.3653321569812, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.591053036986328, "q_0.95": 4.700220156664893, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.77310924369748, "y": 2.5850987133151326, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 1.9726060625734914, "q_0.05": 2.0343237992046137, "q_0.075": 2.1664529559971624, "q_0.1": 2.229295320561961, "q_0.125": 2.3566188703128574, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5917377746347263, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.1515168922979693, "q_0.45": 3.27266047564297, "q_0.475": 3.3183542294418134, "q_0.5": 3.380339819171627, "q_0.525": 3.467448976133687, "q_0.55": 3.525096036811748, "q_0.575": 3.5751808459354404, "q_0.6": 3.6948844639770186, "q_0.625": 3.7446972761331203, "q_0.65": 3.891750678846295, "q_0.675": 3.9550928641618697, "q_0.7": 4.024292911640289, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.242813272213002, "q_0.8": 4.306950883682711, "q_0.825": 4.3653321569812, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.591053036986328, "q_0.95": 4.700220156664893, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.81312525010004, "y": 3.0581633303894216, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 1.9726060625734914, "q_0.05": 2.0343237992046137, "q_0.075": 2.1664529559971624, "q_0.1": 2.229295320561961, "q_0.125": 2.3566188703128574, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5917377746347263, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.1515168922979693, "q_0.45": 3.27266047564297, "q_0.475": 3.3183542294418134, "q_0.5": 3.380339819171627, "q_0.525": 3.467448976133687, "q_0.55": 3.525096036811748, "q_0.575": 3.5751808459354404, "q_0.6": 3.6948844639770186, "q_0.625": 3.7446972761331203, "q_0.65": 3.891750678846295, "q_0.675": 3.9550928641618697, "q_0.7": 4.024292911640289, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.242813272213002, "q_0.8": 4.306950883682711, "q_0.825": 4.3653321569812, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.591053036986328, "q_0.95": 4.700220156664893, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.8531412565026, "y": 3.1390074757796294, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 1.9726060625734914, "q_0.05": 2.0344093317192424, "q_0.075": 2.1664529559971624, "q_0.1": 2.2442125503622727, "q_0.125": 2.3566188703128574, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5917377746347263, "q_0.225": 2.693445491375915, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.1515168922979693, "q_0.45": 3.27266047564297, "q_0.475": 3.3183542294418134, "q_0.5": 3.380339819171627, "q_0.525": 3.467448976133687, "q_0.55": 3.525096036811748, "q_0.575": 3.5751808459354404, "q_0.6": 3.6948844639770186, "q_0.625": 3.7446972761331203, "q_0.65": 3.891750678846295, "q_0.675": 3.9550928641618697, "q_0.7": 4.030660174519365, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.242813272213002, "q_0.8": 4.309274244747917, "q_0.825": 4.392337762588066, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.6002256246908875, "q_0.95": 4.700220156664893, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.89315726290516, "y": 4.442001273473941, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 1.9726060625734914, "q_0.05": 2.0344093317192424, "q_0.075": 2.1664529559971624, "q_0.1": 2.2442125503622727, "q_0.125": 2.3566188703128574, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5917377746347263, "q_0.225": 2.6973752128664303, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.1515168922979693, "q_0.45": 3.27266047564297, "q_0.475": 3.321298163409161, "q_0.5": 3.380339819171627, "q_0.525": 3.467448976133687, "q_0.55": 3.525096036811748, "q_0.575": 3.5751808459354404, "q_0.6": 3.702986699791204, "q_0.625": 3.7446972761331203, "q_0.65": 3.891750678846295, "q_0.675": 3.9550928641618697, "q_0.7": 4.030660174519365, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.242813272213002, "q_0.8": 4.309274244747917, "q_0.825": 4.392337762588066, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.6002256246908875, "q_0.95": 4.700220156664893, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.93317326930772, "y": 3.7260945790478277, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 1.9726060625734914, "q_0.05": 2.0344093317192424, "q_0.075": 2.1664529559971624, "q_0.1": 2.2442125503622727, "q_0.125": 2.3566188703128574, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5917377746347263, "q_0.225": 2.6973752128664303, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.1515168922979693, "q_0.45": 3.27266047564297, "q_0.475": 3.321298163409161, "q_0.5": 3.380339819171627, "q_0.525": 3.467448976133687, "q_0.55": 3.525096036811748, "q_0.575": 3.5751808459354404, "q_0.6": 3.702986699791204, "q_0.625": 3.7446972761331203, "q_0.65": 3.891750678846295, "q_0.675": 3.9550928641618697, "q_0.7": 4.030660174519365, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.242813272213002, "q_0.8": 4.309274244747917, "q_0.825": 4.392337762588066, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.6002256246908875, "q_0.95": 4.700220156664893, "q_0.975": 4.767619077388904, "q_1": 5.26400136296239}, {"x": 32.97318927571028, "y": 3.1515168922979693, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 1.9771446301476692, "q_0.05": 2.0344093317192424, "q_0.075": 2.1664529559971624, "q_0.1": 2.2442125503622727, "q_0.125": 2.3566188703128574, "q_0.15": 2.429426750821424, "q_0.175": 2.4914188591819832, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.859814990201883, "q_0.325": 2.9088364315966055, "q_0.35": 2.9709310125598636, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.321298163409161, "q_0.5": 3.380339819171627, "q_0.525": 3.4680774029695485, "q_0.55": 3.527875932086115, "q_0.575": 3.5751808459354404, "q_0.6": 3.702986699791204, "q_0.625": 3.756064033273435, "q_0.65": 3.902951553828625, "q_0.675": 3.9569191942004887, "q_0.7": 4.030660174519365, "q_0.725": 4.1068807620061225, "q_0.75": 4.167362514124177, "q_0.775": 4.2494584554721, "q_0.8": 4.309274244747917, "q_0.825": 4.392337762588066, "q_0.85": 4.444763676187999, "q_0.875": 4.4806014856332075, "q_0.9": 4.516720865781383, "q_0.925": 4.601478365291408, "q_0.95": 4.700220156664893, "q_0.975": 4.777766588535725, "q_1": 5.26400136296239}, {"x": 33.01320528211285, "y": 4.737127610767498, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.0629234463545756, "q_0.075": 2.1739247036810907, "q_0.1": 2.291548649680823, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.613141023924022, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7260945790478277, "q_0.625": 3.8280639018148994, "q_0.65": 3.948544280020183, "q_0.675": 4.000783666055703, "q_0.7": 4.0714414255033775, "q_0.725": 4.154812452147601, "q_0.75": 4.192343117035323, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.460768432955014, "q_0.875": 4.497057391237302, "q_0.9": 4.570331200342933, "q_0.925": 4.662952528375321, "q_0.95": 4.738124777031687, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.05322128851541, "y": 3.668389665087376, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.0103767068816265, "q_0.05": 2.0703119172948825, "q_0.075": 2.174984241203033, "q_0.1": 2.3146396154867976, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.613141023924022, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.0043066980372055, "q_0.7": 4.083042250794794, "q_0.725": 4.155838853489351, "q_0.75": 4.199848775004261, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.460768432955014, "q_0.875": 4.497057391237302, "q_0.9": 4.5750987950482696, "q_0.925": 4.67951575246285, "q_0.95": 4.7583620229574874, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.09323729491797, "y": 2.834322935116626, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.0703119172948825, "q_0.075": 2.174984241203033, "q_0.1": 2.3146396154867976, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.0043066980372055, "q_0.7": 4.083042250794794, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.497057391237302, "q_0.9": 4.5750987950482696, "q_0.925": 4.67951575246285, "q_0.95": 4.7583620229574874, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.13325330132053, "y": 3.891750678846295, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.0703119172948825, "q_0.075": 2.174984241203033, "q_0.1": 2.3146396154867976, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.0043066980372055, "q_0.7": 4.083042250794794, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.497057391237302, "q_0.9": 4.5750987950482696, "q_0.925": 4.67951575246285, "q_0.95": 4.7583620229574874, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.17326930772309, "y": 3.332207965146324, "y_pred": 3.4013624607582162, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.0703119172948825, "q_0.075": 2.174984241203033, "q_0.1": 2.3146396154867976, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.950780802798181, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.332207965146324, "q_0.5": 3.4013624607582162, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.0043066980372055, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.5750987950482696, "q_0.925": 4.67951575246285, "q_0.95": 4.7583620229574874, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.21328531412565, "y": 4.43891327236607, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.0703119172948825, "q_0.075": 2.174984241203033, "q_0.1": 2.3146396154867976, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.752029890524276, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.5750987950482696, "q_0.925": 4.67951575246285, "q_0.95": 4.7583620229574874, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.253301320528216, "y": 4.484454122060825, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.0703119172948825, "q_0.075": 2.174984241203033, "q_0.1": 2.3146396154867976, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.752029890524276, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.5750987950482696, "q_0.925": 4.67951575246285, "q_0.95": 4.7583620229574874, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.293317326930776, "y": 2.9670028172890834, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.333333333333336, "y": 3.527875932086115, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.373349339735896, "y": 2.6770466872123944, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.413365346138455, "y": 3.7149582049067673, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.453381352541015, "y": 4.767619077388904, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.49339735894358, "y": 4.309750983024624, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.53341336534614, "y": 2.969850215308071, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.5734293717487, "y": 2.190625636527149, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.61344537815126, "y": 4.700220156664893, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.65346138455382, "y": 3.0393697408808347, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.69347739095638, "y": 2.763071228495921, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0103767068816265, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.6461316096332688, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.955189646114812, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.34426307634953, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.67951575246285, "q_0.95": 4.765582159307896, "q_0.975": 4.826390594066324, "q_1": 5.293584910556597}, {"x": 33.73349339735894, "y": 2.8300827058507037, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.611917547032888, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.859814990201883, "q_0.325": 2.950780802798181, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.516057306819606, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 33.77350940376151, "y": 3.3315806906983862, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1853471070035178, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689760306066626, "q_0.175": 2.534097647109762, "q_0.2": 2.605670703771356, "q_0.225": 2.703179106240242, "q_0.25": 2.7253514483783317, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3436482025560696, "q_0.5": 3.400067994887957, "q_0.525": 3.516057306819606, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.276112902783254, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 33.81352541016407, "y": 4.67951575246285, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.190880199322773, "q_0.1": 2.3158594942098008, "q_0.125": 2.3821362188948045, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3405359731487456, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 33.85354141656663, "y": 4.767305088053063, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.190880199322773, "q_0.1": 2.3158594942098008, "q_0.125": 2.3821362188948045, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3405359731487456, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 33.89355742296919, "y": 2.7751653753611603, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.190880199322773, "q_0.1": 2.3158594942098008, "q_0.125": 2.3821362188948045, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3405359731487456, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 33.93357342937175, "y": 2.9358555251755734, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.190880199322773, "q_0.1": 2.3158594942098008, "q_0.125": 2.3821362188948045, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3405359731487456, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 33.97358943577431, "y": 3.400067994887957, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.190880199322773, "q_0.1": 2.3158594942098008, "q_0.125": 2.3821362188948045, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3405359731487456, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.013605442176875, "y": 1.9453021931566983, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.190880199322773, "q_0.1": 2.3158594942098008, "q_0.125": 2.3821362188948045, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3405359731487456, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.053621448579435, "y": 2.4277395421973256, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.190880199322773, "q_0.1": 2.3158594942098008, "q_0.125": 2.3821362188948045, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3405359731487456, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.093637454981994, "y": 4.630628094838974, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.190880199322773, "q_0.1": 2.3158594942098008, "q_0.125": 2.3821362188948045, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3405359731487456, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.133653461384554, "y": 2.0083266003485676, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.190880199322773, "q_0.1": 2.3158594942098008, "q_0.125": 2.3821362188948045, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.3405359731487456, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.579146244995807, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.173669467787114, "y": 2.2159839124410263, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.213685474189674, "y": 3.142454371636732, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.25370148059224, "y": 4.043937587278693, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.2937174869948, "y": 2.7044792758026515, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.33373349339736, "y": 2.8128121196375666, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.37374949979992, "y": 2.8122175195595656, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.721134429745307, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.155838853489351, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.691764555999637, "q_0.95": 4.765582159307896, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.41376550620248, "y": 4.458744990812855, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3842523068288335, "q_0.15": 2.470015753344929, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.023615283076078, "q_0.7": 4.103148685543555, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.45378151260504, "y": 2.583463732437698, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3842523068288335, "q_0.15": 2.470015753344929, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.023615283076078, "q_0.7": 4.103148685543555, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.49379751900761, "y": 3.560833525936844, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3842523068288335, "q_0.15": 2.470015753344929, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.023615283076078, "q_0.7": 4.103148685543555, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.53381352541017, "y": 4.833007771285563, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1297220967402692, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.57382953181273, "y": 4.045667651936903, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1297220967402692, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.61384553821529, "y": 2.906971216643092, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1297220967402692, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.65386154461785, "y": 4.155838853489351, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1297220967402692, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.69387755102041, "y": 4.705475189451231, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1297220967402692, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.733893557422974, "y": 3.017787188717036, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.703179106240242, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1297220967402692, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.773909563825534, "y": 3.992552798060359, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.2168314865874335, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.81392557022809, "y": 2.1523668988250786, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.2168314865874335, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.85394157663065, "y": 4.540790492218592, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.2168314865874335, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.89395758303321, "y": 2.2131302114558995, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.2168314865874335, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.93397358943577, "y": 3.0204853979940633, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.2168314865874335, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 34.97398959583834, "y": 3.516057306819606, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.2168314865874335, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.0140056022409, "y": 2.703179106240242, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.2168314865874335, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.05402160864346, "y": 3.829875089616894, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.2168314865874335, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.09403761504602, "y": 3.5541000648222463, "y_pred": 3.401716228475526, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.8128121196375666, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.401716228475526, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7345460746170174, "q_0.625": 3.8570920487176004, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.2168314865874335, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.13405362144858, "y": 4.030660174519365, "y_pred": 3.4013624607582162, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.2007705398545534, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.4013624607582162, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.700220156664893, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.17406962785114, "y": 2.9709310125598636, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.400067994887957, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.593169787995076, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.214085634253706, "y": 3.5327513965170736, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.400067994887957, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.593169787995076, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.254101640656266, "y": 4.312273348856062, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.400067994887957, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.593169787995076, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.294117647058826, "y": 4.309274244747917, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.378609405671421, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.60287342412113, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.017787188717036, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.400067994887957, "q_0.525": 3.516057306819606, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.9550928641618697, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.593169787995076, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.334133653461386, "y": 4.02832387702748, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1889548337448255, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.34426307634953, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.374149659863946, "y": 3.525096036811748, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1889548337448255, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.34426307634953, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.414165666266506, "y": 3.9107986177103706, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1889548337448255, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.811955287713658, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.34426307634953, "q_0.5": 3.400067994887957, "q_0.525": 3.495149857235451, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.454181672669066, "y": 2.193922874845395, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.49419767907163, "y": 3.321298163409161, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.53421368547419, "y": 4.4623631500955385, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.57422969187675, "y": 3.722318448474545, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.61424569827931, "y": 4.70441499507191, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.65426170468187, "y": 2.711348093065874, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.69427771108443, "y": 2.225033037593308, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.734293717487, "y": 3.7833642727923076, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.77430972388956, "y": 2.210399721557351, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.81432573029212, "y": 4.242813272213002, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.85434173669468, "y": 2.699149197083439, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.89435774309724, "y": 3.5294729106117644, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.9343737494998, "y": 4.332775941551913, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 35.974389755902365, "y": 4.265395942540645, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.014405762304925, "y": 3.406637804806585, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3407495118154746, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.054421768707485, "y": 4.821274350409462, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3432090069893134, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.094437775110045, "y": 3.413518692328587, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2840751745218855, "q_0.475": 3.3432090069893134, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.134453781512605, "y": 2.7693770294219893, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.020654369166617, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.19881481113056, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.103148685543555, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.174469787915164, "y": 2.839858233797958, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0227045729356057, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.09733409211609, "q_0.425": 3.19881481113056, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.21448579431773, "y": 4.142252725491998, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0227045729356057, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.09733409211609, "q_0.425": 3.19881481113056, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.25450180072029, "y": 3.238882763263799, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0227045729356057, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.09733409211609, "q_0.425": 3.19881481113056, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.29451780712285, "y": 3.1857334962331674, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0227045729356057, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.09733409211609, "q_0.425": 3.19881481113056, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.33453381352541, "y": 2.0103767068816265, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0227045729356057, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.09733409211609, "q_0.425": 3.19881481113056, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.37454981992797, "y": 2.852214856573651, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.0227045729356057, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.09733409211609, "q_0.425": 3.19881481113056, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.586113951299229, "q_0.925": 4.705475189451231, "q_0.95": 4.766620864041639, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.41456582633053, "y": 4.493500363686744, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3700401608827955, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.716810477779716, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.19881481113056, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.400067994887957, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767279685195304, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.4545818327331, "y": 4.3267153544568915, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3729555901272237, "q_0.15": 2.4689213083572805, "q_0.175": 2.527121674653829, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.0964054075431324, "q_0.425": 3.1928321806305946, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.49459783913566, "y": 4.159470353648089, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3729555901272237, "q_0.15": 2.4689213083572805, "q_0.175": 2.527121674653829, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.0964054075431324, "q_0.425": 3.1928321806305946, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.53461384553822, "y": 2.020654369166617, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3729555901272237, "q_0.15": 2.4689213083572805, "q_0.175": 2.527121674653829, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.0964054075431324, "q_0.425": 3.1928321806305946, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.57462985194078, "y": 2.032577143227643, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3729555901272237, "q_0.15": 2.4689213083572805, "q_0.175": 2.527121674653829, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.0964054075431324, "q_0.425": 3.1928321806305946, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.61464585834334, "y": 2.875257145532446, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3729555901272237, "q_0.15": 2.4689213083572805, "q_0.175": 2.527121674653829, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.0964054075431324, "q_0.425": 3.1928321806305946, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.6546618647459, "y": 3.3587416391071625, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3729555901272237, "q_0.15": 2.4689213083572805, "q_0.175": 2.527121674653829, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.0964054075431324, "q_0.425": 3.1928321806305946, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.694677871148464, "y": 4.649265362576704, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3729555901272237, "q_0.15": 2.4689213083572805, "q_0.175": 2.527121674653829, "q_0.2": 2.5967793776407975, "q_0.225": 2.699149197083439, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.0964054075431324, "q_0.425": 3.1928321806305946, "q_0.45": 3.2836915775602935, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.491032646272281, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.833007771285563, "q_1": 5.293584910556597}, {"x": 36.734693877551024, "y": 3.0944591840281293, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 36.774709883953584, "y": 2.810409268500627, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 36.814725890356144, "y": 3.6493500325089983, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 36.8547418967587, "y": 4.669583111957279, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 36.89475790316126, "y": 4.1485081989406405, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 36.93477390956383, "y": 4.500126386060784, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 36.97478991596639, "y": 2.498456056605293, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.01480592236895, "y": 2.3311590029585183, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.05482192877151, "y": 3.5751808459354404, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.09483793517407, "y": 4.031937514756088, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.13485394157663, "y": 4.799233199756026, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.1748699479792, "y": 3.0649624011115435, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.21488595438176, "y": 2.9914729253003998, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.254901960784316, "y": 3.4962745670184425, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.294917967186876, "y": 4.000783666055703, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.334933973589436, "y": 3.647700362041045, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.374949979991996, "y": 4.116614084648914, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.414965986394556, "y": 3.096173236399893, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.45498199279712, "y": 4.53399907033878, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.49499799919968, "y": 2.5091944463798503, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.53501400560224, "y": 2.9065037584554707, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.5750300120048, "y": 4.273757267500332, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.61504601840736, "y": 2.967085513121202, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.65506202480992, "y": 3.961030053598647, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.69507803121249, "y": 2.825623485638059, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.73509403761505, "y": 2.5253886857100034, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.77511004401761, "y": 2.865791866761892, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.81512605042017, "y": 4.62011389628775, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.85514205682273, "y": 3.346493741140052, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.89515806322529, "y": 2.6426296470352435, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.935174069627855, "y": 2.930814367099149, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 37.975190076030415, "y": 1.9771446301476692, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 38.015206082432975, "y": 4.233784940697606, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 38.055222088835535, "y": 2.6461316096332688, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 38.095238095238095, "y": 3.762836525924734, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 38.135254101640655, "y": 2.045961214128722, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 38.17527010804322, "y": 4.4746887814924925, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 38.21528611444578, "y": 2.534097647109762, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 38.25530212084834, "y": 1.9863227592764845, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 38.2953181272509, "y": 2.876951165633304, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.174984241203033, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.807352446139213, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.293584910556597}, {"x": 38.33533413365346, "y": 4.738124777031687, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.37535014005602, "y": 2.7625310391788718, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.41536614645859, "y": 3.4872940741664147, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.45538215286115, "y": 3.19881481113056, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.49539815926371, "y": 2.859814990201883, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.53541416566627, "y": 4.765582159307896, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.57543017206883, "y": 4.3504823899916225, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.61544617847139, "y": 4.270163941565705, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.655462184873954, "y": 3.561115387967302, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.695478191276514, "y": 4.4622170692373855, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.735494197679074, "y": 3.3590612501407273, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.775510204081634, "y": 3.380339819171627, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081307583769472, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.815526210484194, "y": 3.467448976133687, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.855542216886754, "y": 2.693445491375915, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.89555822328932, "y": 4.766620864041639, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.93557422969188, "y": 2.760728853179401, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 38.97559023609444, "y": 2.5784493435608513, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.015606242497, "y": 2.716810477779716, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.05562224889956, "y": 4.4507843451133455, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.09563825530212, "y": 4.304492011139114, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.13565426170468, "y": 3.273262828959913, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.6973752128664303, "q_0.25": 2.7156516140998472, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.17567026810725, "y": 2.023934695196999, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.467943391544786, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.840049424626641, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.21568627450981, "y": 4.934942636045548, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.25570228091237, "y": 2.3842523068288335, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.295718287314926, "y": 4.5613449932583405, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.335734293717486, "y": 4.351517742112809, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.375750300120046, "y": 4.826390594066324, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.41576630652261, "y": 4.32867871557206, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.45578231292517, "y": 2.9898673389941393, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.49579831932773, "y": 2.6890247553008053, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.53581432573029, "y": 3.131885696893322, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.57583033213285, "y": 2.60287342412113, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.61584633853541, "y": 4.17121703167272, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1911559522706705, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.341941387466384}, {"x": 39.65586234493798, "y": 4.497057391237302, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 39.69587835134054, "y": 3.951338077386283, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 39.7358943577431, "y": 2.5537626472450095, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 39.77591036414566, "y": 2.1024260118048512, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 39.81592637054822, "y": 3.753736753121408, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 39.85594237695078, "y": 3.396703937348799, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 39.895958383353346, "y": 2.59761589265131, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 39.935974389755906, "y": 3.1106190322821314, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 39.975990396158466, "y": 3.6391697707678308, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.016006402561025, "y": 3.9185766887920144, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.056022408963585, "y": 3.4436247559143824, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.096038415366145, "y": 4.951913791281355, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.13605442176871, "y": 2.1335854321993173, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.17607042817127, "y": 3.999811260961281, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.21608643457383, "y": 4.767395947751837, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.19207490734236, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.4689213083572805, "q_0.175": 2.5269428035652153, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.25610244097639, "y": 2.7156516140998472, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.29611844737895, "y": 2.646555374861152, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.33613445378151, "y": 4.321557261612918, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.37615046018408, "y": 3.4803871966680866, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.41616646658664, "y": 5.026192180272567, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.4561824729892, "y": 3.796094578117163, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.49619847939176, "y": 4.818842928192114, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.53621448579432, "y": 2.0343142955918774, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.57623049219688, "y": 2.470015753344929, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.616246498599445, "y": 4.091534912349754, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.656262505002005, "y": 3.27266047564297, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.696278511404564, "y": 4.557545325122913, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.736294517807124, "y": 3.3123558661910533, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.776310524209684, "y": 4.183329504286376, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.816326530612244, "y": 3.7345460746170174, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.111920654136871, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.85634253701481, "y": 2.3678535889494725, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4869689450100205, "q_0.55": 3.5499704763701767, "q_0.575": 3.6405970273973134, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.103148685543555, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.89635854341737, "y": 4.201787387189963, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4869689450100205, "q_0.55": 3.5499704763701767, "q_0.575": 3.6405970273973134, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.103148685543555, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.93637454981993, "y": 4.167370622158568, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4869689450100205, "q_0.55": 3.5499704763701767, "q_0.575": 3.6405970273973134, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.103148685543555, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 40.97639055622249, "y": 2.3566188703128574, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4869689450100205, "q_0.55": 3.5499704763701767, "q_0.575": 3.6405970273973134, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.103148685543555, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.01640656262505, "y": 3.726263579377608, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4869689450100205, "q_0.55": 3.5499704763701767, "q_0.575": 3.6405970273973134, "q_0.6": 3.726263579377608, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.103148685543555, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.05642256902761, "y": 3.032729016318319, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.791561078327792, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.27266047564297, "q_0.475": 3.330709408165313, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5327513965170736, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.816154431772798, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.09643857543017, "y": 3.411721566128852, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.0817113652147428, "q_0.075": 2.1919776458948323, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.7156516140998472, "q_0.275": 2.791561078327792, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.27266047564297, "q_0.475": 3.330709408165313, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5327513965170736, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.816154431772798, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.13645458183274, "y": 3.3017246675552254, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.693445491375915, "q_0.25": 2.711348093065874, "q_0.275": 2.791561078327792, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5327513965170736, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.816154431772798, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.705475189451231, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.1764705882353, "y": 2.325642290903333, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.21648659463786, "y": 2.4897964350965056, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.25650260104042, "y": 2.2714495101868586, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.29651860744298, "y": 2.5967793776407975, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.33653461384554, "y": 4.6274283899362345, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.3765506202481, "y": 2.081307583769472, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.41656662665066, "y": 3.334661079298779, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.45658263305322, "y": 4.472468138386407, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.49659863945578, "y": 2.3158594942098008, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.53661464585834, "y": 2.708989464098925, "y_pred": 3.380339819171627, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.08177350409035, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.782160673512018, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9709310125598636, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.3239638951653543, "q_0.5": 3.380339819171627, "q_0.525": 3.4840532986956707, "q_0.55": 3.5499704763701767, "q_0.575": 3.6391697707678308, "q_0.6": 3.726263579377608, "q_0.625": 3.826252714012897, "q_0.65": 3.951338077386283, "q_0.675": 4.005609388677058, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.312273348856062, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.5766306522609, "y": 4.2494584554721, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.61664665866347, "y": 4.0043066980372055, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.65666266506603, "y": 3.7446972761331203, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.69667867146859, "y": 2.538554674234327, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.73669467787115, "y": 4.460768432955014, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.77671068427371, "y": 2.446420767024358, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.81672669067627, "y": 2.426541154335626, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.856742697078836, "y": 4.465746326087819, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.896758703481396, "y": 3.151683441958731, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.936774709883956, "y": 2.9775425288232102, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 41.976790716286516, "y": 2.873332490590353, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 42.016806722689076, "y": 3.0171317957431363, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 42.056822729091635, "y": 3.066127764945416, "y_pred": 3.3823525524652656, "target": "1", "q_0": 1.8816631177832202, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3158594942098008, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.711348093065874, "q_0.275": 2.783567202157163, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0016595769909005, "q_0.4": 3.0944591840281293, "q_0.425": 3.151683441958731, "q_0.45": 3.27266047564297, "q_0.475": 3.32893484080657, "q_0.5": 3.3823525524652656, "q_0.525": 3.4840532986956707, "q_0.55": 3.5541000648222463, "q_0.575": 3.6415485318169702, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.951338077386283, "q_0.675": 4.009116605893217, "q_0.7": 4.091534912349754, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.315986913958809, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 42.0968387354942, "y": 4.167362514124177, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8816631177832204, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.3176910217628333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.9550928641618697, "q_0.675": 4.009116605893217, "q_0.7": 4.1068807620061225, "q_0.725": 4.159470353648089, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6002256246908875, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.8428771080451325, "q_1": 5.397399431414078}, {"x": 42.13685474189676, "y": 2.7571479034948396, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143353, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.961030053598647, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.856924419447449, "q_1": 5.397399431414078}, {"x": 42.17687074829932, "y": 3.021055371850667, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143353, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.961030053598647, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.856924419447449, "q_1": 5.397399431414078}, {"x": 42.21688675470188, "y": 4.4176827358463955, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143353, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.961030053598647, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.856924419447449, "q_1": 5.397399431414078}, {"x": 42.25690276110444, "y": 4.8428771080451325, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143353, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.961030053598647, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.856924419447449, "q_1": 5.397399431414078}, {"x": 42.296918767507, "y": 3.9138076106929294, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143353, "q_0.025": 2.023934695196999, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.188182743371921, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.5541000648222463, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.961030053598647, "q_0.675": 4.023615283076078, "q_0.7": 4.111920654136871, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.601478365291408, "q_0.925": 4.716361030928391, "q_0.95": 4.767395947751837, "q_0.975": 4.856924419447449, "q_1": 5.397399431414078}, {"x": 42.33693477390957, "y": 2.341520601960037, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.961030053598647, "q_0.675": 4.024292911640289, "q_0.7": 4.111920654136871, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6247981489294885, "q_0.925": 4.717586834507652, "q_0.95": 4.767395947751837, "q_0.975": 4.879996111829729, "q_1": 5.397399431414078}, {"x": 42.37695078031213, "y": 3.6948844639770186, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.961030053598647, "q_0.675": 4.024292911640289, "q_0.7": 4.111920654136871, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6247981489294885, "q_0.925": 4.717586834507652, "q_0.95": 4.767395947751837, "q_0.975": 4.879996111829729, "q_1": 5.397399431414078}, {"x": 42.41696678671469, "y": 3.9630246475831425, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.961030053598647, "q_0.675": 4.024292911640289, "q_0.7": 4.111920654136871, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.6247981489294885, "q_0.925": 4.717586834507652, "q_0.95": 4.767395947751837, "q_0.975": 4.879996111829729, "q_1": 5.397399431414078}, {"x": 42.45698279311725, "y": 2.9910162225585744, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.081959920717172, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.190748032243511, "q_0.45": 3.273262828959913, "q_0.475": 3.3315806906983862, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.647700362041045, "q_0.6": 3.7345460746170174, "q_0.625": 3.829875089616894, "q_0.65": 3.961030053598647, "q_0.675": 4.024292911640289, "q_0.7": 4.111920654136871, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.273757267500332, "q_0.8": 4.321557261612918, "q_0.825": 4.43891327236607, "q_0.85": 4.4622170692373855, "q_0.875": 4.500126386060784, "q_0.9": 4.630628094838974, "q_0.925": 4.718404036893828, "q_0.95": 4.767395947751837, "q_0.975": 4.913742032090735, "q_1": 5.397399431414078}, {"x": 42.49699879951981, "y": 4.586113951299229, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.099192985703247, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9093858799841783, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7446972761331203, "q_0.625": 3.871351807004203, "q_0.65": 3.961030053598647, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167362514124177, "q_0.75": 4.201787387189963, "q_0.775": 4.274296147605031, "q_0.8": 4.321557261612918, "q_0.825": 4.441678520587124, "q_0.85": 4.462326526695686, "q_0.875": 4.516720865781383, "q_0.9": 4.630628094838974, "q_0.925": 4.737127610767498, "q_0.95": 4.767619077388904, "q_0.975": 4.913742032090735, "q_1": 5.397399431414078}, {"x": 42.53701480592237, "y": 4.444763676187999, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.099192985703247, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7446972761331203, "q_0.625": 3.871351807004203, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167362514124177, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.332775941551913, "q_0.825": 4.442001273473941, "q_0.85": 4.47384192778854, "q_0.875": 4.519087960385404, "q_0.9": 4.647529416344164, "q_0.925": 4.737127610767498, "q_0.95": 4.767619077388904, "q_0.975": 4.934942636045548, "q_1": 5.397399431414078}, {"x": 42.577030812324935, "y": 3.804038302060726, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.099192985703247, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7446972761331203, "q_0.625": 3.871351807004203, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167362514124177, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.332775941551913, "q_0.825": 4.442001273473941, "q_0.85": 4.47384192778854, "q_0.875": 4.519087960385404, "q_0.9": 4.647529416344164, "q_0.925": 4.737127610767498, "q_0.95": 4.767619077388904, "q_0.975": 4.934942636045548, "q_1": 5.397399431414078}, {"x": 42.617046818727495, "y": 2.4689213083572805, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.099192985703247, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7446972761331203, "q_0.625": 3.871351807004203, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167362514124177, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.332775941551913, "q_0.825": 4.442001273473941, "q_0.85": 4.47384192778854, "q_0.875": 4.519087960385404, "q_0.9": 4.647529416344164, "q_0.925": 4.737127610767498, "q_0.95": 4.767619077388904, "q_0.975": 4.934942636045548, "q_1": 5.397399431414078}, {"x": 42.657062825130055, "y": 4.185032258800536, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.099192985703247, "q_0.075": 2.193922874845395, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7446972761331203, "q_0.625": 3.871351807004203, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167362514124177, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.332775941551913, "q_0.825": 4.442001273473941, "q_0.85": 4.47384192778854, "q_0.875": 4.519087960385404, "q_0.9": 4.647529416344164, "q_0.925": 4.737127610767498, "q_0.95": 4.767619077388904, "q_0.975": 4.934942636045548, "q_1": 5.397399431414078}, {"x": 42.697078831532615, "y": 4.801100233674138, "y_pred": 3.396703937348799, "target": "1", "q_0": 1.8863297316143353, "q_0.025": 2.032577143227643, "q_0.05": 2.099192985703247, "q_0.075": 2.2087316360853264, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.690098446132405, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.9088364315966055, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.096173236399893, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.332207965146324, "q_0.5": 3.396703937348799, "q_0.525": 3.4872940741664147, "q_0.55": 3.560833525936844, "q_0.575": 3.6538153232587716, "q_0.6": 3.7446972761331203, "q_0.625": 3.871351807004203, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167362514124177, "q_0.75": 4.22184618638654, "q_0.775": 4.274296147605031, "q_0.8": 4.332775941551913, "q_0.825": 4.442001273473941, "q_0.85": 4.47384192778854, "q_0.875": 4.5206135211408505, "q_0.9": 4.649265362576704, "q_0.925": 4.737127610767498, "q_0.95": 4.767619077388904, "q_0.975": 4.934942636045548, "q_1": 5.397399431414078}, {"x": 42.737094837935174, "y": 2.7971003557165734, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.1004360224076475, "q_0.075": 2.2131302114558995, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.6891052821131756, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.339254741148369, "q_0.5": 3.400067994887957, "q_0.525": 3.4872940741664147, "q_0.55": 3.561115387967302, "q_0.575": 3.6538153232587716, "q_0.6": 3.7446972761331203, "q_0.625": 3.871351807004203, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167362514124177, "q_0.75": 4.233784940697606, "q_0.775": 4.276112902783254, "q_0.8": 4.332775941551913, "q_0.825": 4.444763676187999, "q_0.85": 4.4746887814924925, "q_0.875": 4.540790492218592, "q_0.9": 4.654708759409436, "q_0.925": 4.738124777031687, "q_0.95": 4.794679107113758, "q_0.975": 4.939002135993537, "q_1": 5.397399431414078}, {"x": 42.777110844337734, "y": 5.000401010833492, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.1004360224076475, "q_0.075": 2.2131302114558995, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.6891052821131756, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.339254741148369, "q_0.5": 3.400067994887957, "q_0.525": 3.4872940741664147, "q_0.55": 3.561115387967302, "q_0.575": 3.6538153232587716, "q_0.6": 3.7446972761331203, "q_0.625": 3.871351807004203, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167362514124177, "q_0.75": 4.233784940697606, "q_0.775": 4.276112902783254, "q_0.8": 4.332775941551913, "q_0.825": 4.444763676187999, "q_0.85": 4.4746887814924925, "q_0.875": 4.540790492218592, "q_0.9": 4.654708759409436, "q_0.925": 4.738124777031687, "q_0.95": 4.794679107113758, "q_0.975": 4.939002135993537, "q_1": 5.397399431414078}, {"x": 42.8171268507403, "y": 4.419004556316791, "y_pred": 3.400067994887957, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.032577143227643, "q_0.05": 2.1004360224076475, "q_0.075": 2.2131302114558995, "q_0.1": 2.325642290903333, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.6891052821131756, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.906971216643092, "q_0.35": 2.9775425288232102, "q_0.375": 3.0171317957431363, "q_0.4": 3.1106190322821314, "q_0.425": 3.1928321806305946, "q_0.45": 3.273262828959913, "q_0.475": 3.339254741148369, "q_0.5": 3.400067994887957, "q_0.525": 3.4872940741664147, "q_0.55": 3.561115387967302, "q_0.575": 3.6538153232587716, "q_0.6": 3.7446972761331203, "q_0.625": 3.871351807004203, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167362514124177, "q_0.75": 4.233784940697606, "q_0.775": 4.276112902783254, "q_0.8": 4.332775941551913, "q_0.825": 4.444763676187999, "q_0.85": 4.4746887814924925, "q_0.875": 4.540790492218592, "q_0.9": 4.654708759409436, "q_0.925": 4.738124777031687, "q_0.95": 4.794679107113758, "q_0.975": 4.939002135993537, "q_1": 5.397399431414078}, {"x": 42.85714285714286, "y": 2.955189646114812, "y_pred": 3.4067738866713944, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.045961214128722, "q_0.05": 2.1024260118048512, "q_0.075": 2.2159839124410263, "q_0.1": 2.3319464530596, "q_0.125": 2.3736844474383316, "q_0.15": 2.467143277789109, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.032729016318319, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.2836915775602935, "q_0.475": 3.346493741140052, "q_0.5": 3.4067738866713944, "q_0.525": 3.491032646272281, "q_0.55": 3.5751808459354404, "q_0.575": 3.669675088448008, "q_0.6": 3.765465786592039, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.032013985208807, "q_0.7": 4.116614084648914, "q_0.725": 4.167370622158568, "q_0.75": 4.242813272213002, "q_0.775": 4.304492011139114, "q_0.8": 4.3504823899916225, "q_0.825": 4.4507843451133455, "q_0.85": 4.493500363686744, "q_0.875": 4.586113951299229, "q_0.9": 4.700220156664893, "q_0.925": 4.765593624522088, "q_0.95": 4.833007771285563, "q_0.975": 5.042333856779798, "q_1": 5.655579676305816}, {"x": 42.89715886354542, "y": 3.9405642996955725, "y_pred": 3.4067738866713944, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.045961214128722, "q_0.05": 2.1024260118048512, "q_0.075": 2.2159839124410263, "q_0.1": 2.3319464530596, "q_0.125": 2.3736844474383316, "q_0.15": 2.467143277789109, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.690098446132405, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.8400706680520504, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.032729016318319, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.2836915775602935, "q_0.475": 3.346493741140052, "q_0.5": 3.4067738866713944, "q_0.525": 3.491032646272281, "q_0.55": 3.5751808459354404, "q_0.575": 3.669675088448008, "q_0.6": 3.765465786592039, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.032013985208807, "q_0.7": 4.116614084648914, "q_0.725": 4.167370622158568, "q_0.75": 4.242813272213002, "q_0.775": 4.304492011139114, "q_0.8": 4.3504823899916225, "q_0.825": 4.4507843451133455, "q_0.85": 4.493500363686744, "q_0.875": 4.586113951299229, "q_0.9": 4.700220156664893, "q_0.925": 4.765593624522088, "q_0.95": 4.833007771285563, "q_0.975": 5.042333856779798, "q_1": 5.655579676305816}, {"x": 42.93717486994798, "y": 2.9799571770043096, "y_pred": 3.4067738866713944, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.045961214128722, "q_0.05": 2.1024260118048512, "q_0.075": 2.2159839124410263, "q_0.1": 2.3269025299588066, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.5670941595149106, "q_0.225": 2.6890247553008053, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.032729016318319, "q_0.4": 3.1297220967402692, "q_0.425": 3.2007705398545534, "q_0.45": 3.2836915775602935, "q_0.475": 3.34426307634953, "q_0.5": 3.4067738866713944, "q_0.525": 3.4872940741664147, "q_0.55": 3.565908182214505, "q_0.575": 3.669675088448008, "q_0.6": 3.762836525924734, "q_0.625": 3.8769204824070034, "q_0.65": 3.961030053598647, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167370622158568, "q_0.75": 4.233784940697606, "q_0.775": 4.3001110898469905, "q_0.8": 4.3504823899916225, "q_0.825": 4.4507843451133455, "q_0.85": 4.497057391237302, "q_0.875": 4.586113951299229, "q_0.9": 4.700220156664893, "q_0.925": 4.766620864041639, "q_0.95": 4.833007771285563, "q_0.975": 5.0491281993855015, "q_1": 5.655579676305816}, {"x": 42.97719087635054, "y": 2.3319464530596, "y_pred": 3.413518692328587, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.045961214128722, "q_0.05": 2.1024260118048512, "q_0.075": 2.2159839124410263, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.6890247553008053, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.032729016318319, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.2840751745218855, "q_0.475": 3.346493741140052, "q_0.5": 3.413518692328587, "q_0.525": 3.4872940741664147, "q_0.55": 3.5751808459354404, "q_0.575": 3.669675088448008, "q_0.6": 3.782439499776796, "q_0.625": 3.8831739497808293, "q_0.65": 3.961030053598647, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167370622158568, "q_0.75": 4.242813272213002, "q_0.775": 4.304492011139114, "q_0.8": 4.3504823899916225, "q_0.825": 4.458744990812855, "q_0.85": 4.500126386060784, "q_0.875": 4.6002256246908875, "q_0.9": 4.705475189451231, "q_0.925": 4.766620864041639, "q_0.95": 4.8428771080451325, "q_0.975": 5.0491281993855015, "q_1": 5.655579676305816}, {"x": 43.0172068827531, "y": 4.589020459947436, "y_pred": 3.413518692328587, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.045961214128722, "q_0.05": 2.1024260118048512, "q_0.075": 2.2159839124410263, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5253886857100034, "q_0.2": 2.5656030306547812, "q_0.225": 2.6890247553008053, "q_0.25": 2.7156516140998472, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.930814367099149, "q_0.35": 2.9799571770043096, "q_0.375": 3.032729016318319, "q_0.4": 3.131885696893322, "q_0.425": 3.2007705398545534, "q_0.45": 3.2840751745218855, "q_0.475": 3.346493741140052, "q_0.5": 3.413518692328587, "q_0.525": 3.4872940741664147, "q_0.55": 3.5751808459354404, "q_0.575": 3.669675088448008, "q_0.6": 3.782439499776796, "q_0.625": 3.8831739497808293, "q_0.65": 3.961030053598647, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167370622158568, "q_0.75": 4.242813272213002, "q_0.775": 4.304492011139114, "q_0.8": 4.3504823899916225, "q_0.825": 4.458744990812855, "q_0.85": 4.500126386060784, "q_0.875": 4.6002256246908875, "q_0.9": 4.705475189451231, "q_0.925": 4.766620864041639, "q_0.95": 4.8428771080451325, "q_0.975": 5.0491281993855015, "q_1": 5.655579676305816}, {"x": 43.05722288915566, "y": 4.096955804311042, "y_pred": 3.4177634983111074, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0668558423030023, "q_0.05": 2.1335854321993173, "q_0.075": 2.223004522240674, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.6890247553008053, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.930814367099149, "q_0.35": 2.9898673389941393, "q_0.375": 3.041963656590702, "q_0.4": 3.1423382459340354, "q_0.425": 3.208870212859253, "q_0.45": 3.2848566930077205, "q_0.475": 3.346493741140052, "q_0.5": 3.4177634983111074, "q_0.525": 3.491032646272281, "q_0.55": 3.5751808459354404, "q_0.575": 3.669675088448008, "q_0.6": 3.7833642727923076, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.167370622158568, "q_0.75": 4.242813272213002, "q_0.775": 4.304492011139114, "q_0.8": 4.351517742112809, "q_0.825": 4.460768432955014, "q_0.85": 4.519087960385404, "q_0.875": 4.636954622490416, "q_0.9": 4.718404036893828, "q_0.925": 4.767395947751837, "q_0.95": 4.913742032090735, "q_0.975": 5.062188671444403, "q_1": 5.655579676305816}, {"x": 43.09723889555823, "y": 3.9365381198047418, "y_pred": 3.4271889629527417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0668558423030023, "q_0.05": 2.1335854321993173, "q_0.075": 2.223004522240674, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.6890247553008053, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.8399007206487763, "q_0.325": 2.930814367099149, "q_0.35": 2.9898673389941393, "q_0.375": 3.041963656590702, "q_0.4": 3.1423382459340354, "q_0.425": 3.2116868808328896, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.4271889629527417, "q_0.525": 3.491032646272281, "q_0.55": 3.5776772543257502, "q_0.575": 3.6744453828234267, "q_0.6": 3.7833642727923076, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.032013985208807, "q_0.7": 4.116614084648914, "q_0.725": 4.1693919135845805, "q_0.75": 4.249234290076723, "q_0.775": 4.304492011139114, "q_0.8": 4.354057639477195, "q_0.825": 4.460768432955014, "q_0.85": 4.519087960385404, "q_0.875": 4.647529416344164, "q_0.9": 4.718404036893828, "q_0.925": 4.767395947751837, "q_0.95": 4.913742032090735, "q_0.975": 5.062188671444403, "q_1": 5.655579676305816}, {"x": 43.13725490196079, "y": 2.46700548320029, "y_pred": 3.4271889629527417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0668558423030023, "q_0.05": 2.1335854321993173, "q_0.075": 2.223004522240674, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.6890247553008053, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.8399007206487763, "q_0.325": 2.930814367099149, "q_0.35": 2.9898673389941393, "q_0.375": 3.041963656590702, "q_0.4": 3.1423382459340354, "q_0.425": 3.2116868808328896, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.4271889629527417, "q_0.525": 3.491032646272281, "q_0.55": 3.5776772543257502, "q_0.575": 3.6744453828234267, "q_0.6": 3.7833642727923076, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.032013985208807, "q_0.7": 4.116614084648914, "q_0.725": 4.1693919135845805, "q_0.75": 4.249234290076723, "q_0.775": 4.304492011139114, "q_0.8": 4.354057639477195, "q_0.825": 4.460768432955014, "q_0.85": 4.519087960385404, "q_0.875": 4.647529416344164, "q_0.9": 4.718404036893828, "q_0.925": 4.767395947751837, "q_0.95": 4.913742032090735, "q_0.975": 5.062188671444403, "q_1": 5.655579676305816}, {"x": 43.17727090836335, "y": 3.2007705398545534, "y_pred": 3.4271889629527417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0668558423030023, "q_0.05": 2.1335854321993173, "q_0.075": 2.223004522240674, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.6890247553008053, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.8399007206487763, "q_0.325": 2.930814367099149, "q_0.35": 2.9898673389941393, "q_0.375": 3.041963656590702, "q_0.4": 3.1423382459340354, "q_0.425": 3.2116868808328896, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.4271889629527417, "q_0.525": 3.491032646272281, "q_0.55": 3.5776772543257502, "q_0.575": 3.6744453828234267, "q_0.6": 3.7833642727923076, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.032013985208807, "q_0.7": 4.116614084648914, "q_0.725": 4.1693919135845805, "q_0.75": 4.249234290076723, "q_0.775": 4.304492011139114, "q_0.8": 4.354057639477195, "q_0.825": 4.460768432955014, "q_0.85": 4.519087960385404, "q_0.875": 4.647529416344164, "q_0.9": 4.718404036893828, "q_0.925": 4.767395947751837, "q_0.95": 4.913742032090735, "q_0.975": 5.062188671444403, "q_1": 5.655579676305816}, {"x": 43.21728691476591, "y": 4.7583620229574874, "y_pred": 3.4271889629527417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0668558423030023, "q_0.05": 2.1335854321993173, "q_0.075": 2.223004522240674, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.6890247553008053, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.8399007206487763, "q_0.325": 2.930814367099149, "q_0.35": 2.9898673389941393, "q_0.375": 3.041963656590702, "q_0.4": 3.1423382459340354, "q_0.425": 3.2116868808328896, "q_0.45": 3.3017246675552254, "q_0.475": 3.346493741140052, "q_0.5": 3.4271889629527417, "q_0.525": 3.491032646272281, "q_0.55": 3.5776772543257502, "q_0.575": 3.6744453828234267, "q_0.6": 3.7833642727923076, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.032013985208807, "q_0.7": 4.116614084648914, "q_0.725": 4.1693919135845805, "q_0.75": 4.249234290076723, "q_0.775": 4.304492011139114, "q_0.8": 4.354057639477195, "q_0.825": 4.460768432955014, "q_0.85": 4.519087960385404, "q_0.875": 4.647529416344164, "q_0.9": 4.718404036893828, "q_0.925": 4.767395947751837, "q_0.95": 4.913742032090735, "q_0.975": 5.062188671444403, "q_1": 5.655579676305816}, {"x": 43.25730292116847, "y": 2.53450312313253, "y_pred": 3.4271889629527417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0668558423030023, "q_0.05": 2.1335854321993173, "q_0.075": 2.223004522240674, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.683275465600924, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.930814367099149, "q_0.35": 2.9898673389941393, "q_0.375": 3.041963656590702, "q_0.4": 3.1423382459340354, "q_0.425": 3.2116868808328896, "q_0.45": 3.3017246675552254, "q_0.475": 3.3587416391071625, "q_0.5": 3.4271889629527417, "q_0.525": 3.5062390149714027, "q_0.55": 3.5776772543257502, "q_0.575": 3.669675088448008, "q_0.6": 3.7833642727923076, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.170943263959497, "q_0.75": 4.2494584554721, "q_0.775": 4.304492011139114, "q_0.8": 4.354057639477195, "q_0.825": 4.460768432955014, "q_0.85": 4.519087960385404, "q_0.875": 4.649265362576704, "q_0.9": 4.718404036893828, "q_0.925": 4.767619077388904, "q_0.95": 4.913742032090735, "q_0.975": 5.062188671444403, "q_1": 5.655579676305816}, {"x": 43.29731892757103, "y": 2.174984241203033, "y_pred": 3.4271889629527417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0668558423030023, "q_0.05": 2.1335854321993173, "q_0.075": 2.223004522240674, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.683275465600924, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.930814367099149, "q_0.35": 2.9898673389941393, "q_0.375": 3.041963656590702, "q_0.4": 3.1423382459340354, "q_0.425": 3.2116868808328896, "q_0.45": 3.3017246675552254, "q_0.475": 3.3587416391071625, "q_0.5": 3.4271889629527417, "q_0.525": 3.5062390149714027, "q_0.55": 3.5776772543257502, "q_0.575": 3.669675088448008, "q_0.6": 3.7833642727923076, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.170943263959497, "q_0.75": 4.2494584554721, "q_0.775": 4.304492011139114, "q_0.8": 4.354057639477195, "q_0.825": 4.460768432955014, "q_0.85": 4.519087960385404, "q_0.875": 4.649265362576704, "q_0.9": 4.718404036893828, "q_0.925": 4.767619077388904, "q_0.95": 4.913742032090735, "q_0.975": 5.062188671444403, "q_1": 5.655579676305816}, {"x": 43.337334933973594, "y": 2.622504022723834, "y_pred": 3.4271889629527417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0668558423030023, "q_0.05": 2.1335854321993173, "q_0.075": 2.223004522240674, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.446420767024358, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.683275465600924, "q_0.25": 2.716810477779716, "q_0.275": 2.7971003557165734, "q_0.3": 2.839858233797958, "q_0.325": 2.930814367099149, "q_0.35": 2.9898673389941393, "q_0.375": 3.041963656590702, "q_0.4": 3.1423382459340354, "q_0.425": 3.2116868808328896, "q_0.45": 3.3017246675552254, "q_0.475": 3.3587416391071625, "q_0.5": 3.4271889629527417, "q_0.525": 3.5062390149714027, "q_0.55": 3.5776772543257502, "q_0.575": 3.669675088448008, "q_0.6": 3.7833642727923076, "q_0.625": 3.8831739497808293, "q_0.65": 3.9630246475831425, "q_0.675": 4.030660174519365, "q_0.7": 4.116614084648914, "q_0.725": 4.170943263959497, "q_0.75": 4.2494584554721, "q_0.775": 4.304492011139114, "q_0.8": 4.354057639477195, "q_0.825": 4.460768432955014, "q_0.85": 4.519087960385404, "q_0.875": 4.649265362576704, "q_0.9": 4.718404036893828, "q_0.925": 4.767619077388904, "q_0.95": 4.913742032090735, "q_0.975": 5.062188671444403, "q_1": 5.655579676305816}, {"x": 43.377350940376154, "y": 2.807352446139213, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0703119172948825, "q_0.05": 2.1335854321993173, "q_0.075": 2.2358127917177284, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.447016021033377, "q_0.175": 2.5269428035652153, "q_0.2": 2.5783249528531256, "q_0.225": 2.6890247553008053, "q_0.25": 2.721134429745307, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.955189646114812, "q_0.35": 2.9914729253003998, "q_0.375": 3.0902481214053, "q_0.4": 3.1501701453882007, "q_0.425": 3.22549689073942, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014181911238606, "q_0.6": 3.800590703847712, "q_0.625": 3.910252596801945, "q_0.65": 3.9829564188259443, "q_0.675": 4.051076168083211, "q_0.7": 4.130908226272861, "q_0.725": 4.183329504286376, "q_0.75": 4.265395942540645, "q_0.775": 4.306849623909187, "q_0.8": 4.410440617291383, "q_0.825": 4.47384192778854, "q_0.85": 4.544798476427301, "q_0.875": 4.6608325850797225, "q_0.9": 4.737127610767498, "q_0.925": 4.794679107113758, "q_0.95": 4.939002135993537, "q_0.975": 5.077599141779682, "q_1": 5.655579676305816}, {"x": 43.417366946778714, "y": 4.47384192778854, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0703119172948825, "q_0.05": 2.1335854321993173, "q_0.075": 2.2358127917177284, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.467143277789109, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.7253514483783317, "q_0.275": 2.807352446139213, "q_0.3": 2.852214856573651, "q_0.325": 2.955189646114812, "q_0.35": 2.994234245531522, "q_0.375": 3.0944591840281293, "q_0.4": 3.151683441958731, "q_0.425": 3.2327441681851723, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.702986699791204, "q_0.6": 3.804038302060726, "q_0.625": 3.910252596801945, "q_0.65": 3.999811260961281, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.268530319651792, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.47384192778854, "q_0.85": 4.547887615732293, "q_0.875": 4.662952528375321, "q_0.9": 4.738124777031687, "q_0.925": 4.81268091046174, "q_0.95": 4.951913791281355, "q_0.975": 5.077599141779682, "q_1": 5.655579676305816}, {"x": 43.45738295318127, "y": 4.05167711432169, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0703119172948825, "q_0.05": 2.1335854321993173, "q_0.075": 2.2358127917177284, "q_0.1": 2.3319464530596, "q_0.125": 2.368802637905692, "q_0.15": 2.467143277789109, "q_0.175": 2.5269428035652153, "q_0.2": 2.5824788252277386, "q_0.225": 2.6890247553008053, "q_0.25": 2.7253514483783317, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.955189646114812, "q_0.35": 2.994234245531522, "q_0.375": 3.0944591840281293, "q_0.4": 3.151683441958731, "q_0.425": 3.22628639235493, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014181911238606, "q_0.6": 3.800590703847712, "q_0.625": 3.910252596801945, "q_0.65": 3.999811260961281, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.4746887814924925, "q_0.85": 4.547887615732293, "q_0.875": 4.662952528375321, "q_0.9": 4.738124777031687, "q_0.925": 4.818842928192114, "q_0.95": 4.951913791281355, "q_0.975": 5.083546888731943, "q_1": 5.655579676305816}, {"x": 43.49739895958383, "y": 2.0817113652147428, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0703119172948825, "q_0.05": 2.1335854321993173, "q_0.075": 2.2546015896412164, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.4590452107046246, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.6890247553008053, "q_0.25": 2.725972296465358, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.955189646114812, "q_0.35": 2.996744594037409, "q_0.375": 3.0944591840281293, "q_0.4": 3.151683441958731, "q_0.425": 3.2344832109780834, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014181911238606, "q_0.6": 3.804038302060726, "q_0.625": 3.908795397895037, "q_0.65": 3.9746732881588036, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.306849623909187, "q_0.8": 4.419004556316791, "q_0.825": 4.4746887814924925, "q_0.85": 4.547887615732293, "q_0.875": 4.662952528375321, "q_0.9": 4.748056924283729, "q_0.925": 4.821274350409462, "q_0.95": 4.974391929576763, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.53741496598639, "y": 2.081959920717172, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0703119172948825, "q_0.05": 2.1429761655121977, "q_0.075": 2.2546015896412164, "q_0.1": 2.3319464530596, "q_0.125": 2.3678535889494725, "q_0.15": 2.447016021033377, "q_0.175": 2.5269428035652153, "q_0.2": 2.5656030306547812, "q_0.225": 2.6890247553008053, "q_0.25": 2.727834840726439, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.955189646114812, "q_0.35": 2.996744594037409, "q_0.375": 3.0944591840281293, "q_0.4": 3.151683441958731, "q_0.425": 3.2374254654126324, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014580639558785, "q_0.6": 3.804038302060726, "q_0.625": 3.910252596801945, "q_0.65": 3.9769918341889507, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.4806014856332075, "q_0.85": 4.548663729106785, "q_0.875": 4.664729139162846, "q_0.9": 4.748056924283729, "q_0.925": 4.826390594066324, "q_0.95": 4.990565603005464, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.57743097238896, "y": 3.800590703847712, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0703119172948825, "q_0.05": 2.1523668988250786, "q_0.075": 2.2546015896412164, "q_0.1": 2.3330099774170625, "q_0.125": 2.3678535889494725, "q_0.15": 2.467143277789109, "q_0.175": 2.5269428035652153, "q_0.2": 2.575165186114503, "q_0.225": 2.6890247553008053, "q_0.25": 2.727834840726439, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.961856021242216, "q_0.35": 2.996744594037409, "q_0.375": 3.096173236399893, "q_0.4": 3.151683441958731, "q_0.425": 3.2374254654126324, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014181911238606, "q_0.6": 3.804038302060726, "q_0.625": 3.9019702146491886, "q_0.65": 3.9802218898708253, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.483050565707267, "q_0.85": 4.548663729106785, "q_0.875": 4.664729139162846, "q_0.9": 4.748492629453148, "q_0.925": 4.826390594066324, "q_0.95": 4.990565603005464, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.61744697879152, "y": 4.009116605893217, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081307583769472, "q_0.05": 2.1565166415476256, "q_0.075": 2.2546015896412164, "q_0.1": 2.3330099774170625, "q_0.125": 2.3736844474383316, "q_0.15": 2.467143277789109, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.752029890524276, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.965197026856022, "q_0.35": 2.996744594037409, "q_0.375": 3.096173236399893, "q_0.4": 3.151683441958731, "q_0.425": 3.238882763263799, "q_0.45": 3.3183542294418134, "q_0.475": 3.378773931006645, "q_0.5": 3.4376070535488417, "q_0.525": 3.527875932086115, "q_0.55": 3.6101437156113, "q_0.575": 3.7021412893876398, "q_0.6": 3.804038302060726, "q_0.625": 3.9019702146491886, "q_0.65": 3.999811260961281, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.483050565707267, "q_0.85": 4.548663729106785, "q_0.875": 4.667232157575263, "q_0.9": 4.748492629453148, "q_0.925": 4.826390594066324, "q_0.95": 4.990565603005464, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.65746298519408, "y": 2.4214408932340237, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081307583769472, "q_0.05": 2.1565166415476256, "q_0.075": 2.2546015896412164, "q_0.1": 2.3330099774170625, "q_0.125": 2.3736844474383316, "q_0.15": 2.467143277789109, "q_0.175": 2.5269428035652153, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.752029890524276, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.965197026856022, "q_0.35": 2.996744594037409, "q_0.375": 3.096173236399893, "q_0.4": 3.151683441958731, "q_0.425": 3.238882763263799, "q_0.45": 3.3183542294418134, "q_0.475": 3.378773931006645, "q_0.5": 3.4376070535488417, "q_0.525": 3.527875932086115, "q_0.55": 3.6101437156113, "q_0.575": 3.7021412893876398, "q_0.6": 3.804038302060726, "q_0.625": 3.9019702146491886, "q_0.65": 3.999811260961281, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.483050565707267, "q_0.85": 4.548663729106785, "q_0.875": 4.667232157575263, "q_0.9": 4.748492629453148, "q_0.925": 4.826390594066324, "q_0.95": 4.990565603005464, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.69747899159664, "y": 3.9395891918790404, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081307583769472, "q_0.05": 2.1565166415476256, "q_0.075": 2.2546015896412164, "q_0.1": 2.3330099774170625, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.752029890524276, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.962858322926359, "q_0.35": 3.002560196105314, "q_0.375": 3.096173236399893, "q_0.4": 3.151683441958731, "q_0.425": 3.2374254654126324, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014181911238606, "q_0.6": 3.804038302060726, "q_0.625": 3.9019702146491886, "q_0.65": 3.9746732881588036, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.483050565707267, "q_0.85": 4.557545325122913, "q_0.875": 4.676711895351917, "q_0.9": 4.7583620229574874, "q_0.925": 4.827361581378376, "q_0.95": 4.998433929267862, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.7374949979992, "y": 2.782160673512018, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081307583769472, "q_0.05": 2.1565166415476256, "q_0.075": 2.2546015896412164, "q_0.1": 2.3330099774170625, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.752029890524276, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.962858322926359, "q_0.35": 3.002560196105314, "q_0.375": 3.096173236399893, "q_0.4": 3.151683441958731, "q_0.425": 3.2374254654126324, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014181911238606, "q_0.6": 3.804038302060726, "q_0.625": 3.9019702146491886, "q_0.65": 3.9746732881588036, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.483050565707267, "q_0.85": 4.557545325122913, "q_0.875": 4.676711895351917, "q_0.9": 4.7583620229574874, "q_0.925": 4.827361581378376, "q_0.95": 4.998433929267862, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.77751100440176, "y": 3.084466622425145, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081307583769472, "q_0.05": 2.1565166415476256, "q_0.075": 2.2546015896412164, "q_0.1": 2.3330099774170625, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.752029890524276, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.962858322926359, "q_0.35": 3.002560196105314, "q_0.375": 3.096173236399893, "q_0.4": 3.151683441958731, "q_0.425": 3.2374254654126324, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014181911238606, "q_0.6": 3.804038302060726, "q_0.625": 3.9019702146491886, "q_0.65": 3.9746732881588036, "q_0.675": 4.05167711432169, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.483050565707267, "q_0.85": 4.557545325122913, "q_0.875": 4.676711895351917, "q_0.9": 4.7583620229574874, "q_0.925": 4.827361581378376, "q_0.95": 4.998433929267862, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.817527010804326, "y": 3.3109723159704583, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081307583769472, "q_0.05": 2.1565166415476256, "q_0.075": 2.256075540873479, "q_0.1": 2.3330099774170625, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.752029890524276, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.961856021242216, "q_0.35": 3.002560196105314, "q_0.375": 3.096173236399893, "q_0.4": 3.151683441958731, "q_0.425": 3.2374254654126324, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014181911238606, "q_0.6": 3.804038302060726, "q_0.625": 3.9019702146491886, "q_0.65": 3.9746732881588036, "q_0.675": 4.045667651936903, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.483050565707267, "q_0.85": 4.557545325122913, "q_0.875": 4.676711895351917, "q_0.9": 4.7583620229574874, "q_0.925": 4.827361581378376, "q_0.95": 5.000401010833492, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.857543017206886, "y": 2.395072474609388, "y_pred": 3.4376070535488417, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081307583769472, "q_0.05": 2.1565166415476256, "q_0.075": 2.256075540873479, "q_0.1": 2.3330099774170625, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.534097647109762, "q_0.2": 2.583463732437698, "q_0.225": 2.6890247553008053, "q_0.25": 2.752029890524276, "q_0.275": 2.800133726402259, "q_0.3": 2.8400706680520504, "q_0.325": 2.961856021242216, "q_0.35": 3.002560196105314, "q_0.375": 3.096173236399893, "q_0.4": 3.151683441958731, "q_0.425": 3.2374254654126324, "q_0.45": 3.314020477180433, "q_0.475": 3.3725130535405006, "q_0.5": 3.4376070535488417, "q_0.525": 3.525096036811748, "q_0.55": 3.6101437156113, "q_0.575": 3.7014181911238606, "q_0.6": 3.804038302060726, "q_0.625": 3.9019702146491886, "q_0.65": 3.9746732881588036, "q_0.675": 4.045667651936903, "q_0.7": 4.130908226272861, "q_0.725": 4.185032258800536, "q_0.75": 4.270163941565705, "q_0.775": 4.309274244747917, "q_0.8": 4.419004556316791, "q_0.825": 4.483050565707267, "q_0.85": 4.557545325122913, "q_0.875": 4.676711895351917, "q_0.9": 4.7583620229574874, "q_0.925": 4.827361581378376, "q_0.95": 5.000401010833492, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.897559023609446, "y": 5.0491281993855015, "y_pred": 3.4388610245938738, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.174984241203033, "q_0.075": 2.2648815833252574, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.4689213083572805, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.690098446132405, "q_0.25": 2.752029890524276, "q_0.275": 2.807352446139213, "q_0.3": 2.85240728537374, "q_0.325": 2.967085513121202, "q_0.35": 3.017787188717036, "q_0.375": 3.1106190322821314, "q_0.4": 3.190748032243511, "q_0.425": 3.242295034838273, "q_0.45": 3.3239638951653543, "q_0.475": 3.380339819171627, "q_0.5": 3.4388610245938738, "q_0.525": 3.5327513965170736, "q_0.55": 3.612188342447199, "q_0.575": 3.7189826158471693, "q_0.6": 3.816154431772798, "q_0.625": 3.910252596801945, "q_0.65": 3.999811260961281, "q_0.675": 4.05167711432169, "q_0.7": 4.1415411745967425, "q_0.725": 4.192089178393045, "q_0.75": 4.274296147605031, "q_0.775": 4.312273348856062, "q_0.8": 4.44476236139099, "q_0.825": 4.493500363686744, "q_0.85": 4.586113951299229, "q_0.875": 4.691764555999637, "q_0.9": 4.765582159307896, "q_0.925": 4.8509603468555325, "q_0.95": 5.009642478778622, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.937575030012006, "y": 5.083807251723853, "y_pred": 3.4454817433729423, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.174984241203033, "q_0.075": 2.2648815833252574, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.752029890524276, "q_0.275": 2.807352446139213, "q_0.3": 2.8591427934207636, "q_0.325": 2.969850215308071, "q_0.35": 3.017787188717036, "q_0.375": 3.1148297425803264, "q_0.4": 3.190748032243511, "q_0.425": 3.267973213483102, "q_0.45": 3.3239638951653543, "q_0.475": 3.3966569666732838, "q_0.5": 3.4454817433729423, "q_0.525": 3.5327513965170736, "q_0.55": 3.6168553087806865, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.910252596801945, "q_0.65": 3.999811260961281, "q_0.675": 4.05167711432169, "q_0.7": 4.1415411745967425, "q_0.725": 4.192089178393045, "q_0.75": 4.274296147605031, "q_0.775": 4.321557261612918, "q_0.8": 4.444763676187999, "q_0.825": 4.497057391237302, "q_0.85": 4.6002256246908875, "q_0.875": 4.691764555999637, "q_0.9": 4.765582159307896, "q_0.925": 4.8509603468555325, "q_0.95": 5.009642478778622, "q_0.975": 5.083807251723853, "q_1": 5.655579676305816}, {"x": 43.977591036414566, "y": 3.427375696369454, "y_pred": 3.4454817433729423, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.174984241203033, "q_0.075": 2.2648815833252574, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.6898568656952953, "q_0.25": 2.752029890524276, "q_0.275": 2.807352446139213, "q_0.3": 2.8591427934207636, "q_0.325": 2.969850215308071, "q_0.35": 3.0184671273213675, "q_0.375": 3.1148297425803264, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3239638951653543, "q_0.475": 3.3966569666732838, "q_0.5": 3.4454817433729423, "q_0.525": 3.5327513965170736, "q_0.55": 3.6168553087806865, "q_0.575": 3.7189826158471693, "q_0.6": 3.816154431772798, "q_0.625": 3.910252596801945, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.1415411745967425, "q_0.725": 4.192089178393045, "q_0.75": 4.276112902783254, "q_0.775": 4.332775941551913, "q_0.8": 4.446010371887997, "q_0.825": 4.500126386060784, "q_0.85": 4.6002256246908875, "q_0.875": 4.691764555999637, "q_0.9": 4.765582159307896, "q_0.925": 4.856649516072533, "q_0.95": 5.040423637358805, "q_0.975": 5.099471139702995, "q_1": 5.655579676305816}, {"x": 44.017607042817126, "y": 2.8400706680520504, "y_pred": 3.4454817433729423, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.174984241203033, "q_0.075": 2.2648815833252574, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.690098446132405, "q_0.25": 2.752029890524276, "q_0.275": 2.807352446139213, "q_0.3": 2.8591427934207636, "q_0.325": 2.970093394689724, "q_0.35": 3.0184671273213675, "q_0.375": 3.1148297425803264, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3239638951653543, "q_0.475": 3.3966569666732838, "q_0.5": 3.4454817433729423, "q_0.525": 3.5327513965170736, "q_0.55": 3.6168553087806865, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.910252596801945, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.1415411745967425, "q_0.725": 4.192089178393045, "q_0.75": 4.276112902783254, "q_0.775": 4.332775941551913, "q_0.8": 4.446010371887997, "q_0.825": 4.500126386060784, "q_0.85": 4.6002256246908875, "q_0.875": 4.691764555999637, "q_0.9": 4.765582159307896, "q_0.925": 4.856649516072533, "q_0.95": 5.040423637358805, "q_0.975": 5.117677181154771, "q_1": 5.655579676305816}, {"x": 44.05762304921969, "y": 5.039949724078465, "y_pred": 3.4454817433729423, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.174984241203033, "q_0.075": 2.2648815833252574, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.470015753344929, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.690098446132405, "q_0.25": 2.752029890524276, "q_0.275": 2.807352446139213, "q_0.3": 2.8591427934207636, "q_0.325": 2.970093394689724, "q_0.35": 3.0184671273213675, "q_0.375": 3.1148297425803264, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3239638951653543, "q_0.475": 3.3966569666732838, "q_0.5": 3.4454817433729423, "q_0.525": 3.5327513965170736, "q_0.55": 3.6168553087806865, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.910252596801945, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.1415411745967425, "q_0.725": 4.192089178393045, "q_0.75": 4.276112902783254, "q_0.775": 4.332775941551913, "q_0.8": 4.446010371887997, "q_0.825": 4.500126386060784, "q_0.85": 4.6002256246908875, "q_0.875": 4.691764555999637, "q_0.9": 4.765582159307896, "q_0.925": 4.856649516072533, "q_0.95": 5.040423637358805, "q_0.975": 5.117677181154771, "q_1": 5.655579676305816}, {"x": 44.09763905562225, "y": 4.6002256246908875, "y_pred": 3.4454817433729423, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.174984241203033, "q_0.075": 2.2662684909588506, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.807352446139213, "q_0.3": 2.859814990201883, "q_0.325": 2.9709310125598636, "q_0.35": 3.032729016318319, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3239638951653543, "q_0.475": 3.396703937348799, "q_0.5": 3.4454817433729423, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.1415411745967425, "q_0.725": 4.192089178393045, "q_0.75": 4.276112902783254, "q_0.775": 4.332775941551913, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.6002256246908875, "q_0.875": 4.69267537323483, "q_0.9": 4.765593624522088, "q_0.925": 4.862147583570924, "q_0.95": 5.040423637358805, "q_0.975": 5.117677181154771, "q_1": 5.655579676305816}, {"x": 44.13765506202481, "y": 4.306849623909187, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2662684909588506, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.8103038764348796, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.032729016318319, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3239638951653543, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.1415411745967425, "q_0.725": 4.192089178393045, "q_0.75": 4.276112902783254, "q_0.775": 4.332775941551913, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.6002256246908875, "q_0.875": 4.699589482430538, "q_0.9": 4.765593624522088, "q_0.925": 4.862147583570924, "q_0.95": 5.042333856779798, "q_0.975": 5.117677181154771, "q_1": 5.655579676305816}, {"x": 44.17767106842737, "y": 3.4840532986956707, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.810365458540926, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.141825794954844, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.21768707482993, "y": 3.3239638951653543, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.810365458540926, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.141825794954844, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.25770308123249, "y": 4.483050565707267, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.810365458540926, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.141825794954844, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.29771908763506, "y": 3.668042215761779, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.810365458540926, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.141825794954844, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.33773509403762, "y": 4.111920654136871, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.810365458540926, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.141825794954844, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.37775110044018, "y": 3.816154431772798, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.810365458540926, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.816154431772798, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.141825794954844, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.41776710684274, "y": 4.276112902783254, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.4703811193672744, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.8103038764348796, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.826252714012897, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.142252725491998, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.4577831132453, "y": 2.3330099774170625, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.4703811193672744, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.8103038764348796, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.826252714012897, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.142252725491998, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.49779911964786, "y": 3.22549689073942, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.4703811193672744, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.8103038764348796, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.826252714012897, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.142252725491998, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.537815126050425, "y": 2.563643838195169, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.4703811193672744, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.8103038764348796, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.826252714012897, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.142252725491998, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.577831132452985, "y": 2.800133726402259, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.4703811193672744, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.8103038764348796, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.826252714012897, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.142252725491998, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.617847138855545, "y": 2.670937938729278, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.4703811193672744, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.8103038764348796, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.826252714012897, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.142252725491998, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.657863145258105, "y": 3.624276418836236, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.4703811193672744, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.8103038764348796, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.826252714012897, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.142252725491998, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.697879151660665, "y": 2.099192985703247, "y_pred": 3.462777382413704, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3736844474383316, "q_0.15": 2.4703811193672744, "q_0.175": 2.53450312313253, "q_0.2": 2.5967793776407975, "q_0.225": 2.693445491375915, "q_0.25": 2.7530552768970438, "q_0.275": 2.8103038764348796, "q_0.3": 2.859814990201883, "q_0.325": 2.9775425288232102, "q_0.35": 3.0357156316996825, "q_0.375": 3.1297220967402692, "q_0.4": 3.1928321806305946, "q_0.425": 3.267973213483102, "q_0.45": 3.3315806906983862, "q_0.475": 3.396703937348799, "q_0.5": 3.462777382413704, "q_0.525": 3.5499704763701767, "q_0.55": 3.621925512791787, "q_0.575": 3.722318448474545, "q_0.6": 3.826252714012897, "q_0.625": 3.9107986177103706, "q_0.65": 4.000783666055703, "q_0.675": 4.0520077802237635, "q_0.7": 4.142252725491998, "q_0.725": 4.201787387189963, "q_0.75": 4.276112902783254, "q_0.775": 4.334017307448933, "q_0.8": 4.449925971340749, "q_0.825": 4.519087960385404, "q_0.85": 4.630628094838974, "q_0.875": 4.700220156664893, "q_0.9": 4.766620864041639, "q_0.925": 4.871559631764528, "q_0.95": 5.0491281993855015, "q_0.975": 5.155052499406919, "q_1": 5.655579676305816}, {"x": 44.737895158063225, "y": 5.077599141779682, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.378609405671421, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.9799571770043096, "q_0.35": 3.041963656590702, "q_0.375": 3.131885696893322, "q_0.4": 3.19881481113056, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.829875089616894, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.2821077494545605, "q_0.775": 4.3458122331918645, "q_0.8": 4.4507843451133455, "q_0.825": 4.5206135211408505, "q_0.85": 4.649265362576704, "q_0.875": 4.716361030928391, "q_0.9": 4.767395947751837, "q_0.925": 4.913742032090735, "q_0.95": 5.0491281993855015, "q_0.975": 5.1601360687429185, "q_1": 5.803931662595026}, {"x": 44.777911164465785, "y": 3.67604366552958, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.0817113652147428, "q_0.05": 2.1911559522706705, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.378609405671421, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.9799571770043096, "q_0.35": 3.041963656590702, "q_0.375": 3.131885696893322, "q_0.4": 3.19881481113056, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.829875089616894, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.2821077494545605, "q_0.775": 4.3458122331918645, "q_0.8": 4.4507843451133455, "q_0.825": 4.5206135211408505, "q_0.85": 4.649265362576704, "q_0.875": 4.716361030928391, "q_0.9": 4.767395947751837, "q_0.925": 4.913742032090735, "q_0.95": 5.0491281993855015, "q_0.975": 5.1601360687429185, "q_1": 5.803931662595026}, {"x": 44.81792717086835, "y": 2.2062855292187518, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.9799571770043096, "q_0.35": 3.041963656590702, "q_0.375": 3.1399549034847745, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.829875089616894, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.649265362576704, "q_0.875": 4.716361030928391, "q_0.9": 4.767619077388904, "q_0.925": 4.913742032090735, "q_0.95": 5.0491281993855015, "q_0.975": 5.161240805285043, "q_1": 5.803931662595026}, {"x": 44.85794317727091, "y": 4.192089178393045, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.9799571770043096, "q_0.35": 3.041963656590702, "q_0.375": 3.1399549034847745, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.829875089616894, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.649265362576704, "q_0.875": 4.716361030928391, "q_0.9": 4.767619077388904, "q_0.925": 4.913742032090735, "q_0.95": 5.0491281993855015, "q_0.975": 5.161240805285043, "q_1": 5.803931662595026}, {"x": 44.89795918367347, "y": 2.889592736266048, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.9799571770043096, "q_0.35": 3.041963656590702, "q_0.375": 3.1399549034847745, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.829875089616894, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.649265362576704, "q_0.875": 4.716361030928391, "q_0.9": 4.767619077388904, "q_0.925": 4.913742032090735, "q_0.95": 5.0491281993855015, "q_0.975": 5.161240805285043, "q_1": 5.803931662595026}, {"x": 44.93797519007603, "y": 2.378609405671421, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.60287342412113, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.9799571770043096, "q_0.35": 3.041963656590702, "q_0.375": 3.1399549034847745, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.829875089616894, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.649265362576704, "q_0.875": 4.716361030928391, "q_0.9": 4.767619077388904, "q_0.925": 4.913742032090735, "q_0.95": 5.0491281993855015, "q_0.975": 5.161240805285043, "q_1": 5.803931662595026}, {"x": 44.97799119647859, "y": 4.662952528375321, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.6043662997465216, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.140064839435226, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.01800720288115, "y": 2.667329494110186, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.6043662997465216, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.140064839435226, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.05802320928372, "y": 2.3736844474383316, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.6043662997465216, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.140064839435226, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.09803921568628, "y": 2.223004522240674, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.6043662997465216, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.140064839435226, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.13805522208884, "y": 4.3458122331918645, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.6043662997465216, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.140064839435226, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.1780712284914, "y": 4.115173486368484, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.6043662997465216, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.140064839435226, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.21808723489396, "y": 2.0703119172948825, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.337182367803171, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.53450312313253, "q_0.2": 2.6043662997465216, "q_0.225": 2.693445491375915, "q_0.25": 2.7625310391788718, "q_0.275": 2.811955287713658, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.140064839435226, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.25810324129652, "y": 2.7452014107816343, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.298119247699084, "y": 4.274296147605031, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.338135254101644, "y": 2.5269428035652153, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.378151260504204, "y": 3.871351807004203, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.418167266906764, "y": 2.721134429745307, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.458183273309324, "y": 3.4692857346255943, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.49819927971188, "y": 4.794679107113758, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.53821528611445, "y": 3.0062031811555303, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.57823129251701, "y": 4.22184618638654, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.61824729891957, "y": 3.4376070535488417, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.65826330532213, "y": 2.353506792095349, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.69827931172469, "y": 3.1928321806305946, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.73829531812725, "y": 4.718404036893828, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.77831132452982, "y": 5.137639899546453, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.81832733093238, "y": 4.732642094897498, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.193922874845395, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.6937317428490894, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.8647122607317415, "q_0.325": 2.989018198491409, "q_0.35": 3.041963656590702, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.5206135211408505, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.85834333733494, "y": 2.5656030306547812, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.1944961364557445, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.694717720145578, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.865791866761892, "q_0.325": 2.9898673389941393, "q_0.35": 3.0566893853960195, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.524754613550625, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.898359343737496, "y": 3.1482067048217877, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.1944961364557445, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.6116806978749945, "q_0.225": 2.694717720145578, "q_0.25": 2.7625310391788718, "q_0.275": 2.8128121196375666, "q_0.3": 2.865791866761892, "q_0.325": 2.9898673389941393, "q_0.35": 3.0566893853960195, "q_0.375": 3.1423382459340354, "q_0.4": 3.2007705398545534, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.560833525936844, "q_0.55": 3.624276418836236, "q_0.575": 3.726263579377608, "q_0.6": 3.8411801370471075, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.058042527153772, "q_0.7": 4.1485081989406405, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3458122331918645, "q_0.8": 4.458744990812855, "q_0.825": 4.524754613550625, "q_0.85": 4.654708759409436, "q_0.875": 4.716361030928391, "q_0.9": 4.794439991857457, "q_0.925": 4.934942636045548, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.938375350140056, "y": 4.691764555999637, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.197744618914387, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.763071228495921, "q_0.275": 2.825623485638059, "q_0.3": 2.865791866761892, "q_0.325": 2.9898673389941393, "q_0.35": 3.0566893853960195, "q_0.375": 3.1423382459340354, "q_0.4": 3.208870212859253, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.561115387967302, "q_0.55": 3.624276418836236, "q_0.575": 3.7345460746170174, "q_0.6": 3.8520319279175643, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3504823899916225, "q_0.8": 4.460768432955014, "q_0.825": 4.524754613550625, "q_0.85": 4.654708759409436, "q_0.875": 4.718404036893828, "q_0.9": 4.794439991857457, "q_0.925": 4.935484573200627, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 45.978391356542616, "y": 3.811712723099885, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.197744618914387, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.763071228495921, "q_0.275": 2.825623485638059, "q_0.3": 2.865791866761892, "q_0.325": 2.9898673389941393, "q_0.35": 3.0566893853960195, "q_0.375": 3.1423382459340354, "q_0.4": 3.208870212859253, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.561115387967302, "q_0.55": 3.624276418836236, "q_0.575": 3.7345460746170174, "q_0.6": 3.8520319279175643, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3504823899916225, "q_0.8": 4.460768432955014, "q_0.825": 4.524754613550625, "q_0.85": 4.654708759409436, "q_0.875": 4.718404036893828, "q_0.9": 4.794439991857457, "q_0.925": 4.935484573200627, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.01840736294518, "y": 4.519087960385404, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.197744618914387, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.763071228495921, "q_0.275": 2.825623485638059, "q_0.3": 2.865791866761892, "q_0.325": 2.9898673389941393, "q_0.35": 3.0566893853960195, "q_0.375": 3.1423382459340354, "q_0.4": 3.208870212859253, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.561115387967302, "q_0.55": 3.624276418836236, "q_0.575": 3.7345460746170174, "q_0.6": 3.8520319279175643, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3504823899916225, "q_0.8": 4.460768432955014, "q_0.825": 4.524754613550625, "q_0.85": 4.654708759409436, "q_0.875": 4.718404036893828, "q_0.9": 4.794439991857457, "q_0.925": 4.935484573200627, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.05842336934774, "y": 4.525192080893026, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.197744618914387, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.763071228495921, "q_0.275": 2.825623485638059, "q_0.3": 2.865791866761892, "q_0.325": 2.9898673389941393, "q_0.35": 3.0566893853960195, "q_0.375": 3.1423382459340354, "q_0.4": 3.208870212859253, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.561115387967302, "q_0.55": 3.624276418836236, "q_0.575": 3.7345460746170174, "q_0.6": 3.8520319279175643, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3504823899916225, "q_0.8": 4.460768432955014, "q_0.825": 4.524754613550625, "q_0.85": 4.654708759409436, "q_0.875": 4.718404036893828, "q_0.9": 4.794439991857457, "q_0.925": 4.935484573200627, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.0984393757503, "y": 2.2788541618873874, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.197744618914387, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.763071228495921, "q_0.275": 2.825623485638059, "q_0.3": 2.865791866761892, "q_0.325": 2.9898673389941393, "q_0.35": 3.0566893853960195, "q_0.375": 3.1423382459340354, "q_0.4": 3.208870212859253, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.561115387967302, "q_0.55": 3.624276418836236, "q_0.575": 3.7345460746170174, "q_0.6": 3.8520319279175643, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3504823899916225, "q_0.8": 4.460768432955014, "q_0.825": 4.524754613550625, "q_0.85": 4.654708759409436, "q_0.875": 4.718404036893828, "q_0.9": 4.794439991857457, "q_0.925": 4.935484573200627, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.13845538215286, "y": 3.1423382459340354, "y_pred": 3.467448976133687, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.081959920717172, "q_0.05": 2.197744618914387, "q_0.075": 2.2714495101868586, "q_0.1": 2.346540295753449, "q_0.125": 2.3772434880889484, "q_0.15": 2.4773230737918137, "q_0.175": 2.5356962020120815, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.763071228495921, "q_0.275": 2.825623485638059, "q_0.3": 2.865791866761892, "q_0.325": 2.9898673389941393, "q_0.35": 3.0566893853960195, "q_0.375": 3.1423382459340354, "q_0.4": 3.208870212859253, "q_0.425": 3.2690439942528435, "q_0.45": 3.3407495118154746, "q_0.475": 3.401716228475526, "q_0.5": 3.467448976133687, "q_0.525": 3.561115387967302, "q_0.55": 3.624276418836236, "q_0.575": 3.7345460746170174, "q_0.6": 3.8520319279175643, "q_0.625": 3.92906939820638, "q_0.65": 4.005609388677058, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.22184618638654, "q_0.75": 4.28947136795097, "q_0.775": 4.3504823899916225, "q_0.8": 4.460768432955014, "q_0.825": 4.524754613550625, "q_0.85": 4.654708759409436, "q_0.875": 4.718404036893828, "q_0.9": 4.794439991857457, "q_0.925": 4.935484573200627, "q_0.95": 5.049225288538523, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.17847138855542, "y": 3.5776772543257502, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2087316360853264, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7692014724933216, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.994234245531522, "q_0.35": 3.073773793408696, "q_0.375": 3.1423382459340354, "q_0.4": 3.2116868808328896, "q_0.425": 3.273262828959913, "q_0.45": 3.34426307634953, "q_0.475": 3.4027910498624365, "q_0.5": 3.4692857346255943, "q_0.525": 3.565908182214505, "q_0.55": 3.624276418836236, "q_0.575": 3.7446972761331203, "q_0.6": 3.8530392777928797, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.159470353648089, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.47384192778854, "q_0.825": 4.547887615732293, "q_0.85": 4.662952528375321, "q_0.875": 4.7283197096877565, "q_0.9": 4.794679107113758, "q_0.925": 4.939002135993537, "q_0.95": 5.052732738003227, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.21848739495798, "y": 5.062188671444403, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2087316360853264, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7692014724933216, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.994234245531522, "q_0.35": 3.073773793408696, "q_0.375": 3.1423382459340354, "q_0.4": 3.2116868808328896, "q_0.425": 3.273262828959913, "q_0.45": 3.34426307634953, "q_0.475": 3.4027910498624365, "q_0.5": 3.4692857346255943, "q_0.525": 3.565908182214505, "q_0.55": 3.624276418836236, "q_0.575": 3.7446972761331203, "q_0.6": 3.8530392777928797, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.159470353648089, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.47384192778854, "q_0.825": 4.547887615732293, "q_0.85": 4.662952528375321, "q_0.875": 4.7283197096877565, "q_0.9": 4.794679107113758, "q_0.925": 4.939002135993537, "q_0.95": 5.052732738003227, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.25850340136055, "y": 4.913742032090735, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2087316360853264, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4878095579991735, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7692014724933216, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.994234245531522, "q_0.35": 3.074044595088904, "q_0.375": 3.1482067048217877, "q_0.4": 3.2116868808328896, "q_0.425": 3.273262828959913, "q_0.45": 3.34426307634953, "q_0.475": 3.4027910498624365, "q_0.5": 3.4692857346255943, "q_0.525": 3.565908182214505, "q_0.55": 3.6257181443216173, "q_0.575": 3.7446972761331203, "q_0.6": 3.8530392777928797, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.47384192778854, "q_0.825": 4.547887615732293, "q_0.85": 4.662952528375321, "q_0.875": 4.7283197096877565, "q_0.9": 4.818842928192114, "q_0.925": 4.939002135993537, "q_0.95": 5.052732738003227, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.29851940776311, "y": 3.401716228475526, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2087316360853264, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4878095579991735, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7692014724933216, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.994234245531522, "q_0.35": 3.074044595088904, "q_0.375": 3.1482067048217877, "q_0.4": 3.2116868808328896, "q_0.425": 3.273262828959913, "q_0.45": 3.34426307634953, "q_0.475": 3.4027910498624365, "q_0.5": 3.4692857346255943, "q_0.525": 3.565908182214505, "q_0.55": 3.6257181443216173, "q_0.575": 3.7446972761331203, "q_0.6": 3.8530392777928797, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.47384192778854, "q_0.825": 4.547887615732293, "q_0.85": 4.662952528375321, "q_0.875": 4.7283197096877565, "q_0.9": 4.818842928192114, "q_0.925": 4.939002135993537, "q_0.95": 5.052732738003227, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.33853541416567, "y": 2.3597555007948134, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2087316360853264, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7692014724933216, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.994234245531522, "q_0.35": 3.074044595088904, "q_0.375": 3.1423382459340354, "q_0.4": 3.2116868808328896, "q_0.425": 3.273262828959913, "q_0.45": 3.34426307634953, "q_0.475": 3.4027910498624365, "q_0.5": 3.4692857346255943, "q_0.525": 3.565908182214505, "q_0.55": 3.624276418836236, "q_0.575": 3.7446972761331203, "q_0.6": 3.8530392777928797, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.22184618638654, "q_0.75": 4.29034777830392, "q_0.775": 4.354057639477195, "q_0.8": 4.47384192778854, "q_0.825": 4.547887615732293, "q_0.85": 4.662952528375321, "q_0.875": 4.7283197096877565, "q_0.9": 4.818842928192114, "q_0.925": 4.939002135993537, "q_0.95": 5.052732738003227, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.37855142056823, "y": 3.34426307634953, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2087316360853264, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7692014724933216, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.994234245531522, "q_0.35": 3.074044595088904, "q_0.375": 3.1423382459340354, "q_0.4": 3.2116868808328896, "q_0.425": 3.273262828959913, "q_0.45": 3.34426307634953, "q_0.475": 3.4027910498624365, "q_0.5": 3.4692857346255943, "q_0.525": 3.565908182214505, "q_0.55": 3.624276418836236, "q_0.575": 3.7446972761331203, "q_0.6": 3.8530392777928797, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.22184618638654, "q_0.75": 4.29034777830392, "q_0.775": 4.354057639477195, "q_0.8": 4.47384192778854, "q_0.825": 4.547887615732293, "q_0.85": 4.662952528375321, "q_0.875": 4.7283197096877565, "q_0.9": 4.818842928192114, "q_0.925": 4.939002135993537, "q_0.95": 5.052732738003227, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.41856742697079, "y": 3.7635865684439302, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2087316360853264, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7692014724933216, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.994234245531522, "q_0.35": 3.074044595088904, "q_0.375": 3.1423382459340354, "q_0.4": 3.2116868808328896, "q_0.425": 3.273262828959913, "q_0.45": 3.34426307634953, "q_0.475": 3.4027910498624365, "q_0.5": 3.4692857346255943, "q_0.525": 3.565908182214505, "q_0.55": 3.624276418836236, "q_0.575": 3.7446972761331203, "q_0.6": 3.8530392777928797, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.155838853489351, "q_0.725": 4.22184618638654, "q_0.75": 4.29034777830392, "q_0.775": 4.354057639477195, "q_0.8": 4.47384192778854, "q_0.825": 4.547887615732293, "q_0.85": 4.662952528375321, "q_0.875": 4.7283197096877565, "q_0.9": 4.818842928192114, "q_0.925": 4.939002135993537, "q_0.95": 5.052732738003227, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.45858343337335, "y": 4.939002135993537, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2087316360853264, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7692014724933216, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.994234245531522, "q_0.35": 3.074044595088904, "q_0.375": 3.1482067048217877, "q_0.4": 3.2116868808328896, "q_0.425": 3.278547127976843, "q_0.45": 3.34426307634953, "q_0.475": 3.4067738866713944, "q_0.5": 3.4692857346255943, "q_0.525": 3.5751808459354404, "q_0.55": 3.626242408134476, "q_0.575": 3.7446972761331203, "q_0.6": 3.858984802865889, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.159470353648089, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.4746887814924925, "q_0.825": 4.548663729106785, "q_0.85": 4.662952528375321, "q_0.875": 4.733879123457755, "q_0.9": 4.826390594066324, "q_0.925": 4.951913791281355, "q_0.95": 5.062188671444403, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.498599439775916, "y": 2.996744594037409, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2087316360853264, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7692014724933216, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.994234245531522, "q_0.35": 3.074044595088904, "q_0.375": 3.1482067048217877, "q_0.4": 3.2116868808328896, "q_0.425": 3.278547127976843, "q_0.45": 3.34426307634953, "q_0.475": 3.4067738866713944, "q_0.5": 3.4692857346255943, "q_0.525": 3.5751808459354404, "q_0.55": 3.626242408134476, "q_0.575": 3.7446972761331203, "q_0.6": 3.858984802865889, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.159470353648089, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.4746887814924925, "q_0.825": 4.548663729106785, "q_0.85": 4.662952528375321, "q_0.875": 4.733879123457755, "q_0.9": 4.826390594066324, "q_0.925": 4.951913791281355, "q_0.95": 5.062188671444403, "q_0.975": 5.178380245941863, "q_1": 5.803931662595026}, {"x": 46.538615446178476, "y": 3.041963656590702, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2131302114558995, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7693770294219893, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2116868808328896, "q_0.425": 3.278547127976843, "q_0.45": 3.34426307634953, "q_0.475": 3.4067738866713944, "q_0.5": 3.4692857346255943, "q_0.525": 3.5751808459354404, "q_0.55": 3.624276418836236, "q_0.575": 3.7547772126378556, "q_0.6": 3.858984802865889, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.159470353648089, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.483050565707267, "q_0.825": 4.548663729106785, "q_0.85": 4.667232157575263, "q_0.875": 4.738124777031687, "q_0.9": 4.827361581378376, "q_0.925": 4.971599044354194, "q_0.95": 5.062188671444403, "q_0.975": 5.1908939379888235, "q_1": 5.803931662595026}, {"x": 46.578631452581035, "y": 4.058042527153772, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2131302114558995, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7693770294219893, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2116868808328896, "q_0.425": 3.278547127976843, "q_0.45": 3.34426307634953, "q_0.475": 3.4067738866713944, "q_0.5": 3.4692857346255943, "q_0.525": 3.5751808459354404, "q_0.55": 3.624276418836236, "q_0.575": 3.7547772126378556, "q_0.6": 3.858984802865889, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.159470353648089, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.483050565707267, "q_0.825": 4.548663729106785, "q_0.85": 4.667232157575263, "q_0.875": 4.738124777031687, "q_0.9": 4.827361581378376, "q_0.925": 4.971599044354194, "q_0.95": 5.062188671444403, "q_0.975": 5.1908939379888235, "q_1": 5.803931662595026}, {"x": 46.618647458983595, "y": 3.669675088448008, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2131302114558995, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7693770294219893, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2116868808328896, "q_0.425": 3.278547127976843, "q_0.45": 3.34426307634953, "q_0.475": 3.4067738866713944, "q_0.5": 3.4692857346255943, "q_0.525": 3.5751808459354404, "q_0.55": 3.624276418836236, "q_0.575": 3.7547772126378556, "q_0.6": 3.858984802865889, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.159470353648089, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.483050565707267, "q_0.825": 4.548663729106785, "q_0.85": 4.667232157575263, "q_0.875": 4.738124777031687, "q_0.9": 4.827361581378376, "q_0.925": 4.971599044354194, "q_0.95": 5.062188671444403, "q_0.975": 5.1908939379888235, "q_1": 5.803931662595026}, {"x": 46.658663465386155, "y": 2.6832053504637985, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.8863297316143355, "q_0.025": 2.099192985703247, "q_0.05": 2.2131302114558995, "q_0.075": 2.2788541618873874, "q_0.1": 2.346540295753449, "q_0.125": 2.378609405671421, "q_0.15": 2.4897964350965056, "q_0.175": 2.5365434871378216, "q_0.2": 2.611917547032888, "q_0.225": 2.694717720145578, "q_0.25": 2.7693770294219893, "q_0.275": 2.8273683162215084, "q_0.3": 2.889592736266048, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2116868808328896, "q_0.425": 3.278547127976843, "q_0.45": 3.34426307634953, "q_0.475": 3.4067738866713944, "q_0.5": 3.4692857346255943, "q_0.525": 3.5751808459354404, "q_0.55": 3.624276418836236, "q_0.575": 3.7547772126378556, "q_0.6": 3.858984802865889, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.159470353648089, "q_0.725": 4.224737472506861, "q_0.75": 4.29365493244525, "q_0.775": 4.354057639477195, "q_0.8": 4.483050565707267, "q_0.825": 4.548663729106785, "q_0.85": 4.667232157575263, "q_0.875": 4.738124777031687, "q_0.9": 4.827361581378376, "q_0.925": 4.971599044354194, "q_0.95": 5.062188671444403, "q_0.975": 5.1908939379888235, "q_1": 5.803931662595026}, {"x": 46.698679471788715, "y": 2.5204701169676067, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3813597664640644, "q_0.15": 2.5002580120420794, "q_0.175": 2.538554674234327, "q_0.2": 2.613966277323165, "q_0.225": 2.703086836232328, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1501701453882007, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.9356805837897006, "q_0.65": 4.011655097316861, "q_0.675": 4.091534912349754, "q_0.7": 4.166048011483285, "q_0.725": 4.23520935735781, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.493500363686744, "q_0.825": 4.581826568217663, "q_0.85": 4.676711895351917, "q_0.875": 4.754019337789414, "q_0.9": 4.8509603468555325, "q_0.925": 4.990565603005464, "q_0.95": 5.062673872145627, "q_0.975": 5.239652874778341, "q_1": 5.803931662595026}, {"x": 46.738695478191275, "y": 3.621925512791787, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.9356805837897006, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.493500363686744, "q_0.825": 4.581826568217663, "q_0.85": 4.679021790163864, "q_0.875": 4.7583620229574874, "q_0.9": 4.8509603468555325, "q_0.925": 4.990565603005464, "q_0.95": 5.0664154748389745, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 46.77871148459384, "y": 4.548663729106785, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.9356805837897006, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.493500363686744, "q_0.825": 4.581826568217663, "q_0.85": 4.679021790163864, "q_0.875": 4.7583620229574874, "q_0.9": 4.8509603468555325, "q_0.925": 4.990565603005464, "q_0.95": 5.0664154748389745, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 46.8187274909964, "y": 4.547887615732293, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.9356805837897006, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.493500363686744, "q_0.825": 4.581826568217663, "q_0.85": 4.679021790163864, "q_0.875": 4.7583620229574874, "q_0.9": 4.8509603468555325, "q_0.925": 4.990565603005464, "q_0.95": 5.0664154748389745, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 46.85874349739896, "y": 5.178380245941863, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.9356805837897006, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.493500363686744, "q_0.825": 4.581826568217663, "q_0.85": 4.679021790163864, "q_0.875": 4.7583620229574874, "q_0.9": 4.8509603468555325, "q_0.925": 4.990565603005464, "q_0.95": 5.0664154748389745, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 46.89875950380152, "y": 3.2836915775602935, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.9356805837897006, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.493500363686744, "q_0.825": 4.581826568217663, "q_0.85": 4.679021790163864, "q_0.875": 4.7583620229574874, "q_0.9": 4.8509603468555325, "q_0.925": 4.990565603005464, "q_0.95": 5.0664154748389745, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 46.93877551020408, "y": 3.314020477180433, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.932234097903615, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.497057391237302, "q_0.825": 4.586837842398975, "q_0.85": 4.691764555999637, "q_0.875": 4.7583620229574874, "q_0.9": 4.856649516072533, "q_0.925": 5.000401010833492, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 46.97879151660664, "y": 2.0668558423030023, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.932234097903615, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.497057391237302, "q_0.825": 4.586837842398975, "q_0.85": 4.691764555999637, "q_0.875": 4.7583620229574874, "q_0.9": 4.856649516072533, "q_0.925": 5.000401010833492, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.01880752300921, "y": 4.716361030928391, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.932234097903615, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.497057391237302, "q_0.825": 4.586837842398975, "q_0.85": 4.691764555999637, "q_0.875": 4.7583620229574874, "q_0.9": 4.856649516072533, "q_0.925": 5.000401010833492, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.05882352941177, "y": 4.130908226272861, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.932234097903615, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.497057391237302, "q_0.825": 4.586837842398975, "q_0.85": 4.691764555999637, "q_0.875": 4.7583620229574874, "q_0.9": 4.856649516072533, "q_0.925": 5.000401010833492, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.09883953581433, "y": 4.5264309904299, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.932234097903615, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.497057391237302, "q_0.825": 4.586837842398975, "q_0.85": 4.691764555999637, "q_0.875": 4.7583620229574874, "q_0.9": 4.856649516072533, "q_0.925": 5.000401010833492, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.13885554221689, "y": 3.5692225072063257, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.932234097903615, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.497057391237302, "q_0.825": 4.586837842398975, "q_0.85": 4.691764555999637, "q_0.875": 4.7583620229574874, "q_0.9": 4.856649516072533, "q_0.925": 5.000401010833492, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.17887154861945, "y": 5.009642478778622, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.3491894275323286, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.626790682100312, "q_0.225": 2.7031510799684204, "q_0.25": 2.7796021583827173, "q_0.275": 2.837091121840553, "q_0.3": 2.911161371283312, "q_0.325": 2.996744594037409, "q_0.35": 3.0902481214053, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.2836915775602935, "q_0.45": 3.3590612501407273, "q_0.475": 3.4271889629527417, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.6386418513552403, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.932234097903615, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.233784940697606, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.497057391237302, "q_0.825": 4.586837842398975, "q_0.85": 4.691764555999637, "q_0.875": 4.7583620229574874, "q_0.9": 4.856649516072533, "q_0.925": 5.000401010833492, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.21888755502201, "y": 2.1565166415476256, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.346540295753449, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.613966277323165, "q_0.225": 2.699149197083439, "q_0.25": 2.7796021583827173, "q_0.275": 2.834322935116626, "q_0.3": 2.906971216643092, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.278547127976843, "q_0.45": 3.358917425175623, "q_0.475": 3.413518692328587, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.629489241472858, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.23520935735781, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.500126386060784, "q_0.825": 4.6002256246908875, "q_0.85": 4.691764555999637, "q_0.875": 4.764920622283495, "q_0.9": 4.856649516072533, "q_0.925": 5.009642478778622, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.258903561424574, "y": 2.4329854398126525, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.346540295753449, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.613966277323165, "q_0.225": 2.699149197083439, "q_0.25": 2.7796021583827173, "q_0.275": 2.834322935116626, "q_0.3": 2.906971216643092, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.278547127976843, "q_0.45": 3.358917425175623, "q_0.475": 3.413518692328587, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.629489241472858, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.23520935735781, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.500126386060784, "q_0.825": 4.6002256246908875, "q_0.85": 4.691764555999637, "q_0.875": 4.764920622283495, "q_0.9": 4.856649516072533, "q_0.925": 5.009642478778622, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.298919567827134, "y": 3.2690439942528435, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.346540295753449, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.613966277323165, "q_0.225": 2.699149197083439, "q_0.25": 2.7796021583827173, "q_0.275": 2.834322935116626, "q_0.3": 2.906971216643092, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.278547127976843, "q_0.45": 3.358917425175623, "q_0.475": 3.413518692328587, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.629489241472858, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.23520935735781, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.500126386060784, "q_0.825": 4.6002256246908875, "q_0.85": 4.691764555999637, "q_0.875": 4.764920622283495, "q_0.9": 4.856649516072533, "q_0.925": 5.009642478778622, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.338935574229694, "y": 2.337182367803171, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.346540295753449, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.613966277323165, "q_0.225": 2.699149197083439, "q_0.25": 2.7796021583827173, "q_0.275": 2.834322935116626, "q_0.3": 2.906971216643092, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.278547127976843, "q_0.45": 3.358917425175623, "q_0.475": 3.413518692328587, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.629489241472858, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.23520935735781, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.500126386060784, "q_0.825": 4.6002256246908875, "q_0.85": 4.691764555999637, "q_0.875": 4.764920622283495, "q_0.9": 4.856649516072533, "q_0.925": 5.009642478778622, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.378951580632254, "y": 2.346540295753449, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.346540295753449, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.613966277323165, "q_0.225": 2.699149197083439, "q_0.25": 2.7796021583827173, "q_0.275": 2.834322935116626, "q_0.3": 2.906971216643092, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.278547127976843, "q_0.45": 3.358917425175623, "q_0.475": 3.413518692328587, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.629489241472858, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.23520935735781, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.500126386060784, "q_0.825": 4.6002256246908875, "q_0.85": 4.691764555999637, "q_0.875": 4.764920622283495, "q_0.9": 4.856649516072533, "q_0.925": 5.009642478778622, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.418967587034814, "y": 3.8831739497808293, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.346540295753449, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.613966277323165, "q_0.225": 2.699149197083439, "q_0.25": 2.7796021583827173, "q_0.275": 2.834322935116626, "q_0.3": 2.906971216643092, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.278547127976843, "q_0.45": 3.358917425175623, "q_0.475": 3.413518692328587, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.629489241472858, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.23520935735781, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.500126386060784, "q_0.825": 4.6002256246908875, "q_0.85": 4.691764555999637, "q_0.875": 4.764920622283495, "q_0.9": 4.856649516072533, "q_0.925": 5.009642478778622, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.458983593437374, "y": 2.7587941690964426, "y_pred": 3.4692857346255943, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1004360224076475, "q_0.05": 2.223004522240674, "q_0.075": 2.2846371998463457, "q_0.1": 2.346540295753449, "q_0.125": 2.3842523068288335, "q_0.15": 2.5002580120420794, "q_0.175": 2.545912969191281, "q_0.2": 2.613966277323165, "q_0.225": 2.699149197083439, "q_0.25": 2.7796021583827173, "q_0.275": 2.834322935116626, "q_0.3": 2.906971216643092, "q_0.325": 2.996744594037409, "q_0.35": 3.0880955221754434, "q_0.375": 3.1482067048217877, "q_0.4": 3.2133745957725868, "q_0.425": 3.278547127976843, "q_0.45": 3.358917425175623, "q_0.475": 3.413518692328587, "q_0.5": 3.4692857346255943, "q_0.525": 3.5776772543257502, "q_0.55": 3.629489241472858, "q_0.575": 3.765465786592039, "q_0.6": 3.871351807004203, "q_0.625": 3.92906939820638, "q_0.65": 4.009116605893217, "q_0.675": 4.075614754742952, "q_0.7": 4.166048011483285, "q_0.725": 4.23520935735781, "q_0.75": 4.300086304220903, "q_0.775": 4.400417818087217, "q_0.8": 4.500126386060784, "q_0.825": 4.6002256246908875, "q_0.85": 4.691764555999637, "q_0.875": 4.764920622283495, "q_0.9": 4.856649516072533, "q_0.925": 5.009642478778622, "q_0.95": 5.077599141779682, "q_0.975": 5.243878920052846, "q_1": 5.803931662595026}, {"x": 47.49899959983994, "y": 4.076272971496385, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4168897295118708, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.365712160404425, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7830247187862454, "q_0.6": 3.871351807004203, "q_0.625": 3.9356805837897006, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.167572751301167, "q_0.725": 4.249441643067446, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.5390156062425, "y": 5.049225288538523, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4168897295118708, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.365712160404425, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7830247187862454, "q_0.6": 3.871351807004203, "q_0.625": 3.9356805837897006, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.167572751301167, "q_0.725": 4.249441643067446, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.57903161264506, "y": 4.711587205724828, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4168897295118708, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.365712160404425, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7830247187862454, "q_0.6": 3.871351807004203, "q_0.625": 3.9356805837897006, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.167572751301167, "q_0.725": 4.249441643067446, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.61904761904762, "y": 2.8647122607317415, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4226713869881875, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7833642727923076, "q_0.6": 3.871351807004203, "q_0.625": 3.936323735800982, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.2494584554721, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.65906362545018, "y": 2.3553129290502435, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4226713869881875, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7833642727923076, "q_0.6": 3.871351807004203, "q_0.625": 3.936323735800982, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.2494584554721, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.69907963185274, "y": 5.120494780341554, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4226713869881875, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7833642727923076, "q_0.6": 3.871351807004203, "q_0.625": 3.936323735800982, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.2494584554721, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.73909563825531, "y": 5.26400136296239, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4226713869881875, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7833642727923076, "q_0.6": 3.871351807004203, "q_0.625": 3.936323735800982, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.2494584554721, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.77911164465787, "y": 3.272205864992128, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4226713869881875, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7833642727923076, "q_0.6": 3.871351807004203, "q_0.625": 3.936323735800982, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.2494584554721, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.81912765106043, "y": 3.5499704763701767, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4226713869881875, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7833642727923076, "q_0.6": 3.871351807004203, "q_0.625": 3.936323735800982, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.2494584554721, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.85914365746299, "y": 2.5365434871378216, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.227247627755199, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4226713869881875, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.708989464098925, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.930814367099149, "q_0.325": 3.002560196105314, "q_0.35": 3.0944591840281293, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.4271889629527417, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.6391697707678308, "q_0.575": 3.7833642727923076, "q_0.6": 3.871351807004203, "q_0.625": 3.936323735800982, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.2494584554721, "q_0.75": 4.304492011139114, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.615262338419963, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.89915966386555, "y": 4.354057639477195, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.2301488359328983, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.426541154335626, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.711348093065874, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.952001833009324, "q_0.325": 3.0171317957431363, "q_0.35": 3.096173236399893, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.2494584554721, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.628452935381543, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.939175670268106, "y": 3.4271889629527417, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1024260118048512, "q_0.05": 2.2301488359328983, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.426541154335626, "q_0.15": 2.5124163560534356, "q_0.175": 2.548879388052095, "q_0.2": 2.6409144515963234, "q_0.225": 2.711348093065874, "q_0.25": 2.7808084367888304, "q_0.275": 2.8386529459956193, "q_0.3": 2.952001833009324, "q_0.325": 3.0171317957431363, "q_0.35": 3.096173236399893, "q_0.375": 3.1501701453882007, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.593154981231417, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.2494584554721, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.628452935381543, "q_0.85": 4.699589482430538, "q_0.875": 4.765593624522088, "q_0.9": 4.871559631764528, "q_0.925": 5.009642478778622, "q_0.95": 5.083546888731943, "q_0.975": 5.2493410663713655, "q_1": 5.803931662595026}, {"x": 47.97919167667067, "y": 4.654708759409436, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2324697822707993, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4277395421973256, "q_0.15": 2.5124163560534356, "q_0.175": 2.550971946077841, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0171317957431363, "q_0.35": 3.1000324628961984, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.871559631764528, "q_0.925": 5.0227179986684, "q_0.95": 5.083807251723853, "q_0.975": 5.249394604384335, "q_1": 5.803931662595026}, {"x": 48.01920768307323, "y": 3.92906939820638, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2324697822707993, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4277395421973256, "q_0.15": 2.5124163560534356, "q_0.175": 2.550971946077841, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0171317957431363, "q_0.35": 3.1000324628961984, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.871559631764528, "q_0.925": 5.0227179986684, "q_0.95": 5.083807251723853, "q_0.975": 5.249394604384335, "q_1": 5.803931662595026}, {"x": 48.05922368947579, "y": 2.2087316360853264, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2324697822707993, "q_0.075": 2.3000969050508564, "q_0.1": 2.352851368246699, "q_0.125": 2.4277395421973256, "q_0.15": 2.5124163560534356, "q_0.175": 2.550971946077841, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0171317957431363, "q_0.35": 3.1000324628961984, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.519087960385404, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.871559631764528, "q_0.925": 5.0227179986684, "q_0.95": 5.083807251723853, "q_0.975": 5.249394604384335, "q_1": 5.803931662595026}, {"x": 48.09923969587835, "y": 3.1501701453882007, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.13925570228091, "y": 4.676711895351917, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.17927170868347, "y": 4.28947136795097, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.21928771508604, "y": 4.111228159876738, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.2593037214886, "y": 4.240968447826827, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.29931972789116, "y": 4.024292911640289, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.33933573429372, "y": 4.1415411745967425, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.37935174069628, "y": 4.075614754742952, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.41936774709884, "y": 3.795722000167885, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.4593837535014, "y": 4.5206135211408505, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.499399759903966, "y": 3.267973213483102, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4277395421973256, "q_0.15": 2.519025403056004, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.017787188717036, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.766620864041639, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.252476581828642, "q_1": 5.803931662595026}, {"x": 48.539415766306526, "y": 3.6101437156113, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476687, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2840751745218855, "q_0.45": 3.3725130535405006, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.767395947751837, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.253163748556213, "q_1": 5.803931662595026}, {"x": 48.579431772709086, "y": 3.3725130535405006, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476687, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2840751745218855, "q_0.45": 3.3725130535405006, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.767395947751837, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.253163748556213, "q_1": 5.803931662595026}, {"x": 48.619447779111646, "y": 2.752029890524276, "y_pred": 3.487160243873938, "target": "1", "q_0": 1.9771446301476687, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2840751745218855, "q_0.45": 3.3725130535405006, "q_0.475": 3.427375696369454, "q_0.5": 3.487160243873938, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.699589482430538, "q_0.875": 4.767395947751837, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.253163748556213, "q_1": 5.803931662595026}, {"x": 48.659463785514205, "y": 3.116729419078358, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.268530319651792, "q_0.75": 4.306849623909187, "q_0.775": 4.410440617291383, "q_0.8": 4.5206135211408505, "q_0.825": 4.636954622490416, "q_0.85": 4.7041544941924425, "q_0.875": 4.767619077388904, "q_0.9": 4.913742032090735, "q_0.925": 5.040423637358805, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 48.699479791916765, "y": 2.2546015896412164, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.270163941565705, "q_0.75": 4.306849623909187, "q_0.775": 4.419004556316791, "q_0.8": 4.5206135211408505, "q_0.825": 4.649265362576704, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 48.73949579831933, "y": 3.1297220967402692, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.270163941565705, "q_0.75": 4.306849623909187, "q_0.775": 4.419004556316791, "q_0.8": 4.5206135211408505, "q_0.825": 4.649265362576704, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 48.77951180472189, "y": 3.3407495118154746, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.270163941565705, "q_0.75": 4.306849623909187, "q_0.775": 4.419004556316791, "q_0.8": 4.5206135211408505, "q_0.825": 4.649265362576704, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 48.81952781112445, "y": 2.379937417596606, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.7156516140998472, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.151683441958731, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3669541319923058, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.874775256516427, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.270163941565705, "q_0.75": 4.306849623909187, "q_0.775": 4.419004556316791, "q_0.8": 4.5206135211408505, "q_0.825": 4.649265362576704, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 48.85954381752701, "y": 2.791561078327792, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.716810477779716, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.1526534455499924, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.8769204824070034, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.274296147605031, "q_0.75": 4.306849623909187, "q_0.775": 4.432607723991004, "q_0.8": 4.5206135211408505, "q_0.825": 4.654708759409436, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 48.89955982392957, "y": 2.8862374360677374, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.716810477779716, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.1526534455499924, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.8769204824070034, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.274296147605031, "q_0.75": 4.306849623909187, "q_0.775": 4.432607723991004, "q_0.8": 4.5206135211408505, "q_0.825": 4.654708759409436, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 48.93957583033213, "y": 2.8153349262329774, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.716810477779716, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.1526534455499924, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.8769204824070034, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.274296147605031, "q_0.75": 4.306849623909187, "q_0.775": 4.432607723991004, "q_0.8": 4.5206135211408505, "q_0.825": 4.654708759409436, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 48.9795918367347, "y": 3.2133745957725868, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.716810477779716, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.1526534455499924, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.8769204824070034, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.274296147605031, "q_0.75": 4.306849623909187, "q_0.775": 4.432607723991004, "q_0.8": 4.5206135211408505, "q_0.825": 4.654708759409436, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 49.01960784313726, "y": 2.548879388052095, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.716810477779716, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.1526534455499924, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.8769204824070034, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.274296147605031, "q_0.75": 4.306849623909187, "q_0.775": 4.432607723991004, "q_0.8": 4.5206135211408505, "q_0.825": 4.654708759409436, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 49.05962384953982, "y": 4.449925971340749, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.716810477779716, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.1526534455499924, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.8769204824070034, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.274296147605031, "q_0.75": 4.306849623909187, "q_0.775": 4.432607723991004, "q_0.8": 4.5206135211408505, "q_0.825": 4.654708759409436, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 49.09963985594238, "y": 3.190748032243511, "y_pred": 3.4840532986956707, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1244480426183605, "q_0.05": 2.2358127917177284, "q_0.075": 2.3000969050508564, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.520292416459556, "q_0.175": 2.5513914254666124, "q_0.2": 2.641469680740734, "q_0.225": 2.716810477779716, "q_0.25": 2.782160673512018, "q_0.275": 2.8386529459956193, "q_0.3": 2.954386087921385, "q_0.325": 3.0184671273213675, "q_0.35": 3.1056016406973153, "q_0.375": 3.1526534455499924, "q_0.4": 3.22549689073942, "q_0.425": 3.2836915775602935, "q_0.45": 3.3713734471331547, "q_0.475": 3.427375696369454, "q_0.5": 3.4840532986956707, "q_0.525": 3.595675394986391, "q_0.55": 3.644382332341345, "q_0.575": 3.79752371326121, "q_0.6": 3.8769204824070034, "q_0.625": 3.9365381198047418, "q_0.65": 4.024292911640289, "q_0.675": 4.098315367779099, "q_0.7": 4.1693919135845805, "q_0.725": 4.274296147605031, "q_0.75": 4.306849623909187, "q_0.775": 4.432607723991004, "q_0.8": 4.5206135211408505, "q_0.825": 4.654708759409436, "q_0.85": 4.716361030928391, "q_0.875": 4.790814369247537, "q_0.9": 4.913742032090735, "q_0.925": 5.042333856779798, "q_0.95": 5.083807251723853, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 49.13965586234494, "y": 2.4773230737918137, "y_pred": 3.4872940741664147, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1335854321993173, "q_0.05": 2.244764816209775, "q_0.075": 2.302166952372194, "q_0.1": 2.353506792095349, "q_0.125": 2.4329854398126525, "q_0.15": 2.5204701169676067, "q_0.175": 2.556633539689719, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.955189646114812, "q_0.325": 3.032729016318319, "q_0.35": 3.1056016406973153, "q_0.375": 3.161963367740298, "q_0.4": 3.22628639235493, "q_0.425": 3.3085591108551915, "q_0.45": 3.3725130535405006, "q_0.475": 3.4287420980806305, "q_0.5": 3.4872940741664147, "q_0.525": 3.607029418541735, "q_0.55": 3.662533919791173, "q_0.575": 3.800590703847712, "q_0.6": 3.8769204824070034, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.103148685543555, "q_0.7": 4.183329504286376, "q_0.725": 4.276112902783254, "q_0.75": 4.332775941551913, "q_0.775": 4.446010371887997, "q_0.8": 4.544798476427301, "q_0.825": 4.6608325850797225, "q_0.85": 4.718404036893828, "q_0.875": 4.794679107113758, "q_0.9": 4.939002135993537, "q_0.925": 5.0491281993855015, "q_0.95": 5.117677181154771, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 49.1796718687475, "y": 4.005609388677058, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1523668988250786, "q_0.05": 2.244764816209775, "q_0.075": 2.302166952372194, "q_0.1": 2.353506792095349, "q_0.125": 2.4380251802461514, "q_0.15": 2.5204701169676067, "q_0.175": 2.556633539689719, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.955189646114812, "q_0.325": 3.032729016318319, "q_0.35": 3.1056016406973153, "q_0.375": 3.161963367740298, "q_0.4": 3.22628639235493, "q_0.425": 3.3123558661910533, "q_0.45": 3.3725130535405006, "q_0.475": 3.4290315792583046, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.804038302060726, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.103148685543555, "q_0.7": 4.185032258800536, "q_0.725": 4.276112902783254, "q_0.75": 4.334017307448933, "q_0.775": 4.446010371887997, "q_0.8": 4.544798476427301, "q_0.825": 4.6608325850797225, "q_0.85": 4.718404036893828, "q_0.875": 4.794679107113758, "q_0.9": 4.939002135993537, "q_0.925": 5.0491281993855015, "q_0.95": 5.117677181154771, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 49.219687875150065, "y": 2.6639937952012267, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.244764816209775, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.556633539689719, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.955189646114812, "q_0.325": 3.0357156316996825, "q_0.35": 3.1106190322821314, "q_0.375": 3.178037640858844, "q_0.4": 3.2272251196176116, "q_0.425": 3.314020477180433, "q_0.45": 3.3725130535405006, "q_0.475": 3.429115622180855, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.103148685543555, "q_0.7": 4.186590886679897, "q_0.725": 4.276112902783254, "q_0.75": 4.334017307448933, "q_0.775": 4.446010371887997, "q_0.8": 4.544798476427301, "q_0.825": 4.6608325850797225, "q_0.85": 4.718404036893828, "q_0.875": 4.794679107113758, "q_0.9": 4.939002135993537, "q_0.925": 5.049225288538523, "q_0.95": 5.117677181154771, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 49.259703881552625, "y": 2.2700752257903725, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.556633539689719, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1147721258510535, "q_0.375": 3.190748032243511, "q_0.4": 3.2319040057379813, "q_0.425": 3.314020477180433, "q_0.45": 3.3725130535405006, "q_0.475": 3.429115622180855, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.106844584877033, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.448653401518603, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.964210554058015, "q_0.925": 5.049225288538523, "q_0.95": 5.119392759867454, "q_0.975": 5.26400136296239, "q_1": 5.803931662595026}, {"x": 49.299719887955185, "y": 2.611917547032888, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.113677407994869, "q_0.375": 3.190748032243511, "q_0.4": 3.231510306075919, "q_0.425": 3.314020477180433, "q_0.45": 3.3725130535405006, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.106844584877033, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.446010371887997, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.964210554058006, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.339735894357744, "y": 3.4454817433729423, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1148297425803264, "q_0.375": 3.190748032243511, "q_0.4": 3.2329356878340243, "q_0.425": 3.314020477180433, "q_0.45": 3.3725130535405006, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.106844584877033, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.446010371887997, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.9629853738879, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.379751900760304, "y": 4.334017307448933, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1148297425803264, "q_0.375": 3.190748032243511, "q_0.4": 3.2329356878340243, "q_0.425": 3.314020477180433, "q_0.45": 3.3725130535405006, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.106844584877033, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.446010371887997, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.9629853738879, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.419767907162864, "y": 4.166048011483285, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1148297425803264, "q_0.375": 3.190748032243511, "q_0.4": 3.2329356878340243, "q_0.425": 3.314020477180433, "q_0.45": 3.3725130535405006, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.106844584877033, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.446010371887997, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.9629853738879, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.45978391356543, "y": 2.1004360224076475, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1148297425803264, "q_0.375": 3.190748032243511, "q_0.4": 3.2329356878340243, "q_0.425": 3.314020477180433, "q_0.45": 3.3725130535405006, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.106844584877033, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.446010371887997, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.9629853738879, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.49979991996799, "y": 4.6608325850797225, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1148297425803264, "q_0.375": 3.190748032243511, "q_0.4": 3.2344832109780834, "q_0.425": 3.314020477180433, "q_0.45": 3.378773931006645, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.111920654136871, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.449925971340749, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.968567153083912, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.53981592637055, "y": 3.1749558418699895, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1148297425803264, "q_0.375": 3.190748032243511, "q_0.4": 3.2344832109780834, "q_0.425": 3.314020477180433, "q_0.45": 3.378773931006645, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.111920654136871, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.449925971340749, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.968567153083912, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.57983193277311, "y": 4.29365493244525, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1148297425803264, "q_0.375": 3.190748032243511, "q_0.4": 3.2344832109780834, "q_0.425": 3.314020477180433, "q_0.45": 3.378773931006645, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.111920654136871, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.449925971340749, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.968567153083912, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.61984793917567, "y": 2.1911559522706705, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1148297425803264, "q_0.375": 3.190748032243511, "q_0.4": 3.2344832109780834, "q_0.425": 3.314020477180433, "q_0.45": 3.378773931006645, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.111920654136871, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.449925971340749, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.968567153083912, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.65986394557823, "y": 3.365712160404425, "y_pred": 3.512210099906115, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2455278951685043, "q_0.075": 2.311340611317017, "q_0.1": 2.353506792095349, "q_0.125": 2.4385601844510814, "q_0.15": 2.5204701169676067, "q_0.175": 2.5656030306547812, "q_0.2": 2.6541578119540423, "q_0.225": 2.721134429745307, "q_0.25": 2.782160673512018, "q_0.275": 2.8400706680520504, "q_0.3": 2.961856021242216, "q_0.325": 3.0357156316996825, "q_0.35": 3.1148297425803264, "q_0.375": 3.190748032243511, "q_0.4": 3.2344832109780834, "q_0.425": 3.314020477180433, "q_0.45": 3.378773931006645, "q_0.475": 3.4376070535488417, "q_0.5": 3.512210099906115, "q_0.525": 3.6101437156113, "q_0.55": 3.669675088448008, "q_0.575": 3.813279456651519, "q_0.6": 3.8794338658356278, "q_0.625": 3.9395891918790404, "q_0.65": 4.026529118542276, "q_0.675": 4.111920654136871, "q_0.7": 4.186590886679897, "q_0.725": 4.27816465640001, "q_0.75": 4.334017307448933, "q_0.775": 4.449925971340749, "q_0.8": 4.547887615732293, "q_0.825": 4.662952528375321, "q_0.85": 4.7283197096877565, "q_0.875": 4.827361581378376, "q_0.9": 4.968567153083912, "q_0.925": 5.049225288538523, "q_0.95": 5.1291143725727935, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.6998799519808, "y": 2.1494284035474713, "y_pred": 3.5546889600124745, "target": "1", "q_0": 1.9771446301476692, "q_0.025": 2.1565166415476256, "q_0.05": 2.2546015896412164, "q_0.075": 2.311340611317017, "q_0.1": 2.3553129290502435, "q_0.125": 2.447016021033377, "q_0.15": 2.5269428035652153, "q_0.175": 2.5783249528531256, "q_0.2": 2.6562559056512716, "q_0.225": 2.727834840726439, "q_0.25": 2.791561078327792, "q_0.275": 2.85240728537374, "q_0.3": 2.9868184482180236, "q_0.325": 3.041963656590702, "q_0.35": 3.1297220967402692, "q_0.375": 3.1928321806305946, "q_0.4": 3.242295034838273, "q_0.425": 3.3239638951653543, "q_0.45": 3.3966569666732838, "q_0.475": 3.4454817433729423, "q_0.5": 3.5546889600124745, "q_0.525": 3.6168553087806865, "q_0.55": 3.7014181911238606, "q_0.575": 3.826252714012897, "q_0.6": 3.8963750098615257, "q_0.625": 3.9746732881588036, "q_0.65": 4.0452351357723515, "q_0.675": 4.130908226272861, "q_0.7": 4.192089178393045, "q_0.725": 4.28947136795097, "q_0.75": 4.354057639477195, "q_0.775": 4.47384192778854, "q_0.8": 4.557545325122913, "q_0.825": 4.667232157575263, "q_0.85": 4.748056924283729, "q_0.875": 4.8509603468555325, "q_0.9": 4.971599044354194, "q_0.925": 5.052732738003227, "q_0.95": 5.155052499406919, "q_0.975": 5.264459858726333, "q_1": 5.803931662595026}, {"x": 49.73989595838336, "y": 4.741640394730369, "y_pred": 3.595675394986391, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.197744618914387, "q_0.05": 2.262244145373584, "q_0.075": 2.3268777017523887, "q_0.1": 2.3689382163280093, "q_0.125": 2.4773230737918137, "q_0.15": 2.5365434871378216, "q_0.175": 2.611917547032888, "q_0.2": 2.6797936943513916, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.365712160404425, "q_0.45": 3.4271889629527417, "q_0.475": 3.4840532986956707, "q_0.5": 3.595675394986391, "q_0.525": 3.6386418513552403, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.16736920325255, "q_0.7": 4.249234290076723, "q_0.725": 4.300086304220903, "q_0.75": 4.410440617291383, "q_0.775": 4.524754613550625, "q_0.8": 4.654708759409436, "q_0.825": 4.7283197096877565, "q_0.85": 4.794679107113758, "q_0.875": 4.935484573200627, "q_0.9": 5.040423637358805, "q_0.925": 5.083546888731943, "q_0.95": 5.1908939379888235, "q_0.975": 5.326908514789949, "q_1": 5.803931662595026}, {"x": 49.77991196478592, "y": 2.694717720145578, "y_pred": 3.595675394986391, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.197744618914387, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3705100147784943, "q_0.125": 2.4773230737918137, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8155908860541063, "q_0.275": 2.889592736266048, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.4271889629527417, "q_0.475": 3.4840532986956707, "q_0.5": 3.595675394986391, "q_0.525": 3.6386418513552403, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1673671762439515, "q_0.7": 4.249234290076723, "q_0.725": 4.300148268286122, "q_0.75": 4.410440617291383, "q_0.775": 4.524754613550625, "q_0.8": 4.6608325850797225, "q_0.825": 4.7283197096877565, "q_0.85": 4.794679107113758, "q_0.875": 4.935484573200627, "q_0.9": 5.040423637358805, "q_0.925": 5.083546888731943, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 49.81992797118848, "y": 4.2821077494545605, "y_pred": 3.595675394986391, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.197744618914387, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3705100147784943, "q_0.125": 2.4830611004592806, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.825623485638059, "q_0.275": 2.889592736266048, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.4271889629527417, "q_0.475": 3.4840532986956707, "q_0.5": 3.595675394986391, "q_0.525": 3.6407335392398865, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.266649693385102, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.6608325850797225, "q_0.825": 4.7283197096877565, "q_0.85": 4.821274350409462, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083546888731943, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 49.85994397759104, "y": 2.989018198491409, "y_pred": 3.595675394986391, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.197744618914387, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3705100147784943, "q_0.125": 2.4830611004592806, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.825623485638059, "q_0.275": 2.889592736266048, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.4271889629527417, "q_0.475": 3.4840532986956707, "q_0.5": 3.595675394986391, "q_0.525": 3.6407335392398865, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.266649693385102, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.6608325850797225, "q_0.825": 4.7283197096877565, "q_0.85": 4.821274350409462, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083546888731943, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 49.8999599839936, "y": 2.5281348689295555, "y_pred": 3.595675394986391, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.197744618914387, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3705100147784943, "q_0.125": 2.4830611004592806, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.825623485638059, "q_0.275": 2.889592736266048, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.4271889629527417, "q_0.475": 3.4840532986956707, "q_0.5": 3.595675394986391, "q_0.525": 3.6407335392398865, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.266649693385102, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.6608325850797225, "q_0.825": 4.7283197096877565, "q_0.85": 4.821274350409462, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083546888731943, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 49.939975990396164, "y": 5.117677181154771, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3705100147784943, "q_0.125": 2.4830611004592806, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8262822081381747, "q_0.275": 2.889592736266048, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.427375696369454, "q_0.475": 3.4840532986956707, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.6608325850797225, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 49.979991996798724, "y": 4.026529118542276, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3705100147784943, "q_0.125": 2.4830611004592806, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8262822081381747, "q_0.275": 2.889592736266048, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.427375696369454, "q_0.475": 3.4840532986956707, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.6608325850797225, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.02000800320128, "y": 4.990565603005464, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.427375696369454, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.311730976361367, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.951913791281355, "q_0.9": 5.046483195940112, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.06002400960384, "y": 3.0880955221754434, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.427375696369454, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.311730976361367, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.951913791281355, "q_0.9": 5.046483195940112, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.1000400160064, "y": 4.794439991857457, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.313556461719718, "q_0.75": 4.43891327236607, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.957682754476652, "q_0.9": 5.0491281993855015, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.14005602240896, "y": 5.1601360687429185, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.313556461719718, "q_0.75": 4.43891327236607, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.957682754476652, "q_0.9": 5.0491281993855015, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.18007202881153, "y": 3.378773931006645, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.313556461719718, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.958608440376249, "q_0.9": 5.0491281993855015, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.22008803521409, "y": 5.0397748881714755, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.313556461719718, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.958608440376249, "q_0.9": 5.0491281993855015, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.26010404161665, "y": 3.1839726431013586, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.313556461719718, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.958608440376249, "q_0.9": 5.0491281993855015, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.30012004801921, "y": 3.1503539611980758, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.313556461719718, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.958608440376249, "q_0.9": 5.0491281993855015, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.34013605442177, "y": 5.341941387466384, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.313556461719718, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.958608440376249, "q_0.9": 5.0491281993855015, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.38015206082433, "y": 5.2015870514942515, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.9146694296909716, "q_0.625": 4.009116605893217, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.274296147605031, "q_0.725": 4.313556461719718, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.958608440376249, "q_0.9": 5.0491281993855015, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.42016806722689, "y": 2.8386529459956193, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.8934418200942686, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.427375696369454, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.265395942540645, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.460184073629456, "y": 4.827361581378376, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.8934418200942686, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.427375696369454, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.265395942540645, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.500200080032016, "y": 3.2116868808328896, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.8934418200942686, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.427375696369454, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.265395942540645, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.540216086434576, "y": 5.293584910556597, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.8934418200942686, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.427375696369454, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.265395942540645, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.580232092837136, "y": 4.871559631764528, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.8934418200942686, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.427375696369454, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.265395942540645, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.620248099239696, "y": 5.052732738003227, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.8934418200942686, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.427375696369454, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.265395942540645, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.660264105642256, "y": 3.970356820234087, "y_pred": 3.5958245515213925, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3736844474383316, "q_0.125": 2.5002580120420794, "q_0.15": 2.545912969191281, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8273683162215084, "q_0.275": 2.889592736266048, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3669541319923058, "q_0.45": 3.427375696369454, "q_0.475": 3.4840532986956707, "q_0.5": 3.5958245515213925, "q_0.525": 3.6391697707678308, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.069461891461078, "q_0.675": 4.1692403167276355, "q_0.7": 4.249234290076723, "q_0.725": 4.300148268286122, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.6608325850797225, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.939002135993537, "q_0.9": 5.042333856779798, "q_0.925": 5.083807251723853, "q_0.95": 5.2015870514942515, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.70028011204482, "y": 3.0566893853960195, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.8956019446822587, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.6608325850797225, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.947550843487259, "q_0.9": 5.046483195940112, "q_0.925": 5.083807251723853, "q_0.95": 5.210070557857085, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.74029611844738, "y": 2.741074680164684, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.2087316360853264, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.613966277323165, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.8956019446822587, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2116868808328896, "q_0.4": 3.2690439942528435, "q_0.425": 3.3713734471331547, "q_0.45": 3.4287420980806305, "q_0.475": 3.487160243873938, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.6608325850797225, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.947550843487259, "q_0.9": 5.046483195940112, "q_0.925": 5.083807251723853, "q_0.95": 5.210070557857085, "q_0.975": 5.341941387466384, "q_1": 5.803931662595026}, {"x": 50.78031212484994, "y": 3.822792642344634, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2648815833252574, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.548879388052095, "q_0.175": 2.6282476375694124, "q_0.2": 2.6837326405008817, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.265395942540645, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.957682754476652, "q_0.9": 5.0491281993855015, "q_0.925": 5.09932618037057, "q_0.95": 5.243878920052846, "q_0.975": 5.3581741637269875, "q_1": 5.803931662595026}, {"x": 50.8203281312525, "y": 4.293791851873329, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5506943551052266, "q_0.175": 2.6282476375694124, "q_0.2": 2.693954382883781, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.32214828098221, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 50.86034413765506, "y": 4.524754613550625, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5506943551052266, "q_0.175": 2.6282476375694124, "q_0.2": 2.693954382883781, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.32214828098221, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 50.90036014405762, "y": 2.6541578119540423, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 50.94037615046019, "y": 3.8520319279175643, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 50.98039215686275, "y": 3.52583062204344, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.02040816326531, "y": 2.7796021583827173, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.06042416966787, "y": 3.910252596801945, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.10044017607043, "y": 3.002560196105314, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.14045618247299, "y": 3.8530392777928797, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.180472188875555, "y": 2.754982613553099, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.220488195278115, "y": 5.051836026351122, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.260504201680675, "y": 3.208870212859253, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.300520208083235, "y": 4.103148685543555, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.340536214485795, "y": 2.5002580120420794, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.380552220888354, "y": 4.1693919135845805, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.42056822729092, "y": 2.994234245531522, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.46058423369348, "y": 5.243878920052846, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.50060024009604, "y": 3.3966569666732838, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.5406162464986, "y": 4.098315367779099, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.58063225290116, "y": 2.8115355185558055, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.62064825930372, "y": 4.935484573200627, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.66066426570629, "y": 4.748492629453148, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.70068027210885, "y": 2.911161371283312, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.74069627851141, "y": 5.101574349397362, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.78071228491397, "y": 2.2358127917177284, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.82072829131653, "y": 4.581826568217663, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.86074429771909, "y": 3.612188342447199, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.900760304121654, "y": 4.856649516072533, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.940776310524214, "y": 3.6386418513552403, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.223004522240674, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6343548452368677, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.911161371283312, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.009116605893217, "q_0.65": 4.0959939948932345, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.322938380475634, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 51.980792316926774, "y": 2.3214495404338056, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5504861618757655, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.79752371326121, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.085958042950805, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.432607723991004, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.380634474795927, "q_1": 5.837161538626953}, {"x": 52.020808323329334, "y": 2.85240728537374, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.060824329731894, "y": 5.384417197879275, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.10084033613445, "y": 3.208356294864136, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.14085634253702, "y": 2.6354325877664238, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.18087234893958, "y": 4.765593624522088, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.22088835534214, "y": 2.256075540873479, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.2609043617447, "y": 2.3268777017523887, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.30092036814726, "y": 3.0902481214053, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.34093637454982, "y": 2.2648815833252574, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.38095238095238, "y": 5.397399431414078, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.42096838735495, "y": 4.392243584439354, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.460984393757506, "y": 3.826252714012897, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.501000400160066, "y": 4.770831606043211, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.541016406562626, "y": 4.300086304220903, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.581032412965186, "y": 2.683275465600924, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.621048419367746, "y": 2.837091121840553, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.66106442577031, "y": 4.981372999197626, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.70108043217287, "y": 3.22628639235493, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.74109643857543, "y": 3.593154981231417, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.78111244497799, "y": 3.4067738866713944, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.82112845138055, "y": 2.2846371998463457, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.86114445778311, "y": 4.446010371887997, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.90116046418568, "y": 3.9019702146491886, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.94117647058824, "y": 4.353498532022823, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 52.9811924769908, "y": 3.0357156316996825, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.02120848339336, "y": 3.462777382413704, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.06122448979592, "y": 2.7530552768970438, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.10124049619848, "y": 3.5063733561217996, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.141256502601045, "y": 4.282494744541624, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.181272509003605, "y": 5.2493410663713655, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.221288515406165, "y": 4.317172733866583, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.261304521808725, "y": 3.858984802865889, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.301320528211285, "y": 3.4985422111414612, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.341336534613845, "y": 2.467143277789109, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.38135254101641, "y": 3.7014181911238606, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.42136854741897, "y": 2.6325792028261685, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.46138455382153, "y": 4.0520077802237635, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.50140056022409, "y": 4.544798476427301, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.54141656662665, "y": 5.264459858726333, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.58143257302921, "y": 3.1056016406973153, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.62144857943178, "y": 3.4388610245938738, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.66146458583434, "y": 2.727834840726439, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.7014805922369, "y": 5.040423637358805, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.74149659863946, "y": 4.862147583570924, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.78151260504202, "y": 4.699589482430538, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.82152861144458, "y": 2.311340611317017, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.426502371231264, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.381989886665544, "q_1": 5.837161538626953}, {"x": 53.861544617847144, "y": 3.9746732881588036, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 53.901560624249704, "y": 2.90397498110716, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 53.941576630652264, "y": 2.520292416459556, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 53.981592637054824, "y": 4.726165885974233, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 54.021608643457384, "y": 2.8273683162215084, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 54.061624649859944, "y": 3.79193798775482, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 54.101640656262504, "y": 3.8769204824070034, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 54.14165666266507, "y": 2.8344693888599375, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 54.18167266906763, "y": 3.765465786592039, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 54.22168867547019, "y": 2.3000969050508564, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 54.26170468187275, "y": 2.1244480426183605, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 54.30172068827531, "y": 5.062673872145627, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3268777017523887, "q_0.1": 2.3772434880889484, "q_0.125": 2.5002580120420794, "q_0.15": 2.550971946077841, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895297378185509, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.999811260961281, "q_0.65": 4.075614754742952, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.9629853738879, "q_0.9": 5.0491281993855015, "q_0.925": 5.1150846649757185, "q_0.95": 5.243878920052846, "q_0.975": 5.382803133787307, "q_1": 5.837161538626953}, {"x": 54.34173669467787, "y": 3.512210099906115, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.38175270108044, "y": 5.155052499406919, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.421768707483, "y": 3.7830247187862454, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.46178471388556, "y": 3.565908182214505, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.50180072028812, "y": 3.1148297425803264, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.541816726690676, "y": 2.399464207954291, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.581832733093236, "y": 3.161963367740298, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.6218487394958, "y": 4.161385975249148, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.66186474589836, "y": 4.678164291783134, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.70188075230092, "y": 3.936641559168893, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.74189675870348, "y": 4.664729139162846, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.78191276510604, "y": 2.6562559056512716, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.8219287715086, "y": 4.080702485522866, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.86194477791117, "y": 5.083546888731943, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.90196078431373, "y": 2.8591427934207636, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.94197679071629, "y": 2.8921304339381595, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6354325877664238, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.9104113454182468, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.7974932809917683, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.390976236028726, "q_1": 5.837161538626953}, {"x": 54.98199279711885, "y": 4.636954622490416, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.796915067872371, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968298037288541, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.396757111875535, "q_1": 5.837161538626953}, {"x": 55.02200880352141, "y": 4.8509603468555325, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7692014724933216, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.996744594037409, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.4376070535488417, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.796915067872371, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.274296147605031, "q_0.725": 4.321950756108855, "q_0.75": 4.4308390385267025, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968298037288541, "q_0.9": 5.049225288538523, "q_0.925": 5.116321735174258, "q_0.95": 5.243878920052846, "q_0.975": 5.396757111875535, "q_1": 5.837161538626953}, {"x": 55.06202480992397, "y": 2.961856021242216, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.9958518874885813, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.796915067872371, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117507750407206, "q_0.95": 5.245497913054428, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.102040816326536, "y": 3.242295034838273, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.9958518874885813, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.796915067872371, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117507750407206, "q_0.95": 5.245497913054428, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.142056822729096, "y": 4.249234290076723, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.9958518874885813, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.796915067872371, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117507750407206, "q_0.95": 5.245497913054428, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.182072829131656, "y": 3.4675932032294647, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.9958518874885813, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.796915067872371, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117507750407206, "q_0.95": 5.245497913054428, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.222088835534215, "y": 4.224737472506861, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.6282476375694124, "q_0.2": 2.683275465600924, "q_0.225": 2.7655994317285475, "q_0.25": 2.8273683162215084, "q_0.275": 2.895784684580308, "q_0.3": 2.9958518874885813, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6599825503871974, "q_0.55": 3.796915067872371, "q_0.575": 3.858984802865889, "q_0.6": 3.910252596801945, "q_0.625": 4.005609388677058, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.268530319651792, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117507750407206, "q_0.95": 5.245497913054428, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.262104841936775, "y": 3.79752371326121, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3287940011216044, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8262822081381747, "q_0.275": 2.895784684580308, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.249234290076723, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968230758339698, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.302120848339335, "y": 4.7283197096877565, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3287940011216044, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8262822081381747, "q_0.275": 2.895784684580308, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.249234290076723, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968230758339698, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.3421368547419, "y": 4.971599044354194, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3287940011216044, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8262822081381747, "q_0.275": 2.895784684580308, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.249234290076723, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968230758339698, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.38215286114446, "y": 5.032720053913126, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3287940011216044, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8262822081381747, "q_0.275": 2.895784684580308, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.249234290076723, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968230758339698, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.42216886754702, "y": 4.186590886679897, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3287940011216044, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8262822081381747, "q_0.275": 2.895784684580308, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.249234290076723, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968230758339698, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.46218487394958, "y": 4.1908912370749345, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3287940011216044, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.5513914254666124, "q_0.175": 2.626790682100312, "q_0.2": 2.683275465600924, "q_0.225": 2.7634714278841637, "q_0.25": 2.8262822081381747, "q_0.275": 2.895784684580308, "q_0.3": 2.994959180939754, "q_0.325": 3.074044595088904, "q_0.35": 3.140064839435226, "q_0.375": 3.2133745957725868, "q_0.4": 3.2690439942528435, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.858984802865889, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.075614754742952, "q_0.675": 4.1774961765010135, "q_0.7": 4.249234290076723, "q_0.725": 4.313556461719718, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968230758339698, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.50220088035214, "y": 3.644382332341345, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.549583991214769, "q_0.175": 2.613966277323165, "q_0.2": 2.6797936943513916, "q_0.225": 2.7634714278841637, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1389550153975248, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.072778394354127, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.0491281993855015, "q_0.925": 5.116321735174258, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.5422168867547, "y": 2.227247627755199, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.549583991214769, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.4288728315157093, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7825126521529793, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.0491281993855015, "q_0.925": 5.116321735174258, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.58223289315727, "y": 3.140064839435226, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.549583991214769, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.4288728315157093, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7825126521529793, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.0491281993855015, "q_0.925": 5.116321735174258, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.62224889955983, "y": 2.3491894275323286, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.549583991214769, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.4288728315157093, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7825126521529793, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.0491281993855015, "q_0.925": 5.116321735174258, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.66226490596239, "y": 3.607029418541735, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.549583991214769, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.4288728315157093, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7825126521529793, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.0491281993855015, "q_0.925": 5.116321735174258, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.70228091236495, "y": 4.9918469443195885, "y_pred": 3.607029418541735, "target": "1", "q_0": 1.9863227592764845, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3269025299588066, "q_0.1": 2.378609405671421, "q_0.125": 2.5002580120420794, "q_0.15": 2.549583991214769, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.4288728315157093, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7825126521529793, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.662952528375321, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.967069307788265, "q_0.9": 5.0491281993855015, "q_0.925": 5.116321735174258, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.74229691876751, "y": 4.143018519549933, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.550971946077841, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.7634714278841637, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.072778394354127, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.66437381700534, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.78231292517007, "y": 4.408561505873681, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.550971946077841, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.7634714278841637, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.072778394354127, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.66437381700534, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.822328931572635, "y": 2.7692014724933216, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.550971946077841, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.7634714278841637, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.072778394354127, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.66437381700534, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.862344937975195, "y": 3.0184671273213675, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.550971946077841, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.7634714278841637, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.072778394354127, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.66437381700534, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.902360944377754, "y": 2.6863709865507213, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.550971946077841, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.7634714278841637, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.072778394354127, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.66437381700534, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.942376950780314, "y": 4.974391929576763, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.227247627755199, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.550971946077841, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.7634714278841637, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.072778394354127, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.66437381700534, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.0491281993855015, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 55.982392957182874, "y": 3.081774303708682, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.7634714278841637, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.0615739221455063, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.022408963585434, "y": 4.032013985208807, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3319464530596, "q_0.1": 2.378609405671421, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.7634714278841637, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.0615739221455063, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.062424969987994, "y": 2.613966277323165, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.75476524143693, "q_0.25": 2.8115355185558055, "q_0.275": 2.893056911711452, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.10244097639056, "y": 2.556633539689719, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.75476524143693, "q_0.25": 2.8115355185558055, "q_0.275": 2.893056911711452, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.14245698279312, "y": 3.3104906104286442, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.75476524143693, "q_0.25": 2.8115355185558055, "q_0.275": 2.893056911711452, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.18247298919568, "y": 3.2529707399890953, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.75476524143693, "q_0.25": 2.8115355185558055, "q_0.275": 2.893056911711452, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.22248899559824, "y": 3.2484555374037494, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.75476524143693, "q_0.25": 2.8115355185558055, "q_0.275": 2.893056911711452, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.2625050020008, "y": 4.166396353941917, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.75476524143693, "q_0.25": 2.8115355185558055, "q_0.275": 2.893056911711452, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.30252100840336, "y": 3.206154129967153, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.75476524143693, "q_0.25": 2.8115355185558055, "q_0.275": 2.893056911711452, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.34253701480593, "y": 4.733879123457755, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.75476524143693, "q_0.25": 2.8115355185558055, "q_0.275": 2.893056911711452, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.38255302120849, "y": 2.447016021033377, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.383009982939651, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.889592736266048, "q_0.3": 2.994234245531522, "q_0.325": 3.060694866210393, "q_0.35": 3.1297220967402692, "q_0.375": 3.2116868808328896, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.774711636308586, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.979310380219098, "q_0.65": 4.058042527153772, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.42256902761105, "y": 3.2374254654126324, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.755974433999048, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.979310380219098, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.46258503401361, "y": 4.400417818087217, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.755974433999048, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.979310380219098, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.50260104041617, "y": 4.1774961765010135, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.755974433999048, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3713734471331547, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.7747173974049257, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.979310380219098, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.54261704681873, "y": 2.545912969191281, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.58263305322129, "y": 3.626897737900556, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.62264905962385, "y": 3.1875218721899268, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.66266506602641, "y": 4.27816465640001, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.70268107242897, "y": 2.5824788252277386, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.74269707883153, "y": 4.410440617291383, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.78271308523409, "y": 3.712304729848607, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.82272909163666, "y": 3.074044595088904, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.86274509803922, "y": 4.6727488706966565, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.90276110444178, "y": 2.7808084367888304, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.94277711084434, "y": 2.6605533359119957, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 56.9827931172469, "y": 2.197744618914387, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2301488359328983, "q_0.05": 2.2662684909588506, "q_0.075": 2.3330099774170625, "q_0.1": 2.3859252515807206, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.667329494110186, "q_0.225": 2.753797887387238, "q_0.25": 2.8115355185558055, "q_0.275": 2.8934418200942686, "q_0.3": 2.994234245531522, "q_0.325": 3.0627632331165406, "q_0.35": 3.1372571353673058, "q_0.375": 3.2133745957725868, "q_0.4": 3.267973213483102, "q_0.425": 3.3725130535405006, "q_0.45": 3.429115622180855, "q_0.475": 3.512210099906115, "q_0.5": 3.607029418541735, "q_0.525": 3.644382332341345, "q_0.55": 3.781561671262624, "q_0.575": 3.8530392777928797, "q_0.6": 3.8973651499288904, "q_0.625": 3.983775901456809, "q_0.65": 4.069461891461078, "q_0.675": 4.1693919135845805, "q_0.7": 4.249234290076723, "q_0.725": 4.306849623909187, "q_0.75": 4.410440617291383, "q_0.775": 4.544798476427301, "q_0.8": 4.664729139162846, "q_0.825": 4.733879123457755, "q_0.85": 4.827361581378376, "q_0.875": 4.968567153083912, "q_0.9": 5.049225288538523, "q_0.925": 5.117677181154771, "q_0.95": 5.2493410663713655, "q_0.975": 5.397399431414078, "q_1": 5.837161538626953}, {"x": 57.02280912364946, "y": 5.061398013654648, "y_pred": 3.607029418541735, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2323238872398767, "q_0.05": 2.2662684909588506, "q_0.075": 2.3336349994424728, "q_0.1": 2.4004089868562732, "q_0.125": 2.5112059721542788, "q_0.15": 2.5513914254666124, "q_0.175": 2.613966277323165, "q_0.2": 2.671641687026599, "q_0.225": 2.7634714278841637, "q_0.25": 2.8155908860541063, "q_0.275": 2.895784684580308, "q_0.3": 2.994234245531522, "q_0.325": 3.0713365782868456, "q_0.35": 3.1399549034847745, "q_0.375": 3.2172131323844195, "q_0.4": 3.2690439942528435, "q_0.425": 3.378773931006645, "q_0.45": 3.429115622180855, "q_0.475": 3.5499704763701767, "q_0.5": 3.607029418541735, "q_0.525": 3.6521887366434163, "q_0.55": 3.7830247187862454, "q_0.575": 3.8530392777928797, "q_0.6": 3.9019702146491886, "q_0.625": 3.9975405732533305, "q_0.65": 4.072778394354127, "q_0.675": 4.1693919135845805, "q_0.7": 4.268530319651792, "q_0.725": 4.321950756108855, "q_0.75": 4.410440617291383, "q_0.775": 4.547887615732293, "q_0.8": 4.664729139162846, "q_0.825": 4.748056924283729, "q_0.85": 4.8509603468555325, "q_0.875": 4.971599044354194, "q_0.9": 5.052732738003227, "q_0.925": 5.14931419660949, "q_0.95": 5.253163748556213, "q_0.975": 5.409705679618207, "q_1": 5.837161538626953}, {"x": 57.062825130052026, "y": 3.813279456651519, "y_pred": 3.6168553087806865, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2358127917177284, "q_0.05": 2.2846371998463457, "q_0.075": 2.3491894275323286, "q_0.1": 2.4385601844510814, "q_0.125": 2.5124163560534356, "q_0.15": 2.556633539689719, "q_0.175": 2.6354325877664238, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.837091121840553, "q_0.275": 2.9196279721722176, "q_0.3": 3.002560196105314, "q_0.325": 3.0880955221754434, "q_0.35": 3.1501701453882007, "q_0.375": 3.2299355074276637, "q_0.4": 3.314020477180433, "q_0.425": 3.401716228475526, "q_0.45": 3.4547861338817887, "q_0.475": 3.565908182214505, "q_0.5": 3.6168553087806865, "q_0.525": 3.7014181911238606, "q_0.55": 3.813279456651519, "q_0.575": 3.874775256516427, "q_0.6": 3.9146694296909716, "q_0.625": 4.011655097316861, "q_0.65": 4.101146211135459, "q_0.675": 4.186590886679897, "q_0.7": 4.27816465640001, "q_0.725": 4.354057639477195, "q_0.75": 4.446010371887997, "q_0.775": 4.586144919565315, "q_0.8": 4.691764555999637, "q_0.825": 4.75823814862361, "q_0.85": 4.862147583570924, "q_0.875": 4.986790350502121, "q_0.9": 5.062268101493811, "q_0.925": 5.1601360687429185, "q_0.95": 5.268514533509989, "q_0.975": 5.412522211301582, "q_1": 5.837161538626953}, {"x": 57.102841136454586, "y": 3.8963750098615257, "y_pred": 3.6168553087806865, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2358127917177284, "q_0.05": 2.2846371998463457, "q_0.075": 2.3491894275323286, "q_0.1": 2.4385601844510814, "q_0.125": 2.5124163560534356, "q_0.15": 2.556633539689719, "q_0.175": 2.6354325877664238, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.837091121840553, "q_0.275": 2.9196279721722176, "q_0.3": 3.002560196105314, "q_0.325": 3.0880955221754434, "q_0.35": 3.1501701453882007, "q_0.375": 3.2319040057379813, "q_0.4": 3.314020477180433, "q_0.425": 3.401716228475526, "q_0.45": 3.4547861338817887, "q_0.475": 3.565908182214505, "q_0.5": 3.6168553087806865, "q_0.525": 3.7014181911238606, "q_0.55": 3.813279456651519, "q_0.575": 3.874775256516427, "q_0.6": 3.9146694296909716, "q_0.625": 4.011655097316861, "q_0.65": 4.101146211135459, "q_0.675": 4.186590886679897, "q_0.7": 4.27816465640001, "q_0.725": 4.354057639477195, "q_0.75": 4.446010371887997, "q_0.775": 4.586837842398975, "q_0.8": 4.691764555999637, "q_0.825": 4.75823814862361, "q_0.85": 4.862147583570924, "q_0.875": 4.986790350502121, "q_0.9": 5.062673872145627, "q_0.925": 5.1601360687429185, "q_0.95": 5.268514533509989, "q_0.975": 5.412522211301582, "q_1": 5.837161538626953}, {"x": 57.142857142857146, "y": 2.5356962020120815, "y_pred": 3.6168553087806865, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2358127917177284, "q_0.05": 2.2846371998463457, "q_0.075": 2.3491894275323286, "q_0.1": 2.4385601844510814, "q_0.125": 2.5124163560534356, "q_0.15": 2.556633539689719, "q_0.175": 2.6354325877664238, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.837091121840553, "q_0.275": 2.9196279721722176, "q_0.3": 3.002560196105314, "q_0.325": 3.0880955221754434, "q_0.35": 3.1501701453882007, "q_0.375": 3.2319040057379813, "q_0.4": 3.314020477180433, "q_0.425": 3.401716228475526, "q_0.45": 3.4547861338817887, "q_0.475": 3.565908182214505, "q_0.5": 3.6168553087806865, "q_0.525": 3.7014181911238606, "q_0.55": 3.813279456651519, "q_0.575": 3.874775256516427, "q_0.6": 3.9146694296909716, "q_0.625": 4.011655097316861, "q_0.65": 4.101146211135459, "q_0.675": 4.186590886679897, "q_0.7": 4.27816465640001, "q_0.725": 4.354057639477195, "q_0.75": 4.446010371887997, "q_0.775": 4.586837842398975, "q_0.8": 4.691764555999637, "q_0.825": 4.75823814862361, "q_0.85": 4.862147583570924, "q_0.875": 4.986790350502121, "q_0.9": 5.062673872145627, "q_0.925": 5.1601360687429185, "q_0.95": 5.268514533509989, "q_0.975": 5.412522211301582, "q_1": 5.837161538626953}, {"x": 57.182873149259706, "y": 2.5124163560534356, "y_pred": 3.6168553087806865, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2358127917177284, "q_0.05": 2.2846371998463457, "q_0.075": 2.3491894275323286, "q_0.1": 2.4385601844510814, "q_0.125": 2.5124163560534356, "q_0.15": 2.556633539689719, "q_0.175": 2.6354325877664238, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.837091121840553, "q_0.275": 2.9196279721722176, "q_0.3": 3.002560196105314, "q_0.325": 3.0880955221754434, "q_0.35": 3.1501701453882007, "q_0.375": 3.2319040057379813, "q_0.4": 3.314020477180433, "q_0.425": 3.401716228475526, "q_0.45": 3.4547861338817887, "q_0.475": 3.565908182214505, "q_0.5": 3.6168553087806865, "q_0.525": 3.7014181911238606, "q_0.55": 3.813279456651519, "q_0.575": 3.874775256516427, "q_0.6": 3.9146694296909716, "q_0.625": 4.011655097316861, "q_0.65": 4.101146211135459, "q_0.675": 4.186590886679897, "q_0.7": 4.27816465640001, "q_0.725": 4.354057639477195, "q_0.75": 4.446010371887997, "q_0.775": 4.586837842398975, "q_0.8": 4.691764555999637, "q_0.825": 4.75823814862361, "q_0.85": 4.862147583570924, "q_0.875": 4.986790350502121, "q_0.9": 5.062673872145627, "q_0.925": 5.1601360687429185, "q_0.95": 5.268514533509989, "q_0.975": 5.412522211301582, "q_1": 5.837161538626953}, {"x": 57.222889155662266, "y": 3.278547127976843, "y_pred": 3.6168553087806865, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2358127917177284, "q_0.05": 2.2846371998463457, "q_0.075": 2.3491894275323286, "q_0.1": 2.4385601844510814, "q_0.125": 2.5124163560534356, "q_0.15": 2.556633539689719, "q_0.175": 2.6354325877664238, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.837091121840553, "q_0.275": 2.9196279721722176, "q_0.3": 3.002560196105314, "q_0.325": 3.0880955221754434, "q_0.35": 3.1501701453882007, "q_0.375": 3.2319040057379813, "q_0.4": 3.314020477180433, "q_0.425": 3.401716228475526, "q_0.45": 3.4547861338817887, "q_0.475": 3.565908182214505, "q_0.5": 3.6168553087806865, "q_0.525": 3.7014181911238606, "q_0.55": 3.813279456651519, "q_0.575": 3.874775256516427, "q_0.6": 3.9146694296909716, "q_0.625": 4.011655097316861, "q_0.65": 4.101146211135459, "q_0.675": 4.186590886679897, "q_0.7": 4.27816465640001, "q_0.725": 4.354057639477195, "q_0.75": 4.446010371887997, "q_0.775": 4.586837842398975, "q_0.8": 4.691764555999637, "q_0.825": 4.75823814862361, "q_0.85": 4.862147583570924, "q_0.875": 4.986790350502121, "q_0.9": 5.062673872145627, "q_0.925": 5.1601360687429185, "q_0.95": 5.268514533509989, "q_0.975": 5.412522211301582, "q_1": 5.837161538626953}, {"x": 57.262905162064826, "y": 3.8973651499288904, "y_pred": 3.621925512791787, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2358127917177284, "q_0.05": 2.2846371998463457, "q_0.075": 2.3491894275323286, "q_0.1": 2.4385601844510814, "q_0.125": 2.513219928984796, "q_0.15": 2.556633539689719, "q_0.175": 2.6354325877664238, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.837091121840553, "q_0.275": 2.9196279721722176, "q_0.3": 3.0184671273213675, "q_0.325": 3.0902481214053, "q_0.35": 3.161963367740298, "q_0.375": 3.2344832109780834, "q_0.4": 3.3287884686443454, "q_0.425": 3.4027910498624365, "q_0.45": 3.462777382413704, "q_0.475": 3.575211140266689, "q_0.5": 3.621925512791787, "q_0.525": 3.7014181911238606, "q_0.55": 3.813279456651519, "q_0.575": 3.874775256516427, "q_0.6": 3.9276318068261338, "q_0.625": 4.011655097316861, "q_0.65": 4.103148685543555, "q_0.675": 4.1908912370749345, "q_0.7": 4.2821077494545605, "q_0.725": 4.377901776833773, "q_0.75": 4.4577561764662015, "q_0.775": 4.61399667490164, "q_0.8": 4.696883024241005, "q_0.825": 4.765593624522088, "q_0.85": 4.862147583570924, "q_0.875": 4.990565603005464, "q_0.9": 5.062673872145627, "q_0.925": 5.178380245941863, "q_0.95": 5.293584910556597, "q_0.975": 5.433399279033473, "q_1": 5.837161538626953}, {"x": 57.30292116846739, "y": 4.523866847162912, "y_pred": 3.621925512791787, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2358127917177284, "q_0.05": 2.2846371998463457, "q_0.075": 2.3491894275323286, "q_0.1": 2.4385601844510814, "q_0.125": 2.513219928984796, "q_0.15": 2.556633539689719, "q_0.175": 2.6354325877664238, "q_0.2": 2.694717720145578, "q_0.225": 2.7692014724933216, "q_0.25": 2.837091121840553, "q_0.275": 2.9196279721722176, "q_0.3": 3.0184671273213675, "q_0.325": 3.0902481214053, "q_0.35": 3.161963367740298, "q_0.375": 3.2344832109780834, "q_0.4": 3.3287884686443454, "q_0.425": 3.4027910498624365, "q_0.45": 3.462777382413704, "q_0.475": 3.575211140266689, "q_0.5": 3.621925512791787, "q_0.525": 3.7014181911238606, "q_0.55": 3.813279456651519, "q_0.575": 3.874775256516427, "q_0.6": 3.9276318068261338, "q_0.625": 4.011655097316861, "q_0.65": 4.103148685543555, "q_0.675": 4.1908912370749345, "q_0.7": 4.2821077494545605, "q_0.725": 4.377901776833773, "q_0.75": 4.4577561764662015, "q_0.775": 4.61399667490164, "q_0.8": 4.696883024241005, "q_0.825": 4.765593624522088, "q_0.85": 4.862147583570924, "q_0.875": 4.990565603005464, "q_0.9": 5.062673872145627, "q_0.925": 5.178380245941863, "q_0.95": 5.293584910556597, "q_0.975": 5.433399279033473, "q_1": 5.837161538626953}, {"x": 57.34293717486995, "y": 3.8411801370471075, "y_pred": 3.626897737900556, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2358127917177284, "q_0.05": 2.2846371998463457, "q_0.075": 2.3491894275323286, "q_0.1": 2.4385601844510814, "q_0.125": 2.519025403056004, "q_0.15": 2.556633539689719, "q_0.175": 2.6409144515963234, "q_0.2": 2.7031510799684204, "q_0.225": 2.7752713456731835, "q_0.25": 2.8386529459956193, "q_0.275": 2.951597313679295, "q_0.3": 3.0184671273213675, "q_0.325": 3.0902481214053, "q_0.35": 3.161963367740298, "q_0.375": 3.2344832109780834, "q_0.4": 3.3407495118154746, "q_0.425": 3.4067738866713944, "q_0.45": 3.4675932032294647, "q_0.475": 3.579857754910864, "q_0.5": 3.626897737900556, "q_0.525": 3.7189826158471693, "q_0.55": 3.826252714012897, "q_0.575": 3.8769204824070034, "q_0.6": 3.92906939820638, "q_0.625": 4.01866113922733, "q_0.65": 4.103703070443581, "q_0.675": 4.204894416645397, "q_0.7": 4.29034777830392, "q_0.725": 4.392243584439354, "q_0.75": 4.502286606293909, "q_0.775": 4.615262338419963, "q_0.8": 4.699589482430538, "q_0.825": 4.765593624522088, "q_0.85": 4.913651734016552, "q_0.875": 5.009642478778622, "q_0.9": 5.077599141779682, "q_0.925": 5.185038310859877, "q_0.95": 5.293584910556597, "q_0.975": 5.433399279033473, "q_1": 5.837161538626953}, {"x": 57.38295318127251, "y": 4.968567153083912, "y_pred": 3.629489241472858, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2358127917177284, "q_0.05": 2.2846371998463457, "q_0.075": 2.3491894275323286, "q_0.1": 2.4385601844510814, "q_0.125": 2.519025403056004, "q_0.15": 2.5656030306547812, "q_0.175": 2.6409144515963234, "q_0.2": 2.7031510799684204, "q_0.225": 2.7796021583827173, "q_0.25": 2.8386529459956193, "q_0.275": 2.9520467796015497, "q_0.3": 3.020564526122191, "q_0.325": 3.1038916893925044, "q_0.35": 3.190748032243511, "q_0.375": 3.2374254654126324, "q_0.4": 3.3528215475055045, "q_0.425": 3.4150462632849905, "q_0.45": 3.4675932032294647, "q_0.475": 3.593154981231417, "q_0.5": 3.629489241472858, "q_0.525": 3.739116335983769, "q_0.55": 3.8362449438349007, "q_0.575": 3.8794338658356278, "q_0.6": 3.935354645022729, "q_0.625": 4.024292911640289, "q_0.65": 4.130908226272861, "q_0.675": 4.221343987754201, "q_0.7": 4.29365493244525, "q_0.725": 4.392927420470581, "q_0.75": 4.512375995836736, "q_0.775": 4.622718424084674, "q_0.8": 4.716361030928391, "q_0.825": 4.790814369247537, "q_0.85": 4.935484573200627, "q_0.875": 5.016816119104931, "q_0.9": 5.083546888731943, "q_0.925": 5.1908939379888235, "q_0.95": 5.294908794287287, "q_0.975": 5.449777820501485, "q_1": 5.837161538626953}, {"x": 57.42296918767507, "y": 3.429115622180855, "y_pred": 3.6386418513552403, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2358127917177284, "q_0.05": 2.2999444669722795, "q_0.075": 2.352851368246699, "q_0.1": 2.4385601844510814, "q_0.125": 2.520292416459556, "q_0.15": 2.5783249528531256, "q_0.175": 2.6409144515963234, "q_0.2": 2.7076962068961796, "q_0.225": 2.779803099560721, "q_0.25": 2.85240728537374, "q_0.275": 2.954386087921385, "q_0.3": 3.0294791809921167, "q_0.325": 3.1056016406973153, "q_0.35": 3.2084094520496587, "q_0.375": 3.242295034838273, "q_0.4": 3.365712160404425, "q_0.425": 3.4271889629527417, "q_0.45": 3.487160243873938, "q_0.475": 3.593154981231417, "q_0.5": 3.6386418513552403, "q_0.525": 3.7547772126378556, "q_0.55": 3.8411801370471075, "q_0.575": 3.8831739497808293, "q_0.6": 3.9356805837897006, "q_0.625": 4.026529118542276, "q_0.65": 4.1415411745967425, "q_0.675": 4.224737472506861, "q_0.7": 4.294184614400879, "q_0.725": 4.400417818087217, "q_0.75": 4.516051055433561, "q_0.775": 4.632574887407137, "q_0.8": 4.723201299324568, "q_0.825": 4.790814369247537, "q_0.85": 4.939002135993537, "q_0.875": 5.040423637358805, "q_0.9": 5.083807251723853, "q_0.925": 5.1908939379888235, "q_0.95": 5.300828399401942, "q_0.975": 5.452978338295401, "q_1": 5.837161538626953}, {"x": 57.46298519407763, "y": 2.244764816209775, "y_pred": 3.6386418513552403, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2358127917177284, "q_0.05": 2.2999444669722795, "q_0.075": 2.352851368246699, "q_0.1": 2.4385601844510814, "q_0.125": 2.520292416459556, "q_0.15": 2.5783249528531256, "q_0.175": 2.6409144515963234, "q_0.2": 2.7076962068961796, "q_0.225": 2.779803099560721, "q_0.25": 2.85240728537374, "q_0.275": 2.954386087921385, "q_0.3": 3.0294791809921167, "q_0.325": 3.1056016406973153, "q_0.35": 3.2084094520496587, "q_0.375": 3.242295034838273, "q_0.4": 3.365712160404425, "q_0.425": 3.4271889629527417, "q_0.45": 3.487160243873938, "q_0.475": 3.593154981231417, "q_0.5": 3.6386418513552403, "q_0.525": 3.7547772126378556, "q_0.55": 3.8411801370471075, "q_0.575": 3.8831739497808293, "q_0.6": 3.9356805837897006, "q_0.625": 4.026529118542276, "q_0.65": 4.1415411745967425, "q_0.675": 4.224737472506861, "q_0.7": 4.294184614400879, "q_0.725": 4.400417818087217, "q_0.75": 4.516051055433561, "q_0.775": 4.632574887407137, "q_0.8": 4.723201299324568, "q_0.825": 4.790814369247537, "q_0.85": 4.939002135993537, "q_0.875": 5.040423637358805, "q_0.9": 5.083807251723853, "q_0.925": 5.1908939379888235, "q_0.95": 5.300828399401942, "q_0.975": 5.452978338295401, "q_1": 5.837161538626953}, {"x": 57.50300120048019, "y": 3.595675394986391, "y_pred": 3.6521887366434163, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.352851368246699, "q_0.1": 2.447016021033377, "q_0.125": 2.520292416459556, "q_0.15": 2.5783249528531256, "q_0.175": 2.641469680740734, "q_0.2": 2.727834840726439, "q_0.225": 2.7808084367888304, "q_0.25": 2.8591427934207636, "q_0.275": 2.961856021242216, "q_0.3": 3.0357156316996825, "q_0.325": 3.113677407994869, "q_0.35": 3.2116868808328896, "q_0.375": 3.258385873746776, "q_0.4": 3.3713734471331547, "q_0.425": 3.4287420980806305, "q_0.45": 3.512210099906115, "q_0.475": 3.595675394986391, "q_0.5": 3.6521887366434163, "q_0.525": 3.765465786592039, "q_0.55": 3.8520319279175643, "q_0.575": 3.8973651499288904, "q_0.6": 3.9746732881588036, "q_0.625": 4.0520077802237635, "q_0.65": 4.166048011483285, "q_0.675": 4.244116750987674, "q_0.7": 4.306849623909187, "q_0.725": 4.408840676130108, "q_0.75": 4.524754613550625, "q_0.775": 4.654708759409436, "q_0.8": 4.733879123457755, "q_0.825": 4.810891937572263, "q_0.85": 4.958608440376249, "q_0.875": 5.042333856779798, "q_0.9": 5.1150846649757185, "q_0.925": 5.210070557857085, "q_0.95": 5.341941387466384, "q_0.975": 5.4871910874368695, "q_1": 5.837161538626953}, {"x": 57.54301720688276, "y": 2.4385601844510814, "y_pred": 3.6521887366434163, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.352851368246699, "q_0.1": 2.447016021033377, "q_0.125": 2.520292416459556, "q_0.15": 2.5783249528531256, "q_0.175": 2.641469680740734, "q_0.2": 2.727834840726439, "q_0.225": 2.7808084367888304, "q_0.25": 2.8591427934207636, "q_0.275": 2.961856021242216, "q_0.3": 3.0357156316996825, "q_0.325": 3.113677407994869, "q_0.35": 3.2116868808328896, "q_0.375": 3.258385873746776, "q_0.4": 3.3713734471331547, "q_0.425": 3.4287420980806305, "q_0.45": 3.512210099906115, "q_0.475": 3.595675394986391, "q_0.5": 3.6521887366434163, "q_0.525": 3.765465786592039, "q_0.55": 3.8520319279175643, "q_0.575": 3.8973651499288904, "q_0.6": 3.9746732881588036, "q_0.625": 4.0520077802237635, "q_0.65": 4.166048011483285, "q_0.675": 4.244116750987674, "q_0.7": 4.306849623909187, "q_0.725": 4.408840676130108, "q_0.75": 4.524754613550625, "q_0.775": 4.654708759409436, "q_0.8": 4.733879123457755, "q_0.825": 4.810891937572263, "q_0.85": 4.958608440376249, "q_0.875": 5.042333856779798, "q_0.9": 5.1150846649757185, "q_0.925": 5.210070557857085, "q_0.95": 5.341941387466384, "q_0.975": 5.4871910874368695, "q_1": 5.837161538626953}, {"x": 57.58303321328532, "y": 3.2435312231451383, "y_pred": 3.6521887366434163, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.352851368246699, "q_0.1": 2.447016021033377, "q_0.125": 2.520292416459556, "q_0.15": 2.5783249528531256, "q_0.175": 2.641469680740734, "q_0.2": 2.727834840726439, "q_0.225": 2.7808084367888304, "q_0.25": 2.8591427934207636, "q_0.275": 2.961856021242216, "q_0.3": 3.0357156316996825, "q_0.325": 3.113677407994869, "q_0.35": 3.2116868808328896, "q_0.375": 3.258385873746776, "q_0.4": 3.3713734471331547, "q_0.425": 3.4287420980806305, "q_0.45": 3.512210099906115, "q_0.475": 3.595675394986391, "q_0.5": 3.6521887366434163, "q_0.525": 3.765465786592039, "q_0.55": 3.8520319279175643, "q_0.575": 3.8973651499288904, "q_0.6": 3.9746732881588036, "q_0.625": 4.0520077802237635, "q_0.65": 4.166048011483285, "q_0.675": 4.244116750987674, "q_0.7": 4.306849623909187, "q_0.725": 4.408840676130108, "q_0.75": 4.524754613550625, "q_0.775": 4.654708759409436, "q_0.8": 4.733879123457755, "q_0.825": 4.810891937572263, "q_0.85": 4.958608440376249, "q_0.875": 5.042333856779798, "q_0.9": 5.1150846649757185, "q_0.925": 5.210070557857085, "q_0.95": 5.341941387466384, "q_0.975": 5.4871910874368695, "q_1": 5.837161538626953}, {"x": 57.62304921968788, "y": 5.495210124402969, "y_pred": 3.662533919791173, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.353506792095349, "q_0.1": 2.447016021033377, "q_0.125": 2.5204701169676067, "q_0.15": 2.5824788252277386, "q_0.175": 2.6541578119540423, "q_0.2": 2.7292680103113987, "q_0.225": 2.791561078327792, "q_0.25": 2.8647122607317415, "q_0.275": 2.961856021242216, "q_0.3": 3.038574688500715, "q_0.325": 3.1148297425803264, "q_0.35": 3.2133745957725868, "q_0.375": 3.267973213483102, "q_0.4": 3.3713734471331547, "q_0.425": 3.429115622180855, "q_0.45": 3.5499704763701767, "q_0.475": 3.607029418541735, "q_0.5": 3.662533919791173, "q_0.525": 3.7830247187862454, "q_0.55": 3.8530392777928797, "q_0.575": 3.9019702146491886, "q_0.6": 3.979310380219098, "q_0.625": 4.069461891461078, "q_0.65": 4.1693919135845805, "q_0.675": 4.249234290076723, "q_0.7": 4.321950756108855, "q_0.725": 4.410440617291383, "q_0.75": 4.524754613550625, "q_0.775": 4.6608325850797225, "q_0.8": 4.733879123457755, "q_0.825": 4.821540911430054, "q_0.85": 4.960505677404949, "q_0.875": 5.046483195940112, "q_0.9": 5.116321735174258, "q_0.925": 5.243878920052846, "q_0.95": 5.341941387466384, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 57.66306522609044, "y": 5.062223015865831, "y_pred": 3.662533919791173, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.353506792095349, "q_0.1": 2.447016021033377, "q_0.125": 2.5204701169676067, "q_0.15": 2.5824788252277386, "q_0.175": 2.6541578119540423, "q_0.2": 2.7292680103113987, "q_0.225": 2.791561078327792, "q_0.25": 2.8647122607317415, "q_0.275": 2.961856021242216, "q_0.3": 3.038574688500715, "q_0.325": 3.1148297425803264, "q_0.35": 3.2133745957725868, "q_0.375": 3.267973213483102, "q_0.4": 3.3713734471331547, "q_0.425": 3.429115622180855, "q_0.45": 3.5499704763701767, "q_0.475": 3.607029418541735, "q_0.5": 3.662533919791173, "q_0.525": 3.7830247187862454, "q_0.55": 3.8530392777928797, "q_0.575": 3.9019702146491886, "q_0.6": 3.979310380219098, "q_0.625": 4.069461891461078, "q_0.65": 4.1693919135845805, "q_0.675": 4.249234290076723, "q_0.7": 4.321950756108855, "q_0.725": 4.410440617291383, "q_0.75": 4.524754613550625, "q_0.775": 4.6608325850797225, "q_0.8": 4.733879123457755, "q_0.825": 4.821540911430054, "q_0.85": 4.960505677404949, "q_0.875": 5.046483195940112, "q_0.9": 5.116321735174258, "q_0.925": 5.243878920052846, "q_0.95": 5.341941387466384, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 57.703081232493, "y": 2.954386087921385, "y_pred": 3.662533919791173, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.353506792095349, "q_0.1": 2.447016021033377, "q_0.125": 2.5204701169676067, "q_0.15": 2.5824788252277386, "q_0.175": 2.6541578119540423, "q_0.2": 2.7292680103113987, "q_0.225": 2.791561078327792, "q_0.25": 2.8647122607317415, "q_0.275": 2.961856021242216, "q_0.3": 3.038574688500715, "q_0.325": 3.1148297425803264, "q_0.35": 3.2133745957725868, "q_0.375": 3.267973213483102, "q_0.4": 3.3713734471331547, "q_0.425": 3.429115622180855, "q_0.45": 3.5499704763701767, "q_0.475": 3.607029418541735, "q_0.5": 3.662533919791173, "q_0.525": 3.7830247187862454, "q_0.55": 3.8530392777928797, "q_0.575": 3.9019702146491886, "q_0.6": 3.979310380219098, "q_0.625": 4.069461891461078, "q_0.65": 4.1693919135845805, "q_0.675": 4.249234290076723, "q_0.7": 4.321950756108855, "q_0.725": 4.410440617291383, "q_0.75": 4.524754613550625, "q_0.775": 4.6608325850797225, "q_0.8": 4.733879123457755, "q_0.825": 4.821540911430054, "q_0.85": 4.960505677404949, "q_0.875": 5.046483195940112, "q_0.9": 5.116321735174258, "q_0.925": 5.243878920052846, "q_0.95": 5.341941387466384, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 57.74309723889556, "y": 3.4287420980806305, "y_pred": 3.6686483526170925, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.3553129290502435, "q_0.1": 2.447016021033377, "q_0.125": 2.5244317437828445, "q_0.15": 2.5824788252277386, "q_0.175": 2.6541578119540423, "q_0.2": 2.747622889008604, "q_0.225": 2.791561078327792, "q_0.25": 2.8647122607317415, "q_0.275": 2.962533455573767, "q_0.3": 3.038574688500715, "q_0.325": 3.1148297425803264, "q_0.35": 3.2172131323844195, "q_0.375": 3.267973213483102, "q_0.4": 3.3725130535405006, "q_0.425": 3.429115622180855, "q_0.45": 3.5506782489165203, "q_0.475": 3.607029418541735, "q_0.5": 3.6686483526170925, "q_0.525": 3.7830247187862454, "q_0.55": 3.858984802865889, "q_0.575": 3.910252596801945, "q_0.6": 3.987808725583748, "q_0.625": 4.072778394354127, "q_0.65": 4.1693919135845805, "q_0.675": 4.268530319651792, "q_0.7": 4.322938380475634, "q_0.725": 4.415345649678461, "q_0.75": 4.544798476427301, "q_0.775": 4.662952528375321, "q_0.8": 4.743657261949687, "q_0.825": 4.824710676152548, "q_0.85": 4.9629853738879, "q_0.875": 5.049225288538523, "q_0.9": 5.117677181154771, "q_0.925": 5.243878920052846, "q_0.95": 5.345281114685981, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 57.78311324529812, "y": 3.6168553087806865, "y_pred": 3.6686483526170925, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.3553129290502435, "q_0.1": 2.447016021033377, "q_0.125": 2.5244317437828445, "q_0.15": 2.5824788252277386, "q_0.175": 2.6541578119540423, "q_0.2": 2.747622889008604, "q_0.225": 2.791561078327792, "q_0.25": 2.8647122607317415, "q_0.275": 2.962533455573767, "q_0.3": 3.038574688500715, "q_0.325": 3.1148297425803264, "q_0.35": 3.2172131323844195, "q_0.375": 3.267973213483102, "q_0.4": 3.3725130535405006, "q_0.425": 3.429115622180855, "q_0.45": 3.5506782489165203, "q_0.475": 3.607029418541735, "q_0.5": 3.6686483526170925, "q_0.525": 3.7830247187862454, "q_0.55": 3.858984802865889, "q_0.575": 3.910252596801945, "q_0.6": 3.987808725583748, "q_0.625": 4.072778394354127, "q_0.65": 4.1693919135845805, "q_0.675": 4.268530319651792, "q_0.7": 4.322938380475634, "q_0.725": 4.415345649678461, "q_0.75": 4.544798476427301, "q_0.775": 4.662952528375321, "q_0.8": 4.743657261949687, "q_0.825": 4.824710676152548, "q_0.85": 4.9629853738879, "q_0.875": 5.049225288538523, "q_0.9": 5.117677181154771, "q_0.925": 5.243878920052846, "q_0.95": 5.345281114685981, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 57.823129251700685, "y": 4.748056924283729, "y_pred": 3.6686483526170925, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.3553129290502435, "q_0.1": 2.447016021033377, "q_0.125": 2.5244317437828445, "q_0.15": 2.5824788252277386, "q_0.175": 2.6541578119540423, "q_0.2": 2.747622889008604, "q_0.225": 2.791561078327792, "q_0.25": 2.8647122607317415, "q_0.275": 2.962533455573767, "q_0.3": 3.038574688500715, "q_0.325": 3.1148297425803264, "q_0.35": 3.2172131323844195, "q_0.375": 3.267973213483102, "q_0.4": 3.3725130535405006, "q_0.425": 3.429115622180855, "q_0.45": 3.5506782489165203, "q_0.475": 3.607029418541735, "q_0.5": 3.6686483526170925, "q_0.525": 3.7830247187862454, "q_0.55": 3.858984802865889, "q_0.575": 3.910252596801945, "q_0.6": 3.987808725583748, "q_0.625": 4.072778394354127, "q_0.65": 4.1693919135845805, "q_0.675": 4.268530319651792, "q_0.7": 4.322938380475634, "q_0.725": 4.415345649678461, "q_0.75": 4.544798476427301, "q_0.775": 4.662952528375321, "q_0.8": 4.743657261949687, "q_0.825": 4.824710676152548, "q_0.85": 4.9629853738879, "q_0.875": 5.049225288538523, "q_0.9": 5.117677181154771, "q_0.925": 5.243878920052846, "q_0.95": 5.345281114685981, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 57.863145258103245, "y": 2.2662684909588506, "y_pred": 3.6686483526170925, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.3553129290502435, "q_0.1": 2.447016021033377, "q_0.125": 2.5269428035652153, "q_0.15": 2.5824788252277386, "q_0.175": 2.6541578119540423, "q_0.2": 2.7411588678416727, "q_0.225": 2.791561078327792, "q_0.25": 2.8647122607317415, "q_0.275": 2.961856021242216, "q_0.3": 3.038574688500715, "q_0.325": 3.1148297425803264, "q_0.35": 3.2172131323844195, "q_0.375": 3.268772000753912, "q_0.4": 3.3725130535405006, "q_0.425": 3.429115622180855, "q_0.45": 3.5546889600124745, "q_0.475": 3.607029418541735, "q_0.5": 3.6686483526170925, "q_0.525": 3.7830247187862454, "q_0.55": 3.858984802865889, "q_0.575": 3.910252596801945, "q_0.6": 3.9915468113084107, "q_0.625": 4.074733964211663, "q_0.65": 4.1693919135845805, "q_0.675": 4.268530319651792, "q_0.7": 4.334017307448933, "q_0.725": 4.426502371231264, "q_0.75": 4.544798476427301, "q_0.775": 4.664729139162846, "q_0.8": 4.743657261949687, "q_0.825": 4.824710676152548, "q_0.85": 4.967069307788265, "q_0.875": 5.049225288538523, "q_0.9": 5.117677181154771, "q_0.925": 5.243878920052846, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 57.903161264505805, "y": 2.2841573794690766, "y_pred": 3.6686483526170925, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.3553129290502435, "q_0.1": 2.447016021033377, "q_0.125": 2.5269428035652153, "q_0.15": 2.5824788252277386, "q_0.175": 2.6541578119540423, "q_0.2": 2.7411588678416727, "q_0.225": 2.791561078327792, "q_0.25": 2.8647122607317415, "q_0.275": 2.961856021242216, "q_0.3": 3.038574688500715, "q_0.325": 3.1148297425803264, "q_0.35": 3.2172131323844195, "q_0.375": 3.268772000753912, "q_0.4": 3.3725130535405006, "q_0.425": 3.429115622180855, "q_0.45": 3.5546889600124745, "q_0.475": 3.607029418541735, "q_0.5": 3.6686483526170925, "q_0.525": 3.7830247187862454, "q_0.55": 3.858984802865889, "q_0.575": 3.910252596801945, "q_0.6": 3.9915468113084107, "q_0.625": 4.074733964211663, "q_0.65": 4.1693919135845805, "q_0.675": 4.268530319651792, "q_0.7": 4.334017307448933, "q_0.725": 4.426502371231264, "q_0.75": 4.544798476427301, "q_0.775": 4.664729139162846, "q_0.8": 4.743657261949687, "q_0.825": 4.824710676152548, "q_0.85": 4.967069307788265, "q_0.875": 5.049225288538523, "q_0.9": 5.117677181154771, "q_0.925": 5.243878920052846, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 57.943177270908365, "y": 2.5513914254666124, "y_pred": 3.6686483526170925, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.3000969050508564, "q_0.075": 2.3553129290502435, "q_0.1": 2.447016021033377, "q_0.125": 2.5269428035652153, "q_0.15": 2.5824788252277386, "q_0.175": 2.6541578119540423, "q_0.2": 2.7411588678416727, "q_0.225": 2.791561078327792, "q_0.25": 2.8647122607317415, "q_0.275": 2.961856021242216, "q_0.3": 3.038574688500715, "q_0.325": 3.1148297425803264, "q_0.35": 3.2172131323844195, "q_0.375": 3.268772000753912, "q_0.4": 3.3725130535405006, "q_0.425": 3.429115622180855, "q_0.45": 3.5546889600124745, "q_0.475": 3.607029418541735, "q_0.5": 3.6686483526170925, "q_0.525": 3.7830247187862454, "q_0.55": 3.858984802865889, "q_0.575": 3.910252596801945, "q_0.6": 3.9915468113084107, "q_0.625": 4.074733964211663, "q_0.65": 4.1693919135845805, "q_0.675": 4.268530319651792, "q_0.7": 4.334017307448933, "q_0.725": 4.426502371231264, "q_0.75": 4.544798476427301, "q_0.775": 4.664729139162846, "q_0.8": 4.743657261949687, "q_0.825": 4.824710676152548, "q_0.85": 4.967069307788265, "q_0.875": 5.049225288538523, "q_0.9": 5.117677181154771, "q_0.925": 5.243878920052846, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 57.983193277310924, "y": 4.29034777830392, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.023209283713484, "y": 3.5638866232853736, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.06322529011605, "y": 5.042333856779798, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.10324129651861, "y": 3.121005965160152, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.14325730292117, "y": 3.8198944544459987, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.18327330932373, "y": 4.56106246649849, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.22328931572629, "y": 4.011655097316861, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.26330532212885, "y": 3.2344832109780834, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.30332132853142, "y": 2.675497556385877, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.34333733493398, "y": 3.9979872135871664, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.38335334133654, "y": 2.6409144515963234, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.4233693477391, "y": 5.3581741637269875, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.46338535414166, "y": 3.9975405732533305, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.50340136054422, "y": 2.753797887387238, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.543417366946784, "y": 4.615262338419963, "y_pred": 3.6744453828234267, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4491475731569237, "q_0.125": 2.53450312313253, "q_0.15": 2.6026000704071715, "q_0.175": 2.6543719937017753, "q_0.2": 2.7511721505699436, "q_0.225": 2.8103038764348796, "q_0.25": 2.885081183982993, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.380000592960841, "q_0.425": 3.4388610245938738, "q_0.45": 3.5638866232853736, "q_0.475": 3.612188342447199, "q_0.5": 3.6744453828234267, "q_0.525": 3.79752371326121, "q_0.55": 3.8743859828269365, "q_0.575": 3.9146694296909716, "q_0.6": 4.00084986113317, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.3418882569230695, "q_0.725": 4.443391487815205, "q_0.75": 4.548065345076315, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.827361581378376, "q_0.85": 4.968567153083912, "q_0.875": 5.052732738003227, "q_0.9": 5.129819578235136, "q_0.925": 5.2493410663713655, "q_0.95": 5.3581741637269875, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.583433373349344, "y": 2.5112059721542788, "y_pred": 3.685764958021049, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6026000704071715, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.685764958021049, "q_0.525": 3.79752371326121, "q_0.55": 3.874775256516427, "q_0.575": 3.915578403502124, "q_0.6": 4.005609388677058, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.354057639477195, "q_0.725": 4.444760389195477, "q_0.75": 4.548663729106785, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.838782391137017, "q_0.85": 4.968567153083912, "q_0.875": 5.062113582567358, "q_0.9": 5.139244774896667, "q_0.925": 5.2493410663713655, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.623449379751904, "y": 4.790814369247537, "y_pred": 3.685764958021049, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6026000704071715, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.685764958021049, "q_0.525": 3.79752371326121, "q_0.55": 3.874775256516427, "q_0.575": 3.915578403502124, "q_0.6": 4.005609388677058, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.354057639477195, "q_0.725": 4.444760389195477, "q_0.75": 4.548663729106785, "q_0.775": 4.667232157575263, "q_0.8": 4.748056924283729, "q_0.825": 4.838782391137017, "q_0.85": 4.968567153083912, "q_0.875": 5.062113582567358, "q_0.9": 5.139244774896667, "q_0.925": 5.2493410663713655, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.66346538615446, "y": 3.7189826158471693, "y_pred": 3.685764958021049, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.685764958021049, "q_0.525": 3.7979070870845275, "q_0.55": 3.874775256516427, "q_0.575": 3.915578403502124, "q_0.6": 4.005609388677058, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.354057639477195, "q_0.725": 4.444760389195477, "q_0.75": 4.5584235395598895, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249349989373528, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.70348139255702, "y": 2.6116806978749945, "y_pred": 3.685764958021049, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1372571353673058, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.685764958021049, "q_0.525": 3.7979070870845275, "q_0.55": 3.874775256516427, "q_0.575": 3.915578403502124, "q_0.6": 4.005609388677058, "q_0.625": 4.098315367779099, "q_0.65": 4.186590886679897, "q_0.675": 4.27816465640001, "q_0.7": 4.354057639477195, "q_0.725": 4.444760389195477, "q_0.75": 4.5584235395598895, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249349989373528, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.74349739895958, "y": 2.286246566596469, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8064659575490927, "q_0.55": 3.874775256516427, "q_0.575": 3.9235419918001844, "q_0.6": 4.011655097316861, "q_0.625": 4.101146211135459, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.78351340536215, "y": 5.5510901543672295, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8064659575490927, "q_0.55": 3.874775256516427, "q_0.575": 3.9235419918001844, "q_0.6": 4.011655097316861, "q_0.625": 4.101146211135459, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.82352941176471, "y": 3.096749347235717, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8064659575490927, "q_0.55": 3.874775256516427, "q_0.575": 3.9235419918001844, "q_0.6": 4.011655097316861, "q_0.625": 4.101146211135459, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.86354541816727, "y": 5.412522211301582, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8064659575490927, "q_0.55": 3.874775256516427, "q_0.575": 3.9235419918001844, "q_0.6": 4.011655097316861, "q_0.625": 4.101146211135459, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.90356142456983, "y": 3.874775256516427, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8064659575490927, "q_0.55": 3.874775256516427, "q_0.575": 3.9235419918001844, "q_0.6": 4.011655097316861, "q_0.625": 4.101146211135459, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.94357743097239, "y": 3.8794338658356278, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8064659575490927, "q_0.55": 3.874775256516427, "q_0.575": 3.9235419918001844, "q_0.6": 4.011655097316861, "q_0.625": 4.101146211135459, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 58.98359343737495, "y": 2.4722573890797777, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8064659575490927, "q_0.55": 3.874775256516427, "q_0.575": 3.9235419918001844, "q_0.6": 4.011655097316861, "q_0.625": 4.101146211135459, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 59.02360944377752, "y": 5.4109510529294305, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8064659575490927, "q_0.55": 3.874775256516427, "q_0.575": 3.9235419918001844, "q_0.6": 4.011655097316861, "q_0.625": 4.101146211135459, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 59.063625450180076, "y": 4.667232157575263, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4454817433729423, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8064659575490927, "q_0.55": 3.874775256516427, "q_0.575": 3.9235419918001844, "q_0.6": 4.011655097316861, "q_0.625": 4.101146211135459, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.667232157575263, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062188671444403, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 59.103641456582636, "y": 3.9356805837897006, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6043662997465216, "q_0.175": 2.6562559056512716, "q_0.2": 2.752029890524276, "q_0.225": 2.8103038764348796, "q_0.25": 2.8934418200942686, "q_0.275": 2.989018198491409, "q_0.3": 3.0566893853960195, "q_0.325": 3.1389550153975248, "q_0.35": 3.22628639235493, "q_0.375": 3.278547127976843, "q_0.4": 3.39294710354336, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8083618384431666, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.355712970799319, "q_0.725": 4.446010371887997, "q_0.75": 4.561676809710924, "q_0.775": 4.66960209201942, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.14931419660949, "q_0.925": 5.249412450388658, "q_0.95": 5.380634474795927, "q_0.975": 5.495210124402969, "q_1": 5.837161538626953}, {"x": 59.143657462985196, "y": 2.5735183921781224, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5356962020120815, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895297378185509, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.2272251196176116, "q_0.375": 3.2836915775602935, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8083618384431666, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.361198382691671, "q_0.725": 4.446010371887997, "q_0.75": 4.581826568217663, "q_0.775": 4.676711895351917, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.14931419660949, "q_0.925": 5.252476581828642, "q_0.95": 5.380634474795927, "q_0.975": 5.495230885695858, "q_1": 5.837161538626953}, {"x": 59.183673469387756, "y": 2.7634714278841637, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.536013933934234, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895297378185509, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.2272251196176116, "q_0.375": 3.2843907925853477, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8083618384431666, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.361198382691671, "q_0.725": 4.446010371887997, "q_0.75": 4.581826568217663, "q_0.775": 4.676711895351917, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.14931419660949, "q_0.925": 5.252476581828642, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.223689475790316, "y": 3.641437048098073, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.244764816209775, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.536013933934234, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895297378185509, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1389550153975248, "q_0.35": 3.2272251196176116, "q_0.375": 3.2843907925853477, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.6168553087806865, "q_0.5": 3.7014181911238606, "q_0.525": 3.8083618384431666, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.1908912370749345, "q_0.675": 4.2821077494545605, "q_0.7": 4.361198382691671, "q_0.725": 4.446010371887997, "q_0.75": 4.581826568217663, "q_0.775": 4.676711895351917, "q_0.8": 4.748492629453148, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.14931419660949, "q_0.925": 5.252476581828642, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.26370548219288, "y": 3.4027910498624365, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895297378185509, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.1908912370749345, "q_0.675": 4.28947136795097, "q_0.7": 4.361198382691671, "q_0.725": 4.446010371887997, "q_0.75": 4.581826568217663, "q_0.775": 4.676711895351917, "q_0.8": 4.754019337789414, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.252476581828642, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.30372148859544, "y": 4.073760684598118, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895297378185509, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.1908912370749345, "q_0.675": 4.28947136795097, "q_0.7": 4.361198382691671, "q_0.725": 4.446010371887997, "q_0.75": 4.581826568217663, "q_0.775": 4.676711895351917, "q_0.8": 4.754019337789414, "q_0.825": 4.8509603468555325, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.252476581828642, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.343737494998, "y": 2.425075773903431, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.192089178393045, "q_0.675": 4.29034777830392, "q_0.7": 4.375882358761977, "q_0.725": 4.448303960931506, "q_0.75": 4.581826568217663, "q_0.775": 4.678755810464409, "q_0.8": 4.754019337789414, "q_0.825": 4.856649516072533, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.253163748556213, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.38375350140056, "y": 2.302166952372194, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.192089178393045, "q_0.675": 4.29034777830392, "q_0.7": 4.375882358761977, "q_0.725": 4.448303960931506, "q_0.75": 4.581826568217663, "q_0.775": 4.678755810464409, "q_0.8": 4.754019337789414, "q_0.825": 4.856649516072533, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.253163748556213, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.42376950780312, "y": 3.9146694296909716, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.192089178393045, "q_0.675": 4.29034777830392, "q_0.7": 4.375882358761977, "q_0.725": 4.448303960931506, "q_0.75": 4.581826568217663, "q_0.775": 4.678755810464409, "q_0.8": 4.754019337789414, "q_0.825": 4.856649516072533, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.253163748556213, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.46378551420568, "y": 2.262244145373584, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.192089178393045, "q_0.675": 4.29034777830392, "q_0.7": 4.375882358761977, "q_0.725": 4.448303960931506, "q_0.75": 4.581826568217663, "q_0.775": 4.678755810464409, "q_0.8": 4.754019337789414, "q_0.825": 4.856649516072533, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.253163748556213, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.50380152060825, "y": 2.3689382163280093, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.192089178393045, "q_0.675": 4.29034777830392, "q_0.7": 4.375882358761977, "q_0.725": 4.448303960931506, "q_0.75": 4.581826568217663, "q_0.775": 4.678755810464409, "q_0.8": 4.754019337789414, "q_0.825": 4.856649516072533, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.253163748556213, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.54381752701081, "y": 3.4547861338817887, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.192089178393045, "q_0.675": 4.29034777830392, "q_0.7": 4.375882358761977, "q_0.725": 4.448303960931506, "q_0.75": 4.581826568217663, "q_0.775": 4.678755810464409, "q_0.8": 4.754019337789414, "q_0.825": 4.856649516072533, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.253163748556213, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.58383353341337, "y": 2.3772434880889484, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.192089178393045, "q_0.675": 4.29034777830392, "q_0.7": 4.375882358761977, "q_0.725": 4.448303960931506, "q_0.75": 4.581826568217663, "q_0.775": 4.678755810464409, "q_0.8": 4.754019337789414, "q_0.825": 4.856649516072533, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.253163748556213, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.62384953981593, "y": 3.487160243873938, "y_pred": 3.7014181911238606, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.467143277789109, "q_0.125": 2.5365434871378216, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.992355329402174, "q_0.3": 3.060694866210393, "q_0.325": 3.1399549034847745, "q_0.35": 3.2272251196176116, "q_0.375": 3.2892852977607623, "q_0.4": 3.3966569666732838, "q_0.425": 3.4547861338817887, "q_0.45": 3.5638866232853736, "q_0.475": 3.621925512791787, "q_0.5": 3.7014181911238606, "q_0.525": 3.812179321231008, "q_0.55": 3.874775256516427, "q_0.575": 3.9276318068261338, "q_0.6": 4.011655097316861, "q_0.625": 4.102839283973845, "q_0.65": 4.192089178393045, "q_0.675": 4.29034777830392, "q_0.7": 4.375882358761977, "q_0.725": 4.448303960931506, "q_0.75": 4.581826568217663, "q_0.775": 4.678755810464409, "q_0.8": 4.754019337789414, "q_0.825": 4.856649516072533, "q_0.85": 4.971599044354194, "q_0.875": 5.062223015865831, "q_0.9": 5.155052499406919, "q_0.925": 5.253163748556213, "q_0.95": 5.38334529853516, "q_0.975": 5.495417737331863, "q_1": 5.837161538626953}, {"x": 59.66386554621849, "y": 2.994959180939754, "y_pred": 3.7189826158471693, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4748083301896857, "q_0.125": 2.545912969191281, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.994234245531522, "q_0.3": 3.0627632331165406, "q_0.325": 3.140064839435226, "q_0.35": 3.228159419003859, "q_0.375": 3.3085591108551915, "q_0.4": 3.4027910498624365, "q_0.425": 3.462777382413704, "q_0.45": 3.575211140266689, "q_0.475": 3.626897737900556, "q_0.5": 3.7189826158471693, "q_0.525": 3.813279456651519, "q_0.55": 3.8794338658356278, "q_0.575": 3.935354645022729, "q_0.6": 4.01866113922733, "q_0.625": 4.106844584877033, "q_0.65": 4.219264119489327, "q_0.675": 4.290430457157462, "q_0.7": 4.386746105165258, "q_0.725": 4.465864491002363, "q_0.75": 4.586837842398975, "q_0.775": 4.692978978979894, "q_0.8": 4.75823814862361, "q_0.825": 4.862147583570924, "q_0.85": 4.974391929576763, "q_0.875": 5.062673872145627, "q_0.9": 5.1601360687429185, "q_0.925": 5.2584893877247785, "q_0.95": 5.397399431414078, "q_0.975": 5.505751867249882, "q_1": 5.837161538626953}, {"x": 59.70388155262105, "y": 2.8103038764348796, "y_pred": 3.7189826158471693, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4748083301896857, "q_0.125": 2.545912969191281, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.994234245531522, "q_0.3": 3.0627632331165406, "q_0.325": 3.140064839435226, "q_0.35": 3.228159419003859, "q_0.375": 3.3085591108551915, "q_0.4": 3.4027910498624365, "q_0.425": 3.462777382413704, "q_0.45": 3.575211140266689, "q_0.475": 3.626897737900556, "q_0.5": 3.7189826158471693, "q_0.525": 3.813279456651519, "q_0.55": 3.8794338658356278, "q_0.575": 3.935354645022729, "q_0.6": 4.01866113922733, "q_0.625": 4.106844584877033, "q_0.65": 4.219264119489327, "q_0.675": 4.290430457157462, "q_0.7": 4.386746105165258, "q_0.725": 4.465864491002363, "q_0.75": 4.586837842398975, "q_0.775": 4.692978978979894, "q_0.8": 4.75823814862361, "q_0.825": 4.862147583570924, "q_0.85": 4.974391929576763, "q_0.875": 5.062673872145627, "q_0.9": 5.1601360687429185, "q_0.925": 5.2584893877247785, "q_0.95": 5.397399431414078, "q_0.975": 5.505751867249882, "q_1": 5.837161538626953}, {"x": 59.74389755902361, "y": 3.5546889600124745, "y_pred": 3.7189826158471693, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3689382163280093, "q_0.1": 2.4748083301896857, "q_0.125": 2.545912969191281, "q_0.15": 2.6116806978749945, "q_0.175": 2.6605533359119957, "q_0.2": 2.7530552768970438, "q_0.225": 2.8115355185558055, "q_0.25": 2.895784684580308, "q_0.275": 2.994234245531522, "q_0.3": 3.0627632331165406, "q_0.325": 3.140064839435226, "q_0.35": 3.228159419003859, "q_0.375": 3.3085591108551915, "q_0.4": 3.4027910498624365, "q_0.425": 3.462777382413704, "q_0.45": 3.575211140266689, "q_0.475": 3.626897737900556, "q_0.5": 3.7189826158471693, "q_0.525": 3.813279456651519, "q_0.55": 3.8794338658356278, "q_0.575": 3.935354645022729, "q_0.6": 4.01866113922733, "q_0.625": 4.106844584877033, "q_0.65": 4.219264119489327, "q_0.675": 4.290430457157462, "q_0.7": 4.386746105165258, "q_0.725": 4.465864491002363, "q_0.75": 4.586837842398975, "q_0.775": 4.692978978979894, "q_0.8": 4.75823814862361, "q_0.825": 4.862147583570924, "q_0.85": 4.974391929576763, "q_0.875": 5.062673872145627, "q_0.9": 5.1601360687429185, "q_0.925": 5.2584893877247785, "q_0.95": 5.397399431414078, "q_0.975": 5.505751867249882, "q_1": 5.837161538626953}, {"x": 59.783913565426175, "y": 2.5783249528531256, "y_pred": 3.7189826158471693, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2455278951685043, "q_0.05": 2.302166952372194, "q_0.075": 2.3705100147784943, "q_0.1": 2.4748083301896857, "q_0.125": 2.545912969191281, "q_0.15": 2.6116806978749945, "q_0.175": 2.6639937952012267, "q_0.2": 2.753797887387238, "q_0.225": 2.8155908860541063, "q_0.25": 2.9104113454182468, "q_0.275": 2.994234245531522, "q_0.3": 3.0713365782868456, "q_0.325": 3.140064839435226, "q_0.35": 3.2299355074276637, "q_0.375": 3.314020477180433, "q_0.4": 3.4027910498624365, "q_0.425": 3.463931160638419, "q_0.45": 3.5776772543257502, "q_0.475": 3.629489241472858, "q_0.5": 3.7189826158471693, "q_0.525": 3.816154431772798, "q_0.55": 3.8794338658356278, "q_0.575": 3.935354645022729, "q_0.6": 4.01866113922733, "q_0.625": 4.106844584877033, "q_0.65": 4.220603647459683, "q_0.675": 4.29365493244525, "q_0.7": 4.392243584439354, "q_0.725": 4.469765744176254, "q_0.75": 4.6002256246908875, "q_0.775": 4.692978978979894, "q_0.8": 4.75823814862361, "q_0.825": 4.862147583570924, "q_0.85": 4.986790350502121, "q_0.875": 5.062673872145627, "q_0.9": 5.1601360687429185, "q_0.925": 5.2584893877247785, "q_0.95": 5.397399431414078, "q_0.975": 5.505751867249882, "q_1": 5.837161538626953}, {"x": 59.823929571828735, "y": 3.3669541319923058, "y_pred": 3.7547772126378556, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2455278951685043, "q_0.05": 2.311340611317017, "q_0.075": 2.3772434880889484, "q_0.1": 2.4870191494120792, "q_0.125": 2.550971946077841, "q_0.15": 2.613966277323165, "q_0.175": 2.6797936943513916, "q_0.2": 2.7634714278841637, "q_0.225": 2.8273683162215084, "q_0.25": 2.9153702112558006, "q_0.275": 2.999705628458944, "q_0.3": 3.074044595088904, "q_0.325": 3.152976780080413, "q_0.35": 3.2344832109780834, "q_0.375": 3.3407495118154746, "q_0.4": 3.4067738866713944, "q_0.425": 3.4823326439843876, "q_0.45": 3.593154981231417, "q_0.475": 3.644382332341345, "q_0.5": 3.7547772126378556, "q_0.525": 3.8411801370471075, "q_0.55": 3.894797686267373, "q_0.575": 3.9356805837897006, "q_0.6": 4.032013985208807, "q_0.625": 4.144404360774186, "q_0.65": 4.224737472506861, "q_0.675": 4.300086304220903, "q_0.7": 4.400417818087217, "q_0.725": 4.507382818235483, "q_0.75": 4.615262338419963, "q_0.775": 4.7041544941924425, "q_0.8": 4.783936856720974, "q_0.825": 4.913651734016552, "q_0.85": 5.016816119104931, "q_0.875": 5.083546888731943, "q_0.9": 5.178380245941863, "q_0.925": 5.264459858726333, "q_0.95": 5.404403799534432, "q_0.975": 5.516892215000944, "q_1": 5.837161538626953}, {"x": 59.863945578231295, "y": 3.6599825503871974, "y_pred": 3.7626471607673375, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2546015896412164, "q_0.05": 2.3214495404338056, "q_0.075": 2.3772434880889484, "q_0.1": 2.487458932629056, "q_0.125": 2.5513914254666124, "q_0.15": 2.613966277323165, "q_0.175": 2.683275465600924, "q_0.2": 2.7634714278841637, "q_0.225": 2.837091121840553, "q_0.25": 2.9196279721722176, "q_0.275": 3.002560196105314, "q_0.3": 3.0902481214053, "q_0.325": 3.178037640858844, "q_0.35": 3.2374254654126324, "q_0.375": 3.3599959988609305, "q_0.4": 3.4220083042936373, "q_0.425": 3.487160243873938, "q_0.45": 3.595675394986391, "q_0.475": 3.6599825503871974, "q_0.5": 3.7626471607673375, "q_0.525": 3.8501015678274806, "q_0.55": 3.8973651499288904, "q_0.575": 3.970700977265389, "q_0.6": 4.0520077802237635, "q_0.625": 4.160652236291072, "q_0.65": 4.23520935735781, "q_0.675": 4.300148268286122, "q_0.7": 4.402952275265316, "q_0.725": 4.512375995836736, "q_0.75": 4.617894640017489, "q_0.775": 4.716361030928391, "q_0.8": 4.784636625204954, "q_0.825": 4.935484573200627, "q_0.85": 5.016816119104931, "q_0.875": 5.083807251723853, "q_0.9": 5.185038310859877, "q_0.925": 5.268514533509989, "q_0.95": 5.409705679618207, "q_0.975": 5.520116401135856, "q_1": 5.837161538626953}, {"x": 59.903961584633855, "y": 5.016816119104931, "y_pred": 3.765465786592039, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.256075540873479, "q_0.05": 2.3214495404338056, "q_0.075": 2.3772434880889484, "q_0.1": 2.5002580120420794, "q_0.125": 2.5513914254666124, "q_0.15": 2.626790682100312, "q_0.175": 2.694717720145578, "q_0.2": 2.7692014724933216, "q_0.225": 2.8386529459956193, "q_0.25": 2.936751458127352, "q_0.275": 3.020564526122191, "q_0.3": 3.1038916893925044, "q_0.325": 3.190748032243511, "q_0.35": 3.2415645994244233, "q_0.375": 3.3599959988609305, "q_0.4": 3.4271889629527417, "q_0.425": 3.487160243873938, "q_0.45": 3.595675394986391, "q_0.475": 3.6599825503871974, "q_0.5": 3.765465786592039, "q_0.525": 3.8520319279175643, "q_0.55": 3.9019702146491886, "q_0.575": 3.979310380219098, "q_0.6": 4.069461891461078, "q_0.625": 4.166048011483285, "q_0.65": 4.244116750987674, "q_0.675": 4.313556461719718, "q_0.7": 4.408561505873681, "q_0.725": 4.5145015727746625, "q_0.75": 4.622718424084674, "q_0.775": 4.721682287041723, "q_0.8": 4.790814369247537, "q_0.825": 4.947550843487259, "q_0.85": 5.016816119104931, "q_0.875": 5.0913926116210195, "q_0.9": 5.185038310859877, "q_0.925": 5.274459398427366, "q_0.95": 5.409705679618207, "q_0.975": 5.520116401135856, "q_1": 5.837161538626953}, {"x": 59.943977591036415, "y": 5.37058023053857, "y_pred": 3.765465786592039, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.256075540873479, "q_0.05": 2.3214495404338056, "q_0.075": 2.3772434880889484, "q_0.1": 2.5002580120420794, "q_0.125": 2.5513914254666124, "q_0.15": 2.626790682100312, "q_0.175": 2.694717720145578, "q_0.2": 2.7692014724933216, "q_0.225": 2.8386529459956193, "q_0.25": 2.936751458127352, "q_0.275": 3.020564526122191, "q_0.3": 3.1038916893925044, "q_0.325": 3.190748032243511, "q_0.35": 3.2415645994244233, "q_0.375": 3.3599959988609305, "q_0.4": 3.4271889629527417, "q_0.425": 3.487160243873938, "q_0.45": 3.595675394986391, "q_0.475": 3.6599825503871974, "q_0.5": 3.765465786592039, "q_0.525": 3.8520319279175643, "q_0.55": 3.9019702146491886, "q_0.575": 3.979310380219098, "q_0.6": 4.069461891461078, "q_0.625": 4.166048011483285, "q_0.65": 4.244116750987674, "q_0.675": 4.313556461719718, "q_0.7": 4.408561505873681, "q_0.725": 4.5145015727746625, "q_0.75": 4.622718424084674, "q_0.775": 4.721682287041723, "q_0.8": 4.790814369247537, "q_0.825": 4.947550843487259, "q_0.85": 5.016816119104931, "q_0.875": 5.0913926116210195, "q_0.9": 5.185038310859877, "q_0.925": 5.274459398427366, "q_0.95": 5.409705679618207, "q_0.975": 5.520116401135856, "q_1": 5.837161538626953}, {"x": 59.983993597438975, "y": 3.2272251196176116, "y_pred": 3.765465786592039, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.256075540873479, "q_0.05": 2.3214495404338056, "q_0.075": 2.3772434880889484, "q_0.1": 2.5002580120420794, "q_0.125": 2.5513914254666124, "q_0.15": 2.626790682100312, "q_0.175": 2.694717720145578, "q_0.2": 2.7692014724933216, "q_0.225": 2.8386529459956193, "q_0.25": 2.936751458127352, "q_0.275": 3.020564526122191, "q_0.3": 3.1038916893925044, "q_0.325": 3.190748032243511, "q_0.35": 3.2415645994244233, "q_0.375": 3.3599959988609305, "q_0.4": 3.4271889629527417, "q_0.425": 3.487160243873938, "q_0.45": 3.595675394986391, "q_0.475": 3.6599825503871974, "q_0.5": 3.765465786592039, "q_0.525": 3.8520319279175643, "q_0.55": 3.9019702146491886, "q_0.575": 3.979310380219098, "q_0.6": 4.069461891461078, "q_0.625": 4.166048011483285, "q_0.65": 4.244116750987674, "q_0.675": 4.313556461719718, "q_0.7": 4.408561505873681, "q_0.725": 4.5145015727746625, "q_0.75": 4.622718424084674, "q_0.775": 4.721682287041723, "q_0.8": 4.790814369247537, "q_0.825": 4.947550843487259, "q_0.85": 5.016816119104931, "q_0.875": 5.0913926116210195, "q_0.9": 5.185038310859877, "q_0.925": 5.274459398427366, "q_0.95": 5.409705679618207, "q_0.975": 5.520116401135856, "q_1": 5.837161538626953}, {"x": 60.02400960384154, "y": 3.1738121729292468, "y_pred": 3.765465786592039, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.256075540873479, "q_0.05": 2.3214495404338056, "q_0.075": 2.3772434880889484, "q_0.1": 2.5002580120420794, "q_0.125": 2.5513914254666124, "q_0.15": 2.626790682100312, "q_0.175": 2.694717720145578, "q_0.2": 2.7692014724933216, "q_0.225": 2.8386529459956193, "q_0.25": 2.936751458127352, "q_0.275": 3.020564526122191, "q_0.3": 3.1038916893925044, "q_0.325": 3.190748032243511, "q_0.35": 3.2415645994244233, "q_0.375": 3.3599959988609305, "q_0.4": 3.4271889629527417, "q_0.425": 3.487160243873938, "q_0.45": 3.595675394986391, "q_0.475": 3.6599825503871974, "q_0.5": 3.765465786592039, "q_0.525": 3.8520319279175643, "q_0.55": 3.9019702146491886, "q_0.575": 3.979310380219098, "q_0.6": 4.069461891461078, "q_0.625": 4.166048011483285, "q_0.65": 4.244116750987674, "q_0.675": 4.313556461719718, "q_0.7": 4.408561505873681, "q_0.725": 4.5145015727746625, "q_0.75": 4.622718424084674, "q_0.775": 4.721682287041723, "q_0.8": 4.790814369247537, "q_0.825": 4.947550843487259, "q_0.85": 5.016816119104931, "q_0.875": 5.0913926116210195, "q_0.9": 5.185038310859877, "q_0.925": 5.274459398427366, "q_0.95": 5.409705679618207, "q_0.975": 5.520116401135856, "q_1": 5.837161538626953}, {"x": 60.0640256102441, "y": 4.11506617913398, "y_pred": 3.765465786592039, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.256075540873479, "q_0.05": 2.3214495404338056, "q_0.075": 2.3772434880889484, "q_0.1": 2.5002580120420794, "q_0.125": 2.5513914254666124, "q_0.15": 2.626790682100312, "q_0.175": 2.694717720145578, "q_0.2": 2.7692014724933216, "q_0.225": 2.8400706680520504, "q_0.25": 2.936751458127352, "q_0.275": 3.020564526122191, "q_0.3": 3.1038916893925044, "q_0.325": 3.190748032243511, "q_0.35": 3.2405906855392996, "q_0.375": 3.3599959988609305, "q_0.4": 3.4271889629527417, "q_0.425": 3.487160243873938, "q_0.45": 3.595675394986391, "q_0.475": 3.662533919791173, "q_0.5": 3.765465786592039, "q_0.525": 3.8520319279175643, "q_0.55": 3.9019702146491886, "q_0.575": 3.979310380219098, "q_0.6": 4.069461891461078, "q_0.625": 4.166048011483285, "q_0.65": 4.244116750987674, "q_0.675": 4.313556461719718, "q_0.7": 4.408561505873681, "q_0.725": 4.514927680505858, "q_0.75": 4.622718424084674, "q_0.775": 4.723201299324568, "q_0.8": 4.790814369247537, "q_0.825": 4.947550843487259, "q_0.85": 5.016816119104931, "q_0.875": 5.0913926116210195, "q_0.9": 5.185038310859877, "q_0.925": 5.274459398427366, "q_0.95": 5.409705679618207, "q_0.975": 5.520116401135856, "q_1": 5.837161538626953}, {"x": 60.10404161664666, "y": 2.641469680740734, "y_pred": 3.765465786592039, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.256075540873479, "q_0.05": 2.3214495404338056, "q_0.075": 2.3772434880889484, "q_0.1": 2.5002580120420794, "q_0.125": 2.5513914254666124, "q_0.15": 2.626790682100312, "q_0.175": 2.694717720145578, "q_0.2": 2.7692014724933216, "q_0.225": 2.84125168116666, "q_0.25": 2.936751458127352, "q_0.275": 3.020564526122191, "q_0.3": 3.1038916893925044, "q_0.325": 3.190748032243511, "q_0.35": 3.242295034838273, "q_0.375": 3.3599959988609305, "q_0.4": 3.4271889629527417, "q_0.425": 3.487160243873938, "q_0.45": 3.595675394986391, "q_0.475": 3.662533919791173, "q_0.5": 3.765465786592039, "q_0.525": 3.8520319279175643, "q_0.55": 3.9019702146491886, "q_0.575": 3.979310380219098, "q_0.6": 4.069461891461078, "q_0.625": 4.166048011483285, "q_0.65": 4.244116750987674, "q_0.675": 4.313556461719718, "q_0.7": 4.408561505873681, "q_0.725": 4.516051055433561, "q_0.75": 4.622718424084674, "q_0.775": 4.723201299324568, "q_0.8": 4.790814369247537, "q_0.825": 4.947550843487259, "q_0.85": 5.016816119104931, "q_0.875": 5.0913926116210195, "q_0.9": 5.185038310859877, "q_0.925": 5.274459398427366, "q_0.95": 5.409705679618207, "q_0.975": 5.520116401135856, "q_1": 5.837161538626953}, {"x": 60.14405762304922, "y": 3.3713734471331547, "y_pred": 3.765465786592039, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.256075540873479, "q_0.05": 2.3214495404338056, "q_0.075": 2.3772434880889484, "q_0.1": 2.5002580120420794, "q_0.125": 2.5513914254666124, "q_0.15": 2.626790682100312, "q_0.175": 2.694717720145578, "q_0.2": 2.7692014724933216, "q_0.225": 2.84125168116666, "q_0.25": 2.936751458127352, "q_0.275": 3.020564526122191, "q_0.3": 3.1038916893925044, "q_0.325": 3.190748032243511, "q_0.35": 3.242295034838273, "q_0.375": 3.3599959988609305, "q_0.4": 3.4271889629527417, "q_0.425": 3.487160243873938, "q_0.45": 3.595675394986391, "q_0.475": 3.662533919791173, "q_0.5": 3.765465786592039, "q_0.525": 3.8520319279175643, "q_0.55": 3.9019702146491886, "q_0.575": 3.979310380219098, "q_0.6": 4.069461891461078, "q_0.625": 4.166048011483285, "q_0.65": 4.244116750987674, "q_0.675": 4.313556461719718, "q_0.7": 4.408561505873681, "q_0.725": 4.516051055433561, "q_0.75": 4.622718424084674, "q_0.775": 4.723201299324568, "q_0.8": 4.790814369247537, "q_0.825": 4.947550843487259, "q_0.85": 5.016816119104931, "q_0.875": 5.0913926116210195, "q_0.9": 5.185038310859877, "q_0.925": 5.274459398427366, "q_0.95": 5.409705679618207, "q_0.975": 5.520116401135856, "q_1": 5.837161538626953}, {"x": 60.18407362945178, "y": 2.352851368246699, "y_pred": 3.8401305046081626, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.262244145373584, "q_0.05": 2.3336349994424728, "q_0.075": 2.4168897295118708, "q_0.1": 2.5124163560534356, "q_0.125": 2.5824788252277386, "q_0.15": 2.6541578119540423, "q_0.175": 2.7314628360912634, "q_0.2": 2.8103038764348796, "q_0.225": 2.895784684580308, "q_0.25": 2.989018198491409, "q_0.275": 3.0566893853960195, "q_0.3": 3.1389550153975248, "q_0.325": 3.2272251196176116, "q_0.35": 3.3060480622945105, "q_0.375": 3.4027910498624365, "q_0.4": 3.463931160638419, "q_0.425": 3.589956712437207, "q_0.45": 3.6521887366434163, "q_0.475": 3.7605574367515606, "q_0.5": 3.8401305046081626, "q_0.525": 3.8963750098615257, "q_0.55": 3.9706560872178303, "q_0.575": 4.0520077802237635, "q_0.6": 4.159624545279746, "q_0.625": 4.227338331581401, "q_0.65": 4.300086304220903, "q_0.675": 4.392243584439354, "q_0.7": 4.4577561764662015, "q_0.725": 4.578294537006855, "q_0.75": 4.678755810464409, "q_0.775": 4.756470150633469, "q_0.8": 4.8509603468555325, "q_0.825": 4.968567153083912, "q_0.85": 5.062223015865831, "q_0.875": 5.139244774896667, "q_0.9": 5.243878920052846, "q_0.925": 5.326908514789949, "q_0.95": 5.439209981764, "q_0.975": 5.552904580642949, "q_1": 6.143265894680987}, {"x": 60.22408963585434, "y": 3.473326406054997, "y_pred": 3.8411801370471075, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.262244145373584, "q_0.05": 2.3336349994424728, "q_0.075": 2.4168897295118708, "q_0.1": 2.5124163560534356, "q_0.125": 2.5824788252277386, "q_0.15": 2.6541578119540423, "q_0.175": 2.747622889008604, "q_0.2": 2.8103038764348796, "q_0.225": 2.895784684580308, "q_0.25": 2.992355329402174, "q_0.275": 3.060694866210393, "q_0.3": 3.1389550153975248, "q_0.325": 3.2272251196176116, "q_0.35": 3.3085591108551915, "q_0.375": 3.4027910498624365, "q_0.4": 3.4675932032294647, "q_0.425": 3.593154981231417, "q_0.45": 3.6599825503871974, "q_0.475": 3.7626471607673375, "q_0.5": 3.8411801370471075, "q_0.525": 3.901450099337002, "q_0.55": 3.979310380219098, "q_0.575": 4.069461891461078, "q_0.6": 4.160652236291072, "q_0.625": 4.230336563461151, "q_0.65": 4.300148268286122, "q_0.675": 4.392927420470581, "q_0.7": 4.469765744176254, "q_0.725": 4.58431812300384, "q_0.75": 4.691764555999637, "q_0.775": 4.756470150633469, "q_0.8": 4.856649516072533, "q_0.825": 4.968567153083912, "q_0.85": 5.062673872145627, "q_0.875": 5.139244774896667, "q_0.9": 5.2493410663713655, "q_0.925": 5.326908514789949, "q_0.95": 5.439209981764, "q_0.975": 5.552904580642949, "q_1": 6.143265894680987}, {"x": 60.26410564225691, "y": 2.5630173325376346, "y_pred": 3.894797686267373, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.352851368246699, "q_0.075": 2.4385601844510814, "q_0.1": 2.5356962020120815, "q_0.125": 2.611739910164468, "q_0.15": 2.6837326405008817, "q_0.175": 2.7655994317285475, "q_0.2": 2.8591427934207636, "q_0.225": 2.936751458127352, "q_0.25": 3.020564526122191, "q_0.275": 3.1038916893925044, "q_0.3": 3.190748032243511, "q_0.325": 3.2454678388994074, "q_0.35": 3.3669541319923058, "q_0.375": 3.4388610245938738, "q_0.4": 3.575211140266689, "q_0.425": 3.644382332341345, "q_0.45": 3.7403507254469526, "q_0.475": 3.813279456651519, "q_0.5": 3.894797686267373, "q_0.525": 3.938887660375021, "q_0.55": 4.026529118542276, "q_0.575": 4.129233268696933, "q_0.6": 4.220603647459683, "q_0.625": 4.294184614400879, "q_0.65": 4.374279959416117, "q_0.675": 4.432607723991004, "q_0.7": 4.522029453055156, "q_0.725": 4.632574887407137, "q_0.75": 4.7283197096877565, "q_0.775": 4.790814369247537, "q_0.8": 4.952956496444671, "q_0.825": 5.040423637358805, "q_0.85": 5.10512455366794, "q_0.875": 5.185038310859877, "q_0.9": 5.26400136296239, "q_0.925": 5.382901315934678, "q_0.95": 5.4854647229841955, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.30412164865947, "y": 4.102839283973845, "y_pred": 3.894797686267373, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.352851368246699, "q_0.075": 2.445440885259209, "q_0.1": 2.5356962020120815, "q_0.125": 2.6139177923910553, "q_0.15": 2.6929873493683907, "q_0.175": 2.7655994317285475, "q_0.2": 2.8591427934207636, "q_0.225": 2.936751458127352, "q_0.25": 3.020564526122191, "q_0.275": 3.1038916893925044, "q_0.3": 3.190748032243511, "q_0.325": 3.2454678388994074, "q_0.35": 3.3669541319923058, "q_0.375": 3.4416530888150776, "q_0.4": 3.579857754910864, "q_0.425": 3.6521887366434163, "q_0.45": 3.7547772126378556, "q_0.475": 3.826252714012897, "q_0.5": 3.894797686267373, "q_0.525": 3.9481079483925474, "q_0.55": 4.032013985208807, "q_0.575": 4.144404360774186, "q_0.6": 4.221343987754201, "q_0.625": 4.294184614400879, "q_0.65": 4.375882358761977, "q_0.675": 4.432607723991004, "q_0.7": 4.522029453055156, "q_0.725": 4.632574887407137, "q_0.75": 4.7283197096877565, "q_0.775": 4.794439991857457, "q_0.8": 4.957682754476652, "q_0.825": 5.041086014358456, "q_0.85": 5.10512455366794, "q_0.875": 5.185038310859877, "q_0.9": 5.264459858726333, "q_0.925": 5.38334529853516, "q_0.95": 5.4854647229841955, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.34413765506203, "y": 4.377901776833773, "y_pred": 3.8973651499288904, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.353506792095349, "q_0.075": 2.447016021033377, "q_0.1": 2.545912969191281, "q_0.125": 2.6139177923910553, "q_0.15": 2.7030776585557437, "q_0.175": 2.7752713456731835, "q_0.2": 2.8621760078340626, "q_0.225": 2.951597313679295, "q_0.25": 3.0294791809921167, "q_0.275": 3.1056016406973153, "q_0.3": 3.2084094520496587, "q_0.325": 3.258385873746776, "q_0.35": 3.3725130535405006, "q_0.375": 3.4547861338817887, "q_0.4": 3.589956712437207, "q_0.425": 3.6599825503871974, "q_0.45": 3.7605574367515606, "q_0.475": 3.8362449438349007, "q_0.5": 3.8973651499288904, "q_0.525": 3.979310380219098, "q_0.55": 4.069461891461078, "q_0.575": 4.159624545279746, "q_0.6": 4.2252784842081015, "q_0.625": 4.2957353985901, "q_0.65": 4.377901776833773, "q_0.675": 4.443391487815205, "q_0.7": 4.52422255612569, "q_0.725": 4.634107794686277, "q_0.75": 4.733879123457755, "q_0.775": 4.810891937572263, "q_0.8": 4.957682754476652, "q_0.825": 5.042333856779798, "q_0.85": 5.106054082646271, "q_0.875": 5.185038310859877, "q_0.9": 5.268514533509989, "q_0.925": 5.38334529853516, "q_0.95": 5.4871910874368695, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.38415366146459, "y": 5.567176255641547, "y_pred": 3.9019702146491886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3553129290502435, "q_0.075": 2.4491475731569237, "q_0.1": 2.545912969191281, "q_0.125": 2.6139177923910553, "q_0.15": 2.7030776585557437, "q_0.175": 2.7752713456731835, "q_0.2": 2.8624178181016484, "q_0.225": 2.951597313679295, "q_0.25": 3.0294791809921167, "q_0.275": 3.1056016406973153, "q_0.3": 3.2084094520496587, "q_0.325": 3.258385873746776, "q_0.35": 3.378773931006645, "q_0.375": 3.4547861338817887, "q_0.4": 3.589956712437207, "q_0.425": 3.662533919791173, "q_0.45": 3.7626471607673375, "q_0.475": 3.8401305046081626, "q_0.5": 3.9019702146491886, "q_0.525": 3.979310380219098, "q_0.55": 4.069461891461078, "q_0.575": 4.159624545279746, "q_0.6": 4.2252784842081015, "q_0.625": 4.300086304220903, "q_0.65": 4.3800576741755854, "q_0.675": 4.443391487815205, "q_0.7": 4.52422255612569, "q_0.725": 4.636954622490416, "q_0.75": 4.743657261949687, "q_0.775": 4.810891937572263, "q_0.8": 4.957682754476652, "q_0.825": 5.042333856779798, "q_0.85": 5.106054082646271, "q_0.875": 5.185038310859877, "q_0.9": 5.268514533509989, "q_0.925": 5.390976236028726, "q_0.95": 5.4871910874368695, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.42416966786715, "y": 2.8431470020550194, "y_pred": 3.9019702146491886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3553129290502435, "q_0.075": 2.4491475731569237, "q_0.1": 2.545912969191281, "q_0.125": 2.6139177923910553, "q_0.15": 2.7030776585557437, "q_0.175": 2.7752713456731835, "q_0.2": 2.8624178181016484, "q_0.225": 2.951597313679295, "q_0.25": 3.0294791809921167, "q_0.275": 3.1056016406973153, "q_0.3": 3.2084094520496587, "q_0.325": 3.258385873746776, "q_0.35": 3.378773931006645, "q_0.375": 3.4547861338817887, "q_0.4": 3.589956712437207, "q_0.425": 3.662533919791173, "q_0.45": 3.7626471607673375, "q_0.475": 3.8401305046081626, "q_0.5": 3.9019702146491886, "q_0.525": 3.979310380219098, "q_0.55": 4.069461891461078, "q_0.575": 4.159624545279746, "q_0.6": 4.2252784842081015, "q_0.625": 4.300086304220903, "q_0.65": 4.3800576741755854, "q_0.675": 4.443391487815205, "q_0.7": 4.52422255612569, "q_0.725": 4.636954622490416, "q_0.75": 4.743657261949687, "q_0.775": 4.810891937572263, "q_0.8": 4.957682754476652, "q_0.825": 5.042333856779798, "q_0.85": 5.106054082646271, "q_0.875": 5.185038310859877, "q_0.9": 5.268514533509989, "q_0.925": 5.390976236028726, "q_0.95": 5.4871910874368695, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.46418567426971, "y": 2.885081183982993, "y_pred": 3.9019702146491886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3553129290502435, "q_0.075": 2.4491475731569237, "q_0.1": 2.545912969191281, "q_0.125": 2.6139177923910553, "q_0.15": 2.7030776585557437, "q_0.175": 2.7752713456731835, "q_0.2": 2.8624178181016484, "q_0.225": 2.951597313679295, "q_0.25": 3.0294791809921167, "q_0.275": 3.1056016406973153, "q_0.3": 3.2084094520496587, "q_0.325": 3.258385873746776, "q_0.35": 3.378773931006645, "q_0.375": 3.4547861338817887, "q_0.4": 3.589956712437207, "q_0.425": 3.662533919791173, "q_0.45": 3.7626471607673375, "q_0.475": 3.8401305046081626, "q_0.5": 3.9019702146491886, "q_0.525": 3.979310380219098, "q_0.55": 4.069461891461078, "q_0.575": 4.159624545279746, "q_0.6": 4.2252784842081015, "q_0.625": 4.300086304220903, "q_0.65": 4.3800576741755854, "q_0.675": 4.443391487815205, "q_0.7": 4.52422255612569, "q_0.725": 4.636954622490416, "q_0.75": 4.743657261949687, "q_0.775": 4.810891937572263, "q_0.8": 4.957682754476652, "q_0.825": 5.042333856779798, "q_0.85": 5.106054082646271, "q_0.875": 5.185038310859877, "q_0.9": 5.268514533509989, "q_0.925": 5.390976236028726, "q_0.95": 5.4871910874368695, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.504201680672274, "y": 5.433399279033473, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4491475731569237, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.885081183982993, "q_0.225": 2.9520467796015497, "q_0.25": 3.0313157533240775, "q_0.275": 3.1125389204175766, "q_0.3": 3.2116868808328896, "q_0.325": 3.268772000753912, "q_0.35": 3.380000592960841, "q_0.375": 3.463931160638419, "q_0.4": 3.5943810041373774, "q_0.425": 3.6686483526170925, "q_0.45": 3.7650094299458683, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.9915468113084107, "q_0.55": 4.07491012231792, "q_0.575": 4.165418608122762, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.446010371887997, "q_0.7": 4.542961787693435, "q_0.725": 4.66209043281477, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.958608440376249, "q_0.825": 5.046483195940112, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.4871910874368695, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.544217687074834, "y": 5.14931419660949, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.584233693477394, "y": 4.294184614400879, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.624249699879954, "y": 5.070988544797505, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.664265706282514, "y": 2.895784684580308, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.704281712685074, "y": 5.185038310859877, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.74429771908764, "y": 5.162726816833436, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.7843137254902, "y": 3.0294791809921167, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.82432973189276, "y": 3.9270996254033266, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.86434573829532, "y": 5.380634474795927, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.90436174469788, "y": 4.517247572907062, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.94437775110044, "y": 4.453710696406102, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 60.98439375750301, "y": 4.106844584877033, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.02440976390557, "y": 3.1036628067546275, "y_pred": 3.9146694296909716, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2662684909588506, "q_0.05": 2.3689382163280093, "q_0.075": 2.4633142130976733, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2133745957725868, "q_0.325": 3.2690439942528435, "q_0.35": 3.39294710354336, "q_0.375": 3.4675932032294647, "q_0.4": 3.5943810041373774, "q_0.425": 3.6700702318361667, "q_0.45": 3.774694353019568, "q_0.475": 3.8501015678274806, "q_0.5": 3.9146694296909716, "q_0.525": 3.995292912523988, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.23520935735781, "q_0.625": 4.313556461719718, "q_0.65": 4.392243584439354, "q_0.675": 4.448303960931506, "q_0.7": 4.544798476427301, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.390976236028726, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.06442577030813, "y": 5.552904580642949, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3689382163280093, "q_0.075": 2.467143277789109, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.278547127976843, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547887615732293, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.104441776710686, "y": 3.721318052865973, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3689382163280093, "q_0.075": 2.467143277789109, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.278547127976843, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547887615732293, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.144457783113246, "y": 3.252176576960893, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3689382163280093, "q_0.075": 2.467143277789109, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.278547127976843, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547887615732293, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.184473789515806, "y": 4.692978978979894, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3689382163280093, "q_0.075": 2.467143277789109, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.278547127976843, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547887615732293, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.22448979591837, "y": 4.2762798196995, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3689382163280093, "q_0.075": 2.467143277789109, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.278547127976843, "q_0.35": 3.39294710354336, "q_0.375": 3.4692857346255943, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.546343046079797, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.26450580232093, "y": 3.3599959988609305, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3689382163280093, "q_0.075": 2.467143277789109, "q_0.1": 2.549583991214769, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.278547127976843, "q_0.35": 3.39294710354336, "q_0.375": 3.4692857346255943, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.546343046079797, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.30452180872349, "y": 3.2276654498665414, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.467143277789109, "q_0.1": 2.550971946077841, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.281247964008155, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.5954165168165892, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547578701801782, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.34453781512605, "y": 2.9196279721722176, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.467143277789109, "q_0.1": 2.550971946077841, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.281247964008155, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.5954165168165892, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547578701801782, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.38455382152861, "y": 2.4499566676528994, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.467143277789109, "q_0.1": 2.550971946077841, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.281247964008155, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.5954165168165892, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547578701801782, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.42456982793117, "y": 4.3418882569230695, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.467143277789109, "q_0.1": 2.550971946077841, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.281247964008155, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.5954165168165892, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547578701801782, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.46458583433373, "y": 3.9276318068261338, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.467143277789109, "q_0.1": 2.550971946077841, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.281247964008155, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.5954165168165892, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547578701801782, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.5046018407363, "y": 2.9916657982184516, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.467143277789109, "q_0.1": 2.550971946077841, "q_0.125": 2.626790682100312, "q_0.15": 2.7031510799684204, "q_0.175": 2.779803099560721, "q_0.2": 2.8934418200942686, "q_0.225": 2.954386087921385, "q_0.25": 3.0313157533240775, "q_0.275": 3.113677407994869, "q_0.3": 3.2172131323844195, "q_0.325": 3.281247964008155, "q_0.35": 3.39294710354336, "q_0.375": 3.4823326439843876, "q_0.4": 3.5954165168165892, "q_0.425": 3.6728362355532678, "q_0.45": 3.774694353019568, "q_0.475": 3.8520319279175643, "q_0.5": 3.915578403502124, "q_0.525": 3.9975405732533305, "q_0.55": 4.085958042950805, "q_0.575": 4.167332942747445, "q_0.6": 4.244116750987674, "q_0.625": 4.313556461719718, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.547578701801782, "q_0.725": 4.664729139162846, "q_0.75": 4.748056924283729, "q_0.775": 4.821540911430054, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.1150846649757185, "q_0.875": 5.1908939379888235, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.54461784713886, "y": 2.3705100147784943, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.4748083301896857, "q_0.1": 2.550971946077841, "q_0.125": 2.6282476375694124, "q_0.15": 2.7076962068961796, "q_0.175": 2.7808084367888304, "q_0.2": 2.8934418200942686, "q_0.225": 2.961856021242216, "q_0.25": 3.0357156316996825, "q_0.275": 3.113677407994869, "q_0.3": 3.2254316406353265, "q_0.325": 3.2892852977607623, "q_0.35": 3.39294710354336, "q_0.375": 3.48252914427161, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.7747173974049257, "q_0.475": 3.8530392777928797, "q_0.5": 3.915578403502124, "q_0.525": 4.00084986113317, "q_0.55": 4.0959939948932345, "q_0.575": 4.1693919135845805, "q_0.6": 4.244116750987674, "q_0.625": 4.321950756108855, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.548065345076315, "q_0.725": 4.667232157575263, "q_0.75": 4.751295572180412, "q_0.775": 4.824497756750446, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.116321735174258, "q_0.875": 5.200812083554782, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.58463385354142, "y": 2.2455278951685043, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.4748083301896857, "q_0.1": 2.550971946077841, "q_0.125": 2.6282476375694124, "q_0.15": 2.7076962068961796, "q_0.175": 2.7808084367888304, "q_0.2": 2.8934418200942686, "q_0.225": 2.961856021242216, "q_0.25": 3.0357156316996825, "q_0.275": 3.113677407994869, "q_0.3": 3.2254316406353265, "q_0.325": 3.2892852977607623, "q_0.35": 3.39294710354336, "q_0.375": 3.48252914427161, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.7747173974049257, "q_0.475": 3.8530392777928797, "q_0.5": 3.915578403502124, "q_0.525": 4.00084986113317, "q_0.55": 4.0959939948932345, "q_0.575": 4.1693919135845805, "q_0.6": 4.244116750987674, "q_0.625": 4.321950756108855, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.548065345076315, "q_0.725": 4.667232157575263, "q_0.75": 4.751295572180412, "q_0.775": 4.824497756750446, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.116321735174258, "q_0.875": 5.200812083554782, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.62464985994398, "y": 4.735520873478441, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.4748083301896857, "q_0.1": 2.550971946077841, "q_0.125": 2.6282476375694124, "q_0.15": 2.7076962068961796, "q_0.175": 2.7808084367888304, "q_0.2": 2.8934418200942686, "q_0.225": 2.961856021242216, "q_0.25": 3.0357156316996825, "q_0.275": 3.113677407994869, "q_0.3": 3.2254316406353265, "q_0.325": 3.2892852977607623, "q_0.35": 3.39294710354336, "q_0.375": 3.48252914427161, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.7747173974049257, "q_0.475": 3.8530392777928797, "q_0.5": 3.915578403502124, "q_0.525": 4.00084986113317, "q_0.55": 4.0959939948932345, "q_0.575": 4.1693919135845805, "q_0.6": 4.244116750987674, "q_0.625": 4.321950756108855, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.548065345076315, "q_0.725": 4.667232157575263, "q_0.75": 4.751295572180412, "q_0.775": 4.824497756750446, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.116321735174258, "q_0.875": 5.200812083554782, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.66466586634654, "y": 2.8321677054282812, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.4748083301896857, "q_0.1": 2.550971946077841, "q_0.125": 2.6282476375694124, "q_0.15": 2.7076962068961796, "q_0.175": 2.7808084367888304, "q_0.2": 2.8934418200942686, "q_0.225": 2.961856021242216, "q_0.25": 3.0357156316996825, "q_0.275": 3.113677407994869, "q_0.3": 3.2254316406353265, "q_0.325": 3.2892852977607623, "q_0.35": 3.39294710354336, "q_0.375": 3.48252914427161, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.7747173974049257, "q_0.475": 3.8530392777928797, "q_0.5": 3.915578403502124, "q_0.525": 4.00084986113317, "q_0.55": 4.0959939948932345, "q_0.575": 4.1693919135845805, "q_0.6": 4.244116750987674, "q_0.625": 4.321950756108855, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.548065345076315, "q_0.725": 4.667232157575263, "q_0.75": 4.751295572180412, "q_0.775": 4.824497756750446, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.116321735174258, "q_0.875": 5.200812083554782, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.7046818727491, "y": 3.1038916893925044, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.4748083301896857, "q_0.1": 2.550971946077841, "q_0.125": 2.6282476375694124, "q_0.15": 2.7076962068961796, "q_0.175": 2.7808084367888304, "q_0.2": 2.8934418200942686, "q_0.225": 2.961856021242216, "q_0.25": 3.0357156316996825, "q_0.275": 3.113677407994869, "q_0.3": 3.2254316406353265, "q_0.325": 3.2892852977607623, "q_0.35": 3.39294710354336, "q_0.375": 3.48252914427161, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.7747173974049257, "q_0.475": 3.8530392777928797, "q_0.5": 3.915578403502124, "q_0.525": 4.00084986113317, "q_0.55": 4.0959939948932345, "q_0.575": 4.1693919135845805, "q_0.6": 4.244116750987674, "q_0.625": 4.321950756108855, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.548065345076315, "q_0.725": 4.667232157575263, "q_0.75": 4.751295572180412, "q_0.775": 4.824497756750446, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.116321735174258, "q_0.875": 5.200812083554782, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.744697879151666, "y": 2.2301488359328983, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.4748083301896857, "q_0.1": 2.550971946077841, "q_0.125": 2.6282476375694124, "q_0.15": 2.7076962068961796, "q_0.175": 2.7808084367888304, "q_0.2": 2.8934418200942686, "q_0.225": 2.961856021242216, "q_0.25": 3.0357156316996825, "q_0.275": 3.113677407994869, "q_0.3": 3.2254316406353265, "q_0.325": 3.2892852977607623, "q_0.35": 3.39294710354336, "q_0.375": 3.48252914427161, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.7747173974049257, "q_0.475": 3.8530392777928797, "q_0.5": 3.915578403502124, "q_0.525": 4.00084986113317, "q_0.55": 4.0959939948932345, "q_0.575": 4.1693919135845805, "q_0.6": 4.244116750987674, "q_0.625": 4.321950756108855, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.548065345076315, "q_0.725": 4.667232157575263, "q_0.75": 4.751295572180412, "q_0.775": 4.824497756750446, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.116321735174258, "q_0.875": 5.200812083554782, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.784713885554225, "y": 2.7031510799684204, "y_pred": 3.915578403502124, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.2663825897327854, "q_0.05": 2.3705100147784943, "q_0.075": 2.4748083301896857, "q_0.1": 2.550971946077841, "q_0.125": 2.6282476375694124, "q_0.15": 2.7076962068961796, "q_0.175": 2.7808084367888304, "q_0.2": 2.8934418200942686, "q_0.225": 2.961856021242216, "q_0.25": 3.0357156316996825, "q_0.275": 3.113677407994869, "q_0.3": 3.2254316406353265, "q_0.325": 3.2892852977607623, "q_0.35": 3.39294710354336, "q_0.375": 3.48252914427161, "q_0.4": 3.595675394986391, "q_0.425": 3.6728362355532678, "q_0.45": 3.7747173974049257, "q_0.475": 3.8530392777928797, "q_0.5": 3.915578403502124, "q_0.525": 4.00084986113317, "q_0.55": 4.0959939948932345, "q_0.575": 4.1693919135845805, "q_0.6": 4.244116750987674, "q_0.625": 4.321950756108855, "q_0.65": 4.392927420470581, "q_0.675": 4.4577561764662015, "q_0.7": 4.548065345076315, "q_0.725": 4.667232157575263, "q_0.75": 4.751295572180412, "q_0.775": 4.824497756750446, "q_0.8": 4.960505677404949, "q_0.825": 5.052732738003227, "q_0.85": 5.116321735174258, "q_0.875": 5.200812083554782, "q_0.9": 5.274459398427366, "q_0.925": 5.397399431414078, "q_0.95": 5.495210124402969, "q_0.975": 5.567176255641547, "q_1": 6.143265894680987}, {"x": 61.824729891956785, "y": 5.210070557857085, "y_pred": 3.9481079483925474, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.290056316871354, "q_0.05": 2.3859252515807206, "q_0.075": 2.487458932629056, "q_0.1": 2.573646553606184, "q_0.125": 2.6543719937017753, "q_0.15": 2.7314628360912634, "q_0.175": 2.8155908860541063, "q_0.2": 2.911161371283312, "q_0.225": 2.994959180939754, "q_0.25": 3.0627632331165406, "q_0.275": 3.1399549034847745, "q_0.3": 3.2319040057379813, "q_0.325": 3.329921802687885, "q_0.35": 3.4274316564430234, "q_0.375": 3.5638866232853736, "q_0.4": 3.644382332341345, "q_0.425": 3.7403507254469526, "q_0.45": 3.812179321231008, "q_0.475": 3.894797686267373, "q_0.5": 3.9481079483925474, "q_0.525": 4.022717216561261, "q_0.55": 4.119811094882084, "q_0.575": 4.220603647459683, "q_0.6": 4.29034777830392, "q_0.625": 4.355712970799319, "q_0.65": 4.426502371231264, "q_0.675": 4.507382818235483, "q_0.7": 4.586837842398975, "q_0.725": 4.696883024241005, "q_0.75": 4.764920622283495, "q_0.775": 4.856649516072533, "q_0.8": 4.968028921493171, "q_0.825": 5.070988544797505, "q_0.85": 5.129819578235136, "q_0.875": 5.210070557857085, "q_0.9": 5.294908794287287, "q_0.925": 5.409705679618207, "q_0.95": 5.500068095794937, "q_0.975": 5.619475070528971, "q_1": 6.27034173399522}, {"x": 61.864745898359345, "y": 3.020564526122191, "y_pred": 3.9481079483925474, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.290056316871354, "q_0.05": 2.3859252515807206, "q_0.075": 2.487458932629056, "q_0.1": 2.573646553606184, "q_0.125": 2.6543719937017753, "q_0.15": 2.7314628360912634, "q_0.175": 2.8155908860541063, "q_0.2": 2.911161371283312, "q_0.225": 2.994959180939754, "q_0.25": 3.0627632331165406, "q_0.275": 3.1399549034847745, "q_0.3": 3.2319040057379813, "q_0.325": 3.329921802687885, "q_0.35": 3.4274316564430234, "q_0.375": 3.5638866232853736, "q_0.4": 3.644382332341345, "q_0.425": 3.7403507254469526, "q_0.45": 3.812179321231008, "q_0.475": 3.894797686267373, "q_0.5": 3.9481079483925474, "q_0.525": 4.022717216561261, "q_0.55": 4.119811094882084, "q_0.575": 4.220603647459683, "q_0.6": 4.29034777830392, "q_0.625": 4.355712970799319, "q_0.65": 4.426502371231264, "q_0.675": 4.507382818235483, "q_0.7": 4.586837842398975, "q_0.725": 4.696883024241005, "q_0.75": 4.764920622283495, "q_0.775": 4.856649516072533, "q_0.8": 4.968028921493171, "q_0.825": 5.070988544797505, "q_0.85": 5.129819578235136, "q_0.875": 5.210070557857085, "q_0.9": 5.294908794287287, "q_0.925": 5.409705679618207, "q_0.95": 5.500068095794937, "q_0.975": 5.619475070528971, "q_1": 6.27034173399522}, {"x": 61.904761904761905, "y": 5.4871910874368695, "y_pred": 3.9746732881588036, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3859252515807206, "q_0.075": 2.487458932629056, "q_0.1": 2.5783249528531256, "q_0.125": 2.6543719937017753, "q_0.15": 2.747622889008604, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 2.999705628458944, "q_0.25": 3.0713365782868456, "q_0.275": 3.1482067048217877, "q_0.3": 3.2344832109780834, "q_0.325": 3.352198557724701, "q_0.35": 3.4287420980806305, "q_0.375": 3.575211140266689, "q_0.4": 3.6521887366434163, "q_0.425": 3.7547772126378556, "q_0.45": 3.812179321231008, "q_0.475": 3.8963750098615257, "q_0.5": 3.9746732881588036, "q_0.525": 4.050160084879023, "q_0.55": 4.144404360774186, "q_0.575": 4.221343987754201, "q_0.6": 4.294184614400879, "q_0.625": 4.374279959416117, "q_0.65": 4.432607723991004, "q_0.675": 4.512375995836736, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.764920622283495, "q_0.775": 4.877852228063945, "q_0.8": 4.968567153083912, "q_0.825": 5.07817765281532, "q_0.85": 5.139244774896667, "q_0.875": 5.243878920052846, "q_0.9": 5.300828399401942, "q_0.925": 5.411893747952724, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 61.944777911164465, "y": 2.7521720906570124, "y_pred": 3.9746732881588036, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3859252515807206, "q_0.075": 2.487458932629056, "q_0.1": 2.5783249528531256, "q_0.125": 2.6543719937017753, "q_0.15": 2.747622889008604, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 2.999705628458944, "q_0.25": 3.0713365782868456, "q_0.275": 3.1482067048217877, "q_0.3": 3.2344832109780834, "q_0.325": 3.352198557724701, "q_0.35": 3.4287420980806305, "q_0.375": 3.575211140266689, "q_0.4": 3.6521887366434163, "q_0.425": 3.7547772126378556, "q_0.45": 3.812179321231008, "q_0.475": 3.8963750098615257, "q_0.5": 3.9746732881588036, "q_0.525": 4.050160084879023, "q_0.55": 4.144404360774186, "q_0.575": 4.221343987754201, "q_0.6": 4.294184614400879, "q_0.625": 4.374279959416117, "q_0.65": 4.432607723991004, "q_0.675": 4.512375995836736, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.764920622283495, "q_0.775": 4.877852228063945, "q_0.8": 4.968567153083912, "q_0.825": 5.07817765281532, "q_0.85": 5.139244774896667, "q_0.875": 5.243878920052846, "q_0.9": 5.300828399401942, "q_0.925": 5.411893747952724, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 61.98479391756703, "y": 3.060694866210393, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3859252515807206, "q_0.075": 2.487458932629056, "q_0.1": 2.5824788252277386, "q_0.125": 2.6562559056512716, "q_0.15": 2.747622889008604, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 2.999705628458944, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2374254654126324, "q_0.325": 3.3528215475055045, "q_0.35": 3.4287420980806305, "q_0.375": 3.575211140266689, "q_0.4": 3.6521887366434163, "q_0.425": 3.7547772126378556, "q_0.45": 3.813279456651519, "q_0.475": 3.8963750098615257, "q_0.5": 3.979310380219098, "q_0.525": 4.0520077802237635, "q_0.55": 4.159624545279746, "q_0.575": 4.221343987754201, "q_0.6": 4.2957353985901, "q_0.625": 4.375882358761977, "q_0.65": 4.432607723991004, "q_0.675": 4.512375995836736, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.765593624522088, "q_0.775": 4.877852228063945, "q_0.8": 4.970992666100149, "q_0.825": 5.083546888731943, "q_0.85": 5.139244774896667, "q_0.875": 5.243878920052846, "q_0.9": 5.300828399401942, "q_0.925": 5.4109510529294305, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.02480992396959, "y": 5.1908939379888235, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3859252515807206, "q_0.075": 2.487458932629056, "q_0.1": 2.5824788252277386, "q_0.125": 2.6562559056512716, "q_0.15": 2.747622889008604, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 2.999705628458944, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2374254654126324, "q_0.325": 3.3528215475055045, "q_0.35": 3.4287420980806305, "q_0.375": 3.575211140266689, "q_0.4": 3.6521887366434163, "q_0.425": 3.7547772126378556, "q_0.45": 3.813279456651519, "q_0.475": 3.8963750098615257, "q_0.5": 3.979310380219098, "q_0.525": 4.0520077802237635, "q_0.55": 4.159624545279746, "q_0.575": 4.221343987754201, "q_0.6": 4.2957353985901, "q_0.625": 4.375882358761977, "q_0.65": 4.432607723991004, "q_0.675": 4.512375995836736, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.765593624522088, "q_0.775": 4.877852228063945, "q_0.8": 4.970992666100149, "q_0.825": 5.083546888731943, "q_0.85": 5.139244774896667, "q_0.875": 5.243878920052846, "q_0.9": 5.300828399401942, "q_0.925": 5.4109510529294305, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.06482593037215, "y": 3.662533919791173, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3859252515807206, "q_0.075": 2.487458932629056, "q_0.1": 2.5824788252277386, "q_0.125": 2.6562559056512716, "q_0.15": 2.747622889008604, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 2.999705628458944, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2374254654126324, "q_0.325": 3.3528215475055045, "q_0.35": 3.4287420980806305, "q_0.375": 3.575211140266689, "q_0.4": 3.6521887366434163, "q_0.425": 3.7547772126378556, "q_0.45": 3.813279456651519, "q_0.475": 3.8963750098615257, "q_0.5": 3.979310380219098, "q_0.525": 4.0520077802237635, "q_0.55": 4.159624545279746, "q_0.575": 4.221343987754201, "q_0.6": 4.2957353985901, "q_0.625": 4.375882358761977, "q_0.65": 4.432607723991004, "q_0.675": 4.512375995836736, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.765593624522088, "q_0.775": 4.877852228063945, "q_0.8": 4.970992666100149, "q_0.825": 5.083546888731943, "q_0.85": 5.139244774896667, "q_0.875": 5.243878920052846, "q_0.9": 5.300828399401942, "q_0.925": 5.4109510529294305, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.10484193677471, "y": 3.1125389204175766, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3859252515807206, "q_0.075": 2.487458932629056, "q_0.1": 2.5824788252277386, "q_0.125": 2.6562559056512716, "q_0.15": 2.747622889008604, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 2.999705628458944, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2374254654126324, "q_0.325": 3.3528215475055045, "q_0.35": 3.4287420980806305, "q_0.375": 3.575211140266689, "q_0.4": 3.6521887366434163, "q_0.425": 3.7547772126378556, "q_0.45": 3.813279456651519, "q_0.475": 3.8963750098615257, "q_0.5": 3.979310380219098, "q_0.525": 4.0520077802237635, "q_0.55": 4.159624545279746, "q_0.575": 4.221343987754201, "q_0.6": 4.2957353985901, "q_0.625": 4.375882358761977, "q_0.65": 4.432607723991004, "q_0.675": 4.512375995836736, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.765593624522088, "q_0.775": 4.877852228063945, "q_0.8": 4.970992666100149, "q_0.825": 5.083546888731943, "q_0.85": 5.139244774896667, "q_0.875": 5.243878920052846, "q_0.9": 5.300828399401942, "q_0.925": 5.4109510529294305, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.14485794317727, "y": 4.586837842398975, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.58426118249351, "q_0.125": 2.6605533359119957, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 2.999705628458944, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.242295034838273, "q_0.325": 3.3528215475055045, "q_0.35": 3.4287420980806305, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7547772126378556, "q_0.45": 3.815291939236417, "q_0.475": 3.8973651499288904, "q_0.5": 3.979310380219098, "q_0.525": 4.0584114589737235, "q_0.55": 4.159624545279746, "q_0.575": 4.224737472506861, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.513975849148123, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.773004575893655, "q_0.775": 4.877852228063945, "q_0.8": 4.971599044354194, "q_0.825": 5.083794233574257, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.18487394957983, "y": 2.3621394786980647, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.58426118249351, "q_0.125": 2.6605533359119957, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 2.999705628458944, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.242295034838273, "q_0.325": 3.3528215475055045, "q_0.35": 3.4287420980806305, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7547772126378556, "q_0.45": 3.815291939236417, "q_0.475": 3.8973651499288904, "q_0.5": 3.979310380219098, "q_0.525": 4.0584114589737235, "q_0.55": 4.159624545279746, "q_0.575": 4.224737472506861, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.513975849148123, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.773004575893655, "q_0.775": 4.877852228063945, "q_0.8": 4.971599044354194, "q_0.825": 5.083794233574257, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.2248899559824, "y": 5.274459398427366, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.26490596238496, "y": 5.10512455366794, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.30492196878752, "y": 2.4830611004592806, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.34493797519008, "y": 4.957682754476652, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.38495398159264, "y": 5.522800072882102, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.4249699879952, "y": 3.894797686267373, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.464985994397765, "y": 4.159624545279746, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.505002000800324, "y": 4.548065345076315, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.545018007202884, "y": 3.113677407994869, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.585034013605444, "y": 4.444760389195477, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.625050020008004, "y": 3.837958686944493, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.665066026410564, "y": 3.5975549523740504, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.70508203281313, "y": 5.326908514789949, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.74509803921569, "y": 4.9629853738879, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.78511404561825, "y": 5.439209981764, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.82513005202081, "y": 5.09932618037057, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.86514605842337, "y": 2.3347428056554023, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.90516206482593, "y": 4.300148268286122, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.9451780712285, "y": 4.617894640017489, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 62.98519407763106, "y": 4.50450104222292, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.02521008403362, "y": 3.1372571353673058, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.06522609043618, "y": 3.6728362355532678, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.10524209683874, "y": 2.3269025299588066, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.1452581032413, "y": 2.519025403056004, "y_pred": 3.979310380219098, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5002580120420794, "q_0.1": 2.585558447761199, "q_0.125": 2.6635637377900734, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9153702112558006, "q_0.225": 3.002560196105314, "q_0.25": 3.0713365782868456, "q_0.275": 3.152976780080413, "q_0.3": 3.2435312231451383, "q_0.325": 3.3528215475055045, "q_0.35": 3.429115622180855, "q_0.375": 3.575211140266689, "q_0.4": 3.6599825503871974, "q_0.425": 3.7605574367515606, "q_0.45": 3.826252714012897, "q_0.475": 3.9019702146491886, "q_0.5": 3.979310380219098, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.2252784842081015, "q_0.6": 4.2957353985901, "q_0.625": 4.377901776833773, "q_0.65": 4.432607723991004, "q_0.675": 4.5145015727746625, "q_0.7": 4.615262338419963, "q_0.725": 4.7041544941924425, "q_0.75": 4.780415527265166, "q_0.775": 4.884736493949518, "q_0.8": 4.971599044354194, "q_0.825": 5.0904721126158154, "q_0.85": 5.14931419660949, "q_0.875": 5.244216861948782, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.505751867249882, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.18527410964386, "y": 4.144404360774186, "y_pred": 3.9802035798864055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5112059721542788, "q_0.1": 2.5885912762615337, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9196279721722176, "q_0.225": 3.0132293789234903, "q_0.25": 3.074044595088904, "q_0.275": 3.152976780080413, "q_0.3": 3.2454678388994074, "q_0.325": 3.3599959988609305, "q_0.35": 3.4388610245938738, "q_0.375": 3.579857754910864, "q_0.4": 3.662533919791173, "q_0.425": 3.7605574367515606, "q_0.45": 3.8362449438349007, "q_0.475": 3.9125235968269525, "q_0.5": 3.9802035798864055, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.377901776833773, "q_0.65": 4.43410873947748, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.7041544941924425, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.974391929576763, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.22529011604642, "y": 4.221343987754201, "y_pred": 3.9802035798864055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5112059721542788, "q_0.1": 2.5885912762615337, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9196279721722176, "q_0.225": 3.0132293789234903, "q_0.25": 3.074044595088904, "q_0.275": 3.152976780080413, "q_0.3": 3.2454678388994074, "q_0.325": 3.3599959988609305, "q_0.35": 3.4388610245938738, "q_0.375": 3.579857754910864, "q_0.4": 3.662533919791173, "q_0.425": 3.7605574367515606, "q_0.45": 3.8362449438349007, "q_0.475": 3.9125235968269525, "q_0.5": 3.9802035798864055, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.377901776833773, "q_0.65": 4.43410873947748, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.7041544941924425, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.974391929576763, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.26530612244898, "y": 2.8934418200942686, "y_pred": 3.9802035798864055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5112059721542788, "q_0.1": 2.5885912762615337, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9196279721722176, "q_0.225": 3.0132293789234903, "q_0.25": 3.074044595088904, "q_0.275": 3.152976780080413, "q_0.3": 3.2454678388994074, "q_0.325": 3.3599959988609305, "q_0.35": 3.4388610245938738, "q_0.375": 3.579857754910864, "q_0.4": 3.662533919791173, "q_0.425": 3.7605574367515606, "q_0.45": 3.8362449438349007, "q_0.475": 3.9125235968269525, "q_0.5": 3.9802035798864055, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.377901776833773, "q_0.65": 4.43410873947748, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.7041544941924425, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.974391929576763, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.30532212885154, "y": 3.7547772126378556, "y_pred": 3.9802035798864055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5112059721542788, "q_0.1": 2.5885912762615337, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9196279721722176, "q_0.225": 3.0132293789234903, "q_0.25": 3.074044595088904, "q_0.275": 3.152976780080413, "q_0.3": 3.2454678388994074, "q_0.325": 3.3599959988609305, "q_0.35": 3.4388610245938738, "q_0.375": 3.579857754910864, "q_0.4": 3.662533919791173, "q_0.425": 3.7605574367515606, "q_0.45": 3.8362449438349007, "q_0.475": 3.9125235968269525, "q_0.5": 3.9802035798864055, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.377901776833773, "q_0.65": 4.43410873947748, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.7041544941924425, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.974391929576763, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.3453381352541, "y": 3.838571948789759, "y_pred": 3.9802035798864055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5112059721542788, "q_0.1": 2.5885912762615337, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9196279721722176, "q_0.225": 3.0132293789234903, "q_0.25": 3.074044595088904, "q_0.275": 3.152976780080413, "q_0.3": 3.2454678388994074, "q_0.325": 3.3599959988609305, "q_0.35": 3.4388610245938738, "q_0.375": 3.579857754910864, "q_0.4": 3.662533919791173, "q_0.425": 3.7605574367515606, "q_0.45": 3.8362449438349007, "q_0.475": 3.9125235968269525, "q_0.5": 3.9802035798864055, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.377901776833773, "q_0.65": 4.43410873947748, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.7041544941924425, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.974391929576763, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.38535414165666, "y": 2.2324697822707993, "y_pred": 3.9802035798864055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.2999444669722795, "q_0.05": 2.3972058326610757, "q_0.075": 2.5112059721542788, "q_0.1": 2.5885912762615337, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9196279721722176, "q_0.225": 3.0132293789234903, "q_0.25": 3.074044595088904, "q_0.275": 3.152976780080413, "q_0.3": 3.2454678388994074, "q_0.325": 3.3599959988609305, "q_0.35": 3.4388610245938738, "q_0.375": 3.579857754910864, "q_0.4": 3.662533919791173, "q_0.425": 3.7605574367515606, "q_0.45": 3.8362449438349007, "q_0.475": 3.9125235968269525, "q_0.5": 3.9802035798864055, "q_0.525": 4.069461891461078, "q_0.55": 4.159624545279746, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.377901776833773, "q_0.65": 4.43410873947748, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.7041544941924425, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.974391929576763, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.300828399401942, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.42537014805922, "y": 2.6902957793665845, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.399642310827021, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8262822081381747, "q_0.2": 2.9196279721722176, "q_0.225": 3.0184671273213675, "q_0.25": 3.0880955221754434, "q_0.275": 3.1754413821479606, "q_0.3": 3.2454678388994074, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.579857754910864, "q_0.4": 3.662533919791173, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.46538615446179, "y": 4.371289574635686, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.50540216086435, "y": 5.65771216839458, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.54541816726691, "y": 4.463661648252369, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.58543417366947, "y": 2.6139177923910553, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.62545018007203, "y": 5.062113582567358, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.66546618647459, "y": 3.7015776824519326, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.705482192877156, "y": 2.487458932629056, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.745498199279716, "y": 4.29042762024537, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.785514205682276, "y": 2.992355329402174, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.825530212084836, "y": 3.6521887366434163, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.865546218487395, "y": 3.3085591108551915, "y_pred": 3.983775901456809, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5112059721542788, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.8273683162215084, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.0902481214053, "q_0.275": 3.177828442335701, "q_0.3": 3.2457823281973135, "q_0.325": 3.3599959988609305, "q_0.35": 3.4416530888150776, "q_0.375": 3.588234830667382, "q_0.4": 3.6686483526170925, "q_0.425": 3.7626471607673375, "q_0.45": 3.8362449438349007, "q_0.475": 3.913632040594817, "q_0.5": 3.983775901456809, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.228024947372495, "q_0.6": 4.300148268286122, "q_0.625": 4.3800576741755854, "q_0.65": 4.443391487815205, "q_0.675": 4.5145015727746625, "q_0.7": 4.617894640017489, "q_0.725": 4.715605093050375, "q_0.75": 4.783936856720974, "q_0.775": 4.9003724638075195, "q_0.8": 4.9862032755209, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.2493410663713655, "q_0.9": 5.31604585830623, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.905562224889955, "y": 4.443391487815205, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.94557823129252, "y": 3.7036069234233358, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 63.98559423769508, "y": 2.5606760033158236, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.02561024409763, "y": 2.951597313679295, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.0656262505002, "y": 3.947988142112773, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.10564225690277, "y": 4.958608440376249, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.14565826330532, "y": 2.2323238872398767, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.18567426970789, "y": 4.341589338071442, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.22569027611044, "y": 2.6043662997465216, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.26570628251301, "y": 4.313556461719718, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.30572228891558, "y": 5.1291143725727935, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.34573829531813, "y": 2.999705628458944, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.3857543017207, "y": 3.935354645022729, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.42577030812325, "y": 4.911631402706313, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.46578631452581, "y": 2.8155908860541063, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.50580232092837, "y": 2.7353199606306218, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.54581832733093, "y": 5.37295344998617, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3000969050508564, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.671641687026599, "q_0.15": 2.7511721505699436, "q_0.175": 2.837091121840553, "q_0.2": 2.9196279721722176, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.365712160404425, "q_0.35": 3.4454817433729423, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.9146694296909716, "q_0.5": 3.986874204152582, "q_0.525": 4.072778394354127, "q_0.55": 4.160652236291072, "q_0.575": 4.230336563461151, "q_0.6": 4.307464163882635, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.721682287041723, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.14931419660949, "q_0.875": 5.249412450388658, "q_0.9": 5.316911948469705, "q_0.925": 5.412522211301582, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.5858343337335, "y": 4.636251329679341, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.752029890524276, "q_0.175": 2.8386529459956193, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.371243971713839, "q_0.35": 3.457862077928605, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.915578403502124, "q_0.5": 3.986874204152582, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.230336563461151, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.723201299324568, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.155052499406919, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.62585034013605, "y": 4.783936856720974, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.752029890524276, "q_0.175": 2.8386529459956193, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.371243971713839, "q_0.35": 3.457862077928605, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.915578403502124, "q_0.5": 3.986874204152582, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.230336563461151, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.723201299324568, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.155052499406919, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.66586634653862, "y": 5.161240805285043, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.752029890524276, "q_0.175": 2.8386529459956193, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.371243971713839, "q_0.35": 3.457862077928605, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.915578403502124, "q_0.5": 3.986874204152582, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.230336563461151, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.723201299324568, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.155052499406919, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.70588235294117, "y": 4.093946133680477, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.752029890524276, "q_0.175": 2.8386529459956193, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.371243971713839, "q_0.35": 3.457862077928605, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.915578403502124, "q_0.5": 3.986874204152582, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.230336563461151, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.723201299324568, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.155052499406919, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.74589835934374, "y": 3.915578403502124, "y_pred": 3.986874204152582, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.5124163560534356, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.752029890524276, "q_0.175": 2.8386529459956193, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.371243971713839, "q_0.35": 3.457862077928605, "q_0.375": 3.589956712437207, "q_0.4": 3.6686483526170925, "q_0.425": 3.7631840033611823, "q_0.45": 3.8401305046081626, "q_0.475": 3.915578403502124, "q_0.5": 3.986874204152582, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.230336563461151, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.617894640017489, "q_0.725": 4.723201299324568, "q_0.75": 4.783936856720974, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.155052499406919, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.516892215000944, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.78591436574631, "y": 4.154193620175658, "y_pred": 3.9915468113084107, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.513219928984796, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.7524190153540147, "q_0.175": 2.849518772968909, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.3713734471331547, "q_0.35": 3.462777382413704, "q_0.375": 3.589956712437207, "q_0.4": 3.6728362355532678, "q_0.425": 3.765465786592039, "q_0.45": 3.8411801370471075, "q_0.475": 3.915578403502124, "q_0.5": 3.9915468113084107, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.23520935735781, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.62223438809014, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.157848462541726, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.82593037214886, "y": 4.718901439934077, "y_pred": 3.9915468113084107, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.513219928984796, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.7524190153540147, "q_0.175": 2.849518772968909, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.3713734471331547, "q_0.35": 3.462777382413704, "q_0.375": 3.589956712437207, "q_0.4": 3.6728362355532678, "q_0.425": 3.765465786592039, "q_0.45": 3.8411801370471075, "q_0.475": 3.915578403502124, "q_0.5": 3.9915468113084107, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.23520935735781, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.62223438809014, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.157848462541726, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.86594637855143, "y": 3.575211140266689, "y_pred": 3.9915468113084107, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.513219928984796, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.7524190153540147, "q_0.175": 2.849518772968909, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.3713734471331547, "q_0.35": 3.462777382413704, "q_0.375": 3.589956712437207, "q_0.4": 3.6728362355532678, "q_0.425": 3.765465786592039, "q_0.45": 3.8411801370471075, "q_0.475": 3.915578403502124, "q_0.5": 3.9915468113084107, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.23520935735781, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.62223438809014, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.157848462541726, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.90596238495398, "y": 2.5375282597462583, "y_pred": 3.9915468113084107, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.513219928984796, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.7524190153540147, "q_0.175": 2.849518772968909, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.3713734471331547, "q_0.35": 3.462777382413704, "q_0.375": 3.589956712437207, "q_0.4": 3.6728362355532678, "q_0.425": 3.765465786592039, "q_0.45": 3.8411801370471075, "q_0.475": 3.915578403502124, "q_0.5": 3.9915468113084107, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.23520935735781, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.62223438809014, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.157848462541726, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.94597839135655, "y": 2.6797936943513916, "y_pred": 3.9915468113084107, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.513219928984796, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.7524190153540147, "q_0.175": 2.849518772968909, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.3713734471331547, "q_0.35": 3.462777382413704, "q_0.375": 3.589956712437207, "q_0.4": 3.6728362355532678, "q_0.425": 3.765465786592039, "q_0.45": 3.8411801370471075, "q_0.475": 3.915578403502124, "q_0.5": 3.9915468113084107, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.23520935735781, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.62223438809014, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.157848462541726, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 64.9859943977591, "y": 5.623723317156214, "y_pred": 3.9915468113084107, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.513219928984796, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.7524190153540147, "q_0.175": 2.849518772968909, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.3713734471331547, "q_0.35": 3.462777382413704, "q_0.375": 3.589956712437207, "q_0.4": 3.6728362355532678, "q_0.425": 3.765465786592039, "q_0.45": 3.8411801370471075, "q_0.475": 3.915578403502124, "q_0.5": 3.9915468113084107, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.23520935735781, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.62223438809014, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.157848462541726, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 65.02601040416167, "y": 2.3859252515807206, "y_pred": 3.9915468113084107, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.513219928984796, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.7524190153540147, "q_0.175": 2.849518772968909, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.3713734471331547, "q_0.35": 3.462777382413704, "q_0.375": 3.589956712437207, "q_0.4": 3.6728362355532678, "q_0.425": 3.765465786592039, "q_0.45": 3.8411801370471075, "q_0.475": 3.915578403502124, "q_0.5": 3.9915468113084107, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.23520935735781, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.62223438809014, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.157848462541726, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 65.06602641056423, "y": 4.7041544941924425, "y_pred": 3.9915468113084107, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.302166952372194, "q_0.05": 2.4004089868562732, "q_0.075": 2.513219928984796, "q_0.1": 2.593184907775024, "q_0.125": 2.6797936943513916, "q_0.15": 2.7524190153540147, "q_0.175": 2.849518772968909, "q_0.2": 2.9267520380692553, "q_0.225": 3.020564526122191, "q_0.25": 3.1038916893925044, "q_0.275": 3.178037640858844, "q_0.3": 3.258385873746776, "q_0.325": 3.3713734471331547, "q_0.35": 3.462777382413704, "q_0.375": 3.589956712437207, "q_0.4": 3.6728362355532678, "q_0.425": 3.765465786592039, "q_0.45": 3.8411801370471075, "q_0.475": 3.915578403502124, "q_0.5": 3.9915468113084107, "q_0.525": 4.074733964211663, "q_0.55": 4.162900994680669, "q_0.575": 4.23520935735781, "q_0.6": 4.313556461719718, "q_0.625": 4.386746105165258, "q_0.65": 4.443391487815205, "q_0.675": 4.516051055433561, "q_0.7": 4.62223438809014, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.0913926116210195, "q_0.85": 5.157848462541726, "q_0.875": 5.249412450388658, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 65.10604241696679, "y": 5.520116401135856, "y_pred": 4.00084986113317, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3214495404338056, "q_0.05": 2.4168897295118708, "q_0.075": 2.513219928984796, "q_0.1": 2.6026000704071715, "q_0.125": 2.6797936943513916, "q_0.15": 2.753797887387238, "q_0.175": 2.852873950311519, "q_0.2": 2.936751458127352, "q_0.225": 3.0294791809921167, "q_0.25": 3.1125389204175766, "q_0.275": 3.2084094520496587, "q_0.3": 3.268772000753912, "q_0.325": 3.380000592960841, "q_0.35": 3.463931160638419, "q_0.375": 3.5943810041373774, "q_0.4": 3.6744453828234267, "q_0.425": 3.774694353019568, "q_0.45": 3.8501015678274806, "q_0.475": 3.9235419918001844, "q_0.5": 4.00084986113317, "q_0.525": 4.085958042950805, "q_0.55": 4.167332942747445, "q_0.575": 4.23520935735781, "q_0.6": 4.321950756108855, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.516051055433561, "q_0.7": 4.62223438809014, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.6312955078489795, "q_1": 6.27034173399522}, {"x": 65.14605842336935, "y": 2.6592990263819054, "y_pred": 4.00084986113317, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3214495404338056, "q_0.05": 2.4168897295118708, "q_0.075": 2.519025403056004, "q_0.1": 2.6026000704071715, "q_0.125": 2.683275465600924, "q_0.15": 2.7634714278841637, "q_0.175": 2.8591427934207636, "q_0.2": 2.951597313679295, "q_0.225": 3.0294791809921167, "q_0.25": 3.1125389204175766, "q_0.275": 3.208870212859253, "q_0.3": 3.268772000753912, "q_0.325": 3.3820379023796696, "q_0.35": 3.4823326439843876, "q_0.375": 3.595675394986391, "q_0.4": 3.6744453828234267, "q_0.425": 3.7747173974049257, "q_0.45": 3.8501015678274806, "q_0.475": 3.9276318068261338, "q_0.5": 4.00084986113317, "q_0.525": 4.0959939948932345, "q_0.55": 4.167332942747445, "q_0.575": 4.244116750987674, "q_0.6": 4.321950756108855, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.631323916863421, "q_1": 6.27034173399522}, {"x": 65.1860744297719, "y": 4.743657261949687, "y_pred": 4.00084986113317, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3214495404338056, "q_0.05": 2.4168897295118708, "q_0.075": 2.519025403056004, "q_0.1": 2.6026000704071715, "q_0.125": 2.683275465600924, "q_0.15": 2.7634714278841637, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0294791809921167, "q_0.25": 3.1125389204175766, "q_0.275": 3.209783184011382, "q_0.3": 3.268772000753912, "q_0.325": 3.3858133673518362, "q_0.35": 3.4823326439843876, "q_0.375": 3.595675394986391, "q_0.4": 3.6744453828234267, "q_0.425": 3.7747173974049257, "q_0.45": 3.8520319279175643, "q_0.475": 3.9276318068261338, "q_0.5": 4.00084986113317, "q_0.525": 4.0959939948932345, "q_0.55": 4.1693919135845805, "q_0.575": 4.244116750987674, "q_0.6": 4.321950756108855, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.317778038633172, "q_0.925": 5.433399279033473, "q_0.95": 5.520116401135856, "q_0.975": 5.631398813356039, "q_1": 6.27034173399522}, {"x": 65.22609043617447, "y": 3.268772000753912, "y_pred": 4.00084986113317, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3256601052229398, "q_0.05": 2.4168897295118708, "q_0.075": 2.519025403056004, "q_0.1": 2.6026000704071715, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.209783184011382, "q_0.3": 3.268772000753912, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.595675394986391, "q_0.4": 3.685764958021049, "q_0.425": 3.7747173974049257, "q_0.45": 3.8520319279175643, "q_0.475": 3.9276318068261338, "q_0.5": 4.00084986113317, "q_0.525": 4.0959939948932345, "q_0.55": 4.1693919135845805, "q_0.575": 4.244116750987674, "q_0.6": 4.321950756108855, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.317778038633172, "q_0.925": 5.434266789690643, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.26610644257703, "y": 3.038988597572312, "y_pred": 4.00084986113317, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3256601052229398, "q_0.05": 2.4168897295118708, "q_0.075": 2.519025403056004, "q_0.1": 2.6026000704071715, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.209783184011382, "q_0.3": 3.268772000753912, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.595675394986391, "q_0.4": 3.685764958021049, "q_0.425": 3.7747173974049257, "q_0.45": 3.8520319279175643, "q_0.475": 3.9276318068261338, "q_0.5": 4.00084986113317, "q_0.525": 4.0959939948932345, "q_0.55": 4.1693919135845805, "q_0.575": 4.244116750987674, "q_0.6": 4.321950756108855, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.723201299324568, "q_0.75": 4.784636625204954, "q_0.775": 4.913651734016552, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.317778038633172, "q_0.925": 5.434266789690643, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.3061224489796, "y": 5.20411836814297, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.34613845538216, "y": 5.404403799534432, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.38615446178471, "y": 3.4274316564430234, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.42617046818728, "y": 4.432607723991004, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.46618647458983, "y": 2.8263307990465405, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.5062024809924, "y": 4.986790350502121, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.54621848739497, "y": 5.3095106659785625, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.58623449379752, "y": 3.329921802687885, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.62625050020009, "y": 4.507382818235483, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.66626650660264, "y": 5.294908794287287, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.7062825130052, "y": 2.2630779867346154, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.74629851940776, "y": 5.2236304772446935, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.78631452581033, "y": 4.225149675699672, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.82633053221289, "y": 3.6686483526170925, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.86634653861545, "y": 4.051913780670371, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.90636254501801, "y": 5.1150846649757185, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.94637855142057, "y": 4.756470150633469, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 65.98639455782313, "y": 3.9783610085302077, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.0264105642257, "y": 3.930917905817558, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.06642657062825, "y": 5.38334529853516, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.10644257703082, "y": 3.0313157533240775, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.14645858343337, "y": 2.549583991214769, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.18647458983594, "y": 4.607149828559175, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.22649059623849, "y": 4.691024485113074, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.26650660264106, "y": 4.219264119489327, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.30652260904363, "y": 3.1399549034847745, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.34653861544618, "y": 3.258385873746776, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.38655462184875, "y": 4.392927420470581, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.4265706282513, "y": 3.178037640858844, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.46658663465386, "y": 3.979310380219098, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.50660264105643, "y": 3.3877961159831456, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.54661864745898, "y": 4.01866113922733, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.58663465386155, "y": 3.0256431328565307, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.6266506602641, "y": 2.9153702112558006, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.66666666666667, "y": 4.810891937572263, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.70668267306922, "y": 3.579857754910864, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.74669867947179, "y": 3.038574688500715, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.78671468587436, "y": 5.253163748556213, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.82673069227691, "y": 3.637851482359865, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.86674669867948, "y": 2.626790682100312, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.90676270508203, "y": 4.723201299324568, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.9467787114846, "y": 3.2084094520496587, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 66.98679471788716, "y": 4.218913911073401, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.278547127976843, "q_0.325": 3.39294710354336, "q_0.35": 3.4823326439843876, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.858984802865889, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.444760389195477, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.986790350502121, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.252476581828642, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.02681072428972, "y": 4.426502371231264, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.06682673069228, "y": 5.627422828851902, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.10684273709484, "y": 2.895297378185509, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.1468587434974, "y": 3.2254316406353265, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.18687474989996, "y": 5.52232510212519, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.22689075630252, "y": 4.764920622283495, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.26690676270509, "y": 3.812179321231008, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.30692276910764, "y": 4.824710676152548, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.34693877551021, "y": 3.685764958021049, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.38695478191276, "y": 3.6744453828234267, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.42697078831533, "y": 2.7752713456731835, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.46698679471788, "y": 4.072778394354127, "y_pred": 4.011655097316861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3268777017523887, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2172131323844195, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.5958245515213925, "q_0.4": 3.685764958021049, "q_0.425": 3.781561671262624, "q_0.45": 3.860928175094159, "q_0.475": 3.932234097903615, "q_0.5": 4.011655097316861, "q_0.525": 4.0959939948932345, "q_0.55": 4.186590886679897, "q_0.575": 4.244116750987674, "q_0.6": 4.322938380475634, "q_0.625": 4.392927420470581, "q_0.65": 4.446010371887997, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.7283197096877565, "q_0.75": 4.790814369247537, "q_0.775": 4.9295437696061, "q_0.8": 4.990565603005464, "q_0.825": 5.09932618037057, "q_0.85": 5.161240805285043, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.520116401135856, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.50700280112045, "y": 3.152976780080413, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.54701880752302, "y": 4.469765744176254, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.58703481392557, "y": 3.6363231385345163, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.62705082032814, "y": 5.252476581828642, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.66706682673069, "y": 4.960810519750319, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.70708283313326, "y": 2.747622889008604, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.74709883953582, "y": 4.321950756108855, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.78711484593838, "y": 4.75823814862361, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.82713085234094, "y": 4.050823367625458, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.8671468587435, "y": 2.6282476375694124, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.90716286514606, "y": 4.012156456294301, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.94717887154862, "y": 3.7626471607673375, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 67.98719487795118, "y": 3.3822407001841155, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.02721088435375, "y": 4.2957353985901, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.0672268907563, "y": 3.380000592960841, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.10724289715887, "y": 3.0627632331165406, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.14725890356142, "y": 4.843110226863314, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.18727490996399, "y": 2.9846186979446383, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.22729091636656, "y": 5.0913926116210195, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.26730692276911, "y": 5.710953699040572, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.30732292917168, "y": 3.796915067872371, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.34733893557423, "y": 5.118844939180317, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.3873549419768, "y": 2.8262822081381747, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.42737094837935, "y": 5.06655258561518, "y_pred": 4.012156456294301, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4214051269528722, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.6837326405008817, "q_0.15": 2.7655994317285475, "q_0.175": 2.8621760078340626, "q_0.2": 2.951597313679295, "q_0.225": 3.0313157533240775, "q_0.25": 3.113677407994869, "q_0.275": 3.2254316406353265, "q_0.3": 3.2892852977607623, "q_0.325": 3.39294710354336, "q_0.35": 3.482856644750313, "q_0.375": 3.600772553960593, "q_0.4": 3.7014181911238606, "q_0.425": 3.781561671262624, "q_0.45": 3.861586452767587, "q_0.475": 3.932234097903615, "q_0.5": 4.012156456294301, "q_0.525": 4.101146211135459, "q_0.55": 4.204894416645397, "q_0.575": 4.246309500211176, "q_0.6": 4.322938380475634, "q_0.625": 4.399331144616328, "q_0.65": 4.448303960931506, "q_0.675": 4.522029453055156, "q_0.7": 4.622718424084674, "q_0.725": 4.731232968058789, "q_0.75": 4.790814369247537, "q_0.775": 4.938914196923714, "q_0.8": 5.00002727652422, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.439209981764, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.46738695478192, "y": 5.655579676305816, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.50740296118448, "y": 4.069461891461078, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.54741896758703, "y": 3.1389550153975248, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.5874349739896, "y": 2.8011878163501334, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.62745098039215, "y": 5.495417737331863, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.66746698679472, "y": 3.3856192919744448, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.70748299319729, "y": 4.00084986113317, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.74749899959984, "y": 3.774694353019568, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.78751500600241, "y": 3.781561671262624, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.82753101240496, "y": 4.959362782671382, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.86754701880753, "y": 5.566200935376754, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.90756302521008, "y": 4.502286606293909, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.94757903161265, "y": 5.646216463682951, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 68.98759503801521, "y": 2.9104113454182468, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.02761104441777, "y": 4.244116750987674, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.06762705082033, "y": 4.678755810464409, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.10764305722289, "y": 4.784636625204954, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.14765906362545, "y": 4.931272944127651, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.187675070028, "y": 3.4220083042936373, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.22769107643057, "y": 5.384043738675011, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.26770708283314, "y": 2.7030776585557437, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.3077230892357, "y": 3.228159419003859, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.34773909563826, "y": 3.9083501175407713, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.38775510204081, "y": 4.349608502938459, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.42777110844338, "y": 3.2892852977607623, "y_pred": 4.016884950305297, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1308247902912973, "q_0.275": 3.2254316406353265, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.861586452767587, "q_0.475": 3.935354645022729, "q_0.5": 4.016884950305297, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399331144616328, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.794439991857457, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.46778711484595, "y": 5.480217217725718, "y_pred": 4.017327860686591, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8647122607317415, "q_0.2": 2.9520467796015497, "q_0.225": 3.0367877780000714, "q_0.25": 3.1319274838423254, "q_0.275": 3.22628639235493, "q_0.3": 3.3060480622945105, "q_0.325": 3.4067738866713944, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.8689104684450535, "q_0.475": 3.935354645022729, "q_0.5": 4.017327860686591, "q_0.525": 4.102839283973845, "q_0.55": 4.204894416645397, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.399738647167912, "q_0.65": 4.4577561764662015, "q_0.675": 4.523682918469981, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.795652844871616, "q_0.775": 4.947550843487259, "q_0.8": 5.016816119104931, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.253163748556213, "q_0.9": 5.326908514789949, "q_0.925": 5.449777820501485, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.5078031212485, "y": 3.8501015678274806, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.2272251196176116, "q_0.3": 3.3075176055432403, "q_0.325": 3.4073859708502625, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.400417818087217, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.809070200305123, "q_0.775": 4.947550843487259, "q_0.8": 5.019335844198773, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.257417129892941, "q_0.9": 5.3419937523789285, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.54781912765107, "y": 2.593184907775024, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.2272251196176116, "q_0.3": 3.3075176055432403, "q_0.325": 3.4073859708502625, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.400417818087217, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.809070200305123, "q_0.775": 4.947550843487259, "q_0.8": 5.019335844198773, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.257417129892941, "q_0.9": 5.3419937523789285, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.58783513405362, "y": 5.164898490265177, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.2272251196176116, "q_0.3": 3.3075176055432403, "q_0.325": 3.4073859708502625, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.400417818087217, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.809070200305123, "q_0.775": 4.947550843487259, "q_0.8": 5.019335844198773, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.257417129892941, "q_0.9": 5.3419937523789285, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.62785114045619, "y": 5.689488997532639, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.2272251196176116, "q_0.3": 3.3075176055432403, "q_0.325": 3.4073859708502625, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.400417818087217, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.809070200305123, "q_0.775": 4.947550843487259, "q_0.8": 5.019335844198773, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.257417129892941, "q_0.9": 5.3419937523789285, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.66786714685874, "y": 3.47449673059491, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.2272251196176116, "q_0.3": 3.3075176055432403, "q_0.325": 3.4073859708502625, "q_0.35": 3.4984940453515803, "q_0.375": 3.626897737900556, "q_0.4": 3.7189826158471693, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.400417818087217, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.809070200305123, "q_0.775": 4.947550843487259, "q_0.8": 5.019335844198773, "q_0.825": 5.10512455366794, "q_0.85": 5.164898490265177, "q_0.875": 5.257417129892941, "q_0.9": 5.3419937523789285, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.646216463682951, "q_1": 6.27034173399522}, {"x": 69.7078831532613, "y": 4.220603647459683, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 69.74789915966387, "y": 4.322938380475634, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 69.78791516606643, "y": 5.106054082646271, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 69.827931172469, "y": 2.779803099560721, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 69.86794717887155, "y": 5.249412450388658, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 69.90796318527411, "y": 4.821540911430054, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 69.94797919167668, "y": 2.3619297608364374, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 69.98799519807923, "y": 4.268530319651792, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.0280112044818, "y": 2.337799323332726, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.06802721088435, "y": 4.017054810142799, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.10804321728692, "y": 4.386746105165258, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.14805922368947, "y": 4.5145015727746625, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.18807523009204, "y": 5.562253903587296, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.2280912364946, "y": 3.304052264676697, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.26810724289716, "y": 5.268514533509989, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.30812324929973, "y": 3.861586452767587, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.34813925570228, "y": 4.632574887407137, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.38815526210485, "y": 5.139244774896667, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.42817126850741, "y": 4.838782391137017, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.46818727490997, "y": 5.095975446222363, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.50820328131253, "y": 4.52422255612569, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.54821928771509, "y": 5.116321735174258, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.58823529411765, "y": 5.505751867249882, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.6282513005202, "y": 5.490001195010404, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.66826730692277, "y": 3.419417674301944, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.70828331332534, "y": 5.734245602073825, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.74829931972789, "y": 2.4491475731569237, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.78831532613046, "y": 4.4577561764662015, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.82833133253301, "y": 4.022717216561261, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.86834733893558, "y": 3.0713365782868456, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.90836334533813, "y": 4.167332942747445, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.9483793517407, "y": 2.4803754966167983, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 70.98839535814326, "y": 4.23520935735781, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.02841136454582, "y": 5.317778038633172, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.06842737094838, "y": 2.7511721505699436, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.10844337735094, "y": 3.4150462632849905, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.1484593837535, "y": 4.516051055433561, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.954386087921385, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.168472203483976, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.52232510212519, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.18847539015607, "y": 3.538118074233566, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.22849139655862, "y": 3.739116335983769, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.26850740296119, "y": 3.463931160638419, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.30852340936374, "y": 3.983775901456809, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.34853941576631, "y": 3.589956712437207, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.38855542216886, "y": 2.7655994317285475, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.42857142857143, "y": 2.962533455573767, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.468587434974, "y": 2.532010158235437, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.50860344137655, "y": 3.932234097903615, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.54861944777912, "y": 5.294440466569178, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.58863545418167, "y": 2.573646553606184, "y_pred": 4.017770771067886, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3269025299588066, "q_0.05": 2.4226713869881875, "q_0.075": 2.519025403056004, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.8663602678584175, "q_0.2": 2.9520467796015497, "q_0.225": 3.038574688500715, "q_0.25": 3.1372571353673058, "q_0.275": 3.228159419003859, "q_0.3": 3.3085591108551915, "q_0.325": 3.4150462632849905, "q_0.35": 3.513709366624788, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.796915067872371, "q_0.45": 3.8743859828269365, "q_0.475": 3.935354645022729, "q_0.5": 4.017770771067886, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.341589338071442, "q_0.625": 4.402952275265316, "q_0.65": 4.4577561764662015, "q_0.675": 4.52422255612569, "q_0.7": 4.632574887407137, "q_0.725": 4.743657261949687, "q_0.75": 4.810891937572263, "q_0.775": 4.952956496444671, "q_0.8": 5.034888012746781, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.2584893877247785, "q_0.9": 5.345281114685981, "q_0.925": 5.452978338295401, "q_0.95": 5.524495419275915, "q_0.975": 5.649102301940937, "q_1": 6.27034173399522}, {"x": 71.62865146058424, "y": 4.622718424084674, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5204701169676067, "q_0.1": 2.6043662997465216, "q_0.125": 2.694656447183644, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9549714832035257, "q_0.225": 3.038574688500715, "q_0.25": 3.1389550153975248, "q_0.275": 3.228159419003859, "q_0.3": 3.3222849806377885, "q_0.325": 3.4150462632849905, "q_0.35": 3.538118074233566, "q_0.375": 3.629489241472858, "q_0.4": 3.739116335983769, "q_0.425": 3.8033061560589747, "q_0.45": 3.8743859828269365, "q_0.475": 3.9356805837897006, "q_0.5": 4.01866113922733, "q_0.525": 4.102839283973845, "q_0.55": 4.213791349388775, "q_0.575": 4.268530319651792, "q_0.6": 4.3418882569230695, "q_0.625": 4.402952275265316, "q_0.65": 4.4667994860864075, "q_0.675": 4.5302513916466784, "q_0.7": 4.65470875940941, "q_0.725": 4.751295572180412, "q_0.75": 4.821540911430054, "q_0.775": 4.952956496444671, "q_0.8": 5.040423637358805, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.264459858726333, "q_0.9": 5.380634474795927, "q_0.925": 5.470922495831033, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 71.6686674669868, "y": 3.7631840033611823, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5242336624420814, "q_0.1": 2.6043662997465216, "q_0.125": 2.694717720145578, "q_0.15": 2.7655994317285475, "q_0.175": 2.885081183982993, "q_0.2": 2.9551903744795465, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3222849806377885, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.629489241472858, "q_0.4": 3.7403507254469526, "q_0.425": 3.8033061560589747, "q_0.45": 3.8743859828269365, "q_0.475": 3.9401339462881877, "q_0.5": 4.01866113922733, "q_0.525": 4.103148685543555, "q_0.55": 4.213791349388775, "q_0.575": 4.2762798196995, "q_0.6": 4.3418882569230695, "q_0.625": 4.402952275265316, "q_0.65": 4.469765744176254, "q_0.675": 4.5307585434556135, "q_0.7": 4.65576149703457, "q_0.725": 4.751295572180412, "q_0.75": 4.821540911430054, "q_0.775": 4.952956496444671, "q_0.8": 5.040423637358805, "q_0.825": 5.106054082646271, "q_0.85": 5.185038310859877, "q_0.875": 5.264459858726333, "q_0.9": 5.380634474795927, "q_0.925": 5.470922495831033, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 71.70868347338936, "y": 5.390976236028726, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 71.74869947979192, "y": 3.5588370183910096, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 71.78871548619448, "y": 4.754019337789414, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 71.82873149259704, "y": 3.6889127898000904, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 71.8687474989996, "y": 4.204894416645397, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 71.90876350540216, "y": 5.046483195940112, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 71.94877951180473, "y": 5.743605290119611, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 71.98879551820728, "y": 2.7367187327097646, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.02881152460985, "y": 4.160652236291072, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.0688275310124, "y": 2.7279028292097647, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.10884353741497, "y": 2.3606082180557766, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.14885954381754, "y": 4.952956496444671, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.18887555022009, "y": 5.803931662595026, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.22889155662266, "y": 4.402952275265316, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.26890756302521, "y": 2.513219928984796, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5487852361565086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.30892356942778, "y": 2.4748083301896857, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7692014724933216, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6363231385345163, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8794338658356278, "q_0.475": 3.9481079483925474, "q_0.5": 4.022717216561261, "q_0.525": 4.109581347833983, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.821540911430054, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.266816223503857, "q_0.9": 5.380634474795927, "q_0.925": 5.47772218589268, "q_0.95": 5.552904580642949, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.34893957583033, "y": 3.3891884708698554, "y_pred": 4.01866113922733, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7692014724933216, "q_0.175": 2.885081183982993, "q_0.2": 2.9607586531045254, "q_0.225": 3.056344540899139, "q_0.25": 3.1389550153975248, "q_0.275": 3.2299355074276637, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6296327574840968, "q_0.4": 3.7403507254469526, "q_0.425": 3.8083618384431666, "q_0.45": 3.8769204824070034, "q_0.475": 3.9481079483925474, "q_0.5": 4.01866113922733, "q_0.525": 4.106844584877033, "q_0.55": 4.219264119489327, "q_0.575": 4.2762798196995, "q_0.6": 4.345944391037823, "q_0.625": 4.408840676130108, "q_0.65": 4.469765744176254, "q_0.675": 4.542961787693435, "q_0.7": 4.6608325850797225, "q_0.725": 4.754019337789414, "q_0.75": 4.824497756750446, "q_0.775": 4.957682754476652, "q_0.8": 5.041086014358456, "q_0.825": 5.1150846649757185, "q_0.85": 5.1908939379888235, "q_0.875": 5.268514533509989, "q_0.9": 5.382753321734516, "q_0.925": 5.480217217725718, "q_0.95": 5.562253903587296, "q_0.975": 5.655579676305816, "q_1": 6.27034173399522}, {"x": 72.3889555822329, "y": 3.629489241472858, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5546889600124745, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9709553542015694, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.288444584877457, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.827941470326998, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.662374771034235, "q_1": 6.27034173399522}, {"x": 72.42897158863546, "y": 2.2663825897327854, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6363231385345163, "q_0.4": 3.7547772126378556, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9651255357513255, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.283045803844111, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.827941470326998, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.662374771034235, "q_1": 6.27034173399522}, {"x": 72.46898759503802, "y": 5.300828399401942, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6363231385345163, "q_0.4": 3.7547772126378556, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9651255357513255, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.283045803844111, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.827941470326998, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.662374771034235, "q_1": 6.27034173399522}, {"x": 72.50900360144058, "y": 3.9481079483925474, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6363231385345163, "q_0.4": 3.7547772126378556, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9651255357513255, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.283045803844111, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.827941470326998, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.662374771034235, "q_1": 6.27034173399522}, {"x": 72.54901960784314, "y": 5.8559184672032565, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6363231385345163, "q_0.4": 3.7547772126378556, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9651255357513255, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.283045803844111, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.827941470326998, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.662374771034235, "q_1": 6.27034173399522}, {"x": 72.5890356142457, "y": 5.452978338295401, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6363231385345163, "q_0.4": 3.7547772126378556, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9651255357513255, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.283045803844111, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.827941470326998, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.662374771034235, "q_1": 6.27034173399522}, {"x": 72.62905162064827, "y": 4.0661341506528075, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6363231385345163, "q_0.4": 3.7547772126378556, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9651255357513255, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.283045803844111, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.827941470326998, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.662374771034235, "q_1": 6.27034173399522}, {"x": 72.66906762705082, "y": 4.523779007774767, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6363231385345163, "q_0.4": 3.7547772126378556, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9651255357513255, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.283045803844111, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.827941470326998, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.662374771034235, "q_1": 6.27034173399522}, {"x": 72.70908363345339, "y": 3.39294710354336, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.538118074233566, "q_0.375": 3.6363231385345163, "q_0.4": 3.7547772126378556, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9651255357513255, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.283045803844111, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.827941470326998, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.662374771034235, "q_1": 6.27034173399522}, {"x": 72.74909963985594, "y": 3.3528215475055045, "y_pred": 4.022717216561261, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3336349994424728, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.961856021242216, "q_0.225": 3.060694866210393, "q_0.25": 3.1399549034847745, "q_0.275": 3.2319040057379813, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.5546889600124745, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.812179321231008, "q_0.45": 3.894797686267373, "q_0.475": 3.9709553542015694, "q_0.5": 4.022717216561261, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.283045803844111, "q_0.6": 4.35845326247657, "q_0.625": 4.415345649678461, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.838457314523078, "q_0.775": 4.958608440376249, "q_0.8": 5.0431577172903905, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.278189101923205, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.665344388128012, "q_1": 6.27034173399522}, {"x": 72.78911564625851, "y": 2.7261587825228832, "y_pred": 4.024086522122861, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.140064839435226, "q_0.275": 3.2344832109780834, "q_0.3": 3.3287884686443454, "q_0.325": 3.4220083042936373, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.8218046644070816, "q_0.45": 3.8963750098615257, "q_0.475": 3.979310380219098, "q_0.5": 4.024086522122861, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.288444584877457, "q_0.6": 4.361198382691671, "q_0.625": 4.420720701382907, "q_0.65": 4.502286606293909, "q_0.675": 4.561676809710924, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.838782391137017, "q_0.775": 4.958763305706391, "q_0.8": 5.046483195940112, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.280781234023091, "q_0.9": 5.390976236028726, "q_0.925": 5.4854647229841955, "q_0.95": 5.566200935376754, "q_0.975": 5.679904757712986, "q_1": 6.27034173399522}, {"x": 72.82913165266106, "y": 4.230336563461151, "y_pred": 4.046112619647198, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.1501701453882007, "q_0.275": 3.2344832109780834, "q_0.3": 3.329921802687885, "q_0.325": 3.4271889629527417, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.8218046644070816, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.046112619647198, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.29034777830392, "q_0.6": 4.361198382691671, "q_0.625": 4.423826815144782, "q_0.65": 4.502286606293909, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.838782391137017, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.281448022228394, "q_0.9": 5.397399431414078, "q_0.925": 5.4854647229841955, "q_0.95": 5.567176255641547, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 72.86914765906363, "y": 2.550971946077841, "y_pred": 4.046112619647198, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.1501701453882007, "q_0.275": 3.2344832109780834, "q_0.3": 3.329921802687885, "q_0.325": 3.4271889629527417, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.8218046644070816, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.046112619647198, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.29034777830392, "q_0.6": 4.361198382691671, "q_0.625": 4.423826815144782, "q_0.65": 4.502286606293909, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.838782391137017, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.281448022228394, "q_0.9": 5.397399431414078, "q_0.925": 5.4854647229841955, "q_0.95": 5.567176255641547, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 72.9091636654662, "y": 3.8743859828269365, "y_pred": 4.046112619647198, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.1501701453882007, "q_0.275": 3.2344832109780834, "q_0.3": 3.329921802687885, "q_0.325": 3.4271889629527417, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.8218046644070816, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.046112619647198, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.29034777830392, "q_0.6": 4.361198382691671, "q_0.625": 4.423826815144782, "q_0.65": 4.502286606293909, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.838782391137017, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.281448022228394, "q_0.9": 5.397399431414078, "q_0.925": 5.4854647229841955, "q_0.95": 5.567176255641547, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 72.94917967186875, "y": 3.4214222699958308, "y_pred": 4.046112619647198, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.1501701453882007, "q_0.275": 3.2344832109780834, "q_0.3": 3.329921802687885, "q_0.325": 3.4271889629527417, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.8218046644070816, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.046112619647198, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.29034777830392, "q_0.6": 4.361198382691671, "q_0.625": 4.423826815144782, "q_0.65": 4.502286606293909, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.838782391137017, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.281448022228394, "q_0.9": 5.397399431414078, "q_0.925": 5.4854647229841955, "q_0.95": 5.567176255641547, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 72.98919567827132, "y": 5.120895260006234, "y_pred": 4.046112619647198, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.8934418200942686, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.1501701453882007, "q_0.275": 3.2344832109780834, "q_0.3": 3.329921802687885, "q_0.325": 3.4271889629527417, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.8218046644070816, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.046112619647198, "q_0.525": 4.119811094882084, "q_0.55": 4.220603647459683, "q_0.575": 4.29034777830392, "q_0.6": 4.361198382691671, "q_0.625": 4.423826815144782, "q_0.65": 4.502286606293909, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.756470150633469, "q_0.75": 4.838782391137017, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.116321735174258, "q_0.85": 5.20411836814297, "q_0.875": 5.281448022228394, "q_0.9": 5.397399431414078, "q_0.925": 5.4854647229841955, "q_0.95": 5.567176255641547, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.02921168467387, "y": 3.638729651089693, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.89450876599673, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.152976780080413, "q_0.275": 3.2372345560957414, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.832809198068837, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.50450104222292, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.838782391137017, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.210070557857085, "q_0.875": 5.283132550098833, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.567176255641547, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.06922769107643, "y": 5.524495419275915, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.89450876599673, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.152976780080413, "q_0.275": 3.2372345560957414, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.832809198068837, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.50450104222292, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.838782391137017, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.210070557857085, "q_0.875": 5.283132550098833, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.567176255641547, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.10924369747899, "y": 2.9437812094884075, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.89450876599673, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.152976780080413, "q_0.275": 3.2372345560957414, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.832809198068837, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.50450104222292, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.838782391137017, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.210070557857085, "q_0.875": 5.283132550098833, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.567176255641547, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.14925970388155, "y": 5.6312955078489795, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7030776585557437, "q_0.15": 2.7752713456731835, "q_0.175": 2.89450876599673, "q_0.2": 2.962533455573767, "q_0.225": 3.060694866210393, "q_0.25": 3.152976780080413, "q_0.275": 3.2372345560957414, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.832809198068837, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.50450104222292, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.838782391137017, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.210070557857085, "q_0.875": 5.283132550098833, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.567176255641547, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.18927571028412, "y": 4.408840676130108, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7030776585557437, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242295034838273, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.55669712167166, "q_0.375": 3.6386418513552403, "q_0.4": 3.760975381554718, "q_0.425": 3.832809198068837, "q_0.45": 3.9056931344661208, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.1242083959691955, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.211738144821734, "q_0.875": 5.294119633064461, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.581369898874254, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.22929171668667, "y": 2.6934805330247973, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7030776585557437, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242295034838273, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.55669712167166, "q_0.375": 3.6386418513552403, "q_0.4": 3.760975381554718, "q_0.425": 3.832809198068837, "q_0.45": 3.9056931344661208, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.1242083959691955, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.211738144821734, "q_0.875": 5.294119633064461, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.581369898874254, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.26930772308924, "y": 4.079324794188136, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7030776585557437, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242295034838273, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.55669712167166, "q_0.375": 3.6386418513552403, "q_0.4": 3.760975381554718, "q_0.425": 3.832809198068837, "q_0.45": 3.9056931344661208, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.1242083959691955, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.211738144821734, "q_0.875": 5.294119633064461, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.581369898874254, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.3093237294918, "y": 3.2299355074276637, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7030776585557437, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242295034838273, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.55669712167166, "q_0.375": 3.6386418513552403, "q_0.4": 3.760975381554718, "q_0.425": 3.832809198068837, "q_0.45": 3.9056931344661208, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.1242083959691955, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.211738144821734, "q_0.875": 5.294119633064461, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.581369898874254, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.34933973589436, "y": 4.976294712727836, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7030776585557437, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242295034838273, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.55669712167166, "q_0.375": 3.6386418513552403, "q_0.4": 3.760975381554718, "q_0.425": 3.832809198068837, "q_0.45": 3.9056931344661208, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.1242083959691955, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.211738144821734, "q_0.875": 5.294119633064461, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.581369898874254, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.38935574229693, "y": 4.62223438809014, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7030776585557437, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242295034838273, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.55669712167166, "q_0.375": 3.6386418513552403, "q_0.4": 3.760975381554718, "q_0.425": 3.832809198068837, "q_0.45": 3.9056931344661208, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.1242083959691955, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.211738144821734, "q_0.875": 5.294119633064461, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.581369898874254, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.42937174869948, "y": 2.486275174299173, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7030776585557437, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242295034838273, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.55669712167166, "q_0.375": 3.6386418513552403, "q_0.4": 3.760975381554718, "q_0.425": 3.832809198068837, "q_0.45": 3.9056931344661208, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.1242083959691955, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.117753451838315, "q_0.85": 5.211738144821734, "q_0.875": 5.294119633064461, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.581369898874254, "q_0.975": 5.688880183092184, "q_1": 6.27034173399522}, {"x": 73.46938775510205, "y": 3.7747173974049257, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.5094037615046, "y": 5.480315443217236, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.54941976790717, "y": 3.7403507254469526, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.58943577430972, "y": 4.960505677404949, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.62945178071229, "y": 2.671641687026599, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.66946778711485, "y": 5.409705679618207, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.7094837935174, "y": 4.085958042950805, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.74949979991997, "y": 5.704233539728868, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.78951580632253, "y": 4.213791349388775, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.8295318127251, "y": 5.057369683895255, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.86954781912766, "y": 5.795692993610903, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.90956382553021, "y": 4.913651734016552, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566500725226304, "q_0.375": 3.6386418513552403, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.910252596801945, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.144404360774186, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.369047328726295, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.853806814576997, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.691738554479791, "q_1": 6.27034173399522}, {"x": 73.94957983193278, "y": 4.361198382691671, "y_pred": 4.050160084879023, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.9056931344661208, "q_0.475": 3.979310380219098, "q_0.5": 4.050160084879023, "q_0.525": 4.1242083959691955, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.853190013363429, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.128485313318066, "q_0.85": 5.211738144821734, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.4871910874368695, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 73.98959583833533, "y": 3.5958245515213925, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.9019702146491886, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.50450104222292, "q_0.675": 4.583695234307296, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.495210124402969, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 74.0296118447379, "y": 2.4168897295118708, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.9019702146491886, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.50450104222292, "q_0.675": 4.583695234307296, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.495210124402969, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 74.06962785114045, "y": 3.8362449438349007, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.9019702146491886, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.50450104222292, "q_0.675": 4.583695234307296, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.495210124402969, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 74.10964385754302, "y": 3.7636963582322824, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.9019702146491886, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.50450104222292, "q_0.675": 4.583695234307296, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.495210124402969, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 74.14965986394559, "y": 5.2584893877247785, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7626471607673375, "q_0.425": 3.832809198068837, "q_0.45": 3.9019702146491886, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.50450104222292, "q_0.675": 4.583695234307296, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.495210124402969, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 74.18967587034814, "y": 2.9520467796015497, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.832809198068837, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.423826815144782, "q_0.65": 4.50450104222292, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.8509603468555325, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.495210124402969, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 74.2296918767507, "y": 4.967069307788265, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.832809198068837, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.423826815144782, "q_0.65": 4.50450104222292, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.8509603468555325, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.495210124402969, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 74.26970788315326, "y": 2.4004089868562732, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.832809198068837, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.423826815144782, "q_0.65": 4.50450104222292, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.8509603468555325, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.495210124402969, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 74.30972388955583, "y": 5.491711491191665, "y_pred": 4.047863185109052, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6043662997465216, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.062265049530021, "q_0.25": 3.152976780080413, "q_0.275": 3.242623967844317, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6363231385345163, "q_0.4": 3.7605574367515606, "q_0.425": 3.832809198068837, "q_0.45": 3.901450099337002, "q_0.475": 3.979310380219098, "q_0.5": 4.047863185109052, "q_0.525": 4.119811094882084, "q_0.55": 4.221343987754201, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.423826815144782, "q_0.65": 4.50450104222292, "q_0.675": 4.578294537006855, "q_0.7": 4.678755810464409, "q_0.725": 4.75823814862361, "q_0.75": 4.8509603468555325, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.216401239879421, "q_0.875": 5.294440466569178, "q_0.9": 5.404403799534432, "q_0.925": 5.495210124402969, "q_0.95": 5.584794707132016, "q_0.975": 5.702956197957832, "q_1": 6.27034173399522}, {"x": 74.3497398959584, "y": 4.696883024241005, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.38975590236095, "y": 3.803195230028378, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.42977190876351, "y": 3.2319040057379813, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.46978791516607, "y": 2.936751458127352, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.50980392156863, "y": 4.399331144616328, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.54981992797119, "y": 3.7605574367515606, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.58983593437375, "y": 4.97411632779562, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.62985194077632, "y": 5.5717570498688325, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.66986794717887, "y": 3.34409520742701, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.70988395358144, "y": 4.636393678132292, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.74989995998399, "y": 3.8083618384431666, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.78991596638656, "y": 2.4226713869881875, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.82993197278911, "y": 4.512375995836736, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.86994797919168, "y": 3.5943810041373774, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.90996398559425, "y": 2.3175745754580683, "y_pred": 4.0520077802237635, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4226713869881875, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.0520077802237635, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.294184614400879, "q_0.6": 4.361198382691671, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.681317684376906, "q_0.725": 4.75823814862361, "q_0.75": 4.852573212149856, "q_0.775": 4.960505677404949, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495210124402969, "q_0.95": 5.587477112847621, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.9499799919968, "y": 3.9915468113084107, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 74.98999599839937, "y": 2.6026000704071715, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.03001200480192, "y": 4.561676809710924, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.07002801120449, "y": 4.190975189173772, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.11004401760705, "y": 4.0959939948932345, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.1500600240096, "y": 5.690965784373352, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.19007603041217, "y": 5.4854647229841955, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.23009203681472, "y": 4.877852228063945, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.27010804321729, "y": 4.3800576741755854, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.31012404961984, "y": 3.192198307106177, "y_pred": 4.060502072620121, "target": "1", "q_0": 2.066855842303002, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.244838438779269, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.644382332341345, "q_0.4": 3.7626471607673375, "q_0.425": 3.8362449438349007, "q_0.45": 3.9125235968269525, "q_0.475": 3.979770958558184, "q_0.5": 4.060502072620121, "q_0.525": 4.1242083959691955, "q_0.55": 4.22260905747275, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.58431812300384, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.856649516072533, "q_0.775": 4.961953427274496, "q_0.8": 5.046483195940112, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.591714034526983, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.35014005602241, "y": 2.2999444669722795, "y_pred": 4.0657894611287055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6080234988107582, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.1552234269953887, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566677159535165, "q_0.375": 3.644382332341345, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.9802035798864055, "q_0.5": 4.0657894611287055, "q_0.525": 4.144404360774186, "q_0.55": 4.224737472506861, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.871559631764528, "q_0.775": 4.961953427274496, "q_0.8": 5.049225288538523, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.603447866587708, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.39015606242498, "y": 2.7076962068961796, "y_pred": 4.0657894611287055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6080234988107582, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.1552234269953887, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566677159535165, "q_0.375": 3.644382332341345, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.9802035798864055, "q_0.5": 4.0657894611287055, "q_0.525": 4.144404360774186, "q_0.55": 4.224737472506861, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.871559631764528, "q_0.775": 4.961953427274496, "q_0.8": 5.049225288538523, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.603447866587708, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.43017206882753, "y": 3.4416530888150776, "y_pred": 4.0657894611287055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6080234988107582, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.1552234269953887, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566677159535165, "q_0.375": 3.644382332341345, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.9802035798864055, "q_0.5": 4.0657894611287055, "q_0.525": 4.144404360774186, "q_0.55": 4.224737472506861, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.871559631764528, "q_0.775": 4.961953427274496, "q_0.8": 5.049225288538523, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.603447866587708, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.4701880752301, "y": 2.9902054968302236, "y_pred": 4.0657894611287055, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.337799323332726, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6080234988107582, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.962533455573767, "q_0.225": 3.0627632331165406, "q_0.25": 3.1552234269953887, "q_0.275": 3.2435312231451383, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.5566677159535165, "q_0.375": 3.644382332341345, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.9802035798864055, "q_0.5": 4.0657894611287055, "q_0.525": 4.144404360774186, "q_0.55": 4.224737472506861, "q_0.575": 4.2957353985901, "q_0.6": 4.374279959416117, "q_0.625": 4.426502371231264, "q_0.65": 4.507382818235483, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.871559631764528, "q_0.775": 4.961953427274496, "q_0.8": 5.049225288538523, "q_0.825": 5.1291143725727935, "q_0.85": 5.233940641614347, "q_0.875": 5.294440466569178, "q_0.9": 5.409705679618207, "q_0.925": 5.495417737331863, "q_0.95": 5.603447866587708, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.51020408163265, "y": 4.355712970799319, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.2957353985901, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.06110622508475, "q_0.825": 5.129819578235136, "q_0.85": 5.236870567443402, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.55022008803522, "y": 4.228024947372495, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.2957353985901, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.06110622508475, "q_0.825": 5.129819578235136, "q_0.85": 5.236870567443402, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.59023609443778, "y": 3.6975062934142597, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4274316564430234, "q_0.35": 3.556579498799086, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.2957353985901, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.689471288430305, "q_0.725": 4.76005565929704, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.06110622508475, "q_0.825": 5.129819578235136, "q_0.85": 5.236870567443402, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.63025210084034, "y": 5.200812083554782, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.300148268286122, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.692978978979894, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.062113582567358, "q_0.825": 5.129819578235136, "q_0.85": 5.240725161378595, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.6702681072429, "y": 4.947550843487259, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.300148268286122, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.692978978979894, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.062113582567358, "q_0.825": 5.129819578235136, "q_0.85": 5.240725161378595, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.71028411364546, "y": 4.789787571215517, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.300148268286122, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.692978978979894, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.062113582567358, "q_0.825": 5.129819578235136, "q_0.85": 5.240725161378595, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.75030012004802, "y": 4.112452992381539, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.300148268286122, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.692978978979894, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.062113582567358, "q_0.825": 5.129819578235136, "q_0.85": 5.240725161378595, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.79031612645058, "y": 2.4317671996431187, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.300148268286122, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.692978978979894, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.062113582567358, "q_0.825": 5.129819578235136, "q_0.85": 5.240725161378595, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.83033213285314, "y": 3.8401305046081626, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.300148268286122, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.692978978979894, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.062113582567358, "q_0.825": 5.129819578235136, "q_0.85": 5.240725161378595, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.87034813925571, "y": 4.101146211135459, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.300148268286122, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.692978978979894, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.062113582567358, "q_0.825": 5.129819578235136, "q_0.85": 5.240725161378595, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.91036414565826, "y": 3.913632040594817, "y_pred": 4.069461891461078, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.3384892224670906, "q_0.05": 2.4380251802461514, "q_0.075": 2.5244317437828445, "q_0.1": 2.6116806978749945, "q_0.125": 2.7031510799684204, "q_0.15": 2.779803099560721, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1718651512621157, "q_0.275": 3.2454678388994074, "q_0.3": 3.329921802687885, "q_0.325": 3.4287420980806305, "q_0.35": 3.55669712167166, "q_0.375": 3.6521887366434163, "q_0.4": 3.7631840033611823, "q_0.425": 3.8362449438349007, "q_0.45": 3.913632040594817, "q_0.475": 3.983775901456809, "q_0.5": 4.069461891461078, "q_0.525": 4.144404360774186, "q_0.55": 4.2252784842081015, "q_0.575": 4.300148268286122, "q_0.6": 4.375882358761977, "q_0.625": 4.4308390385267025, "q_0.65": 4.512375995836736, "q_0.675": 4.586837842398975, "q_0.7": 4.692978978979894, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.9629853738879, "q_0.8": 5.062113582567358, "q_0.825": 5.129819578235136, "q_0.85": 5.240725161378595, "q_0.875": 5.294908794287287, "q_0.9": 5.4109510529294305, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.704233539728868, "q_1": 6.27034173399522}, {"x": 75.95038015206083, "y": 2.290056316871354, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 75.99039615846338, "y": 4.66403536107058, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.03041216486595, "y": 3.2172131323844195, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.07042817126852, "y": 2.4380251802461514, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.11044417767107, "y": 4.119811094882084, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.15046018407364, "y": 5.649102301940937, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.19047619047619, "y": 2.383009982939651, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.23049219687876, "y": 2.325701158185188, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.27050820328131, "y": 4.4308390385267025, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.31052420968388, "y": 4.267209126748386, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.35054021608644, "y": 2.3336349994424728, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.390556222489, "y": 2.6543719937017753, "y_pred": 4.072778394354127, "target": "1", "q_0": 2.0668558423030023, "q_0.025": 2.352851368246699, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7031510799684204, "q_0.15": 2.7921501600611567, "q_0.175": 2.895297378185509, "q_0.2": 2.9755562752277127, "q_0.225": 3.0627632331165406, "q_0.25": 3.1754413821479606, "q_0.275": 3.2454678388994074, "q_0.3": 3.348939430882915, "q_0.325": 3.438373754473228, "q_0.35": 3.5638866232853736, "q_0.375": 3.6599825503871974, "q_0.4": 3.774694353019568, "q_0.425": 3.8401305046081626, "q_0.45": 3.9142599852228352, "q_0.475": 3.986874204152582, "q_0.5": 4.072778394354127, "q_0.525": 4.159624545279746, "q_0.55": 4.228024947372495, "q_0.575": 4.305674944555796, "q_0.6": 4.377901776833773, "q_0.625": 4.432607723991004, "q_0.65": 4.512375995836736, "q_0.675": 4.61399667490164, "q_0.7": 4.693400473081786, "q_0.725": 4.764920622283495, "q_0.75": 4.877852228063945, "q_0.775": 4.967069307788265, "q_0.8": 5.062223015865831, "q_0.825": 5.139244774896667, "q_0.85": 5.244216861948782, "q_0.875": 5.300828399401942, "q_0.9": 5.427735484863346, "q_0.925": 5.505751867249882, "q_0.95": 5.607543952289076, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.43057222889156, "y": 5.345281114685981, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3689382163280093, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7076962068961796, "q_0.15": 2.7926220567241433, "q_0.175": 2.895784684580308, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.177639167481428, "q_0.275": 3.2457823281973135, "q_0.3": 3.3497418518180684, "q_0.325": 3.4416530888150776, "q_0.35": 3.5672951092335428, "q_0.375": 3.662533919791173, "q_0.4": 3.7747173974049257, "q_0.425": 3.8401305046081626, "q_0.45": 3.915578403502124, "q_0.475": 3.986874204152582, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.228024947372495, "q_0.575": 4.313556461719718, "q_0.6": 4.3800576741755854, "q_0.625": 4.432607723991004, "q_0.65": 4.513975849148123, "q_0.675": 4.61399667490164, "q_0.7": 4.696883024241005, "q_0.725": 4.780415527265166, "q_0.75": 4.8865635136613434, "q_0.775": 4.967069307788265, "q_0.8": 5.070988544797505, "q_0.825": 5.139244774896667, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.42818894426093, "q_0.925": 5.50742291941255, "q_0.95": 5.619435163447077, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.47058823529412, "y": 3.937719798640096, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3689382163280093, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.6139177923910553, "q_0.125": 2.7076962068961796, "q_0.15": 2.7926220567241433, "q_0.175": 2.895784684580308, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.177639167481428, "q_0.275": 3.2457823281973135, "q_0.3": 3.3497418518180684, "q_0.325": 3.4416530888150776, "q_0.35": 3.5672951092335428, "q_0.375": 3.662533919791173, "q_0.4": 3.7747173974049257, "q_0.425": 3.8401305046081626, "q_0.45": 3.915578403502124, "q_0.475": 3.986874204152582, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.228024947372495, "q_0.575": 4.313556461719718, "q_0.6": 4.3800576741755854, "q_0.625": 4.432607723991004, "q_0.65": 4.513975849148123, "q_0.675": 4.61399667490164, "q_0.7": 4.696883024241005, "q_0.725": 4.780415527265166, "q_0.75": 4.8865635136613434, "q_0.775": 4.967069307788265, "q_0.8": 5.070988544797505, "q_0.825": 5.139244774896667, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.42818894426093, "q_0.925": 5.50742291941255, "q_0.95": 5.619435163447077, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.51060424169668, "y": 2.73347506689043, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3689382163280093, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7926220567241433, "q_0.175": 2.895784684580308, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2457823281973135, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.840713162675219, "q_0.45": 3.915578403502124, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230252418408611, "q_0.575": 4.313556461719718, "q_0.6": 4.3800576741755854, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.61399667490164, "q_0.7": 4.696883024241005, "q_0.725": 4.783936856720974, "q_0.75": 4.887704204209184, "q_0.775": 4.968028921493171, "q_0.8": 5.070988544797505, "q_0.825": 5.1450346923815085, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.619435163447077, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.55062024809924, "y": 2.849518772968909, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3689382163280093, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7926220567241433, "q_0.175": 2.895784684580308, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2457823281973135, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.840713162675219, "q_0.45": 3.915578403502124, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230252418408611, "q_0.575": 4.313556461719718, "q_0.6": 4.3800576741755854, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.61399667490164, "q_0.7": 4.696883024241005, "q_0.725": 4.783936856720974, "q_0.75": 4.887704204209184, "q_0.775": 4.968028921493171, "q_0.8": 5.070988544797505, "q_0.825": 5.1450346923815085, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.619435163447077, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.5906362545018, "y": 4.522029453055156, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3689382163280093, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7926220567241433, "q_0.175": 2.895784684580308, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2457823281973135, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.840713162675219, "q_0.45": 3.915578403502124, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230252418408611, "q_0.575": 4.313556461719718, "q_0.6": 4.3800576741755854, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.61399667490164, "q_0.7": 4.696883024241005, "q_0.725": 4.783936856720974, "q_0.75": 4.887704204209184, "q_0.775": 4.968028921493171, "q_0.8": 5.070988544797505, "q_0.825": 5.1450346923815085, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.619435163447077, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.63065226090437, "y": 3.4844013496499624, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3689382163280093, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7926220567241433, "q_0.175": 2.895784684580308, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2457823281973135, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.840713162675219, "q_0.45": 3.915578403502124, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230252418408611, "q_0.575": 4.313556461719718, "q_0.6": 4.3800576741755854, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.61399667490164, "q_0.7": 4.696883024241005, "q_0.725": 4.783936856720974, "q_0.75": 4.887704204209184, "q_0.775": 4.968028921493171, "q_0.8": 5.070988544797505, "q_0.825": 5.1450346923815085, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.619435163447077, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.67066826730692, "y": 2.3722935927770665, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3689382163280093, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7926220567241433, "q_0.175": 2.895784684580308, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2457823281973135, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.840713162675219, "q_0.45": 3.915578403502124, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230252418408611, "q_0.575": 4.313556461719718, "q_0.6": 4.3800576741755854, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.61399667490164, "q_0.7": 4.696883024241005, "q_0.725": 4.783936856720974, "q_0.75": 4.887704204209184, "q_0.775": 4.968028921493171, "q_0.8": 5.070988544797505, "q_0.825": 5.1450346923815085, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.619435163447077, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.71068427370949, "y": 4.61399667490164, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3705100147784943, "q_0.05": 2.4380251802461514, "q_0.075": 2.532010158235437, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7931681373346753, "q_0.175": 2.895784684580308, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.840713162675219, "q_0.45": 3.915578403502124, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230252418408611, "q_0.575": 4.313556461719718, "q_0.6": 4.3800576741755854, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.61399667490164, "q_0.7": 4.696883024241005, "q_0.725": 4.783936856720974, "q_0.75": 4.887704204209184, "q_0.775": 4.968028921493171, "q_0.8": 5.070988544797505, "q_0.825": 5.139244774896667, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.712003872297639, "q_1": 6.27034173399522}, {"x": 76.75070028011204, "y": 2.3972058326610757, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3705100147784943, "q_0.05": 2.438457476535858, "q_0.075": 2.5375850537160143, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7953524597768027, "q_0.175": 2.896176512441606, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.841574218329812, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.383043426725088, "q_0.625": 4.443391487815205, "q_0.65": 4.5145015727746625, "q_0.675": 4.615262338419963, "q_0.7": 4.698167283857219, "q_0.725": 4.783936856720974, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 76.79071628651461, "y": 2.6837326405008817, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3705100147784943, "q_0.05": 2.438457476535858, "q_0.075": 2.5375850537160143, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7953524597768027, "q_0.175": 2.896176512441606, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.841574218329812, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.383043426725088, "q_0.625": 4.443391487815205, "q_0.65": 4.5145015727746625, "q_0.675": 4.615262338419963, "q_0.7": 4.698167283857219, "q_0.725": 4.783936856720974, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 76.83073229291718, "y": 2.8621760078340626, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3705100147784943, "q_0.05": 2.438457476535858, "q_0.075": 2.5375850537160143, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7953524597768027, "q_0.175": 2.896176512441606, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.841574218329812, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.383043426725088, "q_0.625": 4.443391487815205, "q_0.65": 4.5145015727746625, "q_0.675": 4.615262338419963, "q_0.7": 4.698167283857219, "q_0.725": 4.783936856720974, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 76.87074829931973, "y": 2.805568500737486, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3705100147784943, "q_0.05": 2.438457476535858, "q_0.075": 2.5375850537160143, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7953524597768027, "q_0.175": 2.896176512441606, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.841574218329812, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.383043426725088, "q_0.625": 4.443391487815205, "q_0.65": 4.5145015727746625, "q_0.675": 4.615262338419963, "q_0.7": 4.698167283857219, "q_0.725": 4.783936856720974, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 76.9107643057223, "y": 5.07817765281532, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3705100147784943, "q_0.05": 2.438457476535858, "q_0.075": 2.5375850537160143, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7953524597768027, "q_0.175": 2.896176512441606, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.841574218329812, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.383043426725088, "q_0.625": 4.443391487815205, "q_0.65": 4.5145015727746625, "q_0.675": 4.615262338419963, "q_0.7": 4.698167283857219, "q_0.725": 4.783936856720974, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 76.95078031212485, "y": 2.6230128182596943, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.12444804261836, "q_0.025": 2.3705100147784943, "q_0.05": 2.438457476535858, "q_0.075": 2.5375850537160143, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7953524597768027, "q_0.175": 2.896176512441606, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.841574218329812, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.383043426725088, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.615262338419963, "q_0.7": 4.698167283857219, "q_0.725": 4.783936856720974, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 76.99079631852742, "y": 2.8262046734017745, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.12444804261836, "q_0.025": 2.3705100147784943, "q_0.05": 2.438457476535858, "q_0.075": 2.5375850537160143, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7953524597768027, "q_0.175": 2.896176512441606, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.841574218329812, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.383043426725088, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.615262338419963, "q_0.7": 4.698167283857219, "q_0.725": 4.783936856720974, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 77.03081232492997, "y": 3.9235419918001844, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.12444804261836, "q_0.025": 2.3705100147784943, "q_0.05": 2.438457476535858, "q_0.075": 2.5375850537160143, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7953524597768027, "q_0.175": 2.896176512441606, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.841574218329812, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.383043426725088, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.615262338419963, "q_0.7": 4.698167283857219, "q_0.725": 4.783936856720974, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 77.07082833133254, "y": 2.7953524597768027, "y_pred": 4.074733964211663, "target": "1", "q_0": 2.12444804261836, "q_0.025": 2.3705100147784943, "q_0.05": 2.438457476535858, "q_0.075": 2.5375850537160143, "q_0.1": 2.626790682100312, "q_0.125": 2.7076962068961796, "q_0.15": 2.7953524597768027, "q_0.175": 2.896176512441606, "q_0.2": 2.9846186979446383, "q_0.225": 3.070399006042915, "q_0.25": 3.178037640858844, "q_0.275": 3.2472847296993383, "q_0.3": 3.352198557724701, "q_0.325": 3.4416530888150776, "q_0.35": 3.575211140266689, "q_0.375": 3.6686483526170925, "q_0.4": 3.7747173974049257, "q_0.425": 3.841574218329812, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.074733964211663, "q_0.525": 4.160652236291072, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.383043426725088, "q_0.625": 4.440964031867401, "q_0.65": 4.5145015727746625, "q_0.675": 4.615262338419963, "q_0.7": 4.698167283857219, "q_0.725": 4.783936856720974, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.249412450388658, "q_0.875": 5.300828399401942, "q_0.9": 5.433399279033473, "q_0.925": 5.516892215000944, "q_0.95": 5.6194902076979645, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 77.1108443377351, "y": 5.027478862230059, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3811461727431555, "q_0.05": 2.438457476535858, "q_0.075": 2.53964788689891, "q_0.1": 2.6282476375694124, "q_0.125": 2.714189113958136, "q_0.15": 2.7953524597768027, "q_0.175": 2.907311205076903, "q_0.2": 2.992355329402174, "q_0.225": 3.0713365782868456, "q_0.25": 3.1803893266668584, "q_0.275": 3.258385873746776, "q_0.3": 3.3528215475055045, "q_0.325": 3.4624759939988508, "q_0.35": 3.575211140266689, "q_0.375": 3.6728362355532678, "q_0.4": 3.781561671262624, "q_0.425": 3.8421760013767297, "q_0.45": 3.9235419918001844, "q_0.475": 3.9915468113084107, "q_0.5": 4.08514029514217, "q_0.525": 4.162900994680669, "q_0.55": 4.230336563461151, "q_0.575": 4.321950756108855, "q_0.6": 4.386746105165258, "q_0.625": 4.443391487815205, "q_0.65": 4.516051055433561, "q_0.675": 4.617894640017489, "q_0.7": 4.7041544941924425, "q_0.725": 4.784636625204954, "q_0.75": 4.9003724638075195, "q_0.775": 4.968028921493171, "q_0.8": 5.075906389347386, "q_0.825": 5.14931419660949, "q_0.85": 5.252476581828642, "q_0.875": 5.300828399401942, "q_0.9": 5.434266789690643, "q_0.925": 5.516892215000944, "q_0.95": 5.624559174385009, "q_0.975": 5.717322535659728, "q_1": 6.27034173399522}, {"x": 77.15086034413766, "y": 4.074733964211663, "y_pred": 4.0959939948932345, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.383009982939651, "q_0.05": 2.4491475731569237, "q_0.075": 2.549583991214769, "q_0.1": 2.6417157379116865, "q_0.125": 2.7279028292097647, "q_0.15": 2.8262046734017745, "q_0.175": 2.9153702112558006, "q_0.2": 3.020564526122191, "q_0.225": 3.1125389204175766, "q_0.25": 3.2172131323844195, "q_0.275": 3.2892852977607623, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.589956712437207, "q_0.375": 3.7370926455715083, "q_0.4": 3.8033061560589747, "q_0.425": 3.8743859828269365, "q_0.45": 3.938207831627754, "q_0.475": 4.016884950305297, "q_0.5": 4.0959939948932345, "q_0.525": 4.190824560773652, "q_0.55": 4.25056124416727, "q_0.575": 4.342365636232222, "q_0.6": 4.402952275265316, "q_0.625": 4.458793381669393, "q_0.65": 4.526511379227445, "q_0.675": 4.639752850311846, "q_0.7": 4.736177265394555, "q_0.725": 4.810891937572263, "q_0.75": 4.929184037767474, "q_0.775": 4.986790350502121, "q_0.8": 5.0913926116210195, "q_0.825": 5.168472203483976, "q_0.85": 5.257417129892941, "q_0.875": 5.326908514789949, "q_0.9": 5.452978338295401, "q_0.925": 5.524495419275915, "q_0.95": 5.6312955078489795, "q_0.975": 5.781634551719325, "q_1": 6.27034173399522}, {"x": 77.19087635054022, "y": 5.516892215000944, "y_pred": 4.0959939948932345, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.383009982939651, "q_0.05": 2.4491475731569237, "q_0.075": 2.549583991214769, "q_0.1": 2.6417157379116865, "q_0.125": 2.7279028292097647, "q_0.15": 2.8262046734017745, "q_0.175": 2.9153702112558006, "q_0.2": 3.020564526122191, "q_0.225": 3.1125389204175766, "q_0.25": 3.2172131323844195, "q_0.275": 3.2892852977607623, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.589956712437207, "q_0.375": 3.7370926455715083, "q_0.4": 3.8033061560589747, "q_0.425": 3.8743859828269365, "q_0.45": 3.938207831627754, "q_0.475": 4.016884950305297, "q_0.5": 4.0959939948932345, "q_0.525": 4.190824560773652, "q_0.55": 4.25056124416727, "q_0.575": 4.342365636232222, "q_0.6": 4.402952275265316, "q_0.625": 4.458793381669393, "q_0.65": 4.526511379227445, "q_0.675": 4.639752850311846, "q_0.7": 4.736177265394555, "q_0.725": 4.810891937572263, "q_0.75": 4.929184037767474, "q_0.775": 4.986790350502121, "q_0.8": 5.0913926116210195, "q_0.825": 5.168472203483976, "q_0.85": 5.257417129892941, "q_0.875": 5.326908514789949, "q_0.9": 5.452978338295401, "q_0.925": 5.524495419275915, "q_0.95": 5.6312955078489795, "q_0.975": 5.781634551719325, "q_1": 6.27034173399522}, {"x": 77.23089235694277, "y": 2.4214051269528722, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.383009982939651, "q_0.05": 2.4491475731569237, "q_0.075": 2.549583991214769, "q_0.1": 2.6417157379116865, "q_0.125": 2.7279028292097647, "q_0.15": 2.8262822081381747, "q_0.175": 2.9196279721722176, "q_0.2": 3.023530191254946, "q_0.225": 3.1125389204175766, "q_0.25": 3.2254316406353265, "q_0.275": 3.3060480622945105, "q_0.3": 3.380000592960841, "q_0.325": 3.4823326439843876, "q_0.35": 3.591416837860331, "q_0.375": 3.7403507254469526, "q_0.4": 3.8083618384431666, "q_0.425": 3.8743859828269365, "q_0.45": 3.9401339462881877, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.204894416645397, "q_0.55": 4.268530319651792, "q_0.575": 4.345944391037823, "q_0.6": 4.408840676130108, "q_0.625": 4.4667994860864075, "q_0.65": 4.5307585434556135, "q_0.675": 4.65576149703457, "q_0.7": 4.743657261949687, "q_0.725": 4.821540911430054, "q_0.75": 4.9295437696061, "q_0.775": 5.00002727652422, "q_0.8": 5.0913926116210195, "q_0.825": 5.168472203483976, "q_0.85": 5.2584893877247785, "q_0.875": 5.333606511110667, "q_0.9": 5.452978338295401, "q_0.925": 5.524495419275915, "q_0.95": 5.6312955078489795, "q_0.975": 5.785466531779461, "q_1": 6.27034173399522}, {"x": 77.27090836334534, "y": 5.428295069291355, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3859252515807206, "q_0.05": 2.4491475731569237, "q_0.075": 2.549583991214769, "q_0.1": 2.6516303677934694, "q_0.125": 2.7292680103113987, "q_0.15": 2.8262822081381747, "q_0.175": 2.922055849375466, "q_0.2": 3.024477499172284, "q_0.225": 3.113677407994869, "q_0.25": 3.2254316406353265, "q_0.275": 3.3060480622945105, "q_0.3": 3.380000592960841, "q_0.325": 3.4823326439843876, "q_0.35": 3.5904725201537255, "q_0.375": 3.7403507254469526, "q_0.4": 3.8083618384431666, "q_0.425": 3.874775256516427, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.213791349388775, "q_0.55": 4.2762798196995, "q_0.575": 4.345944391037823, "q_0.6": 4.408840676130108, "q_0.625": 4.469765744176254, "q_0.65": 4.542961787693435, "q_0.675": 4.65576149703457, "q_0.7": 4.751295572180412, "q_0.725": 4.824497756750446, "q_0.75": 4.947550843487259, "q_0.775": 5.001286072939259, "q_0.8": 5.098247006205668, "q_0.825": 5.185038310859877, "q_0.85": 5.2584893877247785, "q_0.875": 5.3424650365918325, "q_0.9": 5.468516797645426, "q_0.925": 5.54762208330054, "q_0.95": 5.646216463682951, "q_0.975": 5.7864234980830105, "q_1": 6.27034173399522}, {"x": 77.31092436974791, "y": 2.8476929307854313, "y_pred": 4.102839283973845, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3859252515807206, "q_0.05": 2.4566492217258977, "q_0.075": 2.550971946077841, "q_0.1": 2.6543719937017753, "q_0.125": 2.7292680103113987, "q_0.15": 2.849518772968909, "q_0.175": 2.9267520380692553, "q_0.2": 3.025858539312837, "q_0.225": 3.1208812296169146, "q_0.25": 3.228159419003859, "q_0.275": 3.3075176055432403, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5943810041373774, "q_0.375": 3.7403507254469526, "q_0.4": 3.812179321231008, "q_0.425": 3.894797686267373, "q_0.45": 3.955143008951596, "q_0.475": 4.01866113922733, "q_0.5": 4.102839283973845, "q_0.525": 4.219264119489327, "q_0.55": 4.283045803844111, "q_0.575": 4.355712970799319, "q_0.6": 4.415345649678461, "q_0.625": 4.487559006510527, "q_0.65": 4.561676809710924, "q_0.675": 4.66209043281477, "q_0.7": 4.754059493179085, "q_0.725": 4.824710676152548, "q_0.75": 4.952956496444671, "q_0.775": 5.016816119104931, "q_0.8": 5.10512455366794, "q_0.825": 5.1908939379888235, "q_0.85": 5.266816223503857, "q_0.875": 5.345281114685981, "q_0.9": 5.470539204424071, "q_0.925": 5.562253903587296, "q_0.95": 5.649102301940937, "q_0.975": 5.786662739658899, "q_1": 6.27034173399522}, {"x": 77.35094037615046, "y": 5.688880183092184, "y_pred": 4.102839283973845, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3859252515807206, "q_0.05": 2.4566492217258977, "q_0.075": 2.550971946077841, "q_0.1": 2.6543719937017753, "q_0.125": 2.7292680103113987, "q_0.15": 2.849518772968909, "q_0.175": 2.9267520380692553, "q_0.2": 3.025858539312837, "q_0.225": 3.1208812296169146, "q_0.25": 3.228159419003859, "q_0.275": 3.3075176055432403, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5943810041373774, "q_0.375": 3.7403507254469526, "q_0.4": 3.812179321231008, "q_0.425": 3.894797686267373, "q_0.45": 3.955143008951596, "q_0.475": 4.01866113922733, "q_0.5": 4.102839283973845, "q_0.525": 4.219264119489327, "q_0.55": 4.283045803844111, "q_0.575": 4.355712970799319, "q_0.6": 4.415345649678461, "q_0.625": 4.487559006510527, "q_0.65": 4.561676809710924, "q_0.675": 4.66209043281477, "q_0.7": 4.754059493179085, "q_0.725": 4.824710676152548, "q_0.75": 4.952956496444671, "q_0.775": 5.016816119104931, "q_0.8": 5.10512455366794, "q_0.825": 5.1908939379888235, "q_0.85": 5.266816223503857, "q_0.875": 5.345281114685981, "q_0.9": 5.470539204424071, "q_0.925": 5.562253903587296, "q_0.95": 5.649102301940937, "q_0.975": 5.786662739658899, "q_1": 6.27034173399522}, {"x": 77.39095638255303, "y": 3.4823326439843876, "y_pred": 4.106844584877033, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.5634086947733996, "q_0.1": 2.6543719937017753, "q_0.125": 2.7314628360912634, "q_0.15": 2.852885916079155, "q_0.175": 2.936751458127352, "q_0.2": 3.0313157533240775, "q_0.225": 3.1319274838423254, "q_0.25": 3.2299355074276637, "q_0.275": 3.30922675123002, "q_0.3": 3.39294710354336, "q_0.325": 3.487160243873938, "q_0.35": 3.5943810041373774, "q_0.375": 3.750507003847826, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.022717216561261, "q_0.5": 4.106844584877033, "q_0.525": 4.220603647459683, "q_0.55": 4.288444584877457, "q_0.575": 4.35845326247657, "q_0.6": 4.420720701382907, "q_0.625": 4.502286606293909, "q_0.65": 4.578294537006855, "q_0.675": 4.678755810464409, "q_0.7": 4.756470150633469, "q_0.725": 4.838782391137017, "q_0.75": 4.958608440376249, "q_0.775": 5.034888012746781, "q_0.8": 5.1150846649757185, "q_0.825": 5.200812083554782, "q_0.85": 5.274459398427366, "q_0.875": 5.382753321734516, "q_0.9": 5.474754932592035, "q_0.925": 5.567176255641547, "q_0.95": 5.651166593727051, "q_0.975": 5.795692993610903, "q_1": 6.27034173399522}, {"x": 77.43097238895558, "y": 4.162900994680669, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.5634086947733996, "q_0.1": 2.6543719937017753, "q_0.125": 2.7314628360912634, "q_0.15": 2.852885916079155, "q_0.175": 2.951597313679295, "q_0.2": 3.038574688500715, "q_0.225": 3.1372571353673058, "q_0.25": 3.2319040057379813, "q_0.275": 3.313801822026567, "q_0.3": 3.39294710354336, "q_0.325": 3.4941224583668444, "q_0.35": 3.5943810041373774, "q_0.375": 3.7547772126378556, "q_0.4": 3.832809198068837, "q_0.425": 3.901450099337002, "q_0.45": 3.9709553542015694, "q_0.475": 4.023712033402997, "q_0.5": 4.119811094882084, "q_0.525": 4.22260905747275, "q_0.55": 4.2957353985901, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.507382818235483, "q_0.65": 4.58431812300384, "q_0.675": 4.681317684376906, "q_0.7": 4.76005565929704, "q_0.725": 4.852573212149856, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.116321735174258, "q_0.825": 5.210070557857085, "q_0.85": 5.278189101923205, "q_0.875": 5.38334529853516, "q_0.9": 5.47772218589268, "q_0.925": 5.583490735471294, "q_0.95": 5.655143783909511, "q_0.975": 5.797691686172592, "q_1": 6.27034173399522}, {"x": 77.47098839535815, "y": 2.369809405970749, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.5634086947733996, "q_0.1": 2.6543719937017753, "q_0.125": 2.7314628360912634, "q_0.15": 2.852885916079155, "q_0.175": 2.951597313679295, "q_0.2": 3.038574688500715, "q_0.225": 3.1372571353673058, "q_0.25": 3.2319040057379813, "q_0.275": 3.313801822026567, "q_0.3": 3.39294710354336, "q_0.325": 3.4941224583668444, "q_0.35": 3.5943810041373774, "q_0.375": 3.7547772126378556, "q_0.4": 3.832809198068837, "q_0.425": 3.901450099337002, "q_0.45": 3.9709553542015694, "q_0.475": 4.023712033402997, "q_0.5": 4.119811094882084, "q_0.525": 4.22260905747275, "q_0.55": 4.2957353985901, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.507382818235483, "q_0.65": 4.58431812300384, "q_0.675": 4.681317684376906, "q_0.7": 4.76005565929704, "q_0.725": 4.852573212149856, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.116321735174258, "q_0.825": 5.210070557857085, "q_0.85": 5.278189101923205, "q_0.875": 5.38334529853516, "q_0.9": 5.47772218589268, "q_0.925": 5.583490735471294, "q_0.95": 5.655143783909511, "q_0.975": 5.797691686172592, "q_1": 6.27034173399522}, {"x": 77.5110044017607, "y": 4.968028921493171, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.5634086947733996, "q_0.1": 2.6543719937017753, "q_0.125": 2.7314628360912634, "q_0.15": 2.852885916079155, "q_0.175": 2.951597313679295, "q_0.2": 3.038574688500715, "q_0.225": 3.1372571353673058, "q_0.25": 3.2319040057379813, "q_0.275": 3.313801822026567, "q_0.3": 3.39294710354336, "q_0.325": 3.4941224583668444, "q_0.35": 3.5943810041373774, "q_0.375": 3.7547772126378556, "q_0.4": 3.832809198068837, "q_0.425": 3.901450099337002, "q_0.45": 3.9709553542015694, "q_0.475": 4.023712033402997, "q_0.5": 4.119811094882084, "q_0.525": 4.22260905747275, "q_0.55": 4.2957353985901, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.507382818235483, "q_0.65": 4.58431812300384, "q_0.675": 4.681317684376906, "q_0.7": 4.76005565929704, "q_0.725": 4.852573212149856, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.116321735174258, "q_0.825": 5.210070557857085, "q_0.85": 5.278189101923205, "q_0.875": 5.38334529853516, "q_0.9": 5.47772218589268, "q_0.925": 5.583490735471294, "q_0.95": 5.655143783909511, "q_0.975": 5.797691686172592, "q_1": 6.27034173399522}, {"x": 77.55102040816327, "y": 3.070399006042915, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.5634086947733996, "q_0.1": 2.6543719937017753, "q_0.125": 2.7314628360912634, "q_0.15": 2.852885916079155, "q_0.175": 2.951597313679295, "q_0.2": 3.038574688500715, "q_0.225": 3.1372571353673058, "q_0.25": 3.2319040057379813, "q_0.275": 3.313801822026567, "q_0.3": 3.39294710354336, "q_0.325": 3.4941224583668444, "q_0.35": 3.5943810041373774, "q_0.375": 3.7547772126378556, "q_0.4": 3.832809198068837, "q_0.425": 3.901450099337002, "q_0.45": 3.9709553542015694, "q_0.475": 4.023712033402997, "q_0.5": 4.119811094882084, "q_0.525": 4.22260905747275, "q_0.55": 4.2957353985901, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.507382818235483, "q_0.65": 4.58431812300384, "q_0.675": 4.681317684376906, "q_0.7": 4.76005565929704, "q_0.725": 4.852573212149856, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.116321735174258, "q_0.825": 5.210070557857085, "q_0.85": 5.278189101923205, "q_0.875": 5.38334529853516, "q_0.9": 5.47772218589268, "q_0.925": 5.583490735471294, "q_0.95": 5.655143783909511, "q_0.975": 5.797691686172592, "q_1": 6.27034173399522}, {"x": 77.59103641456583, "y": 5.659848116184113, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.5634086947733996, "q_0.1": 2.6543719937017753, "q_0.125": 2.7314628360912634, "q_0.15": 2.852885916079155, "q_0.175": 2.951597313679295, "q_0.2": 3.038574688500715, "q_0.225": 3.1372571353673058, "q_0.25": 3.2319040057379813, "q_0.275": 3.313801822026567, "q_0.3": 3.39294710354336, "q_0.325": 3.4941224583668444, "q_0.35": 3.5943810041373774, "q_0.375": 3.7547772126378556, "q_0.4": 3.832809198068837, "q_0.425": 3.901450099337002, "q_0.45": 3.9709553542015694, "q_0.475": 4.023712033402997, "q_0.5": 4.119811094882084, "q_0.525": 4.22260905747275, "q_0.55": 4.2957353985901, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.507382818235483, "q_0.65": 4.58431812300384, "q_0.675": 4.681317684376906, "q_0.7": 4.76005565929704, "q_0.725": 4.852573212149856, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.116321735174258, "q_0.825": 5.210070557857085, "q_0.85": 5.278189101923205, "q_0.875": 5.38334529853516, "q_0.9": 5.47772218589268, "q_0.925": 5.583490735471294, "q_0.95": 5.655143783909511, "q_0.975": 5.797691686172592, "q_1": 6.27034173399522}, {"x": 77.63105242096839, "y": 4.721682287041723, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.5634086947733996, "q_0.1": 2.6543719937017753, "q_0.125": 2.7314628360912634, "q_0.15": 2.852885916079155, "q_0.175": 2.951597313679295, "q_0.2": 3.038574688500715, "q_0.225": 3.1372571353673058, "q_0.25": 3.2319040057379813, "q_0.275": 3.313801822026567, "q_0.3": 3.39294710354336, "q_0.325": 3.4941224583668444, "q_0.35": 3.5943810041373774, "q_0.375": 3.7547772126378556, "q_0.4": 3.832809198068837, "q_0.425": 3.901450099337002, "q_0.45": 3.9709553542015694, "q_0.475": 4.023712033402997, "q_0.5": 4.119811094882084, "q_0.525": 4.22260905747275, "q_0.55": 4.2957353985901, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.507382818235483, "q_0.65": 4.58431812300384, "q_0.675": 4.681317684376906, "q_0.7": 4.76005565929704, "q_0.725": 4.852573212149856, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.116321735174258, "q_0.825": 5.210070557857085, "q_0.85": 5.278189101923205, "q_0.875": 5.38334529853516, "q_0.9": 5.47772218589268, "q_0.925": 5.583490735471294, "q_0.95": 5.655143783909511, "q_0.975": 5.797691686172592, "q_1": 6.27034173399522}, {"x": 77.67106842737095, "y": 3.3287884686443454, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.571456478035223, "q_0.1": 2.6665159314249776, "q_0.125": 2.747622889008604, "q_0.15": 2.8621760078340626, "q_0.175": 2.9520467796015497, "q_0.2": 3.0491145060714273, "q_0.225": 3.1389550153975248, "q_0.25": 3.2372345560957414, "q_0.275": 3.3209807744696085, "q_0.3": 3.4024941368374733, "q_0.325": 3.4941224583668444, "q_0.35": 3.5958245515213925, "q_0.375": 3.7605574367515606, "q_0.4": 3.832809198068837, "q_0.425": 3.9125235968269525, "q_0.45": 3.979310380219098, "q_0.475": 4.046112619647198, "q_0.5": 4.119811094882084, "q_0.525": 4.2252784842081015, "q_0.55": 4.300148268286122, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.512375995836736, "q_0.65": 4.586837842398975, "q_0.675": 4.689471288430305, "q_0.7": 4.76005565929704, "q_0.725": 4.853806814576997, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.117753451838315, "q_0.825": 5.211738144821734, "q_0.85": 5.280781234023091, "q_0.875": 5.390976236028726, "q_0.9": 5.480217217725718, "q_0.925": 5.584794707132016, "q_0.95": 5.655143783909511, "q_0.975": 5.799326980086704, "q_1": 6.27034173399522}, {"x": 77.71108443377351, "y": 3.2454678388994074, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.571456478035223, "q_0.1": 2.6665159314249776, "q_0.125": 2.747622889008604, "q_0.15": 2.8621760078340626, "q_0.175": 2.9520467796015497, "q_0.2": 3.0491145060714273, "q_0.225": 3.1389550153975248, "q_0.25": 3.2372345560957414, "q_0.275": 3.3209807744696085, "q_0.3": 3.4024941368374733, "q_0.325": 3.4941224583668444, "q_0.35": 3.5958245515213925, "q_0.375": 3.7605574367515606, "q_0.4": 3.832809198068837, "q_0.425": 3.9125235968269525, "q_0.45": 3.979310380219098, "q_0.475": 4.046112619647198, "q_0.5": 4.119811094882084, "q_0.525": 4.2252784842081015, "q_0.55": 4.300148268286122, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.512375995836736, "q_0.65": 4.586837842398975, "q_0.675": 4.689471288430305, "q_0.7": 4.76005565929704, "q_0.725": 4.853806814576997, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.117753451838315, "q_0.825": 5.211738144821734, "q_0.85": 5.280781234023091, "q_0.875": 5.390976236028726, "q_0.9": 5.480217217725718, "q_0.925": 5.584794707132016, "q_0.95": 5.655143783909511, "q_0.975": 5.799326980086704, "q_1": 6.27034173399522}, {"x": 77.75110044017607, "y": 2.9125286841878246, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.571456478035223, "q_0.1": 2.6665159314249776, "q_0.125": 2.747622889008604, "q_0.15": 2.8621760078340626, "q_0.175": 2.9520467796015497, "q_0.2": 3.0491145060714273, "q_0.225": 3.1389550153975248, "q_0.25": 3.2372345560957414, "q_0.275": 3.3209807744696085, "q_0.3": 3.4024941368374733, "q_0.325": 3.4941224583668444, "q_0.35": 3.5958245515213925, "q_0.375": 3.7605574367515606, "q_0.4": 3.832809198068837, "q_0.425": 3.9125235968269525, "q_0.45": 3.979310380219098, "q_0.475": 4.046112619647198, "q_0.5": 4.119811094882084, "q_0.525": 4.2252784842081015, "q_0.55": 4.300148268286122, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.512375995836736, "q_0.65": 4.586837842398975, "q_0.675": 4.689471288430305, "q_0.7": 4.76005565929704, "q_0.725": 4.853806814576997, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.117753451838315, "q_0.825": 5.211738144821734, "q_0.85": 5.280781234023091, "q_0.875": 5.390976236028726, "q_0.9": 5.480217217725718, "q_0.925": 5.584794707132016, "q_0.95": 5.655143783909511, "q_0.975": 5.799326980086704, "q_1": 6.27034173399522}, {"x": 77.79111644657864, "y": 5.240320879884191, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.571456478035223, "q_0.1": 2.6665159314249776, "q_0.125": 2.747622889008604, "q_0.15": 2.8621760078340626, "q_0.175": 2.9520467796015497, "q_0.2": 3.0491145060714273, "q_0.225": 3.1389550153975248, "q_0.25": 3.2372345560957414, "q_0.275": 3.3209807744696085, "q_0.3": 3.4024941368374733, "q_0.325": 3.4941224583668444, "q_0.35": 3.5958245515213925, "q_0.375": 3.7605574367515606, "q_0.4": 3.832809198068837, "q_0.425": 3.9125235968269525, "q_0.45": 3.979310380219098, "q_0.475": 4.046112619647198, "q_0.5": 4.119811094882084, "q_0.525": 4.2252784842081015, "q_0.55": 4.300148268286122, "q_0.575": 4.374279959416117, "q_0.6": 4.4308390385267025, "q_0.625": 4.512375995836736, "q_0.65": 4.586837842398975, "q_0.675": 4.689471288430305, "q_0.7": 4.76005565929704, "q_0.725": 4.853806814576997, "q_0.75": 4.960505677404949, "q_0.775": 5.041086014358456, "q_0.8": 5.117753451838315, "q_0.825": 5.211738144821734, "q_0.85": 5.280781234023091, "q_0.875": 5.390976236028726, "q_0.9": 5.480217217725718, "q_0.925": 5.584794707132016, "q_0.95": 5.655143783909511, "q_0.975": 5.799326980086704, "q_1": 6.27034173399522}, {"x": 77.8311324529812, "y": 3.901206002099772, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.571456478035223, "q_0.1": 2.6665159314249776, "q_0.125": 2.747622889008604, "q_0.15": 2.8621760078340626, "q_0.175": 2.9520467796015497, "q_0.2": 3.056344540899139, "q_0.225": 3.1389550153975248, "q_0.25": 3.242623967844317, "q_0.275": 3.3222849806377885, "q_0.3": 3.4024941368374733, "q_0.325": 3.495776017039833, "q_0.35": 3.5958245515213925, "q_0.375": 3.7605574367515606, "q_0.4": 3.8362449438349007, "q_0.425": 3.9125235968269525, "q_0.45": 3.979770958558184, "q_0.475": 4.047863185109052, "q_0.5": 4.1242083959691955, "q_0.525": 4.2252784842081015, "q_0.55": 4.305674944555796, "q_0.575": 4.375882358761977, "q_0.6": 4.432607723991004, "q_0.625": 4.512375995836736, "q_0.65": 4.5886528163139095, "q_0.675": 4.689471288430305, "q_0.7": 4.764920622283495, "q_0.725": 4.877852228063945, "q_0.75": 4.961953427274496, "q_0.775": 5.041086014358456, "q_0.8": 5.117753451838315, "q_0.825": 5.216401239879421, "q_0.85": 5.281448022228394, "q_0.875": 5.390976236028726, "q_0.9": 5.480217217725718, "q_0.925": 5.584794707132016, "q_0.95": 5.655579676305816, "q_0.975": 5.799326980086704, "q_1": 6.27034173399522}, {"x": 77.87114845938376, "y": 3.3060480622945105, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.571456478035223, "q_0.1": 2.6665159314249776, "q_0.125": 2.747622889008604, "q_0.15": 2.8621760078340626, "q_0.175": 2.9520467796015497, "q_0.2": 3.056344540899139, "q_0.225": 3.1389550153975248, "q_0.25": 3.242623967844317, "q_0.275": 3.3222849806377885, "q_0.3": 3.4024941368374733, "q_0.325": 3.495776017039833, "q_0.35": 3.5958245515213925, "q_0.375": 3.7605574367515606, "q_0.4": 3.8362449438349007, "q_0.425": 3.9125235968269525, "q_0.45": 3.979770958558184, "q_0.475": 4.047863185109052, "q_0.5": 4.1242083959691955, "q_0.525": 4.2252784842081015, "q_0.55": 4.305674944555796, "q_0.575": 4.375882358761977, "q_0.6": 4.432607723991004, "q_0.625": 4.512375995836736, "q_0.65": 4.5886528163139095, "q_0.675": 4.689471288430305, "q_0.7": 4.764920622283495, "q_0.725": 4.877852228063945, "q_0.75": 4.961953427274496, "q_0.775": 5.041086014358456, "q_0.8": 5.117753451838315, "q_0.825": 5.216401239879421, "q_0.85": 5.281448022228394, "q_0.875": 5.390976236028726, "q_0.9": 5.480217217725718, "q_0.925": 5.584794707132016, "q_0.95": 5.655579676305816, "q_0.975": 5.799326980086704, "q_1": 6.27034173399522}, {"x": 77.91116446578631, "y": 5.798883916021819, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.3972058326610757, "q_0.05": 2.4633142130976733, "q_0.075": 2.571456478035223, "q_0.1": 2.6665159314249776, "q_0.125": 2.747622889008604, "q_0.15": 2.8621760078340626, "q_0.175": 2.9520467796015497, "q_0.2": 3.056344540899139, "q_0.225": 3.1389550153975248, "q_0.25": 3.242623967844317, "q_0.275": 3.3222849806377885, "q_0.3": 3.4024941368374733, "q_0.325": 3.495776017039833, "q_0.35": 3.5958245515213925, "q_0.375": 3.7605574367515606, "q_0.4": 3.8362449438349007, "q_0.425": 3.9125235968269525, "q_0.45": 3.979770958558184, "q_0.475": 4.047863185109052, "q_0.5": 4.1242083959691955, "q_0.525": 4.2252784842081015, "q_0.55": 4.305674944555796, "q_0.575": 4.375882358761977, "q_0.6": 4.432607723991004, "q_0.625": 4.512375995836736, "q_0.65": 4.5886528163139095, "q_0.675": 4.689471288430305, "q_0.7": 4.764920622283495, "q_0.725": 4.877852228063945, "q_0.75": 4.961953427274496, "q_0.775": 5.041086014358456, "q_0.8": 5.117753451838315, "q_0.825": 5.216401239879421, "q_0.85": 5.281448022228394, "q_0.875": 5.390976236028726, "q_0.9": 5.480217217725718, "q_0.925": 5.584794707132016, "q_0.95": 5.655579676305816, "q_0.975": 5.799326980086704, "q_1": 6.27034173399522}, {"x": 77.95118047218888, "y": 5.244216861948782, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.470979320958364, "q_0.075": 2.573646553606184, "q_0.1": 2.671641687026599, "q_0.125": 2.7511721505699436, "q_0.15": 2.8663602678584175, "q_0.175": 2.9549714832035257, "q_0.2": 3.056344540899139, "q_0.225": 3.142557683793132, "q_0.25": 3.2454678388994074, "q_0.275": 3.3222849806377885, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.610435875236362, "q_0.375": 3.7631840033611823, "q_0.4": 3.8401305046081626, "q_0.425": 3.913632040594817, "q_0.45": 3.9802035798864055, "q_0.475": 4.0547684252525755, "q_0.5": 4.149530812879764, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.377901776833773, "q_0.6": 4.440964031867401, "q_0.625": 4.513975849148123, "q_0.65": 4.615221016096102, "q_0.675": 4.696883024241005, "q_0.7": 4.780415527265166, "q_0.725": 4.884736493949518, "q_0.75": 4.967069307788265, "q_0.775": 5.0431577172903905, "q_0.8": 5.1291143725727935, "q_0.825": 5.233940641614347, "q_0.85": 5.281448022228394, "q_0.875": 5.409705679618207, "q_0.9": 5.4854647229841955, "q_0.925": 5.587477112847621, "q_0.95": 5.65771216839458, "q_0.975": 5.800832247348502, "q_1": 6.27034173399522}, {"x": 77.99119647859143, "y": 4.448303960931506, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.470979320958364, "q_0.075": 2.573646553606184, "q_0.1": 2.671641687026599, "q_0.125": 2.7511721505699436, "q_0.15": 2.8663602678584175, "q_0.175": 2.9549714832035257, "q_0.2": 3.056344540899139, "q_0.225": 3.142557683793132, "q_0.25": 3.2454678388994074, "q_0.275": 3.3222849806377885, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.610435875236362, "q_0.375": 3.7631840033611823, "q_0.4": 3.8401305046081626, "q_0.425": 3.913632040594817, "q_0.45": 3.9802035798864055, "q_0.475": 4.0547684252525755, "q_0.5": 4.149530812879764, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.377901776833773, "q_0.6": 4.440964031867401, "q_0.625": 4.513975849148123, "q_0.65": 4.615221016096102, "q_0.675": 4.696883024241005, "q_0.7": 4.780415527265166, "q_0.725": 4.884736493949518, "q_0.75": 4.967069307788265, "q_0.775": 5.0431577172903905, "q_0.8": 5.1291143725727935, "q_0.825": 5.233940641614347, "q_0.85": 5.281448022228394, "q_0.875": 5.409705679618207, "q_0.9": 5.4854647229841955, "q_0.925": 5.587477112847621, "q_0.95": 5.65771216839458, "q_0.975": 5.800832247348502, "q_1": 6.27034173399522}, {"x": 78.031212484994, "y": 5.2462471236381205, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.470979320958364, "q_0.075": 2.573646553606184, "q_0.1": 2.671641687026599, "q_0.125": 2.7511721505699436, "q_0.15": 2.8663602678584175, "q_0.175": 2.9549714832035257, "q_0.2": 3.056344540899139, "q_0.225": 3.142557683793132, "q_0.25": 3.2454678388994074, "q_0.275": 3.3222849806377885, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.610435875236362, "q_0.375": 3.7631840033611823, "q_0.4": 3.8401305046081626, "q_0.425": 3.913632040594817, "q_0.45": 3.9802035798864055, "q_0.475": 4.0547684252525755, "q_0.5": 4.149530812879764, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.377901776833773, "q_0.6": 4.440964031867401, "q_0.625": 4.513975849148123, "q_0.65": 4.615221016096102, "q_0.675": 4.696883024241005, "q_0.7": 4.780415527265166, "q_0.725": 4.884736493949518, "q_0.75": 4.967069307788265, "q_0.775": 5.0431577172903905, "q_0.8": 5.1291143725727935, "q_0.825": 5.233940641614347, "q_0.85": 5.281448022228394, "q_0.875": 5.409705679618207, "q_0.9": 5.4854647229841955, "q_0.925": 5.587477112847621, "q_0.95": 5.65771216839458, "q_0.975": 5.800832247348502, "q_1": 6.27034173399522}, {"x": 78.07122849139657, "y": 2.7292680103113987, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.470979320958364, "q_0.075": 2.573646553606184, "q_0.1": 2.671641687026599, "q_0.125": 2.7511721505699436, "q_0.15": 2.8663602678584175, "q_0.175": 2.9549714832035257, "q_0.2": 3.056344540899139, "q_0.225": 3.142557683793132, "q_0.25": 3.2454678388994074, "q_0.275": 3.3222849806377885, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.610435875236362, "q_0.375": 3.7631840033611823, "q_0.4": 3.8401305046081626, "q_0.425": 3.913632040594817, "q_0.45": 3.9802035798864055, "q_0.475": 4.0547684252525755, "q_0.5": 4.149530812879764, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.377901776833773, "q_0.6": 4.440964031867401, "q_0.625": 4.513975849148123, "q_0.65": 4.615221016096102, "q_0.675": 4.696883024241005, "q_0.7": 4.780415527265166, "q_0.725": 4.884736493949518, "q_0.75": 4.967069307788265, "q_0.775": 5.0431577172903905, "q_0.8": 5.1291143725727935, "q_0.825": 5.233940641614347, "q_0.85": 5.281448022228394, "q_0.875": 5.409705679618207, "q_0.9": 5.4854647229841955, "q_0.925": 5.587477112847621, "q_0.95": 5.65771216839458, "q_0.975": 5.800832247348502, "q_1": 6.27034173399522}, {"x": 78.11124449779912, "y": 4.766723369054614, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.470979320958364, "q_0.075": 2.573646553606184, "q_0.1": 2.671641687026599, "q_0.125": 2.7511721505699436, "q_0.15": 2.8663602678584175, "q_0.175": 2.9549714832035257, "q_0.2": 3.056344540899139, "q_0.225": 3.142557683793132, "q_0.25": 3.2454678388994074, "q_0.275": 3.3222849806377885, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.610435875236362, "q_0.375": 3.7631840033611823, "q_0.4": 3.8401305046081626, "q_0.425": 3.913632040594817, "q_0.45": 3.9802035798864055, "q_0.475": 4.0547684252525755, "q_0.5": 4.149530812879764, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.377901776833773, "q_0.6": 4.440964031867401, "q_0.625": 4.513975849148123, "q_0.65": 4.615221016096102, "q_0.675": 4.696883024241005, "q_0.7": 4.780415527265166, "q_0.725": 4.884736493949518, "q_0.75": 4.967069307788265, "q_0.775": 5.0431577172903905, "q_0.8": 5.1291143725727935, "q_0.825": 5.233940641614347, "q_0.85": 5.281448022228394, "q_0.875": 5.409705679618207, "q_0.9": 5.4854647229841955, "q_0.925": 5.587477112847621, "q_0.95": 5.65771216839458, "q_0.975": 5.800832247348502, "q_1": 6.27034173399522}, {"x": 78.15126050420169, "y": 3.482856644750313, "y_pred": 4.159624545279746, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.4748083301896857, "q_0.075": 2.573646553606184, "q_0.1": 2.671641687026599, "q_0.125": 2.7511721505699436, "q_0.15": 2.8663602678584175, "q_0.175": 2.9551932879384832, "q_0.2": 3.056344540899139, "q_0.225": 3.148548664158322, "q_0.25": 3.2454678388994074, "q_0.275": 3.3227928614255973, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.610435875236362, "q_0.375": 3.774694353019568, "q_0.4": 3.8401305046081626, "q_0.425": 3.913632040594817, "q_0.45": 3.983775901456809, "q_0.475": 4.060502072620121, "q_0.5": 4.159624545279746, "q_0.525": 4.230336563461151, "q_0.55": 4.313556461719718, "q_0.575": 4.3800576741755854, "q_0.6": 4.443391487815205, "q_0.625": 4.5145015727746625, "q_0.65": 4.617894640017489, "q_0.675": 4.698167283857219, "q_0.7": 4.783936856720974, "q_0.725": 4.8865635136613434, "q_0.75": 4.967069307788265, "q_0.775": 5.0431577172903905, "q_0.8": 5.1291143725727935, "q_0.825": 5.233940641614347, "q_0.85": 5.283373196937468, "q_0.875": 5.409705679618207, "q_0.9": 5.4854647229841955, "q_0.925": 5.591714034526983, "q_0.95": 5.662374771034235, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.19127651060424, "y": 4.824497756750446, "y_pred": 4.160652236291072, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.4748083301896857, "q_0.075": 2.5738685164810016, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9607586531045254, "q_0.2": 3.057966548401869, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.513709366624788, "q_0.35": 3.629489241472858, "q_0.375": 3.7747173974049257, "q_0.4": 3.840713162675219, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.160652236291072, "q_0.525": 4.23520935735781, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.4109510529294305, "q_0.9": 5.4871910874368695, "q_0.925": 5.596618538306475, "q_0.95": 5.662374771034235, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.2312925170068, "y": 5.837161538626953, "y_pred": 4.160652236291072, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.4748083301896857, "q_0.075": 2.5738685164810016, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9607586531045254, "q_0.2": 3.057966548401869, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.513709366624788, "q_0.35": 3.629489241472858, "q_0.375": 3.7747173974049257, "q_0.4": 3.840713162675219, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.160652236291072, "q_0.525": 4.23520935735781, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.4109510529294305, "q_0.9": 5.4871910874368695, "q_0.925": 5.596618538306475, "q_0.95": 5.662374771034235, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.27130852340936, "y": 5.168472203483976, "y_pred": 4.160652236291072, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.4748083301896857, "q_0.075": 2.5738685164810016, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9607586531045254, "q_0.2": 3.057966548401869, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.513709366624788, "q_0.35": 3.629489241472858, "q_0.375": 3.7747173974049257, "q_0.4": 3.840713162675219, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.160652236291072, "q_0.525": 4.23520935735781, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.4109510529294305, "q_0.9": 5.4871910874368695, "q_0.925": 5.596618538306475, "q_0.95": 5.662374771034235, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.31132452981193, "y": 4.375882358761977, "y_pred": 4.160652236291072, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.4748083301896857, "q_0.075": 2.5738685164810016, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9607586531045254, "q_0.2": 3.057966548401869, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.513709366624788, "q_0.35": 3.629489241472858, "q_0.375": 3.7747173974049257, "q_0.4": 3.840713162675219, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.160652236291072, "q_0.525": 4.23520935735781, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.4109510529294305, "q_0.9": 5.4871910874368695, "q_0.925": 5.596618538306475, "q_0.95": 5.662374771034235, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.3513405362145, "y": 5.041086014358456, "y_pred": 4.160652236291072, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.399642310827021, "q_0.05": 2.4748083301896857, "q_0.075": 2.5738685164810016, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9607586531045254, "q_0.2": 3.057966548401869, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.513709366624788, "q_0.35": 3.629489241472858, "q_0.375": 3.7747173974049257, "q_0.4": 3.840713162675219, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.160652236291072, "q_0.525": 4.23520935735781, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.4109510529294305, "q_0.9": 5.4871910874368695, "q_0.925": 5.596618538306475, "q_0.95": 5.662374771034235, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.39135654261705, "y": 4.017770771067886, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4004089868562732, "q_0.05": 2.4748083301896857, "q_0.075": 2.5739753874948024, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9607586531045254, "q_0.2": 3.060694866210393, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.5158058423364817, "q_0.35": 3.629489241472858, "q_0.375": 3.781561671262624, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.162900994680669, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.386746105165258, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.424402001203898, "q_0.9": 5.495417737331863, "q_0.925": 5.603447866587708, "q_0.95": 5.665344388128012, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.43137254901961, "y": 3.3222849806377885, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4004089868562732, "q_0.05": 2.4748083301896857, "q_0.075": 2.5739753874948024, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9607586531045254, "q_0.2": 3.060694866210393, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.5158058423364817, "q_0.35": 3.629489241472858, "q_0.375": 3.781561671262624, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.162900994680669, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.386746105165258, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.424402001203898, "q_0.9": 5.495417737331863, "q_0.925": 5.603447866587708, "q_0.95": 5.665344388128012, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.47138855542217, "y": 2.438457476535858, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4004089868562732, "q_0.05": 2.4748083301896857, "q_0.075": 2.5739753874948024, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9607586531045254, "q_0.2": 3.060694866210393, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.5158058423364817, "q_0.35": 3.629489241472858, "q_0.375": 3.781561671262624, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.162900994680669, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.386746105165258, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.424402001203898, "q_0.9": 5.495417737331863, "q_0.925": 5.603447866587708, "q_0.95": 5.665344388128012, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.51140456182473, "y": 4.790989407653795, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4004089868562732, "q_0.05": 2.4748083301896857, "q_0.075": 2.5739753874948024, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9607586531045254, "q_0.2": 3.060694866210393, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.5158058423364817, "q_0.35": 3.629489241472858, "q_0.375": 3.781561671262624, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.162900994680669, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.386746105165258, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.424402001203898, "q_0.9": 5.495417737331863, "q_0.925": 5.603447866587708, "q_0.95": 5.665344388128012, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.5514205682273, "y": 2.815764758971804, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4004089868562732, "q_0.05": 2.4748083301896857, "q_0.075": 2.5739753874948024, "q_0.1": 2.671641687026599, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9607586531045254, "q_0.2": 3.060694866210393, "q_0.225": 3.1718651512621157, "q_0.25": 3.2454678388994074, "q_0.275": 3.3287884686443454, "q_0.3": 3.4150462632849905, "q_0.325": 3.5158058423364817, "q_0.35": 3.629489241472858, "q_0.375": 3.781561671262624, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.162900994680669, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.386746105165258, "q_0.6": 4.448303960931506, "q_0.625": 4.522029453055156, "q_0.65": 4.62223438809014, "q_0.675": 4.7041544941924425, "q_0.7": 4.790989407653795, "q_0.725": 4.887704204209184, "q_0.75": 4.968028921493171, "q_0.775": 5.046483195940112, "q_0.8": 5.129819578235136, "q_0.825": 5.244216861948782, "q_0.85": 5.294440466569178, "q_0.875": 5.424402001203898, "q_0.9": 5.495417737331863, "q_0.925": 5.603447866587708, "q_0.95": 5.665344388128012, "q_0.975": 5.801151546464642, "q_1": 6.27034173399522}, {"x": 78.59143657462985, "y": 3.986874204152582, "y_pred": 4.167332942747445, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.575171517968341, "q_0.1": 2.6797936943513916, "q_0.125": 2.7524190153540147, "q_0.15": 2.885081183982993, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.2457823281973135, "q_0.275": 3.3287884686443454, "q_0.3": 3.4220083042936373, "q_0.325": 3.5172355033829596, "q_0.35": 3.6296327574840968, "q_0.375": 3.781561671262624, "q_0.4": 3.841574218329812, "q_0.425": 3.915578403502124, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.167332942747445, "q_0.525": 4.246309500211176, "q_0.55": 4.329576018243852, "q_0.575": 4.399077134558835, "q_0.6": 4.4577561764662015, "q_0.625": 4.523682918469981, "q_0.65": 4.632574887407137, "q_0.675": 4.721682287041723, "q_0.7": 4.79857405814516, "q_0.725": 4.9003724638075195, "q_0.75": 4.977294368058198, "q_0.775": 5.062113582567358, "q_0.8": 5.139244774896667, "q_0.825": 5.249412450388658, "q_0.85": 5.300303885495273, "q_0.875": 5.42818894426093, "q_0.9": 5.505751867249882, "q_0.925": 5.603447866587708, "q_0.95": 5.679904757712986, "q_0.975": 5.803931662595026, "q_1": 6.27034173399522}, {"x": 78.63145258103242, "y": 4.754059493179085, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.5783249528531256, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.2472847296993383, "q_0.275": 3.3287884686443454, "q_0.3": 3.4274316564430234, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9975405732533305, "q_0.475": 4.07786433050281, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.399331144616328, "q_0.6": 4.458793381669393, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.721682287041723, "q_0.7": 4.79857405814516, "q_0.725": 4.9003724638075195, "q_0.75": 4.979780763181342, "q_0.775": 5.070988544797505, "q_0.8": 5.14931419660949, "q_0.825": 5.252476581828642, "q_0.85": 5.300828399401942, "q_0.875": 5.434266789690643, "q_0.9": 5.516892215000944, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.803931662595026, "q_1": 6.27034173399522}, {"x": 78.67146858743497, "y": 5.584794707132016, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.579363420946778, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.329921802687885, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.79857405814516, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.253163748556213, "q_0.85": 5.306166120734368, "q_0.875": 5.436254423980275, "q_0.9": 5.516892215000944, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.803931662595026, "q_1": 6.27034173399522}, {"x": 78.71148459383754, "y": 4.542961787693435, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.579363420946778, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.329921802687885, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.79857405814516, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.253163748556213, "q_0.85": 5.306166120734368, "q_0.875": 5.436254423980275, "q_0.9": 5.516892215000944, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.803931662595026, "q_1": 6.27034173399522}, {"x": 78.75150060024009, "y": 3.09512152528177, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.579363420946778, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.329921802687885, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.79857405814516, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.253163748556213, "q_0.85": 5.306166120734368, "q_0.875": 5.436254423980275, "q_0.9": 5.516892215000944, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.803931662595026, "q_1": 6.27034173399522}, {"x": 78.79151660664266, "y": 4.043555407133586, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.579363420946778, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.329921802687885, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.79857405814516, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.253163748556213, "q_0.85": 5.306166120734368, "q_0.875": 5.436254423980275, "q_0.9": 5.516892215000944, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.803931662595026, "q_1": 6.27034173399522}, {"x": 78.83153261304523, "y": 4.76005565929704, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.579363420946778, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.329921802687885, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.79857405814516, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.253163748556213, "q_0.85": 5.306166120734368, "q_0.875": 5.436254423980275, "q_0.9": 5.516892215000944, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.803931662595026, "q_1": 6.27034173399522}, {"x": 78.87154861944778, "y": 3.0132293789234903, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.580921123087258, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.24765560458025, "q_0.275": 3.329921802687885, "q_0.3": 3.4274316564430234, "q_0.325": 3.5172355033829596, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.000022539163207, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.803604988503729, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.256769058246674, "q_0.85": 5.3131759745130065, "q_0.875": 5.436254423980275, "q_0.9": 5.520116401135856, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.816529716627635, "q_1": 6.27034173399522}, {"x": 78.91156462585035, "y": 5.00002727652422, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.580921123087258, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.24765560458025, "q_0.275": 3.329921802687885, "q_0.3": 3.4274316564430234, "q_0.325": 3.5172355033829596, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.000022539163207, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.803604988503729, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.256769058246674, "q_0.85": 5.3131759745130065, "q_0.875": 5.436254423980275, "q_0.9": 5.520116401135856, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.816529716627635, "q_1": 6.27034173399522}, {"x": 78.9515806322529, "y": 5.117753451838315, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.580921123087258, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.24765560458025, "q_0.275": 3.329921802687885, "q_0.3": 3.4274316564430234, "q_0.325": 3.5172355033829596, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.000022539163207, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.803604988503729, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.256769058246674, "q_0.85": 5.3131759745130065, "q_0.875": 5.436254423980275, "q_0.9": 5.520116401135856, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.816529716627635, "q_1": 6.27034173399522}, {"x": 78.99159663865547, "y": 4.2252784842081015, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.580921123087258, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.24765560458025, "q_0.275": 3.329921802687885, "q_0.3": 3.4274316564430234, "q_0.325": 3.5172355033829596, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.000022539163207, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.803604988503729, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.256769058246674, "q_0.85": 5.3131759745130065, "q_0.875": 5.436254423980275, "q_0.9": 5.520116401135856, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.816529716627635, "q_1": 6.27034173399522}, {"x": 79.03161264505803, "y": 5.470539204424071, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.580921123087258, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.24765560458025, "q_0.275": 3.329921802687885, "q_0.3": 3.4274316564430234, "q_0.325": 3.5172355033829596, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.000022539163207, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.803604988503729, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.256769058246674, "q_0.85": 5.3131759745130065, "q_0.875": 5.436254423980275, "q_0.9": 5.520116401135856, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.816529716627635, "q_1": 6.27034173399522}, {"x": 79.07162865146059, "y": 3.1237775428619434, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4830611004592806, "q_0.075": 2.580921123087258, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 2.9846186979446383, "q_0.2": 3.0627632331165406, "q_0.225": 3.1754413821479606, "q_0.25": 3.24765560458025, "q_0.275": 3.329921802687885, "q_0.3": 3.4274316564430234, "q_0.325": 3.5172355033829596, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.000022539163207, "q_0.475": 4.079205916056161, "q_0.5": 4.189914084080068, "q_0.525": 4.25056124416727, "q_0.55": 4.341589338071442, "q_0.575": 4.399331144616328, "q_0.6": 4.465864491002363, "q_0.625": 4.526511379227445, "q_0.65": 4.6483374453082575, "q_0.675": 4.723201299324568, "q_0.7": 4.803604988503729, "q_0.725": 4.9003724638075195, "q_0.75": 4.98212101451431, "q_0.775": 5.075906389347386, "q_0.8": 5.15365630662819, "q_0.825": 5.256769058246674, "q_0.85": 5.3131759745130065, "q_0.875": 5.436254423980275, "q_0.9": 5.520116401135856, "q_0.925": 5.607543952289076, "q_0.95": 5.688880183092184, "q_0.975": 5.816529716627635, "q_1": 6.27034173399522}, {"x": 79.11164465786315, "y": 4.283045803844111, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.1516606642657, "y": 5.603447866587708, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.19167667066827, "y": 4.9003724638075195, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.23169267707082, "y": 5.281448022228394, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.27170868347339, "y": 3.11566189778931, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.31172468987596, "y": 4.415345649678461, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.35174069627851, "y": 3.4941224583668444, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.39175670268108, "y": 4.735592918516005, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.43177270908363, "y": 4.230906090528967, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.4717887154862, "y": 4.61277358213936, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.51180472188877, "y": 4.58431812300384, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.55182072829132, "y": 5.025241921344838, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.59183673469389, "y": 5.257417129892941, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.63185274109644, "y": 2.5244317437828445, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.671868747499, "y": 5.813211645623708, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.71188475390156, "y": 3.8033061560589747, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.75190076030412, "y": 2.9267520380692553, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.79191676670669, "y": 5.717322535659728, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.83193277310924, "y": 5.205851067307144, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.87194877951181, "y": 3.856633537824705, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.91196478591436, "y": 4.523682918469981, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.95198079231693, "y": 3.13659401289126, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 79.9919967987195, "y": 3.8311006272799397, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.03201280512205, "y": 3.7862525749870874, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.07202881152462, "y": 5.098247006205668, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.11204481792717, "y": 3.901450099337002, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.15206082432974, "y": 5.102518205088131, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.19207683073229, "y": 5.233940641614347, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.23209283713486, "y": 3.7314166765248475, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.27210884353742, "y": 3.9341886755713267, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.31212484993998, "y": 4.234442724688957, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.35214085634254, "y": 2.312024397660221, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.3921568627451, "y": 3.024477499172284, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.43217286914766, "y": 5.449777820501485, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.47218887555022, "y": 5.129819578235136, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.51220488195278, "y": 2.5868557130288874, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.55222088835535, "y": 4.66209043281477, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.5922368947579, "y": 2.3774657570212723, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.63225290116047, "y": 4.288444584877457, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.67226890756302, "y": 2.901753013848784, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487458932629056, "q_0.075": 2.5829244145441814, "q_0.1": 2.6797936943513916, "q_0.125": 2.761931725861849, "q_0.15": 2.895297378185509, "q_0.175": 2.992355329402174, "q_0.2": 3.0627632331165406, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.08514029514217, "q_0.5": 4.190824560773652, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.810891937572263, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.164898490265177, "q_0.825": 5.257417129892941, "q_0.85": 5.31604585830623, "q_0.875": 5.439209981764, "q_0.9": 5.524495419275915, "q_0.925": 5.619435163447077, "q_0.95": 5.688880183092184, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.71228491396559, "y": 5.47772218589268, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487720107766246, "q_0.075": 2.58426118249351, "q_0.1": 2.6828971888118565, "q_0.125": 2.7634714278841637, "q_0.15": 2.895784684580308, "q_0.175": 2.999705628458944, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.815495724788712, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.168472203483976, "q_0.825": 5.257417129892941, "q_0.85": 5.317778038633172, "q_0.875": 5.449777820501485, "q_0.9": 5.529405411429767, "q_0.925": 5.6194902076979645, "q_0.95": 5.691738554479791, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.75230092036816, "y": 4.58998246302869, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487720107766246, "q_0.075": 2.58426118249351, "q_0.1": 2.6828971888118565, "q_0.125": 2.7634714278841637, "q_0.15": 2.895784684580308, "q_0.175": 2.999705628458944, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.815495724788712, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.168472203483976, "q_0.825": 5.257417129892941, "q_0.85": 5.317778038633172, "q_0.875": 5.449777820501485, "q_0.9": 5.529405411429767, "q_0.925": 5.6194902076979645, "q_0.95": 5.691738554479791, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.79231692677071, "y": 2.53964788689891, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487720107766246, "q_0.075": 2.58426118249351, "q_0.1": 2.6828971888118565, "q_0.125": 2.7634714278841637, "q_0.15": 2.895784684580308, "q_0.175": 2.999705628458944, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.815495724788712, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.168472203483976, "q_0.825": 5.257417129892941, "q_0.85": 5.317778038633172, "q_0.875": 5.449777820501485, "q_0.9": 5.529405411429767, "q_0.925": 5.6194902076979645, "q_0.95": 5.691738554479791, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.83233293317328, "y": 4.689471288430305, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487720107766246, "q_0.075": 2.58426118249351, "q_0.1": 2.6828971888118565, "q_0.125": 2.7634714278841637, "q_0.15": 2.895784684580308, "q_0.175": 2.999705628458944, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.815495724788712, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.168472203483976, "q_0.825": 5.257417129892941, "q_0.85": 5.317778038633172, "q_0.875": 5.449777820501485, "q_0.9": 5.529405411429767, "q_0.925": 5.6194902076979645, "q_0.95": 5.691738554479791, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.87234893957583, "y": 5.624559174385009, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487720107766246, "q_0.075": 2.58426118249351, "q_0.1": 2.6828971888118565, "q_0.125": 2.7634714278841637, "q_0.15": 2.895784684580308, "q_0.175": 2.999705628458944, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.815495724788712, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.168472203483976, "q_0.825": 5.257417129892941, "q_0.85": 5.317778038633172, "q_0.875": 5.449777820501485, "q_0.9": 5.529405411429767, "q_0.925": 5.6194902076979645, "q_0.95": 5.691738554479791, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.9123649459784, "y": 5.034888012746781, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.487720107766246, "q_0.075": 2.58426118249351, "q_0.1": 2.6828971888118565, "q_0.125": 2.7634714278841637, "q_0.15": 2.895784684580308, "q_0.175": 2.999705628458944, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.268530319651792, "q_0.55": 4.342365636232222, "q_0.575": 4.402952275265316, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.815495724788712, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.168472203483976, "q_0.825": 5.257417129892941, "q_0.85": 5.317778038633172, "q_0.875": 5.449777820501485, "q_0.9": 5.529405411429767, "q_0.925": 5.6194902076979645, "q_0.95": 5.691738554479791, "q_0.975": 5.821391157014547, "q_1": 6.27034173399522}, {"x": 80.95238095238095, "y": 2.7314628360912634, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.1244480426183605, "q_0.025": 2.4126034492144397, "q_0.05": 2.4926824353728496, "q_0.075": 2.58426118249351, "q_0.1": 2.6828971888118565, "q_0.125": 2.7634714278841637, "q_0.15": 2.8955653967026485, "q_0.175": 2.992355329402174, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.348939430882915, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.25056124416727, "q_0.55": 4.3418882569230695, "q_0.575": 4.402952275265316, "q_0.6": 4.465864491002363, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.731232968058789, "q_0.7": 4.815495724788712, "q_0.725": 4.913651734016552, "q_0.75": 4.9862032755209, "q_0.775": 5.07817765281532, "q_0.8": 5.168472203483976, "q_0.825": 5.257417129892941, "q_0.85": 5.317778038633172, "q_0.875": 5.449777820501485, "q_0.9": 5.529405411429767, "q_0.925": 5.6194902076979645, "q_0.95": 5.702956197957832, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 80.99239695878352, "y": 4.780415527265166, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4168897295118708, "q_0.05": 2.496413858123113, "q_0.075": 2.5864665334485806, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1803893266668584, "q_0.25": 3.258385873746776, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190824560773652, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.821540911430054, "q_0.725": 4.914812085813785, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.2584893877247785, "q_0.85": 5.326908514789949, "q_0.875": 5.452978338295401, "q_0.9": 5.54762208330054, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.03241296518608, "y": 4.578294537006855, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4168897295118708, "q_0.05": 2.496413858123113, "q_0.075": 2.5864665334485806, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1803893266668584, "q_0.25": 3.258385873746776, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190824560773652, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.821540911430054, "q_0.725": 4.914812085813785, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.2584893877247785, "q_0.85": 5.326908514789949, "q_0.875": 5.452978338295401, "q_0.9": 5.54762208330054, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.07242897158864, "y": 4.65576149703457, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4168897295118708, "q_0.05": 2.496413858123113, "q_0.075": 2.5864665334485806, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1803893266668584, "q_0.25": 3.258385873746776, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190824560773652, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.821540911430054, "q_0.725": 4.914812085813785, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.2584893877247785, "q_0.85": 5.326908514789949, "q_0.875": 5.452978338295401, "q_0.9": 5.54762208330054, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.1124449779912, "y": 5.266816223503857, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4168897295118708, "q_0.05": 2.496413858123113, "q_0.075": 2.5864665334485806, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1803893266668584, "q_0.25": 3.258385873746776, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190824560773652, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.821540911430054, "q_0.725": 4.914812085813785, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.2584893877247785, "q_0.85": 5.326908514789949, "q_0.875": 5.452978338295401, "q_0.9": 5.54762208330054, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.15246098439376, "y": 3.438162396681962, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4168897295118708, "q_0.05": 2.496413858123113, "q_0.075": 2.5864665334485806, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1803893266668584, "q_0.25": 3.258385873746776, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190824560773652, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.821540911430054, "q_0.725": 4.914812085813785, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.2584893877247785, "q_0.85": 5.326908514789949, "q_0.875": 5.452978338295401, "q_0.9": 5.54762208330054, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.19247699079632, "y": 3.628843337546259, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4185481203765233, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.0713365782868456, "q_0.225": 3.1803893266668584, "q_0.25": 3.258385873746776, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.824497756750446, "q_0.725": 4.915761464556983, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.264322892617275, "q_0.85": 5.333606511110667, "q_0.875": 5.452978338295401, "q_0.9": 5.561650887791949, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.23249299719889, "y": 3.056344540899139, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4185481203765233, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.0713365782868456, "q_0.225": 3.1803893266668584, "q_0.25": 3.258385873746776, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.824497756750446, "q_0.725": 4.915761464556983, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.264322892617275, "q_0.85": 5.333606511110667, "q_0.875": 5.452978338295401, "q_0.9": 5.561650887791949, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.27250900360144, "y": 4.0088931061288084, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.0713365782868456, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.469765744176254, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.824497756750446, "q_0.725": 4.915761464556983, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.264322892617275, "q_0.85": 5.333606511110667, "q_0.875": 5.452978338295401, "q_0.9": 5.561650887791949, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.31252501000401, "y": 3.832809198068837, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.0713365782868456, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.469765744176254, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.824497756750446, "q_0.725": 4.915761464556983, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.264322892617275, "q_0.85": 5.333606511110667, "q_0.875": 5.452978338295401, "q_0.9": 5.561650887791949, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.35254101640656, "y": 2.618233765601179, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7752713456731835, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.0713365782868456, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.6296327574840968, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.469765744176254, "q_0.625": 4.5307585434556135, "q_0.65": 4.65576149703457, "q_0.675": 4.736177265394555, "q_0.7": 4.824497756750446, "q_0.725": 4.915761464556983, "q_0.75": 5.00002727652422, "q_0.775": 5.087589280875769, "q_0.8": 5.168472203483976, "q_0.825": 5.264322892617275, "q_0.85": 5.333606511110667, "q_0.875": 5.452978338295401, "q_0.9": 5.561650887791949, "q_0.925": 5.624559174385009, "q_0.95": 5.704233539728868, "q_0.975": 5.833008287882144, "q_1": 6.27034173399522}, {"x": 81.39255702280913, "y": 3.209783184011382, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.824710676152548, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.1908939379888235, "q_0.825": 5.266816223503857, "q_0.85": 5.3424650365918325, "q_0.875": 5.468516797645426, "q_0.9": 5.567176255641547, "q_0.925": 5.626979305805996, "q_0.95": 5.712003872297639, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.43257302921168, "y": 2.7524190153540147, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.079205916056161, "q_0.5": 4.190067204699094, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.824710676152548, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.1908939379888235, "q_0.825": 5.266816223503857, "q_0.85": 5.3424650365918325, "q_0.875": 5.468516797645426, "q_0.9": 5.567176255641547, "q_0.925": 5.626979305805996, "q_0.95": 5.712003872297639, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.47258903561425, "y": 4.374279959416117, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.51260504201682, "y": 3.0042750335050386, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.55262104841937, "y": 3.5208999792182185, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.59263705482194, "y": 5.355769574814335, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.63265306122449, "y": 4.440964031867401, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.67266906762706, "y": 4.246309500211176, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.71268507402962, "y": 5.833008287882144, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.75270108043217, "y": 3.9401339462881877, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.79271708683474, "y": 5.607543952289076, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.2762798196995, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.657682147506299, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.8327330932373, "y": 4.465864491002363, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2603308411032716, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.610435875236362, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.469765744176254, "q_0.625": 4.542961787693435, "q_0.65": 4.660547532956811, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.87274909963986, "y": 3.8218046644070816, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2603308411032716, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.610435875236362, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.469765744176254, "q_0.625": 4.542961787693435, "q_0.65": 4.660547532956811, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.91276510604241, "y": 3.600772553960593, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.1038916893925044, "q_0.225": 3.1900960464535535, "q_0.25": 3.2603308411032716, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.610435875236362, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.408840676130108, "q_0.6": 4.469765744176254, "q_0.625": 4.542961787693435, "q_0.65": 4.660547532956811, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.198648473793595, "q_0.825": 5.266816223503857, "q_0.85": 5.345281114685981, "q_0.875": 5.470539204424071, "q_0.9": 5.581369898874254, "q_0.925": 5.6312955078489795, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.95278111244498, "y": 5.683869451423076, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190824560773652, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.200812083554782, "q_0.825": 5.268514533509989, "q_0.85": 5.37449546139044, "q_0.875": 5.470539204424071, "q_0.9": 5.583490735471294, "q_0.925": 5.631398813356039, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 81.99279711884755, "y": 4.420720701382907, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190824560773652, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.200812083554782, "q_0.825": 5.268514533509989, "q_0.85": 5.37449546139044, "q_0.875": 5.470539204424071, "q_0.9": 5.583490735471294, "q_0.925": 5.631398813356039, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 82.0328131252501, "y": 3.2492089240920765, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4196537142862917, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.536820760166708, "q_0.35": 3.629489241472858, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190824560773652, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.751295572180412, "q_0.7": 4.827941470326998, "q_0.725": 4.9295437696061, "q_0.75": 5.001286072939259, "q_0.775": 5.0904721126158154, "q_0.8": 5.200812083554782, "q_0.825": 5.268514533509989, "q_0.85": 5.37449546139044, "q_0.875": 5.470539204424071, "q_0.9": 5.583490735471294, "q_0.925": 5.631398813356039, "q_0.95": 5.717322535659728, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 82.07282913165267, "y": 4.25056124416727, "y_pred": 4.190824560773652, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4207483472029048, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4624759939988508, "q_0.325": 3.5172355033829596, "q_0.35": 3.610435875236362, "q_0.375": 3.796915067872371, "q_0.4": 3.844683630170143, "q_0.425": 3.925139884098706, "q_0.45": 4.00084986113317, "q_0.475": 4.079205916056161, "q_0.5": 4.190824560773652, "q_0.525": 4.278020080816917, "q_0.55": 4.342673464579576, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.838457314523078, "q_0.725": 4.947550843487259, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.200812083554782, "q_0.825": 5.278189101923205, "q_0.85": 5.37449546139044, "q_0.875": 5.470922495831033, "q_0.9": 5.583490735471294, "q_0.925": 5.631398813356039, "q_0.95": 5.726323227472254, "q_0.975": 5.837161538626953, "q_1": 6.27034173399522}, {"x": 82.11284513805522, "y": 3.242623967844317, "y_pred": 4.190067204699094, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.190067204699094, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.838457314523078, "q_0.725": 4.947550843487259, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.20411836814297, "q_0.825": 5.278189101923205, "q_0.85": 5.382753321734516, "q_0.875": 5.470922495831033, "q_0.9": 5.584794707132016, "q_0.925": 5.646216463682951, "q_0.95": 5.726323227472254, "q_0.975": 5.844845075033909, "q_1": 6.27034173399522}, {"x": 82.15286114445779, "y": 3.2089253573195036, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.838457314523078, "q_0.725": 4.947550843487259, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.20411836814297, "q_0.825": 5.278189101923205, "q_0.85": 5.382753321734516, "q_0.875": 5.470922495831033, "q_0.9": 5.584794707132016, "q_0.925": 5.646216463682951, "q_0.95": 5.726323227472254, "q_0.975": 5.844845075033909, "q_1": 6.27034173399522}, {"x": 82.19287715086034, "y": 2.7921501600611567, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.838457314523078, "q_0.725": 4.947550843487259, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.20411836814297, "q_0.825": 5.278189101923205, "q_0.85": 5.382753321734516, "q_0.875": 5.470922495831033, "q_0.9": 5.584794707132016, "q_0.925": 5.646216463682951, "q_0.95": 5.726323227472254, "q_0.975": 5.844845075033909, "q_1": 6.27034173399522}, {"x": 82.23289315726291, "y": 4.887704204209184, "y_pred": 4.189990644389582, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.189990644389582, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.838782391137017, "q_0.725": 4.947550843487259, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.210070557857085, "q_0.825": 5.278189101923205, "q_0.85": 5.382753321734516, "q_0.875": 5.470922495831033, "q_0.9": 5.584794707132016, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.844845075033909, "q_1": 6.27034173399522}, {"x": 82.27290916366547, "y": 5.2314209467643575, "y_pred": 4.189990644389582, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.074733964211663, "q_0.5": 4.189990644389582, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.838782391137017, "q_0.725": 4.947550843487259, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.210070557857085, "q_0.825": 5.278189101923205, "q_0.85": 5.382753321734516, "q_0.875": 5.470922495831033, "q_0.9": 5.584794707132016, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.844845075033909, "q_1": 6.27034173399522}, {"x": 82.31292517006803, "y": 3.520581491823493, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.838782391137017, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.210070557857085, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.470922495831033, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.844845075033909, "q_1": 6.27034173399522}, {"x": 82.3529411764706, "y": 3.841574218329812, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5172355033829596, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.9915468113084107, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.838782391137017, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.210070557857085, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.470922495831033, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.844845075033909, "q_1": 6.27034173399522}, {"x": 82.39295718287315, "y": 5.278189101923205, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5158058423364817, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.474754932592035, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.43297318927571, "y": 2.371499698980281, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5158058423364817, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.474754932592035, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.47298919567828, "y": 3.556579498799086, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5158058423364817, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.474754932592035, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.51300520208083, "y": 3.4624759939988508, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5158058423364817, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.474754932592035, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.5530212084834, "y": 4.345944391037823, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5158058423364817, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.474754932592035, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.59303721488595, "y": 5.662374771034235, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5158058423364817, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.474754932592035, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.63305322128852, "y": 2.4633142130976733, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5158058423364817, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.474754932592035, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.67306922769107, "y": 5.468516797645426, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5158058423364817, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.474754932592035, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.71308523409364, "y": 4.399077134558835, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6837326405008817, "q_0.125": 2.7921501600611567, "q_0.15": 2.9089210256485067, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.2084094520496587, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4416530888150776, "q_0.325": 3.5158058423364817, "q_0.35": 3.600772553960593, "q_0.375": 3.7862525749870874, "q_0.4": 3.8421760013767297, "q_0.425": 3.9235419918001844, "q_0.45": 3.986874204152582, "q_0.475": 4.072778394354127, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.342365636232222, "q_0.575": 4.415345649678461, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.66209043281477, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.952956496444671, "q_0.75": 5.002090664564925, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.382753321734516, "q_0.875": 5.474754932592035, "q_0.9": 5.587477112847621, "q_0.925": 5.649102301940937, "q_0.95": 5.7730974997674345, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.7531012404962, "y": 4.513975849148123, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4274316564430234, "q_0.325": 3.5158058423364817, "q_0.35": 3.5958245515213925, "q_0.375": 3.781561671262624, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.0657894611287055, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.3418882569230695, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.38334529853516, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651166593727051, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.79311724689876, "y": 5.898258114494947, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4274316564430234, "q_0.325": 3.5158058423364817, "q_0.35": 3.5958245515213925, "q_0.375": 3.781561671262624, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.0657894611287055, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.3418882569230695, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.38334529853516, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651166593727051, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.83313325330133, "y": 2.793407199933656, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4274316564430234, "q_0.325": 3.5158058423364817, "q_0.35": 3.5958245515213925, "q_0.375": 3.781561671262624, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.0657894611287055, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.3418882569230695, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.38334529853516, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651166593727051, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.87314925970388, "y": 3.3497418518180684, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4274316564430234, "q_0.325": 3.5158058423364817, "q_0.35": 3.5958245515213925, "q_0.375": 3.781561671262624, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.0657894611287055, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.3418882569230695, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.38334529853516, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651166593727051, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.91316526610645, "y": 3.1754413821479606, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4274316564430234, "q_0.325": 3.5158058423364817, "q_0.35": 3.5958245515213925, "q_0.375": 3.781561671262624, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.0657894611287055, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.3418882569230695, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.38334529853516, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651166593727051, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.95318127250901, "y": 4.070972726442631, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4274316564430234, "q_0.325": 3.5158058423364817, "q_0.35": 3.5958245515213925, "q_0.375": 3.781561671262624, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.0657894611287055, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.3418882569230695, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.38334529853516, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651166593727051, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 82.99319727891157, "y": 4.487559006510527, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4274316564430234, "q_0.325": 3.5158058423364817, "q_0.35": 3.5958245515213925, "q_0.375": 3.781561671262624, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.0657894611287055, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.3418882569230695, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.38334529853516, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651166593727051, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 83.03321328531413, "y": 5.0431577172903905, "y_pred": 4.189914084080068, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4274316564430234, "q_0.325": 3.5158058423364817, "q_0.35": 3.5958245515213925, "q_0.375": 3.781561671262624, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.986874204152582, "q_0.475": 4.0657894611287055, "q_0.5": 4.189914084080068, "q_0.525": 4.278020080816917, "q_0.55": 4.3418882569230695, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.38334529853516, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651166593727051, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 83.07322929171669, "y": 2.512881655331309, "y_pred": 4.167332942747445, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4220083042936373, "q_0.325": 3.513709366624788, "q_0.35": 3.5943810041373774, "q_0.375": 3.7747173974049257, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.983775901456809, "q_0.475": 4.060502072620121, "q_0.5": 4.167332942747445, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.402952275265316, "q_0.6": 4.469765744176254, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754019337789414, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.280781234023091, "q_0.85": 5.38334529853516, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651166593727051, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 83.11324529811925, "y": 3.9125235968269525, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214051269528722, "q_0.05": 2.496413858123113, "q_0.075": 2.5868557130288874, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.3497418518180684, "q_0.3": 3.4150462632849905, "q_0.325": 3.513709366624788, "q_0.35": 3.5943810041373774, "q_0.375": 3.7747173974049257, "q_0.4": 3.8421760013767297, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.402952275265316, "q_0.6": 4.469765744176254, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.845720545348097, "q_0.725": 4.95469210520297, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.211738144821734, "q_0.825": 5.281448022228394, "q_0.85": 5.390976236028726, "q_0.875": 5.47772218589268, "q_0.9": 5.591714034526983, "q_0.925": 5.651663742499861, "q_0.95": 5.781634551719325, "q_0.975": 5.896444223549716, "q_1": 6.27034173399522}, {"x": 83.1532613045218, "y": 5.781634551719325, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4214985443226897, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6828971888118565, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.513709366624788, "q_0.35": 3.591416837860331, "q_0.375": 3.774694353019568, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.268530319651792, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.542961787693435, "q_0.65": 4.663237353070305, "q_0.675": 4.754059493179085, "q_0.7": 4.852573212149856, "q_0.725": 4.958763305706391, "q_0.75": 5.011797311164916, "q_0.775": 5.098247006205668, "q_0.8": 5.216401239879421, "q_0.825": 5.283373196937468, "q_0.85": 5.424402001203898, "q_0.875": 5.480217217725718, "q_0.9": 5.596618538306475, "q_0.925": 5.655143783909511, "q_0.95": 5.781634551719325, "q_0.975": 5.918647019756464, "q_1": 6.27034173399522}, {"x": 83.19327731092437, "y": 4.050160084879023, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.561676809710924, "q_0.65": 4.6663954051539065, "q_0.675": 4.76005565929704, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.01766693813023, "q_0.775": 5.106054082646271, "q_0.8": 5.233940641614347, "q_0.825": 5.283373196937468, "q_0.85": 5.424402001203898, "q_0.875": 5.4871910874368695, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.785466531779461, "q_0.975": 5.918647019756464, "q_1": 6.27034173399522}, {"x": 83.23329331732694, "y": 5.382753321734516, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.478756226406412, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.294908794287287, "q_0.85": 5.424402001203898, "q_0.875": 5.505751867249882, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.785466531779461, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.27330932372949, "y": 2.7352774218534934, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.478756226406412, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.294908794287287, "q_0.85": 5.424402001203898, "q_0.875": 5.505751867249882, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.785466531779461, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.31332533013206, "y": 3.4024941368374733, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.478756226406412, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.294908794287287, "q_0.85": 5.424402001203898, "q_0.875": 5.505751867249882, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.785466531779461, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.35334133653461, "y": 5.075906389347386, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.478756226406412, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.294908794287287, "q_0.85": 5.424402001203898, "q_0.875": 5.505751867249882, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.785466531779461, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.39335734293718, "y": 4.6483374453082575, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.478756226406412, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.294908794287287, "q_0.85": 5.424402001203898, "q_0.875": 5.505751867249882, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.785466531779461, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.43337334933975, "y": 3.979770958558184, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.478756226406412, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.294908794287287, "q_0.85": 5.424402001203898, "q_0.875": 5.505751867249882, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.785466531779461, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.4733893557423, "y": 4.827941470326998, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.478756226406412, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.294908794287287, "q_0.85": 5.424402001203898, "q_0.875": 5.505751867249882, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.785466531779461, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.51340536214487, "y": 5.211738144821734, "y_pred": 4.162900994680669, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9155682408382018, "q_0.45": 3.9802035798864055, "q_0.475": 4.060502072620121, "q_0.5": 4.162900994680669, "q_0.525": 4.25056124416727, "q_0.55": 4.339090103947304, "q_0.575": 4.408840676130108, "q_0.6": 4.478756226406412, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.294908794287287, "q_0.85": 5.424402001203898, "q_0.875": 5.505751867249882, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.785466531779461, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.55342136854742, "y": 5.687599715434626, "y_pred": 4.160652236291072, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.9802035798864055, "q_0.475": 4.050160084879023, "q_0.5": 4.160652236291072, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.59343737494999, "y": 3.9709553542015694, "y_pred": 4.160652236291072, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.9802035798864055, "q_0.475": 4.050160084879023, "q_0.5": 4.160652236291072, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.63345338135254, "y": 4.731232968058789, "y_pred": 4.160652236291072, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.9802035798864055, "q_0.475": 4.050160084879023, "q_0.5": 4.160652236291072, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.6734693877551, "y": 3.750507003847826, "y_pred": 4.160652236291072, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.10705795033332, "q_0.225": 3.1900960464535535, "q_0.25": 3.2645602229727464, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.5904725201537255, "q_0.375": 3.7605574367515606, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.9802035798864055, "q_0.475": 4.050160084879023, "q_0.5": 4.160652236291072, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.026011468472818, "q_0.775": 5.1150846649757185, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.71348539415767, "y": 5.801151546464642, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.561676809710924, "q_0.65": 4.6663954051539065, "q_0.675": 4.75823814862361, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.01766693813023, "q_0.775": 5.106054082646271, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.75350140056022, "y": 4.1242083959691955, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.561676809710924, "q_0.65": 4.6663954051539065, "q_0.675": 4.75823814862361, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.01766693813023, "q_0.775": 5.106054082646271, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.79351740696279, "y": 3.860928175094159, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.561676809710924, "q_0.65": 4.6663954051539065, "q_0.675": 4.75823814862361, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.01766693813023, "q_0.775": 5.106054082646271, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.83353341336534, "y": 5.849790248423242, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.561676809710924, "q_0.65": 4.6663954051539065, "q_0.675": 4.75823814862361, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.01766693813023, "q_0.775": 5.106054082646271, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.87354941976791, "y": 2.3256601052229398, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.561676809710924, "q_0.65": 4.6663954051539065, "q_0.675": 4.75823814862361, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.01766693813023, "q_0.775": 5.106054082646271, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.91356542617046, "y": 3.5667771230540373, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.561676809710924, "q_0.65": 4.6663954051539065, "q_0.675": 4.75823814862361, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.01766693813023, "q_0.775": 5.106054082646271, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.95358143257303, "y": 5.470922495831033, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.561676809710924, "q_0.65": 4.6663954051539065, "q_0.675": 4.75823814862361, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.01766693813023, "q_0.775": 5.106054082646271, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 83.9935974389756, "y": 4.016884950305297, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4086283350558113, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.561676809710924, "q_0.65": 4.6663954051539065, "q_0.675": 4.75823814862361, "q_0.7": 4.853806814576997, "q_0.725": 4.960505677404949, "q_0.75": 5.01766693813023, "q_0.775": 5.106054082646271, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.603447866587708, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.03361344537815, "y": 3.6296327574840968, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.079755611267801, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4083798622147015, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.07362945178072, "y": 4.5307585434556135, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.079755611267801, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4083798622147015, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.11364545818327, "y": 3.8421760013767297, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.079755611267801, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4083798622147015, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.15366146458584, "y": 3.559706554042867, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.079755611267801, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4083798622147015, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.1936774709884, "y": 3.3209807744696085, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.079755611267801, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4083798622147015, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.23369347739096, "y": 3.4984940453515803, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.079755611267801, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4083798622147015, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.27370948379352, "y": 5.799326980086704, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.079755611267801, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4083798622147015, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.31372549019608, "y": 5.933662493691477, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.079755611267801, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4083798622147015, "q_0.325": 3.50275331023131, "q_0.35": 3.589337186913361, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.233940641614347, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.35374149659864, "y": 2.6929873493683907, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.329921802687885, "q_0.3": 3.4073859708502625, "q_0.325": 3.50275331023131, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.8408853738061386, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.235112611945971, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.3937575030012, "y": 5.0904721126158154, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.329921802687885, "q_0.3": 3.4073859708502625, "q_0.325": 3.50275331023131, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.8408853738061386, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.678755810464409, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.235112611945971, "q_0.825": 5.299574779007834, "q_0.85": 5.427735484863346, "q_0.875": 5.516892215000944, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.43377350940376, "y": 4.79857405814516, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4073859708502625, "q_0.325": 3.50275331023131, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.236870567443402, "q_0.825": 5.300303885495273, "q_0.85": 5.42818894426093, "q_0.875": 5.52232510212519, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.47378951580633, "y": 4.698167283857219, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4073859708502625, "q_0.325": 3.50275331023131, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.236870567443402, "q_0.825": 5.300303885495273, "q_0.85": 5.42818894426093, "q_0.875": 5.52232510212519, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.51380552220888, "y": 2.445440885259209, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4073859708502625, "q_0.325": 3.50275331023131, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.236870567443402, "q_0.825": 5.300303885495273, "q_0.85": 5.42818894426093, "q_0.875": 5.52232510212519, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.55382152861145, "y": 3.352198557724701, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4073859708502625, "q_0.325": 3.50275331023131, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.76005565929704, "q_0.7": 4.877852228063945, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.116321735174258, "q_0.8": 5.236870567443402, "q_0.825": 5.300303885495273, "q_0.85": 5.42818894426093, "q_0.875": 5.52232510212519, "q_0.9": 5.607543952289076, "q_0.925": 5.662374771034235, "q_0.95": 5.786662739658899, "q_0.975": 5.921688698763932, "q_1": 6.27034173399522}, {"x": 84.593837535014, "y": 5.133518094073779, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.1803893266668584, "q_0.25": 3.2603308411032716, "q_0.275": 3.348939430882915, "q_0.3": 3.4073859708502625, "q_0.325": 3.50275331023131, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.841574218329812, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.487559006510527, "q_0.625": 4.582812226504587, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.611006861106356, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9221422614327714, "q_1": 6.27034173399522}, {"x": 84.63385354141657, "y": 4.190824560773652, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.17909589947245, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.9629853738879, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.619435163447077, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 84.67386954781914, "y": 2.4126034492144397, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.17909589947245, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.9629853738879, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.619435163447077, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 84.71388555422169, "y": 4.307464163882635, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.17909589947245, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.9629853738879, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.619435163447077, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 84.75390156062426, "y": 5.519157763400761, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.17909589947245, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.9629853738879, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.619435163447077, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 84.79391756702681, "y": 5.635193501206176, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.17909589947245, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.9629853738879, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.619435163447077, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 84.83393357342938, "y": 5.712003872297639, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.17909589947245, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.9629853738879, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.619435163447077, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 84.87394957983193, "y": 4.312367059826629, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.17909589947245, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.9629853738879, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.619435163447077, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 84.9139655862345, "y": 4.08514029514217, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.17909589947245, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.9629853738879, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.619435163447077, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 84.95398159263706, "y": 3.2457823281973135, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.17909589947245, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.750507003847826, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.402952275265316, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.9629853738879, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.306166120734368, "q_0.85": 5.42818894426093, "q_0.875": 5.529405411429767, "q_0.9": 5.619435163447077, "q_0.925": 5.665344388128012, "q_0.95": 5.786662739658899, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 84.99399759903962, "y": 5.591714034526983, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.7503527213029173, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.268530319651792, "q_0.55": 4.329576018243852, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.689471288430305, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.034888012746781, "q_0.775": 5.129819578235136, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.03401360544218, "y": 5.3424650365918325, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.7503527213029173, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.268530319651792, "q_0.55": 4.329576018243852, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.689471288430305, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.034888012746781, "q_0.775": 5.129819578235136, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.07402961184474, "y": 5.583490735471294, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2603308411032716, "q_0.275": 3.3287884686443454, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.588234830667382, "q_0.375": 3.7503527213029173, "q_0.4": 3.840713162675219, "q_0.425": 3.9142599852228352, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.268530319651792, "q_0.55": 4.329576018243852, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.689471288430305, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.034888012746781, "q_0.775": 5.129819578235136, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.1140456182473, "y": 3.177639167481428, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2570024517436535, "q_0.275": 3.3228340409489325, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.7503527213029173, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.689471288430305, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.034888012746781, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.15406162464987, "y": 2.694656447183644, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2570024517436535, "q_0.275": 3.3228340409489325, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.7503527213029173, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.689471288430305, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.034888012746781, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.19407763105242, "y": 4.961953427274496, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2570024517436535, "q_0.275": 3.3228340409489325, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.7503527213029173, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.689471288430305, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.034888012746781, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.23409363745499, "y": 5.7730974997674345, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2570024517436535, "q_0.275": 3.3228340409489325, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.7503527213029173, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.689471288430305, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.034888012746781, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.27410964385754, "y": 5.786662739658899, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2570024517436535, "q_0.275": 3.3228340409489325, "q_0.3": 3.4073859708502625, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.7503527213029173, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.050160084879023, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.408840676130108, "q_0.6": 4.487559006510527, "q_0.625": 4.58431812300384, "q_0.65": 4.689471288430305, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.034888012746781, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.31412565026011, "y": 4.322271500659567, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.779803099560721, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.3228340409489325, "q_0.3": 3.4024941368374733, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.739116335983769, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.047863185109052, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.35414165666266, "y": 4.751295572180412, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.779803099560721, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.3228340409489325, "q_0.3": 3.4024941368374733, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.739116335983769, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.047863185109052, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.39415766306523, "y": 2.749751298007558, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.779803099560721, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.3228340409489325, "q_0.3": 3.4024941368374733, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.739116335983769, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.047863185109052, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.4341736694678, "y": 3.366565895995834, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.779803099560721, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.3228340409489325, "q_0.3": 3.4024941368374733, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.739116335983769, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.047863185109052, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.47418967587035, "y": 4.358540678278143, "y_pred": 4.149530812879764, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.779803099560721, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.3228340409489325, "q_0.3": 3.4024941368374733, "q_0.325": 3.4984940453515803, "q_0.35": 3.5836941961671194, "q_0.375": 3.739116335983769, "q_0.4": 3.840713162675219, "q_0.425": 3.913632040594817, "q_0.45": 3.979770958558184, "q_0.475": 4.047863185109052, "q_0.5": 4.149530812879764, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.399331144616328, "q_0.6": 4.476555531380372, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.51420568227292, "y": 5.655143783909511, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 3.0042750335050386, "q_0.2": 3.0713365782868456, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3222849806377885, "q_0.3": 3.4024941368374733, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8362449438349007, "q_0.425": 3.9125235968269525, "q_0.45": 3.9709553542015694, "q_0.475": 4.047863185109052, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.399077134558835, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.1291143725727935, "q_0.8": 5.252476581828642, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.55422168867547, "y": 4.156851866813666, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.761931725861849, "q_0.15": 2.8934418200942686, "q_0.175": 3.0042750335050386, "q_0.2": 3.0713365782868456, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3222849806377885, "q_0.3": 3.4024941368374733, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8362449438349007, "q_0.425": 3.9125235968269525, "q_0.45": 3.9709553542015694, "q_0.475": 4.047863185109052, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.399077134558835, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.1291143725727935, "q_0.8": 5.252476581828642, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.59423769507804, "y": 4.567626180568927, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.979181244314481, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3212416157032467, "q_0.3": 3.39294710354336, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9125235968269525, "q_0.45": 3.9709553542015694, "q_0.475": 4.046112619647198, "q_0.5": 4.1242083959691955, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.386746105165258, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.6342537014806, "y": 2.5375850537160143, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.979181244314481, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3212416157032467, "q_0.3": 3.39294710354336, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9125235968269525, "q_0.45": 3.9709553542015694, "q_0.475": 4.046112619647198, "q_0.5": 4.1242083959691955, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.386746105165258, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.67426970788316, "y": 5.974723131926337, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.979181244314481, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3212416157032467, "q_0.3": 3.39294710354336, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9125235968269525, "q_0.45": 3.9709553542015694, "q_0.475": 4.046112619647198, "q_0.5": 4.1242083959691955, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.386746105165258, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.71428571428572, "y": 4.189914084080068, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.979181244314481, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3212416157032467, "q_0.3": 3.39294710354336, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9125235968269525, "q_0.45": 3.9709553542015694, "q_0.475": 4.046112619647198, "q_0.5": 4.1242083959691955, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.386746105165258, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.75430172068828, "y": 2.934333697710078, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.979181244314481, "q_0.2": 3.070399006042915, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3212416157032467, "q_0.3": 3.39294710354336, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9125235968269525, "q_0.45": 3.9709553542015694, "q_0.475": 4.046112619647198, "q_0.5": 4.1242083959691955, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.386746105165258, "q_0.6": 4.476555531380372, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.79431772709084, "y": 3.610435875236362, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.9056931344661208, "q_0.45": 3.9651255357513255, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.678755810464409, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.8343337334934, "y": 4.270194143422969, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.9056931344661208, "q_0.45": 3.9651255357513255, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.678755810464409, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.87434973989596, "y": 2.852885916079155, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.9056931344661208, "q_0.45": 3.9651255357513255, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.678755810464409, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.91436574629853, "y": 3.0730870946155284, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.9056931344661208, "q_0.45": 3.9651255357513255, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.678755810464409, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.95438175270108, "y": 5.794792489876537, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.9056931344661208, "q_0.45": 3.9651255357513255, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.678755810464409, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 85.99439775910365, "y": 5.631398813356039, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.9056931344661208, "q_0.45": 3.9651255357513255, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.678755810464409, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.026011468472818, "q_0.775": 5.128485313318066, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.9307599521408285, "q_1": 6.27034173399522}, {"x": 86.0344137655062, "y": 2.7926220567241433, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.07442977190877, "y": 3.3859866044528193, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.230148835932898, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.11444577831132, "y": 4.736177265394555, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.02373075783899, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.15446178471389, "y": 3.313801822026567, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.02373075783899, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.794792489876537, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.19447779111646, "y": 2.3384892224670906, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.23449379751901, "y": 4.9862032755209, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.27450980392157, "y": 3.062265049530021, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.31452581032413, "y": 3.562079848364073, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.3545418167267, "y": 3.407047274582731, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.39455782312926, "y": 2.9089210256485067, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.43457382953181, "y": 2.8459810738193103, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.47458983593438, "y": 2.881223026003658, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.51460584233693, "y": 5.99908553413076, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.5546218487395, "y": 5.087589280875769, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.59463785514205, "y": 5.896444223549716, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.63465386154462, "y": 4.499820971568168, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.67466986794719, "y": 3.588234830667382, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.117753451838315, "q_0.8": 5.244216861948782, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.71468587434974, "y": 2.9549714832035257, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024020986596885, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.673193628074685, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.24733421501272, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.75470188075231, "y": 4.166763113593852, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024020986596885, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.673193628074685, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.24733421501272, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.79471788715486, "y": 4.205281141087338, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024020986596885, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.673193628074685, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.24733421501272, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.83473389355743, "y": 5.283373196937468, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024020986596885, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.673193628074685, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.24733421501272, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.87474989996, "y": 4.339090103947304, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024020986596885, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.673193628074685, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.24733421501272, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.91476590636255, "y": 3.073721591736618, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024020986596885, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.673193628074685, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.24733421501272, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.95478191276511, "y": 5.424402001203898, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024020986596885, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.673193628074685, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.24733421501272, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 86.99479791916767, "y": 2.896176512441606, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.901450099337002, "q_0.45": 3.956901774091354, "q_0.475": 4.024020986596885, "q_0.5": 4.109581347833983, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.673193628074685, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.24733421501272, "q_0.825": 5.3131759745130065, "q_0.85": 5.42818894426093, "q_0.875": 5.54762208330054, "q_0.9": 5.619435163447077, "q_0.925": 5.679904757712986, "q_0.95": 5.795692993610903, "q_0.975": 5.964780134904505, "q_1": 6.27034173399522}, {"x": 87.03481392557023, "y": 4.342673464579576, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6728362355532678, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.6194902076979645, "q_0.925": 5.679904757712986, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.07482993197279, "y": 2.496413858123113, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6728362355532678, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.6194902076979645, "q_0.925": 5.679904757712986, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.11484593837535, "y": 3.7370926455715083, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6728362355532678, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.6194902076979645, "q_0.925": 5.679904757712986, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.15486194477792, "y": 4.886857096784434, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6728362355532678, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.6194902076979645, "q_0.925": 5.679904757712986, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.19487795118047, "y": 2.8625790249467054, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6728362355532678, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.6194902076979645, "q_0.925": 5.679904757712986, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.23489395758304, "y": 4.329576018243852, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6728362355532678, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.6194902076979645, "q_0.925": 5.679904757712986, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.27490996398559, "y": 4.383043426725088, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6728362355532678, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.6194902076979645, "q_0.925": 5.679904757712986, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.31492597038816, "y": 5.791089951665082, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6728362355532678, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.6194902076979645, "q_0.925": 5.679904757712986, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.35494197679073, "y": 4.109581347833983, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6728362355532678, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.249412450388658, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.54762208330054, "q_0.9": 5.6194902076979645, "q_0.925": 5.679904757712986, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.39495798319328, "y": 2.6345710604504227, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.43497398959585, "y": 2.8916658958411467, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.4749899959984, "y": 3.384794262181612, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.51500600240097, "y": 5.37449546139044, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.55502200880352, "y": 3.3075176055432403, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.59503801520609, "y": 4.655020408495753, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.63505402160865, "y": 2.6361376237935463, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.6750700280112, "y": 3.10705795033332, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.71508603441377, "y": 4.693400473081786, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.75510204081633, "y": 2.7120155949575975, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.79511804721889, "y": 5.06110622508475, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.83513405362145, "y": 4.047863185109052, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.87515006002401, "y": 3.403180030007558, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.91516606642658, "y": 5.665344388128012, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.95518207282913, "y": 4.901881376629588, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 87.9951980792317, "y": 2.58426118249351, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.03521408563425, "y": 4.8916201382570605, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.07523009203682, "y": 3.095675645398517, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.11524609843939, "y": 5.844845075033909, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.15526210484194, "y": 2.926228281685497, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.1952781112445, "y": 4.68982819532952, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.23529411764706, "y": 3.2645602229727464, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.688880183092184, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.27531012404962, "y": 5.9307599521408285, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.31532613045218, "y": 3.577849190160346, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.35534213685474, "y": 4.5886528163139095, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.39535814325731, "y": 2.835552769748222, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.43537414965986, "y": 4.1693121459436355, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.47539015606243, "y": 4.663237353070305, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.51540616246498, "y": 5.280781234023091, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.55542216886755, "y": 4.4667994860864075, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.59543817527012, "y": 5.026011468472818, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.63545418167267, "y": 5.6194902076979645, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.67547018807524, "y": 3.4821536942134745, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.71548619447779, "y": 3.6412147812459486, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.75550220088036, "y": 2.4566492217258977, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.79551820728291, "y": 4.458793381669393, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.83553421368548, "y": 6.051499896740248, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.87555022008804, "y": 5.15365630662819, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.9155662264906, "y": 6.1331234016450065, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.95558223289316, "y": 4.079205916056161, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 88.99559823929572, "y": 5.198648473793595, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.03561424569828, "y": 2.9607586531045254, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.07563025210085, "y": 3.956901774091354, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.1156462585034, "y": 4.803604988503729, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.15566226490597, "y": 4.0657894611287055, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.19567827130852, "y": 2.4595954063408225, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.23569427771109, "y": 3.55669712167166, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.27571028411364, "y": 4.9295437696061, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.31572629051621, "y": 3.85677363804085, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.35574229691878, "y": 4.060502072620121, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.39575830332133, "y": 5.619435163447077, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.4357743097239, "y": 3.3770199430874923, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.47579031612645, "y": 4.702140270017464, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.51580632252902, "y": 5.581369898874254, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482581544348202, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.956901774091354, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.55582232893157, "y": 5.434266789690643, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.59583833533414, "y": 3.261021154086286, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.6358543417367, "y": 2.5436886043987057, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.67587034813926, "y": 3.4073859708502625, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.71588635454182, "y": 3.023530191254946, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.75590236094438, "y": 2.4549129994665257, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.79591836734694, "y": 3.513709366624788, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.83593437374951, "y": 4.342365636232222, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.87595038015206, "y": 4.838457314523078, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.91596638655463, "y": 3.7961779470469774, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.95598239295718, "y": 3.1319274838423254, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 89.99599839935975, "y": 4.52974423983774, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.0360144057623, "y": 5.231136683160571, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.07603041216487, "y": 5.011797311164916, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.11604641856744, "y": 5.632870183523715, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.15606242496999, "y": 3.3616035987465214, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.19607843137256, "y": 4.278020080816917, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821626417020206, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.5307585434556135, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.884736493949518, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.23609443777511, "y": 4.22260905747275, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.27611044417768, "y": 3.5836941961671194, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.31612645058024, "y": 4.98212101451431, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.3561424569828, "y": 2.8663602678584175, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.39615846338536, "y": 5.438194201954435, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.43617446978791, "y": 2.4926824353728496, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.47619047619048, "y": 3.840713162675219, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.51620648259303, "y": 4.681317684376906, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.5562224889956, "y": 3.9802035798864055, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.59623849539817, "y": 4.867753451713261, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.63625450180072, "y": 2.502128489468181, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.67627050820329, "y": 5.679904757712986, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.71628651460584, "y": 2.6516303677934694, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.75630252100841, "y": 3.457939640000598, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.79631852741097, "y": 3.479838576454963, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.83633453381353, "y": 2.399642310827021, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.8763505402161, "y": 2.7153796405980066, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.91636654661865, "y": 5.624705042939183, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.95638255302121, "y": 5.33324305619078, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 90.99639855942377, "y": 5.188564138783725, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.03641456582633, "y": 5.002090664564925, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.0764305722289, "y": 2.6417157379116865, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.11644657863145, "y": 3.50275331023131, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.15646258503402, "y": 2.3811461727431555, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.19647859143657, "y": 2.5885912762615337, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.23649459783914, "y": 2.5018583748165724, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.2765106042417, "y": 3.1208812296169146, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.31652661064426, "y": 2.5729806297330544, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.35654261704683, "y": 2.4217787964321422, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.39655862344938, "y": 3.2984684777649127, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.43657462985195, "y": 5.42818894426093, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.4765906362545, "y": 2.5739753874948024, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.51660664265707, "y": 6.143265894680987, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.55662264905963, "y": 4.8865635136613434, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.59663865546219, "y": 5.691738554479791, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.63665466186475, "y": 4.899512951016065, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.6766706682673, "y": 5.346874965913657, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.71668667466987, "y": 3.5158058423364817, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.75670268107243, "y": 3.348939430882915, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.79671868747499, "y": 4.915761464556983, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.83673469387756, "y": 4.526511379227445, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.87675070028011, "y": 4.305674944555796, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.91676670668268, "y": 3.0419592001736593, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.95678271308523, "y": 3.247779229540554, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 91.9967987194878, "y": 4.476555531380372, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.03681472589037, "y": 3.938653816540346, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.07683073229292, "y": 6.067045959154592, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.11684673869549, "y": 4.489776345542835, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4217787964321422, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.8667385952134774, "q_0.175": 2.9644868785218543, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.780415527265166, "q_0.7": 4.8865635136613434, "q_0.725": 4.961953427274496, "q_0.75": 5.01766693813023, "q_0.775": 5.128485313318066, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.799326980086704, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.15686274509804, "y": 4.023712033402997, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.556579498799086, "q_0.375": 3.629489241472858, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.6663954051539065, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.967069307788265, "q_0.75": 5.01766693813023, "q_0.775": 5.129819578235136, "q_0.8": 5.25728410248818, "q_0.825": 5.3131759745130065, "q_0.85": 5.434266789690643, "q_0.875": 5.561650887791949, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.1968787515006, "y": 6.022969970332446, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.379249212672403, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.23689475790316, "y": 2.714189113958136, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.379249212672403, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.27691076430573, "y": 3.4086283350558113, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.379249212672403, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.31692677070829, "y": 3.6964600709430333, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.379249212672403, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.35694277711085, "y": 5.651166593727051, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.379249212672403, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.39695878351341, "y": 5.31604585830623, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.379249212672403, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.43697478991596, "y": 3.536820760166708, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.379249212672403, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.47699079631853, "y": 5.726323227472254, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.379249212672403, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.5170068027211, "y": 2.6038004502696865, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.496413858123113, "q_0.075": 2.5739753874948024, "q_0.1": 2.6516303677934694, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.173472643834273, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.022717216561261, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.379249212672403, "q_0.6": 4.4667994860864075, "q_0.625": 4.542961787693435, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.55702280912365, "y": 4.265636888584378, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.561676809710924, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5627472825609745, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.59703881552622, "y": 4.887772573750112, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.561676809710924, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5627472825609745, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.63705482192877, "y": 3.5672951092335428, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.561676809710924, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5627472825609745, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.67707082833134, "y": 2.6302031571049738, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.561676809710924, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5627472825609745, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.71708683473389, "y": 3.355642879556126, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.5739753874948024, "q_0.1": 2.6543719937017753, "q_0.125": 2.7524190153540147, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.062265049530021, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.4667994860864075, "q_0.625": 4.561676809710924, "q_0.65": 4.681317684376906, "q_0.675": 4.790989407653795, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.129819578235136, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5627472825609745, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 5.991328557727549, "q_1": 6.27034173399522}, {"x": 92.75710284113646, "y": 4.230252418408611, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.881223026003658, "q_0.175": 2.9755562752277127, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.4667994860864075, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.8865635136613434, "q_0.725": 4.968028921493171, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.257417129892941, "q_0.825": 5.3131759745130065, "q_0.85": 5.436254423980275, "q_0.875": 5.566200935376754, "q_0.9": 5.6194902076979645, "q_0.925": 5.691738554479791, "q_0.95": 5.801151546464642, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 92.79711884753902, "y": 3.591416837860331, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.8956628579816077, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482176062934839, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.376639640538902, "q_0.6": 4.4667994860864075, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.8865635136613434, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.691738554479791, "q_0.95": 5.803236633562433, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 92.83713485394158, "y": 3.9682529860571067, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.8956628579816077, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482176062934839, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.376639640538902, "q_0.6": 4.4667994860864075, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.8865635136613434, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.691738554479791, "q_0.95": 5.803236633562433, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 92.87715086034414, "y": 2.723773215795754, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.8956628579816077, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482176062934839, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.376639640538902, "q_0.6": 4.4667994860864075, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.8865635136613434, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.691738554479791, "q_0.95": 5.803236633562433, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 92.9171668667467, "y": 2.4196537142862917, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.8956628579816077, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482176062934839, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.376639640538902, "q_0.6": 4.4667994860864075, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.8865635136613434, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.691738554479791, "q_0.95": 5.803236633562433, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 92.95718287314926, "y": 5.752584512547143, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.8956628579816077, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482176062934839, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.376639640538902, "q_0.6": 4.4667994860864075, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.8865635136613434, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.691738554479791, "q_0.95": 5.803236633562433, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 92.99719887955183, "y": 2.6665159314249776, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.8956628579816077, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482176062934839, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.376639640538902, "q_0.6": 4.4667994860864075, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.8865635136613434, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.691738554479791, "q_0.95": 5.803236633562433, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 93.03721488595438, "y": 3.495776017039833, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.664434071908261, "q_0.125": 2.761931725861849, "q_0.15": 2.8956628579816077, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482176062934839, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.376639640538902, "q_0.6": 4.4667994860864075, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.8865635136613434, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.691738554479791, "q_0.95": 5.803236633562433, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 93.07723089235695, "y": 4.929578926498831, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.761931725861849, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.377901776833773, "q_0.6": 4.4667994860864075, "q_0.625": 4.578294537006855, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.8865635136613434, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.257417129892941, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.691738554479791, "q_0.95": 5.803931662595026, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 93.1172468987595, "y": 5.626979305805996, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.761931725861849, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.79857405814516, "q_0.7": 4.887704204209184, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.2584893877247785, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.702956197957832, "q_0.95": 5.816529716627635, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 93.15726290516207, "y": 3.6065689584716947, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.779803099560721, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.803604988503729, "q_0.7": 4.887704204209184, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.264322892617275, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.702956197957832, "q_0.95": 5.816529716627635, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 93.19727891156462, "y": 4.884736493949518, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.779803099560721, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.803604988503729, "q_0.7": 4.887704204209184, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.264322892617275, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.702956197957832, "q_0.95": 5.816529716627635, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 93.23729491796719, "y": 4.190067204699094, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2301488359328983, "q_0.025": 2.4223368850360067, "q_0.05": 2.5018583748165724, "q_0.075": 2.58426118249351, "q_0.1": 2.6665159314249776, "q_0.125": 2.779803099560721, "q_0.15": 2.896176512441606, "q_0.175": 3.0042750335050386, "q_0.2": 3.070399006042915, "q_0.225": 3.1754413821479606, "q_0.25": 3.247779229540554, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.58431812300384, "q_0.65": 4.681317684376906, "q_0.675": 4.803604988503729, "q_0.7": 4.887704204209184, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.133518094073779, "q_0.8": 5.264322892617275, "q_0.825": 5.31604585830623, "q_0.85": 5.436254423980275, "q_0.875": 5.5669396939480436, "q_0.9": 5.624559174385009, "q_0.925": 5.702956197957832, "q_0.95": 5.816529716627635, "q_0.975": 6.022498660166112, "q_1": 6.27034173399522}, {"x": 93.27731092436976, "y": 2.5634086947733996, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4226713869881875, "q_0.05": 2.5018583748165724, "q_0.075": 2.5868557130288874, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.482278959053114, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.5886528163139095, "q_0.65": 4.681317684376906, "q_0.675": 4.803604988503729, "q_0.7": 4.9003724638075195, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.15365630662819, "q_0.8": 5.264322892617275, "q_0.825": 5.31604585830623, "q_0.85": 5.438194201954435, "q_0.875": 5.5669396939480436, "q_0.9": 5.624705042939183, "q_0.925": 5.702956197957832, "q_0.95": 5.816529716627635, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.31732693077231, "y": 3.944447758105418, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4226713869881875, "q_0.05": 2.5018583748165724, "q_0.075": 2.5868557130288874, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.482278959053114, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.5886528163139095, "q_0.65": 4.681317684376906, "q_0.675": 4.803604988503729, "q_0.7": 4.9003724638075195, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.15365630662819, "q_0.8": 5.264322892617275, "q_0.825": 5.31604585830623, "q_0.85": 5.438194201954435, "q_0.875": 5.5669396939480436, "q_0.9": 5.624705042939183, "q_0.925": 5.702956197957832, "q_0.95": 5.816529716627635, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.35734293717488, "y": 2.4820483851016246, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4226713869881875, "q_0.05": 2.5018583748165724, "q_0.075": 2.5868557130288874, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.482278959053114, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.5886528163139095, "q_0.65": 4.681317684376906, "q_0.675": 4.803604988503729, "q_0.7": 4.9003724638075195, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.15365630662819, "q_0.8": 5.264322892617275, "q_0.825": 5.31604585830623, "q_0.85": 5.438194201954435, "q_0.875": 5.5669396939480436, "q_0.9": 5.624705042939183, "q_0.925": 5.702956197957832, "q_0.95": 5.816529716627635, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.39735894357743, "y": 6.093397896534075, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4226713869881875, "q_0.05": 2.5018583748165724, "q_0.075": 2.5868557130288874, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.896176512441606, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.482278959053114, "q_0.35": 3.55669712167166, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.5886528163139095, "q_0.65": 4.681317684376906, "q_0.675": 4.803604988503729, "q_0.7": 4.9003724638075195, "q_0.725": 4.973232552394514, "q_0.75": 5.026011468472818, "q_0.775": 5.15365630662819, "q_0.8": 5.264322892617275, "q_0.825": 5.31604585830623, "q_0.85": 5.438194201954435, "q_0.875": 5.5669396939480436, "q_0.9": 5.624705042939183, "q_0.925": 5.702956197957832, "q_0.95": 5.816529716627635, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.43737494998, "y": 5.3131759745130065, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4380251802461514, "q_0.05": 2.502128489468181, "q_0.075": 2.5868557130288874, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.664826832100894, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.314815605878105, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.5886528163139095, "q_0.65": 4.689471288430305, "q_0.675": 4.815495724788712, "q_0.7": 4.9003724638075195, "q_0.725": 4.977294368058198, "q_0.75": 5.034888012746781, "q_0.775": 5.15365630662819, "q_0.8": 5.264322892617275, "q_0.825": 5.319832395768424, "q_0.85": 5.438194201954435, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.704233539728868, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.47739095638255, "y": 3.6789000582817586, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4380251802461514, "q_0.05": 2.502128489468181, "q_0.075": 2.5868557130288874, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.664826832100894, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.314815605878105, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.5886528163139095, "q_0.65": 4.689471288430305, "q_0.675": 4.815495724788712, "q_0.7": 4.9003724638075195, "q_0.725": 4.977294368058198, "q_0.75": 5.034888012746781, "q_0.775": 5.15365630662819, "q_0.8": 5.264322892617275, "q_0.825": 5.319832395768424, "q_0.85": 5.438194201954435, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.704233539728868, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.51740696278512, "y": 3.2750216591318004, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4380251802461514, "q_0.05": 2.502128489468181, "q_0.075": 2.5868557130288874, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.664826832100894, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.314815605878105, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.5886528163139095, "q_0.65": 4.689471288430305, "q_0.675": 4.815495724788712, "q_0.7": 4.9003724638075195, "q_0.725": 4.977294368058198, "q_0.75": 5.034888012746781, "q_0.775": 5.15365630662819, "q_0.8": 5.264322892617275, "q_0.825": 5.319832395768424, "q_0.85": 5.438194201954435, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.704233539728868, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.55742296918768, "y": 3.9155682408382018, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4380251802461514, "q_0.05": 2.502128489468181, "q_0.075": 2.5868557130288874, "q_0.1": 2.6665159314249776, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0132293789234903, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.313801822026567, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.55669712167166, "q_0.375": 3.664826832100894, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.314815605878105, "q_0.575": 4.383043426725088, "q_0.6": 4.4667994860864075, "q_0.625": 4.5886528163139095, "q_0.65": 4.689471288430305, "q_0.675": 4.815495724788712, "q_0.7": 4.9003724638075195, "q_0.725": 4.977294368058198, "q_0.75": 5.034888012746781, "q_0.775": 5.15365630662819, "q_0.8": 5.264322892617275, "q_0.825": 5.319832395768424, "q_0.85": 5.438194201954435, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.704233539728868, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.59743897559024, "y": 3.5904725201537255, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4380251802461514, "q_0.05": 2.502128489468181, "q_0.075": 2.5868557130288874, "q_0.1": 2.671641687026599, "q_0.125": 2.7921501600611567, "q_0.15": 2.907311205076903, "q_0.175": 3.0197952553194525, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4823457440035352, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.5886528163139095, "q_0.65": 4.693400473081786, "q_0.675": 4.815495724788712, "q_0.7": 4.901881376629588, "q_0.725": 4.977294368058198, "q_0.75": 5.0378943803274385, "q_0.775": 5.168472203483976, "q_0.8": 5.26606711347786, "q_0.825": 5.333606511110667, "q_0.85": 5.449777820501485, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.712003872297639, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.6374549819928, "y": 3.8020753592247956, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5885912762615337, "q_0.1": 2.671641687026599, "q_0.125": 2.7926220567241433, "q_0.15": 2.907311205076903, "q_0.175": 3.0197952553194525, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.399077134558835, "q_0.6": 4.476555531380372, "q_0.625": 4.61399667490164, "q_0.65": 4.693400473081786, "q_0.675": 4.815495724788712, "q_0.7": 4.901881376629588, "q_0.725": 4.977294368058198, "q_0.75": 5.0378943803274385, "q_0.775": 5.168472203483976, "q_0.8": 5.26606711347786, "q_0.825": 5.333606511110667, "q_0.85": 5.449777820501485, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.712003872297639, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.67747098839536, "y": 5.921688698763932, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5885912762615337, "q_0.1": 2.671641687026599, "q_0.125": 2.7926220567241433, "q_0.15": 2.907311205076903, "q_0.175": 3.0197952553194525, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.399077134558835, "q_0.6": 4.476555531380372, "q_0.625": 4.61399667490164, "q_0.65": 4.693400473081786, "q_0.675": 4.815495724788712, "q_0.7": 4.901881376629588, "q_0.725": 4.977294368058198, "q_0.75": 5.0378943803274385, "q_0.775": 5.168472203483976, "q_0.8": 5.26606711347786, "q_0.825": 5.333606511110667, "q_0.85": 5.449777820501485, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.712003872297639, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.71748699479792, "y": 3.9332517302731973, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5885912762615337, "q_0.1": 2.671641687026599, "q_0.125": 2.7926220567241433, "q_0.15": 2.907311205076903, "q_0.175": 3.0197952553194525, "q_0.2": 3.073721591736618, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.8083618384431666, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.399077134558835, "q_0.6": 4.476555531380372, "q_0.625": 4.61399667490164, "q_0.65": 4.693400473081786, "q_0.675": 4.815495724788712, "q_0.7": 4.901881376629588, "q_0.725": 4.977294368058198, "q_0.75": 5.0378943803274385, "q_0.775": 5.168472203483976, "q_0.8": 5.26606711347786, "q_0.825": 5.333606511110667, "q_0.85": 5.449777820501485, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.712003872297639, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.75750300120049, "y": 5.236870567443402, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5885912762615337, "q_0.1": 2.6828971888118565, "q_0.125": 2.7926220567241433, "q_0.15": 2.907311205076903, "q_0.175": 3.0197952553194525, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.399077134558835, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.696883024241005, "q_0.675": 4.824497756750446, "q_0.7": 4.901881376629588, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.188564138783725, "q_0.8": 5.26606711347786, "q_0.825": 5.333606511110667, "q_0.85": 5.452978338295401, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.712003872297639, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.79751900760304, "y": 2.9755562752277127, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5885912762615337, "q_0.1": 2.6828971888118565, "q_0.125": 2.7926220567241433, "q_0.15": 2.907311205076903, "q_0.175": 3.0197952553194525, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.399077134558835, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.696883024241005, "q_0.675": 4.824497756750446, "q_0.7": 4.901881376629588, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.188564138783725, "q_0.8": 5.26606711347786, "q_0.825": 5.333606511110667, "q_0.85": 5.452978338295401, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.712003872297639, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.83753501400561, "y": 4.43410873947748, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5885912762615337, "q_0.1": 2.6828971888118565, "q_0.125": 2.7926220567241433, "q_0.15": 2.907311205076903, "q_0.175": 3.0197952553194525, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.6964600709430333, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.322271500659567, "q_0.575": 4.399077134558835, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.696883024241005, "q_0.675": 4.824497756750446, "q_0.7": 4.901881376629588, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.188564138783725, "q_0.8": 5.26606711347786, "q_0.825": 5.333606511110667, "q_0.85": 5.452978338295401, "q_0.875": 5.581369898874254, "q_0.9": 5.624705042939183, "q_0.925": 5.712003872297639, "q_0.95": 5.821391157014547, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.87755102040816, "y": 4.279932436313147, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5885912762615337, "q_0.1": 2.6828971888118565, "q_0.125": 2.7953524597768027, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130087, "q_0.6": 4.487559006510527, "q_0.625": 4.617894640017489, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.188564138783725, "q_0.8": 5.266816223503857, "q_0.825": 5.333606511110667, "q_0.85": 5.468516797645426, "q_0.875": 5.581369898874254, "q_0.9": 5.626979305805996, "q_0.925": 5.712003872297639, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.91756702681073, "y": 4.657682147506299, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6828971888118565, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.634369378133302, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.188564138783725, "q_0.8": 5.266816223503857, "q_0.825": 5.3424650365918325, "q_0.85": 5.468516797645426, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.95758303321328, "y": 5.001286072939259, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6828971888118565, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.634369378133302, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.188564138783725, "q_0.8": 5.266816223503857, "q_0.825": 5.3424650365918325, "q_0.85": 5.468516797645426, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 93.99759903961585, "y": 5.702956197957832, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6828971888118565, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.634369378133302, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.188564138783725, "q_0.8": 5.266816223503857, "q_0.825": 5.3424650365918325, "q_0.85": 5.468516797645426, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.03761504601842, "y": 3.2603308411032716, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6828971888118565, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.634369378133302, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.188564138783725, "q_0.8": 5.266816223503857, "q_0.825": 5.3424650365918325, "q_0.85": 5.468516797645426, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.07763105242097, "y": 3.8474877916684544, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6828971888118565, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.634369378133302, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.188564138783725, "q_0.8": 5.266816223503857, "q_0.825": 5.3424650365918325, "q_0.85": 5.468516797645426, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.11764705882354, "y": 2.5918130110067112, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6828971888118565, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.634369378133302, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.188564138783725, "q_0.8": 5.266816223503857, "q_0.825": 5.3424650365918325, "q_0.85": 5.468516797645426, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.15766306522609, "y": 4.787925059658038, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6828971888118565, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.634369378133302, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.188564138783725, "q_0.8": 5.266816223503857, "q_0.825": 5.3424650365918325, "q_0.85": 5.468516797645426, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.19767907162866, "y": 5.991328557727549, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6828971888118565, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.487559006510527, "q_0.625": 4.634369378133302, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.188564138783725, "q_0.8": 5.266816223503857, "q_0.825": 5.3424650365918325, "q_0.85": 5.468516797645426, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.23769507803122, "y": 3.9056931344661208, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.27771108443378, "y": 6.135797980695099, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.31772709083634, "y": 4.687810281215286, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.3577430972389, "y": 3.1900960464535535, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.39775910364146, "y": 4.423826815144782, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.43777511004402, "y": 4.852573212149856, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.47779111644658, "y": 4.95469210520297, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.51780712284915, "y": 4.845720545348097, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.5578231292517, "y": 3.107624500866958, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.59783913565427, "y": 3.1803893266668584, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.63785514205682, "y": 3.30922675123002, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.67787114845939, "y": 5.215791748097958, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.9481079483925474, "q_0.475": 4.024086522122861, "q_0.5": 4.109581347833983, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.268514533509989, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.022969970332446, "q_1": 6.27034173399522}, {"x": 94.71788715486196, "y": 4.310080972204612, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 94.75790316126451, "y": 4.977294368058198, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 94.79791916766708, "y": 5.474754932592035, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 94.83793517406963, "y": 4.562361887488981, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 94.8779511804722, "y": 4.202195391369143, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 94.91796718687475, "y": 3.936263249551006, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 94.95798319327731, "y": 4.455713106848916, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 94.99799919967988, "y": 2.9551932879384832, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.717322535659728, "q_0.95": 5.833008287882144, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.03801520608243, "y": 5.427735484863346, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.739116335983769, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.423826815144782, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.845720545348097, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.078031212485, "y": 5.918647019756464, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.739116335983769, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.423826815144782, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.845720545348097, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.11804721888755, "y": 5.529405411429767, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.739116335983769, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.423826815144782, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.845720545348097, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.15806322529012, "y": 5.5669396939480436, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.502128489468181, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.384794262181612, "q_0.325": 3.495776017039833, "q_0.35": 3.5672951092335428, "q_0.375": 3.739116335983769, "q_0.4": 3.8401305046081626, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.25056124416727, "q_0.55": 4.329576018243852, "q_0.575": 4.423826815144782, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.845720545348097, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.19807923169267, "y": 5.596618538306475, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8362449438349007, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.845720545348097, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.23809523809524, "y": 3.057966548401869, "y_pred": 4.1242083959691955, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.3209807744696085, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.8362449438349007, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.1242083959691955, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.845720545348097, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.27811124449781, "y": 6.2440948768366145, "y_pred": 4.119811094882084, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.956901774091354, "q_0.475": 4.024086522122861, "q_0.5": 4.119811094882084, "q_0.525": 4.246309500211176, "q_0.55": 4.323836392765906, "q_0.575": 4.420720701382907, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.31812725090036, "y": 4.929184037767474, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.35814325730293, "y": 4.0117205489122, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.39815926370548, "y": 5.827063180329365, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.43817527010805, "y": 4.639752850311846, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.47819127651061, "y": 6.238587921227395, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.51820728291317, "y": 5.300303885495273, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.023530191254946, "q_0.2": 3.107624500866958, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.4941224583668444, "q_0.35": 3.5672951092335428, "q_0.375": 3.7370926455715083, "q_0.4": 3.832809198068837, "q_0.425": 3.9056931344661208, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.415345649678461, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.55822328931573, "y": 3.805889886794203, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.59823929571829, "y": 5.264322892617275, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.63825530212085, "y": 5.216401239879421, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.6782713085234, "y": 3.5949088506552247, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.71828731492597, "y": 5.816529716627635, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.75830332132854, "y": 2.925697665180347, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.7983193277311, "y": 3.7992294195433147, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.83833533413366, "y": 4.853806814576997, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.87835134053621, "y": 4.242910092964924, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.91836734693878, "y": 5.01766693813023, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.95838335334135, "y": 6.260258086195082, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 95.9983993597439, "y": 2.6828971888118565, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.03841536614647, "y": 5.333606511110667, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.07843137254902, "y": 5.561650887791949, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.11844737895159, "y": 3.4785347574021266, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.15846338535414, "y": 3.373539190768731, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.1984793917567, "y": 4.0988717527454455, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.23849539815927, "y": 3.9142599852228352, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.27851140456183, "y": 4.35845326247657, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.31852741096439, "y": 3.2049943954724043, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.35854341736695, "y": 4.30463463054138, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.39855942376951, "y": 5.54762208330054, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.43857543017208, "y": 5.821391157014547, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.47859143657463, "y": 4.979780763181342, "y_pred": 4.109581347833983, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.313801822026567, "q_0.3": 3.373539190768731, "q_0.325": 3.482856644750313, "q_0.35": 3.5667771230540373, "q_0.375": 3.7370926455715083, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.109581347833983, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.408840676130108, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.046483195940112, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.5186074429772, "y": 3.5046745025682156, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.5667771230540373, "q_0.375": 3.7015776824519326, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.402952275265316, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0456518262776875, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.55862344937975, "y": 5.785466531779461, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4823326439843876, "q_0.35": 3.5667771230540373, "q_0.375": 3.7015776824519326, "q_0.4": 3.8218046644070816, "q_0.425": 3.901450099337002, "q_0.45": 3.944447758105418, "q_0.475": 4.023712033402997, "q_0.5": 4.1027222996594475, "q_0.525": 4.242910092964924, "q_0.55": 4.323836392765906, "q_0.575": 4.402952275265316, "q_0.6": 4.489776345542835, "q_0.625": 4.639752850311846, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.0456518262776875, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.59863945578232, "y": 4.024086522122861, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.4429966922060364, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.944447758105418, "q_0.475": 4.017770771067886, "q_0.5": 4.1027222996594475, "q_0.525": 4.230336563461151, "q_0.55": 4.322271500659567, "q_0.575": 4.399077134558835, "q_0.6": 4.476555531380372, "q_0.625": 4.62223438809014, "q_0.65": 4.7147695827641485, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.63865546218487, "y": 3.2860235665039457, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.67867146858744, "y": 2.907311205076903, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.71868747499, "y": 6.132410664348479, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.75870348139256, "y": 2.7260068715456347, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.79871948779513, "y": 4.4491496595227975, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.83873549419768, "y": 3.1718651512621157, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.87875150060025, "y": 5.770434390785447, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.9187675070028, "y": 3.142557683793132, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.95878351340536, "y": 5.25728410248818, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 96.99879951980793, "y": 3.0283301788662254, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.03881552621048, "y": 6.045097500237758, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.07883153261305, "y": 4.973232552394514, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.1188475390156, "y": 4.004903941052474, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.15886354541817, "y": 6.141926314416894, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.19887955182074, "y": 4.430873392947966, "y_pred": 4.1027222996594475, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.178037640858844, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.1027222996594475, "q_0.525": 4.230252418408611, "q_0.55": 4.322271500659567, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.837161538626953, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.23889555822329, "y": 3.8847472866647887, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.275951279825709, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.27891156462586, "y": 3.0197952553194525, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.275951279825709, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.31892757102841, "y": 5.2015399446803325, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.383043426725088, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.275951279825709, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.35894357743098, "y": 4.7147695827641485, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.274459398427366, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.39895958383353, "y": 3.2565413110759467, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.274459398427366, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.4389755902361, "y": 3.362559723310597, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.274459398427366, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.47899159663866, "y": 3.2472847296993383, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.274459398427366, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.51900760304122, "y": 4.323836392765906, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.274459398427366, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.55902360944378, "y": 2.571456478035223, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.274459398427366, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.59903961584634, "y": 3.5172355033829596, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.274459398427366, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.6390556222489, "y": 5.26606711347786, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2323238872398767, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.274459398427366, "q_0.825": 5.333606511110667, "q_0.85": 5.470539204424071, "q_0.875": 5.583490735471294, "q_0.9": 5.626979305805996, "q_0.925": 5.726323227472254, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.67907162865147, "y": 4.815495724788712, "y_pred": 4.101146211135459, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9125286841878246, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.016884950305297, "q_0.5": 4.101146211135459, "q_0.525": 4.230252418408611, "q_0.55": 4.310080972204612, "q_0.575": 4.3800576741755854, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.584794707132016, "q_0.9": 5.6312955078489795, "q_0.925": 5.7730974997674345, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.71908763505402, "y": 5.587477112847621, "y_pred": 4.098570103014342, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.015348189751715, "q_0.5": 4.098570103014342, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.584794707132016, "q_0.9": 5.6312955078489795, "q_0.925": 5.7730974997674345, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.75910364145659, "y": 5.299574779007834, "y_pred": 4.098570103014342, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.015348189751715, "q_0.5": 4.098570103014342, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.584794707132016, "q_0.9": 5.6312955078489795, "q_0.925": 5.7730974997674345, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.79911964785914, "y": 2.470979320958364, "y_pred": 4.098570103014342, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1803893266668584, "q_0.25": 3.2565413110759467, "q_0.275": 3.30922675123002, "q_0.3": 3.3711884822484173, "q_0.325": 3.4821536942134745, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.9401339462881877, "q_0.475": 4.015348189751715, "q_0.5": 4.098570103014342, "q_0.525": 4.228024947372495, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.584794707132016, "q_0.9": 5.6312955078489795, "q_0.925": 5.7730974997674345, "q_0.95": 5.844845075033909, "q_0.975": 6.090584481421906, "q_1": 6.27034173399522}, {"x": 97.83913565426171, "y": 4.615221016096102, "y_pred": 4.0959939948932345, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177838404170136, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.0959939948932345, "q_0.525": 4.2252784842081015, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 97.87915166066426, "y": 4.1027222996594475, "y_pred": 4.0959939948932345, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177838404170136, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.0959939948932345, "q_0.525": 4.2252784842081015, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 97.91916766706683, "y": 3.801463650007735, "y_pred": 4.0959939948932345, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177838404170136, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.0959939948932345, "q_0.525": 4.2252784842081015, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 97.9591836734694, "y": 6.27034173399522, "y_pred": 4.0959939948932345, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177838404170136, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.0959939948932345, "q_0.525": 4.2252784842081015, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 97.99919967987195, "y": 4.958763305706391, "y_pred": 4.0959939948932345, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177838404170136, "q_0.25": 3.2545749046962977, "q_0.275": 3.30922675123002, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.55669712167166, "q_0.375": 3.6964600709430333, "q_0.4": 3.805889886794203, "q_0.425": 3.8847472866647887, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.0959939948932345, "q_0.525": 4.2252784842081015, "q_0.55": 4.310080972204612, "q_0.575": 4.375882358761977, "q_0.6": 4.476555531380372, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.03921568627452, "y": 3.3711884822484173, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.07923169267707, "y": 4.474089777693742, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.11924769907964, "y": 2.761931725861849, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.1592637054822, "y": 5.306166120734368, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.19927971188476, "y": 3.7503527213029173, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.23929571828732, "y": 3.0509033325458628, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.27931172468988, "y": 3.025858539312837, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.31932773109244, "y": 2.449818127010743, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.359343737495, "y": 5.436254423980275, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.39935974389756, "y": 5.244158489837859, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.43937575030013, "y": 4.290307019271348, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.47939175670268, "y": 3.589337186913361, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.51940776310525, "y": 3.925139884098706, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.5594237695078, "y": 5.854808293437102, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.585465308560913, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.59943977591037, "y": 2.8667385952134774, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4796430035970385, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.63945578231294, "y": 2.5075168626786666, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4796430035970385, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.67947178871549, "y": 3.2372345560957414, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4796430035970385, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.71948779511806, "y": 4.432705927293125, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4796430035970385, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.75950380152061, "y": 2.4223368850360067, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4796430035970385, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.79951980792318, "y": 2.8011233770317414, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.438457476535858, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4796430035970385, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.361198382691671, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.693400473081786, "q_0.675": 4.824497756750446, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.0378943803274385, "q_0.775": 5.198648473793595, "q_0.8": 5.278189101923205, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.7730974997674345, "q_0.95": 5.896444223549716, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.83953581432573, "y": 5.128485313318066, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.696883024241005, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.470922495831033, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.8795518207283, "y": 4.149530812879764, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.91956782713086, "y": 6.112739664992043, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.95958383353342, "y": 5.964780134904505, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 98.99959983993598, "y": 3.477585549756284, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.03961584633853, "y": 3.8750496873581675, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.0796318527411, "y": 5.99546197601252, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.11964785914365, "y": 4.6663954051539065, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.15966386554622, "y": 3.844683630170143, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.19967987194879, "y": 5.534998107757124, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.23969587835134, "y": 6.022498660166112, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.0238617490260142, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.479838576454963, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.915761464556983, "q_0.725": 4.979780763181342, "q_0.75": 5.041086014358456, "q_0.775": 5.198648473793595, "q_0.8": 5.280781234023091, "q_0.825": 5.3424650365918325, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.781634551719325, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.27971188475391, "y": 5.0378943803274385, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.200812083554782, "q_0.8": 5.281448022228394, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.31972789115646, "y": 3.301120517472622, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2324697822707993, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.556579498799086, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.374279959416117, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.827941470326998, "q_0.7": 4.929184037767474, "q_0.725": 4.979780763181342, "q_0.75": 5.0431577172903905, "q_0.775": 5.200812083554782, "q_0.8": 5.281448022228394, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.587477112847621, "q_0.9": 5.631398813356039, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.35974389755903, "y": 5.611006861106356, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.538118074233566, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.3997599039616, "y": 4.046112619647198, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.538118074233566, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.43977591036415, "y": 5.136094888314858, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.538118074233566, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.47979191676671, "y": 4.305295626703245, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.538118074233566, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.51980792316927, "y": 6.090584481421906, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3075176055432403, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.538118074233566, "q_0.375": 3.6296327574840968, "q_0.4": 3.805889886794203, "q_0.425": 3.8750496873581675, "q_0.45": 3.938653816540346, "q_0.475": 4.0117205489122, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.307464163882635, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.55982392957183, "y": 2.664434071908261, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.59983993597439, "y": 3.0080259424319, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.63985594237695, "y": 3.1605757111275707, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.67987194877952, "y": 3.2646786712540683, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.71988795518207, "y": 3.3216332556013644, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.75990396158464, "y": 2.997422812486573, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.7999199679872, "y": 5.120055401834522, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.83993597438976, "y": 3.2545749046962977, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.87995198079233, "y": 3.3228340409489325, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.91996798719488, "y": 3.173472643834273, "y_pred": 4.08514029514217, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.3060480622945105, "q_0.3": 3.362559723310597, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.6296327574840968, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.08514029514217, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.37449546139044, "q_0.85": 5.474754932592035, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 99.95998399359745, "y": 3.9651255357513255, "y_pred": 4.079205916056161, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.445440885259209, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6929873493683907, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.024477499172284, "q_0.2": 3.10705795033332, "q_0.225": 3.177639167481428, "q_0.25": 3.2545749046962977, "q_0.275": 3.301120517472622, "q_0.3": 3.3616035987465214, "q_0.325": 3.4785347574021266, "q_0.35": 3.536820760166708, "q_0.375": 3.629489241472858, "q_0.4": 3.8033061560589747, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.079205916056161, "q_0.525": 4.22260905747275, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.838457314523078, "q_0.7": 4.929184037767474, "q_0.725": 4.98212101451431, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.283373196937468, "q_0.825": 5.382753321734516, "q_0.85": 5.47772218589268, "q_0.875": 5.591714034526983, "q_0.9": 5.651166593727051, "q_0.925": 5.785466531779461, "q_0.95": 5.918647019756464, "q_0.975": 6.112739664992043, "q_1": 6.27034173399522}, {"x": 100.0, "y": 6.166916206472844, "y_pred": 4.079205916056161, "target": "1", "q_0": 2.2663825897327854, "q_0.025": 2.4549129994665257, "q_0.05": 2.5075168626786666, "q_0.075": 2.5918130110067112, "q_0.1": 2.6837326405008817, "q_0.125": 2.8011233770317414, "q_0.15": 2.9089210256485067, "q_0.175": 3.023530191254946, "q_0.2": 3.10705795033332, "q_0.225": 3.1754413821479606, "q_0.25": 3.2545749046962977, "q_0.275": 3.301120517472622, "q_0.3": 3.3616035987465214, "q_0.325": 3.477585549756284, "q_0.35": 3.536820760166708, "q_0.375": 3.610435875236362, "q_0.4": 3.8020753592247956, "q_0.425": 3.8750496873581675, "q_0.45": 3.9332517302731973, "q_0.475": 4.0088931061288084, "q_0.5": 4.079205916056161, "q_0.525": 4.192231546360819, "q_0.55": 4.305674944555796, "q_0.575": 4.35845326247657, "q_0.6": 4.4667994860864075, "q_0.625": 4.615221016096102, "q_0.65": 4.698167283857219, "q_0.675": 4.845720545348097, "q_0.7": 4.9295437696061, "q_0.725": 4.9862032755209, "q_0.75": 5.06110622508475, "q_0.775": 5.216401239879421, "q_0.8": 5.299574779007834, "q_0.825": 5.424402001203898, "q_0.85": 5.529405411429767, "q_0.875": 5.596618538306475, "q_0.9": 5.655143783909511, "q_0.925": 5.786662739658899, "q_0.95": 5.921688698763932, "q_0.975": 6.1331234016450065, "q_1": 6.27034173399522}]}};
           var opt = {
             "mode": "vega-lite",
             "renderer": "canvas",
    @@ -441,7 +441,7 @@
     quantiles = np.linspace(0, 1, num=41, endpoint=True).round(3).tolist()
     
     # Define functions that generate targets; each function maps to one target.
    -funcs = [
    +target_funcs = [
         {
             "signal": lambda x: np.log1p(x + 1),
             "noise": lambda x: np.log1p(x) * random_state.uniform(size=len(x)),
    @@ -454,18 +454,19 @@
         },
     ]
     
    -legend = {k: v for f in funcs for k, v in f["legend"].items()}
    -
     
     def make_funcs_Xy(funcs, n_samples, bounds):
    -    """Make a dataset from specified function(s) with signal and noise."""
    +    """Make a dataset from specified function(s)."""
         x = np.linspace(*bounds, n_samples)
         y = np.empty((len(x), len(funcs)))
         for i, func in enumerate(funcs):
    -        y[:, i] = func["signal"](x) + func["noise"](x)
    +        y[:, i] = func(x)
         return np.atleast_2d(x).T, y
     
     
    +funcs = [lambda x, f=f: f["signal"](x) + f["noise"](x) for f in target_funcs]
    +legend = {k: v for f in target_funcs for k, v in f["legend"].items()}
    +
     # Create a dataset with multiple target variables.
     X, y = make_funcs_Xy(funcs, n_samples, bounds)
     
    @@ -481,7 +482,6 @@
         {
             "x": np.tile(X.squeeze(), len(funcs)),
             "y": y.reshape(-1, order="F"),
    -        "y_true": np.concatenate([f["signal"](X.squeeze()) for f in funcs]),
             "y_pred": np.concatenate([y_pred[:, i, len(quantiles) // 2] for i in range(len(funcs))]),
             "target": np.concatenate([[str(i)] * len(X) for i in range(len(funcs))]),
             **{f"q_{q_i:.3g}": y_i.ravel() for q_i, y_i in zip(quantiles, y_pred.T)},
    @@ -513,7 +513,6 @@
             alt.Tooltip("target:N", title="Target"),
             alt.Tooltip("x:Q", format=",.3f", title="X"),
             alt.Tooltip("y:Q", format=",.3f", title="Y"),
    -        alt.Tooltip("y_true:Q", format=",.3f", title="Y"),
             alt.Tooltip("y_pred:Q", format=",.3f", title="Predicted Y"),
             alt.Tooltip("y_pred_low:Q", format=",.3f", title="Predicted Lower Y"),
             alt.Tooltip("y_pred_upp:Q", format=",.3f", title="Predicted Upper Y"),
    diff --git a/searchindex.js b/searchindex.js
    index c68624d..e4d9bcc 100644
    --- a/searchindex.js
    +++ b/searchindex.js
    @@ -1 +1 @@
    -Search.setIndex({"alltitles": {"API Reference": [[0, null]], "Comparing Quantile Interpolation Methods": [[6, null]], "Computing User-Specified Functions with QRFs": [[3, null]], "Developer\u2019s Guide": [[16, null]], "Development Dependencies": [[16, "development-dependencies"]], "Development Installation": [[16, "development-installation"]], "Documentation": [[16, "documentation"]], "ExtraTreesQuantileRegressor": [[14, null]], "Extrapolation with Quantile Regression Forests": [[4, null]], "Fitting a Model": [[21, "fitting-a-model"]], "Fitting and Predicting": [[21, null]], "General Examples": [[1, null]], "Getting Started": [[17, null]], "Installation": [[17, "installation"]], "Introduction": [[22, null]], "Making Predictions": [[21, "making-predictions"]], "Multi-target Quantile Regression with QRFs": [[7, null]], "Out-of-Bag Estimation": [[21, "out-of-bag-estimation"]], "Predicting with Quantile Regression Forests": [[9, null]], "Prerequisites": [[17, "prerequisites"]], "Proximity Counts": [[23, null]], "QRFs for Conformalized Quantile Regression": [[2, null]], "Quantile Forests": [[0, "quantile-forests"]], "Quantile Ranks": [[24, null]], "Quantile Regression Forests": [[22, "quantile-regression-forests"]], "Quantile Regression Forests Prediction Intervals": [[8, null]], "Quantile Regression Forests vs. Random Forests": [[13, null]], "Quantile Weighting": [[21, "quantile-weighting"]], "Random Forest Predictions": [[21, "random-forest-predictions"]], "RandomForestQuantileRegressor": [[15, null]], "References": [[19, null]], "Release Notes": [[20, null]], "Test and Coverage": [[16, "test-and-coverage"]], "Tree SHAP with Quantile Regression Forests": [[12, null]], "Troubleshooting": [[16, "troubleshooting"]], "User-Specified Functions": [[21, "user-specified-functions"]], "Using Proximity Counts to Identify Similar Samples": [[10, null]], "Using Quantile Ranks to Identify Potential Outliers": [[11, null]], "Using a Trained QRF Model via Hugging Face Hub": [[5, null]], "Version 1.0.0 (released Mar 23, 2022)": [[20, "version-1-0-0-released-mar-23-2022"]], "Version 1.0.1 (released Mar 23, 2022)": [[20, "version-1-0-1-released-mar-23-2022"]], "Version 1.0.2 (released Mar 28, 2022)": [[20, "version-1-0-2-released-mar-28-2022"]], "Version 1.1.0 (released Nov 07, 2022)": [[20, "version-1-1-0-released-nov-07-2022"]], "Version 1.1.1 (released Dec 19, 2022)": [[20, "version-1-1-1-released-dec-19-2022"]], "Version 1.1.2 (released Mar 22, 2023)": [[20, "version-1-1-2-released-mar-22-2023"]], "Version 1.1.3 (released Jul 08, 2023)": [[20, "version-1-1-3-released-jul-08-2023"]], "Version 1.2.0 (released Aug 01, 2023)": [[20, "version-1-2-0-released-aug-01-2023"]], "Version 1.2.1 (released Oct 04, 2023)": [[20, "version-1-2-1-released-oct-04-2023"]], "Version 1.2.2 (released Oct 08, 2023)": [[20, "version-1-2-2-released-oct-08-2023"]], "Version 1.2.3 (released Oct 09, 2023)": [[20, "version-1-2-3-released-oct-09-2023"]], "Version 1.2.4 (released Jan 16, 2024)": [[20, "version-1-2-4-released-jan-16-2024"]], "Version 1.2.5 (released Feb 10, 2024)": [[20, "version-1-2-5-released-feb-10-2024"]], "Version 1.3.0 (released Feb 11, 2024)": [[20, "version-1-3-0-released-feb-11-2024"]], "Version 1.3.1 (released Feb 12, 2024)": [[20, "version-1-3-1-released-feb-12-2024"]], "Version 1.3.10 (released Aug 31, 2024)": [[20, "version-1-3-10-released-aug-31-2024"]], "Version 1.3.11 (released Sep 10, 2024)": [[20, "version-1-3-11-released-sep-10-2024"]], "Version 1.3.2 (released Feb 15, 2024)": [[20, "version-1-3-2-released-feb-15-2024"]], "Version 1.3.3 (released Feb 16, 2024)": [[20, "version-1-3-3-released-feb-16-2024"]], "Version 1.3.4 (released Feb 21, 2024)": [[20, "version-1-3-4-released-feb-21-2024"]], "Version 1.3.5 (released Apr 15, 2024)": [[20, "version-1-3-5-released-apr-15-2024"]], "Version 1.3.6 (released May 22, 2024)": [[20, "version-1-3-6-released-may-22-2024"]], "Version 1.3.7 (released Jun 19, 2024)": [[20, "version-1-3-7-released-jun-19-2024"]], "Version 1.3.8 (released Aug 15, 2024)": [[20, "version-1-3-8-released-aug-15-2024"]], "Version 1.3.9 (released Aug 23, 2024)": [[20, "version-1-3-9-released-aug-23-2024"]], "quantile-forest": [[18, null]]}, "docnames": ["api", "gallery/index", "gallery/plot_qrf_conformalized_intervals", "gallery/plot_qrf_custom_functions", "gallery/plot_qrf_extrapolation", "gallery/plot_qrf_huggingface_inference", "gallery/plot_qrf_interpolation_methods", "gallery/plot_qrf_multitarget", "gallery/plot_qrf_prediction_intervals", "gallery/plot_qrf_predictions", "gallery/plot_qrf_proximity_counts", "gallery/plot_qrf_quantile_ranks", "gallery/plot_qrf_treeshap_explanations", "gallery/plot_qrf_vs_rf_predictions", "generated/quantile_forest.ExtraTreesQuantileRegressor", "generated/quantile_forest.RandomForestQuantileRegressor", "getting_started/developers", "getting_started/installation", "index", "references", "releases/changes", "user_guide/fit_predict", "user_guide/introduction", "user_guide/proximities", "user_guide/quantile_ranks"], "envversion": {"sphinx": 63, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1, "sphinxcontrib.bibtex": 9}, "filenames": ["api.rst", "gallery/index.rst", "gallery/plot_qrf_conformalized_intervals.rst", "gallery/plot_qrf_custom_functions.rst", "gallery/plot_qrf_extrapolation.rst", "gallery/plot_qrf_huggingface_inference.rst", "gallery/plot_qrf_interpolation_methods.rst", "gallery/plot_qrf_multitarget.rst", "gallery/plot_qrf_prediction_intervals.rst", "gallery/plot_qrf_predictions.rst", "gallery/plot_qrf_proximity_counts.rst", "gallery/plot_qrf_quantile_ranks.rst", "gallery/plot_qrf_treeshap_explanations.rst", "gallery/plot_qrf_vs_rf_predictions.rst", "generated/quantile_forest.ExtraTreesQuantileRegressor.rst", "generated/quantile_forest.RandomForestQuantileRegressor.rst", "getting_started/developers.rst", "getting_started/installation.rst", "index.rst", "references.rst", "releases/changes.rst", "user_guide/fit_predict.rst", "user_guide/introduction.rst", "user_guide/proximities.rst", "user_guide/quantile_ranks.rst"], "indexentries": {"apply() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.apply", false]], "apply() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.apply", false]], "decision_path() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.decision_path", false]], "decision_path() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.decision_path", false]], "estimators_samples_ (quantile_forest.extratreesquantileregressor property)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.estimators_samples_", false]], "estimators_samples_ (quantile_forest.randomforestquantileregressor property)": [[15, "quantile_forest.RandomForestQuantileRegressor.estimators_samples_", false]], "extratreesquantileregressor (class in quantile_forest)": [[14, "quantile_forest.ExtraTreesQuantileRegressor", false]], "feature_importances_ (quantile_forest.extratreesquantileregressor property)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.feature_importances_", false]], "feature_importances_ (quantile_forest.randomforestquantileregressor property)": [[15, "quantile_forest.RandomForestQuantileRegressor.feature_importances_", false]], "fit() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.fit", false]], "fit() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.fit", false]], "get_metadata_routing() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.get_metadata_routing", false]], "get_metadata_routing() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.get_metadata_routing", false]], "get_params() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.get_params", false]], "get_params() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.get_params", false]], "predict() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.predict", false]], "predict() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.predict", false]], "proximity_counts() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.proximity_counts", false]], "proximity_counts() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.proximity_counts", false]], "quantile_ranks() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.quantile_ranks", false]], "quantile_ranks() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.quantile_ranks", false]], "randomforestquantileregressor (class in quantile_forest)": [[15, "quantile_forest.RandomForestQuantileRegressor", false]], "score() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.score", false]], "score() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.score", false]], "set_fit_request() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.set_fit_request", false]], "set_fit_request() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.set_fit_request", false]], "set_params() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.set_params", false]], "set_params() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.set_params", false]], "set_predict_request() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.set_predict_request", false]], "set_predict_request() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.set_predict_request", false]], "set_score_request() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.set_score_request", false]], "set_score_request() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.set_score_request", false]]}, "objects": {"quantile_forest": [[14, 0, 1, "", "ExtraTreesQuantileRegressor"], [15, 0, 1, "", "RandomForestQuantileRegressor"]], "quantile_forest.ExtraTreesQuantileRegressor": [[14, 1, 1, "", "apply"], [14, 1, 1, "", "decision_path"], [14, 2, 1, "", "estimators_samples_"], [14, 2, 1, "", "feature_importances_"], [14, 1, 1, "", "fit"], [14, 1, 1, "", "get_metadata_routing"], [14, 1, 1, "", "get_params"], [14, 1, 1, "", "predict"], [14, 1, 1, "", "proximity_counts"], [14, 1, 1, "", "quantile_ranks"], [14, 1, 1, "", "score"], [14, 1, 1, "", "set_fit_request"], [14, 1, 1, "", "set_params"], [14, 1, 1, "", "set_predict_request"], [14, 1, 1, "", "set_score_request"]], "quantile_forest.RandomForestQuantileRegressor": [[15, 1, 1, "", "apply"], [15, 1, 1, "", "decision_path"], [15, 2, 1, "", "estimators_samples_"], [15, 2, 1, "", "feature_importances_"], [15, 1, 1, "", "fit"], [15, 1, 1, "", "get_metadata_routing"], [15, 1, 1, "", "get_params"], [15, 1, 1, "", "predict"], [15, 1, 1, "", "proximity_counts"], [15, 1, 1, "", "quantile_ranks"], [15, 1, 1, "", "score"], [15, 1, 1, "", "set_fit_request"], [15, 1, 1, "", "set_params"], [15, 1, 1, "", "set_predict_request"], [15, 1, 1, "", "set_score_request"]]}, "objnames": {"0": ["py", "class", "Python class"], "1": ["py", "method", "Python method"], "2": ["py", "property", "Python property"]}, "objtypes": {"0": "py:class", "1": "py:method", "2": "py:property"}, "terms": {"": [2, 3, 4, 7, 14, 15, 21], "0": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 21, 23, 24], "000": 3, "000000": 6, "006aff": [2, 3, 4, 6, 7, 8, 9, 11, 13], "01": [4, 6, 11], "018bfb": 12, "025": [4, 8, 9], "05": [4, 7, 11], "09758": 4, "0a4": 16, "0d4599": 6, "0f": [5, 10], "1": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 21, 22, 23, 24], "10": [9, 10, 11, 12, 13, 23], "100": [2, 3, 4, 7, 12, 14, 15, 21], "1000": [3, 6, 7, 8, 9, 10, 12, 14, 15], "100_000": [2, 5, 8, 12], "101": [6, 13], "11": [2, 12, 18], "125": 12, "13": 20, "14": 20, "15": [4, 6, 12], "16": 12, "18": [14, 15, 20], "1f": [2, 4, 5], "2": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21], "20": [2, 4, 6, 20], "200": 4, "2001": 15, "2006": [14, 15, 19], "2024": 4, "225": [2, 10], "23": 17, "2402": 4, "25": [4, 7, 9, 10, 11, 21, 23, 24], "250": 8, "2500": 7, "26": 20, "27": 20, "29": 20, "2c": 22, "2f": [5, 12], "3": [4, 6, 7, 8, 9, 10, 14, 15, 16, 17, 18, 21, 23], "30": [2, 8, 12, 20], "300": [2, 4, 12], "32": [15, 20], "325": 8, "33": 20, "34": 20, "35": 20, "359": 15, "36": 20, "3f": [4, 6, 7, 9, 10, 11], "3g": [7, 13], "4": [2, 4, 6, 7, 8, 11, 14, 15, 17], "400": [3, 6, 7, 9, 11, 13], "41": 7, "42": [14, 15], "45": 15, "47": 20, "49": 20, "5": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21, 23], "50": [3, 4, 10, 11], "500": [4, 10], "5000": [11, 13], "52": 20, "53": 20, "56": 20, "57": 20, "59": 20, "6": [12, 19], "600": 12, "63": [14, 15, 20], "64": 20, "65": 20, "650": [3, 5, 7, 9, 11, 13], "66": 20, "67": 20, "68": 20, "69": 20, "7": [13, 14, 15, 19], "70": 20, "71": 20, "72": 20, "74": 20, "75": [6, 20, 21], "77": 20, "78": 20, "79": 20, "8": [2, 4, 6, 8, 9, 10, 12, 14, 15, 17], "80": [14, 15, 20], "81": 20, "82": 20, "83": 20, "84": 20, "85": 20, "86": 20, "88": 20, "89": 20, "9": [2, 6], "900": 2, "95": [4, 7, 8, 9], "975": [4, 8, 9], "983": [14, 15, 19], "999": [14, 15, 19], "A": [14, 15, 18, 21, 22], "At": 22, "By": [6, 10, 14, 15, 21], "For": [3, 4, 7, 9, 11, 14, 15, 21, 22, 23, 24], "If": [14, 15, 16, 21], "In": [2, 3, 5, 6, 7, 10, 11, 12, 13, 14, 15, 21, 22], "It": [14, 15, 21], "No": [2, 11], "On": 16, "That": 22, "The": [4, 5, 6, 8, 9, 12, 14, 15, 17, 18, 21, 22, 23, 24], "These": 10, "To": [4, 12, 14, 15, 16, 22], "_": [4, 10], "__": [14, 15], "__init__": 4, "__version__": 5, "_build": 16, "_get_tree_weight_matrix": 4, "_get_y_train_leav": 4, "_imag": 16, "_penalized_locpol": 4, "_plot_calibr": 8, "_plot_extrapol": 4, "_plot_interv": 8, "_plot_prediction_interv": 2, "a6e5ff": 6, "ab": [2, 4, 11, 12], "about": 22, "abs_shap_valu": 12, "absolut": [5, 14, 15], "absolute_error": [14, 15, 21], "accept": 21, "access": [5, 16], "accomplish": 21, "accord": 21, "accordingli": 21, "accur": 22, "achiev": [2, 14, 15], "across": [4, 5, 12, 21, 22, 24], "action": 20, "actual": [2, 6, 8, 13], "ad": [14, 15], "adapt": [2, 4], "add": [2, 5, 10, 14, 15, 20], "add_gaussian_nois": 10, "add_metr": 5, "add_nois": [4, 9], "add_param": [2, 3, 5, 6, 7, 10, 11, 12, 13], "addit": [2, 12, 21], "addition": 16, "address": 12, "adjust": 12, "advantag": 21, "affect": 12, "aggreg": [4, 14, 15, 21, 22, 24], "aggregate_leaves_first": [2, 12, 14, 15, 21], "alia": [14, 15], "align": [2, 4, 10, 12], "all": [2, 4, 6, 7, 8, 10, 11, 14, 15, 18, 21, 22, 23, 24], "allclos": 21, "allow": [3, 4, 10, 12, 14, 15, 21], "alon": 22, "alongsid": 10, "alpha": 2, "alpha_exclud": 4, "alpha_includ": 4, "also": [3, 14, 15, 16, 21], "alt": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "altair": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "alter": 12, "altern": [14, 15], "alwai": [14, 15], "an": [3, 4, 10, 14, 15, 18, 21, 22, 23], "anchor": [4, 6, 10], "ani": [3, 14, 15, 21], "apach": 5, "api": 18, "append": [2, 3, 6], "appli": [2, 3, 4, 10, 12, 14, 15, 18, 20], "applic": 18, "approach": [4, 22], "approxim": 22, "ar": [5, 6, 7, 9, 10, 11, 12, 14, 15, 16, 18, 21, 22, 23, 24], "arang": [4, 8, 10, 21], "arbitrari": [14, 15, 18, 21], "arbitrarili": [14, 15], "area": [4, 7], "area_pr": 9, "arg": [2, 4], "argsort": [2, 3, 4, 8], "around": 11, "arrai": [3, 4, 6, 12, 14, 15, 21], "arrang": 21, "arxiv": 4, "as_": [10, 13], "as_fram": [2, 3, 5, 8, 10, 12], "asarrai": [2, 3], "ascend": 12, "assess": [14, 15], "assign": [2, 4, 9, 10, 12, 14, 15, 21], "assum": [14, 15, 21], "atleast_2d": [4, 7, 9], "attain": 2, "attribut": [14, 15], "auto": [14, 15], "avail": [5, 14, 15, 16, 18, 20, 21], "averag": [4, 14, 15, 21], "awar": 4, "ax": [2, 8], "axi": [2, 3, 4, 5, 6, 8, 10, 11, 12, 13], "b": [2, 4, 16], "bag": [14, 15, 18, 23, 24], "bandpaddinginn": 6, "bar": [2, 8, 12], "bar_pr": [4, 6], "base": [2, 4, 6, 7, 8, 10, 11, 12, 14, 15, 18, 20, 21, 22], "base_estimator_": [14, 15], "base_offset": 12, "base_valu": 12, "baseforestquantileregressor": [3, 12], "baselin": [2, 4, 12], "bb_low": 4, "bb_low_train": 4, "bb_mid": 4, "bb_upp": 4, "bb_upp_train": 4, "becaus": [14, 15, 16], "been": [5, 20], "befor": [16, 20, 21], "behaviour": 15, "behind": 18, "being": [3, 6, 10, 20], "belong": 21, "below": [14, 15, 21], "berkelei": [14, 15], "best": [14, 15], "between": [4, 6, 12, 14, 15], "bin": 13, "bind": [2, 3, 5, 6, 7, 10, 11, 12, 13], "binding_rang": [2, 3, 5, 6, 7, 10, 11, 12, 13], "bit": 20, "black": [2, 4, 7, 8, 9, 12], "blank": [4, 9], "block": 4, "bn": 4, "bool": [14, 15, 21], "boolean": 21, "boot_sampl": 4, "bootstrap": [4, 6, 14, 15, 21], "both": [8, 15, 21], "bottom": 6, "bound": [4, 7, 9, 11], "boundari": 4, "bounds_list": 4, "branch": [14, 15], "breiman": [14, 15], "brew": 16, "broad": 18, "brought": [14, 15], "bug": 20, "build": [14, 15, 16, 20, 22], "bump": 20, "bw": 5, "b\u00fchlmann": 4, "c": 22, "c0c0c0": 13, "c_": 4, "calcul": [2, 3, 4, 6, 10, 12, 13, 14, 15, 18, 20, 21, 22, 24], "calibr": [2, 4, 8], "california": [2, 5, 8, 12], "call": [14, 15, 21], "callabl": [14, 15], "can": [2, 3, 4, 6, 7, 10, 13, 14, 15, 17, 18, 21, 22, 23, 24], "candid": 10, "card": 5, "cardin": [14, 15], "carl": 2, "case": [14, 15, 21], "categori": [6, 7, 13], "cc_home": [14, 15], "ccp_alpha": [14, 15], "cdf": 3, "ceil": [14, 15], "center": 8, "chain": 3, "chang": [14, 15], "changelog": 20, "chart": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "chart1": [4, 8, 10], "chart2": [4, 8, 10], "chart3": 10, "chart_bas": 3, "chart_select": 3, "chart_spac": 10, "check": [4, 14, 15, 20], "check_addit": 12, "check_random_st": [4, 9, 10, 11, 13], "child": [14, 15], "choic": [3, 4, 12], "chosen": [14, 15], "cibuildwheel": 20, "circl": [2, 3, 7, 8, 11], "circle_pr": 6, "circle_test": 9, "circle_tru": 4, "cividi": 5, "clamp": 2, "class": [4, 14, 15, 18], "classif": 22, "clean": 10, "click": [2, 3, 5, 6, 7, 11, 13], "clip": [2, 4, 10], "closer": 2, "closest": 4, "co": [11, 21], "code": [4, 16], "coef": 4, "coeffici": [4, 14, 15], "collect": [14, 15], "color": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "color_schem": 5, "column": [4, 5, 6, 10, 12, 14, 15, 21], "com": [4, 20], "combin": [4, 10], "combine_float": 10, "combined_df": 10, "commit": [5, 16, 20], "commit_messag": 5, "compar": [1, 9, 13, 20], "comparison": 4, "compat": [18, 20], "complet": [3, 22], "complex": [14, 15], "compon": [14, 15], "comput": [1, 4, 14, 15, 18, 21, 23], "concat": [2, 3, 6, 12], "concaten": [3, 4, 7, 9, 21], "concept": 18, "concurr": 7, "condit": [2, 3, 4, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 18, 22], "conf_scor": 2, "configur": 21, "configure_concat": 10, "configure_facet": [6, 10], "configure_rang": [6, 7, 13], "configure_scal": 6, "configure_titl": [6, 10], "configure_view": [6, 10, 12], "conform": [1, 20], "consid": [10, 14, 15], "consist": [14, 15], "constant": [14, 15, 22], "constraint": [14, 15, 20], "construct": [2, 3, 4, 6, 9, 24], "consumpt": [14, 15], "contain": [14, 15], "context": [14, 15], "contribut": 12, "control": [4, 14, 15], "convert": [8, 12, 14, 15], "copi": [8, 10, 12], "correctli": 20, "correspond": [4, 14, 15, 21], "cost": [14, 15], "could": 20, "count": [1, 13, 14, 15, 18, 20], "cov": 16, "cov_frac": 2, "cov_qrf": 4, "cov_xtr": 4, "covari": 22, "cover": 4, "coverag": [2, 4], "coverage_scor": 2, "coverage_text": [2, 4], "coverage_v": 2, "cqr": 2, "cqr_strategi": 2, "creat": [2, 4, 5, 6, 7, 9, 10, 11, 12, 13, 14, 15], "create_remot": 5, "criteria": [14, 15], "criterion": [12, 14, 15, 20, 21], "cross": 8, "csc_matrix": [14, 15], "csr": [14, 15], "csr_matrix": [14, 15], "cumsum": 12, "cumul": [3, 14, 15], "current": [14, 15], "custom": [3, 12, 14, 15], "cython": [16, 18, 20], "d": [2, 4, 8, 13, 14, 15], "d_xtra": 4, "data": [2, 3, 4, 5, 6, 8, 9, 10, 14, 15, 18, 21, 23, 24], "data_transform": 5, "datafram": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "datapoint": [14, 15], "dataset": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21, 22, 23, 24], "datum": [2, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "dd": 4, "ddmat": 4, "deal": 13, "decis": [14, 15, 22], "decision_path": [14, 15], "decisiontreeregressor": [14, 15], "decreas": [14, 15], "deep": [14, 15], "def": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "default": [3, 5, 12, 14, 15, 20, 21], "default_quantil": [14, 15, 20, 21], "defin": [3, 7, 11, 12, 14, 15], "definit": [14, 15], "degre": [4, 22], "del": 4, "demonstr": [2, 3, 5, 6, 7, 8, 9, 10, 11, 12, 13, 18], "denois": 10, "denot": 22, "depend": [4, 14, 15, 17], "dependabot": 20, "deprec": 20, "depth": [14, 15], "deriv": 4, "deriv_mat": 4, "deriv_max": 4, "deriv_median": 4, "deriv_min": 4, "descend": [14, 15, 23], "describ": 18, "descript": 5, "design": [3, 4, 21], "desir": [4, 6, 9, 11, 14, 15, 22], "detail": [5, 14, 15, 18, 21], "detect": 22, "determin": [3, 4, 6, 10, 14, 15, 21], "determinist": 15, "develop": [18, 20], "devianc": [14, 15], "deviat": 11, "df": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "df1": 10, "df2": 10, "df_group": 12, "df_i": [2, 3, 6], "df_lookup": 10, "df_prox": 10, "df_text_label": 12, "dgt_x": 10, "dgt_y": 10, "di": 4, "diabet": 3, "diag": [4, 12], "diagon": [2, 4, 8], "dict": [14, 15], "differ": [6, 12], "digit": 10, "dim_i": 10, "dim_x": 10, "dimens": [4, 10], "dimension": [4, 18, 21, 22], "direct": 4, "disable_max_row": 5, "discuss": 21, "displai": [5, 7, 10], "disregard": [14, 15], "distinct": 10, "distribut": [2, 3, 13, 14, 15, 20, 21, 22, 24], "divid": 6, "do": [4, 10, 21], "doc": [16, 20], "docstr": 20, "doctest": 16, "document": [0, 20], "doe": [5, 6, 12, 14, 15, 22], "dollar": [5, 8, 12], "domain": [2, 4, 8, 10, 11, 12], "dot": 4, "download": 5, "draw": [4, 14, 15], "drawn": [14, 15], "drop": [2, 4, 10, 12, 18, 20], "dst": 5, "dtype": [14, 15], "dummy_legend": 11, "dump": 5, "duplic": [14, 15], "dure": [6, 10, 12, 14, 15, 21, 23], "dx": 12, "dy": 12, "dymat": 4, "dynam": [14, 15], "e": [2, 5, 10, 11, 12, 14, 15, 21, 22], "e0f2ff": [2, 4, 8, 9], "each": [3, 4, 5, 6, 7, 10, 11, 12, 14, 15, 21, 22, 23, 24], "ecdf": 3, "edit": 16, "edu": [14, 15], "effect": [2, 10, 14, 15, 21], "effici": [14, 15, 20, 21], "element": [14, 15], "elif": 4, "elli": 2, "els": [4, 5, 9, 12, 13, 14, 15], "empir": [3, 15, 21, 22, 24], "empti": [3, 4, 7], "empty_lik": 3, "enabl": 21, "enable_metadata_rout": [14, 15], "encapsul": [14, 15], "encod": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "encourag": 4, "end": [12, 14, 15], "end_bar_rul": 12, "end_shift": 12, "endpoint": [2, 5, 6, 7, 12, 13], "enforc": [14, 15], "enhanc": 2, "ensembl": [13, 14, 15, 18, 21, 22], "ensur": [3, 10, 16], "enumer": [4, 6, 7, 10, 15], "ep": 4, "equal": [14, 15, 21, 22, 24], "equat": [14, 15], "equival": [14, 15], "ernst": [14, 15], "error": [5, 14, 15], "especi": [14, 15], "essenti": 21, "estim": [2, 3, 4, 5, 6, 7, 12, 13, 14, 15, 18, 22, 24], "estimator_": [14, 15], "estimators_": [12, 14, 15], "estimators_samples_": [14, 15], "etc": [14, 15], "euclidean": 4, "even": [10, 14, 15], "everi": 10, "exact": [14, 15], "exactli": 6, "exampl": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 18, 20, 22, 23], "except": [5, 14, 15], "exist": [4, 5, 14, 15], "exp": 9, "expand": [5, 14, 15], "expect": [11, 12, 14, 15, 21, 22], "expected_valu": 12, "explain": 12, "explan": 12, "explicitli": 21, "explod": 10, "export": 16, "extend": [6, 8, 18, 21, 22], "extra": 14, "extract": [3, 4, 10], "extract_float": 10, "extrap_frac": 4, "extrap_max_idx": 4, "extrap_min_idx": 4, "extrapol": 1, "extrapolationawar": 4, "extratreeregressor": 14, "extratreesquantileregressor": 15, "extrem": [14, 15], "f": [2, 4, 5, 6, 7, 9, 10, 12, 13, 14, 15, 22], "f2a619": [2, 4, 6, 7, 8, 9, 11, 13], "f_lower": 4, "f_median": 4, "f_upper": 4, "face": [1, 20], "facet": [6, 10], "factor": [10, 12], "factori": 4, "fail": [4, 16], "fall": [2, 4, 11, 22], "fals": [2, 3, 4, 5, 6, 7, 8, 9, 10, 12, 14, 15, 20, 21], "fashion": [14, 15], "featur": [6, 12, 14, 15, 20], "feature2": 12, "feature_bar_rul": 12, "feature_importances_": [14, 15], "feature_nam": 12, "feature_names_in_": [14, 15], "feature_valu": 12, "fetch": [5, 14, 15], "fetch_california_h": [2, 5, 8, 12, 14, 15], "ff0251": 12, "ffd237": 6, "field": [2, 3, 6, 7, 10, 11, 13], "figur": 8, "file": 5, "fill": 12, "fill_valu": 12, "filter": [9, 10], "find": [4, 14, 15, 22], "finfo": 4, "first": [14, 15, 22], "fit": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 20, 22, 23, 24], "fit_and_upload_model": 5, "fit_deriv": 4, "fit_transform": 10, "fit_weight": 4, "fix": [15, 20], "flag": 21, "flatten": 4, "float": [2, 3, 4, 10, 12, 14, 15, 21], "float32": [14, 15], "floor": 10, "fold": [8, 10], "follow": [14, 15, 16, 17], "footprint": [14, 15], "forest": [1, 2, 3, 5, 6, 10, 11, 14, 15, 17, 19, 20, 24], "forest_": 3, "form": [14, 15], "formal": 22, "format": [2, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "former": 15, "found": [14, 15], "frac": [5, 22], "fraction": [14, 15, 20, 22, 24], "frame": [2, 10], "freedom": 22, "frequenc": [14, 15, 22, 24], "friedman": [14, 15], "friedman_ms": [14, 15], "from": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 20, 21, 22, 23, 24], "from_": 10, "from_iter": 3, "full": [0, 20, 21, 22], "fulli": [14, 15], "func": [3, 4, 7], "func_str": 4, "function": [1, 4, 5, 7, 9, 12, 14, 15, 20, 22], "fval": 4, "g": [12, 14, 15], "gap": [14, 15], "gaussian": 10, "gener": [2, 4, 7, 8, 9, 12, 13, 14, 15, 22], "get": [2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 14, 15, 18], "get_coverage_qrf": 4, "get_coverage_xtr": 4, "get_metadata_rout": [14, 15], "get_n_split": 8, "get_param": [14, 15], "get_shap_valu": 12, "get_shap_value_by_index": 12, "get_started_cod": 5, "geurt": [14, 15], "gh": 20, "gini": [14, 15], "github": [4, 20], "give": [14, 15, 21, 22], "given": [14, 15, 21, 22], "glob": 16, "goe": [14, 15], "grai": 12, "greater": [14, 15], "grei": 10, "grid": 12, "ground": 9, "group": 6, "group_kei": 12, "groupbi": [2, 12], "grow": [14, 15], "grown": [14, 15], "grp": 2, "guid": [14, 15, 18], "ha": [5, 7, 14, 15, 20], "handl": 6, "have": [14, 15, 22], "hconcat": 2, "header": [6, 10], "height": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "helper": 20, "here": [3, 5], "high": [14, 15, 18, 22], "higher": [6, 14, 15], "highest": 10, "highlight": 11, "histogram": 13, "hook": [16, 20], "horizont": [2, 8], "hous": [2, 5, 8, 12], "how": [2, 3, 5, 6, 7, 8, 10, 12, 13, 14, 15, 18], "howev": 22, "htm": [14, 15], "html": 16, "http": [4, 14, 15, 19, 20], "hub": [1, 20], "hub_util": 5, "hug": [1, 20], "i": [0, 2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13, 14, 15, 16, 18, 21, 22, 23, 24], "ib": 21, "id": 5, "id_var": 5, "ident": [14, 15], "identifi": [1, 14, 15, 16], "idx": [3, 6, 8], "ignor": [14, 15], "ignore_index": [3, 6, 12], "ii": 4, "illustr": [1, 4, 6, 9, 10], "iloc": [2, 8, 12], "impact": 21, "implement": [4, 18], "import": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 20, 21, 23, 24], "improv": [14, 15], "impur": [14, 15], "includ": [4, 21], "include_group": [2, 12], "increas": [14, 15], "ind": 4, "independ": [4, 9], "index": [3, 5, 8, 10, 12, 14, 15, 21, 23], "index_select": [3, 10], "indic": [2, 4, 14, 15, 21], "individu": 10, "induc": [14, 15], "infer": [4, 5, 12, 21, 22], "inform": [14, 15, 18, 22], "inher": 21, "init": 5, "initi": [5, 6, 20, 21], "input": [10, 12, 14, 15, 21, 22], "insid": [14, 15], "insight": 12, "inspect": [14, 15], "inspir": 8, "instal": 18, "instanc": [14, 15], "instead": [3, 14, 15, 22], "instruct": 18, "int": [2, 4, 8, 14, 15], "intend": 5, "interest": [3, 21], "intern": [14, 15], "interpol": [1, 14, 15, 20], "interpret": [14, 15, 22], "intersect": 4, "interv": [1, 2, 4, 5, 6, 7, 9, 11, 14, 15, 22], "interval_v": [6, 7, 11], "intrins": 4, "introduc": 4, "introductori": [1, 18], "invers": [14, 15, 21], "inverse_transform": 10, "isinst": 10, "issu": 16, "isvalid": 12, "item": [4, 7], "iter": 4, "itertool": 3, "its": [14, 15, 21], "ix_": 4, "j": [14, 15, 22], "jj": 4, "jmlr": [14, 15, 19], "job": [14, 15], "joblib": [14, 15], "join": 10, "journal": [14, 15, 19], "jun": [14, 15], "just": [14, 15, 18], "justifi": 15, "k": [4, 7, 8, 14], "keep": [14, 15], "kei": [2, 6, 7, 10, 13, 18], "kernel": [14, 15], "keyword": [14, 15], "kf": 8, "kfold": 8, "kind": [14, 15], "kk": 4, "known": [4, 14, 15], "kron": 4, "kwarg": [4, 12, 21], "l": [12, 14, 15, 22], "l1": [14, 15], "l2": [14, 15], "label": [6, 10, 11, 12, 13], "labelangl": 13, "labelexpr": 13, "labelfonts": 10, "labelori": 6, "labelpad": 10, "lambda": [2, 3, 4, 7, 8, 10, 12], "lapack": 16, "larg": [14, 15], "larger": 21, "largest": [14, 15], "lat": 5, "latitud": 5, "latter": [14, 15, 21], "layer": 4, "lead": [6, 14, 15], "leaf": [4, 6, 10, 14, 15, 20, 21, 22, 23, 24], "learn": [14, 15, 17, 18, 19, 20, 21], "least": [14, 15], "leav": [14, 15, 21], "left": [2, 4, 12, 14, 15], "left_impur": [14, 15], "legend": [2, 4, 6, 7, 9, 10, 11, 13], "len": [2, 3, 4, 5, 6, 7, 8, 9, 10, 12, 13, 21, 23], "length": [12, 14, 15], "less": [14, 15, 24], "let": [21, 22], "level": [2, 4], "li": [6, 14, 15], "library_nam": 5, "licens": 5, "lightgrai": [2, 3, 6, 7, 11, 13], "like": [3, 12, 14, 15, 21], "limit": [4, 5, 12, 23], "linalg": 4, "line": [3, 4, 7], "line_label": 4, "line_pr": [4, 9, 11], "line_tru": [4, 9], "line_true_color": 4, "linear": [6, 14, 15], "linspac": [2, 4, 5, 6, 7, 11, 12, 13], "lint": 20, "list": [3, 4, 6, 7, 10, 13, 14, 15, 21, 23], "ll": [4, 21], "lo_bdd": 4, "load": [2, 3, 5, 8, 10, 12], "load_diabet": [3, 21, 23, 24], "load_digit": 10, "load_exist": 5, "loc": 13, "local": [4, 5], "local_dir": 5, "local_repo": 5, "log1p": 7, "log2": [14, 15], "lognorm": 9, "lon": 5, "longitud": 5, "look": [10, 14, 15], "lookup": 10, "lookupdata": 10, "loss": [14, 15], "lower": [2, 4, 6, 7, 8, 9, 11, 14, 15], "lowest": 10, "m": [12, 16], "machin": [14, 15, 19], "maco": 16, "mae": 20, "mai": [2, 14, 15, 21], "make": [4, 6, 7, 9, 11, 13], "make_func_xi": 4, "make_funcs_xi": 7, "make_regress": 21, "make_skewed_dataset": 13, "make_toy_dataset": [9, 11], "mani": [14, 15, 21], "manner": 10, "manual": 16, "map": [7, 14, 15, 20], "mape": 5, "mark_area": [4, 7, 9], "mark_bar": [2, 4, 6, 8, 12, 13], "mark_circl": [2, 3, 4, 5, 6, 7, 8, 9, 11], "mark_lin": [2, 3, 4, 7, 8, 9, 11], "mark_point": 12, "mark_rect": 10, "mark_rul": 12, "mark_text": [2, 4, 12], "mark_tick": [2, 8], "match": [6, 14, 15], "materi": 21, "math": [4, 11], "mathbb": 22, "matric": 4, "matrix": [4, 14, 15], "max": [2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13, 14, 15], "max_depth": [7, 9, 14, 15], "max_featur": [8, 10, 14, 15], "max_idx": 3, "max_leaf_nod": [14, 15], "max_order_": 4, "max_proxim": [14, 15, 23], "max_sampl": [14, 15, 20], "max_samples_leaf": [2, 4, 6, 7, 10, 11, 14, 15, 20, 21], "maximum": [8, 14, 15, 21, 23], "mcbride": 2, "md": 5, "mdae": 5, "mean": [2, 4, 5, 8, 10, 12, 13, 14, 15, 21, 22, 23], "mean_absolute_percentage_error": 5, "mean_squared_error": 5, "mean_width": 2, "mean_width_scor": 2, "measur": [14, 15], "mechan": [14, 15], "median": [4, 5, 6, 7, 8, 9, 11, 13, 14, 15, 21], "median_absolute_error": 5, "median_deriv": 4, "mei06": [18, 19, 22], "meinshausen": [8, 14, 15, 18, 19, 22], "meinshausen06a": [14, 15, 19], "melt": 5, "member": [14, 15], "memori": [14, 15], "merg": [2, 5], "meta": [14, 15], "metadata": [5, 14, 15], "metadata_from_config": 5, "metadata_rout": [14, 15], "metadatarequest": [14, 15], "method": [1, 3, 12, 14, 15, 18, 21, 22, 23], "metric": [2, 5, 14, 15], "middl": [6, 10, 12], "midpoint": [6, 14, 15], "min": [2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13], "min_idx": 3, "min_impurity_decreas": [14, 15], "min_samples_leaf": [4, 9, 11, 14, 15], "min_samples_split": [14, 15], "min_weight_fraction_leaf": [14, 15], "minim": [14, 15], "minimum": [8, 14, 15], "minmaxscal": 10, "minor": 20, "miscellan": 20, "mislead": [14, 15], "miss": [14, 15], "mkdir": [5, 16], "mode": 5, "model": [1, 3, 4, 9, 10, 11, 12, 13, 14, 15, 20, 23], "model_card": 5, "model_descript": 5, "model_filenam": 5, "model_output": 12, "model_select": [2, 3, 5, 7, 8, 9, 10, 12, 13, 21, 23, 24], "modul": 16, "monoton": [14, 15, 20, 21], "monotonic_cst": [14, 15, 20], "more": [13, 14, 15, 20, 21, 22], "mse": 5, "mterm": 4, "mu": 4, "multi": [1, 4, 10, 14, 15, 20, 21], "multioutput": [14, 15], "multipl": [7, 12, 14, 15, 20], "multipli": [10, 12], "must": [3, 14, 15], "n": [2, 4, 5, 6, 7, 9, 10, 11, 12, 13, 14, 15, 22], "n0": 4, "n_estim": [4, 6, 10, 14, 15], "n_featur": [3, 12, 14, 15], "n_features_in_": [14, 15], "n_job": [14, 15], "n_node": [14, 15], "n_nodes_ptr": [14, 15], "n_output": [14, 15], "n_outputs_": [14, 15], "n_prox": 10, "n_prox_per_row": 10, "n_quantil": [7, 14, 15], "n_sampl": [2, 3, 4, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21], "n_samples_fit": [14, 15], "n_split": 8, "n_subplot_row": 10, "n_t": [14, 15], "n_t_l": [14, 15], "n_t_r": [14, 15], "n_target": [7, 21], "n_test_sampl": [3, 10], "n_tree": 4, "name": [2, 3, 4, 5, 6, 7, 10, 11, 12, 13, 14, 15, 20], "nan": 3, "nanquantil": [14, 15], "nativ": 12, "ndarrai": [14, 15], "ndim": 21, "nearest": [3, 6, 14, 15], "need": 21, "neg": [14, 15], "nest": [14, 15], "net": [14, 15], "new": [3, 5, 12, 14, 15, 21, 22], "nice": [2, 4, 7, 8, 9], "nicolai": 19, "nikla": 4, "niklaspfist": 4, "nn": 4, "node": [6, 10, 14, 15, 20, 21, 22, 23, 24], "nois": [4, 7, 9, 10], "noise_std": 10, "noisi": [9, 10], "non": [4, 9, 10, 14, 15, 18, 21], "none": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 20, 21], "nonparametr": 4, "normal": [4, 10, 11, 14, 15], "notabl": 21, "note": [12, 14, 15, 21], "notic": 4, "np": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21], "nrow": 4, "null": 13, "num": [2, 5, 6, 7, 11, 12, 13], "number": [4, 10, 12, 14, 15, 21, 22, 23], "numer": 3, "numpi": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 20, 21], "nuniqu": [10, 12], "o": 5, "object": [3, 12, 14, 15, 21], "observ": [4, 8, 9, 12], "obtain": [2, 14, 15], "occur": 21, "offer": [12, 21], "omit": [14, 15], "onc": 21, "one": [7, 10, 14, 15, 21], "ones": [14, 15], "onli": [14, 15, 21, 22], "oo": 4, "oob": [14, 15, 21, 23, 24], "oob_prediction_": [14, 15], "oob_scor": [14, 15, 21, 23, 24], "oob_score_": [14, 15], "opac": [2, 3, 4, 6, 7, 8, 9, 10, 11, 12, 13], "open": 5, "openbla": 16, "optim": [4, 18, 20, 21], "option": [3, 14, 15, 20, 21], "order": [3, 4, 7, 8, 9, 10, 14, 15, 21, 23], "order_factori": 4, "orders_": 4, "org": [4, 14, 15, 19], "orient": [2, 8], "origin": [4, 10, 14, 15], "other": [3, 14, 15, 21], "otherwis": [14, 15], "out": [14, 15, 18, 23, 24], "outlier": [1, 22], "output": [2, 3, 7, 10, 11, 12, 14, 15, 20, 21, 22, 23, 24], "outsid": [4, 11], "over": [4, 14, 15], "overcom": 4, "overlai": 3, "overrid": 21, "overwritten": 21, "p": [4, 10, 14, 15, 16], "packag": [0, 16, 17, 18, 21, 22], "pad": [2, 4, 8], "panda": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "paper": [14, 15, 19], "parallel": [14, 15], "parallel_backend": [14, 15], "param": [2, 5, 6, 7, 11, 12, 13, 14, 15], "paramet": [3, 5, 12, 14, 15, 20, 21], "parametr": 18, "parse_vers": 20, "part": [14, 15], "partit": [14, 15], "pass": [14, 15, 21], "path": [5, 14, 15], "pathlib": 5, "pd": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "pdf": [14, 15, 19], "pen": 4, "pen_list": 4, "penalize_intercept": 4, "penmat": 4, "per": [21, 23], "percentag": [2, 5, 14, 15], "perform": [4, 5, 14, 15, 18, 20, 22], "perm": [2, 8, 12], "permit": [14, 15], "permut": [2, 8, 12, 15], "permutation_import": [14, 15], "person": 5, "peter": 4, "pfister": 4, "pickl": [5, 14, 15], "pip": [16, 17], "pipe": [2, 8, 10], "pipelin": [14, 15], "pixel": 10, "pixel_": 10, "pixel_col": 10, "pixel_dim": 10, "pixel_i": 10, "pixel_scal": 10, "pixel_x": 10, "pkl": 5, "pleas": [14, 15], "plot": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 20], "plot_california_calibration_and_interv": 8, "plot_digits_proxim": 10, "plot_ecdf": 3, "plot_interpolation_predict": 6, "plot_multitarget": 7, "plot_pred_and_rank": 11, "plot_prediction_histogram": 13, "plot_prediction_intervals_by_strategi": 2, "plot_predictions_and_interv": 9, "plot_qrf_vs_xtrapolation_comparison": 4, "plot_quantiles_by_latlon": 5, "plot_shap_waterfall_with_quantil": 12, "point": [2, 4, 6, 7, 11, 12, 14, 15], "point_label": [4, 9], "points_color": 4, "poisson": [14, 15], "polynomi": 4, "popul": [5, 6], "popular": 22, "possibl": [14, 15], "potenti": [1, 10, 14, 15], "power": 22, "pp": 4, "practic": 22, "pre": [16, 20], "precomput": [4, 14, 15], "predict": [1, 2, 3, 4, 5, 6, 7, 10, 11, 12, 13, 14, 15, 18, 20, 22], "prediction_bound": 4, "predictor": 22, "prepar": 5, "preprint": 4, "preprocess": 10, "present": 23, "prevent": 20, "previou": [14, 15], "previous": 20, "price": [2, 8], "print": 5, "priorit": [14, 15], "prob_randomized_pi": 4, "prob_si": 4, "proba": 3, "probabl": [3, 4], "problem": 4, "procedur": [4, 5, 18], "process": 21, "processor": [14, 15], "produc": [2, 4, 16], "product": 5, "properti": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "propos": 22, "proven": 22, "provid": [2, 12, 14, 15, 18, 22], "prox": [3, 10, 14, 15, 23], "prox_cnt": 10, "prox_idx": 10, "prox_val": 10, "proxim": [1, 3, 14, 15, 18, 20], "proximity_count": [3, 10, 14, 15, 23], "prune": [14, 15], "publish": 20, "pure": [14, 15], "purpos": [1, 10], "push": 5, "pypa": 20, "pypi": 20, "pytest": 16, "python": [4, 5, 16, 17, 20], "q": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 22], "q_": 7, "q_i": [7, 13], "qmat": 4, "qrf": [1, 4, 6, 8, 9, 10, 11, 12, 13, 14, 15, 18, 21, 23, 24], "qrf_": 13, "qrf_col": 13, "qrf_multi": 21, "qrf_param": 4, "qrf_pkl_filenam": 5, "qrf_pred": 12, "qrf_strategi": 2, "qualiti": [14, 15], "quantil": [1, 3, 5, 10, 14, 15, 17, 19, 20], "quantile_forest": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 21, 23, 24], "quantile_low": [6, 7], "quantile_low_col": 7, "quantile_rank": [11, 14, 15, 24], "quantile_upp": [6, 7], "quantile_upp_col": 7, "quantile_v": [5, 12, 13], "quantiti": [3, 21], "queri": [2, 4], "r": [5, 14, 15, 16], "r2": 5, "r2_score": [5, 14, 15], "r_": 4, "rais": [14, 15], "randn": 13, "random": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 14, 15, 22], "random_se": 2, "random_st": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21], "randomforest": [14, 15], "randomforestquantileregressor": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 21, 23, 24], "randomforestregressor": [13, 21], "randomized_pi": 4, "randomli": [3, 10, 15, 21], "randomst": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "rang": [2, 3, 4, 7, 9, 10, 11, 12, 14, 15, 24], "rangeschem": [6, 7, 13], "rank": [1, 14, 15, 18, 20, 22], "rather": [15, 22], "ravel": [7, 13], "raw_valu": 12, "rb": 5, "re": [4, 14, 15], "reach": [14, 15], "readi": 5, "readm": 5, "real": [14, 15, 22], "recent": 15, "recov": 21, "red": [2, 4, 11], "reduc": [10, 14, 15], "reduct": [14, 15], "refactor": 20, "refer": [4, 14, 15], "regr_qrf": 13, "regr_rf": 13, "regress": [1, 3, 5, 6, 10, 11, 14, 15, 18, 19, 20, 21], "regressor": [7, 13, 14, 15, 18, 21], "regular": 4, "reidjohnson": 20, "rel": [14, 15], "relat": 21, "relev": [14, 15], "reliabl": [2, 4, 13], "remov": 5, "renam": [4, 14, 15], "reorder": 20, "repeat": [3, 4, 21], "replac": [3, 4, 18], "replic": 21, "repo_id": 5, "report": 16, "repositori": 5, "reproduct": 20, "request": [14, 15], "requir": [2, 4, 5, 14, 15, 16, 17, 18, 20], "research": [14, 15, 19], "reset_index": [2, 5, 10, 12], "reshap": [3, 4, 7, 9, 11, 13], "residu": [14, 15], "resolv": 20, "resolve_scal": [4, 9], "respect": 23, "respons": [3, 22, 24], "result": [5, 6, 14, 15], "retain": [6, 14, 15, 21], "retrain": [18, 21], "retriev": [3, 10], "return": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21, 22, 23, 24], "return_sort": [14, 15], "return_x_i": [2, 3, 5, 8, 10, 12, 14, 15, 21, 23, 24], "reus": [14, 15], "reverse_sort": 3, "rf": [12, 13, 21], "rf_pred": 12, "right": [5, 12, 13, 14, 15], "right_impur": [14, 15], "rmtree": 5, "rng": 4, "root": [14, 15], "rotat": 4, "round": [2, 5, 6, 7, 12, 13, 15], "rout": [14, 15], "row": [4, 5, 10, 14, 15], "rst": 16, "rule": 12, "run": [4, 14, 15, 16], "rv": 13, "s_i": 3, "same": [15, 21, 22, 24], "sampl": [1, 2, 3, 4, 5, 6, 7, 8, 9, 11, 12, 14, 15, 20, 21, 22, 23, 24], "sample_frac": 5, "sample_weight": [14, 15], "save": 5, "scalar": 3, "scale": [2, 4, 5, 7, 8, 9, 10, 11, 12, 13], "scaler": 10, "scenario": [3, 5, 10, 11], "scheme": [5, 10], "scikit": [14, 15, 17, 18, 20, 21], "scipi": [3, 13, 14, 15, 16, 17], "score": [2, 14, 15, 21, 24], "search": [14, 15], "second": 21, "see": [14, 15, 21], "seen": [14, 15], "select": [3, 4, 12, 14, 15, 21], "selection_point": [2, 3, 6, 7, 10, 11, 13], "self": [4, 14, 15], "separ": [6, 10], "seri": 2, "serial": 20, "serv": 18, "set": [2, 3, 4, 10, 14, 15, 20, 21, 22, 23, 24], "set_config": [14, 15], "set_fit_request": [14, 15], "set_param": [8, 14, 15], "set_predict_request": [14, 15], "set_score_request": [14, 15], "sever": [5, 15, 22], "shap": [1, 20], "shap_i": 12, "shap_valu": 12, "shap_values_i": 12, "shap_values_list": 12, "shape": [3, 4, 7, 8, 10, 12, 14, 15, 21], "shaplei": 12, "share": [23, 24], "shift": 12, "should": [14, 15], "shuffl": 8, "shutil": 5, "si_index": 4, "sibl": [14, 15], "sigma": 9, "signal": 7, "signatur": [14, 15], "significantli": [11, 14, 15], "similar": [1, 14, 15], "simpl": [6, 14, 15, 16, 21], "simultan": 7, "sin": [4, 9], "sinc": 21, "singl": [4, 6, 7, 10, 12, 14, 15, 20, 21], "size": [2, 3, 4, 5, 6, 7, 8, 9, 11, 12, 14, 15, 20, 21], "skew": 13, "skewnorm": 13, "skewnorm_rv": 13, "sklearn": [2, 3, 4, 5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21, 23, 24], "skop": 5, "slider": [2, 3, 5, 6, 7, 10, 11, 12, 13], "slower": [14, 15], "small": [14, 15], "smaller": [14, 15, 21], "smooth": [14, 15], "so": [14, 15], "solut": [14, 15], "solv": 4, "some": [14, 15], "sort": [2, 3, 6, 7, 12, 13, 14, 15], "sort_idx": 8, "sort_valu": 12, "sort_x": 4, "sort_y_valu": 2, "sorter_": 3, "sourc": [5, 14, 16, 20], "sp": [3, 13], "space": [6, 10], "spars": [14, 15], "sparse_pickl": [14, 15], "specif": [4, 12, 14, 15, 21], "specifi": [1, 4, 6, 7, 11, 12, 14, 15, 23, 24], "sphinx": 16, "sphinx_requir": 16, "split": [4, 5, 6, 8, 10, 14, 15], "split1": 4, "split2": 4, "sqrt": [4, 7, 14, 15], "squar": [5, 14, 15], "squared_error": [14, 15], "squeez": [4, 7], "stack": 2, "standard": [4, 5, 13, 21, 22], "start": [5, 12, 18], "stat": [3, 13, 14, 15], "staticmethod": 4, "statist": [3, 4, 22], "std": [4, 10], "step": [2, 3, 5, 6, 7, 10, 11, 12, 13], "stop": [14, 15], "store": [3, 10, 14, 15, 22], "str": [7, 10, 14, 15], "straightforward": 22, "strategi": 2, "strict": [14, 15], "strictli": [14, 15], "string": [14, 15], "stroke": 6, "strokedash": [2, 8, 12], "strokeopac": [10, 12], "strongli": 4, "structur": [14, 15], "sub": [14, 15], "submiss": 16, "subobject": [14, 15], "subplot_dim": 10, "subplot_spac": 10, "subset": [14, 15, 21], "subtract": 2, "subtre": [14, 15], "suffici": 22, "suggest": 15, "sum": [4, 12, 14, 15, 22], "sum_": 22, "summari": 5, "support": [12, 14, 15, 20, 21], "suppress": 20, "surround": [14, 15], "svd": 4, "symbolopac": 7, "symmetr": 4, "synthet": 13, "system_version_compat": 16, "t": [2, 3, 4, 7, 9, 13, 22], "tabular": 5, "tag": 5, "target": [1, 2, 4, 10, 13, 14, 15, 20, 21], "task": 5, "tempfil": 5, "templat": [14, 15], "temporarydirectori": 5, "termin": [6, 14, 15], "test": [2, 3, 4, 5, 9, 10, 12, 14, 15, 20, 21, 23, 24], "test_idx": 12, "test_index": 8, "test_indic": 4, "test_left": 4, "test_right": 4, "test_siz": [2, 3, 10, 12, 21, 23, 24], "text": [2, 4, 12], "text_bar_left": 12, "text_bar_right": 12, "text_coverag": [2, 4], "text_label_end": 12, "text_label_start": 12, "text_with": 2, "th": [14, 15, 22], "than": [13, 14, 15, 21, 22, 24], "thei": [2, 18, 21, 22], "therefor": 15, "thi": [0, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 18, 20, 21, 22], "thick": [2, 8], "those": [4, 14, 15], "three": 7, "threshold": 11, "threshold_low": 11, "threshold_upp": 11, "through": [14, 15], "thu": [14, 15], "ti": [14, 15], "tick": [2, 8], "tick_end_rul": 12, "tick_low": [2, 8], "tick_start_rul": 12, "tick_upp": [2, 8], "tickminstep": 5, "ticksiz": 6, "tile": [4, 7, 12], "time": [12, 18, 20, 21, 22, 23], "titl": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "titleori": 6, "tmp": 4, "toi": [4, 6, 7, 9, 11, 13], "token": 5, "tolist": [2, 5, 6, 7, 12, 13], "tooltip": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "tooltip_pr": 4, "tooltip_tru": 4, "top": [2, 4, 10], "total": [14, 15, 22], "train": [1, 3, 4, 6, 10, 11, 14, 15, 21, 22, 23, 24], "train_index": 8, "train_indic": 4, "train_test_split": [2, 3, 4, 5, 7, 9, 10, 12, 13, 21, 23, 24], "training_procedur": 5, "transform_aggreg": [2, 4], "transform_calcul": [2, 4, 7, 8, 10, 11, 12, 13], "transform_filt": [2, 3, 5, 6, 9, 10, 12], "transform_fold": [10, 13], "transform_lookup": 10, "transmit": 10, "treat": 10, "tree": [1, 4, 14, 15, 18, 20, 21, 22, 24], "tree_": 12, "tree_output": 12, "treeexplain": 12, "tri": [14, 15], "triangle_left": 12, "triangle_right": 12, "triangle_s": 12, "true": [2, 3, 4, 5, 6, 7, 8, 9, 10, 12, 13, 14, 15, 21, 23, 24], "truth": 9, "try": 5, "tt": 4, "tupl": [10, 14, 15, 23], "two": [6, 7, 10, 14, 15, 23], "txt": 16, "type": [4, 12], "u": [12, 14, 15], "unaggreg": 20, "uncertainti": [5, 18], "unchang": [14, 15], "underli": [12, 14, 15], "uniform": [7, 9], "uniqu": [14, 15], "unit": 20, "unknown": 22, "unless": [14, 15], "unlimit": [14, 15], "unprun": [14, 15], "unselect": 3, "unsort": 3, "unsupervis": 10, "until": [14, 15], "unweight": [14, 15, 21, 22], "up": [10, 14, 15], "up_bdd": 4, "updat": [6, 14, 15, 20], "upload": 5, "upper": [2, 4, 6, 7, 8, 9, 11], "url": 19, "us": [1, 2, 3, 4, 6, 7, 8, 9, 12, 13, 14, 15, 16, 17, 20, 21, 22, 24], "user": [1, 14, 15, 18], "userwarn": 20, "util": [4, 9, 10, 11, 13, 14, 15], "v": [1, 4, 7, 9, 14, 15, 16], "v1": 20, "valid": [2, 4, 8, 9, 10, 11, 13, 14, 15, 20], "valu": [2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13, 14, 15, 20, 21, 22, 24], "value_clean": 10, "value_label": 12, "value_nam": 5, "value_noisi": 10, "var": 4, "var1": [2, 8], "var2": [2, 8], "var_nam": 5, "var_ord": 4, "vari": [2, 5, 6, 7, 11, 12, 13, 15], "variabl": [7, 21, 22], "varianc": [14, 15, 22], "variou": [14, 15], "vector": 3, "verbos": [14, 15, 16], "veri": [14, 15, 22], "version": [9, 14, 15, 18], "via": 1, "visual": [3, 5, 7, 8, 10, 12], "volume7": [14, 15, 19], "vstack": 2, "vt": 4, "vv": 4, "vv_direct": 4, "vv_norm": 4, "wa": [5, 14, 15, 21, 22], "wai": 22, "want": 18, "warm_start": [14, 15], "warn": [14, 15, 20], "waterfal": 12, "we": [2, 3, 4, 6, 10, 11, 12, 16, 21, 22], "weak": [14, 15], "wehenkel": [14, 15], "weight": [4, 14, 15, 20, 22], "weight_mat": 4, "weight_x0": 4, "weighted_leav": [14, 15, 20, 21], "weighted_quantil": [14, 15, 21], "well": [14, 15, 18], "were": 23, "what": 3, "when": [6, 13, 14, 15, 18, 20, 21, 22, 23], "where": [4, 14, 15, 22], "wherea": 15, "wherebi": 21, "whether": [14, 15], "which": [3, 4, 10, 12, 14, 15, 21, 22], "whichev": [14, 15], "while": [2, 3, 14, 15, 21, 22], "whole": [14, 15], "whose": 11, "wi": 4, "width": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "width_text": 2, "window": 20, "within": 2, "without": [6, 18, 21], "work": [14, 15], "wors": [14, 15], "would": [14, 15], "write": 12, "wrt": [14, 15], "ww": 4, "www": [14, 15, 19], "x": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21, 22, 23, 24], "x0": 4, "x0tild": 4, "x0v": 4, "x2": [3, 12], "x_1d": 11, "x_calib": 2, "x_domain": [4, 8], "x_eval": 4, "x_func": 9, "x_leav": [14, 15], "x_max": [10, 12], "x_min": [10, 12], "x_mix": 21, "x_noisi": 10, "x_scale": [4, 10], "x_shift": 12, "x_test": [2, 3, 5, 7, 8, 9, 10, 12, 13, 21, 23, 24], "x_test_noisi": 10, "x_train": [2, 3, 4, 5, 7, 8, 9, 10, 12, 13, 21, 23, 24], "x_train_noisi": 10, "x_true": 4, "xind": 4, "xoffset": 13, "xpt": 4, "xtild": 4, "xtra": 4, "xtra_featur": 4, "xtra_mapp": 4, "xtrapol": 4, "xx": 4, "y": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21, 22, 23, 24], "y2": [2, 4, 6, 7, 8, 9, 12], "y2offset": 12, "y_area_label": 9, "y_calib": 2, "y_conf_low": 2, "y_conf_upp": 2, "y_domain": [4, 8], "y_ecdf": 3, "y_extrp_area": 4, "y_extrp_lin": 4, "y_func": [4, 9], "y_i": [3, 7, 13, 22], "y_j": 22, "y_label": 2, "y_out": 3, "y_pi": 2, "y_pred": [2, 4, 5, 6, 7, 8, 9, 11, 14, 15, 21], "y_pred_area": 4, "y_pred_func": 9, "y_pred_i": 8, "y_pred_interv": [2, 8], "y_pred_interval_calib": 2, "y_pred_label": 9, "y_pred_lin": 4, "y_pred_low": [2, 4, 6, 7, 8, 9], "y_pred_low_calib": 2, "y_pred_mix": 21, "y_pred_oob": 21, "y_pred_qrf": [13, 21], "y_pred_rf": [13, 21], "y_pred_test": [9, 21], "y_pred_train_oob": 21, "y_pred_unweight": 21, "y_pred_upp": [2, 4, 6, 7, 8, 9], "y_pred_upp_calib": 2, "y_pred_weight": 21, "y_pred_width": 8, "y_rank": [11, 14, 15, 24], "y_ranks_oob": 24, "y_rule_offset": 12, "y_scale": 4, "y_test": [2, 3, 5, 7, 8, 9, 10, 12, 13, 21, 23, 24], "y_text_offset": 12, "y_train": [2, 3, 4, 5, 7, 8, 9, 10, 12, 13, 21, 23, 24], "y_train_leav": 4, "y_true": [2, 4, 7, 8, 14, 15], "y_true_label": 9, "y_val": 3, "y_val2": 3, "y_valu": 2, "ye": [2, 11], "yoffset": 12, "you": [14, 15, 18], "z": [4, 12], "zero": [4, 5, 10, 12, 14, 15, 22, 23], "zeros_lik": [4, 9], "zillow": 20, "zip": [7, 12, 13]}, "titles": ["API Reference", "General Examples", "QRFs for Conformalized Quantile Regression", "Computing User-Specified Functions with QRFs", "Extrapolation with Quantile Regression Forests", "Using a Trained QRF Model via Hugging Face Hub", "Comparing Quantile Interpolation Methods", "Multi-target Quantile Regression with QRFs", "Quantile Regression Forests Prediction Intervals", "Predicting with Quantile Regression Forests", "Using Proximity Counts to Identify Similar Samples", "Using Quantile Ranks to Identify Potential Outliers", "Tree SHAP with Quantile Regression Forests", "Quantile Regression Forests vs. Random Forests", "ExtraTreesQuantileRegressor", "RandomForestQuantileRegressor", "Developer\u2019s Guide", "Getting Started", "quantile-forest", "References", "Release Notes", "Fitting and Predicting", "Introduction", "Proximity Counts", "Quantile Ranks"], "titleterms": {"": 16, "0": 20, "01": 20, "04": 20, "07": 20, "08": 20, "09": 20, "1": 20, "10": 20, "11": 20, "12": 20, "15": 20, "16": 20, "19": 20, "2": 20, "2022": 20, "2023": 20, "2024": 20, "21": 20, "22": 20, "23": 20, "28": 20, "3": 20, "31": 20, "4": 20, "5": 20, "6": 20, "7": 20, "8": 20, "9": 20, "api": 0, "apr": 20, "aug": 20, "bag": 21, "compar": 6, "comput": 3, "conform": 2, "count": [10, 23], "coverag": 16, "dec": 20, "depend": 16, "develop": 16, "document": 16, "estim": 21, "exampl": 1, "extrapol": 4, "extratreesquantileregressor": 14, "face": 5, "feb": 20, "fit": 21, "forest": [0, 4, 8, 9, 12, 13, 18, 21, 22], "function": [3, 21], "gener": 1, "get": 17, "guid": 16, "hub": 5, "hug": 5, "identifi": [10, 11], "instal": [16, 17], "interpol": 6, "interv": 8, "introduct": 22, "jan": 20, "jul": 20, "jun": 20, "mai": 20, "make": 21, "mar": 20, "method": 6, "model": [5, 21], "multi": 7, "note": 20, "nov": 20, "oct": 20, "out": 21, "outlier": 11, "potenti": 11, "predict": [8, 9, 21], "prerequisit": 17, "proxim": [10, 23], "qrf": [2, 3, 5, 7], "quantil": [0, 2, 4, 6, 7, 8, 9, 11, 12, 13, 18, 21, 22, 24], "random": [13, 21], "randomforestquantileregressor": 15, "rank": [11, 24], "refer": [0, 19], "regress": [2, 4, 7, 8, 9, 12, 13, 22], "releas": 20, "sampl": 10, "sep": 20, "shap": 12, "similar": 10, "specifi": [3, 21], "start": 17, "target": 7, "test": 16, "train": 5, "tree": 12, "troubleshoot": 16, "us": [5, 10, 11], "user": [3, 21], "v": 13, "version": 20, "via": 5, "weight": 21}})
    \ No newline at end of file
    +Search.setIndex({"alltitles": {"API Reference": [[0, null]], "Comparing Quantile Interpolation Methods": [[6, null]], "Computing User-Specified Functions with QRFs": [[3, null]], "Developer\u2019s Guide": [[16, null]], "Development Dependencies": [[16, "development-dependencies"]], "Development Installation": [[16, "development-installation"]], "Documentation": [[16, "documentation"]], "ExtraTreesQuantileRegressor": [[14, null]], "Extrapolation with Quantile Regression Forests": [[4, null]], "Fitting a Model": [[21, "fitting-a-model"]], "Fitting and Predicting": [[21, null]], "General Examples": [[1, null]], "Getting Started": [[17, null]], "Installation": [[17, "installation"]], "Introduction": [[22, null]], "Making Predictions": [[21, "making-predictions"]], "Multi-target Quantile Regression with QRFs": [[7, null]], "Out-of-Bag Estimation": [[21, "out-of-bag-estimation"]], "Predicting with Quantile Regression Forests": [[9, null]], "Prerequisites": [[17, "prerequisites"]], "Proximity Counts": [[23, null]], "QRFs for Conformalized Quantile Regression": [[2, null]], "Quantile Forests": [[0, "quantile-forests"]], "Quantile Ranks": [[24, null]], "Quantile Regression Forests": [[22, "quantile-regression-forests"]], "Quantile Regression Forests Prediction Intervals": [[8, null]], "Quantile Regression Forests vs. Random Forests": [[13, null]], "Quantile Weighting": [[21, "quantile-weighting"]], "Random Forest Predictions": [[21, "random-forest-predictions"]], "RandomForestQuantileRegressor": [[15, null]], "References": [[19, null]], "Release Notes": [[20, null]], "Test and Coverage": [[16, "test-and-coverage"]], "Tree SHAP with Quantile Regression Forests": [[12, null]], "Troubleshooting": [[16, "troubleshooting"]], "User-Specified Functions": [[21, "user-specified-functions"]], "Using Proximity Counts to Identify Similar Samples": [[10, null]], "Using Quantile Ranks to Identify Potential Outliers": [[11, null]], "Using a Trained QRF Model via Hugging Face Hub": [[5, null]], "Version 1.0.0 (released Mar 23, 2022)": [[20, "version-1-0-0-released-mar-23-2022"]], "Version 1.0.1 (released Mar 23, 2022)": [[20, "version-1-0-1-released-mar-23-2022"]], "Version 1.0.2 (released Mar 28, 2022)": [[20, "version-1-0-2-released-mar-28-2022"]], "Version 1.1.0 (released Nov 07, 2022)": [[20, "version-1-1-0-released-nov-07-2022"]], "Version 1.1.1 (released Dec 19, 2022)": [[20, "version-1-1-1-released-dec-19-2022"]], "Version 1.1.2 (released Mar 22, 2023)": [[20, "version-1-1-2-released-mar-22-2023"]], "Version 1.1.3 (released Jul 08, 2023)": [[20, "version-1-1-3-released-jul-08-2023"]], "Version 1.2.0 (released Aug 01, 2023)": [[20, "version-1-2-0-released-aug-01-2023"]], "Version 1.2.1 (released Oct 04, 2023)": [[20, "version-1-2-1-released-oct-04-2023"]], "Version 1.2.2 (released Oct 08, 2023)": [[20, "version-1-2-2-released-oct-08-2023"]], "Version 1.2.3 (released Oct 09, 2023)": [[20, "version-1-2-3-released-oct-09-2023"]], "Version 1.2.4 (released Jan 16, 2024)": [[20, "version-1-2-4-released-jan-16-2024"]], "Version 1.2.5 (released Feb 10, 2024)": [[20, "version-1-2-5-released-feb-10-2024"]], "Version 1.3.0 (released Feb 11, 2024)": [[20, "version-1-3-0-released-feb-11-2024"]], "Version 1.3.1 (released Feb 12, 2024)": [[20, "version-1-3-1-released-feb-12-2024"]], "Version 1.3.10 (released Aug 31, 2024)": [[20, "version-1-3-10-released-aug-31-2024"]], "Version 1.3.11 (released Sep 10, 2024)": [[20, "version-1-3-11-released-sep-10-2024"]], "Version 1.3.2 (released Feb 15, 2024)": [[20, "version-1-3-2-released-feb-15-2024"]], "Version 1.3.3 (released Feb 16, 2024)": [[20, "version-1-3-3-released-feb-16-2024"]], "Version 1.3.4 (released Feb 21, 2024)": [[20, "version-1-3-4-released-feb-21-2024"]], "Version 1.3.5 (released Apr 15, 2024)": [[20, "version-1-3-5-released-apr-15-2024"]], "Version 1.3.6 (released May 22, 2024)": [[20, "version-1-3-6-released-may-22-2024"]], "Version 1.3.7 (released Jun 19, 2024)": [[20, "version-1-3-7-released-jun-19-2024"]], "Version 1.3.8 (released Aug 15, 2024)": [[20, "version-1-3-8-released-aug-15-2024"]], "Version 1.3.9 (released Aug 23, 2024)": [[20, "version-1-3-9-released-aug-23-2024"]], "quantile-forest": [[18, null]]}, "docnames": ["api", "gallery/index", "gallery/plot_qrf_conformalized_intervals", "gallery/plot_qrf_custom_functions", "gallery/plot_qrf_extrapolation", "gallery/plot_qrf_huggingface_inference", "gallery/plot_qrf_interpolation_methods", "gallery/plot_qrf_multitarget", "gallery/plot_qrf_prediction_intervals", "gallery/plot_qrf_predictions", "gallery/plot_qrf_proximity_counts", "gallery/plot_qrf_quantile_ranks", "gallery/plot_qrf_treeshap_explanations", "gallery/plot_qrf_vs_rf_predictions", "generated/quantile_forest.ExtraTreesQuantileRegressor", "generated/quantile_forest.RandomForestQuantileRegressor", "getting_started/developers", "getting_started/installation", "index", "references", "releases/changes", "user_guide/fit_predict", "user_guide/introduction", "user_guide/proximities", "user_guide/quantile_ranks"], "envversion": {"sphinx": 63, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1, "sphinxcontrib.bibtex": 9}, "filenames": ["api.rst", "gallery/index.rst", "gallery/plot_qrf_conformalized_intervals.rst", "gallery/plot_qrf_custom_functions.rst", "gallery/plot_qrf_extrapolation.rst", "gallery/plot_qrf_huggingface_inference.rst", "gallery/plot_qrf_interpolation_methods.rst", "gallery/plot_qrf_multitarget.rst", "gallery/plot_qrf_prediction_intervals.rst", "gallery/plot_qrf_predictions.rst", "gallery/plot_qrf_proximity_counts.rst", "gallery/plot_qrf_quantile_ranks.rst", "gallery/plot_qrf_treeshap_explanations.rst", "gallery/plot_qrf_vs_rf_predictions.rst", "generated/quantile_forest.ExtraTreesQuantileRegressor.rst", "generated/quantile_forest.RandomForestQuantileRegressor.rst", "getting_started/developers.rst", "getting_started/installation.rst", "index.rst", "references.rst", "releases/changes.rst", "user_guide/fit_predict.rst", "user_guide/introduction.rst", "user_guide/proximities.rst", "user_guide/quantile_ranks.rst"], "indexentries": {"apply() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.apply", false]], "apply() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.apply", false]], "decision_path() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.decision_path", false]], "decision_path() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.decision_path", false]], "estimators_samples_ (quantile_forest.extratreesquantileregressor property)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.estimators_samples_", false]], "estimators_samples_ (quantile_forest.randomforestquantileregressor property)": [[15, "quantile_forest.RandomForestQuantileRegressor.estimators_samples_", false]], "extratreesquantileregressor (class in quantile_forest)": [[14, "quantile_forest.ExtraTreesQuantileRegressor", false]], "feature_importances_ (quantile_forest.extratreesquantileregressor property)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.feature_importances_", false]], "feature_importances_ (quantile_forest.randomforestquantileregressor property)": [[15, "quantile_forest.RandomForestQuantileRegressor.feature_importances_", false]], "fit() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.fit", false]], "fit() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.fit", false]], "get_metadata_routing() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.get_metadata_routing", false]], "get_metadata_routing() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.get_metadata_routing", false]], "get_params() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.get_params", false]], "get_params() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.get_params", false]], "predict() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.predict", false]], "predict() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.predict", false]], "proximity_counts() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.proximity_counts", false]], "proximity_counts() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.proximity_counts", false]], "quantile_ranks() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.quantile_ranks", false]], "quantile_ranks() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.quantile_ranks", false]], "randomforestquantileregressor (class in quantile_forest)": [[15, "quantile_forest.RandomForestQuantileRegressor", false]], "score() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.score", false]], "score() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.score", false]], "set_fit_request() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.set_fit_request", false]], "set_fit_request() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.set_fit_request", false]], "set_params() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.set_params", false]], "set_params() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.set_params", false]], "set_predict_request() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.set_predict_request", false]], "set_predict_request() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.set_predict_request", false]], "set_score_request() (quantile_forest.extratreesquantileregressor method)": [[14, "quantile_forest.ExtraTreesQuantileRegressor.set_score_request", false]], "set_score_request() (quantile_forest.randomforestquantileregressor method)": [[15, "quantile_forest.RandomForestQuantileRegressor.set_score_request", false]]}, "objects": {"quantile_forest": [[14, 0, 1, "", "ExtraTreesQuantileRegressor"], [15, 0, 1, "", "RandomForestQuantileRegressor"]], "quantile_forest.ExtraTreesQuantileRegressor": [[14, 1, 1, "", "apply"], [14, 1, 1, "", "decision_path"], [14, 2, 1, "", "estimators_samples_"], [14, 2, 1, "", "feature_importances_"], [14, 1, 1, "", "fit"], [14, 1, 1, "", "get_metadata_routing"], [14, 1, 1, "", "get_params"], [14, 1, 1, "", "predict"], [14, 1, 1, "", "proximity_counts"], [14, 1, 1, "", "quantile_ranks"], [14, 1, 1, "", "score"], [14, 1, 1, "", "set_fit_request"], [14, 1, 1, "", "set_params"], [14, 1, 1, "", "set_predict_request"], [14, 1, 1, "", "set_score_request"]], "quantile_forest.RandomForestQuantileRegressor": [[15, 1, 1, "", "apply"], [15, 1, 1, "", "decision_path"], [15, 2, 1, "", "estimators_samples_"], [15, 2, 1, "", "feature_importances_"], [15, 1, 1, "", "fit"], [15, 1, 1, "", "get_metadata_routing"], [15, 1, 1, "", "get_params"], [15, 1, 1, "", "predict"], [15, 1, 1, "", "proximity_counts"], [15, 1, 1, "", "quantile_ranks"], [15, 1, 1, "", "score"], [15, 1, 1, "", "set_fit_request"], [15, 1, 1, "", "set_params"], [15, 1, 1, "", "set_predict_request"], [15, 1, 1, "", "set_score_request"]]}, "objnames": {"0": ["py", "class", "Python class"], "1": ["py", "method", "Python method"], "2": ["py", "property", "Python property"]}, "objtypes": {"0": "py:class", "1": "py:method", "2": "py:property"}, "terms": {"": [2, 3, 4, 7, 14, 15, 21], "0": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 21, 23, 24], "000": 3, "000000": 6, "006aff": [2, 3, 4, 6, 7, 8, 9, 11, 13], "01": [4, 6, 11], "018bfb": 12, "025": [4, 8, 9], "05": [4, 7, 11], "09758": 4, "0a4": 16, "0d4599": 6, "0f": [5, 10], "1": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 21, 22, 23, 24], "10": [9, 10, 11, 12, 13, 23], "100": [2, 3, 4, 7, 12, 14, 15, 21], "1000": [3, 6, 7, 8, 9, 10, 12, 14, 15], "100_000": [2, 5, 8, 12], "101": [6, 13], "11": [2, 12, 18], "125": 12, "13": 20, "14": 20, "15": [4, 6, 12], "16": 12, "18": [14, 15, 20], "1f": [2, 4], "2": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21], "20": [2, 4, 6, 20], "200": 4, "2001": 15, "2006": [14, 15, 19], "2024": 4, "21": 5, "225": [2, 10], "23": 17, "2402": 4, "25": [4, 7, 9, 10, 11, 21, 23, 24], "250": 8, "2500": 7, "26": 20, "27": 20, "29": 20, "2c": 22, "2f": 12, "3": [4, 6, 7, 8, 9, 10, 14, 15, 16, 17, 18, 21, 23], "30": [2, 8, 12, 20], "300": [2, 4, 12], "32": [15, 20], "325": 8, "33": 20, "34": 20, "35": 20, "359": 15, "36": 20, "3f": [4, 6, 7, 9, 10, 11], "3g": [5, 7, 13], "4": [2, 4, 6, 7, 8, 11, 14, 15, 17], "400": [3, 6, 7, 9, 11, 13], "41": 7, "42": [14, 15], "4326": 5, "45": 15, "47": 20, "49": 20, "5": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21, 23], "50": [3, 4, 10, 11], "500": [4, 10], "5000": [11, 13], "52": 20, "53": 20, "56": 20, "57": 20, "59": 20, "6": [12, 19], "600": 12, "6000": 5, "63": [14, 15, 20], "64": 20, "65": 20, "650": [3, 5, 7, 9, 11, 13], "66": 20, "67": 20, "68": 20, "69": 20, "7": [13, 14, 15, 19], "70": 20, "7000": 5, "71": 20, "72": 20, "74": 20, "75": [6, 20, 21], "77": 20, "78": 20, "79": 20, "8": [2, 4, 6, 8, 9, 10, 12, 14, 15, 17], "80": [14, 15, 20], "81": 20, "82": 20, "83": 20, "84": 20, "85": 20, "86": 20, "88": 20, "89": 20, "9": [2, 6], "900": 2, "95": [4, 7, 8, 9], "975": [4, 8, 9], "983": [14, 15, 19], "999": [14, 15, 19], "A": [14, 15, 18, 21, 22], "At": 22, "By": [6, 10, 14, 15, 21], "For": [3, 4, 7, 9, 11, 14, 15, 21, 22, 23, 24], "If": [14, 15, 16, 21], "In": [2, 3, 5, 6, 7, 10, 11, 12, 13, 14, 15, 21, 22], "It": [14, 15, 21], "No": [2, 11], "On": 16, "That": 22, "The": [4, 5, 6, 8, 9, 12, 14, 15, 17, 18, 21, 22, 23, 24], "These": 10, "To": [4, 12, 14, 15, 16, 22], "_": [4, 10], "__": [14, 15], "__getstate__": 5, "__init__": [4, 5], "__setstate__": 5, "__version__": 5, "_build": 16, "_get_tree_weight_matrix": 4, "_get_y_train_leav": 4, "_imag": 16, "_penalized_locpol": 4, "_plot_calibr": 8, "_plot_extrapol": 4, "_plot_interv": 8, "_plot_prediction_interv": 2, "a6e5ff": 6, "ab": [2, 4, 11, 12], "about": 22, "abs_shap_valu": 12, "absolut": [5, 14, 15], "absolute_error": [14, 15, 21], "accept": 21, "access": [5, 16], "accomplish": 21, "accord": 21, "accordingli": 21, "accur": 22, "achiev": [2, 14, 15], "across": [4, 5, 12, 21, 22, 24], "action": 20, "actual": [2, 6, 8, 13], "ad": [14, 15], "adapt": [2, 4], "add": [2, 5, 10, 14, 15, 20], "add_gaussian_nois": 10, "add_metr": 5, "add_nois": [4, 9], "add_param": [2, 3, 5, 6, 7, 10, 11, 12, 13], "addit": [2, 12, 21], "addition": 16, "address": 12, "adjust": 12, "advantag": 21, "affect": 12, "agg": 5, "aggreg": [4, 5, 14, 15, 21, 22, 24], "aggregate_leaves_first": [2, 12, 14, 15, 21], "alia": [14, 15], "align": [2, 4, 10, 12], "all": [2, 4, 5, 6, 7, 8, 10, 11, 14, 15, 18, 21, 22, 23, 24], "allclos": 21, "allow": [3, 4, 10, 12, 14, 15, 21], "alon": 22, "alongsid": 10, "alpha": 2, "alpha_exclud": 4, "alpha_includ": 4, "also": [3, 14, 15, 16, 21], "alt": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "altair": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "alter": 12, "altern": [14, 15], "alwai": [14, 15], "an": [3, 4, 10, 14, 15, 18, 21, 22, 23], "anchor": [4, 6, 10], "ani": [3, 14, 15, 21], "apach": 5, "api": 18, "append": [2, 3, 6], "appli": [2, 3, 4, 10, 12, 14, 15, 18, 20], "applic": 18, "approach": [4, 22], "appropri": 5, "approxim": 22, "ar": [5, 6, 7, 9, 10, 11, 12, 14, 15, 16, 18, 21, 22, 23, 24], "arang": [4, 8, 10, 21], "arbitrari": [14, 15, 18, 21], "arbitrarili": [14, 15], "area": [4, 7], "area_pr": 9, "arg": [2, 4], "argsort": [2, 3, 4, 8], "around": 11, "arrai": [3, 4, 6, 12, 14, 15, 21], "arrang": 21, "arxiv": 4, "as_": [10, 13], "as_fram": [2, 3, 5, 8, 10, 12], "asarrai": [2, 3], "ascend": 12, "assess": [14, 15], "assign": [2, 4, 5, 9, 10, 12, 14, 15, 21], "assum": [14, 15, 21], "astyp": 5, "atleast_2d": [4, 7, 9], "attain": 2, "attribut": [14, 15], "auto": [14, 15], "avail": [5, 14, 15, 16, 18, 20, 21], "averag": [4, 14, 15, 21], "awar": 4, "ax": [2, 8], "axi": [2, 3, 4, 6, 8, 10, 11, 12, 13], "b": [2, 4, 16], "bag": [14, 15, 18, 23, 24], "bandpaddinginn": 6, "bar": [2, 8, 12], "bar_pr": [4, 6], "base": [2, 4, 5, 6, 7, 8, 10, 11, 12, 14, 15, 18, 20, 21, 22], "base_estimator_": [14, 15], "base_model": 5, "base_offset": 12, "base_valu": 12, "baseestim": 5, "baseforestquantileregressor": [3, 12], "baselin": [2, 4, 12], "bb_low": 4, "bb_low_train": 4, "bb_mid": 4, "bb_upp": 4, "bb_upp_train": 4, "becaus": [14, 15, 16], "been": [5, 20], "befor": [16, 20, 21], "behaviour": 15, "behind": 18, "being": [3, 6, 10, 20], "belong": 21, "below": [14, 15, 21], "berkelei": [14, 15], "best": [14, 15], "between": [4, 6, 12, 14, 15], "bin": 13, "bind": [2, 3, 5, 6, 7, 10, 11, 12, 13], "binding_rang": [2, 3, 5, 6, 7, 10, 11, 12, 13], "bit": 20, "black": [2, 4, 5, 7, 8, 9, 12], "blank": [4, 9], "block": 4, "bn": 4, "bool": [14, 15, 21], "boolean": 21, "boot_sampl": 4, "bootstrap": [4, 6, 14, 15, 21], "both": [8, 15, 21], "bottom": 6, "bound": [4, 7, 9, 11], "boundari": 4, "bounds_list": 4, "branch": [14, 15], "breiman": [14, 15], "brew": 16, "broad": 18, "brought": [14, 15], "bug": 20, "build": [14, 15, 16, 20, 22], "bump": 20, "b\u00fchlmann": 4, "c": 22, "c0c0c0": 13, "c_": 4, "ca_counti": 5, "calcul": [2, 3, 4, 6, 10, 12, 13, 14, 15, 18, 20, 21, 22, 24], "calibr": [2, 4, 8], "california": [2, 5, 8, 12], "call": [14, 15, 21], "callabl": [14, 15], "can": [2, 3, 4, 6, 7, 10, 13, 14, 15, 17, 18, 21, 22, 23, 24], "candid": 10, "card": 5, "cardin": [14, 15], "carl": 2, "case": [14, 15, 21], "categori": [6, 7, 13], "cc_home": [14, 15], "ccp_alpha": [14, 15], "cdf": 3, "ceil": [14, 15], "center": 8, "chain": 3, "chang": [14, 15], "changelog": 20, "chart": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "chart1": [4, 8, 10], "chart2": [4, 8, 10], "chart3": 10, "chart_bas": 3, "chart_select": 3, "chart_spac": 10, "check": [4, 14, 15, 20], "check_addit": 12, "check_random_st": [4, 9, 10, 11, 13], "child": [14, 15], "choic": [3, 4, 12], "chosen": [14, 15], "cibuildwheel": 20, "circl": [2, 3, 7, 8, 11], "circle_pr": 6, "circle_test": 9, "circle_tru": 4, "cl": 5, "clamp": 2, "class": [4, 5, 14, 15, 18], "classif": 22, "classmethod": 5, "clean": 10, "click": [2, 3, 5, 6, 7, 11, 13], "clip": [2, 4, 10], "clone": 5, "closer": 2, "closest": 4, "co": [11, 21], "code": [4, 16], "coef": 4, "coeffici": [4, 14, 15], "collect": [14, 15], "color": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "color_schem": 5, "column": [4, 5, 6, 10, 12, 14, 15, 21], "com": [4, 20], "combin": [4, 10], "combine_float": 10, "combined_df": 10, "commit": [5, 16, 20], "commit_messag": 5, "compar": [1, 9, 13, 20], "comparison": 4, "compat": [5, 18, 20], "complet": [3, 22], "complex": [14, 15], "compon": [14, 15], "comput": [1, 4, 14, 15, 18, 21, 23], "concat": [2, 3, 6, 12], "concaten": [3, 4, 7, 9, 21], "concept": 18, "concurr": 7, "condit": [2, 3, 4, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 18, 22], "conf_scor": 2, "configur": 21, "configure_concat": 10, "configure_facet": [6, 10], "configure_rang": [6, 7, 13], "configure_scal": 6, "configure_titl": [6, 10], "configure_view": [6, 10, 12], "conform": [1, 20], "consid": [10, 14, 15], "consist": [14, 15], "constant": [14, 15, 22], "constraint": [14, 15, 20], "construct": [2, 3, 4, 6, 9, 24], "consumpt": [14, 15], "contain": [14, 15], "context": [14, 15], "contribut": 12, "control": [4, 14, 15], "convert": [8, 12, 14, 15], "copi": [8, 10, 12], "correctli": 20, "correspond": [4, 14, 15, 21], "cost": [14, 15], "could": 20, "count": [1, 13, 14, 15, 18, 20], "counti": 5, "county_fip": 5, "cov": 16, "cov_frac": 2, "cov_qrf": 4, "cov_xtr": 4, "covari": 22, "cover": 4, "coverag": [2, 4], "coverage_scor": 2, "coverage_text": [2, 4], "coverage_v": 2, "cqr": 2, "cqr_strategi": 2, "cr": 5, "creat": [2, 4, 5, 6, 7, 9, 10, 11, 12, 13, 14, 15], "create_remot": 5, "criteria": [14, 15], "criterion": [12, 14, 15, 20, 21], "cross": [5, 8], "crossvalidationpipelin": 5, "csc_matrix": [14, 15], "csr": [14, 15], "csr_matrix": [14, 15], "cumsum": 12, "cumul": [3, 14, 15], "current": [14, 15], "custom": [3, 12, 14, 15], "cv_model": 5, "cython": [16, 18, 20], "d": [2, 4, 8, 13, 14, 15], "d_xtra": 4, "data": [2, 3, 4, 5, 6, 8, 9, 10, 14, 15, 18, 21, 23, 24], "data_transform": 5, "datafram": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "datapoint": [14, 15], "dataset": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21, 22, 23, 24], "datum": [2, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "dd": 4, "ddmat": 4, "deal": 13, "decis": [14, 15, 22], "decision_path": [14, 15], "decisiontreeregressor": [14, 15], "decreas": [14, 15], "deep": [14, 15], "def": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "default": [3, 5, 12, 14, 15, 20, 21], "default_quantil": [14, 15, 20, 21], "defin": [3, 5, 7, 11, 12, 14, 15], "definit": [14, 15], "degre": [4, 22], "del": 4, "demonstr": [2, 3, 5, 6, 7, 8, 9, 10, 11, 12, 13, 18], "denois": 10, "denot": 22, "depend": [4, 14, 15, 17], "dependabot": 20, "deprec": 20, "depth": [14, 15], "deriv": 4, "deriv_mat": 4, "deriv_max": 4, "deriv_median": 4, "deriv_min": 4, "descend": [14, 15, 23], "describ": 18, "descript": 5, "design": [3, 4, 21], "desir": [4, 6, 9, 11, 14, 15, 22], "detail": [5, 14, 15, 18, 21], "detect": 22, "determin": [3, 4, 6, 10, 14, 15, 21], "determinist": 15, "develop": [18, 20], "devianc": [14, 15], "deviat": 11, "df": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "df1": 10, "df2": 10, "df_group": 12, "df_i": [2, 3, 6], "df_lookup": 10, "df_prox": 10, "df_text_label": 12, "dgt_x": 10, "dgt_y": 10, "di": 4, "diabet": 3, "diag": [4, 12], "diagon": [2, 4, 8], "dict": [14, 15], "differ": [6, 12], "digit": 10, "dim_i": 10, "dim_x": 10, "dimens": [4, 10], "dimension": [4, 18, 21, 22], "direct": 4, "disable_max_row": 5, "discuss": 21, "displai": [5, 7, 10], "disregard": [14, 15], "distinct": 10, "distribut": [2, 3, 13, 14, 15, 20, 21, 22, 24], "divid": 6, "do": [4, 10, 21], "doc": [16, 20], "docstr": 20, "doctest": 16, "document": [0, 20], "doe": [5, 6, 12, 14, 15, 22], "dollar": [5, 8, 12], "domain": [2, 4, 5, 8, 10, 11, 12], "dot": 4, "download": 5, "draw": [4, 14, 15], "drawn": [14, 15], "drop": [2, 4, 5, 10, 12, 18, 20], "drop_dupl": 5, "dst": 5, "dtype": [14, 15], "dummy_legend": 11, "dump": 5, "duplic": [14, 15], "dure": [6, 10, 12, 14, 15, 21, 23], "dx": 12, "dy": 12, "dymat": 4, "dynam": [14, 15], "e": [2, 5, 10, 11, 12, 14, 15, 21, 22], "e0f2ff": [2, 4, 8, 9], "each": [3, 4, 5, 6, 7, 10, 11, 12, 14, 15, 21, 22, 23, 24], "ecdf": 3, "edit": 16, "edu": [14, 15], "effect": [2, 10, 14, 15, 21], "effici": [14, 15, 20, 21], "element": [14, 15], "elif": 4, "elli": 2, "els": [4, 5, 9, 12, 13, 14, 15], "empir": [3, 15, 21, 22, 24], "empti": [3, 4, 5, 7], "empty_lik": 3, "enabl": 21, "enable_metadata_rout": [14, 15], "encapsul": [14, 15], "encod": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "encourag": 4, "end": [12, 14, 15], "end_bar_rul": 12, "end_shift": 12, "endpoint": [2, 5, 6, 7, 12, 13], "enforc": [14, 15], "enhanc": 2, "ensembl": [13, 14, 15, 18, 21, 22], "ensur": [3, 10, 16], "enumer": [4, 5, 6, 7, 10, 15], "ep": 4, "epsg": 5, "equal": [14, 15, 21, 22, 24], "equat": [14, 15], "equival": [14, 15], "ernst": [14, 15], "error": [5, 14, 15], "especi": [14, 15], "essenti": 21, "estim": [2, 3, 4, 5, 6, 7, 12, 13, 14, 15, 18, 22, 24], "estimator_": [14, 15], "estimators_": [12, 14, 15], "estimators_samples_": [14, 15], "etc": [14, 15], "euclidean": 4, "even": [10, 14, 15], "everi": 10, "exact": [14, 15], "exactli": 6, "exampl": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 18, 20, 22, 23], "except": [5, 14, 15], "exist": [4, 5, 14, 15], "exp": 9, "expand": [5, 14, 15], "expect": [11, 12, 14, 15, 21, 22], "expected_valu": 12, "explain": 12, "explan": 12, "explicitli": 21, "explod": 10, "export": 16, "extend": [6, 8, 18, 21, 22], "extra": 14, "extract": [3, 4, 10], "extract_float": 10, "extrap_frac": 4, "extrap_max_idx": 4, "extrap_min_idx": 4, "extrapol": 1, "extrapolationawar": 4, "extratreeregressor": 14, "extratreesquantileregressor": 15, "extrem": [14, 15], "f": [2, 4, 5, 6, 7, 9, 10, 12, 13, 14, 15, 22], "f2a619": [2, 4, 6, 7, 8, 9, 11, 13], "f_lower": 4, "f_median": 4, "f_upper": 4, "face": [1, 20], "facet": [6, 10], "factor": [10, 12], "factori": 4, "fail": [4, 16], "fall": [2, 4, 11, 22], "fals": [2, 3, 4, 6, 7, 8, 9, 10, 12, 14, 15, 20, 21], "fashion": [14, 15], "featur": [6, 12, 14, 15, 20], "feature2": 12, "feature_bar_rul": 12, "feature_importances_": [14, 15], "feature_nam": 12, "feature_names_in_": [14, 15], "feature_valu": 12, "fetch": [5, 14, 15], "fetch_california_h": [2, 5, 8, 12, 14, 15], "ff0251": 12, "ffd237": 6, "field": [2, 3, 6, 7, 10, 11, 13], "figur": 8, "file": 5, "filenam": 5, "fill": 12, "fill_valu": 12, "filter": [5, 9, 10], "find": [4, 14, 15, 22], "finfo": 4, "fip": 5, "first": [14, 15, 22], "fit": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 20, 22, 23, 24], "fit_and_upload_model": 5, "fit_deriv": 4, "fit_transform": 10, "fit_weight": 4, "fix": [15, 20], "flag": 21, "flatten": 4, "float": [2, 3, 4, 10, 12, 14, 15, 21], "float32": [14, 15], "floor": 10, "fold": [5, 8, 10], "fold_idx": 5, "fold_indic": 5, "fold_model": 5, "follow": [14, 15, 16, 17], "footprint": [14, 15], "forest": [1, 2, 3, 5, 6, 10, 11, 14, 15, 17, 19, 20, 24], "forest_": 3, "form": [14, 15], "formal": 22, "format": [2, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "former": 15, "found": [14, 15], "frac": 22, "fraction": [14, 15, 20, 22, 24], "frame": [2, 10], "freedom": 22, "frequenc": [14, 15, 22, 24], "friedman": [14, 15], "friedman_ms": [14, 15], "from": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 20, 21, 22, 23, 24], "from_": 10, "from_iter": 3, "full": [0, 20, 21, 22], "fulli": [14, 15], "func": [3, 4, 7], "func_str": 4, "function": [1, 4, 5, 7, 9, 12, 14, 15, 20, 22], "fval": 4, "g": [12, 14, 15], "gap": [14, 15], "gaussian": 10, "gener": [2, 4, 7, 8, 9, 12, 13, 14, 15, 22], "geodatafram": 5, "geometri": 5, "geopanda": 5, "get": [2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 14, 15, 18], "get_coverage_qrf": 4, "get_coverage_xtr": 4, "get_metadata_rout": [14, 15], "get_n_split": 8, "get_param": [14, 15], "get_shap_valu": 12, "get_shap_value_by_index": 12, "get_started_cod": 5, "geurt": [14, 15], "gh": 20, "gini": [14, 15], "github": [4, 20], "give": [14, 15, 21, 22], "given": [14, 15, 21, 22], "glob": 16, "goe": [14, 15], "gpd": 5, "grai": 12, "greater": [14, 15], "grei": 10, "grid": 12, "ground": 9, "group": [5, 6], "group_kei": 12, "groupbi": [2, 5, 12], "grow": [14, 15], "grown": [14, 15], "grp": 2, "guid": [14, 15, 18], "ha": [5, 7, 14, 15, 20], "handl": 6, "have": [14, 15, 22], "hconcat": 2, "header": [6, 10], "height": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "helper": 20, "here": [3, 5], "high": [14, 15, 18, 22], "higher": [6, 14, 15], "highest": 10, "highlight": 11, "histogram": 13, "hook": [16, 20], "horizont": [2, 8], "hous": [2, 5, 8, 12], "how": [2, 3, 5, 6, 7, 8, 10, 12, 13, 14, 15, 18], "howev": 22, "htm": [14, 15], "html": 16, "http": [4, 14, 15, 19, 20], "hub": [1, 20], "hub_util": 5, "hug": [1, 20], "i": [0, 2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13, 14, 15, 16, 18, 21, 22, 23, 24], "ib": 21, "id": 5, "ident": [14, 15], "identifi": [1, 14, 15, 16], "idx": [3, 6, 8], "ignor": [14, 15], "ignore_index": [3, 6, 12], "ii": 4, "illustr": [1, 4, 6, 9, 10], "iloc": [2, 5, 8, 12], "impact": 21, "implement": [4, 18], "import": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 20, 21, 23, 24], "improv": [14, 15], "impur": [14, 15], "includ": [4, 21], "include_group": [2, 12], "increas": [14, 15], "ind": 4, "independ": [4, 9], "index": [3, 5, 8, 10, 12, 14, 15, 21, 23], "index_left0": 5, "index_select": [3, 10], "indic": [2, 4, 14, 15, 21], "individu": 10, "induc": [14, 15], "infer": [4, 5, 12, 21, 22], "inform": [14, 15, 18, 22], "inher": 21, "init": 5, "initi": [5, 6, 20, 21], "input": [10, 12, 14, 15, 21, 22], "insid": [14, 15], "insight": 12, "inspect": [14, 15], "inspir": 8, "instal": 18, "instanc": [14, 15], "instead": [3, 14, 15, 22], "instruct": 18, "int": [2, 4, 5, 8, 14, 15], "intend": 5, "interest": [3, 21], "intern": [14, 15], "interpol": [1, 14, 15, 20], "interpret": [14, 15, 22], "intersect": 4, "interv": [1, 2, 4, 5, 6, 7, 9, 11, 14, 15, 22], "interval_v": [6, 7, 11], "intrins": 4, "introduc": 4, "introductori": [1, 18], "invers": [14, 15, 21], "inverse_transform": 10, "isinst": [5, 10], "issu": 16, "isvalid": 12, "item": [4, 5, 7], "iter": 4, "itertool": 3, "its": [14, 15, 21], "ix_": 4, "j": [14, 15, 22], "jj": 4, "jmlr": [14, 15, 19], "job": [14, 15], "joblib": [5, 14, 15], "join": 10, "journal": [14, 15, 19], "jun": [14, 15], "just": [14, 15, 18], "justifi": 15, "k": [4, 5, 7, 8, 14], "keep": [14, 15], "kei": [2, 6, 7, 10, 13, 18], "kernel": [14, 15], "keyword": [14, 15], "kf": [5, 8], "kfold": [5, 8], "kind": [14, 15], "kk": 4, "known": [4, 14, 15], "kron": 4, "kwarg": [4, 12, 21], "l": [12, 14, 15, 22], "l1": [14, 15], "l2": [14, 15], "label": [6, 10, 11, 12, 13], "labelangl": 13, "labelexpr": 13, "labelfonts": 10, "labelori": 6, "labelpad": 10, "lambda": [2, 3, 4, 5, 7, 8, 10, 12], "lapack": 16, "larg": [14, 15], "larger": 21, "largest": [14, 15], "lat": 5, "latitud": 5, "latter": [14, 15, 21], "layer": [4, 5], "lead": [6, 14, 15], "leaf": [4, 6, 10, 14, 15, 20, 21, 22, 23, 24], "learn": [5, 14, 15, 17, 18, 19, 20, 21], "least": [14, 15], "leav": [14, 15, 21], "left": [2, 4, 5, 12, 14, 15], "left_impur": [14, 15], "legend": [2, 4, 6, 7, 9, 10, 11, 13], "len": [2, 3, 4, 5, 6, 7, 8, 9, 10, 12, 13, 21, 23], "length": [12, 14, 15], "less": [14, 15, 24], "let": [21, 22], "level": [2, 4], "li": [6, 14, 15], "library_nam": 5, "licens": 5, "lightgrai": [2, 3, 6, 7, 11, 13], "lightgreyr": 5, "like": [3, 12, 14, 15, 21], "limit": [4, 5, 12, 23], "linalg": 4, "line": [3, 4, 7], "line_label": 4, "line_pr": [4, 9, 11], "line_tru": [4, 9], "line_true_color": 4, "linear": [6, 14, 15], "linspac": [2, 4, 5, 6, 7, 11, 12, 13], "lint": 20, "list": [3, 4, 5, 6, 7, 10, 13, 14, 15, 21, 23], "ll": [4, 21], "lo_bdd": 4, "load": [2, 3, 5, 8, 10, 12], "load_diabet": [3, 21, 23, 24], "load_digit": 10, "load_exist": 5, "loc": 13, "local": [4, 5], "local_dir": 5, "local_repo": 5, "log1p": 7, "log2": [14, 15], "lognorm": 9, "lon": 5, "longitud": 5, "look": [10, 14, 15], "lookup": 10, "lookupdata": 10, "loss": [14, 15], "lower": [2, 4, 6, 7, 8, 9, 11, 14, 15], "lowest": 10, "m": [12, 16], "machin": [14, 15, 19], "maco": 16, "mae": 20, "mai": [2, 14, 15, 21], "make": [4, 6, 7, 9, 11, 13], "make_func_xi": 4, "make_funcs_xi": 7, "make_regress": 21, "make_skewed_dataset": 13, "make_toy_dataset": [9, 11], "mani": [14, 15, 21], "manner": 10, "manual": 16, "map": [7, 14, 15, 20], "mape": 5, "mark_area": [4, 7, 9], "mark_bar": [2, 4, 6, 8, 12, 13], "mark_circl": [2, 3, 4, 6, 7, 8, 9, 11], "mark_geoshap": 5, "mark_lin": [2, 3, 4, 7, 8, 9, 11], "mark_point": 12, "mark_rect": 10, "mark_rul": 12, "mark_text": [2, 4, 12], "mark_tick": [2, 8], "match": [6, 14, 15], "materi": 21, "math": [4, 11], "mathbb": 22, "matric": 4, "matrix": [4, 14, 15], "max": [2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13, 14, 15], "max_depth": [7, 9, 14, 15], "max_featur": [8, 10, 14, 15], "max_idx": 3, "max_leaf_nod": [14, 15], "max_order_": 4, "max_proxim": [14, 15, 23], "max_sampl": [14, 15, 20], "max_samples_leaf": [2, 4, 6, 7, 10, 11, 14, 15, 20, 21], "maximum": [8, 14, 15, 21, 23], "mcbride": 2, "md": 5, "mdae": 5, "mean": [2, 4, 5, 8, 10, 12, 13, 14, 15, 21, 22, 23], "mean_absolute_percentage_error": 5, "mean_squared_error": 5, "mean_width": 2, "mean_width_scor": 2, "measur": [14, 15], "mechan": [14, 15], "median": [4, 5, 6, 7, 8, 9, 11, 13, 14, 15, 21], "median_absolute_error": 5, "median_deriv": 4, "mei06": [18, 19, 22], "meinshausen": [8, 14, 15, 18, 19, 22], "meinshausen06a": [14, 15, 19], "member": [14, 15], "memori": [14, 15], "mercat": 5, "merg": [2, 5], "meta": [14, 15], "metadata": [5, 14, 15], "metadata_from_config": 5, "metadata_rout": [14, 15], "metadatarequest": [14, 15], "method": [1, 3, 12, 14, 15, 18, 21, 22, 23], "metric": [2, 5, 14, 15], "middl": [6, 10, 12], "midpoint": [6, 14, 15], "min": [2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13], "min_idx": 3, "min_impurity_decreas": [14, 15], "min_samples_leaf": [4, 9, 11, 14, 15], "min_samples_split": [14, 15], "min_weight_fraction_leaf": [14, 15], "minim": [14, 15], "minimum": [8, 14, 15], "minmaxscal": 10, "minor": 20, "miscellan": 20, "mislead": [14, 15], "miss": [14, 15], "mkdir": [5, 16], "model": [1, 3, 4, 9, 10, 11, 12, 13, 14, 15, 20, 23], "model_card": 5, "model_descript": 5, "model_filenam": 5, "model_output": 12, "model_select": [2, 3, 5, 7, 8, 9, 10, 12, 13, 21, 23, 24], "modul": 16, "monoton": [14, 15, 20, 21], "monotonic_cst": [14, 15, 20], "more": [13, 14, 15, 20, 21, 22], "mse": 5, "mterm": 4, "mu": 4, "multi": [1, 4, 10, 14, 15, 20, 21], "multioutput": [14, 15], "multipl": [5, 7, 12, 14, 15, 20], "multipli": [10, 12], "must": [3, 14, 15], "n": [2, 4, 5, 6, 7, 9, 10, 11, 12, 13, 14, 15, 22], "n0": 4, "n_estim": [4, 6, 10, 14, 15], "n_featur": [3, 12, 14, 15], "n_features_in_": [14, 15], "n_job": [14, 15], "n_node": [14, 15], "n_nodes_ptr": [14, 15], "n_output": [14, 15], "n_outputs_": [14, 15], "n_prox": 10, "n_prox_per_row": 10, "n_quantil": [7, 14, 15], "n_sampl": [2, 3, 4, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21], "n_samples_fit": [14, 15], "n_split": [5, 8], "n_subplot_row": 10, "n_t": [14, 15], "n_t_l": [14, 15], "n_t_r": [14, 15], "n_target": [7, 21], "n_test_sampl": [3, 10], "n_tree": 4, "name": [2, 3, 4, 5, 6, 7, 10, 11, 12, 13, 14, 15, 20], "named_step": 5, "nan": 3, "nanquantil": [14, 15], "nativ": 12, "ndarrai": [14, 15], "ndim": 21, "nearest": [3, 6, 14, 15], "need": 21, "neg": [14, 15], "nest": [14, 15], "net": [14, 15], "new": [3, 12, 14, 15, 21, 22], "nice": [2, 4, 7, 8, 9], "nicolai": 19, "nikla": 4, "niklaspfist": 4, "nn": 4, "node": [6, 10, 14, 15, 20, 21, 22, 23, 24], "nois": [4, 7, 9, 10], "noise_std": 10, "noisi": [9, 10], "non": [4, 9, 10, 14, 15, 18, 21], "none": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 20, 21], "nonparametr": 4, "normal": [4, 10, 11, 14, 15], "notabl": 21, "note": [12, 14, 15, 21], "notic": 4, "np": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21], "nrow": 4, "null": 13, "num": [2, 5, 6, 7, 11, 12, 13], "number": [4, 10, 12, 14, 15, 21, 22, 23], "numer": 3, "numpi": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 20, 21], "nuniqu": [10, 12], "o": 5, "obj": 5, "object": [3, 12, 14, 15, 21], "observ": [4, 8, 9, 12], "obtain": [2, 14, 15], "occur": 21, "offer": [12, 21], "omit": [14, 15], "onc": 21, "one": [7, 10, 14, 15, 21], "ones": [14, 15], "onli": [14, 15, 21, 22], "oo": 4, "oob": [14, 15, 21, 23, 24], "oob_prediction_": [14, 15], "oob_scor": [14, 15, 21, 23, 24], "oob_score_": [14, 15], "opac": [2, 3, 4, 6, 7, 8, 9, 10, 11, 12, 13], "open": 5, "openbla": 16, "optim": [4, 18, 20, 21], "option": [3, 14, 15, 20, 21], "order": [3, 4, 7, 8, 9, 10, 14, 15, 21, 23], "order_factori": 4, "orders_": 4, "org": [4, 14, 15, 19], "orient": [2, 8], "origin": [4, 10, 14, 15], "other": [3, 14, 15, 21], "otherwis": [14, 15], "out": [14, 15, 18, 23, 24], "outlier": [1, 22], "output": [2, 3, 7, 10, 11, 12, 14, 15, 20, 21, 22, 23, 24], "outsid": [4, 11], "over": [4, 14, 15], "overcom": 4, "overlai": 3, "overrid": 21, "overwritten": 21, "p": [4, 10, 14, 15, 16], "packag": [0, 16, 17, 18, 21, 22], "pad": [2, 4, 8], "panda": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "paper": [14, 15, 19], "parallel": [14, 15], "parallel_backend": [14, 15], "param": [2, 5, 6, 7, 11, 12, 13, 14, 15], "paramet": [3, 5, 12, 14, 15, 20, 21], "parametr": 18, "parse_vers": 20, "part": [14, 15], "partit": [14, 15], "pass": [14, 15, 21], "path": [5, 14, 15], "pathlib": 5, "pd": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "pdf": [14, 15, 19], "pen": 4, "pen_list": 4, "penalize_intercept": 4, "penmat": 4, "per": [21, 23], "percentag": [2, 5, 14, 15], "perform": [4, 5, 14, 15, 18, 20, 22], "perm": [2, 8, 12], "permit": [14, 15], "permut": [2, 8, 12, 15], "permutation_import": [14, 15], "person": 5, "peter": 4, "pfister": 4, "pickl": [14, 15], "pip": [16, 17], "pipe": [2, 8, 10], "pipelin": [5, 14, 15], "pixel": 10, "pixel_": 10, "pixel_col": 10, "pixel_dim": 10, "pixel_i": 10, "pixel_scal": 10, "pixel_x": 10, "pkl": 5, "pleas": [14, 15], "plot": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 20], "plot_california_calibration_and_interv": 8, "plot_digits_proxim": 10, "plot_ecdf": 3, "plot_interpolation_predict": 6, "plot_multitarget": 7, "plot_pred_and_rank": 11, "plot_prediction_histogram": 13, "plot_prediction_intervals_by_strategi": 2, "plot_predictions_and_interv": 9, "plot_qrf_huggingface_infer": 5, "plot_qrf_vs_xtrapolation_comparison": 4, "plot_quantiles_by_latlon": 5, "plot_shap_waterfall_with_quantil": 12, "point": [2, 4, 6, 7, 11, 12, 14, 15], "point_label": [4, 9], "points_color": 4, "points_from_xi": 5, "poisson": [14, 15], "polynomi": 4, "popul": [5, 6], "popular": 22, "possibl": [14, 15], "potenti": [1, 10, 14, 15], "power": 22, "pp": 4, "practic": 22, "pre": [16, 20], "precomput": [4, 14, 15], "predict": [1, 2, 3, 4, 5, 6, 7, 10, 11, 12, 13, 14, 15, 18, 20, 22], "prediction_bound": 4, "predictor": 22, "prepar": 5, "preprint": 4, "preprocess": 10, "present": 23, "prevent": 20, "previou": [14, 15], "previous": 20, "price": [2, 8], "print": 5, "priorit": [14, 15], "prob_randomized_pi": 4, "prob_si": 4, "proba": 3, "probabl": [3, 4], "problem": 4, "procedur": [4, 5, 18], "process": 21, "processor": [14, 15], "produc": [2, 4, 16], "product": 5, "project": 5, "properti": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "propos": 22, "proven": 22, "provid": [2, 12, 14, 15, 18, 22], "prox": [3, 10, 14, 15, 23], "prox_cnt": 10, "prox_idx": 10, "prox_val": 10, "proxim": [1, 3, 14, 15, 18, 20], "proximity_count": [3, 10, 14, 15, 23], "prune": [14, 15], "publish": 20, "pure": [14, 15], "purpos": [1, 10], "push": 5, "pypa": 20, "pypi": 20, "pytest": 16, "python": [4, 5, 16, 17, 20], "q": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 22], "q_": [5, 7], "q_i": [7, 13], "qmat": 4, "qrf": [1, 4, 6, 8, 9, 10, 11, 12, 13, 14, 15, 18, 21, 23, 24], "qrf_": 13, "qrf_col": 13, "qrf_multi": 21, "qrf_param": 4, "qrf_pkl_filenam": 5, "qrf_pred": 12, "qrf_strategi": 2, "qualiti": [14, 15], "quantil": [1, 3, 5, 10, 14, 15, 17, 19, 20], "quantile_col": 5, "quantile_forest": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 21, 23, 24], "quantile_low": [6, 7], "quantile_low_col": 7, "quantile_rank": [11, 14, 15, 24], "quantile_upp": [6, 7], "quantile_upp_col": 7, "quantile_v": [5, 12, 13], "quantiti": [3, 21], "queri": [2, 4, 5], "r": [5, 14, 15, 16], "r2": 5, "r2_score": [5, 14, 15], "r_": 4, "rais": [14, 15], "randn": 13, "random": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 14, 15, 22], "random_se": 2, "random_st": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21], "randomforest": [14, 15], "randomforestquantileregressor": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 21, 23, 24], "randomforestregressor": [13, 21], "randomized_pi": 4, "randomli": [3, 10, 15, 21], "randomst": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "rang": [2, 3, 4, 7, 9, 10, 11, 12, 14, 15, 24], "rangeschem": [6, 7, 13], "rank": [1, 14, 15, 18, 20, 22], "rather": [15, 22], "ravel": [7, 13], "raw_valu": 12, "rb": 5, "re": [4, 14, 15], "reach": [14, 15], "read_fil": 5, "readi": 5, "readm": 5, "real": [14, 15, 22], "recent": 15, "recov": 21, "red": [2, 4, 11], "reduc": [10, 14, 15], "reduct": [14, 15], "refactor": 20, "refer": [4, 14, 15], "regr_qrf": 13, "regr_rf": 13, "regress": [1, 3, 5, 6, 10, 11, 14, 15, 18, 19, 20, 21], "regressor": [7, 13, 14, 15, 18, 21], "regressormixin": 5, "regular": 4, "reidjohnson": 20, "rel": [14, 15], "relat": 21, "relev": [14, 15], "reliabl": [2, 4, 13], "remov": 5, "renam": [4, 5, 14, 15], "reorder": 20, "repeat": [3, 4, 21], "replac": [3, 4, 18], "replic": 21, "repo_id": 5, "report": 16, "repositori": 5, "reproduct": 20, "request": [14, 15], "requir": [2, 4, 5, 14, 15, 16, 17, 18, 20], "research": [14, 15, 19], "reset_index": [2, 5, 10, 12], "reshap": [3, 4, 7, 9, 11, 13], "residu": [14, 15], "resolv": 20, "resolve_scal": [4, 9], "respect": 23, "respons": [3, 22, 24], "result": [6, 14, 15], "retain": [6, 14, 15, 21], "retrain": [18, 21], "retriev": [3, 10], "return": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21, 22, 23, 24], "return_sort": [14, 15], "return_x_i": [2, 3, 5, 8, 10, 12, 14, 15, 21, 23, 24], "reus": [14, 15], "reverse_sort": 3, "rf": [12, 13, 21], "rf_pred": 12, "right": [5, 12, 13, 14, 15], "right_impur": [14, 15], "rmtree": 5, "rng": 4, "root": [14, 15], "rotat": 4, "round": [2, 5, 6, 7, 12, 13, 15], "rout": [14, 15], "row": [4, 10, 14, 15], "rst": 16, "rule": 12, "run": [4, 14, 15, 16], "rv": 13, "s_i": 3, "same": [15, 21, 22, 24], "sampl": [1, 2, 3, 4, 5, 6, 7, 8, 9, 11, 12, 14, 15, 20, 21, 22, 23, 24], "sample_weight": [14, 15], "save": 5, "scalar": 3, "scale": [2, 4, 5, 7, 8, 9, 10, 11, 12, 13], "scaler": 10, "scenario": [3, 5, 10, 11], "scheme": [5, 10], "scikit": [5, 14, 15, 17, 18, 20, 21], "scipi": [3, 13, 14, 15, 16, 17], "score": [2, 14, 15, 21, 24], "search": [14, 15], "second": 21, "see": [14, 15, 21], "seen": [14, 15], "select": [3, 4, 12, 14, 15, 21], "selection_point": [2, 3, 6, 7, 10, 11, 13], "self": [4, 5, 14, 15], "separ": [6, 10], "seri": 2, "serial": 20, "serv": 18, "set": [2, 3, 4, 10, 14, 15, 20, 21, 22, 23, 24], "set_config": [14, 15], "set_cr": 5, "set_fit_request": [14, 15], "set_param": [8, 14, 15], "set_predict_request": [14, 15], "set_score_request": [14, 15], "sever": [15, 22], "shap": [1, 20], "shap_i": 12, "shap_valu": 12, "shap_values_i": 12, "shap_values_list": 12, "shape": [3, 4, 5, 7, 8, 10, 12, 14, 15, 21], "shaplei": 12, "share": [23, 24], "shift": 12, "should": [14, 15], "shuffl": [5, 8], "shutil": 5, "si_index": 4, "sibl": [14, 15], "sigma": 9, "signal": 7, "signatur": [14, 15], "significantli": [11, 14, 15], "similar": [1, 14, 15], "simpl": [6, 14, 15, 16, 21], "simultan": 7, "sin": [4, 9], "sinc": 21, "singl": [4, 6, 7, 10, 12, 14, 15, 20, 21], "size": [2, 3, 4, 6, 7, 8, 9, 11, 12, 14, 15, 20, 21], "sjoin": 5, "skew": 13, "skewnorm": 13, "skewnorm_rv": 13, "sklearn": [2, 3, 4, 5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21, 23, 24], "skop": 5, "slider": [2, 3, 5, 6, 7, 10, 11, 12, 13], "slower": [14, 15], "small": [14, 15], "smaller": [14, 15, 21], "smooth": [14, 15], "so": [14, 15], "solut": [14, 15], "solv": 4, "some": [14, 15], "sort": [2, 3, 6, 7, 12, 13, 14, 15], "sort_idx": 8, "sort_valu": 12, "sort_x": 4, "sort_y_valu": 2, "sorter_": 3, "sourc": [5, 14, 16, 20], "sp": [3, 13], "space": [6, 10], "spars": [14, 15], "sparse_pickl": [14, 15], "specif": [4, 12, 14, 15, 21], "specifi": [1, 4, 6, 7, 11, 12, 14, 15, 23, 24], "sphinx": 16, "sphinx_requir": 16, "split": [4, 5, 6, 8, 10, 14, 15], "split1": 4, "split2": 4, "sqrt": [4, 7, 14, 15], "squar": [5, 14, 15], "squared_error": [14, 15], "squeez": [4, 7], "stack": 2, "standard": [4, 13, 21, 22], "start": [5, 12, 18], "stat": [3, 13, 14, 15], "state": 5, "staticmethod": 4, "statist": [3, 4, 22], "std": [4, 10], "step": [2, 3, 5, 6, 7, 10, 11, 12, 13], "stop": [14, 15], "store": [3, 10, 14, 15, 22], "str": [7, 10, 14, 15], "straightforward": 22, "strategi": 2, "strict": [14, 15], "strictli": [14, 15], "string": [14, 15], "stroke": [5, 6], "strokedash": [2, 8, 12], "strokeopac": [10, 12], "strokewidth": 5, "strongli": 4, "structur": [14, 15], "sub": [14, 15], "submiss": 16, "subobject": [14, 15], "subplot_dim": 10, "subplot_spac": 10, "subset": [5, 14, 15, 21], "subtract": 2, "subtre": [14, 15], "suffici": 22, "suggest": 15, "sum": [4, 5, 12, 14, 15, 22], "sum_": 22, "summari": 5, "support": [12, 14, 15, 20, 21], "suppress": 20, "surround": [14, 15], "svd": 4, "symbolopac": 7, "symmetr": 4, "synthet": 13, "system_version_compat": 16, "t": [2, 3, 4, 7, 9, 13, 22], "tabular": 5, "tag": 5, "target": [1, 2, 4, 10, 13, 14, 15, 20, 21], "target_func": 7, "task": 5, "tempfil": 5, "templat": [14, 15], "temporarydirectori": 5, "termin": [6, 14, 15], "test": [2, 3, 4, 9, 10, 12, 14, 15, 20, 21, 23, 24], "test_idx": [5, 12], "test_index": 8, "test_indic": 4, "test_left": 4, "test_right": 4, "test_siz": [2, 3, 10, 12, 21, 23, 24], "text": [2, 4, 12], "text_bar_left": 12, "text_bar_right": 12, "text_coverag": [2, 4], "text_label_end": 12, "text_label_start": 12, "text_with": 2, "th": [14, 15, 22], "than": [13, 14, 15, 21, 22, 24], "thei": [2, 18, 21, 22], "therefor": 15, "thi": [0, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 18, 20, 21, 22], "thick": [2, 8], "those": [4, 14, 15], "three": 7, "threshold": 11, "threshold_low": 11, "threshold_upp": 11, "through": [14, 15], "thu": [14, 15], "ti": [14, 15], "tick": [2, 8], "tick_end_rul": 12, "tick_low": [2, 8], "tick_start_rul": 12, "tick_upp": [2, 8], "ticksiz": 6, "tile": [4, 7, 12], "time": [12, 18, 20, 21, 22, 23], "titl": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "titleori": 6, "tmp": 4, "toi": [4, 6, 7, 9, 11, 13], "token": 5, "tolist": [2, 5, 6, 7, 12, 13], "tooltip": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "tooltip_pr": 4, "tooltip_tru": 4, "top": [2, 4, 10], "total": [14, 15, 22], "train": [1, 3, 4, 6, 10, 11, 14, 15, 21, 22, 23, 24], "train_idx": 5, "train_index": 8, "train_indic": 4, "train_test_split": [2, 3, 4, 7, 9, 10, 12, 13, 21, 23, 24], "training_procedur": 5, "transform_aggreg": [2, 4], "transform_calcul": [2, 4, 5, 7, 8, 10, 11, 12, 13], "transform_filt": [2, 3, 6, 9, 10, 12], "transform_fold": [10, 13], "transform_lookup": 10, "transmit": 10, "treat": 10, "tree": [1, 4, 14, 15, 18, 20, 21, 22, 24], "tree_": 12, "tree_output": 12, "treeexplain": 12, "tri": [14, 15], "triangle_left": 12, "triangle_right": 12, "triangle_s": 12, "true": [2, 3, 4, 5, 6, 7, 8, 9, 10, 12, 13, 14, 15, 21, 23, 24], "truth": 9, "try": 5, "tt": 4, "tupl": [10, 14, 15, 23], "two": [6, 7, 10, 14, 15, 23], "txt": 16, "type": [4, 5, 12], "u": [5, 12, 14, 15], "unaggreg": 20, "uncertainti": [5, 18], "unchang": [14, 15], "underli": [12, 14, 15], "uniform": [7, 9], "uniqu": [14, 15], "unit": 20, "unknown": 22, "unless": [14, 15], "unlimit": [14, 15], "unprun": [14, 15], "unselect": 3, "unsort": 3, "unsupervis": 10, "until": [14, 15], "unweight": [14, 15, 21, 22], "up": [10, 14, 15], "up_bdd": 4, "updat": [6, 14, 15, 20], "upload": 5, "upper": [2, 4, 6, 7, 8, 9, 11], "url": [5, 19], "us": [1, 2, 3, 4, 6, 7, 8, 9, 12, 13, 14, 15, 16, 17, 20, 21, 22, 24], "us_10m": 5, "user": [1, 14, 15, 18], "userwarn": 20, "util": [4, 9, 10, 11, 13, 14, 15], "v": [1, 4, 7, 9, 14, 15, 16], "v1": 20, "valid": [2, 4, 5, 8, 9, 10, 11, 13, 14, 15, 20], "valu": [2, 3, 4, 5, 6, 7, 8, 10, 11, 12, 13, 14, 15, 20, 21, 22, 24], "value_clean": 10, "value_label": 12, "value_noisi": 10, "var": 4, "var1": [2, 8], "var2": [2, 8], "var_ord": 4, "vari": [2, 5, 6, 7, 11, 12, 13, 15], "variabl": [7, 21, 22], "varianc": [14, 15, 22], "variou": [14, 15], "vector": 3, "vega_dataset": 5, "verbos": [14, 15, 16], "veri": [14, 15, 22], "version": [9, 14, 15, 18], "via": 1, "visual": [3, 5, 7, 8, 10, 12], "volume7": [14, 15, 19], "vstack": 2, "vt": 4, "vv": 4, "vv_direct": 4, "vv_norm": 4, "w_q_": 5, "wa": [5, 14, 15, 21, 22], "wai": 22, "want": 18, "warm_start": [14, 15], "warn": [14, 15, 20], "waterfal": 12, "wb": 5, "we": [2, 3, 4, 6, 10, 11, 12, 16, 21, 22], "weak": [14, 15], "wehenkel": [14, 15], "weight": [4, 14, 15, 20, 22], "weight_mat": 4, "weight_x0": 4, "weighted_leav": [14, 15, 20, 21], "weighted_quantil": [14, 15, 21], "well": [14, 15, 18], "were": 23, "what": 3, "when": [6, 13, 14, 15, 18, 20, 21, 22, 23], "where": [4, 14, 15, 22], "wherea": 15, "wherebi": 21, "whether": [14, 15], "which": [3, 4, 10, 12, 14, 15, 21, 22], "whichev": [14, 15], "while": [2, 3, 14, 15, 21, 22], "whole": [14, 15], "whose": 11, "wi": 4, "width": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13], "width_text": 2, "window": 20, "within": 2, "without": [6, 18, 21], "work": [14, 15], "wors": [14, 15], "would": [14, 15], "write": 12, "wrt": [14, 15], "ww": 4, "www": [14, 15, 19], "x": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21, 22, 23, 24], "x0": 4, "x0tild": 4, "x0v": 4, "x2": [3, 12], "x_1d": 11, "x_calib": 2, "x_domain": [4, 8], "x_eval": 4, "x_func": 9, "x_leav": [14, 15], "x_max": [5, 10, 12], "x_min": [5, 10, 12], "x_mix": 21, "x_noisi": 10, "x_scale": [4, 10], "x_shift": 12, "x_test": [2, 3, 7, 8, 9, 10, 12, 13, 21, 23, 24], "x_test_noisi": 10, "x_train": [2, 3, 4, 5, 7, 8, 9, 10, 12, 13, 21, 23, 24], "x_train_noisi": 10, "x_true": 4, "xind": 4, "xoffset": 13, "xpt": 4, "xtild": 4, "xtra": 4, "xtra_featur": 4, "xtra_mapp": 4, "xtrapol": 4, "xx": 4, "y": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 21, 22, 23, 24], "y2": [2, 4, 6, 7, 8, 9, 12], "y2offset": 12, "y_area_label": 9, "y_calib": 2, "y_conf_low": 2, "y_conf_upp": 2, "y_domain": [4, 8], "y_ecdf": 3, "y_extrp_area": 4, "y_extrp_lin": 4, "y_func": [4, 9], "y_i": [3, 7, 13, 22], "y_j": 22, "y_label": 2, "y_out": 3, "y_pi": 2, "y_pred": [2, 4, 5, 6, 7, 8, 9, 11, 14, 15, 21], "y_pred_area": 4, "y_pred_func": 9, "y_pred_i": 8, "y_pred_interv": [2, 8], "y_pred_interval_calib": 2, "y_pred_label": 9, "y_pred_lin": 4, "y_pred_low": [2, 4, 6, 7, 8, 9], "y_pred_low_calib": 2, "y_pred_mix": 21, "y_pred_oob": 21, "y_pred_qrf": [13, 21], "y_pred_rf": [13, 21], "y_pred_test": [9, 21], "y_pred_train_oob": 21, "y_pred_unweight": 21, "y_pred_upp": [2, 4, 6, 7, 8, 9], "y_pred_upp_calib": 2, "y_pred_weight": 21, "y_pred_width": 8, "y_rank": [11, 14, 15, 24], "y_ranks_oob": 24, "y_rule_offset": 12, "y_scale": 4, "y_test": [2, 3, 7, 8, 9, 10, 12, 13, 21, 23, 24], "y_text_offset": 12, "y_train": [2, 3, 4, 5, 7, 8, 9, 10, 12, 13, 21, 23, 24], "y_train_leav": 4, "y_true": [2, 4, 8, 14, 15], "y_true_label": 9, "y_val": 3, "y_val2": 3, "y_valu": 2, "ye": [2, 11], "yoffset": 12, "you": [14, 15, 18], "z": [4, 12], "zero": [4, 10, 12, 14, 15, 22, 23], "zeros_lik": [4, 9], "zillow": 20, "zip": [7, 12, 13]}, "titles": ["API Reference", "General Examples", "QRFs for Conformalized Quantile Regression", "Computing User-Specified Functions with QRFs", "Extrapolation with Quantile Regression Forests", "Using a Trained QRF Model via Hugging Face Hub", "Comparing Quantile Interpolation Methods", "Multi-target Quantile Regression with QRFs", "Quantile Regression Forests Prediction Intervals", "Predicting with Quantile Regression Forests", "Using Proximity Counts to Identify Similar Samples", "Using Quantile Ranks to Identify Potential Outliers", "Tree SHAP with Quantile Regression Forests", "Quantile Regression Forests vs. Random Forests", "ExtraTreesQuantileRegressor", "RandomForestQuantileRegressor", "Developer\u2019s Guide", "Getting Started", "quantile-forest", "References", "Release Notes", "Fitting and Predicting", "Introduction", "Proximity Counts", "Quantile Ranks"], "titleterms": {"": 16, "0": 20, "01": 20, "04": 20, "07": 20, "08": 20, "09": 20, "1": 20, "10": 20, "11": 20, "12": 20, "15": 20, "16": 20, "19": 20, "2": 20, "2022": 20, "2023": 20, "2024": 20, "21": 20, "22": 20, "23": 20, "28": 20, "3": 20, "31": 20, "4": 20, "5": 20, "6": 20, "7": 20, "8": 20, "9": 20, "api": 0, "apr": 20, "aug": 20, "bag": 21, "compar": 6, "comput": 3, "conform": 2, "count": [10, 23], "coverag": 16, "dec": 20, "depend": 16, "develop": 16, "document": 16, "estim": 21, "exampl": 1, "extrapol": 4, "extratreesquantileregressor": 14, "face": 5, "feb": 20, "fit": 21, "forest": [0, 4, 8, 9, 12, 13, 18, 21, 22], "function": [3, 21], "gener": 1, "get": 17, "guid": 16, "hub": 5, "hug": 5, "identifi": [10, 11], "instal": [16, 17], "interpol": 6, "interv": 8, "introduct": 22, "jan": 20, "jul": 20, "jun": 20, "mai": 20, "make": 21, "mar": 20, "method": 6, "model": [5, 21], "multi": 7, "note": 20, "nov": 20, "oct": 20, "out": 21, "outlier": 11, "potenti": 11, "predict": [8, 9, 21], "prerequisit": 17, "proxim": [10, 23], "qrf": [2, 3, 5, 7], "quantil": [0, 2, 4, 6, 7, 8, 9, 11, 12, 13, 18, 21, 22, 24], "random": [13, 21], "randomforestquantileregressor": 15, "rank": [11, 24], "refer": [0, 19], "regress": [2, 4, 7, 8, 9, 12, 13, 22], "releas": 20, "sampl": 10, "sep": 20, "shap": 12, "similar": 10, "specifi": [3, 21], "start": 17, "target": 7, "test": 16, "train": 5, "tree": 12, "troubleshoot": 16, "us": [5, 10, 11], "user": [3, 21], "v": 13, "version": 20, "via": 5, "weight": 21}})
    \ No newline at end of file